diff --git a/load_external.py b/load_external.py new file mode 100644 index 000000000..90d13ed51 --- /dev/null +++ b/load_external.py @@ -0,0 +1,238 @@ +from __future__ import annotations + +import json +import logging +import math +import re +from pathlib import Path +from typing import Any + +from huggingface_hub import HfApi, get_hf_file_metadata, hf_hub_download, hf_hub_url +from huggingface_hub.errors import NotASafetensorsRepoError +from huggingface_hub.hf_api import ModelInfo +from huggingface_hub.repocard import metadata_load +from mteb import ModelMeta, get_task + +API = HfApi() +logger = logging.getLogger(__name__) + + +library_mapping = { + "sentence-transformers": "Sentence Transformers", +} + + +def get_model_dir(model_id: str) -> Path: + external_result_dir = Path("results") / model_id.replace("/", "__") / "external" + return external_result_dir + + +def simplify_dataset_name(name: str) -> str: + return name.replace("MTEB ", "").split()[0] + + +def get_model_parameters_memory(model_info: ModelInfo) -> tuple[int| None, float|None]: + try: + safetensors = API.get_safetensors_metadata(model_info.id) + num_parameters = sum(safetensors.parameter_count.values()) + return num_parameters, round(num_parameters * 4 / 1024 ** 3, 2) + except NotASafetensorsRepoError as e: + logger.info(f"Could not find SafeTensors metadata for {model_info.id}") + + filenames = [sib.rfilename for sib in model_info.siblings] + if "pytorch_model.bin" in filenames: + url = hf_hub_url(model_info.id, filename="pytorch_model.bin") + meta = get_hf_file_metadata(url) + bytes_per_param = 4 + num_params = round(meta.size / bytes_per_param) + size_gb = round(meta.size * (4 / bytes_per_param) / 1024 ** 3, 2) + return num_params, size_gb + if "pytorch_model.bin.index.json" in filenames: + index_path = hf_hub_download(model_info.id, filename="pytorch_model.bin.index.json") + size = json.load(open(index_path)) + bytes_per_param = 4 + if "metadata" in size and "total_size" in size["metadata"]: + return round(size["metadata"]["total_size"] / bytes_per_param), round(size["metadata"]["total_size"] / 1024 ** 3, 2) + logger.info(f"Could not find the model parameters for {model_info.id}") + return None, None + + +def get_dim_seq_size(model: ModelInfo) -> tuple[str | None, str | None, int, float]: + siblings = model.siblings or [] + filenames = [sib.rfilename for sib in siblings] + dim, seq = None, None + for filename in filenames: + if re.match(r"\d+_Pooling/config.json", filename): + st_config_path = hf_hub_download(model.id, filename=filename) + dim = json.load(open(st_config_path)).get("word_embedding_dimension", None) + break + for filename in filenames: + if re.match(r"\d+_Dense/config.json", filename): + st_config_path = hf_hub_download(model.id, filename=filename) + dim = json.load(open(st_config_path)).get("out_features", dim) + if "config.json" in filenames: + config_path = hf_hub_download(model.id, filename="config.json") + config = json.load(open(config_path)) + if not dim: + dim = config.get("hidden_dim", config.get("hidden_size", config.get("d_model", None))) + seq = config.get("n_positions", config.get("max_position_embeddings", config.get("n_ctx", config.get("seq_length", None)))) + + parameters, memory = get_model_parameters_memory(model) + return dim, seq, parameters, memory + + +def create_model_meta(model_info: ModelInfo) -> ModelMeta | None: + readme_path = hf_hub_download(model_info.id, filename="README.md", etag_timeout=30) + meta = metadata_load(readme_path) + dim, seq, parameters, memory = None, None, None, None + try: + dim, seq, parameters, memory = get_dim_seq_size(model_info) + except Exception as e: + logger.error(f"Error getting model parameters for {model_info.id}, {e}") + + release_date = str(model_info.created_at.date()) if model_info.created_at else "" + library = [library_mapping[model_info.library_name]] if model_info.library_name in library_mapping else [] + languages = meta.get("language", []) + if not isinstance(languages, list) and isinstance(languages, str): + languages = [languages] + # yaml transforms norwegian `no` to False + for i in range(len(languages)): + if languages[i] is False: + languages[i] = "no" + + model_meta = ModelMeta( + name=model_info.id, + revision=model_info.sha, + release_date=release_date, + open_weights=True, + framework=library, + license=meta.get("license", None), + embed_dim=dim, + max_tokens=seq, + n_parameters=parameters, + languages=languages, + ) + return model_meta + + +def parse_readme(model_info: ModelInfo) -> dict[str, dict[str, Any]] | None: + model_id = model_info.id + try: + readme_path = hf_hub_download(model_info.id, filename="README.md", etag_timeout=30) + except Exception: + logger.warning(f"ERROR: Could not fetch metadata for {model_id}, trying again") + readme_path = hf_hub_download(model_id, filename="README.md", etag_timeout=30) + meta = metadata_load(readme_path) + if "model-index" not in meta: + logger.info(f"Could not find model-index in {model_id}") + return + model_index = meta["model-index"][0] + model_name_from_readme = model_index.get("name", None) + orgs = ["Alibaba-NLP", "HIT-TMG", "McGill-NLP", "Snowflake", "facebook", "jinaai", "nomic-ai"] + is_org = any([model_id.startswith(org) for org in orgs]) + # There a lot of reuploads with tunes, quantization, etc. We only want the original model + # to prevent this most of the time we can check if the model name from the readme is the same as the model id + # but some orgs have a different naming in their readme + if model_name_from_readme and not model_info.id.endswith(model_name_from_readme) and not is_org: + logger.warning(f"Model name mismatch: {model_info.id} vs {model_name_from_readme}") + return + results = model_index.get("results", []) + model_results = {} + for result in results: + dataset = result["dataset"] + dataset_type = dataset["type"] # type is repo of the dataset + if dataset_type not in model_results: + output_dict = { + "dataset_revision": dataset.get("revision", ""), + "task_name": simplify_dataset_name(dataset["name"]), + "evaluation_time": None, + "mteb_version": None, + "scores": {}, + } + else: + output_dict = model_results[dataset_type] + + try: + mteb_task = get_task(output_dict["task_name"]) + except Exception: + logger.warning(f"Error getting task for {model_id} {output_dict['task_name']}") + continue + + mteb_task_metadata = mteb_task.metadata + mteb_task_eval_languages = mteb_task_metadata.eval_langs + + scores_dict = output_dict["scores"] + current_split = dataset["split"] + current_config = dataset.get("config", "") + cur_split_metrics = { + "hf_subset": current_config, + "languages": mteb_task_eval_languages if isinstance(mteb_task_eval_languages, list) else mteb_task_eval_languages.get(current_config, ["None"]), + } + for metric in result["metrics"]: + cur_split_metrics[metric["type"]] = metric["value"] + + main_score_str = "main_score" + if main_score_str not in cur_split_metrics: + # old sts and sum_eval have cos_sim_pearson, but in model_meta cosine_spearman is main_score + for old_metric, new_metric in zip(["cos_sim_pearson", "cos_sim_spearman"], ["cosine_pearson", "cosine_spearman"]): + if old_metric in cur_split_metrics: + cur_split_metrics[new_metric] = cur_split_metrics[old_metric] + + if mteb_task.metadata.main_score not in cur_split_metrics: + logger.warning(f"Could not find main score for {model_id} {output_dict['task_name']}, mteb task {mteb_task.metadata.name}. Main score: {mteb_task.metadata.main_score}. Metrics: {cur_split_metrics}, result {result['metrics']}") + continue + + cur_split_metrics[main_score_str] = cur_split_metrics.get(mteb_task.metadata.main_score, None) + split_metrics = scores_dict.get(current_split, []) + split_metrics.append(cur_split_metrics) + scores_dict[current_split] = split_metrics + model_results[dataset_type] = output_dict + return model_results + + +def get_mteb_data() -> None: + models = sorted(list(API.list_models(filter="mteb", full=True)), key=lambda x: x.id) + # models = [model for model in models if model.id == "intfloat/multilingual-e5-large"] + for i, model_info in enumerate(models, start=1): + logger.info(f"[{i}/{len(models)}] Processing {model_info.id}") + model_path = get_model_dir(model_info.id) + if (model_path / "model_meta.json").exists() and len(list(model_path.glob("*.json"))) > 1: + logger.info(f"Model meta already exists for {model_info.id}") + continue + if model_info.id.lower().endswith("gguf"): + logger.info(f"Skipping {model_info.id} GGUF model") + continue + + spam_users = ["ILKT", "fine-tuned", "mlx-community"] + is_spam = False + for spam_user in spam_users: + if model_info.id.startswith(spam_user): + logger.info(f"Skipping {model_info.id}") + is_spam = True + continue + if is_spam: + continue + model_meta = create_model_meta(model_info) + model_results = parse_readme(model_info) + + if not model_meta or not model_results: + logger.warning(f"Could not get model meta or results for {model_info.id}") + continue + + if not model_path.exists(): + model_path.mkdir(parents=True, exist_ok=True) + + model_meta_path = model_path / "model_meta.json" + with model_meta_path.open("w") as f: + json.dump(model_meta.model_dump(), f, indent=4) + + for model_result in model_results: + task_name = model_results[model_result]["task_name"] + result_file = model_path / f"{task_name}.json" + with result_file.open("w") as f: + json.dump(model_results[model_result], f, indent=4) + + +if __name__ == "__main__": + logging.basicConfig(level=logging.INFO) + get_mteb_data() diff --git a/paths.json b/paths.json index f141c763f..1efe5867e 100644 --- a/paths.json +++ b/paths.json @@ -1,13014 +1,5689 @@ { - "orionweller__tart-dual-contriever-msmarco": [ - "results/orionweller__tart-dual-contriever-msmarco/no_revision_available/Robust04InstructionRetrieval.json", - "results/orionweller__tart-dual-contriever-msmarco/no_revision_available/News21InstructionRetrieval.json", - "results/orionweller__tart-dual-contriever-msmarco/no_revision_available/Core17InstructionRetrieval.json" + "Alibaba-NLP__gte-Qwen1.5-7B-instruct": [ + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/CMedQAv1.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/MassiveIntentClassification.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/TNews.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/BiorxivClusteringP2P.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/EmotionClassification.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/CQADupstackGisRetrieval.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/PAWSX.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/TweetSentimentExtractionClassification.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/OnlineShopping.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/LCQMC.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/EcomRetrieval.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/SciFact.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/Banking77Classification.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/MMarcoReranking.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/STS14.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/STSBenchmark.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/SciDocsRR.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/MindSmallReranking.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/CQADupstackRetrieval.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/MedrxivClusteringS2S.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/SCIDOCS.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/BrightRetrieval.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/Touche2020.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/STS16.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/CovidRetrieval.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/CQADupstackTexRetrieval.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/CLSClusteringP2P.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/BQ.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/AFQMC.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/ImdbClassification.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/SprintDuplicateQuestions.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/CLSClusteringS2S.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/ToxicConversationsClassification.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/Cmnli.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/MassiveScenarioClassification.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/T2Reranking.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/STS17.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/CQADupstackUnixRetrieval.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/AskUbuntuDupQuestions.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/HotpotQA.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/ArxivClusteringS2S.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/StackExchangeClustering.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/RedditClusteringP2P.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/ThuNewsClusteringP2P.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/VideoRetrieval.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/Ocnli.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/NQ.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/ATEC.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/Waimai.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/RedditClustering.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/SICK-R.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/FiQA2018.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/BIOSSES.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/TRECCOVID.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/ThuNewsClusteringS2S.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/DBPedia.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/BiorxivClusteringS2S.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/ArguAna.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/IFlyTek.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/ArxivClusteringP2P.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/MultilingualSentiment.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/CmedqaRetrieval.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/TwitterURLCorpus.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/STS22.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/AmazonReviewsClassification.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/CQADupstackGamingRetrieval.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/NFCorpus.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/STS15.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/AmazonPolarityClassification.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/JDReview.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/MTOPIntentClassification.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/STS13.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/MedicalRetrieval.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/SummEval.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/ClimateFEVER.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/CQADupstackStatsRetrieval.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/T2Retrieval.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/TwitterSemEval2015.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/QBQTC.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/MedrxivClusteringP2P.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/MMarcoRetrieval.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/TwentyNewsgroupsClustering.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/FEVER.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/MSMARCO.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/DuRetrieval.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/MTOPDomainClassification.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/QuoraRetrieval.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/STS12.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/AmazonCounterfactualClassification.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/StackExchangeClusteringP2P.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/CMedQAv2.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/STSB.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/StackOverflowDupQuestions.json" ], - "ai-forever__sbert_large_nlu_ru": [ - "results/ai-forever__sbert_large_nlu_ru/af977d5dfa46a3635e29bf0ef383f2df2a08d47a/RuBQRetrieval.json", - "results/ai-forever__sbert_large_nlu_ru/af977d5dfa46a3635e29bf0ef383f2df2a08d47a/MassiveIntentClassification.json", - "results/ai-forever__sbert_large_nlu_ru/af977d5dfa46a3635e29bf0ef383f2df2a08d47a/InappropriatenessClassification.json", - "results/ai-forever__sbert_large_nlu_ru/af977d5dfa46a3635e29bf0ef383f2df2a08d47a/RuReviewsClassification.json", - "results/ai-forever__sbert_large_nlu_ru/af977d5dfa46a3635e29bf0ef383f2df2a08d47a/RuSciBenchGRNTIClusteringP2P.json", - "results/ai-forever__sbert_large_nlu_ru/af977d5dfa46a3635e29bf0ef383f2df2a08d47a/TERRa.json", - "results/ai-forever__sbert_large_nlu_ru/af977d5dfa46a3635e29bf0ef383f2df2a08d47a/RuSTSBenchmarkSTS.json", - "results/ai-forever__sbert_large_nlu_ru/af977d5dfa46a3635e29bf0ef383f2df2a08d47a/RiaNewsRetrieval.json", - "results/ai-forever__sbert_large_nlu_ru/af977d5dfa46a3635e29bf0ef383f2df2a08d47a/MIRACLRetrieval.json", - "results/ai-forever__sbert_large_nlu_ru/af977d5dfa46a3635e29bf0ef383f2df2a08d47a/GeoreviewClassification.json", - "results/ai-forever__sbert_large_nlu_ru/af977d5dfa46a3635e29bf0ef383f2df2a08d47a/SensitiveTopicsClassification.json", - "results/ai-forever__sbert_large_nlu_ru/af977d5dfa46a3635e29bf0ef383f2df2a08d47a/KinopoiskClassification.json", - "results/ai-forever__sbert_large_nlu_ru/af977d5dfa46a3635e29bf0ef383f2df2a08d47a/RUParaPhraserSTS.json", - "results/ai-forever__sbert_large_nlu_ru/af977d5dfa46a3635e29bf0ef383f2df2a08d47a/MassiveScenarioClassification.json", - "results/ai-forever__sbert_large_nlu_ru/af977d5dfa46a3635e29bf0ef383f2df2a08d47a/RuSciBenchOECDClusteringP2P.json", - "results/ai-forever__sbert_large_nlu_ru/af977d5dfa46a3635e29bf0ef383f2df2a08d47a/RuSciBenchGRNTIClassification.json", - "results/ai-forever__sbert_large_nlu_ru/af977d5dfa46a3635e29bf0ef383f2df2a08d47a/HeadlineClassification.json", - "results/ai-forever__sbert_large_nlu_ru/af977d5dfa46a3635e29bf0ef383f2df2a08d47a/MIRACLReranking.json", - "results/ai-forever__sbert_large_nlu_ru/af977d5dfa46a3635e29bf0ef383f2df2a08d47a/XNLI.json", - "results/ai-forever__sbert_large_nlu_ru/af977d5dfa46a3635e29bf0ef383f2df2a08d47a/STS22.json", - "results/ai-forever__sbert_large_nlu_ru/af977d5dfa46a3635e29bf0ef383f2df2a08d47a/CEDRClassification.json", - "results/ai-forever__sbert_large_nlu_ru/af977d5dfa46a3635e29bf0ef383f2df2a08d47a/GeoreviewClusteringP2P.json", - "results/ai-forever__sbert_large_nlu_ru/af977d5dfa46a3635e29bf0ef383f2df2a08d47a/RuBQReranking.json", - "results/ai-forever__sbert_large_nlu_ru/af977d5dfa46a3635e29bf0ef383f2df2a08d47a/RuSciBenchOECDClassification.json" + "Alibaba-NLP__gte-Qwen2-7B-instruct": [ + "results/Alibaba-NLP__gte-Qwen2-7B-instruct/no_revision_available/BrightRetrieval.json" + ], + "Alibaba-NLP__gte-multilingual-base": [ + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/HagridRetrieval.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/NQ-PLHardNegatives.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/WebLINXCandidatesReranking.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/Robust04InstructionRetrieval.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/StackExchangeClustering.v2.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/NusaParagraphEmotionClassification.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/DBpediaClassification.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/MassiveIntentClassification.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/KurdishSentimentClassification.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/ArmenianParaphrasePC.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/SIB200ClusteringS2S.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/DiaBlaBitextMining.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/MSMARCOHardNegatives.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/CTKFactsNLI.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/DBPedia-PLHardNegatives.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/AfriSentiClassification.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/MedrxivClusteringP2P.v2.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/WikipediaRerankingMultilingual.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/BelebeleRetrieval.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/IndicCrosslingualSTS.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/ArXivHierarchicalClusteringP2P.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/SwednClusteringP2P.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/SlovakMovieReviewSentimentClassification.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/PolEmo2.0-OUT.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/News21InstructionRetrieval.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/GujaratiNewsClassification.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/MalteseNewsClassification.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/GreekLegalCodeClassification.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/RTE3.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/NusaXBitextMining.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/TERRa.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/Tatoeba.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/KorSarcasmClassification.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/CyrillicTurkicLangClassification.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/STS14.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/STSBenchmark.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/SiswatiNewsClassification.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/ItaCaseholdClassification.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/ScalaClassification.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/MIRACLRetrievalHardNegatives.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/TopiOCQAHardNegatives.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/SCIDOCS.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/ArXivHierarchicalClusteringS2S.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/NQHardNegatives.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/HotpotQA-PLHardNegatives.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/PunjabiNewsClassification.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/CovidRetrieval.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/StatcanDialogueDatasetRetrieval.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/BrazilianToxicTweetsClassification.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/DBPediaHardNegatives.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/STSES.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/JSICK.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/FaroeseSTS.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/TswanaNewsClassification.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/GermanSTSBenchmark.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/MLQARetrieval.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/SprintDuplicateQuestions.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/WikiClusteringP2P.v2.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/ToxicConversationsClassification.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/T2Reranking.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/STS17.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/PoemSentimentClassification.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/SummEvalSummarization.v2.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/TweetTopicSingleClassification.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/NusaTranslationBitextMining.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/MSMARCO-PLHardNegatives.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/BulgarianStoreReviewSentimentClassfication.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/AlloprofReranking.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/NusaX-senti.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/CataloniaTweetClassification.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/FloresBitextMining.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/AILAStatutes.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/indonli.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/NordicLangClassification.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/BigPatentClustering.v2.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/CSFDSKMovieReviewSentimentClassification.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/BornholmBitextMining.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/SwahiliNewsClassification.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/ClimateFEVERHardNegatives.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/NollySentiBitextMining.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/SICK-R.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/QuoraRetrievalHardNegatives.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/TRECCOVID.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/AlloProfClusteringS2S.v2.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/LEMBPasskeyRetrieval.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/HotpotQAHardNegatives.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/SwissJudgementClassification.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/BUCC.v2.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/Quora-PLHardNegatives.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/FilipinoShopeeReviewsClassification.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/PAC.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/ArguAna.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/NepaliNewsClassification.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/MasakhaNEWSClusteringS2S.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/MacedonianTweetSentimentClassification.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/WikipediaRetrievalMultilingual.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/XNLI.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/CLSClusteringP2P.v2.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/SemRel24STS.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/NeuCLIR2023RetrievalHardNegatives.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/SNLHierarchicalClusteringP2P.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/RiaNewsRetrievalHardNegatives.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/MultiEURLEXMultilabelClassification.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/BiorxivClusteringP2P.v2.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/TwitterURLCorpus.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/FinancialPhrasebankClassification.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/RomaniBibleClustering.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/STS15.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/MultiHateClassification.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/OdiaNewsClassification.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/VoyageMMarcoReranking.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/CEDRClassification.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/NorwegianCourtsBitextMining.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/StackOverflowQA.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/STS13.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/PpcPC.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/FEVERHardNegatives.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/IndicGenBenchFloresBitextMining.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/PlscClusteringP2P.v2.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/SentimentAnalysisHindi.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/IN22GenBitextMining.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/MasakhaNEWSClassification.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/LegalBenchCorporateLobbying.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/HALClusteringS2S.v2.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/KorHateSpeechMLClassification.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/CzechProductReviewSentimentClassification.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/STS22.v2.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/RuBQReranking.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/NTREXBitextMining.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/TwitterHjerneRetrieval.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/IsiZuluNewsClassification.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/IndicLangClassification.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/NeuCLIR2022RetrievalHardNegatives.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/WikiCitiesClustering.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/OpusparcusPC.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/EstonianValenceClassification.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/STS12.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/AmazonCounterfactualClassification.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/FinParaSTS.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/PawsXPairClassification.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/STSB.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/Core17InstructionRetrieval.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/DalajClassification.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/BibleNLPBitextMining.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/SinhalaNewsClassification.json", + "results/Alibaba-NLP__gte-multilingual-base/7fc06782350c1a83f88b15dd4b38ef853d3b8503/IndonesianIdClickbaitClassification.json" ], "BAAI__bge-base-en": [ "results/BAAI__bge-base-en/no_revision_available/Robust04InstructionRetrieval.json", "results/BAAI__bge-base-en/no_revision_available/News21InstructionRetrieval.json", "results/BAAI__bge-base-en/no_revision_available/Core17InstructionRetrieval.json" ], - "uklfr__gottbert-base": [ - "results/uklfr__gottbert-base/no_revision_available/BlurbsClusteringP2P.json", - "results/uklfr__gottbert-base/no_revision_available/TenKGnadClusteringS2S.json", - "results/uklfr__gottbert-base/no_revision_available/TenKGnadClusteringP2P.json", - "results/uklfr__gottbert-base/no_revision_available/BlurbsClusteringS2S.json" + "BAAI__bge-base-en-v1.5": [ + "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/StackExchangeClustering.v2.json", + "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/AlphaNLI.json", + "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/WinoGrande.json", + "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/ARCChallenge.json", + "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/RedditClusteringP2P.v2.json", + "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/SpartQA.json", + "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/BiorxivClusteringP2P.json", + "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/TempReasonL1.json", + "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/MedrxivClusteringP2P.v2.json", + "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/HellaSwag.json", + "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/TempReasonL3Pure.json", + "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/MedrxivClusteringS2S.json", + "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/PIQA.json", + "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/MedrxivClusteringS2S.v2.json", + "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/BiorxivClusteringS2S.v2.json", + "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/StackExchangeClusteringP2P.v2.json", + "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/TwentyNewsgroupsClustering.v2.json", + "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/StackExchangeClustering.json", + "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/RedditClusteringP2P.json", + "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/RedditClustering.v2.json", + "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/Quail.json", + "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/RedditClustering.json", + "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/BiorxivClusteringS2S.json", + "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/SIQA.json", + "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/BiorxivClusteringP2P.v2.json", + "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/RARbMath.json", + "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/TempReasonL2Fact.json", + "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/TempReasonL2Pure.json", + "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/TempReasonL3Fact.json", + "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/MedrxivClusteringP2P.json", + "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/TwentyNewsgroupsClustering.json", + "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/RARbCode.json", + "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/StackExchangeClusteringP2P.json" ], - "google-bert__bert-base-uncased": [ - "results/google-bert__bert-base-uncased/no_revision_available/MassiveIntentClassification.json", - "results/google-bert__bert-base-uncased/no_revision_available/BiorxivClusteringP2P.json", - "results/google-bert__bert-base-uncased/no_revision_available/EmotionClassification.json", - "results/google-bert__bert-base-uncased/no_revision_available/CQADupstackGisRetrieval.json", - "results/google-bert__bert-base-uncased/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/google-bert__bert-base-uncased/no_revision_available/TweetSentimentExtractionClassification.json", - "results/google-bert__bert-base-uncased/no_revision_available/SciFact.json", - "results/google-bert__bert-base-uncased/no_revision_available/Banking77Classification.json", - "results/google-bert__bert-base-uncased/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/google-bert__bert-base-uncased/no_revision_available/STS14.json", - "results/google-bert__bert-base-uncased/no_revision_available/STSBenchmark.json", - "results/google-bert__bert-base-uncased/no_revision_available/SciDocsRR.json", - "results/google-bert__bert-base-uncased/no_revision_available/MindSmallReranking.json", - "results/google-bert__bert-base-uncased/no_revision_available/CQADupstackRetrieval.json", - "results/google-bert__bert-base-uncased/no_revision_available/MedrxivClusteringS2S.json", - "results/google-bert__bert-base-uncased/no_revision_available/SCIDOCS.json", - "results/google-bert__bert-base-uncased/no_revision_available/Touche2020.json", - "results/google-bert__bert-base-uncased/no_revision_available/STS16.json", - "results/google-bert__bert-base-uncased/no_revision_available/CQADupstackTexRetrieval.json", - "results/google-bert__bert-base-uncased/no_revision_available/ImdbClassification.json", - "results/google-bert__bert-base-uncased/no_revision_available/SprintDuplicateQuestions.json", - "results/google-bert__bert-base-uncased/no_revision_available/ToxicConversationsClassification.json", - "results/google-bert__bert-base-uncased/no_revision_available/MassiveScenarioClassification.json", - "results/google-bert__bert-base-uncased/no_revision_available/STS17.json", - "results/google-bert__bert-base-uncased/no_revision_available/CQADupstackUnixRetrieval.json", - "results/google-bert__bert-base-uncased/no_revision_available/AskUbuntuDupQuestions.json", - "results/google-bert__bert-base-uncased/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/google-bert__bert-base-uncased/no_revision_available/HotpotQA.json", - "results/google-bert__bert-base-uncased/no_revision_available/ArxivClusteringS2S.json", - "results/google-bert__bert-base-uncased/no_revision_available/StackExchangeClustering.json", - "results/google-bert__bert-base-uncased/no_revision_available/RedditClusteringP2P.json", - "results/google-bert__bert-base-uncased/no_revision_available/NQ.json", - "results/google-bert__bert-base-uncased/no_revision_available/RedditClustering.json", - "results/google-bert__bert-base-uncased/no_revision_available/SICK-R.json", - "results/google-bert__bert-base-uncased/no_revision_available/FiQA2018.json", - "results/google-bert__bert-base-uncased/no_revision_available/BIOSSES.json", - "results/google-bert__bert-base-uncased/no_revision_available/TRECCOVID.json", - "results/google-bert__bert-base-uncased/no_revision_available/DBPedia.json", - "results/google-bert__bert-base-uncased/no_revision_available/BiorxivClusteringS2S.json", - "results/google-bert__bert-base-uncased/no_revision_available/ArguAna.json", - "results/google-bert__bert-base-uncased/no_revision_available/ArxivClusteringP2P.json", - "results/google-bert__bert-base-uncased/no_revision_available/TwitterURLCorpus.json", - "results/google-bert__bert-base-uncased/no_revision_available/STS22.json", - "results/google-bert__bert-base-uncased/no_revision_available/AmazonReviewsClassification.json", - "results/google-bert__bert-base-uncased/no_revision_available/CQADupstackGamingRetrieval.json", - "results/google-bert__bert-base-uncased/no_revision_available/NFCorpus.json", - "results/google-bert__bert-base-uncased/no_revision_available/STS15.json", - "results/google-bert__bert-base-uncased/no_revision_available/AmazonPolarityClassification.json", - "results/google-bert__bert-base-uncased/no_revision_available/MTOPIntentClassification.json", - "results/google-bert__bert-base-uncased/no_revision_available/STS13.json", - "results/google-bert__bert-base-uncased/no_revision_available/SummEval.json", - "results/google-bert__bert-base-uncased/no_revision_available/ClimateFEVER.json", - "results/google-bert__bert-base-uncased/no_revision_available/CQADupstackStatsRetrieval.json", - "results/google-bert__bert-base-uncased/no_revision_available/TwitterSemEval2015.json", - "results/google-bert__bert-base-uncased/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/google-bert__bert-base-uncased/no_revision_available/MedrxivClusteringP2P.json", - "results/google-bert__bert-base-uncased/no_revision_available/TwentyNewsgroupsClustering.json", - "results/google-bert__bert-base-uncased/no_revision_available/FEVER.json", - "results/google-bert__bert-base-uncased/no_revision_available/MSMARCO.json", - "results/google-bert__bert-base-uncased/no_revision_available/MTOPDomainClassification.json", - "results/google-bert__bert-base-uncased/no_revision_available/QuoraRetrieval.json", - "results/google-bert__bert-base-uncased/no_revision_available/STS12.json", - "results/google-bert__bert-base-uncased/no_revision_available/AmazonCounterfactualClassification.json", - "results/google-bert__bert-base-uncased/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/google-bert__bert-base-uncased/no_revision_available/StackExchangeClusteringP2P.json", - "results/google-bert__bert-base-uncased/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/google-bert__bert-base-uncased/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/google-bert__bert-base-uncased/no_revision_available/StackOverflowDupQuestions.json" + "BAAI__bge-base-en-v1.5-instruct": [ + "results/BAAI__bge-base-en-v1.5-instruct/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/AlphaNLI.json", + "results/BAAI__bge-base-en-v1.5-instruct/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/WinoGrande.json", + "results/BAAI__bge-base-en-v1.5-instruct/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/ARCChallenge.json", + "results/BAAI__bge-base-en-v1.5-instruct/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/SpartQA.json", + "results/BAAI__bge-base-en-v1.5-instruct/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/TempReasonL1.json", + "results/BAAI__bge-base-en-v1.5-instruct/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/HellaSwag.json", + "results/BAAI__bge-base-en-v1.5-instruct/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/TempReasonL3Pure.json", + "results/BAAI__bge-base-en-v1.5-instruct/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/PIQA.json", + "results/BAAI__bge-base-en-v1.5-instruct/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/Quail.json", + "results/BAAI__bge-base-en-v1.5-instruct/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/SIQA.json", + "results/BAAI__bge-base-en-v1.5-instruct/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/RARbMath.json", + "results/BAAI__bge-base-en-v1.5-instruct/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/TempReasonL2Fact.json", + "results/BAAI__bge-base-en-v1.5-instruct/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/TempReasonL2Pure.json", + "results/BAAI__bge-base-en-v1.5-instruct/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/TempReasonL3Fact.json", + "results/BAAI__bge-base-en-v1.5-instruct/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/RARbCode.json" ], - "princeton-nlp__unsup-simcse-bert-base-uncased": [ - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/MassiveIntentClassification.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/BiorxivClusteringP2P.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/EmotionClassification.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/CQADupstackGisRetrieval.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/TweetSentimentExtractionClassification.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/SciFact.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/Banking77Classification.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/STS14.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/STSBenchmark.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/SciDocsRR.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/MindSmallReranking.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/CQADupstackRetrieval.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/MedrxivClusteringS2S.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/SCIDOCS.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/Touche2020.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/STS16.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/CQADupstackTexRetrieval.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/ImdbClassification.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/SprintDuplicateQuestions.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/ToxicConversationsClassification.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/MassiveScenarioClassification.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/STS17.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/CQADupstackUnixRetrieval.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/AskUbuntuDupQuestions.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/HotpotQA.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/ArxivClusteringS2S.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/StackExchangeClustering.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/RedditClusteringP2P.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/NQ.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/RedditClustering.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/SICK-R.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/FiQA2018.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/BIOSSES.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/TRECCOVID.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/DBPedia.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/BiorxivClusteringS2S.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/ArguAna.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/ArxivClusteringP2P.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/TwitterURLCorpus.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/STS22.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/AmazonReviewsClassification.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/CQADupstackGamingRetrieval.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/NFCorpus.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/STS15.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/AmazonPolarityClassification.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/MTOPIntentClassification.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/STS13.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/SummEval.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/ClimateFEVER.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/CQADupstackStatsRetrieval.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/TwitterSemEval2015.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/MedrxivClusteringP2P.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/TwentyNewsgroupsClustering.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/FEVER.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/MSMARCO.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/MTOPDomainClassification.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/QuoraRetrieval.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/STS12.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/AmazonCounterfactualClassification.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/StackExchangeClusteringP2P.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/StackOverflowDupQuestions.json" - ], - "Cohere__Cohere-embed-multilingual-v3.0": [ - "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/MassiveIntentClassification.json", - "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/MLSUMClusteringP2P.json", - "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/AlloProfClusteringS2S.json", - "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/SyntecReranking.json", - "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/BSARDRetrieval.json", - "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/DiaBLaBitextMining.json", - "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/MintakaRetrieval.json", - "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/SyntecRetrieval.json", - "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/MLSUMClusteringS2S.json", - "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/MassiveScenarioClassification.json", - "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/MasakhaNEWSClusteringP2P.json", - "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/AlloprofRetrieval.json", - "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/AlloprofReranking.json", - "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/FloresBitextMining.json", - "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/SummEvalFr.json", - "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/AlloProfClusteringP2P.json", - "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/MasakhaNEWSClusteringS2S.json", - "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/STS22.json", - "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/AmazonReviewsClassification.json", - "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/MTOPIntentClassification.json", - "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/HALClusteringS2S.json", - "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/MasakhaNEWSClassification.json", - "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/OpusparcusPC.json", - "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/MTOPDomainClassification.json", - "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/SICKFr.json", - "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/PawsXPairClassification.json", - "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/XPQARetrieval.json", - "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/STSBenchmarkMultilingualSTS.json" - ], - "openai__text-similarity-babbage-001": [ - "results/openai__text-similarity-babbage-001/no_revision_available/STSBenchmark.json", - "results/openai__text-similarity-babbage-001/no_revision_available/SciDocsRR.json", - "results/openai__text-similarity-babbage-001/no_revision_available/SprintDuplicateQuestions.json", - "results/openai__text-similarity-babbage-001/no_revision_available/AskUbuntuDupQuestions.json", - "results/openai__text-similarity-babbage-001/no_revision_available/StackExchangeClustering.json", - "results/openai__text-similarity-babbage-001/no_revision_available/RedditClustering.json", - "results/openai__text-similarity-babbage-001/no_revision_available/SICK-R.json", - "results/openai__text-similarity-babbage-001/no_revision_available/BIOSSES.json", - "results/openai__text-similarity-babbage-001/no_revision_available/TwitterURLCorpus.json", - "results/openai__text-similarity-babbage-001/no_revision_available/TwitterSemEval2015.json", - "results/openai__text-similarity-babbage-001/no_revision_available/TwentyNewsgroupsClustering.json", - "results/openai__text-similarity-babbage-001/no_revision_available/StackOverflowDupQuestions.json" + "BAAI__bge-base-zh": [ + "results/BAAI__bge-base-zh/no_revision_available/CMedQAv1.json", + "results/BAAI__bge-base-zh/no_revision_available/MassiveIntentClassification.json", + "results/BAAI__bge-base-zh/no_revision_available/TNews.json", + "results/BAAI__bge-base-zh/no_revision_available/PAWSX.json", + "results/BAAI__bge-base-zh/no_revision_available/OnlineShopping.json", + "results/BAAI__bge-base-zh/no_revision_available/LCQMC.json", + "results/BAAI__bge-base-zh/no_revision_available/EcomRetrieval.json", + "results/BAAI__bge-base-zh/no_revision_available/MMarcoReranking.json", + "results/BAAI__bge-base-zh/no_revision_available/CovidRetrieval.json", + "results/BAAI__bge-base-zh/no_revision_available/CLSClusteringP2P.json", + "results/BAAI__bge-base-zh/no_revision_available/BQ.json", + "results/BAAI__bge-base-zh/no_revision_available/AFQMC.json", + "results/BAAI__bge-base-zh/no_revision_available/CLSClusteringS2S.json", + "results/BAAI__bge-base-zh/no_revision_available/Cmnli.json", + "results/BAAI__bge-base-zh/no_revision_available/MassiveScenarioClassification.json", + "results/BAAI__bge-base-zh/no_revision_available/T2Reranking.json", + "results/BAAI__bge-base-zh/no_revision_available/ThuNewsClusteringP2P.json", + "results/BAAI__bge-base-zh/no_revision_available/VideoRetrieval.json", + "results/BAAI__bge-base-zh/no_revision_available/Ocnli.json", + "results/BAAI__bge-base-zh/no_revision_available/ATEC.json", + "results/BAAI__bge-base-zh/no_revision_available/Waimai.json", + "results/BAAI__bge-base-zh/no_revision_available/ThuNewsClusteringS2S.json", + "results/BAAI__bge-base-zh/no_revision_available/IFlyTek.json", + "results/BAAI__bge-base-zh/no_revision_available/MultilingualSentiment.json", + "results/BAAI__bge-base-zh/no_revision_available/CmedqaRetrieval.json", + "results/BAAI__bge-base-zh/no_revision_available/STS22.json", + "results/BAAI__bge-base-zh/no_revision_available/AmazonReviewsClassification.json", + "results/BAAI__bge-base-zh/no_revision_available/JDReview.json", + "results/BAAI__bge-base-zh/no_revision_available/MedicalRetrieval.json", + "results/BAAI__bge-base-zh/no_revision_available/T2Retrieval.json", + "results/BAAI__bge-base-zh/no_revision_available/QBQTC.json", + "results/BAAI__bge-base-zh/no_revision_available/MMarcoRetrieval.json", + "results/BAAI__bge-base-zh/no_revision_available/DuRetrieval.json", + "results/BAAI__bge-base-zh/no_revision_available/CMedQAv2.json", + "results/BAAI__bge-base-zh/no_revision_available/STSB.json" ], - "BAAI__bge-small-en-v1.5": [ - "results/BAAI__bge-small-en-v1.5/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/AlphaNLI.json", - "results/BAAI__bge-small-en-v1.5/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/WinoGrande.json", - "results/BAAI__bge-small-en-v1.5/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/ARCChallenge.json", - "results/BAAI__bge-small-en-v1.5/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/SpartQA.json", - "results/BAAI__bge-small-en-v1.5/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/TempReasonL1.json", - "results/BAAI__bge-small-en-v1.5/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/HellaSwag.json", - "results/BAAI__bge-small-en-v1.5/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/TempReasonL3Pure.json", - "results/BAAI__bge-small-en-v1.5/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/PIQA.json", - "results/BAAI__bge-small-en-v1.5/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/Quail.json", - "results/BAAI__bge-small-en-v1.5/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/SIQA.json", - "results/BAAI__bge-small-en-v1.5/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/RARbMath.json", - "results/BAAI__bge-small-en-v1.5/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/TempReasonL2Fact.json", - "results/BAAI__bge-small-en-v1.5/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/TempReasonL2Pure.json", - "results/BAAI__bge-small-en-v1.5/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/TempReasonL3Fact.json", - "results/BAAI__bge-small-en-v1.5/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/RARbCode.json" + "BAAI__bge-base-zh-v1.5": [ + "results/BAAI__bge-base-zh-v1.5/no_revision_available/CMedQAv1.json", + "results/BAAI__bge-base-zh-v1.5/no_revision_available/MassiveIntentClassification.json", + "results/BAAI__bge-base-zh-v1.5/no_revision_available/TNews.json", + "results/BAAI__bge-base-zh-v1.5/no_revision_available/PAWSX.json", + "results/BAAI__bge-base-zh-v1.5/no_revision_available/OnlineShopping.json", + "results/BAAI__bge-base-zh-v1.5/no_revision_available/LCQMC.json", + "results/BAAI__bge-base-zh-v1.5/no_revision_available/EcomRetrieval.json", + "results/BAAI__bge-base-zh-v1.5/no_revision_available/MMarcoReranking.json", + "results/BAAI__bge-base-zh-v1.5/no_revision_available/CovidRetrieval.json", + "results/BAAI__bge-base-zh-v1.5/no_revision_available/CLSClusteringP2P.json", + "results/BAAI__bge-base-zh-v1.5/no_revision_available/BQ.json", + "results/BAAI__bge-base-zh-v1.5/no_revision_available/AFQMC.json", + "results/BAAI__bge-base-zh-v1.5/no_revision_available/CLSClusteringS2S.json", + "results/BAAI__bge-base-zh-v1.5/no_revision_available/Cmnli.json", + "results/BAAI__bge-base-zh-v1.5/no_revision_available/MassiveScenarioClassification.json", + "results/BAAI__bge-base-zh-v1.5/no_revision_available/T2Reranking.json", + "results/BAAI__bge-base-zh-v1.5/no_revision_available/ThuNewsClusteringP2P.json", + "results/BAAI__bge-base-zh-v1.5/no_revision_available/VideoRetrieval.json", + "results/BAAI__bge-base-zh-v1.5/no_revision_available/Ocnli.json", + "results/BAAI__bge-base-zh-v1.5/no_revision_available/ATEC.json", + "results/BAAI__bge-base-zh-v1.5/no_revision_available/Waimai.json", + "results/BAAI__bge-base-zh-v1.5/no_revision_available/ThuNewsClusteringS2S.json", + "results/BAAI__bge-base-zh-v1.5/no_revision_available/IFlyTek.json", + "results/BAAI__bge-base-zh-v1.5/no_revision_available/MultilingualSentiment.json", + "results/BAAI__bge-base-zh-v1.5/no_revision_available/CmedqaRetrieval.json", + "results/BAAI__bge-base-zh-v1.5/no_revision_available/STS22.json", + "results/BAAI__bge-base-zh-v1.5/no_revision_available/AmazonReviewsClassification.json", + "results/BAAI__bge-base-zh-v1.5/no_revision_available/JDReview.json", + "results/BAAI__bge-base-zh-v1.5/no_revision_available/MedicalRetrieval.json", + "results/BAAI__bge-base-zh-v1.5/no_revision_available/T2Retrieval.json", + "results/BAAI__bge-base-zh-v1.5/no_revision_available/QBQTC.json", + "results/BAAI__bge-base-zh-v1.5/no_revision_available/MMarcoRetrieval.json", + "results/BAAI__bge-base-zh-v1.5/no_revision_available/DuRetrieval.json", + "results/BAAI__bge-base-zh-v1.5/no_revision_available/CMedQAv2.json", + "results/BAAI__bge-base-zh-v1.5/no_revision_available/STSB.json" ], - "BAAI__bge-small-zh": [ - "results/BAAI__bge-small-zh/no_revision_available/CMedQAv1.json", - "results/BAAI__bge-small-zh/no_revision_available/MassiveIntentClassification.json", - "results/BAAI__bge-small-zh/no_revision_available/TNews.json", - "results/BAAI__bge-small-zh/no_revision_available/PAWSX.json", - "results/BAAI__bge-small-zh/no_revision_available/OnlineShopping.json", - "results/BAAI__bge-small-zh/no_revision_available/LCQMC.json", - "results/BAAI__bge-small-zh/no_revision_available/EcomRetrieval.json", - "results/BAAI__bge-small-zh/no_revision_available/MMarcoReranking.json", - "results/BAAI__bge-small-zh/no_revision_available/CovidRetrieval.json", - "results/BAAI__bge-small-zh/no_revision_available/CLSClusteringP2P.json", - "results/BAAI__bge-small-zh/no_revision_available/BQ.json", - "results/BAAI__bge-small-zh/no_revision_available/AFQMC.json", - "results/BAAI__bge-small-zh/no_revision_available/CLSClusteringS2S.json", - "results/BAAI__bge-small-zh/no_revision_available/Cmnli.json", - "results/BAAI__bge-small-zh/no_revision_available/MassiveScenarioClassification.json", - "results/BAAI__bge-small-zh/no_revision_available/T2Reranking.json", - "results/BAAI__bge-small-zh/no_revision_available/ThuNewsClusteringP2P.json", - "results/BAAI__bge-small-zh/no_revision_available/VideoRetrieval.json", - "results/BAAI__bge-small-zh/no_revision_available/Ocnli.json", - "results/BAAI__bge-small-zh/no_revision_available/ATEC.json", - "results/BAAI__bge-small-zh/no_revision_available/Waimai.json", - "results/BAAI__bge-small-zh/no_revision_available/ThuNewsClusteringS2S.json", - "results/BAAI__bge-small-zh/no_revision_available/IFlyTek.json", - "results/BAAI__bge-small-zh/no_revision_available/MultilingualSentiment.json", - "results/BAAI__bge-small-zh/no_revision_available/CmedqaRetrieval.json", - "results/BAAI__bge-small-zh/no_revision_available/STS22.json", - "results/BAAI__bge-small-zh/no_revision_available/AmazonReviewsClassification.json", - "results/BAAI__bge-small-zh/no_revision_available/JDReview.json", - "results/BAAI__bge-small-zh/no_revision_available/MedicalRetrieval.json", - "results/BAAI__bge-small-zh/no_revision_available/T2Retrieval.json", - "results/BAAI__bge-small-zh/no_revision_available/QBQTC.json", - "results/BAAI__bge-small-zh/no_revision_available/MMarcoRetrieval.json", - "results/BAAI__bge-small-zh/no_revision_available/DuRetrieval.json", - "results/BAAI__bge-small-zh/no_revision_available/CMedQAv2.json", - "results/BAAI__bge-small-zh/no_revision_available/STSB.json" + "BAAI__bge-large-en": [ + "results/BAAI__bge-large-en/no_revision_available/Robust04InstructionRetrieval.json", + "results/BAAI__bge-large-en/no_revision_available/News21InstructionRetrieval.json", + "results/BAAI__bge-large-en/no_revision_available/Core17InstructionRetrieval.json" ], - "BAAI__bge-small-en-v1.5-instruct": [ - "results/BAAI__bge-small-en-v1.5-instruct/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/AlphaNLI.json", - "results/BAAI__bge-small-en-v1.5-instruct/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/WinoGrande.json", - "results/BAAI__bge-small-en-v1.5-instruct/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/ARCChallenge.json", - "results/BAAI__bge-small-en-v1.5-instruct/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/SpartQA.json", - "results/BAAI__bge-small-en-v1.5-instruct/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/TempReasonL1.json", - "results/BAAI__bge-small-en-v1.5-instruct/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/HellaSwag.json", - "results/BAAI__bge-small-en-v1.5-instruct/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/TempReasonL3Pure.json", - "results/BAAI__bge-small-en-v1.5-instruct/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/PIQA.json", - "results/BAAI__bge-small-en-v1.5-instruct/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/Quail.json", - "results/BAAI__bge-small-en-v1.5-instruct/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/SIQA.json", - "results/BAAI__bge-small-en-v1.5-instruct/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/RARbMath.json", - "results/BAAI__bge-small-en-v1.5-instruct/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/TempReasonL2Fact.json", - "results/BAAI__bge-small-en-v1.5-instruct/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/TempReasonL2Pure.json", - "results/BAAI__bge-small-en-v1.5-instruct/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/TempReasonL3Fact.json", - "results/BAAI__bge-small-en-v1.5-instruct/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/RARbCode.json" + "BAAI__bge-large-en-v1.5": [ + "results/BAAI__bge-large-en-v1.5/no_revision_available/LegalSummarization.json", + "results/BAAI__bge-large-en-v1.5/no_revision_available/BrightRetrieval.json", + "results/BAAI__bge-large-en-v1.5/no_revision_available/AILAStatutes.json", + "results/BAAI__bge-large-en-v1.5/no_revision_available/AILACasedocs.json", + "results/BAAI__bge-large-en-v1.5/no_revision_available/GerDaLIRSmall.json", + "results/BAAI__bge-large-en-v1.5/no_revision_available/LegalBenchConsumerContractsQA.json", + "results/BAAI__bge-large-en-v1.5/no_revision_available/LegalBenchCorporateLobbying.json", + "results/BAAI__bge-large-en-v1.5/no_revision_available/LeCaRDv2.json", + "results/BAAI__bge-large-en-v1.5/no_revision_available/LegalQuAD.json", + "results/BAAI__bge-large-en-v1.5/d4aa6901d3a41ba39fb536a557fa166f842b0e09/AlphaNLI.json", + "results/BAAI__bge-large-en-v1.5/d4aa6901d3a41ba39fb536a557fa166f842b0e09/WinoGrande.json", + "results/BAAI__bge-large-en-v1.5/d4aa6901d3a41ba39fb536a557fa166f842b0e09/ARCChallenge.json", + "results/BAAI__bge-large-en-v1.5/d4aa6901d3a41ba39fb536a557fa166f842b0e09/SpartQA.json", + "results/BAAI__bge-large-en-v1.5/d4aa6901d3a41ba39fb536a557fa166f842b0e09/TempReasonL1.json", + "results/BAAI__bge-large-en-v1.5/d4aa6901d3a41ba39fb536a557fa166f842b0e09/HellaSwag.json", + "results/BAAI__bge-large-en-v1.5/d4aa6901d3a41ba39fb536a557fa166f842b0e09/TempReasonL3Pure.json", + "results/BAAI__bge-large-en-v1.5/d4aa6901d3a41ba39fb536a557fa166f842b0e09/PIQA.json", + "results/BAAI__bge-large-en-v1.5/d4aa6901d3a41ba39fb536a557fa166f842b0e09/Quail.json", + "results/BAAI__bge-large-en-v1.5/d4aa6901d3a41ba39fb536a557fa166f842b0e09/SIQA.json", + "results/BAAI__bge-large-en-v1.5/d4aa6901d3a41ba39fb536a557fa166f842b0e09/RARbMath.json", + "results/BAAI__bge-large-en-v1.5/d4aa6901d3a41ba39fb536a557fa166f842b0e09/TempReasonL2Fact.json", + "results/BAAI__bge-large-en-v1.5/d4aa6901d3a41ba39fb536a557fa166f842b0e09/TempReasonL2Pure.json", + "results/BAAI__bge-large-en-v1.5/d4aa6901d3a41ba39fb536a557fa166f842b0e09/TempReasonL3Fact.json", + "results/BAAI__bge-large-en-v1.5/d4aa6901d3a41ba39fb536a557fa166f842b0e09/RARbCode.json" ], - "voyageai__voyage-3-lite": [ - "results/voyageai__voyage-3-lite/no_revision_available/LEMBWikimQARetrieval.json", - "results/voyageai__voyage-3-lite/no_revision_available/LegalSummarization.json", - "results/voyageai__voyage-3-lite/no_revision_available/LEMBSummScreenFDRetrieval.json", - "results/voyageai__voyage-3-lite/no_revision_available/LEMBNarrativeQARetrieval.json", - "results/voyageai__voyage-3-lite/no_revision_available/LEMBQMSumRetrieval.json", - "results/voyageai__voyage-3-lite/no_revision_available/AILAStatutes.json", - "results/voyageai__voyage-3-lite/no_revision_available/LEMBPasskeyRetrieval.json", - "results/voyageai__voyage-3-lite/no_revision_available/LEMBNeedleRetrieval.json", - "results/voyageai__voyage-3-lite/no_revision_available/AILACasedocs.json", - "results/voyageai__voyage-3-lite/no_revision_available/GerDaLIRSmall.json", - "results/voyageai__voyage-3-lite/no_revision_available/LegalBenchConsumerContractsQA.json", - "results/voyageai__voyage-3-lite/no_revision_available/LegalBenchCorporateLobbying.json", - "results/voyageai__voyage-3-lite/no_revision_available/LeCaRDv2.json", - "results/voyageai__voyage-3-lite/no_revision_available/LegalQuAD.json" + "BAAI__bge-large-en-v1.5-instruct": [ + "results/BAAI__bge-large-en-v1.5-instruct/d4aa6901d3a41ba39fb536a557fa166f842b0e09/AlphaNLI.json", + "results/BAAI__bge-large-en-v1.5-instruct/d4aa6901d3a41ba39fb536a557fa166f842b0e09/WinoGrande.json", + "results/BAAI__bge-large-en-v1.5-instruct/d4aa6901d3a41ba39fb536a557fa166f842b0e09/ARCChallenge.json", + "results/BAAI__bge-large-en-v1.5-instruct/d4aa6901d3a41ba39fb536a557fa166f842b0e09/SpartQA.json", + "results/BAAI__bge-large-en-v1.5-instruct/d4aa6901d3a41ba39fb536a557fa166f842b0e09/TempReasonL1.json", + "results/BAAI__bge-large-en-v1.5-instruct/d4aa6901d3a41ba39fb536a557fa166f842b0e09/HellaSwag.json", + "results/BAAI__bge-large-en-v1.5-instruct/d4aa6901d3a41ba39fb536a557fa166f842b0e09/TempReasonL3Pure.json", + "results/BAAI__bge-large-en-v1.5-instruct/d4aa6901d3a41ba39fb536a557fa166f842b0e09/PIQA.json", + "results/BAAI__bge-large-en-v1.5-instruct/d4aa6901d3a41ba39fb536a557fa166f842b0e09/Quail.json", + "results/BAAI__bge-large-en-v1.5-instruct/d4aa6901d3a41ba39fb536a557fa166f842b0e09/SIQA.json", + "results/BAAI__bge-large-en-v1.5-instruct/d4aa6901d3a41ba39fb536a557fa166f842b0e09/RARbMath.json", + "results/BAAI__bge-large-en-v1.5-instruct/d4aa6901d3a41ba39fb536a557fa166f842b0e09/TempReasonL2Fact.json", + "results/BAAI__bge-large-en-v1.5-instruct/d4aa6901d3a41ba39fb536a557fa166f842b0e09/TempReasonL2Pure.json", + "results/BAAI__bge-large-en-v1.5-instruct/d4aa6901d3a41ba39fb536a557fa166f842b0e09/TempReasonL3Fact.json", + "results/BAAI__bge-large-en-v1.5-instruct/d4aa6901d3a41ba39fb536a557fa166f842b0e09/RARbCode.json" ], - "nomic-ai__nomic-embed-text-v1.5-64": [ - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/MassiveIntentClassification.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/BiorxivClusteringP2P.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/EmotionClassification.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/CQADupstackGisRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/TweetSentimentExtractionClassification.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/SciFact.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/Banking77Classification.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/STS14.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/STSBenchmark.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/SciDocsRR.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/MindSmallReranking.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/CQADupstackRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/MedrxivClusteringS2S.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/SCIDOCS.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/Touche2020.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/STS16.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/CQADupstackTexRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/ImdbClassification.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/SprintDuplicateQuestions.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/ToxicConversationsClassification.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/MassiveScenarioClassification.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/STS17.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/CQADupstackUnixRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/AskUbuntuDupQuestions.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/HotpotQA.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/ArxivClusteringS2S.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/StackExchangeClustering.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/RedditClusteringP2P.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/NQ.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/RedditClustering.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/SICK-R.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/FiQA2018.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/BIOSSES.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/TRECCOVID.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/DBPedia.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/BiorxivClusteringS2S.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/ArguAna.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/ArxivClusteringP2P.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/TwitterURLCorpus.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/STS22.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/AmazonReviewsClassification.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/CQADupstackGamingRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/NFCorpus.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/STS15.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/AmazonPolarityClassification.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/MTOPIntentClassification.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/STS13.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/SummEval.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/ClimateFEVER.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/CQADupstackStatsRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/TwitterSemEval2015.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/MedrxivClusteringP2P.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/TwentyNewsgroupsClustering.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/FEVER.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/MSMARCO.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/MTOPDomainClassification.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/QuoraRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/STS12.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/AmazonCounterfactualClassification.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/StackExchangeClusteringP2P.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/StackOverflowDupQuestions.json" - ], - "openai__text-search-ada-doc-001": [ - "results/openai__text-search-ada-doc-001/no_revision_available/TwentyNewsgroupsClustering.json" - ], - "almanach__camembert-large": [ - "results/almanach__camembert-large/no_revision_available/MassiveIntentClassification.json", - "results/almanach__camembert-large/no_revision_available/MLSUMClusteringP2P.json", - "results/almanach__camembert-large/no_revision_available/AlloProfClusteringS2S.json", - "results/almanach__camembert-large/no_revision_available/SyntecReranking.json", - "results/almanach__camembert-large/no_revision_available/BSARDRetrieval.json", - "results/almanach__camembert-large/no_revision_available/DiaBLaBitextMining.json", - "results/almanach__camembert-large/no_revision_available/MintakaRetrieval.json", - "results/almanach__camembert-large/no_revision_available/SyntecRetrieval.json", - "results/almanach__camembert-large/no_revision_available/MLSUMClusteringS2S.json", - "results/almanach__camembert-large/no_revision_available/MassiveScenarioClassification.json", - "results/almanach__camembert-large/no_revision_available/MasakhaNEWSClusteringP2P.json", - "results/almanach__camembert-large/no_revision_available/AlloprofRetrieval.json", - "results/almanach__camembert-large/no_revision_available/AlloprofReranking.json", - "results/almanach__camembert-large/no_revision_available/FloresBitextMining.json", - "results/almanach__camembert-large/no_revision_available/SummEvalFr.json", - "results/almanach__camembert-large/no_revision_available/AlloProfClusteringP2P.json", - "results/almanach__camembert-large/no_revision_available/MasakhaNEWSClusteringS2S.json", - "results/almanach__camembert-large/no_revision_available/STS22.json", - "results/almanach__camembert-large/no_revision_available/AmazonReviewsClassification.json", - "results/almanach__camembert-large/no_revision_available/MTOPIntentClassification.json", - "results/almanach__camembert-large/no_revision_available/HALClusteringS2S.json", - "results/almanach__camembert-large/no_revision_available/MasakhaNEWSClassification.json", - "results/almanach__camembert-large/no_revision_available/OpusparcusPC.json", - "results/almanach__camembert-large/no_revision_available/MTOPDomainClassification.json", - "results/almanach__camembert-large/no_revision_available/SICKFr.json", - "results/almanach__camembert-large/no_revision_available/PawsXPairClassification.json", - "results/almanach__camembert-large/no_revision_available/XPQARetrieval.json", - "results/almanach__camembert-large/no_revision_available/STSBenchmarkMultilingualSTS.json" - ], - "intfloat__e5-small": [ - "results/intfloat__e5-small/e272f3049e853b47cb5ca3952268c6662abda68f/StackExchangeClustering.v2.json", - "results/intfloat__e5-small/e272f3049e853b47cb5ca3952268c6662abda68f/RedditClusteringP2P.v2.json", - "results/intfloat__e5-small/e272f3049e853b47cb5ca3952268c6662abda68f/BiorxivClusteringP2P.json", - "results/intfloat__e5-small/e272f3049e853b47cb5ca3952268c6662abda68f/MedrxivClusteringP2P.v2.json", - "results/intfloat__e5-small/e272f3049e853b47cb5ca3952268c6662abda68f/MedrxivClusteringS2S.json", - "results/intfloat__e5-small/e272f3049e853b47cb5ca3952268c6662abda68f/MedrxivClusteringS2S.v2.json", - "results/intfloat__e5-small/e272f3049e853b47cb5ca3952268c6662abda68f/BiorxivClusteringS2S.v2.json", - "results/intfloat__e5-small/e272f3049e853b47cb5ca3952268c6662abda68f/StackExchangeClusteringP2P.v2.json", - "results/intfloat__e5-small/e272f3049e853b47cb5ca3952268c6662abda68f/TwentyNewsgroupsClustering.v2.json", - "results/intfloat__e5-small/e272f3049e853b47cb5ca3952268c6662abda68f/StackExchangeClustering.json", - "results/intfloat__e5-small/e272f3049e853b47cb5ca3952268c6662abda68f/RedditClusteringP2P.json", - "results/intfloat__e5-small/e272f3049e853b47cb5ca3952268c6662abda68f/RedditClustering.v2.json", - "results/intfloat__e5-small/e272f3049e853b47cb5ca3952268c6662abda68f/RedditClustering.json", - "results/intfloat__e5-small/e272f3049e853b47cb5ca3952268c6662abda68f/BiorxivClusteringS2S.json", - "results/intfloat__e5-small/e272f3049e853b47cb5ca3952268c6662abda68f/BiorxivClusteringP2P.v2.json", - "results/intfloat__e5-small/e272f3049e853b47cb5ca3952268c6662abda68f/MedrxivClusteringP2P.json", - "results/intfloat__e5-small/e272f3049e853b47cb5ca3952268c6662abda68f/TwentyNewsgroupsClustering.json", - "results/intfloat__e5-small/e272f3049e853b47cb5ca3952268c6662abda68f/StackExchangeClusteringP2P.json", - "results/intfloat__e5-small/no_revision_available/MassiveIntentClassification.json", - "results/intfloat__e5-small/no_revision_available/SweRecClassification.json", - "results/intfloat__e5-small/no_revision_available/MassiveScenarioClassification.json", - "results/intfloat__e5-small/no_revision_available/AngryTweetsClassification.json", - "results/intfloat__e5-small/no_revision_available/NordicLangClassification.json", - "results/intfloat__e5-small/no_revision_available/BornholmBitextMining.json", - "results/intfloat__e5-small/no_revision_available/ScalaNbClassification.json", - "results/intfloat__e5-small/no_revision_available/ScalaSvClassification.json", - "results/intfloat__e5-small/no_revision_available/NorwegianParliament.json", - "results/intfloat__e5-small/no_revision_available/NoRecClassification.json", - "results/intfloat__e5-small/no_revision_available/DKHateClassification.json", - "results/intfloat__e5-small/no_revision_available/ScalaDaClassification.json", - "results/intfloat__e5-small/no_revision_available/DanishPoliticalCommentsClassification.json", - "results/intfloat__e5-small/no_revision_available/LccSentimentClassification.json", - "results/intfloat__e5-small/no_revision_available/DalajClassification.json" - ], - "google-gecko__text-embedding-004": [ - "results/google-gecko__text-embedding-004/no_revision_available/Robust04InstructionRetrieval.json", - "results/google-gecko__text-embedding-004/no_revision_available/MassiveIntentClassification.json", - "results/google-gecko__text-embedding-004/no_revision_available/BiorxivClusteringP2P.json", - "results/google-gecko__text-embedding-004/no_revision_available/EmotionClassification.json", - "results/google-gecko__text-embedding-004/no_revision_available/CQADupstackGisRetrieval.json", - "results/google-gecko__text-embedding-004/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/google-gecko__text-embedding-004/no_revision_available/TweetSentimentExtractionClassification.json", - "results/google-gecko__text-embedding-004/no_revision_available/News21InstructionRetrieval.json", - "results/google-gecko__text-embedding-004/no_revision_available/SciFact.json", - "results/google-gecko__text-embedding-004/no_revision_available/Banking77Classification.json", - "results/google-gecko__text-embedding-004/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/google-gecko__text-embedding-004/no_revision_available/STS14.json", - "results/google-gecko__text-embedding-004/no_revision_available/STSBenchmark.json", - "results/google-gecko__text-embedding-004/no_revision_available/SciDocsRR.json", - "results/google-gecko__text-embedding-004/no_revision_available/MindSmallReranking.json", - "results/google-gecko__text-embedding-004/no_revision_available/CQADupstackRetrieval.json", - "results/google-gecko__text-embedding-004/no_revision_available/MedrxivClusteringS2S.json", - "results/google-gecko__text-embedding-004/no_revision_available/SCIDOCS.json", - "results/google-gecko__text-embedding-004/no_revision_available/BrightRetrieval.json", - "results/google-gecko__text-embedding-004/no_revision_available/Touche2020.json", - "results/google-gecko__text-embedding-004/no_revision_available/STS16.json", - "results/google-gecko__text-embedding-004/no_revision_available/CQADupstackTexRetrieval.json", - "results/google-gecko__text-embedding-004/no_revision_available/ImdbClassification.json", - "results/google-gecko__text-embedding-004/no_revision_available/SprintDuplicateQuestions.json", - "results/google-gecko__text-embedding-004/no_revision_available/ToxicConversationsClassification.json", - "results/google-gecko__text-embedding-004/no_revision_available/MassiveScenarioClassification.json", - "results/google-gecko__text-embedding-004/no_revision_available/STS17.json", - "results/google-gecko__text-embedding-004/no_revision_available/CQADupstackUnixRetrieval.json", - "results/google-gecko__text-embedding-004/no_revision_available/AskUbuntuDupQuestions.json", - "results/google-gecko__text-embedding-004/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/google-gecko__text-embedding-004/no_revision_available/HotpotQA.json", - "results/google-gecko__text-embedding-004/no_revision_available/ArxivClusteringS2S.json", - "results/google-gecko__text-embedding-004/no_revision_available/StackExchangeClustering.json", - "results/google-gecko__text-embedding-004/no_revision_available/RedditClusteringP2P.json", - "results/google-gecko__text-embedding-004/no_revision_available/NQ.json", - "results/google-gecko__text-embedding-004/no_revision_available/RedditClustering.json", - "results/google-gecko__text-embedding-004/no_revision_available/SICK-R.json", - "results/google-gecko__text-embedding-004/no_revision_available/FiQA2018.json", - "results/google-gecko__text-embedding-004/no_revision_available/BIOSSES.json", - "results/google-gecko__text-embedding-004/no_revision_available/TRECCOVID.json", - "results/google-gecko__text-embedding-004/no_revision_available/DBPedia.json", - "results/google-gecko__text-embedding-004/no_revision_available/BiorxivClusteringS2S.json", - "results/google-gecko__text-embedding-004/no_revision_available/ArguAna.json", - "results/google-gecko__text-embedding-004/no_revision_available/ArxivClusteringP2P.json", - "results/google-gecko__text-embedding-004/no_revision_available/TwitterURLCorpus.json", - "results/google-gecko__text-embedding-004/no_revision_available/STS22.json", - "results/google-gecko__text-embedding-004/no_revision_available/AmazonReviewsClassification.json", - "results/google-gecko__text-embedding-004/no_revision_available/CQADupstackGamingRetrieval.json", - "results/google-gecko__text-embedding-004/no_revision_available/NFCorpus.json", - "results/google-gecko__text-embedding-004/no_revision_available/STS15.json", - "results/google-gecko__text-embedding-004/no_revision_available/AmazonPolarityClassification.json", - "results/google-gecko__text-embedding-004/no_revision_available/MTOPIntentClassification.json", - "results/google-gecko__text-embedding-004/no_revision_available/STS13.json", - "results/google-gecko__text-embedding-004/no_revision_available/SummEval.json", - "results/google-gecko__text-embedding-004/no_revision_available/ClimateFEVER.json", - "results/google-gecko__text-embedding-004/no_revision_available/CQADupstackStatsRetrieval.json", - "results/google-gecko__text-embedding-004/no_revision_available/TwitterSemEval2015.json", - "results/google-gecko__text-embedding-004/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/google-gecko__text-embedding-004/no_revision_available/MedrxivClusteringP2P.json", - "results/google-gecko__text-embedding-004/no_revision_available/TwentyNewsgroupsClustering.json", - "results/google-gecko__text-embedding-004/no_revision_available/FEVER.json", - "results/google-gecko__text-embedding-004/no_revision_available/MSMARCO.json", - "results/google-gecko__text-embedding-004/no_revision_available/MTOPDomainClassification.json", - "results/google-gecko__text-embedding-004/no_revision_available/QuoraRetrieval.json", - "results/google-gecko__text-embedding-004/no_revision_available/STS12.json", - "results/google-gecko__text-embedding-004/no_revision_available/AmazonCounterfactualClassification.json", - "results/google-gecko__text-embedding-004/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/google-gecko__text-embedding-004/no_revision_available/StackExchangeClusteringP2P.json", - "results/google-gecko__text-embedding-004/no_revision_available/Core17InstructionRetrieval.json", - "results/google-gecko__text-embedding-004/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/google-gecko__text-embedding-004/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/google-gecko__text-embedding-004/no_revision_available/StackOverflowDupQuestions.json" + "BAAI__bge-large-zh": [ + "results/BAAI__bge-large-zh/no_revision_available/CMedQAv1.json", + "results/BAAI__bge-large-zh/no_revision_available/MassiveIntentClassification.json", + "results/BAAI__bge-large-zh/no_revision_available/TNews.json", + "results/BAAI__bge-large-zh/no_revision_available/PAWSX.json", + "results/BAAI__bge-large-zh/no_revision_available/OnlineShopping.json", + "results/BAAI__bge-large-zh/no_revision_available/LCQMC.json", + "results/BAAI__bge-large-zh/no_revision_available/EcomRetrieval.json", + "results/BAAI__bge-large-zh/no_revision_available/MMarcoReranking.json", + "results/BAAI__bge-large-zh/no_revision_available/CovidRetrieval.json", + "results/BAAI__bge-large-zh/no_revision_available/CLSClusteringP2P.json", + "results/BAAI__bge-large-zh/no_revision_available/BQ.json", + "results/BAAI__bge-large-zh/no_revision_available/AFQMC.json", + "results/BAAI__bge-large-zh/no_revision_available/CLSClusteringS2S.json", + "results/BAAI__bge-large-zh/no_revision_available/Cmnli.json", + "results/BAAI__bge-large-zh/no_revision_available/MassiveScenarioClassification.json", + "results/BAAI__bge-large-zh/no_revision_available/T2Reranking.json", + "results/BAAI__bge-large-zh/no_revision_available/ThuNewsClusteringP2P.json", + "results/BAAI__bge-large-zh/no_revision_available/VideoRetrieval.json", + "results/BAAI__bge-large-zh/no_revision_available/Ocnli.json", + "results/BAAI__bge-large-zh/no_revision_available/ATEC.json", + "results/BAAI__bge-large-zh/no_revision_available/Waimai.json", + "results/BAAI__bge-large-zh/no_revision_available/ThuNewsClusteringS2S.json", + "results/BAAI__bge-large-zh/no_revision_available/IFlyTek.json", + "results/BAAI__bge-large-zh/no_revision_available/MultilingualSentiment.json", + "results/BAAI__bge-large-zh/no_revision_available/CmedqaRetrieval.json", + "results/BAAI__bge-large-zh/no_revision_available/STS22.json", + "results/BAAI__bge-large-zh/no_revision_available/AmazonReviewsClassification.json", + "results/BAAI__bge-large-zh/no_revision_available/JDReview.json", + "results/BAAI__bge-large-zh/no_revision_available/MedicalRetrieval.json", + "results/BAAI__bge-large-zh/no_revision_available/T2Retrieval.json", + "results/BAAI__bge-large-zh/no_revision_available/QBQTC.json", + "results/BAAI__bge-large-zh/no_revision_available/MMarcoRetrieval.json", + "results/BAAI__bge-large-zh/no_revision_available/DuRetrieval.json", + "results/BAAI__bge-large-zh/no_revision_available/CMedQAv2.json", + "results/BAAI__bge-large-zh/no_revision_available/STSB.json" ], - "bm25": [ - "results/bm25/no_revision_available/Robust04InstructionRetrieval.json", - "results/bm25/no_revision_available/News21InstructionRetrieval.json", - "results/bm25/no_revision_available/BrightRetrieval.json", - "results/bm25/no_revision_available/Core17InstructionRetrieval.json" + "BAAI__bge-large-zh-noinstruct": [ + "results/BAAI__bge-large-zh-noinstruct/no_revision_available/CMedQAv1.json", + "results/BAAI__bge-large-zh-noinstruct/no_revision_available/MassiveIntentClassification.json", + "results/BAAI__bge-large-zh-noinstruct/no_revision_available/TNews.json", + "results/BAAI__bge-large-zh-noinstruct/no_revision_available/PAWSX.json", + "results/BAAI__bge-large-zh-noinstruct/no_revision_available/OnlineShopping.json", + "results/BAAI__bge-large-zh-noinstruct/no_revision_available/LCQMC.json", + "results/BAAI__bge-large-zh-noinstruct/no_revision_available/EcomRetrieval.json", + "results/BAAI__bge-large-zh-noinstruct/no_revision_available/MMarcoReranking.json", + "results/BAAI__bge-large-zh-noinstruct/no_revision_available/CovidRetrieval.json", + "results/BAAI__bge-large-zh-noinstruct/no_revision_available/CLSClusteringP2P.json", + "results/BAAI__bge-large-zh-noinstruct/no_revision_available/BQ.json", + "results/BAAI__bge-large-zh-noinstruct/no_revision_available/AFQMC.json", + "results/BAAI__bge-large-zh-noinstruct/no_revision_available/CLSClusteringS2S.json", + "results/BAAI__bge-large-zh-noinstruct/no_revision_available/Cmnli.json", + "results/BAAI__bge-large-zh-noinstruct/no_revision_available/MassiveScenarioClassification.json", + "results/BAAI__bge-large-zh-noinstruct/no_revision_available/T2Reranking.json", + "results/BAAI__bge-large-zh-noinstruct/no_revision_available/ThuNewsClusteringP2P.json", + "results/BAAI__bge-large-zh-noinstruct/no_revision_available/VideoRetrieval.json", + "results/BAAI__bge-large-zh-noinstruct/no_revision_available/Ocnli.json", + "results/BAAI__bge-large-zh-noinstruct/no_revision_available/ATEC.json", + "results/BAAI__bge-large-zh-noinstruct/no_revision_available/Waimai.json", + "results/BAAI__bge-large-zh-noinstruct/no_revision_available/ThuNewsClusteringS2S.json", + "results/BAAI__bge-large-zh-noinstruct/no_revision_available/IFlyTek.json", + "results/BAAI__bge-large-zh-noinstruct/no_revision_available/MultilingualSentiment.json", + "results/BAAI__bge-large-zh-noinstruct/no_revision_available/CmedqaRetrieval.json", + "results/BAAI__bge-large-zh-noinstruct/no_revision_available/STS22.json", + "results/BAAI__bge-large-zh-noinstruct/no_revision_available/AmazonReviewsClassification.json", + "results/BAAI__bge-large-zh-noinstruct/no_revision_available/JDReview.json", + "results/BAAI__bge-large-zh-noinstruct/no_revision_available/MedicalRetrieval.json", + "results/BAAI__bge-large-zh-noinstruct/no_revision_available/T2Retrieval.json", + "results/BAAI__bge-large-zh-noinstruct/no_revision_available/QBQTC.json", + "results/BAAI__bge-large-zh-noinstruct/no_revision_available/MMarcoRetrieval.json", + "results/BAAI__bge-large-zh-noinstruct/no_revision_available/DuRetrieval.json", + "results/BAAI__bge-large-zh-noinstruct/no_revision_available/CMedQAv2.json", + "results/BAAI__bge-large-zh-noinstruct/no_revision_available/STSB.json" ], - "hkunlp__instructor-large": [ - "results/hkunlp__instructor-large/no_revision_available/BrightRetrieval.json" + "BAAI__bge-large-zh-v1.5": [ + "results/BAAI__bge-large-zh-v1.5/no_revision_available/CMedQAv1.json", + "results/BAAI__bge-large-zh-v1.5/no_revision_available/MassiveIntentClassification.json", + "results/BAAI__bge-large-zh-v1.5/no_revision_available/TNews.json", + "results/BAAI__bge-large-zh-v1.5/no_revision_available/PAWSX.json", + "results/BAAI__bge-large-zh-v1.5/no_revision_available/OnlineShopping.json", + "results/BAAI__bge-large-zh-v1.5/no_revision_available/LCQMC.json", + "results/BAAI__bge-large-zh-v1.5/no_revision_available/EcomRetrieval.json", + "results/BAAI__bge-large-zh-v1.5/no_revision_available/MMarcoReranking.json", + "results/BAAI__bge-large-zh-v1.5/no_revision_available/CovidRetrieval.json", + "results/BAAI__bge-large-zh-v1.5/no_revision_available/CLSClusteringP2P.json", + "results/BAAI__bge-large-zh-v1.5/no_revision_available/BQ.json", + "results/BAAI__bge-large-zh-v1.5/no_revision_available/AFQMC.json", + "results/BAAI__bge-large-zh-v1.5/no_revision_available/CLSClusteringS2S.json", + "results/BAAI__bge-large-zh-v1.5/no_revision_available/Cmnli.json", + "results/BAAI__bge-large-zh-v1.5/no_revision_available/MassiveScenarioClassification.json", + "results/BAAI__bge-large-zh-v1.5/no_revision_available/T2Reranking.json", + "results/BAAI__bge-large-zh-v1.5/no_revision_available/ThuNewsClusteringP2P.json", + "results/BAAI__bge-large-zh-v1.5/no_revision_available/VideoRetrieval.json", + "results/BAAI__bge-large-zh-v1.5/no_revision_available/Ocnli.json", + "results/BAAI__bge-large-zh-v1.5/no_revision_available/ATEC.json", + "results/BAAI__bge-large-zh-v1.5/no_revision_available/Waimai.json", + "results/BAAI__bge-large-zh-v1.5/no_revision_available/ThuNewsClusteringS2S.json", + "results/BAAI__bge-large-zh-v1.5/no_revision_available/IFlyTek.json", + "results/BAAI__bge-large-zh-v1.5/no_revision_available/MultilingualSentiment.json", + "results/BAAI__bge-large-zh-v1.5/no_revision_available/CmedqaRetrieval.json", + "results/BAAI__bge-large-zh-v1.5/no_revision_available/STS22.json", + "results/BAAI__bge-large-zh-v1.5/no_revision_available/AmazonReviewsClassification.json", + "results/BAAI__bge-large-zh-v1.5/no_revision_available/JDReview.json", + "results/BAAI__bge-large-zh-v1.5/no_revision_available/MedicalRetrieval.json", + "results/BAAI__bge-large-zh-v1.5/no_revision_available/T2Retrieval.json", + "results/BAAI__bge-large-zh-v1.5/no_revision_available/QBQTC.json", + "results/BAAI__bge-large-zh-v1.5/no_revision_available/MMarcoRetrieval.json", + "results/BAAI__bge-large-zh-v1.5/no_revision_available/DuRetrieval.json", + "results/BAAI__bge-large-zh-v1.5/no_revision_available/CMedQAv2.json", + "results/BAAI__bge-large-zh-v1.5/no_revision_available/STSB.json" ], - "voyageai__voyage-code-2": [ - "results/voyageai__voyage-code-2/no_revision_available/MassiveIntentClassification.json", - "results/voyageai__voyage-code-2/no_revision_available/MLSUMClusteringP2P.json", - "results/voyageai__voyage-code-2/no_revision_available/AlloProfClusteringS2S.json", - "results/voyageai__voyage-code-2/no_revision_available/SyntecReranking.json", - "results/voyageai__voyage-code-2/no_revision_available/BSARDRetrieval.json", - "results/voyageai__voyage-code-2/no_revision_available/DiaBLaBitextMining.json", - "results/voyageai__voyage-code-2/no_revision_available/MintakaRetrieval.json", - "results/voyageai__voyage-code-2/no_revision_available/SyntecRetrieval.json", - "results/voyageai__voyage-code-2/no_revision_available/MLSUMClusteringS2S.json", - "results/voyageai__voyage-code-2/no_revision_available/MassiveScenarioClassification.json", - "results/voyageai__voyage-code-2/no_revision_available/MasakhaNEWSClusteringP2P.json", - "results/voyageai__voyage-code-2/no_revision_available/AlloprofRetrieval.json", - "results/voyageai__voyage-code-2/no_revision_available/AlloprofReranking.json", - "results/voyageai__voyage-code-2/no_revision_available/FloresBitextMining.json", - "results/voyageai__voyage-code-2/no_revision_available/SummEvalFr.json", - "results/voyageai__voyage-code-2/no_revision_available/AlloProfClusteringP2P.json", - "results/voyageai__voyage-code-2/no_revision_available/MasakhaNEWSClusteringS2S.json", - "results/voyageai__voyage-code-2/no_revision_available/STS22.json", - "results/voyageai__voyage-code-2/no_revision_available/AmazonReviewsClassification.json", - "results/voyageai__voyage-code-2/no_revision_available/MTOPIntentClassification.json", - "results/voyageai__voyage-code-2/no_revision_available/HALClusteringS2S.json", - "results/voyageai__voyage-code-2/no_revision_available/MasakhaNEWSClassification.json", - "results/voyageai__voyage-code-2/no_revision_available/OpusparcusPC.json", - "results/voyageai__voyage-code-2/no_revision_available/MTOPDomainClassification.json", - "results/voyageai__voyage-code-2/no_revision_available/SICKFr.json", - "results/voyageai__voyage-code-2/no_revision_available/PawsXPairClassification.json", - "results/voyageai__voyage-code-2/no_revision_available/XPQARetrieval.json", - "results/voyageai__voyage-code-2/no_revision_available/STSBenchmarkMultilingualSTS.json" + "BAAI__bge-m3": [ + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/HagridRetrieval.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/NQ-PLHardNegatives.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/WebLINXCandidatesReranking.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/Robust04InstructionRetrieval.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/RuBQRetrieval.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/StackExchangeClustering.v2.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/AlphaNLI.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/WinoGrande.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/NusaParagraphEmotionClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/DBpediaClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/ARCChallenge.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/MassiveIntentClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/KurdishSentimentClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/InappropriatenessClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/RuReviewsClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/ArmenianParaphrasePC.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/SIB200ClusteringS2S.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/DiaBlaBitextMining.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/SpartQA.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/MSMARCOHardNegatives.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/CTKFactsNLI.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/DBPedia-PLHardNegatives.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/TempReasonL1.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/AfriSentiClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/MedrxivClusteringP2P.v2.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/WikipediaRerankingMultilingual.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/HellaSwag.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/BelebeleRetrieval.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/IndicCrosslingualSTS.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/ArXivHierarchicalClusteringP2P.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/SwednClusteringP2P.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/SlovakMovieReviewSentimentClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/PolEmo2.0-OUT.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/News21InstructionRetrieval.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/GujaratiNewsClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/RuSciBenchGRNTIClusteringP2P.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/LanguageClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/MalteseNewsClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/GreekLegalCodeClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/MLSUMClusteringS2S.v2.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/RTE3.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/NusaXBitextMining.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/TERRa.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/Tatoeba.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/RuSTSBenchmarkSTS.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/KorSarcasmClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/CyrillicTurkicLangClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/STS14.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/STSBenchmark.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/SiswatiNewsClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/TempReasonL3Pure.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/ItaCaseholdClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/ScalaClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/MIRACLRetrievalHardNegatives.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/TopiOCQAHardNegatives.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/RiaNewsRetrieval.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/SCIDOCS.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/ArXivHierarchicalClusteringS2S.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/NQHardNegatives.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/PIQA.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/MIRACLRetrieval.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/HotpotQA-PLHardNegatives.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/PunjabiNewsClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/CovidRetrieval.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/GeoreviewClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/StatcanDialogueDatasetRetrieval.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/BrazilianToxicTweetsClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/DBPediaHardNegatives.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/STSES.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/JSICK.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/SensitiveTopicsClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/FaroeseSTS.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/TswanaNewsClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/GermanSTSBenchmark.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/KinopoiskClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/MLQARetrieval.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/RUParaPhraserSTS.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/SprintDuplicateQuestions.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/WikiClusteringP2P.v2.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/ToxicConversationsClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/MassiveScenarioClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/T2Reranking.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/STS17.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/RuSciBenchOECDClusteringP2P.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/PoemSentimentClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/SummEvalSummarization.v2.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/TweetTopicSingleClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/NusaTranslationBitextMining.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/MSMARCO-PLHardNegatives.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/BulgarianStoreReviewSentimentClassfication.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/AlloprofReranking.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/NusaX-senti.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/CataloniaTweetClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/MultilingualSentimentClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/PublicHealthQA.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/FloresBitextMining.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/AILAStatutes.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/indonli.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/NordicLangClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/BigPatentClustering.v2.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/Quail.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/CSFDSKMovieReviewSentimentClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/BornholmBitextMining.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/SwahiliNewsClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/ClimateFEVERHardNegatives.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/NollySentiBitextMining.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/GPUSpeedTask.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/SICK-R.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/QuoraRetrievalHardNegatives.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/RuSciBenchGRNTIClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/TRECCOVID.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/AlloProfClusteringS2S.v2.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/LEMBPasskeyRetrieval.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/HeadlineClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/XQuADRetrieval.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/HotpotQAHardNegatives.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/SwissJudgementClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/BUCC.v2.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/Quora-PLHardNegatives.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/FilipinoShopeeReviewsClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/PAC.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/ArguAna.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/NepaliNewsClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/MasakhaNEWSClusteringS2S.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/MacedonianTweetSentimentClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/MIRACLReranking.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/WikipediaRetrievalMultilingual.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/XNLI.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/CLSClusteringP2P.v2.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/SIQA.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/SemRel24STS.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/NeuCLIR2023RetrievalHardNegatives.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/SNLHierarchicalClusteringP2P.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/RiaNewsRetrievalHardNegatives.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/XNLIV2.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/MultiEURLEXMultilabelClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/BiorxivClusteringP2P.v2.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/TwitterURLCorpus.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/FinancialPhrasebankClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/STS22.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/RomaniBibleClustering.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/STS15.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/MultiHateClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/OdiaNewsClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/VoyageMMarcoReranking.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/CEDRClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/NorwegianCourtsBitextMining.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/StackOverflowQA.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/RARbMath.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/TempReasonL2Fact.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/STS13.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/PpcPC.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/FEVERHardNegatives.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/TempReasonL2Pure.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/IndicGenBenchFloresBitextMining.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/PlscClusteringP2P.v2.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/SentimentAnalysisHindi.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/SIB200Classification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/IN22GenBitextMining.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/MasakhaNEWSClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/LegalBenchCorporateLobbying.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/GeoreviewClusteringP2P.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/HALClusteringS2S.v2.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/KorHateSpeechMLClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/CzechProductReviewSentimentClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/TempReasonL3Fact.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/MLSUMClusteringP2P.v2.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/STS22.v2.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/RuBQReranking.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/NTREXBitextMining.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/TwitterHjerneRetrieval.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/IsiZuluNewsClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/IndicLangClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/NeuCLIR2022RetrievalHardNegatives.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/WikiCitiesClustering.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/RARbCode.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/OpusparcusPC.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/EstonianValenceClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/RuSciBenchOECDClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/STS12.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/AmazonCounterfactualClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/FinParaSTS.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/PawsXPairClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/STSB.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/Core17InstructionRetrieval.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/DalajClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/BibleNLPBitextMining.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/STSBenchmarkMultilingualSTS.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/SinhalaNewsClassification.json", + "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/IndonesianIdClickbaitClassification.json", + "results/BAAI__bge-m3/no_revision_available/LEMBWikimQARetrieval.json", + "results/BAAI__bge-m3/no_revision_available/LEMBSummScreenFDRetrieval.json", + "results/BAAI__bge-m3/no_revision_available/LEMBNarrativeQARetrieval.json", + "results/BAAI__bge-m3/no_revision_available/LEMBQMSumRetrieval.json", + "results/BAAI__bge-m3/no_revision_available/LEMBPasskeyRetrieval.json", + "results/BAAI__bge-m3/no_revision_available/LEMBNeedleRetrieval.json" ], - "Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit": [ - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/MassiveIntentClassification.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/BiorxivClusteringP2P.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/EmotionClassification.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackGisRetrieval.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/TweetSentimentExtractionClassification.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/SciFact.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/Banking77Classification.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/STS14.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/STSBenchmark.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/SciDocsRR.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/MindSmallReranking.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackRetrieval.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/MedrxivClusteringS2S.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/SCIDOCS.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/Touche2020.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/STS16.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackTexRetrieval.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/ImdbClassification.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/SprintDuplicateQuestions.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/ToxicConversationsClassification.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/MassiveScenarioClassification.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/STS17.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackUnixRetrieval.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/AskUbuntuDupQuestions.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/HotpotQA.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/ArxivClusteringS2S.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/StackExchangeClustering.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/RedditClusteringP2P.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/NQ.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/RedditClustering.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/SICK-R.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/FiQA2018.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/BIOSSES.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/TRECCOVID.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/DBPedia.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/BiorxivClusteringS2S.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/ArguAna.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/ArxivClusteringP2P.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/TwitterURLCorpus.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/STS22.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/AmazonReviewsClassification.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackGamingRetrieval.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/NFCorpus.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/STS15.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/AmazonPolarityClassification.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/MTOPIntentClassification.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/STS13.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/SummEval.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/ClimateFEVER.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackStatsRetrieval.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/TwitterSemEval2015.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/MedrxivClusteringP2P.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/TwentyNewsgroupsClustering.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/FEVER.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/MSMARCO.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/MTOPDomainClassification.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/QuoraRetrieval.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/STS12.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/AmazonCounterfactualClassification.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/StackExchangeClusteringP2P.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/StackOverflowDupQuestions.json" + "BAAI__bge-m3-instruct": [ + "results/BAAI__bge-m3-instruct/5617a9f61b028005a4858fdac845db406aefb181/SpartQAInstruct.json", + "results/BAAI__bge-m3-instruct/5617a9f61b028005a4858fdac845db406aefb181/TempReasonL2FactInstruct.json", + "results/BAAI__bge-m3-instruct/5617a9f61b028005a4858fdac845db406aefb181/AlphaNLIInstruct.json", + "results/BAAI__bge-m3-instruct/5617a9f61b028005a4858fdac845db406aefb181/RARbCodeInstruct.json", + "results/BAAI__bge-m3-instruct/5617a9f61b028005a4858fdac845db406aefb181/HellaSwagInstruct.json", + "results/BAAI__bge-m3-instruct/5617a9f61b028005a4858fdac845db406aefb181/TempReasonL3PureInstruct.json", + "results/BAAI__bge-m3-instruct/5617a9f61b028005a4858fdac845db406aefb181/SIQAInstruct.json", + "results/BAAI__bge-m3-instruct/5617a9f61b028005a4858fdac845db406aefb181/TempReasonL1Instruct.json", + "results/BAAI__bge-m3-instruct/5617a9f61b028005a4858fdac845db406aefb181/RARbMathInstruct.json", + "results/BAAI__bge-m3-instruct/5617a9f61b028005a4858fdac845db406aefb181/ARCChallengeInstruct.json", + "results/BAAI__bge-m3-instruct/5617a9f61b028005a4858fdac845db406aefb181/TempReasonL2PureInstruct.json", + "results/BAAI__bge-m3-instruct/5617a9f61b028005a4858fdac845db406aefb181/WinoGrandeInstruct.json", + "results/BAAI__bge-m3-instruct/5617a9f61b028005a4858fdac845db406aefb181/PIQAInstruct.json", + "results/BAAI__bge-m3-instruct/5617a9f61b028005a4858fdac845db406aefb181/TempReasonL3FactInstruct.json", + "results/BAAI__bge-m3-instruct/5617a9f61b028005a4858fdac845db406aefb181/QuailInstruct.json" ], - "openai__text-similarity-davinci-001": [ - "results/openai__text-similarity-davinci-001/no_revision_available/STSBenchmark.json", - "results/openai__text-similarity-davinci-001/no_revision_available/SciDocsRR.json", - "results/openai__text-similarity-davinci-001/no_revision_available/SprintDuplicateQuestions.json", - "results/openai__text-similarity-davinci-001/no_revision_available/AskUbuntuDupQuestions.json", - "results/openai__text-similarity-davinci-001/no_revision_available/StackExchangeClustering.json", - "results/openai__text-similarity-davinci-001/no_revision_available/RedditClustering.json", - "results/openai__text-similarity-davinci-001/no_revision_available/SICK-R.json", - "results/openai__text-similarity-davinci-001/no_revision_available/BIOSSES.json", - "results/openai__text-similarity-davinci-001/no_revision_available/TwitterURLCorpus.json", - "results/openai__text-similarity-davinci-001/no_revision_available/TwitterSemEval2015.json", - "results/openai__text-similarity-davinci-001/no_revision_available/TwentyNewsgroupsClustering.json", - "results/openai__text-similarity-davinci-001/no_revision_available/StackOverflowDupQuestions.json" + "BAAI__bge-small-en-v1.5": [ + "results/BAAI__bge-small-en-v1.5/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/AlphaNLI.json", + "results/BAAI__bge-small-en-v1.5/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/WinoGrande.json", + "results/BAAI__bge-small-en-v1.5/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/ARCChallenge.json", + "results/BAAI__bge-small-en-v1.5/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/SpartQA.json", + "results/BAAI__bge-small-en-v1.5/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/TempReasonL1.json", + "results/BAAI__bge-small-en-v1.5/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/HellaSwag.json", + "results/BAAI__bge-small-en-v1.5/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/TempReasonL3Pure.json", + "results/BAAI__bge-small-en-v1.5/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/PIQA.json", + "results/BAAI__bge-small-en-v1.5/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/Quail.json", + "results/BAAI__bge-small-en-v1.5/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/SIQA.json", + "results/BAAI__bge-small-en-v1.5/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/RARbMath.json", + "results/BAAI__bge-small-en-v1.5/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/TempReasonL2Fact.json", + "results/BAAI__bge-small-en-v1.5/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/TempReasonL2Pure.json", + "results/BAAI__bge-small-en-v1.5/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/TempReasonL3Fact.json", + "results/BAAI__bge-small-en-v1.5/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/RARbCode.json" ], - "BAAI__bge-base-en-v1.5": [ - "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/StackExchangeClustering.v2.json", - "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/AlphaNLI.json", - "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/WinoGrande.json", - "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/ARCChallenge.json", - "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/RedditClusteringP2P.v2.json", - "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/SpartQA.json", - "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/BiorxivClusteringP2P.json", - "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/TempReasonL1.json", - "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/MedrxivClusteringP2P.v2.json", - "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/HellaSwag.json", - "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/TempReasonL3Pure.json", - "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/MedrxivClusteringS2S.json", - "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/PIQA.json", - "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/MedrxivClusteringS2S.v2.json", - "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/BiorxivClusteringS2S.v2.json", - "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/StackExchangeClusteringP2P.v2.json", - "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/TwentyNewsgroupsClustering.v2.json", - "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/StackExchangeClustering.json", - "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/RedditClusteringP2P.json", - "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/RedditClustering.v2.json", - "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/Quail.json", - "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/RedditClustering.json", - "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/BiorxivClusteringS2S.json", - "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/SIQA.json", - "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/BiorxivClusteringP2P.v2.json", - "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/RARbMath.json", - "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/TempReasonL2Fact.json", - "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/TempReasonL2Pure.json", - "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/TempReasonL3Fact.json", - "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/MedrxivClusteringP2P.json", - "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/TwentyNewsgroupsClustering.json", - "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/RARbCode.json", - "results/BAAI__bge-base-en-v1.5/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/StackExchangeClusteringP2P.json" + "BAAI__bge-small-en-v1.5-instruct": [ + "results/BAAI__bge-small-en-v1.5-instruct/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/AlphaNLI.json", + "results/BAAI__bge-small-en-v1.5-instruct/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/WinoGrande.json", + "results/BAAI__bge-small-en-v1.5-instruct/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/ARCChallenge.json", + "results/BAAI__bge-small-en-v1.5-instruct/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/SpartQA.json", + "results/BAAI__bge-small-en-v1.5-instruct/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/TempReasonL1.json", + "results/BAAI__bge-small-en-v1.5-instruct/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/HellaSwag.json", + "results/BAAI__bge-small-en-v1.5-instruct/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/TempReasonL3Pure.json", + "results/BAAI__bge-small-en-v1.5-instruct/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/PIQA.json", + "results/BAAI__bge-small-en-v1.5-instruct/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/Quail.json", + "results/BAAI__bge-small-en-v1.5-instruct/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/SIQA.json", + "results/BAAI__bge-small-en-v1.5-instruct/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/RARbMath.json", + "results/BAAI__bge-small-en-v1.5-instruct/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/TempReasonL2Fact.json", + "results/BAAI__bge-small-en-v1.5-instruct/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/TempReasonL2Pure.json", + "results/BAAI__bge-small-en-v1.5-instruct/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/TempReasonL3Fact.json", + "results/BAAI__bge-small-en-v1.5-instruct/5c38ec7c405ec4b44b94cc5a9bb96e735b38267a/RARbCode.json" ], - "openai__text-embedding-3-large-256": [ - "results/openai__text-embedding-3-large-256/no_revision_available/MassiveIntentClassification.json", - "results/openai__text-embedding-3-large-256/no_revision_available/BiorxivClusteringP2P.json", - "results/openai__text-embedding-3-large-256/no_revision_available/EmotionClassification.json", - "results/openai__text-embedding-3-large-256/no_revision_available/CQADupstackGisRetrieval.json", - "results/openai__text-embedding-3-large-256/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/openai__text-embedding-3-large-256/no_revision_available/TweetSentimentExtractionClassification.json", - "results/openai__text-embedding-3-large-256/no_revision_available/SciFact.json", - "results/openai__text-embedding-3-large-256/no_revision_available/Banking77Classification.json", - "results/openai__text-embedding-3-large-256/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/openai__text-embedding-3-large-256/no_revision_available/STS14.json", - "results/openai__text-embedding-3-large-256/no_revision_available/STSBenchmark.json", - "results/openai__text-embedding-3-large-256/no_revision_available/SciDocsRR.json", - "results/openai__text-embedding-3-large-256/no_revision_available/MindSmallReranking.json", - "results/openai__text-embedding-3-large-256/no_revision_available/CQADupstackRetrieval.json", - "results/openai__text-embedding-3-large-256/no_revision_available/MedrxivClusteringS2S.json", - "results/openai__text-embedding-3-large-256/no_revision_available/SCIDOCS.json", - "results/openai__text-embedding-3-large-256/no_revision_available/Touche2020.json", - "results/openai__text-embedding-3-large-256/no_revision_available/STS16.json", - "results/openai__text-embedding-3-large-256/no_revision_available/CQADupstackTexRetrieval.json", - "results/openai__text-embedding-3-large-256/no_revision_available/ImdbClassification.json", - "results/openai__text-embedding-3-large-256/no_revision_available/SprintDuplicateQuestions.json", - "results/openai__text-embedding-3-large-256/no_revision_available/ToxicConversationsClassification.json", - "results/openai__text-embedding-3-large-256/no_revision_available/MassiveScenarioClassification.json", - "results/openai__text-embedding-3-large-256/no_revision_available/STS17.json", - "results/openai__text-embedding-3-large-256/no_revision_available/CQADupstackUnixRetrieval.json", - "results/openai__text-embedding-3-large-256/no_revision_available/AskUbuntuDupQuestions.json", - "results/openai__text-embedding-3-large-256/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/openai__text-embedding-3-large-256/no_revision_available/HotpotQA.json", - "results/openai__text-embedding-3-large-256/no_revision_available/ArxivClusteringS2S.json", - "results/openai__text-embedding-3-large-256/no_revision_available/StackExchangeClustering.json", - "results/openai__text-embedding-3-large-256/no_revision_available/RedditClusteringP2P.json", - "results/openai__text-embedding-3-large-256/no_revision_available/NQ.json", - "results/openai__text-embedding-3-large-256/no_revision_available/RedditClustering.json", - "results/openai__text-embedding-3-large-256/no_revision_available/SICK-R.json", - "results/openai__text-embedding-3-large-256/no_revision_available/FiQA2018.json", - "results/openai__text-embedding-3-large-256/no_revision_available/BIOSSES.json", - "results/openai__text-embedding-3-large-256/no_revision_available/TRECCOVID.json", - "results/openai__text-embedding-3-large-256/no_revision_available/DBPedia.json", - "results/openai__text-embedding-3-large-256/no_revision_available/BiorxivClusteringS2S.json", - "results/openai__text-embedding-3-large-256/no_revision_available/ArguAna.json", - "results/openai__text-embedding-3-large-256/no_revision_available/ArxivClusteringP2P.json", - "results/openai__text-embedding-3-large-256/no_revision_available/TwitterURLCorpus.json", - "results/openai__text-embedding-3-large-256/no_revision_available/STS22.json", - "results/openai__text-embedding-3-large-256/no_revision_available/AmazonReviewsClassification.json", - "results/openai__text-embedding-3-large-256/no_revision_available/CQADupstackGamingRetrieval.json", - "results/openai__text-embedding-3-large-256/no_revision_available/NFCorpus.json", - "results/openai__text-embedding-3-large-256/no_revision_available/STS15.json", - "results/openai__text-embedding-3-large-256/no_revision_available/AmazonPolarityClassification.json", - "results/openai__text-embedding-3-large-256/no_revision_available/MTOPIntentClassification.json", - "results/openai__text-embedding-3-large-256/no_revision_available/STS13.json", - "results/openai__text-embedding-3-large-256/no_revision_available/SummEval.json", - "results/openai__text-embedding-3-large-256/no_revision_available/ClimateFEVER.json", - "results/openai__text-embedding-3-large-256/no_revision_available/CQADupstackStatsRetrieval.json", - "results/openai__text-embedding-3-large-256/no_revision_available/TwitterSemEval2015.json", - "results/openai__text-embedding-3-large-256/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/openai__text-embedding-3-large-256/no_revision_available/MedrxivClusteringP2P.json", - "results/openai__text-embedding-3-large-256/no_revision_available/TwentyNewsgroupsClustering.json", - "results/openai__text-embedding-3-large-256/no_revision_available/FEVER.json", - "results/openai__text-embedding-3-large-256/no_revision_available/MSMARCO.json", - "results/openai__text-embedding-3-large-256/no_revision_available/MTOPDomainClassification.json", - "results/openai__text-embedding-3-large-256/no_revision_available/QuoraRetrieval.json", - "results/openai__text-embedding-3-large-256/no_revision_available/STS12.json", - "results/openai__text-embedding-3-large-256/no_revision_available/AmazonCounterfactualClassification.json", - "results/openai__text-embedding-3-large-256/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/openai__text-embedding-3-large-256/no_revision_available/StackExchangeClusteringP2P.json", - "results/openai__text-embedding-3-large-256/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/openai__text-embedding-3-large-256/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/openai__text-embedding-3-large-256/no_revision_available/StackOverflowDupQuestions.json" + "BAAI__bge-small-zh": [ + "results/BAAI__bge-small-zh/no_revision_available/CMedQAv1.json", + "results/BAAI__bge-small-zh/no_revision_available/MassiveIntentClassification.json", + "results/BAAI__bge-small-zh/no_revision_available/TNews.json", + "results/BAAI__bge-small-zh/no_revision_available/PAWSX.json", + "results/BAAI__bge-small-zh/no_revision_available/OnlineShopping.json", + "results/BAAI__bge-small-zh/no_revision_available/LCQMC.json", + "results/BAAI__bge-small-zh/no_revision_available/EcomRetrieval.json", + "results/BAAI__bge-small-zh/no_revision_available/MMarcoReranking.json", + "results/BAAI__bge-small-zh/no_revision_available/CovidRetrieval.json", + "results/BAAI__bge-small-zh/no_revision_available/CLSClusteringP2P.json", + "results/BAAI__bge-small-zh/no_revision_available/BQ.json", + "results/BAAI__bge-small-zh/no_revision_available/AFQMC.json", + "results/BAAI__bge-small-zh/no_revision_available/CLSClusteringS2S.json", + "results/BAAI__bge-small-zh/no_revision_available/Cmnli.json", + "results/BAAI__bge-small-zh/no_revision_available/MassiveScenarioClassification.json", + "results/BAAI__bge-small-zh/no_revision_available/T2Reranking.json", + "results/BAAI__bge-small-zh/no_revision_available/ThuNewsClusteringP2P.json", + "results/BAAI__bge-small-zh/no_revision_available/VideoRetrieval.json", + "results/BAAI__bge-small-zh/no_revision_available/Ocnli.json", + "results/BAAI__bge-small-zh/no_revision_available/ATEC.json", + "results/BAAI__bge-small-zh/no_revision_available/Waimai.json", + "results/BAAI__bge-small-zh/no_revision_available/ThuNewsClusteringS2S.json", + "results/BAAI__bge-small-zh/no_revision_available/IFlyTek.json", + "results/BAAI__bge-small-zh/no_revision_available/MultilingualSentiment.json", + "results/BAAI__bge-small-zh/no_revision_available/CmedqaRetrieval.json", + "results/BAAI__bge-small-zh/no_revision_available/STS22.json", + "results/BAAI__bge-small-zh/no_revision_available/AmazonReviewsClassification.json", + "results/BAAI__bge-small-zh/no_revision_available/JDReview.json", + "results/BAAI__bge-small-zh/no_revision_available/MedicalRetrieval.json", + "results/BAAI__bge-small-zh/no_revision_available/T2Retrieval.json", + "results/BAAI__bge-small-zh/no_revision_available/QBQTC.json", + "results/BAAI__bge-small-zh/no_revision_available/MMarcoRetrieval.json", + "results/BAAI__bge-small-zh/no_revision_available/DuRetrieval.json", + "results/BAAI__bge-small-zh/no_revision_available/CMedQAv2.json", + "results/BAAI__bge-small-zh/no_revision_available/STSB.json" ], - "sergeyzh__rubert-tiny-turbo": [ - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/ArxivClusteringP2P.v2.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/OPP115InternationalAndSpecificAudiencesLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/FrenkEnClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/RuBQRetrieval.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/AlphaNLI.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/DBpediaClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADNonTransferableLicenseLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/ARCChallenge.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/MassiveIntentClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/TextualismToolDictionariesLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/InappropriatenessClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/RuReviewsClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADUnlimitedAllYouCanEatLicenseLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADVolumeRestrictionLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADExclusivityLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/ContractNLIPermissibleAcquirementOfSimilarInformationLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADSourceCodeEscrowLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/SIB200ClusteringS2S.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/MLSUMClusteringP2P.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADWarrantyDurationLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADInsuranceLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADMostFavoredNationLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/BiorxivClusteringP2P.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/EmotionClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CQADupstackGisRetrieval.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADCovenantNotToSueLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADPriceRestrictionsLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/OPP115DoNotTrackLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/SCDDCertificationLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CQADupstackEnglishRetrieval.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/LearnedHandsTrafficLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADJointIPOwnershipLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/TweetSentimentExtractionClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADGoverningLawLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/Diversity2LegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/BelebeleRetrieval.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/ContractNLIPermissibleDevelopmentOfSimilarInformationLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/LearnedHandsDomesticViolenceLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/LearnedHandsBenefitsLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADNoSolicitOfEmployeesLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/OralArgumentQuestionPurposeLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/RuSciBenchGRNTIClusteringP2P.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/LanguageClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/MLSUMClusteringS2S.v2.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADAuditRightsLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/LearnedHandsEstatesLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/Banking77Classification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADAffiliateLicenseLicenseeLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/TERRa.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/Tatoeba.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/RuSTSBenchmarkSTS.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CQADupstackProgrammersRetrieval.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/ContractNLIInclusionOfVerballyConveyedInformationLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADAffiliateLicenseLicensorLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/LearnedHandsConsumerLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CyrillicTurkicLangClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADTerminationForConvenienceLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/MAUDLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/LegalReasoningCausalityLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/InternationalCitizenshipQuestionsLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/Diversity6LegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/LearnedHandsFamilyLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/OPP115DataSecurityLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/MedrxivClusteringS2S.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/Diversity5LegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/RiaNewsRetrieval.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/MIRACLRetrieval.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/YahooAnswersTopicsClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/ContractNLIPermissiblePostAgreementPossessionLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/OPP115PolicyChangeLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADNonCompeteLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/OverrulingLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/UnfairTOSLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/DefinitionClassificationLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/LearnedHandsImmigrationLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/GeoreviewClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CanadaTaxCourtOutcomesLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CQADupstackTexRetrieval.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CPUSpeedTask.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/ContractNLIExplicitIdentificationLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/ContractNLISurvivalOfObligationsLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADLiquidatedDamagesLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/OPP115DataRetentionLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/UCCVCommonLawLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/SCDDAuditsLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/ContractNLINoticeOnCompelledDisclosureLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADNoSolicitOfCustomersLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/SensitiveTopicsClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/ToxicChatClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/KinopoiskClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/Diversity4LegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/PROALegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/OPP115UserAccessEditAndDeletionLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/ImdbClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/FaithDial.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/RUParaPhraserSTS.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/MLSUMClusteringS2S.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/ArxivClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/ToxicConversationsClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/MassiveScenarioClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADExpirationDateLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/RuSciBenchOECDClusteringP2P.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/BigPatentClustering.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/PoemSentimentClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CQADupstackUnixRetrieval.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/TweetTopicSingleClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CQADupstackAndroidRetrieval.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/ArxivClusteringS2S.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADAntiAssignmentLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/StackExchangeClustering.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/RedditClusteringP2P.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/LearnedHandsTortsLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CorporateLobbyingLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/PatentClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADRenewalTermLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/ContractNLINoLicensingLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/LearnedHandsEducationLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/MultilingualSentimentClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/PublicHealthQA.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/FloresBitextMining.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/AILAStatutes.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/SCDBPAccountabilityLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/SCDBPCertificationLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/ContractNLISharingWithThirdPartiesLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/GPUSpeedTask.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/RedditClustering.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/LearnedHandsDivorceLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/LearnedHandsCrimeLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/RuSciBenchGRNTIClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/ContractNLISharingWithEmployeesLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/SCDDAccountabilityLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/LearnedHandsHousingLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/OPP115FirstPartyCollectionUseLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADLicenseGrantLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/HeadlineClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/DBPedia.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/XQuADRetrieval.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/BiorxivClusteringS2S.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/BUCC.v2.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/SCDDVerificationLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/JCrewBlockerLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/TextualismToolPlainLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADPostTerminationServicesLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/ArguAna.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADEffectiveDateLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/LearnedHandsCourtsLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/TelemarketingSalesRuleLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/NYSJudicialEthicsLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/MIRACLReranking.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/XNLI.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/ContractNLIPermissibleCopyLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/SCDDTrainingLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/ArxivClusteringP2P.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/XNLIV2.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADNoticePeriodToTerminateRenewalLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/FinancialPhrasebankClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/STS22.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/ContractNLIReturnOfConfidentialInformationLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CQADupstackGamingRetrieval.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/AILACasedocs.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/VieMedEVBitextMining.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADMinimumCommitmentLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/MultiLongDocRetrieval.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CEDRClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/AmazonPolarityClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADChangeOfControlLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/OPP115UserChoiceControlLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/InsurancePolicyInterpretationLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADRevenueProfitSharingLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/ContractNLIConfidentialityOfAgreementLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/ClimateFEVER.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/SIB200Classification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/LearnedHandsEmploymentLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADIrrevocableOrPerpetualLicenseLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CQADupstackStatsRetrieval.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/NewsClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADCapOnLiabilityLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADNonDisparagementLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/ContractNLILimitedUseLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/GeoreviewClusteringP2P.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADThirdPartyBeneficiaryLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/FeedbackQARetrieval.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/PersonalJurisdictionLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/SCDBPAuditsLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/FunctionOfDecisionSectionLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADCompetitiveRestrictionExceptionLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CQADupstackWebmastersRetrieval.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/MLSUMClusteringP2P.v2.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/STS22.v2.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/RuBQReranking.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/NTREXBitextMining.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/MedrxivClusteringP2P.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/TwentyNewsgroupsClustering.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/LearnedHandsBusinessLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/LearnedHandsHealthLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/WikiCitiesClustering.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/OpusparcusPC.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/RuSciBenchOECDClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/YelpReviewFullClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CQADupstackMathematicaRetrieval.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADIPOwnershipAssignmentLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/SCDBPTrainingLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/StackExchangeClusteringP2P.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/OPP115ThirdPartySharingCollectionLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADRofrRofoRofnLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CQADupstackPhysicsRetrieval.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CQADupstackWordpressRetrieval.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/BibleNLPBitextMining.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/Diversity3LegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/STSBenchmarkMultilingualSTS.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/SCDBPVerificationLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADUncappedLiabilityLegalBenchClassification.json", - "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/Diversity1LegalBenchClassification.json" - ], - "BAAI__bge-large-en-v1.5": [ - "results/BAAI__bge-large-en-v1.5/no_revision_available/LegalSummarization.json", - "results/BAAI__bge-large-en-v1.5/no_revision_available/BrightRetrieval.json", - "results/BAAI__bge-large-en-v1.5/no_revision_available/AILAStatutes.json", - "results/BAAI__bge-large-en-v1.5/no_revision_available/AILACasedocs.json", - "results/BAAI__bge-large-en-v1.5/no_revision_available/GerDaLIRSmall.json", - "results/BAAI__bge-large-en-v1.5/no_revision_available/LegalBenchConsumerContractsQA.json", - "results/BAAI__bge-large-en-v1.5/no_revision_available/LegalBenchCorporateLobbying.json", - "results/BAAI__bge-large-en-v1.5/no_revision_available/LeCaRDv2.json", - "results/BAAI__bge-large-en-v1.5/no_revision_available/LegalQuAD.json", - "results/BAAI__bge-large-en-v1.5/d4aa6901d3a41ba39fb536a557fa166f842b0e09/AlphaNLI.json", - "results/BAAI__bge-large-en-v1.5/d4aa6901d3a41ba39fb536a557fa166f842b0e09/WinoGrande.json", - "results/BAAI__bge-large-en-v1.5/d4aa6901d3a41ba39fb536a557fa166f842b0e09/ARCChallenge.json", - "results/BAAI__bge-large-en-v1.5/d4aa6901d3a41ba39fb536a557fa166f842b0e09/SpartQA.json", - "results/BAAI__bge-large-en-v1.5/d4aa6901d3a41ba39fb536a557fa166f842b0e09/TempReasonL1.json", - "results/BAAI__bge-large-en-v1.5/d4aa6901d3a41ba39fb536a557fa166f842b0e09/HellaSwag.json", - "results/BAAI__bge-large-en-v1.5/d4aa6901d3a41ba39fb536a557fa166f842b0e09/TempReasonL3Pure.json", - "results/BAAI__bge-large-en-v1.5/d4aa6901d3a41ba39fb536a557fa166f842b0e09/PIQA.json", - "results/BAAI__bge-large-en-v1.5/d4aa6901d3a41ba39fb536a557fa166f842b0e09/Quail.json", - "results/BAAI__bge-large-en-v1.5/d4aa6901d3a41ba39fb536a557fa166f842b0e09/SIQA.json", - "results/BAAI__bge-large-en-v1.5/d4aa6901d3a41ba39fb536a557fa166f842b0e09/RARbMath.json", - "results/BAAI__bge-large-en-v1.5/d4aa6901d3a41ba39fb536a557fa166f842b0e09/TempReasonL2Fact.json", - "results/BAAI__bge-large-en-v1.5/d4aa6901d3a41ba39fb536a557fa166f842b0e09/TempReasonL2Pure.json", - "results/BAAI__bge-large-en-v1.5/d4aa6901d3a41ba39fb536a557fa166f842b0e09/TempReasonL3Fact.json", - "results/BAAI__bge-large-en-v1.5/d4aa6901d3a41ba39fb536a557fa166f842b0e09/RARbCode.json" + "BAAI__bge-small-zh-v1.5": [ + "results/BAAI__bge-small-zh-v1.5/no_revision_available/CMedQAv1.json", + "results/BAAI__bge-small-zh-v1.5/no_revision_available/MassiveIntentClassification.json", + "results/BAAI__bge-small-zh-v1.5/no_revision_available/TNews.json", + "results/BAAI__bge-small-zh-v1.5/no_revision_available/PAWSX.json", + "results/BAAI__bge-small-zh-v1.5/no_revision_available/OnlineShopping.json", + "results/BAAI__bge-small-zh-v1.5/no_revision_available/LCQMC.json", + "results/BAAI__bge-small-zh-v1.5/no_revision_available/EcomRetrieval.json", + "results/BAAI__bge-small-zh-v1.5/no_revision_available/MMarcoReranking.json", + "results/BAAI__bge-small-zh-v1.5/no_revision_available/CovidRetrieval.json", + "results/BAAI__bge-small-zh-v1.5/no_revision_available/CLSClusteringP2P.json", + "results/BAAI__bge-small-zh-v1.5/no_revision_available/BQ.json", + "results/BAAI__bge-small-zh-v1.5/no_revision_available/AFQMC.json", + "results/BAAI__bge-small-zh-v1.5/no_revision_available/CLSClusteringS2S.json", + "results/BAAI__bge-small-zh-v1.5/no_revision_available/Cmnli.json", + "results/BAAI__bge-small-zh-v1.5/no_revision_available/MassiveScenarioClassification.json", + "results/BAAI__bge-small-zh-v1.5/no_revision_available/T2Reranking.json", + "results/BAAI__bge-small-zh-v1.5/no_revision_available/ThuNewsClusteringP2P.json", + "results/BAAI__bge-small-zh-v1.5/no_revision_available/VideoRetrieval.json", + "results/BAAI__bge-small-zh-v1.5/no_revision_available/Ocnli.json", + "results/BAAI__bge-small-zh-v1.5/no_revision_available/ATEC.json", + "results/BAAI__bge-small-zh-v1.5/no_revision_available/Waimai.json", + "results/BAAI__bge-small-zh-v1.5/no_revision_available/ThuNewsClusteringS2S.json", + "results/BAAI__bge-small-zh-v1.5/no_revision_available/IFlyTek.json", + "results/BAAI__bge-small-zh-v1.5/no_revision_available/MultilingualSentiment.json", + "results/BAAI__bge-small-zh-v1.5/no_revision_available/CmedqaRetrieval.json", + "results/BAAI__bge-small-zh-v1.5/no_revision_available/STS22.json", + "results/BAAI__bge-small-zh-v1.5/no_revision_available/AmazonReviewsClassification.json", + "results/BAAI__bge-small-zh-v1.5/no_revision_available/JDReview.json", + "results/BAAI__bge-small-zh-v1.5/no_revision_available/MedicalRetrieval.json", + "results/BAAI__bge-small-zh-v1.5/no_revision_available/T2Retrieval.json", + "results/BAAI__bge-small-zh-v1.5/no_revision_available/QBQTC.json", + "results/BAAI__bge-small-zh-v1.5/no_revision_available/MMarcoRetrieval.json", + "results/BAAI__bge-small-zh-v1.5/no_revision_available/DuRetrieval.json", + "results/BAAI__bge-small-zh-v1.5/no_revision_available/CMedQAv2.json", + "results/BAAI__bge-small-zh-v1.5/no_revision_available/STSB.json" ], - "facebook__contriever": [ - "results/facebook__contriever/2bd46a25019aeea091fd42d1f0fd4801675cf699/AlphaNLI.json", - "results/facebook__contriever/2bd46a25019aeea091fd42d1f0fd4801675cf699/WinoGrande.json", - "results/facebook__contriever/2bd46a25019aeea091fd42d1f0fd4801675cf699/ARCChallenge.json", - "results/facebook__contriever/2bd46a25019aeea091fd42d1f0fd4801675cf699/SpartQA.json", - "results/facebook__contriever/2bd46a25019aeea091fd42d1f0fd4801675cf699/TempReasonL1.json", - "results/facebook__contriever/2bd46a25019aeea091fd42d1f0fd4801675cf699/HellaSwag.json", - "results/facebook__contriever/2bd46a25019aeea091fd42d1f0fd4801675cf699/HellaSwagInstruct.json", - "results/facebook__contriever/2bd46a25019aeea091fd42d1f0fd4801675cf699/TempReasonL3Pure.json", - "results/facebook__contriever/2bd46a25019aeea091fd42d1f0fd4801675cf699/PIQA.json", - "results/facebook__contriever/2bd46a25019aeea091fd42d1f0fd4801675cf699/Quail.json", - "results/facebook__contriever/2bd46a25019aeea091fd42d1f0fd4801675cf699/SIQA.json", - "results/facebook__contriever/2bd46a25019aeea091fd42d1f0fd4801675cf699/RARbMath.json", - "results/facebook__contriever/2bd46a25019aeea091fd42d1f0fd4801675cf699/TempReasonL2Fact.json", - "results/facebook__contriever/2bd46a25019aeea091fd42d1f0fd4801675cf699/TempReasonL2Pure.json", - "results/facebook__contriever/2bd46a25019aeea091fd42d1f0fd4801675cf699/TempReasonL3Fact.json", - "results/facebook__contriever/2bd46a25019aeea091fd42d1f0fd4801675cf699/RARbCode.json" - ], - "openai__text-search-curie-001": [ - "results/openai__text-search-curie-001/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/openai__text-search-curie-001/no_revision_available/SciFact.json", - "results/openai__text-search-curie-001/no_revision_available/SCIDOCS.json", - "results/openai__text-search-curie-001/no_revision_available/Touche2020.json", - "results/openai__text-search-curie-001/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/openai__text-search-curie-001/no_revision_available/HotpotQA.json", - "results/openai__text-search-curie-001/no_revision_available/FiQA2018.json", - "results/openai__text-search-curie-001/no_revision_available/TRECCOVID.json", - "results/openai__text-search-curie-001/no_revision_available/ArguAna.json", - "results/openai__text-search-curie-001/no_revision_available/NFCorpus.json", - "results/openai__text-search-curie-001/no_revision_available/ClimateFEVER.json", - "results/openai__text-search-curie-001/no_revision_available/FEVER.json", - "results/openai__text-search-curie-001/no_revision_available/QuoraRetrieval.json" + "Cohere__Cohere-embed-english-v3.0": [ + "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/Robust04InstructionRetrieval.json", + "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/AlphaNLI.json", + "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/WinoGrande.json", + "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/ARCChallenge.json", + "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/LegalSummarization.json", + "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/SpartQA.json", + "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/TempReasonL1.json", + "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/HellaSwag.json", + "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/News21InstructionRetrieval.json", + "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/TempReasonL3Pure.json", + "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/BrightRetrieval.json", + "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/PIQA.json", + "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/AILAStatutes.json", + "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/Quail.json", + "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/SIQA.json", + "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/AILACasedocs.json", + "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/RARbMath.json", + "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/TempReasonL2Fact.json", + "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/TempReasonL2Pure.json", + "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/GerDaLIRSmall.json", + "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/LegalBenchConsumerContractsQA.json", + "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/LegalBenchCorporateLobbying.json", + "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/TempReasonL3Fact.json", + "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/LeCaRDv2.json", + "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/RARbCode.json", + "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/LegalQuAD.json", + "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/Core17InstructionRetrieval.json" ], - "voyageai__voyage-lite-02-instruct": [ - "results/voyageai__voyage-lite-02-instruct/no_revision_available/MassiveIntentClassification.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/BiorxivClusteringP2P.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/EmotionClassification.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/CQADupstackGisRetrieval.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/TweetSentimentExtractionClassification.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/SciFact.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/Banking77Classification.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/STS14.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/STSBenchmark.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/SciDocsRR.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/MindSmallReranking.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/CQADupstackRetrieval.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/MedrxivClusteringS2S.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/SCIDOCS.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/Touche2020.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/STS16.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/CQADupstackTexRetrieval.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/ImdbClassification.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/SprintDuplicateQuestions.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/ToxicConversationsClassification.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/MassiveScenarioClassification.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/STS17.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/CQADupstackUnixRetrieval.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/AskUbuntuDupQuestions.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/HotpotQA.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/ArxivClusteringS2S.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/StackExchangeClustering.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/RedditClusteringP2P.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/NQ.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/RedditClustering.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/SICK-R.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/FiQA2018.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/BIOSSES.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/TRECCOVID.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/DBPedia.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/BiorxivClusteringS2S.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/ArguAna.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/ArxivClusteringP2P.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/TwitterURLCorpus.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/STS22.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/AmazonReviewsClassification.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/CQADupstackGamingRetrieval.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/NFCorpus.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/STS15.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/AmazonPolarityClassification.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/MTOPIntentClassification.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/STS13.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/SummEval.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/ClimateFEVER.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/CQADupstackStatsRetrieval.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/TwitterSemEval2015.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/MedrxivClusteringP2P.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/TwentyNewsgroupsClustering.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/FEVER.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/MSMARCO.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/MTOPDomainClassification.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/QuoraRetrieval.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/STS12.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/AmazonCounterfactualClassification.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/StackExchangeClusteringP2P.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/voyageai__voyage-lite-02-instruct/no_revision_available/StackOverflowDupQuestions.json" + "Cohere__Cohere-embed-english-v3.0-instruct": [ + "results/Cohere__Cohere-embed-english-v3.0-instruct/no_revision_available/AlphaNLI.json", + "results/Cohere__Cohere-embed-english-v3.0-instruct/no_revision_available/WinoGrande.json", + "results/Cohere__Cohere-embed-english-v3.0-instruct/no_revision_available/ARCChallenge.json", + "results/Cohere__Cohere-embed-english-v3.0-instruct/no_revision_available/SpartQA.json", + "results/Cohere__Cohere-embed-english-v3.0-instruct/no_revision_available/TempReasonL1.json", + "results/Cohere__Cohere-embed-english-v3.0-instruct/no_revision_available/HellaSwag.json", + "results/Cohere__Cohere-embed-english-v3.0-instruct/no_revision_available/TempReasonL3Pure.json", + "results/Cohere__Cohere-embed-english-v3.0-instruct/no_revision_available/PIQA.json", + "results/Cohere__Cohere-embed-english-v3.0-instruct/no_revision_available/Quail.json", + "results/Cohere__Cohere-embed-english-v3.0-instruct/no_revision_available/SIQA.json", + "results/Cohere__Cohere-embed-english-v3.0-instruct/no_revision_available/RARbMath.json", + "results/Cohere__Cohere-embed-english-v3.0-instruct/no_revision_available/TempReasonL2Fact.json", + "results/Cohere__Cohere-embed-english-v3.0-instruct/no_revision_available/TempReasonL2Pure.json", + "results/Cohere__Cohere-embed-english-v3.0-instruct/no_revision_available/TempReasonL3Fact.json", + "results/Cohere__Cohere-embed-english-v3.0-instruct/no_revision_available/RARbCode.json" ], - "sentence-transformers__distiluse-base-multilingual-cased-v2": [ - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/PSC.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/NFCorpus-PL.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/MassiveIntentClassification.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/MLSUMClusteringP2P.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/AlloProfClusteringS2S.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/EmotionClassification.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/CDSC-R.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/MSMARCO-PL.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/SyntecReranking.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/BSARDRetrieval.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/TweetSentimentExtractionClassification.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/DBPedia-PL.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/PolEmo2.0-OUT.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/Banking77Classification.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/FiQA-PL.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/STS14.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/STSBenchmark.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/AllegroReviews.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/DiaBLaBitextMining.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/SciDocsRR.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/SciFact-PL.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/8TagsClustering.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/MindSmallReranking.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/MintakaRetrieval.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/STS16.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/TRECCOVID-PL.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/SICK-R-PL.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/SyntecRetrieval.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/CDSC-E.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/ImdbClassification.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/SprintDuplicateQuestions.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/MLSUMClusteringS2S.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/ToxicConversationsClassification.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/MassiveScenarioClassification.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/ArguAna-PL.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/STS17.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/CBD.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/MasakhaNEWSClusteringP2P.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/AskUbuntuDupQuestions.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/AlloprofRetrieval.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/PolEmo2.0-IN.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/AlloprofReranking.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/FloresBitextMining.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/SICK-R.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/SummEvalFr.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/BIOSSES.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/AlloProfClusteringP2P.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/HotpotQA-PL.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/PAC.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/MasakhaNEWSClusteringS2S.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/SICK-E-PL.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/ArxivClusteringP2P.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/Quora-PL.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/TwitterURLCorpus.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/STS22.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/AmazonReviewsClassification.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/STS15.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/AmazonPolarityClassification.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/NQ-PL.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/SCIDOCS-PL.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/MTOPIntentClassification.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/HALClusteringS2S.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/STS13.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/MasakhaNEWSClassification.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/TwitterSemEval2015.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/PPC.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/OpusparcusPC.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/MTOPDomainClassification.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/SICKFr.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/STS12.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/AmazonCounterfactualClassification.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/PawsXPairClassification.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/XPQARetrieval.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/STSBenchmarkMultilingualSTS.json", - "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/StackOverflowDupQuestions.json" + "Cohere__Cohere-embed-multilingual-light-v3.0": [ + "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/MassiveIntentClassification.json", + "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/MLSUMClusteringP2P.json", + "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/AlloProfClusteringS2S.json", + "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/SyntecReranking.json", + "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/BSARDRetrieval.json", + "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/DiaBLaBitextMining.json", + "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/MintakaRetrieval.json", + "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/SyntecRetrieval.json", + "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/MLSUMClusteringS2S.json", + "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/MassiveScenarioClassification.json", + "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/MasakhaNEWSClusteringP2P.json", + "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/AlloprofRetrieval.json", + "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/AlloprofReranking.json", + "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/FloresBitextMining.json", + "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/SummEvalFr.json", + "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/AlloProfClusteringP2P.json", + "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/MasakhaNEWSClusteringS2S.json", + "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/STS22.json", + "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/AmazonReviewsClassification.json", + "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/MTOPIntentClassification.json", + "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/HALClusteringS2S.json", + "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/MasakhaNEWSClassification.json", + "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/OpusparcusPC.json", + "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/MTOPDomainClassification.json", + "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/SICKFr.json", + "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/PawsXPairClassification.json", + "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/XPQARetrieval.json", + "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/STSBenchmarkMultilingualSTS.json" ], - "BAAI__bge-small-zh-v1.5": [ - "results/BAAI__bge-small-zh-v1.5/no_revision_available/CMedQAv1.json", - "results/BAAI__bge-small-zh-v1.5/no_revision_available/MassiveIntentClassification.json", - "results/BAAI__bge-small-zh-v1.5/no_revision_available/TNews.json", - "results/BAAI__bge-small-zh-v1.5/no_revision_available/PAWSX.json", - "results/BAAI__bge-small-zh-v1.5/no_revision_available/OnlineShopping.json", - "results/BAAI__bge-small-zh-v1.5/no_revision_available/LCQMC.json", - "results/BAAI__bge-small-zh-v1.5/no_revision_available/EcomRetrieval.json", - "results/BAAI__bge-small-zh-v1.5/no_revision_available/MMarcoReranking.json", - "results/BAAI__bge-small-zh-v1.5/no_revision_available/CovidRetrieval.json", - "results/BAAI__bge-small-zh-v1.5/no_revision_available/CLSClusteringP2P.json", - "results/BAAI__bge-small-zh-v1.5/no_revision_available/BQ.json", - "results/BAAI__bge-small-zh-v1.5/no_revision_available/AFQMC.json", - "results/BAAI__bge-small-zh-v1.5/no_revision_available/CLSClusteringS2S.json", - "results/BAAI__bge-small-zh-v1.5/no_revision_available/Cmnli.json", - "results/BAAI__bge-small-zh-v1.5/no_revision_available/MassiveScenarioClassification.json", - "results/BAAI__bge-small-zh-v1.5/no_revision_available/T2Reranking.json", - "results/BAAI__bge-small-zh-v1.5/no_revision_available/ThuNewsClusteringP2P.json", - "results/BAAI__bge-small-zh-v1.5/no_revision_available/VideoRetrieval.json", - "results/BAAI__bge-small-zh-v1.5/no_revision_available/Ocnli.json", - "results/BAAI__bge-small-zh-v1.5/no_revision_available/ATEC.json", - "results/BAAI__bge-small-zh-v1.5/no_revision_available/Waimai.json", - "results/BAAI__bge-small-zh-v1.5/no_revision_available/ThuNewsClusteringS2S.json", - "results/BAAI__bge-small-zh-v1.5/no_revision_available/IFlyTek.json", - "results/BAAI__bge-small-zh-v1.5/no_revision_available/MultilingualSentiment.json", - "results/BAAI__bge-small-zh-v1.5/no_revision_available/CmedqaRetrieval.json", - "results/BAAI__bge-small-zh-v1.5/no_revision_available/STS22.json", - "results/BAAI__bge-small-zh-v1.5/no_revision_available/AmazonReviewsClassification.json", - "results/BAAI__bge-small-zh-v1.5/no_revision_available/JDReview.json", - "results/BAAI__bge-small-zh-v1.5/no_revision_available/MedicalRetrieval.json", - "results/BAAI__bge-small-zh-v1.5/no_revision_available/T2Retrieval.json", - "results/BAAI__bge-small-zh-v1.5/no_revision_available/QBQTC.json", - "results/BAAI__bge-small-zh-v1.5/no_revision_available/MMarcoRetrieval.json", - "results/BAAI__bge-small-zh-v1.5/no_revision_available/DuRetrieval.json", - "results/BAAI__bge-small-zh-v1.5/no_revision_available/CMedQAv2.json", - "results/BAAI__bge-small-zh-v1.5/no_revision_available/STSB.json" + "Cohere__Cohere-embed-multilingual-v3.0": [ + "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/MassiveIntentClassification.json", + "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/MLSUMClusteringP2P.json", + "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/AlloProfClusteringS2S.json", + "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/SyntecReranking.json", + "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/BSARDRetrieval.json", + "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/DiaBLaBitextMining.json", + "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/MintakaRetrieval.json", + "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/SyntecRetrieval.json", + "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/MLSUMClusteringS2S.json", + "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/MassiveScenarioClassification.json", + "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/MasakhaNEWSClusteringP2P.json", + "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/AlloprofRetrieval.json", + "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/AlloprofReranking.json", + "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/FloresBitextMining.json", + "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/SummEvalFr.json", + "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/AlloProfClusteringP2P.json", + "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/MasakhaNEWSClusteringS2S.json", + "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/STS22.json", + "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/AmazonReviewsClassification.json", + "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/MTOPIntentClassification.json", + "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/HALClusteringS2S.json", + "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/MasakhaNEWSClassification.json", + "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/OpusparcusPC.json", + "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/MTOPDomainClassification.json", + "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/SICKFr.json", + "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/PawsXPairClassification.json", + "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/XPQARetrieval.json", + "results/Cohere__Cohere-embed-multilingual-v3.0/no_revision_available/STSBenchmarkMultilingualSTS.json" ], - "sentence-transformers__all-mpnet-base-v2": [ - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/HagridRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/BengaliDocumentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MLQuestions.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/OPP115InternationalAndSpecificAudiencesLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/FrenkEnClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/WebLINXCandidatesReranking.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/StackExchangeClustering.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/AlphaNLI.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TweetSarcasmClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/WinoGrande.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/NusaParagraphEmotionClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/AlloProfClusteringP2P.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/PSC.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/DBpediaClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADNonTransferableLicenseLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ARCChallenge.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/IndicSentimentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/NFCorpus-PL.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MassiveIntentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SinhalaNewsSourceClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TextualismToolDictionariesLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/KurdishSentimentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/InappropriatenessClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/RuReviewsClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/RomanianSentimentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADUnlimitedAllYouCanEatLicenseLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADVolumeRestrictionLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADExclusivityLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ArmenianParaphrasePC.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/Itacola.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ContractNLIPermissibleAcquirementOfSimilarInformationLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADSourceCodeEscrowLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/UkrFormalityClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LEMBWikimQARetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/RedditClusteringP2P.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/DanFeverRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/VGHierarchicalClusteringP2P.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/KLUE-STS.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADWarrantyDurationLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/DiaBlaBitextMining.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/BlurbsClusteringP2P.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADInsuranceLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CTKFactsNLI.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADMostFavoredNationLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TNews.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/BiorxivClusteringP2P.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TempReasonL1.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/EmotionClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CQADupstackGisRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/VieQuADRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/AfriSentiClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADCovenantNotToSueLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADPriceRestrictionsLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/OPP115DoNotTrackLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SCDDCertificationLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/FalseFriendsGermanEnglish.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LearnedHandsTrafficLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CDSC-R.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADJointIPOwnershipLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MedrxivClusteringP2P.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SyntecReranking.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/RomanianReviewsSentiment.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/PAWSX.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/BSARDRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TweetSentimentExtractionClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADGoverningLawLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/WikipediaRerankingMultilingual.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/HellaSwag.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/Diversity2LegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/IndicCrosslingualSTS.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ArXivHierarchicalClusteringP2P.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ContractNLIPermissibleDevelopmentOfSimilarInformationLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SwednClusteringP2P.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/OnlineShopping.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LearnedHandsDomesticViolenceLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SlovakMovieReviewSentimentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LearnedHandsBenefitsLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/PolEmo2.0-OUT.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADNoSolicitOfEmployeesLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/GermanGovServiceRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LCQMC.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/EcomRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/NusaParagraphTopicClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/Moroco.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/GujaratiNewsClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LEMBNarrativeQARetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TurHistQuadRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/OralArgumentQuestionPurposeLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SciFact.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/RuSciBenchGRNTIClusteringP2P.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/KannadaNewsClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MalteseNewsClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/GreekLegalCodeClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADAuditRightsLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LearnedHandsEstatesLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/Banking77Classification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/RTE3.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/NusaXBitextMining.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MMarcoReranking.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADAffiliateLicenseLicenseeLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TurkicClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/NorQuadRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TERRa.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/Tatoeba.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/RuSTSBenchmarkSTS.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ContractNLIInclusionOfVerballyConveyedInformationLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/HindiDiscourseClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/KorSarcasmClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TurkishProductSentimentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADAffiliateLicenseLicensorLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/IndicQARetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LearnedHandsConsumerLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SNLHierarchicalClusteringS2S.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/KorHateClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/NaijaSenti.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CyrillicTurkicLangClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/FiQA-PL.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/STS14.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADTerminationForConvenienceLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/STSBenchmark.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MAUDLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/AllegroReviews.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SiswatiNewsClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LegalReasoningCausalityLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/InternationalCitizenshipQuestionsLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SpanishPassageRetrievalS2S.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ItaCaseholdClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/Diversity6LegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MarathiNewsClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/DutchBookReviewSentimentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SciDocsRR.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SciFact-PL.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ScalaClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LearnedHandsFamilyLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MindSmallReranking.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/OPP115DataSecurityLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CQADupstackRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MedrxivClusteringS2S.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CzechSubjectivityClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/Diversity5LegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SCIDOCS.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ArXivHierarchicalClusteringS2S.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/BrightRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/RomaTalesBitextMining.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CSFDCZMovieReviewSentimentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/PIQA.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/YahooAnswersTopicsClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/Touche2020.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TeluguAndhraJyotiNewsClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ContractNLIPermissiblePostAgreementPossessionLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/STS16.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/NLPJournalAbsIntroRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MedrxivClusteringS2S.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/OPP115PolicyChangeLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADNonCompeteLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/OverrulingLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/UnfairTOSLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/KLUE-NLI.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SweRecClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/NLPJournalTitleAbsRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/DefinitionClassificationLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/PunjabiNewsClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/BiorxivClusteringS2S.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CovidRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/GermanPoliticiansTwitterSentimentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TRECCOVID-PL.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LearnedHandsImmigrationLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/GeoreviewClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/YueOpenriceReviewClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CanadaTaxCourtOutcomesLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CQADupstackTexRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/StatcanDialogueDatasetRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/BrazilianToxicTweetsClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/STSES.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ContractNLIExplicitIdentificationLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ContractNLISurvivalOfObligationsLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADLiquidatedDamagesLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/OPP115DataRetentionLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/JSICK.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/UCCVCommonLawLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SwednClusteringS2S.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/WRIMEClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/StackExchangeClusteringP2P.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SCDDAuditsLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SICK-R-PL.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ContractNLINoticeOnCompelledDisclosureLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADNoSolicitOfCustomersLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SensitiveTopicsClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/FaroeseSTS.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ToxicChatClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TswanaNewsClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CDSC-E.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/BQ.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TwentyNewsgroupsClustering.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/GermanSTSBenchmark.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/KinopoiskClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/Diversity4LegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/AFQMC.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LEMBQMSumRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/PROALegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TweetEmotionClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/OPP115UserAccessEditAndDeletionLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/FrenkHrClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ImdbClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/FaithDial.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MLQARetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/RUParaPhraserSTS.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SprintDuplicateQuestions.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/WikiClusteringP2P.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/GermanDPR.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/AfriSentiLangClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ArxivClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ToxicConversationsClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MassiveScenarioClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/AngryTweetsClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/T2Reranking.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ArguAna-PL.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADExpirationDateLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/STS17.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/RuSciBenchOECDClusteringP2P.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CBD.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/PoemSentimentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CQADupstackUnixRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TweetTopicSingleClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/AskUbuntuDupQuestions.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/NusaTranslationBitextMining.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/HotpotQA.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ArxivClusteringS2S.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADAntiAssignmentLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/AJGT.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/FinToxicityClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/StackExchangeClustering.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/RedditClusteringP2P.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/BulgarianStoreReviewSentimentClassfication.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LearnedHandsTortsLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/Assin2RTE.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CorporateLobbyingLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/HateSpeechPortugueseClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/PolEmo2.0-IN.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TV2Nordretrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/PatentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/RedditClustering.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADRenewalTermLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/RonSTS.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/PlscClusteringS2S.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/AlloprofReranking.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ContractNLINoLicensingLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LearnedHandsEducationLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/NusaX-senti.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CataloniaTweetClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MultilingualSentimentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/FloresBitextMining.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/IndonesianMongabayConservationClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/indonli.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/NordicLangClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/VideoRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/BigPatentClustering.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SCDBPAccountabilityLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SCDBPCertificationLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CSFDSKMovieReviewSentimentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MovieReviewSentimentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/BornholmBitextMining.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/NQ.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/WisesightSentimentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ATEC.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SlovakSumRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/Waimai.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/NollySentiBitextMining.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/HebrewSentimentAnalysis.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ContractNLISharingWithThirdPartiesLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/RedditClustering.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/NLPJournalTitleIntroRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/PhincBitextMining.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LearnedHandsDivorceLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LearnedHandsCrimeLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SICK-R.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/FiQA2018.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SummEvalFr.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/BIOSSES.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/VieStudentFeedbackClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/RuSciBenchGRNTIClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TRECCOVID.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ContractNLISharingWithEmployeesLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SNLRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/NorwegianParliamentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SCDDAccountabilityLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/GreekCivicsQA.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SpanishSentimentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/AlloProfClusteringS2S.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LearnedHandsHousingLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LEMBPasskeyRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/OPP115FirstPartyCollectionUseLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADLicenseGrantLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/HeadlineClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/DBPedia.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/BiorxivClusteringS2S.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TempReasonL3Context.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SwissJudgementClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/BUCC.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SCDDVerificationLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/JCrewBlockerLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/FilipinoShopeeReviewsClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TextualismToolPlainLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/PAC.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADPostTerminationServicesLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/KorSTS.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ArguAna.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADEffectiveDateLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LearnedHandsCourtsLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/NepaliNewsClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TenKGnadClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MacedonianTweetSentimentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TelemarketingSalesRuleLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/GerDaLIR.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LegalBenchPC.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/NYSJudicialEthicsLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/IFlyTek.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/XMarket.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SICK-E-PL.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/XNLI.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TbilisiCityHallBitextMining.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SweFaqRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ContractNLIPermissibleCopyLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SCDDTrainingLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CLSClusteringP2P.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SemRel24STS.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ArxivClusteringP2P.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SNLHierarchicalClusteringP2P.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/XNLIV2.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/Assin2STS.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MultiEURLEXMultilabelClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MultilingualSentiment.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CmedqaRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADNoticePeriodToTerminateRenewalLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/FrenkSlClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LEMBNeedleRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MalayalamNewsClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/BiorxivClusteringP2P.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TwitterURLCorpus.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TweetSentimentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/FinancialPhrasebankClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/GermanQuAD-Retrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/STS22.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/AmazonReviewsClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CrossLingualSemanticDiscriminationWMT19.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ContractNLIReturnOfConfidentialInformationLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/JSTS.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CQADupstackGamingRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SanskritShlokasClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/IndicNLPNewsClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/VieMedEVBitextMining.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADMinimumCommitmentLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/NFCorpus.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CrossLingualSemanticDiscriminationWMT21.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/STS15.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MultiHateClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MultiLongDocRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/OdiaNewsClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SwednRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CEDRClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/AmazonPolarityClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/NorwegianCourtsBitextMining.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/JDReview.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADChangeOfControlLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SCIDOCS-PL.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/OPP115UserChoiceControlLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MTOPIntentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/InsurancePolicyInterpretationLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/EightTagsClustering.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/KLUE-TC.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/NoRecClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/STS13.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/PpcPC.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/NarrativeQARetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TempReasonL2Pure.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CMedQAv1-reranking.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADRevenueProfitSharingLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SRNCorpusBitextMining.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MedicalRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/HotelReviewSentimentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ContractNLIConfidentialityOfAgreementLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SummEval.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/PlscClusteringP2P.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MyanmarNews.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ThuNewsClusteringP2P.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ClimateFEVER.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/IN22ConvBitextMining.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SentimentAnalysisHindi.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LearnedHandsEmploymentLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADIrrevocableOrPerpetualLicenseLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ThuNewsClusteringS2S.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/IN22GenBitextMining.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LivedoorNewsClustering.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MasakhaNEWSClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CQADupstackStatsRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TenKGnadClusteringP2P.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LinceMTBitextMining.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/NewsClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADCapOnLiabilityLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADNonDisparagementLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/T2Retrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/JavaneseIMDBClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ContractNLILimitedUseLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/GeoreviewClusteringP2P.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/BengaliHateSpeechClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TempReasonL2Context.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ArEntail.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/HALClusteringS2S.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADThirdPartyBeneficiaryLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TamilNewsClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/RestaurantReviewSentimentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/KorHateSpeechMLClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TwitterSemEval2015.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SICK-BR-PC.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/PersonalJurisdictionLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CzechProductReviewSentimentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CzechSoMeSentimentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SwedishSentimentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TempReasonL3Fact.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SCDBPAuditsLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/BlurbsClusteringS2S.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/FunctionOfDecisionSectionLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADCompetitiveRestrictionExceptionLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/RuBQReranking.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MedrxivClusteringP2P.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MMarcoRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TwitterHjerneRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/IsiZuluNewsClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/IndicLangClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TwentyNewsgroupsClustering.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/PersianFoodSentimentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LearnedHandsBusinessLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LearnedHandsHealthLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/FEVER.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/OpusparcusPC.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MSMARCO.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SpanishNewsClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/UrduRomanSentimentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/EstonianValenceClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/DuRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/RuSciBenchOECDClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/DanishPoliticalCommentsClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MTOPDomainClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/YelpReviewFullClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/FrenchBookReviews.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/QuoraRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CMedQAv2-reranking.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SICKFr.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/BengaliSentimentAnalysis.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/STS12.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/AmazonCounterfactualClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/FinParaSTS.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADIPOwnershipAssignmentLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SCDBPTrainingLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MewsC16JaClustering.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TurkishMovieSentimentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/PawsXPairClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/StackExchangeClusteringP2P.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/OPP115ThirdPartySharingCollectionLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LccSentimentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/STSB.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADRofrRofoRofnLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/DalajClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CLSClusteringS2S.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/BibleNLPBitextMining.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/Diversity3LegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/STSBenchmarkMultilingualSTS.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SCDBPVerificationLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/OnlineStoreReviewSentimentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SinhalaNewsClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/IndonesianIdClickbaitClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/VGHierarchicalClusteringS2S.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADUncappedLiabilityLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/StackOverflowDupQuestions.json", - "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/Diversity1LegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/HagridRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/BengaliDocumentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MLQuestions.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SyntheticText2SQL.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/NQ-PLHardNegatives.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/OPP115InternationalAndSpecificAudiencesLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/FrenkEnClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/WebLINXCandidatesReranking.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/Robust04InstructionRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/RuBQRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/StackExchangeClustering.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/AlphaNLI.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TweetSarcasmClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/WinoGrande.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/NusaParagraphEmotionClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/AlloProfClusteringP2P.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/PSC.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/DBpediaClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADNonTransferableLicenseLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ARCChallenge.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/IndicSentimentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/NFCorpus-PL.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MassiveIntentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SinhalaNewsSourceClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TextualismToolDictionariesLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/KurdishSentimentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/InappropriatenessClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/RuReviewsClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/RomanianSentimentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADUnlimitedAllYouCanEatLicenseLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADVolumeRestrictionLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADExclusivityLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ArmenianParaphrasePC.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/Itacola.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ContractNLIPermissibleAcquirementOfSimilarInformationLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADSourceCodeEscrowLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/UkrFormalityClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SIB200ClusteringS2S.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LEMBWikimQARetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/RedditClusteringP2P.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/DanFeverRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/VGHierarchicalClusteringP2P.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/KLUE-STS.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADWarrantyDurationLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/DiaBlaBitextMining.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LegalSummarization.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SpartQA.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/BlurbsClusteringP2P.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADInsuranceLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MSMARCOHardNegatives.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CTKFactsNLI.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADMostFavoredNationLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TNews.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/DBPedia-PLHardNegatives.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CodeFeedbackST.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TempReasonL1.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/EmotionClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LEMBSummScreenFDRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CQADupstackGisRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/VieQuADRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/AfriSentiClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADCovenantNotToSueLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADPriceRestrictionsLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/OPP115DoNotTrackLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SCDDCertificationLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/FalseFriendsGermanEnglish.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CQADupstackEnglishRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LearnedHandsTrafficLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CDSC-R.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADJointIPOwnershipLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MedrxivClusteringP2P.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SyntecReranking.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/RomanianReviewsSentiment.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/PAWSX.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/BSARDRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TweetSentimentExtractionClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADGoverningLawLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/WikipediaRerankingMultilingual.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/HellaSwag.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/Diversity2LegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/BelebeleRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/IndicCrosslingualSTS.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ArXivHierarchicalClusteringP2P.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ContractNLIPermissibleDevelopmentOfSimilarInformationLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/FarsTail.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SwednClusteringP2P.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/OnlineShopping.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LearnedHandsDomesticViolenceLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SlovakMovieReviewSentimentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LearnedHandsBenefitsLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/PolEmo2.0-OUT.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADNoSolicitOfEmployeesLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/News21InstructionRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/GermanGovServiceRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LCQMC.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/EcomRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/NusaParagraphTopicClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/Moroco.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/GujaratiNewsClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LEMBNarrativeQARetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TurHistQuadRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/OralArgumentQuestionPurposeLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SciFact.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/RuSciBenchGRNTIClusteringP2P.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LanguageClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/KannadaNewsClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MalteseNewsClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/GreekLegalCodeClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MLSUMClusteringS2S.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADAuditRightsLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CodeSearchNetCCRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LearnedHandsEstatesLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/Banking77Classification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CodeTransOceanContest.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/RTE3.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/NusaXBitextMining.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MMarcoReranking.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/GeorgianFAQRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADAffiliateLicenseLicenseeLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TurkicClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/NorQuadRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TERRa.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/Tatoeba.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/RuSTSBenchmarkSTS.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CQADupstackProgrammersRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ContractNLIInclusionOfVerballyConveyedInformationLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/HindiDiscourseClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/KorSarcasmClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TurkishProductSentimentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADAffiliateLicenseLicensorLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/IndicQARetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LearnedHandsConsumerLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SNLHierarchicalClusteringS2S.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/KorHateClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/NaijaSenti.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CyrillicTurkicLangClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/FiQA-PL.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/STS14.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADTerminationForConvenienceLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/STSBenchmark.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MAUDLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/AllegroReviews.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SiswatiNewsClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LegalReasoningCausalityLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/InternationalCitizenshipQuestionsLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SpanishPassageRetrievalS2S.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TempReasonL3Pure.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ItaCaseholdClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/Diversity6LegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MarathiNewsClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/DutchBookReviewSentimentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/Ko-StrategyQA.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SciDocsRR.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SciFact-PL.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ScalaClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MIRACLRetrievalHardNegatives.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LearnedHandsFamilyLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TopiOCQAHardNegatives.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MindSmallReranking.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/OPP115DataSecurityLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CzechSubjectivityClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/JaGovFaqsRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/Diversity5LegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SCIDOCS.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ArXivHierarchicalClusteringS2S.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/RomaTalesBitextMining.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CSFDCZMovieReviewSentimentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/NQHardNegatives.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/PIQA.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/YahooAnswersTopicsClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MintakaRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/IndicReviewsClusteringP2P.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/Touche2020.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TeluguAndhraJyotiNewsClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ContractNLIPermissiblePostAgreementPossessionLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/STS16.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/NLPJournalAbsIntroRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MedrxivClusteringS2S.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/HotpotQA-PLHardNegatives.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/OPP115PolicyChangeLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADNonCompeteLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/OverrulingLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/UnfairTOSLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/KLUE-NLI.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SweRecClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/NLPJournalTitleAbsRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/DefinitionClassificationLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/PunjabiNewsClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/BiorxivClusteringS2S.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CovidRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/GermanPoliticiansTwitterSentimentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TRECCOVID-PL.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LearnedHandsImmigrationLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/GeoreviewClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/YueOpenriceReviewClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CodeFeedbackMT.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CanadaTaxCourtOutcomesLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CQADupstackTexRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/StatcanDialogueDatasetRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/BrazilianToxicTweetsClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/DBPediaHardNegatives.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/STSES.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ContractNLIExplicitIdentificationLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ContractNLISurvivalOfObligationsLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADLiquidatedDamagesLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/OPP115DataRetentionLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/JSICK.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/UCCVCommonLawLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SwednClusteringS2S.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/WRIMEClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/StackExchangeClusteringP2P.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SCDDAuditsLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SICK-R-PL.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SpanishNewsClusteringP2P.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ContractNLINoticeOnCompelledDisclosureLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SyntecRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/AppsRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADNoSolicitOfCustomersLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SensitiveTopicsClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/FaroeseSTS.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ToxicChatClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TswanaNewsClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CDSC-E.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/BQ.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TwentyNewsgroupsClustering.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/GermanSTSBenchmark.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/KinopoiskClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/Diversity4LegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/AFQMC.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LEMBQMSumRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/PROALegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TweetEmotionClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/OPP115UserAccessEditAndDeletionLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/FrenkHrClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ImdbClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/FaithDial.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MLQARetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/RUParaPhraserSTS.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SprintDuplicateQuestions.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/WikiClusteringP2P.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/GermanDPR.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/AfriSentiLangClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ArxivClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ToxicConversationsClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MassiveScenarioClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/AngryTweetsClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/T2Reranking.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ArguAna-PL.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADExpirationDateLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/STS17.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/RuSciBenchOECDClusteringP2P.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TenKGnadClusteringS2S.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CBD.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MasakhaNEWSClusteringP2P.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/PoemSentimentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SummEvalSummarization.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CQADupstackUnixRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TweetTopicSingleClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/AskUbuntuDupQuestions.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/NusaTranslationBitextMining.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CQADupstackAndroidRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADAntiAssignmentLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/AJGT.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/FinToxicityClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MSMARCO-PLHardNegatives.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/BulgarianStoreReviewSentimentClassfication.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LearnedHandsTortsLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/AlloprofRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/Assin2RTE.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MedicalQARetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CorporateLobbyingLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/HateSpeechPortugueseClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/PolEmo2.0-IN.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TV2Nordretrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/PatentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/RedditClustering.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADRenewalTermLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/RonSTS.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/PlscClusteringS2S.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/AlloprofReranking.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ContractNLINoLicensingLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LearnedHandsEducationLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/NusaX-senti.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CataloniaTweetClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MultilingualSentimentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/FloresBitextMining.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/IndonesianMongabayConservationClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/AILAStatutes.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/indonli.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/NordicLangClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/VideoRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/BigPatentClustering.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SCDBPAccountabilityLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SCDBPCertificationLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/Quail.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CSFDSKMovieReviewSentimentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MovieReviewSentimentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/BornholmBitextMining.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/WisesightSentimentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SwahiliNewsClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ATEC.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ClimateFEVERHardNegatives.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SlovakSumRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/Waimai.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/NollySentiBitextMining.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/HebrewSentimentAnalysis.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ContractNLISharingWithThirdPartiesLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/NLPJournalTitleIntroRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/PhincBitextMining.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LearnedHandsDivorceLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LearnedHandsCrimeLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SICK-R.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/FiQA2018.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SummEvalFr.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/BIOSSES.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/QuoraRetrievalHardNegatives.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/HunSum2AbstractiveRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/VieStudentFeedbackClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/RuSciBenchGRNTIClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TRECCOVID.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ContractNLISharingWithEmployeesLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SNLRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/NorwegianParliamentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CodeSearchNetRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CodeTransOceanDL.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SCDDAccountabilityLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/GreekCivicsQA.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SpanishSentimentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/AlloProfClusteringS2S.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LearnedHandsHousingLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LEMBPasskeyRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/OPP115FirstPartyCollectionUseLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADLicenseGrantLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/HeadlineClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/XQuADRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TempReasonL3Context.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/HotpotQAHardNegatives.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SwissJudgementClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/BUCC.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SCDDVerificationLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/JCrewBlockerLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/Quora-PLHardNegatives.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/FilipinoShopeeReviewsClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TextualismToolPlainLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/PAC.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADPostTerminationServicesLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/KorSTS.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ArguAna.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADEffectiveDateLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LearnedHandsCourtsLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/NepaliNewsClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TenKGnadClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MasakhaNEWSClusteringS2S.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MacedonianTweetSentimentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TelemarketingSalesRuleLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/GerDaLIR.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LegalBenchPC.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/NYSJudicialEthicsLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/IFlyTek.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/XMarket.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SICK-E-PL.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/WikipediaRetrievalMultilingual.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/XNLI.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TbilisiCityHallBitextMining.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SweFaqRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ContractNLIPermissibleCopyLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SCDDTrainingLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CLSClusteringP2P.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SIQA.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SemRel24STS.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/NeuCLIR2023RetrievalHardNegatives.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SNLHierarchicalClusteringP2P.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/RiaNewsRetrievalHardNegatives.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/XNLIV2.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/Assin2STS.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MultiEURLEXMultilabelClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MultilingualSentiment.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CmedqaRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADNoticePeriodToTerminateRenewalLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/FrenkSlClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LEMBNeedleRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MalayalamNewsClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/BiorxivClusteringP2P.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TwitterURLCorpus.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LivedoorNewsClustering.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TweetSentimentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/FinancialPhrasebankClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/GermanQuAD-Retrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/FQuADRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/STS22.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/AmazonReviewsClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CrossLingualSemanticDiscriminationWMT19.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ContractNLIReturnOfConfidentialInformationLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/JSTS.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CQADupstackGamingRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/AILACasedocs.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/RomaniBibleClustering.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SanskritShlokasClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/IndicNLPNewsClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/VieMedEVBitextMining.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADMinimumCommitmentLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/NFCorpus.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CrossLingualSemanticDiscriminationWMT21.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/STS15.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MultiHateClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MultiLongDocRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/OdiaNewsClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SwednRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/EstQA.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/VoyageMMarcoReranking.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CEDRClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/AmazonPolarityClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/NorwegianCourtsBitextMining.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/StackOverflowQA.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/JDReview.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADChangeOfControlLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/RARbMath.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SCIDOCS-PL.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/OPP115UserChoiceControlLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MTOPIntentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/InsurancePolicyInterpretationLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/EightTagsClustering.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/KLUE-TC.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/NoRecClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TempReasonL2Fact.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/STS13.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/PpcPC.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/NarrativeQARetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/FEVERHardNegatives.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TempReasonL2Pure.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CMedQAv1-reranking.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADRevenueProfitSharingLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/IndicGenBenchFloresBitextMining.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SRNCorpusBitextMining.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MedicalRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/HotelReviewSentimentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ContractNLIConfidentialityOfAgreementLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SummEval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/PlscClusteringP2P.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MyanmarNews.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ThuNewsClusteringP2P.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/GerDaLIRSmall.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LegalBenchConsumerContractsQA.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/IN22ConvBitextMining.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SentimentAnalysisHindi.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SIB200Classification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LearnedHandsEmploymentLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADIrrevocableOrPerpetualLicenseLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ThuNewsClusteringS2S.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/IN22GenBitextMining.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LivedoorNewsClustering.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CosQA.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MasakhaNEWSClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CQADupstackStatsRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TenKGnadClusteringP2P.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LinceMTBitextMining.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/NewsClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADCapOnLiabilityLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADNonDisparagementLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LegalBenchCorporateLobbying.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/T2Retrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/JavaneseIMDBClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ContractNLILimitedUseLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/GeoreviewClusteringP2P.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/BengaliHateSpeechClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TempReasonL2Context.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ArEntail.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/HALClusteringS2S.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADThirdPartyBeneficiaryLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TamilNewsClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/RestaurantReviewSentimentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/KorHateSpeechMLClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/FeedbackQARetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TwitterSemEval2015.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SICK-BR-PC.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/PersonalJurisdictionLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CzechProductReviewSentimentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CzechSoMeSentimentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SwedishSentimentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/IWSLT2017BitextMining.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TempReasonL3Fact.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SCDBPAuditsLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/BlurbsClusteringS2S.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/FunctionOfDecisionSectionLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LeCaRDv2.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADCompetitiveRestrictionExceptionLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CQADupstackWebmastersRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MLSUMClusteringP2P.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/STS22.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/RuBQReranking.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/NTREXBitextMining.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MMarcoRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TwitterHjerneRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/IsiZuluNewsClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/IndicLangClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/NeuCLIR2022RetrievalHardNegatives.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/PersianFoodSentimentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LearnedHandsBusinessLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LearnedHandsHealthLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/WikiCitiesClustering.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/RARbCode.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/OpusparcusPC.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CodeEditSearchRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SpanishNewsClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/UrduRomanSentimentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LegalQuAD.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/EstonianValenceClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/DuRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/RuSciBenchOECDClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/DanishPoliticalCommentsClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MTOPDomainClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/YelpReviewFullClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/FrenchBookReviews.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CMedQAv2-reranking.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SICKFr.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/BengaliSentimentAnalysis.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/STS12.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/AmazonCounterfactualClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/FinParaSTS.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CQADupstackMathematicaRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADIPOwnershipAssignmentLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SCDBPTrainingLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MewsC16JaClustering.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TurkishMovieSentimentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/PawsXPairClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/OPP115ThirdPartySharingCollectionLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LccSentimentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/STSB.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADRofrRofoRofnLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/Core17InstructionRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CQADupstackPhysicsRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/DalajClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CQADupstackWordpressRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CLSClusteringS2S.v2.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/BibleNLPBitextMining.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/JaQuADRetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/Diversity3LegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/XPQARetrieval.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/STSBenchmarkMultilingualSTS.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SCDBPVerificationLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/OnlineStoreReviewSentimentClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SinhalaNewsClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/IndonesianIdClickbaitClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/VGHierarchicalClusteringS2S.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADUncappedLiabilityLegalBenchClassification.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/StackOverflowDupQuestions.json", - "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/Diversity1LegalBenchClassification.json" - ], - "Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit": [ - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/MassiveIntentClassification.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/BiorxivClusteringP2P.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/EmotionClassification.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackGisRetrieval.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/TweetSentimentExtractionClassification.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/SciFact.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/Banking77Classification.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/STS14.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/STSBenchmark.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/SciDocsRR.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/MindSmallReranking.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackRetrieval.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/MedrxivClusteringS2S.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/SCIDOCS.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/Touche2020.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/STS16.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackTexRetrieval.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/ImdbClassification.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/SprintDuplicateQuestions.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/ToxicConversationsClassification.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/MassiveScenarioClassification.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/STS17.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackUnixRetrieval.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/AskUbuntuDupQuestions.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/HotpotQA.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/ArxivClusteringS2S.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/StackExchangeClustering.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/RedditClusteringP2P.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/NQ.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/RedditClustering.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/SICK-R.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/FiQA2018.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/BIOSSES.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/TRECCOVID.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/DBPedia.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/BiorxivClusteringS2S.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/ArguAna.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/ArxivClusteringP2P.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/TwitterURLCorpus.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/STS22.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/AmazonReviewsClassification.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackGamingRetrieval.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/NFCorpus.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/STS15.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/AmazonPolarityClassification.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/MTOPIntentClassification.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/STS13.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/SummEval.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/ClimateFEVER.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackStatsRetrieval.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/TwitterSemEval2015.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/MedrxivClusteringP2P.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/TwentyNewsgroupsClustering.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/FEVER.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/MSMARCO.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/MTOPDomainClassification.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/QuoraRetrieval.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/STS12.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/AmazonCounterfactualClassification.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/StackExchangeClusteringP2P.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/StackOverflowDupQuestions.json" - ], - "nthakur__contriever-base-msmarco": [ - "results/nthakur__contriever-base-msmarco/no_revision_available/Robust04InstructionRetrieval.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/MassiveIntentClassification.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/BiorxivClusteringP2P.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/EmotionClassification.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/CQADupstackGisRetrieval.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/TweetSentimentExtractionClassification.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/News21InstructionRetrieval.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/SciFact.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/Banking77Classification.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/STS14.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/STSBenchmark.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/SciDocsRR.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/MindSmallReranking.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/CQADupstackRetrieval.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/MedrxivClusteringS2S.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/SCIDOCS.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/Touche2020.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/STS16.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/CQADupstackTexRetrieval.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/ImdbClassification.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/SprintDuplicateQuestions.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/ToxicConversationsClassification.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/MassiveScenarioClassification.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/STS17.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/CQADupstackUnixRetrieval.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/AskUbuntuDupQuestions.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/HotpotQA.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/ArxivClusteringS2S.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/StackExchangeClustering.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/RedditClusteringP2P.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/NQ.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/RedditClustering.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/SICK-R.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/FiQA2018.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/BIOSSES.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/TRECCOVID.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/DBPedia.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/BiorxivClusteringS2S.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/ArguAna.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/ArxivClusteringP2P.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/TwitterURLCorpus.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/STS22.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/AmazonReviewsClassification.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/CQADupstackGamingRetrieval.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/NFCorpus.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/STS15.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/AmazonPolarityClassification.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/MTOPIntentClassification.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/STS13.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/SummEval.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/ClimateFEVER.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/CQADupstackStatsRetrieval.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/TwitterSemEval2015.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/MedrxivClusteringP2P.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/TwentyNewsgroupsClustering.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/FEVER.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/MSMARCO.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/MTOPDomainClassification.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/QuoraRetrieval.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/STS12.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/AmazonCounterfactualClassification.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/StackExchangeClusteringP2P.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/Core17InstructionRetrieval.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/nthakur__contriever-base-msmarco/no_revision_available/StackOverflowDupQuestions.json" - ], - "chcaa__dfm-encoder-large-v1": [ - "results/chcaa__dfm-encoder-large-v1/no_revision_available/MassiveIntentClassification.json", - "results/chcaa__dfm-encoder-large-v1/no_revision_available/SweRecClassification.json", - "results/chcaa__dfm-encoder-large-v1/no_revision_available/MassiveScenarioClassification.json", - "results/chcaa__dfm-encoder-large-v1/no_revision_available/AngryTweetsClassification.json", - "results/chcaa__dfm-encoder-large-v1/no_revision_available/NordicLangClassification.json", - "results/chcaa__dfm-encoder-large-v1/no_revision_available/BornholmBitextMining.json", - "results/chcaa__dfm-encoder-large-v1/no_revision_available/ScalaNbClassification.json", - "results/chcaa__dfm-encoder-large-v1/no_revision_available/ScalaSvClassification.json", - "results/chcaa__dfm-encoder-large-v1/no_revision_available/NorwegianParliament.json", - "results/chcaa__dfm-encoder-large-v1/no_revision_available/NoRecClassification.json", - "results/chcaa__dfm-encoder-large-v1/no_revision_available/DKHateClassification.json", - "results/chcaa__dfm-encoder-large-v1/no_revision_available/ScalaDaClassification.json", - "results/chcaa__dfm-encoder-large-v1/no_revision_available/DanishPoliticalCommentsClassification.json", - "results/chcaa__dfm-encoder-large-v1/no_revision_available/LccSentimentClassification.json", - "results/chcaa__dfm-encoder-large-v1/no_revision_available/DalajClassification.json" - ], - "amazon__titan-embed-text-v1": [ - "results/amazon__titan-embed-text-v1/no_revision_available/SciFact.json", - "results/amazon__titan-embed-text-v1/no_revision_available/Banking77Classification.json", - "results/amazon__titan-embed-text-v1/no_revision_available/STS14.json", - "results/amazon__titan-embed-text-v1/no_revision_available/STSBenchmark.json", - "results/amazon__titan-embed-text-v1/no_revision_available/SciDocsRR.json", - "results/amazon__titan-embed-text-v1/no_revision_available/STS16.json", - "results/amazon__titan-embed-text-v1/no_revision_available/STS17.json", - "results/amazon__titan-embed-text-v1/no_revision_available/NQ.json", - "results/amazon__titan-embed-text-v1/no_revision_available/SICK-R.json", - "results/amazon__titan-embed-text-v1/no_revision_available/FiQA2018.json", - "results/amazon__titan-embed-text-v1/no_revision_available/BIOSSES.json", - "results/amazon__titan-embed-text-v1/no_revision_available/TRECCOVID.json", - "results/amazon__titan-embed-text-v1/no_revision_available/ArguAna.json", - "results/amazon__titan-embed-text-v1/no_revision_available/STS15.json", - "results/amazon__titan-embed-text-v1/no_revision_available/STS13.json", - "results/amazon__titan-embed-text-v1/no_revision_available/MSMARCO.json", - "results/amazon__titan-embed-text-v1/no_revision_available/STS12.json", - "results/amazon__titan-embed-text-v1/no_revision_available/AmazonCounterfactualClassification.json" - ], - "sentence-transformers__LaBSE": [ - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/HagridRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/BengaliDocumentClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MLQuestions.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SyntheticText2SQL.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/NQ-PLHardNegatives.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/OPP115InternationalAndSpecificAudiencesLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/FrenkEnClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/WebLINXCandidatesReranking.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/Robust04InstructionRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/RuBQRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/StackExchangeClustering.v2.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/AlphaNLI.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TweetSarcasmClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/WinoGrande.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/NusaParagraphEmotionClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/AlloProfClusteringP2P.v2.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/PSC.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/DBpediaClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADNonTransferableLicenseLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ARCChallenge.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/IndicSentimentClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/NFCorpus-PL.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MassiveIntentClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SinhalaNewsSourceClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TextualismToolDictionariesLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/KurdishSentimentClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/InappropriatenessClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/RuReviewsClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/RomanianSentimentClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADUnlimitedAllYouCanEatLicenseLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADVolumeRestrictionLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADExclusivityLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ArmenianParaphrasePC.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/Itacola.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ContractNLIPermissibleAcquirementOfSimilarInformationLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADSourceCodeEscrowLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/UkrFormalityClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SIB200ClusteringS2S.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LEMBWikimQARetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MLSUMClusteringP2P.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/RedditClusteringP2P.v2.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/DanFeverRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/VGHierarchicalClusteringP2P.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/KLUE-STS.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADWarrantyDurationLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/DiaBlaBitextMining.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LegalSummarization.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SpartQA.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/BlurbsClusteringP2P.v2.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADInsuranceLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MSMARCOHardNegatives.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CTKFactsNLI.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADMostFavoredNationLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TNews.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/DBPedia-PLHardNegatives.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CodeFeedbackST.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/BiorxivClusteringP2P.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TempReasonL1.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/EmotionClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LEMBSummScreenFDRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CQADupstackGisRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/VieQuADRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/AfriSentiClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADCovenantNotToSueLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADPriceRestrictionsLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/OPP115DoNotTrackLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SCDDCertificationLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/FalseFriendsGermanEnglish.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CQADupstackEnglishRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LearnedHandsTrafficLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CDSC-R.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADJointIPOwnershipLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MedrxivClusteringP2P.v2.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SyntecReranking.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/RomanianReviewsSentiment.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/PAWSX.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/BSARDRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TweetSentimentExtractionClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADGoverningLawLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/WikipediaRerankingMultilingual.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/HellaSwag.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/Diversity2LegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/BelebeleRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/IndicCrosslingualSTS.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ArXivHierarchicalClusteringP2P.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ContractNLIPermissibleDevelopmentOfSimilarInformationLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/FarsTail.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SwednClusteringP2P.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/OnlineShopping.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LearnedHandsDomesticViolenceLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SlovakMovieReviewSentimentClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LearnedHandsBenefitsLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/PolEmo2.0-OUT.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADNoSolicitOfEmployeesLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/News21InstructionRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/GermanGovServiceRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LCQMC.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/EcomRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/NusaParagraphTopicClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/Moroco.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/GujaratiNewsClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LEMBNarrativeQARetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TurHistQuadRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/OralArgumentQuestionPurposeLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SciFact.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/RuSciBenchGRNTIClusteringP2P.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LanguageClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/KannadaNewsClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MalteseNewsClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/GreekLegalCodeClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MLSUMClusteringS2S.v2.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADAuditRightsLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CodeSearchNetCCRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LearnedHandsEstatesLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/Banking77Classification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CodeTransOceanContest.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/RTE3.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/NusaXBitextMining.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MMarcoReranking.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/GeorgianFAQRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADAffiliateLicenseLicenseeLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TurkicClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/NorQuadRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TERRa.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/Tatoeba.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/RuSTSBenchmarkSTS.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CQADupstackProgrammersRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ContractNLIInclusionOfVerballyConveyedInformationLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/HindiDiscourseClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/KorSarcasmClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TurkishProductSentimentClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADAffiliateLicenseLicensorLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/IndicQARetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LearnedHandsConsumerLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SNLHierarchicalClusteringS2S.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/KorHateClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/NaijaSenti.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CyrillicTurkicLangClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/FiQA-PL.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/STS14.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADTerminationForConvenienceLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/STSBenchmark.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MAUDLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/AllegroReviews.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SiswatiNewsClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LegalReasoningCausalityLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/InternationalCitizenshipQuestionsLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SpanishPassageRetrievalS2S.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TempReasonL3Pure.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ItaCaseholdClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/Diversity6LegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MarathiNewsClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/DutchBookReviewSentimentClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/Ko-StrategyQA.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SciDocsRR.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SciFact-PL.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ScalaClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MIRACLRetrievalHardNegatives.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LearnedHandsFamilyLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TopiOCQAHardNegatives.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MindSmallReranking.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/OPP115DataSecurityLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MedrxivClusteringS2S.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CzechSubjectivityClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/JaGovFaqsRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/Diversity5LegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/RiaNewsRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SCIDOCS.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ArXivHierarchicalClusteringS2S.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/RomaTalesBitextMining.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CSFDCZMovieReviewSentimentClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/NQHardNegatives.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/PIQA.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/YahooAnswersTopicsClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MintakaRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/IndicReviewsClusteringP2P.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/Touche2020.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TeluguAndhraJyotiNewsClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ContractNLIPermissiblePostAgreementPossessionLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/STS16.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/NLPJournalAbsIntroRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MedrxivClusteringS2S.v2.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/HotpotQA-PLHardNegatives.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/OPP115PolicyChangeLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADNonCompeteLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/OverrulingLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/UnfairTOSLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/KLUE-NLI.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SweRecClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/NLPJournalTitleAbsRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/DefinitionClassificationLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/PunjabiNewsClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/BiorxivClusteringS2S.v2.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CovidRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/GermanPoliticiansTwitterSentimentClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TRECCOVID-PL.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LearnedHandsImmigrationLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/GeoreviewClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/YueOpenriceReviewClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CodeFeedbackMT.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CanadaTaxCourtOutcomesLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CQADupstackTexRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/StatcanDialogueDatasetRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/BrazilianToxicTweetsClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/DBPediaHardNegatives.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/STSES.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ContractNLIExplicitIdentificationLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ContractNLISurvivalOfObligationsLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADLiquidatedDamagesLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/OPP115DataRetentionLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/JSICK.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/UCCVCommonLawLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SwednClusteringS2S.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/WRIMEClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/StackExchangeClusteringP2P.v2.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SCDDAuditsLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SICK-R-PL.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SpanishNewsClusteringP2P.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ContractNLINoticeOnCompelledDisclosureLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SyntecRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/AppsRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADNoSolicitOfCustomersLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SensitiveTopicsClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/FaroeseSTS.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ToxicChatClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TswanaNewsClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CDSC-E.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/BQ.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TwentyNewsgroupsClustering.v2.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/GermanSTSBenchmark.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/KinopoiskClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/Diversity4LegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/AFQMC.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LEMBQMSumRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/PROALegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TweetEmotionClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/OPP115UserAccessEditAndDeletionLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/FrenkHrClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ImdbClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/FaithDial.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MLQARetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/RUParaPhraserSTS.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SprintDuplicateQuestions.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/WikiClusteringP2P.v2.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MLSUMClusteringS2S.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/GermanDPR.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/AfriSentiLangClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ArxivClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ToxicConversationsClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MassiveScenarioClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/AngryTweetsClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/T2Reranking.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ArguAna-PL.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADExpirationDateLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/STS17.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/RuSciBenchOECDClusteringP2P.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TenKGnadClusteringS2S.v2.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CBD.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MasakhaNEWSClusteringP2P.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/PoemSentimentClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SummEvalSummarization.v2.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CQADupstackUnixRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TweetTopicSingleClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/AskUbuntuDupQuestions.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/NusaTranslationBitextMining.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CQADupstackAndroidRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADAntiAssignmentLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/AJGT.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/FinToxicityClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MSMARCO-PLHardNegatives.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/StackExchangeClustering.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/RedditClusteringP2P.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/BulgarianStoreReviewSentimentClassfication.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LearnedHandsTortsLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/AlloprofRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/Assin2RTE.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MedicalQARetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CorporateLobbyingLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/HateSpeechPortugueseClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/PolEmo2.0-IN.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TV2Nordretrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/PatentClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/RedditClustering.v2.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADRenewalTermLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/RonSTS.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/PlscClusteringS2S.v2.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/AlloprofReranking.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ContractNLINoLicensingLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LearnedHandsEducationLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/NusaX-senti.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CataloniaTweetClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MultilingualSentimentClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/PublicHealthQA.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/FloresBitextMining.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/IndonesianMongabayConservationClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/AILAStatutes.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/indonli.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/NordicLangClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/VideoRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/BigPatentClustering.v2.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SCDBPAccountabilityLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SCDBPCertificationLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/Quail.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CSFDSKMovieReviewSentimentClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MovieReviewSentimentClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/BornholmBitextMining.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/WisesightSentimentClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SwahiliNewsClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ATEC.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ClimateFEVERHardNegatives.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SlovakSumRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/Waimai.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/NollySentiBitextMining.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/HebrewSentimentAnalysis.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ContractNLISharingWithThirdPartiesLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/GPUSpeedTask.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/RedditClustering.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/NLPJournalTitleIntroRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/PhincBitextMining.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LearnedHandsDivorceLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LearnedHandsCrimeLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SICK-R.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/FiQA2018.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SummEvalFr.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/BIOSSES.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/QuoraRetrievalHardNegatives.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/HunSum2AbstractiveRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/VieStudentFeedbackClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/RuSciBenchGRNTIClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TRECCOVID.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ContractNLISharingWithEmployeesLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SNLRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/NorwegianParliamentClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CodeSearchNetRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CodeTransOceanDL.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SCDDAccountabilityLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/GreekCivicsQA.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SpanishSentimentClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/AlloProfClusteringS2S.v2.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LearnedHandsHousingLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LEMBPasskeyRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/OPP115FirstPartyCollectionUseLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADLicenseGrantLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/HeadlineClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/XQuADRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/BiorxivClusteringS2S.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TempReasonL3Context.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/HotpotQAHardNegatives.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SwissJudgementClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/BUCC.v2.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SCDDVerificationLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/JCrewBlockerLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/Quora-PLHardNegatives.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/FilipinoShopeeReviewsClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TextualismToolPlainLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/PAC.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADPostTerminationServicesLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/KorSTS.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ArguAna.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADEffectiveDateLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LearnedHandsCourtsLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/NepaliNewsClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TenKGnadClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MasakhaNEWSClusteringS2S.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MacedonianTweetSentimentClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TelemarketingSalesRuleLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/GerDaLIR.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LegalBenchPC.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/NYSJudicialEthicsLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/IFlyTek.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/XMarket.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SICK-E-PL.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/WikipediaRetrievalMultilingual.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/XNLI.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TbilisiCityHallBitextMining.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SweFaqRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ContractNLIPermissibleCopyLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SCDDTrainingLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CLSClusteringP2P.v2.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SIQA.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SemRel24STS.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/NeuCLIR2023RetrievalHardNegatives.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SNLHierarchicalClusteringP2P.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/RiaNewsRetrievalHardNegatives.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/XNLIV2.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/Assin2STS.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MultiEURLEXMultilabelClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MultilingualSentiment.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CmedqaRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADNoticePeriodToTerminateRenewalLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/FrenkSlClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LEMBNeedleRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MalayalamNewsClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/BiorxivClusteringP2P.v2.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TwitterURLCorpus.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LivedoorNewsClustering.v2.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TweetSentimentClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/FinancialPhrasebankClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/GermanQuAD-Retrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/FQuADRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/STS22.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/AmazonReviewsClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CrossLingualSemanticDiscriminationWMT19.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ContractNLIReturnOfConfidentialInformationLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/JSTS.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CQADupstackGamingRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/AILACasedocs.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/RomaniBibleClustering.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SanskritShlokasClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/IndicNLPNewsClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/VieMedEVBitextMining.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADMinimumCommitmentLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/NFCorpus.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CrossLingualSemanticDiscriminationWMT21.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/STS15.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MultiHateClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MultiLongDocRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/OdiaNewsClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SwednRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/EstQA.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/VoyageMMarcoReranking.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CEDRClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/AmazonPolarityClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/NorwegianCourtsBitextMining.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/StackOverflowQA.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/JDReview.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADChangeOfControlLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/RARbMath.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SCIDOCS-PL.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/OPP115UserChoiceControlLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MTOPIntentClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/InsurancePolicyInterpretationLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/EightTagsClustering.v2.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/KLUE-TC.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/NoRecClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TempReasonL2Fact.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/STS13.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/PpcPC.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/NarrativeQARetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/FEVERHardNegatives.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TempReasonL2Pure.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CMedQAv1-reranking.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADRevenueProfitSharingLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/IndicGenBenchFloresBitextMining.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SRNCorpusBitextMining.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MedicalRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/HotelReviewSentimentClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ContractNLIConfidentialityOfAgreementLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SummEval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/PlscClusteringP2P.v2.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MyanmarNews.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ThuNewsClusteringP2P.v2.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/GerDaLIRSmall.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LegalBenchConsumerContractsQA.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/IN22ConvBitextMining.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SentimentAnalysisHindi.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SIB200Classification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LearnedHandsEmploymentLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADIrrevocableOrPerpetualLicenseLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ThuNewsClusteringS2S.v2.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/IN22GenBitextMining.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LivedoorNewsClustering.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CosQA.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MasakhaNEWSClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CQADupstackStatsRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TenKGnadClusteringP2P.v2.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LinceMTBitextMining.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/NewsClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADCapOnLiabilityLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADNonDisparagementLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LegalBenchCorporateLobbying.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/T2Retrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/JavaneseIMDBClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ContractNLILimitedUseLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/GeoreviewClusteringP2P.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/BengaliHateSpeechClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TempReasonL2Context.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ArEntail.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/HALClusteringS2S.v2.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADThirdPartyBeneficiaryLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TamilNewsClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/RestaurantReviewSentimentClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/KorHateSpeechMLClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/FeedbackQARetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TwitterSemEval2015.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SICK-BR-PC.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/PersonalJurisdictionLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CzechProductReviewSentimentClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CzechSoMeSentimentClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SwedishSentimentClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/IWSLT2017BitextMining.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TempReasonL3Fact.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SCDBPAuditsLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/BlurbsClusteringS2S.v2.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/FunctionOfDecisionSectionLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LeCaRDv2.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADCompetitiveRestrictionExceptionLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CQADupstackWebmastersRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MLSUMClusteringP2P.v2.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/STS22.v2.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/RuBQReranking.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/NTREXBitextMining.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MedrxivClusteringP2P.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MMarcoRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TwitterHjerneRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/IsiZuluNewsClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/IndicLangClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TwentyNewsgroupsClustering.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/NeuCLIR2022RetrievalHardNegatives.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/PersianFoodSentimentClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LearnedHandsBusinessLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LearnedHandsHealthLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/WikiCitiesClustering.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/RARbCode.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/OpusparcusPC.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CodeEditSearchRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SpanishNewsClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/UrduRomanSentimentClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LegalQuAD.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/EstonianValenceClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/DuRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/RuSciBenchOECDClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/DanishPoliticalCommentsClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MTOPDomainClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/YelpReviewFullClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/FrenchBookReviews.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CMedQAv2-reranking.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SICKFr.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/BengaliSentimentAnalysis.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/STS12.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/AmazonCounterfactualClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/FinParaSTS.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CQADupstackMathematicaRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADIPOwnershipAssignmentLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SCDBPTrainingLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MewsC16JaClustering.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TurkishMovieSentimentClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/PawsXPairClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/StackExchangeClusteringP2P.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/OPP115ThirdPartySharingCollectionLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LccSentimentClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/STSB.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADRofrRofoRofnLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/Core17InstructionRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CQADupstackPhysicsRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/DalajClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CQADupstackWordpressRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CLSClusteringS2S.v2.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/BibleNLPBitextMining.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/JaQuADRetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/Diversity3LegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/XPQARetrieval.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/STSBenchmarkMultilingualSTS.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SCDBPVerificationLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/OnlineStoreReviewSentimentClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SinhalaNewsClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/IndonesianIdClickbaitClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/VGHierarchicalClusteringS2S.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADUncappedLiabilityLegalBenchClassification.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/StackOverflowDupQuestions.json", - "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/Diversity1LegalBenchClassification.json", - "results/sentence-transformers__LaBSE/no_revision_available/PSC.json", - "results/sentence-transformers__LaBSE/no_revision_available/NFCorpus-PL.json", - "results/sentence-transformers__LaBSE/no_revision_available/MassiveIntentClassification.json", - "results/sentence-transformers__LaBSE/no_revision_available/MLSUMClusteringP2P.json", - "results/sentence-transformers__LaBSE/no_revision_available/AlloProfClusteringS2S.json", - "results/sentence-transformers__LaBSE/no_revision_available/BiorxivClusteringP2P.json", - "results/sentence-transformers__LaBSE/no_revision_available/EmotionClassification.json", - "results/sentence-transformers__LaBSE/no_revision_available/CQADupstackGisRetrieval.json", - "results/sentence-transformers__LaBSE/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/sentence-transformers__LaBSE/no_revision_available/CDSC-R.json", - "results/sentence-transformers__LaBSE/no_revision_available/MSMARCO-PL.json", - "results/sentence-transformers__LaBSE/no_revision_available/SyntecReranking.json", - "results/sentence-transformers__LaBSE/no_revision_available/BSARDRetrieval.json", - "results/sentence-transformers__LaBSE/no_revision_available/TweetSentimentExtractionClassification.json", - "results/sentence-transformers__LaBSE/no_revision_available/DBPedia-PL.json", - "results/sentence-transformers__LaBSE/no_revision_available/PolEmo2.0-OUT.json", - "results/sentence-transformers__LaBSE/no_revision_available/SciFact.json", - "results/sentence-transformers__LaBSE/no_revision_available/Banking77Classification.json", - "results/sentence-transformers__LaBSE/no_revision_available/Tatoeba.json", - "results/sentence-transformers__LaBSE/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/sentence-transformers__LaBSE/no_revision_available/FiQA-PL.json", - "results/sentence-transformers__LaBSE/no_revision_available/STS14.json", - "results/sentence-transformers__LaBSE/no_revision_available/STSBenchmark.json", - "results/sentence-transformers__LaBSE/no_revision_available/AllegroReviews.json", - "results/sentence-transformers__LaBSE/no_revision_available/DiaBLaBitextMining.json", - "results/sentence-transformers__LaBSE/no_revision_available/SciDocsRR.json", - "results/sentence-transformers__LaBSE/no_revision_available/SciFact-PL.json", - "results/sentence-transformers__LaBSE/no_revision_available/8TagsClustering.json", - "results/sentence-transformers__LaBSE/no_revision_available/MindSmallReranking.json", - "results/sentence-transformers__LaBSE/no_revision_available/CQADupstackRetrieval.json", - "results/sentence-transformers__LaBSE/no_revision_available/MedrxivClusteringS2S.json", - "results/sentence-transformers__LaBSE/no_revision_available/SCIDOCS.json", - "results/sentence-transformers__LaBSE/no_revision_available/MintakaRetrieval.json", - "results/sentence-transformers__LaBSE/no_revision_available/Touche2020.json", - "results/sentence-transformers__LaBSE/no_revision_available/STS16.json", - "results/sentence-transformers__LaBSE/no_revision_available/TRECCOVID-PL.json", - "results/sentence-transformers__LaBSE/no_revision_available/CQADupstackTexRetrieval.json", - "results/sentence-transformers__LaBSE/no_revision_available/SICK-R-PL.json", - "results/sentence-transformers__LaBSE/no_revision_available/SyntecRetrieval.json", - "results/sentence-transformers__LaBSE/no_revision_available/CDSC-E.json", - "results/sentence-transformers__LaBSE/no_revision_available/ImdbClassification.json", - "results/sentence-transformers__LaBSE/no_revision_available/SprintDuplicateQuestions.json", - "results/sentence-transformers__LaBSE/no_revision_available/MLSUMClusteringS2S.json", - "results/sentence-transformers__LaBSE/no_revision_available/ToxicConversationsClassification.json", - "results/sentence-transformers__LaBSE/no_revision_available/MassiveScenarioClassification.json", - "results/sentence-transformers__LaBSE/no_revision_available/ArguAna-PL.json", - "results/sentence-transformers__LaBSE/no_revision_available/STS17.json", - "results/sentence-transformers__LaBSE/no_revision_available/CBD.json", - "results/sentence-transformers__LaBSE/no_revision_available/MasakhaNEWSClusteringP2P.json", - "results/sentence-transformers__LaBSE/no_revision_available/CQADupstackUnixRetrieval.json", - "results/sentence-transformers__LaBSE/no_revision_available/AskUbuntuDupQuestions.json", - "results/sentence-transformers__LaBSE/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/sentence-transformers__LaBSE/no_revision_available/HotpotQA.json", - "results/sentence-transformers__LaBSE/no_revision_available/ArxivClusteringS2S.json", - "results/sentence-transformers__LaBSE/no_revision_available/StackExchangeClustering.json", - "results/sentence-transformers__LaBSE/no_revision_available/RedditClusteringP2P.json", - "results/sentence-transformers__LaBSE/no_revision_available/AlloprofRetrieval.json", - "results/sentence-transformers__LaBSE/no_revision_available/PolEmo2.0-IN.json", - "results/sentence-transformers__LaBSE/no_revision_available/AlloprofReranking.json", - "results/sentence-transformers__LaBSE/no_revision_available/FloresBitextMining.json", - "results/sentence-transformers__LaBSE/no_revision_available/NQ.json", - "results/sentence-transformers__LaBSE/no_revision_available/RedditClustering.json", - "results/sentence-transformers__LaBSE/no_revision_available/SICK-R.json", - "results/sentence-transformers__LaBSE/no_revision_available/FiQA2018.json", - "results/sentence-transformers__LaBSE/no_revision_available/SummEvalFr.json", - "results/sentence-transformers__LaBSE/no_revision_available/BIOSSES.json", - "results/sentence-transformers__LaBSE/no_revision_available/TRECCOVID.json", - "results/sentence-transformers__LaBSE/no_revision_available/DBPedia.json", - "results/sentence-transformers__LaBSE/no_revision_available/BiorxivClusteringS2S.json", - "results/sentence-transformers__LaBSE/no_revision_available/AlloProfClusteringP2P.json", - "results/sentence-transformers__LaBSE/no_revision_available/HotpotQA-PL.json", - "results/sentence-transformers__LaBSE/no_revision_available/PAC.json", - "results/sentence-transformers__LaBSE/no_revision_available/ArguAna.json", - "results/sentence-transformers__LaBSE/no_revision_available/MasakhaNEWSClusteringS2S.json", - "results/sentence-transformers__LaBSE/no_revision_available/SICK-E-PL.json", - "results/sentence-transformers__LaBSE/no_revision_available/BUCC.json", - "results/sentence-transformers__LaBSE/no_revision_available/ArxivClusteringP2P.json", - "results/sentence-transformers__LaBSE/no_revision_available/Quora-PL.json", - "results/sentence-transformers__LaBSE/no_revision_available/TwitterURLCorpus.json", - "results/sentence-transformers__LaBSE/no_revision_available/STS22.json", - "results/sentence-transformers__LaBSE/no_revision_available/AmazonReviewsClassification.json", - "results/sentence-transformers__LaBSE/no_revision_available/CQADupstackGamingRetrieval.json", - "results/sentence-transformers__LaBSE/no_revision_available/NFCorpus.json", - "results/sentence-transformers__LaBSE/no_revision_available/STS15.json", - "results/sentence-transformers__LaBSE/no_revision_available/AmazonPolarityClassification.json", - "results/sentence-transformers__LaBSE/no_revision_available/NQ-PL.json", - "results/sentence-transformers__LaBSE/no_revision_available/SCIDOCS-PL.json", - "results/sentence-transformers__LaBSE/no_revision_available/MTOPIntentClassification.json", - "results/sentence-transformers__LaBSE/no_revision_available/HALClusteringS2S.json", - "results/sentence-transformers__LaBSE/no_revision_available/STS13.json", - "results/sentence-transformers__LaBSE/no_revision_available/SummEval.json", - "results/sentence-transformers__LaBSE/no_revision_available/ClimateFEVER.json", - "results/sentence-transformers__LaBSE/no_revision_available/MasakhaNEWSClassification.json", - "results/sentence-transformers__LaBSE/no_revision_available/CQADupstackStatsRetrieval.json", - "results/sentence-transformers__LaBSE/no_revision_available/TwitterSemEval2015.json", - "results/sentence-transformers__LaBSE/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/sentence-transformers__LaBSE/no_revision_available/PPC.json", - "results/sentence-transformers__LaBSE/no_revision_available/MedrxivClusteringP2P.json", - "results/sentence-transformers__LaBSE/no_revision_available/TwentyNewsgroupsClustering.json", - "results/sentence-transformers__LaBSE/no_revision_available/FEVER.json", - "results/sentence-transformers__LaBSE/no_revision_available/OpusparcusPC.json", - "results/sentence-transformers__LaBSE/no_revision_available/MSMARCO.json", - "results/sentence-transformers__LaBSE/no_revision_available/MTOPDomainClassification.json", - "results/sentence-transformers__LaBSE/no_revision_available/QuoraRetrieval.json", - "results/sentence-transformers__LaBSE/no_revision_available/SICKFr.json", - "results/sentence-transformers__LaBSE/no_revision_available/STS12.json", - "results/sentence-transformers__LaBSE/no_revision_available/AmazonCounterfactualClassification.json", - "results/sentence-transformers__LaBSE/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/sentence-transformers__LaBSE/no_revision_available/PawsXPairClassification.json", - "results/sentence-transformers__LaBSE/no_revision_available/StackExchangeClusteringP2P.json", - "results/sentence-transformers__LaBSE/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/sentence-transformers__LaBSE/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/sentence-transformers__LaBSE/no_revision_available/XPQARetrieval.json", - "results/sentence-transformers__LaBSE/no_revision_available/STSBenchmarkMultilingualSTS.json", - "results/sentence-transformers__LaBSE/no_revision_available/StackOverflowDupQuestions.json" - ], - "deepset__gelectra-large": [ - "results/deepset__gelectra-large/no_revision_available/BlurbsClusteringP2P.json", - "results/deepset__gelectra-large/no_revision_available/TenKGnadClusteringS2S.json", - "results/deepset__gelectra-large/no_revision_available/TenKGnadClusteringP2P.json", - "results/deepset__gelectra-large/no_revision_available/BlurbsClusteringS2S.json" - ], - "BAAI__bge-base-zh-v1.5": [ - "results/BAAI__bge-base-zh-v1.5/no_revision_available/CMedQAv1.json", - "results/BAAI__bge-base-zh-v1.5/no_revision_available/MassiveIntentClassification.json", - "results/BAAI__bge-base-zh-v1.5/no_revision_available/TNews.json", - "results/BAAI__bge-base-zh-v1.5/no_revision_available/PAWSX.json", - "results/BAAI__bge-base-zh-v1.5/no_revision_available/OnlineShopping.json", - "results/BAAI__bge-base-zh-v1.5/no_revision_available/LCQMC.json", - "results/BAAI__bge-base-zh-v1.5/no_revision_available/EcomRetrieval.json", - "results/BAAI__bge-base-zh-v1.5/no_revision_available/MMarcoReranking.json", - "results/BAAI__bge-base-zh-v1.5/no_revision_available/CovidRetrieval.json", - "results/BAAI__bge-base-zh-v1.5/no_revision_available/CLSClusteringP2P.json", - "results/BAAI__bge-base-zh-v1.5/no_revision_available/BQ.json", - "results/BAAI__bge-base-zh-v1.5/no_revision_available/AFQMC.json", - "results/BAAI__bge-base-zh-v1.5/no_revision_available/CLSClusteringS2S.json", - "results/BAAI__bge-base-zh-v1.5/no_revision_available/Cmnli.json", - "results/BAAI__bge-base-zh-v1.5/no_revision_available/MassiveScenarioClassification.json", - "results/BAAI__bge-base-zh-v1.5/no_revision_available/T2Reranking.json", - "results/BAAI__bge-base-zh-v1.5/no_revision_available/ThuNewsClusteringP2P.json", - "results/BAAI__bge-base-zh-v1.5/no_revision_available/VideoRetrieval.json", - "results/BAAI__bge-base-zh-v1.5/no_revision_available/Ocnli.json", - "results/BAAI__bge-base-zh-v1.5/no_revision_available/ATEC.json", - "results/BAAI__bge-base-zh-v1.5/no_revision_available/Waimai.json", - "results/BAAI__bge-base-zh-v1.5/no_revision_available/ThuNewsClusteringS2S.json", - "results/BAAI__bge-base-zh-v1.5/no_revision_available/IFlyTek.json", - "results/BAAI__bge-base-zh-v1.5/no_revision_available/MultilingualSentiment.json", - "results/BAAI__bge-base-zh-v1.5/no_revision_available/CmedqaRetrieval.json", - "results/BAAI__bge-base-zh-v1.5/no_revision_available/STS22.json", - "results/BAAI__bge-base-zh-v1.5/no_revision_available/AmazonReviewsClassification.json", - "results/BAAI__bge-base-zh-v1.5/no_revision_available/JDReview.json", - "results/BAAI__bge-base-zh-v1.5/no_revision_available/MedicalRetrieval.json", - "results/BAAI__bge-base-zh-v1.5/no_revision_available/T2Retrieval.json", - "results/BAAI__bge-base-zh-v1.5/no_revision_available/QBQTC.json", - "results/BAAI__bge-base-zh-v1.5/no_revision_available/MMarcoRetrieval.json", - "results/BAAI__bge-base-zh-v1.5/no_revision_available/DuRetrieval.json", - "results/BAAI__bge-base-zh-v1.5/no_revision_available/CMedQAv2.json", - "results/BAAI__bge-base-zh-v1.5/no_revision_available/STSB.json" - ], - "FacebookAI__xlm-roberta-large": [ - "results/FacebookAI__xlm-roberta-large/no_revision_available/MassiveIntentClassification.json", - "results/FacebookAI__xlm-roberta-large/no_revision_available/MLSUMClusteringP2P.json", - "results/FacebookAI__xlm-roberta-large/no_revision_available/AlloProfClusteringS2S.json", - "results/FacebookAI__xlm-roberta-large/no_revision_available/SyntecReranking.json", - "results/FacebookAI__xlm-roberta-large/no_revision_available/BSARDRetrieval.json", - "results/FacebookAI__xlm-roberta-large/no_revision_available/DiaBLaBitextMining.json", - "results/FacebookAI__xlm-roberta-large/no_revision_available/BlurbsClusteringP2P.json", - "results/FacebookAI__xlm-roberta-large/no_revision_available/MintakaRetrieval.json", - "results/FacebookAI__xlm-roberta-large/no_revision_available/SyntecRetrieval.json", - "results/FacebookAI__xlm-roberta-large/no_revision_available/MLSUMClusteringS2S.json", - "results/FacebookAI__xlm-roberta-large/no_revision_available/MassiveScenarioClassification.json", - "results/FacebookAI__xlm-roberta-large/no_revision_available/MasakhaNEWSClusteringP2P.json", - "results/FacebookAI__xlm-roberta-large/no_revision_available/AlloprofRetrieval.json", - "results/FacebookAI__xlm-roberta-large/no_revision_available/AlloprofReranking.json", - "results/FacebookAI__xlm-roberta-large/no_revision_available/FloresBitextMining.json", - "results/FacebookAI__xlm-roberta-large/no_revision_available/SummEvalFr.json", - "results/FacebookAI__xlm-roberta-large/no_revision_available/TenKGnadClusteringS2S.json", - "results/FacebookAI__xlm-roberta-large/no_revision_available/AlloProfClusteringP2P.json", - "results/FacebookAI__xlm-roberta-large/no_revision_available/MasakhaNEWSClusteringS2S.json", - "results/FacebookAI__xlm-roberta-large/no_revision_available/STS22.json", - "results/FacebookAI__xlm-roberta-large/no_revision_available/AmazonReviewsClassification.json", - "results/FacebookAI__xlm-roberta-large/no_revision_available/MTOPIntentClassification.json", - "results/FacebookAI__xlm-roberta-large/no_revision_available/HALClusteringS2S.json", - "results/FacebookAI__xlm-roberta-large/no_revision_available/MasakhaNEWSClassification.json", - "results/FacebookAI__xlm-roberta-large/no_revision_available/TenKGnadClusteringP2P.json", - "results/FacebookAI__xlm-roberta-large/no_revision_available/OpusparcusPC.json", - "results/FacebookAI__xlm-roberta-large/no_revision_available/MTOPDomainClassification.json", - "results/FacebookAI__xlm-roberta-large/no_revision_available/BlurbsClusteringS2S.json", - "results/FacebookAI__xlm-roberta-large/no_revision_available/SICKFr.json", - "results/FacebookAI__xlm-roberta-large/no_revision_available/PawsXPairClassification.json", - "results/FacebookAI__xlm-roberta-large/no_revision_available/XPQARetrieval.json", - "results/FacebookAI__xlm-roberta-large/no_revision_available/STSBenchmarkMultilingualSTS.json" - ], - "Cohere__Cohere-embed-english-v3.0": [ - "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/Robust04InstructionRetrieval.json", - "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/AlphaNLI.json", - "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/WinoGrande.json", - "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/ARCChallenge.json", - "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/LegalSummarization.json", - "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/SpartQA.json", - "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/TempReasonL1.json", - "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/HellaSwag.json", - "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/News21InstructionRetrieval.json", - "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/TempReasonL3Pure.json", - "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/BrightRetrieval.json", - "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/PIQA.json", - "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/AILAStatutes.json", - "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/Quail.json", - "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/SIQA.json", - "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/AILACasedocs.json", - "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/RARbMath.json", - "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/TempReasonL2Fact.json", - "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/TempReasonL2Pure.json", - "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/GerDaLIRSmall.json", - "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/LegalBenchConsumerContractsQA.json", - "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/LegalBenchCorporateLobbying.json", - "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/TempReasonL3Fact.json", - "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/LeCaRDv2.json", - "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/RARbCode.json", - "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/LegalQuAD.json", - "results/Cohere__Cohere-embed-english-v3.0/no_revision_available/Core17InstructionRetrieval.json" - ], - "McGill-NLP__LLM2Vec-Llama-2-unsupervised": [ - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/MassiveIntentClassification.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/BiorxivClusteringP2P.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/EmotionClassification.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/CQADupstackGisRetrieval.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/TweetSentimentExtractionClassification.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/SciFact.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/Banking77Classification.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/STS14.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/STSBenchmark.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/SciDocsRR.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/MindSmallReranking.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/CQADupstackRetrieval.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/MedrxivClusteringS2S.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/SCIDOCS.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/Touche2020.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/STS16.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/CQADupstackTexRetrieval.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/ImdbClassification.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/SprintDuplicateQuestions.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/ToxicConversationsClassification.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/MassiveScenarioClassification.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/STS17.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/CQADupstackUnixRetrieval.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/AskUbuntuDupQuestions.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/HotpotQA.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/ArxivClusteringS2S.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/StackExchangeClustering.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/RedditClusteringP2P.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/NQ.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/RedditClustering.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/SICK-R.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/FiQA2018.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/BIOSSES.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/TRECCOVID.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/DBPedia.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/BiorxivClusteringS2S.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/ArguAna.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/ArxivClusteringP2P.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/TwitterURLCorpus.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/STS22.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/AmazonReviewsClassification.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/CQADupstackGamingRetrieval.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/NFCorpus.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/STS15.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/AmazonPolarityClassification.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/MTOPIntentClassification.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/STS13.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/SummEval.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/ClimateFEVER.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/CQADupstackStatsRetrieval.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/TwitterSemEval2015.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/MedrxivClusteringP2P.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/TwentyNewsgroupsClustering.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/FEVER.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/MSMARCO.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/MTOPDomainClassification.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/QuoraRetrieval.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/STS12.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/AmazonCounterfactualClassification.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/StackExchangeClusteringP2P.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/StackOverflowDupQuestions.json" - ], - "intfloat__e5-base-v2": [ - "results/intfloat__e5-base-v2/no_revision_available/Robust04InstructionRetrieval.json", - "results/intfloat__e5-base-v2/no_revision_available/News21InstructionRetrieval.json", - "results/intfloat__e5-base-v2/no_revision_available/Core17InstructionRetrieval.json", - "results/intfloat__e5-base-v2/1c644c92ad3ba1efdad3f1451a637716616a20e8/StackExchangeClustering.v2.json", - "results/intfloat__e5-base-v2/1c644c92ad3ba1efdad3f1451a637716616a20e8/RedditClusteringP2P.v2.json", - "results/intfloat__e5-base-v2/1c644c92ad3ba1efdad3f1451a637716616a20e8/BiorxivClusteringP2P.json", - "results/intfloat__e5-base-v2/1c644c92ad3ba1efdad3f1451a637716616a20e8/MedrxivClusteringP2P.v2.json", - "results/intfloat__e5-base-v2/1c644c92ad3ba1efdad3f1451a637716616a20e8/MedrxivClusteringS2S.json", - "results/intfloat__e5-base-v2/1c644c92ad3ba1efdad3f1451a637716616a20e8/MedrxivClusteringS2S.v2.json", - "results/intfloat__e5-base-v2/1c644c92ad3ba1efdad3f1451a637716616a20e8/BiorxivClusteringS2S.v2.json", - "results/intfloat__e5-base-v2/1c644c92ad3ba1efdad3f1451a637716616a20e8/StackExchangeClusteringP2P.v2.json", - "results/intfloat__e5-base-v2/1c644c92ad3ba1efdad3f1451a637716616a20e8/TwentyNewsgroupsClustering.v2.json", - "results/intfloat__e5-base-v2/1c644c92ad3ba1efdad3f1451a637716616a20e8/StackExchangeClustering.json", - "results/intfloat__e5-base-v2/1c644c92ad3ba1efdad3f1451a637716616a20e8/RedditClusteringP2P.json", - "results/intfloat__e5-base-v2/1c644c92ad3ba1efdad3f1451a637716616a20e8/RedditClustering.v2.json", - "results/intfloat__e5-base-v2/1c644c92ad3ba1efdad3f1451a637716616a20e8/RedditClustering.json", - "results/intfloat__e5-base-v2/1c644c92ad3ba1efdad3f1451a637716616a20e8/BiorxivClusteringS2S.json", - "results/intfloat__e5-base-v2/1c644c92ad3ba1efdad3f1451a637716616a20e8/BiorxivClusteringP2P.v2.json", - "results/intfloat__e5-base-v2/1c644c92ad3ba1efdad3f1451a637716616a20e8/MedrxivClusteringP2P.json", - "results/intfloat__e5-base-v2/1c644c92ad3ba1efdad3f1451a637716616a20e8/TwentyNewsgroupsClustering.json", - "results/intfloat__e5-base-v2/1c644c92ad3ba1efdad3f1451a637716616a20e8/StackExchangeClusteringP2P.json" - ], - "DeepPavlov__distilrubert-small-cased-conversational": [ - "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/RuBQRetrieval.json", - "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/MassiveIntentClassification.json", - "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/InappropriatenessClassification.json", - "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/RuReviewsClassification.json", - "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/SIB200ClusteringS2S.json", - "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/MLSUMClusteringP2P.json", - "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/BelebeleRetrieval.json", - "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/RuSciBenchGRNTIClusteringP2P.json", - "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/LanguageClassification.json", - "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/MLSUMClusteringS2S.v2.json", - "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/TERRa.json", - "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/Tatoeba.json", - "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/RuSTSBenchmarkSTS.json", - "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/CyrillicTurkicLangClassification.json", - "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/RiaNewsRetrieval.json", - "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/MIRACLRetrieval.json", - "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/GeoreviewClassification.json", - "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/SensitiveTopicsClassification.json", - "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/KinopoiskClassification.json", - "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/RUParaPhraserSTS.json", - "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/MLSUMClusteringS2S.json", - "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/MassiveScenarioClassification.json", - "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/RuSciBenchOECDClusteringP2P.json", - "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/MultilingualSentimentClassification.json", - "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/PublicHealthQA.json", - "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/FloresBitextMining.json", - "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/GPUSpeedTask.json", - "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/RuSciBenchGRNTIClassification.json", - "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/HeadlineClassification.json", - "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/XQuADRetrieval.json", - "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/BUCC.v2.json", - "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/MIRACLReranking.json", - "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/XNLI.json", - "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/XNLIV2.json", - "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/STS22.json", - "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/MultiLongDocRetrieval.json", - "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/CEDRClassification.json", - "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/SIB200Classification.json", - "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/GeoreviewClusteringP2P.json", - "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/MLSUMClusteringP2P.v2.json", - "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/STS22.v2.json", - "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/RuBQReranking.json", - "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/NTREXBitextMining.json", - "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/OpusparcusPC.json", - "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/RuSciBenchOECDClassification.json", - "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/BibleNLPBitextMining.json", - "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/STSBenchmarkMultilingualSTS.json" - ], - "Geotrend__bert-base-25lang-cased": [ - "results/Geotrend__bert-base-25lang-cased/no_revision_available/MassiveIntentClassification.json", - "results/Geotrend__bert-base-25lang-cased/no_revision_available/MLSUMClusteringP2P.json", - "results/Geotrend__bert-base-25lang-cased/no_revision_available/AlloProfClusteringS2S.json", - "results/Geotrend__bert-base-25lang-cased/no_revision_available/SyntecReranking.json", - "results/Geotrend__bert-base-25lang-cased/no_revision_available/BSARDRetrieval.json", - "results/Geotrend__bert-base-25lang-cased/no_revision_available/DiaBLaBitextMining.json", - "results/Geotrend__bert-base-25lang-cased/no_revision_available/MintakaRetrieval.json", - "results/Geotrend__bert-base-25lang-cased/no_revision_available/SyntecRetrieval.json", - "results/Geotrend__bert-base-25lang-cased/no_revision_available/MLSUMClusteringS2S.json", - "results/Geotrend__bert-base-25lang-cased/no_revision_available/MassiveScenarioClassification.json", - "results/Geotrend__bert-base-25lang-cased/no_revision_available/MasakhaNEWSClusteringP2P.json", - "results/Geotrend__bert-base-25lang-cased/no_revision_available/AlloprofRetrieval.json", - "results/Geotrend__bert-base-25lang-cased/no_revision_available/AlloprofReranking.json", - "results/Geotrend__bert-base-25lang-cased/no_revision_available/FloresBitextMining.json", - "results/Geotrend__bert-base-25lang-cased/no_revision_available/SummEvalFr.json", - "results/Geotrend__bert-base-25lang-cased/no_revision_available/AlloProfClusteringP2P.json", - "results/Geotrend__bert-base-25lang-cased/no_revision_available/MasakhaNEWSClusteringS2S.json", - "results/Geotrend__bert-base-25lang-cased/no_revision_available/STS22.json", - "results/Geotrend__bert-base-25lang-cased/no_revision_available/AmazonReviewsClassification.json", - "results/Geotrend__bert-base-25lang-cased/no_revision_available/MTOPIntentClassification.json", - "results/Geotrend__bert-base-25lang-cased/no_revision_available/HALClusteringS2S.json", - "results/Geotrend__bert-base-25lang-cased/no_revision_available/MasakhaNEWSClassification.json", - "results/Geotrend__bert-base-25lang-cased/no_revision_available/OpusparcusPC.json", - "results/Geotrend__bert-base-25lang-cased/no_revision_available/MTOPDomainClassification.json", - "results/Geotrend__bert-base-25lang-cased/no_revision_available/SICKFr.json", - "results/Geotrend__bert-base-25lang-cased/no_revision_available/PawsXPairClassification.json", - "results/Geotrend__bert-base-25lang-cased/no_revision_available/XPQARetrieval.json", - "results/Geotrend__bert-base-25lang-cased/no_revision_available/STSBenchmarkMultilingualSTS.json" - ], - "flaubert__flaubert_base_cased": [ - "results/flaubert__flaubert_base_cased/no_revision_available/MassiveIntentClassification.json", - "results/flaubert__flaubert_base_cased/no_revision_available/MLSUMClusteringP2P.json", - "results/flaubert__flaubert_base_cased/no_revision_available/AlloProfClusteringS2S.json", - "results/flaubert__flaubert_base_cased/no_revision_available/SyntecReranking.json", - "results/flaubert__flaubert_base_cased/no_revision_available/BSARDRetrieval.json", - "results/flaubert__flaubert_base_cased/no_revision_available/DiaBLaBitextMining.json", - "results/flaubert__flaubert_base_cased/no_revision_available/MintakaRetrieval.json", - "results/flaubert__flaubert_base_cased/no_revision_available/SyntecRetrieval.json", - "results/flaubert__flaubert_base_cased/no_revision_available/MLSUMClusteringS2S.json", - "results/flaubert__flaubert_base_cased/no_revision_available/MassiveScenarioClassification.json", - "results/flaubert__flaubert_base_cased/no_revision_available/MasakhaNEWSClusteringP2P.json", - "results/flaubert__flaubert_base_cased/no_revision_available/AlloprofRetrieval.json", - "results/flaubert__flaubert_base_cased/no_revision_available/AlloprofReranking.json", - "results/flaubert__flaubert_base_cased/no_revision_available/FloresBitextMining.json", - "results/flaubert__flaubert_base_cased/no_revision_available/SummEvalFr.json", - "results/flaubert__flaubert_base_cased/no_revision_available/AlloProfClusteringP2P.json", - "results/flaubert__flaubert_base_cased/no_revision_available/MasakhaNEWSClusteringS2S.json", - "results/flaubert__flaubert_base_cased/no_revision_available/STS22.json", - "results/flaubert__flaubert_base_cased/no_revision_available/AmazonReviewsClassification.json", - "results/flaubert__flaubert_base_cased/no_revision_available/MTOPIntentClassification.json", - "results/flaubert__flaubert_base_cased/no_revision_available/HALClusteringS2S.json", - "results/flaubert__flaubert_base_cased/no_revision_available/MasakhaNEWSClassification.json", - "results/flaubert__flaubert_base_cased/no_revision_available/OpusparcusPC.json", - "results/flaubert__flaubert_base_cased/no_revision_available/MTOPDomainClassification.json", - "results/flaubert__flaubert_base_cased/no_revision_available/SICKFr.json", - "results/flaubert__flaubert_base_cased/no_revision_available/PawsXPairClassification.json", - "results/flaubert__flaubert_base_cased/no_revision_available/XPQARetrieval.json", - "results/flaubert__flaubert_base_cased/no_revision_available/STSBenchmarkMultilingualSTS.json" - ], - "jhu-clsp__FollowIR-7B": [ - "results/jhu-clsp__FollowIR-7B/no_revision_available/Robust04InstructionRetrieval.json", - "results/jhu-clsp__FollowIR-7B/no_revision_available/News21InstructionRetrieval.json", - "results/jhu-clsp__FollowIR-7B/no_revision_available/Core17InstructionRetrieval.json" - ], - "openai__text-embedding-ada-002": [ - "results/openai__text-embedding-ada-002/no_revision_available/CMedQAv1.json", - "results/openai__text-embedding-ada-002/no_revision_available/AlphaNLI.json", - "results/openai__text-embedding-ada-002/no_revision_available/WinoGrande.json", - "results/openai__text-embedding-ada-002/no_revision_available/ARCChallenge.json", - "results/openai__text-embedding-ada-002/no_revision_available/MassiveIntentClassification.json", - "results/openai__text-embedding-ada-002/no_revision_available/MLSUMClusteringP2P.json", - "results/openai__text-embedding-ada-002/no_revision_available/SpartQA.json", - "results/openai__text-embedding-ada-002/no_revision_available/AlloProfClusteringS2S.json", - "results/openai__text-embedding-ada-002/no_revision_available/TNews.json", - "results/openai__text-embedding-ada-002/no_revision_available/BiorxivClusteringP2P.json", - "results/openai__text-embedding-ada-002/no_revision_available/TempReasonL1.json", - "results/openai__text-embedding-ada-002/no_revision_available/EmotionClassification.json", - "results/openai__text-embedding-ada-002/no_revision_available/CQADupstackGisRetrieval.json", - "results/openai__text-embedding-ada-002/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/openai__text-embedding-ada-002/no_revision_available/SyntecReranking.json", - "results/openai__text-embedding-ada-002/no_revision_available/PAWSX.json", - "results/openai__text-embedding-ada-002/no_revision_available/BSARDRetrieval.json", - "results/openai__text-embedding-ada-002/no_revision_available/TweetSentimentExtractionClassification.json", - "results/openai__text-embedding-ada-002/no_revision_available/HellaSwag.json", - "results/openai__text-embedding-ada-002/no_revision_available/OnlineShopping.json", - "results/openai__text-embedding-ada-002/no_revision_available/LCQMC.json", - "results/openai__text-embedding-ada-002/no_revision_available/EcomRetrieval.json", - "results/openai__text-embedding-ada-002/no_revision_available/SciFact.json", - "results/openai__text-embedding-ada-002/no_revision_available/Banking77Classification.json", - "results/openai__text-embedding-ada-002/no_revision_available/MMarcoReranking.json", - "results/openai__text-embedding-ada-002/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/openai__text-embedding-ada-002/no_revision_available/STS14.json", - "results/openai__text-embedding-ada-002/no_revision_available/STSBenchmark.json", - "results/openai__text-embedding-ada-002/no_revision_available/TempReasonL3Pure.json", - "results/openai__text-embedding-ada-002/no_revision_available/DiaBLaBitextMining.json", - "results/openai__text-embedding-ada-002/no_revision_available/SciDocsRR.json", - "results/openai__text-embedding-ada-002/no_revision_available/MindSmallReranking.json", - "results/openai__text-embedding-ada-002/no_revision_available/CQADupstackRetrieval.json", - "results/openai__text-embedding-ada-002/no_revision_available/MedrxivClusteringS2S.json", - "results/openai__text-embedding-ada-002/no_revision_available/SCIDOCS.json", - "results/openai__text-embedding-ada-002/no_revision_available/PIQA.json", - "results/openai__text-embedding-ada-002/no_revision_available/MintakaRetrieval.json", - "results/openai__text-embedding-ada-002/no_revision_available/Touche2020.json", - "results/openai__text-embedding-ada-002/no_revision_available/STS16.json", - "results/openai__text-embedding-ada-002/no_revision_available/CovidRetrieval.json", - "results/openai__text-embedding-ada-002/no_revision_available/CQADupstackTexRetrieval.json", - "results/openai__text-embedding-ada-002/no_revision_available/SyntecRetrieval.json", - "results/openai__text-embedding-ada-002/no_revision_available/CLSClusteringP2P.json", - "results/openai__text-embedding-ada-002/no_revision_available/BQ.json", - "results/openai__text-embedding-ada-002/no_revision_available/AFQMC.json", - "results/openai__text-embedding-ada-002/no_revision_available/ImdbClassification.json", - "results/openai__text-embedding-ada-002/no_revision_available/SprintDuplicateQuestions.json", - "results/openai__text-embedding-ada-002/no_revision_available/MLSUMClusteringS2S.json", - "results/openai__text-embedding-ada-002/no_revision_available/CLSClusteringS2S.json", - "results/openai__text-embedding-ada-002/no_revision_available/ToxicConversationsClassification.json", - "results/openai__text-embedding-ada-002/no_revision_available/Cmnli.json", - "results/openai__text-embedding-ada-002/no_revision_available/MassiveScenarioClassification.json", - "results/openai__text-embedding-ada-002/no_revision_available/T2Reranking.json", - "results/openai__text-embedding-ada-002/no_revision_available/STS17.json", - "results/openai__text-embedding-ada-002/no_revision_available/MasakhaNEWSClusteringP2P.json", - "results/openai__text-embedding-ada-002/no_revision_available/CQADupstackUnixRetrieval.json", - "results/openai__text-embedding-ada-002/no_revision_available/AskUbuntuDupQuestions.json", - "results/openai__text-embedding-ada-002/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/openai__text-embedding-ada-002/no_revision_available/HotpotQA.json", - "results/openai__text-embedding-ada-002/no_revision_available/ArxivClusteringS2S.json", - "results/openai__text-embedding-ada-002/no_revision_available/StackExchangeClustering.json", - "results/openai__text-embedding-ada-002/no_revision_available/RedditClusteringP2P.json", - "results/openai__text-embedding-ada-002/no_revision_available/AlloprofRetrieval.json", - "results/openai__text-embedding-ada-002/no_revision_available/ThuNewsClusteringP2P.json", - "results/openai__text-embedding-ada-002/no_revision_available/FloresBitextMining.json", - "results/openai__text-embedding-ada-002/no_revision_available/VideoRetrieval.json", - "results/openai__text-embedding-ada-002/no_revision_available/Ocnli.json", - "results/openai__text-embedding-ada-002/no_revision_available/Quail.json", - "results/openai__text-embedding-ada-002/no_revision_available/NQ.json", - "results/openai__text-embedding-ada-002/no_revision_available/ATEC.json", - "results/openai__text-embedding-ada-002/no_revision_available/Waimai.json", - "results/openai__text-embedding-ada-002/no_revision_available/RedditClustering.json", - "results/openai__text-embedding-ada-002/no_revision_available/SICK-R.json", - "results/openai__text-embedding-ada-002/no_revision_available/FiQA2018.json", - "results/openai__text-embedding-ada-002/no_revision_available/SummEvalFr.json", - "results/openai__text-embedding-ada-002/no_revision_available/BIOSSES.json", - "results/openai__text-embedding-ada-002/no_revision_available/TRECCOVID.json", - "results/openai__text-embedding-ada-002/no_revision_available/ThuNewsClusteringS2S.json", - "results/openai__text-embedding-ada-002/no_revision_available/DBPedia.json", - "results/openai__text-embedding-ada-002/no_revision_available/BiorxivClusteringS2S.json", - "results/openai__text-embedding-ada-002/no_revision_available/AlloProfClusteringP2P.json", - "results/openai__text-embedding-ada-002/no_revision_available/ArguAna.json", - "results/openai__text-embedding-ada-002/no_revision_available/MasakhaNEWSClusteringS2S.json", - "results/openai__text-embedding-ada-002/no_revision_available/IFlyTek.json", - "results/openai__text-embedding-ada-002/no_revision_available/SIQA.json", - "results/openai__text-embedding-ada-002/no_revision_available/ArxivClusteringP2P.json", - "results/openai__text-embedding-ada-002/no_revision_available/MultilingualSentiment.json", - "results/openai__text-embedding-ada-002/no_revision_available/CmedqaRetrieval.json", - "results/openai__text-embedding-ada-002/no_revision_available/TwitterURLCorpus.json", - "results/openai__text-embedding-ada-002/no_revision_available/STS22.json", - "results/openai__text-embedding-ada-002/no_revision_available/AmazonReviewsClassification.json", - "results/openai__text-embedding-ada-002/no_revision_available/CQADupstackGamingRetrieval.json", - "results/openai__text-embedding-ada-002/no_revision_available/NFCorpus.json", - "results/openai__text-embedding-ada-002/no_revision_available/STS15.json", - "results/openai__text-embedding-ada-002/no_revision_available/AmazonPolarityClassification.json", - "results/openai__text-embedding-ada-002/no_revision_available/JDReview.json", - "results/openai__text-embedding-ada-002/no_revision_available/RARbMath.json", - "results/openai__text-embedding-ada-002/no_revision_available/MTOPIntentClassification.json", - "results/openai__text-embedding-ada-002/no_revision_available/HALClusteringS2S.json", - "results/openai__text-embedding-ada-002/no_revision_available/TempReasonL2Fact.json", - "results/openai__text-embedding-ada-002/no_revision_available/STS13.json", - "results/openai__text-embedding-ada-002/no_revision_available/TempReasonL2Pure.json", - "results/openai__text-embedding-ada-002/no_revision_available/MedicalRetrieval.json", - "results/openai__text-embedding-ada-002/no_revision_available/SummEval.json", - "results/openai__text-embedding-ada-002/no_revision_available/ClimateFEVER.json", - "results/openai__text-embedding-ada-002/no_revision_available/MasakhaNEWSClassification.json", - "results/openai__text-embedding-ada-002/no_revision_available/CQADupstackStatsRetrieval.json", - "results/openai__text-embedding-ada-002/no_revision_available/T2Retrieval.json", - "results/openai__text-embedding-ada-002/no_revision_available/TwitterSemEval2015.json", - "results/openai__text-embedding-ada-002/no_revision_available/QBQTC.json", - "results/openai__text-embedding-ada-002/no_revision_available/TempReasonL3Fact.json", - "results/openai__text-embedding-ada-002/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/openai__text-embedding-ada-002/no_revision_available/MedrxivClusteringP2P.json", - "results/openai__text-embedding-ada-002/no_revision_available/MMarcoRetrieval.json", - "results/openai__text-embedding-ada-002/no_revision_available/TwentyNewsgroupsClustering.json", - "results/openai__text-embedding-ada-002/no_revision_available/RARbCode.json", - "results/openai__text-embedding-ada-002/no_revision_available/FEVER.json", - "results/openai__text-embedding-ada-002/no_revision_available/OpusparcusPC.json", - "results/openai__text-embedding-ada-002/no_revision_available/MSMARCO.json", - "results/openai__text-embedding-ada-002/no_revision_available/DuRetrieval.json", - "results/openai__text-embedding-ada-002/no_revision_available/MTOPDomainClassification.json", - "results/openai__text-embedding-ada-002/no_revision_available/QuoraRetrieval.json", - "results/openai__text-embedding-ada-002/no_revision_available/SICKFr.json", - "results/openai__text-embedding-ada-002/no_revision_available/STS12.json", - "results/openai__text-embedding-ada-002/no_revision_available/AmazonCounterfactualClassification.json", - "results/openai__text-embedding-ada-002/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/openai__text-embedding-ada-002/no_revision_available/PawsXPairClassification.json", - "results/openai__text-embedding-ada-002/no_revision_available/StackExchangeClusteringP2P.json", - "results/openai__text-embedding-ada-002/no_revision_available/CMedQAv2.json", - "results/openai__text-embedding-ada-002/no_revision_available/STSB.json", - "results/openai__text-embedding-ada-002/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/openai__text-embedding-ada-002/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/openai__text-embedding-ada-002/no_revision_available/XPQARetrieval.json", - "results/openai__text-embedding-ada-002/no_revision_available/STSBenchmarkMultilingualSTS.json", - "results/openai__text-embedding-ada-002/no_revision_available/StackOverflowDupQuestions.json" - ], - "facebookresearch__LASER2": [ - "results/facebookresearch__LASER2/no_revision_available/MassiveIntentClassification.json", - "results/facebookresearch__LASER2/no_revision_available/MLSUMClusteringP2P.json", - "results/facebookresearch__LASER2/no_revision_available/AlloProfClusteringS2S.json", - "results/facebookresearch__LASER2/no_revision_available/BiorxivClusteringP2P.json", - "results/facebookresearch__LASER2/no_revision_available/EmotionClassification.json", - "results/facebookresearch__LASER2/no_revision_available/CQADupstackGisRetrieval.json", - "results/facebookresearch__LASER2/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/facebookresearch__LASER2/no_revision_available/SyntecReranking.json", - "results/facebookresearch__LASER2/no_revision_available/BSARDRetrieval.json", - "results/facebookresearch__LASER2/no_revision_available/TweetSentimentExtractionClassification.json", - "results/facebookresearch__LASER2/no_revision_available/SciFact.json", - "results/facebookresearch__LASER2/no_revision_available/Banking77Classification.json", - "results/facebookresearch__LASER2/no_revision_available/Tatoeba.json", - "results/facebookresearch__LASER2/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/facebookresearch__LASER2/no_revision_available/STS14.json", - "results/facebookresearch__LASER2/no_revision_available/STSBenchmark.json", - "results/facebookresearch__LASER2/no_revision_available/DiaBLaBitextMining.json", - "results/facebookresearch__LASER2/no_revision_available/SciDocsRR.json", - "results/facebookresearch__LASER2/no_revision_available/MindSmallReranking.json", - "results/facebookresearch__LASER2/no_revision_available/CQADupstackRetrieval.json", - "results/facebookresearch__LASER2/no_revision_available/MedrxivClusteringS2S.json", - "results/facebookresearch__LASER2/no_revision_available/SCIDOCS.json", - "results/facebookresearch__LASER2/no_revision_available/MintakaRetrieval.json", - "results/facebookresearch__LASER2/no_revision_available/Touche2020.json", - "results/facebookresearch__LASER2/no_revision_available/STS16.json", - "results/facebookresearch__LASER2/no_revision_available/CQADupstackTexRetrieval.json", - "results/facebookresearch__LASER2/no_revision_available/SyntecRetrieval.json", - "results/facebookresearch__LASER2/no_revision_available/ImdbClassification.json", - "results/facebookresearch__LASER2/no_revision_available/SprintDuplicateQuestions.json", - "results/facebookresearch__LASER2/no_revision_available/MLSUMClusteringS2S.json", - "results/facebookresearch__LASER2/no_revision_available/ToxicConversationsClassification.json", - "results/facebookresearch__LASER2/no_revision_available/MassiveScenarioClassification.json", - "results/facebookresearch__LASER2/no_revision_available/STS17.json", - "results/facebookresearch__LASER2/no_revision_available/MasakhaNEWSClusteringP2P.json", - "results/facebookresearch__LASER2/no_revision_available/CQADupstackUnixRetrieval.json", - "results/facebookresearch__LASER2/no_revision_available/AskUbuntuDupQuestions.json", - "results/facebookresearch__LASER2/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/facebookresearch__LASER2/no_revision_available/HotpotQA.json", - "results/facebookresearch__LASER2/no_revision_available/ArxivClusteringS2S.json", - "results/facebookresearch__LASER2/no_revision_available/StackExchangeClustering.json", - "results/facebookresearch__LASER2/no_revision_available/RedditClusteringP2P.json", - "results/facebookresearch__LASER2/no_revision_available/AlloprofRetrieval.json", - "results/facebookresearch__LASER2/no_revision_available/AlloprofReranking.json", - "results/facebookresearch__LASER2/no_revision_available/FloresBitextMining.json", - "results/facebookresearch__LASER2/no_revision_available/NQ.json", - "results/facebookresearch__LASER2/no_revision_available/RedditClustering.json", - "results/facebookresearch__LASER2/no_revision_available/SICK-R.json", - "results/facebookresearch__LASER2/no_revision_available/FiQA2018.json", - "results/facebookresearch__LASER2/no_revision_available/SummEvalFr.json", - "results/facebookresearch__LASER2/no_revision_available/BIOSSES.json", - "results/facebookresearch__LASER2/no_revision_available/TRECCOVID.json", - "results/facebookresearch__LASER2/no_revision_available/DBPedia.json", - "results/facebookresearch__LASER2/no_revision_available/BiorxivClusteringS2S.json", - "results/facebookresearch__LASER2/no_revision_available/AlloProfClusteringP2P.json", - "results/facebookresearch__LASER2/no_revision_available/ArguAna.json", - "results/facebookresearch__LASER2/no_revision_available/MasakhaNEWSClusteringS2S.json", - "results/facebookresearch__LASER2/no_revision_available/BUCC.json", - "results/facebookresearch__LASER2/no_revision_available/ArxivClusteringP2P.json", - "results/facebookresearch__LASER2/no_revision_available/TwitterURLCorpus.json", - "results/facebookresearch__LASER2/no_revision_available/STS22.json", - "results/facebookresearch__LASER2/no_revision_available/AmazonReviewsClassification.json", - "results/facebookresearch__LASER2/no_revision_available/CQADupstackGamingRetrieval.json", - "results/facebookresearch__LASER2/no_revision_available/NFCorpus.json", - "results/facebookresearch__LASER2/no_revision_available/STS15.json", - "results/facebookresearch__LASER2/no_revision_available/AmazonPolarityClassification.json", - "results/facebookresearch__LASER2/no_revision_available/MTOPIntentClassification.json", - "results/facebookresearch__LASER2/no_revision_available/HALClusteringS2S.json", - "results/facebookresearch__LASER2/no_revision_available/STS13.json", - "results/facebookresearch__LASER2/no_revision_available/SummEval.json", - "results/facebookresearch__LASER2/no_revision_available/ClimateFEVER.json", - "results/facebookresearch__LASER2/no_revision_available/MasakhaNEWSClassification.json", - "results/facebookresearch__LASER2/no_revision_available/CQADupstackStatsRetrieval.json", - "results/facebookresearch__LASER2/no_revision_available/TwitterSemEval2015.json", - "results/facebookresearch__LASER2/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/facebookresearch__LASER2/no_revision_available/MedrxivClusteringP2P.json", - "results/facebookresearch__LASER2/no_revision_available/TwentyNewsgroupsClustering.json", - "results/facebookresearch__LASER2/no_revision_available/FEVER.json", - "results/facebookresearch__LASER2/no_revision_available/OpusparcusPC.json", - "results/facebookresearch__LASER2/no_revision_available/MSMARCO.json", - "results/facebookresearch__LASER2/no_revision_available/MTOPDomainClassification.json", - "results/facebookresearch__LASER2/no_revision_available/QuoraRetrieval.json", - "results/facebookresearch__LASER2/no_revision_available/SICKFr.json", - "results/facebookresearch__LASER2/no_revision_available/STS12.json", - "results/facebookresearch__LASER2/no_revision_available/AmazonCounterfactualClassification.json", - "results/facebookresearch__LASER2/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/facebookresearch__LASER2/no_revision_available/PawsXPairClassification.json", - "results/facebookresearch__LASER2/no_revision_available/StackExchangeClusteringP2P.json", - "results/facebookresearch__LASER2/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/facebookresearch__LASER2/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/facebookresearch__LASER2/no_revision_available/XPQARetrieval.json", - "results/facebookresearch__LASER2/no_revision_available/STSBenchmarkMultilingualSTS.json", - "results/facebookresearch__LASER2/no_revision_available/StackOverflowDupQuestions.json" - ], - "google-bert__bert-base-multilingual-cased": [ - "results/google-bert__bert-base-multilingual-cased/no_revision_available/MassiveIntentClassification.json", - "results/google-bert__bert-base-multilingual-cased/no_revision_available/MLSUMClusteringP2P.json", - "results/google-bert__bert-base-multilingual-cased/no_revision_available/AlloProfClusteringS2S.json", - "results/google-bert__bert-base-multilingual-cased/no_revision_available/SyntecReranking.json", - "results/google-bert__bert-base-multilingual-cased/no_revision_available/BSARDRetrieval.json", - "results/google-bert__bert-base-multilingual-cased/no_revision_available/DiaBLaBitextMining.json", - "results/google-bert__bert-base-multilingual-cased/no_revision_available/MintakaRetrieval.json", - "results/google-bert__bert-base-multilingual-cased/no_revision_available/SyntecRetrieval.json", - "results/google-bert__bert-base-multilingual-cased/no_revision_available/MLSUMClusteringS2S.json", - "results/google-bert__bert-base-multilingual-cased/no_revision_available/MassiveScenarioClassification.json", - "results/google-bert__bert-base-multilingual-cased/no_revision_available/MasakhaNEWSClusteringP2P.json", - "results/google-bert__bert-base-multilingual-cased/no_revision_available/AlloprofRetrieval.json", - "results/google-bert__bert-base-multilingual-cased/no_revision_available/AlloprofReranking.json", - "results/google-bert__bert-base-multilingual-cased/no_revision_available/FloresBitextMining.json", - "results/google-bert__bert-base-multilingual-cased/no_revision_available/SummEvalFr.json", - "results/google-bert__bert-base-multilingual-cased/no_revision_available/AlloProfClusteringP2P.json", - "results/google-bert__bert-base-multilingual-cased/no_revision_available/MasakhaNEWSClusteringS2S.json", - "results/google-bert__bert-base-multilingual-cased/no_revision_available/STS22.json", - "results/google-bert__bert-base-multilingual-cased/no_revision_available/AmazonReviewsClassification.json", - "results/google-bert__bert-base-multilingual-cased/no_revision_available/MTOPIntentClassification.json", - "results/google-bert__bert-base-multilingual-cased/no_revision_available/HALClusteringS2S.json", - "results/google-bert__bert-base-multilingual-cased/no_revision_available/MasakhaNEWSClassification.json", - "results/google-bert__bert-base-multilingual-cased/no_revision_available/OpusparcusPC.json", - "results/google-bert__bert-base-multilingual-cased/no_revision_available/MTOPDomainClassification.json", - "results/google-bert__bert-base-multilingual-cased/no_revision_available/SICKFr.json", - "results/google-bert__bert-base-multilingual-cased/no_revision_available/PawsXPairClassification.json", - "results/google-bert__bert-base-multilingual-cased/no_revision_available/XPQARetrieval.json", - "results/google-bert__bert-base-multilingual-cased/no_revision_available/STSBenchmarkMultilingualSTS.json" - ], - "deepset__gbert-base": [ - "results/deepset__gbert-base/no_revision_available/BlurbsClusteringP2P.json", - "results/deepset__gbert-base/no_revision_available/TenKGnadClusteringS2S.json", - "results/deepset__gbert-base/no_revision_available/TenKGnadClusteringP2P.json", - "results/deepset__gbert-base/no_revision_available/BlurbsClusteringS2S.json" - ], - "princeton-nlp__sup-simcse-bert-base-uncased": [ - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/MassiveIntentClassification.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/BiorxivClusteringP2P.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/EmotionClassification.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/CQADupstackGisRetrieval.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/TweetSentimentExtractionClassification.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/SciFact.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/Banking77Classification.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/STS14.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/STSBenchmark.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/SciDocsRR.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/MindSmallReranking.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/CQADupstackRetrieval.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/MedrxivClusteringS2S.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/SCIDOCS.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/Touche2020.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/STS16.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/CQADupstackTexRetrieval.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/ImdbClassification.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/SprintDuplicateQuestions.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/ToxicConversationsClassification.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/MassiveScenarioClassification.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/STS17.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/CQADupstackUnixRetrieval.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/AskUbuntuDupQuestions.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/HotpotQA.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/ArxivClusteringS2S.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/StackExchangeClustering.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/RedditClusteringP2P.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/NQ.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/RedditClustering.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/SICK-R.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/FiQA2018.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/BIOSSES.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/TRECCOVID.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/DBPedia.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/BiorxivClusteringS2S.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/ArguAna.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/ArxivClusteringP2P.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/TwitterURLCorpus.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/STS22.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/AmazonReviewsClassification.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/CQADupstackGamingRetrieval.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/NFCorpus.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/STS15.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/AmazonPolarityClassification.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/MTOPIntentClassification.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/STS13.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/SummEval.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/ClimateFEVER.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/CQADupstackStatsRetrieval.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/TwitterSemEval2015.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/MedrxivClusteringP2P.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/TwentyNewsgroupsClustering.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/FEVER.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/MSMARCO.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/MTOPDomainClassification.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/QuoraRetrieval.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/STS12.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/AmazonCounterfactualClassification.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/StackExchangeClusteringP2P.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/StackOverflowDupQuestions.json" - ], - "Geotrend__distilbert-base-en-fr-es-pt-it-cased": [ - "results/Geotrend__distilbert-base-en-fr-es-pt-it-cased/no_revision_available/MassiveIntentClassification.json", - "results/Geotrend__distilbert-base-en-fr-es-pt-it-cased/no_revision_available/MLSUMClusteringP2P.json", - "results/Geotrend__distilbert-base-en-fr-es-pt-it-cased/no_revision_available/AlloProfClusteringS2S.json", - "results/Geotrend__distilbert-base-en-fr-es-pt-it-cased/no_revision_available/SyntecReranking.json", - "results/Geotrend__distilbert-base-en-fr-es-pt-it-cased/no_revision_available/BSARDRetrieval.json", - "results/Geotrend__distilbert-base-en-fr-es-pt-it-cased/no_revision_available/DiaBLaBitextMining.json", - "results/Geotrend__distilbert-base-en-fr-es-pt-it-cased/no_revision_available/MintakaRetrieval.json", - "results/Geotrend__distilbert-base-en-fr-es-pt-it-cased/no_revision_available/SyntecRetrieval.json", - "results/Geotrend__distilbert-base-en-fr-es-pt-it-cased/no_revision_available/MLSUMClusteringS2S.json", - "results/Geotrend__distilbert-base-en-fr-es-pt-it-cased/no_revision_available/MassiveScenarioClassification.json", - "results/Geotrend__distilbert-base-en-fr-es-pt-it-cased/no_revision_available/MasakhaNEWSClusteringP2P.json", - "results/Geotrend__distilbert-base-en-fr-es-pt-it-cased/no_revision_available/AlloprofRetrieval.json", - "results/Geotrend__distilbert-base-en-fr-es-pt-it-cased/no_revision_available/AlloprofReranking.json", - "results/Geotrend__distilbert-base-en-fr-es-pt-it-cased/no_revision_available/FloresBitextMining.json", - "results/Geotrend__distilbert-base-en-fr-es-pt-it-cased/no_revision_available/SummEvalFr.json", - "results/Geotrend__distilbert-base-en-fr-es-pt-it-cased/no_revision_available/AlloProfClusteringP2P.json", - "results/Geotrend__distilbert-base-en-fr-es-pt-it-cased/no_revision_available/MasakhaNEWSClusteringS2S.json", - "results/Geotrend__distilbert-base-en-fr-es-pt-it-cased/no_revision_available/STS22.json", - "results/Geotrend__distilbert-base-en-fr-es-pt-it-cased/no_revision_available/AmazonReviewsClassification.json", - "results/Geotrend__distilbert-base-en-fr-es-pt-it-cased/no_revision_available/MTOPIntentClassification.json", - "results/Geotrend__distilbert-base-en-fr-es-pt-it-cased/no_revision_available/HALClusteringS2S.json", - "results/Geotrend__distilbert-base-en-fr-es-pt-it-cased/no_revision_available/MasakhaNEWSClassification.json", - "results/Geotrend__distilbert-base-en-fr-es-pt-it-cased/no_revision_available/OpusparcusPC.json", - "results/Geotrend__distilbert-base-en-fr-es-pt-it-cased/no_revision_available/MTOPDomainClassification.json", - "results/Geotrend__distilbert-base-en-fr-es-pt-it-cased/no_revision_available/SICKFr.json", - "results/Geotrend__distilbert-base-en-fr-es-pt-it-cased/no_revision_available/PawsXPairClassification.json", - "results/Geotrend__distilbert-base-en-fr-es-pt-it-cased/no_revision_available/XPQARetrieval.json", - "results/Geotrend__distilbert-base-en-fr-es-pt-it-cased/no_revision_available/STSBenchmarkMultilingualSTS.json" - ], - "sentence-transformers__all-MiniLM-L12-v2": [ - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/HagridRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/BengaliDocumentClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MLQuestions.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SyntheticText2SQL.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/NQ-PLHardNegatives.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/OPP115InternationalAndSpecificAudiencesLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/FrenkEnClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/WebLINXCandidatesReranking.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/Robust04InstructionRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/RuBQRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/StackExchangeClustering.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/AlphaNLI.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TweetSarcasmClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/WinoGrande.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/NusaParagraphEmotionClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/AlloProfClusteringP2P.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/PSC.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/DBpediaClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADNonTransferableLicenseLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ARCChallenge.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/IndicSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/NFCorpus-PL.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MassiveIntentClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SinhalaNewsSourceClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TextualismToolDictionariesLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/KurdishSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/InappropriatenessClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/RuReviewsClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/RomanianSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADUnlimitedAllYouCanEatLicenseLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADVolumeRestrictionLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADExclusivityLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ArmenianParaphrasePC.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/Itacola.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ContractNLIPermissibleAcquirementOfSimilarInformationLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADSourceCodeEscrowLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/UkrFormalityClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SIB200ClusteringS2S.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LEMBWikimQARetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/RedditClusteringP2P.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/DanFeverRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/VGHierarchicalClusteringP2P.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/KLUE-STS.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADWarrantyDurationLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/DiaBlaBitextMining.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LegalSummarization.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SpartQA.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/BlurbsClusteringP2P.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADInsuranceLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MSMARCOHardNegatives.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CTKFactsNLI.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADMostFavoredNationLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TNews.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/DBPedia-PLHardNegatives.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CodeFeedbackST.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TempReasonL1.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/EmotionClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LEMBSummScreenFDRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CQADupstackGisRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/VieQuADRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/AfriSentiClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADCovenantNotToSueLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADPriceRestrictionsLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/OPP115DoNotTrackLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SCDDCertificationLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/FalseFriendsGermanEnglish.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CQADupstackEnglishRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LearnedHandsTrafficLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CDSC-R.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADJointIPOwnershipLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MedrxivClusteringP2P.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SyntecReranking.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/RomanianReviewsSentiment.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/PAWSX.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/BSARDRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TweetSentimentExtractionClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADGoverningLawLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/WikipediaRerankingMultilingual.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/HellaSwag.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/Diversity2LegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/BelebeleRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/IndicCrosslingualSTS.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ArXivHierarchicalClusteringP2P.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ContractNLIPermissibleDevelopmentOfSimilarInformationLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/FarsTail.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SwednClusteringP2P.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/OnlineShopping.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LearnedHandsDomesticViolenceLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SlovakMovieReviewSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LearnedHandsBenefitsLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/PolEmo2.0-OUT.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADNoSolicitOfEmployeesLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/News21InstructionRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/GermanGovServiceRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LCQMC.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/EcomRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/NusaParagraphTopicClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/Moroco.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/GujaratiNewsClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LEMBNarrativeQARetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TurHistQuadRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/OralArgumentQuestionPurposeLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SciFact.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/RuSciBenchGRNTIClusteringP2P.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LanguageClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/KannadaNewsClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MalteseNewsClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/GreekLegalCodeClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MLSUMClusteringS2S.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADAuditRightsLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CodeSearchNetCCRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LearnedHandsEstatesLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/Banking77Classification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CodeTransOceanContest.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/RTE3.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/NusaXBitextMining.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MMarcoReranking.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/GeorgianFAQRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADAffiliateLicenseLicenseeLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TurkicClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/NorQuadRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TERRa.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/Tatoeba.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/RuSTSBenchmarkSTS.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CQADupstackProgrammersRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ContractNLIInclusionOfVerballyConveyedInformationLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/HindiDiscourseClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/KorSarcasmClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TurkishProductSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADAffiliateLicenseLicensorLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/IndicQARetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LearnedHandsConsumerLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SNLHierarchicalClusteringS2S.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/KorHateClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/NaijaSenti.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CyrillicTurkicLangClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/FiQA-PL.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/STS14.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADTerminationForConvenienceLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/STSBenchmark.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MAUDLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/AllegroReviews.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SiswatiNewsClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LegalReasoningCausalityLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/InternationalCitizenshipQuestionsLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SpanishPassageRetrievalS2S.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TempReasonL3Pure.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ItaCaseholdClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/Diversity6LegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MarathiNewsClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/DutchBookReviewSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/Ko-StrategyQA.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SciDocsRR.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SciFact-PL.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ScalaClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MIRACLRetrievalHardNegatives.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LearnedHandsFamilyLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TopiOCQAHardNegatives.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MindSmallReranking.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/OPP115DataSecurityLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CzechSubjectivityClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/JaGovFaqsRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/Diversity5LegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SCIDOCS.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ArXivHierarchicalClusteringS2S.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/RomaTalesBitextMining.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CSFDCZMovieReviewSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/NQHardNegatives.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/PIQA.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/YahooAnswersTopicsClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MintakaRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/IndicReviewsClusteringP2P.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/Touche2020.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TeluguAndhraJyotiNewsClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ContractNLIPermissiblePostAgreementPossessionLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/STS16.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/NLPJournalAbsIntroRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MedrxivClusteringS2S.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/HotpotQA-PLHardNegatives.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/OPP115PolicyChangeLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADNonCompeteLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/OverrulingLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/UnfairTOSLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/KLUE-NLI.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SweRecClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/NLPJournalTitleAbsRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/DefinitionClassificationLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/PunjabiNewsClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/BiorxivClusteringS2S.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CovidRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/GermanPoliticiansTwitterSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TRECCOVID-PL.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LearnedHandsImmigrationLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/GeoreviewClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/YueOpenriceReviewClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CodeFeedbackMT.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CanadaTaxCourtOutcomesLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CQADupstackTexRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/StatcanDialogueDatasetRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/BrazilianToxicTweetsClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/DBPediaHardNegatives.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/STSES.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ContractNLIExplicitIdentificationLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ContractNLISurvivalOfObligationsLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADLiquidatedDamagesLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/OPP115DataRetentionLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/JSICK.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/UCCVCommonLawLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SwednClusteringS2S.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/WRIMEClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/StackExchangeClusteringP2P.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SCDDAuditsLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SICK-R-PL.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SpanishNewsClusteringP2P.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ContractNLINoticeOnCompelledDisclosureLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SyntecRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/AppsRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADNoSolicitOfCustomersLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SensitiveTopicsClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/FaroeseSTS.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ToxicChatClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TswanaNewsClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CDSC-E.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/BQ.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TwentyNewsgroupsClustering.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/GermanSTSBenchmark.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/KinopoiskClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/Diversity4LegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/AFQMC.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LEMBQMSumRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/PROALegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TweetEmotionClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/OPP115UserAccessEditAndDeletionLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/FrenkHrClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ImdbClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/FaithDial.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MLQARetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/RUParaPhraserSTS.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SprintDuplicateQuestions.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/WikiClusteringP2P.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/GermanDPR.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/AfriSentiLangClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ArxivClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ToxicConversationsClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MassiveScenarioClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/AngryTweetsClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/T2Reranking.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ArguAna-PL.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADExpirationDateLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/STS17.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/RuSciBenchOECDClusteringP2P.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TenKGnadClusteringS2S.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CBD.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MasakhaNEWSClusteringP2P.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/PoemSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SummEvalSummarization.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CQADupstackUnixRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TweetTopicSingleClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/AskUbuntuDupQuestions.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/NusaTranslationBitextMining.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CQADupstackAndroidRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADAntiAssignmentLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/AJGT.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/FinToxicityClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MSMARCO-PLHardNegatives.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/BulgarianStoreReviewSentimentClassfication.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LearnedHandsTortsLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/AlloprofRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/Assin2RTE.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MedicalQARetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CorporateLobbyingLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/HateSpeechPortugueseClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/PolEmo2.0-IN.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TV2Nordretrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/PatentClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/RedditClustering.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADRenewalTermLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/RonSTS.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/PlscClusteringS2S.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/AlloprofReranking.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ContractNLINoLicensingLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LearnedHandsEducationLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/NusaX-senti.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CataloniaTweetClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MultilingualSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/FloresBitextMining.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/IndonesianMongabayConservationClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/AILAStatutes.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/indonli.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/NordicLangClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/VideoRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/BigPatentClustering.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SCDBPAccountabilityLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SCDBPCertificationLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/Quail.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CSFDSKMovieReviewSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MovieReviewSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/BornholmBitextMining.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/WisesightSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SwahiliNewsClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ATEC.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ClimateFEVERHardNegatives.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SlovakSumRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/Waimai.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/NollySentiBitextMining.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/HebrewSentimentAnalysis.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ContractNLISharingWithThirdPartiesLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/NLPJournalTitleIntroRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/PhincBitextMining.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LearnedHandsDivorceLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LearnedHandsCrimeLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SICK-R.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/FiQA2018.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SummEvalFr.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/BIOSSES.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/QuoraRetrievalHardNegatives.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/HunSum2AbstractiveRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/VieStudentFeedbackClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/RuSciBenchGRNTIClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TRECCOVID.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ContractNLISharingWithEmployeesLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SNLRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/NorwegianParliamentClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CodeSearchNetRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CodeTransOceanDL.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SCDDAccountabilityLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/GreekCivicsQA.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SpanishSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/AlloProfClusteringS2S.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LearnedHandsHousingLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LEMBPasskeyRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/OPP115FirstPartyCollectionUseLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADLicenseGrantLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/HeadlineClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/XQuADRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TempReasonL3Context.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/HotpotQAHardNegatives.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SwissJudgementClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/BUCC.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SCDDVerificationLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/JCrewBlockerLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/Quora-PLHardNegatives.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/FilipinoShopeeReviewsClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TextualismToolPlainLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/PAC.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADPostTerminationServicesLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/KorSTS.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ArguAna.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADEffectiveDateLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LearnedHandsCourtsLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/NepaliNewsClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TenKGnadClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MasakhaNEWSClusteringS2S.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MacedonianTweetSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TelemarketingSalesRuleLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/GerDaLIR.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LegalBenchPC.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/NYSJudicialEthicsLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/IFlyTek.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/XMarket.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SICK-E-PL.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/WikipediaRetrievalMultilingual.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/XNLI.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TbilisiCityHallBitextMining.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SweFaqRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ContractNLIPermissibleCopyLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SCDDTrainingLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CLSClusteringP2P.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SIQA.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SemRel24STS.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/NeuCLIR2023RetrievalHardNegatives.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SNLHierarchicalClusteringP2P.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/RiaNewsRetrievalHardNegatives.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/XNLIV2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/Assin2STS.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MultiEURLEXMultilabelClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MultilingualSentiment.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CmedqaRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADNoticePeriodToTerminateRenewalLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/FrenkSlClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LEMBNeedleRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MalayalamNewsClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/BiorxivClusteringP2P.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TwitterURLCorpus.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LivedoorNewsClustering.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TweetSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/FinancialPhrasebankClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/GermanQuAD-Retrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/FQuADRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/STS22.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/AmazonReviewsClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CrossLingualSemanticDiscriminationWMT19.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ContractNLIReturnOfConfidentialInformationLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/JSTS.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CQADupstackGamingRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/AILACasedocs.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/RomaniBibleClustering.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SanskritShlokasClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/IndicNLPNewsClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/VieMedEVBitextMining.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADMinimumCommitmentLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/NFCorpus.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CrossLingualSemanticDiscriminationWMT21.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/STS15.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MultiHateClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MultiLongDocRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/OdiaNewsClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SwednRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/EstQA.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/VoyageMMarcoReranking.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CEDRClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/AmazonPolarityClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/NorwegianCourtsBitextMining.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/StackOverflowQA.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/JDReview.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADChangeOfControlLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/RARbMath.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SCIDOCS-PL.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/OPP115UserChoiceControlLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MTOPIntentClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/InsurancePolicyInterpretationLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/EightTagsClustering.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/KLUE-TC.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/NoRecClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TempReasonL2Fact.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/STS13.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/PpcPC.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/NarrativeQARetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/FEVERHardNegatives.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TempReasonL2Pure.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CMedQAv1-reranking.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADRevenueProfitSharingLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/IndicGenBenchFloresBitextMining.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SRNCorpusBitextMining.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MedicalRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/HotelReviewSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ContractNLIConfidentialityOfAgreementLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SummEval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/PlscClusteringP2P.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MyanmarNews.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ThuNewsClusteringP2P.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/GerDaLIRSmall.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LegalBenchConsumerContractsQA.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/IN22ConvBitextMining.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SentimentAnalysisHindi.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SIB200Classification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LearnedHandsEmploymentLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADIrrevocableOrPerpetualLicenseLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ThuNewsClusteringS2S.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/IN22GenBitextMining.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LivedoorNewsClustering.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CosQA.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MasakhaNEWSClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CQADupstackStatsRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TenKGnadClusteringP2P.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LinceMTBitextMining.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/NewsClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADCapOnLiabilityLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADNonDisparagementLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LegalBenchCorporateLobbying.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/T2Retrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/JavaneseIMDBClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ContractNLILimitedUseLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/GeoreviewClusteringP2P.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/BengaliHateSpeechClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TempReasonL2Context.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ArEntail.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/HALClusteringS2S.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADThirdPartyBeneficiaryLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TamilNewsClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/RestaurantReviewSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/KorHateSpeechMLClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/FeedbackQARetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TwitterSemEval2015.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SICK-BR-PC.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/PersonalJurisdictionLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CzechProductReviewSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CzechSoMeSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SwedishSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/IWSLT2017BitextMining.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TempReasonL3Fact.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SCDBPAuditsLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/BlurbsClusteringS2S.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/FunctionOfDecisionSectionLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LeCaRDv2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADCompetitiveRestrictionExceptionLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CQADupstackWebmastersRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MLSUMClusteringP2P.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/STS22.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/RuBQReranking.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/NTREXBitextMining.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MMarcoRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TwitterHjerneRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/IsiZuluNewsClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/IndicLangClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/NeuCLIR2022RetrievalHardNegatives.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/PersianFoodSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LearnedHandsBusinessLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LearnedHandsHealthLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/WikiCitiesClustering.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/RARbCode.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/OpusparcusPC.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CodeEditSearchRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SpanishNewsClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/UrduRomanSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LegalQuAD.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/EstonianValenceClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/DuRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/RuSciBenchOECDClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/DanishPoliticalCommentsClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MTOPDomainClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/YelpReviewFullClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/FrenchBookReviews.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CMedQAv2-reranking.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SICKFr.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/BengaliSentimentAnalysis.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/STS12.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/AmazonCounterfactualClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/FinParaSTS.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CQADupstackMathematicaRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADIPOwnershipAssignmentLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SCDBPTrainingLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MewsC16JaClustering.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TurkishMovieSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/PawsXPairClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/OPP115ThirdPartySharingCollectionLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LccSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/STSB.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADRofrRofoRofnLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/Core17InstructionRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CQADupstackPhysicsRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/DalajClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CQADupstackWordpressRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CLSClusteringS2S.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/BibleNLPBitextMining.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/JaQuADRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/Diversity3LegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/XPQARetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/STSBenchmarkMultilingualSTS.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SCDBPVerificationLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/OnlineStoreReviewSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SinhalaNewsClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/IndonesianIdClickbaitClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/VGHierarchicalClusteringS2S.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADUncappedLiabilityLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/StackOverflowDupQuestions.json", - "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/Diversity1LegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/HagridRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/MLQuestions.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/WebLINXCandidatesReranking.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/StackExchangeClustering.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/WinoGrande.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/AlloProfClusteringP2P.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/PSC.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/NFCorpus-PL.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/MassiveIntentClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/ArmenianParaphrasePC.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/UkrFormalityClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/LEMBWikimQARetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/MLSUMClusteringP2P.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/RedditClusteringP2P.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/VGHierarchicalClusteringP2P.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/KLUE-STS.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/BlurbsClusteringP2P.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/AlloProfClusteringS2S.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/CTKFactsNLI.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/BiorxivClusteringP2P.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/EmotionClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/LEMBSummScreenFDRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/CQADupstackGisRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/VieQuADRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/FalseFriendsGermanEnglish.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/CDSC-R.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/MedrxivClusteringP2P.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SyntecReranking.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/PAWSX.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/BSARDRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/TweetSentimentExtractionClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/WikipediaRerankingMultilingual.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/BelebeleRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/IndicCrosslingualSTS.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/ArXivHierarchicalClusteringP2P.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SwednClusteringP2P.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/OnlineShopping.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/LCQMC.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/EcomRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/TurHistQuadRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SciFact.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/RuSciBenchGRNTIClusteringP2P.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/MalteseNewsClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/CUADAuditRightsLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/Banking77Classification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/RTE3.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/MMarcoReranking.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/GeorgianFAQRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/NorQuadRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/TERRa.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/RuSTSBenchmarkSTS.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/IndicQARetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SNLHierarchicalClusteringS2S.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/FiQA-PL.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/STS14.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/STSBenchmark.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SpanishPassageRetrievalS2S.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/TempReasonL3Pure.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/DiaBLaBitextMining.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/DutchBookReviewSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SciDocsRR.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SciFact-PL.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/MindSmallReranking.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/CQADupstackRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/MedrxivClusteringS2S.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/JaGovFaqsRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SCIDOCS.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/ArXivHierarchicalClusteringS2S.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/PIQA.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/MintakaRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/Touche2020.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/STS16.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/NLPJournalAbsIntroRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/MedrxivClusteringS2S.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/KLUE-NLI.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/NLPJournalTitleAbsRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/BiorxivClusteringS2S.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/CovidRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/TRECCOVID-PL.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/YueOpenriceReviewClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/CQADupstackTexRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/StatcanDialogueDatasetRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/BrazilianToxicTweetsClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/STSES.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/JSICK.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SwednClusteringS2S.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/StackExchangeClusteringP2P.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SICK-R-PL.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SyntecRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SensitiveTopicsClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/FaroeseSTS.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/CDSC-E.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/BQ.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/TwentyNewsgroupsClustering.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/GermanSTSBenchmark.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/AFQMC.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/LEMBQMSumRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/ImdbClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/FaithDial.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/MLQARetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/RUParaPhraserSTS.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SprintDuplicateQuestions.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/WikiClusteringP2P.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/MLSUMClusteringS2S.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/ToxicConversationsClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/MassiveScenarioClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/T2Reranking.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/ArguAna-PL.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/STS17.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/RuSciBenchOECDClusteringP2P.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/MasakhaNEWSClusteringP2P.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/CQADupstackUnixRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/AskUbuntuDupQuestions.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/HotpotQA.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/ArxivClusteringS2S.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/StackExchangeClustering.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/RedditClusteringP2P.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/AlloprofRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/Assin2RTE.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/HateSpeechPortugueseClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/RedditClustering.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/RonSTS.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/PlscClusteringS2S.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/AlloprofReranking.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/FloresBitextMining.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/indonli.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/VideoRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/BigPatentClustering.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/Quail.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/NQ.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/ATEC.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SlovakSumRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/NollySentiBitextMining.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/ContractNLISharingWithThirdPartiesLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/RedditClustering.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/NLPJournalTitleIntroRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SICK-R.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/FiQA2018.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SummEvalFr.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/BIOSSES.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/HunSum2AbstractiveRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/TRECCOVID.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/AlloProfClusteringS2S.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/LEMBPasskeyRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/HeadlineClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/DBPedia.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/XQuADRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/BiorxivClusteringS2S.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/TempReasonL3Context.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/AlloProfClusteringP2P.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/KorSTS.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/ArguAna.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/MasakhaNEWSClusteringS2S.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/LegalBenchPC.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/XMarket.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SICK-E-PL.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/WikipediaRetrievalMultilingual.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/XNLI.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SweFaqRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/CLSClusteringP2P.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SemRel24STS.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/ArxivClusteringP2P.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SNLHierarchicalClusteringP2P.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/XNLIV2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/Assin2STS.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/MultiEURLEXMultilabelClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/CmedqaRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/LEMBNeedleRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/BiorxivClusteringP2P.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/TwitterURLCorpus.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/FQuADRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/STS22.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/AmazonReviewsClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/CrossLingualSemanticDiscriminationWMT19.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/JSTS.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/CQADupstackGamingRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SanskritShlokasClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/NFCorpus.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/CrossLingualSemanticDiscriminationWMT21.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/STS15.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SwednRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/VoyageMMarcoReranking.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/CEDRClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/AmazonPolarityClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/NorwegianCourtsBitextMining.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/RARbMath.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SCIDOCS-PL.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/MTOPIntentClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/HALClusteringS2S.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/EightTagsClustering.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/TempReasonL2Fact.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/STS13.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/PpcPC.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/NarrativeQARetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/TempReasonL2Pure.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/CMedQAv1-reranking.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/MedicalRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SummEval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/PlscClusteringP2P.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/ThuNewsClusteringP2P.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/ClimateFEVER.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/ThuNewsClusteringS2S.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/LivedoorNewsClustering.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/MasakhaNEWSClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/CQADupstackStatsRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/TenKGnadClusteringP2P.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/T2Retrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/JavaneseIMDBClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/GeoreviewClusteringP2P.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/TempReasonL2Context.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/ArEntail.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/HALClusteringS2S.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/KorHateSpeechMLClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/TwitterSemEval2015.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SICK-BR-PC.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SwedishSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/TempReasonL3Fact.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/BlurbsClusteringS2S.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/RuBQReranking.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/MedrxivClusteringP2P.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/MMarcoRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/IsiZuluNewsClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/TwentyNewsgroupsClustering.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/RARbCode.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/FEVER.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/OpusparcusPC.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/MSMARCO.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/DuRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/RuSciBenchOECDClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/MTOPDomainClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/QuoraRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/CMedQAv2-reranking.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SICKFr.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/STS12.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/AmazonCounterfactualClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/FinParaSTS.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/MewsC16JaClustering.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/PawsXPairClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/StackExchangeClusteringP2P.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/STSB.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/CLSClusteringS2S.v2.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/JaQuADRetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/XPQARetrieval.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/STSBenchmarkMultilingualSTS.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SinhalaNewsClassification.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/VGHierarchicalClusteringS2S.json", - "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/StackOverflowDupQuestions.json" - ], - "BAAI__bge-large-en": [ - "results/BAAI__bge-large-en/no_revision_available/Robust04InstructionRetrieval.json", - "results/BAAI__bge-large-en/no_revision_available/News21InstructionRetrieval.json", - "results/BAAI__bge-large-en/no_revision_available/Core17InstructionRetrieval.json" - ], - "ipipan__herbert-base-retrieval-v2": [ - "results/ipipan__herbert-base-retrieval-v2/no_revision_available/PSC.json", - "results/ipipan__herbert-base-retrieval-v2/no_revision_available/NFCorpus-PL.json", - "results/ipipan__herbert-base-retrieval-v2/no_revision_available/MassiveIntentClassification.json", - "results/ipipan__herbert-base-retrieval-v2/no_revision_available/CDSC-R.json", - "results/ipipan__herbert-base-retrieval-v2/no_revision_available/MSMARCO-PL.json", - "results/ipipan__herbert-base-retrieval-v2/no_revision_available/DBPedia-PL.json", - "results/ipipan__herbert-base-retrieval-v2/no_revision_available/PolEmo2.0-OUT.json", - "results/ipipan__herbert-base-retrieval-v2/no_revision_available/FiQA-PL.json", - "results/ipipan__herbert-base-retrieval-v2/no_revision_available/AllegroReviews.json", - "results/ipipan__herbert-base-retrieval-v2/no_revision_available/SciFact-PL.json", - "results/ipipan__herbert-base-retrieval-v2/no_revision_available/8TagsClustering.json", - "results/ipipan__herbert-base-retrieval-v2/no_revision_available/TRECCOVID-PL.json", - "results/ipipan__herbert-base-retrieval-v2/no_revision_available/SICK-R-PL.json", - "results/ipipan__herbert-base-retrieval-v2/no_revision_available/CDSC-E.json", - "results/ipipan__herbert-base-retrieval-v2/no_revision_available/MassiveScenarioClassification.json", - "results/ipipan__herbert-base-retrieval-v2/no_revision_available/ArguAna-PL.json", - "results/ipipan__herbert-base-retrieval-v2/no_revision_available/CBD.json", - "results/ipipan__herbert-base-retrieval-v2/no_revision_available/PolEmo2.0-IN.json", - "results/ipipan__herbert-base-retrieval-v2/no_revision_available/HotpotQA-PL.json", - "results/ipipan__herbert-base-retrieval-v2/no_revision_available/PAC.json", - "results/ipipan__herbert-base-retrieval-v2/no_revision_available/SICK-E-PL.json", - "results/ipipan__herbert-base-retrieval-v2/no_revision_available/Quora-PL.json", - "results/ipipan__herbert-base-retrieval-v2/no_revision_available/STS22.json", - "results/ipipan__herbert-base-retrieval-v2/no_revision_available/NQ-PL.json", - "results/ipipan__herbert-base-retrieval-v2/no_revision_available/SCIDOCS-PL.json", - "results/ipipan__herbert-base-retrieval-v2/no_revision_available/PPC.json" - ], - "openai__text-embedding-3-small-instruct": [ - "results/openai__text-embedding-3-small-instruct/no_revision_available/AlphaNLI.json", - "results/openai__text-embedding-3-small-instruct/no_revision_available/WinoGrande.json", - "results/openai__text-embedding-3-small-instruct/no_revision_available/ARCChallenge.json", - "results/openai__text-embedding-3-small-instruct/no_revision_available/SpartQA.json", - "results/openai__text-embedding-3-small-instruct/no_revision_available/TempReasonL1.json", - "results/openai__text-embedding-3-small-instruct/no_revision_available/HellaSwag.json", - "results/openai__text-embedding-3-small-instruct/no_revision_available/TempReasonL3Pure.json", - "results/openai__text-embedding-3-small-instruct/no_revision_available/PIQA.json", - "results/openai__text-embedding-3-small-instruct/no_revision_available/Quail.json", - "results/openai__text-embedding-3-small-instruct/no_revision_available/SIQA.json", - "results/openai__text-embedding-3-small-instruct/no_revision_available/RARbMath.json", - "results/openai__text-embedding-3-small-instruct/no_revision_available/TempReasonL2Fact.json", - "results/openai__text-embedding-3-small-instruct/no_revision_available/TempReasonL2Pure.json", - "results/openai__text-embedding-3-small-instruct/no_revision_available/TempReasonL3Fact.json", - "results/openai__text-embedding-3-small-instruct/no_revision_available/RARbCode.json" - ], - "intfloat__e5-base": [ - "results/intfloat__e5-base/no_revision_available/MassiveIntentClassification.json", - "results/intfloat__e5-base/no_revision_available/LEMBWikimQARetrieval.json", - "results/intfloat__e5-base/no_revision_available/LEMBSummScreenFDRetrieval.json", - "results/intfloat__e5-base/no_revision_available/LEMBNarrativeQARetrieval.json", - "results/intfloat__e5-base/no_revision_available/SweRecClassification.json", - "results/intfloat__e5-base/no_revision_available/LEMBQMSumRetrieval.json", - "results/intfloat__e5-base/no_revision_available/MassiveScenarioClassification.json", - "results/intfloat__e5-base/no_revision_available/AngryTweetsClassification.json", - "results/intfloat__e5-base/no_revision_available/NordicLangClassification.json", - "results/intfloat__e5-base/no_revision_available/BornholmBitextMining.json", - "results/intfloat__e5-base/no_revision_available/LEMBPasskeyRetrieval.json", - "results/intfloat__e5-base/no_revision_available/ScalaNbClassification.json", - "results/intfloat__e5-base/no_revision_available/ScalaSvClassification.json", - "results/intfloat__e5-base/no_revision_available/LEMBNeedleRetrieval.json", - "results/intfloat__e5-base/no_revision_available/NorwegianParliament.json", - "results/intfloat__e5-base/no_revision_available/NoRecClassification.json", - "results/intfloat__e5-base/no_revision_available/DKHateClassification.json", - "results/intfloat__e5-base/no_revision_available/ScalaDaClassification.json", - "results/intfloat__e5-base/no_revision_available/DanishPoliticalCommentsClassification.json", - "results/intfloat__e5-base/no_revision_available/LccSentimentClassification.json", - "results/intfloat__e5-base/no_revision_available/DalajClassification.json" - ], - "BAAI__bge-base-en-v1.5-instruct": [ - "results/BAAI__bge-base-en-v1.5-instruct/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/AlphaNLI.json", - "results/BAAI__bge-base-en-v1.5-instruct/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/WinoGrande.json", - "results/BAAI__bge-base-en-v1.5-instruct/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/ARCChallenge.json", - "results/BAAI__bge-base-en-v1.5-instruct/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/SpartQA.json", - "results/BAAI__bge-base-en-v1.5-instruct/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/TempReasonL1.json", - "results/BAAI__bge-base-en-v1.5-instruct/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/HellaSwag.json", - "results/BAAI__bge-base-en-v1.5-instruct/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/TempReasonL3Pure.json", - "results/BAAI__bge-base-en-v1.5-instruct/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/PIQA.json", - "results/BAAI__bge-base-en-v1.5-instruct/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/Quail.json", - "results/BAAI__bge-base-en-v1.5-instruct/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/SIQA.json", - "results/BAAI__bge-base-en-v1.5-instruct/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/RARbMath.json", - "results/BAAI__bge-base-en-v1.5-instruct/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/TempReasonL2Fact.json", - "results/BAAI__bge-base-en-v1.5-instruct/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/TempReasonL2Pure.json", - "results/BAAI__bge-base-en-v1.5-instruct/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/TempReasonL3Fact.json", - "results/BAAI__bge-base-en-v1.5-instruct/a5beb1e3e68b9ab74eb54cfd186867f64f240e1a/RARbCode.json" - ], - "google-bert__bert-base-multilingual-uncased": [ - "results/google-bert__bert-base-multilingual-uncased/no_revision_available/MassiveIntentClassification.json", - "results/google-bert__bert-base-multilingual-uncased/no_revision_available/MLSUMClusteringP2P.json", - "results/google-bert__bert-base-multilingual-uncased/no_revision_available/AlloProfClusteringS2S.json", - "results/google-bert__bert-base-multilingual-uncased/no_revision_available/SyntecReranking.json", - "results/google-bert__bert-base-multilingual-uncased/no_revision_available/BSARDRetrieval.json", - "results/google-bert__bert-base-multilingual-uncased/no_revision_available/DiaBLaBitextMining.json", - "results/google-bert__bert-base-multilingual-uncased/no_revision_available/MintakaRetrieval.json", - "results/google-bert__bert-base-multilingual-uncased/no_revision_available/SyntecRetrieval.json", - "results/google-bert__bert-base-multilingual-uncased/no_revision_available/MLSUMClusteringS2S.json", - "results/google-bert__bert-base-multilingual-uncased/no_revision_available/MassiveScenarioClassification.json", - "results/google-bert__bert-base-multilingual-uncased/no_revision_available/MasakhaNEWSClusteringP2P.json", - "results/google-bert__bert-base-multilingual-uncased/no_revision_available/AlloprofRetrieval.json", - "results/google-bert__bert-base-multilingual-uncased/no_revision_available/AlloprofReranking.json", - "results/google-bert__bert-base-multilingual-uncased/no_revision_available/FloresBitextMining.json", - "results/google-bert__bert-base-multilingual-uncased/no_revision_available/SummEvalFr.json", - "results/google-bert__bert-base-multilingual-uncased/no_revision_available/AlloProfClusteringP2P.json", - "results/google-bert__bert-base-multilingual-uncased/no_revision_available/MasakhaNEWSClusteringS2S.json", - "results/google-bert__bert-base-multilingual-uncased/no_revision_available/STS22.json", - "results/google-bert__bert-base-multilingual-uncased/no_revision_available/AmazonReviewsClassification.json", - "results/google-bert__bert-base-multilingual-uncased/no_revision_available/MTOPIntentClassification.json", - "results/google-bert__bert-base-multilingual-uncased/no_revision_available/HALClusteringS2S.json", - "results/google-bert__bert-base-multilingual-uncased/no_revision_available/MasakhaNEWSClassification.json", - "results/google-bert__bert-base-multilingual-uncased/no_revision_available/OpusparcusPC.json", - "results/google-bert__bert-base-multilingual-uncased/no_revision_available/MTOPDomainClassification.json", - "results/google-bert__bert-base-multilingual-uncased/no_revision_available/SICKFr.json", - "results/google-bert__bert-base-multilingual-uncased/no_revision_available/PawsXPairClassification.json", - "results/google-bert__bert-base-multilingual-uncased/no_revision_available/XPQARetrieval.json", - "results/google-bert__bert-base-multilingual-uncased/no_revision_available/STSBenchmarkMultilingualSTS.json" - ], - "silk-road__luotuo-bert-medium": [ - "results/silk-road__luotuo-bert-medium/no_revision_available/CMedQAv1.json", - "results/silk-road__luotuo-bert-medium/no_revision_available/MassiveIntentClassification.json", - "results/silk-road__luotuo-bert-medium/no_revision_available/TNews.json", - "results/silk-road__luotuo-bert-medium/no_revision_available/PAWSX.json", - "results/silk-road__luotuo-bert-medium/no_revision_available/OnlineShopping.json", - "results/silk-road__luotuo-bert-medium/no_revision_available/LCQMC.json", - "results/silk-road__luotuo-bert-medium/no_revision_available/EcomRetrieval.json", - "results/silk-road__luotuo-bert-medium/no_revision_available/MMarcoReranking.json", - "results/silk-road__luotuo-bert-medium/no_revision_available/CovidRetrieval.json", - "results/silk-road__luotuo-bert-medium/no_revision_available/CLSClusteringP2P.json", - "results/silk-road__luotuo-bert-medium/no_revision_available/BQ.json", - "results/silk-road__luotuo-bert-medium/no_revision_available/AFQMC.json", - "results/silk-road__luotuo-bert-medium/no_revision_available/CLSClusteringS2S.json", - "results/silk-road__luotuo-bert-medium/no_revision_available/Cmnli.json", - "results/silk-road__luotuo-bert-medium/no_revision_available/MassiveScenarioClassification.json", - "results/silk-road__luotuo-bert-medium/no_revision_available/T2Reranking.json", - "results/silk-road__luotuo-bert-medium/no_revision_available/ThuNewsClusteringP2P.json", - "results/silk-road__luotuo-bert-medium/no_revision_available/VideoRetrieval.json", - "results/silk-road__luotuo-bert-medium/no_revision_available/Ocnli.json", - "results/silk-road__luotuo-bert-medium/no_revision_available/ATEC.json", - "results/silk-road__luotuo-bert-medium/no_revision_available/Waimai.json", - "results/silk-road__luotuo-bert-medium/no_revision_available/ThuNewsClusteringS2S.json", - "results/silk-road__luotuo-bert-medium/no_revision_available/IFlyTek.json", - "results/silk-road__luotuo-bert-medium/no_revision_available/MultilingualSentiment.json", - "results/silk-road__luotuo-bert-medium/no_revision_available/CmedqaRetrieval.json", - "results/silk-road__luotuo-bert-medium/no_revision_available/STS22.json", - "results/silk-road__luotuo-bert-medium/no_revision_available/AmazonReviewsClassification.json", - "results/silk-road__luotuo-bert-medium/no_revision_available/JDReview.json", - "results/silk-road__luotuo-bert-medium/no_revision_available/MedicalRetrieval.json", - "results/silk-road__luotuo-bert-medium/no_revision_available/T2Retrieval.json", - "results/silk-road__luotuo-bert-medium/no_revision_available/QBQTC.json", - "results/silk-road__luotuo-bert-medium/no_revision_available/MMarcoRetrieval.json", - "results/silk-road__luotuo-bert-medium/no_revision_available/DuRetrieval.json", - "results/silk-road__luotuo-bert-medium/no_revision_available/CMedQAv2.json", - "results/silk-road__luotuo-bert-medium/no_revision_available/STSB.json" - ], - "jinaai__jina-embeddings-v2-base-en": [ - "results/jinaai__jina-embeddings-v2-base-en/no_revision_available/LEMBWikimQARetrieval.json", - "results/jinaai__jina-embeddings-v2-base-en/no_revision_available/LEMBSummScreenFDRetrieval.json", - "results/jinaai__jina-embeddings-v2-base-en/no_revision_available/LEMBNarrativeQARetrieval.json", - "results/jinaai__jina-embeddings-v2-base-en/no_revision_available/LEMBQMSumRetrieval.json", - "results/jinaai__jina-embeddings-v2-base-en/no_revision_available/LEMBPasskeyRetrieval.json", - "results/jinaai__jina-embeddings-v2-base-en/no_revision_available/LEMBNeedleRetrieval.json" - ], - "hkunlp__instructor-xl": [ - "results/hkunlp__instructor-xl/no_revision_available/Robust04InstructionRetrieval.json", - "results/hkunlp__instructor-xl/no_revision_available/News21InstructionRetrieval.json", - "results/hkunlp__instructor-xl/no_revision_available/BrightRetrieval.json", - "results/hkunlp__instructor-xl/no_revision_available/Core17InstructionRetrieval.json" - ], - "openai__text-search-davinci-001": [ - "results/openai__text-search-davinci-001/no_revision_available/SciFact.json", - "results/openai__text-search-davinci-001/no_revision_available/Touche2020.json", - "results/openai__text-search-davinci-001/no_revision_available/HotpotQA.json", - "results/openai__text-search-davinci-001/no_revision_available/FiQA2018.json", - "results/openai__text-search-davinci-001/no_revision_available/TRECCOVID.json", - "results/openai__text-search-davinci-001/no_revision_available/ArguAna.json", - "results/openai__text-search-davinci-001/no_revision_available/NFCorpus.json", - "results/openai__text-search-davinci-001/no_revision_available/ClimateFEVER.json", - "results/openai__text-search-davinci-001/no_revision_available/FEVER.json", - "results/openai__text-search-davinci-001/no_revision_available/QuoraRetrieval.json" - ], - "ltg__norbert3-base": [ - "results/ltg__norbert3-base/no_revision_available/MassiveIntentClassification.json", - "results/ltg__norbert3-base/no_revision_available/SweRecClassification.json", - "results/ltg__norbert3-base/no_revision_available/MassiveScenarioClassification.json", - "results/ltg__norbert3-base/no_revision_available/AngryTweetsClassification.json", - "results/ltg__norbert3-base/no_revision_available/NordicLangClassification.json", - "results/ltg__norbert3-base/no_revision_available/BornholmBitextMining.json", - "results/ltg__norbert3-base/no_revision_available/ScalaNbClassification.json", - "results/ltg__norbert3-base/no_revision_available/ScalaSvClassification.json", - "results/ltg__norbert3-base/no_revision_available/NorwegianParliament.json", - "results/ltg__norbert3-base/no_revision_available/NoRecClassification.json", - "results/ltg__norbert3-base/no_revision_available/DKHateClassification.json", - "results/ltg__norbert3-base/no_revision_available/ScalaDaClassification.json", - "results/ltg__norbert3-base/no_revision_available/DanishPoliticalCommentsClassification.json", - "results/ltg__norbert3-base/no_revision_available/LccSentimentClassification.json", - "results/ltg__norbert3-base/no_revision_available/DalajClassification.json" - ], - "ipipan__silver-retriever-base-v1": [ - "results/ipipan__silver-retriever-base-v1/no_revision_available/PSC.json", - "results/ipipan__silver-retriever-base-v1/no_revision_available/NFCorpus-PL.json", - "results/ipipan__silver-retriever-base-v1/no_revision_available/MassiveIntentClassification.json", - "results/ipipan__silver-retriever-base-v1/no_revision_available/CDSC-R.json", - "results/ipipan__silver-retriever-base-v1/no_revision_available/MSMARCO-PL.json", - "results/ipipan__silver-retriever-base-v1/no_revision_available/DBPedia-PL.json", - "results/ipipan__silver-retriever-base-v1/no_revision_available/PolEmo2.0-OUT.json", - "results/ipipan__silver-retriever-base-v1/no_revision_available/FiQA-PL.json", - "results/ipipan__silver-retriever-base-v1/no_revision_available/AllegroReviews.json", - "results/ipipan__silver-retriever-base-v1/no_revision_available/SciFact-PL.json", - "results/ipipan__silver-retriever-base-v1/no_revision_available/8TagsClustering.json", - "results/ipipan__silver-retriever-base-v1/no_revision_available/TRECCOVID-PL.json", - "results/ipipan__silver-retriever-base-v1/no_revision_available/SICK-R-PL.json", - "results/ipipan__silver-retriever-base-v1/no_revision_available/CDSC-E.json", - "results/ipipan__silver-retriever-base-v1/no_revision_available/MassiveScenarioClassification.json", - "results/ipipan__silver-retriever-base-v1/no_revision_available/ArguAna-PL.json", - "results/ipipan__silver-retriever-base-v1/no_revision_available/CBD.json", - "results/ipipan__silver-retriever-base-v1/no_revision_available/PolEmo2.0-IN.json", - "results/ipipan__silver-retriever-base-v1/no_revision_available/HotpotQA-PL.json", - "results/ipipan__silver-retriever-base-v1/no_revision_available/PAC.json", - "results/ipipan__silver-retriever-base-v1/no_revision_available/SICK-E-PL.json", - "results/ipipan__silver-retriever-base-v1/no_revision_available/Quora-PL.json", - "results/ipipan__silver-retriever-base-v1/no_revision_available/STS22.json", - "results/ipipan__silver-retriever-base-v1/no_revision_available/NQ-PL.json", - "results/ipipan__silver-retriever-base-v1/no_revision_available/SCIDOCS-PL.json", - "results/ipipan__silver-retriever-base-v1/no_revision_available/PPC.json" - ], - "moka-ai__m3e-large": [ - "results/moka-ai__m3e-large/no_revision_available/CMedQAv1.json", - "results/moka-ai__m3e-large/no_revision_available/MassiveIntentClassification.json", - "results/moka-ai__m3e-large/no_revision_available/TNews.json", - "results/moka-ai__m3e-large/no_revision_available/PAWSX.json", - "results/moka-ai__m3e-large/no_revision_available/OnlineShopping.json", - "results/moka-ai__m3e-large/no_revision_available/LCQMC.json", - "results/moka-ai__m3e-large/no_revision_available/EcomRetrieval.json", - "results/moka-ai__m3e-large/no_revision_available/MMarcoReranking.json", - "results/moka-ai__m3e-large/no_revision_available/CovidRetrieval.json", - "results/moka-ai__m3e-large/no_revision_available/CLSClusteringP2P.json", - "results/moka-ai__m3e-large/no_revision_available/BQ.json", - "results/moka-ai__m3e-large/no_revision_available/AFQMC.json", - "results/moka-ai__m3e-large/no_revision_available/CLSClusteringS2S.json", - "results/moka-ai__m3e-large/no_revision_available/Cmnli.json", - "results/moka-ai__m3e-large/no_revision_available/MassiveScenarioClassification.json", - "results/moka-ai__m3e-large/no_revision_available/T2Reranking.json", - "results/moka-ai__m3e-large/no_revision_available/ThuNewsClusteringP2P.json", - "results/moka-ai__m3e-large/no_revision_available/VideoRetrieval.json", - "results/moka-ai__m3e-large/no_revision_available/Ocnli.json", - "results/moka-ai__m3e-large/no_revision_available/ATEC.json", - "results/moka-ai__m3e-large/no_revision_available/Waimai.json", - "results/moka-ai__m3e-large/no_revision_available/ThuNewsClusteringS2S.json", - "results/moka-ai__m3e-large/no_revision_available/IFlyTek.json", - "results/moka-ai__m3e-large/no_revision_available/MultilingualSentiment.json", - "results/moka-ai__m3e-large/no_revision_available/CmedqaRetrieval.json", - "results/moka-ai__m3e-large/no_revision_available/STS22.json", - "results/moka-ai__m3e-large/no_revision_available/AmazonReviewsClassification.json", - "results/moka-ai__m3e-large/no_revision_available/JDReview.json", - "results/moka-ai__m3e-large/no_revision_available/MedicalRetrieval.json", - "results/moka-ai__m3e-large/no_revision_available/T2Retrieval.json", - "results/moka-ai__m3e-large/no_revision_available/QBQTC.json", - "results/moka-ai__m3e-large/no_revision_available/MMarcoRetrieval.json", - "results/moka-ai__m3e-large/no_revision_available/DuRetrieval.json", - "results/moka-ai__m3e-large/no_revision_available/CMedQAv2.json", - "results/moka-ai__m3e-large/no_revision_available/STSB.json" - ], - "sentence-transformers__gtr-t5-base": [ - "results/sentence-transformers__gtr-t5-base/no_revision_available/MassiveIntentClassification.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/BiorxivClusteringP2P.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/EmotionClassification.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/CQADupstackGisRetrieval.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/TweetSentimentExtractionClassification.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/SciFact.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/Banking77Classification.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/STS14.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/STSBenchmark.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/SciDocsRR.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/MindSmallReranking.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/CQADupstackRetrieval.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/MedrxivClusteringS2S.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/SCIDOCS.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/Touche2020.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/STS16.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/CQADupstackTexRetrieval.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/ImdbClassification.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/SprintDuplicateQuestions.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/ToxicConversationsClassification.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/MassiveScenarioClassification.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/STS17.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/CQADupstackUnixRetrieval.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/AskUbuntuDupQuestions.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/HotpotQA.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/ArxivClusteringS2S.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/StackExchangeClustering.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/RedditClusteringP2P.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/NQ.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/RedditClustering.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/SICK-R.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/FiQA2018.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/BIOSSES.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/TRECCOVID.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/DBPedia.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/BiorxivClusteringS2S.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/ArguAna.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/ArxivClusteringP2P.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/TwitterURLCorpus.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/STS22.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/AmazonReviewsClassification.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/CQADupstackGamingRetrieval.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/NFCorpus.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/STS15.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/AmazonPolarityClassification.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/MTOPIntentClassification.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/STS13.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/SummEval.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/ClimateFEVER.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/CQADupstackStatsRetrieval.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/TwitterSemEval2015.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/MedrxivClusteringP2P.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/TwentyNewsgroupsClustering.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/FEVER.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/MSMARCO.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/MTOPDomainClassification.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/QuoraRetrieval.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/STS12.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/AmazonCounterfactualClassification.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/StackExchangeClusteringP2P.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/sentence-transformers__gtr-t5-base/no_revision_available/StackOverflowDupQuestions.json" - ], - "T-Systems-onsite__cross-en-de-roberta-sentence-transformer": [ - "results/T-Systems-onsite__cross-en-de-roberta-sentence-transformer/no_revision_available/BlurbsClusteringP2P.json", - "results/T-Systems-onsite__cross-en-de-roberta-sentence-transformer/no_revision_available/TenKGnadClusteringS2S.json", - "results/T-Systems-onsite__cross-en-de-roberta-sentence-transformer/no_revision_available/TenKGnadClusteringP2P.json", - "results/T-Systems-onsite__cross-en-de-roberta-sentence-transformer/no_revision_available/BlurbsClusteringS2S.json" - ], - "google-gecko__text-embedding-004-256": [ - "results/google-gecko__text-embedding-004-256/no_revision_available/MassiveIntentClassification.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/BiorxivClusteringP2P.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/EmotionClassification.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/CQADupstackGisRetrieval.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/TweetSentimentExtractionClassification.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/SciFact.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/Banking77Classification.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/STS14.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/STSBenchmark.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/SciDocsRR.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/MindSmallReranking.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/CQADupstackRetrieval.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/MedrxivClusteringS2S.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/SCIDOCS.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/Touche2020.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/STS16.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/CQADupstackTexRetrieval.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/ImdbClassification.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/SprintDuplicateQuestions.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/ToxicConversationsClassification.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/MassiveScenarioClassification.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/STS17.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/CQADupstackUnixRetrieval.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/AskUbuntuDupQuestions.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/HotpotQA.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/ArxivClusteringS2S.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/StackExchangeClustering.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/RedditClusteringP2P.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/NQ.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/RedditClustering.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/SICK-R.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/FiQA2018.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/BIOSSES.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/TRECCOVID.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/DBPedia.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/BiorxivClusteringS2S.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/ArguAna.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/ArxivClusteringP2P.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/TwitterURLCorpus.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/STS22.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/AmazonReviewsClassification.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/CQADupstackGamingRetrieval.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/NFCorpus.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/STS15.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/AmazonPolarityClassification.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/MTOPIntentClassification.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/STS13.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/SummEval.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/ClimateFEVER.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/CQADupstackStatsRetrieval.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/TwitterSemEval2015.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/MedrxivClusteringP2P.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/TwentyNewsgroupsClustering.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/FEVER.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/MSMARCO.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/MTOPDomainClassification.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/QuoraRetrieval.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/STS12.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/AmazonCounterfactualClassification.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/StackExchangeClusteringP2P.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/google-gecko__text-embedding-004-256/no_revision_available/StackOverflowDupQuestions.json" - ], - "KBLab__electra-small-swedish-cased-discriminator": [ - "results/KBLab__electra-small-swedish-cased-discriminator/no_revision_available/MassiveIntentClassification.json", - "results/KBLab__electra-small-swedish-cased-discriminator/no_revision_available/SweRecClassification.json", - "results/KBLab__electra-small-swedish-cased-discriminator/no_revision_available/MassiveScenarioClassification.json", - "results/KBLab__electra-small-swedish-cased-discriminator/no_revision_available/AngryTweetsClassification.json", - "results/KBLab__electra-small-swedish-cased-discriminator/no_revision_available/NordicLangClassification.json", - "results/KBLab__electra-small-swedish-cased-discriminator/no_revision_available/BornholmBitextMining.json", - "results/KBLab__electra-small-swedish-cased-discriminator/no_revision_available/ScalaNbClassification.json", - "results/KBLab__electra-small-swedish-cased-discriminator/no_revision_available/ScalaSvClassification.json", - "results/KBLab__electra-small-swedish-cased-discriminator/no_revision_available/NorwegianParliament.json", - "results/KBLab__electra-small-swedish-cased-discriminator/no_revision_available/NoRecClassification.json", - "results/KBLab__electra-small-swedish-cased-discriminator/no_revision_available/DKHateClassification.json", - "results/KBLab__electra-small-swedish-cased-discriminator/no_revision_available/ScalaDaClassification.json", - "results/KBLab__electra-small-swedish-cased-discriminator/no_revision_available/DanishPoliticalCommentsClassification.json", - "results/KBLab__electra-small-swedish-cased-discriminator/no_revision_available/LccSentimentClassification.json", - "results/KBLab__electra-small-swedish-cased-discriminator/no_revision_available/DalajClassification.json" - ], - "facebook__tart-full-flan-t5-xl": [ - "results/facebook__tart-full-flan-t5-xl/no_revision_available/Robust04InstructionRetrieval.json", - "results/facebook__tart-full-flan-t5-xl/no_revision_available/News21InstructionRetrieval.json", - "results/facebook__tart-full-flan-t5-xl/no_revision_available/Core17InstructionRetrieval.json" - ], - "sentence-transformers__all-MiniLM-L6-v2-instruct": [ - "results/sentence-transformers__all-MiniLM-L6-v2-instruct/8b3219a92973c328a8e22fadcfa821b5dc75636a/AlphaNLI.json", - "results/sentence-transformers__all-MiniLM-L6-v2-instruct/8b3219a92973c328a8e22fadcfa821b5dc75636a/WinoGrande.json", - "results/sentence-transformers__all-MiniLM-L6-v2-instruct/8b3219a92973c328a8e22fadcfa821b5dc75636a/ARCChallenge.json", - "results/sentence-transformers__all-MiniLM-L6-v2-instruct/8b3219a92973c328a8e22fadcfa821b5dc75636a/SpartQA.json", - "results/sentence-transformers__all-MiniLM-L6-v2-instruct/8b3219a92973c328a8e22fadcfa821b5dc75636a/TempReasonL1.json", - "results/sentence-transformers__all-MiniLM-L6-v2-instruct/8b3219a92973c328a8e22fadcfa821b5dc75636a/HellaSwag.json", - "results/sentence-transformers__all-MiniLM-L6-v2-instruct/8b3219a92973c328a8e22fadcfa821b5dc75636a/TempReasonL3Pure.json", - "results/sentence-transformers__all-MiniLM-L6-v2-instruct/8b3219a92973c328a8e22fadcfa821b5dc75636a/PIQA.json", - "results/sentence-transformers__all-MiniLM-L6-v2-instruct/8b3219a92973c328a8e22fadcfa821b5dc75636a/Quail.json", - "results/sentence-transformers__all-MiniLM-L6-v2-instruct/8b3219a92973c328a8e22fadcfa821b5dc75636a/SIQA.json", - "results/sentence-transformers__all-MiniLM-L6-v2-instruct/8b3219a92973c328a8e22fadcfa821b5dc75636a/RARbMath.json", - "results/sentence-transformers__all-MiniLM-L6-v2-instruct/8b3219a92973c328a8e22fadcfa821b5dc75636a/TempReasonL2Fact.json", - "results/sentence-transformers__all-MiniLM-L6-v2-instruct/8b3219a92973c328a8e22fadcfa821b5dc75636a/TempReasonL2Pure.json", - "results/sentence-transformers__all-MiniLM-L6-v2-instruct/8b3219a92973c328a8e22fadcfa821b5dc75636a/TempReasonL3Fact.json", - "results/sentence-transformers__all-MiniLM-L6-v2-instruct/8b3219a92973c328a8e22fadcfa821b5dc75636a/RARbCode.json" - ], - "deepvk__deberta-v1-base": [ - "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/RuBQRetrieval.json", - "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/MassiveIntentClassification.json", - "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/InappropriatenessClassification.json", - "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/RuReviewsClassification.json", - "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/SIB200ClusteringS2S.json", - "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/MLSUMClusteringP2P.json", - "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/BelebeleRetrieval.json", - "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/RuSciBenchGRNTIClusteringP2P.json", - "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/LanguageClassification.json", - "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/MLSUMClusteringS2S.v2.json", - "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/TERRa.json", - "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/Tatoeba.json", - "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/RuSTSBenchmarkSTS.json", - "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/CyrillicTurkicLangClassification.json", - "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/RiaNewsRetrieval.json", - "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/GeoreviewClassification.json", - "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/SensitiveTopicsClassification.json", - "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/KinopoiskClassification.json", - "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/RUParaPhraserSTS.json", - "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/MLSUMClusteringS2S.json", - "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/MassiveScenarioClassification.json", - "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/RuSciBenchOECDClusteringP2P.json", - "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/MultilingualSentimentClassification.json", - "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/PublicHealthQA.json", - "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/FloresBitextMining.json", - "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/RuSciBenchGRNTIClassification.json", - "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/HeadlineClassification.json", - "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/XQuADRetrieval.json", - "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/BUCC.v2.json", - "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/XNLI.json", - "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/XNLIV2.json", - "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/STS22.json", - "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/MultiLongDocRetrieval.json", - "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/CEDRClassification.json", - "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/SIB200Classification.json", - "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/GeoreviewClusteringP2P.json", - "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/MLSUMClusteringP2P.v2.json", - "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/STS22.v2.json", - "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/RuBQReranking.json", - "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/NTREXBitextMining.json", - "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/OpusparcusPC.json", - "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/RuSciBenchOECDClassification.json", - "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/BibleNLPBitextMining.json", - "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/STSBenchmarkMultilingualSTS.json" - ], - "GritLM__GritLM-7B-noinstruct": [ - "results/GritLM__GritLM-7B-noinstruct/13f00a0e36500c80ce12870ea513846a066004af/AlphaNLI.json", - "results/GritLM__GritLM-7B-noinstruct/13f00a0e36500c80ce12870ea513846a066004af/WinoGrande.json", - "results/GritLM__GritLM-7B-noinstruct/13f00a0e36500c80ce12870ea513846a066004af/ARCChallenge.json", - "results/GritLM__GritLM-7B-noinstruct/13f00a0e36500c80ce12870ea513846a066004af/SpartQA.json", - "results/GritLM__GritLM-7B-noinstruct/13f00a0e36500c80ce12870ea513846a066004af/TempReasonL1.json", - "results/GritLM__GritLM-7B-noinstruct/13f00a0e36500c80ce12870ea513846a066004af/HellaSwag.json", - "results/GritLM__GritLM-7B-noinstruct/13f00a0e36500c80ce12870ea513846a066004af/TempReasonL3Pure.json", - "results/GritLM__GritLM-7B-noinstruct/13f00a0e36500c80ce12870ea513846a066004af/PIQA.json", - "results/GritLM__GritLM-7B-noinstruct/13f00a0e36500c80ce12870ea513846a066004af/Quail.json", - "results/GritLM__GritLM-7B-noinstruct/13f00a0e36500c80ce12870ea513846a066004af/SIQA.json", - "results/GritLM__GritLM-7B-noinstruct/13f00a0e36500c80ce12870ea513846a066004af/RARbMath.json", - "results/GritLM__GritLM-7B-noinstruct/13f00a0e36500c80ce12870ea513846a066004af/TempReasonL2Fact.json", - "results/GritLM__GritLM-7B-noinstruct/13f00a0e36500c80ce12870ea513846a066004af/TempReasonL2Pure.json", - "results/GritLM__GritLM-7B-noinstruct/13f00a0e36500c80ce12870ea513846a066004af/TempReasonL3Fact.json", - "results/GritLM__GritLM-7B-noinstruct/13f00a0e36500c80ce12870ea513846a066004af/RARbCode.json" - ], - "intfloat__multilingual-e5-small": [ - "results/intfloat__multilingual-e5-small/0a68dcd3dad5b4962a78daa930087728292b241d/NusaParagraphEmotionClassification.json", - "results/intfloat__multilingual-e5-small/0a68dcd3dad5b4962a78daa930087728292b241d/NusaParagraphTopicClassification.json", - "results/intfloat__multilingual-e5-small/0a68dcd3dad5b4962a78daa930087728292b241d/MLSUMClusteringS2S.v2.json", - "results/intfloat__multilingual-e5-small/0a68dcd3dad5b4962a78daa930087728292b241d/NusaXBitextMining.json", - "results/intfloat__multilingual-e5-small/0a68dcd3dad5b4962a78daa930087728292b241d/SensitiveTopicsClassification.json", - "results/intfloat__multilingual-e5-small/0a68dcd3dad5b4962a78daa930087728292b241d/NusaTranslationBitextMining.json", - "results/intfloat__multilingual-e5-small/0a68dcd3dad5b4962a78daa930087728292b241d/NollySentiBitextMining.json", - "results/intfloat__multilingual-e5-small/0a68dcd3dad5b4962a78daa930087728292b241d/PhincBitextMining.json", - "results/intfloat__multilingual-e5-small/0a68dcd3dad5b4962a78daa930087728292b241d/SemRel24STS.json", - "results/intfloat__multilingual-e5-small/0a68dcd3dad5b4962a78daa930087728292b241d/CEDRClassification.json", - "results/intfloat__multilingual-e5-small/0a68dcd3dad5b4962a78daa930087728292b241d/LinceMTBitextMining.json", - "results/intfloat__multilingual-e5-small/0a68dcd3dad5b4962a78daa930087728292b241d/RuBQReranking.json", - "results/intfloat__multilingual-e5-small/0a68dcd3dad5b4962a78daa930087728292b241d/OnlineStoreReviewSentimentClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/HagridRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/BengaliDocumentClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MLQuestions.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SyntheticText2SQL.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/NQ-PLHardNegatives.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/OPP115InternationalAndSpecificAudiencesLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/FrenkEnClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/WebLINXCandidatesReranking.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/Robust04InstructionRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/RuBQRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/StackExchangeClustering.v2.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/AlphaNLI.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TweetSarcasmClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/WinoGrande.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/NusaParagraphEmotionClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/AlloProfClusteringP2P.v2.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/PSC.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/DBpediaClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADNonTransferableLicenseLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ARCChallenge.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/IndicSentimentClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/NFCorpus-PL.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MassiveIntentClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SinhalaNewsSourceClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TextualismToolDictionariesLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/KurdishSentimentClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/InappropriatenessClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/RuReviewsClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/RomanianSentimentClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADUnlimitedAllYouCanEatLicenseLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADVolumeRestrictionLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADExclusivityLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ArmenianParaphrasePC.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/Itacola.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ContractNLIPermissibleAcquirementOfSimilarInformationLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADSourceCodeEscrowLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/UkrFormalityClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SIB200ClusteringS2S.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LEMBWikimQARetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MLSUMClusteringP2P.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/RedditClusteringP2P.v2.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/DanFeverRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/VGHierarchicalClusteringP2P.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/KLUE-STS.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADWarrantyDurationLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/DiaBlaBitextMining.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LegalSummarization.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SpartQA.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/BlurbsClusteringP2P.v2.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADInsuranceLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MSMARCOHardNegatives.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CTKFactsNLI.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADMostFavoredNationLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TNews.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/DBPedia-PLHardNegatives.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CodeFeedbackST.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/BiorxivClusteringP2P.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TempReasonL1.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/EmotionClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LEMBSummScreenFDRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CQADupstackGisRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/VieQuADRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/AfriSentiClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADCovenantNotToSueLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADPriceRestrictionsLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/OPP115DoNotTrackLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SCDDCertificationLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/FalseFriendsGermanEnglish.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CQADupstackEnglishRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LearnedHandsTrafficLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CDSC-R.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADJointIPOwnershipLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MedrxivClusteringP2P.v2.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SyntecReranking.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/RomanianReviewsSentiment.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/PAWSX.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/BSARDRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TweetSentimentExtractionClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADGoverningLawLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/WikipediaRerankingMultilingual.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/HellaSwag.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/Diversity2LegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/BelebeleRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/IndicCrosslingualSTS.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ArXivHierarchicalClusteringP2P.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ContractNLIPermissibleDevelopmentOfSimilarInformationLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/FarsTail.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SwednClusteringP2P.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/OnlineShopping.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LearnedHandsDomesticViolenceLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SlovakMovieReviewSentimentClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LearnedHandsBenefitsLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/PolEmo2.0-OUT.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADNoSolicitOfEmployeesLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/News21InstructionRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/GermanGovServiceRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LCQMC.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/EcomRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/NusaParagraphTopicClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/Moroco.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/GujaratiNewsClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LEMBNarrativeQARetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TurHistQuadRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/OralArgumentQuestionPurposeLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SciFact.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/RuSciBenchGRNTIClusteringP2P.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LanguageClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/KannadaNewsClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MalteseNewsClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/GreekLegalCodeClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MLSUMClusteringS2S.v2.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADAuditRightsLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CodeSearchNetCCRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LearnedHandsEstatesLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/Banking77Classification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CodeTransOceanContest.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/RTE3.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/NusaXBitextMining.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MMarcoReranking.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/GeorgianFAQRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADAffiliateLicenseLicenseeLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TurkicClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/NorQuadRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TERRa.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/Tatoeba.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/RuSTSBenchmarkSTS.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CQADupstackProgrammersRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ContractNLIInclusionOfVerballyConveyedInformationLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/HindiDiscourseClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/KorSarcasmClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TurkishProductSentimentClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADAffiliateLicenseLicensorLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/IndicQARetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LearnedHandsConsumerLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SNLHierarchicalClusteringS2S.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/KorHateClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/NaijaSenti.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CyrillicTurkicLangClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/FiQA-PL.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/STS14.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADTerminationForConvenienceLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/STSBenchmark.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MAUDLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/AllegroReviews.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SiswatiNewsClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LegalReasoningCausalityLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/InternationalCitizenshipQuestionsLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SpanishPassageRetrievalS2S.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TempReasonL3Pure.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ItaCaseholdClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/Diversity6LegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MarathiNewsClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/DutchBookReviewSentimentClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/Ko-StrategyQA.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SciDocsRR.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SciFact-PL.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ScalaClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MIRACLRetrievalHardNegatives.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LearnedHandsFamilyLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TopiOCQAHardNegatives.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MindSmallReranking.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/OPP115DataSecurityLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MedrxivClusteringS2S.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CzechSubjectivityClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/JaGovFaqsRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/Diversity5LegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/RiaNewsRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SCIDOCS.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ArXivHierarchicalClusteringS2S.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/RomaTalesBitextMining.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CSFDCZMovieReviewSentimentClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/NQHardNegatives.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/PIQA.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MIRACLRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/YahooAnswersTopicsClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MintakaRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/IndicReviewsClusteringP2P.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/Touche2020.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TeluguAndhraJyotiNewsClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ContractNLIPermissiblePostAgreementPossessionLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/STS16.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/NLPJournalAbsIntroRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MedrxivClusteringS2S.v2.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/HotpotQA-PLHardNegatives.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/OPP115PolicyChangeLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADNonCompeteLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/OverrulingLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/UnfairTOSLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/KLUE-NLI.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SweRecClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/NLPJournalTitleAbsRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/DefinitionClassificationLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/PunjabiNewsClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/BiorxivClusteringS2S.v2.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CovidRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/GermanPoliticiansTwitterSentimentClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TRECCOVID-PL.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LearnedHandsImmigrationLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/GeoreviewClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/YueOpenriceReviewClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CodeFeedbackMT.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CanadaTaxCourtOutcomesLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CQADupstackTexRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/StatcanDialogueDatasetRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/BrazilianToxicTweetsClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/DBPediaHardNegatives.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/STSES.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ContractNLIExplicitIdentificationLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ContractNLISurvivalOfObligationsLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADLiquidatedDamagesLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/OPP115DataRetentionLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/JSICK.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/UCCVCommonLawLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SwednClusteringS2S.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/WRIMEClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/StackExchangeClusteringP2P.v2.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SCDDAuditsLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SICK-R-PL.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SpanishNewsClusteringP2P.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ContractNLINoticeOnCompelledDisclosureLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SyntecRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/AppsRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADNoSolicitOfCustomersLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SensitiveTopicsClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/FaroeseSTS.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ToxicChatClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TswanaNewsClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CDSC-E.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/BQ.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TwentyNewsgroupsClustering.v2.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/GermanSTSBenchmark.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/KinopoiskClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/Diversity4LegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/AFQMC.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LEMBQMSumRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/PROALegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TweetEmotionClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/OPP115UserAccessEditAndDeletionLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/FrenkHrClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ImdbClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/FaithDial.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MLQARetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/RUParaPhraserSTS.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SprintDuplicateQuestions.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/WikiClusteringP2P.v2.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MLSUMClusteringS2S.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/GermanDPR.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/AfriSentiLangClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ArxivClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ToxicConversationsClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MassiveScenarioClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/AngryTweetsClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/T2Reranking.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ArguAna-PL.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADExpirationDateLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/STS17.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/RuSciBenchOECDClusteringP2P.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TenKGnadClusteringS2S.v2.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CBD.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MasakhaNEWSClusteringP2P.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/PoemSentimentClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SummEvalSummarization.v2.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CQADupstackUnixRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TweetTopicSingleClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/AskUbuntuDupQuestions.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/NusaTranslationBitextMining.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CQADupstackAndroidRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADAntiAssignmentLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/AJGT.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/FinToxicityClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MSMARCO-PLHardNegatives.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/StackExchangeClustering.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/RedditClusteringP2P.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/BulgarianStoreReviewSentimentClassfication.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LearnedHandsTortsLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/AlloprofRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/Assin2RTE.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MedicalQARetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CorporateLobbyingLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/HateSpeechPortugueseClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/PolEmo2.0-IN.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TV2Nordretrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/PatentClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/RedditClustering.v2.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADRenewalTermLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/RonSTS.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/PlscClusteringS2S.v2.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/AlloprofReranking.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ContractNLINoLicensingLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LearnedHandsEducationLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/NusaX-senti.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CataloniaTweetClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MultilingualSentimentClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/PublicHealthQA.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/FloresBitextMining.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/IndonesianMongabayConservationClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/AILAStatutes.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/indonli.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/NordicLangClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/VideoRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/BigPatentClustering.v2.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SCDBPAccountabilityLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SCDBPCertificationLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/Quail.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CSFDSKMovieReviewSentimentClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MovieReviewSentimentClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/BornholmBitextMining.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/WisesightSentimentClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SwahiliNewsClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ATEC.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ClimateFEVERHardNegatives.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SlovakSumRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/Waimai.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/NollySentiBitextMining.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/HebrewSentimentAnalysis.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ContractNLISharingWithThirdPartiesLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/GPUSpeedTask.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/RedditClustering.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/NLPJournalTitleIntroRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/PhincBitextMining.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LearnedHandsDivorceLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LearnedHandsCrimeLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SICK-R.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/FiQA2018.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SummEvalFr.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/BIOSSES.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/QuoraRetrievalHardNegatives.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/HunSum2AbstractiveRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/VieStudentFeedbackClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/RuSciBenchGRNTIClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TRECCOVID.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ContractNLISharingWithEmployeesLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SNLRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/NorwegianParliamentClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CodeSearchNetRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CodeTransOceanDL.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SCDDAccountabilityLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/GreekCivicsQA.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SpanishSentimentClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/AlloProfClusteringS2S.v2.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LearnedHandsHousingLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LEMBPasskeyRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/OPP115FirstPartyCollectionUseLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADLicenseGrantLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/HeadlineClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/XQuADRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/BiorxivClusteringS2S.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TempReasonL3Context.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/HotpotQAHardNegatives.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SwissJudgementClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/BUCC.v2.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SCDDVerificationLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/JCrewBlockerLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/Quora-PLHardNegatives.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/FilipinoShopeeReviewsClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TextualismToolPlainLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/PAC.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADPostTerminationServicesLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/KorSTS.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ArguAna.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADEffectiveDateLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LearnedHandsCourtsLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/NepaliNewsClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TenKGnadClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MasakhaNEWSClusteringS2S.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MacedonianTweetSentimentClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TelemarketingSalesRuleLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/GerDaLIR.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LegalBenchPC.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/NYSJudicialEthicsLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/IFlyTek.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/XMarket.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MIRACLReranking.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SICK-E-PL.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/WikipediaRetrievalMultilingual.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/XNLI.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TbilisiCityHallBitextMining.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SweFaqRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ContractNLIPermissibleCopyLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SCDDTrainingLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CLSClusteringP2P.v2.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SIQA.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SemRel24STS.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/NeuCLIR2023RetrievalHardNegatives.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SNLHierarchicalClusteringP2P.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/RiaNewsRetrievalHardNegatives.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/XNLIV2.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/Assin2STS.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MultiEURLEXMultilabelClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MultilingualSentiment.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CmedqaRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADNoticePeriodToTerminateRenewalLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/FrenkSlClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LEMBNeedleRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MalayalamNewsClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/BiorxivClusteringP2P.v2.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TwitterURLCorpus.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LivedoorNewsClustering.v2.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TweetSentimentClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/FinancialPhrasebankClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/GermanQuAD-Retrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/FQuADRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/STS22.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/AmazonReviewsClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CrossLingualSemanticDiscriminationWMT19.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ContractNLIReturnOfConfidentialInformationLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/JSTS.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CQADupstackGamingRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/AILACasedocs.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/RomaniBibleClustering.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SanskritShlokasClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/IndicNLPNewsClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/VieMedEVBitextMining.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADMinimumCommitmentLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/NFCorpus.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CrossLingualSemanticDiscriminationWMT21.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/STS15.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MultiHateClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MultiLongDocRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/OdiaNewsClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SwednRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/EstQA.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/VoyageMMarcoReranking.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CEDRClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/AmazonPolarityClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/NorwegianCourtsBitextMining.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/StackOverflowQA.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/JDReview.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADChangeOfControlLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/RARbMath.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SCIDOCS-PL.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/OPP115UserChoiceControlLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MTOPIntentClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/InsurancePolicyInterpretationLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/EightTagsClustering.v2.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/KLUE-TC.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/NoRecClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TempReasonL2Fact.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/STS13.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/PpcPC.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/NarrativeQARetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/FEVERHardNegatives.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TempReasonL2Pure.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CMedQAv1-reranking.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADRevenueProfitSharingLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/IndicGenBenchFloresBitextMining.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SRNCorpusBitextMining.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MedicalRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/HotelReviewSentimentClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ContractNLIConfidentialityOfAgreementLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SummEval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/PlscClusteringP2P.v2.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MyanmarNews.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ThuNewsClusteringP2P.v2.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/GerDaLIRSmall.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LegalBenchConsumerContractsQA.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/IN22ConvBitextMining.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SentimentAnalysisHindi.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SIB200Classification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LearnedHandsEmploymentLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADIrrevocableOrPerpetualLicenseLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ThuNewsClusteringS2S.v2.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/IN22GenBitextMining.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LivedoorNewsClustering.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CosQA.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MasakhaNEWSClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CQADupstackStatsRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TenKGnadClusteringP2P.v2.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LinceMTBitextMining.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/NewsClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADCapOnLiabilityLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADNonDisparagementLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LegalBenchCorporateLobbying.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/T2Retrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/JavaneseIMDBClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ContractNLILimitedUseLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/GeoreviewClusteringP2P.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/BengaliHateSpeechClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TempReasonL2Context.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ArEntail.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/HALClusteringS2S.v2.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADThirdPartyBeneficiaryLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TamilNewsClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/RestaurantReviewSentimentClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/KorHateSpeechMLClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/FeedbackQARetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TwitterSemEval2015.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SICK-BR-PC.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/PersonalJurisdictionLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CzechProductReviewSentimentClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CzechSoMeSentimentClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SwedishSentimentClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/IWSLT2017BitextMining.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TempReasonL3Fact.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SCDBPAuditsLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/BlurbsClusteringS2S.v2.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/FunctionOfDecisionSectionLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LeCaRDv2.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADCompetitiveRestrictionExceptionLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CQADupstackWebmastersRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MLSUMClusteringP2P.v2.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/STS22.v2.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/RuBQReranking.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/NTREXBitextMining.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MedrxivClusteringP2P.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MMarcoRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TwitterHjerneRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/IsiZuluNewsClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/IndicLangClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TwentyNewsgroupsClustering.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/NeuCLIR2022RetrievalHardNegatives.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/PersianFoodSentimentClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LearnedHandsBusinessLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LearnedHandsHealthLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/WikiCitiesClustering.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/RARbCode.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/OpusparcusPC.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CodeEditSearchRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SpanishNewsClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/UrduRomanSentimentClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LegalQuAD.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/EstonianValenceClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/DuRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/RuSciBenchOECDClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/DanishPoliticalCommentsClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MTOPDomainClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/YelpReviewFullClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/FrenchBookReviews.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CMedQAv2-reranking.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SICKFr.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/BengaliSentimentAnalysis.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/STS12.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/AmazonCounterfactualClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/FinParaSTS.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CQADupstackMathematicaRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADIPOwnershipAssignmentLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SCDBPTrainingLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MewsC16JaClustering.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TurkishMovieSentimentClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/PawsXPairClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/StackExchangeClusteringP2P.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/OPP115ThirdPartySharingCollectionLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LccSentimentClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/STSB.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADRofrRofoRofnLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/Core17InstructionRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CQADupstackPhysicsRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/DalajClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CQADupstackWordpressRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CLSClusteringS2S.v2.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/BibleNLPBitextMining.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/JaQuADRetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/Diversity3LegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/XPQARetrieval.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/STSBenchmarkMultilingualSTS.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SCDBPVerificationLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/OnlineStoreReviewSentimentClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SinhalaNewsClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/IndonesianIdClickbaitClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/VGHierarchicalClusteringS2S.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADUncappedLiabilityLegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/StackOverflowDupQuestions.json", - "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/Diversity1LegalBenchClassification.json", - "results/intfloat__multilingual-e5-small/no_revision_available/CMedQAv1.json", - "results/intfloat__multilingual-e5-small/no_revision_available/PSC.json", - "results/intfloat__multilingual-e5-small/no_revision_available/NFCorpus-PL.json", - "results/intfloat__multilingual-e5-small/no_revision_available/MassiveIntentClassification.json", - "results/intfloat__multilingual-e5-small/no_revision_available/MLSUMClusteringP2P.json", - "results/intfloat__multilingual-e5-small/no_revision_available/AlloProfClusteringS2S.json", - "results/intfloat__multilingual-e5-small/no_revision_available/TNews.json", - "results/intfloat__multilingual-e5-small/no_revision_available/CDSC-R.json", - "results/intfloat__multilingual-e5-small/no_revision_available/MSMARCO-PL.json", - "results/intfloat__multilingual-e5-small/no_revision_available/SyntecReranking.json", - "results/intfloat__multilingual-e5-small/no_revision_available/PAWSX.json", - "results/intfloat__multilingual-e5-small/no_revision_available/BSARDRetrieval.json", - "results/intfloat__multilingual-e5-small/no_revision_available/DBPedia-PL.json", - "results/intfloat__multilingual-e5-small/no_revision_available/OnlineShopping.json", - "results/intfloat__multilingual-e5-small/no_revision_available/PolEmo2.0-OUT.json", - "results/intfloat__multilingual-e5-small/no_revision_available/LCQMC.json", - "results/intfloat__multilingual-e5-small/no_revision_available/EcomRetrieval.json", - "results/intfloat__multilingual-e5-small/no_revision_available/MMarcoReranking.json", - "results/intfloat__multilingual-e5-small/no_revision_available/FiQA-PL.json", - "results/intfloat__multilingual-e5-small/no_revision_available/AllegroReviews.json", - "results/intfloat__multilingual-e5-small/no_revision_available/DiaBLaBitextMining.json", - "results/intfloat__multilingual-e5-small/no_revision_available/SciFact-PL.json", - "results/intfloat__multilingual-e5-small/no_revision_available/8TagsClustering.json", - "results/intfloat__multilingual-e5-small/no_revision_available/MintakaRetrieval.json", - "results/intfloat__multilingual-e5-small/no_revision_available/SweRecClassification.json", - "results/intfloat__multilingual-e5-small/no_revision_available/CovidRetrieval.json", - "results/intfloat__multilingual-e5-small/no_revision_available/TRECCOVID-PL.json", - "results/intfloat__multilingual-e5-small/no_revision_available/SICK-R-PL.json", - "results/intfloat__multilingual-e5-small/no_revision_available/SyntecRetrieval.json", - "results/intfloat__multilingual-e5-small/no_revision_available/CDSC-E.json", - "results/intfloat__multilingual-e5-small/no_revision_available/CLSClusteringP2P.json", - "results/intfloat__multilingual-e5-small/no_revision_available/BQ.json", - "results/intfloat__multilingual-e5-small/no_revision_available/AFQMC.json", - "results/intfloat__multilingual-e5-small/no_revision_available/FaithDial.json", - "results/intfloat__multilingual-e5-small/no_revision_available/MLSUMClusteringS2S.json", - "results/intfloat__multilingual-e5-small/no_revision_available/CLSClusteringS2S.json", - "results/intfloat__multilingual-e5-small/no_revision_available/Cmnli.json", - "results/intfloat__multilingual-e5-small/no_revision_available/MassiveScenarioClassification.json", - "results/intfloat__multilingual-e5-small/no_revision_available/AngryTweetsClassification.json", - "results/intfloat__multilingual-e5-small/no_revision_available/T2Reranking.json", - "results/intfloat__multilingual-e5-small/no_revision_available/ArguAna-PL.json", - "results/intfloat__multilingual-e5-small/no_revision_available/CBD.json", - "results/intfloat__multilingual-e5-small/no_revision_available/MasakhaNEWSClusteringP2P.json", - "results/intfloat__multilingual-e5-small/no_revision_available/AlloprofRetrieval.json", - "results/intfloat__multilingual-e5-small/no_revision_available/PolEmo2.0-IN.json", - "results/intfloat__multilingual-e5-small/no_revision_available/ThuNewsClusteringP2P.json", - "results/intfloat__multilingual-e5-small/no_revision_available/AlloprofReranking.json", - "results/intfloat__multilingual-e5-small/no_revision_available/FloresBitextMining.json", - "results/intfloat__multilingual-e5-small/no_revision_available/NordicLangClassification.json", - "results/intfloat__multilingual-e5-small/no_revision_available/VideoRetrieval.json", - "results/intfloat__multilingual-e5-small/no_revision_available/Ocnli.json", - "results/intfloat__multilingual-e5-small/no_revision_available/BornholmBitextMining.json", - "results/intfloat__multilingual-e5-small/no_revision_available/ATEC.json", - "results/intfloat__multilingual-e5-small/no_revision_available/Waimai.json", - "results/intfloat__multilingual-e5-small/no_revision_available/SummEvalFr.json", - "results/intfloat__multilingual-e5-small/no_revision_available/ThuNewsClusteringS2S.json", - "results/intfloat__multilingual-e5-small/no_revision_available/AlloProfClusteringP2P.json", - "results/intfloat__multilingual-e5-small/no_revision_available/HotpotQA-PL.json", - "results/intfloat__multilingual-e5-small/no_revision_available/PAC.json", - "results/intfloat__multilingual-e5-small/no_revision_available/MasakhaNEWSClusteringS2S.json", - "results/intfloat__multilingual-e5-small/no_revision_available/ScalaNbClassification.json", - "results/intfloat__multilingual-e5-small/no_revision_available/IFlyTek.json", - "results/intfloat__multilingual-e5-small/no_revision_available/SICK-E-PL.json", - "results/intfloat__multilingual-e5-small/no_revision_available/ScalaSvClassification.json", - "results/intfloat__multilingual-e5-small/no_revision_available/MultilingualSentiment.json", - "results/intfloat__multilingual-e5-small/no_revision_available/CmedqaRetrieval.json", - "results/intfloat__multilingual-e5-small/no_revision_available/Quora-PL.json", - "results/intfloat__multilingual-e5-small/no_revision_available/STS22.json", - "results/intfloat__multilingual-e5-small/no_revision_available/AmazonReviewsClassification.json", - "results/intfloat__multilingual-e5-small/no_revision_available/NorwegianParliament.json", - "results/intfloat__multilingual-e5-small/no_revision_available/NQ-PL.json", - "results/intfloat__multilingual-e5-small/no_revision_available/JDReview.json", - "results/intfloat__multilingual-e5-small/no_revision_available/SCIDOCS-PL.json", - "results/intfloat__multilingual-e5-small/no_revision_available/MTOPIntentClassification.json", - "results/intfloat__multilingual-e5-small/no_revision_available/HALClusteringS2S.json", - "results/intfloat__multilingual-e5-small/no_revision_available/NoRecClassification.json", - "results/intfloat__multilingual-e5-small/no_revision_available/MedicalRetrieval.json", - "results/intfloat__multilingual-e5-small/no_revision_available/DKHateClassification.json", - "results/intfloat__multilingual-e5-small/no_revision_available/MasakhaNEWSClassification.json", - "results/intfloat__multilingual-e5-small/no_revision_available/T2Retrieval.json", - "results/intfloat__multilingual-e5-small/no_revision_available/ScalaDaClassification.json", - "results/intfloat__multilingual-e5-small/no_revision_available/QBQTC.json", - "results/intfloat__multilingual-e5-small/no_revision_available/PPC.json", - "results/intfloat__multilingual-e5-small/no_revision_available/MMarcoRetrieval.json", - "results/intfloat__multilingual-e5-small/no_revision_available/OpusparcusPC.json", - "results/intfloat__multilingual-e5-small/no_revision_available/DuRetrieval.json", - "results/intfloat__multilingual-e5-small/no_revision_available/DanishPoliticalCommentsClassification.json", - "results/intfloat__multilingual-e5-small/no_revision_available/MTOPDomainClassification.json", - "results/intfloat__multilingual-e5-small/no_revision_available/SICKFr.json", - "results/intfloat__multilingual-e5-small/no_revision_available/PawsXPairClassification.json", - "results/intfloat__multilingual-e5-small/no_revision_available/LccSentimentClassification.json", - "results/intfloat__multilingual-e5-small/no_revision_available/CMedQAv2.json", - "results/intfloat__multilingual-e5-small/no_revision_available/STSB.json", - "results/intfloat__multilingual-e5-small/no_revision_available/DalajClassification.json", - "results/intfloat__multilingual-e5-small/no_revision_available/XPQARetrieval.json", - "results/intfloat__multilingual-e5-small/no_revision_available/STSBenchmarkMultilingualSTS.json" - ], - "McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised": [ - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/MassiveIntentClassification.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/BiorxivClusteringP2P.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/EmotionClassification.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/CQADupstackGisRetrieval.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/TweetSentimentExtractionClassification.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/SciFact.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/Banking77Classification.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/STS14.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/STSBenchmark.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/SciDocsRR.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/MindSmallReranking.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/CQADupstackRetrieval.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/MedrxivClusteringS2S.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/SCIDOCS.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/Touche2020.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/STS16.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/CQADupstackTexRetrieval.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/ImdbClassification.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/SprintDuplicateQuestions.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/ToxicConversationsClassification.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/MassiveScenarioClassification.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/STS17.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/CQADupstackUnixRetrieval.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/AskUbuntuDupQuestions.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/HotpotQA.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/ArxivClusteringS2S.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/StackExchangeClustering.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/RedditClusteringP2P.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/NQ.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/RedditClustering.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/SICK-R.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/FiQA2018.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/BIOSSES.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/TRECCOVID.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/DBPedia.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/BiorxivClusteringS2S.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/ArguAna.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/ArxivClusteringP2P.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/TwitterURLCorpus.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/STS22.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/AmazonReviewsClassification.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/CQADupstackGamingRetrieval.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/NFCorpus.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/STS15.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/AmazonPolarityClassification.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/MTOPIntentClassification.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/STS13.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/SummEval.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/ClimateFEVER.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/CQADupstackStatsRetrieval.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/TwitterSemEval2015.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/MedrxivClusteringP2P.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/TwentyNewsgroupsClustering.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/FEVER.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/MSMARCO.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/MTOPDomainClassification.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/QuoraRetrieval.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/STS12.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/AmazonCounterfactualClassification.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/StackExchangeClusteringP2P.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/StackOverflowDupQuestions.json" - ], - "sentence-transformers__paraphrase-multilingual-mpnet-base-v2": [ - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/PSC.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/NFCorpus-PL.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/MassiveIntentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/MLSUMClusteringP2P.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/AlloProfClusteringS2S.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/BiorxivClusteringP2P.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/EmotionClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/CQADupstackGisRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/CDSC-R.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/MSMARCO-PL.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/SyntecReranking.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/BSARDRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/TweetSentimentExtractionClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/DBPedia-PL.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/PolEmo2.0-OUT.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/SciFact.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/Banking77Classification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/Tatoeba.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/FiQA-PL.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/STS14.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/STSBenchmark.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/AllegroReviews.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/DiaBLaBitextMining.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/SciDocsRR.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/SciFact-PL.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/8TagsClustering.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/MindSmallReranking.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/CQADupstackRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/MedrxivClusteringS2S.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/SCIDOCS.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/BlurbsClusteringP2P.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/MintakaRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/Touche2020.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/STS16.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/TRECCOVID-PL.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/CQADupstackTexRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/SICK-R-PL.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/SyntecRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/CDSC-E.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/ImdbClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/SprintDuplicateQuestions.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/MLSUMClusteringS2S.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/ToxicConversationsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/MassiveScenarioClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/ArguAna-PL.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/STS17.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/CBD.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/MasakhaNEWSClusteringP2P.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/CQADupstackUnixRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/AskUbuntuDupQuestions.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/HotpotQA.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/ArxivClusteringS2S.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/StackExchangeClustering.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/RedditClusteringP2P.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/AlloprofRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/PolEmo2.0-IN.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/AlloprofReranking.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/FloresBitextMining.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/NQ.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/RedditClustering.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/SICK-R.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/FiQA2018.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/SummEvalFr.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/BIOSSES.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/TRECCOVID.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/TenKGnadClusteringS2S.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/DBPedia.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/BiorxivClusteringS2S.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/AlloProfClusteringP2P.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/HotpotQA-PL.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/PAC.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/ArguAna.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/MasakhaNEWSClusteringS2S.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/SICK-E-PL.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/BUCC.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/ArxivClusteringP2P.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/Quora-PL.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/TwitterURLCorpus.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/STS22.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/AmazonReviewsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/CQADupstackGamingRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/NFCorpus.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/STS15.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/AmazonPolarityClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/NQ-PL.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/SCIDOCS-PL.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/MTOPIntentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/HALClusteringS2S.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/STS13.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/SummEval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/ClimateFEVER.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/MasakhaNEWSClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/CQADupstackStatsRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/TwitterSemEval2015.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/PPC.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/MedrxivClusteringP2P.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/TwentyNewsgroupsClustering.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/TenKGnadClusteringP2P.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/FEVER.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/OpusparcusPC.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/MSMARCO.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/MTOPDomainClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/QuoraRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/BlurbsClusteringS2S.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/SICKFr.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/STS12.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/AmazonCounterfactualClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/PawsXPairClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/StackExchangeClusteringP2P.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/XPQARetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/STSBenchmarkMultilingualSTS.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/StackOverflowDupQuestions.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/HagridRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/BengaliDocumentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MLQuestions.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SyntheticText2SQL.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/NQ-PLHardNegatives.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/OPP115InternationalAndSpecificAudiencesLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/FrenkEnClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/WebLINXCandidatesReranking.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/Robust04InstructionRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/RuBQRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/StackExchangeClustering.v2.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/AlphaNLI.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TweetSarcasmClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/WinoGrande.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/NusaParagraphEmotionClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/AlloProfClusteringP2P.v2.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/PSC.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/DBpediaClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADNonTransferableLicenseLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ARCChallenge.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/IndicSentimentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/NFCorpus-PL.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MassiveIntentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SinhalaNewsSourceClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TextualismToolDictionariesLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/KurdishSentimentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/InappropriatenessClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/RuReviewsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/RomanianSentimentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADUnlimitedAllYouCanEatLicenseLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADVolumeRestrictionLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADExclusivityLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ArmenianParaphrasePC.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/Itacola.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ContractNLIPermissibleAcquirementOfSimilarInformationLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADSourceCodeEscrowLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/UkrFormalityClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SIB200ClusteringS2S.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LEMBWikimQARetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MLSUMClusteringP2P.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/RedditClusteringP2P.v2.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/DanFeverRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/VGHierarchicalClusteringP2P.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/KLUE-STS.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADWarrantyDurationLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/DiaBlaBitextMining.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LegalSummarization.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SpartQA.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/BlurbsClusteringP2P.v2.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADInsuranceLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MSMARCOHardNegatives.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CTKFactsNLI.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADMostFavoredNationLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TNews.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/DBPedia-PLHardNegatives.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CodeFeedbackST.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/BiorxivClusteringP2P.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TempReasonL1.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/EmotionClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LEMBSummScreenFDRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CQADupstackGisRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/VieQuADRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/AfriSentiClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADCovenantNotToSueLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADPriceRestrictionsLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/OPP115DoNotTrackLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SCDDCertificationLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/FalseFriendsGermanEnglish.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CQADupstackEnglishRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LearnedHandsTrafficLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CDSC-R.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADJointIPOwnershipLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MedrxivClusteringP2P.v2.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SyntecReranking.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/RomanianReviewsSentiment.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/PAWSX.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/BSARDRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TweetSentimentExtractionClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADGoverningLawLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/WikipediaRerankingMultilingual.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/HellaSwag.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/Diversity2LegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/BelebeleRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/IndicCrosslingualSTS.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ArXivHierarchicalClusteringP2P.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ContractNLIPermissibleDevelopmentOfSimilarInformationLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/FarsTail.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SwednClusteringP2P.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/OnlineShopping.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LearnedHandsDomesticViolenceLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SlovakMovieReviewSentimentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LearnedHandsBenefitsLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/PolEmo2.0-OUT.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADNoSolicitOfEmployeesLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/News21InstructionRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/GermanGovServiceRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LCQMC.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/EcomRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/NusaParagraphTopicClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/Moroco.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/GujaratiNewsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LEMBNarrativeQARetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TurHistQuadRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/OralArgumentQuestionPurposeLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SciFact.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/RuSciBenchGRNTIClusteringP2P.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LanguageClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/KannadaNewsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MalteseNewsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/GreekLegalCodeClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MLSUMClusteringS2S.v2.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADAuditRightsLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CodeSearchNetCCRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LearnedHandsEstatesLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/Banking77Classification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CodeTransOceanContest.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/RTE3.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/NusaXBitextMining.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MMarcoReranking.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/GeorgianFAQRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADAffiliateLicenseLicenseeLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TurkicClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/NorQuadRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TERRa.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/Tatoeba.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/RuSTSBenchmarkSTS.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CQADupstackProgrammersRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ContractNLIInclusionOfVerballyConveyedInformationLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/HindiDiscourseClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/KorSarcasmClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TurkishProductSentimentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADAffiliateLicenseLicensorLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/IndicQARetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LearnedHandsConsumerLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SNLHierarchicalClusteringS2S.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/KorHateClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/NaijaSenti.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CyrillicTurkicLangClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/FiQA-PL.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/STS14.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADTerminationForConvenienceLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/STSBenchmark.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MAUDLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/AllegroReviews.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SiswatiNewsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LegalReasoningCausalityLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/InternationalCitizenshipQuestionsLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SpanishPassageRetrievalS2S.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TempReasonL3Pure.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ItaCaseholdClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/Diversity6LegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MarathiNewsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/DutchBookReviewSentimentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/Ko-StrategyQA.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SciDocsRR.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SciFact-PL.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ScalaClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MIRACLRetrievalHardNegatives.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LearnedHandsFamilyLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TopiOCQAHardNegatives.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MindSmallReranking.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/OPP115DataSecurityLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MedrxivClusteringS2S.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CzechSubjectivityClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/JaGovFaqsRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/Diversity5LegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/RiaNewsRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SCIDOCS.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ArXivHierarchicalClusteringS2S.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/RomaTalesBitextMining.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CSFDCZMovieReviewSentimentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/NQHardNegatives.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/PIQA.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/YahooAnswersTopicsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MintakaRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/IndicReviewsClusteringP2P.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/Touche2020.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TeluguAndhraJyotiNewsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ContractNLIPermissiblePostAgreementPossessionLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/STS16.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/NLPJournalAbsIntroRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MedrxivClusteringS2S.v2.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/HotpotQA-PLHardNegatives.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/OPP115PolicyChangeLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADNonCompeteLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/OverrulingLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/UnfairTOSLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/KLUE-NLI.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SweRecClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/NLPJournalTitleAbsRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/DefinitionClassificationLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/PunjabiNewsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/BiorxivClusteringS2S.v2.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CovidRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/GermanPoliticiansTwitterSentimentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TRECCOVID-PL.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LearnedHandsImmigrationLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/GeoreviewClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/YueOpenriceReviewClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CodeFeedbackMT.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CanadaTaxCourtOutcomesLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CQADupstackTexRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/StatcanDialogueDatasetRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/BrazilianToxicTweetsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/DBPediaHardNegatives.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/STSES.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ContractNLIExplicitIdentificationLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ContractNLISurvivalOfObligationsLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADLiquidatedDamagesLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/OPP115DataRetentionLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/JSICK.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/UCCVCommonLawLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SwednClusteringS2S.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/WRIMEClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/StackExchangeClusteringP2P.v2.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SCDDAuditsLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SICK-R-PL.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SpanishNewsClusteringP2P.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ContractNLINoticeOnCompelledDisclosureLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SyntecRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/AppsRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADNoSolicitOfCustomersLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SensitiveTopicsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/FaroeseSTS.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ToxicChatClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TswanaNewsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CDSC-E.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/BQ.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TwentyNewsgroupsClustering.v2.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/GermanSTSBenchmark.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/KinopoiskClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/Diversity4LegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/AFQMC.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LEMBQMSumRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/PROALegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TweetEmotionClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/OPP115UserAccessEditAndDeletionLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/FrenkHrClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ImdbClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/FaithDial.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MLQARetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/RUParaPhraserSTS.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SprintDuplicateQuestions.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/WikiClusteringP2P.v2.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MLSUMClusteringS2S.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/GermanDPR.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/AfriSentiLangClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ArxivClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ToxicConversationsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MassiveScenarioClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/AngryTweetsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/T2Reranking.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ArguAna-PL.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADExpirationDateLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/STS17.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/RuSciBenchOECDClusteringP2P.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TenKGnadClusteringS2S.v2.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CBD.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MasakhaNEWSClusteringP2P.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/PoemSentimentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SummEvalSummarization.v2.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CQADupstackUnixRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TweetTopicSingleClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/AskUbuntuDupQuestions.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/NusaTranslationBitextMining.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CQADupstackAndroidRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADAntiAssignmentLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/AJGT.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/FinToxicityClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MSMARCO-PLHardNegatives.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/StackExchangeClustering.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/RedditClusteringP2P.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/BulgarianStoreReviewSentimentClassfication.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LearnedHandsTortsLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/AlloprofRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/Assin2RTE.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MedicalQARetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CorporateLobbyingLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/HateSpeechPortugueseClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/PolEmo2.0-IN.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TV2Nordretrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/PatentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/RedditClustering.v2.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADRenewalTermLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/RonSTS.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/PlscClusteringS2S.v2.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/AlloprofReranking.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ContractNLINoLicensingLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LearnedHandsEducationLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/NusaX-senti.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CataloniaTweetClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MultilingualSentimentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/PublicHealthQA.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/FloresBitextMining.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/IndonesianMongabayConservationClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/AILAStatutes.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/indonli.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/NordicLangClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/VideoRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/BigPatentClustering.v2.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SCDBPAccountabilityLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SCDBPCertificationLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/Quail.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CSFDSKMovieReviewSentimentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MovieReviewSentimentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/BornholmBitextMining.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/WisesightSentimentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SwahiliNewsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ATEC.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ClimateFEVERHardNegatives.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SlovakSumRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/Waimai.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/NollySentiBitextMining.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/HebrewSentimentAnalysis.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ContractNLISharingWithThirdPartiesLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/GPUSpeedTask.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/RedditClustering.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/NLPJournalTitleIntroRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/PhincBitextMining.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LearnedHandsDivorceLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LearnedHandsCrimeLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SICK-R.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/FiQA2018.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SummEvalFr.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/BIOSSES.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/QuoraRetrievalHardNegatives.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/HunSum2AbstractiveRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/VieStudentFeedbackClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/RuSciBenchGRNTIClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TRECCOVID.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ContractNLISharingWithEmployeesLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SNLRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/NorwegianParliamentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CodeSearchNetRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CodeTransOceanDL.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SCDDAccountabilityLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/GreekCivicsQA.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SpanishSentimentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/AlloProfClusteringS2S.v2.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LearnedHandsHousingLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LEMBPasskeyRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/OPP115FirstPartyCollectionUseLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADLicenseGrantLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/HeadlineClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/XQuADRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/BiorxivClusteringS2S.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TempReasonL3Context.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/HotpotQAHardNegatives.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SwissJudgementClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/BUCC.v2.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SCDDVerificationLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/JCrewBlockerLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/Quora-PLHardNegatives.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/FilipinoShopeeReviewsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TextualismToolPlainLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/PAC.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADPostTerminationServicesLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/KorSTS.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ArguAna.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADEffectiveDateLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LearnedHandsCourtsLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/NepaliNewsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TenKGnadClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MasakhaNEWSClusteringS2S.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MacedonianTweetSentimentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TelemarketingSalesRuleLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/GerDaLIR.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LegalBenchPC.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/NYSJudicialEthicsLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/IFlyTek.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/XMarket.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SICK-E-PL.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/WikipediaRetrievalMultilingual.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/XNLI.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TbilisiCityHallBitextMining.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SweFaqRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ContractNLIPermissibleCopyLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SCDDTrainingLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CLSClusteringP2P.v2.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SIQA.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SemRel24STS.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/NeuCLIR2023RetrievalHardNegatives.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SNLHierarchicalClusteringP2P.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/RiaNewsRetrievalHardNegatives.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/XNLIV2.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/Assin2STS.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MultiEURLEXMultilabelClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MultilingualSentiment.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CmedqaRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADNoticePeriodToTerminateRenewalLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/FrenkSlClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LEMBNeedleRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MalayalamNewsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/BiorxivClusteringP2P.v2.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TwitterURLCorpus.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LivedoorNewsClustering.v2.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TweetSentimentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/FinancialPhrasebankClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/GermanQuAD-Retrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/FQuADRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/STS22.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/AmazonReviewsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CrossLingualSemanticDiscriminationWMT19.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ContractNLIReturnOfConfidentialInformationLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/JSTS.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CQADupstackGamingRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/AILACasedocs.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/RomaniBibleClustering.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SanskritShlokasClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/IndicNLPNewsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/VieMedEVBitextMining.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADMinimumCommitmentLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/NFCorpus.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CrossLingualSemanticDiscriminationWMT21.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/STS15.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MultiHateClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MultiLongDocRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/OdiaNewsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SwednRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/EstQA.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/VoyageMMarcoReranking.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CEDRClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/AmazonPolarityClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/NorwegianCourtsBitextMining.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/StackOverflowQA.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/JDReview.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADChangeOfControlLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/RARbMath.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SCIDOCS-PL.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/OPP115UserChoiceControlLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MTOPIntentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/InsurancePolicyInterpretationLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/EightTagsClustering.v2.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/KLUE-TC.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/NoRecClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TempReasonL2Fact.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/STS13.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/PpcPC.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/NarrativeQARetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/FEVERHardNegatives.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TempReasonL2Pure.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CMedQAv1-reranking.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADRevenueProfitSharingLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/IndicGenBenchFloresBitextMining.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SRNCorpusBitextMining.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MedicalRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/HotelReviewSentimentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ContractNLIConfidentialityOfAgreementLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SummEval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/PlscClusteringP2P.v2.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MyanmarNews.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ThuNewsClusteringP2P.v2.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/GerDaLIRSmall.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LegalBenchConsumerContractsQA.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/IN22ConvBitextMining.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SentimentAnalysisHindi.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SIB200Classification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LearnedHandsEmploymentLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADIrrevocableOrPerpetualLicenseLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ThuNewsClusteringS2S.v2.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/IN22GenBitextMining.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LivedoorNewsClustering.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CosQA.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MasakhaNEWSClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CQADupstackStatsRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TenKGnadClusteringP2P.v2.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LinceMTBitextMining.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/NewsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADCapOnLiabilityLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADNonDisparagementLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LegalBenchCorporateLobbying.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/T2Retrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/JavaneseIMDBClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ContractNLILimitedUseLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/GeoreviewClusteringP2P.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/BengaliHateSpeechClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TempReasonL2Context.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ArEntail.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/HALClusteringS2S.v2.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADThirdPartyBeneficiaryLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TamilNewsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/RestaurantReviewSentimentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/KorHateSpeechMLClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/FeedbackQARetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TwitterSemEval2015.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SICK-BR-PC.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/PersonalJurisdictionLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CzechProductReviewSentimentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CzechSoMeSentimentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SwedishSentimentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/IWSLT2017BitextMining.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TempReasonL3Fact.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SCDBPAuditsLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/BlurbsClusteringS2S.v2.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/FunctionOfDecisionSectionLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LeCaRDv2.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADCompetitiveRestrictionExceptionLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CQADupstackWebmastersRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MLSUMClusteringP2P.v2.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/STS22.v2.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/RuBQReranking.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/NTREXBitextMining.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MedrxivClusteringP2P.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MMarcoRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TwitterHjerneRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/IsiZuluNewsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/IndicLangClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TwentyNewsgroupsClustering.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/NeuCLIR2022RetrievalHardNegatives.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/PersianFoodSentimentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LearnedHandsBusinessLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LearnedHandsHealthLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/WikiCitiesClustering.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/RARbCode.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/OpusparcusPC.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CodeEditSearchRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SpanishNewsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/UrduRomanSentimentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LegalQuAD.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/EstonianValenceClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/DuRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/RuSciBenchOECDClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/DanishPoliticalCommentsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MTOPDomainClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/YelpReviewFullClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/FrenchBookReviews.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CMedQAv2-reranking.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SICKFr.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/BengaliSentimentAnalysis.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/STS12.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/AmazonCounterfactualClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/FinParaSTS.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CQADupstackMathematicaRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADIPOwnershipAssignmentLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SCDBPTrainingLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MewsC16JaClustering.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TurkishMovieSentimentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/PawsXPairClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/StackExchangeClusteringP2P.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/OPP115ThirdPartySharingCollectionLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LccSentimentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/STSB.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADRofrRofoRofnLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/Core17InstructionRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CQADupstackPhysicsRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/DalajClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CQADupstackWordpressRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CLSClusteringS2S.v2.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/BibleNLPBitextMining.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/JaQuADRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/Diversity3LegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/XPQARetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/STSBenchmarkMultilingualSTS.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SCDBPVerificationLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/OnlineStoreReviewSentimentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SinhalaNewsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/IndonesianIdClickbaitClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/VGHierarchicalClusteringS2S.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADUncappedLiabilityLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/StackOverflowDupQuestions.json", - "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/Diversity1LegalBenchClassification.json" - ], - "Geotrend__distilbert-base-en-fr-cased": [ - "results/Geotrend__distilbert-base-en-fr-cased/no_revision_available/MassiveIntentClassification.json", - "results/Geotrend__distilbert-base-en-fr-cased/no_revision_available/MLSUMClusteringP2P.json", - "results/Geotrend__distilbert-base-en-fr-cased/no_revision_available/AlloProfClusteringS2S.json", - "results/Geotrend__distilbert-base-en-fr-cased/no_revision_available/SyntecReranking.json", - "results/Geotrend__distilbert-base-en-fr-cased/no_revision_available/BSARDRetrieval.json", - "results/Geotrend__distilbert-base-en-fr-cased/no_revision_available/DiaBLaBitextMining.json", - "results/Geotrend__distilbert-base-en-fr-cased/no_revision_available/MintakaRetrieval.json", - "results/Geotrend__distilbert-base-en-fr-cased/no_revision_available/SyntecRetrieval.json", - "results/Geotrend__distilbert-base-en-fr-cased/no_revision_available/MLSUMClusteringS2S.json", - "results/Geotrend__distilbert-base-en-fr-cased/no_revision_available/MassiveScenarioClassification.json", - "results/Geotrend__distilbert-base-en-fr-cased/no_revision_available/MasakhaNEWSClusteringP2P.json", - "results/Geotrend__distilbert-base-en-fr-cased/no_revision_available/AlloprofRetrieval.json", - "results/Geotrend__distilbert-base-en-fr-cased/no_revision_available/AlloprofReranking.json", - "results/Geotrend__distilbert-base-en-fr-cased/no_revision_available/FloresBitextMining.json", - "results/Geotrend__distilbert-base-en-fr-cased/no_revision_available/SummEvalFr.json", - "results/Geotrend__distilbert-base-en-fr-cased/no_revision_available/AlloProfClusteringP2P.json", - "results/Geotrend__distilbert-base-en-fr-cased/no_revision_available/MasakhaNEWSClusteringS2S.json", - "results/Geotrend__distilbert-base-en-fr-cased/no_revision_available/STS22.json", - "results/Geotrend__distilbert-base-en-fr-cased/no_revision_available/AmazonReviewsClassification.json", - "results/Geotrend__distilbert-base-en-fr-cased/no_revision_available/MTOPIntentClassification.json", - "results/Geotrend__distilbert-base-en-fr-cased/no_revision_available/HALClusteringS2S.json", - "results/Geotrend__distilbert-base-en-fr-cased/no_revision_available/MasakhaNEWSClassification.json", - "results/Geotrend__distilbert-base-en-fr-cased/no_revision_available/OpusparcusPC.json", - "results/Geotrend__distilbert-base-en-fr-cased/no_revision_available/MTOPDomainClassification.json", - "results/Geotrend__distilbert-base-en-fr-cased/no_revision_available/SICKFr.json", - "results/Geotrend__distilbert-base-en-fr-cased/no_revision_available/PawsXPairClassification.json", - "results/Geotrend__distilbert-base-en-fr-cased/no_revision_available/XPQARetrieval.json", - "results/Geotrend__distilbert-base-en-fr-cased/no_revision_available/STSBenchmarkMultilingualSTS.json" - ], - "Geotrend__distilbert-base-25lang-cased": [ - "results/Geotrend__distilbert-base-25lang-cased/no_revision_available/MassiveIntentClassification.json", - "results/Geotrend__distilbert-base-25lang-cased/no_revision_available/MLSUMClusteringP2P.json", - "results/Geotrend__distilbert-base-25lang-cased/no_revision_available/AlloProfClusteringS2S.json", - "results/Geotrend__distilbert-base-25lang-cased/no_revision_available/SyntecReranking.json", - "results/Geotrend__distilbert-base-25lang-cased/no_revision_available/BSARDRetrieval.json", - "results/Geotrend__distilbert-base-25lang-cased/no_revision_available/DiaBLaBitextMining.json", - "results/Geotrend__distilbert-base-25lang-cased/no_revision_available/MintakaRetrieval.json", - "results/Geotrend__distilbert-base-25lang-cased/no_revision_available/SyntecRetrieval.json", - "results/Geotrend__distilbert-base-25lang-cased/no_revision_available/MLSUMClusteringS2S.json", - "results/Geotrend__distilbert-base-25lang-cased/no_revision_available/MassiveScenarioClassification.json", - "results/Geotrend__distilbert-base-25lang-cased/no_revision_available/MasakhaNEWSClusteringP2P.json", - "results/Geotrend__distilbert-base-25lang-cased/no_revision_available/AlloprofRetrieval.json", - "results/Geotrend__distilbert-base-25lang-cased/no_revision_available/AlloprofReranking.json", - "results/Geotrend__distilbert-base-25lang-cased/no_revision_available/FloresBitextMining.json", - "results/Geotrend__distilbert-base-25lang-cased/no_revision_available/SummEvalFr.json", - "results/Geotrend__distilbert-base-25lang-cased/no_revision_available/AlloProfClusteringP2P.json", - "results/Geotrend__distilbert-base-25lang-cased/no_revision_available/MasakhaNEWSClusteringS2S.json", - "results/Geotrend__distilbert-base-25lang-cased/no_revision_available/STS22.json", - "results/Geotrend__distilbert-base-25lang-cased/no_revision_available/AmazonReviewsClassification.json", - "results/Geotrend__distilbert-base-25lang-cased/no_revision_available/MTOPIntentClassification.json", - "results/Geotrend__distilbert-base-25lang-cased/no_revision_available/HALClusteringS2S.json", - "results/Geotrend__distilbert-base-25lang-cased/no_revision_available/MasakhaNEWSClassification.json", - "results/Geotrend__distilbert-base-25lang-cased/no_revision_available/OpusparcusPC.json", - "results/Geotrend__distilbert-base-25lang-cased/no_revision_available/MTOPDomainClassification.json", - "results/Geotrend__distilbert-base-25lang-cased/no_revision_available/SICKFr.json", - "results/Geotrend__distilbert-base-25lang-cased/no_revision_available/PawsXPairClassification.json", - "results/Geotrend__distilbert-base-25lang-cased/no_revision_available/XPQARetrieval.json", - "results/Geotrend__distilbert-base-25lang-cased/no_revision_available/STSBenchmarkMultilingualSTS.json" - ], - "castorini__monot5-3b-msmarco-10k": [ - "results/castorini__monot5-3b-msmarco-10k/no_revision_available/Robust04InstructionRetrieval.json", - "results/castorini__monot5-3b-msmarco-10k/no_revision_available/News21InstructionRetrieval.json", - "results/castorini__monot5-3b-msmarco-10k/no_revision_available/Core17InstructionRetrieval.json" - ], - "sentence-transformers__average_word_embeddings_glove.6B.300d": [ - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/MassiveIntentClassification.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/BiorxivClusteringP2P.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/EmotionClassification.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/CQADupstackGisRetrieval.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/TweetSentimentExtractionClassification.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/SciFact.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/Banking77Classification.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/STS14.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/STSBenchmark.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/SciDocsRR.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/MindSmallReranking.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/CQADupstackRetrieval.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/MedrxivClusteringS2S.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/SCIDOCS.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/Touche2020.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/STS16.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/CQADupstackTexRetrieval.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/ImdbClassification.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/SprintDuplicateQuestions.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/ToxicConversationsClassification.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/MassiveScenarioClassification.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/STS17.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/CQADupstackUnixRetrieval.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/AskUbuntuDupQuestions.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/HotpotQA.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/ArxivClusteringS2S.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/StackExchangeClustering.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/RedditClusteringP2P.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/NQ.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/RedditClustering.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/SICK-R.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/FiQA2018.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/BIOSSES.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/TRECCOVID.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/DBPedia.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/BiorxivClusteringS2S.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/ArguAna.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/BUCC.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/ArxivClusteringP2P.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/TwitterURLCorpus.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/STS22.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/AmazonReviewsClassification.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/CQADupstackGamingRetrieval.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/NFCorpus.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/STS15.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/AmazonPolarityClassification.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/MTOPIntentClassification.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/STS13.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/SummEval.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/ClimateFEVER.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/CQADupstackStatsRetrieval.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/TwitterSemEval2015.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/MedrxivClusteringP2P.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/TwentyNewsgroupsClustering.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/FEVER.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/MSMARCO.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/MTOPDomainClassification.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/QuoraRetrieval.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/STS12.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/AmazonCounterfactualClassification.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/StackExchangeClusteringP2P.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/StackOverflowDupQuestions.json" - ], - "openai__text-search-babbage-001": [ - "results/openai__text-search-babbage-001/no_revision_available/SciFact.json", - "results/openai__text-search-babbage-001/no_revision_available/Touche2020.json", - "results/openai__text-search-babbage-001/no_revision_available/HotpotQA.json", - "results/openai__text-search-babbage-001/no_revision_available/FiQA2018.json", - "results/openai__text-search-babbage-001/no_revision_available/TRECCOVID.json", - "results/openai__text-search-babbage-001/no_revision_available/ArguAna.json", - "results/openai__text-search-babbage-001/no_revision_available/NFCorpus.json", - "results/openai__text-search-babbage-001/no_revision_available/ClimateFEVER.json", - "results/openai__text-search-babbage-001/no_revision_available/FEVER.json", - "results/openai__text-search-babbage-001/no_revision_available/QuoraRetrieval.json" - ], - "sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2": [ - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/HagridRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/BengaliDocumentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MLQuestions.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SyntheticText2SQL.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/NQ-PLHardNegatives.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/OPP115InternationalAndSpecificAudiencesLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/FrenkEnClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/WebLINXCandidatesReranking.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/Robust04InstructionRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/RuBQRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/StackExchangeClustering.v2.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/AlphaNLI.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TweetSarcasmClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/WinoGrande.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/NusaParagraphEmotionClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/AlloProfClusteringP2P.v2.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/PSC.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/DBpediaClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADNonTransferableLicenseLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ARCChallenge.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/IndicSentimentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/NFCorpus-PL.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MassiveIntentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SinhalaNewsSourceClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TextualismToolDictionariesLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/KurdishSentimentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/InappropriatenessClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/RuReviewsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/RomanianSentimentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADUnlimitedAllYouCanEatLicenseLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADVolumeRestrictionLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADExclusivityLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ArmenianParaphrasePC.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/Itacola.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ContractNLIPermissibleAcquirementOfSimilarInformationLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADSourceCodeEscrowLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/UkrFormalityClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SIB200ClusteringS2S.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LEMBWikimQARetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MLSUMClusteringP2P.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/RedditClusteringP2P.v2.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/DanFeverRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/VGHierarchicalClusteringP2P.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/KLUE-STS.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADWarrantyDurationLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/DiaBlaBitextMining.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LegalSummarization.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SpartQA.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/BlurbsClusteringP2P.v2.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADInsuranceLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MSMARCOHardNegatives.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CTKFactsNLI.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADMostFavoredNationLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TNews.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/DBPedia-PLHardNegatives.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CodeFeedbackST.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/BiorxivClusteringP2P.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TempReasonL1.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/EmotionClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LEMBSummScreenFDRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CQADupstackGisRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/VieQuADRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/AfriSentiClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADCovenantNotToSueLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADPriceRestrictionsLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/OPP115DoNotTrackLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SCDDCertificationLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/FalseFriendsGermanEnglish.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CQADupstackEnglishRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LearnedHandsTrafficLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CDSC-R.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADJointIPOwnershipLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MedrxivClusteringP2P.v2.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SyntecReranking.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/RomanianReviewsSentiment.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/PAWSX.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/BSARDRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TweetSentimentExtractionClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADGoverningLawLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/WikipediaRerankingMultilingual.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/HellaSwag.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/Diversity2LegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/BelebeleRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/IndicCrosslingualSTS.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ArXivHierarchicalClusteringP2P.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ContractNLIPermissibleDevelopmentOfSimilarInformationLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/FarsTail.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SwednClusteringP2P.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/OnlineShopping.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LearnedHandsDomesticViolenceLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SlovakMovieReviewSentimentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LearnedHandsBenefitsLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/PolEmo2.0-OUT.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADNoSolicitOfEmployeesLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/News21InstructionRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/GermanGovServiceRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LCQMC.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/EcomRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/NusaParagraphTopicClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/Moroco.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/GujaratiNewsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LEMBNarrativeQARetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TurHistQuadRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/OralArgumentQuestionPurposeLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SciFact.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/RuSciBenchGRNTIClusteringP2P.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LanguageClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/KannadaNewsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MalteseNewsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/GreekLegalCodeClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MLSUMClusteringS2S.v2.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADAuditRightsLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CodeSearchNetCCRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LearnedHandsEstatesLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/Banking77Classification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CodeTransOceanContest.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/RTE3.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/NusaXBitextMining.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MMarcoReranking.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/GeorgianFAQRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADAffiliateLicenseLicenseeLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TurkicClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/NorQuadRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TERRa.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/Tatoeba.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/RuSTSBenchmarkSTS.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CQADupstackProgrammersRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ContractNLIInclusionOfVerballyConveyedInformationLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/HindiDiscourseClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/KorSarcasmClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TurkishProductSentimentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADAffiliateLicenseLicensorLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/IndicQARetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LearnedHandsConsumerLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SNLHierarchicalClusteringS2S.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/KorHateClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/NaijaSenti.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CyrillicTurkicLangClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/FiQA-PL.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/STS14.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADTerminationForConvenienceLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/STSBenchmark.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MAUDLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/AllegroReviews.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SiswatiNewsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LegalReasoningCausalityLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/InternationalCitizenshipQuestionsLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SpanishPassageRetrievalS2S.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TempReasonL3Pure.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ItaCaseholdClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/Diversity6LegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MarathiNewsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/DutchBookReviewSentimentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/Ko-StrategyQA.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SciDocsRR.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SciFact-PL.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ScalaClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MIRACLRetrievalHardNegatives.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LearnedHandsFamilyLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TopiOCQAHardNegatives.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MindSmallReranking.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/OPP115DataSecurityLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MedrxivClusteringS2S.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CzechSubjectivityClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/JaGovFaqsRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/Diversity5LegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/RiaNewsRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SCIDOCS.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ArXivHierarchicalClusteringS2S.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/RomaTalesBitextMining.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CSFDCZMovieReviewSentimentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/NQHardNegatives.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/PIQA.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/YahooAnswersTopicsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MintakaRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/IndicReviewsClusteringP2P.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/Touche2020.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TeluguAndhraJyotiNewsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ContractNLIPermissiblePostAgreementPossessionLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/STS16.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/NLPJournalAbsIntroRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MedrxivClusteringS2S.v2.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/HotpotQA-PLHardNegatives.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/OPP115PolicyChangeLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADNonCompeteLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/OverrulingLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/UnfairTOSLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/KLUE-NLI.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SweRecClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/NLPJournalTitleAbsRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/DefinitionClassificationLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/PunjabiNewsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/BiorxivClusteringS2S.v2.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CovidRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/GermanPoliticiansTwitterSentimentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TRECCOVID-PL.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LearnedHandsImmigrationLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/GeoreviewClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/YueOpenriceReviewClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CodeFeedbackMT.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CanadaTaxCourtOutcomesLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CQADupstackTexRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/StatcanDialogueDatasetRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/BrazilianToxicTweetsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/DBPediaHardNegatives.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/STSES.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ContractNLIExplicitIdentificationLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ContractNLISurvivalOfObligationsLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADLiquidatedDamagesLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/OPP115DataRetentionLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/JSICK.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/UCCVCommonLawLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SwednClusteringS2S.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/WRIMEClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/StackExchangeClusteringP2P.v2.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SCDDAuditsLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SICK-R-PL.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SpanishNewsClusteringP2P.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ContractNLINoticeOnCompelledDisclosureLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SyntecRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/AppsRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADNoSolicitOfCustomersLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SensitiveTopicsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/FaroeseSTS.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ToxicChatClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TswanaNewsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CDSC-E.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/BQ.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TwentyNewsgroupsClustering.v2.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/GermanSTSBenchmark.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/KinopoiskClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/Diversity4LegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/AFQMC.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LEMBQMSumRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/PROALegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TweetEmotionClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/OPP115UserAccessEditAndDeletionLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/FrenkHrClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ImdbClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/FaithDial.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MLQARetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/RUParaPhraserSTS.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SprintDuplicateQuestions.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/WikiClusteringP2P.v2.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MLSUMClusteringS2S.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/GermanDPR.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/AfriSentiLangClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ArxivClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ToxicConversationsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MassiveScenarioClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/AngryTweetsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/T2Reranking.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ArguAna-PL.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADExpirationDateLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/STS17.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/RuSciBenchOECDClusteringP2P.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TenKGnadClusteringS2S.v2.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CBD.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MasakhaNEWSClusteringP2P.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/PoemSentimentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SummEvalSummarization.v2.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CQADupstackUnixRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TweetTopicSingleClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/AskUbuntuDupQuestions.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/NusaTranslationBitextMining.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CQADupstackAndroidRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADAntiAssignmentLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/AJGT.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/FinToxicityClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MSMARCO-PLHardNegatives.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/StackExchangeClustering.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/RedditClusteringP2P.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/BulgarianStoreReviewSentimentClassfication.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LearnedHandsTortsLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/AlloprofRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/Assin2RTE.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MedicalQARetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CorporateLobbyingLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/HateSpeechPortugueseClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/PolEmo2.0-IN.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TV2Nordretrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/PatentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/RedditClustering.v2.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADRenewalTermLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/RonSTS.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/PlscClusteringS2S.v2.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/AlloprofReranking.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ContractNLINoLicensingLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LearnedHandsEducationLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/NusaX-senti.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CataloniaTweetClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MultilingualSentimentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/PublicHealthQA.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/FloresBitextMining.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/IndonesianMongabayConservationClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/AILAStatutes.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/indonli.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/NordicLangClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/VideoRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/BigPatentClustering.v2.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SCDBPAccountabilityLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SCDBPCertificationLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/Quail.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CSFDSKMovieReviewSentimentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MovieReviewSentimentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/BornholmBitextMining.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/WisesightSentimentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SwahiliNewsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ATEC.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ClimateFEVERHardNegatives.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SlovakSumRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/Waimai.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/NollySentiBitextMining.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/HebrewSentimentAnalysis.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ContractNLISharingWithThirdPartiesLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/GPUSpeedTask.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/RedditClustering.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/NLPJournalTitleIntroRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/PhincBitextMining.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LearnedHandsDivorceLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LearnedHandsCrimeLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SICK-R.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/FiQA2018.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SummEvalFr.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/BIOSSES.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/QuoraRetrievalHardNegatives.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/HunSum2AbstractiveRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/VieStudentFeedbackClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/RuSciBenchGRNTIClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TRECCOVID.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ContractNLISharingWithEmployeesLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SNLRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/NorwegianParliamentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CodeSearchNetRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CodeTransOceanDL.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SCDDAccountabilityLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/GreekCivicsQA.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SpanishSentimentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/AlloProfClusteringS2S.v2.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LearnedHandsHousingLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LEMBPasskeyRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/OPP115FirstPartyCollectionUseLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADLicenseGrantLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/HeadlineClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/XQuADRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/BiorxivClusteringS2S.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TempReasonL3Context.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/HotpotQAHardNegatives.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SwissJudgementClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/BUCC.v2.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SCDDVerificationLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/JCrewBlockerLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/Quora-PLHardNegatives.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/FilipinoShopeeReviewsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TextualismToolPlainLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/PAC.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADPostTerminationServicesLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/KorSTS.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ArguAna.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADEffectiveDateLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LearnedHandsCourtsLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/NepaliNewsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TenKGnadClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MasakhaNEWSClusteringS2S.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MacedonianTweetSentimentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TelemarketingSalesRuleLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/GerDaLIR.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LegalBenchPC.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/NYSJudicialEthicsLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/IFlyTek.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/XMarket.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SICK-E-PL.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/WikipediaRetrievalMultilingual.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/XNLI.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TbilisiCityHallBitextMining.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SweFaqRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ContractNLIPermissibleCopyLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SCDDTrainingLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CLSClusteringP2P.v2.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SIQA.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SemRel24STS.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/NeuCLIR2023RetrievalHardNegatives.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SNLHierarchicalClusteringP2P.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/RiaNewsRetrievalHardNegatives.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/XNLIV2.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/Assin2STS.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MultiEURLEXMultilabelClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MultilingualSentiment.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CmedqaRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADNoticePeriodToTerminateRenewalLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/FrenkSlClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LEMBNeedleRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MalayalamNewsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/BiorxivClusteringP2P.v2.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TwitterURLCorpus.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LivedoorNewsClustering.v2.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TweetSentimentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/FinancialPhrasebankClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/GermanQuAD-Retrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/FQuADRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/STS22.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/AmazonReviewsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CrossLingualSemanticDiscriminationWMT19.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ContractNLIReturnOfConfidentialInformationLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/JSTS.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CQADupstackGamingRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/AILACasedocs.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/RomaniBibleClustering.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SanskritShlokasClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/IndicNLPNewsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/VieMedEVBitextMining.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADMinimumCommitmentLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/NFCorpus.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CrossLingualSemanticDiscriminationWMT21.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/STS15.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MultiHateClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MultiLongDocRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/OdiaNewsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SwednRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/EstQA.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/VoyageMMarcoReranking.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CEDRClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/AmazonPolarityClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/NorwegianCourtsBitextMining.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/StackOverflowQA.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/JDReview.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADChangeOfControlLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/RARbMath.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SCIDOCS-PL.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/OPP115UserChoiceControlLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MTOPIntentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/InsurancePolicyInterpretationLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/EightTagsClustering.v2.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/KLUE-TC.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/NoRecClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TempReasonL2Fact.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/STS13.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/PpcPC.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/NarrativeQARetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/FEVERHardNegatives.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TempReasonL2Pure.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CMedQAv1-reranking.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADRevenueProfitSharingLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/IndicGenBenchFloresBitextMining.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SRNCorpusBitextMining.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MedicalRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/HotelReviewSentimentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ContractNLIConfidentialityOfAgreementLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SummEval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/PlscClusteringP2P.v2.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MyanmarNews.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ThuNewsClusteringP2P.v2.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/GerDaLIRSmall.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LegalBenchConsumerContractsQA.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/IN22ConvBitextMining.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SentimentAnalysisHindi.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SIB200Classification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LearnedHandsEmploymentLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADIrrevocableOrPerpetualLicenseLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ThuNewsClusteringS2S.v2.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/IN22GenBitextMining.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LivedoorNewsClustering.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CosQA.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MasakhaNEWSClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CQADupstackStatsRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TenKGnadClusteringP2P.v2.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LinceMTBitextMining.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/NewsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADCapOnLiabilityLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADNonDisparagementLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LegalBenchCorporateLobbying.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/T2Retrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/JavaneseIMDBClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ContractNLILimitedUseLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/GeoreviewClusteringP2P.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/BengaliHateSpeechClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TempReasonL2Context.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ArEntail.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/HALClusteringS2S.v2.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADThirdPartyBeneficiaryLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TamilNewsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/RestaurantReviewSentimentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/KorHateSpeechMLClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/FeedbackQARetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TwitterSemEval2015.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SICK-BR-PC.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/PersonalJurisdictionLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CzechProductReviewSentimentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CzechSoMeSentimentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SwedishSentimentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/IWSLT2017BitextMining.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TempReasonL3Fact.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SCDBPAuditsLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/BlurbsClusteringS2S.v2.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/FunctionOfDecisionSectionLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LeCaRDv2.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADCompetitiveRestrictionExceptionLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CQADupstackWebmastersRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MLSUMClusteringP2P.v2.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/STS22.v2.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/RuBQReranking.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/NTREXBitextMining.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MedrxivClusteringP2P.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MMarcoRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TwitterHjerneRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/IsiZuluNewsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/IndicLangClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TwentyNewsgroupsClustering.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/NeuCLIR2022RetrievalHardNegatives.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/PersianFoodSentimentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LearnedHandsBusinessLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LearnedHandsHealthLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/WikiCitiesClustering.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/RARbCode.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/OpusparcusPC.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CodeEditSearchRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SpanishNewsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/UrduRomanSentimentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LegalQuAD.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/EstonianValenceClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/DuRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/RuSciBenchOECDClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/DanishPoliticalCommentsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MTOPDomainClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/YelpReviewFullClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/FrenchBookReviews.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CMedQAv2-reranking.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SICKFr.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/BengaliSentimentAnalysis.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/STS12.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/AmazonCounterfactualClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/FinParaSTS.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CQADupstackMathematicaRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADIPOwnershipAssignmentLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SCDBPTrainingLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MewsC16JaClustering.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TurkishMovieSentimentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/PawsXPairClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/StackExchangeClusteringP2P.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/OPP115ThirdPartySharingCollectionLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LccSentimentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/STSB.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADRofrRofoRofnLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/Core17InstructionRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CQADupstackPhysicsRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/DalajClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CQADupstackWordpressRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CLSClusteringS2S.v2.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/BibleNLPBitextMining.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/JaQuADRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/Diversity3LegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/XPQARetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/STSBenchmarkMultilingualSTS.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SCDBPVerificationLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/OnlineStoreReviewSentimentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SinhalaNewsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/IndonesianIdClickbaitClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/VGHierarchicalClusteringS2S.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADUncappedLiabilityLegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/StackOverflowDupQuestions.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/Diversity1LegalBenchClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/PSC.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/NFCorpus-PL.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/MassiveIntentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/MLSUMClusteringP2P.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/AlloProfClusteringS2S.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/BiorxivClusteringP2P.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/EmotionClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/CQADupstackGisRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/CDSC-R.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/MSMARCO-PL.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/SyntecReranking.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/BSARDRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/TweetSentimentExtractionClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/DBPedia-PL.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/PolEmo2.0-OUT.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/SciFact.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/Banking77Classification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/Tatoeba.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/FiQA-PL.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/STS14.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/STSBenchmark.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/AllegroReviews.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/DiaBLaBitextMining.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/SciDocsRR.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/SciFact-PL.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/8TagsClustering.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/MindSmallReranking.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/CQADupstackRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/MedrxivClusteringS2S.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/SCIDOCS.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/BlurbsClusteringP2P.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/MintakaRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/Touche2020.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/STS16.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/TRECCOVID-PL.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/CQADupstackTexRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/SICK-R-PL.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/SyntecRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/CDSC-E.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/ImdbClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/SprintDuplicateQuestions.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/MLSUMClusteringS2S.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/ToxicConversationsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/MassiveScenarioClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/ArguAna-PL.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/STS17.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/CBD.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/MasakhaNEWSClusteringP2P.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/CQADupstackUnixRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/AskUbuntuDupQuestions.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/HotpotQA.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/ArxivClusteringS2S.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/StackExchangeClustering.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/RedditClusteringP2P.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/AlloprofRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/PolEmo2.0-IN.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/AlloprofReranking.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/FloresBitextMining.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/NQ.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/RedditClustering.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/SICK-R.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/FiQA2018.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/SummEvalFr.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/BIOSSES.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/TRECCOVID.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/TenKGnadClusteringS2S.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/DBPedia.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/BiorxivClusteringS2S.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/AlloProfClusteringP2P.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/HotpotQA-PL.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/PAC.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/ArguAna.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/MasakhaNEWSClusteringS2S.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/SICK-E-PL.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/BUCC.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/ArxivClusteringP2P.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/Quora-PL.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/TwitterURLCorpus.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/STS22.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/AmazonReviewsClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/CQADupstackGamingRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/NFCorpus.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/STS15.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/AmazonPolarityClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/NQ-PL.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/SCIDOCS-PL.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/MTOPIntentClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/HALClusteringS2S.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/STS13.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/SummEval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/ClimateFEVER.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/MasakhaNEWSClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/CQADupstackStatsRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/TwitterSemEval2015.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/PPC.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/MedrxivClusteringP2P.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/TwentyNewsgroupsClustering.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/TenKGnadClusteringP2P.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/FEVER.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/OpusparcusPC.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/MSMARCO.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/MTOPDomainClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/QuoraRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/BlurbsClusteringS2S.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/SICKFr.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/STS12.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/AmazonCounterfactualClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/PawsXPairClassification.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/StackExchangeClusteringP2P.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/XPQARetrieval.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/STSBenchmarkMultilingualSTS.json", - "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/StackOverflowDupQuestions.json" - ], - "Alibaba-NLP__gte-Qwen2-7B-instruct": [ - "results/Alibaba-NLP__gte-Qwen2-7B-instruct/no_revision_available/BrightRetrieval.json" - ], - "NbAiLab__nb-bert-large": [ - "results/NbAiLab__nb-bert-large/no_revision_available/MassiveIntentClassification.json", - "results/NbAiLab__nb-bert-large/no_revision_available/SweRecClassification.json", - "results/NbAiLab__nb-bert-large/no_revision_available/MassiveScenarioClassification.json", - "results/NbAiLab__nb-bert-large/no_revision_available/AngryTweetsClassification.json", - "results/NbAiLab__nb-bert-large/no_revision_available/NordicLangClassification.json", - "results/NbAiLab__nb-bert-large/no_revision_available/BornholmBitextMining.json", - "results/NbAiLab__nb-bert-large/no_revision_available/ScalaNbClassification.json", - "results/NbAiLab__nb-bert-large/no_revision_available/ScalaSvClassification.json", - "results/NbAiLab__nb-bert-large/no_revision_available/NorwegianParliament.json", - "results/NbAiLab__nb-bert-large/no_revision_available/NoRecClassification.json", - "results/NbAiLab__nb-bert-large/no_revision_available/DKHateClassification.json", - "results/NbAiLab__nb-bert-large/no_revision_available/ScalaDaClassification.json", - "results/NbAiLab__nb-bert-large/no_revision_available/DanishPoliticalCommentsClassification.json", - "results/NbAiLab__nb-bert-large/no_revision_available/LccSentimentClassification.json", - "results/NbAiLab__nb-bert-large/no_revision_available/DalajClassification.json" - ], - "Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que": [ - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/MassiveIntentClassification.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/BiorxivClusteringP2P.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/EmotionClassification.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/CQADupstackGisRetrieval.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/TweetSentimentExtractionClassification.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/SciFact.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/Banking77Classification.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/STS14.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/STSBenchmark.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/SciDocsRR.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/MindSmallReranking.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/CQADupstackRetrieval.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/MedrxivClusteringS2S.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/SCIDOCS.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/Touche2020.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/STS16.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/CQADupstackTexRetrieval.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/ImdbClassification.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/SprintDuplicateQuestions.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/ToxicConversationsClassification.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/MassiveScenarioClassification.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/STS17.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/CQADupstackUnixRetrieval.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/AskUbuntuDupQuestions.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/HotpotQA.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/ArxivClusteringS2S.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/StackExchangeClustering.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/RedditClusteringP2P.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/NQ.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/RedditClustering.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/SICK-R.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/FiQA2018.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/BIOSSES.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/TRECCOVID.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/DBPedia.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/BiorxivClusteringS2S.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/ArguAna.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/ArxivClusteringP2P.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/TwitterURLCorpus.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/STS22.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/AmazonReviewsClassification.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/CQADupstackGamingRetrieval.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/NFCorpus.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/STS15.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/AmazonPolarityClassification.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/MTOPIntentClassification.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/STS13.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/SummEval.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/ClimateFEVER.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/CQADupstackStatsRetrieval.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/TwitterSemEval2015.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/MedrxivClusteringP2P.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/TwentyNewsgroupsClustering.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/FEVER.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/MSMARCO.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/MTOPDomainClassification.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/QuoraRetrieval.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/STS12.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/AmazonCounterfactualClassification.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/StackExchangeClusteringP2P.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/StackOverflowDupQuestions.json" - ], - "sentence-transformers__allenai-specter": [ - "results/sentence-transformers__allenai-specter/no_revision_available/MassiveIntentClassification.json", - "results/sentence-transformers__allenai-specter/no_revision_available/BiorxivClusteringP2P.json", - "results/sentence-transformers__allenai-specter/no_revision_available/EmotionClassification.json", - "results/sentence-transformers__allenai-specter/no_revision_available/CQADupstackGisRetrieval.json", - "results/sentence-transformers__allenai-specter/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/sentence-transformers__allenai-specter/no_revision_available/TweetSentimentExtractionClassification.json", - "results/sentence-transformers__allenai-specter/no_revision_available/SciFact.json", - "results/sentence-transformers__allenai-specter/no_revision_available/Banking77Classification.json", - "results/sentence-transformers__allenai-specter/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/sentence-transformers__allenai-specter/no_revision_available/STS14.json", - "results/sentence-transformers__allenai-specter/no_revision_available/STSBenchmark.json", - "results/sentence-transformers__allenai-specter/no_revision_available/SciDocsRR.json", - "results/sentence-transformers__allenai-specter/no_revision_available/MindSmallReranking.json", - "results/sentence-transformers__allenai-specter/no_revision_available/CQADupstackRetrieval.json", - "results/sentence-transformers__allenai-specter/no_revision_available/MedrxivClusteringS2S.json", - "results/sentence-transformers__allenai-specter/no_revision_available/SCIDOCS.json", - "results/sentence-transformers__allenai-specter/no_revision_available/Touche2020.json", - "results/sentence-transformers__allenai-specter/no_revision_available/STS16.json", - "results/sentence-transformers__allenai-specter/no_revision_available/CQADupstackTexRetrieval.json", - "results/sentence-transformers__allenai-specter/no_revision_available/ImdbClassification.json", - "results/sentence-transformers__allenai-specter/no_revision_available/SprintDuplicateQuestions.json", - "results/sentence-transformers__allenai-specter/no_revision_available/ToxicConversationsClassification.json", - "results/sentence-transformers__allenai-specter/no_revision_available/MassiveScenarioClassification.json", - "results/sentence-transformers__allenai-specter/no_revision_available/STS17.json", - "results/sentence-transformers__allenai-specter/no_revision_available/CQADupstackUnixRetrieval.json", - "results/sentence-transformers__allenai-specter/no_revision_available/AskUbuntuDupQuestions.json", - "results/sentence-transformers__allenai-specter/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/sentence-transformers__allenai-specter/no_revision_available/HotpotQA.json", - "results/sentence-transformers__allenai-specter/no_revision_available/ArxivClusteringS2S.json", - "results/sentence-transformers__allenai-specter/no_revision_available/StackExchangeClustering.json", - "results/sentence-transformers__allenai-specter/no_revision_available/RedditClusteringP2P.json", - "results/sentence-transformers__allenai-specter/no_revision_available/NQ.json", - "results/sentence-transformers__allenai-specter/no_revision_available/RedditClustering.json", - "results/sentence-transformers__allenai-specter/no_revision_available/SICK-R.json", - "results/sentence-transformers__allenai-specter/no_revision_available/FiQA2018.json", - "results/sentence-transformers__allenai-specter/no_revision_available/BIOSSES.json", - "results/sentence-transformers__allenai-specter/no_revision_available/TRECCOVID.json", - "results/sentence-transformers__allenai-specter/no_revision_available/DBPedia.json", - "results/sentence-transformers__allenai-specter/no_revision_available/BiorxivClusteringS2S.json", - "results/sentence-transformers__allenai-specter/no_revision_available/ArguAna.json", - "results/sentence-transformers__allenai-specter/no_revision_available/ArxivClusteringP2P.json", - "results/sentence-transformers__allenai-specter/no_revision_available/TwitterURLCorpus.json", - "results/sentence-transformers__allenai-specter/no_revision_available/STS22.json", - "results/sentence-transformers__allenai-specter/no_revision_available/AmazonReviewsClassification.json", - "results/sentence-transformers__allenai-specter/no_revision_available/CQADupstackGamingRetrieval.json", - "results/sentence-transformers__allenai-specter/no_revision_available/NFCorpus.json", - "results/sentence-transformers__allenai-specter/no_revision_available/STS15.json", - "results/sentence-transformers__allenai-specter/no_revision_available/AmazonPolarityClassification.json", - "results/sentence-transformers__allenai-specter/no_revision_available/MTOPIntentClassification.json", - "results/sentence-transformers__allenai-specter/no_revision_available/STS13.json", - "results/sentence-transformers__allenai-specter/no_revision_available/SummEval.json", - "results/sentence-transformers__allenai-specter/no_revision_available/ClimateFEVER.json", - "results/sentence-transformers__allenai-specter/no_revision_available/CQADupstackStatsRetrieval.json", - "results/sentence-transformers__allenai-specter/no_revision_available/TwitterSemEval2015.json", - "results/sentence-transformers__allenai-specter/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/sentence-transformers__allenai-specter/no_revision_available/MedrxivClusteringP2P.json", - "results/sentence-transformers__allenai-specter/no_revision_available/TwentyNewsgroupsClustering.json", - "results/sentence-transformers__allenai-specter/no_revision_available/FEVER.json", - "results/sentence-transformers__allenai-specter/no_revision_available/MSMARCO.json", - "results/sentence-transformers__allenai-specter/no_revision_available/MTOPDomainClassification.json", - "results/sentence-transformers__allenai-specter/no_revision_available/QuoraRetrieval.json", - "results/sentence-transformers__allenai-specter/no_revision_available/STS12.json", - "results/sentence-transformers__allenai-specter/no_revision_available/AmazonCounterfactualClassification.json", - "results/sentence-transformers__allenai-specter/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/sentence-transformers__allenai-specter/no_revision_available/StackExchangeClusteringP2P.json", - "results/sentence-transformers__allenai-specter/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/sentence-transformers__allenai-specter/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/sentence-transformers__allenai-specter/no_revision_available/StackOverflowDupQuestions.json" - ], - "intfloat__e5-mistral-7b-instruct": [ - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/HagridRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/BengaliDocumentClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MLQuestions.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SyntheticText2SQL.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/NQ-PLHardNegatives.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/OPP115InternationalAndSpecificAudiencesLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/FrenkEnClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/WebLINXCandidatesReranking.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/Robust04InstructionRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/RuBQRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/StackExchangeClustering.v2.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/AlphaNLI.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TweetSarcasmClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/WinoGrande.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/NusaParagraphEmotionClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/AlloProfClusteringP2P.v2.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/PSC.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/DBpediaClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADNonTransferableLicenseLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ARCChallenge.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/IndicSentimentClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/NFCorpus-PL.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MassiveIntentClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SinhalaNewsSourceClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TextualismToolDictionariesLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/KurdishSentimentClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/InappropriatenessClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/RuReviewsClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/RomanianSentimentClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADUnlimitedAllYouCanEatLicenseLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADVolumeRestrictionLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADExclusivityLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ArmenianParaphrasePC.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/Itacola.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ContractNLIPermissibleAcquirementOfSimilarInformationLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADSourceCodeEscrowLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/UkrFormalityClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SIB200ClusteringS2S.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LEMBWikimQARetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/RedditClusteringP2P.v2.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/DanFeverRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/VGHierarchicalClusteringP2P.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/KLUE-STS.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADWarrantyDurationLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/DiaBlaBitextMining.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LegalSummarization.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SpartQA.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/BlurbsClusteringP2P.v2.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADInsuranceLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MSMARCOHardNegatives.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CTKFactsNLI.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADMostFavoredNationLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TNews.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/DBPedia-PLHardNegatives.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CodeFeedbackST.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TempReasonL1.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/EmotionClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LEMBSummScreenFDRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CQADupstackGisRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/VieQuADRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/AfriSentiClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADCovenantNotToSueLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADPriceRestrictionsLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/OPP115DoNotTrackLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SCDDCertificationLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/FalseFriendsGermanEnglish.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CQADupstackEnglishRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LearnedHandsTrafficLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CDSC-R.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADJointIPOwnershipLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MedrxivClusteringP2P.v2.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SyntecReranking.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/RomanianReviewsSentiment.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/PAWSX.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/BSARDRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TweetSentimentExtractionClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADGoverningLawLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/WikipediaRerankingMultilingual.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/HellaSwag.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/Diversity2LegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/BelebeleRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/IndicCrosslingualSTS.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ArXivHierarchicalClusteringP2P.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ContractNLIPermissibleDevelopmentOfSimilarInformationLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/FarsTail.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SwednClusteringP2P.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/OnlineShopping.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LearnedHandsDomesticViolenceLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SlovakMovieReviewSentimentClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LearnedHandsBenefitsLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/PolEmo2.0-OUT.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADNoSolicitOfEmployeesLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/News21InstructionRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/GermanGovServiceRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LCQMC.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/EcomRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/NusaParagraphTopicClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/Moroco.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/GujaratiNewsClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LEMBNarrativeQARetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TurHistQuadRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/OralArgumentQuestionPurposeLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SciFact.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/RuSciBenchGRNTIClusteringP2P.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LanguageClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/KannadaNewsClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MalteseNewsClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/GreekLegalCodeClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MLSUMClusteringS2S.v2.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADAuditRightsLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CodeSearchNetCCRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LearnedHandsEstatesLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/Banking77Classification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CodeTransOceanContest.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/RTE3.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/NusaXBitextMining.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MMarcoReranking.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/GeorgianFAQRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADAffiliateLicenseLicenseeLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TurkicClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/NorQuadRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TERRa.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/Tatoeba.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/RuSTSBenchmarkSTS.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CQADupstackProgrammersRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ContractNLIInclusionOfVerballyConveyedInformationLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/HindiDiscourseClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/KorSarcasmClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TurkishProductSentimentClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADAffiliateLicenseLicensorLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/IndicQARetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LearnedHandsConsumerLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SNLHierarchicalClusteringS2S.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/KorHateClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/NaijaSenti.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CyrillicTurkicLangClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/FiQA-PL.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/STS14.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADTerminationForConvenienceLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/STSBenchmark.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MAUDLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/AllegroReviews.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SiswatiNewsClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LegalReasoningCausalityLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/InternationalCitizenshipQuestionsLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SpanishPassageRetrievalS2S.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TempReasonL3Pure.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ItaCaseholdClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/Diversity6LegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MarathiNewsClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/DutchBookReviewSentimentClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/Ko-StrategyQA.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SciDocsRR.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SciFact-PL.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ScalaClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MIRACLRetrievalHardNegatives.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LearnedHandsFamilyLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TopiOCQAHardNegatives.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MindSmallReranking.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/OPP115DataSecurityLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CzechSubjectivityClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/JaGovFaqsRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/Diversity5LegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/RiaNewsRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SCIDOCS.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ArXivHierarchicalClusteringS2S.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/RomaTalesBitextMining.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CSFDCZMovieReviewSentimentClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/NQHardNegatives.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/PIQA.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MIRACLRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/YahooAnswersTopicsClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MintakaRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/IndicReviewsClusteringP2P.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/Touche2020.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TeluguAndhraJyotiNewsClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ContractNLIPermissiblePostAgreementPossessionLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/STS16.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/NLPJournalAbsIntroRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MedrxivClusteringS2S.v2.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/HotpotQA-PLHardNegatives.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/OPP115PolicyChangeLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADNonCompeteLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/OverrulingLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/UnfairTOSLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/KLUE-NLI.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SweRecClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/NLPJournalTitleAbsRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/DefinitionClassificationLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/PunjabiNewsClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/BiorxivClusteringS2S.v2.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CovidRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/GermanPoliticiansTwitterSentimentClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TRECCOVID-PL.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LearnedHandsImmigrationLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/GeoreviewClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/YueOpenriceReviewClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CodeFeedbackMT.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CanadaTaxCourtOutcomesLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CQADupstackTexRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/StatcanDialogueDatasetRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/BrazilianToxicTweetsClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/DBPediaHardNegatives.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/STSES.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ContractNLIExplicitIdentificationLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ContractNLISurvivalOfObligationsLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADLiquidatedDamagesLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/OPP115DataRetentionLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/JSICK.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/UCCVCommonLawLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SwednClusteringS2S.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/WRIMEClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/StackExchangeClusteringP2P.v2.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SCDDAuditsLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SICK-R-PL.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SpanishNewsClusteringP2P.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ContractNLINoticeOnCompelledDisclosureLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SyntecRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/AppsRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADNoSolicitOfCustomersLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SensitiveTopicsClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/FaroeseSTS.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ToxicChatClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TswanaNewsClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CDSC-E.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/BQ.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TwentyNewsgroupsClustering.v2.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/GermanSTSBenchmark.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/KinopoiskClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/Diversity4LegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/AFQMC.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LEMBQMSumRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/PROALegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TweetEmotionClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/OPP115UserAccessEditAndDeletionLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/FrenkHrClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ImdbClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/FaithDial.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MLQARetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/RUParaPhraserSTS.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SprintDuplicateQuestions.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/WikiClusteringP2P.v2.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/GermanDPR.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/AfriSentiLangClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ArxivClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ToxicConversationsClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MassiveScenarioClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/AngryTweetsClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/T2Reranking.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ArguAna-PL.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADExpirationDateLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/STS17.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/RuSciBenchOECDClusteringP2P.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TenKGnadClusteringS2S.v2.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CBD.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MasakhaNEWSClusteringP2P.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/PoemSentimentClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SummEvalSummarization.v2.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CQADupstackUnixRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TweetTopicSingleClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/AskUbuntuDupQuestions.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/NusaTranslationBitextMining.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CQADupstackAndroidRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADAntiAssignmentLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/AJGT.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/FinToxicityClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MSMARCO-PLHardNegatives.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/BulgarianStoreReviewSentimentClassfication.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LearnedHandsTortsLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/AlloprofRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/Assin2RTE.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MedicalQARetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CorporateLobbyingLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/HateSpeechPortugueseClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/PolEmo2.0-IN.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TV2Nordretrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/PatentClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/RedditClustering.v2.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADRenewalTermLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/RonSTS.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/PlscClusteringS2S.v2.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/AlloprofReranking.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ContractNLINoLicensingLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LearnedHandsEducationLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/NusaX-senti.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CataloniaTweetClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MultilingualSentimentClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/PublicHealthQA.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/FloresBitextMining.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/IndonesianMongabayConservationClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/AILAStatutes.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/indonli.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/NordicLangClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/VideoRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/BigPatentClustering.v2.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SCDBPAccountabilityLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SCDBPCertificationLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/Quail.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CSFDSKMovieReviewSentimentClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MovieReviewSentimentClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/BornholmBitextMining.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/WisesightSentimentClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SwahiliNewsClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ATEC.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ClimateFEVERHardNegatives.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/Waimai.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/NollySentiBitextMining.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/HebrewSentimentAnalysis.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ContractNLISharingWithThirdPartiesLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/NLPJournalTitleIntroRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/PhincBitextMining.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LearnedHandsDivorceLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LearnedHandsCrimeLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SICK-R.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/FiQA2018.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SummEvalFr.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/BIOSSES.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/QuoraRetrievalHardNegatives.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/HunSum2AbstractiveRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/VieStudentFeedbackClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/RuSciBenchGRNTIClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TRECCOVID.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ContractNLISharingWithEmployeesLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SNLRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/NorwegianParliamentClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CodeSearchNetRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CodeTransOceanDL.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SCDDAccountabilityLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/GreekCivicsQA.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SpanishSentimentClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/AlloProfClusteringS2S.v2.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LearnedHandsHousingLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LEMBPasskeyRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/OPP115FirstPartyCollectionUseLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADLicenseGrantLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/HeadlineClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/XQuADRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TempReasonL3Context.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/HotpotQAHardNegatives.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SwissJudgementClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/BUCC.v2.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SCDDVerificationLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/JCrewBlockerLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/Quora-PLHardNegatives.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/FilipinoShopeeReviewsClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TextualismToolPlainLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/PAC.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADPostTerminationServicesLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/KorSTS.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ArguAna.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADEffectiveDateLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LearnedHandsCourtsLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/NepaliNewsClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TenKGnadClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MasakhaNEWSClusteringS2S.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MacedonianTweetSentimentClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TelemarketingSalesRuleLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/GerDaLIR.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/NYSJudicialEthicsLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/IFlyTek.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/XMarket.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MIRACLReranking.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SICK-E-PL.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/WikipediaRetrievalMultilingual.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/XNLI.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TbilisiCityHallBitextMining.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SweFaqRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ContractNLIPermissibleCopyLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SCDDTrainingLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CLSClusteringP2P.v2.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SIQA.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SemRel24STS.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/NeuCLIR2023RetrievalHardNegatives.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SNLHierarchicalClusteringP2P.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/RiaNewsRetrievalHardNegatives.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/XNLIV2.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/Assin2STS.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MultiEURLEXMultilabelClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MultilingualSentiment.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CmedqaRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADNoticePeriodToTerminateRenewalLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/FrenkSlClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LEMBNeedleRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MalayalamNewsClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/BiorxivClusteringP2P.v2.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TwitterURLCorpus.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LivedoorNewsClustering.v2.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TweetSentimentClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/FinancialPhrasebankClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/GermanQuAD-Retrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/FQuADRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/STS22.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/AmazonReviewsClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CrossLingualSemanticDiscriminationWMT19.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ContractNLIReturnOfConfidentialInformationLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/JSTS.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CQADupstackGamingRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/AILACasedocs.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/RomaniBibleClustering.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SanskritShlokasClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/IndicNLPNewsClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/VieMedEVBitextMining.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADMinimumCommitmentLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/NFCorpus.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CrossLingualSemanticDiscriminationWMT21.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/STS15.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MultiHateClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MultiLongDocRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/OdiaNewsClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SwednRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/EstQA.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/VoyageMMarcoReranking.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CEDRClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/AmazonPolarityClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/NorwegianCourtsBitextMining.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/StackOverflowQA.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/JDReview.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADChangeOfControlLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/RARbMath.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SCIDOCS-PL.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/OPP115UserChoiceControlLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MTOPIntentClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/InsurancePolicyInterpretationLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/EightTagsClustering.v2.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/KLUE-TC.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/NoRecClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TempReasonL2Fact.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/STS13.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/PpcPC.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/NarrativeQARetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/FEVERHardNegatives.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TempReasonL2Pure.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CMedQAv1-reranking.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADRevenueProfitSharingLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/IndicGenBenchFloresBitextMining.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SRNCorpusBitextMining.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MedicalRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/HotelReviewSentimentClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ContractNLIConfidentialityOfAgreementLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SummEval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/PlscClusteringP2P.v2.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MyanmarNews.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ThuNewsClusteringP2P.v2.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/GerDaLIRSmall.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LegalBenchConsumerContractsQA.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/IN22ConvBitextMining.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SentimentAnalysisHindi.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SIB200Classification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LearnedHandsEmploymentLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADIrrevocableOrPerpetualLicenseLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ThuNewsClusteringS2S.v2.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/IN22GenBitextMining.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CosQA.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MasakhaNEWSClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CQADupstackStatsRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TenKGnadClusteringP2P.v2.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LinceMTBitextMining.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/NewsClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADCapOnLiabilityLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADNonDisparagementLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LegalBenchCorporateLobbying.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/T2Retrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/JavaneseIMDBClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ContractNLILimitedUseLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/GeoreviewClusteringP2P.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/BengaliHateSpeechClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TempReasonL2Context.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ArEntail.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/HALClusteringS2S.v2.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADThirdPartyBeneficiaryLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TamilNewsClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/RestaurantReviewSentimentClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/KorHateSpeechMLClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/FeedbackQARetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TwitterSemEval2015.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SICK-BR-PC.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/PersonalJurisdictionLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CzechProductReviewSentimentClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CzechSoMeSentimentClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SwedishSentimentClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/IWSLT2017BitextMining.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TempReasonL3Fact.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SCDBPAuditsLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/BlurbsClusteringS2S.v2.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/FunctionOfDecisionSectionLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LeCaRDv2.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADCompetitiveRestrictionExceptionLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CQADupstackWebmastersRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MLSUMClusteringP2P.v2.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/STS22.v2.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/RuBQReranking.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/NTREXBitextMining.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MMarcoRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TwitterHjerneRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/IsiZuluNewsClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/IndicLangClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/NeuCLIR2022RetrievalHardNegatives.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/PersianFoodSentimentClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LearnedHandsBusinessLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LearnedHandsHealthLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/WikiCitiesClustering.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/RARbCode.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/OpusparcusPC.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CodeEditSearchRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SpanishNewsClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/UrduRomanSentimentClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LegalQuAD.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/EstonianValenceClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/DuRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/RuSciBenchOECDClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/DanishPoliticalCommentsClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MTOPDomainClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/YelpReviewFullClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/FrenchBookReviews.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CMedQAv2-reranking.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SICKFr.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/BengaliSentimentAnalysis.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/STS12.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/AmazonCounterfactualClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/FinParaSTS.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CQADupstackMathematicaRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADIPOwnershipAssignmentLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SCDBPTrainingLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MewsC16JaClustering.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TurkishMovieSentimentClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/PawsXPairClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/OPP115ThirdPartySharingCollectionLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LccSentimentClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/STSB.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADRofrRofoRofnLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/Core17InstructionRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CQADupstackPhysicsRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/DalajClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CQADupstackWordpressRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CLSClusteringS2S.v2.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/BibleNLPBitextMining.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/JaQuADRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/Diversity3LegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/XPQARetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/STSBenchmarkMultilingualSTS.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SCDBPVerificationLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/OnlineStoreReviewSentimentClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SinhalaNewsClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/IndonesianIdClickbaitClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/VGHierarchicalClusteringS2S.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADUncappedLiabilityLegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/StackOverflowDupQuestions.json", - "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/Diversity1LegalBenchClassification.json", - "results/intfloat__e5-mistral-7b-instruct/no_revision_available/Robust04InstructionRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/no_revision_available/MassiveIntentClassification.json", - "results/intfloat__e5-mistral-7b-instruct/no_revision_available/LEMBWikimQARetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/no_revision_available/MLSUMClusteringP2P.json", - "results/intfloat__e5-mistral-7b-instruct/no_revision_available/LegalSummarization.json", - "results/intfloat__e5-mistral-7b-instruct/no_revision_available/AlloProfClusteringS2S.json", - "results/intfloat__e5-mistral-7b-instruct/no_revision_available/LEMBSummScreenFDRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/no_revision_available/SyntecReranking.json", - "results/intfloat__e5-mistral-7b-instruct/no_revision_available/BSARDRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/no_revision_available/News21InstructionRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/no_revision_available/LEMBNarrativeQARetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/no_revision_available/DiaBLaBitextMining.json", - "results/intfloat__e5-mistral-7b-instruct/no_revision_available/BrightRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/no_revision_available/MintakaRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/no_revision_available/SyntecRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/no_revision_available/LEMBQMSumRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/no_revision_available/MLSUMClusteringS2S.json", - "results/intfloat__e5-mistral-7b-instruct/no_revision_available/MassiveScenarioClassification.json", - "results/intfloat__e5-mistral-7b-instruct/no_revision_available/MasakhaNEWSClusteringP2P.json", - "results/intfloat__e5-mistral-7b-instruct/no_revision_available/AlloprofRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/no_revision_available/AlloprofReranking.json", - "results/intfloat__e5-mistral-7b-instruct/no_revision_available/FloresBitextMining.json", - "results/intfloat__e5-mistral-7b-instruct/no_revision_available/AILAStatutes.json", - "results/intfloat__e5-mistral-7b-instruct/no_revision_available/SummEvalFr.json", - "results/intfloat__e5-mistral-7b-instruct/no_revision_available/LEMBPasskeyRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/no_revision_available/AlloProfClusteringP2P.json", - "results/intfloat__e5-mistral-7b-instruct/no_revision_available/MasakhaNEWSClusteringS2S.json", - "results/intfloat__e5-mistral-7b-instruct/no_revision_available/LEMBNeedleRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/no_revision_available/STS22.json", - "results/intfloat__e5-mistral-7b-instruct/no_revision_available/AmazonReviewsClassification.json", - "results/intfloat__e5-mistral-7b-instruct/no_revision_available/AILACasedocs.json", - "results/intfloat__e5-mistral-7b-instruct/no_revision_available/MTOPIntentClassification.json", - "results/intfloat__e5-mistral-7b-instruct/no_revision_available/HALClusteringS2S.json", - "results/intfloat__e5-mistral-7b-instruct/no_revision_available/GerDaLIRSmall.json", - "results/intfloat__e5-mistral-7b-instruct/no_revision_available/LegalBenchConsumerContractsQA.json", - "results/intfloat__e5-mistral-7b-instruct/no_revision_available/MasakhaNEWSClassification.json", - "results/intfloat__e5-mistral-7b-instruct/no_revision_available/LegalBenchCorporateLobbying.json", - "results/intfloat__e5-mistral-7b-instruct/no_revision_available/LeCaRDv2.json", - "results/intfloat__e5-mistral-7b-instruct/no_revision_available/OpusparcusPC.json", - "results/intfloat__e5-mistral-7b-instruct/no_revision_available/LegalQuAD.json", - "results/intfloat__e5-mistral-7b-instruct/no_revision_available/MTOPDomainClassification.json", - "results/intfloat__e5-mistral-7b-instruct/no_revision_available/SICKFr.json", - "results/intfloat__e5-mistral-7b-instruct/no_revision_available/PawsXPairClassification.json", - "results/intfloat__e5-mistral-7b-instruct/no_revision_available/Core17InstructionRetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/no_revision_available/XPQARetrieval.json", - "results/intfloat__e5-mistral-7b-instruct/no_revision_available/STSBenchmarkMultilingualSTS.json" - ], - "jonfd__electra-small-nordic": [ - "results/jonfd__electra-small-nordic/no_revision_available/MassiveIntentClassification.json", - "results/jonfd__electra-small-nordic/no_revision_available/SweRecClassification.json", - "results/jonfd__electra-small-nordic/no_revision_available/MassiveScenarioClassification.json", - "results/jonfd__electra-small-nordic/no_revision_available/AngryTweetsClassification.json", - "results/jonfd__electra-small-nordic/no_revision_available/NordicLangClassification.json", - "results/jonfd__electra-small-nordic/no_revision_available/BornholmBitextMining.json", - "results/jonfd__electra-small-nordic/no_revision_available/ScalaNbClassification.json", - "results/jonfd__electra-small-nordic/no_revision_available/ScalaSvClassification.json", - "results/jonfd__electra-small-nordic/no_revision_available/NorwegianParliament.json", - "results/jonfd__electra-small-nordic/no_revision_available/NoRecClassification.json", - "results/jonfd__electra-small-nordic/no_revision_available/DKHateClassification.json", - "results/jonfd__electra-small-nordic/no_revision_available/ScalaDaClassification.json", - "results/jonfd__electra-small-nordic/no_revision_available/DanishPoliticalCommentsClassification.json", - "results/jonfd__electra-small-nordic/no_revision_available/LccSentimentClassification.json", - "results/jonfd__electra-small-nordic/no_revision_available/DalajClassification.json" - ], - "google__flan-t5-large": [ - "results/google__flan-t5-large/no_revision_available/Robust04InstructionRetrieval.json", - "results/google__flan-t5-large/no_revision_available/News21InstructionRetrieval.json", - "results/google__flan-t5-large/no_revision_available/Core17InstructionRetrieval.json" - ], - "flaubert__flaubert_large_cased": [ - "results/flaubert__flaubert_large_cased/no_revision_available/MassiveIntentClassification.json", - "results/flaubert__flaubert_large_cased/no_revision_available/MLSUMClusteringP2P.json", - "results/flaubert__flaubert_large_cased/no_revision_available/AlloProfClusteringS2S.json", - "results/flaubert__flaubert_large_cased/no_revision_available/SyntecReranking.json", - "results/flaubert__flaubert_large_cased/no_revision_available/BSARDRetrieval.json", - "results/flaubert__flaubert_large_cased/no_revision_available/DiaBLaBitextMining.json", - "results/flaubert__flaubert_large_cased/no_revision_available/MintakaRetrieval.json", - "results/flaubert__flaubert_large_cased/no_revision_available/SyntecRetrieval.json", - "results/flaubert__flaubert_large_cased/no_revision_available/MLSUMClusteringS2S.json", - "results/flaubert__flaubert_large_cased/no_revision_available/MassiveScenarioClassification.json", - "results/flaubert__flaubert_large_cased/no_revision_available/MasakhaNEWSClusteringP2P.json", - "results/flaubert__flaubert_large_cased/no_revision_available/AlloprofRetrieval.json", - "results/flaubert__flaubert_large_cased/no_revision_available/AlloprofReranking.json", - "results/flaubert__flaubert_large_cased/no_revision_available/FloresBitextMining.json", - "results/flaubert__flaubert_large_cased/no_revision_available/SummEvalFr.json", - "results/flaubert__flaubert_large_cased/no_revision_available/AlloProfClusteringP2P.json", - "results/flaubert__flaubert_large_cased/no_revision_available/MasakhaNEWSClusteringS2S.json", - "results/flaubert__flaubert_large_cased/no_revision_available/STS22.json", - "results/flaubert__flaubert_large_cased/no_revision_available/AmazonReviewsClassification.json", - "results/flaubert__flaubert_large_cased/no_revision_available/MTOPIntentClassification.json", - "results/flaubert__flaubert_large_cased/no_revision_available/HALClusteringS2S.json", - "results/flaubert__flaubert_large_cased/no_revision_available/MasakhaNEWSClassification.json", - "results/flaubert__flaubert_large_cased/no_revision_available/OpusparcusPC.json", - "results/flaubert__flaubert_large_cased/no_revision_available/MTOPDomainClassification.json", - "results/flaubert__flaubert_large_cased/no_revision_available/SICKFr.json", - "results/flaubert__flaubert_large_cased/no_revision_available/PawsXPairClassification.json", - "results/flaubert__flaubert_large_cased/no_revision_available/XPQARetrieval.json", - "results/flaubert__flaubert_large_cased/no_revision_available/STSBenchmarkMultilingualSTS.json" - ], - "elastic__elser-v2": [ - "results/elastic__elser-v2/no_revision_available/MassiveIntentClassification.json", - "results/elastic__elser-v2/no_revision_available/BiorxivClusteringP2P.json", - "results/elastic__elser-v2/no_revision_available/EmotionClassification.json", - "results/elastic__elser-v2/no_revision_available/CQADupstackGisRetrieval.json", - "results/elastic__elser-v2/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/elastic__elser-v2/no_revision_available/TweetSentimentExtractionClassification.json", - "results/elastic__elser-v2/no_revision_available/SciFact.json", - "results/elastic__elser-v2/no_revision_available/Banking77Classification.json", - "results/elastic__elser-v2/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/elastic__elser-v2/no_revision_available/STS14.json", - "results/elastic__elser-v2/no_revision_available/STSBenchmark.json", - "results/elastic__elser-v2/no_revision_available/SciDocsRR.json", - "results/elastic__elser-v2/no_revision_available/MindSmallReranking.json", - "results/elastic__elser-v2/no_revision_available/CQADupstackRetrieval.json", - "results/elastic__elser-v2/no_revision_available/MedrxivClusteringS2S.json", - "results/elastic__elser-v2/no_revision_available/SCIDOCS.json", - "results/elastic__elser-v2/no_revision_available/Touche2020.json", - "results/elastic__elser-v2/no_revision_available/STS16.json", - "results/elastic__elser-v2/no_revision_available/CQADupstackTexRetrieval.json", - "results/elastic__elser-v2/no_revision_available/ImdbClassification.json", - "results/elastic__elser-v2/no_revision_available/SprintDuplicateQuestions.json", - "results/elastic__elser-v2/no_revision_available/ToxicConversationsClassification.json", - "results/elastic__elser-v2/no_revision_available/MassiveScenarioClassification.json", - "results/elastic__elser-v2/no_revision_available/STS17.json", - "results/elastic__elser-v2/no_revision_available/CQADupstackUnixRetrieval.json", - "results/elastic__elser-v2/no_revision_available/AskUbuntuDupQuestions.json", - "results/elastic__elser-v2/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/elastic__elser-v2/no_revision_available/HotpotQA.json", - "results/elastic__elser-v2/no_revision_available/ArxivClusteringS2S.json", - "results/elastic__elser-v2/no_revision_available/StackExchangeClustering.json", - "results/elastic__elser-v2/no_revision_available/RedditClusteringP2P.json", - "results/elastic__elser-v2/no_revision_available/NQ.json", - "results/elastic__elser-v2/no_revision_available/RedditClustering.json", - "results/elastic__elser-v2/no_revision_available/SICK-R.json", - "results/elastic__elser-v2/no_revision_available/FiQA2018.json", - "results/elastic__elser-v2/no_revision_available/BIOSSES.json", - "results/elastic__elser-v2/no_revision_available/TRECCOVID.json", - "results/elastic__elser-v2/no_revision_available/DBPedia.json", - "results/elastic__elser-v2/no_revision_available/BiorxivClusteringS2S.json", - "results/elastic__elser-v2/no_revision_available/ArguAna.json", - "results/elastic__elser-v2/no_revision_available/ArxivClusteringP2P.json", - "results/elastic__elser-v2/no_revision_available/TwitterURLCorpus.json", - "results/elastic__elser-v2/no_revision_available/STS22.json", - "results/elastic__elser-v2/no_revision_available/AmazonReviewsClassification.json", - "results/elastic__elser-v2/no_revision_available/CQADupstackGamingRetrieval.json", - "results/elastic__elser-v2/no_revision_available/NFCorpus.json", - "results/elastic__elser-v2/no_revision_available/STS15.json", - "results/elastic__elser-v2/no_revision_available/AmazonPolarityClassification.json", - "results/elastic__elser-v2/no_revision_available/MTOPIntentClassification.json", - "results/elastic__elser-v2/no_revision_available/STS13.json", - "results/elastic__elser-v2/no_revision_available/SummEval.json", - "results/elastic__elser-v2/no_revision_available/ClimateFEVER.json", - "results/elastic__elser-v2/no_revision_available/CQADupstackStatsRetrieval.json", - "results/elastic__elser-v2/no_revision_available/TwitterSemEval2015.json", - "results/elastic__elser-v2/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/elastic__elser-v2/no_revision_available/MedrxivClusteringP2P.json", - "results/elastic__elser-v2/no_revision_available/TwentyNewsgroupsClustering.json", - "results/elastic__elser-v2/no_revision_available/FEVER.json", - "results/elastic__elser-v2/no_revision_available/MSMARCO.json", - "results/elastic__elser-v2/no_revision_available/MTOPDomainClassification.json", - "results/elastic__elser-v2/no_revision_available/QuoraRetrieval.json", - "results/elastic__elser-v2/no_revision_available/STS12.json", - "results/elastic__elser-v2/no_revision_available/AmazonCounterfactualClassification.json", - "results/elastic__elser-v2/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/elastic__elser-v2/no_revision_available/StackExchangeClusteringP2P.json", - "results/elastic__elser-v2/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/elastic__elser-v2/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/elastic__elser-v2/no_revision_available/StackOverflowDupQuestions.json" - ], - "voyageai__voyage-3": [ - "results/voyageai__voyage-3/no_revision_available/SyntheticText2SQL.json", - "results/voyageai__voyage-3/no_revision_available/RuBQRetrieval.json", - "results/voyageai__voyage-3/no_revision_available/LEMBWikimQARetrieval.json", - "results/voyageai__voyage-3/no_revision_available/LegalSummarization.json", - "results/voyageai__voyage-3/no_revision_available/CodeFeedbackST.json", - "results/voyageai__voyage-3/no_revision_available/LEMBSummScreenFDRetrieval.json", - "results/voyageai__voyage-3/no_revision_available/BSARDRetrieval.json", - "results/voyageai__voyage-3/no_revision_available/LEMBNarrativeQARetrieval.json", - "results/voyageai__voyage-3/no_revision_available/CodeSearchNetCCRetrieval.json", - "results/voyageai__voyage-3/no_revision_available/CodeTransOceanContest.json", - "results/voyageai__voyage-3/no_revision_available/RiaNewsRetrieval.json", - "results/voyageai__voyage-3/no_revision_available/MIRACLRetrieval.json", - "results/voyageai__voyage-3/no_revision_available/MintakaRetrieval.json", - "results/voyageai__voyage-3/no_revision_available/CodeFeedbackMT.json", - "results/voyageai__voyage-3/no_revision_available/SyntecRetrieval.json", - "results/voyageai__voyage-3/no_revision_available/AppsRetrieval.json", - "results/voyageai__voyage-3/no_revision_available/LEMBQMSumRetrieval.json", - "results/voyageai__voyage-3/no_revision_available/AlloprofRetrieval.json", - "results/voyageai__voyage-3/no_revision_available/AILAStatutes.json", - "results/voyageai__voyage-3/no_revision_available/CodeSearchNetRetrieval.json", - "results/voyageai__voyage-3/no_revision_available/CodeTransOceanDL.json", - "results/voyageai__voyage-3/no_revision_available/LEMBPasskeyRetrieval.json", - "results/voyageai__voyage-3/no_revision_available/LEMBNeedleRetrieval.json", - "results/voyageai__voyage-3/no_revision_available/AILACasedocs.json", - "results/voyageai__voyage-3/no_revision_available/StackOverflowQA.json", - "results/voyageai__voyage-3/no_revision_available/GerDaLIRSmall.json", - "results/voyageai__voyage-3/no_revision_available/LegalBenchConsumerContractsQA.json", - "results/voyageai__voyage-3/no_revision_available/CosQA.json", - "results/voyageai__voyage-3/no_revision_available/LegalBenchCorporateLobbying.json", - "results/voyageai__voyage-3/no_revision_available/LeCaRDv2.json", - "results/voyageai__voyage-3/no_revision_available/LegalQuAD.json", - "results/voyageai__voyage-3/no_revision_available/XPQARetrieval.json" - ], - "nomic-ai__nomic-embed-text-v1.5-128": [ - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/MassiveIntentClassification.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/BiorxivClusteringP2P.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/EmotionClassification.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/CQADupstackGisRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/TweetSentimentExtractionClassification.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/SciFact.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/Banking77Classification.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/STS14.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/STSBenchmark.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/SciDocsRR.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/MindSmallReranking.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/CQADupstackRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/MedrxivClusteringS2S.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/SCIDOCS.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/Touche2020.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/STS16.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/CQADupstackTexRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/ImdbClassification.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/SprintDuplicateQuestions.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/ToxicConversationsClassification.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/MassiveScenarioClassification.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/STS17.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/CQADupstackUnixRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/AskUbuntuDupQuestions.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/HotpotQA.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/ArxivClusteringS2S.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/StackExchangeClustering.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/RedditClusteringP2P.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/NQ.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/RedditClustering.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/SICK-R.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/FiQA2018.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/BIOSSES.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/TRECCOVID.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/DBPedia.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/BiorxivClusteringS2S.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/ArguAna.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/ArxivClusteringP2P.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/TwitterURLCorpus.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/STS22.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/AmazonReviewsClassification.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/CQADupstackGamingRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/NFCorpus.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/STS15.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/AmazonPolarityClassification.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/MTOPIntentClassification.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/STS13.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/SummEval.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/ClimateFEVER.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/CQADupstackStatsRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/TwitterSemEval2015.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/MedrxivClusteringP2P.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/TwentyNewsgroupsClustering.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/FEVER.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/MSMARCO.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/MTOPDomainClassification.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/QuoraRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/STS12.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/AmazonCounterfactualClassification.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/StackExchangeClusteringP2P.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/StackOverflowDupQuestions.json" - ], - "deepvk__USER-bge-m3": [ - "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/RuBQRetrieval.json", - "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/MassiveIntentClassification.json", - "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/InappropriatenessClassification.json", - "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/RuReviewsClassification.json", - "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/SIB200ClusteringS2S.json", - "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/BelebeleRetrieval.json", - "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/RuSciBenchGRNTIClusteringP2P.json", - "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/LanguageClassification.json", - "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/MLSUMClusteringS2S.v2.json", - "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/TERRa.json", - "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/Tatoeba.json", - "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/RuSTSBenchmarkSTS.json", - "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/CyrillicTurkicLangClassification.json", - "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/RiaNewsRetrieval.json", - "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/MIRACLRetrieval.json", - "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/GeoreviewClassification.json", - "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/SensitiveTopicsClassification.json", - "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/KinopoiskClassification.json", - "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/RUParaPhraserSTS.json", - "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/MassiveScenarioClassification.json", - "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/RuSciBenchOECDClusteringP2P.json", - "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/MultilingualSentimentClassification.json", - "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/PublicHealthQA.json", - "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/FloresBitextMining.json", - "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/GPUSpeedTask.json", - "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/RuSciBenchGRNTIClassification.json", - "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/HeadlineClassification.json", - "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/XQuADRetrieval.json", - "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/BUCC.v2.json", - "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/MIRACLReranking.json", - "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/XNLI.json", - "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/XNLIV2.json", - "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/STS22.json", - "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/CEDRClassification.json", - "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/SIB200Classification.json", - "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/GeoreviewClusteringP2P.json", - "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/MLSUMClusteringP2P.v2.json", - "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/STS22.v2.json", - "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/RuBQReranking.json", - "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/NTREXBitextMining.json", - "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/OpusparcusPC.json", - "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/RuSciBenchOECDClassification.json", - "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/BibleNLPBitextMining.json", - "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/STSBenchmarkMultilingualSTS.json" - ], - "KBLab__sentence-bert-swedish-cased": [ - "results/KBLab__sentence-bert-swedish-cased/no_revision_available/MassiveIntentClassification.json", - "results/KBLab__sentence-bert-swedish-cased/no_revision_available/SweRecClassification.json", - "results/KBLab__sentence-bert-swedish-cased/no_revision_available/MassiveScenarioClassification.json", - "results/KBLab__sentence-bert-swedish-cased/no_revision_available/AngryTweetsClassification.json", - "results/KBLab__sentence-bert-swedish-cased/no_revision_available/NordicLangClassification.json", - "results/KBLab__sentence-bert-swedish-cased/no_revision_available/BornholmBitextMining.json", - "results/KBLab__sentence-bert-swedish-cased/no_revision_available/ScalaNbClassification.json", - "results/KBLab__sentence-bert-swedish-cased/no_revision_available/ScalaSvClassification.json", - "results/KBLab__sentence-bert-swedish-cased/no_revision_available/NorwegianParliament.json", - "results/KBLab__sentence-bert-swedish-cased/no_revision_available/NoRecClassification.json", - "results/KBLab__sentence-bert-swedish-cased/no_revision_available/DKHateClassification.json", - "results/KBLab__sentence-bert-swedish-cased/no_revision_available/ScalaDaClassification.json", - "results/KBLab__sentence-bert-swedish-cased/no_revision_available/DanishPoliticalCommentsClassification.json", - "results/KBLab__sentence-bert-swedish-cased/no_revision_available/LccSentimentClassification.json", - "results/KBLab__sentence-bert-swedish-cased/no_revision_available/DalajClassification.json" - ], - "GritLM__GritLM-7B": [ - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/HagridRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/BengaliDocumentClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/MLQuestions.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SyntheticText2SQL.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/NQ-PLHardNegatives.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/OPP115InternationalAndSpecificAudiencesLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/FrenkEnClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/WebLINXCandidatesReranking.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/Robust04InstructionRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/RuBQRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/StackExchangeClustering.v2.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/AlphaNLI.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/TweetSarcasmClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/WinoGrande.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/NusaParagraphEmotionClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/AlloProfClusteringP2P.v2.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/PSC.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/DBpediaClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CUADNonTransferableLicenseLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/ARCChallenge.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/IndicSentimentClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/NFCorpus-PL.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/MassiveIntentClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SinhalaNewsSourceClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/TextualismToolDictionariesLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/KurdishSentimentClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/InappropriatenessClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/RuReviewsClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CUADUnlimitedAllYouCanEatLicenseLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CUADVolumeRestrictionLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CUADExclusivityLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/ArmenianParaphrasePC.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/Itacola.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/ContractNLIPermissibleAcquirementOfSimilarInformationLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CUADSourceCodeEscrowLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/UkrFormalityClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SIB200ClusteringS2S.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/LEMBWikimQARetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/RedditClusteringP2P.v2.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/DanFeverRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/VGHierarchicalClusteringP2P.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/KLUE-STS.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CUADWarrantyDurationLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/DiaBlaBitextMining.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/LegalSummarization.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SpartQA.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/BlurbsClusteringP2P.v2.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CUADInsuranceLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/MSMARCOHardNegatives.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CTKFactsNLI.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CUADMostFavoredNationLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/TNews.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/DBPedia-PLHardNegatives.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CodeFeedbackST.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/TempReasonL1.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/EmotionClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/LEMBSummScreenFDRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CQADupstackGisRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/VieQuADRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/AfriSentiClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CUADCovenantNotToSueLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CUADPriceRestrictionsLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/OPP115DoNotTrackLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SCDDCertificationLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/FalseFriendsGermanEnglish.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CQADupstackEnglishRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/LearnedHandsTrafficLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CDSC-R.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CUADJointIPOwnershipLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/MedrxivClusteringP2P.v2.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SyntecReranking.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/RomanianReviewsSentiment.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/PAWSX.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/BSARDRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/TweetSentimentExtractionClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CUADGoverningLawLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/WikipediaRerankingMultilingual.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/HellaSwag.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/Diversity2LegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/BelebeleRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/IndicCrosslingualSTS.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/ArXivHierarchicalClusteringP2P.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/ContractNLIPermissibleDevelopmentOfSimilarInformationLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/FarsTail.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SwednClusteringP2P.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/OnlineShopping.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/LearnedHandsDomesticViolenceLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SlovakMovieReviewSentimentClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/LearnedHandsBenefitsLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/PolEmo2.0-OUT.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CUADNoSolicitOfEmployeesLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/News21InstructionRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/GermanGovServiceRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/LCQMC.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/EcomRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/NusaParagraphTopicClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/Moroco.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/GujaratiNewsClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/LEMBNarrativeQARetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/TurHistQuadRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/OralArgumentQuestionPurposeLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SciFact.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/RuSciBenchGRNTIClusteringP2P.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/LanguageClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/KannadaNewsClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/MalteseNewsClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/GreekLegalCodeClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/MLSUMClusteringS2S.v2.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CUADAuditRightsLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CodeSearchNetCCRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/LearnedHandsEstatesLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/Banking77Classification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CodeTransOceanContest.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/RTE3.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/NusaXBitextMining.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/MMarcoReranking.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/GeorgianFAQRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CUADAffiliateLicenseLicenseeLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/TurkicClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/NorQuadRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/TERRa.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/Tatoeba.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/RuSTSBenchmarkSTS.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CQADupstackProgrammersRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/ContractNLIInclusionOfVerballyConveyedInformationLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/HindiDiscourseClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/KorSarcasmClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/TurkishProductSentimentClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CUADAffiliateLicenseLicensorLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/IndicQARetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/LearnedHandsConsumerLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SNLHierarchicalClusteringS2S.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/KorHateClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/NaijaSenti.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CyrillicTurkicLangClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/FiQA-PL.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/STS14.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CUADTerminationForConvenienceLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/STSBenchmark.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/MAUDLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/AllegroReviews.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SiswatiNewsClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/LegalReasoningCausalityLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/InternationalCitizenshipQuestionsLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SpanishPassageRetrievalS2S.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/TempReasonL3Pure.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/ItaCaseholdClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/Diversity6LegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/MarathiNewsClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/DutchBookReviewSentimentClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/Ko-StrategyQA.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SciDocsRR.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SciFact-PL.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/ScalaClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/MIRACLRetrievalHardNegatives.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/LearnedHandsFamilyLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/TopiOCQAHardNegatives.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/MindSmallReranking.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/OPP115DataSecurityLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CzechSubjectivityClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/JaGovFaqsRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/Diversity5LegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SCIDOCS.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/ArXivHierarchicalClusteringS2S.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/BrightRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/RomaTalesBitextMining.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CSFDCZMovieReviewSentimentClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/NQHardNegatives.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/PIQA.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/MintakaRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/IndicReviewsClusteringP2P.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/Touche2020.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/TeluguAndhraJyotiNewsClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/ContractNLIPermissiblePostAgreementPossessionLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/STS16.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/NLPJournalAbsIntroRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/MedrxivClusteringS2S.v2.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/HotpotQA-PLHardNegatives.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/OPP115PolicyChangeLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CUADNonCompeteLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/OverrulingLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/UnfairTOSLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/KLUE-NLI.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SweRecClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/NLPJournalTitleAbsRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/DefinitionClassificationLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/PunjabiNewsClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/BiorxivClusteringS2S.v2.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CovidRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/GermanPoliticiansTwitterSentimentClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/TRECCOVID-PL.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/LearnedHandsImmigrationLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/GeoreviewClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/YueOpenriceReviewClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CodeFeedbackMT.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CanadaTaxCourtOutcomesLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CQADupstackTexRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/StatcanDialogueDatasetRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/BrazilianToxicTweetsClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/DBPediaHardNegatives.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/STSES.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/ContractNLIExplicitIdentificationLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/ContractNLISurvivalOfObligationsLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CUADLiquidatedDamagesLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/OPP115DataRetentionLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/JSICK.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/UCCVCommonLawLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SwednClusteringS2S.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/WRIMEClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/StackExchangeClusteringP2P.v2.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SCDDAuditsLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SICK-R-PL.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SpanishNewsClusteringP2P.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/ContractNLINoticeOnCompelledDisclosureLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SyntecRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/AppsRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CUADNoSolicitOfCustomersLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SensitiveTopicsClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/FaroeseSTS.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/ToxicChatClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/TswanaNewsClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CDSC-E.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/BQ.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/TwentyNewsgroupsClustering.v2.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/GermanSTSBenchmark.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/KinopoiskClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/Diversity4LegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/AFQMC.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/LEMBQMSumRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/PROALegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/TweetEmotionClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/OPP115UserAccessEditAndDeletionLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/FrenkHrClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/ImdbClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/FaithDial.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/MLQARetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/RUParaPhraserSTS.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SprintDuplicateQuestions.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/WikiClusteringP2P.v2.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/GermanDPR.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/AfriSentiLangClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/ArxivClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/ToxicConversationsClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/MassiveScenarioClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/AngryTweetsClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/T2Reranking.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/ArguAna-PL.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CUADExpirationDateLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/STS17.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/RuSciBenchOECDClusteringP2P.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/TenKGnadClusteringS2S.v2.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CBD.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/MasakhaNEWSClusteringP2P.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/PoemSentimentClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SummEvalSummarization.v2.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CQADupstackUnixRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/TweetTopicSingleClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/AskUbuntuDupQuestions.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/NusaTranslationBitextMining.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CQADupstackAndroidRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CUADAntiAssignmentLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/AJGT.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/FinToxicityClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/MSMARCO-PLHardNegatives.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/BulgarianStoreReviewSentimentClassfication.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/LearnedHandsTortsLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/AlloprofRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/Assin2RTE.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/MedicalQARetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CorporateLobbyingLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/HateSpeechPortugueseClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/PolEmo2.0-IN.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/TV2Nordretrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/PatentClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/RedditClustering.v2.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CUADRenewalTermLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/RonSTS.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/PlscClusteringS2S.v2.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/AlloprofReranking.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/ContractNLINoLicensingLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/LearnedHandsEducationLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/NusaX-senti.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CataloniaTweetClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/MultilingualSentimentClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/FloresBitextMining.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/IndonesianMongabayConservationClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/AILAStatutes.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/indonli.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/NordicLangClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/VideoRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/BigPatentClustering.v2.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SCDBPAccountabilityLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SCDBPCertificationLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/Quail.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CSFDSKMovieReviewSentimentClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/MovieReviewSentimentClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/BornholmBitextMining.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/WisesightSentimentClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SwahiliNewsClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/ATEC.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/ClimateFEVERHardNegatives.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/Waimai.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/NollySentiBitextMining.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/HebrewSentimentAnalysis.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/ContractNLISharingWithThirdPartiesLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/NLPJournalTitleIntroRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/PhincBitextMining.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/LearnedHandsDivorceLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/LearnedHandsCrimeLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SICK-R.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/FiQA2018.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/BIOSSES.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/QuoraRetrievalHardNegatives.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/HunSum2AbstractiveRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/VieStudentFeedbackClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/RuSciBenchGRNTIClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/TRECCOVID.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/ContractNLISharingWithEmployeesLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SNLRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/NorwegianParliamentClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CodeSearchNetRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CodeTransOceanDL.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SCDDAccountabilityLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/GreekCivicsQA.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SpanishSentimentClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/AlloProfClusteringS2S.v2.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/LearnedHandsHousingLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/LEMBPasskeyRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/OPP115FirstPartyCollectionUseLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CUADLicenseGrantLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/HeadlineClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/XQuADRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/TempReasonL3Context.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/HotpotQAHardNegatives.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SwissJudgementClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/BUCC.v2.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SCDDVerificationLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/JCrewBlockerLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/Quora-PLHardNegatives.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/FilipinoShopeeReviewsClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/TextualismToolPlainLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/PAC.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CUADPostTerminationServicesLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/KorSTS.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/ArguAna.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CUADEffectiveDateLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/LearnedHandsCourtsLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/NepaliNewsClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/TenKGnadClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/MasakhaNEWSClusteringS2S.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/MacedonianTweetSentimentClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/TelemarketingSalesRuleLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/GerDaLIR.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/NYSJudicialEthicsLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/IFlyTek.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/XMarket.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SICK-E-PL.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/WikipediaRetrievalMultilingual.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/XNLI.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/TbilisiCityHallBitextMining.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SweFaqRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/ContractNLIPermissibleCopyLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SCDDTrainingLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CLSClusteringP2P.v2.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SIQA.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SemRel24STS.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/NeuCLIR2023RetrievalHardNegatives.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SNLHierarchicalClusteringP2P.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/RiaNewsRetrievalHardNegatives.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/XNLIV2.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/Assin2STS.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/MultiEURLEXMultilabelClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/MultilingualSentiment.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CmedqaRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CUADNoticePeriodToTerminateRenewalLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/FrenkSlClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/LEMBNeedleRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/MalayalamNewsClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/BiorxivClusteringP2P.v2.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/TwitterURLCorpus.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/LivedoorNewsClustering.v2.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/TweetSentimentClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/FinancialPhrasebankClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/GermanQuAD-Retrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/FQuADRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/AmazonReviewsClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CrossLingualSemanticDiscriminationWMT19.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/ContractNLIReturnOfConfidentialInformationLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/JSTS.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CQADupstackGamingRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/AILACasedocs.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/RomaniBibleClustering.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SanskritShlokasClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/VieMedEVBitextMining.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CUADMinimumCommitmentLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/NFCorpus.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CrossLingualSemanticDiscriminationWMT21.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/STS15.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/MultiHateClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/MultiLongDocRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/OdiaNewsClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SwednRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/EstQA.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/VoyageMMarcoReranking.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CEDRClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/AmazonPolarityClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/NorwegianCourtsBitextMining.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/StackOverflowQA.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/JDReview.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CUADChangeOfControlLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/RARbMath.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SCIDOCS-PL.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/OPP115UserChoiceControlLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/MTOPIntentClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/InsurancePolicyInterpretationLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/EightTagsClustering.v2.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/KLUE-TC.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/NoRecClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/TempReasonL2Fact.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/STS13.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/PpcPC.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/NarrativeQARetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/FEVERHardNegatives.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/TempReasonL2Pure.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CMedQAv1-reranking.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CUADRevenueProfitSharingLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/IndicGenBenchFloresBitextMining.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SRNCorpusBitextMining.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/MedicalRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/HotelReviewSentimentClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/ContractNLIConfidentialityOfAgreementLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SummEval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/PlscClusteringP2P.v2.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/MyanmarNews.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/ThuNewsClusteringP2P.v2.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/GerDaLIRSmall.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/LegalBenchConsumerContractsQA.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/IN22ConvBitextMining.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SentimentAnalysisHindi.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SIB200Classification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/LearnedHandsEmploymentLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CUADIrrevocableOrPerpetualLicenseLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/ThuNewsClusteringS2S.v2.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/IN22GenBitextMining.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CosQA.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/MasakhaNEWSClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CQADupstackStatsRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/TenKGnadClusteringP2P.v2.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/LinceMTBitextMining.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/NewsClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CUADCapOnLiabilityLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CUADNonDisparagementLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/LegalBenchCorporateLobbying.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/T2Retrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/JavaneseIMDBClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/ContractNLILimitedUseLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/GeoreviewClusteringP2P.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/BengaliHateSpeechClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/TempReasonL2Context.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/ArEntail.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/HALClusteringS2S.v2.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CUADThirdPartyBeneficiaryLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/TamilNewsClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/RestaurantReviewSentimentClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/KorHateSpeechMLClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/FeedbackQARetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/TwitterSemEval2015.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SICK-BR-PC.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/PersonalJurisdictionLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CzechProductReviewSentimentClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CzechSoMeSentimentClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SwedishSentimentClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/IWSLT2017BitextMining.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/TempReasonL3Fact.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SCDBPAuditsLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/BlurbsClusteringS2S.v2.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/FunctionOfDecisionSectionLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/LeCaRDv2.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CUADCompetitiveRestrictionExceptionLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CQADupstackWebmastersRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/MLSUMClusteringP2P.v2.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/STS22.v2.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/RuBQReranking.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/NTREXBitextMining.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/MMarcoRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/TwitterHjerneRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/IsiZuluNewsClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/IndicLangClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/NeuCLIR2022RetrievalHardNegatives.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/PersianFoodSentimentClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/LearnedHandsBusinessLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/LearnedHandsHealthLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/WikiCitiesClustering.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/RARbCode.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/OpusparcusPC.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CodeEditSearchRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SpanishNewsClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/UrduRomanSentimentClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/LegalQuAD.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/EstonianValenceClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/DuRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/RuSciBenchOECDClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/DanishPoliticalCommentsClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/MTOPDomainClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/YelpReviewFullClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CMedQAv2-reranking.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SICKFr.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/BengaliSentimentAnalysis.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/STS12.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/AmazonCounterfactualClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/FinParaSTS.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CQADupstackMathematicaRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CUADIPOwnershipAssignmentLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SCDBPTrainingLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/MewsC16JaClustering.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/TurkishMovieSentimentClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/PawsXPairClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/OPP115ThirdPartySharingCollectionLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/LccSentimentClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/STSB.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CUADRofrRofoRofnLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/Core17InstructionRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CQADupstackPhysicsRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/DalajClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CQADupstackWordpressRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CLSClusteringS2S.v2.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/BibleNLPBitextMining.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/JaQuADRetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/Diversity3LegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/XPQARetrieval.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/STSBenchmarkMultilingualSTS.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SCDBPVerificationLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/OnlineStoreReviewSentimentClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/SinhalaNewsClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/IndonesianIdClickbaitClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/VGHierarchicalClusteringS2S.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/CUADUncappedLiabilityLegalBenchClassification.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/StackOverflowDupQuestions.json", - "results/GritLM__GritLM-7B/13f00a0e36500c80ce12870ea513846a066004af/Diversity1LegalBenchClassification.json" - ], - "dangvantuan__sentence-camembert-large": [ - "results/dangvantuan__sentence-camembert-large/no_revision_available/MassiveIntentClassification.json", - "results/dangvantuan__sentence-camembert-large/no_revision_available/MLSUMClusteringP2P.json", - "results/dangvantuan__sentence-camembert-large/no_revision_available/AlloProfClusteringS2S.json", - "results/dangvantuan__sentence-camembert-large/no_revision_available/SyntecReranking.json", - "results/dangvantuan__sentence-camembert-large/no_revision_available/BSARDRetrieval.json", - "results/dangvantuan__sentence-camembert-large/no_revision_available/DiaBLaBitextMining.json", - "results/dangvantuan__sentence-camembert-large/no_revision_available/MintakaRetrieval.json", - "results/dangvantuan__sentence-camembert-large/no_revision_available/SyntecRetrieval.json", - "results/dangvantuan__sentence-camembert-large/no_revision_available/MLSUMClusteringS2S.json", - "results/dangvantuan__sentence-camembert-large/no_revision_available/MassiveScenarioClassification.json", - "results/dangvantuan__sentence-camembert-large/no_revision_available/MasakhaNEWSClusteringP2P.json", - "results/dangvantuan__sentence-camembert-large/no_revision_available/AlloprofRetrieval.json", - "results/dangvantuan__sentence-camembert-large/no_revision_available/AlloprofReranking.json", - "results/dangvantuan__sentence-camembert-large/no_revision_available/FloresBitextMining.json", - "results/dangvantuan__sentence-camembert-large/no_revision_available/SummEvalFr.json", - "results/dangvantuan__sentence-camembert-large/no_revision_available/AlloProfClusteringP2P.json", - "results/dangvantuan__sentence-camembert-large/no_revision_available/MasakhaNEWSClusteringS2S.json", - "results/dangvantuan__sentence-camembert-large/no_revision_available/STS22.json", - "results/dangvantuan__sentence-camembert-large/no_revision_available/AmazonReviewsClassification.json", - "results/dangvantuan__sentence-camembert-large/no_revision_available/MTOPIntentClassification.json", - "results/dangvantuan__sentence-camembert-large/no_revision_available/HALClusteringS2S.json", - "results/dangvantuan__sentence-camembert-large/no_revision_available/MasakhaNEWSClassification.json", - "results/dangvantuan__sentence-camembert-large/no_revision_available/OpusparcusPC.json", - "results/dangvantuan__sentence-camembert-large/no_revision_available/MTOPDomainClassification.json", - "results/dangvantuan__sentence-camembert-large/no_revision_available/SICKFr.json", - "results/dangvantuan__sentence-camembert-large/no_revision_available/PawsXPairClassification.json", - "results/dangvantuan__sentence-camembert-large/no_revision_available/XPQARetrieval.json", - "results/dangvantuan__sentence-camembert-large/no_revision_available/STSBenchmarkMultilingualSTS.json" - ], - "shibing624__text2vec-base-multilingual": [ - "results/shibing624__text2vec-base-multilingual/no_revision_available/MassiveIntentClassification.json", - "results/shibing624__text2vec-base-multilingual/no_revision_available/MLSUMClusteringP2P.json", - "results/shibing624__text2vec-base-multilingual/no_revision_available/AlloProfClusteringS2S.json", - "results/shibing624__text2vec-base-multilingual/no_revision_available/SyntecReranking.json", - "results/shibing624__text2vec-base-multilingual/no_revision_available/BSARDRetrieval.json", - "results/shibing624__text2vec-base-multilingual/no_revision_available/DiaBLaBitextMining.json", - "results/shibing624__text2vec-base-multilingual/no_revision_available/MintakaRetrieval.json", - "results/shibing624__text2vec-base-multilingual/no_revision_available/SyntecRetrieval.json", - "results/shibing624__text2vec-base-multilingual/no_revision_available/MLSUMClusteringS2S.json", - "results/shibing624__text2vec-base-multilingual/no_revision_available/MassiveScenarioClassification.json", - "results/shibing624__text2vec-base-multilingual/no_revision_available/MasakhaNEWSClusteringP2P.json", - "results/shibing624__text2vec-base-multilingual/no_revision_available/AlloprofRetrieval.json", - "results/shibing624__text2vec-base-multilingual/no_revision_available/AlloprofReranking.json", - "results/shibing624__text2vec-base-multilingual/no_revision_available/FloresBitextMining.json", - "results/shibing624__text2vec-base-multilingual/no_revision_available/SummEvalFr.json", - "results/shibing624__text2vec-base-multilingual/no_revision_available/AlloProfClusteringP2P.json", - "results/shibing624__text2vec-base-multilingual/no_revision_available/MasakhaNEWSClusteringS2S.json", - "results/shibing624__text2vec-base-multilingual/no_revision_available/STS22.json", - "results/shibing624__text2vec-base-multilingual/no_revision_available/AmazonReviewsClassification.json", - "results/shibing624__text2vec-base-multilingual/no_revision_available/MTOPIntentClassification.json", - "results/shibing624__text2vec-base-multilingual/no_revision_available/HALClusteringS2S.json", - "results/shibing624__text2vec-base-multilingual/no_revision_available/MasakhaNEWSClassification.json", - "results/shibing624__text2vec-base-multilingual/no_revision_available/OpusparcusPC.json", - "results/shibing624__text2vec-base-multilingual/no_revision_available/MTOPDomainClassification.json", - "results/shibing624__text2vec-base-multilingual/no_revision_available/SICKFr.json", - "results/shibing624__text2vec-base-multilingual/no_revision_available/PawsXPairClassification.json", - "results/shibing624__text2vec-base-multilingual/no_revision_available/XPQARetrieval.json", - "results/shibing624__text2vec-base-multilingual/no_revision_available/STSBenchmarkMultilingualSTS.json" - ], - "BAAI__bge-large-en-v1.5-instruct": [ - "results/BAAI__bge-large-en-v1.5-instruct/d4aa6901d3a41ba39fb536a557fa166f842b0e09/AlphaNLI.json", - "results/BAAI__bge-large-en-v1.5-instruct/d4aa6901d3a41ba39fb536a557fa166f842b0e09/WinoGrande.json", - "results/BAAI__bge-large-en-v1.5-instruct/d4aa6901d3a41ba39fb536a557fa166f842b0e09/ARCChallenge.json", - "results/BAAI__bge-large-en-v1.5-instruct/d4aa6901d3a41ba39fb536a557fa166f842b0e09/SpartQA.json", - "results/BAAI__bge-large-en-v1.5-instruct/d4aa6901d3a41ba39fb536a557fa166f842b0e09/TempReasonL1.json", - "results/BAAI__bge-large-en-v1.5-instruct/d4aa6901d3a41ba39fb536a557fa166f842b0e09/HellaSwag.json", - "results/BAAI__bge-large-en-v1.5-instruct/d4aa6901d3a41ba39fb536a557fa166f842b0e09/TempReasonL3Pure.json", - "results/BAAI__bge-large-en-v1.5-instruct/d4aa6901d3a41ba39fb536a557fa166f842b0e09/PIQA.json", - "results/BAAI__bge-large-en-v1.5-instruct/d4aa6901d3a41ba39fb536a557fa166f842b0e09/Quail.json", - "results/BAAI__bge-large-en-v1.5-instruct/d4aa6901d3a41ba39fb536a557fa166f842b0e09/SIQA.json", - "results/BAAI__bge-large-en-v1.5-instruct/d4aa6901d3a41ba39fb536a557fa166f842b0e09/RARbMath.json", - "results/BAAI__bge-large-en-v1.5-instruct/d4aa6901d3a41ba39fb536a557fa166f842b0e09/TempReasonL2Fact.json", - "results/BAAI__bge-large-en-v1.5-instruct/d4aa6901d3a41ba39fb536a557fa166f842b0e09/TempReasonL2Pure.json", - "results/BAAI__bge-large-en-v1.5-instruct/d4aa6901d3a41ba39fb536a557fa166f842b0e09/TempReasonL3Fact.json", - "results/BAAI__bge-large-en-v1.5-instruct/d4aa6901d3a41ba39fb536a557fa166f842b0e09/RARbCode.json" - ], - "Cohere__Cohere-embed-multilingual-light-v3.0": [ - "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/MassiveIntentClassification.json", - "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/MLSUMClusteringP2P.json", - "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/AlloProfClusteringS2S.json", - "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/SyntecReranking.json", - "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/BSARDRetrieval.json", - "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/DiaBLaBitextMining.json", - "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/MintakaRetrieval.json", - "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/SyntecRetrieval.json", - "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/MLSUMClusteringS2S.json", - "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/MassiveScenarioClassification.json", - "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/MasakhaNEWSClusteringP2P.json", - "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/AlloprofRetrieval.json", - "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/AlloprofReranking.json", - "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/FloresBitextMining.json", - "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/SummEvalFr.json", - "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/AlloProfClusteringP2P.json", - "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/MasakhaNEWSClusteringS2S.json", - "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/STS22.json", - "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/AmazonReviewsClassification.json", - "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/MTOPIntentClassification.json", - "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/HALClusteringS2S.json", - "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/MasakhaNEWSClassification.json", - "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/OpusparcusPC.json", - "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/MTOPDomainClassification.json", - "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/SICKFr.json", - "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/PawsXPairClassification.json", - "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/XPQARetrieval.json", - "results/Cohere__Cohere-embed-multilingual-light-v3.0/no_revision_available/STSBenchmarkMultilingualSTS.json" - ], - "flaubert__flaubert_base_uncased": [ - "results/flaubert__flaubert_base_uncased/no_revision_available/MassiveIntentClassification.json", - "results/flaubert__flaubert_base_uncased/no_revision_available/MLSUMClusteringP2P.json", - "results/flaubert__flaubert_base_uncased/no_revision_available/AlloProfClusteringS2S.json", - "results/flaubert__flaubert_base_uncased/no_revision_available/SyntecReranking.json", - "results/flaubert__flaubert_base_uncased/no_revision_available/BSARDRetrieval.json", - "results/flaubert__flaubert_base_uncased/no_revision_available/DiaBLaBitextMining.json", - "results/flaubert__flaubert_base_uncased/no_revision_available/MintakaRetrieval.json", - "results/flaubert__flaubert_base_uncased/no_revision_available/SyntecRetrieval.json", - "results/flaubert__flaubert_base_uncased/no_revision_available/MLSUMClusteringS2S.json", - "results/flaubert__flaubert_base_uncased/no_revision_available/MassiveScenarioClassification.json", - "results/flaubert__flaubert_base_uncased/no_revision_available/MasakhaNEWSClusteringP2P.json", - "results/flaubert__flaubert_base_uncased/no_revision_available/AlloprofRetrieval.json", - "results/flaubert__flaubert_base_uncased/no_revision_available/AlloprofReranking.json", - "results/flaubert__flaubert_base_uncased/no_revision_available/FloresBitextMining.json", - "results/flaubert__flaubert_base_uncased/no_revision_available/SummEvalFr.json", - "results/flaubert__flaubert_base_uncased/no_revision_available/AlloProfClusteringP2P.json", - "results/flaubert__flaubert_base_uncased/no_revision_available/MasakhaNEWSClusteringS2S.json", - "results/flaubert__flaubert_base_uncased/no_revision_available/STS22.json", - "results/flaubert__flaubert_base_uncased/no_revision_available/AmazonReviewsClassification.json", - "results/flaubert__flaubert_base_uncased/no_revision_available/MTOPIntentClassification.json", - "results/flaubert__flaubert_base_uncased/no_revision_available/HALClusteringS2S.json", - "results/flaubert__flaubert_base_uncased/no_revision_available/MasakhaNEWSClassification.json", - "results/flaubert__flaubert_base_uncased/no_revision_available/OpusparcusPC.json", - "results/flaubert__flaubert_base_uncased/no_revision_available/MTOPDomainClassification.json", - "results/flaubert__flaubert_base_uncased/no_revision_available/SICKFr.json", - "results/flaubert__flaubert_base_uncased/no_revision_available/PawsXPairClassification.json", - "results/flaubert__flaubert_base_uncased/no_revision_available/XPQARetrieval.json", - "results/flaubert__flaubert_base_uncased/no_revision_available/STSBenchmarkMultilingualSTS.json" - ], - "castorini__monot5-base-msmarco-10k": [ - "results/castorini__monot5-base-msmarco-10k/no_revision_available/Robust04InstructionRetrieval.json", - "results/castorini__monot5-base-msmarco-10k/no_revision_available/News21InstructionRetrieval.json", - "results/castorini__monot5-base-msmarco-10k/no_revision_available/Core17InstructionRetrieval.json" - ], - "voyageai__voyage-large-2-instruct": [ - "results/voyageai__voyage-large-2-instruct/no_revision_available/MassiveIntentClassification.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/BiorxivClusteringP2P.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/EmotionClassification.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/CQADupstackGisRetrieval.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/TweetSentimentExtractionClassification.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/SciFact.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/Banking77Classification.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/STS14.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/STSBenchmark.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/SciDocsRR.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/MindSmallReranking.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/CQADupstackRetrieval.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/MedrxivClusteringS2S.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/SCIDOCS.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/BrightRetrieval.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/Touche2020.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/STS16.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/CQADupstackTexRetrieval.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/ImdbClassification.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/SprintDuplicateQuestions.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/ToxicConversationsClassification.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/MassiveScenarioClassification.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/STS17.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/CQADupstackUnixRetrieval.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/AskUbuntuDupQuestions.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/HotpotQA.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/ArxivClusteringS2S.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/StackExchangeClustering.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/RedditClusteringP2P.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/NQ.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/RedditClustering.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/SICK-R.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/FiQA2018.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/BIOSSES.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/TRECCOVID.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/DBPedia.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/BiorxivClusteringS2S.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/ArguAna.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/ArxivClusteringP2P.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/TwitterURLCorpus.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/STS22.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/AmazonReviewsClassification.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/CQADupstackGamingRetrieval.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/NFCorpus.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/STS15.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/AmazonPolarityClassification.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/MTOPIntentClassification.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/STS13.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/SummEval.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/ClimateFEVER.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/CQADupstackStatsRetrieval.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/TwitterSemEval2015.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/MedrxivClusteringP2P.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/TwentyNewsgroupsClustering.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/FEVER.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/MSMARCO.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/MTOPDomainClassification.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/QuoraRetrieval.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/STS12.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/AmazonCounterfactualClassification.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/StackExchangeClusteringP2P.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/voyageai__voyage-large-2-instruct/no_revision_available/StackOverflowDupQuestions.json", - "results/voyageai__voyage-large-2-instruct/1/CorporateLobbyingLegalBenchClassification.json", - "results/voyageai__voyage-large-2-instruct/1/BIOSSES.json", - "results/voyageai__voyage-large-2-instruct/1/STS12.json" - ], - "BAAI__bge-large-zh-noinstruct": [ - "results/BAAI__bge-large-zh-noinstruct/no_revision_available/CMedQAv1.json", - "results/BAAI__bge-large-zh-noinstruct/no_revision_available/MassiveIntentClassification.json", - "results/BAAI__bge-large-zh-noinstruct/no_revision_available/TNews.json", - "results/BAAI__bge-large-zh-noinstruct/no_revision_available/PAWSX.json", - "results/BAAI__bge-large-zh-noinstruct/no_revision_available/OnlineShopping.json", - "results/BAAI__bge-large-zh-noinstruct/no_revision_available/LCQMC.json", - "results/BAAI__bge-large-zh-noinstruct/no_revision_available/EcomRetrieval.json", - "results/BAAI__bge-large-zh-noinstruct/no_revision_available/MMarcoReranking.json", - "results/BAAI__bge-large-zh-noinstruct/no_revision_available/CovidRetrieval.json", - "results/BAAI__bge-large-zh-noinstruct/no_revision_available/CLSClusteringP2P.json", - "results/BAAI__bge-large-zh-noinstruct/no_revision_available/BQ.json", - "results/BAAI__bge-large-zh-noinstruct/no_revision_available/AFQMC.json", - "results/BAAI__bge-large-zh-noinstruct/no_revision_available/CLSClusteringS2S.json", - "results/BAAI__bge-large-zh-noinstruct/no_revision_available/Cmnli.json", - "results/BAAI__bge-large-zh-noinstruct/no_revision_available/MassiveScenarioClassification.json", - "results/BAAI__bge-large-zh-noinstruct/no_revision_available/T2Reranking.json", - "results/BAAI__bge-large-zh-noinstruct/no_revision_available/ThuNewsClusteringP2P.json", - "results/BAAI__bge-large-zh-noinstruct/no_revision_available/VideoRetrieval.json", - "results/BAAI__bge-large-zh-noinstruct/no_revision_available/Ocnli.json", - "results/BAAI__bge-large-zh-noinstruct/no_revision_available/ATEC.json", - "results/BAAI__bge-large-zh-noinstruct/no_revision_available/Waimai.json", - "results/BAAI__bge-large-zh-noinstruct/no_revision_available/ThuNewsClusteringS2S.json", - "results/BAAI__bge-large-zh-noinstruct/no_revision_available/IFlyTek.json", - "results/BAAI__bge-large-zh-noinstruct/no_revision_available/MultilingualSentiment.json", - "results/BAAI__bge-large-zh-noinstruct/no_revision_available/CmedqaRetrieval.json", - "results/BAAI__bge-large-zh-noinstruct/no_revision_available/STS22.json", - "results/BAAI__bge-large-zh-noinstruct/no_revision_available/AmazonReviewsClassification.json", - "results/BAAI__bge-large-zh-noinstruct/no_revision_available/JDReview.json", - "results/BAAI__bge-large-zh-noinstruct/no_revision_available/MedicalRetrieval.json", - "results/BAAI__bge-large-zh-noinstruct/no_revision_available/T2Retrieval.json", - "results/BAAI__bge-large-zh-noinstruct/no_revision_available/QBQTC.json", - "results/BAAI__bge-large-zh-noinstruct/no_revision_available/MMarcoRetrieval.json", - "results/BAAI__bge-large-zh-noinstruct/no_revision_available/DuRetrieval.json", - "results/BAAI__bge-large-zh-noinstruct/no_revision_available/CMedQAv2.json", - "results/BAAI__bge-large-zh-noinstruct/no_revision_available/STSB.json" - ], - "intfloat__e5-mistral-7b-instruct-noinstruct": [ - "results/intfloat__e5-mistral-7b-instruct-noinstruct/07163b72af1488142a360786df853f237b1a3ca1/AlphaNLI.json", - "results/intfloat__e5-mistral-7b-instruct-noinstruct/07163b72af1488142a360786df853f237b1a3ca1/WinoGrande.json", - "results/intfloat__e5-mistral-7b-instruct-noinstruct/07163b72af1488142a360786df853f237b1a3ca1/ARCChallenge.json", - "results/intfloat__e5-mistral-7b-instruct-noinstruct/07163b72af1488142a360786df853f237b1a3ca1/SpartQA.json", - "results/intfloat__e5-mistral-7b-instruct-noinstruct/07163b72af1488142a360786df853f237b1a3ca1/TempReasonL1.json", - "results/intfloat__e5-mistral-7b-instruct-noinstruct/07163b72af1488142a360786df853f237b1a3ca1/HellaSwag.json", - "results/intfloat__e5-mistral-7b-instruct-noinstruct/07163b72af1488142a360786df853f237b1a3ca1/TempReasonL3Pure.json", - "results/intfloat__e5-mistral-7b-instruct-noinstruct/07163b72af1488142a360786df853f237b1a3ca1/PIQA.json", - "results/intfloat__e5-mistral-7b-instruct-noinstruct/07163b72af1488142a360786df853f237b1a3ca1/Quail.json", - "results/intfloat__e5-mistral-7b-instruct-noinstruct/07163b72af1488142a360786df853f237b1a3ca1/SIQA.json", - "results/intfloat__e5-mistral-7b-instruct-noinstruct/07163b72af1488142a360786df853f237b1a3ca1/RARbMath.json", - "results/intfloat__e5-mistral-7b-instruct-noinstruct/07163b72af1488142a360786df853f237b1a3ca1/TempReasonL2Fact.json", - "results/intfloat__e5-mistral-7b-instruct-noinstruct/07163b72af1488142a360786df853f237b1a3ca1/TempReasonL2Pure.json", - "results/intfloat__e5-mistral-7b-instruct-noinstruct/07163b72af1488142a360786df853f237b1a3ca1/TempReasonL3Fact.json", - "results/intfloat__e5-mistral-7b-instruct-noinstruct/07163b72af1488142a360786df853f237b1a3ca1/RARbCode.json" - ], - "Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que": [ - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/MassiveIntentClassification.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/BiorxivClusteringP2P.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/EmotionClassification.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/CQADupstackGisRetrieval.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/TweetSentimentExtractionClassification.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/SciFact.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/Banking77Classification.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/STS14.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/STSBenchmark.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/SciDocsRR.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/MindSmallReranking.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/CQADupstackRetrieval.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/MedrxivClusteringS2S.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/SCIDOCS.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/Touche2020.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/STS16.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/CQADupstackTexRetrieval.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/ImdbClassification.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/SprintDuplicateQuestions.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/ToxicConversationsClassification.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/MassiveScenarioClassification.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/STS17.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/CQADupstackUnixRetrieval.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/AskUbuntuDupQuestions.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/HotpotQA.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/ArxivClusteringS2S.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/StackExchangeClustering.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/RedditClusteringP2P.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/NQ.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/RedditClustering.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/SICK-R.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/FiQA2018.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/BIOSSES.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/TRECCOVID.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/DBPedia.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/BiorxivClusteringS2S.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/ArguAna.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/ArxivClusteringP2P.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/TwitterURLCorpus.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/STS22.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/AmazonReviewsClassification.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/CQADupstackGamingRetrieval.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/NFCorpus.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/STS15.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/AmazonPolarityClassification.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/MTOPIntentClassification.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/STS13.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/SummEval.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/ClimateFEVER.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/CQADupstackStatsRetrieval.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/TwitterSemEval2015.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/MedrxivClusteringP2P.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/TwentyNewsgroupsClustering.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/FEVER.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/MSMARCO.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/MTOPDomainClassification.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/QuoraRetrieval.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/STS12.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/AmazonCounterfactualClassification.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/StackExchangeClusteringP2P.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/StackOverflowDupQuestions.json" - ], - "almanach__camembert-base": [ - "results/almanach__camembert-base/no_revision_available/MassiveIntentClassification.json", - "results/almanach__camembert-base/no_revision_available/MLSUMClusteringP2P.json", - "results/almanach__camembert-base/no_revision_available/AlloProfClusteringS2S.json", - "results/almanach__camembert-base/no_revision_available/SyntecReranking.json", - "results/almanach__camembert-base/no_revision_available/BSARDRetrieval.json", - "results/almanach__camembert-base/no_revision_available/DiaBLaBitextMining.json", - "results/almanach__camembert-base/no_revision_available/MintakaRetrieval.json", - "results/almanach__camembert-base/no_revision_available/SyntecRetrieval.json", - "results/almanach__camembert-base/no_revision_available/MLSUMClusteringS2S.json", - "results/almanach__camembert-base/no_revision_available/MassiveScenarioClassification.json", - "results/almanach__camembert-base/no_revision_available/MasakhaNEWSClusteringP2P.json", - "results/almanach__camembert-base/no_revision_available/AlloprofRetrieval.json", - "results/almanach__camembert-base/no_revision_available/AlloprofReranking.json", - "results/almanach__camembert-base/no_revision_available/FloresBitextMining.json", - "results/almanach__camembert-base/no_revision_available/SummEvalFr.json", - "results/almanach__camembert-base/no_revision_available/AlloProfClusteringP2P.json", - "results/almanach__camembert-base/no_revision_available/MasakhaNEWSClusteringS2S.json", - "results/almanach__camembert-base/no_revision_available/STS22.json", - "results/almanach__camembert-base/no_revision_available/AmazonReviewsClassification.json", - "results/almanach__camembert-base/no_revision_available/MTOPIntentClassification.json", - "results/almanach__camembert-base/no_revision_available/HALClusteringS2S.json", - "results/almanach__camembert-base/no_revision_available/MasakhaNEWSClassification.json", - "results/almanach__camembert-base/no_revision_available/OpusparcusPC.json", - "results/almanach__camembert-base/no_revision_available/MTOPDomainClassification.json", - "results/almanach__camembert-base/no_revision_available/SICKFr.json", - "results/almanach__camembert-base/no_revision_available/PawsXPairClassification.json", - "results/almanach__camembert-base/no_revision_available/XPQARetrieval.json", - "results/almanach__camembert-base/no_revision_available/STSBenchmarkMultilingualSTS.json" - ], - "McGill-NLP__LLM2Vec-Sheared-Llama-supervised": [ - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/MassiveIntentClassification.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/BiorxivClusteringP2P.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/EmotionClassification.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/CQADupstackGisRetrieval.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/TweetSentimentExtractionClassification.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/SciFact.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/Banking77Classification.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/STS14.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/STSBenchmark.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/SciDocsRR.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/MindSmallReranking.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/CQADupstackRetrieval.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/MedrxivClusteringS2S.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/SCIDOCS.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/Touche2020.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/STS16.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/CQADupstackTexRetrieval.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/ImdbClassification.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/SprintDuplicateQuestions.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/ToxicConversationsClassification.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/MassiveScenarioClassification.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/STS17.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/CQADupstackUnixRetrieval.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/AskUbuntuDupQuestions.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/HotpotQA.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/ArxivClusteringS2S.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/StackExchangeClustering.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/RedditClusteringP2P.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/NQ.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/RedditClustering.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/SICK-R.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/FiQA2018.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/BIOSSES.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/TRECCOVID.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/DBPedia.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/BiorxivClusteringS2S.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/ArguAna.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/ArxivClusteringP2P.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/TwitterURLCorpus.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/STS22.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/AmazonReviewsClassification.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/CQADupstackGamingRetrieval.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/NFCorpus.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/STS15.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/AmazonPolarityClassification.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/MTOPIntentClassification.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/STS13.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/SummEval.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/ClimateFEVER.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/CQADupstackStatsRetrieval.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/TwitterSemEval2015.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/MedrxivClusteringP2P.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/TwentyNewsgroupsClustering.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/FEVER.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/MSMARCO.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/MTOPDomainClassification.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/QuoraRetrieval.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/STS12.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/AmazonCounterfactualClassification.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/StackExchangeClusteringP2P.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/StackOverflowDupQuestions.json" - ], - "sentence-transformers__sentence-t5-xl": [ - "results/sentence-transformers__sentence-t5-xl/no_revision_available/MassiveIntentClassification.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/MLSUMClusteringP2P.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/AlloProfClusteringS2S.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/BiorxivClusteringP2P.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/EmotionClassification.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/CQADupstackGisRetrieval.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/SyntecReranking.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/BSARDRetrieval.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/TweetSentimentExtractionClassification.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/SciFact.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/Banking77Classification.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/Tatoeba.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/STS14.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/STSBenchmark.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/DiaBLaBitextMining.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/SciDocsRR.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/MindSmallReranking.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/CQADupstackRetrieval.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/MedrxivClusteringS2S.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/SCIDOCS.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/MintakaRetrieval.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/Touche2020.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/STS16.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/CQADupstackTexRetrieval.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/SyntecRetrieval.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/ImdbClassification.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/SprintDuplicateQuestions.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/MLSUMClusteringS2S.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/ToxicConversationsClassification.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/MassiveScenarioClassification.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/STS17.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/MasakhaNEWSClusteringP2P.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/CQADupstackUnixRetrieval.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/AskUbuntuDupQuestions.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/HotpotQA.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/ArxivClusteringS2S.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/StackExchangeClustering.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/RedditClusteringP2P.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/AlloprofRetrieval.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/AlloprofReranking.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/FloresBitextMining.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/NQ.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/RedditClustering.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/SICK-R.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/FiQA2018.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/SummEvalFr.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/BIOSSES.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/TRECCOVID.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/DBPedia.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/BiorxivClusteringS2S.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/AlloProfClusteringP2P.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/ArguAna.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/MasakhaNEWSClusteringS2S.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/BUCC.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/ArxivClusteringP2P.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/TwitterURLCorpus.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/STS22.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/AmazonReviewsClassification.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/CQADupstackGamingRetrieval.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/NFCorpus.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/STS15.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/AmazonPolarityClassification.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/MTOPIntentClassification.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/HALClusteringS2S.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/STS13.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/SummEval.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/ClimateFEVER.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/MasakhaNEWSClassification.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/CQADupstackStatsRetrieval.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/TwitterSemEval2015.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/MedrxivClusteringP2P.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/TwentyNewsgroupsClustering.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/FEVER.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/OpusparcusPC.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/MSMARCO.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/MTOPDomainClassification.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/QuoraRetrieval.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/SICKFr.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/STS12.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/AmazonCounterfactualClassification.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/PawsXPairClassification.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/StackExchangeClusteringP2P.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/XPQARetrieval.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/STSBenchmarkMultilingualSTS.json", - "results/sentence-transformers__sentence-t5-xl/no_revision_available/StackOverflowDupQuestions.json" - ], - "facebookresearch__dragon-plus": [ - "results/facebookresearch__dragon-plus/no_revision_available/AlphaNLI.json", - "results/facebookresearch__dragon-plus/no_revision_available/WinoGrande.json", - "results/facebookresearch__dragon-plus/no_revision_available/ARCChallenge.json", - "results/facebookresearch__dragon-plus/no_revision_available/SpartQA.json", - "results/facebookresearch__dragon-plus/no_revision_available/TempReasonL1.json", - "results/facebookresearch__dragon-plus/no_revision_available/HellaSwag.json", - "results/facebookresearch__dragon-plus/no_revision_available/TempReasonL3Pure.json", - "results/facebookresearch__dragon-plus/no_revision_available/PIQA.json", - "results/facebookresearch__dragon-plus/no_revision_available/Quail.json", - "results/facebookresearch__dragon-plus/no_revision_available/SIQA.json", - "results/facebookresearch__dragon-plus/no_revision_available/RARbMath.json", - "results/facebookresearch__dragon-plus/no_revision_available/TempReasonL2Fact.json", - "results/facebookresearch__dragon-plus/no_revision_available/TempReasonL2Pure.json", - "results/facebookresearch__dragon-plus/no_revision_available/TempReasonL3Fact.json", - "results/facebookresearch__dragon-plus/no_revision_available/RARbCode.json" - ], - "Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit": [ - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/MassiveIntentClassification.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/BiorxivClusteringP2P.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/EmotionClassification.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/CQADupstackGisRetrieval.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/TweetSentimentExtractionClassification.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/SciFact.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/Banking77Classification.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/STS14.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/STSBenchmark.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/SciDocsRR.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/MindSmallReranking.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/CQADupstackRetrieval.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/MedrxivClusteringS2S.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/SCIDOCS.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/Touche2020.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/STS16.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/CQADupstackTexRetrieval.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/ImdbClassification.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/SprintDuplicateQuestions.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/ToxicConversationsClassification.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/MassiveScenarioClassification.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/STS17.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/CQADupstackUnixRetrieval.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/AskUbuntuDupQuestions.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/HotpotQA.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/ArxivClusteringS2S.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/StackExchangeClustering.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/RedditClusteringP2P.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/NQ.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/RedditClustering.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/SICK-R.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/FiQA2018.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/BIOSSES.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/TRECCOVID.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/DBPedia.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/BiorxivClusteringS2S.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/ArguAna.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/BUCC.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/ArxivClusteringP2P.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/TwitterURLCorpus.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/STS22.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/AmazonReviewsClassification.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/CQADupstackGamingRetrieval.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/NFCorpus.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/STS15.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/AmazonPolarityClassification.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/MTOPIntentClassification.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/STS13.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/SummEval.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/ClimateFEVER.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/CQADupstackStatsRetrieval.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/TwitterSemEval2015.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/MedrxivClusteringP2P.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/TwentyNewsgroupsClustering.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/FEVER.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/MSMARCO.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/MTOPDomainClassification.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/QuoraRetrieval.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/STS12.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/AmazonCounterfactualClassification.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/StackExchangeClusteringP2P.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/StackOverflowDupQuestions.json" - ], - "sentence-transformers__multi-qa-MiniLM-L6-cos-v1": [ - "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/MassiveIntentClassification.json", - "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/MLSUMClusteringP2P.json", - "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/AlloProfClusteringS2S.json", - "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/SyntecReranking.json", - "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/BSARDRetrieval.json", - "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/DiaBLaBitextMining.json", - "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/MintakaRetrieval.json", - "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/SyntecRetrieval.json", - "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/MLSUMClusteringS2S.json", - "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/MassiveScenarioClassification.json", - "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/MasakhaNEWSClusteringP2P.json", - "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/AlloprofRetrieval.json", - "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/AlloprofReranking.json", - "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/FloresBitextMining.json", - "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/SummEvalFr.json", - "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/AlloProfClusteringP2P.json", - "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/MasakhaNEWSClusteringS2S.json", - "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/STS22.json", - "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/AmazonReviewsClassification.json", - "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/MTOPIntentClassification.json", - "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/HALClusteringS2S.json", - "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/MasakhaNEWSClassification.json", - "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/OpusparcusPC.json", - "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/MTOPDomainClassification.json", - "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/SICKFr.json", - "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/PawsXPairClassification.json", - "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/XPQARetrieval.json", - "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/STSBenchmarkMultilingualSTS.json" - ], - "deepfile__embedder-100p": [ - "results/deepfile__embedder-100p/no_revision_available/MassiveIntentClassification.json", - "results/deepfile__embedder-100p/no_revision_available/BiorxivClusteringP2P.json", - "results/deepfile__embedder-100p/no_revision_available/EmotionClassification.json", - "results/deepfile__embedder-100p/no_revision_available/CQADupstackGisRetrieval.json", - "results/deepfile__embedder-100p/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/deepfile__embedder-100p/no_revision_available/TweetSentimentExtractionClassification.json", - "results/deepfile__embedder-100p/no_revision_available/SciFact.json", - "results/deepfile__embedder-100p/no_revision_available/Banking77Classification.json", - "results/deepfile__embedder-100p/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/deepfile__embedder-100p/no_revision_available/STS14.json", - "results/deepfile__embedder-100p/no_revision_available/STSBenchmark.json", - "results/deepfile__embedder-100p/no_revision_available/SciDocsRR.json", - "results/deepfile__embedder-100p/no_revision_available/MindSmallReranking.json", - "results/deepfile__embedder-100p/no_revision_available/CQADupstackRetrieval.json", - "results/deepfile__embedder-100p/no_revision_available/MedrxivClusteringS2S.json", - "results/deepfile__embedder-100p/no_revision_available/SCIDOCS.json", - "results/deepfile__embedder-100p/no_revision_available/Touche2020.json", - "results/deepfile__embedder-100p/no_revision_available/STS16.json", - "results/deepfile__embedder-100p/no_revision_available/CQADupstackTexRetrieval.json", - "results/deepfile__embedder-100p/no_revision_available/ImdbClassification.json", - "results/deepfile__embedder-100p/no_revision_available/SprintDuplicateQuestions.json", - "results/deepfile__embedder-100p/no_revision_available/ToxicConversationsClassification.json", - "results/deepfile__embedder-100p/no_revision_available/MassiveScenarioClassification.json", - "results/deepfile__embedder-100p/no_revision_available/STS17.json", - "results/deepfile__embedder-100p/no_revision_available/CQADupstackUnixRetrieval.json", - "results/deepfile__embedder-100p/no_revision_available/AskUbuntuDupQuestions.json", - "results/deepfile__embedder-100p/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/deepfile__embedder-100p/no_revision_available/HotpotQA.json", - "results/deepfile__embedder-100p/no_revision_available/ArxivClusteringS2S.json", - "results/deepfile__embedder-100p/no_revision_available/StackExchangeClustering.json", - "results/deepfile__embedder-100p/no_revision_available/RedditClusteringP2P.json", - "results/deepfile__embedder-100p/no_revision_available/NQ.json", - "results/deepfile__embedder-100p/no_revision_available/RedditClustering.json", - "results/deepfile__embedder-100p/no_revision_available/SICK-R.json", - "results/deepfile__embedder-100p/no_revision_available/FiQA2018.json", - "results/deepfile__embedder-100p/no_revision_available/BIOSSES.json", - "results/deepfile__embedder-100p/no_revision_available/TRECCOVID.json", - "results/deepfile__embedder-100p/no_revision_available/DBPedia.json", - "results/deepfile__embedder-100p/no_revision_available/BiorxivClusteringS2S.json", - "results/deepfile__embedder-100p/no_revision_available/ArguAna.json", - "results/deepfile__embedder-100p/no_revision_available/ArxivClusteringP2P.json", - "results/deepfile__embedder-100p/no_revision_available/TwitterURLCorpus.json", - "results/deepfile__embedder-100p/no_revision_available/STS22.json", - "results/deepfile__embedder-100p/no_revision_available/AmazonReviewsClassification.json", - "results/deepfile__embedder-100p/no_revision_available/CQADupstackGamingRetrieval.json", - "results/deepfile__embedder-100p/no_revision_available/NFCorpus.json", - "results/deepfile__embedder-100p/no_revision_available/STS15.json", - "results/deepfile__embedder-100p/no_revision_available/AmazonPolarityClassification.json", - "results/deepfile__embedder-100p/no_revision_available/MTOPIntentClassification.json", - "results/deepfile__embedder-100p/no_revision_available/STS13.json", - "results/deepfile__embedder-100p/no_revision_available/ClimateFEVER.json", - "results/deepfile__embedder-100p/no_revision_available/CQADupstackStatsRetrieval.json", - "results/deepfile__embedder-100p/no_revision_available/TwitterSemEval2015.json", - "results/deepfile__embedder-100p/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/deepfile__embedder-100p/no_revision_available/MedrxivClusteringP2P.json", - "results/deepfile__embedder-100p/no_revision_available/TwentyNewsgroupsClustering.json", - "results/deepfile__embedder-100p/no_revision_available/FEVER.json", - "results/deepfile__embedder-100p/no_revision_available/MSMARCO.json", - "results/deepfile__embedder-100p/no_revision_available/MTOPDomainClassification.json", - "results/deepfile__embedder-100p/no_revision_available/QuoraRetrieval.json", - "results/deepfile__embedder-100p/no_revision_available/STS12.json", - "results/deepfile__embedder-100p/no_revision_available/AmazonCounterfactualClassification.json", - "results/deepfile__embedder-100p/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/deepfile__embedder-100p/no_revision_available/StackExchangeClusteringP2P.json", - "results/deepfile__embedder-100p/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/deepfile__embedder-100p/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/deepfile__embedder-100p/no_revision_available/StackOverflowDupQuestions.json" - ], - "openai__text-similarity-curie-001": [ - "results/openai__text-similarity-curie-001/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/openai__text-similarity-curie-001/no_revision_available/SciFact.json", - "results/openai__text-similarity-curie-001/no_revision_available/STSBenchmark.json", - "results/openai__text-similarity-curie-001/no_revision_available/SciDocsRR.json", - "results/openai__text-similarity-curie-001/no_revision_available/SprintDuplicateQuestions.json", - "results/openai__text-similarity-curie-001/no_revision_available/AskUbuntuDupQuestions.json", - "results/openai__text-similarity-curie-001/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/openai__text-similarity-curie-001/no_revision_available/StackExchangeClustering.json", - "results/openai__text-similarity-curie-001/no_revision_available/RedditClustering.json", - "results/openai__text-similarity-curie-001/no_revision_available/SICK-R.json", - "results/openai__text-similarity-curie-001/no_revision_available/FiQA2018.json", - "results/openai__text-similarity-curie-001/no_revision_available/BIOSSES.json", - "results/openai__text-similarity-curie-001/no_revision_available/TRECCOVID.json", - "results/openai__text-similarity-curie-001/no_revision_available/TwitterURLCorpus.json", - "results/openai__text-similarity-curie-001/no_revision_available/CQADupstackGamingRetrieval.json", - "results/openai__text-similarity-curie-001/no_revision_available/NFCorpus.json", - "results/openai__text-similarity-curie-001/no_revision_available/TwitterSemEval2015.json", - "results/openai__text-similarity-curie-001/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/openai__text-similarity-curie-001/no_revision_available/TwentyNewsgroupsClustering.json", - "results/openai__text-similarity-curie-001/no_revision_available/QuoraRetrieval.json", - "results/openai__text-similarity-curie-001/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/openai__text-similarity-curie-001/no_revision_available/StackOverflowDupQuestions.json" - ], - "sentence-transformers__all-mpnet-base-v2-instruct": [ - "results/sentence-transformers__all-mpnet-base-v2-instruct/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/AlphaNLI.json", - "results/sentence-transformers__all-mpnet-base-v2-instruct/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/WinoGrande.json", - "results/sentence-transformers__all-mpnet-base-v2-instruct/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ARCChallenge.json", - "results/sentence-transformers__all-mpnet-base-v2-instruct/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SpartQA.json", - "results/sentence-transformers__all-mpnet-base-v2-instruct/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TempReasonL1.json", - "results/sentence-transformers__all-mpnet-base-v2-instruct/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/HellaSwag.json", - "results/sentence-transformers__all-mpnet-base-v2-instruct/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TempReasonL3Pure.json", - "results/sentence-transformers__all-mpnet-base-v2-instruct/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/PIQA.json", - "results/sentence-transformers__all-mpnet-base-v2-instruct/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/Quail.json", - "results/sentence-transformers__all-mpnet-base-v2-instruct/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SIQA.json", - "results/sentence-transformers__all-mpnet-base-v2-instruct/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/RARbMath.json", - "results/sentence-transformers__all-mpnet-base-v2-instruct/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TempReasonL2Fact.json", - "results/sentence-transformers__all-mpnet-base-v2-instruct/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TempReasonL2Pure.json", - "results/sentence-transformers__all-mpnet-base-v2-instruct/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TempReasonL3Fact.json", - "results/sentence-transformers__all-mpnet-base-v2-instruct/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/RARbCode.json" - ], - "sentence-transformers__sentence-t5-xxl": [ - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/MassiveIntentClassification.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/MLSUMClusteringP2P.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/AlloProfClusteringS2S.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/BiorxivClusteringP2P.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/EmotionClassification.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/CQADupstackGisRetrieval.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/SyntecReranking.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/BSARDRetrieval.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/TweetSentimentExtractionClassification.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/SciFact.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/Banking77Classification.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/STS14.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/STSBenchmark.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/DiaBLaBitextMining.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/SciDocsRR.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/MindSmallReranking.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/CQADupstackRetrieval.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/MedrxivClusteringS2S.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/SCIDOCS.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/BlurbsClusteringP2P.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/MintakaRetrieval.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/Touche2020.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/STS16.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/CQADupstackTexRetrieval.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/SyntecRetrieval.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/ImdbClassification.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/SprintDuplicateQuestions.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/MLSUMClusteringS2S.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/ToxicConversationsClassification.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/MassiveScenarioClassification.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/STS17.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/MasakhaNEWSClusteringP2P.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/CQADupstackUnixRetrieval.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/AskUbuntuDupQuestions.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/HotpotQA.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/ArxivClusteringS2S.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/StackExchangeClustering.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/RedditClusteringP2P.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/AlloprofRetrieval.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/AlloprofReranking.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/FloresBitextMining.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/NQ.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/RedditClustering.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/SICK-R.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/FiQA2018.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/SummEvalFr.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/BIOSSES.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/TRECCOVID.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/TenKGnadClusteringS2S.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/DBPedia.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/BiorxivClusteringS2S.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/AlloProfClusteringP2P.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/ArguAna.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/MasakhaNEWSClusteringS2S.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/ArxivClusteringP2P.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/TwitterURLCorpus.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/STS22.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/AmazonReviewsClassification.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/CQADupstackGamingRetrieval.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/NFCorpus.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/STS15.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/AmazonPolarityClassification.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/MTOPIntentClassification.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/HALClusteringS2S.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/STS13.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/SummEval.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/ClimateFEVER.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/MasakhaNEWSClassification.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/CQADupstackStatsRetrieval.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/TwitterSemEval2015.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/MedrxivClusteringP2P.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/TwentyNewsgroupsClustering.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/TenKGnadClusteringP2P.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/FEVER.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/OpusparcusPC.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/MSMARCO.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/MTOPDomainClassification.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/QuoraRetrieval.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/BlurbsClusteringS2S.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/SICKFr.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/STS12.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/AmazonCounterfactualClassification.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/PawsXPairClassification.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/StackExchangeClusteringP2P.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/XPQARetrieval.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/STSBenchmarkMultilingualSTS.json", - "results/sentence-transformers__sentence-t5-xxl/no_revision_available/StackOverflowDupQuestions.json" - ], - "Alibaba-NLP__gte-Qwen1.5-7B-instruct": [ - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/CMedQAv1.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/MassiveIntentClassification.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/TNews.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/BiorxivClusteringP2P.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/EmotionClassification.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/CQADupstackGisRetrieval.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/PAWSX.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/TweetSentimentExtractionClassification.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/OnlineShopping.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/LCQMC.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/EcomRetrieval.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/SciFact.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/Banking77Classification.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/MMarcoReranking.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/STS14.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/STSBenchmark.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/SciDocsRR.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/MindSmallReranking.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/CQADupstackRetrieval.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/MedrxivClusteringS2S.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/SCIDOCS.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/BrightRetrieval.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/Touche2020.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/STS16.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/CovidRetrieval.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/CQADupstackTexRetrieval.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/CLSClusteringP2P.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/BQ.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/AFQMC.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/ImdbClassification.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/SprintDuplicateQuestions.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/CLSClusteringS2S.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/ToxicConversationsClassification.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/Cmnli.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/MassiveScenarioClassification.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/T2Reranking.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/STS17.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/CQADupstackUnixRetrieval.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/AskUbuntuDupQuestions.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/HotpotQA.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/ArxivClusteringS2S.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/StackExchangeClustering.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/RedditClusteringP2P.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/ThuNewsClusteringP2P.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/VideoRetrieval.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/Ocnli.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/NQ.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/ATEC.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/Waimai.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/RedditClustering.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/SICK-R.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/FiQA2018.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/BIOSSES.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/TRECCOVID.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/ThuNewsClusteringS2S.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/DBPedia.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/BiorxivClusteringS2S.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/ArguAna.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/IFlyTek.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/ArxivClusteringP2P.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/MultilingualSentiment.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/CmedqaRetrieval.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/TwitterURLCorpus.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/STS22.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/AmazonReviewsClassification.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/CQADupstackGamingRetrieval.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/NFCorpus.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/STS15.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/AmazonPolarityClassification.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/JDReview.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/MTOPIntentClassification.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/STS13.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/MedicalRetrieval.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/SummEval.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/ClimateFEVER.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/CQADupstackStatsRetrieval.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/T2Retrieval.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/TwitterSemEval2015.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/QBQTC.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/MedrxivClusteringP2P.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/MMarcoRetrieval.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/TwentyNewsgroupsClustering.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/FEVER.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/MSMARCO.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/DuRetrieval.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/MTOPDomainClassification.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/QuoraRetrieval.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/STS12.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/AmazonCounterfactualClassification.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/StackExchangeClusteringP2P.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/CMedQAv2.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/STSB.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/no_revision_available/StackOverflowDupQuestions.json" - ], - "bigscience-data__sgpt-bloom-1b7-nli": [ - "results/bigscience-data__sgpt-bloom-1b7-nli/no_revision_available/MassiveIntentClassification.json", - "results/bigscience-data__sgpt-bloom-1b7-nli/no_revision_available/MassiveScenarioClassification.json", - "results/bigscience-data__sgpt-bloom-1b7-nli/no_revision_available/STS22.json", - "results/bigscience-data__sgpt-bloom-1b7-nli/no_revision_available/AmazonReviewsClassification.json", - "results/bigscience-data__sgpt-bloom-1b7-nli/no_revision_available/MTOPIntentClassification.json", - "results/bigscience-data__sgpt-bloom-1b7-nli/no_revision_available/MTOPDomainClassification.json" - ], - "dwzhu__e5-base-4k": [ - "results/dwzhu__e5-base-4k/no_revision_available/LEMBWikimQARetrieval.json", - "results/dwzhu__e5-base-4k/no_revision_available/LEMBSummScreenFDRetrieval.json", - "results/dwzhu__e5-base-4k/no_revision_available/LEMBNarrativeQARetrieval.json", - "results/dwzhu__e5-base-4k/no_revision_available/LEMBQMSumRetrieval.json", - "results/dwzhu__e5-base-4k/no_revision_available/LEMBPasskeyRetrieval.json", - "results/dwzhu__e5-base-4k/no_revision_available/LEMBNeedleRetrieval.json" - ], - "intfloat__multilingual-e5-base": [ - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/HagridRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/BengaliDocumentClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MLQuestions.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SyntheticText2SQL.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/NQ-PLHardNegatives.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/OPP115InternationalAndSpecificAudiencesLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/FrenkEnClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/WebLINXCandidatesReranking.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/Robust04InstructionRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/RuBQRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/StackExchangeClustering.v2.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/AlphaNLI.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TweetSarcasmClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/WinoGrande.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/NusaParagraphEmotionClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/AlloProfClusteringP2P.v2.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/PSC.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/DBpediaClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADNonTransferableLicenseLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ARCChallenge.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/IndicSentimentClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/NFCorpus-PL.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MassiveIntentClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SinhalaNewsSourceClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TextualismToolDictionariesLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/KurdishSentimentClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/InappropriatenessClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/RuReviewsClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/RomanianSentimentClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADUnlimitedAllYouCanEatLicenseLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADVolumeRestrictionLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADExclusivityLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ArmenianParaphrasePC.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/Itacola.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ContractNLIPermissibleAcquirementOfSimilarInformationLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADSourceCodeEscrowLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/UkrFormalityClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SIB200ClusteringS2S.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LEMBWikimQARetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MLSUMClusteringP2P.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/RedditClusteringP2P.v2.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/DanFeverRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/VGHierarchicalClusteringP2P.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/KLUE-STS.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADWarrantyDurationLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/DiaBlaBitextMining.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LegalSummarization.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SpartQA.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/BlurbsClusteringP2P.v2.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADInsuranceLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MSMARCOHardNegatives.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CTKFactsNLI.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADMostFavoredNationLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TNews.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/DBPedia-PLHardNegatives.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CodeFeedbackST.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/BiorxivClusteringP2P.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TempReasonL1.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/EmotionClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LEMBSummScreenFDRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CQADupstackGisRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/VieQuADRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/AfriSentiClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADCovenantNotToSueLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADPriceRestrictionsLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/OPP115DoNotTrackLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SCDDCertificationLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/FalseFriendsGermanEnglish.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CQADupstackEnglishRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LearnedHandsTrafficLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CDSC-R.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADJointIPOwnershipLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MedrxivClusteringP2P.v2.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SyntecReranking.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/RomanianReviewsSentiment.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/PAWSX.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/BSARDRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TweetSentimentExtractionClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADGoverningLawLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/WikipediaRerankingMultilingual.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/HellaSwag.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/Diversity2LegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/BelebeleRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/IndicCrosslingualSTS.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ArXivHierarchicalClusteringP2P.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ContractNLIPermissibleDevelopmentOfSimilarInformationLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/FarsTail.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SwednClusteringP2P.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/OnlineShopping.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LearnedHandsDomesticViolenceLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SlovakMovieReviewSentimentClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LearnedHandsBenefitsLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/PolEmo2.0-OUT.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADNoSolicitOfEmployeesLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/News21InstructionRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/GermanGovServiceRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LCQMC.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/EcomRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/NusaParagraphTopicClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/Moroco.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/GujaratiNewsClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LEMBNarrativeQARetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TurHistQuadRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/OralArgumentQuestionPurposeLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SciFact.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/RuSciBenchGRNTIClusteringP2P.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LanguageClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/KannadaNewsClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MalteseNewsClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/GreekLegalCodeClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MLSUMClusteringS2S.v2.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADAuditRightsLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CodeSearchNetCCRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LearnedHandsEstatesLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/Banking77Classification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CodeTransOceanContest.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/RTE3.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/NusaXBitextMining.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MMarcoReranking.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/GeorgianFAQRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADAffiliateLicenseLicenseeLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TurkicClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/NorQuadRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TERRa.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/Tatoeba.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/RuSTSBenchmarkSTS.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CQADupstackProgrammersRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ContractNLIInclusionOfVerballyConveyedInformationLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/HindiDiscourseClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/KorSarcasmClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TurkishProductSentimentClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADAffiliateLicenseLicensorLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/IndicQARetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LearnedHandsConsumerLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SNLHierarchicalClusteringS2S.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/KorHateClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/NaijaSenti.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CyrillicTurkicLangClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/FiQA-PL.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/STS14.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADTerminationForConvenienceLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/STSBenchmark.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MAUDLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/AllegroReviews.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SiswatiNewsClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LegalReasoningCausalityLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/InternationalCitizenshipQuestionsLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SpanishPassageRetrievalS2S.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TempReasonL3Pure.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ItaCaseholdClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/Diversity6LegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MarathiNewsClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/DutchBookReviewSentimentClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/Ko-StrategyQA.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SciDocsRR.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SciFact-PL.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ScalaClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MIRACLRetrievalHardNegatives.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LearnedHandsFamilyLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TopiOCQAHardNegatives.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MindSmallReranking.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/OPP115DataSecurityLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MedrxivClusteringS2S.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CzechSubjectivityClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/JaGovFaqsRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/Diversity5LegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/RiaNewsRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SCIDOCS.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ArXivHierarchicalClusteringS2S.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/RomaTalesBitextMining.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CSFDCZMovieReviewSentimentClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/NQHardNegatives.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/PIQA.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MIRACLRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/YahooAnswersTopicsClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MintakaRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/IndicReviewsClusteringP2P.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/Touche2020.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TeluguAndhraJyotiNewsClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ContractNLIPermissiblePostAgreementPossessionLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/STS16.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/NLPJournalAbsIntroRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MedrxivClusteringS2S.v2.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/HotpotQA-PLHardNegatives.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/OPP115PolicyChangeLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADNonCompeteLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/OverrulingLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/UnfairTOSLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/KLUE-NLI.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SweRecClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/NLPJournalTitleAbsRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/DefinitionClassificationLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/PunjabiNewsClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/BiorxivClusteringS2S.v2.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CovidRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/GermanPoliticiansTwitterSentimentClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TRECCOVID-PL.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LearnedHandsImmigrationLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/GeoreviewClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/YueOpenriceReviewClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CodeFeedbackMT.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CanadaTaxCourtOutcomesLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CQADupstackTexRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/StatcanDialogueDatasetRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/BrazilianToxicTweetsClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/DBPediaHardNegatives.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/STSES.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ContractNLIExplicitIdentificationLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ContractNLISurvivalOfObligationsLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADLiquidatedDamagesLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/OPP115DataRetentionLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/JSICK.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/UCCVCommonLawLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SwednClusteringS2S.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/WRIMEClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/StackExchangeClusteringP2P.v2.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SCDDAuditsLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SICK-R-PL.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SpanishNewsClusteringP2P.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ContractNLINoticeOnCompelledDisclosureLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SyntecRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/AppsRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADNoSolicitOfCustomersLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SensitiveTopicsClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/FaroeseSTS.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ToxicChatClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TswanaNewsClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CDSC-E.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/BQ.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TwentyNewsgroupsClustering.v2.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/GermanSTSBenchmark.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/KinopoiskClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/Diversity4LegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/AFQMC.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LEMBQMSumRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/PROALegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TweetEmotionClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/OPP115UserAccessEditAndDeletionLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/FrenkHrClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ImdbClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/FaithDial.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MLQARetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/RUParaPhraserSTS.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SprintDuplicateQuestions.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/WikiClusteringP2P.v2.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MLSUMClusteringS2S.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/GermanDPR.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/AfriSentiLangClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ArxivClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ToxicConversationsClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MassiveScenarioClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/AngryTweetsClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/T2Reranking.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ArguAna-PL.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADExpirationDateLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/STS17.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/RuSciBenchOECDClusteringP2P.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TenKGnadClusteringS2S.v2.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CBD.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MasakhaNEWSClusteringP2P.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/PoemSentimentClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SummEvalSummarization.v2.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CQADupstackUnixRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TweetTopicSingleClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/AskUbuntuDupQuestions.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/NusaTranslationBitextMining.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CQADupstackAndroidRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ArxivClusteringS2S.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADAntiAssignmentLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/AJGT.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/FinToxicityClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MSMARCO-PLHardNegatives.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/StackExchangeClustering.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/RedditClusteringP2P.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/BulgarianStoreReviewSentimentClassfication.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LearnedHandsTortsLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/AlloprofRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/Assin2RTE.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MedicalQARetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CorporateLobbyingLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/HateSpeechPortugueseClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/PolEmo2.0-IN.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TV2Nordretrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/PatentClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/RedditClustering.v2.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADRenewalTermLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/RonSTS.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/PlscClusteringS2S.v2.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/AlloprofReranking.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ContractNLINoLicensingLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LearnedHandsEducationLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/NusaX-senti.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CataloniaTweetClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MultilingualSentimentClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/PublicHealthQA.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/FloresBitextMining.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/IndonesianMongabayConservationClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/AILAStatutes.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/indonli.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/NordicLangClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/VideoRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/BigPatentClustering.v2.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SCDBPAccountabilityLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SCDBPCertificationLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/Quail.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CSFDSKMovieReviewSentimentClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MovieReviewSentimentClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/BornholmBitextMining.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/WisesightSentimentClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SwahiliNewsClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ATEC.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ClimateFEVERHardNegatives.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SlovakSumRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/Waimai.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/NollySentiBitextMining.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/HebrewSentimentAnalysis.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ContractNLISharingWithThirdPartiesLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/GPUSpeedTask.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/RedditClustering.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/NLPJournalTitleIntroRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/PhincBitextMining.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LearnedHandsDivorceLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LearnedHandsCrimeLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SICK-R.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/FiQA2018.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SummEvalFr.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/BIOSSES.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/QuoraRetrievalHardNegatives.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/HunSum2AbstractiveRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/VieStudentFeedbackClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/RuSciBenchGRNTIClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TRECCOVID.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ContractNLISharingWithEmployeesLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SNLRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/NorwegianParliamentClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CodeSearchNetRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CodeTransOceanDL.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SCDDAccountabilityLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/GreekCivicsQA.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SpanishSentimentClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/AlloProfClusteringS2S.v2.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LearnedHandsHousingLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LEMBPasskeyRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/OPP115FirstPartyCollectionUseLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADLicenseGrantLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/HeadlineClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/XQuADRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/BiorxivClusteringS2S.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TempReasonL3Context.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/HotpotQAHardNegatives.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SwissJudgementClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/BUCC.v2.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SCDDVerificationLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/JCrewBlockerLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/Quora-PLHardNegatives.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/FilipinoShopeeReviewsClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TextualismToolPlainLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/PAC.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADPostTerminationServicesLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/KorSTS.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ArguAna.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADEffectiveDateLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LearnedHandsCourtsLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/NepaliNewsClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TenKGnadClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MasakhaNEWSClusteringS2S.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MacedonianTweetSentimentClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TelemarketingSalesRuleLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/GerDaLIR.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LegalBenchPC.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/NYSJudicialEthicsLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/IFlyTek.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/XMarket.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MIRACLReranking.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SICK-E-PL.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/WikipediaRetrievalMultilingual.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/XNLI.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TbilisiCityHallBitextMining.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SweFaqRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ContractNLIPermissibleCopyLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SCDDTrainingLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CLSClusteringP2P.v2.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SIQA.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SemRel24STS.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ArxivClusteringP2P.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/NeuCLIR2023RetrievalHardNegatives.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SNLHierarchicalClusteringP2P.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/RiaNewsRetrievalHardNegatives.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/XNLIV2.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/Assin2STS.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MultiEURLEXMultilabelClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MultilingualSentiment.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CmedqaRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADNoticePeriodToTerminateRenewalLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/FrenkSlClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LEMBNeedleRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MalayalamNewsClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/BiorxivClusteringP2P.v2.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TwitterURLCorpus.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LivedoorNewsClustering.v2.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TweetSentimentClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/FinancialPhrasebankClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/GermanQuAD-Retrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/FQuADRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/STS22.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/AmazonReviewsClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CrossLingualSemanticDiscriminationWMT19.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ContractNLIReturnOfConfidentialInformationLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/JSTS.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CQADupstackGamingRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/AILACasedocs.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/RomaniBibleClustering.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SanskritShlokasClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/IndicNLPNewsClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/VieMedEVBitextMining.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADMinimumCommitmentLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/NFCorpus.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CrossLingualSemanticDiscriminationWMT21.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/STS15.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MultiHateClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MultiLongDocRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/OdiaNewsClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SwednRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/EstQA.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/VoyageMMarcoReranking.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CEDRClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/AmazonPolarityClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/NorwegianCourtsBitextMining.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/StackOverflowQA.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/JDReview.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADChangeOfControlLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/RARbMath.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SCIDOCS-PL.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/OPP115UserChoiceControlLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MTOPIntentClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/InsurancePolicyInterpretationLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/EightTagsClustering.v2.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/KLUE-TC.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/NoRecClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TempReasonL2Fact.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/STS13.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/PpcPC.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/NarrativeQARetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/FEVERHardNegatives.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TempReasonL2Pure.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CMedQAv1-reranking.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADRevenueProfitSharingLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/IndicGenBenchFloresBitextMining.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SRNCorpusBitextMining.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MedicalRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/HotelReviewSentimentClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ContractNLIConfidentialityOfAgreementLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SummEval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/PlscClusteringP2P.v2.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MyanmarNews.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ThuNewsClusteringP2P.v2.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/GerDaLIRSmall.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LegalBenchConsumerContractsQA.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/IN22ConvBitextMining.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SentimentAnalysisHindi.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SIB200Classification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LearnedHandsEmploymentLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADIrrevocableOrPerpetualLicenseLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ThuNewsClusteringS2S.v2.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/IN22GenBitextMining.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LivedoorNewsClustering.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CosQA.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MasakhaNEWSClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CQADupstackStatsRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TenKGnadClusteringP2P.v2.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LinceMTBitextMining.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/NewsClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADCapOnLiabilityLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADNonDisparagementLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LegalBenchCorporateLobbying.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/T2Retrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/JavaneseIMDBClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ContractNLILimitedUseLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/GeoreviewClusteringP2P.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/BengaliHateSpeechClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TempReasonL2Context.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ArEntail.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/HALClusteringS2S.v2.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADThirdPartyBeneficiaryLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TamilNewsClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/RestaurantReviewSentimentClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/KorHateSpeechMLClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/FeedbackQARetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TwitterSemEval2015.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SICK-BR-PC.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/PersonalJurisdictionLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CzechProductReviewSentimentClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CzechSoMeSentimentClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SwedishSentimentClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/IWSLT2017BitextMining.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TempReasonL3Fact.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SCDBPAuditsLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/BlurbsClusteringS2S.v2.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/FunctionOfDecisionSectionLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LeCaRDv2.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADCompetitiveRestrictionExceptionLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CQADupstackWebmastersRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MLSUMClusteringP2P.v2.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/STS22.v2.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/RuBQReranking.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/NTREXBitextMining.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MedrxivClusteringP2P.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MMarcoRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TwitterHjerneRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/IsiZuluNewsClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/IndicLangClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TwentyNewsgroupsClustering.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/NeuCLIR2022RetrievalHardNegatives.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/PersianFoodSentimentClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LearnedHandsBusinessLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LearnedHandsHealthLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/WikiCitiesClustering.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/RARbCode.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/OpusparcusPC.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CodeEditSearchRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SpanishNewsClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/UrduRomanSentimentClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LegalQuAD.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/EstonianValenceClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/DuRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/RuSciBenchOECDClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/DanishPoliticalCommentsClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MTOPDomainClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/YelpReviewFullClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/FrenchBookReviews.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CMedQAv2-reranking.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SICKFr.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/BengaliSentimentAnalysis.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/STS12.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/AmazonCounterfactualClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/FinParaSTS.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CQADupstackMathematicaRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADIPOwnershipAssignmentLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SCDBPTrainingLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MewsC16JaClustering.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TurkishMovieSentimentClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/PawsXPairClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/StackExchangeClusteringP2P.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/OPP115ThirdPartySharingCollectionLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LccSentimentClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/STSB.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADRofrRofoRofnLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/Core17InstructionRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CQADupstackPhysicsRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/DalajClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CQADupstackWordpressRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CLSClusteringS2S.v2.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/BibleNLPBitextMining.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/JaQuADRetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/Diversity3LegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/XPQARetrieval.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/STSBenchmarkMultilingualSTS.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SCDBPVerificationLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/OnlineStoreReviewSentimentClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SinhalaNewsClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/IndonesianIdClickbaitClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/VGHierarchicalClusteringS2S.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADUncappedLiabilityLegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/StackOverflowDupQuestions.json", - "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/Diversity1LegalBenchClassification.json", - "results/intfloat__multilingual-e5-base/no_revision_available/CMedQAv1.json", - "results/intfloat__multilingual-e5-base/no_revision_available/PSC.json", - "results/intfloat__multilingual-e5-base/no_revision_available/NFCorpus-PL.json", - "results/intfloat__multilingual-e5-base/no_revision_available/MassiveIntentClassification.json", - "results/intfloat__multilingual-e5-base/no_revision_available/MLSUMClusteringP2P.json", - "results/intfloat__multilingual-e5-base/no_revision_available/AlloProfClusteringS2S.json", - "results/intfloat__multilingual-e5-base/no_revision_available/TNews.json", - "results/intfloat__multilingual-e5-base/no_revision_available/CDSC-R.json", - "results/intfloat__multilingual-e5-base/no_revision_available/MSMARCO-PL.json", - "results/intfloat__multilingual-e5-base/no_revision_available/SyntecReranking.json", - "results/intfloat__multilingual-e5-base/no_revision_available/PAWSX.json", - "results/intfloat__multilingual-e5-base/no_revision_available/BSARDRetrieval.json", - "results/intfloat__multilingual-e5-base/no_revision_available/DBPedia-PL.json", - "results/intfloat__multilingual-e5-base/no_revision_available/OnlineShopping.json", - "results/intfloat__multilingual-e5-base/no_revision_available/PolEmo2.0-OUT.json", - "results/intfloat__multilingual-e5-base/no_revision_available/LCQMC.json", - "results/intfloat__multilingual-e5-base/no_revision_available/EcomRetrieval.json", - "results/intfloat__multilingual-e5-base/no_revision_available/MMarcoReranking.json", - "results/intfloat__multilingual-e5-base/no_revision_available/FiQA-PL.json", - "results/intfloat__multilingual-e5-base/no_revision_available/AllegroReviews.json", - "results/intfloat__multilingual-e5-base/no_revision_available/DiaBLaBitextMining.json", - "results/intfloat__multilingual-e5-base/no_revision_available/SciFact-PL.json", - "results/intfloat__multilingual-e5-base/no_revision_available/8TagsClustering.json", - "results/intfloat__multilingual-e5-base/no_revision_available/MintakaRetrieval.json", - "results/intfloat__multilingual-e5-base/no_revision_available/SweRecClassification.json", - "results/intfloat__multilingual-e5-base/no_revision_available/CovidRetrieval.json", - "results/intfloat__multilingual-e5-base/no_revision_available/TRECCOVID-PL.json", - "results/intfloat__multilingual-e5-base/no_revision_available/SICK-R-PL.json", - "results/intfloat__multilingual-e5-base/no_revision_available/SyntecRetrieval.json", - "results/intfloat__multilingual-e5-base/no_revision_available/CDSC-E.json", - "results/intfloat__multilingual-e5-base/no_revision_available/CLSClusteringP2P.json", - "results/intfloat__multilingual-e5-base/no_revision_available/BQ.json", - "results/intfloat__multilingual-e5-base/no_revision_available/AFQMC.json", - "results/intfloat__multilingual-e5-base/no_revision_available/MLSUMClusteringS2S.json", - "results/intfloat__multilingual-e5-base/no_revision_available/CLSClusteringS2S.json", - "results/intfloat__multilingual-e5-base/no_revision_available/Cmnli.json", - "results/intfloat__multilingual-e5-base/no_revision_available/MassiveScenarioClassification.json", - "results/intfloat__multilingual-e5-base/no_revision_available/AngryTweetsClassification.json", - "results/intfloat__multilingual-e5-base/no_revision_available/T2Reranking.json", - "results/intfloat__multilingual-e5-base/no_revision_available/ArguAna-PL.json", - "results/intfloat__multilingual-e5-base/no_revision_available/CBD.json", - "results/intfloat__multilingual-e5-base/no_revision_available/MasakhaNEWSClusteringP2P.json", - "results/intfloat__multilingual-e5-base/no_revision_available/AlloprofRetrieval.json", - "results/intfloat__multilingual-e5-base/no_revision_available/PolEmo2.0-IN.json", - "results/intfloat__multilingual-e5-base/no_revision_available/ThuNewsClusteringP2P.json", - "results/intfloat__multilingual-e5-base/no_revision_available/AlloprofReranking.json", - "results/intfloat__multilingual-e5-base/no_revision_available/FloresBitextMining.json", - "results/intfloat__multilingual-e5-base/no_revision_available/NordicLangClassification.json", - "results/intfloat__multilingual-e5-base/no_revision_available/VideoRetrieval.json", - "results/intfloat__multilingual-e5-base/no_revision_available/Ocnli.json", - "results/intfloat__multilingual-e5-base/no_revision_available/BornholmBitextMining.json", - "results/intfloat__multilingual-e5-base/no_revision_available/ATEC.json", - "results/intfloat__multilingual-e5-base/no_revision_available/Waimai.json", - "results/intfloat__multilingual-e5-base/no_revision_available/SummEvalFr.json", - "results/intfloat__multilingual-e5-base/no_revision_available/ThuNewsClusteringS2S.json", - "results/intfloat__multilingual-e5-base/no_revision_available/AlloProfClusteringP2P.json", - "results/intfloat__multilingual-e5-base/no_revision_available/HotpotQA-PL.json", - "results/intfloat__multilingual-e5-base/no_revision_available/PAC.json", - "results/intfloat__multilingual-e5-base/no_revision_available/MasakhaNEWSClusteringS2S.json", - "results/intfloat__multilingual-e5-base/no_revision_available/ScalaNbClassification.json", - "results/intfloat__multilingual-e5-base/no_revision_available/IFlyTek.json", - "results/intfloat__multilingual-e5-base/no_revision_available/SICK-E-PL.json", - "results/intfloat__multilingual-e5-base/no_revision_available/ScalaSvClassification.json", - "results/intfloat__multilingual-e5-base/no_revision_available/MultilingualSentiment.json", - "results/intfloat__multilingual-e5-base/no_revision_available/CmedqaRetrieval.json", - "results/intfloat__multilingual-e5-base/no_revision_available/Quora-PL.json", - "results/intfloat__multilingual-e5-base/no_revision_available/STS22.json", - "results/intfloat__multilingual-e5-base/no_revision_available/AmazonReviewsClassification.json", - "results/intfloat__multilingual-e5-base/no_revision_available/NorwegianParliament.json", - "results/intfloat__multilingual-e5-base/no_revision_available/NQ-PL.json", - "results/intfloat__multilingual-e5-base/no_revision_available/JDReview.json", - "results/intfloat__multilingual-e5-base/no_revision_available/SCIDOCS-PL.json", - "results/intfloat__multilingual-e5-base/no_revision_available/MTOPIntentClassification.json", - "results/intfloat__multilingual-e5-base/no_revision_available/HALClusteringS2S.json", - "results/intfloat__multilingual-e5-base/no_revision_available/NoRecClassification.json", - "results/intfloat__multilingual-e5-base/no_revision_available/MedicalRetrieval.json", - "results/intfloat__multilingual-e5-base/no_revision_available/DKHateClassification.json", - "results/intfloat__multilingual-e5-base/no_revision_available/MasakhaNEWSClassification.json", - "results/intfloat__multilingual-e5-base/no_revision_available/T2Retrieval.json", - "results/intfloat__multilingual-e5-base/no_revision_available/ScalaDaClassification.json", - "results/intfloat__multilingual-e5-base/no_revision_available/QBQTC.json", - "results/intfloat__multilingual-e5-base/no_revision_available/PPC.json", - "results/intfloat__multilingual-e5-base/no_revision_available/MMarcoRetrieval.json", - "results/intfloat__multilingual-e5-base/no_revision_available/OpusparcusPC.json", - "results/intfloat__multilingual-e5-base/no_revision_available/DuRetrieval.json", - "results/intfloat__multilingual-e5-base/no_revision_available/DanishPoliticalCommentsClassification.json", - "results/intfloat__multilingual-e5-base/no_revision_available/MTOPDomainClassification.json", - "results/intfloat__multilingual-e5-base/no_revision_available/SICKFr.json", - "results/intfloat__multilingual-e5-base/no_revision_available/PawsXPairClassification.json", - "results/intfloat__multilingual-e5-base/no_revision_available/LccSentimentClassification.json", - "results/intfloat__multilingual-e5-base/no_revision_available/CMedQAv2.json", - "results/intfloat__multilingual-e5-base/no_revision_available/STSB.json", - "results/intfloat__multilingual-e5-base/no_revision_available/DalajClassification.json", - "results/intfloat__multilingual-e5-base/no_revision_available/XPQARetrieval.json", - "results/intfloat__multilingual-e5-base/no_revision_available/STSBenchmarkMultilingualSTS.json" - ], - "McGill-NLP__LLM2Vec-Mistral-supervised": [ - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/MassiveIntentClassification.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/BiorxivClusteringP2P.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/EmotionClassification.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/CQADupstackGisRetrieval.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/TweetSentimentExtractionClassification.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/SciFact.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/Banking77Classification.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/STS14.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/STSBenchmark.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/SciDocsRR.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/MindSmallReranking.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/CQADupstackRetrieval.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/MedrxivClusteringS2S.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/SCIDOCS.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/Touche2020.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/STS16.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/CQADupstackTexRetrieval.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/ImdbClassification.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/SprintDuplicateQuestions.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/ToxicConversationsClassification.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/MassiveScenarioClassification.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/STS17.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/CQADupstackUnixRetrieval.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/AskUbuntuDupQuestions.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/HotpotQA.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/ArxivClusteringS2S.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/StackExchangeClustering.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/RedditClusteringP2P.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/NQ.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/RedditClustering.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/SICK-R.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/FiQA2018.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/BIOSSES.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/TRECCOVID.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/DBPedia.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/BiorxivClusteringS2S.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/ArguAna.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/ArxivClusteringP2P.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/TwitterURLCorpus.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/STS22.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/AmazonReviewsClassification.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/CQADupstackGamingRetrieval.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/NFCorpus.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/STS15.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/AmazonPolarityClassification.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/MTOPIntentClassification.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/STS13.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/SummEval.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/ClimateFEVER.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/CQADupstackStatsRetrieval.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/TwitterSemEval2015.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/MedrxivClusteringP2P.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/TwentyNewsgroupsClustering.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/FEVER.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/MSMARCO.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/MTOPDomainClassification.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/QuoraRetrieval.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/STS12.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/AmazonCounterfactualClassification.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/StackExchangeClusteringP2P.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/StackOverflowDupQuestions.json" - ], - "nomic-ai__nomic-embed-text-v1": [ - "results/nomic-ai__nomic-embed-text-v1/no_revision_available/LEMBWikimQARetrieval.json", - "results/nomic-ai__nomic-embed-text-v1/no_revision_available/LEMBSummScreenFDRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1/no_revision_available/LEMBNarrativeQARetrieval.json", - "results/nomic-ai__nomic-embed-text-v1/no_revision_available/LEMBQMSumRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1/no_revision_available/LEMBPasskeyRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1/no_revision_available/LEMBNeedleRetrieval.json" - ], - "deepset__gelectra-base": [ - "results/deepset__gelectra-base/no_revision_available/BlurbsClusteringP2P.json", - "results/deepset__gelectra-base/no_revision_available/TenKGnadClusteringS2S.json", - "results/deepset__gelectra-base/no_revision_available/TenKGnadClusteringP2P.json", - "results/deepset__gelectra-base/no_revision_available/BlurbsClusteringS2S.json" - ], - "sentence-transformers__gtr-t5-xl": [ - "results/sentence-transformers__gtr-t5-xl/no_revision_available/MassiveIntentClassification.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/BiorxivClusteringP2P.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/EmotionClassification.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/CQADupstackGisRetrieval.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/TweetSentimentExtractionClassification.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/SciFact.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/Banking77Classification.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/Tatoeba.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/STS14.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/STSBenchmark.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/SciDocsRR.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/MindSmallReranking.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/CQADupstackRetrieval.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/MedrxivClusteringS2S.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/SCIDOCS.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/Touche2020.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/STS16.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/CQADupstackTexRetrieval.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/ImdbClassification.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/SprintDuplicateQuestions.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/ToxicConversationsClassification.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/MassiveScenarioClassification.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/STS17.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/CQADupstackUnixRetrieval.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/AskUbuntuDupQuestions.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/HotpotQA.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/ArxivClusteringS2S.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/StackExchangeClustering.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/RedditClusteringP2P.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/NQ.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/RedditClustering.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/SICK-R.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/FiQA2018.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/BIOSSES.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/TRECCOVID.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/DBPedia.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/BiorxivClusteringS2S.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/ArguAna.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/BUCC.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/ArxivClusteringP2P.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/TwitterURLCorpus.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/STS22.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/AmazonReviewsClassification.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/CQADupstackGamingRetrieval.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/NFCorpus.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/STS15.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/AmazonPolarityClassification.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/MTOPIntentClassification.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/STS13.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/SummEval.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/ClimateFEVER.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/CQADupstackStatsRetrieval.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/TwitterSemEval2015.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/MedrxivClusteringP2P.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/TwentyNewsgroupsClustering.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/FEVER.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/MSMARCO.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/MTOPDomainClassification.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/QuoraRetrieval.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/STS12.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/AmazonCounterfactualClassification.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/StackExchangeClusteringP2P.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/sentence-transformers__gtr-t5-xl/no_revision_available/StackOverflowDupQuestions.json" - ], - "dangvantuan__sentence-camembert-base": [ - "results/dangvantuan__sentence-camembert-base/no_revision_available/MassiveIntentClassification.json", - "results/dangvantuan__sentence-camembert-base/no_revision_available/MLSUMClusteringP2P.json", - "results/dangvantuan__sentence-camembert-base/no_revision_available/AlloProfClusteringS2S.json", - "results/dangvantuan__sentence-camembert-base/no_revision_available/SyntecReranking.json", - "results/dangvantuan__sentence-camembert-base/no_revision_available/BSARDRetrieval.json", - "results/dangvantuan__sentence-camembert-base/no_revision_available/DiaBLaBitextMining.json", - "results/dangvantuan__sentence-camembert-base/no_revision_available/MintakaRetrieval.json", - "results/dangvantuan__sentence-camembert-base/no_revision_available/SyntecRetrieval.json", - "results/dangvantuan__sentence-camembert-base/no_revision_available/MLSUMClusteringS2S.json", - "results/dangvantuan__sentence-camembert-base/no_revision_available/MassiveScenarioClassification.json", - "results/dangvantuan__sentence-camembert-base/no_revision_available/MasakhaNEWSClusteringP2P.json", - "results/dangvantuan__sentence-camembert-base/no_revision_available/AlloprofRetrieval.json", - "results/dangvantuan__sentence-camembert-base/no_revision_available/AlloprofReranking.json", - "results/dangvantuan__sentence-camembert-base/no_revision_available/FloresBitextMining.json", - "results/dangvantuan__sentence-camembert-base/no_revision_available/SummEvalFr.json", - "results/dangvantuan__sentence-camembert-base/no_revision_available/AlloProfClusteringP2P.json", - "results/dangvantuan__sentence-camembert-base/no_revision_available/MasakhaNEWSClusteringS2S.json", - "results/dangvantuan__sentence-camembert-base/no_revision_available/STS22.json", - "results/dangvantuan__sentence-camembert-base/no_revision_available/AmazonReviewsClassification.json", - "results/dangvantuan__sentence-camembert-base/no_revision_available/MTOPIntentClassification.json", - "results/dangvantuan__sentence-camembert-base/no_revision_available/HALClusteringS2S.json", - "results/dangvantuan__sentence-camembert-base/no_revision_available/MasakhaNEWSClassification.json", - "results/dangvantuan__sentence-camembert-base/no_revision_available/OpusparcusPC.json", - "results/dangvantuan__sentence-camembert-base/no_revision_available/MTOPDomainClassification.json", - "results/dangvantuan__sentence-camembert-base/no_revision_available/SICKFr.json", - "results/dangvantuan__sentence-camembert-base/no_revision_available/PawsXPairClassification.json", - "results/dangvantuan__sentence-camembert-base/no_revision_available/XPQARetrieval.json", - "results/dangvantuan__sentence-camembert-base/no_revision_available/STSBenchmarkMultilingualSTS.json" - ], - "Geotrend__bert-base-10lang-cased": [ - "results/Geotrend__bert-base-10lang-cased/no_revision_available/MassiveIntentClassification.json", - "results/Geotrend__bert-base-10lang-cased/no_revision_available/MLSUMClusteringP2P.json", - "results/Geotrend__bert-base-10lang-cased/no_revision_available/AlloProfClusteringS2S.json", - "results/Geotrend__bert-base-10lang-cased/no_revision_available/SyntecReranking.json", - "results/Geotrend__bert-base-10lang-cased/no_revision_available/BSARDRetrieval.json", - "results/Geotrend__bert-base-10lang-cased/no_revision_available/DiaBLaBitextMining.json", - "results/Geotrend__bert-base-10lang-cased/no_revision_available/MintakaRetrieval.json", - "results/Geotrend__bert-base-10lang-cased/no_revision_available/SyntecRetrieval.json", - "results/Geotrend__bert-base-10lang-cased/no_revision_available/MLSUMClusteringS2S.json", - "results/Geotrend__bert-base-10lang-cased/no_revision_available/MassiveScenarioClassification.json", - "results/Geotrend__bert-base-10lang-cased/no_revision_available/MasakhaNEWSClusteringP2P.json", - "results/Geotrend__bert-base-10lang-cased/no_revision_available/AlloprofRetrieval.json", - "results/Geotrend__bert-base-10lang-cased/no_revision_available/AlloprofReranking.json", - "results/Geotrend__bert-base-10lang-cased/no_revision_available/FloresBitextMining.json", - "results/Geotrend__bert-base-10lang-cased/no_revision_available/SummEvalFr.json", - "results/Geotrend__bert-base-10lang-cased/no_revision_available/AlloProfClusteringP2P.json", - "results/Geotrend__bert-base-10lang-cased/no_revision_available/MasakhaNEWSClusteringS2S.json", - "results/Geotrend__bert-base-10lang-cased/no_revision_available/STS22.json", - "results/Geotrend__bert-base-10lang-cased/no_revision_available/AmazonReviewsClassification.json", - "results/Geotrend__bert-base-10lang-cased/no_revision_available/MTOPIntentClassification.json", - "results/Geotrend__bert-base-10lang-cased/no_revision_available/HALClusteringS2S.json", - "results/Geotrend__bert-base-10lang-cased/no_revision_available/MasakhaNEWSClassification.json", - "results/Geotrend__bert-base-10lang-cased/no_revision_available/OpusparcusPC.json", - "results/Geotrend__bert-base-10lang-cased/no_revision_available/MTOPDomainClassification.json", - "results/Geotrend__bert-base-10lang-cased/no_revision_available/SICKFr.json", - "results/Geotrend__bert-base-10lang-cased/no_revision_available/PawsXPairClassification.json", - "results/Geotrend__bert-base-10lang-cased/no_revision_available/XPQARetrieval.json", - "results/Geotrend__bert-base-10lang-cased/no_revision_available/STSBenchmarkMultilingualSTS.json" - ], - "cointegrated__LaBSE-en-ru": [ - "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/RuBQRetrieval.json", - "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/MassiveIntentClassification.json", - "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/InappropriatenessClassification.json", - "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/RuReviewsClassification.json", - "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/SIB200ClusteringS2S.json", - "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/MLSUMClusteringP2P.json", - "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/BelebeleRetrieval.json", - "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/RuSciBenchGRNTIClusteringP2P.json", - "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/LanguageClassification.json", - "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/MLSUMClusteringS2S.v2.json", - "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/TERRa.json", - "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/Tatoeba.json", - "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/RuSTSBenchmarkSTS.json", - "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/CyrillicTurkicLangClassification.json", - "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/RiaNewsRetrieval.json", - "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/MIRACLRetrieval.json", - "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/GeoreviewClassification.json", - "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/SensitiveTopicsClassification.json", - "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/KinopoiskClassification.json", - "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/RUParaPhraserSTS.json", - "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/MLSUMClusteringS2S.json", - "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/MassiveScenarioClassification.json", - "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/RuSciBenchOECDClusteringP2P.json", - "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/MultilingualSentimentClassification.json", - "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/PublicHealthQA.json", - "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/FloresBitextMining.json", - "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/RuSciBenchGRNTIClassification.json", - "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/HeadlineClassification.json", - "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/XQuADRetrieval.json", - "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/BUCC.v2.json", - "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/MIRACLReranking.json", - "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/XNLI.json", - "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/XNLIV2.json", - "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/STS22.json", - "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/MultiLongDocRetrieval.json", - "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/CEDRClassification.json", - "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/SIB200Classification.json", - "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/GeoreviewClusteringP2P.json", - "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/MLSUMClusteringP2P.v2.json", - "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/STS22.v2.json", - "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/RuBQReranking.json", - "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/NTREXBitextMining.json", - "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/OpusparcusPC.json", - "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/RuSciBenchOECDClassification.json", - "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/BibleNLPBitextMining.json", - "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/STSBenchmarkMultilingualSTS.json" - ], - "KB__bert-base-swedish-cased": [ - "results/KB__bert-base-swedish-cased/no_revision_available/MassiveIntentClassification.json", - "results/KB__bert-base-swedish-cased/no_revision_available/SweRecClassification.json", - "results/KB__bert-base-swedish-cased/no_revision_available/MassiveScenarioClassification.json", - "results/KB__bert-base-swedish-cased/no_revision_available/AngryTweetsClassification.json", - "results/KB__bert-base-swedish-cased/no_revision_available/NordicLangClassification.json", - "results/KB__bert-base-swedish-cased/no_revision_available/BornholmBitextMining.json", - "results/KB__bert-base-swedish-cased/no_revision_available/ScalaNbClassification.json", - "results/KB__bert-base-swedish-cased/no_revision_available/ScalaSvClassification.json", - "results/KB__bert-base-swedish-cased/no_revision_available/NorwegianParliament.json", - "results/KB__bert-base-swedish-cased/no_revision_available/NoRecClassification.json", - "results/KB__bert-base-swedish-cased/no_revision_available/DKHateClassification.json", - "results/KB__bert-base-swedish-cased/no_revision_available/ScalaDaClassification.json", - "results/KB__bert-base-swedish-cased/no_revision_available/DanishPoliticalCommentsClassification.json", - "results/KB__bert-base-swedish-cased/no_revision_available/LccSentimentClassification.json", - "results/KB__bert-base-swedish-cased/no_revision_available/DalajClassification.json" - ], - "cointegrated__rubert-tiny": [ - "results/cointegrated__rubert-tiny/5441c5ea8026d4f6d7505ec004845409f1259fb1/RuBQRetrieval.json", - "results/cointegrated__rubert-tiny/5441c5ea8026d4f6d7505ec004845409f1259fb1/MassiveIntentClassification.json", - "results/cointegrated__rubert-tiny/5441c5ea8026d4f6d7505ec004845409f1259fb1/InappropriatenessClassification.json", - "results/cointegrated__rubert-tiny/5441c5ea8026d4f6d7505ec004845409f1259fb1/RuReviewsClassification.json", - "results/cointegrated__rubert-tiny/5441c5ea8026d4f6d7505ec004845409f1259fb1/RuSciBenchGRNTIClusteringP2P.json", - "results/cointegrated__rubert-tiny/5441c5ea8026d4f6d7505ec004845409f1259fb1/TERRa.json", - "results/cointegrated__rubert-tiny/5441c5ea8026d4f6d7505ec004845409f1259fb1/RuSTSBenchmarkSTS.json", - "results/cointegrated__rubert-tiny/5441c5ea8026d4f6d7505ec004845409f1259fb1/RiaNewsRetrieval.json", - "results/cointegrated__rubert-tiny/5441c5ea8026d4f6d7505ec004845409f1259fb1/GeoreviewClassification.json", - "results/cointegrated__rubert-tiny/5441c5ea8026d4f6d7505ec004845409f1259fb1/SensitiveTopicsClassification.json", - "results/cointegrated__rubert-tiny/5441c5ea8026d4f6d7505ec004845409f1259fb1/KinopoiskClassification.json", - "results/cointegrated__rubert-tiny/5441c5ea8026d4f6d7505ec004845409f1259fb1/RUParaPhraserSTS.json", - "results/cointegrated__rubert-tiny/5441c5ea8026d4f6d7505ec004845409f1259fb1/MassiveScenarioClassification.json", - "results/cointegrated__rubert-tiny/5441c5ea8026d4f6d7505ec004845409f1259fb1/RuSciBenchOECDClusteringP2P.json", - "results/cointegrated__rubert-tiny/5441c5ea8026d4f6d7505ec004845409f1259fb1/RuSciBenchGRNTIClassification.json", - "results/cointegrated__rubert-tiny/5441c5ea8026d4f6d7505ec004845409f1259fb1/HeadlineClassification.json", - "results/cointegrated__rubert-tiny/5441c5ea8026d4f6d7505ec004845409f1259fb1/XNLI.json", - "results/cointegrated__rubert-tiny/5441c5ea8026d4f6d7505ec004845409f1259fb1/STS22.json", - "results/cointegrated__rubert-tiny/5441c5ea8026d4f6d7505ec004845409f1259fb1/CEDRClassification.json", - "results/cointegrated__rubert-tiny/5441c5ea8026d4f6d7505ec004845409f1259fb1/GeoreviewClusteringP2P.json", - "results/cointegrated__rubert-tiny/5441c5ea8026d4f6d7505ec004845409f1259fb1/RuBQReranking.json", - "results/cointegrated__rubert-tiny/5441c5ea8026d4f6d7505ec004845409f1259fb1/RuSciBenchOECDClassification.json" - ], - "facebookresearch__dragon-plus-instruct": [ - "results/facebookresearch__dragon-plus-instruct/no_revision_available/AlphaNLI.json", - "results/facebookresearch__dragon-plus-instruct/no_revision_available/WinoGrande.json", - "results/facebookresearch__dragon-plus-instruct/no_revision_available/ARCChallenge.json", - "results/facebookresearch__dragon-plus-instruct/no_revision_available/SpartQA.json", - "results/facebookresearch__dragon-plus-instruct/no_revision_available/TempReasonL1.json", - "results/facebookresearch__dragon-plus-instruct/no_revision_available/HellaSwag.json", - "results/facebookresearch__dragon-plus-instruct/no_revision_available/TempReasonL3Pure.json", - "results/facebookresearch__dragon-plus-instruct/no_revision_available/PIQA.json", - "results/facebookresearch__dragon-plus-instruct/no_revision_available/Quail.json", - "results/facebookresearch__dragon-plus-instruct/no_revision_available/SIQA.json", - "results/facebookresearch__dragon-plus-instruct/no_revision_available/RARbMath.json", - "results/facebookresearch__dragon-plus-instruct/no_revision_available/TempReasonL2Fact.json", - "results/facebookresearch__dragon-plus-instruct/no_revision_available/TempReasonL2Pure.json", - "results/facebookresearch__dragon-plus-instruct/no_revision_available/TempReasonL3Fact.json", - "results/facebookresearch__dragon-plus-instruct/no_revision_available/RARbCode.json" - ], - "Salesforce__SFR-Embedding-Mistral": [ - "results/Salesforce__SFR-Embedding-Mistral/no_revision_available/BrightRetrieval.json" - ], - "voyageai__voyage-lite-01-instruct": [ - "results/voyageai__voyage-lite-01-instruct/no_revision_available/MassiveIntentClassification.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/BiorxivClusteringP2P.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/EmotionClassification.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/CQADupstackGisRetrieval.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/TweetSentimentExtractionClassification.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/SciFact.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/Banking77Classification.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/STS14.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/STSBenchmark.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/SciDocsRR.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/MindSmallReranking.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/CQADupstackRetrieval.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/MedrxivClusteringS2S.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/SCIDOCS.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/Touche2020.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/STS16.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/CQADupstackTexRetrieval.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/ImdbClassification.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/SprintDuplicateQuestions.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/ToxicConversationsClassification.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/MassiveScenarioClassification.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/STS17.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/CQADupstackUnixRetrieval.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/AskUbuntuDupQuestions.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/HotpotQA.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/ArxivClusteringS2S.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/StackExchangeClustering.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/RedditClusteringP2P.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/NQ.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/RedditClustering.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/SICK-R.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/FiQA2018.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/BIOSSES.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/TRECCOVID.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/DBPedia.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/BiorxivClusteringS2S.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/ArguAna.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/ArxivClusteringP2P.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/TwitterURLCorpus.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/STS22.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/AmazonReviewsClassification.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/CQADupstackGamingRetrieval.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/NFCorpus.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/STS15.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/AmazonPolarityClassification.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/MTOPIntentClassification.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/STS13.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/SummEval.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/ClimateFEVER.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/CQADupstackStatsRetrieval.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/TwitterSemEval2015.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/MedrxivClusteringP2P.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/TwentyNewsgroupsClustering.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/FEVER.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/MSMARCO.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/MTOPDomainClassification.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/QuoraRetrieval.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/STS12.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/AmazonCounterfactualClassification.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/StackExchangeClusteringP2P.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/voyageai__voyage-lite-01-instruct/no_revision_available/StackOverflowDupQuestions.json" - ], - "Muennighoff__SGPT-125M-weightedmean-nli-bitfit": [ - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/MassiveIntentClassification.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/BiorxivClusteringP2P.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/EmotionClassification.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/CQADupstackGisRetrieval.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/TweetSentimentExtractionClassification.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/SciFact.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/Banking77Classification.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/STS14.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/STSBenchmark.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/SciDocsRR.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/MindSmallReranking.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/CQADupstackRetrieval.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/MedrxivClusteringS2S.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/SCIDOCS.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/Touche2020.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/STS16.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/CQADupstackTexRetrieval.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/ImdbClassification.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/SprintDuplicateQuestions.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/ToxicConversationsClassification.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/MassiveScenarioClassification.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/STS17.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/CQADupstackUnixRetrieval.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/AskUbuntuDupQuestions.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/HotpotQA.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/ArxivClusteringS2S.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/StackExchangeClustering.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/RedditClusteringP2P.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/NQ.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/RedditClustering.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/SICK-R.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/FiQA2018.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/BIOSSES.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/TRECCOVID.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/DBPedia.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/BiorxivClusteringS2S.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/ArguAna.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/BUCC.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/ArxivClusteringP2P.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/TwitterURLCorpus.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/STS22.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/AmazonReviewsClassification.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/CQADupstackGamingRetrieval.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/NFCorpus.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/STS15.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/AmazonPolarityClassification.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/MTOPIntentClassification.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/STS13.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/SummEval.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/ClimateFEVER.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/CQADupstackStatsRetrieval.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/TwitterSemEval2015.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/MedrxivClusteringP2P.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/TwentyNewsgroupsClustering.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/FEVER.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/MSMARCO.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/MTOPDomainClassification.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/QuoraRetrieval.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/STS12.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/AmazonCounterfactualClassification.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/StackExchangeClusteringP2P.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/StackOverflowDupQuestions.json" - ], - "McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised": [ - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/MassiveIntentClassification.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/BiorxivClusteringP2P.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/EmotionClassification.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/CQADupstackGisRetrieval.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/TweetSentimentExtractionClassification.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/SciFact.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/Banking77Classification.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/STS14.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/STSBenchmark.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/SciDocsRR.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/MindSmallReranking.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/CQADupstackRetrieval.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/MedrxivClusteringS2S.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/SCIDOCS.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/Touche2020.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/STS16.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/CQADupstackTexRetrieval.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/ImdbClassification.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/SprintDuplicateQuestions.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/ToxicConversationsClassification.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/MassiveScenarioClassification.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/STS17.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/CQADupstackUnixRetrieval.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/AskUbuntuDupQuestions.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/HotpotQA.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/ArxivClusteringS2S.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/StackExchangeClustering.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/RedditClusteringP2P.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/NQ.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/RedditClustering.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/SICK-R.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/FiQA2018.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/BIOSSES.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/TRECCOVID.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/DBPedia.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/BiorxivClusteringS2S.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/ArguAna.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/ArxivClusteringP2P.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/TwitterURLCorpus.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/STS22.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/AmazonReviewsClassification.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/CQADupstackGamingRetrieval.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/NFCorpus.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/STS15.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/AmazonPolarityClassification.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/MTOPIntentClassification.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/STS13.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/SummEval.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/ClimateFEVER.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/CQADupstackStatsRetrieval.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/TwitterSemEval2015.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/MedrxivClusteringP2P.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/TwentyNewsgroupsClustering.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/FEVER.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/MSMARCO.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/MTOPDomainClassification.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/QuoraRetrieval.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/STS12.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/AmazonCounterfactualClassification.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/StackExchangeClusteringP2P.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/StackOverflowDupQuestions.json" - ], - "openai__text-embedding-3-small": [ - "results/openai__text-embedding-3-small/no_revision_available/AlphaNLI.json", - "results/openai__text-embedding-3-small/no_revision_available/WinoGrande.json", - "results/openai__text-embedding-3-small/no_revision_available/ARCChallenge.json", - "results/openai__text-embedding-3-small/no_revision_available/MassiveIntentClassification.json", - "results/openai__text-embedding-3-small/no_revision_available/SpartQA.json", - "results/openai__text-embedding-3-small/no_revision_available/BiorxivClusteringP2P.json", - "results/openai__text-embedding-3-small/no_revision_available/TempReasonL1.json", - "results/openai__text-embedding-3-small/no_revision_available/EmotionClassification.json", - "results/openai__text-embedding-3-small/no_revision_available/CQADupstackGisRetrieval.json", - "results/openai__text-embedding-3-small/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/openai__text-embedding-3-small/no_revision_available/TweetSentimentExtractionClassification.json", - "results/openai__text-embedding-3-small/no_revision_available/HellaSwag.json", - "results/openai__text-embedding-3-small/no_revision_available/SciFact.json", - "results/openai__text-embedding-3-small/no_revision_available/Banking77Classification.json", - "results/openai__text-embedding-3-small/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/openai__text-embedding-3-small/no_revision_available/STS14.json", - "results/openai__text-embedding-3-small/no_revision_available/STSBenchmark.json", - "results/openai__text-embedding-3-small/no_revision_available/TempReasonL3Pure.json", - "results/openai__text-embedding-3-small/no_revision_available/SciDocsRR.json", - "results/openai__text-embedding-3-small/no_revision_available/MindSmallReranking.json", - "results/openai__text-embedding-3-small/no_revision_available/CQADupstackRetrieval.json", - "results/openai__text-embedding-3-small/no_revision_available/MedrxivClusteringS2S.json", - "results/openai__text-embedding-3-small/no_revision_available/SCIDOCS.json", - "results/openai__text-embedding-3-small/no_revision_available/PIQA.json", - "results/openai__text-embedding-3-small/no_revision_available/Touche2020.json", - "results/openai__text-embedding-3-small/no_revision_available/STS16.json", - "results/openai__text-embedding-3-small/no_revision_available/CQADupstackTexRetrieval.json", - "results/openai__text-embedding-3-small/no_revision_available/ImdbClassification.json", - "results/openai__text-embedding-3-small/no_revision_available/SprintDuplicateQuestions.json", - "results/openai__text-embedding-3-small/no_revision_available/ToxicConversationsClassification.json", - "results/openai__text-embedding-3-small/no_revision_available/MassiveScenarioClassification.json", - "results/openai__text-embedding-3-small/no_revision_available/STS17.json", - "results/openai__text-embedding-3-small/no_revision_available/CQADupstackUnixRetrieval.json", - "results/openai__text-embedding-3-small/no_revision_available/AskUbuntuDupQuestions.json", - "results/openai__text-embedding-3-small/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/openai__text-embedding-3-small/no_revision_available/HotpotQA.json", - "results/openai__text-embedding-3-small/no_revision_available/ArxivClusteringS2S.json", - "results/openai__text-embedding-3-small/no_revision_available/StackExchangeClustering.json", - "results/openai__text-embedding-3-small/no_revision_available/RedditClusteringP2P.json", - "results/openai__text-embedding-3-small/no_revision_available/Quail.json", - "results/openai__text-embedding-3-small/no_revision_available/NQ.json", - "results/openai__text-embedding-3-small/no_revision_available/RedditClustering.json", - "results/openai__text-embedding-3-small/no_revision_available/SICK-R.json", - "results/openai__text-embedding-3-small/no_revision_available/FiQA2018.json", - "results/openai__text-embedding-3-small/no_revision_available/BIOSSES.json", - "results/openai__text-embedding-3-small/no_revision_available/TRECCOVID.json", - "results/openai__text-embedding-3-small/no_revision_available/DBPedia.json", - "results/openai__text-embedding-3-small/no_revision_available/BiorxivClusteringS2S.json", - "results/openai__text-embedding-3-small/no_revision_available/ArguAna.json", - "results/openai__text-embedding-3-small/no_revision_available/SIQA.json", - "results/openai__text-embedding-3-small/no_revision_available/ArxivClusteringP2P.json", - "results/openai__text-embedding-3-small/no_revision_available/TwitterURLCorpus.json", - "results/openai__text-embedding-3-small/no_revision_available/STS22.json", - "results/openai__text-embedding-3-small/no_revision_available/AmazonReviewsClassification.json", - "results/openai__text-embedding-3-small/no_revision_available/CQADupstackGamingRetrieval.json", - "results/openai__text-embedding-3-small/no_revision_available/NFCorpus.json", - "results/openai__text-embedding-3-small/no_revision_available/STS15.json", - "results/openai__text-embedding-3-small/no_revision_available/AmazonPolarityClassification.json", - "results/openai__text-embedding-3-small/no_revision_available/RARbMath.json", - "results/openai__text-embedding-3-small/no_revision_available/MTOPIntentClassification.json", - "results/openai__text-embedding-3-small/no_revision_available/TempReasonL2Fact.json", - "results/openai__text-embedding-3-small/no_revision_available/STS13.json", - "results/openai__text-embedding-3-small/no_revision_available/TempReasonL2Pure.json", - "results/openai__text-embedding-3-small/no_revision_available/SummEval.json", - "results/openai__text-embedding-3-small/no_revision_available/ClimateFEVER.json", - "results/openai__text-embedding-3-small/no_revision_available/CQADupstackStatsRetrieval.json", - "results/openai__text-embedding-3-small/no_revision_available/TwitterSemEval2015.json", - "results/openai__text-embedding-3-small/no_revision_available/TempReasonL3Fact.json", - "results/openai__text-embedding-3-small/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/openai__text-embedding-3-small/no_revision_available/MedrxivClusteringP2P.json", - "results/openai__text-embedding-3-small/no_revision_available/TwentyNewsgroupsClustering.json", - "results/openai__text-embedding-3-small/no_revision_available/RARbCode.json", - "results/openai__text-embedding-3-small/no_revision_available/FEVER.json", - "results/openai__text-embedding-3-small/no_revision_available/OpusparcusPC.json", - "results/openai__text-embedding-3-small/no_revision_available/MSMARCO.json", - "results/openai__text-embedding-3-small/no_revision_available/MTOPDomainClassification.json", - "results/openai__text-embedding-3-small/no_revision_available/QuoraRetrieval.json", - "results/openai__text-embedding-3-small/no_revision_available/STS12.json", - "results/openai__text-embedding-3-small/no_revision_available/AmazonCounterfactualClassification.json", - "results/openai__text-embedding-3-small/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/openai__text-embedding-3-small/no_revision_available/StackExchangeClusteringP2P.json", - "results/openai__text-embedding-3-small/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/openai__text-embedding-3-small/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/openai__text-embedding-3-small/no_revision_available/StackOverflowDupQuestions.json" - ], - "intfloat__e5-large-v2": [ - "results/intfloat__e5-large-v2/b322e09026e4ea05f42beadf4d661fb4e101d311/StackExchangeClustering.v2.json", - "results/intfloat__e5-large-v2/b322e09026e4ea05f42beadf4d661fb4e101d311/RedditClusteringP2P.v2.json", - "results/intfloat__e5-large-v2/b322e09026e4ea05f42beadf4d661fb4e101d311/BiorxivClusteringP2P.json", - "results/intfloat__e5-large-v2/b322e09026e4ea05f42beadf4d661fb4e101d311/MedrxivClusteringP2P.v2.json", - "results/intfloat__e5-large-v2/b322e09026e4ea05f42beadf4d661fb4e101d311/MedrxivClusteringS2S.json", - "results/intfloat__e5-large-v2/b322e09026e4ea05f42beadf4d661fb4e101d311/MedrxivClusteringS2S.v2.json", - "results/intfloat__e5-large-v2/b322e09026e4ea05f42beadf4d661fb4e101d311/BiorxivClusteringS2S.v2.json", - "results/intfloat__e5-large-v2/b322e09026e4ea05f42beadf4d661fb4e101d311/StackExchangeClusteringP2P.v2.json", - "results/intfloat__e5-large-v2/b322e09026e4ea05f42beadf4d661fb4e101d311/TwentyNewsgroupsClustering.v2.json", - "results/intfloat__e5-large-v2/b322e09026e4ea05f42beadf4d661fb4e101d311/StackExchangeClustering.json", - "results/intfloat__e5-large-v2/b322e09026e4ea05f42beadf4d661fb4e101d311/RedditClusteringP2P.json", - "results/intfloat__e5-large-v2/b322e09026e4ea05f42beadf4d661fb4e101d311/RedditClustering.v2.json", - "results/intfloat__e5-large-v2/b322e09026e4ea05f42beadf4d661fb4e101d311/RedditClustering.json", - "results/intfloat__e5-large-v2/b322e09026e4ea05f42beadf4d661fb4e101d311/BiorxivClusteringS2S.json", - "results/intfloat__e5-large-v2/b322e09026e4ea05f42beadf4d661fb4e101d311/BiorxivClusteringP2P.v2.json", - "results/intfloat__e5-large-v2/b322e09026e4ea05f42beadf4d661fb4e101d311/MedrxivClusteringP2P.json", - "results/intfloat__e5-large-v2/b322e09026e4ea05f42beadf4d661fb4e101d311/TwentyNewsgroupsClustering.json", - "results/intfloat__e5-large-v2/b322e09026e4ea05f42beadf4d661fb4e101d311/StackExchangeClusteringP2P.json", - "results/intfloat__e5-large-v2/no_revision_available/Robust04InstructionRetrieval.json", - "results/intfloat__e5-large-v2/no_revision_available/News21InstructionRetrieval.json", - "results/intfloat__e5-large-v2/no_revision_available/Core17InstructionRetrieval.json" - ], - "facebook__dragon-plus-context-encoder": [ - "results/facebook__dragon-plus-context-encoder/no_revision_available/MassiveIntentClassification.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/BiorxivClusteringP2P.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/EmotionClassification.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/CQADupstackGisRetrieval.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/TweetSentimentExtractionClassification.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/SciFact.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/Banking77Classification.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/STS14.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/STSBenchmark.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/SciDocsRR.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/MindSmallReranking.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/CQADupstackRetrieval.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/MedrxivClusteringS2S.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/SCIDOCS.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/Touche2020.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/STS16.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/CQADupstackTexRetrieval.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/ImdbClassification.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/SprintDuplicateQuestions.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/ToxicConversationsClassification.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/MassiveScenarioClassification.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/STS17.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/CQADupstackUnixRetrieval.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/AskUbuntuDupQuestions.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/HotpotQA.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/ArxivClusteringS2S.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/StackExchangeClustering.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/RedditClusteringP2P.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/NQ.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/RedditClustering.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/SICK-R.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/FiQA2018.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/BIOSSES.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/TRECCOVID.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/DBPedia.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/BiorxivClusteringS2S.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/ArguAna.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/ArxivClusteringP2P.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/TwitterURLCorpus.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/STS22.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/AmazonReviewsClassification.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/CQADupstackGamingRetrieval.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/NFCorpus.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/STS15.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/AmazonPolarityClassification.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/MTOPIntentClassification.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/STS13.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/SummEval.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/ClimateFEVER.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/CQADupstackStatsRetrieval.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/TwitterSemEval2015.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/MedrxivClusteringP2P.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/TwentyNewsgroupsClustering.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/FEVER.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/MSMARCO.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/MTOPDomainClassification.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/QuoraRetrieval.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/STS12.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/AmazonCounterfactualClassification.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/StackExchangeClusteringP2P.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/facebook__dragon-plus-context-encoder/no_revision_available/StackOverflowDupQuestions.json" - ], - "DeepPavlov__rubert-base-cased-sentence": [ - "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/RuBQRetrieval.json", - "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/MassiveIntentClassification.json", - "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/InappropriatenessClassification.json", - "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/RuReviewsClassification.json", - "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/SIB200ClusteringS2S.json", - "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/MLSUMClusteringP2P.json", - "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/BelebeleRetrieval.json", - "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/RuSciBenchGRNTIClusteringP2P.json", - "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/LanguageClassification.json", - "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/MLSUMClusteringS2S.v2.json", - "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/TERRa.json", - "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/Tatoeba.json", - "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/RuSTSBenchmarkSTS.json", - "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/CyrillicTurkicLangClassification.json", - "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/RiaNewsRetrieval.json", - "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/MIRACLRetrieval.json", - "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/GeoreviewClassification.json", - "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/SensitiveTopicsClassification.json", - "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/KinopoiskClassification.json", - "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/RUParaPhraserSTS.json", - "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/MLSUMClusteringS2S.json", - "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/MassiveScenarioClassification.json", - "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/RuSciBenchOECDClusteringP2P.json", - "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/MultilingualSentimentClassification.json", - "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/PublicHealthQA.json", - "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/FloresBitextMining.json", - "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/GPUSpeedTask.json", - "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/RuSciBenchGRNTIClassification.json", - "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/HeadlineClassification.json", - "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/XQuADRetrieval.json", - "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/BUCC.v2.json", - "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/MIRACLReranking.json", - "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/XNLI.json", - "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/XNLIV2.json", - "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/STS22.json", - "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/MultiLongDocRetrieval.json", - "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/CEDRClassification.json", - "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/SIB200Classification.json", - "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/GeoreviewClusteringP2P.json", - "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/MLSUMClusteringP2P.v2.json", - "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/STS22.v2.json", - "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/RuBQReranking.json", - "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/NTREXBitextMining.json", - "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/OpusparcusPC.json", - "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/RuSciBenchOECDClassification.json", - "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/BibleNLPBitextMining.json", - "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/STSBenchmarkMultilingualSTS.json" - ], - "baichuan-ai__text-embedding": [ - "results/baichuan-ai__text-embedding/no_revision_available/CMedQAv1.json", - "results/baichuan-ai__text-embedding/no_revision_available/MassiveIntentClassification.json", - "results/baichuan-ai__text-embedding/no_revision_available/TNews.json", - "results/baichuan-ai__text-embedding/no_revision_available/PAWSX.json", - "results/baichuan-ai__text-embedding/no_revision_available/OnlineShopping.json", - "results/baichuan-ai__text-embedding/no_revision_available/LCQMC.json", - "results/baichuan-ai__text-embedding/no_revision_available/EcomRetrieval.json", - "results/baichuan-ai__text-embedding/no_revision_available/MMarcoReranking.json", - "results/baichuan-ai__text-embedding/no_revision_available/CovidRetrieval.json", - "results/baichuan-ai__text-embedding/no_revision_available/CLSClusteringP2P.json", - "results/baichuan-ai__text-embedding/no_revision_available/BQ.json", - "results/baichuan-ai__text-embedding/no_revision_available/AFQMC.json", - "results/baichuan-ai__text-embedding/no_revision_available/CLSClusteringS2S.json", - "results/baichuan-ai__text-embedding/no_revision_available/Cmnli.json", - "results/baichuan-ai__text-embedding/no_revision_available/MassiveScenarioClassification.json", - "results/baichuan-ai__text-embedding/no_revision_available/T2Reranking.json", - "results/baichuan-ai__text-embedding/no_revision_available/ThuNewsClusteringP2P.json", - "results/baichuan-ai__text-embedding/no_revision_available/VideoRetrieval.json", - "results/baichuan-ai__text-embedding/no_revision_available/Ocnli.json", - "results/baichuan-ai__text-embedding/no_revision_available/ATEC.json", - "results/baichuan-ai__text-embedding/no_revision_available/Waimai.json", - "results/baichuan-ai__text-embedding/no_revision_available/ThuNewsClusteringS2S.json", - "results/baichuan-ai__text-embedding/no_revision_available/IFlyTek.json", - "results/baichuan-ai__text-embedding/no_revision_available/MultilingualSentiment.json", - "results/baichuan-ai__text-embedding/no_revision_available/CmedqaRetrieval.json", - "results/baichuan-ai__text-embedding/no_revision_available/STS22.json", - "results/baichuan-ai__text-embedding/no_revision_available/AmazonReviewsClassification.json", - "results/baichuan-ai__text-embedding/no_revision_available/JDReview.json", - "results/baichuan-ai__text-embedding/no_revision_available/MedicalRetrieval.json", - "results/baichuan-ai__text-embedding/no_revision_available/T2Retrieval.json", - "results/baichuan-ai__text-embedding/no_revision_available/QBQTC.json", - "results/baichuan-ai__text-embedding/no_revision_available/MMarcoRetrieval.json", - "results/baichuan-ai__text-embedding/no_revision_available/DuRetrieval.json", - "results/baichuan-ai__text-embedding/no_revision_available/CMedQAv2.json", - "results/baichuan-ai__text-embedding/no_revision_available/STSB.json" - ], - "intfloat__multilingual-e5-large": [ - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/HagridRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/BengaliDocumentClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MLQuestions.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SyntheticText2SQL.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NQ-PLHardNegatives.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/OPP115InternationalAndSpecificAudiencesLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/FrenkEnClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/WebLINXCandidatesReranking.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/Robust04InstructionRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/RuBQRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/StackExchangeClustering.v2.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/AlphaNLI.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TweetSarcasmClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/WinoGrande.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NusaParagraphEmotionClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/AlloProfClusteringP2P.v2.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/PSC.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/DBpediaClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADNonTransferableLicenseLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ARCChallenge.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/IndicSentimentClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NFCorpus-PL.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MassiveIntentClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SinhalaNewsSourceClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TextualismToolDictionariesLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/KurdishSentimentClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/InappropriatenessClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/RuReviewsClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/RomanianSentimentClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADUnlimitedAllYouCanEatLicenseLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADVolumeRestrictionLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADExclusivityLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ArmenianParaphrasePC.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/Itacola.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ContractNLIPermissibleAcquirementOfSimilarInformationLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADSourceCodeEscrowLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/UkrFormalityClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SIB200ClusteringS2S.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LEMBWikimQARetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MLSUMClusteringP2P.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/RedditClusteringP2P.v2.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/DanFeverRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/VGHierarchicalClusteringP2P.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/KLUE-STS.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADWarrantyDurationLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/DiaBlaBitextMining.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LegalSummarization.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SpartQA.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/BlurbsClusteringP2P.v2.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADInsuranceLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MSMARCOHardNegatives.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CTKFactsNLI.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADMostFavoredNationLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TNews.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/DBPedia-PLHardNegatives.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CodeFeedbackST.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/BiorxivClusteringP2P.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TempReasonL1.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/EmotionClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LEMBSummScreenFDRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CQADupstackGisRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/VieQuADRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/AfriSentiClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADCovenantNotToSueLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADPriceRestrictionsLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/OPP115DoNotTrackLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SCDDCertificationLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/FalseFriendsGermanEnglish.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CQADupstackEnglishRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LearnedHandsTrafficLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CDSC-R.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADJointIPOwnershipLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MedrxivClusteringP2P.v2.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SyntecReranking.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/RomanianReviewsSentiment.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/PAWSX.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/BSARDRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TweetSentimentExtractionClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADGoverningLawLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/WikipediaRerankingMultilingual.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/HellaSwag.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/Diversity2LegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/BelebeleRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/IndicCrosslingualSTS.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ArXivHierarchicalClusteringP2P.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ContractNLIPermissibleDevelopmentOfSimilarInformationLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/FarsTail.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SwednClusteringP2P.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/OnlineShopping.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LearnedHandsDomesticViolenceLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SlovakMovieReviewSentimentClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LearnedHandsBenefitsLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/PolEmo2.0-OUT.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADNoSolicitOfEmployeesLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/News21InstructionRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/GermanGovServiceRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LCQMC.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/EcomRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NusaParagraphTopicClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/Moroco.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/GujaratiNewsClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LEMBNarrativeQARetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TurHistQuadRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/OralArgumentQuestionPurposeLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SciFact.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/RuSciBenchGRNTIClusteringP2P.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LanguageClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/KannadaNewsClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MalteseNewsClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/GreekLegalCodeClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MLSUMClusteringS2S.v2.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADAuditRightsLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CodeSearchNetCCRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LearnedHandsEstatesLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/Banking77Classification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CodeTransOceanContest.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/RTE3.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NusaXBitextMining.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MMarcoReranking.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/GeorgianFAQRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADAffiliateLicenseLicenseeLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TurkicClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NorQuadRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TERRa.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/Tatoeba.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/RuSTSBenchmarkSTS.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CQADupstackProgrammersRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ContractNLIInclusionOfVerballyConveyedInformationLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/HindiDiscourseClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/KorSarcasmClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TurkishProductSentimentClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADAffiliateLicenseLicensorLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/IndicQARetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LearnedHandsConsumerLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SNLHierarchicalClusteringS2S.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/KorHateClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NaijaSenti.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CyrillicTurkicLangClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/FiQA-PL.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/STS14.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADTerminationForConvenienceLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/STSBenchmark.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MAUDLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/AllegroReviews.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SiswatiNewsClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LegalReasoningCausalityLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/InternationalCitizenshipQuestionsLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SpanishPassageRetrievalS2S.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TempReasonL3Pure.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ItaCaseholdClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/Diversity6LegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MarathiNewsClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/DutchBookReviewSentimentClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/Ko-StrategyQA.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SciDocsRR.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SciFact-PL.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ScalaClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MIRACLRetrievalHardNegatives.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LearnedHandsFamilyLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TopiOCQAHardNegatives.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MindSmallReranking.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/OPP115DataSecurityLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MedrxivClusteringS2S.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CzechSubjectivityClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/JaGovFaqsRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/Diversity5LegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/RiaNewsRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SCIDOCS.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ArXivHierarchicalClusteringS2S.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/RomaTalesBitextMining.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CSFDCZMovieReviewSentimentClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NQHardNegatives.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/PIQA.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MIRACLRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/YahooAnswersTopicsClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MintakaRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/IndicReviewsClusteringP2P.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/Touche2020.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TeluguAndhraJyotiNewsClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ContractNLIPermissiblePostAgreementPossessionLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/STS16.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NLPJournalAbsIntroRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MedrxivClusteringS2S.v2.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/HotpotQA-PLHardNegatives.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/OPP115PolicyChangeLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADNonCompeteLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/OverrulingLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/UnfairTOSLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/KLUE-NLI.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SweRecClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NLPJournalTitleAbsRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/DefinitionClassificationLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/PunjabiNewsClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/BiorxivClusteringS2S.v2.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CovidRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/GermanPoliticiansTwitterSentimentClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TRECCOVID-PL.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LearnedHandsImmigrationLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/GeoreviewClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/YueOpenriceReviewClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CodeFeedbackMT.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CanadaTaxCourtOutcomesLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CQADupstackTexRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/StatcanDialogueDatasetRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/BrazilianToxicTweetsClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/DBPediaHardNegatives.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/STSES.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ContractNLIExplicitIdentificationLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ContractNLISurvivalOfObligationsLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADLiquidatedDamagesLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/OPP115DataRetentionLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/JSICK.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/UCCVCommonLawLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SwednClusteringS2S.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/WRIMEClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/StackExchangeClusteringP2P.v2.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SCDDAuditsLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SICK-R-PL.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SpanishNewsClusteringP2P.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ContractNLINoticeOnCompelledDisclosureLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SyntecRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/AppsRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADNoSolicitOfCustomersLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SensitiveTopicsClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/FaroeseSTS.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ToxicChatClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TswanaNewsClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CDSC-E.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/BQ.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TwentyNewsgroupsClustering.v2.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/GermanSTSBenchmark.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/KinopoiskClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/Diversity4LegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/AFQMC.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LEMBQMSumRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/PROALegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TweetEmotionClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/OPP115UserAccessEditAndDeletionLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/FrenkHrClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ImdbClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/FaithDial.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MLQARetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/RUParaPhraserSTS.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SprintDuplicateQuestions.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/WikiClusteringP2P.v2.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MLSUMClusteringS2S.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/GermanDPR.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/AfriSentiLangClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ArxivClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ToxicConversationsClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MassiveScenarioClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/AngryTweetsClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/T2Reranking.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ArguAna-PL.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADExpirationDateLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/STS17.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/RuSciBenchOECDClusteringP2P.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TenKGnadClusteringS2S.v2.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CBD.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MasakhaNEWSClusteringP2P.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/PoemSentimentClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SummEvalSummarization.v2.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CQADupstackUnixRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TweetTopicSingleClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/AskUbuntuDupQuestions.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NusaTranslationBitextMining.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CQADupstackAndroidRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/HotpotQA.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADAntiAssignmentLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/AJGT.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/FinToxicityClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MSMARCO-PLHardNegatives.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/StackExchangeClustering.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/RedditClusteringP2P.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/BulgarianStoreReviewSentimentClassfication.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LearnedHandsTortsLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/AlloprofRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/Assin2RTE.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MedicalQARetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CorporateLobbyingLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/HateSpeechPortugueseClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/PolEmo2.0-IN.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TV2Nordretrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/PatentClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/RedditClustering.v2.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADRenewalTermLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/RonSTS.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/PlscClusteringS2S.v2.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/AlloprofReranking.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ContractNLINoLicensingLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LearnedHandsEducationLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NusaX-senti.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CataloniaTweetClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MultilingualSentimentClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/PublicHealthQA.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/FloresBitextMining.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/IndonesianMongabayConservationClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/AILAStatutes.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/indonli.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NordicLangClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/VideoRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/BigPatentClustering.v2.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SCDBPAccountabilityLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SCDBPCertificationLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/Quail.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CSFDSKMovieReviewSentimentClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MovieReviewSentimentClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/BornholmBitextMining.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NQ.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/WisesightSentimentClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SwahiliNewsClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ATEC.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ClimateFEVERHardNegatives.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SlovakSumRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/Waimai.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NollySentiBitextMining.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/HebrewSentimentAnalysis.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ContractNLISharingWithThirdPartiesLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/GPUSpeedTask.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/RedditClustering.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NLPJournalTitleIntroRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/PhincBitextMining.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LearnedHandsDivorceLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LearnedHandsCrimeLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SICK-R.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/FiQA2018.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SummEvalFr.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/BIOSSES.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/QuoraRetrievalHardNegatives.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/HunSum2AbstractiveRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/VieStudentFeedbackClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/RuSciBenchGRNTIClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TRECCOVID.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ContractNLISharingWithEmployeesLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SNLRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NorwegianParliamentClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CodeSearchNetRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CodeTransOceanDL.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SCDDAccountabilityLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/GreekCivicsQA.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SpanishSentimentClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/AlloProfClusteringS2S.v2.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LearnedHandsHousingLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LEMBPasskeyRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/OPP115FirstPartyCollectionUseLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADLicenseGrantLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/HeadlineClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/DBPedia.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/XQuADRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/BiorxivClusteringS2S.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TempReasonL3Context.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/HotpotQAHardNegatives.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SwissJudgementClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/BUCC.v2.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SCDDVerificationLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/JCrewBlockerLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/Quora-PLHardNegatives.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/FilipinoShopeeReviewsClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TextualismToolPlainLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/PAC.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADPostTerminationServicesLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/KorSTS.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ArguAna.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADEffectiveDateLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LearnedHandsCourtsLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NepaliNewsClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TenKGnadClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MasakhaNEWSClusteringS2S.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MacedonianTweetSentimentClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TelemarketingSalesRuleLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/GerDaLIR.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LegalBenchPC.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NYSJudicialEthicsLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/IFlyTek.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/XMarket.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MIRACLReranking.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SICK-E-PL.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/WikipediaRetrievalMultilingual.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/XNLI.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TbilisiCityHallBitextMining.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SweFaqRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ContractNLIPermissibleCopyLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SCDDTrainingLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CLSClusteringP2P.v2.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SIQA.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SemRel24STS.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NeuCLIR2023RetrievalHardNegatives.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SNLHierarchicalClusteringP2P.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/RiaNewsRetrievalHardNegatives.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/XNLIV2.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/Assin2STS.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MultiEURLEXMultilabelClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MultilingualSentiment.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CmedqaRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADNoticePeriodToTerminateRenewalLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/FrenkSlClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LEMBNeedleRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MalayalamNewsClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/BiorxivClusteringP2P.v2.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TwitterURLCorpus.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LivedoorNewsClustering.v2.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TweetSentimentClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/FinancialPhrasebankClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/GermanQuAD-Retrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/FQuADRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/STS22.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/AmazonReviewsClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CrossLingualSemanticDiscriminationWMT19.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ContractNLIReturnOfConfidentialInformationLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/JSTS.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CQADupstackGamingRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/AILACasedocs.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/RomaniBibleClustering.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SanskritShlokasClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/IndicNLPNewsClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/VieMedEVBitextMining.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADMinimumCommitmentLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NFCorpus.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CrossLingualSemanticDiscriminationWMT21.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/STS15.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MultiHateClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MultiLongDocRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/OdiaNewsClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SwednRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/EstQA.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/VoyageMMarcoReranking.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CEDRClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/AmazonPolarityClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NorwegianCourtsBitextMining.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/StackOverflowQA.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/JDReview.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADChangeOfControlLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/RARbMath.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SCIDOCS-PL.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/OPP115UserChoiceControlLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MTOPIntentClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/InsurancePolicyInterpretationLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/EightTagsClustering.v2.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/KLUE-TC.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NoRecClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TempReasonL2Fact.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/STS13.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/PpcPC.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NarrativeQARetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/FEVERHardNegatives.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TempReasonL2Pure.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CMedQAv1-reranking.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADRevenueProfitSharingLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/IndicGenBenchFloresBitextMining.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SRNCorpusBitextMining.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MedicalRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/HotelReviewSentimentClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ContractNLIConfidentialityOfAgreementLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SummEval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/PlscClusteringP2P.v2.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MyanmarNews.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ThuNewsClusteringP2P.v2.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/GerDaLIRSmall.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ClimateFEVER.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LegalBenchConsumerContractsQA.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/IN22ConvBitextMining.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SentimentAnalysisHindi.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SIB200Classification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LearnedHandsEmploymentLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADIrrevocableOrPerpetualLicenseLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ThuNewsClusteringS2S.v2.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/IN22GenBitextMining.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LivedoorNewsClustering.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CosQA.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MasakhaNEWSClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CQADupstackStatsRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TenKGnadClusteringP2P.v2.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LinceMTBitextMining.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NewsClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADCapOnLiabilityLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADNonDisparagementLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LegalBenchCorporateLobbying.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/T2Retrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/JavaneseIMDBClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ContractNLILimitedUseLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/GeoreviewClusteringP2P.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/BengaliHateSpeechClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TempReasonL2Context.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ArEntail.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/HALClusteringS2S.v2.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADThirdPartyBeneficiaryLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TamilNewsClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/RestaurantReviewSentimentClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/KorHateSpeechMLClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/FeedbackQARetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TwitterSemEval2015.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SICK-BR-PC.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/PersonalJurisdictionLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CzechProductReviewSentimentClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CzechSoMeSentimentClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SwedishSentimentClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/IWSLT2017BitextMining.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TempReasonL3Fact.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SCDBPAuditsLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/BlurbsClusteringS2S.v2.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/FunctionOfDecisionSectionLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LeCaRDv2.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADCompetitiveRestrictionExceptionLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CQADupstackWebmastersRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MLSUMClusteringP2P.v2.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/STS22.v2.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/RuBQReranking.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NTREXBitextMining.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MedrxivClusteringP2P.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MMarcoRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TwitterHjerneRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/IsiZuluNewsClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/IndicLangClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TwentyNewsgroupsClustering.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NeuCLIR2022RetrievalHardNegatives.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/PersianFoodSentimentClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LearnedHandsBusinessLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LearnedHandsHealthLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/WikiCitiesClustering.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/RARbCode.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/OpusparcusPC.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CodeEditSearchRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SpanishNewsClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/UrduRomanSentimentClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LegalQuAD.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/EstonianValenceClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/DuRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/RuSciBenchOECDClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/DanishPoliticalCommentsClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MTOPDomainClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/YelpReviewFullClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/FrenchBookReviews.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/QuoraRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CMedQAv2-reranking.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SICKFr.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/BengaliSentimentAnalysis.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/STS12.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/AmazonCounterfactualClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/FinParaSTS.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CQADupstackMathematicaRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADIPOwnershipAssignmentLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SCDBPTrainingLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MewsC16JaClustering.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TurkishMovieSentimentClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/PawsXPairClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/StackExchangeClusteringP2P.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/OPP115ThirdPartySharingCollectionLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LccSentimentClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/STSB.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADRofrRofoRofnLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/Core17InstructionRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CQADupstackPhysicsRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/DalajClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CQADupstackWordpressRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CLSClusteringS2S.v2.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/BibleNLPBitextMining.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/JaQuADRetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/Diversity3LegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/XPQARetrieval.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/STSBenchmarkMultilingualSTS.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SCDBPVerificationLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/OnlineStoreReviewSentimentClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SinhalaNewsClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/IndonesianIdClickbaitClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/VGHierarchicalClusteringS2S.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADUncappedLiabilityLegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/StackOverflowDupQuestions.json", - "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/Diversity1LegalBenchClassification.json", - "results/intfloat__multilingual-e5-large/no_revision_available/CMedQAv1.json", - "results/intfloat__multilingual-e5-large/no_revision_available/PSC.json", - "results/intfloat__multilingual-e5-large/no_revision_available/NFCorpus-PL.json", - "results/intfloat__multilingual-e5-large/no_revision_available/MassiveIntentClassification.json", - "results/intfloat__multilingual-e5-large/no_revision_available/MLSUMClusteringP2P.json", - "results/intfloat__multilingual-e5-large/no_revision_available/AlloProfClusteringS2S.json", - "results/intfloat__multilingual-e5-large/no_revision_available/TNews.json", - "results/intfloat__multilingual-e5-large/no_revision_available/CDSC-R.json", - "results/intfloat__multilingual-e5-large/no_revision_available/MSMARCO-PL.json", - "results/intfloat__multilingual-e5-large/no_revision_available/SyntecReranking.json", - "results/intfloat__multilingual-e5-large/no_revision_available/PAWSX.json", - "results/intfloat__multilingual-e5-large/no_revision_available/BSARDRetrieval.json", - "results/intfloat__multilingual-e5-large/no_revision_available/DBPedia-PL.json", - "results/intfloat__multilingual-e5-large/no_revision_available/OnlineShopping.json", - "results/intfloat__multilingual-e5-large/no_revision_available/PolEmo2.0-OUT.json", - "results/intfloat__multilingual-e5-large/no_revision_available/LCQMC.json", - "results/intfloat__multilingual-e5-large/no_revision_available/EcomRetrieval.json", - "results/intfloat__multilingual-e5-large/no_revision_available/MMarcoReranking.json", - "results/intfloat__multilingual-e5-large/no_revision_available/FiQA-PL.json", - "results/intfloat__multilingual-e5-large/no_revision_available/AllegroReviews.json", - "results/intfloat__multilingual-e5-large/no_revision_available/DiaBLaBitextMining.json", - "results/intfloat__multilingual-e5-large/no_revision_available/SciFact-PL.json", - "results/intfloat__multilingual-e5-large/no_revision_available/8TagsClustering.json", - "results/intfloat__multilingual-e5-large/no_revision_available/MintakaRetrieval.json", - "results/intfloat__multilingual-e5-large/no_revision_available/SweRecClassification.json", - "results/intfloat__multilingual-e5-large/no_revision_available/CovidRetrieval.json", - "results/intfloat__multilingual-e5-large/no_revision_available/TRECCOVID-PL.json", - "results/intfloat__multilingual-e5-large/no_revision_available/SICK-R-PL.json", - "results/intfloat__multilingual-e5-large/no_revision_available/SyntecRetrieval.json", - "results/intfloat__multilingual-e5-large/no_revision_available/CDSC-E.json", - "results/intfloat__multilingual-e5-large/no_revision_available/CLSClusteringP2P.json", - "results/intfloat__multilingual-e5-large/no_revision_available/BQ.json", - "results/intfloat__multilingual-e5-large/no_revision_available/AFQMC.json", - "results/intfloat__multilingual-e5-large/no_revision_available/MLSUMClusteringS2S.json", - "results/intfloat__multilingual-e5-large/no_revision_available/CLSClusteringS2S.json", - "results/intfloat__multilingual-e5-large/no_revision_available/Cmnli.json", - "results/intfloat__multilingual-e5-large/no_revision_available/MassiveScenarioClassification.json", - "results/intfloat__multilingual-e5-large/no_revision_available/AngryTweetsClassification.json", - "results/intfloat__multilingual-e5-large/no_revision_available/T2Reranking.json", - "results/intfloat__multilingual-e5-large/no_revision_available/ArguAna-PL.json", - "results/intfloat__multilingual-e5-large/no_revision_available/CBD.json", - "results/intfloat__multilingual-e5-large/no_revision_available/MasakhaNEWSClusteringP2P.json", - "results/intfloat__multilingual-e5-large/no_revision_available/AlloprofRetrieval.json", - "results/intfloat__multilingual-e5-large/no_revision_available/PolEmo2.0-IN.json", - "results/intfloat__multilingual-e5-large/no_revision_available/ThuNewsClusteringP2P.json", - "results/intfloat__multilingual-e5-large/no_revision_available/AlloprofReranking.json", - "results/intfloat__multilingual-e5-large/no_revision_available/FloresBitextMining.json", - "results/intfloat__multilingual-e5-large/no_revision_available/NordicLangClassification.json", - "results/intfloat__multilingual-e5-large/no_revision_available/VideoRetrieval.json", - "results/intfloat__multilingual-e5-large/no_revision_available/Ocnli.json", - "results/intfloat__multilingual-e5-large/no_revision_available/BornholmBitextMining.json", - "results/intfloat__multilingual-e5-large/no_revision_available/ATEC.json", - "results/intfloat__multilingual-e5-large/no_revision_available/Waimai.json", - "results/intfloat__multilingual-e5-large/no_revision_available/SummEvalFr.json", - "results/intfloat__multilingual-e5-large/no_revision_available/ThuNewsClusteringS2S.json", - "results/intfloat__multilingual-e5-large/no_revision_available/AlloProfClusteringP2P.json", - "results/intfloat__multilingual-e5-large/no_revision_available/HotpotQA-PL.json", - "results/intfloat__multilingual-e5-large/no_revision_available/PAC.json", - "results/intfloat__multilingual-e5-large/no_revision_available/MasakhaNEWSClusteringS2S.json", - "results/intfloat__multilingual-e5-large/no_revision_available/ScalaNbClassification.json", - "results/intfloat__multilingual-e5-large/no_revision_available/IFlyTek.json", - "results/intfloat__multilingual-e5-large/no_revision_available/SICK-E-PL.json", - "results/intfloat__multilingual-e5-large/no_revision_available/ScalaSvClassification.json", - "results/intfloat__multilingual-e5-large/no_revision_available/MultilingualSentiment.json", - "results/intfloat__multilingual-e5-large/no_revision_available/CmedqaRetrieval.json", - "results/intfloat__multilingual-e5-large/no_revision_available/Quora-PL.json", - "results/intfloat__multilingual-e5-large/no_revision_available/STS22.json", - "results/intfloat__multilingual-e5-large/no_revision_available/AmazonReviewsClassification.json", - "results/intfloat__multilingual-e5-large/no_revision_available/NorwegianParliament.json", - "results/intfloat__multilingual-e5-large/no_revision_available/NQ-PL.json", - "results/intfloat__multilingual-e5-large/no_revision_available/JDReview.json", - "results/intfloat__multilingual-e5-large/no_revision_available/SCIDOCS-PL.json", - "results/intfloat__multilingual-e5-large/no_revision_available/MTOPIntentClassification.json", - "results/intfloat__multilingual-e5-large/no_revision_available/HALClusteringS2S.json", - "results/intfloat__multilingual-e5-large/no_revision_available/NoRecClassification.json", - "results/intfloat__multilingual-e5-large/no_revision_available/MedicalRetrieval.json", - "results/intfloat__multilingual-e5-large/no_revision_available/DKHateClassification.json", - "results/intfloat__multilingual-e5-large/no_revision_available/MasakhaNEWSClassification.json", - "results/intfloat__multilingual-e5-large/no_revision_available/T2Retrieval.json", - "results/intfloat__multilingual-e5-large/no_revision_available/ScalaDaClassification.json", - "results/intfloat__multilingual-e5-large/no_revision_available/QBQTC.json", - "results/intfloat__multilingual-e5-large/no_revision_available/PPC.json", - "results/intfloat__multilingual-e5-large/no_revision_available/MMarcoRetrieval.json", - "results/intfloat__multilingual-e5-large/no_revision_available/OpusparcusPC.json", - "results/intfloat__multilingual-e5-large/no_revision_available/DuRetrieval.json", - "results/intfloat__multilingual-e5-large/no_revision_available/DanishPoliticalCommentsClassification.json", - "results/intfloat__multilingual-e5-large/no_revision_available/MTOPDomainClassification.json", - "results/intfloat__multilingual-e5-large/no_revision_available/SICKFr.json", - "results/intfloat__multilingual-e5-large/no_revision_available/PawsXPairClassification.json", - "results/intfloat__multilingual-e5-large/no_revision_available/LccSentimentClassification.json", - "results/intfloat__multilingual-e5-large/no_revision_available/CMedQAv2.json", - "results/intfloat__multilingual-e5-large/no_revision_available/STSB.json", - "results/intfloat__multilingual-e5-large/no_revision_available/DalajClassification.json", - "results/intfloat__multilingual-e5-large/no_revision_available/XPQARetrieval.json", - "results/intfloat__multilingual-e5-large/no_revision_available/STSBenchmarkMultilingualSTS.json" - ], - "shibing624__text2vec-large-chinese": [ - "results/shibing624__text2vec-large-chinese/no_revision_available/CMedQAv1.json", - "results/shibing624__text2vec-large-chinese/no_revision_available/MassiveIntentClassification.json", - "results/shibing624__text2vec-large-chinese/no_revision_available/TNews.json", - "results/shibing624__text2vec-large-chinese/no_revision_available/PAWSX.json", - "results/shibing624__text2vec-large-chinese/no_revision_available/OnlineShopping.json", - "results/shibing624__text2vec-large-chinese/no_revision_available/LCQMC.json", - "results/shibing624__text2vec-large-chinese/no_revision_available/EcomRetrieval.json", - "results/shibing624__text2vec-large-chinese/no_revision_available/MMarcoReranking.json", - "results/shibing624__text2vec-large-chinese/no_revision_available/CovidRetrieval.json", - "results/shibing624__text2vec-large-chinese/no_revision_available/CLSClusteringP2P.json", - "results/shibing624__text2vec-large-chinese/no_revision_available/BQ.json", - "results/shibing624__text2vec-large-chinese/no_revision_available/AFQMC.json", - "results/shibing624__text2vec-large-chinese/no_revision_available/CLSClusteringS2S.json", - "results/shibing624__text2vec-large-chinese/no_revision_available/Cmnli.json", - "results/shibing624__text2vec-large-chinese/no_revision_available/MassiveScenarioClassification.json", - "results/shibing624__text2vec-large-chinese/no_revision_available/T2Reranking.json", - "results/shibing624__text2vec-large-chinese/no_revision_available/ThuNewsClusteringP2P.json", - "results/shibing624__text2vec-large-chinese/no_revision_available/VideoRetrieval.json", - "results/shibing624__text2vec-large-chinese/no_revision_available/Ocnli.json", - "results/shibing624__text2vec-large-chinese/no_revision_available/ATEC.json", - "results/shibing624__text2vec-large-chinese/no_revision_available/Waimai.json", - "results/shibing624__text2vec-large-chinese/no_revision_available/ThuNewsClusteringS2S.json", - "results/shibing624__text2vec-large-chinese/no_revision_available/IFlyTek.json", - "results/shibing624__text2vec-large-chinese/no_revision_available/MultilingualSentiment.json", - "results/shibing624__text2vec-large-chinese/no_revision_available/CmedqaRetrieval.json", - "results/shibing624__text2vec-large-chinese/no_revision_available/STS22.json", - "results/shibing624__text2vec-large-chinese/no_revision_available/AmazonReviewsClassification.json", - "results/shibing624__text2vec-large-chinese/no_revision_available/JDReview.json", - "results/shibing624__text2vec-large-chinese/no_revision_available/MedicalRetrieval.json", - "results/shibing624__text2vec-large-chinese/no_revision_available/T2Retrieval.json", - "results/shibing624__text2vec-large-chinese/no_revision_available/QBQTC.json", - "results/shibing624__text2vec-large-chinese/no_revision_available/MMarcoRetrieval.json", - "results/shibing624__text2vec-large-chinese/no_revision_available/DuRetrieval.json", - "results/shibing624__text2vec-large-chinese/no_revision_available/CMedQAv2.json", - "results/shibing624__text2vec-large-chinese/no_revision_available/STSB.json" - ], - "sentence-transformers__all-MiniLM-L6-v2": [ - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/MassiveIntentClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/MLSUMClusteringP2P.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/AlloProfClusteringS2S.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/BiorxivClusteringP2P.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/EmotionClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/CQADupstackGisRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/SyntecReranking.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/BSARDRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/TweetSentimentExtractionClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/SciFact.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/Banking77Classification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/STS14.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/STSBenchmark.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/DiaBLaBitextMining.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/SciDocsRR.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/MindSmallReranking.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/CQADupstackRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/MedrxivClusteringS2S.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/SCIDOCS.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/MintakaRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/Touche2020.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/STS16.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/SweRecClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/CQADupstackTexRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/SyntecRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/ImdbClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/SprintDuplicateQuestions.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/MLSUMClusteringS2S.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/ToxicConversationsClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/MassiveScenarioClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/AngryTweetsClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/STS17.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/MasakhaNEWSClusteringP2P.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/CQADupstackUnixRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/AskUbuntuDupQuestions.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/HotpotQA.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/ArxivClusteringS2S.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/StackExchangeClustering.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/RedditClusteringP2P.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/AlloprofRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/AlloprofReranking.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/FloresBitextMining.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/NordicLangClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/BornholmBitextMining.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/NQ.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/RedditClustering.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/SICK-R.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/FiQA2018.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/SummEvalFr.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/BIOSSES.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/TRECCOVID.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/DBPedia.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/BiorxivClusteringS2S.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/AlloProfClusteringP2P.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/ArguAna.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/MasakhaNEWSClusteringS2S.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/ScalaNbClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/ScalaSvClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/ArxivClusteringP2P.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/TwitterURLCorpus.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/STS22.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/AmazonReviewsClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/CQADupstackGamingRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/NorwegianParliament.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/NFCorpus.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/STS15.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/AmazonPolarityClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/MTOPIntentClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/HALClusteringS2S.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/NoRecClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/STS13.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/DKHateClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/SummEval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/ClimateFEVER.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/MasakhaNEWSClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/CQADupstackStatsRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/ScalaDaClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/TwitterSemEval2015.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/MedrxivClusteringP2P.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/TwentyNewsgroupsClustering.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/FEVER.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/OpusparcusPC.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/MSMARCO.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/DanishPoliticalCommentsClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/MTOPDomainClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/QuoraRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/SICKFr.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/STS12.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/AmazonCounterfactualClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/PawsXPairClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/StackExchangeClusteringP2P.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/LccSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/DalajClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/XPQARetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/STSBenchmarkMultilingualSTS.json", - "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/StackOverflowDupQuestions.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/HagridRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/BengaliDocumentClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MLQuestions.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SyntheticText2SQL.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/NQ-PLHardNegatives.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/OPP115InternationalAndSpecificAudiencesLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/FrenkEnClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/WebLINXCandidatesReranking.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/Robust04InstructionRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/RuBQRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/StackExchangeClustering.v2.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/AlphaNLI.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TweetSarcasmClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/WinoGrande.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/NusaParagraphEmotionClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/AlloProfClusteringP2P.v2.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/PSC.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/DBpediaClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADNonTransferableLicenseLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ARCChallenge.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/IndicSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/NFCorpus-PL.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MassiveIntentClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SinhalaNewsSourceClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TextualismToolDictionariesLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/KurdishSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/InappropriatenessClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/RuReviewsClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/RomanianSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADUnlimitedAllYouCanEatLicenseLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADVolumeRestrictionLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADExclusivityLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ArmenianParaphrasePC.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/Itacola.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ContractNLIPermissibleAcquirementOfSimilarInformationLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADSourceCodeEscrowLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/UkrFormalityClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SIB200ClusteringS2S.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LEMBWikimQARetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MLSUMClusteringP2P.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/RedditClusteringP2P.v2.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/DanFeverRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/VGHierarchicalClusteringP2P.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/KLUE-STS.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADWarrantyDurationLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/DiaBlaBitextMining.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LegalSummarization.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SpartQA.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/BlurbsClusteringP2P.v2.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADInsuranceLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MSMARCOHardNegatives.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CTKFactsNLI.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADMostFavoredNationLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TNews.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/DBPedia-PLHardNegatives.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CodeFeedbackST.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/BiorxivClusteringP2P.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TempReasonL1.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/EmotionClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LEMBSummScreenFDRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CQADupstackGisRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/VieQuADRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/AfriSentiClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADCovenantNotToSueLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADPriceRestrictionsLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/OPP115DoNotTrackLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SCDDCertificationLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/FalseFriendsGermanEnglish.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CQADupstackEnglishRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LearnedHandsTrafficLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CDSC-R.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADJointIPOwnershipLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MedrxivClusteringP2P.v2.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SyntecReranking.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/RomanianReviewsSentiment.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/PAWSX.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/BSARDRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TweetSentimentExtractionClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADGoverningLawLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/WikipediaRerankingMultilingual.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/HellaSwag.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/Diversity2LegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/BelebeleRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/IndicCrosslingualSTS.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ArXivHierarchicalClusteringP2P.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ContractNLIPermissibleDevelopmentOfSimilarInformationLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/FarsTail.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SwednClusteringP2P.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/OnlineShopping.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LearnedHandsDomesticViolenceLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SlovakMovieReviewSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LearnedHandsBenefitsLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/PolEmo2.0-OUT.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADNoSolicitOfEmployeesLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/News21InstructionRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/GermanGovServiceRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LCQMC.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/EcomRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/NusaParagraphTopicClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/Moroco.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/GujaratiNewsClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LEMBNarrativeQARetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TurHistQuadRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/OralArgumentQuestionPurposeLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SciFact.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/RuSciBenchGRNTIClusteringP2P.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LanguageClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/KannadaNewsClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MalteseNewsClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/GreekLegalCodeClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MLSUMClusteringS2S.v2.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADAuditRightsLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CodeSearchNetCCRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LearnedHandsEstatesLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/Banking77Classification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CodeTransOceanContest.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/RTE3.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/NusaXBitextMining.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MMarcoReranking.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/GeorgianFAQRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADAffiliateLicenseLicenseeLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TurkicClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/NorQuadRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TERRa.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/Tatoeba.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/RuSTSBenchmarkSTS.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CQADupstackProgrammersRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ContractNLIInclusionOfVerballyConveyedInformationLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/HindiDiscourseClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/KorSarcasmClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TurkishProductSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADAffiliateLicenseLicensorLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/IndicQARetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LearnedHandsConsumerLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SNLHierarchicalClusteringS2S.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/KorHateClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/NaijaSenti.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CyrillicTurkicLangClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/FiQA-PL.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/STS14.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADTerminationForConvenienceLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/STSBenchmark.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MAUDLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/AllegroReviews.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SiswatiNewsClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LegalReasoningCausalityLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/InternationalCitizenshipQuestionsLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SpanishPassageRetrievalS2S.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TempReasonL3Pure.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ItaCaseholdClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/Diversity6LegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MarathiNewsClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/DutchBookReviewSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/Ko-StrategyQA.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SciDocsRR.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SciFact-PL.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ScalaClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MIRACLRetrievalHardNegatives.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LearnedHandsFamilyLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TopiOCQAHardNegatives.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MindSmallReranking.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/OPP115DataSecurityLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MedrxivClusteringS2S.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CzechSubjectivityClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/JaGovFaqsRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/Diversity5LegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/RiaNewsRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SCIDOCS.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ArXivHierarchicalClusteringS2S.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/RomaTalesBitextMining.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CSFDCZMovieReviewSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/NQHardNegatives.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/PIQA.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MIRACLRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/YahooAnswersTopicsClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MintakaRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/IndicReviewsClusteringP2P.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/Touche2020.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TeluguAndhraJyotiNewsClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ContractNLIPermissiblePostAgreementPossessionLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/STS16.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/NLPJournalAbsIntroRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MedrxivClusteringS2S.v2.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/HotpotQA-PLHardNegatives.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/OPP115PolicyChangeLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADNonCompeteLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/OverrulingLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/UnfairTOSLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/KLUE-NLI.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SweRecClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/NLPJournalTitleAbsRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/DefinitionClassificationLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/PunjabiNewsClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/BiorxivClusteringS2S.v2.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CovidRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/GermanPoliticiansTwitterSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TRECCOVID-PL.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LearnedHandsImmigrationLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/GeoreviewClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/YueOpenriceReviewClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CodeFeedbackMT.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CanadaTaxCourtOutcomesLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CQADupstackTexRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/StatcanDialogueDatasetRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/BrazilianToxicTweetsClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/DBPediaHardNegatives.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/STSES.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ContractNLIExplicitIdentificationLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ContractNLISurvivalOfObligationsLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADLiquidatedDamagesLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/OPP115DataRetentionLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/JSICK.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/UCCVCommonLawLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SwednClusteringS2S.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/WRIMEClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/StackExchangeClusteringP2P.v2.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SCDDAuditsLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SICK-R-PL.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SpanishNewsClusteringP2P.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ContractNLINoticeOnCompelledDisclosureLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SyntecRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/AppsRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADNoSolicitOfCustomersLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SensitiveTopicsClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/FaroeseSTS.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ToxicChatClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TswanaNewsClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CDSC-E.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/BQ.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TwentyNewsgroupsClustering.v2.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/GermanSTSBenchmark.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/KinopoiskClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/Diversity4LegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/AFQMC.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LEMBQMSumRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/PROALegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TweetEmotionClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/OPP115UserAccessEditAndDeletionLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/FrenkHrClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ImdbClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/FaithDial.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MLQARetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/RUParaPhraserSTS.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SprintDuplicateQuestions.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/WikiClusteringP2P.v2.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MLSUMClusteringS2S.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/GermanDPR.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/AfriSentiLangClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ArxivClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ToxicConversationsClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MassiveScenarioClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/AngryTweetsClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/T2Reranking.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ArguAna-PL.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADExpirationDateLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/STS17.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/RuSciBenchOECDClusteringP2P.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TenKGnadClusteringS2S.v2.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CBD.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MasakhaNEWSClusteringP2P.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/PoemSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SummEvalSummarization.v2.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CQADupstackUnixRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TweetTopicSingleClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/AskUbuntuDupQuestions.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/NusaTranslationBitextMining.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CQADupstackAndroidRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADAntiAssignmentLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/AJGT.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/FinToxicityClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MSMARCO-PLHardNegatives.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/StackExchangeClustering.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/RedditClusteringP2P.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/BulgarianStoreReviewSentimentClassfication.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LearnedHandsTortsLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/AlloprofRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/Assin2RTE.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MedicalQARetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CorporateLobbyingLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/HateSpeechPortugueseClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/PolEmo2.0-IN.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TV2Nordretrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/PatentClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/RedditClustering.v2.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADRenewalTermLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/RonSTS.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/PlscClusteringS2S.v2.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/AlloprofReranking.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ContractNLINoLicensingLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LearnedHandsEducationLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/NusaX-senti.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CataloniaTweetClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MultilingualSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/PublicHealthQA.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/FloresBitextMining.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/IndonesianMongabayConservationClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/AILAStatutes.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/indonli.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/NordicLangClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/VideoRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/BigPatentClustering.v2.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SCDBPAccountabilityLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SCDBPCertificationLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/Quail.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CSFDSKMovieReviewSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MovieReviewSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/BornholmBitextMining.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/WisesightSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SwahiliNewsClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ATEC.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ClimateFEVERHardNegatives.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SlovakSumRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/Waimai.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/NollySentiBitextMining.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/HebrewSentimentAnalysis.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ContractNLISharingWithThirdPartiesLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/GPUSpeedTask.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/RedditClustering.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/NLPJournalTitleIntroRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/PhincBitextMining.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LearnedHandsDivorceLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LearnedHandsCrimeLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SICK-R.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/FiQA2018.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SummEvalFr.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/BIOSSES.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/QuoraRetrievalHardNegatives.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/HunSum2AbstractiveRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/VieStudentFeedbackClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/RuSciBenchGRNTIClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TRECCOVID.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ContractNLISharingWithEmployeesLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SNLRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/NorwegianParliamentClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CodeSearchNetRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CodeTransOceanDL.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SCDDAccountabilityLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/GreekCivicsQA.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SpanishSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/AlloProfClusteringS2S.v2.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LearnedHandsHousingLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LEMBPasskeyRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/OPP115FirstPartyCollectionUseLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADLicenseGrantLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/HeadlineClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/XQuADRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/BiorxivClusteringS2S.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TempReasonL3Context.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/HotpotQAHardNegatives.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SwissJudgementClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/BUCC.v2.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SCDDVerificationLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/JCrewBlockerLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/Quora-PLHardNegatives.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/FilipinoShopeeReviewsClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TextualismToolPlainLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/PAC.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADPostTerminationServicesLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/KorSTS.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ArguAna.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADEffectiveDateLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LearnedHandsCourtsLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/NepaliNewsClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TenKGnadClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MasakhaNEWSClusteringS2S.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MacedonianTweetSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TelemarketingSalesRuleLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/GerDaLIR.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LegalBenchPC.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/NYSJudicialEthicsLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/IFlyTek.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/XMarket.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SICK-E-PL.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/WikipediaRetrievalMultilingual.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/XNLI.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TbilisiCityHallBitextMining.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SweFaqRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ContractNLIPermissibleCopyLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SCDDTrainingLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CLSClusteringP2P.v2.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SIQA.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SemRel24STS.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/NeuCLIR2023RetrievalHardNegatives.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SNLHierarchicalClusteringP2P.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/RiaNewsRetrievalHardNegatives.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/XNLIV2.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/Assin2STS.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MultiEURLEXMultilabelClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MultilingualSentiment.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CmedqaRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADNoticePeriodToTerminateRenewalLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/FrenkSlClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LEMBNeedleRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MalayalamNewsClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/BiorxivClusteringP2P.v2.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TwitterURLCorpus.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LivedoorNewsClustering.v2.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TweetSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/FinancialPhrasebankClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/GermanQuAD-Retrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/FQuADRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/STS22.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/AmazonReviewsClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CrossLingualSemanticDiscriminationWMT19.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ContractNLIReturnOfConfidentialInformationLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/JSTS.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CQADupstackGamingRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/AILACasedocs.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/RomaniBibleClustering.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SanskritShlokasClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/IndicNLPNewsClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/VieMedEVBitextMining.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADMinimumCommitmentLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/NFCorpus.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CrossLingualSemanticDiscriminationWMT21.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/STS15.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MultiHateClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MultiLongDocRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/OdiaNewsClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SwednRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/EstQA.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/VoyageMMarcoReranking.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CEDRClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/AmazonPolarityClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/NorwegianCourtsBitextMining.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/StackOverflowQA.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/JDReview.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADChangeOfControlLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/RARbMath.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SCIDOCS-PL.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/OPP115UserChoiceControlLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MTOPIntentClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/InsurancePolicyInterpretationLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/EightTagsClustering.v2.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/KLUE-TC.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/NoRecClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TempReasonL2Fact.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/STS13.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/PpcPC.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/NarrativeQARetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/FEVERHardNegatives.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TempReasonL2Pure.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CMedQAv1-reranking.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADRevenueProfitSharingLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/IndicGenBenchFloresBitextMining.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SRNCorpusBitextMining.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MedicalRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/HotelReviewSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ContractNLIConfidentialityOfAgreementLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SummEval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/PlscClusteringP2P.v2.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MyanmarNews.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ThuNewsClusteringP2P.v2.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/GerDaLIRSmall.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LegalBenchConsumerContractsQA.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/IN22ConvBitextMining.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SentimentAnalysisHindi.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SIB200Classification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LearnedHandsEmploymentLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADIrrevocableOrPerpetualLicenseLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ThuNewsClusteringS2S.v2.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/IN22GenBitextMining.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LivedoorNewsClustering.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CosQA.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MasakhaNEWSClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CQADupstackStatsRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TenKGnadClusteringP2P.v2.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LinceMTBitextMining.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/NewsClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADCapOnLiabilityLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADNonDisparagementLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LegalBenchCorporateLobbying.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/T2Retrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/JavaneseIMDBClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ContractNLILimitedUseLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/GeoreviewClusteringP2P.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/BengaliHateSpeechClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TempReasonL2Context.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ArEntail.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/HALClusteringS2S.v2.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADThirdPartyBeneficiaryLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TamilNewsClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/RestaurantReviewSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/KorHateSpeechMLClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/FeedbackQARetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TwitterSemEval2015.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SICK-BR-PC.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/PersonalJurisdictionLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CzechProductReviewSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CzechSoMeSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SwedishSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/IWSLT2017BitextMining.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TempReasonL3Fact.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SCDBPAuditsLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/BlurbsClusteringS2S.v2.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/FunctionOfDecisionSectionLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LeCaRDv2.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADCompetitiveRestrictionExceptionLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CQADupstackWebmastersRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MLSUMClusteringP2P.v2.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/STS22.v2.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/RuBQReranking.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/NTREXBitextMining.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MedrxivClusteringP2P.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MMarcoRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TwitterHjerneRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/IsiZuluNewsClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/IndicLangClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TwentyNewsgroupsClustering.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/NeuCLIR2022RetrievalHardNegatives.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/PersianFoodSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LearnedHandsBusinessLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LearnedHandsHealthLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/WikiCitiesClustering.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/RARbCode.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/OpusparcusPC.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CodeEditSearchRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SpanishNewsClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/UrduRomanSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LegalQuAD.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/EstonianValenceClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/DuRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/RuSciBenchOECDClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/DanishPoliticalCommentsClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MTOPDomainClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/YelpReviewFullClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/FrenchBookReviews.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CMedQAv2-reranking.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SICKFr.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/BengaliSentimentAnalysis.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/STS12.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/AmazonCounterfactualClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/FinParaSTS.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CQADupstackMathematicaRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADIPOwnershipAssignmentLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SCDBPTrainingLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MewsC16JaClustering.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TurkishMovieSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/PawsXPairClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/StackExchangeClusteringP2P.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/OPP115ThirdPartySharingCollectionLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LccSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/STSB.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADRofrRofoRofnLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/Core17InstructionRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CQADupstackPhysicsRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/DalajClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CQADupstackWordpressRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CLSClusteringS2S.v2.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/BibleNLPBitextMining.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/JaQuADRetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/Diversity3LegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/XPQARetrieval.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/STSBenchmarkMultilingualSTS.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SCDBPVerificationLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/OnlineStoreReviewSentimentClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SinhalaNewsClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/IndonesianIdClickbaitClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/VGHierarchicalClusteringS2S.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADUncappedLiabilityLegalBenchClassification.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/StackOverflowDupQuestions.json", - "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/Diversity1LegalBenchClassification.json" + "DeepPavlov__distilrubert-small-cased-conversational": [ + "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/RuBQRetrieval.json", + "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/MassiveIntentClassification.json", + "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/InappropriatenessClassification.json", + "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/RuReviewsClassification.json", + "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/SIB200ClusteringS2S.json", + "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/MLSUMClusteringP2P.json", + "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/BelebeleRetrieval.json", + "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/RuSciBenchGRNTIClusteringP2P.json", + "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/LanguageClassification.json", + "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/MLSUMClusteringS2S.v2.json", + "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/TERRa.json", + "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/Tatoeba.json", + "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/RuSTSBenchmarkSTS.json", + "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/CyrillicTurkicLangClassification.json", + "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/RiaNewsRetrieval.json", + "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/MIRACLRetrieval.json", + "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/GeoreviewClassification.json", + "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/SensitiveTopicsClassification.json", + "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/KinopoiskClassification.json", + "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/RUParaPhraserSTS.json", + "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/MLSUMClusteringS2S.json", + "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/MassiveScenarioClassification.json", + "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/RuSciBenchOECDClusteringP2P.json", + "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/MultilingualSentimentClassification.json", + "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/PublicHealthQA.json", + "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/FloresBitextMining.json", + "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/GPUSpeedTask.json", + "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/RuSciBenchGRNTIClassification.json", + "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/HeadlineClassification.json", + "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/XQuADRetrieval.json", + "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/BUCC.v2.json", + "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/MIRACLReranking.json", + "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/XNLI.json", + "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/XNLIV2.json", + "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/STS22.json", + "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/MultiLongDocRetrieval.json", + "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/CEDRClassification.json", + "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/SIB200Classification.json", + "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/GeoreviewClusteringP2P.json", + "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/MLSUMClusteringP2P.v2.json", + "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/STS22.v2.json", + "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/RuBQReranking.json", + "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/NTREXBitextMining.json", + "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/OpusparcusPC.json", + "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/RuSciBenchOECDClassification.json", + "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/BibleNLPBitextMining.json", + "results/DeepPavlov__distilrubert-small-cased-conversational/e348066b4a7279b97138038299bddc6580a9169a/STSBenchmarkMultilingualSTS.json" + ], + "DeepPavlov__rubert-base-cased": [ + "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/RuBQRetrieval.json", + "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/MassiveIntentClassification.json", + "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/InappropriatenessClassification.json", + "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/RuReviewsClassification.json", + "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/SIB200ClusteringS2S.json", + "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/MLSUMClusteringP2P.json", + "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/BelebeleRetrieval.json", + "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/RuSciBenchGRNTIClusteringP2P.json", + "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/LanguageClassification.json", + "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/MLSUMClusteringS2S.v2.json", + "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/TERRa.json", + "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/Tatoeba.json", + "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/RuSTSBenchmarkSTS.json", + "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/CyrillicTurkicLangClassification.json", + "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/RiaNewsRetrieval.json", + "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/MIRACLRetrieval.json", + "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/GeoreviewClassification.json", + "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/SensitiveTopicsClassification.json", + "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/KinopoiskClassification.json", + "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/RUParaPhraserSTS.json", + "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/MLSUMClusteringS2S.json", + "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/MassiveScenarioClassification.json", + "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/RuSciBenchOECDClusteringP2P.json", + "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/MultilingualSentimentClassification.json", + "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/PublicHealthQA.json", + "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/FloresBitextMining.json", + "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/GPUSpeedTask.json", + "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/RuSciBenchGRNTIClassification.json", + "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/HeadlineClassification.json", + "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/XQuADRetrieval.json", + "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/BUCC.v2.json", + "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/MIRACLReranking.json", + "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/XNLI.json", + "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/XNLIV2.json", + "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/STS22.json", + "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/MultiLongDocRetrieval.json", + "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/CEDRClassification.json", + "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/SIB200Classification.json", + "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/GeoreviewClusteringP2P.json", + "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/MLSUMClusteringP2P.v2.json", + "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/STS22.v2.json", + "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/RuBQReranking.json", + "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/NTREXBitextMining.json", + "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/OpusparcusPC.json", + "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/RuSciBenchOECDClassification.json", + "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/BibleNLPBitextMining.json", + "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/STSBenchmarkMultilingualSTS.json" + ], + "DeepPavlov__rubert-base-cased-sentence": [ + "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/RuBQRetrieval.json", + "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/MassiveIntentClassification.json", + "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/InappropriatenessClassification.json", + "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/RuReviewsClassification.json", + "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/SIB200ClusteringS2S.json", + "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/MLSUMClusteringP2P.json", + "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/BelebeleRetrieval.json", + "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/RuSciBenchGRNTIClusteringP2P.json", + "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/LanguageClassification.json", + "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/MLSUMClusteringS2S.v2.json", + "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/TERRa.json", + "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/Tatoeba.json", + "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/RuSTSBenchmarkSTS.json", + "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/CyrillicTurkicLangClassification.json", + "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/RiaNewsRetrieval.json", + "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/MIRACLRetrieval.json", + "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/GeoreviewClassification.json", + "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/SensitiveTopicsClassification.json", + "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/KinopoiskClassification.json", + "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/RUParaPhraserSTS.json", + "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/MLSUMClusteringS2S.json", + "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/MassiveScenarioClassification.json", + "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/RuSciBenchOECDClusteringP2P.json", + "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/MultilingualSentimentClassification.json", + "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/PublicHealthQA.json", + "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/FloresBitextMining.json", + "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/GPUSpeedTask.json", + "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/RuSciBenchGRNTIClassification.json", + "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/HeadlineClassification.json", + "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/XQuADRetrieval.json", + "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/BUCC.v2.json", + "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/MIRACLReranking.json", + "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/XNLI.json", + "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/XNLIV2.json", + "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/STS22.json", + "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/MultiLongDocRetrieval.json", + "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/CEDRClassification.json", + "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/SIB200Classification.json", + "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/GeoreviewClusteringP2P.json", + "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/MLSUMClusteringP2P.v2.json", + "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/STS22.v2.json", + "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/RuBQReranking.json", + "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/NTREXBitextMining.json", + "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/OpusparcusPC.json", + "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/RuSciBenchOECDClassification.json", + "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/BibleNLPBitextMining.json", + "results/DeepPavlov__rubert-base-cased-sentence/78b5122d6365337dd4114281b0d08cd1edbb3bc8/STSBenchmarkMultilingualSTS.json" + ], + "FacebookAI__xlm-roberta-base": [ + "results/FacebookAI__xlm-roberta-base/no_revision_available/MassiveIntentClassification.json", + "results/FacebookAI__xlm-roberta-base/no_revision_available/MLSUMClusteringP2P.json", + "results/FacebookAI__xlm-roberta-base/no_revision_available/AlloProfClusteringS2S.json", + "results/FacebookAI__xlm-roberta-base/no_revision_available/SyntecReranking.json", + "results/FacebookAI__xlm-roberta-base/no_revision_available/BSARDRetrieval.json", + "results/FacebookAI__xlm-roberta-base/no_revision_available/DiaBLaBitextMining.json", + "results/FacebookAI__xlm-roberta-base/no_revision_available/MintakaRetrieval.json", + "results/FacebookAI__xlm-roberta-base/no_revision_available/SweRecClassification.json", + "results/FacebookAI__xlm-roberta-base/no_revision_available/SyntecRetrieval.json", + "results/FacebookAI__xlm-roberta-base/no_revision_available/MLSUMClusteringS2S.json", + "results/FacebookAI__xlm-roberta-base/no_revision_available/MassiveScenarioClassification.json", + "results/FacebookAI__xlm-roberta-base/no_revision_available/AngryTweetsClassification.json", + "results/FacebookAI__xlm-roberta-base/no_revision_available/MasakhaNEWSClusteringP2P.json", + "results/FacebookAI__xlm-roberta-base/no_revision_available/AlloprofRetrieval.json", + "results/FacebookAI__xlm-roberta-base/no_revision_available/AlloprofReranking.json", + "results/FacebookAI__xlm-roberta-base/no_revision_available/FloresBitextMining.json", + "results/FacebookAI__xlm-roberta-base/no_revision_available/NordicLangClassification.json", + "results/FacebookAI__xlm-roberta-base/no_revision_available/BornholmBitextMining.json", + "results/FacebookAI__xlm-roberta-base/no_revision_available/SummEvalFr.json", + "results/FacebookAI__xlm-roberta-base/no_revision_available/AlloProfClusteringP2P.json", + "results/FacebookAI__xlm-roberta-base/no_revision_available/MasakhaNEWSClusteringS2S.json", + "results/FacebookAI__xlm-roberta-base/no_revision_available/ScalaNbClassification.json", + "results/FacebookAI__xlm-roberta-base/no_revision_available/ScalaSvClassification.json", + "results/FacebookAI__xlm-roberta-base/no_revision_available/STS22.json", + "results/FacebookAI__xlm-roberta-base/no_revision_available/AmazonReviewsClassification.json", + "results/FacebookAI__xlm-roberta-base/no_revision_available/NorwegianParliament.json", + "results/FacebookAI__xlm-roberta-base/no_revision_available/MTOPIntentClassification.json", + "results/FacebookAI__xlm-roberta-base/no_revision_available/HALClusteringS2S.json", + "results/FacebookAI__xlm-roberta-base/no_revision_available/NoRecClassification.json", + "results/FacebookAI__xlm-roberta-base/no_revision_available/DKHateClassification.json", + "results/FacebookAI__xlm-roberta-base/no_revision_available/MasakhaNEWSClassification.json", + "results/FacebookAI__xlm-roberta-base/no_revision_available/ScalaDaClassification.json", + "results/FacebookAI__xlm-roberta-base/no_revision_available/OpusparcusPC.json", + "results/FacebookAI__xlm-roberta-base/no_revision_available/DanishPoliticalCommentsClassification.json", + "results/FacebookAI__xlm-roberta-base/no_revision_available/MTOPDomainClassification.json", + "results/FacebookAI__xlm-roberta-base/no_revision_available/SICKFr.json", + "results/FacebookAI__xlm-roberta-base/no_revision_available/PawsXPairClassification.json", + "results/FacebookAI__xlm-roberta-base/no_revision_available/LccSentimentClassification.json", + "results/FacebookAI__xlm-roberta-base/no_revision_available/DalajClassification.json", + "results/FacebookAI__xlm-roberta-base/no_revision_available/XPQARetrieval.json", + "results/FacebookAI__xlm-roberta-base/no_revision_available/STSBenchmarkMultilingualSTS.json" + ], + "FacebookAI__xlm-roberta-large": [ + "results/FacebookAI__xlm-roberta-large/no_revision_available/MassiveIntentClassification.json", + "results/FacebookAI__xlm-roberta-large/no_revision_available/MLSUMClusteringP2P.json", + "results/FacebookAI__xlm-roberta-large/no_revision_available/AlloProfClusteringS2S.json", + "results/FacebookAI__xlm-roberta-large/no_revision_available/SyntecReranking.json", + "results/FacebookAI__xlm-roberta-large/no_revision_available/BSARDRetrieval.json", + "results/FacebookAI__xlm-roberta-large/no_revision_available/DiaBLaBitextMining.json", + "results/FacebookAI__xlm-roberta-large/no_revision_available/BlurbsClusteringP2P.json", + "results/FacebookAI__xlm-roberta-large/no_revision_available/MintakaRetrieval.json", + "results/FacebookAI__xlm-roberta-large/no_revision_available/SyntecRetrieval.json", + "results/FacebookAI__xlm-roberta-large/no_revision_available/MLSUMClusteringS2S.json", + "results/FacebookAI__xlm-roberta-large/no_revision_available/MassiveScenarioClassification.json", + "results/FacebookAI__xlm-roberta-large/no_revision_available/MasakhaNEWSClusteringP2P.json", + "results/FacebookAI__xlm-roberta-large/no_revision_available/AlloprofRetrieval.json", + "results/FacebookAI__xlm-roberta-large/no_revision_available/AlloprofReranking.json", + "results/FacebookAI__xlm-roberta-large/no_revision_available/FloresBitextMining.json", + "results/FacebookAI__xlm-roberta-large/no_revision_available/SummEvalFr.json", + "results/FacebookAI__xlm-roberta-large/no_revision_available/TenKGnadClusteringS2S.json", + "results/FacebookAI__xlm-roberta-large/no_revision_available/AlloProfClusteringP2P.json", + "results/FacebookAI__xlm-roberta-large/no_revision_available/MasakhaNEWSClusteringS2S.json", + "results/FacebookAI__xlm-roberta-large/no_revision_available/STS22.json", + "results/FacebookAI__xlm-roberta-large/no_revision_available/AmazonReviewsClassification.json", + "results/FacebookAI__xlm-roberta-large/no_revision_available/MTOPIntentClassification.json", + "results/FacebookAI__xlm-roberta-large/no_revision_available/HALClusteringS2S.json", + "results/FacebookAI__xlm-roberta-large/no_revision_available/MasakhaNEWSClassification.json", + "results/FacebookAI__xlm-roberta-large/no_revision_available/TenKGnadClusteringP2P.json", + "results/FacebookAI__xlm-roberta-large/no_revision_available/OpusparcusPC.json", + "results/FacebookAI__xlm-roberta-large/no_revision_available/MTOPDomainClassification.json", + "results/FacebookAI__xlm-roberta-large/no_revision_available/BlurbsClusteringS2S.json", + "results/FacebookAI__xlm-roberta-large/no_revision_available/SICKFr.json", + "results/FacebookAI__xlm-roberta-large/no_revision_available/PawsXPairClassification.json", + "results/FacebookAI__xlm-roberta-large/no_revision_available/XPQARetrieval.json", + "results/FacebookAI__xlm-roberta-large/no_revision_available/STSBenchmarkMultilingualSTS.json" + ], + "KBLab__electra-small-swedish-cased-discriminator": [ + "results/KBLab__electra-small-swedish-cased-discriminator/no_revision_available/MassiveIntentClassification.json", + "results/KBLab__electra-small-swedish-cased-discriminator/no_revision_available/SweRecClassification.json", + "results/KBLab__electra-small-swedish-cased-discriminator/no_revision_available/MassiveScenarioClassification.json", + "results/KBLab__electra-small-swedish-cased-discriminator/no_revision_available/AngryTweetsClassification.json", + "results/KBLab__electra-small-swedish-cased-discriminator/no_revision_available/NordicLangClassification.json", + "results/KBLab__electra-small-swedish-cased-discriminator/no_revision_available/BornholmBitextMining.json", + "results/KBLab__electra-small-swedish-cased-discriminator/no_revision_available/ScalaNbClassification.json", + "results/KBLab__electra-small-swedish-cased-discriminator/no_revision_available/ScalaSvClassification.json", + "results/KBLab__electra-small-swedish-cased-discriminator/no_revision_available/NorwegianParliament.json", + "results/KBLab__electra-small-swedish-cased-discriminator/no_revision_available/NoRecClassification.json", + "results/KBLab__electra-small-swedish-cased-discriminator/no_revision_available/DKHateClassification.json", + "results/KBLab__electra-small-swedish-cased-discriminator/no_revision_available/ScalaDaClassification.json", + "results/KBLab__electra-small-swedish-cased-discriminator/no_revision_available/DanishPoliticalCommentsClassification.json", + "results/KBLab__electra-small-swedish-cased-discriminator/no_revision_available/LccSentimentClassification.json", + "results/KBLab__electra-small-swedish-cased-discriminator/no_revision_available/DalajClassification.json" + ], + "KBLab__sentence-bert-swedish-cased": [ + "results/KBLab__sentence-bert-swedish-cased/no_revision_available/MassiveIntentClassification.json", + "results/KBLab__sentence-bert-swedish-cased/no_revision_available/SweRecClassification.json", + "results/KBLab__sentence-bert-swedish-cased/no_revision_available/MassiveScenarioClassification.json", + "results/KBLab__sentence-bert-swedish-cased/no_revision_available/AngryTweetsClassification.json", + "results/KBLab__sentence-bert-swedish-cased/no_revision_available/NordicLangClassification.json", + "results/KBLab__sentence-bert-swedish-cased/no_revision_available/BornholmBitextMining.json", + "results/KBLab__sentence-bert-swedish-cased/no_revision_available/ScalaNbClassification.json", + "results/KBLab__sentence-bert-swedish-cased/no_revision_available/ScalaSvClassification.json", + "results/KBLab__sentence-bert-swedish-cased/no_revision_available/NorwegianParliament.json", + "results/KBLab__sentence-bert-swedish-cased/no_revision_available/NoRecClassification.json", + "results/KBLab__sentence-bert-swedish-cased/no_revision_available/DKHateClassification.json", + "results/KBLab__sentence-bert-swedish-cased/no_revision_available/ScalaDaClassification.json", + "results/KBLab__sentence-bert-swedish-cased/no_revision_available/DanishPoliticalCommentsClassification.json", + "results/KBLab__sentence-bert-swedish-cased/no_revision_available/LccSentimentClassification.json", + "results/KBLab__sentence-bert-swedish-cased/no_revision_available/DalajClassification.json" + ], + "KB__bert-base-swedish-cased": [ + "results/KB__bert-base-swedish-cased/no_revision_available/MassiveIntentClassification.json", + "results/KB__bert-base-swedish-cased/no_revision_available/SweRecClassification.json", + "results/KB__bert-base-swedish-cased/no_revision_available/MassiveScenarioClassification.json", + "results/KB__bert-base-swedish-cased/no_revision_available/AngryTweetsClassification.json", + "results/KB__bert-base-swedish-cased/no_revision_available/NordicLangClassification.json", + "results/KB__bert-base-swedish-cased/no_revision_available/BornholmBitextMining.json", + "results/KB__bert-base-swedish-cased/no_revision_available/ScalaNbClassification.json", + "results/KB__bert-base-swedish-cased/no_revision_available/ScalaSvClassification.json", + "results/KB__bert-base-swedish-cased/no_revision_available/NorwegianParliament.json", + "results/KB__bert-base-swedish-cased/no_revision_available/NoRecClassification.json", + "results/KB__bert-base-swedish-cased/no_revision_available/DKHateClassification.json", + "results/KB__bert-base-swedish-cased/no_revision_available/ScalaDaClassification.json", + "results/KB__bert-base-swedish-cased/no_revision_available/DanishPoliticalCommentsClassification.json", + "results/KB__bert-base-swedish-cased/no_revision_available/LccSentimentClassification.json", + "results/KB__bert-base-swedish-cased/no_revision_available/DalajClassification.json" + ], + "McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised": [ + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/MassiveIntentClassification.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/BiorxivClusteringP2P.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/EmotionClassification.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/CQADupstackGisRetrieval.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/TweetSentimentExtractionClassification.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/SciFact.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/Banking77Classification.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/STS14.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/STSBenchmark.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/SciDocsRR.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/MindSmallReranking.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/CQADupstackRetrieval.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/MedrxivClusteringS2S.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/SCIDOCS.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/Touche2020.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/STS16.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/CQADupstackTexRetrieval.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/ImdbClassification.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/SprintDuplicateQuestions.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/ToxicConversationsClassification.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/MassiveScenarioClassification.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/STS17.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/CQADupstackUnixRetrieval.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/AskUbuntuDupQuestions.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/HotpotQA.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/ArxivClusteringS2S.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/StackExchangeClustering.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/RedditClusteringP2P.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/NQ.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/RedditClustering.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/SICK-R.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/FiQA2018.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/BIOSSES.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/TRECCOVID.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/DBPedia.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/BiorxivClusteringS2S.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/ArguAna.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/ArxivClusteringP2P.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/TwitterURLCorpus.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/STS22.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/AmazonReviewsClassification.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/CQADupstackGamingRetrieval.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/NFCorpus.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/STS15.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/AmazonPolarityClassification.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/MTOPIntentClassification.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/STS13.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/SummEval.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/ClimateFEVER.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/CQADupstackStatsRetrieval.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/TwitterSemEval2015.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/MedrxivClusteringP2P.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/TwentyNewsgroupsClustering.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/FEVER.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/MSMARCO.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/MTOPDomainClassification.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/QuoraRetrieval.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/STS12.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/AmazonCounterfactualClassification.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/StackExchangeClusteringP2P.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/no_revision_available/StackOverflowDupQuestions.json" + ], + "McGill-NLP__LLM2Vec-Llama-2-unsupervised": [ + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/MassiveIntentClassification.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/BiorxivClusteringP2P.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/EmotionClassification.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/CQADupstackGisRetrieval.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/TweetSentimentExtractionClassification.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/SciFact.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/Banking77Classification.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/STS14.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/STSBenchmark.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/SciDocsRR.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/MindSmallReranking.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/CQADupstackRetrieval.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/MedrxivClusteringS2S.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/SCIDOCS.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/Touche2020.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/STS16.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/CQADupstackTexRetrieval.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/ImdbClassification.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/SprintDuplicateQuestions.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/ToxicConversationsClassification.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/MassiveScenarioClassification.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/STS17.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/CQADupstackUnixRetrieval.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/AskUbuntuDupQuestions.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/HotpotQA.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/ArxivClusteringS2S.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/StackExchangeClustering.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/RedditClusteringP2P.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/NQ.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/RedditClustering.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/SICK-R.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/FiQA2018.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/BIOSSES.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/TRECCOVID.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/DBPedia.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/BiorxivClusteringS2S.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/ArguAna.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/ArxivClusteringP2P.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/TwitterURLCorpus.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/STS22.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/AmazonReviewsClassification.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/CQADupstackGamingRetrieval.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/NFCorpus.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/STS15.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/AmazonPolarityClassification.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/MTOPIntentClassification.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/STS13.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/SummEval.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/ClimateFEVER.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/CQADupstackStatsRetrieval.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/TwitterSemEval2015.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/MedrxivClusteringP2P.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/TwentyNewsgroupsClustering.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/FEVER.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/MSMARCO.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/MTOPDomainClassification.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/QuoraRetrieval.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/STS12.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/AmazonCounterfactualClassification.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/StackExchangeClusteringP2P.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/McGill-NLP__LLM2Vec-Llama-2-unsupervised/no_revision_available/StackOverflowDupQuestions.json" + ], + "McGill-NLP__LLM2Vec-Meta-Llama-3-supervised": [ + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/MassiveIntentClassification.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/BiorxivClusteringP2P.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/EmotionClassification.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/CQADupstackGisRetrieval.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/TweetSentimentExtractionClassification.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/SciFact.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/Banking77Classification.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/STS14.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/STSBenchmark.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/SciDocsRR.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/MindSmallReranking.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/CQADupstackRetrieval.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/MedrxivClusteringS2S.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/SCIDOCS.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/Touche2020.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/STS16.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/CQADupstackTexRetrieval.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/ImdbClassification.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/SprintDuplicateQuestions.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/ToxicConversationsClassification.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/MassiveScenarioClassification.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/STS17.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/CQADupstackUnixRetrieval.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/AskUbuntuDupQuestions.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/HotpotQA.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/ArxivClusteringS2S.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/StackExchangeClustering.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/RedditClusteringP2P.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/NQ.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/RedditClustering.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/SICK-R.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/FiQA2018.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/BIOSSES.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/TRECCOVID.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/DBPedia.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/BiorxivClusteringS2S.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/ArguAna.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/ArxivClusteringP2P.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/TwitterURLCorpus.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/STS22.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/AmazonReviewsClassification.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/CQADupstackGamingRetrieval.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/NFCorpus.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/STS15.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/AmazonPolarityClassification.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/MTOPIntentClassification.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/STS13.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/SummEval.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/ClimateFEVER.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/CQADupstackStatsRetrieval.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/TwitterSemEval2015.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/MedrxivClusteringP2P.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/TwentyNewsgroupsClustering.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/FEVER.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/MSMARCO.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/MTOPDomainClassification.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/QuoraRetrieval.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/STS12.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/AmazonCounterfactualClassification.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/StackExchangeClusteringP2P.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/StackOverflowDupQuestions.json" + ], + "McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised": [ + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/MassiveIntentClassification.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/BiorxivClusteringP2P.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/EmotionClassification.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/CQADupstackGisRetrieval.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/TweetSentimentExtractionClassification.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/SciFact.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/Banking77Classification.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/STS14.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/STSBenchmark.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/SciDocsRR.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/MindSmallReranking.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/CQADupstackRetrieval.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/MedrxivClusteringS2S.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/SCIDOCS.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/Touche2020.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/STS16.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/CQADupstackTexRetrieval.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/ImdbClassification.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/SprintDuplicateQuestions.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/ToxicConversationsClassification.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/MassiveScenarioClassification.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/STS17.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/CQADupstackUnixRetrieval.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/AskUbuntuDupQuestions.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/HotpotQA.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/ArxivClusteringS2S.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/StackExchangeClustering.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/RedditClusteringP2P.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/NQ.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/RedditClustering.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/SICK-R.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/FiQA2018.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/BIOSSES.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/TRECCOVID.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/DBPedia.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/BiorxivClusteringS2S.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/ArguAna.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/ArxivClusteringP2P.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/TwitterURLCorpus.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/STS22.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/AmazonReviewsClassification.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/CQADupstackGamingRetrieval.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/NFCorpus.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/STS15.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/AmazonPolarityClassification.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/MTOPIntentClassification.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/STS13.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/SummEval.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/ClimateFEVER.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/CQADupstackStatsRetrieval.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/TwitterSemEval2015.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/MedrxivClusteringP2P.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/TwentyNewsgroupsClustering.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/FEVER.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/MSMARCO.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/MTOPDomainClassification.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/QuoraRetrieval.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/STS12.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/AmazonCounterfactualClassification.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/StackExchangeClusteringP2P.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised/no_revision_available/StackOverflowDupQuestions.json" + ], + "McGill-NLP__LLM2Vec-Mistral-supervised": [ + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/MassiveIntentClassification.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/BiorxivClusteringP2P.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/EmotionClassification.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/CQADupstackGisRetrieval.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/TweetSentimentExtractionClassification.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/SciFact.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/Banking77Classification.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/STS14.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/STSBenchmark.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/SciDocsRR.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/MindSmallReranking.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/CQADupstackRetrieval.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/MedrxivClusteringS2S.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/SCIDOCS.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/Touche2020.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/STS16.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/CQADupstackTexRetrieval.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/ImdbClassification.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/SprintDuplicateQuestions.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/ToxicConversationsClassification.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/MassiveScenarioClassification.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/STS17.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/CQADupstackUnixRetrieval.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/AskUbuntuDupQuestions.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/HotpotQA.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/ArxivClusteringS2S.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/StackExchangeClustering.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/RedditClusteringP2P.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/NQ.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/RedditClustering.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/SICK-R.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/FiQA2018.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/BIOSSES.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/TRECCOVID.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/DBPedia.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/BiorxivClusteringS2S.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/ArguAna.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/ArxivClusteringP2P.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/TwitterURLCorpus.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/STS22.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/AmazonReviewsClassification.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/CQADupstackGamingRetrieval.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/NFCorpus.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/STS15.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/AmazonPolarityClassification.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/MTOPIntentClassification.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/STS13.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/SummEval.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/ClimateFEVER.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/CQADupstackStatsRetrieval.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/TwitterSemEval2015.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/MedrxivClusteringP2P.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/TwentyNewsgroupsClustering.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/FEVER.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/MSMARCO.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/MTOPDomainClassification.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/QuoraRetrieval.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/STS12.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/AmazonCounterfactualClassification.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/StackExchangeClusteringP2P.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/McGill-NLP__LLM2Vec-Mistral-supervised/no_revision_available/StackOverflowDupQuestions.json" + ], + "McGill-NLP__LLM2Vec-Mistral-unsupervised": [ + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/MassiveIntentClassification.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/BiorxivClusteringP2P.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/EmotionClassification.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/CQADupstackGisRetrieval.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/TweetSentimentExtractionClassification.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/SciFact.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/Banking77Classification.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/STS14.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/STSBenchmark.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/SciDocsRR.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/MindSmallReranking.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/CQADupstackRetrieval.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/MedrxivClusteringS2S.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/SCIDOCS.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/Touche2020.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/STS16.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/CQADupstackTexRetrieval.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/ImdbClassification.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/SprintDuplicateQuestions.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/ToxicConversationsClassification.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/MassiveScenarioClassification.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/STS17.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/CQADupstackUnixRetrieval.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/AskUbuntuDupQuestions.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/HotpotQA.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/ArxivClusteringS2S.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/StackExchangeClustering.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/RedditClusteringP2P.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/NQ.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/RedditClustering.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/SICK-R.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/FiQA2018.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/BIOSSES.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/TRECCOVID.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/DBPedia.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/BiorxivClusteringS2S.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/ArguAna.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/ArxivClusteringP2P.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/TwitterURLCorpus.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/STS22.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/AmazonReviewsClassification.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/CQADupstackGamingRetrieval.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/NFCorpus.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/STS15.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/AmazonPolarityClassification.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/MTOPIntentClassification.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/STS13.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/SummEval.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/ClimateFEVER.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/CQADupstackStatsRetrieval.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/TwitterSemEval2015.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/MedrxivClusteringP2P.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/TwentyNewsgroupsClustering.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/FEVER.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/MSMARCO.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/MTOPDomainClassification.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/QuoraRetrieval.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/STS12.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/AmazonCounterfactualClassification.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/StackExchangeClusteringP2P.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/StackOverflowDupQuestions.json" + ], + "McGill-NLP__LLM2Vec-Sheared-Llama-supervised": [ + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/MassiveIntentClassification.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/BiorxivClusteringP2P.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/EmotionClassification.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/CQADupstackGisRetrieval.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/TweetSentimentExtractionClassification.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/SciFact.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/Banking77Classification.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/STS14.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/STSBenchmark.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/SciDocsRR.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/MindSmallReranking.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/CQADupstackRetrieval.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/MedrxivClusteringS2S.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/SCIDOCS.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/Touche2020.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/STS16.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/CQADupstackTexRetrieval.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/ImdbClassification.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/SprintDuplicateQuestions.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/ToxicConversationsClassification.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/MassiveScenarioClassification.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/STS17.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/CQADupstackUnixRetrieval.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/AskUbuntuDupQuestions.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/HotpotQA.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/ArxivClusteringS2S.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/StackExchangeClustering.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/RedditClusteringP2P.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/NQ.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/RedditClustering.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/SICK-R.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/FiQA2018.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/BIOSSES.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/TRECCOVID.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/DBPedia.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/BiorxivClusteringS2S.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/ArguAna.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/ArxivClusteringP2P.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/TwitterURLCorpus.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/STS22.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/AmazonReviewsClassification.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/CQADupstackGamingRetrieval.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/NFCorpus.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/STS15.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/AmazonPolarityClassification.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/MTOPIntentClassification.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/STS13.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/SummEval.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/ClimateFEVER.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/CQADupstackStatsRetrieval.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/TwitterSemEval2015.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/MedrxivClusteringP2P.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/TwentyNewsgroupsClustering.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/FEVER.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/MSMARCO.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/MTOPDomainClassification.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/QuoraRetrieval.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/STS12.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/AmazonCounterfactualClassification.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/StackExchangeClusteringP2P.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-supervised/no_revision_available/StackOverflowDupQuestions.json" + ], + "McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised": [ + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/MassiveIntentClassification.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/BiorxivClusteringP2P.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/EmotionClassification.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/CQADupstackGisRetrieval.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/TweetSentimentExtractionClassification.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/SciFact.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/Banking77Classification.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/STS14.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/STSBenchmark.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/SciDocsRR.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/MindSmallReranking.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/CQADupstackRetrieval.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/MedrxivClusteringS2S.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/SCIDOCS.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/Touche2020.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/STS16.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/CQADupstackTexRetrieval.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/ImdbClassification.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/SprintDuplicateQuestions.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/ToxicConversationsClassification.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/MassiveScenarioClassification.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/STS17.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/CQADupstackUnixRetrieval.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/AskUbuntuDupQuestions.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/HotpotQA.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/ArxivClusteringS2S.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/StackExchangeClustering.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/RedditClusteringP2P.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/NQ.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/RedditClustering.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/SICK-R.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/FiQA2018.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/BIOSSES.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/TRECCOVID.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/DBPedia.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/BiorxivClusteringS2S.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/ArguAna.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/ArxivClusteringP2P.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/TwitterURLCorpus.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/STS22.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/AmazonReviewsClassification.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/CQADupstackGamingRetrieval.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/NFCorpus.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/STS15.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/AmazonPolarityClassification.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/MTOPIntentClassification.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/STS13.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/SummEval.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/ClimateFEVER.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/CQADupstackStatsRetrieval.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/TwitterSemEval2015.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/MedrxivClusteringP2P.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/TwentyNewsgroupsClustering.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/FEVER.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/MSMARCO.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/MTOPDomainClassification.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/QuoraRetrieval.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/STS12.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/AmazonCounterfactualClassification.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/StackExchangeClusteringP2P.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/StackOverflowDupQuestions.json" + ], + "Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit": [ + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/MassiveIntentClassification.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/BiorxivClusteringP2P.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/EmotionClassification.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackGisRetrieval.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/TweetSentimentExtractionClassification.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/SciFact.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/Banking77Classification.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/STS14.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/STSBenchmark.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/SciDocsRR.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/MindSmallReranking.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackRetrieval.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/MedrxivClusteringS2S.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/SCIDOCS.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/Touche2020.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/STS16.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackTexRetrieval.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/ImdbClassification.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/SprintDuplicateQuestions.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/ToxicConversationsClassification.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/MassiveScenarioClassification.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/STS17.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackUnixRetrieval.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/AskUbuntuDupQuestions.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/HotpotQA.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/ArxivClusteringS2S.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/StackExchangeClustering.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/RedditClusteringP2P.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/NQ.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/RedditClustering.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/SICK-R.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/FiQA2018.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/BIOSSES.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/TRECCOVID.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/DBPedia.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/BiorxivClusteringS2S.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/ArguAna.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/ArxivClusteringP2P.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/TwitterURLCorpus.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/STS22.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/AmazonReviewsClassification.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackGamingRetrieval.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/NFCorpus.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/STS15.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/AmazonPolarityClassification.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/MTOPIntentClassification.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/STS13.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/SummEval.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/ClimateFEVER.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackStatsRetrieval.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/TwitterSemEval2015.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/MedrxivClusteringP2P.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/TwentyNewsgroupsClustering.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/FEVER.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/MSMARCO.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/MTOPDomainClassification.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/QuoraRetrieval.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/STS12.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/AmazonCounterfactualClassification.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/StackExchangeClusteringP2P.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/no_revision_available/StackOverflowDupQuestions.json" + ], + "Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit": [ + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/MassiveIntentClassification.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/BiorxivClusteringP2P.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/EmotionClassification.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackGisRetrieval.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/TweetSentimentExtractionClassification.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/SciFact.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/Banking77Classification.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/STS14.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/STSBenchmark.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/SciDocsRR.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/MindSmallReranking.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackRetrieval.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/MedrxivClusteringS2S.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/SCIDOCS.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/Touche2020.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/STS16.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackTexRetrieval.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/ImdbClassification.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/SprintDuplicateQuestions.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/ToxicConversationsClassification.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/MassiveScenarioClassification.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/STS17.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackUnixRetrieval.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/AskUbuntuDupQuestions.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/HotpotQA.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/ArxivClusteringS2S.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/StackExchangeClustering.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/RedditClusteringP2P.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/NQ.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/RedditClustering.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/SICK-R.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/FiQA2018.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/BIOSSES.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/TRECCOVID.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/DBPedia.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/BiorxivClusteringS2S.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/ArguAna.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/ArxivClusteringP2P.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/TwitterURLCorpus.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/STS22.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/AmazonReviewsClassification.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackGamingRetrieval.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/NFCorpus.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/STS15.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/AmazonPolarityClassification.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/MTOPIntentClassification.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/STS13.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/SummEval.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/ClimateFEVER.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackStatsRetrieval.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/TwitterSemEval2015.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/MedrxivClusteringP2P.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/TwentyNewsgroupsClustering.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/FEVER.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/MSMARCO.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/MTOPDomainClassification.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/QuoraRetrieval.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/STS12.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/AmazonCounterfactualClassification.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/StackExchangeClusteringP2P.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/StackOverflowDupQuestions.json" + ], + "Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-doc": [ + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-doc/no_revision_available/TRECCOVID.json" + ], + "Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que": [ + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/MassiveIntentClassification.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/BiorxivClusteringP2P.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/EmotionClassification.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/CQADupstackGisRetrieval.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/TweetSentimentExtractionClassification.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/SciFact.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/Banking77Classification.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/STS14.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/STSBenchmark.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/SciDocsRR.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/MindSmallReranking.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/CQADupstackRetrieval.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/MedrxivClusteringS2S.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/SCIDOCS.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/Touche2020.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/STS16.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/CQADupstackTexRetrieval.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/ImdbClassification.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/SprintDuplicateQuestions.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/ToxicConversationsClassification.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/MassiveScenarioClassification.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/STS17.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/CQADupstackUnixRetrieval.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/AskUbuntuDupQuestions.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/HotpotQA.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/ArxivClusteringS2S.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/StackExchangeClustering.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/RedditClusteringP2P.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/NQ.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/RedditClustering.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/SICK-R.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/FiQA2018.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/BIOSSES.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/TRECCOVID.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/DBPedia.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/BiorxivClusteringS2S.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/ArguAna.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/ArxivClusteringP2P.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/TwitterURLCorpus.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/STS22.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/AmazonReviewsClassification.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/CQADupstackGamingRetrieval.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/NFCorpus.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/STS15.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/AmazonPolarityClassification.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/MTOPIntentClassification.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/STS13.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/SummEval.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/ClimateFEVER.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/CQADupstackStatsRetrieval.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/TwitterSemEval2015.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/MedrxivClusteringP2P.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/TwentyNewsgroupsClustering.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/FEVER.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/MSMARCO.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/MTOPDomainClassification.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/QuoraRetrieval.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/STS12.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/AmazonCounterfactualClassification.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/StackExchangeClusteringP2P.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que/no_revision_available/StackOverflowDupQuestions.json" + ], + "Muennighoff__SGPT-125M-weightedmean-nli-bitfit": [ + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/MassiveIntentClassification.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/BiorxivClusteringP2P.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/EmotionClassification.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/CQADupstackGisRetrieval.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/TweetSentimentExtractionClassification.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/SciFact.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/Banking77Classification.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/STS14.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/STSBenchmark.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/SciDocsRR.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/MindSmallReranking.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/CQADupstackRetrieval.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/MedrxivClusteringS2S.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/SCIDOCS.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/Touche2020.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/STS16.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/CQADupstackTexRetrieval.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/ImdbClassification.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/SprintDuplicateQuestions.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/ToxicConversationsClassification.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/MassiveScenarioClassification.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/STS17.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/CQADupstackUnixRetrieval.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/AskUbuntuDupQuestions.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/HotpotQA.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/ArxivClusteringS2S.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/StackExchangeClustering.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/RedditClusteringP2P.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/NQ.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/RedditClustering.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/SICK-R.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/FiQA2018.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/BIOSSES.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/TRECCOVID.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/DBPedia.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/BiorxivClusteringS2S.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/ArguAna.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/BUCC.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/ArxivClusteringP2P.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/TwitterURLCorpus.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/STS22.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/AmazonReviewsClassification.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/CQADupstackGamingRetrieval.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/NFCorpus.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/STS15.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/AmazonPolarityClassification.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/MTOPIntentClassification.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/STS13.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/SummEval.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/ClimateFEVER.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/CQADupstackStatsRetrieval.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/TwitterSemEval2015.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/MedrxivClusteringP2P.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/TwentyNewsgroupsClustering.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/FEVER.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/MSMARCO.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/MTOPDomainClassification.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/QuoraRetrieval.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/STS12.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/AmazonCounterfactualClassification.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/StackExchangeClusteringP2P.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/no_revision_available/StackOverflowDupQuestions.json" + ], + "Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit": [ + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/MassiveIntentClassification.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/BiorxivClusteringP2P.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/EmotionClassification.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackGisRetrieval.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/TweetSentimentExtractionClassification.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/SciFact.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/Banking77Classification.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/STS14.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/STSBenchmark.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/SciDocsRR.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/MindSmallReranking.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackRetrieval.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/MedrxivClusteringS2S.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/SCIDOCS.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/Touche2020.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/STS16.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackTexRetrieval.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/ImdbClassification.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/SprintDuplicateQuestions.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/ToxicConversationsClassification.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/MassiveScenarioClassification.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/STS17.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackUnixRetrieval.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/AskUbuntuDupQuestions.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/HotpotQA.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/ArxivClusteringS2S.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/StackExchangeClustering.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/RedditClusteringP2P.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/NQ.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/RedditClustering.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/SICK-R.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/FiQA2018.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/BIOSSES.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/TRECCOVID.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/DBPedia.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/BiorxivClusteringS2S.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/ArguAna.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/ArxivClusteringP2P.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/TwitterURLCorpus.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/STS22.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/AmazonReviewsClassification.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackGamingRetrieval.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/NFCorpus.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/STS15.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/AmazonPolarityClassification.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/MTOPIntentClassification.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/STS13.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/SummEval.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/ClimateFEVER.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackStatsRetrieval.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/TwitterSemEval2015.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/MedrxivClusteringP2P.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/TwentyNewsgroupsClustering.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/FEVER.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/MSMARCO.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/MTOPDomainClassification.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/QuoraRetrieval.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/STS12.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/AmazonCounterfactualClassification.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/StackExchangeClusteringP2P.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/no_revision_available/StackOverflowDupQuestions.json" + ], + "Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit": [ + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/MassiveIntentClassification.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/BiorxivClusteringP2P.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/EmotionClassification.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackGisRetrieval.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/TweetSentimentExtractionClassification.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/SciFact.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/Banking77Classification.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/STS14.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/STSBenchmark.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/SciDocsRR.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/MindSmallReranking.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackRetrieval.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/MedrxivClusteringS2S.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/SCIDOCS.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/Touche2020.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/STS16.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackTexRetrieval.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/ImdbClassification.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/SprintDuplicateQuestions.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/ToxicConversationsClassification.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/MassiveScenarioClassification.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/STS17.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackUnixRetrieval.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/AskUbuntuDupQuestions.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/HotpotQA.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/ArxivClusteringS2S.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/StackExchangeClustering.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/RedditClusteringP2P.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/NQ.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/RedditClustering.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/SICK-R.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/FiQA2018.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/BIOSSES.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/TRECCOVID.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/DBPedia.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/BiorxivClusteringS2S.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/ArguAna.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/ArxivClusteringP2P.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/TwitterURLCorpus.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/STS22.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/AmazonReviewsClassification.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackGamingRetrieval.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/NFCorpus.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/STS15.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/AmazonPolarityClassification.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/MTOPIntentClassification.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/STS13.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/SummEval.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/ClimateFEVER.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackStatsRetrieval.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/TwitterSemEval2015.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/MedrxivClusteringP2P.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/TwentyNewsgroupsClustering.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/FEVER.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/MSMARCO.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/MTOPDomainClassification.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/QuoraRetrieval.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/STS12.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/AmazonCounterfactualClassification.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/StackExchangeClusteringP2P.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/StackOverflowDupQuestions.json" + ], + "Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que": [ + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/MassiveIntentClassification.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/BiorxivClusteringP2P.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/EmotionClassification.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/CQADupstackGisRetrieval.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/TweetSentimentExtractionClassification.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/SciFact.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/Banking77Classification.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/STS14.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/STSBenchmark.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/SciDocsRR.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/MindSmallReranking.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/CQADupstackRetrieval.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/MedrxivClusteringS2S.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/SCIDOCS.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/Touche2020.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/STS16.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/CQADupstackTexRetrieval.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/ImdbClassification.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/SprintDuplicateQuestions.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/ToxicConversationsClassification.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/MassiveScenarioClassification.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/STS17.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/CQADupstackUnixRetrieval.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/AskUbuntuDupQuestions.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/HotpotQA.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/ArxivClusteringS2S.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/StackExchangeClustering.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/RedditClusteringP2P.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/NQ.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/RedditClustering.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/SICK-R.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/FiQA2018.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/BIOSSES.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/TRECCOVID.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/DBPedia.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/BiorxivClusteringS2S.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/ArguAna.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/ArxivClusteringP2P.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/TwitterURLCorpus.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/STS22.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/AmazonReviewsClassification.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/CQADupstackGamingRetrieval.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/NFCorpus.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/STS15.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/AmazonPolarityClassification.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/MTOPIntentClassification.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/STS13.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/SummEval.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/ClimateFEVER.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/CQADupstackStatsRetrieval.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/TwitterSemEval2015.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/MedrxivClusteringP2P.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/TwentyNewsgroupsClustering.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/FEVER.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/MSMARCO.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/MTOPDomainClassification.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/QuoraRetrieval.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/STS12.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/AmazonCounterfactualClassification.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/StackExchangeClusteringP2P.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que/no_revision_available/StackOverflowDupQuestions.json" + ], + "Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit": [ + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/MassiveIntentClassification.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/BiorxivClusteringP2P.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/EmotionClassification.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/CQADupstackGisRetrieval.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/TweetSentimentExtractionClassification.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/SciFact.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/Banking77Classification.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/STS14.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/STSBenchmark.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/SciDocsRR.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/MindSmallReranking.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/CQADupstackRetrieval.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/MedrxivClusteringS2S.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/SCIDOCS.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/Touche2020.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/STS16.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/CQADupstackTexRetrieval.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/ImdbClassification.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/SprintDuplicateQuestions.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/ToxicConversationsClassification.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/MassiveScenarioClassification.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/STS17.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/CQADupstackUnixRetrieval.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/AskUbuntuDupQuestions.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/HotpotQA.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/ArxivClusteringS2S.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/StackExchangeClustering.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/RedditClusteringP2P.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/NQ.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/RedditClustering.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/SICK-R.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/FiQA2018.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/BIOSSES.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/TRECCOVID.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/DBPedia.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/BiorxivClusteringS2S.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/ArguAna.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/BUCC.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/ArxivClusteringP2P.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/TwitterURLCorpus.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/STS22.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/AmazonReviewsClassification.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/CQADupstackGamingRetrieval.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/NFCorpus.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/STS15.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/AmazonPolarityClassification.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/MTOPIntentClassification.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/STS13.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/SummEval.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/ClimateFEVER.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/CQADupstackStatsRetrieval.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/TwitterSemEval2015.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/MedrxivClusteringP2P.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/TwentyNewsgroupsClustering.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/FEVER.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/MSMARCO.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/MTOPDomainClassification.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/QuoraRetrieval.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/STS12.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/AmazonCounterfactualClassification.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/StackExchangeClusteringP2P.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/no_revision_available/StackOverflowDupQuestions.json" + ], + "NbAiLab__nb-bert-base": [ + "results/NbAiLab__nb-bert-base/no_revision_available/MassiveIntentClassification.json", + "results/NbAiLab__nb-bert-base/no_revision_available/SweRecClassification.json", + "results/NbAiLab__nb-bert-base/no_revision_available/MassiveScenarioClassification.json", + "results/NbAiLab__nb-bert-base/no_revision_available/AngryTweetsClassification.json", + "results/NbAiLab__nb-bert-base/no_revision_available/NordicLangClassification.json", + "results/NbAiLab__nb-bert-base/no_revision_available/BornholmBitextMining.json", + "results/NbAiLab__nb-bert-base/no_revision_available/ScalaNbClassification.json", + "results/NbAiLab__nb-bert-base/no_revision_available/ScalaSvClassification.json", + "results/NbAiLab__nb-bert-base/no_revision_available/NorwegianParliament.json", + "results/NbAiLab__nb-bert-base/no_revision_available/NoRecClassification.json", + "results/NbAiLab__nb-bert-base/no_revision_available/DKHateClassification.json", + "results/NbAiLab__nb-bert-base/no_revision_available/ScalaDaClassification.json", + "results/NbAiLab__nb-bert-base/no_revision_available/DanishPoliticalCommentsClassification.json", + "results/NbAiLab__nb-bert-base/no_revision_available/LccSentimentClassification.json", + "results/NbAiLab__nb-bert-base/no_revision_available/DalajClassification.json" + ], + "NbAiLab__nb-bert-large": [ + "results/NbAiLab__nb-bert-large/no_revision_available/MassiveIntentClassification.json", + "results/NbAiLab__nb-bert-large/no_revision_available/SweRecClassification.json", + "results/NbAiLab__nb-bert-large/no_revision_available/MassiveScenarioClassification.json", + "results/NbAiLab__nb-bert-large/no_revision_available/AngryTweetsClassification.json", + "results/NbAiLab__nb-bert-large/no_revision_available/NordicLangClassification.json", + "results/NbAiLab__nb-bert-large/no_revision_available/BornholmBitextMining.json", + "results/NbAiLab__nb-bert-large/no_revision_available/ScalaNbClassification.json", + "results/NbAiLab__nb-bert-large/no_revision_available/ScalaSvClassification.json", + "results/NbAiLab__nb-bert-large/no_revision_available/NorwegianParliament.json", + "results/NbAiLab__nb-bert-large/no_revision_available/NoRecClassification.json", + "results/NbAiLab__nb-bert-large/no_revision_available/DKHateClassification.json", + "results/NbAiLab__nb-bert-large/no_revision_available/ScalaDaClassification.json", + "results/NbAiLab__nb-bert-large/no_revision_available/DanishPoliticalCommentsClassification.json", + "results/NbAiLab__nb-bert-large/no_revision_available/LccSentimentClassification.json", + "results/NbAiLab__nb-bert-large/no_revision_available/DalajClassification.json" + ], + "Salesforce__SFR-Embedding-Mistral": [ + "results/Salesforce__SFR-Embedding-Mistral/no_revision_available/BrightRetrieval.json" + ], + "T-Systems-onsite__cross-en-de-roberta-sentence-transformer": [ + "results/T-Systems-onsite__cross-en-de-roberta-sentence-transformer/no_revision_available/BlurbsClusteringP2P.json", + "results/T-Systems-onsite__cross-en-de-roberta-sentence-transformer/no_revision_available/TenKGnadClusteringS2S.json", + "results/T-Systems-onsite__cross-en-de-roberta-sentence-transformer/no_revision_available/TenKGnadClusteringP2P.json", + "results/T-Systems-onsite__cross-en-de-roberta-sentence-transformer/no_revision_available/BlurbsClusteringS2S.json" + ], + "Wissam42__sentence-croissant-llm-base": [ + "results/Wissam42__sentence-croissant-llm-base/no_revision_available/MassiveIntentClassification.json", + "results/Wissam42__sentence-croissant-llm-base/no_revision_available/MLSUMClusteringP2P.json", + "results/Wissam42__sentence-croissant-llm-base/no_revision_available/AlloProfClusteringS2S.json", + "results/Wissam42__sentence-croissant-llm-base/no_revision_available/SyntecReranking.json", + "results/Wissam42__sentence-croissant-llm-base/no_revision_available/BSARDRetrieval.json", + "results/Wissam42__sentence-croissant-llm-base/no_revision_available/DiaBLaBitextMining.json", + "results/Wissam42__sentence-croissant-llm-base/no_revision_available/MintakaRetrieval.json", + "results/Wissam42__sentence-croissant-llm-base/no_revision_available/SyntecRetrieval.json", + "results/Wissam42__sentence-croissant-llm-base/no_revision_available/MLSUMClusteringS2S.json", + "results/Wissam42__sentence-croissant-llm-base/no_revision_available/MassiveScenarioClassification.json", + "results/Wissam42__sentence-croissant-llm-base/no_revision_available/MasakhaNEWSClusteringP2P.json", + "results/Wissam42__sentence-croissant-llm-base/no_revision_available/AlloprofRetrieval.json", + "results/Wissam42__sentence-croissant-llm-base/no_revision_available/AlloprofReranking.json", + "results/Wissam42__sentence-croissant-llm-base/no_revision_available/FloresBitextMining.json", + "results/Wissam42__sentence-croissant-llm-base/no_revision_available/SummEvalFr.json", + "results/Wissam42__sentence-croissant-llm-base/no_revision_available/AlloProfClusteringP2P.json", + "results/Wissam42__sentence-croissant-llm-base/no_revision_available/MasakhaNEWSClusteringS2S.json", + "results/Wissam42__sentence-croissant-llm-base/no_revision_available/STS22.json", + "results/Wissam42__sentence-croissant-llm-base/no_revision_available/AmazonReviewsClassification.json", + "results/Wissam42__sentence-croissant-llm-base/no_revision_available/MTOPIntentClassification.json", + "results/Wissam42__sentence-croissant-llm-base/no_revision_available/HALClusteringS2S.json", + "results/Wissam42__sentence-croissant-llm-base/no_revision_available/MasakhaNEWSClassification.json", + "results/Wissam42__sentence-croissant-llm-base/no_revision_available/OpusparcusPC.json", + "results/Wissam42__sentence-croissant-llm-base/no_revision_available/MTOPDomainClassification.json", + "results/Wissam42__sentence-croissant-llm-base/no_revision_available/SICKFr.json", + "results/Wissam42__sentence-croissant-llm-base/no_revision_available/PawsXPairClassification.json", + "results/Wissam42__sentence-croissant-llm-base/no_revision_available/XPQARetrieval.json", + "results/Wissam42__sentence-croissant-llm-base/no_revision_available/STSBenchmarkMultilingualSTS.json" + ], + "ai-forever__sbert_large_mt_nlu_ru": [ + "results/ai-forever__sbert_large_mt_nlu_ru/05300876c2b83f46d3ddd422a7f17e45cf633bb0/RuBQRetrieval.json", + "results/ai-forever__sbert_large_mt_nlu_ru/05300876c2b83f46d3ddd422a7f17e45cf633bb0/MassiveIntentClassification.json", + "results/ai-forever__sbert_large_mt_nlu_ru/05300876c2b83f46d3ddd422a7f17e45cf633bb0/InappropriatenessClassification.json", + "results/ai-forever__sbert_large_mt_nlu_ru/05300876c2b83f46d3ddd422a7f17e45cf633bb0/RuReviewsClassification.json", + "results/ai-forever__sbert_large_mt_nlu_ru/05300876c2b83f46d3ddd422a7f17e45cf633bb0/RuSciBenchGRNTIClusteringP2P.json", + "results/ai-forever__sbert_large_mt_nlu_ru/05300876c2b83f46d3ddd422a7f17e45cf633bb0/TERRa.json", + "results/ai-forever__sbert_large_mt_nlu_ru/05300876c2b83f46d3ddd422a7f17e45cf633bb0/RuSTSBenchmarkSTS.json", + "results/ai-forever__sbert_large_mt_nlu_ru/05300876c2b83f46d3ddd422a7f17e45cf633bb0/RiaNewsRetrieval.json", + "results/ai-forever__sbert_large_mt_nlu_ru/05300876c2b83f46d3ddd422a7f17e45cf633bb0/MIRACLRetrieval.json", + "results/ai-forever__sbert_large_mt_nlu_ru/05300876c2b83f46d3ddd422a7f17e45cf633bb0/GeoreviewClassification.json", + "results/ai-forever__sbert_large_mt_nlu_ru/05300876c2b83f46d3ddd422a7f17e45cf633bb0/SensitiveTopicsClassification.json", + "results/ai-forever__sbert_large_mt_nlu_ru/05300876c2b83f46d3ddd422a7f17e45cf633bb0/KinopoiskClassification.json", + "results/ai-forever__sbert_large_mt_nlu_ru/05300876c2b83f46d3ddd422a7f17e45cf633bb0/RUParaPhraserSTS.json", + "results/ai-forever__sbert_large_mt_nlu_ru/05300876c2b83f46d3ddd422a7f17e45cf633bb0/MassiveScenarioClassification.json", + "results/ai-forever__sbert_large_mt_nlu_ru/05300876c2b83f46d3ddd422a7f17e45cf633bb0/RuSciBenchOECDClusteringP2P.json", + "results/ai-forever__sbert_large_mt_nlu_ru/05300876c2b83f46d3ddd422a7f17e45cf633bb0/RuSciBenchGRNTIClassification.json", + "results/ai-forever__sbert_large_mt_nlu_ru/05300876c2b83f46d3ddd422a7f17e45cf633bb0/HeadlineClassification.json", + "results/ai-forever__sbert_large_mt_nlu_ru/05300876c2b83f46d3ddd422a7f17e45cf633bb0/MIRACLReranking.json", + "results/ai-forever__sbert_large_mt_nlu_ru/05300876c2b83f46d3ddd422a7f17e45cf633bb0/XNLI.json", + "results/ai-forever__sbert_large_mt_nlu_ru/05300876c2b83f46d3ddd422a7f17e45cf633bb0/STS22.json", + "results/ai-forever__sbert_large_mt_nlu_ru/05300876c2b83f46d3ddd422a7f17e45cf633bb0/CEDRClassification.json", + "results/ai-forever__sbert_large_mt_nlu_ru/05300876c2b83f46d3ddd422a7f17e45cf633bb0/GeoreviewClusteringP2P.json", + "results/ai-forever__sbert_large_mt_nlu_ru/05300876c2b83f46d3ddd422a7f17e45cf633bb0/RuBQReranking.json", + "results/ai-forever__sbert_large_mt_nlu_ru/05300876c2b83f46d3ddd422a7f17e45cf633bb0/RuSciBenchOECDClassification.json" + ], + "ai-forever__sbert_large_nlu_ru": [ + "results/ai-forever__sbert_large_nlu_ru/af977d5dfa46a3635e29bf0ef383f2df2a08d47a/RuBQRetrieval.json", + "results/ai-forever__sbert_large_nlu_ru/af977d5dfa46a3635e29bf0ef383f2df2a08d47a/MassiveIntentClassification.json", + "results/ai-forever__sbert_large_nlu_ru/af977d5dfa46a3635e29bf0ef383f2df2a08d47a/InappropriatenessClassification.json", + "results/ai-forever__sbert_large_nlu_ru/af977d5dfa46a3635e29bf0ef383f2df2a08d47a/RuReviewsClassification.json", + "results/ai-forever__sbert_large_nlu_ru/af977d5dfa46a3635e29bf0ef383f2df2a08d47a/RuSciBenchGRNTIClusteringP2P.json", + "results/ai-forever__sbert_large_nlu_ru/af977d5dfa46a3635e29bf0ef383f2df2a08d47a/TERRa.json", + "results/ai-forever__sbert_large_nlu_ru/af977d5dfa46a3635e29bf0ef383f2df2a08d47a/RuSTSBenchmarkSTS.json", + "results/ai-forever__sbert_large_nlu_ru/af977d5dfa46a3635e29bf0ef383f2df2a08d47a/RiaNewsRetrieval.json", + "results/ai-forever__sbert_large_nlu_ru/af977d5dfa46a3635e29bf0ef383f2df2a08d47a/MIRACLRetrieval.json", + "results/ai-forever__sbert_large_nlu_ru/af977d5dfa46a3635e29bf0ef383f2df2a08d47a/GeoreviewClassification.json", + "results/ai-forever__sbert_large_nlu_ru/af977d5dfa46a3635e29bf0ef383f2df2a08d47a/SensitiveTopicsClassification.json", + "results/ai-forever__sbert_large_nlu_ru/af977d5dfa46a3635e29bf0ef383f2df2a08d47a/KinopoiskClassification.json", + "results/ai-forever__sbert_large_nlu_ru/af977d5dfa46a3635e29bf0ef383f2df2a08d47a/RUParaPhraserSTS.json", + "results/ai-forever__sbert_large_nlu_ru/af977d5dfa46a3635e29bf0ef383f2df2a08d47a/MassiveScenarioClassification.json", + "results/ai-forever__sbert_large_nlu_ru/af977d5dfa46a3635e29bf0ef383f2df2a08d47a/RuSciBenchOECDClusteringP2P.json", + "results/ai-forever__sbert_large_nlu_ru/af977d5dfa46a3635e29bf0ef383f2df2a08d47a/RuSciBenchGRNTIClassification.json", + "results/ai-forever__sbert_large_nlu_ru/af977d5dfa46a3635e29bf0ef383f2df2a08d47a/HeadlineClassification.json", + "results/ai-forever__sbert_large_nlu_ru/af977d5dfa46a3635e29bf0ef383f2df2a08d47a/MIRACLReranking.json", + "results/ai-forever__sbert_large_nlu_ru/af977d5dfa46a3635e29bf0ef383f2df2a08d47a/XNLI.json", + "results/ai-forever__sbert_large_nlu_ru/af977d5dfa46a3635e29bf0ef383f2df2a08d47a/STS22.json", + "results/ai-forever__sbert_large_nlu_ru/af977d5dfa46a3635e29bf0ef383f2df2a08d47a/CEDRClassification.json", + "results/ai-forever__sbert_large_nlu_ru/af977d5dfa46a3635e29bf0ef383f2df2a08d47a/GeoreviewClusteringP2P.json", + "results/ai-forever__sbert_large_nlu_ru/af977d5dfa46a3635e29bf0ef383f2df2a08d47a/RuBQReranking.json", + "results/ai-forever__sbert_large_nlu_ru/af977d5dfa46a3635e29bf0ef383f2df2a08d47a/RuSciBenchOECDClassification.json" + ], + "aliyun__OpenSearch-text-hybrid": [ + "results/aliyun__OpenSearch-text-hybrid/no_revision_available/CMedQAv1.json", + "results/aliyun__OpenSearch-text-hybrid/no_revision_available/MassiveIntentClassification.json", + "results/aliyun__OpenSearch-text-hybrid/no_revision_available/TNews.json", + "results/aliyun__OpenSearch-text-hybrid/no_revision_available/PAWSX.json", + "results/aliyun__OpenSearch-text-hybrid/no_revision_available/OnlineShopping.json", + "results/aliyun__OpenSearch-text-hybrid/no_revision_available/LCQMC.json", + "results/aliyun__OpenSearch-text-hybrid/no_revision_available/EcomRetrieval.json", + "results/aliyun__OpenSearch-text-hybrid/no_revision_available/MMarcoReranking.json", + "results/aliyun__OpenSearch-text-hybrid/no_revision_available/CovidRetrieval.json", + "results/aliyun__OpenSearch-text-hybrid/no_revision_available/CLSClusteringP2P.json", + "results/aliyun__OpenSearch-text-hybrid/no_revision_available/BQ.json", + "results/aliyun__OpenSearch-text-hybrid/no_revision_available/AFQMC.json", + "results/aliyun__OpenSearch-text-hybrid/no_revision_available/CLSClusteringS2S.json", + "results/aliyun__OpenSearch-text-hybrid/no_revision_available/Cmnli.json", + "results/aliyun__OpenSearch-text-hybrid/no_revision_available/MassiveScenarioClassification.json", + "results/aliyun__OpenSearch-text-hybrid/no_revision_available/T2Reranking.json", + "results/aliyun__OpenSearch-text-hybrid/no_revision_available/ThuNewsClusteringP2P.json", + "results/aliyun__OpenSearch-text-hybrid/no_revision_available/VideoRetrieval.json", + "results/aliyun__OpenSearch-text-hybrid/no_revision_available/Ocnli.json", + "results/aliyun__OpenSearch-text-hybrid/no_revision_available/ATEC.json", + "results/aliyun__OpenSearch-text-hybrid/no_revision_available/Waimai.json", + "results/aliyun__OpenSearch-text-hybrid/no_revision_available/ThuNewsClusteringS2S.json", + "results/aliyun__OpenSearch-text-hybrid/no_revision_available/IFlyTek.json", + "results/aliyun__OpenSearch-text-hybrid/no_revision_available/MultilingualSentiment.json", + "results/aliyun__OpenSearch-text-hybrid/no_revision_available/CmedqaRetrieval.json", + "results/aliyun__OpenSearch-text-hybrid/no_revision_available/STS22.json", + "results/aliyun__OpenSearch-text-hybrid/no_revision_available/AmazonReviewsClassification.json", + "results/aliyun__OpenSearch-text-hybrid/no_revision_available/JDReview.json", + "results/aliyun__OpenSearch-text-hybrid/no_revision_available/MedicalRetrieval.json", + "results/aliyun__OpenSearch-text-hybrid/no_revision_available/T2Retrieval.json", + "results/aliyun__OpenSearch-text-hybrid/no_revision_available/QBQTC.json", + "results/aliyun__OpenSearch-text-hybrid/no_revision_available/MMarcoRetrieval.json", + "results/aliyun__OpenSearch-text-hybrid/no_revision_available/DuRetrieval.json", + "results/aliyun__OpenSearch-text-hybrid/no_revision_available/CMedQAv2.json", + "results/aliyun__OpenSearch-text-hybrid/no_revision_available/STSB.json" + ], + "almanach__camembert-base": [ + "results/almanach__camembert-base/no_revision_available/MassiveIntentClassification.json", + "results/almanach__camembert-base/no_revision_available/MLSUMClusteringP2P.json", + "results/almanach__camembert-base/no_revision_available/AlloProfClusteringS2S.json", + "results/almanach__camembert-base/no_revision_available/SyntecReranking.json", + "results/almanach__camembert-base/no_revision_available/BSARDRetrieval.json", + "results/almanach__camembert-base/no_revision_available/DiaBLaBitextMining.json", + "results/almanach__camembert-base/no_revision_available/MintakaRetrieval.json", + "results/almanach__camembert-base/no_revision_available/SyntecRetrieval.json", + "results/almanach__camembert-base/no_revision_available/MLSUMClusteringS2S.json", + "results/almanach__camembert-base/no_revision_available/MassiveScenarioClassification.json", + "results/almanach__camembert-base/no_revision_available/MasakhaNEWSClusteringP2P.json", + "results/almanach__camembert-base/no_revision_available/AlloprofRetrieval.json", + "results/almanach__camembert-base/no_revision_available/AlloprofReranking.json", + "results/almanach__camembert-base/no_revision_available/FloresBitextMining.json", + "results/almanach__camembert-base/no_revision_available/SummEvalFr.json", + "results/almanach__camembert-base/no_revision_available/AlloProfClusteringP2P.json", + "results/almanach__camembert-base/no_revision_available/MasakhaNEWSClusteringS2S.json", + "results/almanach__camembert-base/no_revision_available/STS22.json", + "results/almanach__camembert-base/no_revision_available/AmazonReviewsClassification.json", + "results/almanach__camembert-base/no_revision_available/MTOPIntentClassification.json", + "results/almanach__camembert-base/no_revision_available/HALClusteringS2S.json", + "results/almanach__camembert-base/no_revision_available/MasakhaNEWSClassification.json", + "results/almanach__camembert-base/no_revision_available/OpusparcusPC.json", + "results/almanach__camembert-base/no_revision_available/MTOPDomainClassification.json", + "results/almanach__camembert-base/no_revision_available/SICKFr.json", + "results/almanach__camembert-base/no_revision_available/PawsXPairClassification.json", + "results/almanach__camembert-base/no_revision_available/XPQARetrieval.json", + "results/almanach__camembert-base/no_revision_available/STSBenchmarkMultilingualSTS.json" + ], + "almanach__camembert-large": [ + "results/almanach__camembert-large/no_revision_available/MassiveIntentClassification.json", + "results/almanach__camembert-large/no_revision_available/MLSUMClusteringP2P.json", + "results/almanach__camembert-large/no_revision_available/AlloProfClusteringS2S.json", + "results/almanach__camembert-large/no_revision_available/SyntecReranking.json", + "results/almanach__camembert-large/no_revision_available/BSARDRetrieval.json", + "results/almanach__camembert-large/no_revision_available/DiaBLaBitextMining.json", + "results/almanach__camembert-large/no_revision_available/MintakaRetrieval.json", + "results/almanach__camembert-large/no_revision_available/SyntecRetrieval.json", + "results/almanach__camembert-large/no_revision_available/MLSUMClusteringS2S.json", + "results/almanach__camembert-large/no_revision_available/MassiveScenarioClassification.json", + "results/almanach__camembert-large/no_revision_available/MasakhaNEWSClusteringP2P.json", + "results/almanach__camembert-large/no_revision_available/AlloprofRetrieval.json", + "results/almanach__camembert-large/no_revision_available/AlloprofReranking.json", + "results/almanach__camembert-large/no_revision_available/FloresBitextMining.json", + "results/almanach__camembert-large/no_revision_available/SummEvalFr.json", + "results/almanach__camembert-large/no_revision_available/AlloProfClusteringP2P.json", + "results/almanach__camembert-large/no_revision_available/MasakhaNEWSClusteringS2S.json", + "results/almanach__camembert-large/no_revision_available/STS22.json", + "results/almanach__camembert-large/no_revision_available/AmazonReviewsClassification.json", + "results/almanach__camembert-large/no_revision_available/MTOPIntentClassification.json", + "results/almanach__camembert-large/no_revision_available/HALClusteringS2S.json", + "results/almanach__camembert-large/no_revision_available/MasakhaNEWSClassification.json", + "results/almanach__camembert-large/no_revision_available/OpusparcusPC.json", + "results/almanach__camembert-large/no_revision_available/MTOPDomainClassification.json", + "results/almanach__camembert-large/no_revision_available/SICKFr.json", + "results/almanach__camembert-large/no_revision_available/PawsXPairClassification.json", + "results/almanach__camembert-large/no_revision_available/XPQARetrieval.json", + "results/almanach__camembert-large/no_revision_available/STSBenchmarkMultilingualSTS.json" + ], + "amazon__titan-embed-text-v1": [ + "results/amazon__titan-embed-text-v1/no_revision_available/SciFact.json", + "results/amazon__titan-embed-text-v1/no_revision_available/Banking77Classification.json", + "results/amazon__titan-embed-text-v1/no_revision_available/STS14.json", + "results/amazon__titan-embed-text-v1/no_revision_available/STSBenchmark.json", + "results/amazon__titan-embed-text-v1/no_revision_available/SciDocsRR.json", + "results/amazon__titan-embed-text-v1/no_revision_available/STS16.json", + "results/amazon__titan-embed-text-v1/no_revision_available/STS17.json", + "results/amazon__titan-embed-text-v1/no_revision_available/NQ.json", + "results/amazon__titan-embed-text-v1/no_revision_available/SICK-R.json", + "results/amazon__titan-embed-text-v1/no_revision_available/FiQA2018.json", + "results/amazon__titan-embed-text-v1/no_revision_available/BIOSSES.json", + "results/amazon__titan-embed-text-v1/no_revision_available/TRECCOVID.json", + "results/amazon__titan-embed-text-v1/no_revision_available/ArguAna.json", + "results/amazon__titan-embed-text-v1/no_revision_available/STS15.json", + "results/amazon__titan-embed-text-v1/no_revision_available/STS13.json", + "results/amazon__titan-embed-text-v1/no_revision_available/MSMARCO.json", + "results/amazon__titan-embed-text-v1/no_revision_available/STS12.json", + "results/amazon__titan-embed-text-v1/no_revision_available/AmazonCounterfactualClassification.json" + ], + "baichuan-ai__text-embedding": [ + "results/baichuan-ai__text-embedding/no_revision_available/CMedQAv1.json", + "results/baichuan-ai__text-embedding/no_revision_available/MassiveIntentClassification.json", + "results/baichuan-ai__text-embedding/no_revision_available/TNews.json", + "results/baichuan-ai__text-embedding/no_revision_available/PAWSX.json", + "results/baichuan-ai__text-embedding/no_revision_available/OnlineShopping.json", + "results/baichuan-ai__text-embedding/no_revision_available/LCQMC.json", + "results/baichuan-ai__text-embedding/no_revision_available/EcomRetrieval.json", + "results/baichuan-ai__text-embedding/no_revision_available/MMarcoReranking.json", + "results/baichuan-ai__text-embedding/no_revision_available/CovidRetrieval.json", + "results/baichuan-ai__text-embedding/no_revision_available/CLSClusteringP2P.json", + "results/baichuan-ai__text-embedding/no_revision_available/BQ.json", + "results/baichuan-ai__text-embedding/no_revision_available/AFQMC.json", + "results/baichuan-ai__text-embedding/no_revision_available/CLSClusteringS2S.json", + "results/baichuan-ai__text-embedding/no_revision_available/Cmnli.json", + "results/baichuan-ai__text-embedding/no_revision_available/MassiveScenarioClassification.json", + "results/baichuan-ai__text-embedding/no_revision_available/T2Reranking.json", + "results/baichuan-ai__text-embedding/no_revision_available/ThuNewsClusteringP2P.json", + "results/baichuan-ai__text-embedding/no_revision_available/VideoRetrieval.json", + "results/baichuan-ai__text-embedding/no_revision_available/Ocnli.json", + "results/baichuan-ai__text-embedding/no_revision_available/ATEC.json", + "results/baichuan-ai__text-embedding/no_revision_available/Waimai.json", + "results/baichuan-ai__text-embedding/no_revision_available/ThuNewsClusteringS2S.json", + "results/baichuan-ai__text-embedding/no_revision_available/IFlyTek.json", + "results/baichuan-ai__text-embedding/no_revision_available/MultilingualSentiment.json", + "results/baichuan-ai__text-embedding/no_revision_available/CmedqaRetrieval.json", + "results/baichuan-ai__text-embedding/no_revision_available/STS22.json", + "results/baichuan-ai__text-embedding/no_revision_available/AmazonReviewsClassification.json", + "results/baichuan-ai__text-embedding/no_revision_available/JDReview.json", + "results/baichuan-ai__text-embedding/no_revision_available/MedicalRetrieval.json", + "results/baichuan-ai__text-embedding/no_revision_available/T2Retrieval.json", + "results/baichuan-ai__text-embedding/no_revision_available/QBQTC.json", + "results/baichuan-ai__text-embedding/no_revision_available/MMarcoRetrieval.json", + "results/baichuan-ai__text-embedding/no_revision_available/DuRetrieval.json", + "results/baichuan-ai__text-embedding/no_revision_available/CMedQAv2.json", + "results/baichuan-ai__text-embedding/no_revision_available/STSB.json" + ], + "bigscience-data__sgpt-bloom-1b7-nli": [ + "results/bigscience-data__sgpt-bloom-1b7-nli/no_revision_available/MassiveIntentClassification.json", + "results/bigscience-data__sgpt-bloom-1b7-nli/no_revision_available/MassiveScenarioClassification.json", + "results/bigscience-data__sgpt-bloom-1b7-nli/no_revision_available/STS22.json", + "results/bigscience-data__sgpt-bloom-1b7-nli/no_revision_available/AmazonReviewsClassification.json", + "results/bigscience-data__sgpt-bloom-1b7-nli/no_revision_available/MTOPIntentClassification.json", + "results/bigscience-data__sgpt-bloom-1b7-nli/no_revision_available/MTOPDomainClassification.json" + ], + "bigscience-data__sgpt-bloom-7b1-msmarco": [ + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/MassiveIntentClassification.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/BiorxivClusteringP2P.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/EmotionClassification.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/CQADupstackGisRetrieval.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/TweetSentimentExtractionClassification.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/SciFact.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/Banking77Classification.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/Tatoeba.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/STS14.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/STSBenchmark.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/SciDocsRR.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/MindSmallReranking.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/CQADupstackRetrieval.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/MedrxivClusteringS2S.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/SCIDOCS.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/Touche2020.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/STS16.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/CQADupstackTexRetrieval.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/ImdbClassification.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/SprintDuplicateQuestions.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/ToxicConversationsClassification.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/MassiveScenarioClassification.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/STS17.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/CQADupstackUnixRetrieval.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/AskUbuntuDupQuestions.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/HotpotQA.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/ArxivClusteringS2S.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/StackExchangeClustering.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/RedditClusteringP2P.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/NQ.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/RedditClustering.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/SICK-R.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/FiQA2018.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/BIOSSES.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/TRECCOVID.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/DBPedia.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/BiorxivClusteringS2S.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/ArguAna.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/BUCC.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/ArxivClusteringP2P.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/TwitterURLCorpus.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/STS22.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/AmazonReviewsClassification.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/CQADupstackGamingRetrieval.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/NFCorpus.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/STS15.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/AmazonPolarityClassification.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/MTOPIntentClassification.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/STS13.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/SummEval.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/ClimateFEVER.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/CQADupstackStatsRetrieval.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/TwitterSemEval2015.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/MedrxivClusteringP2P.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/TwentyNewsgroupsClustering.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/FEVER.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/MSMARCO.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/MTOPDomainClassification.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/QuoraRetrieval.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/STS12.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/AmazonCounterfactualClassification.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/StackExchangeClusteringP2P.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/StackOverflowDupQuestions.json" + ], + "bm25": [ + "results/bm25/no_revision_available/Robust04InstructionRetrieval.json", + "results/bm25/no_revision_available/News21InstructionRetrieval.json", + "results/bm25/no_revision_available/BrightRetrieval.json", + "results/bm25/no_revision_available/Core17InstructionRetrieval.json" + ], + "bm25s": [ + "results/bm25s/0_1_10/CQADupstackGisRetrieval.json", + "results/bm25s/0_1_10/CQADupstackEnglishRetrieval.json", + "results/bm25s/0_1_10/SciFact.json", + "results/bm25s/0_1_10/CQADupstackProgrammersRetrieval.json", + "results/bm25s/0_1_10/CQADupstackRetrieval.json", + "results/bm25s/0_1_10/SCIDOCS.json", + "results/bm25s/0_1_10/Touche2020.json", + "results/bm25s/0_1_10/CQADupstackTexRetrieval.json", + "results/bm25s/0_1_10/CQADupstackUnixRetrieval.json", + "results/bm25s/0_1_10/CQADupstackAndroidRetrieval.json", + "results/bm25s/0_1_10/HotpotQA.json", + "results/bm25s/0_1_10/NQ.json", + "results/bm25s/0_1_10/FiQA2018.json", + "results/bm25s/0_1_10/TRECCOVID.json", + "results/bm25s/0_1_10/DBPedia.json", + "results/bm25s/0_1_10/ArguAna.json", + "results/bm25s/0_1_10/CQADupstackGamingRetrieval.json", + "results/bm25s/0_1_10/NFCorpus.json", + "results/bm25s/0_1_10/ClimateFEVER.json", + "results/bm25s/0_1_10/CQADupstackStatsRetrieval.json", + "results/bm25s/0_1_10/CQADupstackWebmastersRetrieval.json", + "results/bm25s/0_1_10/FEVER.json", + "results/bm25s/0_1_10/MSMARCO.json", + "results/bm25s/0_1_10/QuoraRetrieval.json", + "results/bm25s/0_1_10/CQADupstackMathematicaRetrieval.json", + "results/bm25s/0_1_10/CQADupstackPhysicsRetrieval.json", + "results/bm25s/0_1_10/CQADupstackWordpressRetrieval.json" + ], + "castorini__monobert-large-msmarco": [ + "results/castorini__monobert-large-msmarco/no_revision_available/Robust04InstructionRetrieval.json", + "results/castorini__monobert-large-msmarco/no_revision_available/News21InstructionRetrieval.json", + "results/castorini__monobert-large-msmarco/no_revision_available/Core17InstructionRetrieval.json" + ], + "castorini__monot5-3b-msmarco-10k": [ + "results/castorini__monot5-3b-msmarco-10k/no_revision_available/Robust04InstructionRetrieval.json", + "results/castorini__monot5-3b-msmarco-10k/no_revision_available/News21InstructionRetrieval.json", + "results/castorini__monot5-3b-msmarco-10k/no_revision_available/Core17InstructionRetrieval.json" + ], + "castorini__monot5-base-msmarco-10k": [ + "results/castorini__monot5-base-msmarco-10k/no_revision_available/Robust04InstructionRetrieval.json", + "results/castorini__monot5-base-msmarco-10k/no_revision_available/News21InstructionRetrieval.json", + "results/castorini__monot5-base-msmarco-10k/no_revision_available/Core17InstructionRetrieval.json" + ], + "chcaa__dfm-encoder-large-v1": [ + "results/chcaa__dfm-encoder-large-v1/no_revision_available/MassiveIntentClassification.json", + "results/chcaa__dfm-encoder-large-v1/no_revision_available/SweRecClassification.json", + "results/chcaa__dfm-encoder-large-v1/no_revision_available/MassiveScenarioClassification.json", + "results/chcaa__dfm-encoder-large-v1/no_revision_available/AngryTweetsClassification.json", + "results/chcaa__dfm-encoder-large-v1/no_revision_available/NordicLangClassification.json", + "results/chcaa__dfm-encoder-large-v1/no_revision_available/BornholmBitextMining.json", + "results/chcaa__dfm-encoder-large-v1/no_revision_available/ScalaNbClassification.json", + "results/chcaa__dfm-encoder-large-v1/no_revision_available/ScalaSvClassification.json", + "results/chcaa__dfm-encoder-large-v1/no_revision_available/NorwegianParliament.json", + "results/chcaa__dfm-encoder-large-v1/no_revision_available/NoRecClassification.json", + "results/chcaa__dfm-encoder-large-v1/no_revision_available/DKHateClassification.json", + "results/chcaa__dfm-encoder-large-v1/no_revision_available/ScalaDaClassification.json", + "results/chcaa__dfm-encoder-large-v1/no_revision_available/DanishPoliticalCommentsClassification.json", + "results/chcaa__dfm-encoder-large-v1/no_revision_available/LccSentimentClassification.json", + "results/chcaa__dfm-encoder-large-v1/no_revision_available/DalajClassification.json" + ], + "cointegrated__LaBSE-en-ru": [ + "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/RuBQRetrieval.json", + "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/MassiveIntentClassification.json", + "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/InappropriatenessClassification.json", + "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/RuReviewsClassification.json", + "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/SIB200ClusteringS2S.json", + "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/MLSUMClusteringP2P.json", + "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/BelebeleRetrieval.json", + "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/RuSciBenchGRNTIClusteringP2P.json", + "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/LanguageClassification.json", + "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/MLSUMClusteringS2S.v2.json", + "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/TERRa.json", + "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/Tatoeba.json", + "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/RuSTSBenchmarkSTS.json", + "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/CyrillicTurkicLangClassification.json", + "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/RiaNewsRetrieval.json", + "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/MIRACLRetrieval.json", + "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/GeoreviewClassification.json", + "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/SensitiveTopicsClassification.json", + "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/KinopoiskClassification.json", + "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/RUParaPhraserSTS.json", + "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/MLSUMClusteringS2S.json", + "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/MassiveScenarioClassification.json", + "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/RuSciBenchOECDClusteringP2P.json", + "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/MultilingualSentimentClassification.json", + "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/PublicHealthQA.json", + "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/FloresBitextMining.json", + "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/RuSciBenchGRNTIClassification.json", + "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/HeadlineClassification.json", + "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/XQuADRetrieval.json", + "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/BUCC.v2.json", + "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/MIRACLReranking.json", + "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/XNLI.json", + "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/XNLIV2.json", + "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/STS22.json", + "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/MultiLongDocRetrieval.json", + "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/CEDRClassification.json", + "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/SIB200Classification.json", + "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/GeoreviewClusteringP2P.json", + "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/MLSUMClusteringP2P.v2.json", + "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/STS22.v2.json", + "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/RuBQReranking.json", + "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/NTREXBitextMining.json", + "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/OpusparcusPC.json", + "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/RuSciBenchOECDClassification.json", + "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/BibleNLPBitextMining.json", + "results/cointegrated__LaBSE-en-ru/cf0714e606d4af551e14ad69a7929cd6b0da7f7e/STSBenchmarkMultilingualSTS.json" + ], + "cointegrated__rubert-tiny": [ + "results/cointegrated__rubert-tiny/5441c5ea8026d4f6d7505ec004845409f1259fb1/RuBQRetrieval.json", + "results/cointegrated__rubert-tiny/5441c5ea8026d4f6d7505ec004845409f1259fb1/MassiveIntentClassification.json", + "results/cointegrated__rubert-tiny/5441c5ea8026d4f6d7505ec004845409f1259fb1/InappropriatenessClassification.json", + "results/cointegrated__rubert-tiny/5441c5ea8026d4f6d7505ec004845409f1259fb1/RuReviewsClassification.json", + "results/cointegrated__rubert-tiny/5441c5ea8026d4f6d7505ec004845409f1259fb1/RuSciBenchGRNTIClusteringP2P.json", + "results/cointegrated__rubert-tiny/5441c5ea8026d4f6d7505ec004845409f1259fb1/TERRa.json", + "results/cointegrated__rubert-tiny/5441c5ea8026d4f6d7505ec004845409f1259fb1/RuSTSBenchmarkSTS.json", + "results/cointegrated__rubert-tiny/5441c5ea8026d4f6d7505ec004845409f1259fb1/RiaNewsRetrieval.json", + "results/cointegrated__rubert-tiny/5441c5ea8026d4f6d7505ec004845409f1259fb1/GeoreviewClassification.json", + "results/cointegrated__rubert-tiny/5441c5ea8026d4f6d7505ec004845409f1259fb1/SensitiveTopicsClassification.json", + "results/cointegrated__rubert-tiny/5441c5ea8026d4f6d7505ec004845409f1259fb1/KinopoiskClassification.json", + "results/cointegrated__rubert-tiny/5441c5ea8026d4f6d7505ec004845409f1259fb1/RUParaPhraserSTS.json", + "results/cointegrated__rubert-tiny/5441c5ea8026d4f6d7505ec004845409f1259fb1/MassiveScenarioClassification.json", + "results/cointegrated__rubert-tiny/5441c5ea8026d4f6d7505ec004845409f1259fb1/RuSciBenchOECDClusteringP2P.json", + "results/cointegrated__rubert-tiny/5441c5ea8026d4f6d7505ec004845409f1259fb1/RuSciBenchGRNTIClassification.json", + "results/cointegrated__rubert-tiny/5441c5ea8026d4f6d7505ec004845409f1259fb1/HeadlineClassification.json", + "results/cointegrated__rubert-tiny/5441c5ea8026d4f6d7505ec004845409f1259fb1/XNLI.json", + "results/cointegrated__rubert-tiny/5441c5ea8026d4f6d7505ec004845409f1259fb1/STS22.json", + "results/cointegrated__rubert-tiny/5441c5ea8026d4f6d7505ec004845409f1259fb1/CEDRClassification.json", + "results/cointegrated__rubert-tiny/5441c5ea8026d4f6d7505ec004845409f1259fb1/GeoreviewClusteringP2P.json", + "results/cointegrated__rubert-tiny/5441c5ea8026d4f6d7505ec004845409f1259fb1/RuBQReranking.json", + "results/cointegrated__rubert-tiny/5441c5ea8026d4f6d7505ec004845409f1259fb1/RuSciBenchOECDClassification.json" + ], + "cointegrated__rubert-tiny2": [ + "results/cointegrated__rubert-tiny2/dad72b8f77c5eef6995dd3e4691b758ba56b90c3/RuBQRetrieval.json", + "results/cointegrated__rubert-tiny2/dad72b8f77c5eef6995dd3e4691b758ba56b90c3/MassiveIntentClassification.json", + "results/cointegrated__rubert-tiny2/dad72b8f77c5eef6995dd3e4691b758ba56b90c3/InappropriatenessClassification.json", + "results/cointegrated__rubert-tiny2/dad72b8f77c5eef6995dd3e4691b758ba56b90c3/RuReviewsClassification.json", + "results/cointegrated__rubert-tiny2/dad72b8f77c5eef6995dd3e4691b758ba56b90c3/RuSciBenchGRNTIClusteringP2P.json", + "results/cointegrated__rubert-tiny2/dad72b8f77c5eef6995dd3e4691b758ba56b90c3/TERRa.json", + "results/cointegrated__rubert-tiny2/dad72b8f77c5eef6995dd3e4691b758ba56b90c3/RuSTSBenchmarkSTS.json", + "results/cointegrated__rubert-tiny2/dad72b8f77c5eef6995dd3e4691b758ba56b90c3/RiaNewsRetrieval.json", + "results/cointegrated__rubert-tiny2/dad72b8f77c5eef6995dd3e4691b758ba56b90c3/MIRACLRetrieval.json", + "results/cointegrated__rubert-tiny2/dad72b8f77c5eef6995dd3e4691b758ba56b90c3/GeoreviewClassification.json", + "results/cointegrated__rubert-tiny2/dad72b8f77c5eef6995dd3e4691b758ba56b90c3/SensitiveTopicsClassification.json", + "results/cointegrated__rubert-tiny2/dad72b8f77c5eef6995dd3e4691b758ba56b90c3/KinopoiskClassification.json", + "results/cointegrated__rubert-tiny2/dad72b8f77c5eef6995dd3e4691b758ba56b90c3/RUParaPhraserSTS.json", + "results/cointegrated__rubert-tiny2/dad72b8f77c5eef6995dd3e4691b758ba56b90c3/MassiveScenarioClassification.json", + "results/cointegrated__rubert-tiny2/dad72b8f77c5eef6995dd3e4691b758ba56b90c3/RuSciBenchOECDClusteringP2P.json", + "results/cointegrated__rubert-tiny2/dad72b8f77c5eef6995dd3e4691b758ba56b90c3/RuSciBenchGRNTIClassification.json", + "results/cointegrated__rubert-tiny2/dad72b8f77c5eef6995dd3e4691b758ba56b90c3/HeadlineClassification.json", + "results/cointegrated__rubert-tiny2/dad72b8f77c5eef6995dd3e4691b758ba56b90c3/MIRACLReranking.json", + "results/cointegrated__rubert-tiny2/dad72b8f77c5eef6995dd3e4691b758ba56b90c3/XNLI.json", + "results/cointegrated__rubert-tiny2/dad72b8f77c5eef6995dd3e4691b758ba56b90c3/STS22.json", + "results/cointegrated__rubert-tiny2/dad72b8f77c5eef6995dd3e4691b758ba56b90c3/CEDRClassification.json", + "results/cointegrated__rubert-tiny2/dad72b8f77c5eef6995dd3e4691b758ba56b90c3/GeoreviewClusteringP2P.json", + "results/cointegrated__rubert-tiny2/dad72b8f77c5eef6995dd3e4691b758ba56b90c3/RuBQReranking.json", + "results/cointegrated__rubert-tiny2/dad72b8f77c5eef6995dd3e4691b758ba56b90c3/RuSciBenchOECDClassification.json" + ], + "dangvantuan__sentence-camembert-base": [ + "results/dangvantuan__sentence-camembert-base/no_revision_available/MassiveIntentClassification.json", + "results/dangvantuan__sentence-camembert-base/no_revision_available/MLSUMClusteringP2P.json", + "results/dangvantuan__sentence-camembert-base/no_revision_available/AlloProfClusteringS2S.json", + "results/dangvantuan__sentence-camembert-base/no_revision_available/SyntecReranking.json", + "results/dangvantuan__sentence-camembert-base/no_revision_available/BSARDRetrieval.json", + "results/dangvantuan__sentence-camembert-base/no_revision_available/DiaBLaBitextMining.json", + "results/dangvantuan__sentence-camembert-base/no_revision_available/MintakaRetrieval.json", + "results/dangvantuan__sentence-camembert-base/no_revision_available/SyntecRetrieval.json", + "results/dangvantuan__sentence-camembert-base/no_revision_available/MLSUMClusteringS2S.json", + "results/dangvantuan__sentence-camembert-base/no_revision_available/MassiveScenarioClassification.json", + "results/dangvantuan__sentence-camembert-base/no_revision_available/MasakhaNEWSClusteringP2P.json", + "results/dangvantuan__sentence-camembert-base/no_revision_available/AlloprofRetrieval.json", + "results/dangvantuan__sentence-camembert-base/no_revision_available/AlloprofReranking.json", + "results/dangvantuan__sentence-camembert-base/no_revision_available/FloresBitextMining.json", + "results/dangvantuan__sentence-camembert-base/no_revision_available/SummEvalFr.json", + "results/dangvantuan__sentence-camembert-base/no_revision_available/AlloProfClusteringP2P.json", + "results/dangvantuan__sentence-camembert-base/no_revision_available/MasakhaNEWSClusteringS2S.json", + "results/dangvantuan__sentence-camembert-base/no_revision_available/STS22.json", + "results/dangvantuan__sentence-camembert-base/no_revision_available/AmazonReviewsClassification.json", + "results/dangvantuan__sentence-camembert-base/no_revision_available/MTOPIntentClassification.json", + "results/dangvantuan__sentence-camembert-base/no_revision_available/HALClusteringS2S.json", + "results/dangvantuan__sentence-camembert-base/no_revision_available/MasakhaNEWSClassification.json", + "results/dangvantuan__sentence-camembert-base/no_revision_available/OpusparcusPC.json", + "results/dangvantuan__sentence-camembert-base/no_revision_available/MTOPDomainClassification.json", + "results/dangvantuan__sentence-camembert-base/no_revision_available/SICKFr.json", + "results/dangvantuan__sentence-camembert-base/no_revision_available/PawsXPairClassification.json", + "results/dangvantuan__sentence-camembert-base/no_revision_available/XPQARetrieval.json", + "results/dangvantuan__sentence-camembert-base/no_revision_available/STSBenchmarkMultilingualSTS.json" + ], + "dangvantuan__sentence-camembert-large": [ + "results/dangvantuan__sentence-camembert-large/no_revision_available/MassiveIntentClassification.json", + "results/dangvantuan__sentence-camembert-large/no_revision_available/MLSUMClusteringP2P.json", + "results/dangvantuan__sentence-camembert-large/no_revision_available/AlloProfClusteringS2S.json", + "results/dangvantuan__sentence-camembert-large/no_revision_available/SyntecReranking.json", + "results/dangvantuan__sentence-camembert-large/no_revision_available/BSARDRetrieval.json", + "results/dangvantuan__sentence-camembert-large/no_revision_available/DiaBLaBitextMining.json", + "results/dangvantuan__sentence-camembert-large/no_revision_available/MintakaRetrieval.json", + "results/dangvantuan__sentence-camembert-large/no_revision_available/SyntecRetrieval.json", + "results/dangvantuan__sentence-camembert-large/no_revision_available/MLSUMClusteringS2S.json", + "results/dangvantuan__sentence-camembert-large/no_revision_available/MassiveScenarioClassification.json", + "results/dangvantuan__sentence-camembert-large/no_revision_available/MasakhaNEWSClusteringP2P.json", + "results/dangvantuan__sentence-camembert-large/no_revision_available/AlloprofRetrieval.json", + "results/dangvantuan__sentence-camembert-large/no_revision_available/AlloprofReranking.json", + "results/dangvantuan__sentence-camembert-large/no_revision_available/FloresBitextMining.json", + "results/dangvantuan__sentence-camembert-large/no_revision_available/SummEvalFr.json", + "results/dangvantuan__sentence-camembert-large/no_revision_available/AlloProfClusteringP2P.json", + "results/dangvantuan__sentence-camembert-large/no_revision_available/MasakhaNEWSClusteringS2S.json", + "results/dangvantuan__sentence-camembert-large/no_revision_available/STS22.json", + "results/dangvantuan__sentence-camembert-large/no_revision_available/AmazonReviewsClassification.json", + "results/dangvantuan__sentence-camembert-large/no_revision_available/MTOPIntentClassification.json", + "results/dangvantuan__sentence-camembert-large/no_revision_available/HALClusteringS2S.json", + "results/dangvantuan__sentence-camembert-large/no_revision_available/MasakhaNEWSClassification.json", + "results/dangvantuan__sentence-camembert-large/no_revision_available/OpusparcusPC.json", + "results/dangvantuan__sentence-camembert-large/no_revision_available/MTOPDomainClassification.json", + "results/dangvantuan__sentence-camembert-large/no_revision_available/SICKFr.json", + "results/dangvantuan__sentence-camembert-large/no_revision_available/PawsXPairClassification.json", + "results/dangvantuan__sentence-camembert-large/no_revision_available/XPQARetrieval.json", + "results/dangvantuan__sentence-camembert-large/no_revision_available/STSBenchmarkMultilingualSTS.json" + ], + "deepfile__embedder-100p": [ + "results/deepfile__embedder-100p/no_revision_available/MassiveIntentClassification.json", + "results/deepfile__embedder-100p/no_revision_available/BiorxivClusteringP2P.json", + "results/deepfile__embedder-100p/no_revision_available/EmotionClassification.json", + "results/deepfile__embedder-100p/no_revision_available/CQADupstackGisRetrieval.json", + "results/deepfile__embedder-100p/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/deepfile__embedder-100p/no_revision_available/TweetSentimentExtractionClassification.json", + "results/deepfile__embedder-100p/no_revision_available/SciFact.json", + "results/deepfile__embedder-100p/no_revision_available/Banking77Classification.json", + "results/deepfile__embedder-100p/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/deepfile__embedder-100p/no_revision_available/STS14.json", + "results/deepfile__embedder-100p/no_revision_available/STSBenchmark.json", + "results/deepfile__embedder-100p/no_revision_available/SciDocsRR.json", + "results/deepfile__embedder-100p/no_revision_available/MindSmallReranking.json", + "results/deepfile__embedder-100p/no_revision_available/CQADupstackRetrieval.json", + "results/deepfile__embedder-100p/no_revision_available/MedrxivClusteringS2S.json", + "results/deepfile__embedder-100p/no_revision_available/SCIDOCS.json", + "results/deepfile__embedder-100p/no_revision_available/Touche2020.json", + "results/deepfile__embedder-100p/no_revision_available/STS16.json", + "results/deepfile__embedder-100p/no_revision_available/CQADupstackTexRetrieval.json", + "results/deepfile__embedder-100p/no_revision_available/ImdbClassification.json", + "results/deepfile__embedder-100p/no_revision_available/SprintDuplicateQuestions.json", + "results/deepfile__embedder-100p/no_revision_available/ToxicConversationsClassification.json", + "results/deepfile__embedder-100p/no_revision_available/MassiveScenarioClassification.json", + "results/deepfile__embedder-100p/no_revision_available/STS17.json", + "results/deepfile__embedder-100p/no_revision_available/CQADupstackUnixRetrieval.json", + "results/deepfile__embedder-100p/no_revision_available/AskUbuntuDupQuestions.json", + "results/deepfile__embedder-100p/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/deepfile__embedder-100p/no_revision_available/HotpotQA.json", + "results/deepfile__embedder-100p/no_revision_available/ArxivClusteringS2S.json", + "results/deepfile__embedder-100p/no_revision_available/StackExchangeClustering.json", + "results/deepfile__embedder-100p/no_revision_available/RedditClusteringP2P.json", + "results/deepfile__embedder-100p/no_revision_available/NQ.json", + "results/deepfile__embedder-100p/no_revision_available/RedditClustering.json", + "results/deepfile__embedder-100p/no_revision_available/SICK-R.json", + "results/deepfile__embedder-100p/no_revision_available/FiQA2018.json", + "results/deepfile__embedder-100p/no_revision_available/BIOSSES.json", + "results/deepfile__embedder-100p/no_revision_available/TRECCOVID.json", + "results/deepfile__embedder-100p/no_revision_available/DBPedia.json", + "results/deepfile__embedder-100p/no_revision_available/BiorxivClusteringS2S.json", + "results/deepfile__embedder-100p/no_revision_available/ArguAna.json", + "results/deepfile__embedder-100p/no_revision_available/ArxivClusteringP2P.json", + "results/deepfile__embedder-100p/no_revision_available/TwitterURLCorpus.json", + "results/deepfile__embedder-100p/no_revision_available/STS22.json", + "results/deepfile__embedder-100p/no_revision_available/AmazonReviewsClassification.json", + "results/deepfile__embedder-100p/no_revision_available/CQADupstackGamingRetrieval.json", + "results/deepfile__embedder-100p/no_revision_available/NFCorpus.json", + "results/deepfile__embedder-100p/no_revision_available/STS15.json", + "results/deepfile__embedder-100p/no_revision_available/AmazonPolarityClassification.json", + "results/deepfile__embedder-100p/no_revision_available/MTOPIntentClassification.json", + "results/deepfile__embedder-100p/no_revision_available/STS13.json", + "results/deepfile__embedder-100p/no_revision_available/ClimateFEVER.json", + "results/deepfile__embedder-100p/no_revision_available/CQADupstackStatsRetrieval.json", + "results/deepfile__embedder-100p/no_revision_available/TwitterSemEval2015.json", + "results/deepfile__embedder-100p/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/deepfile__embedder-100p/no_revision_available/MedrxivClusteringP2P.json", + "results/deepfile__embedder-100p/no_revision_available/TwentyNewsgroupsClustering.json", + "results/deepfile__embedder-100p/no_revision_available/FEVER.json", + "results/deepfile__embedder-100p/no_revision_available/MSMARCO.json", + "results/deepfile__embedder-100p/no_revision_available/MTOPDomainClassification.json", + "results/deepfile__embedder-100p/no_revision_available/QuoraRetrieval.json", + "results/deepfile__embedder-100p/no_revision_available/STS12.json", + "results/deepfile__embedder-100p/no_revision_available/AmazonCounterfactualClassification.json", + "results/deepfile__embedder-100p/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/deepfile__embedder-100p/no_revision_available/StackExchangeClusteringP2P.json", + "results/deepfile__embedder-100p/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/deepfile__embedder-100p/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/deepfile__embedder-100p/no_revision_available/StackOverflowDupQuestions.json" + ], + "deepset__gbert-base": [ + "results/deepset__gbert-base/no_revision_available/BlurbsClusteringP2P.json", + "results/deepset__gbert-base/no_revision_available/TenKGnadClusteringS2S.json", + "results/deepset__gbert-base/no_revision_available/TenKGnadClusteringP2P.json", + "results/deepset__gbert-base/no_revision_available/BlurbsClusteringS2S.json" + ], + "deepset__gbert-large": [ + "results/deepset__gbert-large/no_revision_available/BlurbsClusteringP2P.json", + "results/deepset__gbert-large/no_revision_available/TenKGnadClusteringS2S.json", + "results/deepset__gbert-large/no_revision_available/TenKGnadClusteringP2P.json", + "results/deepset__gbert-large/no_revision_available/BlurbsClusteringS2S.json" + ], + "deepset__gelectra-base": [ + "results/deepset__gelectra-base/no_revision_available/BlurbsClusteringP2P.json", + "results/deepset__gelectra-base/no_revision_available/TenKGnadClusteringS2S.json", + "results/deepset__gelectra-base/no_revision_available/TenKGnadClusteringP2P.json", + "results/deepset__gelectra-base/no_revision_available/BlurbsClusteringS2S.json" + ], + "deepset__gelectra-large": [ + "results/deepset__gelectra-large/no_revision_available/BlurbsClusteringP2P.json", + "results/deepset__gelectra-large/no_revision_available/TenKGnadClusteringS2S.json", + "results/deepset__gelectra-large/no_revision_available/TenKGnadClusteringP2P.json", + "results/deepset__gelectra-large/no_revision_available/BlurbsClusteringS2S.json" + ], + "deepvk__USER-base": [ + "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/RuBQRetrieval.json", + "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/MassiveIntentClassification.json", + "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/InappropriatenessClassification.json", + "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/RuReviewsClassification.json", + "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/SIB200ClusteringS2S.json", + "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/MLSUMClusteringP2P.json", + "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/BelebeleRetrieval.json", + "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/RuSciBenchGRNTIClusteringP2P.json", + "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/LanguageClassification.json", + "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/MLSUMClusteringS2S.v2.json", + "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/TERRa.json", + "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/Tatoeba.json", + "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/RuSTSBenchmarkSTS.json", + "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/CyrillicTurkicLangClassification.json", + "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/RiaNewsRetrieval.json", + "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/MIRACLRetrieval.json", + "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/GeoreviewClassification.json", + "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/SensitiveTopicsClassification.json", + "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/KinopoiskClassification.json", + "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/RUParaPhraserSTS.json", + "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/MLSUMClusteringS2S.json", + "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/MassiveScenarioClassification.json", + "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/RuSciBenchOECDClusteringP2P.json", + "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/MultilingualSentimentClassification.json", + "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/PublicHealthQA.json", + "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/FloresBitextMining.json", + "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/RuSciBenchGRNTIClassification.json", + "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/HeadlineClassification.json", + "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/XQuADRetrieval.json", + "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/BUCC.v2.json", + "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/MIRACLReranking.json", + "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/XNLI.json", + "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/XNLIV2.json", + "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/STS22.json", + "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/VieMedEVBitextMining.json", + "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/MultiLongDocRetrieval.json", + "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/CEDRClassification.json", + "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/SIB200Classification.json", + "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/GeoreviewClusteringP2P.json", + "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/MLSUMClusteringP2P.v2.json", + "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/STS22.v2.json", + "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/RuBQReranking.json", + "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/NTREXBitextMining.json", + "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/OpusparcusPC.json", + "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/RuSciBenchOECDClassification.json", + "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/BibleNLPBitextMining.json", + "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/STSBenchmarkMultilingualSTS.json" + ], + "deepvk__USER-bge-m3": [ + "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/RuBQRetrieval.json", + "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/MassiveIntentClassification.json", + "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/InappropriatenessClassification.json", + "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/RuReviewsClassification.json", + "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/SIB200ClusteringS2S.json", + "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/BelebeleRetrieval.json", + "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/RuSciBenchGRNTIClusteringP2P.json", + "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/LanguageClassification.json", + "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/MLSUMClusteringS2S.v2.json", + "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/TERRa.json", + "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/Tatoeba.json", + "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/RuSTSBenchmarkSTS.json", + "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/CyrillicTurkicLangClassification.json", + "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/RiaNewsRetrieval.json", + "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/MIRACLRetrieval.json", + "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/GeoreviewClassification.json", + "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/SensitiveTopicsClassification.json", + "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/KinopoiskClassification.json", + "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/RUParaPhraserSTS.json", + "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/MassiveScenarioClassification.json", + "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/RuSciBenchOECDClusteringP2P.json", + "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/MultilingualSentimentClassification.json", + "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/PublicHealthQA.json", + "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/FloresBitextMining.json", + "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/GPUSpeedTask.json", + "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/RuSciBenchGRNTIClassification.json", + "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/HeadlineClassification.json", + "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/XQuADRetrieval.json", + "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/BUCC.v2.json", + "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/MIRACLReranking.json", + "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/XNLI.json", + "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/XNLIV2.json", + "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/STS22.json", + "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/CEDRClassification.json", + "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/SIB200Classification.json", + "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/GeoreviewClusteringP2P.json", + "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/MLSUMClusteringP2P.v2.json", + "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/STS22.v2.json", + "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/RuBQReranking.json", + "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/NTREXBitextMining.json", + "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/OpusparcusPC.json", + "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/RuSciBenchOECDClassification.json", + "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/BibleNLPBitextMining.json", + "results/deepvk__USER-bge-m3/0cc6cfe48e260fb0474c753087a69369e88709ae/STSBenchmarkMultilingualSTS.json" + ], + "deepvk__deberta-v1-base": [ + "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/RuBQRetrieval.json", + "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/MassiveIntentClassification.json", + "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/InappropriatenessClassification.json", + "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/RuReviewsClassification.json", + "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/SIB200ClusteringS2S.json", + "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/MLSUMClusteringP2P.json", + "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/BelebeleRetrieval.json", + "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/RuSciBenchGRNTIClusteringP2P.json", + "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/LanguageClassification.json", + "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/MLSUMClusteringS2S.v2.json", + "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/TERRa.json", + "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/Tatoeba.json", + "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/RuSTSBenchmarkSTS.json", + "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/CyrillicTurkicLangClassification.json", + "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/RiaNewsRetrieval.json", + "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/GeoreviewClassification.json", + "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/SensitiveTopicsClassification.json", + "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/KinopoiskClassification.json", + "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/RUParaPhraserSTS.json", + "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/MLSUMClusteringS2S.json", + "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/MassiveScenarioClassification.json", + "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/RuSciBenchOECDClusteringP2P.json", + "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/MultilingualSentimentClassification.json", + "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/PublicHealthQA.json", + "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/FloresBitextMining.json", + "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/RuSciBenchGRNTIClassification.json", + "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/HeadlineClassification.json", + "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/XQuADRetrieval.json", + "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/BUCC.v2.json", + "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/XNLI.json", + "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/XNLIV2.json", + "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/STS22.json", + "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/MultiLongDocRetrieval.json", + "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/CEDRClassification.json", + "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/SIB200Classification.json", + "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/GeoreviewClusteringP2P.json", + "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/MLSUMClusteringP2P.v2.json", + "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/STS22.v2.json", + "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/RuBQReranking.json", + "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/NTREXBitextMining.json", + "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/OpusparcusPC.json", + "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/RuSciBenchOECDClassification.json", + "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/BibleNLPBitextMining.json", + "results/deepvk__deberta-v1-base/bdd30b0e19757e6940c92c7aff19e8fc0a60dff4/STSBenchmarkMultilingualSTS.json" + ], + "distilbert__distilbert-base-uncased": [ + "results/distilbert__distilbert-base-uncased/no_revision_available/MassiveIntentClassification.json", + "results/distilbert__distilbert-base-uncased/no_revision_available/MLSUMClusteringP2P.json", + "results/distilbert__distilbert-base-uncased/no_revision_available/AlloProfClusteringS2S.json", + "results/distilbert__distilbert-base-uncased/no_revision_available/SyntecReranking.json", + "results/distilbert__distilbert-base-uncased/no_revision_available/BSARDRetrieval.json", + "results/distilbert__distilbert-base-uncased/no_revision_available/DiaBLaBitextMining.json", + "results/distilbert__distilbert-base-uncased/no_revision_available/MintakaRetrieval.json", + "results/distilbert__distilbert-base-uncased/no_revision_available/SyntecRetrieval.json", + "results/distilbert__distilbert-base-uncased/no_revision_available/MLSUMClusteringS2S.json", + "results/distilbert__distilbert-base-uncased/no_revision_available/MassiveScenarioClassification.json", + "results/distilbert__distilbert-base-uncased/no_revision_available/MasakhaNEWSClusteringP2P.json", + "results/distilbert__distilbert-base-uncased/no_revision_available/AlloprofRetrieval.json", + "results/distilbert__distilbert-base-uncased/no_revision_available/AlloprofReranking.json", + "results/distilbert__distilbert-base-uncased/no_revision_available/FloresBitextMining.json", + "results/distilbert__distilbert-base-uncased/no_revision_available/SummEvalFr.json", + "results/distilbert__distilbert-base-uncased/no_revision_available/AlloProfClusteringP2P.json", + "results/distilbert__distilbert-base-uncased/no_revision_available/MasakhaNEWSClusteringS2S.json", + "results/distilbert__distilbert-base-uncased/no_revision_available/STS22.json", + "results/distilbert__distilbert-base-uncased/no_revision_available/AmazonReviewsClassification.json", + "results/distilbert__distilbert-base-uncased/no_revision_available/MTOPIntentClassification.json", + "results/distilbert__distilbert-base-uncased/no_revision_available/HALClusteringS2S.json", + "results/distilbert__distilbert-base-uncased/no_revision_available/MasakhaNEWSClassification.json", + "results/distilbert__distilbert-base-uncased/no_revision_available/OpusparcusPC.json", + "results/distilbert__distilbert-base-uncased/no_revision_available/MTOPDomainClassification.json", + "results/distilbert__distilbert-base-uncased/no_revision_available/SICKFr.json", + "results/distilbert__distilbert-base-uncased/no_revision_available/PawsXPairClassification.json", + "results/distilbert__distilbert-base-uncased/no_revision_available/XPQARetrieval.json", + "results/distilbert__distilbert-base-uncased/no_revision_available/STSBenchmarkMultilingualSTS.json" + ], + "dwzhu__e5-base-4k": [ + "results/dwzhu__e5-base-4k/no_revision_available/LEMBWikimQARetrieval.json", + "results/dwzhu__e5-base-4k/no_revision_available/LEMBSummScreenFDRetrieval.json", + "results/dwzhu__e5-base-4k/no_revision_available/LEMBNarrativeQARetrieval.json", + "results/dwzhu__e5-base-4k/no_revision_available/LEMBQMSumRetrieval.json", + "results/dwzhu__e5-base-4k/no_revision_available/LEMBPasskeyRetrieval.json", + "results/dwzhu__e5-base-4k/no_revision_available/LEMBNeedleRetrieval.json" + ], + "elastic__elser-v2": [ + "results/elastic__elser-v2/no_revision_available/MassiveIntentClassification.json", + "results/elastic__elser-v2/no_revision_available/BiorxivClusteringP2P.json", + "results/elastic__elser-v2/no_revision_available/EmotionClassification.json", + "results/elastic__elser-v2/no_revision_available/CQADupstackGisRetrieval.json", + "results/elastic__elser-v2/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/elastic__elser-v2/no_revision_available/TweetSentimentExtractionClassification.json", + "results/elastic__elser-v2/no_revision_available/SciFact.json", + "results/elastic__elser-v2/no_revision_available/Banking77Classification.json", + "results/elastic__elser-v2/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/elastic__elser-v2/no_revision_available/STS14.json", + "results/elastic__elser-v2/no_revision_available/STSBenchmark.json", + "results/elastic__elser-v2/no_revision_available/SciDocsRR.json", + "results/elastic__elser-v2/no_revision_available/MindSmallReranking.json", + "results/elastic__elser-v2/no_revision_available/CQADupstackRetrieval.json", + "results/elastic__elser-v2/no_revision_available/MedrxivClusteringS2S.json", + "results/elastic__elser-v2/no_revision_available/SCIDOCS.json", + "results/elastic__elser-v2/no_revision_available/Touche2020.json", + "results/elastic__elser-v2/no_revision_available/STS16.json", + "results/elastic__elser-v2/no_revision_available/CQADupstackTexRetrieval.json", + "results/elastic__elser-v2/no_revision_available/ImdbClassification.json", + "results/elastic__elser-v2/no_revision_available/SprintDuplicateQuestions.json", + "results/elastic__elser-v2/no_revision_available/ToxicConversationsClassification.json", + "results/elastic__elser-v2/no_revision_available/MassiveScenarioClassification.json", + "results/elastic__elser-v2/no_revision_available/STS17.json", + "results/elastic__elser-v2/no_revision_available/CQADupstackUnixRetrieval.json", + "results/elastic__elser-v2/no_revision_available/AskUbuntuDupQuestions.json", + "results/elastic__elser-v2/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/elastic__elser-v2/no_revision_available/HotpotQA.json", + "results/elastic__elser-v2/no_revision_available/ArxivClusteringS2S.json", + "results/elastic__elser-v2/no_revision_available/StackExchangeClustering.json", + "results/elastic__elser-v2/no_revision_available/RedditClusteringP2P.json", + "results/elastic__elser-v2/no_revision_available/NQ.json", + "results/elastic__elser-v2/no_revision_available/RedditClustering.json", + "results/elastic__elser-v2/no_revision_available/SICK-R.json", + "results/elastic__elser-v2/no_revision_available/FiQA2018.json", + "results/elastic__elser-v2/no_revision_available/BIOSSES.json", + "results/elastic__elser-v2/no_revision_available/TRECCOVID.json", + "results/elastic__elser-v2/no_revision_available/DBPedia.json", + "results/elastic__elser-v2/no_revision_available/BiorxivClusteringS2S.json", + "results/elastic__elser-v2/no_revision_available/ArguAna.json", + "results/elastic__elser-v2/no_revision_available/ArxivClusteringP2P.json", + "results/elastic__elser-v2/no_revision_available/TwitterURLCorpus.json", + "results/elastic__elser-v2/no_revision_available/STS22.json", + "results/elastic__elser-v2/no_revision_available/AmazonReviewsClassification.json", + "results/elastic__elser-v2/no_revision_available/CQADupstackGamingRetrieval.json", + "results/elastic__elser-v2/no_revision_available/NFCorpus.json", + "results/elastic__elser-v2/no_revision_available/STS15.json", + "results/elastic__elser-v2/no_revision_available/AmazonPolarityClassification.json", + "results/elastic__elser-v2/no_revision_available/MTOPIntentClassification.json", + "results/elastic__elser-v2/no_revision_available/STS13.json", + "results/elastic__elser-v2/no_revision_available/SummEval.json", + "results/elastic__elser-v2/no_revision_available/ClimateFEVER.json", + "results/elastic__elser-v2/no_revision_available/CQADupstackStatsRetrieval.json", + "results/elastic__elser-v2/no_revision_available/TwitterSemEval2015.json", + "results/elastic__elser-v2/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/elastic__elser-v2/no_revision_available/MedrxivClusteringP2P.json", + "results/elastic__elser-v2/no_revision_available/TwentyNewsgroupsClustering.json", + "results/elastic__elser-v2/no_revision_available/FEVER.json", + "results/elastic__elser-v2/no_revision_available/MSMARCO.json", + "results/elastic__elser-v2/no_revision_available/MTOPDomainClassification.json", + "results/elastic__elser-v2/no_revision_available/QuoraRetrieval.json", + "results/elastic__elser-v2/no_revision_available/STS12.json", + "results/elastic__elser-v2/no_revision_available/AmazonCounterfactualClassification.json", + "results/elastic__elser-v2/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/elastic__elser-v2/no_revision_available/StackExchangeClusteringP2P.json", + "results/elastic__elser-v2/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/elastic__elser-v2/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/elastic__elser-v2/no_revision_available/StackOverflowDupQuestions.json" + ], + "facebook__contriever": [ + "results/facebook__contriever/2bd46a25019aeea091fd42d1f0fd4801675cf699/AlphaNLI.json", + "results/facebook__contriever/2bd46a25019aeea091fd42d1f0fd4801675cf699/WinoGrande.json", + "results/facebook__contriever/2bd46a25019aeea091fd42d1f0fd4801675cf699/ARCChallenge.json", + "results/facebook__contriever/2bd46a25019aeea091fd42d1f0fd4801675cf699/SpartQA.json", + "results/facebook__contriever/2bd46a25019aeea091fd42d1f0fd4801675cf699/TempReasonL1.json", + "results/facebook__contriever/2bd46a25019aeea091fd42d1f0fd4801675cf699/HellaSwag.json", + "results/facebook__contriever/2bd46a25019aeea091fd42d1f0fd4801675cf699/HellaSwagInstruct.json", + "results/facebook__contriever/2bd46a25019aeea091fd42d1f0fd4801675cf699/TempReasonL3Pure.json", + "results/facebook__contriever/2bd46a25019aeea091fd42d1f0fd4801675cf699/PIQA.json", + "results/facebook__contriever/2bd46a25019aeea091fd42d1f0fd4801675cf699/Quail.json", + "results/facebook__contriever/2bd46a25019aeea091fd42d1f0fd4801675cf699/SIQA.json", + "results/facebook__contriever/2bd46a25019aeea091fd42d1f0fd4801675cf699/RARbMath.json", + "results/facebook__contriever/2bd46a25019aeea091fd42d1f0fd4801675cf699/TempReasonL2Fact.json", + "results/facebook__contriever/2bd46a25019aeea091fd42d1f0fd4801675cf699/TempReasonL2Pure.json", + "results/facebook__contriever/2bd46a25019aeea091fd42d1f0fd4801675cf699/TempReasonL3Fact.json", + "results/facebook__contriever/2bd46a25019aeea091fd42d1f0fd4801675cf699/RARbCode.json" + ], + "facebook__contriever-instruct": [ + "results/facebook__contriever-instruct/2bd46a25019aeea091fd42d1f0fd4801675cf699/AlphaNLI.json", + "results/facebook__contriever-instruct/2bd46a25019aeea091fd42d1f0fd4801675cf699/WinoGrande.json", + "results/facebook__contriever-instruct/2bd46a25019aeea091fd42d1f0fd4801675cf699/ARCChallenge.json", + "results/facebook__contriever-instruct/2bd46a25019aeea091fd42d1f0fd4801675cf699/SpartQA.json", + "results/facebook__contriever-instruct/2bd46a25019aeea091fd42d1f0fd4801675cf699/TempReasonL1.json", + "results/facebook__contriever-instruct/2bd46a25019aeea091fd42d1f0fd4801675cf699/TempReasonL3Pure.json", + "results/facebook__contriever-instruct/2bd46a25019aeea091fd42d1f0fd4801675cf699/PIQA.json", + "results/facebook__contriever-instruct/2bd46a25019aeea091fd42d1f0fd4801675cf699/Quail.json", + "results/facebook__contriever-instruct/2bd46a25019aeea091fd42d1f0fd4801675cf699/SIQA.json", + "results/facebook__contriever-instruct/2bd46a25019aeea091fd42d1f0fd4801675cf699/RARbMath.json", + "results/facebook__contriever-instruct/2bd46a25019aeea091fd42d1f0fd4801675cf699/TempReasonL2Fact.json", + "results/facebook__contriever-instruct/2bd46a25019aeea091fd42d1f0fd4801675cf699/TempReasonL2Pure.json", + "results/facebook__contriever-instruct/2bd46a25019aeea091fd42d1f0fd4801675cf699/TempReasonL3Fact.json", + "results/facebook__contriever-instruct/2bd46a25019aeea091fd42d1f0fd4801675cf699/RARbCode.json" + ], + "facebook__dpr-ctx_encoder-multiset-base": [ + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/MassiveIntentClassification.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/BiorxivClusteringP2P.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/EmotionClassification.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/CQADupstackGisRetrieval.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/TweetSentimentExtractionClassification.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/SciFact.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/Banking77Classification.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/STS14.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/STSBenchmark.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/SciDocsRR.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/MindSmallReranking.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/CQADupstackRetrieval.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/MedrxivClusteringS2S.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/SCIDOCS.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/Touche2020.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/STS16.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/CQADupstackTexRetrieval.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/ImdbClassification.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/SprintDuplicateQuestions.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/ToxicConversationsClassification.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/MassiveScenarioClassification.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/STS17.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/CQADupstackUnixRetrieval.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/AskUbuntuDupQuestions.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/HotpotQA.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/ArxivClusteringS2S.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/StackExchangeClustering.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/RedditClusteringP2P.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/NQ.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/RedditClustering.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/SICK-R.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/FiQA2018.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/BIOSSES.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/TRECCOVID.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/DBPedia.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/BiorxivClusteringS2S.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/ArguAna.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/ArxivClusteringP2P.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/TwitterURLCorpus.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/STS22.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/AmazonReviewsClassification.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/CQADupstackGamingRetrieval.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/NFCorpus.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/STS15.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/AmazonPolarityClassification.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/MTOPIntentClassification.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/STS13.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/SummEval.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/ClimateFEVER.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/CQADupstackStatsRetrieval.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/TwitterSemEval2015.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/MedrxivClusteringP2P.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/TwentyNewsgroupsClustering.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/FEVER.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/MSMARCO.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/MTOPDomainClassification.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/QuoraRetrieval.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/STS12.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/AmazonCounterfactualClassification.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/StackExchangeClusteringP2P.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/StackOverflowDupQuestions.json" + ], + "facebook__dragon-plus-context-encoder": [ + "results/facebook__dragon-plus-context-encoder/no_revision_available/MassiveIntentClassification.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/BiorxivClusteringP2P.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/EmotionClassification.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/CQADupstackGisRetrieval.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/TweetSentimentExtractionClassification.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/SciFact.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/Banking77Classification.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/STS14.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/STSBenchmark.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/SciDocsRR.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/MindSmallReranking.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/CQADupstackRetrieval.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/MedrxivClusteringS2S.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/SCIDOCS.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/Touche2020.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/STS16.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/CQADupstackTexRetrieval.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/ImdbClassification.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/SprintDuplicateQuestions.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/ToxicConversationsClassification.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/MassiveScenarioClassification.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/STS17.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/CQADupstackUnixRetrieval.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/AskUbuntuDupQuestions.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/HotpotQA.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/ArxivClusteringS2S.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/StackExchangeClustering.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/RedditClusteringP2P.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/NQ.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/RedditClustering.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/SICK-R.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/FiQA2018.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/BIOSSES.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/TRECCOVID.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/DBPedia.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/BiorxivClusteringS2S.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/ArguAna.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/ArxivClusteringP2P.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/TwitterURLCorpus.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/STS22.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/AmazonReviewsClassification.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/CQADupstackGamingRetrieval.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/NFCorpus.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/STS15.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/AmazonPolarityClassification.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/MTOPIntentClassification.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/STS13.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/SummEval.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/ClimateFEVER.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/CQADupstackStatsRetrieval.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/TwitterSemEval2015.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/MedrxivClusteringP2P.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/TwentyNewsgroupsClustering.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/FEVER.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/MSMARCO.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/MTOPDomainClassification.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/QuoraRetrieval.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/STS12.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/AmazonCounterfactualClassification.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/StackExchangeClusteringP2P.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/facebook__dragon-plus-context-encoder/no_revision_available/StackOverflowDupQuestions.json" + ], + "facebook__tart-full-flan-t5-xl": [ + "results/facebook__tart-full-flan-t5-xl/no_revision_available/Robust04InstructionRetrieval.json", + "results/facebook__tart-full-flan-t5-xl/no_revision_available/News21InstructionRetrieval.json", + "results/facebook__tart-full-flan-t5-xl/no_revision_available/Core17InstructionRetrieval.json" + ], + "facebookresearch__LASER2": [ + "results/facebookresearch__LASER2/no_revision_available/MassiveIntentClassification.json", + "results/facebookresearch__LASER2/no_revision_available/MLSUMClusteringP2P.json", + "results/facebookresearch__LASER2/no_revision_available/AlloProfClusteringS2S.json", + "results/facebookresearch__LASER2/no_revision_available/BiorxivClusteringP2P.json", + "results/facebookresearch__LASER2/no_revision_available/EmotionClassification.json", + "results/facebookresearch__LASER2/no_revision_available/CQADupstackGisRetrieval.json", + "results/facebookresearch__LASER2/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/facebookresearch__LASER2/no_revision_available/SyntecReranking.json", + "results/facebookresearch__LASER2/no_revision_available/BSARDRetrieval.json", + "results/facebookresearch__LASER2/no_revision_available/TweetSentimentExtractionClassification.json", + "results/facebookresearch__LASER2/no_revision_available/SciFact.json", + "results/facebookresearch__LASER2/no_revision_available/Banking77Classification.json", + "results/facebookresearch__LASER2/no_revision_available/Tatoeba.json", + "results/facebookresearch__LASER2/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/facebookresearch__LASER2/no_revision_available/STS14.json", + "results/facebookresearch__LASER2/no_revision_available/STSBenchmark.json", + "results/facebookresearch__LASER2/no_revision_available/DiaBLaBitextMining.json", + "results/facebookresearch__LASER2/no_revision_available/SciDocsRR.json", + "results/facebookresearch__LASER2/no_revision_available/MindSmallReranking.json", + "results/facebookresearch__LASER2/no_revision_available/CQADupstackRetrieval.json", + "results/facebookresearch__LASER2/no_revision_available/MedrxivClusteringS2S.json", + "results/facebookresearch__LASER2/no_revision_available/SCIDOCS.json", + "results/facebookresearch__LASER2/no_revision_available/MintakaRetrieval.json", + "results/facebookresearch__LASER2/no_revision_available/Touche2020.json", + "results/facebookresearch__LASER2/no_revision_available/STS16.json", + "results/facebookresearch__LASER2/no_revision_available/CQADupstackTexRetrieval.json", + "results/facebookresearch__LASER2/no_revision_available/SyntecRetrieval.json", + "results/facebookresearch__LASER2/no_revision_available/ImdbClassification.json", + "results/facebookresearch__LASER2/no_revision_available/SprintDuplicateQuestions.json", + "results/facebookresearch__LASER2/no_revision_available/MLSUMClusteringS2S.json", + "results/facebookresearch__LASER2/no_revision_available/ToxicConversationsClassification.json", + "results/facebookresearch__LASER2/no_revision_available/MassiveScenarioClassification.json", + "results/facebookresearch__LASER2/no_revision_available/STS17.json", + "results/facebookresearch__LASER2/no_revision_available/MasakhaNEWSClusteringP2P.json", + "results/facebookresearch__LASER2/no_revision_available/CQADupstackUnixRetrieval.json", + "results/facebookresearch__LASER2/no_revision_available/AskUbuntuDupQuestions.json", + "results/facebookresearch__LASER2/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/facebookresearch__LASER2/no_revision_available/HotpotQA.json", + "results/facebookresearch__LASER2/no_revision_available/ArxivClusteringS2S.json", + "results/facebookresearch__LASER2/no_revision_available/StackExchangeClustering.json", + "results/facebookresearch__LASER2/no_revision_available/RedditClusteringP2P.json", + "results/facebookresearch__LASER2/no_revision_available/AlloprofRetrieval.json", + "results/facebookresearch__LASER2/no_revision_available/AlloprofReranking.json", + "results/facebookresearch__LASER2/no_revision_available/FloresBitextMining.json", + "results/facebookresearch__LASER2/no_revision_available/NQ.json", + "results/facebookresearch__LASER2/no_revision_available/RedditClustering.json", + "results/facebookresearch__LASER2/no_revision_available/SICK-R.json", + "results/facebookresearch__LASER2/no_revision_available/FiQA2018.json", + "results/facebookresearch__LASER2/no_revision_available/SummEvalFr.json", + "results/facebookresearch__LASER2/no_revision_available/BIOSSES.json", + "results/facebookresearch__LASER2/no_revision_available/TRECCOVID.json", + "results/facebookresearch__LASER2/no_revision_available/DBPedia.json", + "results/facebookresearch__LASER2/no_revision_available/BiorxivClusteringS2S.json", + "results/facebookresearch__LASER2/no_revision_available/AlloProfClusteringP2P.json", + "results/facebookresearch__LASER2/no_revision_available/ArguAna.json", + "results/facebookresearch__LASER2/no_revision_available/MasakhaNEWSClusteringS2S.json", + "results/facebookresearch__LASER2/no_revision_available/BUCC.json", + "results/facebookresearch__LASER2/no_revision_available/ArxivClusteringP2P.json", + "results/facebookresearch__LASER2/no_revision_available/TwitterURLCorpus.json", + "results/facebookresearch__LASER2/no_revision_available/STS22.json", + "results/facebookresearch__LASER2/no_revision_available/AmazonReviewsClassification.json", + "results/facebookresearch__LASER2/no_revision_available/CQADupstackGamingRetrieval.json", + "results/facebookresearch__LASER2/no_revision_available/NFCorpus.json", + "results/facebookresearch__LASER2/no_revision_available/STS15.json", + "results/facebookresearch__LASER2/no_revision_available/AmazonPolarityClassification.json", + "results/facebookresearch__LASER2/no_revision_available/MTOPIntentClassification.json", + "results/facebookresearch__LASER2/no_revision_available/HALClusteringS2S.json", + "results/facebookresearch__LASER2/no_revision_available/STS13.json", + "results/facebookresearch__LASER2/no_revision_available/SummEval.json", + "results/facebookresearch__LASER2/no_revision_available/ClimateFEVER.json", + "results/facebookresearch__LASER2/no_revision_available/MasakhaNEWSClassification.json", + "results/facebookresearch__LASER2/no_revision_available/CQADupstackStatsRetrieval.json", + "results/facebookresearch__LASER2/no_revision_available/TwitterSemEval2015.json", + "results/facebookresearch__LASER2/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/facebookresearch__LASER2/no_revision_available/MedrxivClusteringP2P.json", + "results/facebookresearch__LASER2/no_revision_available/TwentyNewsgroupsClustering.json", + "results/facebookresearch__LASER2/no_revision_available/FEVER.json", + "results/facebookresearch__LASER2/no_revision_available/OpusparcusPC.json", + "results/facebookresearch__LASER2/no_revision_available/MSMARCO.json", + "results/facebookresearch__LASER2/no_revision_available/MTOPDomainClassification.json", + "results/facebookresearch__LASER2/no_revision_available/QuoraRetrieval.json", + "results/facebookresearch__LASER2/no_revision_available/SICKFr.json", + "results/facebookresearch__LASER2/no_revision_available/STS12.json", + "results/facebookresearch__LASER2/no_revision_available/AmazonCounterfactualClassification.json", + "results/facebookresearch__LASER2/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/facebookresearch__LASER2/no_revision_available/PawsXPairClassification.json", + "results/facebookresearch__LASER2/no_revision_available/StackExchangeClusteringP2P.json", + "results/facebookresearch__LASER2/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/facebookresearch__LASER2/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/facebookresearch__LASER2/no_revision_available/XPQARetrieval.json", + "results/facebookresearch__LASER2/no_revision_available/STSBenchmarkMultilingualSTS.json", + "results/facebookresearch__LASER2/no_revision_available/StackOverflowDupQuestions.json" ], - "bigscience-data__sgpt-bloom-7b1-msmarco": [ - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/MassiveIntentClassification.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/BiorxivClusteringP2P.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/EmotionClassification.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/CQADupstackGisRetrieval.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/TweetSentimentExtractionClassification.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/SciFact.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/Banking77Classification.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/Tatoeba.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/STS14.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/STSBenchmark.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/SciDocsRR.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/MindSmallReranking.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/CQADupstackRetrieval.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/MedrxivClusteringS2S.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/SCIDOCS.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/Touche2020.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/STS16.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/CQADupstackTexRetrieval.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/ImdbClassification.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/SprintDuplicateQuestions.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/ToxicConversationsClassification.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/MassiveScenarioClassification.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/STS17.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/CQADupstackUnixRetrieval.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/AskUbuntuDupQuestions.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/HotpotQA.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/ArxivClusteringS2S.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/StackExchangeClustering.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/RedditClusteringP2P.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/NQ.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/RedditClustering.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/SICK-R.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/FiQA2018.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/BIOSSES.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/TRECCOVID.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/DBPedia.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/BiorxivClusteringS2S.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/ArguAna.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/BUCC.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/ArxivClusteringP2P.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/TwitterURLCorpus.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/STS22.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/AmazonReviewsClassification.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/CQADupstackGamingRetrieval.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/NFCorpus.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/STS15.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/AmazonPolarityClassification.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/MTOPIntentClassification.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/STS13.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/SummEval.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/ClimateFEVER.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/CQADupstackStatsRetrieval.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/TwitterSemEval2015.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/MedrxivClusteringP2P.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/TwentyNewsgroupsClustering.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/FEVER.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/MSMARCO.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/MTOPDomainClassification.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/QuoraRetrieval.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/STS12.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/AmazonCounterfactualClassification.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/StackExchangeClusteringP2P.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/bigscience-data__sgpt-bloom-7b1-msmarco/no_revision_available/StackOverflowDupQuestions.json" + "facebookresearch__dragon-plus": [ + "results/facebookresearch__dragon-plus/no_revision_available/AlphaNLI.json", + "results/facebookresearch__dragon-plus/no_revision_available/WinoGrande.json", + "results/facebookresearch__dragon-plus/no_revision_available/ARCChallenge.json", + "results/facebookresearch__dragon-plus/no_revision_available/SpartQA.json", + "results/facebookresearch__dragon-plus/no_revision_available/TempReasonL1.json", + "results/facebookresearch__dragon-plus/no_revision_available/HellaSwag.json", + "results/facebookresearch__dragon-plus/no_revision_available/TempReasonL3Pure.json", + "results/facebookresearch__dragon-plus/no_revision_available/PIQA.json", + "results/facebookresearch__dragon-plus/no_revision_available/Quail.json", + "results/facebookresearch__dragon-plus/no_revision_available/SIQA.json", + "results/facebookresearch__dragon-plus/no_revision_available/RARbMath.json", + "results/facebookresearch__dragon-plus/no_revision_available/TempReasonL2Fact.json", + "results/facebookresearch__dragon-plus/no_revision_available/TempReasonL2Pure.json", + "results/facebookresearch__dragon-plus/no_revision_available/TempReasonL3Fact.json", + "results/facebookresearch__dragon-plus/no_revision_available/RARbCode.json" ], - "sentence-transformers__gtr-t5-xxl": [ - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/MassiveIntentClassification.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/BiorxivClusteringP2P.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/EmotionClassification.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/CQADupstackGisRetrieval.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/TweetSentimentExtractionClassification.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/SciFact.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/Banking77Classification.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/STS14.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/STSBenchmark.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/SciDocsRR.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/MindSmallReranking.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/CQADupstackRetrieval.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/MedrxivClusteringS2S.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/SCIDOCS.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/Touche2020.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/STS16.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/CQADupstackTexRetrieval.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/ImdbClassification.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/SprintDuplicateQuestions.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/ToxicConversationsClassification.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/MassiveScenarioClassification.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/STS17.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/CQADupstackUnixRetrieval.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/AskUbuntuDupQuestions.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/HotpotQA.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/ArxivClusteringS2S.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/StackExchangeClustering.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/RedditClusteringP2P.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/NQ.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/RedditClustering.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/SICK-R.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/FiQA2018.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/BIOSSES.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/TRECCOVID.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/DBPedia.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/BiorxivClusteringS2S.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/ArguAna.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/ArxivClusteringP2P.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/TwitterURLCorpus.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/STS22.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/AmazonReviewsClassification.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/CQADupstackGamingRetrieval.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/NFCorpus.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/STS15.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/AmazonPolarityClassification.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/MTOPIntentClassification.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/STS13.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/SummEval.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/ClimateFEVER.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/CQADupstackStatsRetrieval.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/TwitterSemEval2015.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/MedrxivClusteringP2P.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/TwentyNewsgroupsClustering.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/FEVER.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/MSMARCO.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/MTOPDomainClassification.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/QuoraRetrieval.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/STS12.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/AmazonCounterfactualClassification.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/StackExchangeClusteringP2P.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/sentence-transformers__gtr-t5-xxl/no_revision_available/StackOverflowDupQuestions.json" + "facebookresearch__dragon-plus-instruct": [ + "results/facebookresearch__dragon-plus-instruct/no_revision_available/AlphaNLI.json", + "results/facebookresearch__dragon-plus-instruct/no_revision_available/WinoGrande.json", + "results/facebookresearch__dragon-plus-instruct/no_revision_available/ARCChallenge.json", + "results/facebookresearch__dragon-plus-instruct/no_revision_available/SpartQA.json", + "results/facebookresearch__dragon-plus-instruct/no_revision_available/TempReasonL1.json", + "results/facebookresearch__dragon-plus-instruct/no_revision_available/HellaSwag.json", + "results/facebookresearch__dragon-plus-instruct/no_revision_available/TempReasonL3Pure.json", + "results/facebookresearch__dragon-plus-instruct/no_revision_available/PIQA.json", + "results/facebookresearch__dragon-plus-instruct/no_revision_available/Quail.json", + "results/facebookresearch__dragon-plus-instruct/no_revision_available/SIQA.json", + "results/facebookresearch__dragon-plus-instruct/no_revision_available/RARbMath.json", + "results/facebookresearch__dragon-plus-instruct/no_revision_available/TempReasonL2Fact.json", + "results/facebookresearch__dragon-plus-instruct/no_revision_available/TempReasonL2Pure.json", + "results/facebookresearch__dragon-plus-instruct/no_revision_available/TempReasonL3Fact.json", + "results/facebookresearch__dragon-plus-instruct/no_revision_available/RARbCode.json" + ], + "intfloat__e5-base": [ + "results/intfloat__e5-base/no_revision_available/MassiveIntentClassification.json", + "results/intfloat__e5-base/no_revision_available/LEMBWikimQARetrieval.json", + "results/intfloat__e5-base/no_revision_available/LEMBSummScreenFDRetrieval.json", + "results/intfloat__e5-base/no_revision_available/LEMBNarrativeQARetrieval.json", + "results/intfloat__e5-base/no_revision_available/SweRecClassification.json", + "results/intfloat__e5-base/no_revision_available/LEMBQMSumRetrieval.json", + "results/intfloat__e5-base/no_revision_available/MassiveScenarioClassification.json", + "results/intfloat__e5-base/no_revision_available/AngryTweetsClassification.json", + "results/intfloat__e5-base/no_revision_available/NordicLangClassification.json", + "results/intfloat__e5-base/no_revision_available/BornholmBitextMining.json", + "results/intfloat__e5-base/no_revision_available/LEMBPasskeyRetrieval.json", + "results/intfloat__e5-base/no_revision_available/ScalaNbClassification.json", + "results/intfloat__e5-base/no_revision_available/ScalaSvClassification.json", + "results/intfloat__e5-base/no_revision_available/LEMBNeedleRetrieval.json", + "results/intfloat__e5-base/no_revision_available/NorwegianParliament.json", + "results/intfloat__e5-base/no_revision_available/NoRecClassification.json", + "results/intfloat__e5-base/no_revision_available/DKHateClassification.json", + "results/intfloat__e5-base/no_revision_available/ScalaDaClassification.json", + "results/intfloat__e5-base/no_revision_available/DanishPoliticalCommentsClassification.json", + "results/intfloat__e5-base/no_revision_available/LccSentimentClassification.json", + "results/intfloat__e5-base/no_revision_available/DalajClassification.json" + ], + "intfloat__e5-base-v2": [ + "results/intfloat__e5-base-v2/no_revision_available/Robust04InstructionRetrieval.json", + "results/intfloat__e5-base-v2/no_revision_available/News21InstructionRetrieval.json", + "results/intfloat__e5-base-v2/no_revision_available/Core17InstructionRetrieval.json", + "results/intfloat__e5-base-v2/1c644c92ad3ba1efdad3f1451a637716616a20e8/StackExchangeClustering.v2.json", + "results/intfloat__e5-base-v2/1c644c92ad3ba1efdad3f1451a637716616a20e8/RedditClusteringP2P.v2.json", + "results/intfloat__e5-base-v2/1c644c92ad3ba1efdad3f1451a637716616a20e8/BiorxivClusteringP2P.json", + "results/intfloat__e5-base-v2/1c644c92ad3ba1efdad3f1451a637716616a20e8/MedrxivClusteringP2P.v2.json", + "results/intfloat__e5-base-v2/1c644c92ad3ba1efdad3f1451a637716616a20e8/MedrxivClusteringS2S.json", + "results/intfloat__e5-base-v2/1c644c92ad3ba1efdad3f1451a637716616a20e8/MedrxivClusteringS2S.v2.json", + "results/intfloat__e5-base-v2/1c644c92ad3ba1efdad3f1451a637716616a20e8/BiorxivClusteringS2S.v2.json", + "results/intfloat__e5-base-v2/1c644c92ad3ba1efdad3f1451a637716616a20e8/StackExchangeClusteringP2P.v2.json", + "results/intfloat__e5-base-v2/1c644c92ad3ba1efdad3f1451a637716616a20e8/TwentyNewsgroupsClustering.v2.json", + "results/intfloat__e5-base-v2/1c644c92ad3ba1efdad3f1451a637716616a20e8/StackExchangeClustering.json", + "results/intfloat__e5-base-v2/1c644c92ad3ba1efdad3f1451a637716616a20e8/RedditClusteringP2P.json", + "results/intfloat__e5-base-v2/1c644c92ad3ba1efdad3f1451a637716616a20e8/RedditClustering.v2.json", + "results/intfloat__e5-base-v2/1c644c92ad3ba1efdad3f1451a637716616a20e8/RedditClustering.json", + "results/intfloat__e5-base-v2/1c644c92ad3ba1efdad3f1451a637716616a20e8/BiorxivClusteringS2S.json", + "results/intfloat__e5-base-v2/1c644c92ad3ba1efdad3f1451a637716616a20e8/BiorxivClusteringP2P.v2.json", + "results/intfloat__e5-base-v2/1c644c92ad3ba1efdad3f1451a637716616a20e8/MedrxivClusteringP2P.json", + "results/intfloat__e5-base-v2/1c644c92ad3ba1efdad3f1451a637716616a20e8/TwentyNewsgroupsClustering.json", + "results/intfloat__e5-base-v2/1c644c92ad3ba1efdad3f1451a637716616a20e8/StackExchangeClusteringP2P.json" + ], + "intfloat__e5-large": [ + "results/intfloat__e5-large/no_revision_available/MassiveIntentClassification.json", + "results/intfloat__e5-large/no_revision_available/SweRecClassification.json", + "results/intfloat__e5-large/no_revision_available/MassiveScenarioClassification.json", + "results/intfloat__e5-large/no_revision_available/AngryTweetsClassification.json", + "results/intfloat__e5-large/no_revision_available/NordicLangClassification.json", + "results/intfloat__e5-large/no_revision_available/BornholmBitextMining.json", + "results/intfloat__e5-large/no_revision_available/ScalaNbClassification.json", + "results/intfloat__e5-large/no_revision_available/ScalaSvClassification.json", + "results/intfloat__e5-large/no_revision_available/NorwegianParliament.json", + "results/intfloat__e5-large/no_revision_available/NoRecClassification.json", + "results/intfloat__e5-large/no_revision_available/DKHateClassification.json", + "results/intfloat__e5-large/no_revision_available/ScalaDaClassification.json", + "results/intfloat__e5-large/no_revision_available/DanishPoliticalCommentsClassification.json", + "results/intfloat__e5-large/no_revision_available/LccSentimentClassification.json", + "results/intfloat__e5-large/no_revision_available/DalajClassification.json" + ], + "intfloat__e5-large-v2": [ + "results/intfloat__e5-large-v2/b322e09026e4ea05f42beadf4d661fb4e101d311/StackExchangeClustering.v2.json", + "results/intfloat__e5-large-v2/b322e09026e4ea05f42beadf4d661fb4e101d311/RedditClusteringP2P.v2.json", + "results/intfloat__e5-large-v2/b322e09026e4ea05f42beadf4d661fb4e101d311/BiorxivClusteringP2P.json", + "results/intfloat__e5-large-v2/b322e09026e4ea05f42beadf4d661fb4e101d311/MedrxivClusteringP2P.v2.json", + "results/intfloat__e5-large-v2/b322e09026e4ea05f42beadf4d661fb4e101d311/MedrxivClusteringS2S.json", + "results/intfloat__e5-large-v2/b322e09026e4ea05f42beadf4d661fb4e101d311/MedrxivClusteringS2S.v2.json", + "results/intfloat__e5-large-v2/b322e09026e4ea05f42beadf4d661fb4e101d311/BiorxivClusteringS2S.v2.json", + "results/intfloat__e5-large-v2/b322e09026e4ea05f42beadf4d661fb4e101d311/StackExchangeClusteringP2P.v2.json", + "results/intfloat__e5-large-v2/b322e09026e4ea05f42beadf4d661fb4e101d311/TwentyNewsgroupsClustering.v2.json", + "results/intfloat__e5-large-v2/b322e09026e4ea05f42beadf4d661fb4e101d311/StackExchangeClustering.json", + "results/intfloat__e5-large-v2/b322e09026e4ea05f42beadf4d661fb4e101d311/RedditClusteringP2P.json", + "results/intfloat__e5-large-v2/b322e09026e4ea05f42beadf4d661fb4e101d311/RedditClustering.v2.json", + "results/intfloat__e5-large-v2/b322e09026e4ea05f42beadf4d661fb4e101d311/RedditClustering.json", + "results/intfloat__e5-large-v2/b322e09026e4ea05f42beadf4d661fb4e101d311/BiorxivClusteringS2S.json", + "results/intfloat__e5-large-v2/b322e09026e4ea05f42beadf4d661fb4e101d311/BiorxivClusteringP2P.v2.json", + "results/intfloat__e5-large-v2/b322e09026e4ea05f42beadf4d661fb4e101d311/MedrxivClusteringP2P.json", + "results/intfloat__e5-large-v2/b322e09026e4ea05f42beadf4d661fb4e101d311/TwentyNewsgroupsClustering.json", + "results/intfloat__e5-large-v2/b322e09026e4ea05f42beadf4d661fb4e101d311/StackExchangeClusteringP2P.json", + "results/intfloat__e5-large-v2/no_revision_available/Robust04InstructionRetrieval.json", + "results/intfloat__e5-large-v2/no_revision_available/News21InstructionRetrieval.json", + "results/intfloat__e5-large-v2/no_revision_available/Core17InstructionRetrieval.json" + ], + "intfloat__e5-mistral-7b-instruct": [ + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/HagridRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/BengaliDocumentClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MLQuestions.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SyntheticText2SQL.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/NQ-PLHardNegatives.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/OPP115InternationalAndSpecificAudiencesLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/FrenkEnClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/WebLINXCandidatesReranking.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/Robust04InstructionRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/RuBQRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/StackExchangeClustering.v2.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/AlphaNLI.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TweetSarcasmClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/WinoGrande.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/NusaParagraphEmotionClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/AlloProfClusteringP2P.v2.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/PSC.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/DBpediaClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADNonTransferableLicenseLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ARCChallenge.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/IndicSentimentClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/NFCorpus-PL.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MassiveIntentClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SinhalaNewsSourceClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TextualismToolDictionariesLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/KurdishSentimentClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/InappropriatenessClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/RuReviewsClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/RomanianSentimentClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADUnlimitedAllYouCanEatLicenseLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADVolumeRestrictionLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADExclusivityLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ArmenianParaphrasePC.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/Itacola.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ContractNLIPermissibleAcquirementOfSimilarInformationLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADSourceCodeEscrowLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/UkrFormalityClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SIB200ClusteringS2S.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LEMBWikimQARetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/RedditClusteringP2P.v2.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/DanFeverRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/VGHierarchicalClusteringP2P.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/KLUE-STS.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADWarrantyDurationLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/DiaBlaBitextMining.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LegalSummarization.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SpartQA.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/BlurbsClusteringP2P.v2.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADInsuranceLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MSMARCOHardNegatives.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CTKFactsNLI.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADMostFavoredNationLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TNews.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/DBPedia-PLHardNegatives.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CodeFeedbackST.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TempReasonL1.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/EmotionClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LEMBSummScreenFDRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CQADupstackGisRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/VieQuADRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/AfriSentiClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADCovenantNotToSueLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADPriceRestrictionsLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/OPP115DoNotTrackLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SCDDCertificationLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/FalseFriendsGermanEnglish.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CQADupstackEnglishRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LearnedHandsTrafficLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CDSC-R.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADJointIPOwnershipLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MedrxivClusteringP2P.v2.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SyntecReranking.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/RomanianReviewsSentiment.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/PAWSX.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/BSARDRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TweetSentimentExtractionClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADGoverningLawLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/WikipediaRerankingMultilingual.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/HellaSwag.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/Diversity2LegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/BelebeleRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/IndicCrosslingualSTS.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ArXivHierarchicalClusteringP2P.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ContractNLIPermissibleDevelopmentOfSimilarInformationLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/FarsTail.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SwednClusteringP2P.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/OnlineShopping.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LearnedHandsDomesticViolenceLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SlovakMovieReviewSentimentClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LearnedHandsBenefitsLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/PolEmo2.0-OUT.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADNoSolicitOfEmployeesLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/News21InstructionRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/GermanGovServiceRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LCQMC.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/EcomRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/NusaParagraphTopicClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/Moroco.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/GujaratiNewsClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LEMBNarrativeQARetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TurHistQuadRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/OralArgumentQuestionPurposeLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SciFact.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/RuSciBenchGRNTIClusteringP2P.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LanguageClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/KannadaNewsClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MalteseNewsClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/GreekLegalCodeClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MLSUMClusteringS2S.v2.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADAuditRightsLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CodeSearchNetCCRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LearnedHandsEstatesLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/Banking77Classification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CodeTransOceanContest.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/RTE3.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/NusaXBitextMining.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MMarcoReranking.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/GeorgianFAQRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADAffiliateLicenseLicenseeLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TurkicClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/NorQuadRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TERRa.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/Tatoeba.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/RuSTSBenchmarkSTS.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CQADupstackProgrammersRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ContractNLIInclusionOfVerballyConveyedInformationLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/HindiDiscourseClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/KorSarcasmClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TurkishProductSentimentClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADAffiliateLicenseLicensorLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/IndicQARetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LearnedHandsConsumerLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SNLHierarchicalClusteringS2S.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/KorHateClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/NaijaSenti.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CyrillicTurkicLangClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/FiQA-PL.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/STS14.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADTerminationForConvenienceLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/STSBenchmark.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MAUDLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/AllegroReviews.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SiswatiNewsClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LegalReasoningCausalityLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/InternationalCitizenshipQuestionsLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SpanishPassageRetrievalS2S.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TempReasonL3Pure.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ItaCaseholdClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/Diversity6LegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MarathiNewsClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/DutchBookReviewSentimentClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/Ko-StrategyQA.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SciDocsRR.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SciFact-PL.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ScalaClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MIRACLRetrievalHardNegatives.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LearnedHandsFamilyLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TopiOCQAHardNegatives.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MindSmallReranking.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/OPP115DataSecurityLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CzechSubjectivityClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/JaGovFaqsRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/Diversity5LegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/RiaNewsRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SCIDOCS.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ArXivHierarchicalClusteringS2S.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/RomaTalesBitextMining.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CSFDCZMovieReviewSentimentClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/NQHardNegatives.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/PIQA.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MIRACLRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/YahooAnswersTopicsClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MintakaRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/IndicReviewsClusteringP2P.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/Touche2020.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TeluguAndhraJyotiNewsClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ContractNLIPermissiblePostAgreementPossessionLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/STS16.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/NLPJournalAbsIntroRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MedrxivClusteringS2S.v2.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/HotpotQA-PLHardNegatives.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/OPP115PolicyChangeLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADNonCompeteLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/OverrulingLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/UnfairTOSLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/KLUE-NLI.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SweRecClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/NLPJournalTitleAbsRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/DefinitionClassificationLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/PunjabiNewsClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/BiorxivClusteringS2S.v2.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CovidRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/GermanPoliticiansTwitterSentimentClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TRECCOVID-PL.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LearnedHandsImmigrationLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/GeoreviewClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/YueOpenriceReviewClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CodeFeedbackMT.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CanadaTaxCourtOutcomesLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CQADupstackTexRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/StatcanDialogueDatasetRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/BrazilianToxicTweetsClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/DBPediaHardNegatives.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/STSES.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ContractNLIExplicitIdentificationLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ContractNLISurvivalOfObligationsLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADLiquidatedDamagesLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/OPP115DataRetentionLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/JSICK.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/UCCVCommonLawLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SwednClusteringS2S.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/WRIMEClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/StackExchangeClusteringP2P.v2.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SCDDAuditsLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SICK-R-PL.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SpanishNewsClusteringP2P.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ContractNLINoticeOnCompelledDisclosureLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SyntecRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/AppsRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADNoSolicitOfCustomersLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SensitiveTopicsClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/FaroeseSTS.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ToxicChatClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TswanaNewsClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CDSC-E.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/BQ.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TwentyNewsgroupsClustering.v2.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/GermanSTSBenchmark.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/KinopoiskClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/Diversity4LegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/AFQMC.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LEMBQMSumRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/PROALegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TweetEmotionClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/OPP115UserAccessEditAndDeletionLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/FrenkHrClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ImdbClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/FaithDial.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MLQARetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/RUParaPhraserSTS.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SprintDuplicateQuestions.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/WikiClusteringP2P.v2.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/GermanDPR.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/AfriSentiLangClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ArxivClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ToxicConversationsClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MassiveScenarioClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/AngryTweetsClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/T2Reranking.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ArguAna-PL.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADExpirationDateLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/STS17.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/RuSciBenchOECDClusteringP2P.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TenKGnadClusteringS2S.v2.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CBD.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MasakhaNEWSClusteringP2P.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/PoemSentimentClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SummEvalSummarization.v2.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CQADupstackUnixRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TweetTopicSingleClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/AskUbuntuDupQuestions.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/NusaTranslationBitextMining.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CQADupstackAndroidRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADAntiAssignmentLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/AJGT.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/FinToxicityClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MSMARCO-PLHardNegatives.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/BulgarianStoreReviewSentimentClassfication.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LearnedHandsTortsLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/AlloprofRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/Assin2RTE.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MedicalQARetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CorporateLobbyingLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/HateSpeechPortugueseClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/PolEmo2.0-IN.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TV2Nordretrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/PatentClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/RedditClustering.v2.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADRenewalTermLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/RonSTS.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/PlscClusteringS2S.v2.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/AlloprofReranking.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ContractNLINoLicensingLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LearnedHandsEducationLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/NusaX-senti.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CataloniaTweetClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MultilingualSentimentClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/PublicHealthQA.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/FloresBitextMining.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/IndonesianMongabayConservationClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/AILAStatutes.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/indonli.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/NordicLangClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/VideoRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/BigPatentClustering.v2.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SCDBPAccountabilityLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SCDBPCertificationLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/Quail.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CSFDSKMovieReviewSentimentClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MovieReviewSentimentClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/BornholmBitextMining.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/WisesightSentimentClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SwahiliNewsClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ATEC.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ClimateFEVERHardNegatives.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/Waimai.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/NollySentiBitextMining.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/HebrewSentimentAnalysis.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ContractNLISharingWithThirdPartiesLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/NLPJournalTitleIntroRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/PhincBitextMining.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LearnedHandsDivorceLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LearnedHandsCrimeLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SICK-R.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/FiQA2018.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SummEvalFr.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/BIOSSES.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/QuoraRetrievalHardNegatives.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/HunSum2AbstractiveRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/VieStudentFeedbackClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/RuSciBenchGRNTIClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TRECCOVID.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ContractNLISharingWithEmployeesLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SNLRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/NorwegianParliamentClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CodeSearchNetRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CodeTransOceanDL.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SCDDAccountabilityLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/GreekCivicsQA.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SpanishSentimentClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/AlloProfClusteringS2S.v2.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LearnedHandsHousingLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LEMBPasskeyRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/OPP115FirstPartyCollectionUseLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADLicenseGrantLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/HeadlineClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/XQuADRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TempReasonL3Context.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/HotpotQAHardNegatives.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SwissJudgementClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/BUCC.v2.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SCDDVerificationLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/JCrewBlockerLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/Quora-PLHardNegatives.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/FilipinoShopeeReviewsClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TextualismToolPlainLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/PAC.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADPostTerminationServicesLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/KorSTS.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ArguAna.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADEffectiveDateLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LearnedHandsCourtsLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/NepaliNewsClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TenKGnadClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MasakhaNEWSClusteringS2S.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MacedonianTweetSentimentClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TelemarketingSalesRuleLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/GerDaLIR.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/NYSJudicialEthicsLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/IFlyTek.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/XMarket.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MIRACLReranking.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SICK-E-PL.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/WikipediaRetrievalMultilingual.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/XNLI.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TbilisiCityHallBitextMining.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SweFaqRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ContractNLIPermissibleCopyLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SCDDTrainingLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CLSClusteringP2P.v2.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SIQA.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SemRel24STS.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/NeuCLIR2023RetrievalHardNegatives.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SNLHierarchicalClusteringP2P.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/RiaNewsRetrievalHardNegatives.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/XNLIV2.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/Assin2STS.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MultiEURLEXMultilabelClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MultilingualSentiment.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CmedqaRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADNoticePeriodToTerminateRenewalLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/FrenkSlClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LEMBNeedleRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MalayalamNewsClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/BiorxivClusteringP2P.v2.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TwitterURLCorpus.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LivedoorNewsClustering.v2.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TweetSentimentClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/FinancialPhrasebankClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/GermanQuAD-Retrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/FQuADRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/STS22.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/AmazonReviewsClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CrossLingualSemanticDiscriminationWMT19.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ContractNLIReturnOfConfidentialInformationLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/JSTS.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CQADupstackGamingRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/AILACasedocs.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/RomaniBibleClustering.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SanskritShlokasClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/IndicNLPNewsClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/VieMedEVBitextMining.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADMinimumCommitmentLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/NFCorpus.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CrossLingualSemanticDiscriminationWMT21.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/STS15.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MultiHateClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MultiLongDocRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/OdiaNewsClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SwednRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/EstQA.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/VoyageMMarcoReranking.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CEDRClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/AmazonPolarityClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/NorwegianCourtsBitextMining.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/StackOverflowQA.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/JDReview.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADChangeOfControlLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/RARbMath.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SCIDOCS-PL.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/OPP115UserChoiceControlLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MTOPIntentClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/InsurancePolicyInterpretationLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/EightTagsClustering.v2.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/KLUE-TC.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/NoRecClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TempReasonL2Fact.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/STS13.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/PpcPC.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/NarrativeQARetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/FEVERHardNegatives.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TempReasonL2Pure.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CMedQAv1-reranking.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADRevenueProfitSharingLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/IndicGenBenchFloresBitextMining.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SRNCorpusBitextMining.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MedicalRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/HotelReviewSentimentClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ContractNLIConfidentialityOfAgreementLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SummEval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/PlscClusteringP2P.v2.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MyanmarNews.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ThuNewsClusteringP2P.v2.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/GerDaLIRSmall.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LegalBenchConsumerContractsQA.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/IN22ConvBitextMining.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SentimentAnalysisHindi.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SIB200Classification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LearnedHandsEmploymentLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADIrrevocableOrPerpetualLicenseLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ThuNewsClusteringS2S.v2.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/IN22GenBitextMining.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CosQA.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MasakhaNEWSClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CQADupstackStatsRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TenKGnadClusteringP2P.v2.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LinceMTBitextMining.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/NewsClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADCapOnLiabilityLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADNonDisparagementLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LegalBenchCorporateLobbying.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/T2Retrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/JavaneseIMDBClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ContractNLILimitedUseLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/GeoreviewClusteringP2P.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/BengaliHateSpeechClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TempReasonL2Context.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/ArEntail.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/HALClusteringS2S.v2.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADThirdPartyBeneficiaryLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TamilNewsClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/RestaurantReviewSentimentClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/KorHateSpeechMLClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/FeedbackQARetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TwitterSemEval2015.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SICK-BR-PC.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/PersonalJurisdictionLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CzechProductReviewSentimentClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CzechSoMeSentimentClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SwedishSentimentClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/IWSLT2017BitextMining.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TempReasonL3Fact.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SCDBPAuditsLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/BlurbsClusteringS2S.v2.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/FunctionOfDecisionSectionLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LeCaRDv2.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADCompetitiveRestrictionExceptionLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CQADupstackWebmastersRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MLSUMClusteringP2P.v2.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/STS22.v2.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/RuBQReranking.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/NTREXBitextMining.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MMarcoRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TwitterHjerneRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/IsiZuluNewsClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/IndicLangClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/NeuCLIR2022RetrievalHardNegatives.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/PersianFoodSentimentClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LearnedHandsBusinessLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LearnedHandsHealthLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/WikiCitiesClustering.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/RARbCode.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/OpusparcusPC.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CodeEditSearchRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SpanishNewsClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/UrduRomanSentimentClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LegalQuAD.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/EstonianValenceClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/DuRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/RuSciBenchOECDClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/DanishPoliticalCommentsClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MTOPDomainClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/YelpReviewFullClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/FrenchBookReviews.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CMedQAv2-reranking.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SICKFr.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/BengaliSentimentAnalysis.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/STS12.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/AmazonCounterfactualClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/FinParaSTS.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CQADupstackMathematicaRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADIPOwnershipAssignmentLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SCDBPTrainingLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/MewsC16JaClustering.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/TurkishMovieSentimentClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/PawsXPairClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/OPP115ThirdPartySharingCollectionLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/LccSentimentClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/STSB.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADRofrRofoRofnLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/Core17InstructionRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CQADupstackPhysicsRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/DalajClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CQADupstackWordpressRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CLSClusteringS2S.v2.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/BibleNLPBitextMining.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/JaQuADRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/Diversity3LegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/XPQARetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/STSBenchmarkMultilingualSTS.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SCDBPVerificationLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/OnlineStoreReviewSentimentClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/SinhalaNewsClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/IndonesianIdClickbaitClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/VGHierarchicalClusteringS2S.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/CUADUncappedLiabilityLegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/StackOverflowDupQuestions.json", + "results/intfloat__e5-mistral-7b-instruct/07163b72af1488142a360786df853f237b1a3ca1/Diversity1LegalBenchClassification.json", + "results/intfloat__e5-mistral-7b-instruct/no_revision_available/Robust04InstructionRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/no_revision_available/MassiveIntentClassification.json", + "results/intfloat__e5-mistral-7b-instruct/no_revision_available/LEMBWikimQARetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/no_revision_available/MLSUMClusteringP2P.json", + "results/intfloat__e5-mistral-7b-instruct/no_revision_available/LegalSummarization.json", + "results/intfloat__e5-mistral-7b-instruct/no_revision_available/AlloProfClusteringS2S.json", + "results/intfloat__e5-mistral-7b-instruct/no_revision_available/LEMBSummScreenFDRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/no_revision_available/SyntecReranking.json", + "results/intfloat__e5-mistral-7b-instruct/no_revision_available/BSARDRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/no_revision_available/News21InstructionRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/no_revision_available/LEMBNarrativeQARetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/no_revision_available/DiaBLaBitextMining.json", + "results/intfloat__e5-mistral-7b-instruct/no_revision_available/BrightRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/no_revision_available/MintakaRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/no_revision_available/SyntecRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/no_revision_available/LEMBQMSumRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/no_revision_available/MLSUMClusteringS2S.json", + "results/intfloat__e5-mistral-7b-instruct/no_revision_available/MassiveScenarioClassification.json", + "results/intfloat__e5-mistral-7b-instruct/no_revision_available/MasakhaNEWSClusteringP2P.json", + "results/intfloat__e5-mistral-7b-instruct/no_revision_available/AlloprofRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/no_revision_available/AlloprofReranking.json", + "results/intfloat__e5-mistral-7b-instruct/no_revision_available/FloresBitextMining.json", + "results/intfloat__e5-mistral-7b-instruct/no_revision_available/AILAStatutes.json", + "results/intfloat__e5-mistral-7b-instruct/no_revision_available/SummEvalFr.json", + "results/intfloat__e5-mistral-7b-instruct/no_revision_available/LEMBPasskeyRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/no_revision_available/AlloProfClusteringP2P.json", + "results/intfloat__e5-mistral-7b-instruct/no_revision_available/MasakhaNEWSClusteringS2S.json", + "results/intfloat__e5-mistral-7b-instruct/no_revision_available/LEMBNeedleRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/no_revision_available/STS22.json", + "results/intfloat__e5-mistral-7b-instruct/no_revision_available/AmazonReviewsClassification.json", + "results/intfloat__e5-mistral-7b-instruct/no_revision_available/AILACasedocs.json", + "results/intfloat__e5-mistral-7b-instruct/no_revision_available/MTOPIntentClassification.json", + "results/intfloat__e5-mistral-7b-instruct/no_revision_available/HALClusteringS2S.json", + "results/intfloat__e5-mistral-7b-instruct/no_revision_available/GerDaLIRSmall.json", + "results/intfloat__e5-mistral-7b-instruct/no_revision_available/LegalBenchConsumerContractsQA.json", + "results/intfloat__e5-mistral-7b-instruct/no_revision_available/MasakhaNEWSClassification.json", + "results/intfloat__e5-mistral-7b-instruct/no_revision_available/LegalBenchCorporateLobbying.json", + "results/intfloat__e5-mistral-7b-instruct/no_revision_available/LeCaRDv2.json", + "results/intfloat__e5-mistral-7b-instruct/no_revision_available/OpusparcusPC.json", + "results/intfloat__e5-mistral-7b-instruct/no_revision_available/LegalQuAD.json", + "results/intfloat__e5-mistral-7b-instruct/no_revision_available/MTOPDomainClassification.json", + "results/intfloat__e5-mistral-7b-instruct/no_revision_available/SICKFr.json", + "results/intfloat__e5-mistral-7b-instruct/no_revision_available/PawsXPairClassification.json", + "results/intfloat__e5-mistral-7b-instruct/no_revision_available/Core17InstructionRetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/no_revision_available/XPQARetrieval.json", + "results/intfloat__e5-mistral-7b-instruct/no_revision_available/STSBenchmarkMultilingualSTS.json" ], - "vprelovac__universal-sentence-encoder-multilingual-3": [ - "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/MassiveIntentClassification.json", - "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/MLSUMClusteringP2P.json", - "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/AlloProfClusteringS2S.json", - "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/SyntecReranking.json", - "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/BSARDRetrieval.json", - "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/DiaBLaBitextMining.json", - "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/MintakaRetrieval.json", - "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/SyntecRetrieval.json", - "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/MLSUMClusteringS2S.json", - "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/MassiveScenarioClassification.json", - "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/MasakhaNEWSClusteringP2P.json", - "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/AlloprofRetrieval.json", - "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/AlloprofReranking.json", - "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/FloresBitextMining.json", - "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/SummEvalFr.json", - "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/AlloProfClusteringP2P.json", - "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/MasakhaNEWSClusteringS2S.json", - "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/STS22.json", - "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/AmazonReviewsClassification.json", - "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/MTOPIntentClassification.json", - "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/HALClusteringS2S.json", - "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/MasakhaNEWSClassification.json", - "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/OpusparcusPC.json", - "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/MTOPDomainClassification.json", - "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/SICKFr.json", - "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/PawsXPairClassification.json", - "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/XPQARetrieval.json", - "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/STSBenchmarkMultilingualSTS.json" + "intfloat__e5-mistral-7b-instruct-noinstruct": [ + "results/intfloat__e5-mistral-7b-instruct-noinstruct/07163b72af1488142a360786df853f237b1a3ca1/AlphaNLI.json", + "results/intfloat__e5-mistral-7b-instruct-noinstruct/07163b72af1488142a360786df853f237b1a3ca1/WinoGrande.json", + "results/intfloat__e5-mistral-7b-instruct-noinstruct/07163b72af1488142a360786df853f237b1a3ca1/ARCChallenge.json", + "results/intfloat__e5-mistral-7b-instruct-noinstruct/07163b72af1488142a360786df853f237b1a3ca1/SpartQA.json", + "results/intfloat__e5-mistral-7b-instruct-noinstruct/07163b72af1488142a360786df853f237b1a3ca1/TempReasonL1.json", + "results/intfloat__e5-mistral-7b-instruct-noinstruct/07163b72af1488142a360786df853f237b1a3ca1/HellaSwag.json", + "results/intfloat__e5-mistral-7b-instruct-noinstruct/07163b72af1488142a360786df853f237b1a3ca1/TempReasonL3Pure.json", + "results/intfloat__e5-mistral-7b-instruct-noinstruct/07163b72af1488142a360786df853f237b1a3ca1/PIQA.json", + "results/intfloat__e5-mistral-7b-instruct-noinstruct/07163b72af1488142a360786df853f237b1a3ca1/Quail.json", + "results/intfloat__e5-mistral-7b-instruct-noinstruct/07163b72af1488142a360786df853f237b1a3ca1/SIQA.json", + "results/intfloat__e5-mistral-7b-instruct-noinstruct/07163b72af1488142a360786df853f237b1a3ca1/RARbMath.json", + "results/intfloat__e5-mistral-7b-instruct-noinstruct/07163b72af1488142a360786df853f237b1a3ca1/TempReasonL2Fact.json", + "results/intfloat__e5-mistral-7b-instruct-noinstruct/07163b72af1488142a360786df853f237b1a3ca1/TempReasonL2Pure.json", + "results/intfloat__e5-mistral-7b-instruct-noinstruct/07163b72af1488142a360786df853f237b1a3ca1/TempReasonL3Fact.json", + "results/intfloat__e5-mistral-7b-instruct-noinstruct/07163b72af1488142a360786df853f237b1a3ca1/RARbCode.json" ], - "izhx__udever-bloom-560m": [ - "results/izhx__udever-bloom-560m/no_revision_available/MassiveIntentClassification.json", - "results/izhx__udever-bloom-560m/no_revision_available/MLSUMClusteringP2P.json", - "results/izhx__udever-bloom-560m/no_revision_available/AlloProfClusteringS2S.json", - "results/izhx__udever-bloom-560m/no_revision_available/SyntecReranking.json", - "results/izhx__udever-bloom-560m/no_revision_available/BSARDRetrieval.json", - "results/izhx__udever-bloom-560m/no_revision_available/DiaBLaBitextMining.json", - "results/izhx__udever-bloom-560m/no_revision_available/MintakaRetrieval.json", - "results/izhx__udever-bloom-560m/no_revision_available/SyntecRetrieval.json", - "results/izhx__udever-bloom-560m/no_revision_available/MLSUMClusteringS2S.json", - "results/izhx__udever-bloom-560m/no_revision_available/MassiveScenarioClassification.json", - "results/izhx__udever-bloom-560m/no_revision_available/MasakhaNEWSClusteringP2P.json", - "results/izhx__udever-bloom-560m/no_revision_available/AlloprofRetrieval.json", - "results/izhx__udever-bloom-560m/no_revision_available/AlloprofReranking.json", - "results/izhx__udever-bloom-560m/no_revision_available/FloresBitextMining.json", - "results/izhx__udever-bloom-560m/no_revision_available/SummEvalFr.json", - "results/izhx__udever-bloom-560m/no_revision_available/AlloProfClusteringP2P.json", - "results/izhx__udever-bloom-560m/no_revision_available/MasakhaNEWSClusteringS2S.json", - "results/izhx__udever-bloom-560m/no_revision_available/STS22.json", - "results/izhx__udever-bloom-560m/no_revision_available/AmazonReviewsClassification.json", - "results/izhx__udever-bloom-560m/no_revision_available/MTOPIntentClassification.json", - "results/izhx__udever-bloom-560m/no_revision_available/HALClusteringS2S.json", - "results/izhx__udever-bloom-560m/no_revision_available/MasakhaNEWSClassification.json", - "results/izhx__udever-bloom-560m/no_revision_available/OpusparcusPC.json", - "results/izhx__udever-bloom-560m/no_revision_available/MTOPDomainClassification.json", - "results/izhx__udever-bloom-560m/no_revision_available/SICKFr.json", - "results/izhx__udever-bloom-560m/no_revision_available/PawsXPairClassification.json", - "results/izhx__udever-bloom-560m/no_revision_available/XPQARetrieval.json", - "results/izhx__udever-bloom-560m/no_revision_available/STSBenchmarkMultilingualSTS.json" + "intfloat__e5-small": [ + "results/intfloat__e5-small/e272f3049e853b47cb5ca3952268c6662abda68f/StackExchangeClustering.v2.json", + "results/intfloat__e5-small/e272f3049e853b47cb5ca3952268c6662abda68f/RedditClusteringP2P.v2.json", + "results/intfloat__e5-small/e272f3049e853b47cb5ca3952268c6662abda68f/BiorxivClusteringP2P.json", + "results/intfloat__e5-small/e272f3049e853b47cb5ca3952268c6662abda68f/MedrxivClusteringP2P.v2.json", + "results/intfloat__e5-small/e272f3049e853b47cb5ca3952268c6662abda68f/MedrxivClusteringS2S.json", + "results/intfloat__e5-small/e272f3049e853b47cb5ca3952268c6662abda68f/MedrxivClusteringS2S.v2.json", + "results/intfloat__e5-small/e272f3049e853b47cb5ca3952268c6662abda68f/BiorxivClusteringS2S.v2.json", + "results/intfloat__e5-small/e272f3049e853b47cb5ca3952268c6662abda68f/StackExchangeClusteringP2P.v2.json", + "results/intfloat__e5-small/e272f3049e853b47cb5ca3952268c6662abda68f/TwentyNewsgroupsClustering.v2.json", + "results/intfloat__e5-small/e272f3049e853b47cb5ca3952268c6662abda68f/StackExchangeClustering.json", + "results/intfloat__e5-small/e272f3049e853b47cb5ca3952268c6662abda68f/RedditClusteringP2P.json", + "results/intfloat__e5-small/e272f3049e853b47cb5ca3952268c6662abda68f/RedditClustering.v2.json", + "results/intfloat__e5-small/e272f3049e853b47cb5ca3952268c6662abda68f/RedditClustering.json", + "results/intfloat__e5-small/e272f3049e853b47cb5ca3952268c6662abda68f/BiorxivClusteringS2S.json", + "results/intfloat__e5-small/e272f3049e853b47cb5ca3952268c6662abda68f/BiorxivClusteringP2P.v2.json", + "results/intfloat__e5-small/e272f3049e853b47cb5ca3952268c6662abda68f/MedrxivClusteringP2P.json", + "results/intfloat__e5-small/e272f3049e853b47cb5ca3952268c6662abda68f/TwentyNewsgroupsClustering.json", + "results/intfloat__e5-small/e272f3049e853b47cb5ca3952268c6662abda68f/StackExchangeClusteringP2P.json", + "results/intfloat__e5-small/no_revision_available/MassiveIntentClassification.json", + "results/intfloat__e5-small/no_revision_available/SweRecClassification.json", + "results/intfloat__e5-small/no_revision_available/MassiveScenarioClassification.json", + "results/intfloat__e5-small/no_revision_available/AngryTweetsClassification.json", + "results/intfloat__e5-small/no_revision_available/NordicLangClassification.json", + "results/intfloat__e5-small/no_revision_available/BornholmBitextMining.json", + "results/intfloat__e5-small/no_revision_available/ScalaNbClassification.json", + "results/intfloat__e5-small/no_revision_available/ScalaSvClassification.json", + "results/intfloat__e5-small/no_revision_available/NorwegianParliament.json", + "results/intfloat__e5-small/no_revision_available/NoRecClassification.json", + "results/intfloat__e5-small/no_revision_available/DKHateClassification.json", + "results/intfloat__e5-small/no_revision_available/ScalaDaClassification.json", + "results/intfloat__e5-small/no_revision_available/DanishPoliticalCommentsClassification.json", + "results/intfloat__e5-small/no_revision_available/LccSentimentClassification.json", + "results/intfloat__e5-small/no_revision_available/DalajClassification.json" ], - "shibing624__text2vec-base-chinese": [ - "results/shibing624__text2vec-base-chinese/no_revision_available/CMedQAv1.json", - "results/shibing624__text2vec-base-chinese/no_revision_available/MassiveIntentClassification.json", - "results/shibing624__text2vec-base-chinese/no_revision_available/TNews.json", - "results/shibing624__text2vec-base-chinese/no_revision_available/PAWSX.json", - "results/shibing624__text2vec-base-chinese/no_revision_available/OnlineShopping.json", - "results/shibing624__text2vec-base-chinese/no_revision_available/LCQMC.json", - "results/shibing624__text2vec-base-chinese/no_revision_available/EcomRetrieval.json", - "results/shibing624__text2vec-base-chinese/no_revision_available/MMarcoReranking.json", - "results/shibing624__text2vec-base-chinese/no_revision_available/CovidRetrieval.json", - "results/shibing624__text2vec-base-chinese/no_revision_available/CLSClusteringP2P.json", - "results/shibing624__text2vec-base-chinese/no_revision_available/BQ.json", - "results/shibing624__text2vec-base-chinese/no_revision_available/AFQMC.json", - "results/shibing624__text2vec-base-chinese/no_revision_available/CLSClusteringS2S.json", - "results/shibing624__text2vec-base-chinese/no_revision_available/Cmnli.json", - "results/shibing624__text2vec-base-chinese/no_revision_available/MassiveScenarioClassification.json", - "results/shibing624__text2vec-base-chinese/no_revision_available/T2Reranking.json", - "results/shibing624__text2vec-base-chinese/no_revision_available/ThuNewsClusteringP2P.json", - "results/shibing624__text2vec-base-chinese/no_revision_available/VideoRetrieval.json", - "results/shibing624__text2vec-base-chinese/no_revision_available/Ocnli.json", - "results/shibing624__text2vec-base-chinese/no_revision_available/ATEC.json", - "results/shibing624__text2vec-base-chinese/no_revision_available/Waimai.json", - "results/shibing624__text2vec-base-chinese/no_revision_available/ThuNewsClusteringS2S.json", - "results/shibing624__text2vec-base-chinese/no_revision_available/IFlyTek.json", - "results/shibing624__text2vec-base-chinese/no_revision_available/MultilingualSentiment.json", - "results/shibing624__text2vec-base-chinese/no_revision_available/CmedqaRetrieval.json", - "results/shibing624__text2vec-base-chinese/no_revision_available/STS22.json", - "results/shibing624__text2vec-base-chinese/no_revision_available/AmazonReviewsClassification.json", - "results/shibing624__text2vec-base-chinese/no_revision_available/JDReview.json", - "results/shibing624__text2vec-base-chinese/no_revision_available/MedicalRetrieval.json", - "results/shibing624__text2vec-base-chinese/no_revision_available/T2Retrieval.json", - "results/shibing624__text2vec-base-chinese/no_revision_available/QBQTC.json", - "results/shibing624__text2vec-base-chinese/no_revision_available/MMarcoRetrieval.json", - "results/shibing624__text2vec-base-chinese/no_revision_available/DuRetrieval.json", - "results/shibing624__text2vec-base-chinese/no_revision_available/CMedQAv2.json", - "results/shibing624__text2vec-base-chinese/no_revision_available/STSB.json" + "intfloat__e5-small-v2": [ + "results/intfloat__e5-small-v2/dca8b1a9dae0d4575df2bf423a5edb485a431236/StackExchangeClustering.v2.json", + "results/intfloat__e5-small-v2/dca8b1a9dae0d4575df2bf423a5edb485a431236/RedditClusteringP2P.v2.json", + "results/intfloat__e5-small-v2/dca8b1a9dae0d4575df2bf423a5edb485a431236/BiorxivClusteringP2P.json", + "results/intfloat__e5-small-v2/dca8b1a9dae0d4575df2bf423a5edb485a431236/MedrxivClusteringP2P.v2.json", + "results/intfloat__e5-small-v2/dca8b1a9dae0d4575df2bf423a5edb485a431236/MedrxivClusteringS2S.json", + "results/intfloat__e5-small-v2/dca8b1a9dae0d4575df2bf423a5edb485a431236/MedrxivClusteringS2S.v2.json", + "results/intfloat__e5-small-v2/dca8b1a9dae0d4575df2bf423a5edb485a431236/BiorxivClusteringS2S.v2.json", + "results/intfloat__e5-small-v2/dca8b1a9dae0d4575df2bf423a5edb485a431236/StackExchangeClusteringP2P.v2.json", + "results/intfloat__e5-small-v2/dca8b1a9dae0d4575df2bf423a5edb485a431236/TwentyNewsgroupsClustering.v2.json", + "results/intfloat__e5-small-v2/dca8b1a9dae0d4575df2bf423a5edb485a431236/StackExchangeClustering.json", + "results/intfloat__e5-small-v2/dca8b1a9dae0d4575df2bf423a5edb485a431236/RedditClusteringP2P.json", + "results/intfloat__e5-small-v2/dca8b1a9dae0d4575df2bf423a5edb485a431236/RedditClustering.v2.json", + "results/intfloat__e5-small-v2/dca8b1a9dae0d4575df2bf423a5edb485a431236/RedditClustering.json", + "results/intfloat__e5-small-v2/dca8b1a9dae0d4575df2bf423a5edb485a431236/BiorxivClusteringS2S.json", + "results/intfloat__e5-small-v2/dca8b1a9dae0d4575df2bf423a5edb485a431236/BiorxivClusteringP2P.v2.json", + "results/intfloat__e5-small-v2/dca8b1a9dae0d4575df2bf423a5edb485a431236/MedrxivClusteringP2P.json", + "results/intfloat__e5-small-v2/dca8b1a9dae0d4575df2bf423a5edb485a431236/TwentyNewsgroupsClustering.json", + "results/intfloat__e5-small-v2/dca8b1a9dae0d4575df2bf423a5edb485a431236/StackExchangeClusteringP2P.json" + ], + "intfloat__multilingual-e5-base": [ + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/HagridRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/BengaliDocumentClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MLQuestions.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SyntheticText2SQL.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/NQ-PLHardNegatives.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/OPP115InternationalAndSpecificAudiencesLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/FrenkEnClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/WebLINXCandidatesReranking.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/Robust04InstructionRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/RuBQRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/StackExchangeClustering.v2.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/AlphaNLI.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TweetSarcasmClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/WinoGrande.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/NusaParagraphEmotionClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/AlloProfClusteringP2P.v2.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/PSC.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/DBpediaClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADNonTransferableLicenseLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ARCChallenge.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/IndicSentimentClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/NFCorpus-PL.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MassiveIntentClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SinhalaNewsSourceClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TextualismToolDictionariesLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/KurdishSentimentClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/InappropriatenessClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/RuReviewsClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/RomanianSentimentClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADUnlimitedAllYouCanEatLicenseLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADVolumeRestrictionLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADExclusivityLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ArmenianParaphrasePC.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/Itacola.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ContractNLIPermissibleAcquirementOfSimilarInformationLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADSourceCodeEscrowLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/UkrFormalityClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SIB200ClusteringS2S.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LEMBWikimQARetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MLSUMClusteringP2P.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/RedditClusteringP2P.v2.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/DanFeverRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/VGHierarchicalClusteringP2P.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/KLUE-STS.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADWarrantyDurationLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/DiaBlaBitextMining.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LegalSummarization.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SpartQA.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/BlurbsClusteringP2P.v2.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADInsuranceLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MSMARCOHardNegatives.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CTKFactsNLI.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADMostFavoredNationLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TNews.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/DBPedia-PLHardNegatives.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CodeFeedbackST.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/BiorxivClusteringP2P.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TempReasonL1.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/EmotionClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LEMBSummScreenFDRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CQADupstackGisRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/VieQuADRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/AfriSentiClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADCovenantNotToSueLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADPriceRestrictionsLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/OPP115DoNotTrackLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SCDDCertificationLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/FalseFriendsGermanEnglish.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CQADupstackEnglishRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LearnedHandsTrafficLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CDSC-R.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADJointIPOwnershipLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MedrxivClusteringP2P.v2.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SyntecReranking.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/RomanianReviewsSentiment.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/PAWSX.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/BSARDRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TweetSentimentExtractionClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADGoverningLawLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/WikipediaRerankingMultilingual.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/HellaSwag.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/Diversity2LegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/BelebeleRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/IndicCrosslingualSTS.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ArXivHierarchicalClusteringP2P.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ContractNLIPermissibleDevelopmentOfSimilarInformationLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/FarsTail.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SwednClusteringP2P.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/OnlineShopping.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LearnedHandsDomesticViolenceLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SlovakMovieReviewSentimentClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LearnedHandsBenefitsLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/PolEmo2.0-OUT.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADNoSolicitOfEmployeesLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/News21InstructionRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/GermanGovServiceRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LCQMC.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/EcomRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/NusaParagraphTopicClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/Moroco.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/GujaratiNewsClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LEMBNarrativeQARetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TurHistQuadRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/OralArgumentQuestionPurposeLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SciFact.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/RuSciBenchGRNTIClusteringP2P.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LanguageClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/KannadaNewsClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MalteseNewsClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/GreekLegalCodeClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MLSUMClusteringS2S.v2.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADAuditRightsLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CodeSearchNetCCRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LearnedHandsEstatesLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/Banking77Classification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CodeTransOceanContest.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/RTE3.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/NusaXBitextMining.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MMarcoReranking.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/GeorgianFAQRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADAffiliateLicenseLicenseeLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TurkicClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/NorQuadRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TERRa.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/Tatoeba.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/RuSTSBenchmarkSTS.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CQADupstackProgrammersRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ContractNLIInclusionOfVerballyConveyedInformationLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/HindiDiscourseClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/KorSarcasmClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TurkishProductSentimentClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADAffiliateLicenseLicensorLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/IndicQARetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LearnedHandsConsumerLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SNLHierarchicalClusteringS2S.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/KorHateClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/NaijaSenti.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CyrillicTurkicLangClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/FiQA-PL.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/STS14.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADTerminationForConvenienceLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/STSBenchmark.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MAUDLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/AllegroReviews.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SiswatiNewsClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LegalReasoningCausalityLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/InternationalCitizenshipQuestionsLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SpanishPassageRetrievalS2S.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TempReasonL3Pure.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ItaCaseholdClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/Diversity6LegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MarathiNewsClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/DutchBookReviewSentimentClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/Ko-StrategyQA.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SciDocsRR.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SciFact-PL.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ScalaClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MIRACLRetrievalHardNegatives.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LearnedHandsFamilyLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TopiOCQAHardNegatives.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MindSmallReranking.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/OPP115DataSecurityLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MedrxivClusteringS2S.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CzechSubjectivityClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/JaGovFaqsRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/Diversity5LegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/RiaNewsRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SCIDOCS.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ArXivHierarchicalClusteringS2S.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/RomaTalesBitextMining.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CSFDCZMovieReviewSentimentClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/NQHardNegatives.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/PIQA.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MIRACLRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/YahooAnswersTopicsClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MintakaRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/IndicReviewsClusteringP2P.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/Touche2020.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TeluguAndhraJyotiNewsClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ContractNLIPermissiblePostAgreementPossessionLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/STS16.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/NLPJournalAbsIntroRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MedrxivClusteringS2S.v2.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/HotpotQA-PLHardNegatives.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/OPP115PolicyChangeLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADNonCompeteLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/OverrulingLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/UnfairTOSLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/KLUE-NLI.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SweRecClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/NLPJournalTitleAbsRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/DefinitionClassificationLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/PunjabiNewsClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/BiorxivClusteringS2S.v2.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CovidRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/GermanPoliticiansTwitterSentimentClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TRECCOVID-PL.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LearnedHandsImmigrationLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/GeoreviewClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/YueOpenriceReviewClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CodeFeedbackMT.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CanadaTaxCourtOutcomesLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CQADupstackTexRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/StatcanDialogueDatasetRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/BrazilianToxicTweetsClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/DBPediaHardNegatives.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/STSES.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ContractNLIExplicitIdentificationLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ContractNLISurvivalOfObligationsLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADLiquidatedDamagesLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/OPP115DataRetentionLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/JSICK.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/UCCVCommonLawLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SwednClusteringS2S.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/WRIMEClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/StackExchangeClusteringP2P.v2.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SCDDAuditsLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SICK-R-PL.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SpanishNewsClusteringP2P.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ContractNLINoticeOnCompelledDisclosureLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SyntecRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/AppsRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADNoSolicitOfCustomersLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SensitiveTopicsClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/FaroeseSTS.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ToxicChatClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TswanaNewsClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CDSC-E.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/BQ.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TwentyNewsgroupsClustering.v2.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/GermanSTSBenchmark.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/KinopoiskClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/Diversity4LegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/AFQMC.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LEMBQMSumRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/PROALegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TweetEmotionClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/OPP115UserAccessEditAndDeletionLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/FrenkHrClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ImdbClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/FaithDial.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MLQARetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/RUParaPhraserSTS.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SprintDuplicateQuestions.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/WikiClusteringP2P.v2.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MLSUMClusteringS2S.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/GermanDPR.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/AfriSentiLangClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ArxivClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ToxicConversationsClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MassiveScenarioClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/AngryTweetsClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/T2Reranking.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ArguAna-PL.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADExpirationDateLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/STS17.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/RuSciBenchOECDClusteringP2P.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TenKGnadClusteringS2S.v2.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CBD.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MasakhaNEWSClusteringP2P.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/PoemSentimentClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SummEvalSummarization.v2.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CQADupstackUnixRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TweetTopicSingleClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/AskUbuntuDupQuestions.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/NusaTranslationBitextMining.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CQADupstackAndroidRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ArxivClusteringS2S.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADAntiAssignmentLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/AJGT.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/FinToxicityClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MSMARCO-PLHardNegatives.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/StackExchangeClustering.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/RedditClusteringP2P.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/BulgarianStoreReviewSentimentClassfication.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LearnedHandsTortsLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/AlloprofRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/Assin2RTE.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MedicalQARetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CorporateLobbyingLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/HateSpeechPortugueseClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/PolEmo2.0-IN.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TV2Nordretrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/PatentClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/RedditClustering.v2.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADRenewalTermLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/RonSTS.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/PlscClusteringS2S.v2.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/AlloprofReranking.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ContractNLINoLicensingLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LearnedHandsEducationLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/NusaX-senti.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CataloniaTweetClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MultilingualSentimentClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/PublicHealthQA.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/FloresBitextMining.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/IndonesianMongabayConservationClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/AILAStatutes.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/indonli.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/NordicLangClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/VideoRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/BigPatentClustering.v2.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SCDBPAccountabilityLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SCDBPCertificationLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/Quail.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CSFDSKMovieReviewSentimentClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MovieReviewSentimentClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/BornholmBitextMining.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/WisesightSentimentClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SwahiliNewsClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ATEC.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ClimateFEVERHardNegatives.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SlovakSumRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/Waimai.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/NollySentiBitextMining.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/HebrewSentimentAnalysis.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ContractNLISharingWithThirdPartiesLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/GPUSpeedTask.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/RedditClustering.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/NLPJournalTitleIntroRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/PhincBitextMining.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LearnedHandsDivorceLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LearnedHandsCrimeLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SICK-R.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/FiQA2018.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SummEvalFr.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/BIOSSES.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/QuoraRetrievalHardNegatives.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/HunSum2AbstractiveRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/VieStudentFeedbackClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/RuSciBenchGRNTIClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TRECCOVID.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ContractNLISharingWithEmployeesLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SNLRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/NorwegianParliamentClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CodeSearchNetRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CodeTransOceanDL.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SCDDAccountabilityLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/GreekCivicsQA.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SpanishSentimentClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/AlloProfClusteringS2S.v2.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LearnedHandsHousingLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LEMBPasskeyRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/OPP115FirstPartyCollectionUseLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADLicenseGrantLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/HeadlineClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/XQuADRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/BiorxivClusteringS2S.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TempReasonL3Context.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/HotpotQAHardNegatives.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SwissJudgementClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/BUCC.v2.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SCDDVerificationLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/JCrewBlockerLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/Quora-PLHardNegatives.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/FilipinoShopeeReviewsClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TextualismToolPlainLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/PAC.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADPostTerminationServicesLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/KorSTS.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ArguAna.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADEffectiveDateLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LearnedHandsCourtsLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/NepaliNewsClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TenKGnadClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MasakhaNEWSClusteringS2S.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MacedonianTweetSentimentClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TelemarketingSalesRuleLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/GerDaLIR.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LegalBenchPC.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/NYSJudicialEthicsLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/IFlyTek.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/XMarket.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MIRACLReranking.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SICK-E-PL.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/WikipediaRetrievalMultilingual.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/XNLI.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TbilisiCityHallBitextMining.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SweFaqRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ContractNLIPermissibleCopyLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SCDDTrainingLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CLSClusteringP2P.v2.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SIQA.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SemRel24STS.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ArxivClusteringP2P.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/NeuCLIR2023RetrievalHardNegatives.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SNLHierarchicalClusteringP2P.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/RiaNewsRetrievalHardNegatives.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/XNLIV2.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/Assin2STS.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MultiEURLEXMultilabelClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MultilingualSentiment.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CmedqaRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADNoticePeriodToTerminateRenewalLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/FrenkSlClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LEMBNeedleRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MalayalamNewsClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/BiorxivClusteringP2P.v2.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TwitterURLCorpus.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LivedoorNewsClustering.v2.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TweetSentimentClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/FinancialPhrasebankClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/GermanQuAD-Retrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/FQuADRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/STS22.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/AmazonReviewsClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CrossLingualSemanticDiscriminationWMT19.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ContractNLIReturnOfConfidentialInformationLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/JSTS.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CQADupstackGamingRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/AILACasedocs.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/RomaniBibleClustering.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SanskritShlokasClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/IndicNLPNewsClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/VieMedEVBitextMining.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADMinimumCommitmentLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/NFCorpus.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CrossLingualSemanticDiscriminationWMT21.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/STS15.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MultiHateClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MultiLongDocRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/OdiaNewsClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SwednRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/EstQA.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/VoyageMMarcoReranking.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CEDRClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/AmazonPolarityClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/NorwegianCourtsBitextMining.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/StackOverflowQA.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/JDReview.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADChangeOfControlLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/RARbMath.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SCIDOCS-PL.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/OPP115UserChoiceControlLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MTOPIntentClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/InsurancePolicyInterpretationLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/EightTagsClustering.v2.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/KLUE-TC.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/NoRecClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TempReasonL2Fact.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/STS13.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/PpcPC.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/NarrativeQARetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/FEVERHardNegatives.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TempReasonL2Pure.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CMedQAv1-reranking.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADRevenueProfitSharingLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/IndicGenBenchFloresBitextMining.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SRNCorpusBitextMining.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MedicalRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/HotelReviewSentimentClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ContractNLIConfidentialityOfAgreementLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SummEval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/PlscClusteringP2P.v2.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MyanmarNews.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ThuNewsClusteringP2P.v2.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/GerDaLIRSmall.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LegalBenchConsumerContractsQA.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/IN22ConvBitextMining.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SentimentAnalysisHindi.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SIB200Classification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LearnedHandsEmploymentLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADIrrevocableOrPerpetualLicenseLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ThuNewsClusteringS2S.v2.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/IN22GenBitextMining.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LivedoorNewsClustering.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CosQA.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MasakhaNEWSClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CQADupstackStatsRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TenKGnadClusteringP2P.v2.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LinceMTBitextMining.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/NewsClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADCapOnLiabilityLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADNonDisparagementLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LegalBenchCorporateLobbying.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/T2Retrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/JavaneseIMDBClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ContractNLILimitedUseLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/GeoreviewClusteringP2P.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/BengaliHateSpeechClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TempReasonL2Context.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/ArEntail.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/HALClusteringS2S.v2.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADThirdPartyBeneficiaryLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TamilNewsClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/RestaurantReviewSentimentClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/KorHateSpeechMLClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/FeedbackQARetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TwitterSemEval2015.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SICK-BR-PC.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/PersonalJurisdictionLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CzechProductReviewSentimentClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CzechSoMeSentimentClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SwedishSentimentClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/IWSLT2017BitextMining.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TempReasonL3Fact.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SCDBPAuditsLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/BlurbsClusteringS2S.v2.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/FunctionOfDecisionSectionLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LeCaRDv2.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADCompetitiveRestrictionExceptionLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CQADupstackWebmastersRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MLSUMClusteringP2P.v2.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/STS22.v2.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/RuBQReranking.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/NTREXBitextMining.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MedrxivClusteringP2P.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MMarcoRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TwitterHjerneRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/IsiZuluNewsClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/IndicLangClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TwentyNewsgroupsClustering.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/NeuCLIR2022RetrievalHardNegatives.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/PersianFoodSentimentClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LearnedHandsBusinessLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LearnedHandsHealthLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/WikiCitiesClustering.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/RARbCode.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/OpusparcusPC.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CodeEditSearchRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SpanishNewsClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/UrduRomanSentimentClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LegalQuAD.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/EstonianValenceClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/DuRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/RuSciBenchOECDClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/DanishPoliticalCommentsClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MTOPDomainClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/YelpReviewFullClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/FrenchBookReviews.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CMedQAv2-reranking.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SICKFr.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/BengaliSentimentAnalysis.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/STS12.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/AmazonCounterfactualClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/FinParaSTS.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CQADupstackMathematicaRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADIPOwnershipAssignmentLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SCDBPTrainingLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/MewsC16JaClustering.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/TurkishMovieSentimentClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/PawsXPairClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/StackExchangeClusteringP2P.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/OPP115ThirdPartySharingCollectionLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/LccSentimentClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/STSB.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADRofrRofoRofnLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/Core17InstructionRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CQADupstackPhysicsRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/DalajClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CQADupstackWordpressRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CLSClusteringS2S.v2.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/BibleNLPBitextMining.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/JaQuADRetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/Diversity3LegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/XPQARetrieval.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/STSBenchmarkMultilingualSTS.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SCDBPVerificationLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/OnlineStoreReviewSentimentClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/SinhalaNewsClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/IndonesianIdClickbaitClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/VGHierarchicalClusteringS2S.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/CUADUncappedLiabilityLegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/StackOverflowDupQuestions.json", + "results/intfloat__multilingual-e5-base/d13f1b27baf31030b7fd040960d60d909913633f/Diversity1LegalBenchClassification.json", + "results/intfloat__multilingual-e5-base/no_revision_available/CMedQAv1.json", + "results/intfloat__multilingual-e5-base/no_revision_available/PSC.json", + "results/intfloat__multilingual-e5-base/no_revision_available/NFCorpus-PL.json", + "results/intfloat__multilingual-e5-base/no_revision_available/MassiveIntentClassification.json", + "results/intfloat__multilingual-e5-base/no_revision_available/MLSUMClusteringP2P.json", + "results/intfloat__multilingual-e5-base/no_revision_available/AlloProfClusteringS2S.json", + "results/intfloat__multilingual-e5-base/no_revision_available/TNews.json", + "results/intfloat__multilingual-e5-base/no_revision_available/CDSC-R.json", + "results/intfloat__multilingual-e5-base/no_revision_available/MSMARCO-PL.json", + "results/intfloat__multilingual-e5-base/no_revision_available/SyntecReranking.json", + "results/intfloat__multilingual-e5-base/no_revision_available/PAWSX.json", + "results/intfloat__multilingual-e5-base/no_revision_available/BSARDRetrieval.json", + "results/intfloat__multilingual-e5-base/no_revision_available/DBPedia-PL.json", + "results/intfloat__multilingual-e5-base/no_revision_available/OnlineShopping.json", + "results/intfloat__multilingual-e5-base/no_revision_available/PolEmo2.0-OUT.json", + "results/intfloat__multilingual-e5-base/no_revision_available/LCQMC.json", + "results/intfloat__multilingual-e5-base/no_revision_available/EcomRetrieval.json", + "results/intfloat__multilingual-e5-base/no_revision_available/MMarcoReranking.json", + "results/intfloat__multilingual-e5-base/no_revision_available/FiQA-PL.json", + "results/intfloat__multilingual-e5-base/no_revision_available/AllegroReviews.json", + "results/intfloat__multilingual-e5-base/no_revision_available/DiaBLaBitextMining.json", + "results/intfloat__multilingual-e5-base/no_revision_available/SciFact-PL.json", + "results/intfloat__multilingual-e5-base/no_revision_available/8TagsClustering.json", + "results/intfloat__multilingual-e5-base/no_revision_available/MintakaRetrieval.json", + "results/intfloat__multilingual-e5-base/no_revision_available/SweRecClassification.json", + "results/intfloat__multilingual-e5-base/no_revision_available/CovidRetrieval.json", + "results/intfloat__multilingual-e5-base/no_revision_available/TRECCOVID-PL.json", + "results/intfloat__multilingual-e5-base/no_revision_available/SICK-R-PL.json", + "results/intfloat__multilingual-e5-base/no_revision_available/SyntecRetrieval.json", + "results/intfloat__multilingual-e5-base/no_revision_available/CDSC-E.json", + "results/intfloat__multilingual-e5-base/no_revision_available/CLSClusteringP2P.json", + "results/intfloat__multilingual-e5-base/no_revision_available/BQ.json", + "results/intfloat__multilingual-e5-base/no_revision_available/AFQMC.json", + "results/intfloat__multilingual-e5-base/no_revision_available/MLSUMClusteringS2S.json", + "results/intfloat__multilingual-e5-base/no_revision_available/CLSClusteringS2S.json", + "results/intfloat__multilingual-e5-base/no_revision_available/Cmnli.json", + "results/intfloat__multilingual-e5-base/no_revision_available/MassiveScenarioClassification.json", + "results/intfloat__multilingual-e5-base/no_revision_available/AngryTweetsClassification.json", + "results/intfloat__multilingual-e5-base/no_revision_available/T2Reranking.json", + "results/intfloat__multilingual-e5-base/no_revision_available/ArguAna-PL.json", + "results/intfloat__multilingual-e5-base/no_revision_available/CBD.json", + "results/intfloat__multilingual-e5-base/no_revision_available/MasakhaNEWSClusteringP2P.json", + "results/intfloat__multilingual-e5-base/no_revision_available/AlloprofRetrieval.json", + "results/intfloat__multilingual-e5-base/no_revision_available/PolEmo2.0-IN.json", + "results/intfloat__multilingual-e5-base/no_revision_available/ThuNewsClusteringP2P.json", + "results/intfloat__multilingual-e5-base/no_revision_available/AlloprofReranking.json", + "results/intfloat__multilingual-e5-base/no_revision_available/FloresBitextMining.json", + "results/intfloat__multilingual-e5-base/no_revision_available/NordicLangClassification.json", + "results/intfloat__multilingual-e5-base/no_revision_available/VideoRetrieval.json", + "results/intfloat__multilingual-e5-base/no_revision_available/Ocnli.json", + "results/intfloat__multilingual-e5-base/no_revision_available/BornholmBitextMining.json", + "results/intfloat__multilingual-e5-base/no_revision_available/ATEC.json", + "results/intfloat__multilingual-e5-base/no_revision_available/Waimai.json", + "results/intfloat__multilingual-e5-base/no_revision_available/SummEvalFr.json", + "results/intfloat__multilingual-e5-base/no_revision_available/ThuNewsClusteringS2S.json", + "results/intfloat__multilingual-e5-base/no_revision_available/AlloProfClusteringP2P.json", + "results/intfloat__multilingual-e5-base/no_revision_available/HotpotQA-PL.json", + "results/intfloat__multilingual-e5-base/no_revision_available/PAC.json", + "results/intfloat__multilingual-e5-base/no_revision_available/MasakhaNEWSClusteringS2S.json", + "results/intfloat__multilingual-e5-base/no_revision_available/ScalaNbClassification.json", + "results/intfloat__multilingual-e5-base/no_revision_available/IFlyTek.json", + "results/intfloat__multilingual-e5-base/no_revision_available/SICK-E-PL.json", + "results/intfloat__multilingual-e5-base/no_revision_available/ScalaSvClassification.json", + "results/intfloat__multilingual-e5-base/no_revision_available/MultilingualSentiment.json", + "results/intfloat__multilingual-e5-base/no_revision_available/CmedqaRetrieval.json", + "results/intfloat__multilingual-e5-base/no_revision_available/Quora-PL.json", + "results/intfloat__multilingual-e5-base/no_revision_available/STS22.json", + "results/intfloat__multilingual-e5-base/no_revision_available/AmazonReviewsClassification.json", + "results/intfloat__multilingual-e5-base/no_revision_available/NorwegianParliament.json", + "results/intfloat__multilingual-e5-base/no_revision_available/NQ-PL.json", + "results/intfloat__multilingual-e5-base/no_revision_available/JDReview.json", + "results/intfloat__multilingual-e5-base/no_revision_available/SCIDOCS-PL.json", + "results/intfloat__multilingual-e5-base/no_revision_available/MTOPIntentClassification.json", + "results/intfloat__multilingual-e5-base/no_revision_available/HALClusteringS2S.json", + "results/intfloat__multilingual-e5-base/no_revision_available/NoRecClassification.json", + "results/intfloat__multilingual-e5-base/no_revision_available/MedicalRetrieval.json", + "results/intfloat__multilingual-e5-base/no_revision_available/DKHateClassification.json", + "results/intfloat__multilingual-e5-base/no_revision_available/MasakhaNEWSClassification.json", + "results/intfloat__multilingual-e5-base/no_revision_available/T2Retrieval.json", + "results/intfloat__multilingual-e5-base/no_revision_available/ScalaDaClassification.json", + "results/intfloat__multilingual-e5-base/no_revision_available/QBQTC.json", + "results/intfloat__multilingual-e5-base/no_revision_available/PPC.json", + "results/intfloat__multilingual-e5-base/no_revision_available/MMarcoRetrieval.json", + "results/intfloat__multilingual-e5-base/no_revision_available/OpusparcusPC.json", + "results/intfloat__multilingual-e5-base/no_revision_available/DuRetrieval.json", + "results/intfloat__multilingual-e5-base/no_revision_available/DanishPoliticalCommentsClassification.json", + "results/intfloat__multilingual-e5-base/no_revision_available/MTOPDomainClassification.json", + "results/intfloat__multilingual-e5-base/no_revision_available/SICKFr.json", + "results/intfloat__multilingual-e5-base/no_revision_available/PawsXPairClassification.json", + "results/intfloat__multilingual-e5-base/no_revision_available/LccSentimentClassification.json", + "results/intfloat__multilingual-e5-base/no_revision_available/CMedQAv2.json", + "results/intfloat__multilingual-e5-base/no_revision_available/STSB.json", + "results/intfloat__multilingual-e5-base/no_revision_available/DalajClassification.json", + "results/intfloat__multilingual-e5-base/no_revision_available/XPQARetrieval.json", + "results/intfloat__multilingual-e5-base/no_revision_available/STSBenchmarkMultilingualSTS.json" ], - "ai-forever__sbert_large_mt_nlu_ru": [ - "results/ai-forever__sbert_large_mt_nlu_ru/05300876c2b83f46d3ddd422a7f17e45cf633bb0/RuBQRetrieval.json", - "results/ai-forever__sbert_large_mt_nlu_ru/05300876c2b83f46d3ddd422a7f17e45cf633bb0/MassiveIntentClassification.json", - "results/ai-forever__sbert_large_mt_nlu_ru/05300876c2b83f46d3ddd422a7f17e45cf633bb0/InappropriatenessClassification.json", - "results/ai-forever__sbert_large_mt_nlu_ru/05300876c2b83f46d3ddd422a7f17e45cf633bb0/RuReviewsClassification.json", - "results/ai-forever__sbert_large_mt_nlu_ru/05300876c2b83f46d3ddd422a7f17e45cf633bb0/RuSciBenchGRNTIClusteringP2P.json", - "results/ai-forever__sbert_large_mt_nlu_ru/05300876c2b83f46d3ddd422a7f17e45cf633bb0/TERRa.json", - "results/ai-forever__sbert_large_mt_nlu_ru/05300876c2b83f46d3ddd422a7f17e45cf633bb0/RuSTSBenchmarkSTS.json", - "results/ai-forever__sbert_large_mt_nlu_ru/05300876c2b83f46d3ddd422a7f17e45cf633bb0/RiaNewsRetrieval.json", - "results/ai-forever__sbert_large_mt_nlu_ru/05300876c2b83f46d3ddd422a7f17e45cf633bb0/MIRACLRetrieval.json", - "results/ai-forever__sbert_large_mt_nlu_ru/05300876c2b83f46d3ddd422a7f17e45cf633bb0/GeoreviewClassification.json", - "results/ai-forever__sbert_large_mt_nlu_ru/05300876c2b83f46d3ddd422a7f17e45cf633bb0/SensitiveTopicsClassification.json", - "results/ai-forever__sbert_large_mt_nlu_ru/05300876c2b83f46d3ddd422a7f17e45cf633bb0/KinopoiskClassification.json", - "results/ai-forever__sbert_large_mt_nlu_ru/05300876c2b83f46d3ddd422a7f17e45cf633bb0/RUParaPhraserSTS.json", - "results/ai-forever__sbert_large_mt_nlu_ru/05300876c2b83f46d3ddd422a7f17e45cf633bb0/MassiveScenarioClassification.json", - "results/ai-forever__sbert_large_mt_nlu_ru/05300876c2b83f46d3ddd422a7f17e45cf633bb0/RuSciBenchOECDClusteringP2P.json", - "results/ai-forever__sbert_large_mt_nlu_ru/05300876c2b83f46d3ddd422a7f17e45cf633bb0/RuSciBenchGRNTIClassification.json", - "results/ai-forever__sbert_large_mt_nlu_ru/05300876c2b83f46d3ddd422a7f17e45cf633bb0/HeadlineClassification.json", - "results/ai-forever__sbert_large_mt_nlu_ru/05300876c2b83f46d3ddd422a7f17e45cf633bb0/MIRACLReranking.json", - "results/ai-forever__sbert_large_mt_nlu_ru/05300876c2b83f46d3ddd422a7f17e45cf633bb0/XNLI.json", - "results/ai-forever__sbert_large_mt_nlu_ru/05300876c2b83f46d3ddd422a7f17e45cf633bb0/STS22.json", - "results/ai-forever__sbert_large_mt_nlu_ru/05300876c2b83f46d3ddd422a7f17e45cf633bb0/CEDRClassification.json", - "results/ai-forever__sbert_large_mt_nlu_ru/05300876c2b83f46d3ddd422a7f17e45cf633bb0/GeoreviewClusteringP2P.json", - "results/ai-forever__sbert_large_mt_nlu_ru/05300876c2b83f46d3ddd422a7f17e45cf633bb0/RuBQReranking.json", - "results/ai-forever__sbert_large_mt_nlu_ru/05300876c2b83f46d3ddd422a7f17e45cf633bb0/RuSciBenchOECDClassification.json" + "intfloat__multilingual-e5-large": [ + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/HagridRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/BengaliDocumentClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MLQuestions.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SyntheticText2SQL.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NQ-PLHardNegatives.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/OPP115InternationalAndSpecificAudiencesLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/FrenkEnClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/WebLINXCandidatesReranking.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/Robust04InstructionRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/RuBQRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/StackExchangeClustering.v2.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/AlphaNLI.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TweetSarcasmClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/WinoGrande.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NusaParagraphEmotionClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/AlloProfClusteringP2P.v2.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/PSC.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/DBpediaClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADNonTransferableLicenseLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ARCChallenge.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/IndicSentimentClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NFCorpus-PL.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MassiveIntentClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SinhalaNewsSourceClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TextualismToolDictionariesLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/KurdishSentimentClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/InappropriatenessClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/RuReviewsClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/RomanianSentimentClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADUnlimitedAllYouCanEatLicenseLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADVolumeRestrictionLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADExclusivityLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ArmenianParaphrasePC.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/Itacola.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ContractNLIPermissibleAcquirementOfSimilarInformationLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADSourceCodeEscrowLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/UkrFormalityClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SIB200ClusteringS2S.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LEMBWikimQARetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MLSUMClusteringP2P.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/RedditClusteringP2P.v2.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/DanFeverRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/VGHierarchicalClusteringP2P.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/KLUE-STS.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADWarrantyDurationLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/DiaBlaBitextMining.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LegalSummarization.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SpartQA.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/BlurbsClusteringP2P.v2.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADInsuranceLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MSMARCOHardNegatives.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CTKFactsNLI.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADMostFavoredNationLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TNews.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/DBPedia-PLHardNegatives.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CodeFeedbackST.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/BiorxivClusteringP2P.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TempReasonL1.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/EmotionClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LEMBSummScreenFDRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CQADupstackGisRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/VieQuADRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/AfriSentiClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADCovenantNotToSueLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADPriceRestrictionsLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/OPP115DoNotTrackLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SCDDCertificationLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/FalseFriendsGermanEnglish.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CQADupstackEnglishRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LearnedHandsTrafficLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CDSC-R.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADJointIPOwnershipLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MedrxivClusteringP2P.v2.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SyntecReranking.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/RomanianReviewsSentiment.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/PAWSX.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/BSARDRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TweetSentimentExtractionClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADGoverningLawLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/WikipediaRerankingMultilingual.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/HellaSwag.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/Diversity2LegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/BelebeleRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/IndicCrosslingualSTS.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ArXivHierarchicalClusteringP2P.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ContractNLIPermissibleDevelopmentOfSimilarInformationLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/FarsTail.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SwednClusteringP2P.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/OnlineShopping.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LearnedHandsDomesticViolenceLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SlovakMovieReviewSentimentClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LearnedHandsBenefitsLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/PolEmo2.0-OUT.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADNoSolicitOfEmployeesLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/News21InstructionRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/GermanGovServiceRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LCQMC.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/EcomRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NusaParagraphTopicClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/Moroco.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/GujaratiNewsClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LEMBNarrativeQARetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TurHistQuadRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/OralArgumentQuestionPurposeLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SciFact.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/RuSciBenchGRNTIClusteringP2P.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LanguageClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/KannadaNewsClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MalteseNewsClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/GreekLegalCodeClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MLSUMClusteringS2S.v2.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADAuditRightsLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CodeSearchNetCCRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LearnedHandsEstatesLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/Banking77Classification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CodeTransOceanContest.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/RTE3.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NusaXBitextMining.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MMarcoReranking.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/GeorgianFAQRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADAffiliateLicenseLicenseeLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TurkicClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NorQuadRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TERRa.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/Tatoeba.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/RuSTSBenchmarkSTS.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CQADupstackProgrammersRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ContractNLIInclusionOfVerballyConveyedInformationLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/HindiDiscourseClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/KorSarcasmClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TurkishProductSentimentClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADAffiliateLicenseLicensorLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/IndicQARetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LearnedHandsConsumerLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SNLHierarchicalClusteringS2S.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/KorHateClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NaijaSenti.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CyrillicTurkicLangClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/FiQA-PL.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/STS14.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADTerminationForConvenienceLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/STSBenchmark.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MAUDLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/AllegroReviews.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SiswatiNewsClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LegalReasoningCausalityLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/InternationalCitizenshipQuestionsLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SpanishPassageRetrievalS2S.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TempReasonL3Pure.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ItaCaseholdClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/Diversity6LegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MarathiNewsClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/DutchBookReviewSentimentClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/Ko-StrategyQA.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SciDocsRR.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SciFact-PL.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ScalaClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MIRACLRetrievalHardNegatives.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LearnedHandsFamilyLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TopiOCQAHardNegatives.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MindSmallReranking.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/OPP115DataSecurityLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MedrxivClusteringS2S.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CzechSubjectivityClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/JaGovFaqsRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/Diversity5LegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/RiaNewsRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SCIDOCS.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ArXivHierarchicalClusteringS2S.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/RomaTalesBitextMining.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CSFDCZMovieReviewSentimentClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NQHardNegatives.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/PIQA.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MIRACLRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/YahooAnswersTopicsClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MintakaRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/IndicReviewsClusteringP2P.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/Touche2020.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TeluguAndhraJyotiNewsClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ContractNLIPermissiblePostAgreementPossessionLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/STS16.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NLPJournalAbsIntroRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MedrxivClusteringS2S.v2.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/HotpotQA-PLHardNegatives.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/OPP115PolicyChangeLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADNonCompeteLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/OverrulingLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/UnfairTOSLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/KLUE-NLI.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SweRecClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NLPJournalTitleAbsRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/DefinitionClassificationLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/PunjabiNewsClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/BiorxivClusteringS2S.v2.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CovidRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/GermanPoliticiansTwitterSentimentClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TRECCOVID-PL.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LearnedHandsImmigrationLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/GeoreviewClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/YueOpenriceReviewClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CodeFeedbackMT.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CanadaTaxCourtOutcomesLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CQADupstackTexRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/StatcanDialogueDatasetRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/BrazilianToxicTweetsClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/DBPediaHardNegatives.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/STSES.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ContractNLIExplicitIdentificationLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ContractNLISurvivalOfObligationsLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADLiquidatedDamagesLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/OPP115DataRetentionLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/JSICK.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/UCCVCommonLawLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SwednClusteringS2S.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/WRIMEClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/StackExchangeClusteringP2P.v2.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SCDDAuditsLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SICK-R-PL.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SpanishNewsClusteringP2P.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ContractNLINoticeOnCompelledDisclosureLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SyntecRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/AppsRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADNoSolicitOfCustomersLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SensitiveTopicsClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/FaroeseSTS.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ToxicChatClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TswanaNewsClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CDSC-E.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/BQ.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TwentyNewsgroupsClustering.v2.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/GermanSTSBenchmark.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/KinopoiskClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/Diversity4LegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/AFQMC.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LEMBQMSumRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/PROALegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TweetEmotionClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/OPP115UserAccessEditAndDeletionLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/FrenkHrClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ImdbClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/FaithDial.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MLQARetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/RUParaPhraserSTS.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SprintDuplicateQuestions.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/WikiClusteringP2P.v2.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MLSUMClusteringS2S.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/GermanDPR.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/AfriSentiLangClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ArxivClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ToxicConversationsClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MassiveScenarioClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/AngryTweetsClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/T2Reranking.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ArguAna-PL.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADExpirationDateLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/STS17.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/RuSciBenchOECDClusteringP2P.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TenKGnadClusteringS2S.v2.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CBD.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MasakhaNEWSClusteringP2P.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/PoemSentimentClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SummEvalSummarization.v2.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CQADupstackUnixRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TweetTopicSingleClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/AskUbuntuDupQuestions.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NusaTranslationBitextMining.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CQADupstackAndroidRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/HotpotQA.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADAntiAssignmentLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/AJGT.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/FinToxicityClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MSMARCO-PLHardNegatives.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/StackExchangeClustering.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/RedditClusteringP2P.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/BulgarianStoreReviewSentimentClassfication.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LearnedHandsTortsLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/AlloprofRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/Assin2RTE.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MedicalQARetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CorporateLobbyingLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/HateSpeechPortugueseClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/PolEmo2.0-IN.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TV2Nordretrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/PatentClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/RedditClustering.v2.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADRenewalTermLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/RonSTS.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/PlscClusteringS2S.v2.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/AlloprofReranking.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ContractNLINoLicensingLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LearnedHandsEducationLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NusaX-senti.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CataloniaTweetClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MultilingualSentimentClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/PublicHealthQA.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/FloresBitextMining.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/IndonesianMongabayConservationClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/AILAStatutes.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/indonli.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NordicLangClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/VideoRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/BigPatentClustering.v2.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SCDBPAccountabilityLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SCDBPCertificationLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/Quail.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CSFDSKMovieReviewSentimentClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MovieReviewSentimentClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/BornholmBitextMining.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NQ.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/WisesightSentimentClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SwahiliNewsClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ATEC.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ClimateFEVERHardNegatives.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SlovakSumRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/Waimai.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NollySentiBitextMining.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/HebrewSentimentAnalysis.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ContractNLISharingWithThirdPartiesLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/GPUSpeedTask.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/RedditClustering.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NLPJournalTitleIntroRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/PhincBitextMining.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LearnedHandsDivorceLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LearnedHandsCrimeLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SICK-R.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/FiQA2018.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SummEvalFr.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/BIOSSES.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/QuoraRetrievalHardNegatives.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/HunSum2AbstractiveRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/VieStudentFeedbackClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/RuSciBenchGRNTIClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TRECCOVID.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ContractNLISharingWithEmployeesLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SNLRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NorwegianParliamentClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CodeSearchNetRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CodeTransOceanDL.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SCDDAccountabilityLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/GreekCivicsQA.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SpanishSentimentClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/AlloProfClusteringS2S.v2.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LearnedHandsHousingLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LEMBPasskeyRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/OPP115FirstPartyCollectionUseLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADLicenseGrantLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/HeadlineClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/DBPedia.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/XQuADRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/BiorxivClusteringS2S.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TempReasonL3Context.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/HotpotQAHardNegatives.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SwissJudgementClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/BUCC.v2.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SCDDVerificationLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/JCrewBlockerLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/Quora-PLHardNegatives.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/FilipinoShopeeReviewsClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TextualismToolPlainLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/PAC.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADPostTerminationServicesLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/KorSTS.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ArguAna.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADEffectiveDateLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LearnedHandsCourtsLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NepaliNewsClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TenKGnadClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MasakhaNEWSClusteringS2S.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MacedonianTweetSentimentClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TelemarketingSalesRuleLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/GerDaLIR.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LegalBenchPC.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NYSJudicialEthicsLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/IFlyTek.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/XMarket.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MIRACLReranking.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SICK-E-PL.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/WikipediaRetrievalMultilingual.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/XNLI.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TbilisiCityHallBitextMining.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SweFaqRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ContractNLIPermissibleCopyLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SCDDTrainingLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CLSClusteringP2P.v2.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SIQA.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SemRel24STS.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NeuCLIR2023RetrievalHardNegatives.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SNLHierarchicalClusteringP2P.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/RiaNewsRetrievalHardNegatives.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/XNLIV2.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/Assin2STS.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MultiEURLEXMultilabelClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MultilingualSentiment.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CmedqaRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADNoticePeriodToTerminateRenewalLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/FrenkSlClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LEMBNeedleRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MalayalamNewsClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/BiorxivClusteringP2P.v2.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TwitterURLCorpus.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LivedoorNewsClustering.v2.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TweetSentimentClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/FinancialPhrasebankClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/GermanQuAD-Retrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/FQuADRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/STS22.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/AmazonReviewsClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CrossLingualSemanticDiscriminationWMT19.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ContractNLIReturnOfConfidentialInformationLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/JSTS.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CQADupstackGamingRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/AILACasedocs.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/RomaniBibleClustering.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SanskritShlokasClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/IndicNLPNewsClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/VieMedEVBitextMining.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADMinimumCommitmentLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NFCorpus.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CrossLingualSemanticDiscriminationWMT21.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/STS15.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MultiHateClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MultiLongDocRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/OdiaNewsClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SwednRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/EstQA.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/VoyageMMarcoReranking.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CEDRClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/AmazonPolarityClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NorwegianCourtsBitextMining.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/StackOverflowQA.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/JDReview.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADChangeOfControlLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/RARbMath.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SCIDOCS-PL.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/OPP115UserChoiceControlLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MTOPIntentClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/InsurancePolicyInterpretationLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/EightTagsClustering.v2.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/KLUE-TC.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NoRecClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TempReasonL2Fact.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/STS13.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/PpcPC.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NarrativeQARetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/FEVERHardNegatives.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TempReasonL2Pure.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CMedQAv1-reranking.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADRevenueProfitSharingLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/IndicGenBenchFloresBitextMining.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SRNCorpusBitextMining.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MedicalRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/HotelReviewSentimentClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ContractNLIConfidentialityOfAgreementLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SummEval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/PlscClusteringP2P.v2.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MyanmarNews.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ThuNewsClusteringP2P.v2.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/GerDaLIRSmall.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ClimateFEVER.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LegalBenchConsumerContractsQA.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/IN22ConvBitextMining.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SentimentAnalysisHindi.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SIB200Classification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LearnedHandsEmploymentLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADIrrevocableOrPerpetualLicenseLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ThuNewsClusteringS2S.v2.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/IN22GenBitextMining.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LivedoorNewsClustering.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CosQA.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MasakhaNEWSClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CQADupstackStatsRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TenKGnadClusteringP2P.v2.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LinceMTBitextMining.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NewsClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADCapOnLiabilityLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADNonDisparagementLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LegalBenchCorporateLobbying.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/T2Retrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/JavaneseIMDBClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ContractNLILimitedUseLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/GeoreviewClusteringP2P.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/BengaliHateSpeechClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TempReasonL2Context.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/ArEntail.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/HALClusteringS2S.v2.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADThirdPartyBeneficiaryLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TamilNewsClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/RestaurantReviewSentimentClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/KorHateSpeechMLClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/FeedbackQARetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TwitterSemEval2015.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SICK-BR-PC.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/PersonalJurisdictionLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CzechProductReviewSentimentClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CzechSoMeSentimentClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SwedishSentimentClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/IWSLT2017BitextMining.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TempReasonL3Fact.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SCDBPAuditsLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/BlurbsClusteringS2S.v2.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/FunctionOfDecisionSectionLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LeCaRDv2.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADCompetitiveRestrictionExceptionLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CQADupstackWebmastersRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MLSUMClusteringP2P.v2.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/STS22.v2.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/RuBQReranking.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NTREXBitextMining.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MedrxivClusteringP2P.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MMarcoRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TwitterHjerneRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/IsiZuluNewsClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/IndicLangClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TwentyNewsgroupsClustering.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/NeuCLIR2022RetrievalHardNegatives.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/PersianFoodSentimentClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LearnedHandsBusinessLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LearnedHandsHealthLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/WikiCitiesClustering.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/RARbCode.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/OpusparcusPC.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CodeEditSearchRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SpanishNewsClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/UrduRomanSentimentClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LegalQuAD.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/EstonianValenceClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/DuRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/RuSciBenchOECDClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/DanishPoliticalCommentsClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MTOPDomainClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/YelpReviewFullClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/FrenchBookReviews.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/QuoraRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CMedQAv2-reranking.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SICKFr.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/BengaliSentimentAnalysis.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/STS12.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/AmazonCounterfactualClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/FinParaSTS.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CQADupstackMathematicaRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADIPOwnershipAssignmentLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SCDBPTrainingLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/MewsC16JaClustering.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/TurkishMovieSentimentClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/PawsXPairClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/StackExchangeClusteringP2P.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/OPP115ThirdPartySharingCollectionLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/LccSentimentClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/STSB.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADRofrRofoRofnLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/Core17InstructionRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CQADupstackPhysicsRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/DalajClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CQADupstackWordpressRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CLSClusteringS2S.v2.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/BibleNLPBitextMining.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/JaQuADRetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/Diversity3LegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/XPQARetrieval.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/STSBenchmarkMultilingualSTS.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SCDBPVerificationLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/OnlineStoreReviewSentimentClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/SinhalaNewsClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/IndonesianIdClickbaitClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/VGHierarchicalClusteringS2S.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/CUADUncappedLiabilityLegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/StackOverflowDupQuestions.json", + "results/intfloat__multilingual-e5-large/4dc6d853a804b9c8886ede6dda8a073b7dc08a81/Diversity1LegalBenchClassification.json", + "results/intfloat__multilingual-e5-large/no_revision_available/CMedQAv1.json", + "results/intfloat__multilingual-e5-large/no_revision_available/PSC.json", + "results/intfloat__multilingual-e5-large/no_revision_available/NFCorpus-PL.json", + "results/intfloat__multilingual-e5-large/no_revision_available/MassiveIntentClassification.json", + "results/intfloat__multilingual-e5-large/no_revision_available/MLSUMClusteringP2P.json", + "results/intfloat__multilingual-e5-large/no_revision_available/AlloProfClusteringS2S.json", + "results/intfloat__multilingual-e5-large/no_revision_available/TNews.json", + "results/intfloat__multilingual-e5-large/no_revision_available/CDSC-R.json", + "results/intfloat__multilingual-e5-large/no_revision_available/MSMARCO-PL.json", + "results/intfloat__multilingual-e5-large/no_revision_available/SyntecReranking.json", + "results/intfloat__multilingual-e5-large/no_revision_available/PAWSX.json", + "results/intfloat__multilingual-e5-large/no_revision_available/BSARDRetrieval.json", + "results/intfloat__multilingual-e5-large/no_revision_available/DBPedia-PL.json", + "results/intfloat__multilingual-e5-large/no_revision_available/OnlineShopping.json", + "results/intfloat__multilingual-e5-large/no_revision_available/PolEmo2.0-OUT.json", + "results/intfloat__multilingual-e5-large/no_revision_available/LCQMC.json", + "results/intfloat__multilingual-e5-large/no_revision_available/EcomRetrieval.json", + "results/intfloat__multilingual-e5-large/no_revision_available/MMarcoReranking.json", + "results/intfloat__multilingual-e5-large/no_revision_available/FiQA-PL.json", + "results/intfloat__multilingual-e5-large/no_revision_available/AllegroReviews.json", + "results/intfloat__multilingual-e5-large/no_revision_available/DiaBLaBitextMining.json", + "results/intfloat__multilingual-e5-large/no_revision_available/SciFact-PL.json", + "results/intfloat__multilingual-e5-large/no_revision_available/8TagsClustering.json", + "results/intfloat__multilingual-e5-large/no_revision_available/MintakaRetrieval.json", + "results/intfloat__multilingual-e5-large/no_revision_available/SweRecClassification.json", + "results/intfloat__multilingual-e5-large/no_revision_available/CovidRetrieval.json", + "results/intfloat__multilingual-e5-large/no_revision_available/TRECCOVID-PL.json", + "results/intfloat__multilingual-e5-large/no_revision_available/SICK-R-PL.json", + "results/intfloat__multilingual-e5-large/no_revision_available/SyntecRetrieval.json", + "results/intfloat__multilingual-e5-large/no_revision_available/CDSC-E.json", + "results/intfloat__multilingual-e5-large/no_revision_available/CLSClusteringP2P.json", + "results/intfloat__multilingual-e5-large/no_revision_available/BQ.json", + "results/intfloat__multilingual-e5-large/no_revision_available/AFQMC.json", + "results/intfloat__multilingual-e5-large/no_revision_available/MLSUMClusteringS2S.json", + "results/intfloat__multilingual-e5-large/no_revision_available/CLSClusteringS2S.json", + "results/intfloat__multilingual-e5-large/no_revision_available/Cmnli.json", + "results/intfloat__multilingual-e5-large/no_revision_available/MassiveScenarioClassification.json", + "results/intfloat__multilingual-e5-large/no_revision_available/AngryTweetsClassification.json", + "results/intfloat__multilingual-e5-large/no_revision_available/T2Reranking.json", + "results/intfloat__multilingual-e5-large/no_revision_available/ArguAna-PL.json", + "results/intfloat__multilingual-e5-large/no_revision_available/CBD.json", + "results/intfloat__multilingual-e5-large/no_revision_available/MasakhaNEWSClusteringP2P.json", + "results/intfloat__multilingual-e5-large/no_revision_available/AlloprofRetrieval.json", + "results/intfloat__multilingual-e5-large/no_revision_available/PolEmo2.0-IN.json", + "results/intfloat__multilingual-e5-large/no_revision_available/ThuNewsClusteringP2P.json", + "results/intfloat__multilingual-e5-large/no_revision_available/AlloprofReranking.json", + "results/intfloat__multilingual-e5-large/no_revision_available/FloresBitextMining.json", + "results/intfloat__multilingual-e5-large/no_revision_available/NordicLangClassification.json", + "results/intfloat__multilingual-e5-large/no_revision_available/VideoRetrieval.json", + "results/intfloat__multilingual-e5-large/no_revision_available/Ocnli.json", + "results/intfloat__multilingual-e5-large/no_revision_available/BornholmBitextMining.json", + "results/intfloat__multilingual-e5-large/no_revision_available/ATEC.json", + "results/intfloat__multilingual-e5-large/no_revision_available/Waimai.json", + "results/intfloat__multilingual-e5-large/no_revision_available/SummEvalFr.json", + "results/intfloat__multilingual-e5-large/no_revision_available/ThuNewsClusteringS2S.json", + "results/intfloat__multilingual-e5-large/no_revision_available/AlloProfClusteringP2P.json", + "results/intfloat__multilingual-e5-large/no_revision_available/HotpotQA-PL.json", + "results/intfloat__multilingual-e5-large/no_revision_available/PAC.json", + "results/intfloat__multilingual-e5-large/no_revision_available/MasakhaNEWSClusteringS2S.json", + "results/intfloat__multilingual-e5-large/no_revision_available/ScalaNbClassification.json", + "results/intfloat__multilingual-e5-large/no_revision_available/IFlyTek.json", + "results/intfloat__multilingual-e5-large/no_revision_available/SICK-E-PL.json", + "results/intfloat__multilingual-e5-large/no_revision_available/ScalaSvClassification.json", + "results/intfloat__multilingual-e5-large/no_revision_available/MultilingualSentiment.json", + "results/intfloat__multilingual-e5-large/no_revision_available/CmedqaRetrieval.json", + "results/intfloat__multilingual-e5-large/no_revision_available/Quora-PL.json", + "results/intfloat__multilingual-e5-large/no_revision_available/STS22.json", + "results/intfloat__multilingual-e5-large/no_revision_available/AmazonReviewsClassification.json", + "results/intfloat__multilingual-e5-large/no_revision_available/NorwegianParliament.json", + "results/intfloat__multilingual-e5-large/no_revision_available/NQ-PL.json", + "results/intfloat__multilingual-e5-large/no_revision_available/JDReview.json", + "results/intfloat__multilingual-e5-large/no_revision_available/SCIDOCS-PL.json", + "results/intfloat__multilingual-e5-large/no_revision_available/MTOPIntentClassification.json", + "results/intfloat__multilingual-e5-large/no_revision_available/HALClusteringS2S.json", + "results/intfloat__multilingual-e5-large/no_revision_available/NoRecClassification.json", + "results/intfloat__multilingual-e5-large/no_revision_available/MedicalRetrieval.json", + "results/intfloat__multilingual-e5-large/no_revision_available/DKHateClassification.json", + "results/intfloat__multilingual-e5-large/no_revision_available/MasakhaNEWSClassification.json", + "results/intfloat__multilingual-e5-large/no_revision_available/T2Retrieval.json", + "results/intfloat__multilingual-e5-large/no_revision_available/ScalaDaClassification.json", + "results/intfloat__multilingual-e5-large/no_revision_available/QBQTC.json", + "results/intfloat__multilingual-e5-large/no_revision_available/PPC.json", + "results/intfloat__multilingual-e5-large/no_revision_available/MMarcoRetrieval.json", + "results/intfloat__multilingual-e5-large/no_revision_available/OpusparcusPC.json", + "results/intfloat__multilingual-e5-large/no_revision_available/DuRetrieval.json", + "results/intfloat__multilingual-e5-large/no_revision_available/DanishPoliticalCommentsClassification.json", + "results/intfloat__multilingual-e5-large/no_revision_available/MTOPDomainClassification.json", + "results/intfloat__multilingual-e5-large/no_revision_available/SICKFr.json", + "results/intfloat__multilingual-e5-large/no_revision_available/PawsXPairClassification.json", + "results/intfloat__multilingual-e5-large/no_revision_available/LccSentimentClassification.json", + "results/intfloat__multilingual-e5-large/no_revision_available/CMedQAv2.json", + "results/intfloat__multilingual-e5-large/no_revision_available/STSB.json", + "results/intfloat__multilingual-e5-large/no_revision_available/DalajClassification.json", + "results/intfloat__multilingual-e5-large/no_revision_available/XPQARetrieval.json", + "results/intfloat__multilingual-e5-large/no_revision_available/STSBenchmarkMultilingualSTS.json" ], "intfloat__multilingual-e5-large-instruct": [ "results/intfloat__multilingual-e5-large-instruct/baa7be480a7de1539afce709c8f13f833a510e0a/HagridRetrieval.json", @@ -13567,2402 +6242,8858 @@ "results/intfloat__multilingual-e5-large-instruct/baa7be480a7de1539afce709c8f13f833a510e0a/StackOverflowDupQuestions.json", "results/intfloat__multilingual-e5-large-instruct/baa7be480a7de1539afce709c8f13f833a510e0a/Diversity1LegalBenchClassification.json" ], - "BAAI__bge-base-zh": [ - "results/BAAI__bge-base-zh/no_revision_available/CMedQAv1.json", - "results/BAAI__bge-base-zh/no_revision_available/MassiveIntentClassification.json", - "results/BAAI__bge-base-zh/no_revision_available/TNews.json", - "results/BAAI__bge-base-zh/no_revision_available/PAWSX.json", - "results/BAAI__bge-base-zh/no_revision_available/OnlineShopping.json", - "results/BAAI__bge-base-zh/no_revision_available/LCQMC.json", - "results/BAAI__bge-base-zh/no_revision_available/EcomRetrieval.json", - "results/BAAI__bge-base-zh/no_revision_available/MMarcoReranking.json", - "results/BAAI__bge-base-zh/no_revision_available/CovidRetrieval.json", - "results/BAAI__bge-base-zh/no_revision_available/CLSClusteringP2P.json", - "results/BAAI__bge-base-zh/no_revision_available/BQ.json", - "results/BAAI__bge-base-zh/no_revision_available/AFQMC.json", - "results/BAAI__bge-base-zh/no_revision_available/CLSClusteringS2S.json", - "results/BAAI__bge-base-zh/no_revision_available/Cmnli.json", - "results/BAAI__bge-base-zh/no_revision_available/MassiveScenarioClassification.json", - "results/BAAI__bge-base-zh/no_revision_available/T2Reranking.json", - "results/BAAI__bge-base-zh/no_revision_available/ThuNewsClusteringP2P.json", - "results/BAAI__bge-base-zh/no_revision_available/VideoRetrieval.json", - "results/BAAI__bge-base-zh/no_revision_available/Ocnli.json", - "results/BAAI__bge-base-zh/no_revision_available/ATEC.json", - "results/BAAI__bge-base-zh/no_revision_available/Waimai.json", - "results/BAAI__bge-base-zh/no_revision_available/ThuNewsClusteringS2S.json", - "results/BAAI__bge-base-zh/no_revision_available/IFlyTek.json", - "results/BAAI__bge-base-zh/no_revision_available/MultilingualSentiment.json", - "results/BAAI__bge-base-zh/no_revision_available/CmedqaRetrieval.json", - "results/BAAI__bge-base-zh/no_revision_available/STS22.json", - "results/BAAI__bge-base-zh/no_revision_available/AmazonReviewsClassification.json", - "results/BAAI__bge-base-zh/no_revision_available/JDReview.json", - "results/BAAI__bge-base-zh/no_revision_available/MedicalRetrieval.json", - "results/BAAI__bge-base-zh/no_revision_available/T2Retrieval.json", - "results/BAAI__bge-base-zh/no_revision_available/QBQTC.json", - "results/BAAI__bge-base-zh/no_revision_available/MMarcoRetrieval.json", - "results/BAAI__bge-base-zh/no_revision_available/DuRetrieval.json", - "results/BAAI__bge-base-zh/no_revision_available/CMedQAv2.json", - "results/BAAI__bge-base-zh/no_revision_available/STSB.json" + "intfloat__multilingual-e5-small": [ + "results/intfloat__multilingual-e5-small/0a68dcd3dad5b4962a78daa930087728292b241d/NusaParagraphEmotionClassification.json", + "results/intfloat__multilingual-e5-small/0a68dcd3dad5b4962a78daa930087728292b241d/NusaParagraphTopicClassification.json", + "results/intfloat__multilingual-e5-small/0a68dcd3dad5b4962a78daa930087728292b241d/MLSUMClusteringS2S.v2.json", + "results/intfloat__multilingual-e5-small/0a68dcd3dad5b4962a78daa930087728292b241d/NusaXBitextMining.json", + "results/intfloat__multilingual-e5-small/0a68dcd3dad5b4962a78daa930087728292b241d/SensitiveTopicsClassification.json", + "results/intfloat__multilingual-e5-small/0a68dcd3dad5b4962a78daa930087728292b241d/NusaTranslationBitextMining.json", + "results/intfloat__multilingual-e5-small/0a68dcd3dad5b4962a78daa930087728292b241d/NollySentiBitextMining.json", + "results/intfloat__multilingual-e5-small/0a68dcd3dad5b4962a78daa930087728292b241d/PhincBitextMining.json", + "results/intfloat__multilingual-e5-small/0a68dcd3dad5b4962a78daa930087728292b241d/SemRel24STS.json", + "results/intfloat__multilingual-e5-small/0a68dcd3dad5b4962a78daa930087728292b241d/CEDRClassification.json", + "results/intfloat__multilingual-e5-small/0a68dcd3dad5b4962a78daa930087728292b241d/LinceMTBitextMining.json", + "results/intfloat__multilingual-e5-small/0a68dcd3dad5b4962a78daa930087728292b241d/RuBQReranking.json", + "results/intfloat__multilingual-e5-small/0a68dcd3dad5b4962a78daa930087728292b241d/OnlineStoreReviewSentimentClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/HagridRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/BengaliDocumentClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MLQuestions.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SyntheticText2SQL.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/NQ-PLHardNegatives.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/OPP115InternationalAndSpecificAudiencesLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/FrenkEnClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/WebLINXCandidatesReranking.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/Robust04InstructionRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/RuBQRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/StackExchangeClustering.v2.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/AlphaNLI.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TweetSarcasmClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/WinoGrande.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/NusaParagraphEmotionClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/AlloProfClusteringP2P.v2.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/PSC.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/DBpediaClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADNonTransferableLicenseLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ARCChallenge.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/IndicSentimentClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/NFCorpus-PL.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MassiveIntentClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SinhalaNewsSourceClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TextualismToolDictionariesLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/KurdishSentimentClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/InappropriatenessClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/RuReviewsClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/RomanianSentimentClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADUnlimitedAllYouCanEatLicenseLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADVolumeRestrictionLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADExclusivityLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ArmenianParaphrasePC.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/Itacola.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ContractNLIPermissibleAcquirementOfSimilarInformationLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADSourceCodeEscrowLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/UkrFormalityClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SIB200ClusteringS2S.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LEMBWikimQARetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MLSUMClusteringP2P.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/RedditClusteringP2P.v2.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/DanFeverRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/VGHierarchicalClusteringP2P.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/KLUE-STS.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADWarrantyDurationLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/DiaBlaBitextMining.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LegalSummarization.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SpartQA.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/BlurbsClusteringP2P.v2.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADInsuranceLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MSMARCOHardNegatives.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CTKFactsNLI.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADMostFavoredNationLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TNews.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/DBPedia-PLHardNegatives.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CodeFeedbackST.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/BiorxivClusteringP2P.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TempReasonL1.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/EmotionClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LEMBSummScreenFDRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CQADupstackGisRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/VieQuADRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/AfriSentiClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADCovenantNotToSueLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADPriceRestrictionsLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/OPP115DoNotTrackLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SCDDCertificationLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/FalseFriendsGermanEnglish.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CQADupstackEnglishRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LearnedHandsTrafficLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CDSC-R.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADJointIPOwnershipLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MedrxivClusteringP2P.v2.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SyntecReranking.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/RomanianReviewsSentiment.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/PAWSX.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/BSARDRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TweetSentimentExtractionClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADGoverningLawLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/WikipediaRerankingMultilingual.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/HellaSwag.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/Diversity2LegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/BelebeleRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/IndicCrosslingualSTS.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ArXivHierarchicalClusteringP2P.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ContractNLIPermissibleDevelopmentOfSimilarInformationLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/FarsTail.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SwednClusteringP2P.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/OnlineShopping.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LearnedHandsDomesticViolenceLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SlovakMovieReviewSentimentClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LearnedHandsBenefitsLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/PolEmo2.0-OUT.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADNoSolicitOfEmployeesLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/News21InstructionRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/GermanGovServiceRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LCQMC.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/EcomRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/NusaParagraphTopicClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/Moroco.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/GujaratiNewsClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LEMBNarrativeQARetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TurHistQuadRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/OralArgumentQuestionPurposeLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SciFact.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/RuSciBenchGRNTIClusteringP2P.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LanguageClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/KannadaNewsClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MalteseNewsClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/GreekLegalCodeClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MLSUMClusteringS2S.v2.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADAuditRightsLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CodeSearchNetCCRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LearnedHandsEstatesLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/Banking77Classification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CodeTransOceanContest.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/RTE3.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/NusaXBitextMining.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MMarcoReranking.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/GeorgianFAQRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADAffiliateLicenseLicenseeLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TurkicClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/NorQuadRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TERRa.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/Tatoeba.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/RuSTSBenchmarkSTS.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CQADupstackProgrammersRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ContractNLIInclusionOfVerballyConveyedInformationLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/HindiDiscourseClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/KorSarcasmClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TurkishProductSentimentClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADAffiliateLicenseLicensorLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/IndicQARetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LearnedHandsConsumerLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SNLHierarchicalClusteringS2S.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/KorHateClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/NaijaSenti.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CyrillicTurkicLangClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/FiQA-PL.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/STS14.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADTerminationForConvenienceLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/STSBenchmark.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MAUDLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/AllegroReviews.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SiswatiNewsClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LegalReasoningCausalityLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/InternationalCitizenshipQuestionsLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SpanishPassageRetrievalS2S.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TempReasonL3Pure.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ItaCaseholdClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/Diversity6LegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MarathiNewsClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/DutchBookReviewSentimentClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/Ko-StrategyQA.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SciDocsRR.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SciFact-PL.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ScalaClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MIRACLRetrievalHardNegatives.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LearnedHandsFamilyLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TopiOCQAHardNegatives.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MindSmallReranking.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/OPP115DataSecurityLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MedrxivClusteringS2S.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CzechSubjectivityClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/JaGovFaqsRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/Diversity5LegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/RiaNewsRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SCIDOCS.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ArXivHierarchicalClusteringS2S.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/RomaTalesBitextMining.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CSFDCZMovieReviewSentimentClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/NQHardNegatives.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/PIQA.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MIRACLRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/YahooAnswersTopicsClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MintakaRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/IndicReviewsClusteringP2P.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/Touche2020.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TeluguAndhraJyotiNewsClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ContractNLIPermissiblePostAgreementPossessionLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/STS16.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/NLPJournalAbsIntroRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MedrxivClusteringS2S.v2.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/HotpotQA-PLHardNegatives.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/OPP115PolicyChangeLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADNonCompeteLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/OverrulingLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/UnfairTOSLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/KLUE-NLI.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SweRecClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/NLPJournalTitleAbsRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/DefinitionClassificationLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/PunjabiNewsClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/BiorxivClusteringS2S.v2.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CovidRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/GermanPoliticiansTwitterSentimentClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TRECCOVID-PL.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LearnedHandsImmigrationLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/GeoreviewClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/YueOpenriceReviewClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CodeFeedbackMT.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CanadaTaxCourtOutcomesLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CQADupstackTexRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/StatcanDialogueDatasetRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/BrazilianToxicTweetsClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/DBPediaHardNegatives.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/STSES.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ContractNLIExplicitIdentificationLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ContractNLISurvivalOfObligationsLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADLiquidatedDamagesLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/OPP115DataRetentionLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/JSICK.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/UCCVCommonLawLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SwednClusteringS2S.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/WRIMEClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/StackExchangeClusteringP2P.v2.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SCDDAuditsLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SICK-R-PL.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SpanishNewsClusteringP2P.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ContractNLINoticeOnCompelledDisclosureLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SyntecRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/AppsRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADNoSolicitOfCustomersLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SensitiveTopicsClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/FaroeseSTS.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ToxicChatClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TswanaNewsClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CDSC-E.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/BQ.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TwentyNewsgroupsClustering.v2.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/GermanSTSBenchmark.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/KinopoiskClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/Diversity4LegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/AFQMC.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LEMBQMSumRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/PROALegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TweetEmotionClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/OPP115UserAccessEditAndDeletionLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/FrenkHrClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ImdbClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/FaithDial.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MLQARetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/RUParaPhraserSTS.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SprintDuplicateQuestions.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/WikiClusteringP2P.v2.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MLSUMClusteringS2S.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/GermanDPR.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/AfriSentiLangClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ArxivClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ToxicConversationsClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MassiveScenarioClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/AngryTweetsClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/T2Reranking.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ArguAna-PL.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADExpirationDateLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/STS17.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/RuSciBenchOECDClusteringP2P.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TenKGnadClusteringS2S.v2.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CBD.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MasakhaNEWSClusteringP2P.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/PoemSentimentClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SummEvalSummarization.v2.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CQADupstackUnixRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TweetTopicSingleClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/AskUbuntuDupQuestions.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/NusaTranslationBitextMining.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CQADupstackAndroidRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADAntiAssignmentLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/AJGT.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/FinToxicityClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MSMARCO-PLHardNegatives.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/StackExchangeClustering.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/RedditClusteringP2P.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/BulgarianStoreReviewSentimentClassfication.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LearnedHandsTortsLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/AlloprofRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/Assin2RTE.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MedicalQARetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CorporateLobbyingLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/HateSpeechPortugueseClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/PolEmo2.0-IN.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TV2Nordretrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/PatentClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/RedditClustering.v2.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADRenewalTermLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/RonSTS.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/PlscClusteringS2S.v2.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/AlloprofReranking.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ContractNLINoLicensingLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LearnedHandsEducationLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/NusaX-senti.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CataloniaTweetClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MultilingualSentimentClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/PublicHealthQA.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/FloresBitextMining.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/IndonesianMongabayConservationClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/AILAStatutes.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/indonli.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/NordicLangClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/VideoRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/BigPatentClustering.v2.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SCDBPAccountabilityLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SCDBPCertificationLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/Quail.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CSFDSKMovieReviewSentimentClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MovieReviewSentimentClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/BornholmBitextMining.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/WisesightSentimentClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SwahiliNewsClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ATEC.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ClimateFEVERHardNegatives.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SlovakSumRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/Waimai.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/NollySentiBitextMining.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/HebrewSentimentAnalysis.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ContractNLISharingWithThirdPartiesLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/GPUSpeedTask.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/RedditClustering.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/NLPJournalTitleIntroRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/PhincBitextMining.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LearnedHandsDivorceLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LearnedHandsCrimeLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SICK-R.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/FiQA2018.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SummEvalFr.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/BIOSSES.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/QuoraRetrievalHardNegatives.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/HunSum2AbstractiveRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/VieStudentFeedbackClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/RuSciBenchGRNTIClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TRECCOVID.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ContractNLISharingWithEmployeesLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SNLRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/NorwegianParliamentClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CodeSearchNetRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CodeTransOceanDL.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SCDDAccountabilityLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/GreekCivicsQA.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SpanishSentimentClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/AlloProfClusteringS2S.v2.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LearnedHandsHousingLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LEMBPasskeyRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/OPP115FirstPartyCollectionUseLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADLicenseGrantLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/HeadlineClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/XQuADRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/BiorxivClusteringS2S.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TempReasonL3Context.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/HotpotQAHardNegatives.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SwissJudgementClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/BUCC.v2.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SCDDVerificationLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/JCrewBlockerLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/Quora-PLHardNegatives.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/FilipinoShopeeReviewsClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TextualismToolPlainLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/PAC.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADPostTerminationServicesLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/KorSTS.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ArguAna.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADEffectiveDateLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LearnedHandsCourtsLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/NepaliNewsClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TenKGnadClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MasakhaNEWSClusteringS2S.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MacedonianTweetSentimentClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TelemarketingSalesRuleLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/GerDaLIR.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LegalBenchPC.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/NYSJudicialEthicsLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/IFlyTek.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/XMarket.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MIRACLReranking.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SICK-E-PL.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/WikipediaRetrievalMultilingual.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/XNLI.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TbilisiCityHallBitextMining.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SweFaqRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ContractNLIPermissibleCopyLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SCDDTrainingLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CLSClusteringP2P.v2.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SIQA.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SemRel24STS.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/NeuCLIR2023RetrievalHardNegatives.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SNLHierarchicalClusteringP2P.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/RiaNewsRetrievalHardNegatives.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/XNLIV2.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/Assin2STS.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MultiEURLEXMultilabelClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MultilingualSentiment.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CmedqaRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADNoticePeriodToTerminateRenewalLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/FrenkSlClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LEMBNeedleRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MalayalamNewsClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/BiorxivClusteringP2P.v2.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TwitterURLCorpus.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LivedoorNewsClustering.v2.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TweetSentimentClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/FinancialPhrasebankClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/GermanQuAD-Retrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/FQuADRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/STS22.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/AmazonReviewsClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CrossLingualSemanticDiscriminationWMT19.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ContractNLIReturnOfConfidentialInformationLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/JSTS.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CQADupstackGamingRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/AILACasedocs.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/RomaniBibleClustering.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SanskritShlokasClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/IndicNLPNewsClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/VieMedEVBitextMining.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADMinimumCommitmentLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/NFCorpus.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CrossLingualSemanticDiscriminationWMT21.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/STS15.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MultiHateClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MultiLongDocRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/OdiaNewsClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SwednRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/EstQA.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/VoyageMMarcoReranking.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CEDRClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/AmazonPolarityClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/NorwegianCourtsBitextMining.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/StackOverflowQA.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/JDReview.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADChangeOfControlLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/RARbMath.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SCIDOCS-PL.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/OPP115UserChoiceControlLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MTOPIntentClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/InsurancePolicyInterpretationLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/EightTagsClustering.v2.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/KLUE-TC.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/NoRecClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TempReasonL2Fact.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/STS13.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/PpcPC.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/NarrativeQARetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/FEVERHardNegatives.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TempReasonL2Pure.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CMedQAv1-reranking.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADRevenueProfitSharingLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/IndicGenBenchFloresBitextMining.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SRNCorpusBitextMining.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MedicalRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/HotelReviewSentimentClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ContractNLIConfidentialityOfAgreementLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SummEval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/PlscClusteringP2P.v2.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MyanmarNews.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ThuNewsClusteringP2P.v2.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/GerDaLIRSmall.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LegalBenchConsumerContractsQA.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/IN22ConvBitextMining.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SentimentAnalysisHindi.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SIB200Classification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LearnedHandsEmploymentLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADIrrevocableOrPerpetualLicenseLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ThuNewsClusteringS2S.v2.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/IN22GenBitextMining.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LivedoorNewsClustering.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CosQA.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MasakhaNEWSClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CQADupstackStatsRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TenKGnadClusteringP2P.v2.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LinceMTBitextMining.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/NewsClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADCapOnLiabilityLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADNonDisparagementLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LegalBenchCorporateLobbying.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/T2Retrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/JavaneseIMDBClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ContractNLILimitedUseLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/GeoreviewClusteringP2P.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/BengaliHateSpeechClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TempReasonL2Context.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/ArEntail.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/HALClusteringS2S.v2.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADThirdPartyBeneficiaryLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TamilNewsClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/RestaurantReviewSentimentClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/KorHateSpeechMLClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/FeedbackQARetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TwitterSemEval2015.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SICK-BR-PC.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/PersonalJurisdictionLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CzechProductReviewSentimentClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CzechSoMeSentimentClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SwedishSentimentClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/IWSLT2017BitextMining.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TempReasonL3Fact.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SCDBPAuditsLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/BlurbsClusteringS2S.v2.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/FunctionOfDecisionSectionLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LeCaRDv2.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADCompetitiveRestrictionExceptionLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CQADupstackWebmastersRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MLSUMClusteringP2P.v2.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/STS22.v2.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/RuBQReranking.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/NTREXBitextMining.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MedrxivClusteringP2P.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MMarcoRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TwitterHjerneRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/IsiZuluNewsClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/IndicLangClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TwentyNewsgroupsClustering.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/NeuCLIR2022RetrievalHardNegatives.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/PersianFoodSentimentClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LearnedHandsBusinessLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LearnedHandsHealthLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/WikiCitiesClustering.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/RARbCode.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/OpusparcusPC.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CodeEditSearchRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SpanishNewsClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/UrduRomanSentimentClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LegalQuAD.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/EstonianValenceClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/DuRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/RuSciBenchOECDClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/DanishPoliticalCommentsClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MTOPDomainClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/YelpReviewFullClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/FrenchBookReviews.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CMedQAv2-reranking.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SICKFr.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/BengaliSentimentAnalysis.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/STS12.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/AmazonCounterfactualClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/FinParaSTS.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CQADupstackMathematicaRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADIPOwnershipAssignmentLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SCDBPTrainingLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/MewsC16JaClustering.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/TurkishMovieSentimentClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/PawsXPairClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/StackExchangeClusteringP2P.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/OPP115ThirdPartySharingCollectionLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/LccSentimentClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/STSB.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADRofrRofoRofnLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/Core17InstructionRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CQADupstackPhysicsRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/DalajClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CQADupstackWordpressRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CLSClusteringS2S.v2.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/BibleNLPBitextMining.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/JaQuADRetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/Diversity3LegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/XPQARetrieval.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/STSBenchmarkMultilingualSTS.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SCDBPVerificationLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/OnlineStoreReviewSentimentClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/SinhalaNewsClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/IndonesianIdClickbaitClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/VGHierarchicalClusteringS2S.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/CUADUncappedLiabilityLegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/StackOverflowDupQuestions.json", + "results/intfloat__multilingual-e5-small/e4ce9877abf3edfe10b0d82785e83bdcb973e22e/Diversity1LegalBenchClassification.json", + "results/intfloat__multilingual-e5-small/no_revision_available/CMedQAv1.json", + "results/intfloat__multilingual-e5-small/no_revision_available/PSC.json", + "results/intfloat__multilingual-e5-small/no_revision_available/NFCorpus-PL.json", + "results/intfloat__multilingual-e5-small/no_revision_available/MassiveIntentClassification.json", + "results/intfloat__multilingual-e5-small/no_revision_available/MLSUMClusteringP2P.json", + "results/intfloat__multilingual-e5-small/no_revision_available/AlloProfClusteringS2S.json", + "results/intfloat__multilingual-e5-small/no_revision_available/TNews.json", + "results/intfloat__multilingual-e5-small/no_revision_available/CDSC-R.json", + "results/intfloat__multilingual-e5-small/no_revision_available/MSMARCO-PL.json", + "results/intfloat__multilingual-e5-small/no_revision_available/SyntecReranking.json", + "results/intfloat__multilingual-e5-small/no_revision_available/PAWSX.json", + "results/intfloat__multilingual-e5-small/no_revision_available/BSARDRetrieval.json", + "results/intfloat__multilingual-e5-small/no_revision_available/DBPedia-PL.json", + "results/intfloat__multilingual-e5-small/no_revision_available/OnlineShopping.json", + "results/intfloat__multilingual-e5-small/no_revision_available/PolEmo2.0-OUT.json", + "results/intfloat__multilingual-e5-small/no_revision_available/LCQMC.json", + "results/intfloat__multilingual-e5-small/no_revision_available/EcomRetrieval.json", + "results/intfloat__multilingual-e5-small/no_revision_available/MMarcoReranking.json", + "results/intfloat__multilingual-e5-small/no_revision_available/FiQA-PL.json", + "results/intfloat__multilingual-e5-small/no_revision_available/AllegroReviews.json", + "results/intfloat__multilingual-e5-small/no_revision_available/DiaBLaBitextMining.json", + "results/intfloat__multilingual-e5-small/no_revision_available/SciFact-PL.json", + "results/intfloat__multilingual-e5-small/no_revision_available/8TagsClustering.json", + "results/intfloat__multilingual-e5-small/no_revision_available/MintakaRetrieval.json", + "results/intfloat__multilingual-e5-small/no_revision_available/SweRecClassification.json", + "results/intfloat__multilingual-e5-small/no_revision_available/CovidRetrieval.json", + "results/intfloat__multilingual-e5-small/no_revision_available/TRECCOVID-PL.json", + "results/intfloat__multilingual-e5-small/no_revision_available/SICK-R-PL.json", + "results/intfloat__multilingual-e5-small/no_revision_available/SyntecRetrieval.json", + "results/intfloat__multilingual-e5-small/no_revision_available/CDSC-E.json", + "results/intfloat__multilingual-e5-small/no_revision_available/CLSClusteringP2P.json", + "results/intfloat__multilingual-e5-small/no_revision_available/BQ.json", + "results/intfloat__multilingual-e5-small/no_revision_available/AFQMC.json", + "results/intfloat__multilingual-e5-small/no_revision_available/FaithDial.json", + "results/intfloat__multilingual-e5-small/no_revision_available/MLSUMClusteringS2S.json", + "results/intfloat__multilingual-e5-small/no_revision_available/CLSClusteringS2S.json", + "results/intfloat__multilingual-e5-small/no_revision_available/Cmnli.json", + "results/intfloat__multilingual-e5-small/no_revision_available/MassiveScenarioClassification.json", + "results/intfloat__multilingual-e5-small/no_revision_available/AngryTweetsClassification.json", + "results/intfloat__multilingual-e5-small/no_revision_available/T2Reranking.json", + "results/intfloat__multilingual-e5-small/no_revision_available/ArguAna-PL.json", + "results/intfloat__multilingual-e5-small/no_revision_available/CBD.json", + "results/intfloat__multilingual-e5-small/no_revision_available/MasakhaNEWSClusteringP2P.json", + "results/intfloat__multilingual-e5-small/no_revision_available/AlloprofRetrieval.json", + "results/intfloat__multilingual-e5-small/no_revision_available/PolEmo2.0-IN.json", + "results/intfloat__multilingual-e5-small/no_revision_available/ThuNewsClusteringP2P.json", + "results/intfloat__multilingual-e5-small/no_revision_available/AlloprofReranking.json", + "results/intfloat__multilingual-e5-small/no_revision_available/FloresBitextMining.json", + "results/intfloat__multilingual-e5-small/no_revision_available/NordicLangClassification.json", + "results/intfloat__multilingual-e5-small/no_revision_available/VideoRetrieval.json", + "results/intfloat__multilingual-e5-small/no_revision_available/Ocnli.json", + "results/intfloat__multilingual-e5-small/no_revision_available/BornholmBitextMining.json", + "results/intfloat__multilingual-e5-small/no_revision_available/ATEC.json", + "results/intfloat__multilingual-e5-small/no_revision_available/Waimai.json", + "results/intfloat__multilingual-e5-small/no_revision_available/SummEvalFr.json", + "results/intfloat__multilingual-e5-small/no_revision_available/ThuNewsClusteringS2S.json", + "results/intfloat__multilingual-e5-small/no_revision_available/AlloProfClusteringP2P.json", + "results/intfloat__multilingual-e5-small/no_revision_available/HotpotQA-PL.json", + "results/intfloat__multilingual-e5-small/no_revision_available/PAC.json", + "results/intfloat__multilingual-e5-small/no_revision_available/MasakhaNEWSClusteringS2S.json", + "results/intfloat__multilingual-e5-small/no_revision_available/ScalaNbClassification.json", + "results/intfloat__multilingual-e5-small/no_revision_available/IFlyTek.json", + "results/intfloat__multilingual-e5-small/no_revision_available/SICK-E-PL.json", + "results/intfloat__multilingual-e5-small/no_revision_available/ScalaSvClassification.json", + "results/intfloat__multilingual-e5-small/no_revision_available/MultilingualSentiment.json", + "results/intfloat__multilingual-e5-small/no_revision_available/CmedqaRetrieval.json", + "results/intfloat__multilingual-e5-small/no_revision_available/Quora-PL.json", + "results/intfloat__multilingual-e5-small/no_revision_available/STS22.json", + "results/intfloat__multilingual-e5-small/no_revision_available/AmazonReviewsClassification.json", + "results/intfloat__multilingual-e5-small/no_revision_available/NorwegianParliament.json", + "results/intfloat__multilingual-e5-small/no_revision_available/NQ-PL.json", + "results/intfloat__multilingual-e5-small/no_revision_available/JDReview.json", + "results/intfloat__multilingual-e5-small/no_revision_available/SCIDOCS-PL.json", + "results/intfloat__multilingual-e5-small/no_revision_available/MTOPIntentClassification.json", + "results/intfloat__multilingual-e5-small/no_revision_available/HALClusteringS2S.json", + "results/intfloat__multilingual-e5-small/no_revision_available/NoRecClassification.json", + "results/intfloat__multilingual-e5-small/no_revision_available/MedicalRetrieval.json", + "results/intfloat__multilingual-e5-small/no_revision_available/DKHateClassification.json", + "results/intfloat__multilingual-e5-small/no_revision_available/MasakhaNEWSClassification.json", + "results/intfloat__multilingual-e5-small/no_revision_available/T2Retrieval.json", + "results/intfloat__multilingual-e5-small/no_revision_available/ScalaDaClassification.json", + "results/intfloat__multilingual-e5-small/no_revision_available/QBQTC.json", + "results/intfloat__multilingual-e5-small/no_revision_available/PPC.json", + "results/intfloat__multilingual-e5-small/no_revision_available/MMarcoRetrieval.json", + "results/intfloat__multilingual-e5-small/no_revision_available/OpusparcusPC.json", + "results/intfloat__multilingual-e5-small/no_revision_available/DuRetrieval.json", + "results/intfloat__multilingual-e5-small/no_revision_available/DanishPoliticalCommentsClassification.json", + "results/intfloat__multilingual-e5-small/no_revision_available/MTOPDomainClassification.json", + "results/intfloat__multilingual-e5-small/no_revision_available/SICKFr.json", + "results/intfloat__multilingual-e5-small/no_revision_available/PawsXPairClassification.json", + "results/intfloat__multilingual-e5-small/no_revision_available/LccSentimentClassification.json", + "results/intfloat__multilingual-e5-small/no_revision_available/CMedQAv2.json", + "results/intfloat__multilingual-e5-small/no_revision_available/STSB.json", + "results/intfloat__multilingual-e5-small/no_revision_available/DalajClassification.json", + "results/intfloat__multilingual-e5-small/no_revision_available/XPQARetrieval.json", + "results/intfloat__multilingual-e5-small/no_revision_available/STSBenchmarkMultilingualSTS.json" + ], + "ipipan__herbert-base-retrieval-v2": [ + "results/ipipan__herbert-base-retrieval-v2/no_revision_available/PSC.json", + "results/ipipan__herbert-base-retrieval-v2/no_revision_available/NFCorpus-PL.json", + "results/ipipan__herbert-base-retrieval-v2/no_revision_available/MassiveIntentClassification.json", + "results/ipipan__herbert-base-retrieval-v2/no_revision_available/CDSC-R.json", + "results/ipipan__herbert-base-retrieval-v2/no_revision_available/MSMARCO-PL.json", + "results/ipipan__herbert-base-retrieval-v2/no_revision_available/DBPedia-PL.json", + "results/ipipan__herbert-base-retrieval-v2/no_revision_available/PolEmo2.0-OUT.json", + "results/ipipan__herbert-base-retrieval-v2/no_revision_available/FiQA-PL.json", + "results/ipipan__herbert-base-retrieval-v2/no_revision_available/AllegroReviews.json", + "results/ipipan__herbert-base-retrieval-v2/no_revision_available/SciFact-PL.json", + "results/ipipan__herbert-base-retrieval-v2/no_revision_available/8TagsClustering.json", + "results/ipipan__herbert-base-retrieval-v2/no_revision_available/TRECCOVID-PL.json", + "results/ipipan__herbert-base-retrieval-v2/no_revision_available/SICK-R-PL.json", + "results/ipipan__herbert-base-retrieval-v2/no_revision_available/CDSC-E.json", + "results/ipipan__herbert-base-retrieval-v2/no_revision_available/MassiveScenarioClassification.json", + "results/ipipan__herbert-base-retrieval-v2/no_revision_available/ArguAna-PL.json", + "results/ipipan__herbert-base-retrieval-v2/no_revision_available/CBD.json", + "results/ipipan__herbert-base-retrieval-v2/no_revision_available/PolEmo2.0-IN.json", + "results/ipipan__herbert-base-retrieval-v2/no_revision_available/HotpotQA-PL.json", + "results/ipipan__herbert-base-retrieval-v2/no_revision_available/PAC.json", + "results/ipipan__herbert-base-retrieval-v2/no_revision_available/SICK-E-PL.json", + "results/ipipan__herbert-base-retrieval-v2/no_revision_available/Quora-PL.json", + "results/ipipan__herbert-base-retrieval-v2/no_revision_available/STS22.json", + "results/ipipan__herbert-base-retrieval-v2/no_revision_available/NQ-PL.json", + "results/ipipan__herbert-base-retrieval-v2/no_revision_available/SCIDOCS-PL.json", + "results/ipipan__herbert-base-retrieval-v2/no_revision_available/PPC.json" + ], + "ipipan__silver-retriever-base-v1": [ + "results/ipipan__silver-retriever-base-v1/no_revision_available/PSC.json", + "results/ipipan__silver-retriever-base-v1/no_revision_available/NFCorpus-PL.json", + "results/ipipan__silver-retriever-base-v1/no_revision_available/MassiveIntentClassification.json", + "results/ipipan__silver-retriever-base-v1/no_revision_available/CDSC-R.json", + "results/ipipan__silver-retriever-base-v1/no_revision_available/MSMARCO-PL.json", + "results/ipipan__silver-retriever-base-v1/no_revision_available/DBPedia-PL.json", + "results/ipipan__silver-retriever-base-v1/no_revision_available/PolEmo2.0-OUT.json", + "results/ipipan__silver-retriever-base-v1/no_revision_available/FiQA-PL.json", + "results/ipipan__silver-retriever-base-v1/no_revision_available/AllegroReviews.json", + "results/ipipan__silver-retriever-base-v1/no_revision_available/SciFact-PL.json", + "results/ipipan__silver-retriever-base-v1/no_revision_available/8TagsClustering.json", + "results/ipipan__silver-retriever-base-v1/no_revision_available/TRECCOVID-PL.json", + "results/ipipan__silver-retriever-base-v1/no_revision_available/SICK-R-PL.json", + "results/ipipan__silver-retriever-base-v1/no_revision_available/CDSC-E.json", + "results/ipipan__silver-retriever-base-v1/no_revision_available/MassiveScenarioClassification.json", + "results/ipipan__silver-retriever-base-v1/no_revision_available/ArguAna-PL.json", + "results/ipipan__silver-retriever-base-v1/no_revision_available/CBD.json", + "results/ipipan__silver-retriever-base-v1/no_revision_available/PolEmo2.0-IN.json", + "results/ipipan__silver-retriever-base-v1/no_revision_available/HotpotQA-PL.json", + "results/ipipan__silver-retriever-base-v1/no_revision_available/PAC.json", + "results/ipipan__silver-retriever-base-v1/no_revision_available/SICK-E-PL.json", + "results/ipipan__silver-retriever-base-v1/no_revision_available/Quora-PL.json", + "results/ipipan__silver-retriever-base-v1/no_revision_available/STS22.json", + "results/ipipan__silver-retriever-base-v1/no_revision_available/NQ-PL.json", + "results/ipipan__silver-retriever-base-v1/no_revision_available/SCIDOCS-PL.json", + "results/ipipan__silver-retriever-base-v1/no_revision_available/PPC.json" + ], + "izhx__udever-bloom-1b1": [ + "results/izhx__udever-bloom-1b1/no_revision_available/MassiveIntentClassification.json", + "results/izhx__udever-bloom-1b1/no_revision_available/MLSUMClusteringP2P.json", + "results/izhx__udever-bloom-1b1/no_revision_available/AlloProfClusteringS2S.json", + "results/izhx__udever-bloom-1b1/no_revision_available/SyntecReranking.json", + "results/izhx__udever-bloom-1b1/no_revision_available/BSARDRetrieval.json", + "results/izhx__udever-bloom-1b1/no_revision_available/DiaBLaBitextMining.json", + "results/izhx__udever-bloom-1b1/no_revision_available/MintakaRetrieval.json", + "results/izhx__udever-bloom-1b1/no_revision_available/SyntecRetrieval.json", + "results/izhx__udever-bloom-1b1/no_revision_available/MLSUMClusteringS2S.json", + "results/izhx__udever-bloom-1b1/no_revision_available/MassiveScenarioClassification.json", + "results/izhx__udever-bloom-1b1/no_revision_available/MasakhaNEWSClusteringP2P.json", + "results/izhx__udever-bloom-1b1/no_revision_available/AlloprofRetrieval.json", + "results/izhx__udever-bloom-1b1/no_revision_available/AlloprofReranking.json", + "results/izhx__udever-bloom-1b1/no_revision_available/FloresBitextMining.json", + "results/izhx__udever-bloom-1b1/no_revision_available/SummEvalFr.json", + "results/izhx__udever-bloom-1b1/no_revision_available/AlloProfClusteringP2P.json", + "results/izhx__udever-bloom-1b1/no_revision_available/MasakhaNEWSClusteringS2S.json", + "results/izhx__udever-bloom-1b1/no_revision_available/STS22.json", + "results/izhx__udever-bloom-1b1/no_revision_available/AmazonReviewsClassification.json", + "results/izhx__udever-bloom-1b1/no_revision_available/MTOPIntentClassification.json", + "results/izhx__udever-bloom-1b1/no_revision_available/HALClusteringS2S.json", + "results/izhx__udever-bloom-1b1/no_revision_available/MasakhaNEWSClassification.json", + "results/izhx__udever-bloom-1b1/no_revision_available/OpusparcusPC.json", + "results/izhx__udever-bloom-1b1/no_revision_available/MTOPDomainClassification.json", + "results/izhx__udever-bloom-1b1/no_revision_available/SICKFr.json", + "results/izhx__udever-bloom-1b1/no_revision_available/PawsXPairClassification.json", + "results/izhx__udever-bloom-1b1/no_revision_available/XPQARetrieval.json", + "results/izhx__udever-bloom-1b1/no_revision_available/STSBenchmarkMultilingualSTS.json" + ], + "izhx__udever-bloom-560m": [ + "results/izhx__udever-bloom-560m/no_revision_available/MassiveIntentClassification.json", + "results/izhx__udever-bloom-560m/no_revision_available/MLSUMClusteringP2P.json", + "results/izhx__udever-bloom-560m/no_revision_available/AlloProfClusteringS2S.json", + "results/izhx__udever-bloom-560m/no_revision_available/SyntecReranking.json", + "results/izhx__udever-bloom-560m/no_revision_available/BSARDRetrieval.json", + "results/izhx__udever-bloom-560m/no_revision_available/DiaBLaBitextMining.json", + "results/izhx__udever-bloom-560m/no_revision_available/MintakaRetrieval.json", + "results/izhx__udever-bloom-560m/no_revision_available/SyntecRetrieval.json", + "results/izhx__udever-bloom-560m/no_revision_available/MLSUMClusteringS2S.json", + "results/izhx__udever-bloom-560m/no_revision_available/MassiveScenarioClassification.json", + "results/izhx__udever-bloom-560m/no_revision_available/MasakhaNEWSClusteringP2P.json", + "results/izhx__udever-bloom-560m/no_revision_available/AlloprofRetrieval.json", + "results/izhx__udever-bloom-560m/no_revision_available/AlloprofReranking.json", + "results/izhx__udever-bloom-560m/no_revision_available/FloresBitextMining.json", + "results/izhx__udever-bloom-560m/no_revision_available/SummEvalFr.json", + "results/izhx__udever-bloom-560m/no_revision_available/AlloProfClusteringP2P.json", + "results/izhx__udever-bloom-560m/no_revision_available/MasakhaNEWSClusteringS2S.json", + "results/izhx__udever-bloom-560m/no_revision_available/STS22.json", + "results/izhx__udever-bloom-560m/no_revision_available/AmazonReviewsClassification.json", + "results/izhx__udever-bloom-560m/no_revision_available/MTOPIntentClassification.json", + "results/izhx__udever-bloom-560m/no_revision_available/HALClusteringS2S.json", + "results/izhx__udever-bloom-560m/no_revision_available/MasakhaNEWSClassification.json", + "results/izhx__udever-bloom-560m/no_revision_available/OpusparcusPC.json", + "results/izhx__udever-bloom-560m/no_revision_available/MTOPDomainClassification.json", + "results/izhx__udever-bloom-560m/no_revision_available/SICKFr.json", + "results/izhx__udever-bloom-560m/no_revision_available/PawsXPairClassification.json", + "results/izhx__udever-bloom-560m/no_revision_available/XPQARetrieval.json", + "results/izhx__udever-bloom-560m/no_revision_available/STSBenchmarkMultilingualSTS.json" + ], + "jhu-clsp__FollowIR-7B": [ + "results/jhu-clsp__FollowIR-7B/no_revision_available/Robust04InstructionRetrieval.json", + "results/jhu-clsp__FollowIR-7B/no_revision_available/News21InstructionRetrieval.json", + "results/jhu-clsp__FollowIR-7B/no_revision_available/Core17InstructionRetrieval.json" + ], + "jinaai__jina-embeddings-v2-base-en": [ + "results/jinaai__jina-embeddings-v2-base-en/no_revision_available/LEMBWikimQARetrieval.json", + "results/jinaai__jina-embeddings-v2-base-en/no_revision_available/LEMBSummScreenFDRetrieval.json", + "results/jinaai__jina-embeddings-v2-base-en/no_revision_available/LEMBNarrativeQARetrieval.json", + "results/jinaai__jina-embeddings-v2-base-en/no_revision_available/LEMBQMSumRetrieval.json", + "results/jinaai__jina-embeddings-v2-base-en/no_revision_available/LEMBPasskeyRetrieval.json", + "results/jinaai__jina-embeddings-v2-base-en/no_revision_available/LEMBNeedleRetrieval.json" + ], + "jinaai__jina-embeddings-v3": [ + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/HagridRetrieval.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/WebLINXCandidatesReranking.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/Robust04InstructionRetrieval.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/StackExchangeClustering.v2.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/WinoGrande.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/NusaParagraphEmotionClassification.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/DBpediaClassification.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/MassiveIntentClassification.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/KurdishSentimentClassification.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/ArmenianParaphrasePC.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/SIB200ClusteringS2S.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/DiaBlaBitextMining.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/SpartQA.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/CTKFactsNLI.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/TempReasonL1.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/AfriSentiClassification.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/MedrxivClusteringP2P.v2.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/WikipediaRerankingMultilingual.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/BelebeleRetrieval.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/IndicCrosslingualSTS.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/ArXivHierarchicalClusteringP2P.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/SwednClusteringP2P.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/SlovakMovieReviewSentimentClassification.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/PolEmo2.0-OUT.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/News21InstructionRetrieval.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/GujaratiNewsClassification.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/MalteseNewsClassification.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/GreekLegalCodeClassification.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/RTE3.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/NusaXBitextMining.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/TERRa.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/Tatoeba.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/KorSarcasmClassification.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/CyrillicTurkicLangClassification.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/STS14.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/STSBenchmark.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/SiswatiNewsClassification.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/ItaCaseholdClassification.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/ScalaClassification.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/MIRACLRetrievalHardNegatives.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/SCIDOCS.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/ArXivHierarchicalClusteringS2S.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/MIRACLRetrieval.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/PunjabiNewsClassification.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/CovidRetrieval.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/StatcanDialogueDatasetRetrieval.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/BrazilianToxicTweetsClassification.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/STSES.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/JSICK.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/FaroeseSTS.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/TswanaNewsClassification.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/GermanSTSBenchmark.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/MLQARetrieval.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/SprintDuplicateQuestions.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/WikiClusteringP2P.v2.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/ToxicConversationsClassification.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/T2Reranking.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/STS17.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/PoemSentimentClassification.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/TweetTopicSingleClassification.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/NusaTranslationBitextMining.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/BulgarianStoreReviewSentimentClassfication.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/AlloprofReranking.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/NusaX-senti.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/CataloniaTweetClassification.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/FloresBitextMining.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/AILAStatutes.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/indonli.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/NordicLangClassification.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/BigPatentClustering.v2.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/CSFDSKMovieReviewSentimentClassification.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/BornholmBitextMining.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/SwahiliNewsClassification.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/NollySentiBitextMining.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/SICK-R.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/TRECCOVID.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/AlloProfClusteringS2S.v2.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/LEMBPasskeyRetrieval.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/SwissJudgementClassification.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/BUCC.v2.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/FilipinoShopeeReviewsClassification.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/PAC.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/ArguAna.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/NepaliNewsClassification.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/MasakhaNEWSClusteringS2S.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/MacedonianTweetSentimentClassification.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/WikipediaRetrievalMultilingual.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/XNLI.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/CLSClusteringP2P.v2.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/SemRel24STS.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/SNLHierarchicalClusteringP2P.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/MultiEURLEXMultilabelClassification.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/BiorxivClusteringP2P.v2.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/TwitterURLCorpus.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/FinancialPhrasebankClassification.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/RomaniBibleClustering.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/STS15.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/MultiHateClassification.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/OdiaNewsClassification.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/VoyageMMarcoReranking.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/CEDRClassification.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/NorwegianCourtsBitextMining.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/StackOverflowQA.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/STS13.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/PpcPC.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/IndicGenBenchFloresBitextMining.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/PlscClusteringP2P.v2.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/SentimentAnalysisHindi.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/IN22GenBitextMining.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/MasakhaNEWSClassification.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/LegalBenchCorporateLobbying.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/HALClusteringS2S.v2.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/KorHateSpeechMLClassification.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/CzechProductReviewSentimentClassification.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/STS22.v2.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/RuBQReranking.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/NTREXBitextMining.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/TwitterHjerneRetrieval.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/IsiZuluNewsClassification.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/IndicLangClassification.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/WikiCitiesClustering.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/OpusparcusPC.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/EstonianValenceClassification.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/STS12.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/AmazonCounterfactualClassification.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/FinParaSTS.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/PawsXPairClassification.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/STSB.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/Core17InstructionRetrieval.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/DalajClassification.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/BibleNLPBitextMining.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/SinhalaNewsClassification.json", + "results/jinaai__jina-embeddings-v3/215a6e121fa0183376388ac6b1ae230326bfeaed/IndonesianIdClickbaitClassification.json" + ], + "jonfd__electra-small-nordic": [ + "results/jonfd__electra-small-nordic/no_revision_available/MassiveIntentClassification.json", + "results/jonfd__electra-small-nordic/no_revision_available/SweRecClassification.json", + "results/jonfd__electra-small-nordic/no_revision_available/MassiveScenarioClassification.json", + "results/jonfd__electra-small-nordic/no_revision_available/AngryTweetsClassification.json", + "results/jonfd__electra-small-nordic/no_revision_available/NordicLangClassification.json", + "results/jonfd__electra-small-nordic/no_revision_available/BornholmBitextMining.json", + "results/jonfd__electra-small-nordic/no_revision_available/ScalaNbClassification.json", + "results/jonfd__electra-small-nordic/no_revision_available/ScalaSvClassification.json", + "results/jonfd__electra-small-nordic/no_revision_available/NorwegianParliament.json", + "results/jonfd__electra-small-nordic/no_revision_available/NoRecClassification.json", + "results/jonfd__electra-small-nordic/no_revision_available/DKHateClassification.json", + "results/jonfd__electra-small-nordic/no_revision_available/ScalaDaClassification.json", + "results/jonfd__electra-small-nordic/no_revision_available/DanishPoliticalCommentsClassification.json", + "results/jonfd__electra-small-nordic/no_revision_available/LccSentimentClassification.json", + "results/jonfd__electra-small-nordic/no_revision_available/DalajClassification.json" + ], + "ltg__norbert3-base": [ + "results/ltg__norbert3-base/no_revision_available/MassiveIntentClassification.json", + "results/ltg__norbert3-base/no_revision_available/SweRecClassification.json", + "results/ltg__norbert3-base/no_revision_available/MassiveScenarioClassification.json", + "results/ltg__norbert3-base/no_revision_available/AngryTweetsClassification.json", + "results/ltg__norbert3-base/no_revision_available/NordicLangClassification.json", + "results/ltg__norbert3-base/no_revision_available/BornholmBitextMining.json", + "results/ltg__norbert3-base/no_revision_available/ScalaNbClassification.json", + "results/ltg__norbert3-base/no_revision_available/ScalaSvClassification.json", + "results/ltg__norbert3-base/no_revision_available/NorwegianParliament.json", + "results/ltg__norbert3-base/no_revision_available/NoRecClassification.json", + "results/ltg__norbert3-base/no_revision_available/DKHateClassification.json", + "results/ltg__norbert3-base/no_revision_available/ScalaDaClassification.json", + "results/ltg__norbert3-base/no_revision_available/DanishPoliticalCommentsClassification.json", + "results/ltg__norbert3-base/no_revision_available/LccSentimentClassification.json", + "results/ltg__norbert3-base/no_revision_available/DalajClassification.json" + ], + "ltg__norbert3-large": [ + "results/ltg__norbert3-large/no_revision_available/MassiveIntentClassification.json", + "results/ltg__norbert3-large/no_revision_available/SweRecClassification.json", + "results/ltg__norbert3-large/no_revision_available/MassiveScenarioClassification.json", + "results/ltg__norbert3-large/no_revision_available/AngryTweetsClassification.json", + "results/ltg__norbert3-large/no_revision_available/NordicLangClassification.json", + "results/ltg__norbert3-large/no_revision_available/BornholmBitextMining.json", + "results/ltg__norbert3-large/no_revision_available/ScalaNbClassification.json", + "results/ltg__norbert3-large/no_revision_available/ScalaSvClassification.json", + "results/ltg__norbert3-large/no_revision_available/NorwegianParliament.json", + "results/ltg__norbert3-large/no_revision_available/NoRecClassification.json", + "results/ltg__norbert3-large/no_revision_available/DKHateClassification.json", + "results/ltg__norbert3-large/no_revision_available/ScalaDaClassification.json", + "results/ltg__norbert3-large/no_revision_available/DanishPoliticalCommentsClassification.json", + "results/ltg__norbert3-large/no_revision_available/LccSentimentClassification.json", + "results/ltg__norbert3-large/no_revision_available/DalajClassification.json" + ], + "meta-llama__llama-2-7b-chat": [ + "results/meta-llama__llama-2-7b-chat/no_revision_available/Robust04InstructionRetrieval.json", + "results/meta-llama__llama-2-7b-chat/no_revision_available/News21InstructionRetrieval.json", + "results/meta-llama__llama-2-7b-chat/no_revision_available/Core17InstructionRetrieval.json" + ], + "mistral__mistral-embed": [ + "results/mistral__mistral-embed/no_revision_available/MassiveIntentClassification.json", + "results/mistral__mistral-embed/no_revision_available/MLSUMClusteringP2P.json", + "results/mistral__mistral-embed/no_revision_available/LegalSummarization.json", + "results/mistral__mistral-embed/no_revision_available/AlloProfClusteringS2S.json", + "results/mistral__mistral-embed/no_revision_available/SyntecReranking.json", + "results/mistral__mistral-embed/no_revision_available/BSARDRetrieval.json", + "results/mistral__mistral-embed/no_revision_available/MintakaRetrieval.json", + "results/mistral__mistral-embed/no_revision_available/SyntecRetrieval.json", + "results/mistral__mistral-embed/no_revision_available/MLSUMClusteringS2S.json", + "results/mistral__mistral-embed/no_revision_available/MassiveScenarioClassification.json", + "results/mistral__mistral-embed/no_revision_available/MasakhaNEWSClusteringP2P.json", + "results/mistral__mistral-embed/no_revision_available/AlloprofRetrieval.json", + "results/mistral__mistral-embed/no_revision_available/AlloprofReranking.json", + "results/mistral__mistral-embed/no_revision_available/AILAStatutes.json", + "results/mistral__mistral-embed/no_revision_available/SummEvalFr.json", + "results/mistral__mistral-embed/no_revision_available/AlloProfClusteringP2P.json", + "results/mistral__mistral-embed/no_revision_available/MasakhaNEWSClusteringS2S.json", + "results/mistral__mistral-embed/no_revision_available/STS22.json", + "results/mistral__mistral-embed/no_revision_available/AmazonReviewsClassification.json", + "results/mistral__mistral-embed/no_revision_available/AILACasedocs.json", + "results/mistral__mistral-embed/no_revision_available/MTOPIntentClassification.json", + "results/mistral__mistral-embed/no_revision_available/HALClusteringS2S.json", + "results/mistral__mistral-embed/no_revision_available/GerDaLIRSmall.json", + "results/mistral__mistral-embed/no_revision_available/LegalBenchConsumerContractsQA.json", + "results/mistral__mistral-embed/no_revision_available/MasakhaNEWSClassification.json", + "results/mistral__mistral-embed/no_revision_available/LegalBenchCorporateLobbying.json", + "results/mistral__mistral-embed/no_revision_available/LeCaRDv2.json", + "results/mistral__mistral-embed/no_revision_available/OpusparcusPC.json", + "results/mistral__mistral-embed/no_revision_available/LegalQuAD.json", + "results/mistral__mistral-embed/no_revision_available/MTOPDomainClassification.json", + "results/mistral__mistral-embed/no_revision_available/SICKFr.json", + "results/mistral__mistral-embed/no_revision_available/PawsXPairClassification.json", + "results/mistral__mistral-embed/no_revision_available/XPQARetrieval.json", + "results/mistral__mistral-embed/no_revision_available/STSBenchmarkMultilingualSTS.json" + ], + "mistralai__mistral-7b-instruct-v0.2": [ + "results/mistralai__mistral-7b-instruct-v0.2/no_revision_available/Robust04InstructionRetrieval.json", + "results/mistralai__mistral-7b-instruct-v0.2/no_revision_available/News21InstructionRetrieval.json", + "results/mistralai__mistral-7b-instruct-v0.2/no_revision_available/Core17InstructionRetrieval.json" + ], + "mixedbread-ai__mxbai-embed-large-v1": [ + "results/mixedbread-ai__mxbai-embed-large-v1/990580e27d329c7408b3741ecff85876e128e203/StackExchangeClustering.v2.json", + "results/mixedbread-ai__mxbai-embed-large-v1/990580e27d329c7408b3741ecff85876e128e203/RedditClusteringP2P.v2.json", + "results/mixedbread-ai__mxbai-embed-large-v1/990580e27d329c7408b3741ecff85876e128e203/BiorxivClusteringP2P.json", + "results/mixedbread-ai__mxbai-embed-large-v1/990580e27d329c7408b3741ecff85876e128e203/MedrxivClusteringP2P.v2.json", + "results/mixedbread-ai__mxbai-embed-large-v1/990580e27d329c7408b3741ecff85876e128e203/MedrxivClusteringS2S.json", + "results/mixedbread-ai__mxbai-embed-large-v1/990580e27d329c7408b3741ecff85876e128e203/MedrxivClusteringS2S.v2.json", + "results/mixedbread-ai__mxbai-embed-large-v1/990580e27d329c7408b3741ecff85876e128e203/BiorxivClusteringS2S.v2.json", + "results/mixedbread-ai__mxbai-embed-large-v1/990580e27d329c7408b3741ecff85876e128e203/StackExchangeClusteringP2P.v2.json", + "results/mixedbread-ai__mxbai-embed-large-v1/990580e27d329c7408b3741ecff85876e128e203/TwentyNewsgroupsClustering.v2.json", + "results/mixedbread-ai__mxbai-embed-large-v1/990580e27d329c7408b3741ecff85876e128e203/StackExchangeClustering.json", + "results/mixedbread-ai__mxbai-embed-large-v1/990580e27d329c7408b3741ecff85876e128e203/RedditClusteringP2P.json", + "results/mixedbread-ai__mxbai-embed-large-v1/990580e27d329c7408b3741ecff85876e128e203/RedditClustering.v2.json", + "results/mixedbread-ai__mxbai-embed-large-v1/990580e27d329c7408b3741ecff85876e128e203/RedditClustering.json", + "results/mixedbread-ai__mxbai-embed-large-v1/990580e27d329c7408b3741ecff85876e128e203/BiorxivClusteringS2S.json", + "results/mixedbread-ai__mxbai-embed-large-v1/990580e27d329c7408b3741ecff85876e128e203/BiorxivClusteringP2P.v2.json", + "results/mixedbread-ai__mxbai-embed-large-v1/990580e27d329c7408b3741ecff85876e128e203/MedrxivClusteringP2P.json", + "results/mixedbread-ai__mxbai-embed-large-v1/990580e27d329c7408b3741ecff85876e128e203/TwentyNewsgroupsClustering.json", + "results/mixedbread-ai__mxbai-embed-large-v1/990580e27d329c7408b3741ecff85876e128e203/StackExchangeClusteringP2P.json" + ], + "moka-ai__m3e-base": [ + "results/moka-ai__m3e-base/no_revision_available/CMedQAv1.json", + "results/moka-ai__m3e-base/no_revision_available/MassiveIntentClassification.json", + "results/moka-ai__m3e-base/no_revision_available/TNews.json", + "results/moka-ai__m3e-base/no_revision_available/PAWSX.json", + "results/moka-ai__m3e-base/no_revision_available/OnlineShopping.json", + "results/moka-ai__m3e-base/no_revision_available/LCQMC.json", + "results/moka-ai__m3e-base/no_revision_available/EcomRetrieval.json", + "results/moka-ai__m3e-base/no_revision_available/MMarcoReranking.json", + "results/moka-ai__m3e-base/no_revision_available/CovidRetrieval.json", + "results/moka-ai__m3e-base/no_revision_available/CLSClusteringP2P.json", + "results/moka-ai__m3e-base/no_revision_available/BQ.json", + "results/moka-ai__m3e-base/no_revision_available/AFQMC.json", + "results/moka-ai__m3e-base/no_revision_available/CLSClusteringS2S.json", + "results/moka-ai__m3e-base/no_revision_available/Cmnli.json", + "results/moka-ai__m3e-base/no_revision_available/MassiveScenarioClassification.json", + "results/moka-ai__m3e-base/no_revision_available/T2Reranking.json", + "results/moka-ai__m3e-base/no_revision_available/ThuNewsClusteringP2P.json", + "results/moka-ai__m3e-base/no_revision_available/VideoRetrieval.json", + "results/moka-ai__m3e-base/no_revision_available/Ocnli.json", + "results/moka-ai__m3e-base/no_revision_available/ATEC.json", + "results/moka-ai__m3e-base/no_revision_available/Waimai.json", + "results/moka-ai__m3e-base/no_revision_available/ThuNewsClusteringS2S.json", + "results/moka-ai__m3e-base/no_revision_available/IFlyTek.json", + "results/moka-ai__m3e-base/no_revision_available/MultilingualSentiment.json", + "results/moka-ai__m3e-base/no_revision_available/CmedqaRetrieval.json", + "results/moka-ai__m3e-base/no_revision_available/STS22.json", + "results/moka-ai__m3e-base/no_revision_available/AmazonReviewsClassification.json", + "results/moka-ai__m3e-base/no_revision_available/JDReview.json", + "results/moka-ai__m3e-base/no_revision_available/MedicalRetrieval.json", + "results/moka-ai__m3e-base/no_revision_available/T2Retrieval.json", + "results/moka-ai__m3e-base/no_revision_available/QBQTC.json", + "results/moka-ai__m3e-base/no_revision_available/MMarcoRetrieval.json", + "results/moka-ai__m3e-base/no_revision_available/DuRetrieval.json", + "results/moka-ai__m3e-base/no_revision_available/CMedQAv2.json", + "results/moka-ai__m3e-base/no_revision_available/STSB.json" + ], + "moka-ai__m3e-large": [ + "results/moka-ai__m3e-large/no_revision_available/CMedQAv1.json", + "results/moka-ai__m3e-large/no_revision_available/MassiveIntentClassification.json", + "results/moka-ai__m3e-large/no_revision_available/TNews.json", + "results/moka-ai__m3e-large/no_revision_available/PAWSX.json", + "results/moka-ai__m3e-large/no_revision_available/OnlineShopping.json", + "results/moka-ai__m3e-large/no_revision_available/LCQMC.json", + "results/moka-ai__m3e-large/no_revision_available/EcomRetrieval.json", + "results/moka-ai__m3e-large/no_revision_available/MMarcoReranking.json", + "results/moka-ai__m3e-large/no_revision_available/CovidRetrieval.json", + "results/moka-ai__m3e-large/no_revision_available/CLSClusteringP2P.json", + "results/moka-ai__m3e-large/no_revision_available/BQ.json", + "results/moka-ai__m3e-large/no_revision_available/AFQMC.json", + "results/moka-ai__m3e-large/no_revision_available/CLSClusteringS2S.json", + "results/moka-ai__m3e-large/no_revision_available/Cmnli.json", + "results/moka-ai__m3e-large/no_revision_available/MassiveScenarioClassification.json", + "results/moka-ai__m3e-large/no_revision_available/T2Reranking.json", + "results/moka-ai__m3e-large/no_revision_available/ThuNewsClusteringP2P.json", + "results/moka-ai__m3e-large/no_revision_available/VideoRetrieval.json", + "results/moka-ai__m3e-large/no_revision_available/Ocnli.json", + "results/moka-ai__m3e-large/no_revision_available/ATEC.json", + "results/moka-ai__m3e-large/no_revision_available/Waimai.json", + "results/moka-ai__m3e-large/no_revision_available/ThuNewsClusteringS2S.json", + "results/moka-ai__m3e-large/no_revision_available/IFlyTek.json", + "results/moka-ai__m3e-large/no_revision_available/MultilingualSentiment.json", + "results/moka-ai__m3e-large/no_revision_available/CmedqaRetrieval.json", + "results/moka-ai__m3e-large/no_revision_available/STS22.json", + "results/moka-ai__m3e-large/no_revision_available/AmazonReviewsClassification.json", + "results/moka-ai__m3e-large/no_revision_available/JDReview.json", + "results/moka-ai__m3e-large/no_revision_available/MedicalRetrieval.json", + "results/moka-ai__m3e-large/no_revision_available/T2Retrieval.json", + "results/moka-ai__m3e-large/no_revision_available/QBQTC.json", + "results/moka-ai__m3e-large/no_revision_available/MMarcoRetrieval.json", + "results/moka-ai__m3e-large/no_revision_available/DuRetrieval.json", + "results/moka-ai__m3e-large/no_revision_available/CMedQAv2.json", + "results/moka-ai__m3e-large/no_revision_available/STSB.json" + ], + "nomic-ai__nomic-embed-text-v1": [ + "results/nomic-ai__nomic-embed-text-v1/no_revision_available/LEMBWikimQARetrieval.json", + "results/nomic-ai__nomic-embed-text-v1/no_revision_available/LEMBSummScreenFDRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1/no_revision_available/LEMBNarrativeQARetrieval.json", + "results/nomic-ai__nomic-embed-text-v1/no_revision_available/LEMBQMSumRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1/no_revision_available/LEMBPasskeyRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1/no_revision_available/LEMBNeedleRetrieval.json" + ], + "nomic-ai__nomic-embed-text-v1.5-128": [ + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/MassiveIntentClassification.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/BiorxivClusteringP2P.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/EmotionClassification.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/CQADupstackGisRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/TweetSentimentExtractionClassification.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/SciFact.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/Banking77Classification.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/STS14.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/STSBenchmark.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/SciDocsRR.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/MindSmallReranking.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/CQADupstackRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/MedrxivClusteringS2S.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/SCIDOCS.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/Touche2020.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/STS16.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/CQADupstackTexRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/ImdbClassification.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/SprintDuplicateQuestions.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/ToxicConversationsClassification.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/MassiveScenarioClassification.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/STS17.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/CQADupstackUnixRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/AskUbuntuDupQuestions.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/HotpotQA.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/ArxivClusteringS2S.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/StackExchangeClustering.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/RedditClusteringP2P.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/NQ.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/RedditClustering.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/SICK-R.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/FiQA2018.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/BIOSSES.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/TRECCOVID.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/DBPedia.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/BiorxivClusteringS2S.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/ArguAna.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/ArxivClusteringP2P.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/TwitterURLCorpus.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/STS22.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/AmazonReviewsClassification.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/CQADupstackGamingRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/NFCorpus.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/STS15.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/AmazonPolarityClassification.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/MTOPIntentClassification.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/STS13.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/SummEval.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/ClimateFEVER.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/CQADupstackStatsRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/TwitterSemEval2015.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/MedrxivClusteringP2P.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/TwentyNewsgroupsClustering.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/FEVER.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/MSMARCO.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/MTOPDomainClassification.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/QuoraRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/STS12.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/AmazonCounterfactualClassification.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/StackExchangeClusteringP2P.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-128/no_revision_available/StackOverflowDupQuestions.json" + ], + "nomic-ai__nomic-embed-text-v1.5-256": [ + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/MassiveIntentClassification.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/BiorxivClusteringP2P.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/EmotionClassification.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/CQADupstackGisRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/TweetSentimentExtractionClassification.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/SciFact.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/Banking77Classification.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/STS14.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/STSBenchmark.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/SciDocsRR.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/MindSmallReranking.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/CQADupstackRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/MedrxivClusteringS2S.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/SCIDOCS.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/Touche2020.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/STS16.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/CQADupstackTexRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/ImdbClassification.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/SprintDuplicateQuestions.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/ToxicConversationsClassification.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/MassiveScenarioClassification.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/STS17.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/CQADupstackUnixRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/AskUbuntuDupQuestions.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/HotpotQA.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/ArxivClusteringS2S.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/StackExchangeClustering.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/RedditClusteringP2P.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/NQ.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/RedditClustering.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/SICK-R.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/FiQA2018.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/BIOSSES.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/TRECCOVID.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/DBPedia.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/BiorxivClusteringS2S.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/ArguAna.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/ArxivClusteringP2P.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/TwitterURLCorpus.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/STS22.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/AmazonReviewsClassification.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/CQADupstackGamingRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/NFCorpus.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/STS15.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/AmazonPolarityClassification.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/MTOPIntentClassification.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/STS13.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/SummEval.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/ClimateFEVER.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/CQADupstackStatsRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/TwitterSemEval2015.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/MedrxivClusteringP2P.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/TwentyNewsgroupsClustering.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/FEVER.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/MSMARCO.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/MTOPDomainClassification.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/QuoraRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/STS12.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/AmazonCounterfactualClassification.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/StackExchangeClusteringP2P.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/StackOverflowDupQuestions.json" + ], + "nomic-ai__nomic-embed-text-v1.5-512": [ + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/MassiveIntentClassification.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/BiorxivClusteringP2P.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/EmotionClassification.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/CQADupstackGisRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/TweetSentimentExtractionClassification.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/SciFact.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/Banking77Classification.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/STS14.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/STSBenchmark.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/SciDocsRR.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/MindSmallReranking.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/CQADupstackRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/MedrxivClusteringS2S.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/SCIDOCS.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/Touche2020.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/STS16.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/CQADupstackTexRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/ImdbClassification.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/SprintDuplicateQuestions.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/ToxicConversationsClassification.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/MassiveScenarioClassification.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/STS17.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/CQADupstackUnixRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/AskUbuntuDupQuestions.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/HotpotQA.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/ArxivClusteringS2S.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/StackExchangeClustering.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/RedditClusteringP2P.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/NQ.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/RedditClustering.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/SICK-R.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/FiQA2018.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/BIOSSES.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/TRECCOVID.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/DBPedia.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/BiorxivClusteringS2S.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/ArguAna.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/ArxivClusteringP2P.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/TwitterURLCorpus.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/STS22.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/AmazonReviewsClassification.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/CQADupstackGamingRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/NFCorpus.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/STS15.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/AmazonPolarityClassification.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/MTOPIntentClassification.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/STS13.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/SummEval.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/ClimateFEVER.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/CQADupstackStatsRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/TwitterSemEval2015.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/MedrxivClusteringP2P.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/TwentyNewsgroupsClustering.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/FEVER.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/MSMARCO.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/MTOPDomainClassification.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/QuoraRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/STS12.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/AmazonCounterfactualClassification.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/StackExchangeClusteringP2P.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/StackOverflowDupQuestions.json" ], - "voyageai__voyage-multilingual-2": [ - "results/voyageai__voyage-multilingual-2/no_revision_available/MassiveIntentClassification.json", - "results/voyageai__voyage-multilingual-2/no_revision_available/LEMBWikimQARetrieval.json", - "results/voyageai__voyage-multilingual-2/no_revision_available/MLSUMClusteringP2P.json", - "results/voyageai__voyage-multilingual-2/no_revision_available/AlloProfClusteringS2S.json", - "results/voyageai__voyage-multilingual-2/no_revision_available/LEMBSummScreenFDRetrieval.json", - "results/voyageai__voyage-multilingual-2/no_revision_available/SyntecReranking.json", - "results/voyageai__voyage-multilingual-2/no_revision_available/BSARDRetrieval.json", - "results/voyageai__voyage-multilingual-2/no_revision_available/LEMBNarrativeQARetrieval.json", - "results/voyageai__voyage-multilingual-2/no_revision_available/MintakaRetrieval.json", - "results/voyageai__voyage-multilingual-2/no_revision_available/SyntecRetrieval.json", - "results/voyageai__voyage-multilingual-2/no_revision_available/LEMBQMSumRetrieval.json", - "results/voyageai__voyage-multilingual-2/no_revision_available/MLSUMClusteringS2S.json", - "results/voyageai__voyage-multilingual-2/no_revision_available/MassiveScenarioClassification.json", - "results/voyageai__voyage-multilingual-2/no_revision_available/MasakhaNEWSClusteringP2P.json", - "results/voyageai__voyage-multilingual-2/no_revision_available/AlloprofRetrieval.json", - "results/voyageai__voyage-multilingual-2/no_revision_available/AlloprofReranking.json", - "results/voyageai__voyage-multilingual-2/no_revision_available/SummEvalFr.json", - "results/voyageai__voyage-multilingual-2/no_revision_available/LEMBPasskeyRetrieval.json", - "results/voyageai__voyage-multilingual-2/no_revision_available/AlloProfClusteringP2P.json", - "results/voyageai__voyage-multilingual-2/no_revision_available/MasakhaNEWSClusteringS2S.json", - "results/voyageai__voyage-multilingual-2/no_revision_available/LEMBNeedleRetrieval.json", - "results/voyageai__voyage-multilingual-2/no_revision_available/STS22.json", - "results/voyageai__voyage-multilingual-2/no_revision_available/AmazonReviewsClassification.json", - "results/voyageai__voyage-multilingual-2/no_revision_available/MTOPIntentClassification.json", - "results/voyageai__voyage-multilingual-2/no_revision_available/HALClusteringS2S.json", - "results/voyageai__voyage-multilingual-2/no_revision_available/MasakhaNEWSClassification.json", - "results/voyageai__voyage-multilingual-2/no_revision_available/OpusparcusPC.json", - "results/voyageai__voyage-multilingual-2/no_revision_available/MTOPDomainClassification.json", - "results/voyageai__voyage-multilingual-2/no_revision_available/SICKFr.json", - "results/voyageai__voyage-multilingual-2/no_revision_available/PawsXPairClassification.json", - "results/voyageai__voyage-multilingual-2/no_revision_available/XPQARetrieval.json", - "results/voyageai__voyage-multilingual-2/no_revision_available/STSBenchmarkMultilingualSTS.json" + "nomic-ai__nomic-embed-text-v1.5-64": [ + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/MassiveIntentClassification.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/BiorxivClusteringP2P.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/EmotionClassification.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/CQADupstackGisRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/TweetSentimentExtractionClassification.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/SciFact.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/Banking77Classification.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/STS14.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/STSBenchmark.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/SciDocsRR.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/MindSmallReranking.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/CQADupstackRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/MedrxivClusteringS2S.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/SCIDOCS.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/Touche2020.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/STS16.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/CQADupstackTexRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/ImdbClassification.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/SprintDuplicateQuestions.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/ToxicConversationsClassification.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/MassiveScenarioClassification.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/STS17.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/CQADupstackUnixRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/AskUbuntuDupQuestions.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/HotpotQA.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/ArxivClusteringS2S.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/StackExchangeClustering.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/RedditClusteringP2P.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/NQ.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/RedditClustering.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/SICK-R.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/FiQA2018.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/BIOSSES.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/TRECCOVID.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/DBPedia.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/BiorxivClusteringS2S.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/ArguAna.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/ArxivClusteringP2P.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/TwitterURLCorpus.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/STS22.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/AmazonReviewsClassification.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/CQADupstackGamingRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/NFCorpus.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/STS15.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/AmazonPolarityClassification.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/MTOPIntentClassification.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/STS13.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/SummEval.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/ClimateFEVER.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/CQADupstackStatsRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/TwitterSemEval2015.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/MedrxivClusteringP2P.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/TwentyNewsgroupsClustering.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/FEVER.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/MSMARCO.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/MTOPDomainClassification.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/QuoraRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/STS12.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/AmazonCounterfactualClassification.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/StackExchangeClusteringP2P.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/nomic-ai__nomic-embed-text-v1.5-64/no_revision_available/StackOverflowDupQuestions.json" ], - "Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit": [ - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/MassiveIntentClassification.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/BiorxivClusteringP2P.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/EmotionClassification.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackGisRetrieval.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/TweetSentimentExtractionClassification.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/SciFact.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/Banking77Classification.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/STS14.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/STSBenchmark.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/SciDocsRR.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/MindSmallReranking.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackRetrieval.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/MedrxivClusteringS2S.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/SCIDOCS.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/Touche2020.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/STS16.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackTexRetrieval.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/ImdbClassification.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/SprintDuplicateQuestions.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/ToxicConversationsClassification.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/MassiveScenarioClassification.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/STS17.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackUnixRetrieval.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/AskUbuntuDupQuestions.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/HotpotQA.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/ArxivClusteringS2S.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/StackExchangeClustering.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/RedditClusteringP2P.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/NQ.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/RedditClustering.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/SICK-R.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/FiQA2018.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/BIOSSES.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/TRECCOVID.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/DBPedia.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/BiorxivClusteringS2S.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/ArguAna.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/ArxivClusteringP2P.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/TwitterURLCorpus.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/STS22.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/AmazonReviewsClassification.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackGamingRetrieval.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/NFCorpus.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/STS15.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/AmazonPolarityClassification.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/MTOPIntentClassification.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/STS13.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/SummEval.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/ClimateFEVER.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackStatsRetrieval.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/TwitterSemEval2015.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/MedrxivClusteringP2P.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/TwentyNewsgroupsClustering.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/FEVER.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/MSMARCO.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/MTOPDomainClassification.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/QuoraRetrieval.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/STS12.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/AmazonCounterfactualClassification.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/StackExchangeClusteringP2P.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/no_revision_available/StackOverflowDupQuestions.json" + "nthakur__contriever-base-msmarco": [ + "results/nthakur__contriever-base-msmarco/no_revision_available/Robust04InstructionRetrieval.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/MassiveIntentClassification.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/BiorxivClusteringP2P.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/EmotionClassification.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/CQADupstackGisRetrieval.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/TweetSentimentExtractionClassification.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/News21InstructionRetrieval.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/SciFact.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/Banking77Classification.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/STS14.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/STSBenchmark.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/SciDocsRR.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/MindSmallReranking.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/CQADupstackRetrieval.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/MedrxivClusteringS2S.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/SCIDOCS.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/Touche2020.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/STS16.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/CQADupstackTexRetrieval.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/ImdbClassification.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/SprintDuplicateQuestions.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/ToxicConversationsClassification.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/MassiveScenarioClassification.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/STS17.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/CQADupstackUnixRetrieval.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/AskUbuntuDupQuestions.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/HotpotQA.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/ArxivClusteringS2S.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/StackExchangeClustering.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/RedditClusteringP2P.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/NQ.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/RedditClustering.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/SICK-R.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/FiQA2018.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/BIOSSES.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/TRECCOVID.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/DBPedia.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/BiorxivClusteringS2S.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/ArguAna.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/ArxivClusteringP2P.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/TwitterURLCorpus.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/STS22.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/AmazonReviewsClassification.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/CQADupstackGamingRetrieval.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/NFCorpus.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/STS15.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/AmazonPolarityClassification.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/MTOPIntentClassification.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/STS13.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/SummEval.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/ClimateFEVER.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/CQADupstackStatsRetrieval.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/TwitterSemEval2015.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/MedrxivClusteringP2P.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/TwentyNewsgroupsClustering.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/FEVER.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/MSMARCO.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/MTOPDomainClassification.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/QuoraRetrieval.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/STS12.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/AmazonCounterfactualClassification.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/StackExchangeClusteringP2P.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/Core17InstructionRetrieval.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/nthakur__contriever-base-msmarco/no_revision_available/StackOverflowDupQuestions.json" ], - "vesteinn__DanskBERT": [ - "results/vesteinn__DanskBERT/no_revision_available/MassiveIntentClassification.json", - "results/vesteinn__DanskBERT/no_revision_available/MassiveScenarioClassification.json", - "results/vesteinn__DanskBERT/no_revision_available/AngryTweetsClassification.json", - "results/vesteinn__DanskBERT/no_revision_available/NordicLangClassification.json", - "results/vesteinn__DanskBERT/no_revision_available/BornholmBitextMining.json", - "results/vesteinn__DanskBERT/no_revision_available/ScalaNbClassification.json", - "results/vesteinn__DanskBERT/no_revision_available/ScalaSvClassification.json", - "results/vesteinn__DanskBERT/no_revision_available/NorwegianParliament.json", - "results/vesteinn__DanskBERT/no_revision_available/NoRecClassification.json", - "results/vesteinn__DanskBERT/no_revision_available/DKHateClassification.json", - "results/vesteinn__DanskBERT/no_revision_available/ScalaDaClassification.json", - "results/vesteinn__DanskBERT/no_revision_available/DanishPoliticalCommentsClassification.json", - "results/vesteinn__DanskBERT/no_revision_available/LccSentimentClassification.json", - "results/vesteinn__DanskBERT/no_revision_available/DalajClassification.json" + "openai__text-embedding-3-large": [ + "results/openai__text-embedding-3-large/no_revision_available/Robust04InstructionRetrieval.json", + "results/openai__text-embedding-3-large/no_revision_available/AlphaNLI.json", + "results/openai__text-embedding-3-large/no_revision_available/WinoGrande.json", + "results/openai__text-embedding-3-large/no_revision_available/ARCChallenge.json", + "results/openai__text-embedding-3-large/no_revision_available/MassiveIntentClassification.json", + "results/openai__text-embedding-3-large/no_revision_available/LEMBWikimQARetrieval.json", + "results/openai__text-embedding-3-large/no_revision_available/LegalSummarization.json", + "results/openai__text-embedding-3-large/no_revision_available/SpartQA.json", + "results/openai__text-embedding-3-large/no_revision_available/BiorxivClusteringP2P.json", + "results/openai__text-embedding-3-large/no_revision_available/TempReasonL1.json", + "results/openai__text-embedding-3-large/no_revision_available/EmotionClassification.json", + "results/openai__text-embedding-3-large/no_revision_available/LEMBSummScreenFDRetrieval.json", + "results/openai__text-embedding-3-large/no_revision_available/CQADupstackGisRetrieval.json", + "results/openai__text-embedding-3-large/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/openai__text-embedding-3-large/no_revision_available/TweetSentimentExtractionClassification.json", + "results/openai__text-embedding-3-large/no_revision_available/HellaSwag.json", + "results/openai__text-embedding-3-large/no_revision_available/News21InstructionRetrieval.json", + "results/openai__text-embedding-3-large/no_revision_available/LEMBNarrativeQARetrieval.json", + "results/openai__text-embedding-3-large/no_revision_available/SciFact.json", + "results/openai__text-embedding-3-large/no_revision_available/Banking77Classification.json", + "results/openai__text-embedding-3-large/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/openai__text-embedding-3-large/no_revision_available/STS14.json", + "results/openai__text-embedding-3-large/no_revision_available/STSBenchmark.json", + "results/openai__text-embedding-3-large/no_revision_available/TempReasonL3Pure.json", + "results/openai__text-embedding-3-large/no_revision_available/SciDocsRR.json", + "results/openai__text-embedding-3-large/no_revision_available/MindSmallReranking.json", + "results/openai__text-embedding-3-large/no_revision_available/CQADupstackRetrieval.json", + "results/openai__text-embedding-3-large/no_revision_available/MedrxivClusteringS2S.json", + "results/openai__text-embedding-3-large/no_revision_available/SCIDOCS.json", + "results/openai__text-embedding-3-large/no_revision_available/BrightRetrieval.json", + "results/openai__text-embedding-3-large/no_revision_available/PIQA.json", + "results/openai__text-embedding-3-large/no_revision_available/Touche2020.json", + "results/openai__text-embedding-3-large/no_revision_available/STS16.json", + "results/openai__text-embedding-3-large/no_revision_available/CQADupstackTexRetrieval.json", + "results/openai__text-embedding-3-large/no_revision_available/LEMBQMSumRetrieval.json", + "results/openai__text-embedding-3-large/no_revision_available/ImdbClassification.json", + "results/openai__text-embedding-3-large/no_revision_available/SprintDuplicateQuestions.json", + "results/openai__text-embedding-3-large/no_revision_available/ToxicConversationsClassification.json", + "results/openai__text-embedding-3-large/no_revision_available/MassiveScenarioClassification.json", + "results/openai__text-embedding-3-large/no_revision_available/STS17.json", + "results/openai__text-embedding-3-large/no_revision_available/CQADupstackUnixRetrieval.json", + "results/openai__text-embedding-3-large/no_revision_available/AskUbuntuDupQuestions.json", + "results/openai__text-embedding-3-large/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/openai__text-embedding-3-large/no_revision_available/HotpotQA.json", + "results/openai__text-embedding-3-large/no_revision_available/ArxivClusteringS2S.json", + "results/openai__text-embedding-3-large/no_revision_available/StackExchangeClustering.json", + "results/openai__text-embedding-3-large/no_revision_available/RedditClusteringP2P.json", + "results/openai__text-embedding-3-large/no_revision_available/AILAStatutes.json", + "results/openai__text-embedding-3-large/no_revision_available/Quail.json", + "results/openai__text-embedding-3-large/no_revision_available/NQ.json", + "results/openai__text-embedding-3-large/no_revision_available/RedditClustering.json", + "results/openai__text-embedding-3-large/no_revision_available/SICK-R.json", + "results/openai__text-embedding-3-large/no_revision_available/FiQA2018.json", + "results/openai__text-embedding-3-large/no_revision_available/BIOSSES.json", + "results/openai__text-embedding-3-large/no_revision_available/TRECCOVID.json", + "results/openai__text-embedding-3-large/no_revision_available/LEMBPasskeyRetrieval.json", + "results/openai__text-embedding-3-large/no_revision_available/DBPedia.json", + "results/openai__text-embedding-3-large/no_revision_available/BiorxivClusteringS2S.json", + "results/openai__text-embedding-3-large/no_revision_available/ArguAna.json", + "results/openai__text-embedding-3-large/no_revision_available/SIQA.json", + "results/openai__text-embedding-3-large/no_revision_available/ArxivClusteringP2P.json", + "results/openai__text-embedding-3-large/no_revision_available/LEMBNeedleRetrieval.json", + "results/openai__text-embedding-3-large/no_revision_available/TwitterURLCorpus.json", + "results/openai__text-embedding-3-large/no_revision_available/STS22.json", + "results/openai__text-embedding-3-large/no_revision_available/AmazonReviewsClassification.json", + "results/openai__text-embedding-3-large/no_revision_available/CQADupstackGamingRetrieval.json", + "results/openai__text-embedding-3-large/no_revision_available/AILACasedocs.json", + "results/openai__text-embedding-3-large/no_revision_available/NFCorpus.json", + "results/openai__text-embedding-3-large/no_revision_available/STS15.json", + "results/openai__text-embedding-3-large/no_revision_available/AmazonPolarityClassification.json", + "results/openai__text-embedding-3-large/no_revision_available/RARbMath.json", + "results/openai__text-embedding-3-large/no_revision_available/MTOPIntentClassification.json", + "results/openai__text-embedding-3-large/no_revision_available/TempReasonL2Fact.json", + "results/openai__text-embedding-3-large/no_revision_available/STS13.json", + "results/openai__text-embedding-3-large/no_revision_available/TempReasonL2Pure.json", + "results/openai__text-embedding-3-large/no_revision_available/SummEval.json", + "results/openai__text-embedding-3-large/no_revision_available/GerDaLIRSmall.json", + "results/openai__text-embedding-3-large/no_revision_available/ClimateFEVER.json", + "results/openai__text-embedding-3-large/no_revision_available/LegalBenchConsumerContractsQA.json", + "results/openai__text-embedding-3-large/no_revision_available/CQADupstackStatsRetrieval.json", + "results/openai__text-embedding-3-large/no_revision_available/LegalBenchCorporateLobbying.json", + "results/openai__text-embedding-3-large/no_revision_available/TwitterSemEval2015.json", + "results/openai__text-embedding-3-large/no_revision_available/TempReasonL3Fact.json", + "results/openai__text-embedding-3-large/no_revision_available/LeCaRDv2.json", + "results/openai__text-embedding-3-large/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/openai__text-embedding-3-large/no_revision_available/MedrxivClusteringP2P.json", + "results/openai__text-embedding-3-large/no_revision_available/TwentyNewsgroupsClustering.json", + "results/openai__text-embedding-3-large/no_revision_available/RARbCode.json", + "results/openai__text-embedding-3-large/no_revision_available/FEVER.json", + "results/openai__text-embedding-3-large/no_revision_available/MSMARCO.json", + "results/openai__text-embedding-3-large/no_revision_available/LegalQuAD.json", + "results/openai__text-embedding-3-large/no_revision_available/MTOPDomainClassification.json", + "results/openai__text-embedding-3-large/no_revision_available/QuoraRetrieval.json", + "results/openai__text-embedding-3-large/no_revision_available/STS12.json", + "results/openai__text-embedding-3-large/no_revision_available/AmazonCounterfactualClassification.json", + "results/openai__text-embedding-3-large/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/openai__text-embedding-3-large/no_revision_available/StackExchangeClusteringP2P.json", + "results/openai__text-embedding-3-large/no_revision_available/Core17InstructionRetrieval.json", + "results/openai__text-embedding-3-large/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/openai__text-embedding-3-large/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/openai__text-embedding-3-large/no_revision_available/StackOverflowDupQuestions.json" ], - "voyageai__voyage-2": [ - "results/voyageai__voyage-2/no_revision_available/MassiveIntentClassification.json", - "results/voyageai__voyage-2/no_revision_available/MLSUMClusteringP2P.json", - "results/voyageai__voyage-2/no_revision_available/AlloProfClusteringS2S.json", - "results/voyageai__voyage-2/no_revision_available/SyntecReranking.json", - "results/voyageai__voyage-2/no_revision_available/BSARDRetrieval.json", - "results/voyageai__voyage-2/no_revision_available/DiaBLaBitextMining.json", - "results/voyageai__voyage-2/no_revision_available/MintakaRetrieval.json", - "results/voyageai__voyage-2/no_revision_available/SyntecRetrieval.json", - "results/voyageai__voyage-2/no_revision_available/MLSUMClusteringS2S.json", - "results/voyageai__voyage-2/no_revision_available/MassiveScenarioClassification.json", - "results/voyageai__voyage-2/no_revision_available/MasakhaNEWSClusteringP2P.json", - "results/voyageai__voyage-2/no_revision_available/AlloprofRetrieval.json", - "results/voyageai__voyage-2/no_revision_available/AlloprofReranking.json", - "results/voyageai__voyage-2/no_revision_available/FloresBitextMining.json", - "results/voyageai__voyage-2/no_revision_available/SummEvalFr.json", - "results/voyageai__voyage-2/no_revision_available/AlloProfClusteringP2P.json", - "results/voyageai__voyage-2/no_revision_available/MasakhaNEWSClusteringS2S.json", - "results/voyageai__voyage-2/no_revision_available/STS22.json", - "results/voyageai__voyage-2/no_revision_available/AmazonReviewsClassification.json", - "results/voyageai__voyage-2/no_revision_available/MTOPIntentClassification.json", - "results/voyageai__voyage-2/no_revision_available/HALClusteringS2S.json", - "results/voyageai__voyage-2/no_revision_available/MasakhaNEWSClassification.json", - "results/voyageai__voyage-2/no_revision_available/OpusparcusPC.json", - "results/voyageai__voyage-2/no_revision_available/MTOPDomainClassification.json", - "results/voyageai__voyage-2/no_revision_available/SICKFr.json", - "results/voyageai__voyage-2/no_revision_available/PawsXPairClassification.json", - "results/voyageai__voyage-2/no_revision_available/XPQARetrieval.json", - "results/voyageai__voyage-2/no_revision_available/STSBenchmarkMultilingualSTS.json" + "openai__text-embedding-3-large-256": [ + "results/openai__text-embedding-3-large-256/no_revision_available/MassiveIntentClassification.json", + "results/openai__text-embedding-3-large-256/no_revision_available/BiorxivClusteringP2P.json", + "results/openai__text-embedding-3-large-256/no_revision_available/EmotionClassification.json", + "results/openai__text-embedding-3-large-256/no_revision_available/CQADupstackGisRetrieval.json", + "results/openai__text-embedding-3-large-256/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/openai__text-embedding-3-large-256/no_revision_available/TweetSentimentExtractionClassification.json", + "results/openai__text-embedding-3-large-256/no_revision_available/SciFact.json", + "results/openai__text-embedding-3-large-256/no_revision_available/Banking77Classification.json", + "results/openai__text-embedding-3-large-256/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/openai__text-embedding-3-large-256/no_revision_available/STS14.json", + "results/openai__text-embedding-3-large-256/no_revision_available/STSBenchmark.json", + "results/openai__text-embedding-3-large-256/no_revision_available/SciDocsRR.json", + "results/openai__text-embedding-3-large-256/no_revision_available/MindSmallReranking.json", + "results/openai__text-embedding-3-large-256/no_revision_available/CQADupstackRetrieval.json", + "results/openai__text-embedding-3-large-256/no_revision_available/MedrxivClusteringS2S.json", + "results/openai__text-embedding-3-large-256/no_revision_available/SCIDOCS.json", + "results/openai__text-embedding-3-large-256/no_revision_available/Touche2020.json", + "results/openai__text-embedding-3-large-256/no_revision_available/STS16.json", + "results/openai__text-embedding-3-large-256/no_revision_available/CQADupstackTexRetrieval.json", + "results/openai__text-embedding-3-large-256/no_revision_available/ImdbClassification.json", + "results/openai__text-embedding-3-large-256/no_revision_available/SprintDuplicateQuestions.json", + "results/openai__text-embedding-3-large-256/no_revision_available/ToxicConversationsClassification.json", + "results/openai__text-embedding-3-large-256/no_revision_available/MassiveScenarioClassification.json", + "results/openai__text-embedding-3-large-256/no_revision_available/STS17.json", + "results/openai__text-embedding-3-large-256/no_revision_available/CQADupstackUnixRetrieval.json", + "results/openai__text-embedding-3-large-256/no_revision_available/AskUbuntuDupQuestions.json", + "results/openai__text-embedding-3-large-256/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/openai__text-embedding-3-large-256/no_revision_available/HotpotQA.json", + "results/openai__text-embedding-3-large-256/no_revision_available/ArxivClusteringS2S.json", + "results/openai__text-embedding-3-large-256/no_revision_available/StackExchangeClustering.json", + "results/openai__text-embedding-3-large-256/no_revision_available/RedditClusteringP2P.json", + "results/openai__text-embedding-3-large-256/no_revision_available/NQ.json", + "results/openai__text-embedding-3-large-256/no_revision_available/RedditClustering.json", + "results/openai__text-embedding-3-large-256/no_revision_available/SICK-R.json", + "results/openai__text-embedding-3-large-256/no_revision_available/FiQA2018.json", + "results/openai__text-embedding-3-large-256/no_revision_available/BIOSSES.json", + "results/openai__text-embedding-3-large-256/no_revision_available/TRECCOVID.json", + "results/openai__text-embedding-3-large-256/no_revision_available/DBPedia.json", + "results/openai__text-embedding-3-large-256/no_revision_available/BiorxivClusteringS2S.json", + "results/openai__text-embedding-3-large-256/no_revision_available/ArguAna.json", + "results/openai__text-embedding-3-large-256/no_revision_available/ArxivClusteringP2P.json", + "results/openai__text-embedding-3-large-256/no_revision_available/TwitterURLCorpus.json", + "results/openai__text-embedding-3-large-256/no_revision_available/STS22.json", + "results/openai__text-embedding-3-large-256/no_revision_available/AmazonReviewsClassification.json", + "results/openai__text-embedding-3-large-256/no_revision_available/CQADupstackGamingRetrieval.json", + "results/openai__text-embedding-3-large-256/no_revision_available/NFCorpus.json", + "results/openai__text-embedding-3-large-256/no_revision_available/STS15.json", + "results/openai__text-embedding-3-large-256/no_revision_available/AmazonPolarityClassification.json", + "results/openai__text-embedding-3-large-256/no_revision_available/MTOPIntentClassification.json", + "results/openai__text-embedding-3-large-256/no_revision_available/STS13.json", + "results/openai__text-embedding-3-large-256/no_revision_available/SummEval.json", + "results/openai__text-embedding-3-large-256/no_revision_available/ClimateFEVER.json", + "results/openai__text-embedding-3-large-256/no_revision_available/CQADupstackStatsRetrieval.json", + "results/openai__text-embedding-3-large-256/no_revision_available/TwitterSemEval2015.json", + "results/openai__text-embedding-3-large-256/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/openai__text-embedding-3-large-256/no_revision_available/MedrxivClusteringP2P.json", + "results/openai__text-embedding-3-large-256/no_revision_available/TwentyNewsgroupsClustering.json", + "results/openai__text-embedding-3-large-256/no_revision_available/FEVER.json", + "results/openai__text-embedding-3-large-256/no_revision_available/MSMARCO.json", + "results/openai__text-embedding-3-large-256/no_revision_available/MTOPDomainClassification.json", + "results/openai__text-embedding-3-large-256/no_revision_available/QuoraRetrieval.json", + "results/openai__text-embedding-3-large-256/no_revision_available/STS12.json", + "results/openai__text-embedding-3-large-256/no_revision_available/AmazonCounterfactualClassification.json", + "results/openai__text-embedding-3-large-256/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/openai__text-embedding-3-large-256/no_revision_available/StackExchangeClusteringP2P.json", + "results/openai__text-embedding-3-large-256/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/openai__text-embedding-3-large-256/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/openai__text-embedding-3-large-256/no_revision_available/StackOverflowDupQuestions.json" ], - "hkunlp__instructor-base": [ - "results/hkunlp__instructor-base/no_revision_available/Robust04InstructionRetrieval.json", - "results/hkunlp__instructor-base/no_revision_available/News21InstructionRetrieval.json", - "results/hkunlp__instructor-base/no_revision_available/Core17InstructionRetrieval.json" + "openai__text-embedding-3-large-instruct": [ + "results/openai__text-embedding-3-large-instruct/no_revision_available/AlphaNLI.json", + "results/openai__text-embedding-3-large-instruct/no_revision_available/WinoGrande.json", + "results/openai__text-embedding-3-large-instruct/no_revision_available/ARCChallenge.json", + "results/openai__text-embedding-3-large-instruct/no_revision_available/SpartQA.json", + "results/openai__text-embedding-3-large-instruct/no_revision_available/TempReasonL1.json", + "results/openai__text-embedding-3-large-instruct/no_revision_available/HellaSwag.json", + "results/openai__text-embedding-3-large-instruct/no_revision_available/TempReasonL3Pure.json", + "results/openai__text-embedding-3-large-instruct/no_revision_available/PIQA.json", + "results/openai__text-embedding-3-large-instruct/no_revision_available/Quail.json", + "results/openai__text-embedding-3-large-instruct/no_revision_available/SIQA.json", + "results/openai__text-embedding-3-large-instruct/no_revision_available/RARbMath.json", + "results/openai__text-embedding-3-large-instruct/no_revision_available/TempReasonL2Fact.json", + "results/openai__text-embedding-3-large-instruct/no_revision_available/TempReasonL2Pure.json", + "results/openai__text-embedding-3-large-instruct/no_revision_available/TempReasonL3Fact.json", + "results/openai__text-embedding-3-large-instruct/no_revision_available/RARbCode.json" ], - "bm25s": [ - "results/bm25s/0_1_10/CQADupstackGisRetrieval.json", - "results/bm25s/0_1_10/CQADupstackEnglishRetrieval.json", - "results/bm25s/0_1_10/SciFact.json", - "results/bm25s/0_1_10/CQADupstackProgrammersRetrieval.json", - "results/bm25s/0_1_10/CQADupstackRetrieval.json", - "results/bm25s/0_1_10/SCIDOCS.json", - "results/bm25s/0_1_10/Touche2020.json", - "results/bm25s/0_1_10/CQADupstackTexRetrieval.json", - "results/bm25s/0_1_10/CQADupstackUnixRetrieval.json", - "results/bm25s/0_1_10/CQADupstackAndroidRetrieval.json", - "results/bm25s/0_1_10/HotpotQA.json", - "results/bm25s/0_1_10/NQ.json", - "results/bm25s/0_1_10/FiQA2018.json", - "results/bm25s/0_1_10/TRECCOVID.json", - "results/bm25s/0_1_10/DBPedia.json", - "results/bm25s/0_1_10/ArguAna.json", - "results/bm25s/0_1_10/CQADupstackGamingRetrieval.json", - "results/bm25s/0_1_10/NFCorpus.json", - "results/bm25s/0_1_10/ClimateFEVER.json", - "results/bm25s/0_1_10/CQADupstackStatsRetrieval.json", - "results/bm25s/0_1_10/CQADupstackWebmastersRetrieval.json", - "results/bm25s/0_1_10/FEVER.json", - "results/bm25s/0_1_10/MSMARCO.json", - "results/bm25s/0_1_10/QuoraRetrieval.json", - "results/bm25s/0_1_10/CQADupstackMathematicaRetrieval.json", - "results/bm25s/0_1_10/CQADupstackPhysicsRetrieval.json", - "results/bm25s/0_1_10/CQADupstackWordpressRetrieval.json" + "openai__text-embedding-3-small": [ + "results/openai__text-embedding-3-small/no_revision_available/AlphaNLI.json", + "results/openai__text-embedding-3-small/no_revision_available/WinoGrande.json", + "results/openai__text-embedding-3-small/no_revision_available/ARCChallenge.json", + "results/openai__text-embedding-3-small/no_revision_available/MassiveIntentClassification.json", + "results/openai__text-embedding-3-small/no_revision_available/SpartQA.json", + "results/openai__text-embedding-3-small/no_revision_available/BiorxivClusteringP2P.json", + "results/openai__text-embedding-3-small/no_revision_available/TempReasonL1.json", + "results/openai__text-embedding-3-small/no_revision_available/EmotionClassification.json", + "results/openai__text-embedding-3-small/no_revision_available/CQADupstackGisRetrieval.json", + "results/openai__text-embedding-3-small/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/openai__text-embedding-3-small/no_revision_available/TweetSentimentExtractionClassification.json", + "results/openai__text-embedding-3-small/no_revision_available/HellaSwag.json", + "results/openai__text-embedding-3-small/no_revision_available/SciFact.json", + "results/openai__text-embedding-3-small/no_revision_available/Banking77Classification.json", + "results/openai__text-embedding-3-small/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/openai__text-embedding-3-small/no_revision_available/STS14.json", + "results/openai__text-embedding-3-small/no_revision_available/STSBenchmark.json", + "results/openai__text-embedding-3-small/no_revision_available/TempReasonL3Pure.json", + "results/openai__text-embedding-3-small/no_revision_available/SciDocsRR.json", + "results/openai__text-embedding-3-small/no_revision_available/MindSmallReranking.json", + "results/openai__text-embedding-3-small/no_revision_available/CQADupstackRetrieval.json", + "results/openai__text-embedding-3-small/no_revision_available/MedrxivClusteringS2S.json", + "results/openai__text-embedding-3-small/no_revision_available/SCIDOCS.json", + "results/openai__text-embedding-3-small/no_revision_available/PIQA.json", + "results/openai__text-embedding-3-small/no_revision_available/Touche2020.json", + "results/openai__text-embedding-3-small/no_revision_available/STS16.json", + "results/openai__text-embedding-3-small/no_revision_available/CQADupstackTexRetrieval.json", + "results/openai__text-embedding-3-small/no_revision_available/ImdbClassification.json", + "results/openai__text-embedding-3-small/no_revision_available/SprintDuplicateQuestions.json", + "results/openai__text-embedding-3-small/no_revision_available/ToxicConversationsClassification.json", + "results/openai__text-embedding-3-small/no_revision_available/MassiveScenarioClassification.json", + "results/openai__text-embedding-3-small/no_revision_available/STS17.json", + "results/openai__text-embedding-3-small/no_revision_available/CQADupstackUnixRetrieval.json", + "results/openai__text-embedding-3-small/no_revision_available/AskUbuntuDupQuestions.json", + "results/openai__text-embedding-3-small/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/openai__text-embedding-3-small/no_revision_available/HotpotQA.json", + "results/openai__text-embedding-3-small/no_revision_available/ArxivClusteringS2S.json", + "results/openai__text-embedding-3-small/no_revision_available/StackExchangeClustering.json", + "results/openai__text-embedding-3-small/no_revision_available/RedditClusteringP2P.json", + "results/openai__text-embedding-3-small/no_revision_available/Quail.json", + "results/openai__text-embedding-3-small/no_revision_available/NQ.json", + "results/openai__text-embedding-3-small/no_revision_available/RedditClustering.json", + "results/openai__text-embedding-3-small/no_revision_available/SICK-R.json", + "results/openai__text-embedding-3-small/no_revision_available/FiQA2018.json", + "results/openai__text-embedding-3-small/no_revision_available/BIOSSES.json", + "results/openai__text-embedding-3-small/no_revision_available/TRECCOVID.json", + "results/openai__text-embedding-3-small/no_revision_available/DBPedia.json", + "results/openai__text-embedding-3-small/no_revision_available/BiorxivClusteringS2S.json", + "results/openai__text-embedding-3-small/no_revision_available/ArguAna.json", + "results/openai__text-embedding-3-small/no_revision_available/SIQA.json", + "results/openai__text-embedding-3-small/no_revision_available/ArxivClusteringP2P.json", + "results/openai__text-embedding-3-small/no_revision_available/TwitterURLCorpus.json", + "results/openai__text-embedding-3-small/no_revision_available/STS22.json", + "results/openai__text-embedding-3-small/no_revision_available/AmazonReviewsClassification.json", + "results/openai__text-embedding-3-small/no_revision_available/CQADupstackGamingRetrieval.json", + "results/openai__text-embedding-3-small/no_revision_available/NFCorpus.json", + "results/openai__text-embedding-3-small/no_revision_available/STS15.json", + "results/openai__text-embedding-3-small/no_revision_available/AmazonPolarityClassification.json", + "results/openai__text-embedding-3-small/no_revision_available/RARbMath.json", + "results/openai__text-embedding-3-small/no_revision_available/MTOPIntentClassification.json", + "results/openai__text-embedding-3-small/no_revision_available/TempReasonL2Fact.json", + "results/openai__text-embedding-3-small/no_revision_available/STS13.json", + "results/openai__text-embedding-3-small/no_revision_available/TempReasonL2Pure.json", + "results/openai__text-embedding-3-small/no_revision_available/SummEval.json", + "results/openai__text-embedding-3-small/no_revision_available/ClimateFEVER.json", + "results/openai__text-embedding-3-small/no_revision_available/CQADupstackStatsRetrieval.json", + "results/openai__text-embedding-3-small/no_revision_available/TwitterSemEval2015.json", + "results/openai__text-embedding-3-small/no_revision_available/TempReasonL3Fact.json", + "results/openai__text-embedding-3-small/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/openai__text-embedding-3-small/no_revision_available/MedrxivClusteringP2P.json", + "results/openai__text-embedding-3-small/no_revision_available/TwentyNewsgroupsClustering.json", + "results/openai__text-embedding-3-small/no_revision_available/RARbCode.json", + "results/openai__text-embedding-3-small/no_revision_available/FEVER.json", + "results/openai__text-embedding-3-small/no_revision_available/OpusparcusPC.json", + "results/openai__text-embedding-3-small/no_revision_available/MSMARCO.json", + "results/openai__text-embedding-3-small/no_revision_available/MTOPDomainClassification.json", + "results/openai__text-embedding-3-small/no_revision_available/QuoraRetrieval.json", + "results/openai__text-embedding-3-small/no_revision_available/STS12.json", + "results/openai__text-embedding-3-small/no_revision_available/AmazonCounterfactualClassification.json", + "results/openai__text-embedding-3-small/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/openai__text-embedding-3-small/no_revision_available/StackExchangeClusteringP2P.json", + "results/openai__text-embedding-3-small/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/openai__text-embedding-3-small/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/openai__text-embedding-3-small/no_revision_available/StackOverflowDupQuestions.json" ], - "Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-doc": [ - "results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-doc/no_revision_available/TRECCOVID.json" + "openai__text-embedding-3-small-instruct": [ + "results/openai__text-embedding-3-small-instruct/no_revision_available/AlphaNLI.json", + "results/openai__text-embedding-3-small-instruct/no_revision_available/WinoGrande.json", + "results/openai__text-embedding-3-small-instruct/no_revision_available/ARCChallenge.json", + "results/openai__text-embedding-3-small-instruct/no_revision_available/SpartQA.json", + "results/openai__text-embedding-3-small-instruct/no_revision_available/TempReasonL1.json", + "results/openai__text-embedding-3-small-instruct/no_revision_available/HellaSwag.json", + "results/openai__text-embedding-3-small-instruct/no_revision_available/TempReasonL3Pure.json", + "results/openai__text-embedding-3-small-instruct/no_revision_available/PIQA.json", + "results/openai__text-embedding-3-small-instruct/no_revision_available/Quail.json", + "results/openai__text-embedding-3-small-instruct/no_revision_available/SIQA.json", + "results/openai__text-embedding-3-small-instruct/no_revision_available/RARbMath.json", + "results/openai__text-embedding-3-small-instruct/no_revision_available/TempReasonL2Fact.json", + "results/openai__text-embedding-3-small-instruct/no_revision_available/TempReasonL2Pure.json", + "results/openai__text-embedding-3-small-instruct/no_revision_available/TempReasonL3Fact.json", + "results/openai__text-embedding-3-small-instruct/no_revision_available/RARbCode.json" ], - "BAAI__bge-m3-instruct": [ - "results/BAAI__bge-m3-instruct/5617a9f61b028005a4858fdac845db406aefb181/SpartQAInstruct.json", - "results/BAAI__bge-m3-instruct/5617a9f61b028005a4858fdac845db406aefb181/TempReasonL2FactInstruct.json", - "results/BAAI__bge-m3-instruct/5617a9f61b028005a4858fdac845db406aefb181/AlphaNLIInstruct.json", - "results/BAAI__bge-m3-instruct/5617a9f61b028005a4858fdac845db406aefb181/RARbCodeInstruct.json", - "results/BAAI__bge-m3-instruct/5617a9f61b028005a4858fdac845db406aefb181/HellaSwagInstruct.json", - "results/BAAI__bge-m3-instruct/5617a9f61b028005a4858fdac845db406aefb181/TempReasonL3PureInstruct.json", - "results/BAAI__bge-m3-instruct/5617a9f61b028005a4858fdac845db406aefb181/SIQAInstruct.json", - "results/BAAI__bge-m3-instruct/5617a9f61b028005a4858fdac845db406aefb181/TempReasonL1Instruct.json", - "results/BAAI__bge-m3-instruct/5617a9f61b028005a4858fdac845db406aefb181/RARbMathInstruct.json", - "results/BAAI__bge-m3-instruct/5617a9f61b028005a4858fdac845db406aefb181/ARCChallengeInstruct.json", - "results/BAAI__bge-m3-instruct/5617a9f61b028005a4858fdac845db406aefb181/TempReasonL2PureInstruct.json", - "results/BAAI__bge-m3-instruct/5617a9f61b028005a4858fdac845db406aefb181/WinoGrandeInstruct.json", - "results/BAAI__bge-m3-instruct/5617a9f61b028005a4858fdac845db406aefb181/PIQAInstruct.json", - "results/BAAI__bge-m3-instruct/5617a9f61b028005a4858fdac845db406aefb181/TempReasonL3FactInstruct.json", - "results/BAAI__bge-m3-instruct/5617a9f61b028005a4858fdac845db406aefb181/QuailInstruct.json" + "openai__text-embedding-ada-002": [ + "results/openai__text-embedding-ada-002/no_revision_available/CMedQAv1.json", + "results/openai__text-embedding-ada-002/no_revision_available/AlphaNLI.json", + "results/openai__text-embedding-ada-002/no_revision_available/WinoGrande.json", + "results/openai__text-embedding-ada-002/no_revision_available/ARCChallenge.json", + "results/openai__text-embedding-ada-002/no_revision_available/MassiveIntentClassification.json", + "results/openai__text-embedding-ada-002/no_revision_available/MLSUMClusteringP2P.json", + "results/openai__text-embedding-ada-002/no_revision_available/SpartQA.json", + "results/openai__text-embedding-ada-002/no_revision_available/AlloProfClusteringS2S.json", + "results/openai__text-embedding-ada-002/no_revision_available/TNews.json", + "results/openai__text-embedding-ada-002/no_revision_available/BiorxivClusteringP2P.json", + "results/openai__text-embedding-ada-002/no_revision_available/TempReasonL1.json", + "results/openai__text-embedding-ada-002/no_revision_available/EmotionClassification.json", + "results/openai__text-embedding-ada-002/no_revision_available/CQADupstackGisRetrieval.json", + "results/openai__text-embedding-ada-002/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/openai__text-embedding-ada-002/no_revision_available/SyntecReranking.json", + "results/openai__text-embedding-ada-002/no_revision_available/PAWSX.json", + "results/openai__text-embedding-ada-002/no_revision_available/BSARDRetrieval.json", + "results/openai__text-embedding-ada-002/no_revision_available/TweetSentimentExtractionClassification.json", + "results/openai__text-embedding-ada-002/no_revision_available/HellaSwag.json", + "results/openai__text-embedding-ada-002/no_revision_available/OnlineShopping.json", + "results/openai__text-embedding-ada-002/no_revision_available/LCQMC.json", + "results/openai__text-embedding-ada-002/no_revision_available/EcomRetrieval.json", + "results/openai__text-embedding-ada-002/no_revision_available/SciFact.json", + "results/openai__text-embedding-ada-002/no_revision_available/Banking77Classification.json", + "results/openai__text-embedding-ada-002/no_revision_available/MMarcoReranking.json", + "results/openai__text-embedding-ada-002/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/openai__text-embedding-ada-002/no_revision_available/STS14.json", + "results/openai__text-embedding-ada-002/no_revision_available/STSBenchmark.json", + "results/openai__text-embedding-ada-002/no_revision_available/TempReasonL3Pure.json", + "results/openai__text-embedding-ada-002/no_revision_available/DiaBLaBitextMining.json", + "results/openai__text-embedding-ada-002/no_revision_available/SciDocsRR.json", + "results/openai__text-embedding-ada-002/no_revision_available/MindSmallReranking.json", + "results/openai__text-embedding-ada-002/no_revision_available/CQADupstackRetrieval.json", + "results/openai__text-embedding-ada-002/no_revision_available/MedrxivClusteringS2S.json", + "results/openai__text-embedding-ada-002/no_revision_available/SCIDOCS.json", + "results/openai__text-embedding-ada-002/no_revision_available/PIQA.json", + "results/openai__text-embedding-ada-002/no_revision_available/MintakaRetrieval.json", + "results/openai__text-embedding-ada-002/no_revision_available/Touche2020.json", + "results/openai__text-embedding-ada-002/no_revision_available/STS16.json", + "results/openai__text-embedding-ada-002/no_revision_available/CovidRetrieval.json", + "results/openai__text-embedding-ada-002/no_revision_available/CQADupstackTexRetrieval.json", + "results/openai__text-embedding-ada-002/no_revision_available/SyntecRetrieval.json", + "results/openai__text-embedding-ada-002/no_revision_available/CLSClusteringP2P.json", + "results/openai__text-embedding-ada-002/no_revision_available/BQ.json", + "results/openai__text-embedding-ada-002/no_revision_available/AFQMC.json", + "results/openai__text-embedding-ada-002/no_revision_available/ImdbClassification.json", + "results/openai__text-embedding-ada-002/no_revision_available/SprintDuplicateQuestions.json", + "results/openai__text-embedding-ada-002/no_revision_available/MLSUMClusteringS2S.json", + "results/openai__text-embedding-ada-002/no_revision_available/CLSClusteringS2S.json", + "results/openai__text-embedding-ada-002/no_revision_available/ToxicConversationsClassification.json", + "results/openai__text-embedding-ada-002/no_revision_available/Cmnli.json", + "results/openai__text-embedding-ada-002/no_revision_available/MassiveScenarioClassification.json", + "results/openai__text-embedding-ada-002/no_revision_available/T2Reranking.json", + "results/openai__text-embedding-ada-002/no_revision_available/STS17.json", + "results/openai__text-embedding-ada-002/no_revision_available/MasakhaNEWSClusteringP2P.json", + "results/openai__text-embedding-ada-002/no_revision_available/CQADupstackUnixRetrieval.json", + "results/openai__text-embedding-ada-002/no_revision_available/AskUbuntuDupQuestions.json", + "results/openai__text-embedding-ada-002/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/openai__text-embedding-ada-002/no_revision_available/HotpotQA.json", + "results/openai__text-embedding-ada-002/no_revision_available/ArxivClusteringS2S.json", + "results/openai__text-embedding-ada-002/no_revision_available/StackExchangeClustering.json", + "results/openai__text-embedding-ada-002/no_revision_available/RedditClusteringP2P.json", + "results/openai__text-embedding-ada-002/no_revision_available/AlloprofRetrieval.json", + "results/openai__text-embedding-ada-002/no_revision_available/ThuNewsClusteringP2P.json", + "results/openai__text-embedding-ada-002/no_revision_available/FloresBitextMining.json", + "results/openai__text-embedding-ada-002/no_revision_available/VideoRetrieval.json", + "results/openai__text-embedding-ada-002/no_revision_available/Ocnli.json", + "results/openai__text-embedding-ada-002/no_revision_available/Quail.json", + "results/openai__text-embedding-ada-002/no_revision_available/NQ.json", + "results/openai__text-embedding-ada-002/no_revision_available/ATEC.json", + "results/openai__text-embedding-ada-002/no_revision_available/Waimai.json", + "results/openai__text-embedding-ada-002/no_revision_available/RedditClustering.json", + "results/openai__text-embedding-ada-002/no_revision_available/SICK-R.json", + "results/openai__text-embedding-ada-002/no_revision_available/FiQA2018.json", + "results/openai__text-embedding-ada-002/no_revision_available/SummEvalFr.json", + "results/openai__text-embedding-ada-002/no_revision_available/BIOSSES.json", + "results/openai__text-embedding-ada-002/no_revision_available/TRECCOVID.json", + "results/openai__text-embedding-ada-002/no_revision_available/ThuNewsClusteringS2S.json", + "results/openai__text-embedding-ada-002/no_revision_available/DBPedia.json", + "results/openai__text-embedding-ada-002/no_revision_available/BiorxivClusteringS2S.json", + "results/openai__text-embedding-ada-002/no_revision_available/AlloProfClusteringP2P.json", + "results/openai__text-embedding-ada-002/no_revision_available/ArguAna.json", + "results/openai__text-embedding-ada-002/no_revision_available/MasakhaNEWSClusteringS2S.json", + "results/openai__text-embedding-ada-002/no_revision_available/IFlyTek.json", + "results/openai__text-embedding-ada-002/no_revision_available/SIQA.json", + "results/openai__text-embedding-ada-002/no_revision_available/ArxivClusteringP2P.json", + "results/openai__text-embedding-ada-002/no_revision_available/MultilingualSentiment.json", + "results/openai__text-embedding-ada-002/no_revision_available/CmedqaRetrieval.json", + "results/openai__text-embedding-ada-002/no_revision_available/TwitterURLCorpus.json", + "results/openai__text-embedding-ada-002/no_revision_available/STS22.json", + "results/openai__text-embedding-ada-002/no_revision_available/AmazonReviewsClassification.json", + "results/openai__text-embedding-ada-002/no_revision_available/CQADupstackGamingRetrieval.json", + "results/openai__text-embedding-ada-002/no_revision_available/NFCorpus.json", + "results/openai__text-embedding-ada-002/no_revision_available/STS15.json", + "results/openai__text-embedding-ada-002/no_revision_available/AmazonPolarityClassification.json", + "results/openai__text-embedding-ada-002/no_revision_available/JDReview.json", + "results/openai__text-embedding-ada-002/no_revision_available/RARbMath.json", + "results/openai__text-embedding-ada-002/no_revision_available/MTOPIntentClassification.json", + "results/openai__text-embedding-ada-002/no_revision_available/HALClusteringS2S.json", + "results/openai__text-embedding-ada-002/no_revision_available/TempReasonL2Fact.json", + "results/openai__text-embedding-ada-002/no_revision_available/STS13.json", + "results/openai__text-embedding-ada-002/no_revision_available/TempReasonL2Pure.json", + "results/openai__text-embedding-ada-002/no_revision_available/MedicalRetrieval.json", + "results/openai__text-embedding-ada-002/no_revision_available/SummEval.json", + "results/openai__text-embedding-ada-002/no_revision_available/ClimateFEVER.json", + "results/openai__text-embedding-ada-002/no_revision_available/MasakhaNEWSClassification.json", + "results/openai__text-embedding-ada-002/no_revision_available/CQADupstackStatsRetrieval.json", + "results/openai__text-embedding-ada-002/no_revision_available/T2Retrieval.json", + "results/openai__text-embedding-ada-002/no_revision_available/TwitterSemEval2015.json", + "results/openai__text-embedding-ada-002/no_revision_available/QBQTC.json", + "results/openai__text-embedding-ada-002/no_revision_available/TempReasonL3Fact.json", + "results/openai__text-embedding-ada-002/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/openai__text-embedding-ada-002/no_revision_available/MedrxivClusteringP2P.json", + "results/openai__text-embedding-ada-002/no_revision_available/MMarcoRetrieval.json", + "results/openai__text-embedding-ada-002/no_revision_available/TwentyNewsgroupsClustering.json", + "results/openai__text-embedding-ada-002/no_revision_available/RARbCode.json", + "results/openai__text-embedding-ada-002/no_revision_available/FEVER.json", + "results/openai__text-embedding-ada-002/no_revision_available/OpusparcusPC.json", + "results/openai__text-embedding-ada-002/no_revision_available/MSMARCO.json", + "results/openai__text-embedding-ada-002/no_revision_available/DuRetrieval.json", + "results/openai__text-embedding-ada-002/no_revision_available/MTOPDomainClassification.json", + "results/openai__text-embedding-ada-002/no_revision_available/QuoraRetrieval.json", + "results/openai__text-embedding-ada-002/no_revision_available/SICKFr.json", + "results/openai__text-embedding-ada-002/no_revision_available/STS12.json", + "results/openai__text-embedding-ada-002/no_revision_available/AmazonCounterfactualClassification.json", + "results/openai__text-embedding-ada-002/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/openai__text-embedding-ada-002/no_revision_available/PawsXPairClassification.json", + "results/openai__text-embedding-ada-002/no_revision_available/StackExchangeClusteringP2P.json", + "results/openai__text-embedding-ada-002/no_revision_available/CMedQAv2.json", + "results/openai__text-embedding-ada-002/no_revision_available/STSB.json", + "results/openai__text-embedding-ada-002/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/openai__text-embedding-ada-002/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/openai__text-embedding-ada-002/no_revision_available/XPQARetrieval.json", + "results/openai__text-embedding-ada-002/no_revision_available/STSBenchmarkMultilingualSTS.json", + "results/openai__text-embedding-ada-002/no_revision_available/StackOverflowDupQuestions.json" ], - "cointegrated__rubert-tiny2": [ - "results/cointegrated__rubert-tiny2/dad72b8f77c5eef6995dd3e4691b758ba56b90c3/RuBQRetrieval.json", - "results/cointegrated__rubert-tiny2/dad72b8f77c5eef6995dd3e4691b758ba56b90c3/MassiveIntentClassification.json", - "results/cointegrated__rubert-tiny2/dad72b8f77c5eef6995dd3e4691b758ba56b90c3/InappropriatenessClassification.json", - "results/cointegrated__rubert-tiny2/dad72b8f77c5eef6995dd3e4691b758ba56b90c3/RuReviewsClassification.json", - "results/cointegrated__rubert-tiny2/dad72b8f77c5eef6995dd3e4691b758ba56b90c3/RuSciBenchGRNTIClusteringP2P.json", - "results/cointegrated__rubert-tiny2/dad72b8f77c5eef6995dd3e4691b758ba56b90c3/TERRa.json", - "results/cointegrated__rubert-tiny2/dad72b8f77c5eef6995dd3e4691b758ba56b90c3/RuSTSBenchmarkSTS.json", - "results/cointegrated__rubert-tiny2/dad72b8f77c5eef6995dd3e4691b758ba56b90c3/RiaNewsRetrieval.json", - "results/cointegrated__rubert-tiny2/dad72b8f77c5eef6995dd3e4691b758ba56b90c3/MIRACLRetrieval.json", - "results/cointegrated__rubert-tiny2/dad72b8f77c5eef6995dd3e4691b758ba56b90c3/GeoreviewClassification.json", - "results/cointegrated__rubert-tiny2/dad72b8f77c5eef6995dd3e4691b758ba56b90c3/SensitiveTopicsClassification.json", - "results/cointegrated__rubert-tiny2/dad72b8f77c5eef6995dd3e4691b758ba56b90c3/KinopoiskClassification.json", - "results/cointegrated__rubert-tiny2/dad72b8f77c5eef6995dd3e4691b758ba56b90c3/RUParaPhraserSTS.json", - "results/cointegrated__rubert-tiny2/dad72b8f77c5eef6995dd3e4691b758ba56b90c3/MassiveScenarioClassification.json", - "results/cointegrated__rubert-tiny2/dad72b8f77c5eef6995dd3e4691b758ba56b90c3/RuSciBenchOECDClusteringP2P.json", - "results/cointegrated__rubert-tiny2/dad72b8f77c5eef6995dd3e4691b758ba56b90c3/RuSciBenchGRNTIClassification.json", - "results/cointegrated__rubert-tiny2/dad72b8f77c5eef6995dd3e4691b758ba56b90c3/HeadlineClassification.json", - "results/cointegrated__rubert-tiny2/dad72b8f77c5eef6995dd3e4691b758ba56b90c3/MIRACLReranking.json", - "results/cointegrated__rubert-tiny2/dad72b8f77c5eef6995dd3e4691b758ba56b90c3/XNLI.json", - "results/cointegrated__rubert-tiny2/dad72b8f77c5eef6995dd3e4691b758ba56b90c3/STS22.json", - "results/cointegrated__rubert-tiny2/dad72b8f77c5eef6995dd3e4691b758ba56b90c3/CEDRClassification.json", - "results/cointegrated__rubert-tiny2/dad72b8f77c5eef6995dd3e4691b758ba56b90c3/GeoreviewClusteringP2P.json", - "results/cointegrated__rubert-tiny2/dad72b8f77c5eef6995dd3e4691b758ba56b90c3/RuBQReranking.json", - "results/cointegrated__rubert-tiny2/dad72b8f77c5eef6995dd3e4691b758ba56b90c3/RuSciBenchOECDClassification.json" + "openai__text-embedding-ada-002-instruct": [ + "results/openai__text-embedding-ada-002-instruct/no_revision_available/AlphaNLI.json", + "results/openai__text-embedding-ada-002-instruct/no_revision_available/WinoGrande.json", + "results/openai__text-embedding-ada-002-instruct/no_revision_available/ARCChallenge.json", + "results/openai__text-embedding-ada-002-instruct/no_revision_available/SpartQA.json", + "results/openai__text-embedding-ada-002-instruct/no_revision_available/TempReasonL1.json", + "results/openai__text-embedding-ada-002-instruct/no_revision_available/HellaSwag.json", + "results/openai__text-embedding-ada-002-instruct/no_revision_available/TempReasonL3Pure.json", + "results/openai__text-embedding-ada-002-instruct/no_revision_available/PIQA.json", + "results/openai__text-embedding-ada-002-instruct/no_revision_available/Quail.json", + "results/openai__text-embedding-ada-002-instruct/no_revision_available/SIQA.json", + "results/openai__text-embedding-ada-002-instruct/no_revision_available/RARbMath.json", + "results/openai__text-embedding-ada-002-instruct/no_revision_available/TempReasonL2Fact.json", + "results/openai__text-embedding-ada-002-instruct/no_revision_available/TempReasonL2Pure.json", + "results/openai__text-embedding-ada-002-instruct/no_revision_available/TempReasonL3Fact.json", + "results/openai__text-embedding-ada-002-instruct/no_revision_available/RARbCode.json" ], - "McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised": [ - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/MassiveIntentClassification.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/BiorxivClusteringP2P.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/EmotionClassification.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/CQADupstackGisRetrieval.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/TweetSentimentExtractionClassification.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/SciFact.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/Banking77Classification.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/STS14.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/STSBenchmark.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/SciDocsRR.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/MindSmallReranking.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/CQADupstackRetrieval.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/MedrxivClusteringS2S.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/SCIDOCS.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/Touche2020.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/STS16.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/CQADupstackTexRetrieval.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/ImdbClassification.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/SprintDuplicateQuestions.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/ToxicConversationsClassification.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/MassiveScenarioClassification.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/STS17.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/CQADupstackUnixRetrieval.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/AskUbuntuDupQuestions.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/HotpotQA.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/ArxivClusteringS2S.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/StackExchangeClustering.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/RedditClusteringP2P.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/NQ.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/RedditClustering.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/SICK-R.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/FiQA2018.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/BIOSSES.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/TRECCOVID.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/DBPedia.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/BiorxivClusteringS2S.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/ArguAna.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/ArxivClusteringP2P.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/TwitterURLCorpus.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/STS22.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/AmazonReviewsClassification.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/CQADupstackGamingRetrieval.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/NFCorpus.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/STS15.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/AmazonPolarityClassification.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/MTOPIntentClassification.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/STS13.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/SummEval.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/ClimateFEVER.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/CQADupstackStatsRetrieval.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/TwitterSemEval2015.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/MedrxivClusteringP2P.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/TwentyNewsgroupsClustering.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/FEVER.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/MSMARCO.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/MTOPDomainClassification.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/QuoraRetrieval.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/STS12.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/AmazonCounterfactualClassification.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/StackExchangeClusteringP2P.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised/no_revision_available/StackOverflowDupQuestions.json" + "openai__text-search-ada-001": [ + "results/openai__text-search-ada-001/no_revision_available/SciFact.json", + "results/openai__text-search-ada-001/no_revision_available/MedrxivClusteringS2S.json", + "results/openai__text-search-ada-001/no_revision_available/SCIDOCS.json", + "results/openai__text-search-ada-001/no_revision_available/Touche2020.json", + "results/openai__text-search-ada-001/no_revision_available/HotpotQA.json", + "results/openai__text-search-ada-001/no_revision_available/NQ.json", + "results/openai__text-search-ada-001/no_revision_available/FiQA2018.json", + "results/openai__text-search-ada-001/no_revision_available/TRECCOVID.json", + "results/openai__text-search-ada-001/no_revision_available/DBPedia.json", + "results/openai__text-search-ada-001/no_revision_available/BiorxivClusteringS2S.json", + "results/openai__text-search-ada-001/no_revision_available/ArguAna.json", + "results/openai__text-search-ada-001/no_revision_available/NFCorpus.json", + "results/openai__text-search-ada-001/no_revision_available/ClimateFEVER.json", + "results/openai__text-search-ada-001/no_revision_available/TwentyNewsgroupsClustering.json", + "results/openai__text-search-ada-001/no_revision_available/FEVER.json", + "results/openai__text-search-ada-001/no_revision_available/MSMARCO.json", + "results/openai__text-search-ada-001/no_revision_available/QuoraRetrieval.json" ], - "BAAI__bge-large-zh": [ - "results/BAAI__bge-large-zh/no_revision_available/CMedQAv1.json", - "results/BAAI__bge-large-zh/no_revision_available/MassiveIntentClassification.json", - "results/BAAI__bge-large-zh/no_revision_available/TNews.json", - "results/BAAI__bge-large-zh/no_revision_available/PAWSX.json", - "results/BAAI__bge-large-zh/no_revision_available/OnlineShopping.json", - "results/BAAI__bge-large-zh/no_revision_available/LCQMC.json", - "results/BAAI__bge-large-zh/no_revision_available/EcomRetrieval.json", - "results/BAAI__bge-large-zh/no_revision_available/MMarcoReranking.json", - "results/BAAI__bge-large-zh/no_revision_available/CovidRetrieval.json", - "results/BAAI__bge-large-zh/no_revision_available/CLSClusteringP2P.json", - "results/BAAI__bge-large-zh/no_revision_available/BQ.json", - "results/BAAI__bge-large-zh/no_revision_available/AFQMC.json", - "results/BAAI__bge-large-zh/no_revision_available/CLSClusteringS2S.json", - "results/BAAI__bge-large-zh/no_revision_available/Cmnli.json", - "results/BAAI__bge-large-zh/no_revision_available/MassiveScenarioClassification.json", - "results/BAAI__bge-large-zh/no_revision_available/T2Reranking.json", - "results/BAAI__bge-large-zh/no_revision_available/ThuNewsClusteringP2P.json", - "results/BAAI__bge-large-zh/no_revision_available/VideoRetrieval.json", - "results/BAAI__bge-large-zh/no_revision_available/Ocnli.json", - "results/BAAI__bge-large-zh/no_revision_available/ATEC.json", - "results/BAAI__bge-large-zh/no_revision_available/Waimai.json", - "results/BAAI__bge-large-zh/no_revision_available/ThuNewsClusteringS2S.json", - "results/BAAI__bge-large-zh/no_revision_available/IFlyTek.json", - "results/BAAI__bge-large-zh/no_revision_available/MultilingualSentiment.json", - "results/BAAI__bge-large-zh/no_revision_available/CmedqaRetrieval.json", - "results/BAAI__bge-large-zh/no_revision_available/STS22.json", - "results/BAAI__bge-large-zh/no_revision_available/AmazonReviewsClassification.json", - "results/BAAI__bge-large-zh/no_revision_available/JDReview.json", - "results/BAAI__bge-large-zh/no_revision_available/MedicalRetrieval.json", - "results/BAAI__bge-large-zh/no_revision_available/T2Retrieval.json", - "results/BAAI__bge-large-zh/no_revision_available/QBQTC.json", - "results/BAAI__bge-large-zh/no_revision_available/MMarcoRetrieval.json", - "results/BAAI__bge-large-zh/no_revision_available/DuRetrieval.json", - "results/BAAI__bge-large-zh/no_revision_available/CMedQAv2.json", - "results/BAAI__bge-large-zh/no_revision_available/STSB.json" + "openai__text-search-ada-doc-001": [ + "results/openai__text-search-ada-doc-001/no_revision_available/TwentyNewsgroupsClustering.json" ], - "sergeyzh__LaBSE-ru-turbo": [ - "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/RuBQRetrieval.json", - "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/MassiveIntentClassification.json", - "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/InappropriatenessClassification.json", - "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/RuReviewsClassification.json", - "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/SIB200ClusteringS2S.json", - "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/MLSUMClusteringP2P.json", - "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/BelebeleRetrieval.json", - "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/RuSciBenchGRNTIClusteringP2P.json", - "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/LanguageClassification.json", - "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/MLSUMClusteringS2S.v2.json", - "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/TERRa.json", - "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/Tatoeba.json", - "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/RuSTSBenchmarkSTS.json", - "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/CyrillicTurkicLangClassification.json", - "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/RiaNewsRetrieval.json", - "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/MIRACLRetrieval.json", - "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/GeoreviewClassification.json", - "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/SensitiveTopicsClassification.json", - "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/KinopoiskClassification.json", - "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/RUParaPhraserSTS.json", - "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/MLSUMClusteringS2S.json", - "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/MassiveScenarioClassification.json", - "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/RuSciBenchOECDClusteringP2P.json", - "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/MultilingualSentimentClassification.json", - "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/PublicHealthQA.json", - "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/FloresBitextMining.json", - "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/RuSciBenchGRNTIClassification.json", - "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/HeadlineClassification.json", - "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/XQuADRetrieval.json", - "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/BUCC.v2.json", - "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/MIRACLReranking.json", - "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/XNLI.json", - "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/XNLIV2.json", - "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/STS22.json", - "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/MultiLongDocRetrieval.json", - "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/CEDRClassification.json", - "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/SIB200Classification.json", - "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/GeoreviewClusteringP2P.json", - "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/MLSUMClusteringP2P.v2.json", - "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/STS22.v2.json", - "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/RuBQReranking.json", - "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/NTREXBitextMining.json", - "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/OpusparcusPC.json", - "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/RuSciBenchOECDClassification.json", - "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/BibleNLPBitextMining.json", - "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/STSBenchmarkMultilingualSTS.json" + "openai__text-search-babbage-001": [ + "results/openai__text-search-babbage-001/no_revision_available/SciFact.json", + "results/openai__text-search-babbage-001/no_revision_available/Touche2020.json", + "results/openai__text-search-babbage-001/no_revision_available/HotpotQA.json", + "results/openai__text-search-babbage-001/no_revision_available/FiQA2018.json", + "results/openai__text-search-babbage-001/no_revision_available/TRECCOVID.json", + "results/openai__text-search-babbage-001/no_revision_available/ArguAna.json", + "results/openai__text-search-babbage-001/no_revision_available/NFCorpus.json", + "results/openai__text-search-babbage-001/no_revision_available/ClimateFEVER.json", + "results/openai__text-search-babbage-001/no_revision_available/FEVER.json", + "results/openai__text-search-babbage-001/no_revision_available/QuoraRetrieval.json" ], - "DeepPavlov__rubert-base-cased": [ - "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/RuBQRetrieval.json", - "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/MassiveIntentClassification.json", - "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/InappropriatenessClassification.json", - "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/RuReviewsClassification.json", - "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/SIB200ClusteringS2S.json", - "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/MLSUMClusteringP2P.json", - "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/BelebeleRetrieval.json", - "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/RuSciBenchGRNTIClusteringP2P.json", - "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/LanguageClassification.json", - "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/MLSUMClusteringS2S.v2.json", - "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/TERRa.json", - "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/Tatoeba.json", - "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/RuSTSBenchmarkSTS.json", - "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/CyrillicTurkicLangClassification.json", - "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/RiaNewsRetrieval.json", - "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/MIRACLRetrieval.json", - "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/GeoreviewClassification.json", - "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/SensitiveTopicsClassification.json", - "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/KinopoiskClassification.json", - "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/RUParaPhraserSTS.json", - "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/MLSUMClusteringS2S.json", - "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/MassiveScenarioClassification.json", - "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/RuSciBenchOECDClusteringP2P.json", - "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/MultilingualSentimentClassification.json", - "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/PublicHealthQA.json", - "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/FloresBitextMining.json", - "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/GPUSpeedTask.json", - "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/RuSciBenchGRNTIClassification.json", - "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/HeadlineClassification.json", - "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/XQuADRetrieval.json", - "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/BUCC.v2.json", - "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/MIRACLReranking.json", - "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/XNLI.json", - "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/XNLIV2.json", - "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/STS22.json", - "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/MultiLongDocRetrieval.json", - "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/CEDRClassification.json", - "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/SIB200Classification.json", - "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/GeoreviewClusteringP2P.json", - "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/MLSUMClusteringP2P.v2.json", - "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/STS22.v2.json", - "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/RuBQReranking.json", - "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/NTREXBitextMining.json", - "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/OpusparcusPC.json", - "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/RuSciBenchOECDClassification.json", - "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/BibleNLPBitextMining.json", - "results/DeepPavlov__rubert-base-cased/4036cab694767a299f2b9e6492909664d9414229/STSBenchmarkMultilingualSTS.json" + "openai__text-search-curie-001": [ + "results/openai__text-search-curie-001/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/openai__text-search-curie-001/no_revision_available/SciFact.json", + "results/openai__text-search-curie-001/no_revision_available/SCIDOCS.json", + "results/openai__text-search-curie-001/no_revision_available/Touche2020.json", + "results/openai__text-search-curie-001/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/openai__text-search-curie-001/no_revision_available/HotpotQA.json", + "results/openai__text-search-curie-001/no_revision_available/FiQA2018.json", + "results/openai__text-search-curie-001/no_revision_available/TRECCOVID.json", + "results/openai__text-search-curie-001/no_revision_available/ArguAna.json", + "results/openai__text-search-curie-001/no_revision_available/NFCorpus.json", + "results/openai__text-search-curie-001/no_revision_available/ClimateFEVER.json", + "results/openai__text-search-curie-001/no_revision_available/FEVER.json", + "results/openai__text-search-curie-001/no_revision_available/QuoraRetrieval.json" ], - "deepset__gbert-large": [ - "results/deepset__gbert-large/no_revision_available/BlurbsClusteringP2P.json", - "results/deepset__gbert-large/no_revision_available/TenKGnadClusteringS2S.json", - "results/deepset__gbert-large/no_revision_available/TenKGnadClusteringP2P.json", - "results/deepset__gbert-large/no_revision_available/BlurbsClusteringS2S.json" + "openai__text-search-davinci-001": [ + "results/openai__text-search-davinci-001/no_revision_available/SciFact.json", + "results/openai__text-search-davinci-001/no_revision_available/Touche2020.json", + "results/openai__text-search-davinci-001/no_revision_available/HotpotQA.json", + "results/openai__text-search-davinci-001/no_revision_available/FiQA2018.json", + "results/openai__text-search-davinci-001/no_revision_available/TRECCOVID.json", + "results/openai__text-search-davinci-001/no_revision_available/ArguAna.json", + "results/openai__text-search-davinci-001/no_revision_available/NFCorpus.json", + "results/openai__text-search-davinci-001/no_revision_available/ClimateFEVER.json", + "results/openai__text-search-davinci-001/no_revision_available/FEVER.json", + "results/openai__text-search-davinci-001/no_revision_available/QuoraRetrieval.json" ], - "sentence-transformers__sentence-t5-base": [ - "results/sentence-transformers__sentence-t5-base/no_revision_available/MassiveIntentClassification.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/MLSUMClusteringP2P.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/AlloProfClusteringS2S.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/BiorxivClusteringP2P.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/EmotionClassification.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/CQADupstackGisRetrieval.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/SyntecReranking.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/BSARDRetrieval.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/TweetSentimentExtractionClassification.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/SciFact.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/Banking77Classification.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/STS14.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/STSBenchmark.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/DiaBLaBitextMining.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/SciDocsRR.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/MindSmallReranking.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/CQADupstackRetrieval.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/MedrxivClusteringS2S.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/SCIDOCS.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/BlurbsClusteringP2P.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/MintakaRetrieval.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/Touche2020.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/STS16.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/CQADupstackTexRetrieval.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/SyntecRetrieval.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/ImdbClassification.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/SprintDuplicateQuestions.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/MLSUMClusteringS2S.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/ToxicConversationsClassification.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/MassiveScenarioClassification.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/STS17.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/MasakhaNEWSClusteringP2P.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/CQADupstackUnixRetrieval.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/AskUbuntuDupQuestions.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/HotpotQA.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/ArxivClusteringS2S.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/StackExchangeClustering.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/RedditClusteringP2P.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/AlloprofRetrieval.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/AlloprofReranking.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/FloresBitextMining.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/NQ.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/RedditClustering.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/SICK-R.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/FiQA2018.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/SummEvalFr.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/BIOSSES.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/TRECCOVID.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/TenKGnadClusteringS2S.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/DBPedia.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/BiorxivClusteringS2S.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/AlloProfClusteringP2P.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/ArguAna.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/MasakhaNEWSClusteringS2S.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/ArxivClusteringP2P.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/TwitterURLCorpus.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/STS22.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/AmazonReviewsClassification.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/CQADupstackGamingRetrieval.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/NFCorpus.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/STS15.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/AmazonPolarityClassification.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/MTOPIntentClassification.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/HALClusteringS2S.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/STS13.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/SummEval.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/ClimateFEVER.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/MasakhaNEWSClassification.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/CQADupstackStatsRetrieval.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/TwitterSemEval2015.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/MedrxivClusteringP2P.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/TwentyNewsgroupsClustering.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/TenKGnadClusteringP2P.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/FEVER.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/OpusparcusPC.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/MSMARCO.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/MTOPDomainClassification.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/QuoraRetrieval.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/BlurbsClusteringS2S.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/SICKFr.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/STS12.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/AmazonCounterfactualClassification.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/PawsXPairClassification.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/StackExchangeClusteringP2P.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/XPQARetrieval.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/STSBenchmarkMultilingualSTS.json", - "results/sentence-transformers__sentence-t5-base/no_revision_available/StackOverflowDupQuestions.json" + "openai__text-similarity-ada-001": [ + "results/openai__text-similarity-ada-001/no_revision_available/MassiveIntentClassification.json", + "results/openai__text-similarity-ada-001/no_revision_available/BiorxivClusteringP2P.json", + "results/openai__text-similarity-ada-001/no_revision_available/EmotionClassification.json", + "results/openai__text-similarity-ada-001/no_revision_available/CQADupstackGisRetrieval.json", + "results/openai__text-similarity-ada-001/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/openai__text-similarity-ada-001/no_revision_available/TweetSentimentExtractionClassification.json", + "results/openai__text-similarity-ada-001/no_revision_available/SciFact.json", + "results/openai__text-similarity-ada-001/no_revision_available/Banking77Classification.json", + "results/openai__text-similarity-ada-001/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/openai__text-similarity-ada-001/no_revision_available/STS14.json", + "results/openai__text-similarity-ada-001/no_revision_available/STSBenchmark.json", + "results/openai__text-similarity-ada-001/no_revision_available/SciDocsRR.json", + "results/openai__text-similarity-ada-001/no_revision_available/MindSmallReranking.json", + "results/openai__text-similarity-ada-001/no_revision_available/CQADupstackRetrieval.json", + "results/openai__text-similarity-ada-001/no_revision_available/MedrxivClusteringS2S.json", + "results/openai__text-similarity-ada-001/no_revision_available/SCIDOCS.json", + "results/openai__text-similarity-ada-001/no_revision_available/Touche2020.json", + "results/openai__text-similarity-ada-001/no_revision_available/STS16.json", + "results/openai__text-similarity-ada-001/no_revision_available/CQADupstackTexRetrieval.json", + "results/openai__text-similarity-ada-001/no_revision_available/ImdbClassification.json", + "results/openai__text-similarity-ada-001/no_revision_available/SprintDuplicateQuestions.json", + "results/openai__text-similarity-ada-001/no_revision_available/ToxicConversationsClassification.json", + "results/openai__text-similarity-ada-001/no_revision_available/MassiveScenarioClassification.json", + "results/openai__text-similarity-ada-001/no_revision_available/STS17.json", + "results/openai__text-similarity-ada-001/no_revision_available/CQADupstackUnixRetrieval.json", + "results/openai__text-similarity-ada-001/no_revision_available/AskUbuntuDupQuestions.json", + "results/openai__text-similarity-ada-001/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/openai__text-similarity-ada-001/no_revision_available/HotpotQA.json", + "results/openai__text-similarity-ada-001/no_revision_available/ArxivClusteringS2S.json", + "results/openai__text-similarity-ada-001/no_revision_available/StackExchangeClustering.json", + "results/openai__text-similarity-ada-001/no_revision_available/RedditClusteringP2P.json", + "results/openai__text-similarity-ada-001/no_revision_available/NQ.json", + "results/openai__text-similarity-ada-001/no_revision_available/RedditClustering.json", + "results/openai__text-similarity-ada-001/no_revision_available/SICK-R.json", + "results/openai__text-similarity-ada-001/no_revision_available/FiQA2018.json", + "results/openai__text-similarity-ada-001/no_revision_available/BIOSSES.json", + "results/openai__text-similarity-ada-001/no_revision_available/TRECCOVID.json", + "results/openai__text-similarity-ada-001/no_revision_available/DBPedia.json", + "results/openai__text-similarity-ada-001/no_revision_available/BiorxivClusteringS2S.json", + "results/openai__text-similarity-ada-001/no_revision_available/ArguAna.json", + "results/openai__text-similarity-ada-001/no_revision_available/ArxivClusteringP2P.json", + "results/openai__text-similarity-ada-001/no_revision_available/TwitterURLCorpus.json", + "results/openai__text-similarity-ada-001/no_revision_available/STS22.json", + "results/openai__text-similarity-ada-001/no_revision_available/AmazonReviewsClassification.json", + "results/openai__text-similarity-ada-001/no_revision_available/CQADupstackGamingRetrieval.json", + "results/openai__text-similarity-ada-001/no_revision_available/NFCorpus.json", + "results/openai__text-similarity-ada-001/no_revision_available/STS15.json", + "results/openai__text-similarity-ada-001/no_revision_available/AmazonPolarityClassification.json", + "results/openai__text-similarity-ada-001/no_revision_available/MTOPIntentClassification.json", + "results/openai__text-similarity-ada-001/no_revision_available/STS13.json", + "results/openai__text-similarity-ada-001/no_revision_available/SummEval.json", + "results/openai__text-similarity-ada-001/no_revision_available/ClimateFEVER.json", + "results/openai__text-similarity-ada-001/no_revision_available/CQADupstackStatsRetrieval.json", + "results/openai__text-similarity-ada-001/no_revision_available/TwitterSemEval2015.json", + "results/openai__text-similarity-ada-001/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/openai__text-similarity-ada-001/no_revision_available/MedrxivClusteringP2P.json", + "results/openai__text-similarity-ada-001/no_revision_available/TwentyNewsgroupsClustering.json", + "results/openai__text-similarity-ada-001/no_revision_available/FEVER.json", + "results/openai__text-similarity-ada-001/no_revision_available/MSMARCO.json", + "results/openai__text-similarity-ada-001/no_revision_available/MTOPDomainClassification.json", + "results/openai__text-similarity-ada-001/no_revision_available/QuoraRetrieval.json", + "results/openai__text-similarity-ada-001/no_revision_available/STS12.json", + "results/openai__text-similarity-ada-001/no_revision_available/AmazonCounterfactualClassification.json", + "results/openai__text-similarity-ada-001/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/openai__text-similarity-ada-001/no_revision_available/StackExchangeClusteringP2P.json", + "results/openai__text-similarity-ada-001/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/openai__text-similarity-ada-001/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/openai__text-similarity-ada-001/no_revision_available/StackOverflowDupQuestions.json" + ], + "openai__text-similarity-babbage-001": [ + "results/openai__text-similarity-babbage-001/no_revision_available/STSBenchmark.json", + "results/openai__text-similarity-babbage-001/no_revision_available/SciDocsRR.json", + "results/openai__text-similarity-babbage-001/no_revision_available/SprintDuplicateQuestions.json", + "results/openai__text-similarity-babbage-001/no_revision_available/AskUbuntuDupQuestions.json", + "results/openai__text-similarity-babbage-001/no_revision_available/StackExchangeClustering.json", + "results/openai__text-similarity-babbage-001/no_revision_available/RedditClustering.json", + "results/openai__text-similarity-babbage-001/no_revision_available/SICK-R.json", + "results/openai__text-similarity-babbage-001/no_revision_available/BIOSSES.json", + "results/openai__text-similarity-babbage-001/no_revision_available/TwitterURLCorpus.json", + "results/openai__text-similarity-babbage-001/no_revision_available/TwitterSemEval2015.json", + "results/openai__text-similarity-babbage-001/no_revision_available/TwentyNewsgroupsClustering.json", + "results/openai__text-similarity-babbage-001/no_revision_available/StackOverflowDupQuestions.json" ], - "Cohere__Cohere-embed-english-v3.0-instruct": [ - "results/Cohere__Cohere-embed-english-v3.0-instruct/no_revision_available/AlphaNLI.json", - "results/Cohere__Cohere-embed-english-v3.0-instruct/no_revision_available/WinoGrande.json", - "results/Cohere__Cohere-embed-english-v3.0-instruct/no_revision_available/ARCChallenge.json", - "results/Cohere__Cohere-embed-english-v3.0-instruct/no_revision_available/SpartQA.json", - "results/Cohere__Cohere-embed-english-v3.0-instruct/no_revision_available/TempReasonL1.json", - "results/Cohere__Cohere-embed-english-v3.0-instruct/no_revision_available/HellaSwag.json", - "results/Cohere__Cohere-embed-english-v3.0-instruct/no_revision_available/TempReasonL3Pure.json", - "results/Cohere__Cohere-embed-english-v3.0-instruct/no_revision_available/PIQA.json", - "results/Cohere__Cohere-embed-english-v3.0-instruct/no_revision_available/Quail.json", - "results/Cohere__Cohere-embed-english-v3.0-instruct/no_revision_available/SIQA.json", - "results/Cohere__Cohere-embed-english-v3.0-instruct/no_revision_available/RARbMath.json", - "results/Cohere__Cohere-embed-english-v3.0-instruct/no_revision_available/TempReasonL2Fact.json", - "results/Cohere__Cohere-embed-english-v3.0-instruct/no_revision_available/TempReasonL2Pure.json", - "results/Cohere__Cohere-embed-english-v3.0-instruct/no_revision_available/TempReasonL3Fact.json", - "results/Cohere__Cohere-embed-english-v3.0-instruct/no_revision_available/RARbCode.json" + "openai__text-similarity-curie-001": [ + "results/openai__text-similarity-curie-001/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/openai__text-similarity-curie-001/no_revision_available/SciFact.json", + "results/openai__text-similarity-curie-001/no_revision_available/STSBenchmark.json", + "results/openai__text-similarity-curie-001/no_revision_available/SciDocsRR.json", + "results/openai__text-similarity-curie-001/no_revision_available/SprintDuplicateQuestions.json", + "results/openai__text-similarity-curie-001/no_revision_available/AskUbuntuDupQuestions.json", + "results/openai__text-similarity-curie-001/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/openai__text-similarity-curie-001/no_revision_available/StackExchangeClustering.json", + "results/openai__text-similarity-curie-001/no_revision_available/RedditClustering.json", + "results/openai__text-similarity-curie-001/no_revision_available/SICK-R.json", + "results/openai__text-similarity-curie-001/no_revision_available/FiQA2018.json", + "results/openai__text-similarity-curie-001/no_revision_available/BIOSSES.json", + "results/openai__text-similarity-curie-001/no_revision_available/TRECCOVID.json", + "results/openai__text-similarity-curie-001/no_revision_available/TwitterURLCorpus.json", + "results/openai__text-similarity-curie-001/no_revision_available/CQADupstackGamingRetrieval.json", + "results/openai__text-similarity-curie-001/no_revision_available/NFCorpus.json", + "results/openai__text-similarity-curie-001/no_revision_available/TwitterSemEval2015.json", + "results/openai__text-similarity-curie-001/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/openai__text-similarity-curie-001/no_revision_available/TwentyNewsgroupsClustering.json", + "results/openai__text-similarity-curie-001/no_revision_available/QuoraRetrieval.json", + "results/openai__text-similarity-curie-001/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/openai__text-similarity-curie-001/no_revision_available/StackOverflowDupQuestions.json" ], - "sdadas__st-polish-paraphrase-from-distilroberta": [ - "results/sdadas__st-polish-paraphrase-from-distilroberta/no_revision_available/PSC.json", - "results/sdadas__st-polish-paraphrase-from-distilroberta/no_revision_available/NFCorpus-PL.json", - "results/sdadas__st-polish-paraphrase-from-distilroberta/no_revision_available/MassiveIntentClassification.json", - "results/sdadas__st-polish-paraphrase-from-distilroberta/no_revision_available/CDSC-R.json", - "results/sdadas__st-polish-paraphrase-from-distilroberta/no_revision_available/MSMARCO-PL.json", - "results/sdadas__st-polish-paraphrase-from-distilroberta/no_revision_available/DBPedia-PL.json", - "results/sdadas__st-polish-paraphrase-from-distilroberta/no_revision_available/PolEmo2.0-OUT.json", - "results/sdadas__st-polish-paraphrase-from-distilroberta/no_revision_available/FiQA-PL.json", - "results/sdadas__st-polish-paraphrase-from-distilroberta/no_revision_available/AllegroReviews.json", - "results/sdadas__st-polish-paraphrase-from-distilroberta/no_revision_available/SciFact-PL.json", - "results/sdadas__st-polish-paraphrase-from-distilroberta/no_revision_available/8TagsClustering.json", - "results/sdadas__st-polish-paraphrase-from-distilroberta/no_revision_available/TRECCOVID-PL.json", - "results/sdadas__st-polish-paraphrase-from-distilroberta/no_revision_available/SICK-R-PL.json", - "results/sdadas__st-polish-paraphrase-from-distilroberta/no_revision_available/CDSC-E.json", - "results/sdadas__st-polish-paraphrase-from-distilroberta/no_revision_available/MassiveScenarioClassification.json", - "results/sdadas__st-polish-paraphrase-from-distilroberta/no_revision_available/ArguAna-PL.json", - "results/sdadas__st-polish-paraphrase-from-distilroberta/no_revision_available/CBD.json", - "results/sdadas__st-polish-paraphrase-from-distilroberta/no_revision_available/PolEmo2.0-IN.json", - "results/sdadas__st-polish-paraphrase-from-distilroberta/no_revision_available/HotpotQA-PL.json", - "results/sdadas__st-polish-paraphrase-from-distilroberta/no_revision_available/PAC.json", - "results/sdadas__st-polish-paraphrase-from-distilroberta/no_revision_available/SICK-E-PL.json", - "results/sdadas__st-polish-paraphrase-from-distilroberta/no_revision_available/Quora-PL.json", - "results/sdadas__st-polish-paraphrase-from-distilroberta/no_revision_available/STS22.json", - "results/sdadas__st-polish-paraphrase-from-distilroberta/no_revision_available/NQ-PL.json", - "results/sdadas__st-polish-paraphrase-from-distilroberta/no_revision_available/SCIDOCS-PL.json", - "results/sdadas__st-polish-paraphrase-from-distilroberta/no_revision_available/PPC.json" + "openai__text-similarity-davinci-001": [ + "results/openai__text-similarity-davinci-001/no_revision_available/STSBenchmark.json", + "results/openai__text-similarity-davinci-001/no_revision_available/SciDocsRR.json", + "results/openai__text-similarity-davinci-001/no_revision_available/SprintDuplicateQuestions.json", + "results/openai__text-similarity-davinci-001/no_revision_available/AskUbuntuDupQuestions.json", + "results/openai__text-similarity-davinci-001/no_revision_available/StackExchangeClustering.json", + "results/openai__text-similarity-davinci-001/no_revision_available/RedditClustering.json", + "results/openai__text-similarity-davinci-001/no_revision_available/SICK-R.json", + "results/openai__text-similarity-davinci-001/no_revision_available/BIOSSES.json", + "results/openai__text-similarity-davinci-001/no_revision_available/TwitterURLCorpus.json", + "results/openai__text-similarity-davinci-001/no_revision_available/TwitterSemEval2015.json", + "results/openai__text-similarity-davinci-001/no_revision_available/TwentyNewsgroupsClustering.json", + "results/openai__text-similarity-davinci-001/no_revision_available/StackOverflowDupQuestions.json" ], - "nomic-ai__nomic-embed-text-v1.5-512": [ - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/MassiveIntentClassification.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/BiorxivClusteringP2P.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/EmotionClassification.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/CQADupstackGisRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/TweetSentimentExtractionClassification.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/SciFact.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/Banking77Classification.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/STS14.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/STSBenchmark.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/SciDocsRR.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/MindSmallReranking.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/CQADupstackRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/MedrxivClusteringS2S.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/SCIDOCS.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/Touche2020.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/STS16.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/CQADupstackTexRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/ImdbClassification.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/SprintDuplicateQuestions.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/ToxicConversationsClassification.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/MassiveScenarioClassification.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/STS17.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/CQADupstackUnixRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/AskUbuntuDupQuestions.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/HotpotQA.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/ArxivClusteringS2S.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/StackExchangeClustering.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/RedditClusteringP2P.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/NQ.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/RedditClustering.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/SICK-R.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/FiQA2018.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/BIOSSES.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/TRECCOVID.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/DBPedia.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/BiorxivClusteringS2S.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/ArguAna.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/ArxivClusteringP2P.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/TwitterURLCorpus.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/STS22.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/AmazonReviewsClassification.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/CQADupstackGamingRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/NFCorpus.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/STS15.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/AmazonPolarityClassification.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/MTOPIntentClassification.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/STS13.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/SummEval.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/ClimateFEVER.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/CQADupstackStatsRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/TwitterSemEval2015.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/MedrxivClusteringP2P.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/TwentyNewsgroupsClustering.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/FEVER.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/MSMARCO.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/MTOPDomainClassification.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/QuoraRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/STS12.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/AmazonCounterfactualClassification.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/StackExchangeClusteringP2P.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-512/no_revision_available/StackOverflowDupQuestions.json" + "orionweller__tart-dual-contriever-msmarco": [ + "results/orionweller__tart-dual-contriever-msmarco/no_revision_available/Robust04InstructionRetrieval.json", + "results/orionweller__tart-dual-contriever-msmarco/no_revision_available/News21InstructionRetrieval.json", + "results/orionweller__tart-dual-contriever-msmarco/no_revision_available/Core17InstructionRetrieval.json" + ], + "princeton-nlp__sup-simcse-bert-base-uncased": [ + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/MassiveIntentClassification.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/BiorxivClusteringP2P.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/EmotionClassification.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/CQADupstackGisRetrieval.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/TweetSentimentExtractionClassification.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/SciFact.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/Banking77Classification.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/STS14.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/STSBenchmark.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/SciDocsRR.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/MindSmallReranking.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/CQADupstackRetrieval.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/MedrxivClusteringS2S.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/SCIDOCS.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/Touche2020.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/STS16.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/CQADupstackTexRetrieval.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/ImdbClassification.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/SprintDuplicateQuestions.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/ToxicConversationsClassification.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/MassiveScenarioClassification.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/STS17.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/CQADupstackUnixRetrieval.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/AskUbuntuDupQuestions.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/HotpotQA.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/ArxivClusteringS2S.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/StackExchangeClustering.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/RedditClusteringP2P.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/NQ.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/RedditClustering.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/SICK-R.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/FiQA2018.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/BIOSSES.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/TRECCOVID.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/DBPedia.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/BiorxivClusteringS2S.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/ArguAna.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/ArxivClusteringP2P.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/TwitterURLCorpus.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/STS22.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/AmazonReviewsClassification.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/CQADupstackGamingRetrieval.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/NFCorpus.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/STS15.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/AmazonPolarityClassification.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/MTOPIntentClassification.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/STS13.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/SummEval.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/ClimateFEVER.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/CQADupstackStatsRetrieval.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/TwitterSemEval2015.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/MedrxivClusteringP2P.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/TwentyNewsgroupsClustering.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/FEVER.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/MSMARCO.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/MTOPDomainClassification.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/QuoraRetrieval.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/STS12.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/AmazonCounterfactualClassification.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/StackExchangeClusteringP2P.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/princeton-nlp__sup-simcse-bert-base-uncased/no_revision_available/StackOverflowDupQuestions.json" + ], + "princeton-nlp__unsup-simcse-bert-base-uncased": [ + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/MassiveIntentClassification.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/BiorxivClusteringP2P.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/EmotionClassification.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/CQADupstackGisRetrieval.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/TweetSentimentExtractionClassification.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/SciFact.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/Banking77Classification.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/STS14.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/STSBenchmark.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/SciDocsRR.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/MindSmallReranking.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/CQADupstackRetrieval.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/MedrxivClusteringS2S.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/SCIDOCS.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/Touche2020.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/STS16.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/CQADupstackTexRetrieval.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/ImdbClassification.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/SprintDuplicateQuestions.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/ToxicConversationsClassification.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/MassiveScenarioClassification.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/STS17.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/CQADupstackUnixRetrieval.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/AskUbuntuDupQuestions.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/HotpotQA.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/ArxivClusteringS2S.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/StackExchangeClustering.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/RedditClusteringP2P.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/NQ.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/RedditClustering.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/SICK-R.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/FiQA2018.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/BIOSSES.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/TRECCOVID.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/DBPedia.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/BiorxivClusteringS2S.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/ArguAna.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/ArxivClusteringP2P.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/TwitterURLCorpus.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/STS22.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/AmazonReviewsClassification.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/CQADupstackGamingRetrieval.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/NFCorpus.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/STS15.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/AmazonPolarityClassification.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/MTOPIntentClassification.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/STS13.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/SummEval.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/ClimateFEVER.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/CQADupstackStatsRetrieval.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/TwitterSemEval2015.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/MedrxivClusteringP2P.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/TwentyNewsgroupsClustering.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/FEVER.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/MSMARCO.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/MTOPDomainClassification.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/QuoraRetrieval.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/STS12.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/AmazonCounterfactualClassification.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/StackExchangeClusteringP2P.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/princeton-nlp__unsup-simcse-bert-base-uncased/no_revision_available/StackOverflowDupQuestions.json" ], - "openai__text-embedding-ada-002-instruct": [ - "results/openai__text-embedding-ada-002-instruct/no_revision_available/AlphaNLI.json", - "results/openai__text-embedding-ada-002-instruct/no_revision_available/WinoGrande.json", - "results/openai__text-embedding-ada-002-instruct/no_revision_available/ARCChallenge.json", - "results/openai__text-embedding-ada-002-instruct/no_revision_available/SpartQA.json", - "results/openai__text-embedding-ada-002-instruct/no_revision_available/TempReasonL1.json", - "results/openai__text-embedding-ada-002-instruct/no_revision_available/HellaSwag.json", - "results/openai__text-embedding-ada-002-instruct/no_revision_available/TempReasonL3Pure.json", - "results/openai__text-embedding-ada-002-instruct/no_revision_available/PIQA.json", - "results/openai__text-embedding-ada-002-instruct/no_revision_available/Quail.json", - "results/openai__text-embedding-ada-002-instruct/no_revision_available/SIQA.json", - "results/openai__text-embedding-ada-002-instruct/no_revision_available/RARbMath.json", - "results/openai__text-embedding-ada-002-instruct/no_revision_available/TempReasonL2Fact.json", - "results/openai__text-embedding-ada-002-instruct/no_revision_available/TempReasonL2Pure.json", - "results/openai__text-embedding-ada-002-instruct/no_revision_available/TempReasonL3Fact.json", - "results/openai__text-embedding-ada-002-instruct/no_revision_available/RARbCode.json" + "sdadas__st-polish-paraphrase-from-distilroberta": [ + "results/sdadas__st-polish-paraphrase-from-distilroberta/no_revision_available/PSC.json", + "results/sdadas__st-polish-paraphrase-from-distilroberta/no_revision_available/NFCorpus-PL.json", + "results/sdadas__st-polish-paraphrase-from-distilroberta/no_revision_available/MassiveIntentClassification.json", + "results/sdadas__st-polish-paraphrase-from-distilroberta/no_revision_available/CDSC-R.json", + "results/sdadas__st-polish-paraphrase-from-distilroberta/no_revision_available/MSMARCO-PL.json", + "results/sdadas__st-polish-paraphrase-from-distilroberta/no_revision_available/DBPedia-PL.json", + "results/sdadas__st-polish-paraphrase-from-distilroberta/no_revision_available/PolEmo2.0-OUT.json", + "results/sdadas__st-polish-paraphrase-from-distilroberta/no_revision_available/FiQA-PL.json", + "results/sdadas__st-polish-paraphrase-from-distilroberta/no_revision_available/AllegroReviews.json", + "results/sdadas__st-polish-paraphrase-from-distilroberta/no_revision_available/SciFact-PL.json", + "results/sdadas__st-polish-paraphrase-from-distilroberta/no_revision_available/8TagsClustering.json", + "results/sdadas__st-polish-paraphrase-from-distilroberta/no_revision_available/TRECCOVID-PL.json", + "results/sdadas__st-polish-paraphrase-from-distilroberta/no_revision_available/SICK-R-PL.json", + "results/sdadas__st-polish-paraphrase-from-distilroberta/no_revision_available/CDSC-E.json", + "results/sdadas__st-polish-paraphrase-from-distilroberta/no_revision_available/MassiveScenarioClassification.json", + "results/sdadas__st-polish-paraphrase-from-distilroberta/no_revision_available/ArguAna-PL.json", + "results/sdadas__st-polish-paraphrase-from-distilroberta/no_revision_available/CBD.json", + "results/sdadas__st-polish-paraphrase-from-distilroberta/no_revision_available/PolEmo2.0-IN.json", + "results/sdadas__st-polish-paraphrase-from-distilroberta/no_revision_available/HotpotQA-PL.json", + "results/sdadas__st-polish-paraphrase-from-distilroberta/no_revision_available/PAC.json", + "results/sdadas__st-polish-paraphrase-from-distilroberta/no_revision_available/SICK-E-PL.json", + "results/sdadas__st-polish-paraphrase-from-distilroberta/no_revision_available/Quora-PL.json", + "results/sdadas__st-polish-paraphrase-from-distilroberta/no_revision_available/STS22.json", + "results/sdadas__st-polish-paraphrase-from-distilroberta/no_revision_available/NQ-PL.json", + "results/sdadas__st-polish-paraphrase-from-distilroberta/no_revision_available/SCIDOCS-PL.json", + "results/sdadas__st-polish-paraphrase-from-distilroberta/no_revision_available/PPC.json" ], - "voyageai__voyage-law-2": [ - "results/voyageai__voyage-law-2/no_revision_available/MassiveIntentClassification.json", - "results/voyageai__voyage-law-2/no_revision_available/LEMBWikimQARetrieval.json", - "results/voyageai__voyage-law-2/no_revision_available/MLSUMClusteringP2P.json", - "results/voyageai__voyage-law-2/no_revision_available/LegalSummarization.json", - "results/voyageai__voyage-law-2/no_revision_available/AlloProfClusteringS2S.json", - "results/voyageai__voyage-law-2/no_revision_available/LEMBSummScreenFDRetrieval.json", - "results/voyageai__voyage-law-2/no_revision_available/SyntecReranking.json", - "results/voyageai__voyage-law-2/no_revision_available/BSARDRetrieval.json", - "results/voyageai__voyage-law-2/no_revision_available/LEMBNarrativeQARetrieval.json", - "results/voyageai__voyage-law-2/no_revision_available/MintakaRetrieval.json", - "results/voyageai__voyage-law-2/no_revision_available/SyntecRetrieval.json", - "results/voyageai__voyage-law-2/no_revision_available/LEMBQMSumRetrieval.json", - "results/voyageai__voyage-law-2/no_revision_available/MLSUMClusteringS2S.json", - "results/voyageai__voyage-law-2/no_revision_available/MassiveScenarioClassification.json", - "results/voyageai__voyage-law-2/no_revision_available/MasakhaNEWSClusteringP2P.json", - "results/voyageai__voyage-law-2/no_revision_available/AlloprofRetrieval.json", - "results/voyageai__voyage-law-2/no_revision_available/AlloprofReranking.json", - "results/voyageai__voyage-law-2/no_revision_available/AILAStatutes.json", - "results/voyageai__voyage-law-2/no_revision_available/SummEvalFr.json", - "results/voyageai__voyage-law-2/no_revision_available/LEMBPasskeyRetrieval.json", - "results/voyageai__voyage-law-2/no_revision_available/AlloProfClusteringP2P.json", - "results/voyageai__voyage-law-2/no_revision_available/MasakhaNEWSClusteringS2S.json", - "results/voyageai__voyage-law-2/no_revision_available/LEMBNeedleRetrieval.json", - "results/voyageai__voyage-law-2/no_revision_available/STS22.json", - "results/voyageai__voyage-law-2/no_revision_available/AmazonReviewsClassification.json", - "results/voyageai__voyage-law-2/no_revision_available/AILACasedocs.json", - "results/voyageai__voyage-law-2/no_revision_available/MTOPIntentClassification.json", - "results/voyageai__voyage-law-2/no_revision_available/HALClusteringS2S.json", - "results/voyageai__voyage-law-2/no_revision_available/GerDaLIRSmall.json", - "results/voyageai__voyage-law-2/no_revision_available/LegalBenchConsumerContractsQA.json", - "results/voyageai__voyage-law-2/no_revision_available/MasakhaNEWSClassification.json", - "results/voyageai__voyage-law-2/no_revision_available/LegalBenchCorporateLobbying.json", - "results/voyageai__voyage-law-2/no_revision_available/LeCaRDv2.json", - "results/voyageai__voyage-law-2/no_revision_available/OpusparcusPC.json", - "results/voyageai__voyage-law-2/no_revision_available/LegalQuAD.json", - "results/voyageai__voyage-law-2/no_revision_available/MTOPDomainClassification.json", - "results/voyageai__voyage-law-2/no_revision_available/SICKFr.json", - "results/voyageai__voyage-law-2/no_revision_available/PawsXPairClassification.json", - "results/voyageai__voyage-law-2/no_revision_available/XPQARetrieval.json", - "results/voyageai__voyage-law-2/no_revision_available/STSBenchmarkMultilingualSTS.json" + "sdadas__st-polish-paraphrase-from-mpnet": [ + "results/sdadas__st-polish-paraphrase-from-mpnet/no_revision_available/PSC.json", + "results/sdadas__st-polish-paraphrase-from-mpnet/no_revision_available/NFCorpus-PL.json", + "results/sdadas__st-polish-paraphrase-from-mpnet/no_revision_available/MassiveIntentClassification.json", + "results/sdadas__st-polish-paraphrase-from-mpnet/no_revision_available/CDSC-R.json", + "results/sdadas__st-polish-paraphrase-from-mpnet/no_revision_available/MSMARCO-PL.json", + "results/sdadas__st-polish-paraphrase-from-mpnet/no_revision_available/DBPedia-PL.json", + "results/sdadas__st-polish-paraphrase-from-mpnet/no_revision_available/PolEmo2.0-OUT.json", + "results/sdadas__st-polish-paraphrase-from-mpnet/no_revision_available/FiQA-PL.json", + "results/sdadas__st-polish-paraphrase-from-mpnet/no_revision_available/AllegroReviews.json", + "results/sdadas__st-polish-paraphrase-from-mpnet/no_revision_available/SciFact-PL.json", + "results/sdadas__st-polish-paraphrase-from-mpnet/no_revision_available/8TagsClustering.json", + "results/sdadas__st-polish-paraphrase-from-mpnet/no_revision_available/TRECCOVID-PL.json", + "results/sdadas__st-polish-paraphrase-from-mpnet/no_revision_available/SICK-R-PL.json", + "results/sdadas__st-polish-paraphrase-from-mpnet/no_revision_available/CDSC-E.json", + "results/sdadas__st-polish-paraphrase-from-mpnet/no_revision_available/MassiveScenarioClassification.json", + "results/sdadas__st-polish-paraphrase-from-mpnet/no_revision_available/ArguAna-PL.json", + "results/sdadas__st-polish-paraphrase-from-mpnet/no_revision_available/CBD.json", + "results/sdadas__st-polish-paraphrase-from-mpnet/no_revision_available/PolEmo2.0-IN.json", + "results/sdadas__st-polish-paraphrase-from-mpnet/no_revision_available/HotpotQA-PL.json", + "results/sdadas__st-polish-paraphrase-from-mpnet/no_revision_available/PAC.json", + "results/sdadas__st-polish-paraphrase-from-mpnet/no_revision_available/SICK-E-PL.json", + "results/sdadas__st-polish-paraphrase-from-mpnet/no_revision_available/Quora-PL.json", + "results/sdadas__st-polish-paraphrase-from-mpnet/no_revision_available/STS22.json", + "results/sdadas__st-polish-paraphrase-from-mpnet/no_revision_available/NQ-PL.json", + "results/sdadas__st-polish-paraphrase-from-mpnet/no_revision_available/SCIDOCS-PL.json", + "results/sdadas__st-polish-paraphrase-from-mpnet/no_revision_available/PPC.json" ], - "openai__text-search-ada-001": [ - "results/openai__text-search-ada-001/no_revision_available/SciFact.json", - "results/openai__text-search-ada-001/no_revision_available/MedrxivClusteringS2S.json", - "results/openai__text-search-ada-001/no_revision_available/SCIDOCS.json", - "results/openai__text-search-ada-001/no_revision_available/Touche2020.json", - "results/openai__text-search-ada-001/no_revision_available/HotpotQA.json", - "results/openai__text-search-ada-001/no_revision_available/NQ.json", - "results/openai__text-search-ada-001/no_revision_available/FiQA2018.json", - "results/openai__text-search-ada-001/no_revision_available/TRECCOVID.json", - "results/openai__text-search-ada-001/no_revision_available/DBPedia.json", - "results/openai__text-search-ada-001/no_revision_available/BiorxivClusteringS2S.json", - "results/openai__text-search-ada-001/no_revision_available/ArguAna.json", - "results/openai__text-search-ada-001/no_revision_available/NFCorpus.json", - "results/openai__text-search-ada-001/no_revision_available/ClimateFEVER.json", - "results/openai__text-search-ada-001/no_revision_available/TwentyNewsgroupsClustering.json", - "results/openai__text-search-ada-001/no_revision_available/FEVER.json", - "results/openai__text-search-ada-001/no_revision_available/MSMARCO.json", - "results/openai__text-search-ada-001/no_revision_available/QuoraRetrieval.json" + "sentence-transformers__LaBSE": [ + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/HagridRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/BengaliDocumentClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MLQuestions.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SyntheticText2SQL.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/NQ-PLHardNegatives.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/OPP115InternationalAndSpecificAudiencesLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/FrenkEnClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/WebLINXCandidatesReranking.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/Robust04InstructionRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/RuBQRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/StackExchangeClustering.v2.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/AlphaNLI.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TweetSarcasmClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/WinoGrande.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/NusaParagraphEmotionClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/AlloProfClusteringP2P.v2.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/PSC.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/DBpediaClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADNonTransferableLicenseLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ARCChallenge.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/IndicSentimentClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/NFCorpus-PL.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MassiveIntentClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SinhalaNewsSourceClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TextualismToolDictionariesLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/KurdishSentimentClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/InappropriatenessClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/RuReviewsClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/RomanianSentimentClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADUnlimitedAllYouCanEatLicenseLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADVolumeRestrictionLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADExclusivityLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ArmenianParaphrasePC.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/Itacola.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ContractNLIPermissibleAcquirementOfSimilarInformationLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADSourceCodeEscrowLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/UkrFormalityClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SIB200ClusteringS2S.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LEMBWikimQARetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MLSUMClusteringP2P.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/RedditClusteringP2P.v2.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/DanFeverRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/VGHierarchicalClusteringP2P.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/KLUE-STS.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADWarrantyDurationLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/DiaBlaBitextMining.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LegalSummarization.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SpartQA.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/BlurbsClusteringP2P.v2.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADInsuranceLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MSMARCOHardNegatives.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CTKFactsNLI.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADMostFavoredNationLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TNews.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/DBPedia-PLHardNegatives.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CodeFeedbackST.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/BiorxivClusteringP2P.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TempReasonL1.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/EmotionClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LEMBSummScreenFDRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CQADupstackGisRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/VieQuADRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/AfriSentiClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADCovenantNotToSueLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADPriceRestrictionsLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/OPP115DoNotTrackLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SCDDCertificationLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/FalseFriendsGermanEnglish.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CQADupstackEnglishRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LearnedHandsTrafficLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CDSC-R.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADJointIPOwnershipLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MedrxivClusteringP2P.v2.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SyntecReranking.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/RomanianReviewsSentiment.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/PAWSX.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/BSARDRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TweetSentimentExtractionClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADGoverningLawLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/WikipediaRerankingMultilingual.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/HellaSwag.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/Diversity2LegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/BelebeleRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/IndicCrosslingualSTS.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ArXivHierarchicalClusteringP2P.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ContractNLIPermissibleDevelopmentOfSimilarInformationLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/FarsTail.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SwednClusteringP2P.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/OnlineShopping.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LearnedHandsDomesticViolenceLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SlovakMovieReviewSentimentClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LearnedHandsBenefitsLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/PolEmo2.0-OUT.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADNoSolicitOfEmployeesLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/News21InstructionRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/GermanGovServiceRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LCQMC.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/EcomRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/NusaParagraphTopicClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/Moroco.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/GujaratiNewsClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LEMBNarrativeQARetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TurHistQuadRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/OralArgumentQuestionPurposeLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SciFact.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/RuSciBenchGRNTIClusteringP2P.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LanguageClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/KannadaNewsClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MalteseNewsClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/GreekLegalCodeClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MLSUMClusteringS2S.v2.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADAuditRightsLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CodeSearchNetCCRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LearnedHandsEstatesLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/Banking77Classification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CodeTransOceanContest.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/RTE3.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/NusaXBitextMining.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MMarcoReranking.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/GeorgianFAQRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADAffiliateLicenseLicenseeLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TurkicClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/NorQuadRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TERRa.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/Tatoeba.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/RuSTSBenchmarkSTS.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CQADupstackProgrammersRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ContractNLIInclusionOfVerballyConveyedInformationLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/HindiDiscourseClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/KorSarcasmClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TurkishProductSentimentClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADAffiliateLicenseLicensorLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/IndicQARetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LearnedHandsConsumerLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SNLHierarchicalClusteringS2S.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/KorHateClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/NaijaSenti.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CyrillicTurkicLangClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/FiQA-PL.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/STS14.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADTerminationForConvenienceLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/STSBenchmark.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MAUDLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/AllegroReviews.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SiswatiNewsClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LegalReasoningCausalityLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/InternationalCitizenshipQuestionsLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SpanishPassageRetrievalS2S.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TempReasonL3Pure.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ItaCaseholdClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/Diversity6LegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MarathiNewsClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/DutchBookReviewSentimentClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/Ko-StrategyQA.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SciDocsRR.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SciFact-PL.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ScalaClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MIRACLRetrievalHardNegatives.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LearnedHandsFamilyLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TopiOCQAHardNegatives.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MindSmallReranking.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/OPP115DataSecurityLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MedrxivClusteringS2S.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CzechSubjectivityClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/JaGovFaqsRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/Diversity5LegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/RiaNewsRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SCIDOCS.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ArXivHierarchicalClusteringS2S.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/RomaTalesBitextMining.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CSFDCZMovieReviewSentimentClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/NQHardNegatives.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/PIQA.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/YahooAnswersTopicsClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MintakaRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/IndicReviewsClusteringP2P.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/Touche2020.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TeluguAndhraJyotiNewsClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ContractNLIPermissiblePostAgreementPossessionLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/STS16.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/NLPJournalAbsIntroRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MedrxivClusteringS2S.v2.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/HotpotQA-PLHardNegatives.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/OPP115PolicyChangeLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADNonCompeteLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/OverrulingLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/UnfairTOSLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/KLUE-NLI.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SweRecClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/NLPJournalTitleAbsRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/DefinitionClassificationLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/PunjabiNewsClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/BiorxivClusteringS2S.v2.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CovidRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/GermanPoliticiansTwitterSentimentClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TRECCOVID-PL.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LearnedHandsImmigrationLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/GeoreviewClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/YueOpenriceReviewClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CodeFeedbackMT.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CanadaTaxCourtOutcomesLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CQADupstackTexRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/StatcanDialogueDatasetRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/BrazilianToxicTweetsClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/DBPediaHardNegatives.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/STSES.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ContractNLIExplicitIdentificationLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ContractNLISurvivalOfObligationsLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADLiquidatedDamagesLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/OPP115DataRetentionLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/JSICK.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/UCCVCommonLawLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SwednClusteringS2S.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/WRIMEClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/StackExchangeClusteringP2P.v2.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SCDDAuditsLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SICK-R-PL.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SpanishNewsClusteringP2P.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ContractNLINoticeOnCompelledDisclosureLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SyntecRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/AppsRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADNoSolicitOfCustomersLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SensitiveTopicsClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/FaroeseSTS.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ToxicChatClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TswanaNewsClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CDSC-E.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/BQ.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TwentyNewsgroupsClustering.v2.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/GermanSTSBenchmark.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/KinopoiskClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/Diversity4LegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/AFQMC.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LEMBQMSumRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/PROALegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TweetEmotionClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/OPP115UserAccessEditAndDeletionLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/FrenkHrClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ImdbClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/FaithDial.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MLQARetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/RUParaPhraserSTS.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SprintDuplicateQuestions.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/WikiClusteringP2P.v2.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MLSUMClusteringS2S.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/GermanDPR.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/AfriSentiLangClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ArxivClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ToxicConversationsClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MassiveScenarioClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/AngryTweetsClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/T2Reranking.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ArguAna-PL.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADExpirationDateLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/STS17.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/RuSciBenchOECDClusteringP2P.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TenKGnadClusteringS2S.v2.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CBD.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MasakhaNEWSClusteringP2P.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/PoemSentimentClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SummEvalSummarization.v2.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CQADupstackUnixRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TweetTopicSingleClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/AskUbuntuDupQuestions.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/NusaTranslationBitextMining.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CQADupstackAndroidRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADAntiAssignmentLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/AJGT.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/FinToxicityClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MSMARCO-PLHardNegatives.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/StackExchangeClustering.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/RedditClusteringP2P.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/BulgarianStoreReviewSentimentClassfication.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LearnedHandsTortsLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/AlloprofRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/Assin2RTE.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MedicalQARetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CorporateLobbyingLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/HateSpeechPortugueseClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/PolEmo2.0-IN.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TV2Nordretrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/PatentClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/RedditClustering.v2.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADRenewalTermLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/RonSTS.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/PlscClusteringS2S.v2.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/AlloprofReranking.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ContractNLINoLicensingLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LearnedHandsEducationLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/NusaX-senti.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CataloniaTweetClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MultilingualSentimentClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/PublicHealthQA.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/FloresBitextMining.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/IndonesianMongabayConservationClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/AILAStatutes.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/indonli.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/NordicLangClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/VideoRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/BigPatentClustering.v2.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SCDBPAccountabilityLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SCDBPCertificationLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/Quail.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CSFDSKMovieReviewSentimentClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MovieReviewSentimentClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/BornholmBitextMining.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/WisesightSentimentClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SwahiliNewsClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ATEC.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ClimateFEVERHardNegatives.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SlovakSumRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/Waimai.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/NollySentiBitextMining.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/HebrewSentimentAnalysis.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ContractNLISharingWithThirdPartiesLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/GPUSpeedTask.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/RedditClustering.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/NLPJournalTitleIntroRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/PhincBitextMining.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LearnedHandsDivorceLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LearnedHandsCrimeLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SICK-R.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/FiQA2018.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SummEvalFr.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/BIOSSES.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/QuoraRetrievalHardNegatives.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/HunSum2AbstractiveRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/VieStudentFeedbackClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/RuSciBenchGRNTIClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TRECCOVID.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ContractNLISharingWithEmployeesLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SNLRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/NorwegianParliamentClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CodeSearchNetRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CodeTransOceanDL.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SCDDAccountabilityLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/GreekCivicsQA.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SpanishSentimentClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/AlloProfClusteringS2S.v2.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LearnedHandsHousingLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LEMBPasskeyRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/OPP115FirstPartyCollectionUseLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADLicenseGrantLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/HeadlineClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/XQuADRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/BiorxivClusteringS2S.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TempReasonL3Context.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/HotpotQAHardNegatives.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SwissJudgementClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/BUCC.v2.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SCDDVerificationLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/JCrewBlockerLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/Quora-PLHardNegatives.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/FilipinoShopeeReviewsClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TextualismToolPlainLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/PAC.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADPostTerminationServicesLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/KorSTS.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ArguAna.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADEffectiveDateLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LearnedHandsCourtsLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/NepaliNewsClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TenKGnadClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MasakhaNEWSClusteringS2S.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MacedonianTweetSentimentClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TelemarketingSalesRuleLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/GerDaLIR.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LegalBenchPC.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/NYSJudicialEthicsLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/IFlyTek.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/XMarket.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SICK-E-PL.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/WikipediaRetrievalMultilingual.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/XNLI.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TbilisiCityHallBitextMining.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SweFaqRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ContractNLIPermissibleCopyLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SCDDTrainingLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CLSClusteringP2P.v2.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SIQA.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SemRel24STS.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/NeuCLIR2023RetrievalHardNegatives.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SNLHierarchicalClusteringP2P.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/RiaNewsRetrievalHardNegatives.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/XNLIV2.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/Assin2STS.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MultiEURLEXMultilabelClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MultilingualSentiment.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CmedqaRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADNoticePeriodToTerminateRenewalLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/FrenkSlClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LEMBNeedleRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MalayalamNewsClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/BiorxivClusteringP2P.v2.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TwitterURLCorpus.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LivedoorNewsClustering.v2.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TweetSentimentClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/FinancialPhrasebankClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/GermanQuAD-Retrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/FQuADRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/STS22.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/AmazonReviewsClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CrossLingualSemanticDiscriminationWMT19.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ContractNLIReturnOfConfidentialInformationLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/JSTS.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CQADupstackGamingRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/AILACasedocs.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/RomaniBibleClustering.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SanskritShlokasClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/IndicNLPNewsClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/VieMedEVBitextMining.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADMinimumCommitmentLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/NFCorpus.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CrossLingualSemanticDiscriminationWMT21.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/STS15.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MultiHateClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MultiLongDocRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/OdiaNewsClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SwednRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/EstQA.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/VoyageMMarcoReranking.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CEDRClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/AmazonPolarityClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/NorwegianCourtsBitextMining.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/StackOverflowQA.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/JDReview.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADChangeOfControlLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/RARbMath.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SCIDOCS-PL.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/OPP115UserChoiceControlLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MTOPIntentClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/InsurancePolicyInterpretationLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/EightTagsClustering.v2.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/KLUE-TC.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/NoRecClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TempReasonL2Fact.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/STS13.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/PpcPC.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/NarrativeQARetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/FEVERHardNegatives.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TempReasonL2Pure.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CMedQAv1-reranking.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADRevenueProfitSharingLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/IndicGenBenchFloresBitextMining.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SRNCorpusBitextMining.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MedicalRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/HotelReviewSentimentClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ContractNLIConfidentialityOfAgreementLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SummEval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/PlscClusteringP2P.v2.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MyanmarNews.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ThuNewsClusteringP2P.v2.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/GerDaLIRSmall.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LegalBenchConsumerContractsQA.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/IN22ConvBitextMining.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SentimentAnalysisHindi.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SIB200Classification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LearnedHandsEmploymentLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADIrrevocableOrPerpetualLicenseLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ThuNewsClusteringS2S.v2.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/IN22GenBitextMining.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LivedoorNewsClustering.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CosQA.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MasakhaNEWSClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CQADupstackStatsRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TenKGnadClusteringP2P.v2.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LinceMTBitextMining.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/NewsClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADCapOnLiabilityLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADNonDisparagementLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LegalBenchCorporateLobbying.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/T2Retrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/JavaneseIMDBClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ContractNLILimitedUseLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/GeoreviewClusteringP2P.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/BengaliHateSpeechClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TempReasonL2Context.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/ArEntail.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/HALClusteringS2S.v2.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADThirdPartyBeneficiaryLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TamilNewsClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/RestaurantReviewSentimentClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/KorHateSpeechMLClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/FeedbackQARetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TwitterSemEval2015.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SICK-BR-PC.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/PersonalJurisdictionLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CzechProductReviewSentimentClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CzechSoMeSentimentClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SwedishSentimentClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/IWSLT2017BitextMining.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TempReasonL3Fact.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SCDBPAuditsLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/BlurbsClusteringS2S.v2.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/FunctionOfDecisionSectionLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LeCaRDv2.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADCompetitiveRestrictionExceptionLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CQADupstackWebmastersRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MLSUMClusteringP2P.v2.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/STS22.v2.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/RuBQReranking.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/NTREXBitextMining.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MedrxivClusteringP2P.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MMarcoRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TwitterHjerneRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/IsiZuluNewsClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/IndicLangClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TwentyNewsgroupsClustering.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/NeuCLIR2022RetrievalHardNegatives.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/PersianFoodSentimentClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LearnedHandsBusinessLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LearnedHandsHealthLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/WikiCitiesClustering.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/RARbCode.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/OpusparcusPC.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CodeEditSearchRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SpanishNewsClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/UrduRomanSentimentClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LegalQuAD.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/EstonianValenceClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/DuRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/RuSciBenchOECDClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/DanishPoliticalCommentsClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MTOPDomainClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/YelpReviewFullClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/FrenchBookReviews.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CMedQAv2-reranking.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SICKFr.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/BengaliSentimentAnalysis.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/STS12.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/AmazonCounterfactualClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/FinParaSTS.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CQADupstackMathematicaRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADIPOwnershipAssignmentLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SCDBPTrainingLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/MewsC16JaClustering.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/TurkishMovieSentimentClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/PawsXPairClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/StackExchangeClusteringP2P.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/OPP115ThirdPartySharingCollectionLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/LccSentimentClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/STSB.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADRofrRofoRofnLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/Core17InstructionRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CQADupstackPhysicsRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/DalajClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CQADupstackWordpressRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CLSClusteringS2S.v2.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/BibleNLPBitextMining.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/JaQuADRetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/Diversity3LegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/XPQARetrieval.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/STSBenchmarkMultilingualSTS.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SCDBPVerificationLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/OnlineStoreReviewSentimentClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/SinhalaNewsClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/IndonesianIdClickbaitClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/VGHierarchicalClusteringS2S.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/CUADUncappedLiabilityLegalBenchClassification.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/StackOverflowDupQuestions.json", + "results/sentence-transformers__LaBSE/e34fab64a3011d2176c99545a93d5cbddc9a91b7/Diversity1LegalBenchClassification.json", + "results/sentence-transformers__LaBSE/no_revision_available/PSC.json", + "results/sentence-transformers__LaBSE/no_revision_available/NFCorpus-PL.json", + "results/sentence-transformers__LaBSE/no_revision_available/MassiveIntentClassification.json", + "results/sentence-transformers__LaBSE/no_revision_available/MLSUMClusteringP2P.json", + "results/sentence-transformers__LaBSE/no_revision_available/AlloProfClusteringS2S.json", + "results/sentence-transformers__LaBSE/no_revision_available/BiorxivClusteringP2P.json", + "results/sentence-transformers__LaBSE/no_revision_available/EmotionClassification.json", + "results/sentence-transformers__LaBSE/no_revision_available/CQADupstackGisRetrieval.json", + "results/sentence-transformers__LaBSE/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/sentence-transformers__LaBSE/no_revision_available/CDSC-R.json", + "results/sentence-transformers__LaBSE/no_revision_available/MSMARCO-PL.json", + "results/sentence-transformers__LaBSE/no_revision_available/SyntecReranking.json", + "results/sentence-transformers__LaBSE/no_revision_available/BSARDRetrieval.json", + "results/sentence-transformers__LaBSE/no_revision_available/TweetSentimentExtractionClassification.json", + "results/sentence-transformers__LaBSE/no_revision_available/DBPedia-PL.json", + "results/sentence-transformers__LaBSE/no_revision_available/PolEmo2.0-OUT.json", + "results/sentence-transformers__LaBSE/no_revision_available/SciFact.json", + "results/sentence-transformers__LaBSE/no_revision_available/Banking77Classification.json", + "results/sentence-transformers__LaBSE/no_revision_available/Tatoeba.json", + "results/sentence-transformers__LaBSE/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/sentence-transformers__LaBSE/no_revision_available/FiQA-PL.json", + "results/sentence-transformers__LaBSE/no_revision_available/STS14.json", + "results/sentence-transformers__LaBSE/no_revision_available/STSBenchmark.json", + "results/sentence-transformers__LaBSE/no_revision_available/AllegroReviews.json", + "results/sentence-transformers__LaBSE/no_revision_available/DiaBLaBitextMining.json", + "results/sentence-transformers__LaBSE/no_revision_available/SciDocsRR.json", + "results/sentence-transformers__LaBSE/no_revision_available/SciFact-PL.json", + "results/sentence-transformers__LaBSE/no_revision_available/8TagsClustering.json", + "results/sentence-transformers__LaBSE/no_revision_available/MindSmallReranking.json", + "results/sentence-transformers__LaBSE/no_revision_available/CQADupstackRetrieval.json", + "results/sentence-transformers__LaBSE/no_revision_available/MedrxivClusteringS2S.json", + "results/sentence-transformers__LaBSE/no_revision_available/SCIDOCS.json", + "results/sentence-transformers__LaBSE/no_revision_available/MintakaRetrieval.json", + "results/sentence-transformers__LaBSE/no_revision_available/Touche2020.json", + "results/sentence-transformers__LaBSE/no_revision_available/STS16.json", + "results/sentence-transformers__LaBSE/no_revision_available/TRECCOVID-PL.json", + "results/sentence-transformers__LaBSE/no_revision_available/CQADupstackTexRetrieval.json", + "results/sentence-transformers__LaBSE/no_revision_available/SICK-R-PL.json", + "results/sentence-transformers__LaBSE/no_revision_available/SyntecRetrieval.json", + "results/sentence-transformers__LaBSE/no_revision_available/CDSC-E.json", + "results/sentence-transformers__LaBSE/no_revision_available/ImdbClassification.json", + "results/sentence-transformers__LaBSE/no_revision_available/SprintDuplicateQuestions.json", + "results/sentence-transformers__LaBSE/no_revision_available/MLSUMClusteringS2S.json", + "results/sentence-transformers__LaBSE/no_revision_available/ToxicConversationsClassification.json", + "results/sentence-transformers__LaBSE/no_revision_available/MassiveScenarioClassification.json", + "results/sentence-transformers__LaBSE/no_revision_available/ArguAna-PL.json", + "results/sentence-transformers__LaBSE/no_revision_available/STS17.json", + "results/sentence-transformers__LaBSE/no_revision_available/CBD.json", + "results/sentence-transformers__LaBSE/no_revision_available/MasakhaNEWSClusteringP2P.json", + "results/sentence-transformers__LaBSE/no_revision_available/CQADupstackUnixRetrieval.json", + "results/sentence-transformers__LaBSE/no_revision_available/AskUbuntuDupQuestions.json", + "results/sentence-transformers__LaBSE/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/sentence-transformers__LaBSE/no_revision_available/HotpotQA.json", + "results/sentence-transformers__LaBSE/no_revision_available/ArxivClusteringS2S.json", + "results/sentence-transformers__LaBSE/no_revision_available/StackExchangeClustering.json", + "results/sentence-transformers__LaBSE/no_revision_available/RedditClusteringP2P.json", + "results/sentence-transformers__LaBSE/no_revision_available/AlloprofRetrieval.json", + "results/sentence-transformers__LaBSE/no_revision_available/PolEmo2.0-IN.json", + "results/sentence-transformers__LaBSE/no_revision_available/AlloprofReranking.json", + "results/sentence-transformers__LaBSE/no_revision_available/FloresBitextMining.json", + "results/sentence-transformers__LaBSE/no_revision_available/NQ.json", + "results/sentence-transformers__LaBSE/no_revision_available/RedditClustering.json", + "results/sentence-transformers__LaBSE/no_revision_available/SICK-R.json", + "results/sentence-transformers__LaBSE/no_revision_available/FiQA2018.json", + "results/sentence-transformers__LaBSE/no_revision_available/SummEvalFr.json", + "results/sentence-transformers__LaBSE/no_revision_available/BIOSSES.json", + "results/sentence-transformers__LaBSE/no_revision_available/TRECCOVID.json", + "results/sentence-transformers__LaBSE/no_revision_available/DBPedia.json", + "results/sentence-transformers__LaBSE/no_revision_available/BiorxivClusteringS2S.json", + "results/sentence-transformers__LaBSE/no_revision_available/AlloProfClusteringP2P.json", + "results/sentence-transformers__LaBSE/no_revision_available/HotpotQA-PL.json", + "results/sentence-transformers__LaBSE/no_revision_available/PAC.json", + "results/sentence-transformers__LaBSE/no_revision_available/ArguAna.json", + "results/sentence-transformers__LaBSE/no_revision_available/MasakhaNEWSClusteringS2S.json", + "results/sentence-transformers__LaBSE/no_revision_available/SICK-E-PL.json", + "results/sentence-transformers__LaBSE/no_revision_available/BUCC.json", + "results/sentence-transformers__LaBSE/no_revision_available/ArxivClusteringP2P.json", + "results/sentence-transformers__LaBSE/no_revision_available/Quora-PL.json", + "results/sentence-transformers__LaBSE/no_revision_available/TwitterURLCorpus.json", + "results/sentence-transformers__LaBSE/no_revision_available/STS22.json", + "results/sentence-transformers__LaBSE/no_revision_available/AmazonReviewsClassification.json", + "results/sentence-transformers__LaBSE/no_revision_available/CQADupstackGamingRetrieval.json", + "results/sentence-transformers__LaBSE/no_revision_available/NFCorpus.json", + "results/sentence-transformers__LaBSE/no_revision_available/STS15.json", + "results/sentence-transformers__LaBSE/no_revision_available/AmazonPolarityClassification.json", + "results/sentence-transformers__LaBSE/no_revision_available/NQ-PL.json", + "results/sentence-transformers__LaBSE/no_revision_available/SCIDOCS-PL.json", + "results/sentence-transformers__LaBSE/no_revision_available/MTOPIntentClassification.json", + "results/sentence-transformers__LaBSE/no_revision_available/HALClusteringS2S.json", + "results/sentence-transformers__LaBSE/no_revision_available/STS13.json", + "results/sentence-transformers__LaBSE/no_revision_available/SummEval.json", + "results/sentence-transformers__LaBSE/no_revision_available/ClimateFEVER.json", + "results/sentence-transformers__LaBSE/no_revision_available/MasakhaNEWSClassification.json", + "results/sentence-transformers__LaBSE/no_revision_available/CQADupstackStatsRetrieval.json", + "results/sentence-transformers__LaBSE/no_revision_available/TwitterSemEval2015.json", + "results/sentence-transformers__LaBSE/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/sentence-transformers__LaBSE/no_revision_available/PPC.json", + "results/sentence-transformers__LaBSE/no_revision_available/MedrxivClusteringP2P.json", + "results/sentence-transformers__LaBSE/no_revision_available/TwentyNewsgroupsClustering.json", + "results/sentence-transformers__LaBSE/no_revision_available/FEVER.json", + "results/sentence-transformers__LaBSE/no_revision_available/OpusparcusPC.json", + "results/sentence-transformers__LaBSE/no_revision_available/MSMARCO.json", + "results/sentence-transformers__LaBSE/no_revision_available/MTOPDomainClassification.json", + "results/sentence-transformers__LaBSE/no_revision_available/QuoraRetrieval.json", + "results/sentence-transformers__LaBSE/no_revision_available/SICKFr.json", + "results/sentence-transformers__LaBSE/no_revision_available/STS12.json", + "results/sentence-transformers__LaBSE/no_revision_available/AmazonCounterfactualClassification.json", + "results/sentence-transformers__LaBSE/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/sentence-transformers__LaBSE/no_revision_available/PawsXPairClassification.json", + "results/sentence-transformers__LaBSE/no_revision_available/StackExchangeClusteringP2P.json", + "results/sentence-transformers__LaBSE/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/sentence-transformers__LaBSE/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/sentence-transformers__LaBSE/no_revision_available/XPQARetrieval.json", + "results/sentence-transformers__LaBSE/no_revision_available/STSBenchmarkMultilingualSTS.json", + "results/sentence-transformers__LaBSE/no_revision_available/StackOverflowDupQuestions.json" ], - "FacebookAI__xlm-roberta-base": [ - "results/FacebookAI__xlm-roberta-base/no_revision_available/MassiveIntentClassification.json", - "results/FacebookAI__xlm-roberta-base/no_revision_available/MLSUMClusteringP2P.json", - "results/FacebookAI__xlm-roberta-base/no_revision_available/AlloProfClusteringS2S.json", - "results/FacebookAI__xlm-roberta-base/no_revision_available/SyntecReranking.json", - "results/FacebookAI__xlm-roberta-base/no_revision_available/BSARDRetrieval.json", - "results/FacebookAI__xlm-roberta-base/no_revision_available/DiaBLaBitextMining.json", - "results/FacebookAI__xlm-roberta-base/no_revision_available/MintakaRetrieval.json", - "results/FacebookAI__xlm-roberta-base/no_revision_available/SweRecClassification.json", - "results/FacebookAI__xlm-roberta-base/no_revision_available/SyntecRetrieval.json", - "results/FacebookAI__xlm-roberta-base/no_revision_available/MLSUMClusteringS2S.json", - "results/FacebookAI__xlm-roberta-base/no_revision_available/MassiveScenarioClassification.json", - "results/FacebookAI__xlm-roberta-base/no_revision_available/AngryTweetsClassification.json", - "results/FacebookAI__xlm-roberta-base/no_revision_available/MasakhaNEWSClusteringP2P.json", - "results/FacebookAI__xlm-roberta-base/no_revision_available/AlloprofRetrieval.json", - "results/FacebookAI__xlm-roberta-base/no_revision_available/AlloprofReranking.json", - "results/FacebookAI__xlm-roberta-base/no_revision_available/FloresBitextMining.json", - "results/FacebookAI__xlm-roberta-base/no_revision_available/NordicLangClassification.json", - "results/FacebookAI__xlm-roberta-base/no_revision_available/BornholmBitextMining.json", - "results/FacebookAI__xlm-roberta-base/no_revision_available/SummEvalFr.json", - "results/FacebookAI__xlm-roberta-base/no_revision_available/AlloProfClusteringP2P.json", - "results/FacebookAI__xlm-roberta-base/no_revision_available/MasakhaNEWSClusteringS2S.json", - "results/FacebookAI__xlm-roberta-base/no_revision_available/ScalaNbClassification.json", - "results/FacebookAI__xlm-roberta-base/no_revision_available/ScalaSvClassification.json", - "results/FacebookAI__xlm-roberta-base/no_revision_available/STS22.json", - "results/FacebookAI__xlm-roberta-base/no_revision_available/AmazonReviewsClassification.json", - "results/FacebookAI__xlm-roberta-base/no_revision_available/NorwegianParliament.json", - "results/FacebookAI__xlm-roberta-base/no_revision_available/MTOPIntentClassification.json", - "results/FacebookAI__xlm-roberta-base/no_revision_available/HALClusteringS2S.json", - "results/FacebookAI__xlm-roberta-base/no_revision_available/NoRecClassification.json", - "results/FacebookAI__xlm-roberta-base/no_revision_available/DKHateClassification.json", - "results/FacebookAI__xlm-roberta-base/no_revision_available/MasakhaNEWSClassification.json", - "results/FacebookAI__xlm-roberta-base/no_revision_available/ScalaDaClassification.json", - "results/FacebookAI__xlm-roberta-base/no_revision_available/OpusparcusPC.json", - "results/FacebookAI__xlm-roberta-base/no_revision_available/DanishPoliticalCommentsClassification.json", - "results/FacebookAI__xlm-roberta-base/no_revision_available/MTOPDomainClassification.json", - "results/FacebookAI__xlm-roberta-base/no_revision_available/SICKFr.json", - "results/FacebookAI__xlm-roberta-base/no_revision_available/PawsXPairClassification.json", - "results/FacebookAI__xlm-roberta-base/no_revision_available/LccSentimentClassification.json", - "results/FacebookAI__xlm-roberta-base/no_revision_available/DalajClassification.json", - "results/FacebookAI__xlm-roberta-base/no_revision_available/XPQARetrieval.json", - "results/FacebookAI__xlm-roberta-base/no_revision_available/STSBenchmarkMultilingualSTS.json" + "sentence-transformers__all-MiniLM-L12-v2": [ + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/HagridRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/BengaliDocumentClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MLQuestions.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SyntheticText2SQL.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/NQ-PLHardNegatives.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/OPP115InternationalAndSpecificAudiencesLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/FrenkEnClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/WebLINXCandidatesReranking.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/Robust04InstructionRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/RuBQRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/StackExchangeClustering.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/AlphaNLI.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TweetSarcasmClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/WinoGrande.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/NusaParagraphEmotionClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/AlloProfClusteringP2P.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/PSC.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/DBpediaClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADNonTransferableLicenseLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ARCChallenge.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/IndicSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/NFCorpus-PL.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MassiveIntentClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SinhalaNewsSourceClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TextualismToolDictionariesLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/KurdishSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/InappropriatenessClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/RuReviewsClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/RomanianSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADUnlimitedAllYouCanEatLicenseLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADVolumeRestrictionLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADExclusivityLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ArmenianParaphrasePC.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/Itacola.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ContractNLIPermissibleAcquirementOfSimilarInformationLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADSourceCodeEscrowLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/UkrFormalityClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SIB200ClusteringS2S.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LEMBWikimQARetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/RedditClusteringP2P.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/DanFeverRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/VGHierarchicalClusteringP2P.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/KLUE-STS.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADWarrantyDurationLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/DiaBlaBitextMining.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LegalSummarization.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SpartQA.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/BlurbsClusteringP2P.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADInsuranceLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MSMARCOHardNegatives.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CTKFactsNLI.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADMostFavoredNationLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TNews.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/DBPedia-PLHardNegatives.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CodeFeedbackST.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TempReasonL1.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/EmotionClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LEMBSummScreenFDRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CQADupstackGisRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/VieQuADRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/AfriSentiClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADCovenantNotToSueLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADPriceRestrictionsLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/OPP115DoNotTrackLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SCDDCertificationLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/FalseFriendsGermanEnglish.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CQADupstackEnglishRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LearnedHandsTrafficLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CDSC-R.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADJointIPOwnershipLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MedrxivClusteringP2P.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SyntecReranking.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/RomanianReviewsSentiment.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/PAWSX.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/BSARDRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TweetSentimentExtractionClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADGoverningLawLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/WikipediaRerankingMultilingual.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/HellaSwag.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/Diversity2LegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/BelebeleRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/IndicCrosslingualSTS.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ArXivHierarchicalClusteringP2P.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ContractNLIPermissibleDevelopmentOfSimilarInformationLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/FarsTail.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SwednClusteringP2P.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/OnlineShopping.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LearnedHandsDomesticViolenceLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SlovakMovieReviewSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LearnedHandsBenefitsLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/PolEmo2.0-OUT.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADNoSolicitOfEmployeesLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/News21InstructionRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/GermanGovServiceRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LCQMC.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/EcomRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/NusaParagraphTopicClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/Moroco.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/GujaratiNewsClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LEMBNarrativeQARetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TurHistQuadRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/OralArgumentQuestionPurposeLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SciFact.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/RuSciBenchGRNTIClusteringP2P.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LanguageClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/KannadaNewsClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MalteseNewsClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/GreekLegalCodeClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MLSUMClusteringS2S.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADAuditRightsLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CodeSearchNetCCRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LearnedHandsEstatesLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/Banking77Classification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CodeTransOceanContest.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/RTE3.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/NusaXBitextMining.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MMarcoReranking.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/GeorgianFAQRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADAffiliateLicenseLicenseeLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TurkicClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/NorQuadRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TERRa.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/Tatoeba.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/RuSTSBenchmarkSTS.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CQADupstackProgrammersRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ContractNLIInclusionOfVerballyConveyedInformationLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/HindiDiscourseClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/KorSarcasmClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TurkishProductSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADAffiliateLicenseLicensorLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/IndicQARetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LearnedHandsConsumerLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SNLHierarchicalClusteringS2S.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/KorHateClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/NaijaSenti.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CyrillicTurkicLangClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/FiQA-PL.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/STS14.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADTerminationForConvenienceLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/STSBenchmark.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MAUDLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/AllegroReviews.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SiswatiNewsClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LegalReasoningCausalityLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/InternationalCitizenshipQuestionsLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SpanishPassageRetrievalS2S.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TempReasonL3Pure.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ItaCaseholdClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/Diversity6LegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MarathiNewsClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/DutchBookReviewSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/Ko-StrategyQA.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SciDocsRR.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SciFact-PL.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ScalaClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MIRACLRetrievalHardNegatives.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LearnedHandsFamilyLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TopiOCQAHardNegatives.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MindSmallReranking.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/OPP115DataSecurityLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CzechSubjectivityClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/JaGovFaqsRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/Diversity5LegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SCIDOCS.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ArXivHierarchicalClusteringS2S.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/RomaTalesBitextMining.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CSFDCZMovieReviewSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/NQHardNegatives.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/PIQA.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/YahooAnswersTopicsClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MintakaRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/IndicReviewsClusteringP2P.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/Touche2020.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TeluguAndhraJyotiNewsClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ContractNLIPermissiblePostAgreementPossessionLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/STS16.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/NLPJournalAbsIntroRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MedrxivClusteringS2S.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/HotpotQA-PLHardNegatives.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/OPP115PolicyChangeLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADNonCompeteLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/OverrulingLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/UnfairTOSLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/KLUE-NLI.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SweRecClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/NLPJournalTitleAbsRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/DefinitionClassificationLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/PunjabiNewsClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/BiorxivClusteringS2S.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CovidRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/GermanPoliticiansTwitterSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TRECCOVID-PL.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LearnedHandsImmigrationLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/GeoreviewClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/YueOpenriceReviewClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CodeFeedbackMT.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CanadaTaxCourtOutcomesLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CQADupstackTexRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/StatcanDialogueDatasetRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/BrazilianToxicTweetsClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/DBPediaHardNegatives.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/STSES.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ContractNLIExplicitIdentificationLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ContractNLISurvivalOfObligationsLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADLiquidatedDamagesLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/OPP115DataRetentionLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/JSICK.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/UCCVCommonLawLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SwednClusteringS2S.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/WRIMEClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/StackExchangeClusteringP2P.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SCDDAuditsLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SICK-R-PL.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SpanishNewsClusteringP2P.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ContractNLINoticeOnCompelledDisclosureLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SyntecRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/AppsRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADNoSolicitOfCustomersLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SensitiveTopicsClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/FaroeseSTS.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ToxicChatClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TswanaNewsClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CDSC-E.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/BQ.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TwentyNewsgroupsClustering.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/GermanSTSBenchmark.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/KinopoiskClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/Diversity4LegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/AFQMC.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LEMBQMSumRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/PROALegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TweetEmotionClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/OPP115UserAccessEditAndDeletionLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/FrenkHrClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ImdbClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/FaithDial.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MLQARetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/RUParaPhraserSTS.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SprintDuplicateQuestions.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/WikiClusteringP2P.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/GermanDPR.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/AfriSentiLangClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ArxivClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ToxicConversationsClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MassiveScenarioClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/AngryTweetsClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/T2Reranking.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ArguAna-PL.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADExpirationDateLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/STS17.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/RuSciBenchOECDClusteringP2P.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TenKGnadClusteringS2S.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CBD.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MasakhaNEWSClusteringP2P.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/PoemSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SummEvalSummarization.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CQADupstackUnixRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TweetTopicSingleClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/AskUbuntuDupQuestions.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/NusaTranslationBitextMining.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CQADupstackAndroidRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADAntiAssignmentLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/AJGT.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/FinToxicityClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MSMARCO-PLHardNegatives.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/BulgarianStoreReviewSentimentClassfication.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LearnedHandsTortsLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/AlloprofRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/Assin2RTE.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MedicalQARetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CorporateLobbyingLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/HateSpeechPortugueseClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/PolEmo2.0-IN.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TV2Nordretrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/PatentClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/RedditClustering.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADRenewalTermLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/RonSTS.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/PlscClusteringS2S.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/AlloprofReranking.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ContractNLINoLicensingLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LearnedHandsEducationLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/NusaX-senti.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CataloniaTweetClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MultilingualSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/FloresBitextMining.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/IndonesianMongabayConservationClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/AILAStatutes.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/indonli.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/NordicLangClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/VideoRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/BigPatentClustering.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SCDBPAccountabilityLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SCDBPCertificationLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/Quail.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CSFDSKMovieReviewSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MovieReviewSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/BornholmBitextMining.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/WisesightSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SwahiliNewsClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ATEC.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ClimateFEVERHardNegatives.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SlovakSumRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/Waimai.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/NollySentiBitextMining.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/HebrewSentimentAnalysis.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ContractNLISharingWithThirdPartiesLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/NLPJournalTitleIntroRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/PhincBitextMining.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LearnedHandsDivorceLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LearnedHandsCrimeLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SICK-R.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/FiQA2018.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SummEvalFr.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/BIOSSES.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/QuoraRetrievalHardNegatives.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/HunSum2AbstractiveRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/VieStudentFeedbackClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/RuSciBenchGRNTIClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TRECCOVID.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ContractNLISharingWithEmployeesLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SNLRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/NorwegianParliamentClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CodeSearchNetRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CodeTransOceanDL.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SCDDAccountabilityLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/GreekCivicsQA.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SpanishSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/AlloProfClusteringS2S.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LearnedHandsHousingLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LEMBPasskeyRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/OPP115FirstPartyCollectionUseLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADLicenseGrantLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/HeadlineClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/XQuADRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TempReasonL3Context.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/HotpotQAHardNegatives.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SwissJudgementClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/BUCC.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SCDDVerificationLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/JCrewBlockerLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/Quora-PLHardNegatives.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/FilipinoShopeeReviewsClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TextualismToolPlainLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/PAC.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADPostTerminationServicesLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/KorSTS.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ArguAna.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADEffectiveDateLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LearnedHandsCourtsLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/NepaliNewsClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TenKGnadClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MasakhaNEWSClusteringS2S.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MacedonianTweetSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TelemarketingSalesRuleLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/GerDaLIR.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LegalBenchPC.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/NYSJudicialEthicsLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/IFlyTek.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/XMarket.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SICK-E-PL.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/WikipediaRetrievalMultilingual.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/XNLI.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TbilisiCityHallBitextMining.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SweFaqRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ContractNLIPermissibleCopyLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SCDDTrainingLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CLSClusteringP2P.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SIQA.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SemRel24STS.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/NeuCLIR2023RetrievalHardNegatives.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SNLHierarchicalClusteringP2P.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/RiaNewsRetrievalHardNegatives.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/XNLIV2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/Assin2STS.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MultiEURLEXMultilabelClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MultilingualSentiment.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CmedqaRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADNoticePeriodToTerminateRenewalLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/FrenkSlClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LEMBNeedleRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MalayalamNewsClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/BiorxivClusteringP2P.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TwitterURLCorpus.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LivedoorNewsClustering.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TweetSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/FinancialPhrasebankClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/GermanQuAD-Retrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/FQuADRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/STS22.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/AmazonReviewsClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CrossLingualSemanticDiscriminationWMT19.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ContractNLIReturnOfConfidentialInformationLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/JSTS.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CQADupstackGamingRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/AILACasedocs.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/RomaniBibleClustering.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SanskritShlokasClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/IndicNLPNewsClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/VieMedEVBitextMining.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADMinimumCommitmentLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/NFCorpus.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CrossLingualSemanticDiscriminationWMT21.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/STS15.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MultiHateClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MultiLongDocRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/OdiaNewsClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SwednRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/EstQA.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/VoyageMMarcoReranking.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CEDRClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/AmazonPolarityClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/NorwegianCourtsBitextMining.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/StackOverflowQA.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/JDReview.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADChangeOfControlLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/RARbMath.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SCIDOCS-PL.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/OPP115UserChoiceControlLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MTOPIntentClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/InsurancePolicyInterpretationLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/EightTagsClustering.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/KLUE-TC.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/NoRecClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TempReasonL2Fact.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/STS13.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/PpcPC.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/NarrativeQARetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/FEVERHardNegatives.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TempReasonL2Pure.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CMedQAv1-reranking.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADRevenueProfitSharingLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/IndicGenBenchFloresBitextMining.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SRNCorpusBitextMining.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MedicalRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/HotelReviewSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ContractNLIConfidentialityOfAgreementLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SummEval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/PlscClusteringP2P.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MyanmarNews.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ThuNewsClusteringP2P.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/GerDaLIRSmall.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LegalBenchConsumerContractsQA.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/IN22ConvBitextMining.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SentimentAnalysisHindi.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SIB200Classification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LearnedHandsEmploymentLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADIrrevocableOrPerpetualLicenseLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ThuNewsClusteringS2S.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/IN22GenBitextMining.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LivedoorNewsClustering.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CosQA.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MasakhaNEWSClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CQADupstackStatsRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TenKGnadClusteringP2P.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LinceMTBitextMining.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/NewsClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADCapOnLiabilityLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADNonDisparagementLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LegalBenchCorporateLobbying.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/T2Retrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/JavaneseIMDBClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ContractNLILimitedUseLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/GeoreviewClusteringP2P.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/BengaliHateSpeechClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TempReasonL2Context.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/ArEntail.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/HALClusteringS2S.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADThirdPartyBeneficiaryLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TamilNewsClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/RestaurantReviewSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/KorHateSpeechMLClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/FeedbackQARetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TwitterSemEval2015.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SICK-BR-PC.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/PersonalJurisdictionLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CzechProductReviewSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CzechSoMeSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SwedishSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/IWSLT2017BitextMining.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TempReasonL3Fact.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SCDBPAuditsLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/BlurbsClusteringS2S.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/FunctionOfDecisionSectionLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LeCaRDv2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADCompetitiveRestrictionExceptionLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CQADupstackWebmastersRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MLSUMClusteringP2P.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/STS22.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/RuBQReranking.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/NTREXBitextMining.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MMarcoRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TwitterHjerneRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/IsiZuluNewsClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/IndicLangClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/NeuCLIR2022RetrievalHardNegatives.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/PersianFoodSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LearnedHandsBusinessLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LearnedHandsHealthLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/WikiCitiesClustering.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/RARbCode.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/OpusparcusPC.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CodeEditSearchRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SpanishNewsClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/UrduRomanSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LegalQuAD.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/EstonianValenceClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/DuRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/RuSciBenchOECDClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/DanishPoliticalCommentsClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MTOPDomainClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/YelpReviewFullClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/FrenchBookReviews.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CMedQAv2-reranking.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SICKFr.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/BengaliSentimentAnalysis.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/STS12.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/AmazonCounterfactualClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/FinParaSTS.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CQADupstackMathematicaRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADIPOwnershipAssignmentLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SCDBPTrainingLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/MewsC16JaClustering.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/TurkishMovieSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/PawsXPairClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/OPP115ThirdPartySharingCollectionLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/LccSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/STSB.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADRofrRofoRofnLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/Core17InstructionRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CQADupstackPhysicsRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/DalajClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CQADupstackWordpressRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CLSClusteringS2S.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/BibleNLPBitextMining.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/JaQuADRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/Diversity3LegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/XPQARetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/STSBenchmarkMultilingualSTS.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SCDBPVerificationLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/OnlineStoreReviewSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/SinhalaNewsClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/IndonesianIdClickbaitClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/VGHierarchicalClusteringS2S.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/CUADUncappedLiabilityLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/StackOverflowDupQuestions.json", + "results/sentence-transformers__all-MiniLM-L12-v2/a05860a77cef7b37e0048a7864658139bc18a854/Diversity1LegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/HagridRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/MLQuestions.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/WebLINXCandidatesReranking.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/StackExchangeClustering.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/WinoGrande.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/AlloProfClusteringP2P.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/PSC.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/NFCorpus-PL.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/MassiveIntentClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/ArmenianParaphrasePC.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/UkrFormalityClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/LEMBWikimQARetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/MLSUMClusteringP2P.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/RedditClusteringP2P.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/VGHierarchicalClusteringP2P.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/KLUE-STS.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/BlurbsClusteringP2P.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/AlloProfClusteringS2S.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/CTKFactsNLI.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/BiorxivClusteringP2P.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/EmotionClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/LEMBSummScreenFDRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/CQADupstackGisRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/VieQuADRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/FalseFriendsGermanEnglish.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/CDSC-R.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/MedrxivClusteringP2P.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SyntecReranking.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/PAWSX.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/BSARDRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/TweetSentimentExtractionClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/WikipediaRerankingMultilingual.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/BelebeleRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/IndicCrosslingualSTS.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/ArXivHierarchicalClusteringP2P.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SwednClusteringP2P.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/OnlineShopping.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/LCQMC.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/EcomRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/TurHistQuadRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SciFact.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/RuSciBenchGRNTIClusteringP2P.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/MalteseNewsClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/CUADAuditRightsLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/Banking77Classification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/RTE3.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/MMarcoReranking.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/GeorgianFAQRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/NorQuadRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/TERRa.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/RuSTSBenchmarkSTS.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/IndicQARetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SNLHierarchicalClusteringS2S.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/FiQA-PL.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/STS14.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/STSBenchmark.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SpanishPassageRetrievalS2S.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/TempReasonL3Pure.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/DiaBLaBitextMining.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/DutchBookReviewSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SciDocsRR.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SciFact-PL.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/MindSmallReranking.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/CQADupstackRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/MedrxivClusteringS2S.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/JaGovFaqsRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SCIDOCS.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/ArXivHierarchicalClusteringS2S.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/PIQA.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/MintakaRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/Touche2020.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/STS16.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/NLPJournalAbsIntroRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/MedrxivClusteringS2S.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/KLUE-NLI.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/NLPJournalTitleAbsRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/BiorxivClusteringS2S.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/CovidRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/TRECCOVID-PL.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/YueOpenriceReviewClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/CQADupstackTexRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/StatcanDialogueDatasetRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/BrazilianToxicTweetsClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/STSES.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/JSICK.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SwednClusteringS2S.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/StackExchangeClusteringP2P.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SICK-R-PL.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SyntecRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SensitiveTopicsClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/FaroeseSTS.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/CDSC-E.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/BQ.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/TwentyNewsgroupsClustering.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/GermanSTSBenchmark.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/AFQMC.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/LEMBQMSumRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/ImdbClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/FaithDial.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/MLQARetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/RUParaPhraserSTS.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SprintDuplicateQuestions.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/WikiClusteringP2P.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/MLSUMClusteringS2S.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/ToxicConversationsClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/MassiveScenarioClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/T2Reranking.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/ArguAna-PL.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/STS17.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/RuSciBenchOECDClusteringP2P.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/MasakhaNEWSClusteringP2P.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/CQADupstackUnixRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/AskUbuntuDupQuestions.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/HotpotQA.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/ArxivClusteringS2S.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/StackExchangeClustering.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/RedditClusteringP2P.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/AlloprofRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/Assin2RTE.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/HateSpeechPortugueseClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/RedditClustering.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/RonSTS.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/PlscClusteringS2S.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/AlloprofReranking.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/FloresBitextMining.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/indonli.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/VideoRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/BigPatentClustering.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/Quail.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/NQ.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/ATEC.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SlovakSumRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/NollySentiBitextMining.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/ContractNLISharingWithThirdPartiesLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/RedditClustering.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/NLPJournalTitleIntroRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SICK-R.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/FiQA2018.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SummEvalFr.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/BIOSSES.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/HunSum2AbstractiveRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/TRECCOVID.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/AlloProfClusteringS2S.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/LEMBPasskeyRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/HeadlineClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/DBPedia.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/XQuADRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/BiorxivClusteringS2S.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/TempReasonL3Context.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/AlloProfClusteringP2P.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/KorSTS.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/ArguAna.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/MasakhaNEWSClusteringS2S.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/LegalBenchPC.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/XMarket.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SICK-E-PL.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/WikipediaRetrievalMultilingual.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/XNLI.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SweFaqRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/CLSClusteringP2P.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SemRel24STS.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/ArxivClusteringP2P.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SNLHierarchicalClusteringP2P.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/XNLIV2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/Assin2STS.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/MultiEURLEXMultilabelClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/CmedqaRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/LEMBNeedleRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/BiorxivClusteringP2P.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/TwitterURLCorpus.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/FQuADRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/STS22.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/AmazonReviewsClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/CrossLingualSemanticDiscriminationWMT19.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/JSTS.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/CQADupstackGamingRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SanskritShlokasClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/NFCorpus.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/CrossLingualSemanticDiscriminationWMT21.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/STS15.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SwednRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/VoyageMMarcoReranking.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/CEDRClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/AmazonPolarityClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/NorwegianCourtsBitextMining.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/RARbMath.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SCIDOCS-PL.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/MTOPIntentClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/HALClusteringS2S.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/EightTagsClustering.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/TempReasonL2Fact.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/STS13.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/PpcPC.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/NarrativeQARetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/TempReasonL2Pure.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/CMedQAv1-reranking.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/MedicalRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SummEval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/PlscClusteringP2P.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/ThuNewsClusteringP2P.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/ClimateFEVER.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/ThuNewsClusteringS2S.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/LivedoorNewsClustering.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/MasakhaNEWSClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/CQADupstackStatsRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/TenKGnadClusteringP2P.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/T2Retrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/JavaneseIMDBClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/GeoreviewClusteringP2P.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/TempReasonL2Context.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/ArEntail.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/HALClusteringS2S.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/KorHateSpeechMLClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/TwitterSemEval2015.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SICK-BR-PC.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SwedishSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/TempReasonL3Fact.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/BlurbsClusteringS2S.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/RuBQReranking.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/MedrxivClusteringP2P.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/MMarcoRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/IsiZuluNewsClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/TwentyNewsgroupsClustering.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/RARbCode.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/FEVER.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/OpusparcusPC.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/MSMARCO.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/DuRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/RuSciBenchOECDClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/MTOPDomainClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/QuoraRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/CMedQAv2-reranking.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SICKFr.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/STS12.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/AmazonCounterfactualClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/FinParaSTS.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/MewsC16JaClustering.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/PawsXPairClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/StackExchangeClusteringP2P.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/STSB.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/CLSClusteringS2S.v2.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/JaQuADRetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/XPQARetrieval.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/STSBenchmarkMultilingualSTS.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/SinhalaNewsClassification.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/VGHierarchicalClusteringS2S.json", + "results/sentence-transformers__all-MiniLM-L12-v2/no_revision_available/StackOverflowDupQuestions.json" ], - "ltg__norbert3-large": [ - "results/ltg__norbert3-large/no_revision_available/MassiveIntentClassification.json", - "results/ltg__norbert3-large/no_revision_available/SweRecClassification.json", - "results/ltg__norbert3-large/no_revision_available/MassiveScenarioClassification.json", - "results/ltg__norbert3-large/no_revision_available/AngryTweetsClassification.json", - "results/ltg__norbert3-large/no_revision_available/NordicLangClassification.json", - "results/ltg__norbert3-large/no_revision_available/BornholmBitextMining.json", - "results/ltg__norbert3-large/no_revision_available/ScalaNbClassification.json", - "results/ltg__norbert3-large/no_revision_available/ScalaSvClassification.json", - "results/ltg__norbert3-large/no_revision_available/NorwegianParliament.json", - "results/ltg__norbert3-large/no_revision_available/NoRecClassification.json", - "results/ltg__norbert3-large/no_revision_available/DKHateClassification.json", - "results/ltg__norbert3-large/no_revision_available/ScalaDaClassification.json", - "results/ltg__norbert3-large/no_revision_available/DanishPoliticalCommentsClassification.json", - "results/ltg__norbert3-large/no_revision_available/LccSentimentClassification.json", - "results/ltg__norbert3-large/no_revision_available/DalajClassification.json" + "sentence-transformers__all-MiniLM-L6-v2": [ + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/MassiveIntentClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/MLSUMClusteringP2P.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/AlloProfClusteringS2S.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/BiorxivClusteringP2P.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/EmotionClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/CQADupstackGisRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/SyntecReranking.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/BSARDRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/TweetSentimentExtractionClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/SciFact.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/Banking77Classification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/STS14.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/STSBenchmark.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/DiaBLaBitextMining.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/SciDocsRR.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/MindSmallReranking.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/CQADupstackRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/MedrxivClusteringS2S.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/SCIDOCS.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/MintakaRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/Touche2020.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/STS16.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/SweRecClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/CQADupstackTexRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/SyntecRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/ImdbClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/SprintDuplicateQuestions.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/MLSUMClusteringS2S.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/ToxicConversationsClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/MassiveScenarioClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/AngryTweetsClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/STS17.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/MasakhaNEWSClusteringP2P.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/CQADupstackUnixRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/AskUbuntuDupQuestions.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/HotpotQA.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/ArxivClusteringS2S.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/StackExchangeClustering.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/RedditClusteringP2P.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/AlloprofRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/AlloprofReranking.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/FloresBitextMining.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/NordicLangClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/BornholmBitextMining.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/NQ.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/RedditClustering.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/SICK-R.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/FiQA2018.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/SummEvalFr.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/BIOSSES.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/TRECCOVID.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/DBPedia.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/BiorxivClusteringS2S.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/AlloProfClusteringP2P.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/ArguAna.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/MasakhaNEWSClusteringS2S.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/ScalaNbClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/ScalaSvClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/ArxivClusteringP2P.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/TwitterURLCorpus.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/STS22.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/AmazonReviewsClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/CQADupstackGamingRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/NorwegianParliament.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/NFCorpus.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/STS15.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/AmazonPolarityClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/MTOPIntentClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/HALClusteringS2S.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/NoRecClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/STS13.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/DKHateClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/SummEval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/ClimateFEVER.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/MasakhaNEWSClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/CQADupstackStatsRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/ScalaDaClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/TwitterSemEval2015.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/MedrxivClusteringP2P.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/TwentyNewsgroupsClustering.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/FEVER.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/OpusparcusPC.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/MSMARCO.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/DanishPoliticalCommentsClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/MTOPDomainClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/QuoraRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/SICKFr.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/STS12.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/AmazonCounterfactualClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/PawsXPairClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/StackExchangeClusteringP2P.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/LccSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/DalajClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/XPQARetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/STSBenchmarkMultilingualSTS.json", + "results/sentence-transformers__all-MiniLM-L6-v2/no_revision_available/StackOverflowDupQuestions.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/HagridRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/BengaliDocumentClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MLQuestions.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SyntheticText2SQL.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/NQ-PLHardNegatives.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/OPP115InternationalAndSpecificAudiencesLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/FrenkEnClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/WebLINXCandidatesReranking.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/Robust04InstructionRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/RuBQRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/StackExchangeClustering.v2.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/AlphaNLI.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TweetSarcasmClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/WinoGrande.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/NusaParagraphEmotionClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/AlloProfClusteringP2P.v2.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/PSC.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/DBpediaClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADNonTransferableLicenseLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ARCChallenge.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/IndicSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/NFCorpus-PL.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MassiveIntentClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SinhalaNewsSourceClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TextualismToolDictionariesLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/KurdishSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/InappropriatenessClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/RuReviewsClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/RomanianSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADUnlimitedAllYouCanEatLicenseLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADVolumeRestrictionLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADExclusivityLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ArmenianParaphrasePC.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/Itacola.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ContractNLIPermissibleAcquirementOfSimilarInformationLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADSourceCodeEscrowLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/UkrFormalityClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SIB200ClusteringS2S.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LEMBWikimQARetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MLSUMClusteringP2P.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/RedditClusteringP2P.v2.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/DanFeverRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/VGHierarchicalClusteringP2P.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/KLUE-STS.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADWarrantyDurationLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/DiaBlaBitextMining.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LegalSummarization.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SpartQA.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/BlurbsClusteringP2P.v2.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADInsuranceLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MSMARCOHardNegatives.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CTKFactsNLI.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADMostFavoredNationLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TNews.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/DBPedia-PLHardNegatives.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CodeFeedbackST.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/BiorxivClusteringP2P.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TempReasonL1.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/EmotionClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LEMBSummScreenFDRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CQADupstackGisRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/VieQuADRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/AfriSentiClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADCovenantNotToSueLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADPriceRestrictionsLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/OPP115DoNotTrackLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SCDDCertificationLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/FalseFriendsGermanEnglish.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CQADupstackEnglishRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LearnedHandsTrafficLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CDSC-R.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADJointIPOwnershipLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MedrxivClusteringP2P.v2.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SyntecReranking.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/RomanianReviewsSentiment.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/PAWSX.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/BSARDRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TweetSentimentExtractionClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADGoverningLawLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/WikipediaRerankingMultilingual.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/HellaSwag.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/Diversity2LegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/BelebeleRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/IndicCrosslingualSTS.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ArXivHierarchicalClusteringP2P.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ContractNLIPermissibleDevelopmentOfSimilarInformationLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/FarsTail.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SwednClusteringP2P.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/OnlineShopping.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LearnedHandsDomesticViolenceLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SlovakMovieReviewSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LearnedHandsBenefitsLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/PolEmo2.0-OUT.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADNoSolicitOfEmployeesLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/News21InstructionRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/GermanGovServiceRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LCQMC.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/EcomRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/NusaParagraphTopicClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/Moroco.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/GujaratiNewsClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LEMBNarrativeQARetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TurHistQuadRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/OralArgumentQuestionPurposeLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SciFact.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/RuSciBenchGRNTIClusteringP2P.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LanguageClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/KannadaNewsClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MalteseNewsClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/GreekLegalCodeClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MLSUMClusteringS2S.v2.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADAuditRightsLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CodeSearchNetCCRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LearnedHandsEstatesLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/Banking77Classification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CodeTransOceanContest.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/RTE3.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/NusaXBitextMining.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MMarcoReranking.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/GeorgianFAQRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADAffiliateLicenseLicenseeLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TurkicClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/NorQuadRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TERRa.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/Tatoeba.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/RuSTSBenchmarkSTS.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CQADupstackProgrammersRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ContractNLIInclusionOfVerballyConveyedInformationLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/HindiDiscourseClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/KorSarcasmClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TurkishProductSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADAffiliateLicenseLicensorLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/IndicQARetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LearnedHandsConsumerLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SNLHierarchicalClusteringS2S.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/KorHateClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/NaijaSenti.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CyrillicTurkicLangClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/FiQA-PL.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/STS14.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADTerminationForConvenienceLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/STSBenchmark.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MAUDLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/AllegroReviews.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SiswatiNewsClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LegalReasoningCausalityLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/InternationalCitizenshipQuestionsLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SpanishPassageRetrievalS2S.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TempReasonL3Pure.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ItaCaseholdClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/Diversity6LegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MarathiNewsClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/DutchBookReviewSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/Ko-StrategyQA.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SciDocsRR.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SciFact-PL.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ScalaClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MIRACLRetrievalHardNegatives.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LearnedHandsFamilyLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TopiOCQAHardNegatives.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MindSmallReranking.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/OPP115DataSecurityLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MedrxivClusteringS2S.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CzechSubjectivityClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/JaGovFaqsRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/Diversity5LegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/RiaNewsRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SCIDOCS.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ArXivHierarchicalClusteringS2S.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/RomaTalesBitextMining.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CSFDCZMovieReviewSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/NQHardNegatives.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/PIQA.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MIRACLRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/YahooAnswersTopicsClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MintakaRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/IndicReviewsClusteringP2P.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/Touche2020.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TeluguAndhraJyotiNewsClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ContractNLIPermissiblePostAgreementPossessionLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/STS16.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/NLPJournalAbsIntroRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MedrxivClusteringS2S.v2.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/HotpotQA-PLHardNegatives.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/OPP115PolicyChangeLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADNonCompeteLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/OverrulingLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/UnfairTOSLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/KLUE-NLI.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SweRecClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/NLPJournalTitleAbsRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/DefinitionClassificationLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/PunjabiNewsClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/BiorxivClusteringS2S.v2.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CovidRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/GermanPoliticiansTwitterSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TRECCOVID-PL.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LearnedHandsImmigrationLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/GeoreviewClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/YueOpenriceReviewClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CodeFeedbackMT.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CanadaTaxCourtOutcomesLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CQADupstackTexRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/StatcanDialogueDatasetRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/BrazilianToxicTweetsClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/DBPediaHardNegatives.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/STSES.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ContractNLIExplicitIdentificationLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ContractNLISurvivalOfObligationsLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADLiquidatedDamagesLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/OPP115DataRetentionLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/JSICK.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/UCCVCommonLawLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SwednClusteringS2S.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/WRIMEClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/StackExchangeClusteringP2P.v2.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SCDDAuditsLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SICK-R-PL.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SpanishNewsClusteringP2P.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ContractNLINoticeOnCompelledDisclosureLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SyntecRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/AppsRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADNoSolicitOfCustomersLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SensitiveTopicsClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/FaroeseSTS.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ToxicChatClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TswanaNewsClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CDSC-E.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/BQ.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TwentyNewsgroupsClustering.v2.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/GermanSTSBenchmark.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/KinopoiskClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/Diversity4LegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/AFQMC.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LEMBQMSumRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/PROALegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TweetEmotionClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/OPP115UserAccessEditAndDeletionLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/FrenkHrClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ImdbClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/FaithDial.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MLQARetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/RUParaPhraserSTS.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SprintDuplicateQuestions.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/WikiClusteringP2P.v2.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MLSUMClusteringS2S.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/GermanDPR.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/AfriSentiLangClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ArxivClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ToxicConversationsClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MassiveScenarioClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/AngryTweetsClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/T2Reranking.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ArguAna-PL.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADExpirationDateLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/STS17.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/RuSciBenchOECDClusteringP2P.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TenKGnadClusteringS2S.v2.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CBD.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MasakhaNEWSClusteringP2P.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/PoemSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SummEvalSummarization.v2.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CQADupstackUnixRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TweetTopicSingleClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/AskUbuntuDupQuestions.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/NusaTranslationBitextMining.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CQADupstackAndroidRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADAntiAssignmentLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/AJGT.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/FinToxicityClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MSMARCO-PLHardNegatives.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/StackExchangeClustering.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/RedditClusteringP2P.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/BulgarianStoreReviewSentimentClassfication.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LearnedHandsTortsLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/AlloprofRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/Assin2RTE.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MedicalQARetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CorporateLobbyingLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/HateSpeechPortugueseClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/PolEmo2.0-IN.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TV2Nordretrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/PatentClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/RedditClustering.v2.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADRenewalTermLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/RonSTS.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/PlscClusteringS2S.v2.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/AlloprofReranking.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ContractNLINoLicensingLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LearnedHandsEducationLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/NusaX-senti.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CataloniaTweetClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MultilingualSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/PublicHealthQA.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/FloresBitextMining.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/IndonesianMongabayConservationClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/AILAStatutes.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/indonli.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/NordicLangClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/VideoRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/BigPatentClustering.v2.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SCDBPAccountabilityLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SCDBPCertificationLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/Quail.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CSFDSKMovieReviewSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MovieReviewSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/BornholmBitextMining.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/WisesightSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SwahiliNewsClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ATEC.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ClimateFEVERHardNegatives.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SlovakSumRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/Waimai.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/NollySentiBitextMining.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/HebrewSentimentAnalysis.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ContractNLISharingWithThirdPartiesLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/GPUSpeedTask.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/RedditClustering.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/NLPJournalTitleIntroRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/PhincBitextMining.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LearnedHandsDivorceLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LearnedHandsCrimeLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SICK-R.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/FiQA2018.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SummEvalFr.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/BIOSSES.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/QuoraRetrievalHardNegatives.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/HunSum2AbstractiveRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/VieStudentFeedbackClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/RuSciBenchGRNTIClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TRECCOVID.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ContractNLISharingWithEmployeesLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SNLRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/NorwegianParliamentClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CodeSearchNetRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CodeTransOceanDL.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SCDDAccountabilityLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/GreekCivicsQA.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SpanishSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/AlloProfClusteringS2S.v2.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LearnedHandsHousingLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LEMBPasskeyRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/OPP115FirstPartyCollectionUseLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADLicenseGrantLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/HeadlineClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/XQuADRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/BiorxivClusteringS2S.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TempReasonL3Context.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/HotpotQAHardNegatives.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SwissJudgementClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/BUCC.v2.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SCDDVerificationLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/JCrewBlockerLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/Quora-PLHardNegatives.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/FilipinoShopeeReviewsClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TextualismToolPlainLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/PAC.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADPostTerminationServicesLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/KorSTS.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ArguAna.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADEffectiveDateLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LearnedHandsCourtsLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/NepaliNewsClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TenKGnadClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MasakhaNEWSClusteringS2S.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MacedonianTweetSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TelemarketingSalesRuleLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/GerDaLIR.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LegalBenchPC.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/NYSJudicialEthicsLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/IFlyTek.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/XMarket.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SICK-E-PL.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/WikipediaRetrievalMultilingual.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/XNLI.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TbilisiCityHallBitextMining.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SweFaqRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ContractNLIPermissibleCopyLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SCDDTrainingLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CLSClusteringP2P.v2.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SIQA.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SemRel24STS.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/NeuCLIR2023RetrievalHardNegatives.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SNLHierarchicalClusteringP2P.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/RiaNewsRetrievalHardNegatives.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/XNLIV2.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/Assin2STS.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MultiEURLEXMultilabelClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MultilingualSentiment.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CmedqaRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADNoticePeriodToTerminateRenewalLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/FrenkSlClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LEMBNeedleRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MalayalamNewsClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/BiorxivClusteringP2P.v2.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TwitterURLCorpus.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LivedoorNewsClustering.v2.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TweetSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/FinancialPhrasebankClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/GermanQuAD-Retrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/FQuADRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/STS22.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/AmazonReviewsClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CrossLingualSemanticDiscriminationWMT19.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ContractNLIReturnOfConfidentialInformationLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/JSTS.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CQADupstackGamingRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/AILACasedocs.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/RomaniBibleClustering.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SanskritShlokasClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/IndicNLPNewsClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/VieMedEVBitextMining.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADMinimumCommitmentLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/NFCorpus.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CrossLingualSemanticDiscriminationWMT21.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/STS15.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MultiHateClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MultiLongDocRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/OdiaNewsClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SwednRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/EstQA.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/VoyageMMarcoReranking.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CEDRClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/AmazonPolarityClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/NorwegianCourtsBitextMining.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/StackOverflowQA.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/JDReview.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADChangeOfControlLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/RARbMath.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SCIDOCS-PL.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/OPP115UserChoiceControlLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MTOPIntentClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/InsurancePolicyInterpretationLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/EightTagsClustering.v2.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/KLUE-TC.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/NoRecClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TempReasonL2Fact.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/STS13.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/PpcPC.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/NarrativeQARetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/FEVERHardNegatives.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TempReasonL2Pure.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CMedQAv1-reranking.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADRevenueProfitSharingLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/IndicGenBenchFloresBitextMining.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SRNCorpusBitextMining.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MedicalRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/HotelReviewSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ContractNLIConfidentialityOfAgreementLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SummEval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/PlscClusteringP2P.v2.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MyanmarNews.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ThuNewsClusteringP2P.v2.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/GerDaLIRSmall.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LegalBenchConsumerContractsQA.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/IN22ConvBitextMining.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SentimentAnalysisHindi.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SIB200Classification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LearnedHandsEmploymentLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADIrrevocableOrPerpetualLicenseLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ThuNewsClusteringS2S.v2.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/IN22GenBitextMining.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LivedoorNewsClustering.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CosQA.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MasakhaNEWSClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CQADupstackStatsRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TenKGnadClusteringP2P.v2.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LinceMTBitextMining.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/NewsClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADCapOnLiabilityLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADNonDisparagementLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LegalBenchCorporateLobbying.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/T2Retrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/JavaneseIMDBClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ContractNLILimitedUseLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/GeoreviewClusteringP2P.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/BengaliHateSpeechClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TempReasonL2Context.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/ArEntail.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/HALClusteringS2S.v2.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADThirdPartyBeneficiaryLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TamilNewsClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/RestaurantReviewSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/KorHateSpeechMLClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/FeedbackQARetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TwitterSemEval2015.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SICK-BR-PC.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/PersonalJurisdictionLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CzechProductReviewSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CzechSoMeSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SwedishSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/IWSLT2017BitextMining.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TempReasonL3Fact.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SCDBPAuditsLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/BlurbsClusteringS2S.v2.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/FunctionOfDecisionSectionLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LeCaRDv2.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADCompetitiveRestrictionExceptionLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CQADupstackWebmastersRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MLSUMClusteringP2P.v2.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/STS22.v2.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/RuBQReranking.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/NTREXBitextMining.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MedrxivClusteringP2P.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MMarcoRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TwitterHjerneRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/IsiZuluNewsClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/IndicLangClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TwentyNewsgroupsClustering.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/NeuCLIR2022RetrievalHardNegatives.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/PersianFoodSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LearnedHandsBusinessLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LearnedHandsHealthLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/WikiCitiesClustering.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/RARbCode.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/OpusparcusPC.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CodeEditSearchRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SpanishNewsClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/UrduRomanSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LegalQuAD.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/EstonianValenceClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/DuRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/RuSciBenchOECDClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/DanishPoliticalCommentsClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MTOPDomainClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/YelpReviewFullClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/FrenchBookReviews.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CMedQAv2-reranking.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SICKFr.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/BengaliSentimentAnalysis.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/STS12.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/AmazonCounterfactualClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/FinParaSTS.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CQADupstackMathematicaRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADIPOwnershipAssignmentLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SCDBPTrainingLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/MewsC16JaClustering.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/TurkishMovieSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/PawsXPairClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/StackExchangeClusteringP2P.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/OPP115ThirdPartySharingCollectionLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/LccSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/STSB.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADRofrRofoRofnLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/Core17InstructionRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CQADupstackPhysicsRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/DalajClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CQADupstackWordpressRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CLSClusteringS2S.v2.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/BibleNLPBitextMining.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/JaQuADRetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/Diversity3LegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/XPQARetrieval.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/STSBenchmarkMultilingualSTS.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SCDBPVerificationLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/OnlineStoreReviewSentimentClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/SinhalaNewsClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/IndonesianIdClickbaitClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/VGHierarchicalClusteringS2S.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/CUADUncappedLiabilityLegalBenchClassification.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/StackOverflowDupQuestions.json", + "results/sentence-transformers__all-MiniLM-L6-v2/8b3219a92973c328a8e22fadcfa821b5dc75636a/Diversity1LegalBenchClassification.json" ], - "sdadas__st-polish-paraphrase-from-mpnet": [ - "results/sdadas__st-polish-paraphrase-from-mpnet/no_revision_available/PSC.json", - "results/sdadas__st-polish-paraphrase-from-mpnet/no_revision_available/NFCorpus-PL.json", - "results/sdadas__st-polish-paraphrase-from-mpnet/no_revision_available/MassiveIntentClassification.json", - "results/sdadas__st-polish-paraphrase-from-mpnet/no_revision_available/CDSC-R.json", - "results/sdadas__st-polish-paraphrase-from-mpnet/no_revision_available/MSMARCO-PL.json", - "results/sdadas__st-polish-paraphrase-from-mpnet/no_revision_available/DBPedia-PL.json", - "results/sdadas__st-polish-paraphrase-from-mpnet/no_revision_available/PolEmo2.0-OUT.json", - "results/sdadas__st-polish-paraphrase-from-mpnet/no_revision_available/FiQA-PL.json", - "results/sdadas__st-polish-paraphrase-from-mpnet/no_revision_available/AllegroReviews.json", - "results/sdadas__st-polish-paraphrase-from-mpnet/no_revision_available/SciFact-PL.json", - "results/sdadas__st-polish-paraphrase-from-mpnet/no_revision_available/8TagsClustering.json", - "results/sdadas__st-polish-paraphrase-from-mpnet/no_revision_available/TRECCOVID-PL.json", - "results/sdadas__st-polish-paraphrase-from-mpnet/no_revision_available/SICK-R-PL.json", - "results/sdadas__st-polish-paraphrase-from-mpnet/no_revision_available/CDSC-E.json", - "results/sdadas__st-polish-paraphrase-from-mpnet/no_revision_available/MassiveScenarioClassification.json", - "results/sdadas__st-polish-paraphrase-from-mpnet/no_revision_available/ArguAna-PL.json", - "results/sdadas__st-polish-paraphrase-from-mpnet/no_revision_available/CBD.json", - "results/sdadas__st-polish-paraphrase-from-mpnet/no_revision_available/PolEmo2.0-IN.json", - "results/sdadas__st-polish-paraphrase-from-mpnet/no_revision_available/HotpotQA-PL.json", - "results/sdadas__st-polish-paraphrase-from-mpnet/no_revision_available/PAC.json", - "results/sdadas__st-polish-paraphrase-from-mpnet/no_revision_available/SICK-E-PL.json", - "results/sdadas__st-polish-paraphrase-from-mpnet/no_revision_available/Quora-PL.json", - "results/sdadas__st-polish-paraphrase-from-mpnet/no_revision_available/STS22.json", - "results/sdadas__st-polish-paraphrase-from-mpnet/no_revision_available/NQ-PL.json", - "results/sdadas__st-polish-paraphrase-from-mpnet/no_revision_available/SCIDOCS-PL.json", - "results/sdadas__st-polish-paraphrase-from-mpnet/no_revision_available/PPC.json" + "sentence-transformers__all-MiniLM-L6-v2-instruct": [ + "results/sentence-transformers__all-MiniLM-L6-v2-instruct/8b3219a92973c328a8e22fadcfa821b5dc75636a/AlphaNLI.json", + "results/sentence-transformers__all-MiniLM-L6-v2-instruct/8b3219a92973c328a8e22fadcfa821b5dc75636a/WinoGrande.json", + "results/sentence-transformers__all-MiniLM-L6-v2-instruct/8b3219a92973c328a8e22fadcfa821b5dc75636a/ARCChallenge.json", + "results/sentence-transformers__all-MiniLM-L6-v2-instruct/8b3219a92973c328a8e22fadcfa821b5dc75636a/SpartQA.json", + "results/sentence-transformers__all-MiniLM-L6-v2-instruct/8b3219a92973c328a8e22fadcfa821b5dc75636a/TempReasonL1.json", + "results/sentence-transformers__all-MiniLM-L6-v2-instruct/8b3219a92973c328a8e22fadcfa821b5dc75636a/HellaSwag.json", + "results/sentence-transformers__all-MiniLM-L6-v2-instruct/8b3219a92973c328a8e22fadcfa821b5dc75636a/TempReasonL3Pure.json", + "results/sentence-transformers__all-MiniLM-L6-v2-instruct/8b3219a92973c328a8e22fadcfa821b5dc75636a/PIQA.json", + "results/sentence-transformers__all-MiniLM-L6-v2-instruct/8b3219a92973c328a8e22fadcfa821b5dc75636a/Quail.json", + "results/sentence-transformers__all-MiniLM-L6-v2-instruct/8b3219a92973c328a8e22fadcfa821b5dc75636a/SIQA.json", + "results/sentence-transformers__all-MiniLM-L6-v2-instruct/8b3219a92973c328a8e22fadcfa821b5dc75636a/RARbMath.json", + "results/sentence-transformers__all-MiniLM-L6-v2-instruct/8b3219a92973c328a8e22fadcfa821b5dc75636a/TempReasonL2Fact.json", + "results/sentence-transformers__all-MiniLM-L6-v2-instruct/8b3219a92973c328a8e22fadcfa821b5dc75636a/TempReasonL2Pure.json", + "results/sentence-transformers__all-MiniLM-L6-v2-instruct/8b3219a92973c328a8e22fadcfa821b5dc75636a/TempReasonL3Fact.json", + "results/sentence-transformers__all-MiniLM-L6-v2-instruct/8b3219a92973c328a8e22fadcfa821b5dc75636a/RARbCode.json" ], - "castorini__monobert-large-msmarco": [ - "results/castorini__monobert-large-msmarco/no_revision_available/Robust04InstructionRetrieval.json", - "results/castorini__monobert-large-msmarco/no_revision_available/News21InstructionRetrieval.json", - "results/castorini__monobert-large-msmarco/no_revision_available/Core17InstructionRetrieval.json" + "sentence-transformers__all-mpnet-base-v2": [ + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/HagridRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/BengaliDocumentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MLQuestions.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/OPP115InternationalAndSpecificAudiencesLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/FrenkEnClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/WebLINXCandidatesReranking.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/StackExchangeClustering.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/AlphaNLI.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TweetSarcasmClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/WinoGrande.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/NusaParagraphEmotionClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/AlloProfClusteringP2P.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/PSC.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/DBpediaClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADNonTransferableLicenseLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ARCChallenge.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/IndicSentimentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/NFCorpus-PL.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MassiveIntentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SinhalaNewsSourceClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TextualismToolDictionariesLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/KurdishSentimentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/InappropriatenessClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/RuReviewsClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/RomanianSentimentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADUnlimitedAllYouCanEatLicenseLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADVolumeRestrictionLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADExclusivityLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ArmenianParaphrasePC.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/Itacola.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ContractNLIPermissibleAcquirementOfSimilarInformationLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADSourceCodeEscrowLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/UkrFormalityClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LEMBWikimQARetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/RedditClusteringP2P.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/DanFeverRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/VGHierarchicalClusteringP2P.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/KLUE-STS.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADWarrantyDurationLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/DiaBlaBitextMining.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/BlurbsClusteringP2P.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADInsuranceLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CTKFactsNLI.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADMostFavoredNationLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TNews.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/BiorxivClusteringP2P.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TempReasonL1.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/EmotionClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CQADupstackGisRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/VieQuADRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/AfriSentiClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADCovenantNotToSueLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADPriceRestrictionsLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/OPP115DoNotTrackLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SCDDCertificationLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/FalseFriendsGermanEnglish.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LearnedHandsTrafficLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CDSC-R.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADJointIPOwnershipLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MedrxivClusteringP2P.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SyntecReranking.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/RomanianReviewsSentiment.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/PAWSX.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/BSARDRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TweetSentimentExtractionClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADGoverningLawLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/WikipediaRerankingMultilingual.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/HellaSwag.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/Diversity2LegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/IndicCrosslingualSTS.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ArXivHierarchicalClusteringP2P.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ContractNLIPermissibleDevelopmentOfSimilarInformationLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SwednClusteringP2P.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/OnlineShopping.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LearnedHandsDomesticViolenceLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SlovakMovieReviewSentimentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LearnedHandsBenefitsLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/PolEmo2.0-OUT.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADNoSolicitOfEmployeesLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/GermanGovServiceRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LCQMC.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/EcomRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/NusaParagraphTopicClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/Moroco.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/GujaratiNewsClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LEMBNarrativeQARetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TurHistQuadRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/OralArgumentQuestionPurposeLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SciFact.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/RuSciBenchGRNTIClusteringP2P.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/KannadaNewsClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MalteseNewsClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/GreekLegalCodeClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADAuditRightsLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LearnedHandsEstatesLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/Banking77Classification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/RTE3.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/NusaXBitextMining.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MMarcoReranking.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADAffiliateLicenseLicenseeLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TurkicClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/NorQuadRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TERRa.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/Tatoeba.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/RuSTSBenchmarkSTS.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ContractNLIInclusionOfVerballyConveyedInformationLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/HindiDiscourseClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/KorSarcasmClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TurkishProductSentimentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADAffiliateLicenseLicensorLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/IndicQARetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LearnedHandsConsumerLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SNLHierarchicalClusteringS2S.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/KorHateClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/NaijaSenti.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CyrillicTurkicLangClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/FiQA-PL.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/STS14.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADTerminationForConvenienceLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/STSBenchmark.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MAUDLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/AllegroReviews.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SiswatiNewsClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LegalReasoningCausalityLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/InternationalCitizenshipQuestionsLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SpanishPassageRetrievalS2S.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ItaCaseholdClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/Diversity6LegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MarathiNewsClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/DutchBookReviewSentimentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SciDocsRR.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SciFact-PL.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ScalaClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LearnedHandsFamilyLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MindSmallReranking.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/OPP115DataSecurityLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CQADupstackRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MedrxivClusteringS2S.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CzechSubjectivityClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/Diversity5LegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SCIDOCS.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ArXivHierarchicalClusteringS2S.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/BrightRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/RomaTalesBitextMining.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CSFDCZMovieReviewSentimentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/PIQA.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/YahooAnswersTopicsClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/Touche2020.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TeluguAndhraJyotiNewsClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ContractNLIPermissiblePostAgreementPossessionLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/STS16.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/NLPJournalAbsIntroRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MedrxivClusteringS2S.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/OPP115PolicyChangeLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADNonCompeteLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/OverrulingLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/UnfairTOSLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/KLUE-NLI.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SweRecClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/NLPJournalTitleAbsRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/DefinitionClassificationLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/PunjabiNewsClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/BiorxivClusteringS2S.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CovidRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/GermanPoliticiansTwitterSentimentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TRECCOVID-PL.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LearnedHandsImmigrationLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/GeoreviewClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/YueOpenriceReviewClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CanadaTaxCourtOutcomesLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CQADupstackTexRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/StatcanDialogueDatasetRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/BrazilianToxicTweetsClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/STSES.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ContractNLIExplicitIdentificationLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ContractNLISurvivalOfObligationsLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADLiquidatedDamagesLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/OPP115DataRetentionLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/JSICK.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/UCCVCommonLawLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SwednClusteringS2S.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/WRIMEClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/StackExchangeClusteringP2P.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SCDDAuditsLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SICK-R-PL.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ContractNLINoticeOnCompelledDisclosureLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADNoSolicitOfCustomersLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SensitiveTopicsClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/FaroeseSTS.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ToxicChatClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TswanaNewsClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CDSC-E.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/BQ.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TwentyNewsgroupsClustering.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/GermanSTSBenchmark.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/KinopoiskClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/Diversity4LegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/AFQMC.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LEMBQMSumRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/PROALegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TweetEmotionClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/OPP115UserAccessEditAndDeletionLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/FrenkHrClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ImdbClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/FaithDial.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MLQARetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/RUParaPhraserSTS.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SprintDuplicateQuestions.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/WikiClusteringP2P.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/GermanDPR.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/AfriSentiLangClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ArxivClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ToxicConversationsClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MassiveScenarioClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/AngryTweetsClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/T2Reranking.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ArguAna-PL.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADExpirationDateLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/STS17.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/RuSciBenchOECDClusteringP2P.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CBD.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/PoemSentimentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CQADupstackUnixRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TweetTopicSingleClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/AskUbuntuDupQuestions.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/NusaTranslationBitextMining.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/HotpotQA.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ArxivClusteringS2S.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADAntiAssignmentLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/AJGT.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/FinToxicityClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/StackExchangeClustering.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/RedditClusteringP2P.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/BulgarianStoreReviewSentimentClassfication.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LearnedHandsTortsLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/Assin2RTE.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CorporateLobbyingLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/HateSpeechPortugueseClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/PolEmo2.0-IN.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TV2Nordretrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/PatentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/RedditClustering.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADRenewalTermLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/RonSTS.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/PlscClusteringS2S.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/AlloprofReranking.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ContractNLINoLicensingLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LearnedHandsEducationLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/NusaX-senti.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CataloniaTweetClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MultilingualSentimentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/FloresBitextMining.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/IndonesianMongabayConservationClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/indonli.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/NordicLangClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/VideoRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/BigPatentClustering.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SCDBPAccountabilityLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SCDBPCertificationLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CSFDSKMovieReviewSentimentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MovieReviewSentimentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/BornholmBitextMining.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/NQ.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/WisesightSentimentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ATEC.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SlovakSumRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/Waimai.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/NollySentiBitextMining.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/HebrewSentimentAnalysis.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ContractNLISharingWithThirdPartiesLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/RedditClustering.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/NLPJournalTitleIntroRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/PhincBitextMining.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LearnedHandsDivorceLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LearnedHandsCrimeLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SICK-R.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/FiQA2018.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SummEvalFr.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/BIOSSES.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/VieStudentFeedbackClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/RuSciBenchGRNTIClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TRECCOVID.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ContractNLISharingWithEmployeesLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SNLRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/NorwegianParliamentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SCDDAccountabilityLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/GreekCivicsQA.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SpanishSentimentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/AlloProfClusteringS2S.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LearnedHandsHousingLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LEMBPasskeyRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/OPP115FirstPartyCollectionUseLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADLicenseGrantLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/HeadlineClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/DBPedia.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/BiorxivClusteringS2S.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TempReasonL3Context.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SwissJudgementClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/BUCC.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SCDDVerificationLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/JCrewBlockerLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/FilipinoShopeeReviewsClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TextualismToolPlainLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/PAC.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADPostTerminationServicesLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/KorSTS.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ArguAna.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADEffectiveDateLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LearnedHandsCourtsLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/NepaliNewsClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TenKGnadClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MacedonianTweetSentimentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TelemarketingSalesRuleLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/GerDaLIR.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LegalBenchPC.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/NYSJudicialEthicsLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/IFlyTek.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/XMarket.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SICK-E-PL.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/XNLI.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TbilisiCityHallBitextMining.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SweFaqRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ContractNLIPermissibleCopyLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SCDDTrainingLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CLSClusteringP2P.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SemRel24STS.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ArxivClusteringP2P.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SNLHierarchicalClusteringP2P.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/XNLIV2.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/Assin2STS.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MultiEURLEXMultilabelClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MultilingualSentiment.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CmedqaRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADNoticePeriodToTerminateRenewalLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/FrenkSlClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LEMBNeedleRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MalayalamNewsClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/BiorxivClusteringP2P.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TwitterURLCorpus.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TweetSentimentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/FinancialPhrasebankClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/GermanQuAD-Retrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/STS22.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/AmazonReviewsClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CrossLingualSemanticDiscriminationWMT19.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ContractNLIReturnOfConfidentialInformationLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/JSTS.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CQADupstackGamingRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SanskritShlokasClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/IndicNLPNewsClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/VieMedEVBitextMining.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADMinimumCommitmentLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/NFCorpus.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CrossLingualSemanticDiscriminationWMT21.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/STS15.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MultiHateClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MultiLongDocRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/OdiaNewsClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SwednRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CEDRClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/AmazonPolarityClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/NorwegianCourtsBitextMining.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/JDReview.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADChangeOfControlLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SCIDOCS-PL.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/OPP115UserChoiceControlLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MTOPIntentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/InsurancePolicyInterpretationLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/EightTagsClustering.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/KLUE-TC.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/NoRecClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/STS13.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/PpcPC.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/NarrativeQARetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TempReasonL2Pure.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CMedQAv1-reranking.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADRevenueProfitSharingLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SRNCorpusBitextMining.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MedicalRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/HotelReviewSentimentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ContractNLIConfidentialityOfAgreementLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SummEval.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/PlscClusteringP2P.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MyanmarNews.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ThuNewsClusteringP2P.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ClimateFEVER.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/IN22ConvBitextMining.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SentimentAnalysisHindi.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LearnedHandsEmploymentLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADIrrevocableOrPerpetualLicenseLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ThuNewsClusteringS2S.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/IN22GenBitextMining.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LivedoorNewsClustering.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MasakhaNEWSClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CQADupstackStatsRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TenKGnadClusteringP2P.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LinceMTBitextMining.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/NewsClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADCapOnLiabilityLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADNonDisparagementLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/T2Retrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/JavaneseIMDBClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ContractNLILimitedUseLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/GeoreviewClusteringP2P.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/BengaliHateSpeechClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TempReasonL2Context.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/ArEntail.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/HALClusteringS2S.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADThirdPartyBeneficiaryLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TamilNewsClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/RestaurantReviewSentimentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/KorHateSpeechMLClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TwitterSemEval2015.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SICK-BR-PC.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/PersonalJurisdictionLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CzechProductReviewSentimentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CzechSoMeSentimentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SwedishSentimentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TempReasonL3Fact.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SCDBPAuditsLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/BlurbsClusteringS2S.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/FunctionOfDecisionSectionLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADCompetitiveRestrictionExceptionLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/RuBQReranking.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MedrxivClusteringP2P.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MMarcoRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TwitterHjerneRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/IsiZuluNewsClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/IndicLangClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TwentyNewsgroupsClustering.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/PersianFoodSentimentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LearnedHandsBusinessLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LearnedHandsHealthLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/FEVER.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/OpusparcusPC.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MSMARCO.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SpanishNewsClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/UrduRomanSentimentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/EstonianValenceClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/DuRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/RuSciBenchOECDClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/DanishPoliticalCommentsClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MTOPDomainClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/YelpReviewFullClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/FrenchBookReviews.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/QuoraRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CMedQAv2-reranking.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SICKFr.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/BengaliSentimentAnalysis.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/STS12.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/AmazonCounterfactualClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/FinParaSTS.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADIPOwnershipAssignmentLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SCDBPTrainingLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/MewsC16JaClustering.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/TurkishMovieSentimentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/PawsXPairClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/StackExchangeClusteringP2P.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/OPP115ThirdPartySharingCollectionLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/LccSentimentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/STSB.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADRofrRofoRofnLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/DalajClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CLSClusteringS2S.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/BibleNLPBitextMining.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/Diversity3LegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/STSBenchmarkMultilingualSTS.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SCDBPVerificationLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/OnlineStoreReviewSentimentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/SinhalaNewsClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/IndonesianIdClickbaitClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/VGHierarchicalClusteringS2S.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/CUADUncappedLiabilityLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/StackOverflowDupQuestions.json", + "results/sentence-transformers__all-mpnet-base-v2/no_revision_available/Diversity1LegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/HagridRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/BengaliDocumentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MLQuestions.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SyntheticText2SQL.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/NQ-PLHardNegatives.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/OPP115InternationalAndSpecificAudiencesLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/FrenkEnClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/WebLINXCandidatesReranking.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/Robust04InstructionRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/RuBQRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/StackExchangeClustering.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/AlphaNLI.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TweetSarcasmClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/WinoGrande.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/NusaParagraphEmotionClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/AlloProfClusteringP2P.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/PSC.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/DBpediaClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADNonTransferableLicenseLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ARCChallenge.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/IndicSentimentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/NFCorpus-PL.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MassiveIntentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SinhalaNewsSourceClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TextualismToolDictionariesLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/KurdishSentimentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/InappropriatenessClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/RuReviewsClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/RomanianSentimentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADUnlimitedAllYouCanEatLicenseLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADVolumeRestrictionLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADExclusivityLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ArmenianParaphrasePC.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/Itacola.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ContractNLIPermissibleAcquirementOfSimilarInformationLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADSourceCodeEscrowLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/UkrFormalityClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SIB200ClusteringS2S.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LEMBWikimQARetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/RedditClusteringP2P.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/DanFeverRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/VGHierarchicalClusteringP2P.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/KLUE-STS.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADWarrantyDurationLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/DiaBlaBitextMining.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LegalSummarization.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SpartQA.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/BlurbsClusteringP2P.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADInsuranceLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MSMARCOHardNegatives.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CTKFactsNLI.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADMostFavoredNationLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TNews.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/DBPedia-PLHardNegatives.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CodeFeedbackST.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TempReasonL1.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/EmotionClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LEMBSummScreenFDRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CQADupstackGisRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/VieQuADRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/AfriSentiClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADCovenantNotToSueLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADPriceRestrictionsLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/OPP115DoNotTrackLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SCDDCertificationLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/FalseFriendsGermanEnglish.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CQADupstackEnglishRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LearnedHandsTrafficLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CDSC-R.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADJointIPOwnershipLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MedrxivClusteringP2P.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SyntecReranking.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/RomanianReviewsSentiment.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/PAWSX.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/BSARDRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TweetSentimentExtractionClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADGoverningLawLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/WikipediaRerankingMultilingual.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/HellaSwag.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/Diversity2LegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/BelebeleRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/IndicCrosslingualSTS.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ArXivHierarchicalClusteringP2P.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ContractNLIPermissibleDevelopmentOfSimilarInformationLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/FarsTail.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SwednClusteringP2P.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/OnlineShopping.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LearnedHandsDomesticViolenceLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SlovakMovieReviewSentimentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LearnedHandsBenefitsLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/PolEmo2.0-OUT.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADNoSolicitOfEmployeesLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/News21InstructionRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/GermanGovServiceRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LCQMC.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/EcomRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/NusaParagraphTopicClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/Moroco.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/GujaratiNewsClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LEMBNarrativeQARetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TurHistQuadRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/OralArgumentQuestionPurposeLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SciFact.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/RuSciBenchGRNTIClusteringP2P.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LanguageClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/KannadaNewsClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MalteseNewsClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/GreekLegalCodeClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MLSUMClusteringS2S.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADAuditRightsLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CodeSearchNetCCRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LearnedHandsEstatesLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/Banking77Classification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CodeTransOceanContest.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/RTE3.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/NusaXBitextMining.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MMarcoReranking.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/GeorgianFAQRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADAffiliateLicenseLicenseeLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TurkicClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/NorQuadRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TERRa.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/Tatoeba.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/RuSTSBenchmarkSTS.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CQADupstackProgrammersRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ContractNLIInclusionOfVerballyConveyedInformationLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/HindiDiscourseClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/KorSarcasmClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TurkishProductSentimentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADAffiliateLicenseLicensorLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/IndicQARetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LearnedHandsConsumerLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SNLHierarchicalClusteringS2S.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/KorHateClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/NaijaSenti.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CyrillicTurkicLangClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/FiQA-PL.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/STS14.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADTerminationForConvenienceLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/STSBenchmark.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MAUDLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/AllegroReviews.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SiswatiNewsClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LegalReasoningCausalityLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/InternationalCitizenshipQuestionsLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SpanishPassageRetrievalS2S.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TempReasonL3Pure.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ItaCaseholdClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/Diversity6LegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MarathiNewsClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/DutchBookReviewSentimentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/Ko-StrategyQA.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SciDocsRR.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SciFact-PL.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ScalaClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MIRACLRetrievalHardNegatives.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LearnedHandsFamilyLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TopiOCQAHardNegatives.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MindSmallReranking.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/OPP115DataSecurityLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CzechSubjectivityClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/JaGovFaqsRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/Diversity5LegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SCIDOCS.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ArXivHierarchicalClusteringS2S.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/RomaTalesBitextMining.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CSFDCZMovieReviewSentimentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/NQHardNegatives.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/PIQA.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/YahooAnswersTopicsClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MintakaRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/IndicReviewsClusteringP2P.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/Touche2020.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TeluguAndhraJyotiNewsClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ContractNLIPermissiblePostAgreementPossessionLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/STS16.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/NLPJournalAbsIntroRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MedrxivClusteringS2S.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/HotpotQA-PLHardNegatives.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/OPP115PolicyChangeLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADNonCompeteLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/OverrulingLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/UnfairTOSLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/KLUE-NLI.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SweRecClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/NLPJournalTitleAbsRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/DefinitionClassificationLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/PunjabiNewsClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/BiorxivClusteringS2S.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CovidRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/GermanPoliticiansTwitterSentimentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TRECCOVID-PL.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LearnedHandsImmigrationLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/GeoreviewClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/YueOpenriceReviewClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CodeFeedbackMT.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CanadaTaxCourtOutcomesLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CQADupstackTexRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/StatcanDialogueDatasetRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/BrazilianToxicTweetsClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/DBPediaHardNegatives.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/STSES.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ContractNLIExplicitIdentificationLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ContractNLISurvivalOfObligationsLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADLiquidatedDamagesLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/OPP115DataRetentionLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/JSICK.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/UCCVCommonLawLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SwednClusteringS2S.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/WRIMEClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/StackExchangeClusteringP2P.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SCDDAuditsLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SICK-R-PL.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SpanishNewsClusteringP2P.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ContractNLINoticeOnCompelledDisclosureLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SyntecRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/AppsRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADNoSolicitOfCustomersLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SensitiveTopicsClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/FaroeseSTS.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ToxicChatClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TswanaNewsClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CDSC-E.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/BQ.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TwentyNewsgroupsClustering.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/GermanSTSBenchmark.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/KinopoiskClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/Diversity4LegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/AFQMC.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LEMBQMSumRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/PROALegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TweetEmotionClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/OPP115UserAccessEditAndDeletionLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/FrenkHrClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ImdbClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/FaithDial.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MLQARetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/RUParaPhraserSTS.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SprintDuplicateQuestions.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/WikiClusteringP2P.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/GermanDPR.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/AfriSentiLangClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ArxivClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ToxicConversationsClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MassiveScenarioClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/AngryTweetsClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/T2Reranking.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ArguAna-PL.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADExpirationDateLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/STS17.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/RuSciBenchOECDClusteringP2P.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TenKGnadClusteringS2S.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CBD.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MasakhaNEWSClusteringP2P.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/PoemSentimentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SummEvalSummarization.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CQADupstackUnixRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TweetTopicSingleClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/AskUbuntuDupQuestions.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/NusaTranslationBitextMining.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CQADupstackAndroidRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADAntiAssignmentLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/AJGT.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/FinToxicityClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MSMARCO-PLHardNegatives.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/BulgarianStoreReviewSentimentClassfication.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LearnedHandsTortsLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/AlloprofRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/Assin2RTE.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MedicalQARetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CorporateLobbyingLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/HateSpeechPortugueseClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/PolEmo2.0-IN.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TV2Nordretrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/PatentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/RedditClustering.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADRenewalTermLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/RonSTS.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/PlscClusteringS2S.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/AlloprofReranking.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ContractNLINoLicensingLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LearnedHandsEducationLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/NusaX-senti.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CataloniaTweetClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MultilingualSentimentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/FloresBitextMining.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/IndonesianMongabayConservationClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/AILAStatutes.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/indonli.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/NordicLangClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/VideoRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/BigPatentClustering.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SCDBPAccountabilityLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SCDBPCertificationLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/Quail.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CSFDSKMovieReviewSentimentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MovieReviewSentimentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/BornholmBitextMining.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/WisesightSentimentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SwahiliNewsClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ATEC.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ClimateFEVERHardNegatives.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SlovakSumRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/Waimai.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/NollySentiBitextMining.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/HebrewSentimentAnalysis.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ContractNLISharingWithThirdPartiesLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/NLPJournalTitleIntroRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/PhincBitextMining.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LearnedHandsDivorceLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LearnedHandsCrimeLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SICK-R.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/FiQA2018.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SummEvalFr.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/BIOSSES.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/QuoraRetrievalHardNegatives.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/HunSum2AbstractiveRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/VieStudentFeedbackClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/RuSciBenchGRNTIClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TRECCOVID.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ContractNLISharingWithEmployeesLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SNLRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/NorwegianParliamentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CodeSearchNetRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CodeTransOceanDL.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SCDDAccountabilityLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/GreekCivicsQA.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SpanishSentimentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/AlloProfClusteringS2S.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LearnedHandsHousingLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LEMBPasskeyRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/OPP115FirstPartyCollectionUseLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADLicenseGrantLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/HeadlineClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/XQuADRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TempReasonL3Context.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/HotpotQAHardNegatives.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SwissJudgementClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/BUCC.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SCDDVerificationLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/JCrewBlockerLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/Quora-PLHardNegatives.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/FilipinoShopeeReviewsClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TextualismToolPlainLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/PAC.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADPostTerminationServicesLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/KorSTS.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ArguAna.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADEffectiveDateLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LearnedHandsCourtsLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/NepaliNewsClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TenKGnadClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MasakhaNEWSClusteringS2S.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MacedonianTweetSentimentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TelemarketingSalesRuleLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/GerDaLIR.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LegalBenchPC.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/NYSJudicialEthicsLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/IFlyTek.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/XMarket.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SICK-E-PL.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/WikipediaRetrievalMultilingual.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/XNLI.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TbilisiCityHallBitextMining.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SweFaqRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ContractNLIPermissibleCopyLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SCDDTrainingLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CLSClusteringP2P.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SIQA.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SemRel24STS.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/NeuCLIR2023RetrievalHardNegatives.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SNLHierarchicalClusteringP2P.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/RiaNewsRetrievalHardNegatives.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/XNLIV2.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/Assin2STS.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MultiEURLEXMultilabelClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MultilingualSentiment.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CmedqaRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADNoticePeriodToTerminateRenewalLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/FrenkSlClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LEMBNeedleRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MalayalamNewsClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/BiorxivClusteringP2P.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TwitterURLCorpus.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LivedoorNewsClustering.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TweetSentimentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/FinancialPhrasebankClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/GermanQuAD-Retrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/FQuADRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/STS22.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/AmazonReviewsClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CrossLingualSemanticDiscriminationWMT19.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ContractNLIReturnOfConfidentialInformationLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/JSTS.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CQADupstackGamingRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/AILACasedocs.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/RomaniBibleClustering.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SanskritShlokasClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/IndicNLPNewsClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/VieMedEVBitextMining.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADMinimumCommitmentLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/NFCorpus.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CrossLingualSemanticDiscriminationWMT21.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/STS15.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MultiHateClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MultiLongDocRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/OdiaNewsClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SwednRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/EstQA.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/VoyageMMarcoReranking.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CEDRClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/AmazonPolarityClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/NorwegianCourtsBitextMining.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/StackOverflowQA.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/JDReview.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADChangeOfControlLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/RARbMath.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SCIDOCS-PL.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/OPP115UserChoiceControlLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MTOPIntentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/InsurancePolicyInterpretationLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/EightTagsClustering.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/KLUE-TC.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/NoRecClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TempReasonL2Fact.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/STS13.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/PpcPC.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/NarrativeQARetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/FEVERHardNegatives.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TempReasonL2Pure.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CMedQAv1-reranking.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADRevenueProfitSharingLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/IndicGenBenchFloresBitextMining.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SRNCorpusBitextMining.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MedicalRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/HotelReviewSentimentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ContractNLIConfidentialityOfAgreementLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SummEval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/PlscClusteringP2P.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MyanmarNews.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ThuNewsClusteringP2P.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/GerDaLIRSmall.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LegalBenchConsumerContractsQA.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/IN22ConvBitextMining.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SentimentAnalysisHindi.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SIB200Classification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LearnedHandsEmploymentLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADIrrevocableOrPerpetualLicenseLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ThuNewsClusteringS2S.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/IN22GenBitextMining.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LivedoorNewsClustering.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CosQA.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MasakhaNEWSClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CQADupstackStatsRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TenKGnadClusteringP2P.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LinceMTBitextMining.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/NewsClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADCapOnLiabilityLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADNonDisparagementLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LegalBenchCorporateLobbying.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/T2Retrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/JavaneseIMDBClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ContractNLILimitedUseLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/GeoreviewClusteringP2P.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/BengaliHateSpeechClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TempReasonL2Context.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ArEntail.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/HALClusteringS2S.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADThirdPartyBeneficiaryLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TamilNewsClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/RestaurantReviewSentimentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/KorHateSpeechMLClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/FeedbackQARetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TwitterSemEval2015.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SICK-BR-PC.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/PersonalJurisdictionLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CzechProductReviewSentimentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CzechSoMeSentimentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SwedishSentimentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/IWSLT2017BitextMining.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TempReasonL3Fact.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SCDBPAuditsLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/BlurbsClusteringS2S.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/FunctionOfDecisionSectionLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LeCaRDv2.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADCompetitiveRestrictionExceptionLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CQADupstackWebmastersRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MLSUMClusteringP2P.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/STS22.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/RuBQReranking.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/NTREXBitextMining.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MMarcoRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TwitterHjerneRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/IsiZuluNewsClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/IndicLangClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/NeuCLIR2022RetrievalHardNegatives.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/PersianFoodSentimentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LearnedHandsBusinessLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LearnedHandsHealthLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/WikiCitiesClustering.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/RARbCode.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/OpusparcusPC.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CodeEditSearchRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SpanishNewsClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/UrduRomanSentimentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LegalQuAD.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/EstonianValenceClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/DuRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/RuSciBenchOECDClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/DanishPoliticalCommentsClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MTOPDomainClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/YelpReviewFullClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/FrenchBookReviews.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CMedQAv2-reranking.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SICKFr.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/BengaliSentimentAnalysis.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/STS12.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/AmazonCounterfactualClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/FinParaSTS.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CQADupstackMathematicaRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADIPOwnershipAssignmentLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SCDBPTrainingLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/MewsC16JaClustering.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TurkishMovieSentimentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/PawsXPairClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/OPP115ThirdPartySharingCollectionLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/LccSentimentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/STSB.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADRofrRofoRofnLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/Core17InstructionRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CQADupstackPhysicsRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/DalajClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CQADupstackWordpressRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CLSClusteringS2S.v2.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/BibleNLPBitextMining.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/JaQuADRetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/Diversity3LegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/XPQARetrieval.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/STSBenchmarkMultilingualSTS.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SCDBPVerificationLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/OnlineStoreReviewSentimentClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SinhalaNewsClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/IndonesianIdClickbaitClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/VGHierarchicalClusteringS2S.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/CUADUncappedLiabilityLegalBenchClassification.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/StackOverflowDupQuestions.json", + "results/sentence-transformers__all-mpnet-base-v2/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/Diversity1LegalBenchClassification.json" ], - "Geotrend__distilbert-base-fr-cased": [ - "results/Geotrend__distilbert-base-fr-cased/no_revision_available/MassiveIntentClassification.json", - "results/Geotrend__distilbert-base-fr-cased/no_revision_available/MLSUMClusteringP2P.json", - "results/Geotrend__distilbert-base-fr-cased/no_revision_available/AlloProfClusteringS2S.json", - "results/Geotrend__distilbert-base-fr-cased/no_revision_available/SyntecReranking.json", - "results/Geotrend__distilbert-base-fr-cased/no_revision_available/BSARDRetrieval.json", - "results/Geotrend__distilbert-base-fr-cased/no_revision_available/DiaBLaBitextMining.json", - "results/Geotrend__distilbert-base-fr-cased/no_revision_available/MintakaRetrieval.json", - "results/Geotrend__distilbert-base-fr-cased/no_revision_available/SyntecRetrieval.json", - "results/Geotrend__distilbert-base-fr-cased/no_revision_available/MLSUMClusteringS2S.json", - "results/Geotrend__distilbert-base-fr-cased/no_revision_available/MassiveScenarioClassification.json", - "results/Geotrend__distilbert-base-fr-cased/no_revision_available/MasakhaNEWSClusteringP2P.json", - "results/Geotrend__distilbert-base-fr-cased/no_revision_available/AlloprofRetrieval.json", - "results/Geotrend__distilbert-base-fr-cased/no_revision_available/AlloprofReranking.json", - "results/Geotrend__distilbert-base-fr-cased/no_revision_available/FloresBitextMining.json", - "results/Geotrend__distilbert-base-fr-cased/no_revision_available/SummEvalFr.json", - "results/Geotrend__distilbert-base-fr-cased/no_revision_available/AlloProfClusteringP2P.json", - "results/Geotrend__distilbert-base-fr-cased/no_revision_available/MasakhaNEWSClusteringS2S.json", - "results/Geotrend__distilbert-base-fr-cased/no_revision_available/STS22.json", - "results/Geotrend__distilbert-base-fr-cased/no_revision_available/AmazonReviewsClassification.json", - "results/Geotrend__distilbert-base-fr-cased/no_revision_available/MTOPIntentClassification.json", - "results/Geotrend__distilbert-base-fr-cased/no_revision_available/HALClusteringS2S.json", - "results/Geotrend__distilbert-base-fr-cased/no_revision_available/MasakhaNEWSClassification.json", - "results/Geotrend__distilbert-base-fr-cased/no_revision_available/OpusparcusPC.json", - "results/Geotrend__distilbert-base-fr-cased/no_revision_available/MTOPDomainClassification.json", - "results/Geotrend__distilbert-base-fr-cased/no_revision_available/SICKFr.json", - "results/Geotrend__distilbert-base-fr-cased/no_revision_available/PawsXPairClassification.json", - "results/Geotrend__distilbert-base-fr-cased/no_revision_available/XPQARetrieval.json", - "results/Geotrend__distilbert-base-fr-cased/no_revision_available/STSBenchmarkMultilingualSTS.json" + "sentence-transformers__all-mpnet-base-v2-instruct": [ + "results/sentence-transformers__all-mpnet-base-v2-instruct/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/AlphaNLI.json", + "results/sentence-transformers__all-mpnet-base-v2-instruct/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/WinoGrande.json", + "results/sentence-transformers__all-mpnet-base-v2-instruct/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/ARCChallenge.json", + "results/sentence-transformers__all-mpnet-base-v2-instruct/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SpartQA.json", + "results/sentence-transformers__all-mpnet-base-v2-instruct/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TempReasonL1.json", + "results/sentence-transformers__all-mpnet-base-v2-instruct/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/HellaSwag.json", + "results/sentence-transformers__all-mpnet-base-v2-instruct/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TempReasonL3Pure.json", + "results/sentence-transformers__all-mpnet-base-v2-instruct/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/PIQA.json", + "results/sentence-transformers__all-mpnet-base-v2-instruct/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/Quail.json", + "results/sentence-transformers__all-mpnet-base-v2-instruct/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/SIQA.json", + "results/sentence-transformers__all-mpnet-base-v2-instruct/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/RARbMath.json", + "results/sentence-transformers__all-mpnet-base-v2-instruct/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TempReasonL2Fact.json", + "results/sentence-transformers__all-mpnet-base-v2-instruct/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TempReasonL2Pure.json", + "results/sentence-transformers__all-mpnet-base-v2-instruct/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/TempReasonL3Fact.json", + "results/sentence-transformers__all-mpnet-base-v2-instruct/84f2bcc00d77236f9e89c8a360a00fb1139bf47d/RARbCode.json" ], - "sentence-transformers__gtr-t5-large": [ - "results/sentence-transformers__gtr-t5-large/no_revision_available/MassiveIntentClassification.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/BiorxivClusteringP2P.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/EmotionClassification.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/CQADupstackGisRetrieval.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/TweetSentimentExtractionClassification.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/SciFact.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/Banking77Classification.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/STS14.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/STSBenchmark.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/SciDocsRR.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/MindSmallReranking.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/CQADupstackRetrieval.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/MedrxivClusteringS2S.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/SCIDOCS.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/Touche2020.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/STS16.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/CQADupstackTexRetrieval.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/ImdbClassification.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/SprintDuplicateQuestions.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/ToxicConversationsClassification.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/MassiveScenarioClassification.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/STS17.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/CQADupstackUnixRetrieval.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/AskUbuntuDupQuestions.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/HotpotQA.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/ArxivClusteringS2S.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/StackExchangeClustering.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/RedditClusteringP2P.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/NQ.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/RedditClustering.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/SICK-R.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/FiQA2018.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/BIOSSES.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/TRECCOVID.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/DBPedia.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/BiorxivClusteringS2S.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/ArguAna.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/ArxivClusteringP2P.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/TwitterURLCorpus.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/STS22.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/AmazonReviewsClassification.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/CQADupstackGamingRetrieval.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/NFCorpus.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/STS15.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/AmazonPolarityClassification.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/MTOPIntentClassification.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/STS13.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/SummEval.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/ClimateFEVER.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/CQADupstackStatsRetrieval.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/TwitterSemEval2015.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/MedrxivClusteringP2P.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/TwentyNewsgroupsClustering.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/FEVER.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/MSMARCO.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/MTOPDomainClassification.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/QuoraRetrieval.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/STS12.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/AmazonCounterfactualClassification.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/StackExchangeClusteringP2P.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/sentence-transformers__gtr-t5-large/no_revision_available/StackOverflowDupQuestions.json" + "sentence-transformers__allenai-specter": [ + "results/sentence-transformers__allenai-specter/no_revision_available/MassiveIntentClassification.json", + "results/sentence-transformers__allenai-specter/no_revision_available/BiorxivClusteringP2P.json", + "results/sentence-transformers__allenai-specter/no_revision_available/EmotionClassification.json", + "results/sentence-transformers__allenai-specter/no_revision_available/CQADupstackGisRetrieval.json", + "results/sentence-transformers__allenai-specter/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/sentence-transformers__allenai-specter/no_revision_available/TweetSentimentExtractionClassification.json", + "results/sentence-transformers__allenai-specter/no_revision_available/SciFact.json", + "results/sentence-transformers__allenai-specter/no_revision_available/Banking77Classification.json", + "results/sentence-transformers__allenai-specter/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/sentence-transformers__allenai-specter/no_revision_available/STS14.json", + "results/sentence-transformers__allenai-specter/no_revision_available/STSBenchmark.json", + "results/sentence-transformers__allenai-specter/no_revision_available/SciDocsRR.json", + "results/sentence-transformers__allenai-specter/no_revision_available/MindSmallReranking.json", + "results/sentence-transformers__allenai-specter/no_revision_available/CQADupstackRetrieval.json", + "results/sentence-transformers__allenai-specter/no_revision_available/MedrxivClusteringS2S.json", + "results/sentence-transformers__allenai-specter/no_revision_available/SCIDOCS.json", + "results/sentence-transformers__allenai-specter/no_revision_available/Touche2020.json", + "results/sentence-transformers__allenai-specter/no_revision_available/STS16.json", + "results/sentence-transformers__allenai-specter/no_revision_available/CQADupstackTexRetrieval.json", + "results/sentence-transformers__allenai-specter/no_revision_available/ImdbClassification.json", + "results/sentence-transformers__allenai-specter/no_revision_available/SprintDuplicateQuestions.json", + "results/sentence-transformers__allenai-specter/no_revision_available/ToxicConversationsClassification.json", + "results/sentence-transformers__allenai-specter/no_revision_available/MassiveScenarioClassification.json", + "results/sentence-transformers__allenai-specter/no_revision_available/STS17.json", + "results/sentence-transformers__allenai-specter/no_revision_available/CQADupstackUnixRetrieval.json", + "results/sentence-transformers__allenai-specter/no_revision_available/AskUbuntuDupQuestions.json", + "results/sentence-transformers__allenai-specter/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/sentence-transformers__allenai-specter/no_revision_available/HotpotQA.json", + "results/sentence-transformers__allenai-specter/no_revision_available/ArxivClusteringS2S.json", + "results/sentence-transformers__allenai-specter/no_revision_available/StackExchangeClustering.json", + "results/sentence-transformers__allenai-specter/no_revision_available/RedditClusteringP2P.json", + "results/sentence-transformers__allenai-specter/no_revision_available/NQ.json", + "results/sentence-transformers__allenai-specter/no_revision_available/RedditClustering.json", + "results/sentence-transformers__allenai-specter/no_revision_available/SICK-R.json", + "results/sentence-transformers__allenai-specter/no_revision_available/FiQA2018.json", + "results/sentence-transformers__allenai-specter/no_revision_available/BIOSSES.json", + "results/sentence-transformers__allenai-specter/no_revision_available/TRECCOVID.json", + "results/sentence-transformers__allenai-specter/no_revision_available/DBPedia.json", + "results/sentence-transformers__allenai-specter/no_revision_available/BiorxivClusteringS2S.json", + "results/sentence-transformers__allenai-specter/no_revision_available/ArguAna.json", + "results/sentence-transformers__allenai-specter/no_revision_available/ArxivClusteringP2P.json", + "results/sentence-transformers__allenai-specter/no_revision_available/TwitterURLCorpus.json", + "results/sentence-transformers__allenai-specter/no_revision_available/STS22.json", + "results/sentence-transformers__allenai-specter/no_revision_available/AmazonReviewsClassification.json", + "results/sentence-transformers__allenai-specter/no_revision_available/CQADupstackGamingRetrieval.json", + "results/sentence-transformers__allenai-specter/no_revision_available/NFCorpus.json", + "results/sentence-transformers__allenai-specter/no_revision_available/STS15.json", + "results/sentence-transformers__allenai-specter/no_revision_available/AmazonPolarityClassification.json", + "results/sentence-transformers__allenai-specter/no_revision_available/MTOPIntentClassification.json", + "results/sentence-transformers__allenai-specter/no_revision_available/STS13.json", + "results/sentence-transformers__allenai-specter/no_revision_available/SummEval.json", + "results/sentence-transformers__allenai-specter/no_revision_available/ClimateFEVER.json", + "results/sentence-transformers__allenai-specter/no_revision_available/CQADupstackStatsRetrieval.json", + "results/sentence-transformers__allenai-specter/no_revision_available/TwitterSemEval2015.json", + "results/sentence-transformers__allenai-specter/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/sentence-transformers__allenai-specter/no_revision_available/MedrxivClusteringP2P.json", + "results/sentence-transformers__allenai-specter/no_revision_available/TwentyNewsgroupsClustering.json", + "results/sentence-transformers__allenai-specter/no_revision_available/FEVER.json", + "results/sentence-transformers__allenai-specter/no_revision_available/MSMARCO.json", + "results/sentence-transformers__allenai-specter/no_revision_available/MTOPDomainClassification.json", + "results/sentence-transformers__allenai-specter/no_revision_available/QuoraRetrieval.json", + "results/sentence-transformers__allenai-specter/no_revision_available/STS12.json", + "results/sentence-transformers__allenai-specter/no_revision_available/AmazonCounterfactualClassification.json", + "results/sentence-transformers__allenai-specter/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/sentence-transformers__allenai-specter/no_revision_available/StackExchangeClusteringP2P.json", + "results/sentence-transformers__allenai-specter/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/sentence-transformers__allenai-specter/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/sentence-transformers__allenai-specter/no_revision_available/StackOverflowDupQuestions.json" ], - "BAAI__bge-m3": [ - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/HagridRetrieval.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/NQ-PLHardNegatives.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/WebLINXCandidatesReranking.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/Robust04InstructionRetrieval.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/RuBQRetrieval.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/StackExchangeClustering.v2.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/AlphaNLI.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/WinoGrande.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/NusaParagraphEmotionClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/DBpediaClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/ARCChallenge.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/MassiveIntentClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/KurdishSentimentClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/InappropriatenessClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/RuReviewsClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/ArmenianParaphrasePC.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/SIB200ClusteringS2S.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/DiaBlaBitextMining.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/SpartQA.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/MSMARCOHardNegatives.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/CTKFactsNLI.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/DBPedia-PLHardNegatives.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/TempReasonL1.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/AfriSentiClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/MedrxivClusteringP2P.v2.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/WikipediaRerankingMultilingual.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/HellaSwag.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/BelebeleRetrieval.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/IndicCrosslingualSTS.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/ArXivHierarchicalClusteringP2P.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/SwednClusteringP2P.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/SlovakMovieReviewSentimentClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/PolEmo2.0-OUT.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/News21InstructionRetrieval.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/GujaratiNewsClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/RuSciBenchGRNTIClusteringP2P.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/LanguageClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/MalteseNewsClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/GreekLegalCodeClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/MLSUMClusteringS2S.v2.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/RTE3.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/NusaXBitextMining.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/TERRa.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/Tatoeba.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/RuSTSBenchmarkSTS.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/KorSarcasmClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/CyrillicTurkicLangClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/STS14.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/STSBenchmark.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/SiswatiNewsClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/TempReasonL3Pure.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/ItaCaseholdClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/ScalaClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/MIRACLRetrievalHardNegatives.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/TopiOCQAHardNegatives.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/RiaNewsRetrieval.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/SCIDOCS.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/ArXivHierarchicalClusteringS2S.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/NQHardNegatives.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/PIQA.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/MIRACLRetrieval.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/HotpotQA-PLHardNegatives.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/PunjabiNewsClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/CovidRetrieval.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/GeoreviewClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/StatcanDialogueDatasetRetrieval.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/BrazilianToxicTweetsClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/DBPediaHardNegatives.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/STSES.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/JSICK.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/SensitiveTopicsClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/FaroeseSTS.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/TswanaNewsClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/GermanSTSBenchmark.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/KinopoiskClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/MLQARetrieval.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/RUParaPhraserSTS.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/SprintDuplicateQuestions.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/WikiClusteringP2P.v2.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/ToxicConversationsClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/MassiveScenarioClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/T2Reranking.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/STS17.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/RuSciBenchOECDClusteringP2P.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/PoemSentimentClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/SummEvalSummarization.v2.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/TweetTopicSingleClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/NusaTranslationBitextMining.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/MSMARCO-PLHardNegatives.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/BulgarianStoreReviewSentimentClassfication.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/AlloprofReranking.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/NusaX-senti.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/CataloniaTweetClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/MultilingualSentimentClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/PublicHealthQA.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/FloresBitextMining.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/AILAStatutes.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/indonli.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/NordicLangClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/BigPatentClustering.v2.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/Quail.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/CSFDSKMovieReviewSentimentClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/BornholmBitextMining.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/SwahiliNewsClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/ClimateFEVERHardNegatives.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/NollySentiBitextMining.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/GPUSpeedTask.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/SICK-R.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/QuoraRetrievalHardNegatives.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/RuSciBenchGRNTIClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/TRECCOVID.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/AlloProfClusteringS2S.v2.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/LEMBPasskeyRetrieval.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/HeadlineClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/XQuADRetrieval.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/HotpotQAHardNegatives.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/SwissJudgementClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/BUCC.v2.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/Quora-PLHardNegatives.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/FilipinoShopeeReviewsClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/PAC.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/ArguAna.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/NepaliNewsClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/MasakhaNEWSClusteringS2S.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/MacedonianTweetSentimentClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/MIRACLReranking.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/WikipediaRetrievalMultilingual.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/XNLI.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/CLSClusteringP2P.v2.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/SIQA.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/SemRel24STS.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/NeuCLIR2023RetrievalHardNegatives.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/SNLHierarchicalClusteringP2P.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/RiaNewsRetrievalHardNegatives.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/XNLIV2.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/MultiEURLEXMultilabelClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/BiorxivClusteringP2P.v2.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/TwitterURLCorpus.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/FinancialPhrasebankClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/STS22.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/RomaniBibleClustering.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/STS15.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/MultiHateClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/OdiaNewsClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/VoyageMMarcoReranking.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/CEDRClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/NorwegianCourtsBitextMining.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/StackOverflowQA.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/RARbMath.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/TempReasonL2Fact.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/STS13.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/PpcPC.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/FEVERHardNegatives.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/TempReasonL2Pure.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/IndicGenBenchFloresBitextMining.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/PlscClusteringP2P.v2.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/SentimentAnalysisHindi.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/SIB200Classification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/IN22GenBitextMining.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/MasakhaNEWSClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/LegalBenchCorporateLobbying.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/GeoreviewClusteringP2P.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/HALClusteringS2S.v2.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/KorHateSpeechMLClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/CzechProductReviewSentimentClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/TempReasonL3Fact.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/MLSUMClusteringP2P.v2.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/STS22.v2.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/RuBQReranking.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/NTREXBitextMining.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/TwitterHjerneRetrieval.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/IsiZuluNewsClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/IndicLangClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/NeuCLIR2022RetrievalHardNegatives.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/WikiCitiesClustering.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/RARbCode.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/OpusparcusPC.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/EstonianValenceClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/RuSciBenchOECDClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/STS12.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/AmazonCounterfactualClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/FinParaSTS.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/PawsXPairClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/STSB.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/Core17InstructionRetrieval.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/DalajClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/BibleNLPBitextMining.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/STSBenchmarkMultilingualSTS.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/SinhalaNewsClassification.json", - "results/BAAI__bge-m3/5617a9f61b028005a4858fdac845db406aefb181/IndonesianIdClickbaitClassification.json", - "results/BAAI__bge-m3/no_revision_available/LEMBWikimQARetrieval.json", - "results/BAAI__bge-m3/no_revision_available/LEMBSummScreenFDRetrieval.json", - "results/BAAI__bge-m3/no_revision_available/LEMBNarrativeQARetrieval.json", - "results/BAAI__bge-m3/no_revision_available/LEMBQMSumRetrieval.json", - "results/BAAI__bge-m3/no_revision_available/LEMBPasskeyRetrieval.json", - "results/BAAI__bge-m3/no_revision_available/LEMBNeedleRetrieval.json" + "sentence-transformers__average_word_embeddings_glove.6B.300d": [ + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/MassiveIntentClassification.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/BiorxivClusteringP2P.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/EmotionClassification.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/CQADupstackGisRetrieval.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/TweetSentimentExtractionClassification.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/SciFact.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/Banking77Classification.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/STS14.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/STSBenchmark.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/SciDocsRR.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/MindSmallReranking.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/CQADupstackRetrieval.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/MedrxivClusteringS2S.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/SCIDOCS.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/Touche2020.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/STS16.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/CQADupstackTexRetrieval.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/ImdbClassification.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/SprintDuplicateQuestions.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/ToxicConversationsClassification.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/MassiveScenarioClassification.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/STS17.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/CQADupstackUnixRetrieval.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/AskUbuntuDupQuestions.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/HotpotQA.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/ArxivClusteringS2S.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/StackExchangeClustering.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/RedditClusteringP2P.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/NQ.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/RedditClustering.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/SICK-R.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/FiQA2018.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/BIOSSES.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/TRECCOVID.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/DBPedia.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/BiorxivClusteringS2S.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/ArguAna.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/BUCC.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/ArxivClusteringP2P.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/TwitterURLCorpus.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/STS22.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/AmazonReviewsClassification.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/CQADupstackGamingRetrieval.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/NFCorpus.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/STS15.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/AmazonPolarityClassification.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/MTOPIntentClassification.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/STS13.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/SummEval.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/ClimateFEVER.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/CQADupstackStatsRetrieval.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/TwitterSemEval2015.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/MedrxivClusteringP2P.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/TwentyNewsgroupsClustering.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/FEVER.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/MSMARCO.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/MTOPDomainClassification.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/QuoraRetrieval.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/STS12.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/AmazonCounterfactualClassification.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/StackExchangeClusteringP2P.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/sentence-transformers__average_word_embeddings_glove.6B.300d/no_revision_available/StackOverflowDupQuestions.json" ], - "facebook__dpr-ctx_encoder-multiset-base": [ - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/MassiveIntentClassification.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/BiorxivClusteringP2P.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/EmotionClassification.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/CQADupstackGisRetrieval.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/TweetSentimentExtractionClassification.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/SciFact.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/Banking77Classification.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/STS14.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/STSBenchmark.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/SciDocsRR.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/MindSmallReranking.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/CQADupstackRetrieval.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/MedrxivClusteringS2S.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/SCIDOCS.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/Touche2020.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/STS16.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/CQADupstackTexRetrieval.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/ImdbClassification.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/SprintDuplicateQuestions.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/ToxicConversationsClassification.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/MassiveScenarioClassification.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/STS17.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/CQADupstackUnixRetrieval.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/AskUbuntuDupQuestions.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/HotpotQA.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/ArxivClusteringS2S.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/StackExchangeClustering.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/RedditClusteringP2P.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/NQ.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/RedditClustering.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/SICK-R.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/FiQA2018.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/BIOSSES.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/TRECCOVID.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/DBPedia.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/BiorxivClusteringS2S.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/ArguAna.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/ArxivClusteringP2P.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/TwitterURLCorpus.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/STS22.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/AmazonReviewsClassification.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/CQADupstackGamingRetrieval.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/NFCorpus.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/STS15.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/AmazonPolarityClassification.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/MTOPIntentClassification.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/STS13.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/SummEval.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/ClimateFEVER.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/CQADupstackStatsRetrieval.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/TwitterSemEval2015.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/MedrxivClusteringP2P.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/TwentyNewsgroupsClustering.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/FEVER.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/MSMARCO.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/MTOPDomainClassification.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/QuoraRetrieval.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/STS12.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/AmazonCounterfactualClassification.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/StackExchangeClusteringP2P.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/facebook__dpr-ctx_encoder-multiset-base/no_revision_available/StackOverflowDupQuestions.json" + "sentence-transformers__average_word_embeddings_komninos": [ + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/MassiveIntentClassification.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/BiorxivClusteringP2P.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/EmotionClassification.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/CQADupstackGisRetrieval.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/TweetSentimentExtractionClassification.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/SciFact.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/Banking77Classification.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/Tatoeba.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/STS14.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/STSBenchmark.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/SciDocsRR.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/MindSmallReranking.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/CQADupstackRetrieval.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/MedrxivClusteringS2S.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/SCIDOCS.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/BlurbsClusteringP2P.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/Touche2020.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/STS16.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/CQADupstackTexRetrieval.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/ImdbClassification.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/SprintDuplicateQuestions.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/ToxicConversationsClassification.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/MassiveScenarioClassification.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/STS17.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/CQADupstackUnixRetrieval.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/AskUbuntuDupQuestions.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/HotpotQA.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/ArxivClusteringS2S.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/StackExchangeClustering.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/RedditClusteringP2P.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/NQ.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/RedditClustering.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/SICK-R.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/FiQA2018.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/BIOSSES.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/TRECCOVID.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/TenKGnadClusteringS2S.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/DBPedia.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/BiorxivClusteringS2S.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/ArguAna.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/BUCC.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/ArxivClusteringP2P.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/TwitterURLCorpus.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/STS22.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/AmazonReviewsClassification.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/CQADupstackGamingRetrieval.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/NFCorpus.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/STS15.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/AmazonPolarityClassification.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/MTOPIntentClassification.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/STS13.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/SummEval.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/ClimateFEVER.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/CQADupstackStatsRetrieval.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/TwitterSemEval2015.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/MedrxivClusteringP2P.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/TwentyNewsgroupsClustering.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/TenKGnadClusteringP2P.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/FEVER.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/MSMARCO.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/MTOPDomainClassification.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/QuoraRetrieval.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/BlurbsClusteringS2S.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/STS12.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/AmazonCounterfactualClassification.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/StackExchangeClusteringP2P.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/StackOverflowDupQuestions.json" ], - "vprelovac__universal-sentence-encoder-multilingual-large-3": [ - "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/MassiveIntentClassification.json", - "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/MLSUMClusteringP2P.json", - "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/AlloProfClusteringS2S.json", - "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/SyntecReranking.json", - "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/BSARDRetrieval.json", - "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/DiaBLaBitextMining.json", - "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/MintakaRetrieval.json", - "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/SyntecRetrieval.json", - "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/MLSUMClusteringS2S.json", - "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/MassiveScenarioClassification.json", - "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/MasakhaNEWSClusteringP2P.json", - "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/AlloprofRetrieval.json", - "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/AlloprofReranking.json", - "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/FloresBitextMining.json", - "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/SummEvalFr.json", - "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/AlloProfClusteringP2P.json", - "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/MasakhaNEWSClusteringS2S.json", - "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/STS22.json", - "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/AmazonReviewsClassification.json", - "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/MTOPIntentClassification.json", - "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/HALClusteringS2S.json", - "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/MasakhaNEWSClassification.json", - "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/OpusparcusPC.json", - "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/MTOPDomainClassification.json", - "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/SICKFr.json", - "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/PawsXPairClassification.json", - "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/XPQARetrieval.json", - "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/STSBenchmarkMultilingualSTS.json" + "sentence-transformers__distiluse-base-multilingual-cased-v2": [ + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/PSC.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/NFCorpus-PL.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/MassiveIntentClassification.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/MLSUMClusteringP2P.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/AlloProfClusteringS2S.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/EmotionClassification.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/CDSC-R.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/MSMARCO-PL.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/SyntecReranking.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/BSARDRetrieval.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/TweetSentimentExtractionClassification.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/DBPedia-PL.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/PolEmo2.0-OUT.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/Banking77Classification.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/FiQA-PL.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/STS14.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/STSBenchmark.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/AllegroReviews.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/DiaBLaBitextMining.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/SciDocsRR.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/SciFact-PL.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/8TagsClustering.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/MindSmallReranking.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/MintakaRetrieval.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/STS16.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/TRECCOVID-PL.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/SICK-R-PL.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/SyntecRetrieval.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/CDSC-E.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/ImdbClassification.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/SprintDuplicateQuestions.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/MLSUMClusteringS2S.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/ToxicConversationsClassification.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/MassiveScenarioClassification.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/ArguAna-PL.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/STS17.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/CBD.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/MasakhaNEWSClusteringP2P.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/AskUbuntuDupQuestions.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/AlloprofRetrieval.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/PolEmo2.0-IN.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/AlloprofReranking.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/FloresBitextMining.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/SICK-R.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/SummEvalFr.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/BIOSSES.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/AlloProfClusteringP2P.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/HotpotQA-PL.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/PAC.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/MasakhaNEWSClusteringS2S.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/SICK-E-PL.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/ArxivClusteringP2P.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/Quora-PL.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/TwitterURLCorpus.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/STS22.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/AmazonReviewsClassification.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/STS15.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/AmazonPolarityClassification.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/NQ-PL.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/SCIDOCS-PL.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/MTOPIntentClassification.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/HALClusteringS2S.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/STS13.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/MasakhaNEWSClassification.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/TwitterSemEval2015.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/PPC.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/OpusparcusPC.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/MTOPDomainClassification.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/SICKFr.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/STS12.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/AmazonCounterfactualClassification.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/PawsXPairClassification.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/XPQARetrieval.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/STSBenchmarkMultilingualSTS.json", + "results/sentence-transformers__distiluse-base-multilingual-cased-v2/no_revision_available/StackOverflowDupQuestions.json" ], - "facebook__contriever-instruct": [ - "results/facebook__contriever-instruct/2bd46a25019aeea091fd42d1f0fd4801675cf699/AlphaNLI.json", - "results/facebook__contriever-instruct/2bd46a25019aeea091fd42d1f0fd4801675cf699/WinoGrande.json", - "results/facebook__contriever-instruct/2bd46a25019aeea091fd42d1f0fd4801675cf699/ARCChallenge.json", - "results/facebook__contriever-instruct/2bd46a25019aeea091fd42d1f0fd4801675cf699/SpartQA.json", - "results/facebook__contriever-instruct/2bd46a25019aeea091fd42d1f0fd4801675cf699/TempReasonL1.json", - "results/facebook__contriever-instruct/2bd46a25019aeea091fd42d1f0fd4801675cf699/TempReasonL3Pure.json", - "results/facebook__contriever-instruct/2bd46a25019aeea091fd42d1f0fd4801675cf699/PIQA.json", - "results/facebook__contriever-instruct/2bd46a25019aeea091fd42d1f0fd4801675cf699/Quail.json", - "results/facebook__contriever-instruct/2bd46a25019aeea091fd42d1f0fd4801675cf699/SIQA.json", - "results/facebook__contriever-instruct/2bd46a25019aeea091fd42d1f0fd4801675cf699/RARbMath.json", - "results/facebook__contriever-instruct/2bd46a25019aeea091fd42d1f0fd4801675cf699/TempReasonL2Fact.json", - "results/facebook__contriever-instruct/2bd46a25019aeea091fd42d1f0fd4801675cf699/TempReasonL2Pure.json", - "results/facebook__contriever-instruct/2bd46a25019aeea091fd42d1f0fd4801675cf699/TempReasonL3Fact.json", - "results/facebook__contriever-instruct/2bd46a25019aeea091fd42d1f0fd4801675cf699/RARbCode.json" + "sentence-transformers__gtr-t5-base": [ + "results/sentence-transformers__gtr-t5-base/no_revision_available/MassiveIntentClassification.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/BiorxivClusteringP2P.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/EmotionClassification.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/CQADupstackGisRetrieval.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/TweetSentimentExtractionClassification.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/SciFact.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/Banking77Classification.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/STS14.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/STSBenchmark.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/SciDocsRR.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/MindSmallReranking.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/CQADupstackRetrieval.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/MedrxivClusteringS2S.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/SCIDOCS.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/Touche2020.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/STS16.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/CQADupstackTexRetrieval.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/ImdbClassification.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/SprintDuplicateQuestions.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/ToxicConversationsClassification.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/MassiveScenarioClassification.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/STS17.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/CQADupstackUnixRetrieval.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/AskUbuntuDupQuestions.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/HotpotQA.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/ArxivClusteringS2S.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/StackExchangeClustering.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/RedditClusteringP2P.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/NQ.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/RedditClustering.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/SICK-R.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/FiQA2018.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/BIOSSES.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/TRECCOVID.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/DBPedia.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/BiorxivClusteringS2S.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/ArguAna.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/ArxivClusteringP2P.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/TwitterURLCorpus.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/STS22.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/AmazonReviewsClassification.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/CQADupstackGamingRetrieval.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/NFCorpus.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/STS15.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/AmazonPolarityClassification.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/MTOPIntentClassification.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/STS13.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/SummEval.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/ClimateFEVER.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/CQADupstackStatsRetrieval.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/TwitterSemEval2015.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/MedrxivClusteringP2P.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/TwentyNewsgroupsClustering.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/FEVER.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/MSMARCO.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/MTOPDomainClassification.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/QuoraRetrieval.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/STS12.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/AmazonCounterfactualClassification.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/StackExchangeClusteringP2P.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/sentence-transformers__gtr-t5-base/no_revision_available/StackOverflowDupQuestions.json" ], - "mistralai__mistral-7b-instruct-v0.2": [ - "results/mistralai__mistral-7b-instruct-v0.2/no_revision_available/Robust04InstructionRetrieval.json", - "results/mistralai__mistral-7b-instruct-v0.2/no_revision_available/News21InstructionRetrieval.json", - "results/mistralai__mistral-7b-instruct-v0.2/no_revision_available/Core17InstructionRetrieval.json" + "sentence-transformers__gtr-t5-large": [ + "results/sentence-transformers__gtr-t5-large/no_revision_available/MassiveIntentClassification.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/BiorxivClusteringP2P.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/EmotionClassification.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/CQADupstackGisRetrieval.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/TweetSentimentExtractionClassification.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/SciFact.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/Banking77Classification.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/STS14.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/STSBenchmark.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/SciDocsRR.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/MindSmallReranking.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/CQADupstackRetrieval.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/MedrxivClusteringS2S.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/SCIDOCS.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/Touche2020.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/STS16.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/CQADupstackTexRetrieval.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/ImdbClassification.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/SprintDuplicateQuestions.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/ToxicConversationsClassification.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/MassiveScenarioClassification.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/STS17.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/CQADupstackUnixRetrieval.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/AskUbuntuDupQuestions.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/HotpotQA.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/ArxivClusteringS2S.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/StackExchangeClustering.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/RedditClusteringP2P.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/NQ.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/RedditClustering.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/SICK-R.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/FiQA2018.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/BIOSSES.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/TRECCOVID.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/DBPedia.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/BiorxivClusteringS2S.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/ArguAna.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/ArxivClusteringP2P.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/TwitterURLCorpus.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/STS22.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/AmazonReviewsClassification.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/CQADupstackGamingRetrieval.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/NFCorpus.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/STS15.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/AmazonPolarityClassification.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/MTOPIntentClassification.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/STS13.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/SummEval.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/ClimateFEVER.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/CQADupstackStatsRetrieval.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/TwitterSemEval2015.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/MedrxivClusteringP2P.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/TwentyNewsgroupsClustering.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/FEVER.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/MSMARCO.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/MTOPDomainClassification.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/QuoraRetrieval.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/STS12.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/AmazonCounterfactualClassification.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/StackExchangeClusteringP2P.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/sentence-transformers__gtr-t5-large/no_revision_available/StackOverflowDupQuestions.json" ], - "mistral__mistral-embed": [ - "results/mistral__mistral-embed/no_revision_available/MassiveIntentClassification.json", - "results/mistral__mistral-embed/no_revision_available/MLSUMClusteringP2P.json", - "results/mistral__mistral-embed/no_revision_available/LegalSummarization.json", - "results/mistral__mistral-embed/no_revision_available/AlloProfClusteringS2S.json", - "results/mistral__mistral-embed/no_revision_available/SyntecReranking.json", - "results/mistral__mistral-embed/no_revision_available/BSARDRetrieval.json", - "results/mistral__mistral-embed/no_revision_available/MintakaRetrieval.json", - "results/mistral__mistral-embed/no_revision_available/SyntecRetrieval.json", - "results/mistral__mistral-embed/no_revision_available/MLSUMClusteringS2S.json", - "results/mistral__mistral-embed/no_revision_available/MassiveScenarioClassification.json", - "results/mistral__mistral-embed/no_revision_available/MasakhaNEWSClusteringP2P.json", - "results/mistral__mistral-embed/no_revision_available/AlloprofRetrieval.json", - "results/mistral__mistral-embed/no_revision_available/AlloprofReranking.json", - "results/mistral__mistral-embed/no_revision_available/AILAStatutes.json", - "results/mistral__mistral-embed/no_revision_available/SummEvalFr.json", - "results/mistral__mistral-embed/no_revision_available/AlloProfClusteringP2P.json", - "results/mistral__mistral-embed/no_revision_available/MasakhaNEWSClusteringS2S.json", - "results/mistral__mistral-embed/no_revision_available/STS22.json", - "results/mistral__mistral-embed/no_revision_available/AmazonReviewsClassification.json", - "results/mistral__mistral-embed/no_revision_available/AILACasedocs.json", - "results/mistral__mistral-embed/no_revision_available/MTOPIntentClassification.json", - "results/mistral__mistral-embed/no_revision_available/HALClusteringS2S.json", - "results/mistral__mistral-embed/no_revision_available/GerDaLIRSmall.json", - "results/mistral__mistral-embed/no_revision_available/LegalBenchConsumerContractsQA.json", - "results/mistral__mistral-embed/no_revision_available/MasakhaNEWSClassification.json", - "results/mistral__mistral-embed/no_revision_available/LegalBenchCorporateLobbying.json", - "results/mistral__mistral-embed/no_revision_available/LeCaRDv2.json", - "results/mistral__mistral-embed/no_revision_available/OpusparcusPC.json", - "results/mistral__mistral-embed/no_revision_available/LegalQuAD.json", - "results/mistral__mistral-embed/no_revision_available/MTOPDomainClassification.json", - "results/mistral__mistral-embed/no_revision_available/SICKFr.json", - "results/mistral__mistral-embed/no_revision_available/PawsXPairClassification.json", - "results/mistral__mistral-embed/no_revision_available/XPQARetrieval.json", - "results/mistral__mistral-embed/no_revision_available/STSBenchmarkMultilingualSTS.json" + "sentence-transformers__gtr-t5-xl": [ + "results/sentence-transformers__gtr-t5-xl/no_revision_available/MassiveIntentClassification.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/BiorxivClusteringP2P.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/EmotionClassification.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/CQADupstackGisRetrieval.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/TweetSentimentExtractionClassification.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/SciFact.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/Banking77Classification.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/Tatoeba.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/STS14.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/STSBenchmark.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/SciDocsRR.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/MindSmallReranking.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/CQADupstackRetrieval.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/MedrxivClusteringS2S.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/SCIDOCS.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/Touche2020.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/STS16.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/CQADupstackTexRetrieval.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/ImdbClassification.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/SprintDuplicateQuestions.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/ToxicConversationsClassification.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/MassiveScenarioClassification.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/STS17.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/CQADupstackUnixRetrieval.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/AskUbuntuDupQuestions.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/HotpotQA.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/ArxivClusteringS2S.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/StackExchangeClustering.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/RedditClusteringP2P.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/NQ.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/RedditClustering.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/SICK-R.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/FiQA2018.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/BIOSSES.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/TRECCOVID.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/DBPedia.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/BiorxivClusteringS2S.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/ArguAna.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/BUCC.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/ArxivClusteringP2P.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/TwitterURLCorpus.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/STS22.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/AmazonReviewsClassification.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/CQADupstackGamingRetrieval.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/NFCorpus.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/STS15.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/AmazonPolarityClassification.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/MTOPIntentClassification.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/STS13.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/SummEval.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/ClimateFEVER.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/CQADupstackStatsRetrieval.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/TwitterSemEval2015.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/MedrxivClusteringP2P.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/TwentyNewsgroupsClustering.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/FEVER.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/MSMARCO.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/MTOPDomainClassification.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/QuoraRetrieval.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/STS12.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/AmazonCounterfactualClassification.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/StackExchangeClusteringP2P.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/sentence-transformers__gtr-t5-xl/no_revision_available/StackOverflowDupQuestions.json" ], - "McGill-NLP__LLM2Vec-Mistral-unsupervised": [ - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/MassiveIntentClassification.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/BiorxivClusteringP2P.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/EmotionClassification.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/CQADupstackGisRetrieval.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/TweetSentimentExtractionClassification.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/SciFact.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/Banking77Classification.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/STS14.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/STSBenchmark.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/SciDocsRR.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/MindSmallReranking.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/CQADupstackRetrieval.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/MedrxivClusteringS2S.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/SCIDOCS.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/Touche2020.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/STS16.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/CQADupstackTexRetrieval.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/ImdbClassification.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/SprintDuplicateQuestions.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/ToxicConversationsClassification.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/MassiveScenarioClassification.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/STS17.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/CQADupstackUnixRetrieval.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/AskUbuntuDupQuestions.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/HotpotQA.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/ArxivClusteringS2S.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/StackExchangeClustering.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/RedditClusteringP2P.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/NQ.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/RedditClustering.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/SICK-R.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/FiQA2018.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/BIOSSES.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/TRECCOVID.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/DBPedia.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/BiorxivClusteringS2S.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/ArguAna.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/ArxivClusteringP2P.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/TwitterURLCorpus.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/STS22.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/AmazonReviewsClassification.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/CQADupstackGamingRetrieval.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/NFCorpus.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/STS15.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/AmazonPolarityClassification.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/MTOPIntentClassification.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/STS13.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/SummEval.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/ClimateFEVER.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/CQADupstackStatsRetrieval.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/TwitterSemEval2015.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/MedrxivClusteringP2P.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/TwentyNewsgroupsClustering.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/FEVER.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/MSMARCO.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/MTOPDomainClassification.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/QuoraRetrieval.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/STS12.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/AmazonCounterfactualClassification.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/StackExchangeClusteringP2P.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/McGill-NLP__LLM2Vec-Mistral-unsupervised/no_revision_available/StackOverflowDupQuestions.json" + "sentence-transformers__gtr-t5-xxl": [ + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/MassiveIntentClassification.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/BiorxivClusteringP2P.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/EmotionClassification.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/CQADupstackGisRetrieval.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/TweetSentimentExtractionClassification.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/SciFact.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/Banking77Classification.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/STS14.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/STSBenchmark.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/SciDocsRR.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/MindSmallReranking.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/CQADupstackRetrieval.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/MedrxivClusteringS2S.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/SCIDOCS.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/Touche2020.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/STS16.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/CQADupstackTexRetrieval.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/ImdbClassification.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/SprintDuplicateQuestions.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/ToxicConversationsClassification.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/MassiveScenarioClassification.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/STS17.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/CQADupstackUnixRetrieval.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/AskUbuntuDupQuestions.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/HotpotQA.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/ArxivClusteringS2S.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/StackExchangeClustering.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/RedditClusteringP2P.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/NQ.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/RedditClustering.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/SICK-R.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/FiQA2018.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/BIOSSES.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/TRECCOVID.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/DBPedia.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/BiorxivClusteringS2S.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/ArguAna.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/ArxivClusteringP2P.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/TwitterURLCorpus.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/STS22.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/AmazonReviewsClassification.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/CQADupstackGamingRetrieval.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/NFCorpus.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/STS15.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/AmazonPolarityClassification.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/MTOPIntentClassification.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/STS13.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/SummEval.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/ClimateFEVER.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/CQADupstackStatsRetrieval.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/TwitterSemEval2015.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/MedrxivClusteringP2P.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/TwentyNewsgroupsClustering.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/FEVER.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/MSMARCO.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/MTOPDomainClassification.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/QuoraRetrieval.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/STS12.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/AmazonCounterfactualClassification.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/StackExchangeClusteringP2P.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/sentence-transformers__gtr-t5-xxl/no_revision_available/StackOverflowDupQuestions.json" ], - "Wissam42__sentence-croissant-llm-base": [ - "results/Wissam42__sentence-croissant-llm-base/no_revision_available/MassiveIntentClassification.json", - "results/Wissam42__sentence-croissant-llm-base/no_revision_available/MLSUMClusteringP2P.json", - "results/Wissam42__sentence-croissant-llm-base/no_revision_available/AlloProfClusteringS2S.json", - "results/Wissam42__sentence-croissant-llm-base/no_revision_available/SyntecReranking.json", - "results/Wissam42__sentence-croissant-llm-base/no_revision_available/BSARDRetrieval.json", - "results/Wissam42__sentence-croissant-llm-base/no_revision_available/DiaBLaBitextMining.json", - "results/Wissam42__sentence-croissant-llm-base/no_revision_available/MintakaRetrieval.json", - "results/Wissam42__sentence-croissant-llm-base/no_revision_available/SyntecRetrieval.json", - "results/Wissam42__sentence-croissant-llm-base/no_revision_available/MLSUMClusteringS2S.json", - "results/Wissam42__sentence-croissant-llm-base/no_revision_available/MassiveScenarioClassification.json", - "results/Wissam42__sentence-croissant-llm-base/no_revision_available/MasakhaNEWSClusteringP2P.json", - "results/Wissam42__sentence-croissant-llm-base/no_revision_available/AlloprofRetrieval.json", - "results/Wissam42__sentence-croissant-llm-base/no_revision_available/AlloprofReranking.json", - "results/Wissam42__sentence-croissant-llm-base/no_revision_available/FloresBitextMining.json", - "results/Wissam42__sentence-croissant-llm-base/no_revision_available/SummEvalFr.json", - "results/Wissam42__sentence-croissant-llm-base/no_revision_available/AlloProfClusteringP2P.json", - "results/Wissam42__sentence-croissant-llm-base/no_revision_available/MasakhaNEWSClusteringS2S.json", - "results/Wissam42__sentence-croissant-llm-base/no_revision_available/STS22.json", - "results/Wissam42__sentence-croissant-llm-base/no_revision_available/AmazonReviewsClassification.json", - "results/Wissam42__sentence-croissant-llm-base/no_revision_available/MTOPIntentClassification.json", - "results/Wissam42__sentence-croissant-llm-base/no_revision_available/HALClusteringS2S.json", - "results/Wissam42__sentence-croissant-llm-base/no_revision_available/MasakhaNEWSClassification.json", - "results/Wissam42__sentence-croissant-llm-base/no_revision_available/OpusparcusPC.json", - "results/Wissam42__sentence-croissant-llm-base/no_revision_available/MTOPDomainClassification.json", - "results/Wissam42__sentence-croissant-llm-base/no_revision_available/SICKFr.json", - "results/Wissam42__sentence-croissant-llm-base/no_revision_available/PawsXPairClassification.json", - "results/Wissam42__sentence-croissant-llm-base/no_revision_available/XPQARetrieval.json", - "results/Wissam42__sentence-croissant-llm-base/no_revision_available/STSBenchmarkMultilingualSTS.json" + "sentence-transformers__msmarco-bert-co-condensor": [ + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/MassiveIntentClassification.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/BiorxivClusteringP2P.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/EmotionClassification.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/CQADupstackGisRetrieval.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/TweetSentimentExtractionClassification.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/SciFact.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/Banking77Classification.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/STS14.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/STSBenchmark.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/SciDocsRR.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/MindSmallReranking.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/CQADupstackRetrieval.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/MedrxivClusteringS2S.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/SCIDOCS.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/Touche2020.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/STS16.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/CQADupstackTexRetrieval.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/ImdbClassification.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/SprintDuplicateQuestions.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/ToxicConversationsClassification.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/MassiveScenarioClassification.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/STS17.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/CQADupstackUnixRetrieval.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/AskUbuntuDupQuestions.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/HotpotQA.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/ArxivClusteringS2S.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/StackExchangeClustering.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/RedditClusteringP2P.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/NQ.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/RedditClustering.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/SICK-R.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/FiQA2018.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/BIOSSES.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/TRECCOVID.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/DBPedia.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/BiorxivClusteringS2S.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/ArguAna.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/ArxivClusteringP2P.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/TwitterURLCorpus.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/STS22.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/AmazonReviewsClassification.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/CQADupstackGamingRetrieval.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/NFCorpus.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/STS15.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/AmazonPolarityClassification.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/MTOPIntentClassification.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/STS13.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/SummEval.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/ClimateFEVER.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/CQADupstackStatsRetrieval.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/TwitterSemEval2015.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/MedrxivClusteringP2P.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/TwentyNewsgroupsClustering.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/FEVER.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/MSMARCO.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/MTOPDomainClassification.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/QuoraRetrieval.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/STS12.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/AmazonCounterfactualClassification.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/StackExchangeClusteringP2P.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/StackOverflowDupQuestions.json" ], - "openai__text-embedding-3-large": [ - "results/openai__text-embedding-3-large/no_revision_available/Robust04InstructionRetrieval.json", - "results/openai__text-embedding-3-large/no_revision_available/AlphaNLI.json", - "results/openai__text-embedding-3-large/no_revision_available/WinoGrande.json", - "results/openai__text-embedding-3-large/no_revision_available/ARCChallenge.json", - "results/openai__text-embedding-3-large/no_revision_available/MassiveIntentClassification.json", - "results/openai__text-embedding-3-large/no_revision_available/LEMBWikimQARetrieval.json", - "results/openai__text-embedding-3-large/no_revision_available/LegalSummarization.json", - "results/openai__text-embedding-3-large/no_revision_available/SpartQA.json", - "results/openai__text-embedding-3-large/no_revision_available/BiorxivClusteringP2P.json", - "results/openai__text-embedding-3-large/no_revision_available/TempReasonL1.json", - "results/openai__text-embedding-3-large/no_revision_available/EmotionClassification.json", - "results/openai__text-embedding-3-large/no_revision_available/LEMBSummScreenFDRetrieval.json", - "results/openai__text-embedding-3-large/no_revision_available/CQADupstackGisRetrieval.json", - "results/openai__text-embedding-3-large/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/openai__text-embedding-3-large/no_revision_available/TweetSentimentExtractionClassification.json", - "results/openai__text-embedding-3-large/no_revision_available/HellaSwag.json", - "results/openai__text-embedding-3-large/no_revision_available/News21InstructionRetrieval.json", - "results/openai__text-embedding-3-large/no_revision_available/LEMBNarrativeQARetrieval.json", - "results/openai__text-embedding-3-large/no_revision_available/SciFact.json", - "results/openai__text-embedding-3-large/no_revision_available/Banking77Classification.json", - "results/openai__text-embedding-3-large/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/openai__text-embedding-3-large/no_revision_available/STS14.json", - "results/openai__text-embedding-3-large/no_revision_available/STSBenchmark.json", - "results/openai__text-embedding-3-large/no_revision_available/TempReasonL3Pure.json", - "results/openai__text-embedding-3-large/no_revision_available/SciDocsRR.json", - "results/openai__text-embedding-3-large/no_revision_available/MindSmallReranking.json", - "results/openai__text-embedding-3-large/no_revision_available/CQADupstackRetrieval.json", - "results/openai__text-embedding-3-large/no_revision_available/MedrxivClusteringS2S.json", - "results/openai__text-embedding-3-large/no_revision_available/SCIDOCS.json", - "results/openai__text-embedding-3-large/no_revision_available/BrightRetrieval.json", - "results/openai__text-embedding-3-large/no_revision_available/PIQA.json", - "results/openai__text-embedding-3-large/no_revision_available/Touche2020.json", - "results/openai__text-embedding-3-large/no_revision_available/STS16.json", - "results/openai__text-embedding-3-large/no_revision_available/CQADupstackTexRetrieval.json", - "results/openai__text-embedding-3-large/no_revision_available/LEMBQMSumRetrieval.json", - "results/openai__text-embedding-3-large/no_revision_available/ImdbClassification.json", - "results/openai__text-embedding-3-large/no_revision_available/SprintDuplicateQuestions.json", - "results/openai__text-embedding-3-large/no_revision_available/ToxicConversationsClassification.json", - "results/openai__text-embedding-3-large/no_revision_available/MassiveScenarioClassification.json", - "results/openai__text-embedding-3-large/no_revision_available/STS17.json", - "results/openai__text-embedding-3-large/no_revision_available/CQADupstackUnixRetrieval.json", - "results/openai__text-embedding-3-large/no_revision_available/AskUbuntuDupQuestions.json", - "results/openai__text-embedding-3-large/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/openai__text-embedding-3-large/no_revision_available/HotpotQA.json", - "results/openai__text-embedding-3-large/no_revision_available/ArxivClusteringS2S.json", - "results/openai__text-embedding-3-large/no_revision_available/StackExchangeClustering.json", - "results/openai__text-embedding-3-large/no_revision_available/RedditClusteringP2P.json", - "results/openai__text-embedding-3-large/no_revision_available/AILAStatutes.json", - "results/openai__text-embedding-3-large/no_revision_available/Quail.json", - "results/openai__text-embedding-3-large/no_revision_available/NQ.json", - "results/openai__text-embedding-3-large/no_revision_available/RedditClustering.json", - "results/openai__text-embedding-3-large/no_revision_available/SICK-R.json", - "results/openai__text-embedding-3-large/no_revision_available/FiQA2018.json", - "results/openai__text-embedding-3-large/no_revision_available/BIOSSES.json", - "results/openai__text-embedding-3-large/no_revision_available/TRECCOVID.json", - "results/openai__text-embedding-3-large/no_revision_available/LEMBPasskeyRetrieval.json", - "results/openai__text-embedding-3-large/no_revision_available/DBPedia.json", - "results/openai__text-embedding-3-large/no_revision_available/BiorxivClusteringS2S.json", - "results/openai__text-embedding-3-large/no_revision_available/ArguAna.json", - "results/openai__text-embedding-3-large/no_revision_available/SIQA.json", - "results/openai__text-embedding-3-large/no_revision_available/ArxivClusteringP2P.json", - "results/openai__text-embedding-3-large/no_revision_available/LEMBNeedleRetrieval.json", - "results/openai__text-embedding-3-large/no_revision_available/TwitterURLCorpus.json", - "results/openai__text-embedding-3-large/no_revision_available/STS22.json", - "results/openai__text-embedding-3-large/no_revision_available/AmazonReviewsClassification.json", - "results/openai__text-embedding-3-large/no_revision_available/CQADupstackGamingRetrieval.json", - "results/openai__text-embedding-3-large/no_revision_available/AILACasedocs.json", - "results/openai__text-embedding-3-large/no_revision_available/NFCorpus.json", - "results/openai__text-embedding-3-large/no_revision_available/STS15.json", - "results/openai__text-embedding-3-large/no_revision_available/AmazonPolarityClassification.json", - "results/openai__text-embedding-3-large/no_revision_available/RARbMath.json", - "results/openai__text-embedding-3-large/no_revision_available/MTOPIntentClassification.json", - "results/openai__text-embedding-3-large/no_revision_available/TempReasonL2Fact.json", - "results/openai__text-embedding-3-large/no_revision_available/STS13.json", - "results/openai__text-embedding-3-large/no_revision_available/TempReasonL2Pure.json", - "results/openai__text-embedding-3-large/no_revision_available/SummEval.json", - "results/openai__text-embedding-3-large/no_revision_available/GerDaLIRSmall.json", - "results/openai__text-embedding-3-large/no_revision_available/ClimateFEVER.json", - "results/openai__text-embedding-3-large/no_revision_available/LegalBenchConsumerContractsQA.json", - "results/openai__text-embedding-3-large/no_revision_available/CQADupstackStatsRetrieval.json", - "results/openai__text-embedding-3-large/no_revision_available/LegalBenchCorporateLobbying.json", - "results/openai__text-embedding-3-large/no_revision_available/TwitterSemEval2015.json", - "results/openai__text-embedding-3-large/no_revision_available/TempReasonL3Fact.json", - "results/openai__text-embedding-3-large/no_revision_available/LeCaRDv2.json", - "results/openai__text-embedding-3-large/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/openai__text-embedding-3-large/no_revision_available/MedrxivClusteringP2P.json", - "results/openai__text-embedding-3-large/no_revision_available/TwentyNewsgroupsClustering.json", - "results/openai__text-embedding-3-large/no_revision_available/RARbCode.json", - "results/openai__text-embedding-3-large/no_revision_available/FEVER.json", - "results/openai__text-embedding-3-large/no_revision_available/MSMARCO.json", - "results/openai__text-embedding-3-large/no_revision_available/LegalQuAD.json", - "results/openai__text-embedding-3-large/no_revision_available/MTOPDomainClassification.json", - "results/openai__text-embedding-3-large/no_revision_available/QuoraRetrieval.json", - "results/openai__text-embedding-3-large/no_revision_available/STS12.json", - "results/openai__text-embedding-3-large/no_revision_available/AmazonCounterfactualClassification.json", - "results/openai__text-embedding-3-large/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/openai__text-embedding-3-large/no_revision_available/StackExchangeClusteringP2P.json", - "results/openai__text-embedding-3-large/no_revision_available/Core17InstructionRetrieval.json", - "results/openai__text-embedding-3-large/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/openai__text-embedding-3-large/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/openai__text-embedding-3-large/no_revision_available/StackOverflowDupQuestions.json" + "sentence-transformers__multi-qa-MiniLM-L6-cos-v1": [ + "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/MassiveIntentClassification.json", + "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/MLSUMClusteringP2P.json", + "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/AlloProfClusteringS2S.json", + "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/SyntecReranking.json", + "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/BSARDRetrieval.json", + "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/DiaBLaBitextMining.json", + "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/MintakaRetrieval.json", + "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/SyntecRetrieval.json", + "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/MLSUMClusteringS2S.json", + "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/MassiveScenarioClassification.json", + "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/MasakhaNEWSClusteringP2P.json", + "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/AlloprofRetrieval.json", + "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/AlloprofReranking.json", + "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/FloresBitextMining.json", + "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/SummEvalFr.json", + "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/AlloProfClusteringP2P.json", + "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/MasakhaNEWSClusteringS2S.json", + "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/STS22.json", + "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/AmazonReviewsClassification.json", + "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/MTOPIntentClassification.json", + "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/HALClusteringS2S.json", + "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/MasakhaNEWSClassification.json", + "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/OpusparcusPC.json", + "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/MTOPDomainClassification.json", + "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/SICKFr.json", + "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/PawsXPairClassification.json", + "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/XPQARetrieval.json", + "results/sentence-transformers__multi-qa-MiniLM-L6-cos-v1/no_revision_available/STSBenchmarkMultilingualSTS.json" ], - "aliyun__OpenSearch-text-hybrid": [ - "results/aliyun__OpenSearch-text-hybrid/no_revision_available/CMedQAv1.json", - "results/aliyun__OpenSearch-text-hybrid/no_revision_available/MassiveIntentClassification.json", - "results/aliyun__OpenSearch-text-hybrid/no_revision_available/TNews.json", - "results/aliyun__OpenSearch-text-hybrid/no_revision_available/PAWSX.json", - "results/aliyun__OpenSearch-text-hybrid/no_revision_available/OnlineShopping.json", - "results/aliyun__OpenSearch-text-hybrid/no_revision_available/LCQMC.json", - "results/aliyun__OpenSearch-text-hybrid/no_revision_available/EcomRetrieval.json", - "results/aliyun__OpenSearch-text-hybrid/no_revision_available/MMarcoReranking.json", - "results/aliyun__OpenSearch-text-hybrid/no_revision_available/CovidRetrieval.json", - "results/aliyun__OpenSearch-text-hybrid/no_revision_available/CLSClusteringP2P.json", - "results/aliyun__OpenSearch-text-hybrid/no_revision_available/BQ.json", - "results/aliyun__OpenSearch-text-hybrid/no_revision_available/AFQMC.json", - "results/aliyun__OpenSearch-text-hybrid/no_revision_available/CLSClusteringS2S.json", - "results/aliyun__OpenSearch-text-hybrid/no_revision_available/Cmnli.json", - "results/aliyun__OpenSearch-text-hybrid/no_revision_available/MassiveScenarioClassification.json", - "results/aliyun__OpenSearch-text-hybrid/no_revision_available/T2Reranking.json", - "results/aliyun__OpenSearch-text-hybrid/no_revision_available/ThuNewsClusteringP2P.json", - "results/aliyun__OpenSearch-text-hybrid/no_revision_available/VideoRetrieval.json", - "results/aliyun__OpenSearch-text-hybrid/no_revision_available/Ocnli.json", - "results/aliyun__OpenSearch-text-hybrid/no_revision_available/ATEC.json", - "results/aliyun__OpenSearch-text-hybrid/no_revision_available/Waimai.json", - "results/aliyun__OpenSearch-text-hybrid/no_revision_available/ThuNewsClusteringS2S.json", - "results/aliyun__OpenSearch-text-hybrid/no_revision_available/IFlyTek.json", - "results/aliyun__OpenSearch-text-hybrid/no_revision_available/MultilingualSentiment.json", - "results/aliyun__OpenSearch-text-hybrid/no_revision_available/CmedqaRetrieval.json", - "results/aliyun__OpenSearch-text-hybrid/no_revision_available/STS22.json", - "results/aliyun__OpenSearch-text-hybrid/no_revision_available/AmazonReviewsClassification.json", - "results/aliyun__OpenSearch-text-hybrid/no_revision_available/JDReview.json", - "results/aliyun__OpenSearch-text-hybrid/no_revision_available/MedicalRetrieval.json", - "results/aliyun__OpenSearch-text-hybrid/no_revision_available/T2Retrieval.json", - "results/aliyun__OpenSearch-text-hybrid/no_revision_available/QBQTC.json", - "results/aliyun__OpenSearch-text-hybrid/no_revision_available/MMarcoRetrieval.json", - "results/aliyun__OpenSearch-text-hybrid/no_revision_available/DuRetrieval.json", - "results/aliyun__OpenSearch-text-hybrid/no_revision_available/CMedQAv2.json", - "results/aliyun__OpenSearch-text-hybrid/no_revision_available/STSB.json" + "sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2": [ + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/HagridRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/BengaliDocumentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MLQuestions.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SyntheticText2SQL.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/NQ-PLHardNegatives.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/OPP115InternationalAndSpecificAudiencesLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/FrenkEnClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/WebLINXCandidatesReranking.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/Robust04InstructionRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/RuBQRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/StackExchangeClustering.v2.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/AlphaNLI.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TweetSarcasmClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/WinoGrande.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/NusaParagraphEmotionClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/AlloProfClusteringP2P.v2.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/PSC.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/DBpediaClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADNonTransferableLicenseLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ARCChallenge.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/IndicSentimentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/NFCorpus-PL.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MassiveIntentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SinhalaNewsSourceClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TextualismToolDictionariesLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/KurdishSentimentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/InappropriatenessClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/RuReviewsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/RomanianSentimentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADUnlimitedAllYouCanEatLicenseLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADVolumeRestrictionLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADExclusivityLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ArmenianParaphrasePC.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/Itacola.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ContractNLIPermissibleAcquirementOfSimilarInformationLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADSourceCodeEscrowLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/UkrFormalityClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SIB200ClusteringS2S.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LEMBWikimQARetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MLSUMClusteringP2P.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/RedditClusteringP2P.v2.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/DanFeverRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/VGHierarchicalClusteringP2P.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/KLUE-STS.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADWarrantyDurationLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/DiaBlaBitextMining.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LegalSummarization.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SpartQA.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/BlurbsClusteringP2P.v2.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADInsuranceLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MSMARCOHardNegatives.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CTKFactsNLI.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADMostFavoredNationLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TNews.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/DBPedia-PLHardNegatives.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CodeFeedbackST.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/BiorxivClusteringP2P.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TempReasonL1.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/EmotionClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LEMBSummScreenFDRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CQADupstackGisRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/VieQuADRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/AfriSentiClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADCovenantNotToSueLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADPriceRestrictionsLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/OPP115DoNotTrackLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SCDDCertificationLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/FalseFriendsGermanEnglish.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CQADupstackEnglishRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LearnedHandsTrafficLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CDSC-R.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADJointIPOwnershipLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MedrxivClusteringP2P.v2.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SyntecReranking.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/RomanianReviewsSentiment.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/PAWSX.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/BSARDRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TweetSentimentExtractionClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADGoverningLawLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/WikipediaRerankingMultilingual.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/HellaSwag.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/Diversity2LegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/BelebeleRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/IndicCrosslingualSTS.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ArXivHierarchicalClusteringP2P.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ContractNLIPermissibleDevelopmentOfSimilarInformationLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/FarsTail.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SwednClusteringP2P.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/OnlineShopping.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LearnedHandsDomesticViolenceLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SlovakMovieReviewSentimentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LearnedHandsBenefitsLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/PolEmo2.0-OUT.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADNoSolicitOfEmployeesLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/News21InstructionRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/GermanGovServiceRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LCQMC.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/EcomRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/NusaParagraphTopicClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/Moroco.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/GujaratiNewsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LEMBNarrativeQARetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TurHistQuadRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/OralArgumentQuestionPurposeLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SciFact.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/RuSciBenchGRNTIClusteringP2P.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LanguageClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/KannadaNewsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MalteseNewsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/GreekLegalCodeClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MLSUMClusteringS2S.v2.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADAuditRightsLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CodeSearchNetCCRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LearnedHandsEstatesLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/Banking77Classification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CodeTransOceanContest.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/RTE3.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/NusaXBitextMining.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MMarcoReranking.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/GeorgianFAQRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADAffiliateLicenseLicenseeLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TurkicClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/NorQuadRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TERRa.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/Tatoeba.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/RuSTSBenchmarkSTS.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CQADupstackProgrammersRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ContractNLIInclusionOfVerballyConveyedInformationLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/HindiDiscourseClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/KorSarcasmClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TurkishProductSentimentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADAffiliateLicenseLicensorLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/IndicQARetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LearnedHandsConsumerLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SNLHierarchicalClusteringS2S.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/KorHateClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/NaijaSenti.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CyrillicTurkicLangClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/FiQA-PL.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/STS14.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADTerminationForConvenienceLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/STSBenchmark.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MAUDLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/AllegroReviews.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SiswatiNewsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LegalReasoningCausalityLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/InternationalCitizenshipQuestionsLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SpanishPassageRetrievalS2S.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TempReasonL3Pure.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ItaCaseholdClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/Diversity6LegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MarathiNewsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/DutchBookReviewSentimentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/Ko-StrategyQA.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SciDocsRR.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SciFact-PL.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ScalaClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MIRACLRetrievalHardNegatives.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LearnedHandsFamilyLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TopiOCQAHardNegatives.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MindSmallReranking.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/OPP115DataSecurityLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MedrxivClusteringS2S.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CzechSubjectivityClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/JaGovFaqsRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/Diversity5LegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/RiaNewsRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SCIDOCS.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ArXivHierarchicalClusteringS2S.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/RomaTalesBitextMining.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CSFDCZMovieReviewSentimentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/NQHardNegatives.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/PIQA.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/YahooAnswersTopicsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MintakaRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/IndicReviewsClusteringP2P.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/Touche2020.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TeluguAndhraJyotiNewsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ContractNLIPermissiblePostAgreementPossessionLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/STS16.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/NLPJournalAbsIntroRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MedrxivClusteringS2S.v2.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/HotpotQA-PLHardNegatives.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/OPP115PolicyChangeLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADNonCompeteLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/OverrulingLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/UnfairTOSLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/KLUE-NLI.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SweRecClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/NLPJournalTitleAbsRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/DefinitionClassificationLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/PunjabiNewsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/BiorxivClusteringS2S.v2.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CovidRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/GermanPoliticiansTwitterSentimentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TRECCOVID-PL.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LearnedHandsImmigrationLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/GeoreviewClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/YueOpenriceReviewClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CodeFeedbackMT.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CanadaTaxCourtOutcomesLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CQADupstackTexRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/StatcanDialogueDatasetRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/BrazilianToxicTweetsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/DBPediaHardNegatives.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/STSES.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ContractNLIExplicitIdentificationLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ContractNLISurvivalOfObligationsLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADLiquidatedDamagesLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/OPP115DataRetentionLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/JSICK.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/UCCVCommonLawLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SwednClusteringS2S.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/WRIMEClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/StackExchangeClusteringP2P.v2.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SCDDAuditsLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SICK-R-PL.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SpanishNewsClusteringP2P.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ContractNLINoticeOnCompelledDisclosureLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SyntecRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/AppsRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADNoSolicitOfCustomersLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SensitiveTopicsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/FaroeseSTS.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ToxicChatClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TswanaNewsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CDSC-E.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/BQ.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TwentyNewsgroupsClustering.v2.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/GermanSTSBenchmark.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/KinopoiskClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/Diversity4LegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/AFQMC.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LEMBQMSumRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/PROALegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TweetEmotionClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/OPP115UserAccessEditAndDeletionLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/FrenkHrClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ImdbClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/FaithDial.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MLQARetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/RUParaPhraserSTS.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SprintDuplicateQuestions.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/WikiClusteringP2P.v2.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MLSUMClusteringS2S.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/GermanDPR.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/AfriSentiLangClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ArxivClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ToxicConversationsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MassiveScenarioClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/AngryTweetsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/T2Reranking.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ArguAna-PL.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADExpirationDateLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/STS17.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/RuSciBenchOECDClusteringP2P.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TenKGnadClusteringS2S.v2.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CBD.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MasakhaNEWSClusteringP2P.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/PoemSentimentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SummEvalSummarization.v2.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CQADupstackUnixRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TweetTopicSingleClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/AskUbuntuDupQuestions.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/NusaTranslationBitextMining.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CQADupstackAndroidRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADAntiAssignmentLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/AJGT.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/FinToxicityClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MSMARCO-PLHardNegatives.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/StackExchangeClustering.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/RedditClusteringP2P.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/BulgarianStoreReviewSentimentClassfication.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LearnedHandsTortsLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/AlloprofRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/Assin2RTE.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MedicalQARetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CorporateLobbyingLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/HateSpeechPortugueseClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/PolEmo2.0-IN.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TV2Nordretrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/PatentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/RedditClustering.v2.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADRenewalTermLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/RonSTS.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/PlscClusteringS2S.v2.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/AlloprofReranking.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ContractNLINoLicensingLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LearnedHandsEducationLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/NusaX-senti.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CataloniaTweetClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MultilingualSentimentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/PublicHealthQA.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/FloresBitextMining.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/IndonesianMongabayConservationClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/AILAStatutes.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/indonli.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/NordicLangClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/VideoRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/BigPatentClustering.v2.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SCDBPAccountabilityLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SCDBPCertificationLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/Quail.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CSFDSKMovieReviewSentimentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MovieReviewSentimentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/BornholmBitextMining.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/WisesightSentimentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SwahiliNewsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ATEC.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ClimateFEVERHardNegatives.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SlovakSumRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/Waimai.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/NollySentiBitextMining.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/HebrewSentimentAnalysis.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ContractNLISharingWithThirdPartiesLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/GPUSpeedTask.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/RedditClustering.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/NLPJournalTitleIntroRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/PhincBitextMining.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LearnedHandsDivorceLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LearnedHandsCrimeLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SICK-R.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/FiQA2018.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SummEvalFr.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/BIOSSES.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/QuoraRetrievalHardNegatives.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/HunSum2AbstractiveRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/VieStudentFeedbackClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/RuSciBenchGRNTIClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TRECCOVID.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ContractNLISharingWithEmployeesLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SNLRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/NorwegianParliamentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CodeSearchNetRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CodeTransOceanDL.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SCDDAccountabilityLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/GreekCivicsQA.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SpanishSentimentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/AlloProfClusteringS2S.v2.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LearnedHandsHousingLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LEMBPasskeyRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/OPP115FirstPartyCollectionUseLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADLicenseGrantLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/HeadlineClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/XQuADRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/BiorxivClusteringS2S.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TempReasonL3Context.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/HotpotQAHardNegatives.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SwissJudgementClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/BUCC.v2.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SCDDVerificationLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/JCrewBlockerLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/Quora-PLHardNegatives.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/FilipinoShopeeReviewsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TextualismToolPlainLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/PAC.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADPostTerminationServicesLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/KorSTS.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ArguAna.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADEffectiveDateLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LearnedHandsCourtsLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/NepaliNewsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TenKGnadClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MasakhaNEWSClusteringS2S.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MacedonianTweetSentimentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TelemarketingSalesRuleLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/GerDaLIR.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LegalBenchPC.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/NYSJudicialEthicsLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/IFlyTek.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/XMarket.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SICK-E-PL.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/WikipediaRetrievalMultilingual.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/XNLI.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TbilisiCityHallBitextMining.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SweFaqRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ContractNLIPermissibleCopyLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SCDDTrainingLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CLSClusteringP2P.v2.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SIQA.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SemRel24STS.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/NeuCLIR2023RetrievalHardNegatives.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SNLHierarchicalClusteringP2P.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/RiaNewsRetrievalHardNegatives.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/XNLIV2.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/Assin2STS.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MultiEURLEXMultilabelClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MultilingualSentiment.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CmedqaRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADNoticePeriodToTerminateRenewalLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/FrenkSlClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LEMBNeedleRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MalayalamNewsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/BiorxivClusteringP2P.v2.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TwitterURLCorpus.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LivedoorNewsClustering.v2.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TweetSentimentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/FinancialPhrasebankClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/GermanQuAD-Retrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/FQuADRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/STS22.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/AmazonReviewsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CrossLingualSemanticDiscriminationWMT19.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ContractNLIReturnOfConfidentialInformationLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/JSTS.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CQADupstackGamingRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/AILACasedocs.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/RomaniBibleClustering.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SanskritShlokasClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/IndicNLPNewsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/VieMedEVBitextMining.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADMinimumCommitmentLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/NFCorpus.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CrossLingualSemanticDiscriminationWMT21.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/STS15.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MultiHateClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MultiLongDocRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/OdiaNewsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SwednRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/EstQA.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/VoyageMMarcoReranking.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CEDRClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/AmazonPolarityClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/NorwegianCourtsBitextMining.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/StackOverflowQA.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/JDReview.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADChangeOfControlLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/RARbMath.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SCIDOCS-PL.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/OPP115UserChoiceControlLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MTOPIntentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/InsurancePolicyInterpretationLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/EightTagsClustering.v2.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/KLUE-TC.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/NoRecClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TempReasonL2Fact.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/STS13.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/PpcPC.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/NarrativeQARetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/FEVERHardNegatives.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TempReasonL2Pure.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CMedQAv1-reranking.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADRevenueProfitSharingLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/IndicGenBenchFloresBitextMining.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SRNCorpusBitextMining.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MedicalRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/HotelReviewSentimentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ContractNLIConfidentialityOfAgreementLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SummEval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/PlscClusteringP2P.v2.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MyanmarNews.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ThuNewsClusteringP2P.v2.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/GerDaLIRSmall.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LegalBenchConsumerContractsQA.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/IN22ConvBitextMining.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SentimentAnalysisHindi.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SIB200Classification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LearnedHandsEmploymentLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADIrrevocableOrPerpetualLicenseLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ThuNewsClusteringS2S.v2.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/IN22GenBitextMining.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LivedoorNewsClustering.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CosQA.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MasakhaNEWSClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CQADupstackStatsRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TenKGnadClusteringP2P.v2.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LinceMTBitextMining.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/NewsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADCapOnLiabilityLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADNonDisparagementLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LegalBenchCorporateLobbying.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/T2Retrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/JavaneseIMDBClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ContractNLILimitedUseLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/GeoreviewClusteringP2P.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/BengaliHateSpeechClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TempReasonL2Context.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/ArEntail.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/HALClusteringS2S.v2.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADThirdPartyBeneficiaryLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TamilNewsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/RestaurantReviewSentimentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/KorHateSpeechMLClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/FeedbackQARetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TwitterSemEval2015.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SICK-BR-PC.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/PersonalJurisdictionLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CzechProductReviewSentimentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CzechSoMeSentimentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SwedishSentimentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/IWSLT2017BitextMining.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TempReasonL3Fact.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SCDBPAuditsLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/BlurbsClusteringS2S.v2.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/FunctionOfDecisionSectionLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LeCaRDv2.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADCompetitiveRestrictionExceptionLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CQADupstackWebmastersRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MLSUMClusteringP2P.v2.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/STS22.v2.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/RuBQReranking.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/NTREXBitextMining.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MedrxivClusteringP2P.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MMarcoRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TwitterHjerneRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/IsiZuluNewsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/IndicLangClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TwentyNewsgroupsClustering.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/NeuCLIR2022RetrievalHardNegatives.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/PersianFoodSentimentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LearnedHandsBusinessLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LearnedHandsHealthLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/WikiCitiesClustering.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/RARbCode.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/OpusparcusPC.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CodeEditSearchRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SpanishNewsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/UrduRomanSentimentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LegalQuAD.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/EstonianValenceClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/DuRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/RuSciBenchOECDClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/DanishPoliticalCommentsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MTOPDomainClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/YelpReviewFullClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/FrenchBookReviews.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CMedQAv2-reranking.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SICKFr.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/BengaliSentimentAnalysis.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/STS12.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/AmazonCounterfactualClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/FinParaSTS.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CQADupstackMathematicaRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADIPOwnershipAssignmentLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SCDBPTrainingLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/MewsC16JaClustering.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/TurkishMovieSentimentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/PawsXPairClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/StackExchangeClusteringP2P.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/OPP115ThirdPartySharingCollectionLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/LccSentimentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/STSB.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADRofrRofoRofnLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/Core17InstructionRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CQADupstackPhysicsRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/DalajClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CQADupstackWordpressRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CLSClusteringS2S.v2.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/BibleNLPBitextMining.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/JaQuADRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/Diversity3LegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/XPQARetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/STSBenchmarkMultilingualSTS.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SCDBPVerificationLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/OnlineStoreReviewSentimentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/SinhalaNewsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/IndonesianIdClickbaitClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/VGHierarchicalClusteringS2S.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/CUADUncappedLiabilityLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/StackOverflowDupQuestions.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/bf3bf13ab40c3157080a7ab344c831b9ad18b5eb/Diversity1LegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/PSC.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/NFCorpus-PL.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/MassiveIntentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/MLSUMClusteringP2P.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/AlloProfClusteringS2S.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/BiorxivClusteringP2P.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/EmotionClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/CQADupstackGisRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/CDSC-R.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/MSMARCO-PL.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/SyntecReranking.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/BSARDRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/TweetSentimentExtractionClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/DBPedia-PL.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/PolEmo2.0-OUT.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/SciFact.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/Banking77Classification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/Tatoeba.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/FiQA-PL.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/STS14.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/STSBenchmark.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/AllegroReviews.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/DiaBLaBitextMining.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/SciDocsRR.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/SciFact-PL.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/8TagsClustering.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/MindSmallReranking.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/CQADupstackRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/MedrxivClusteringS2S.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/SCIDOCS.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/BlurbsClusteringP2P.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/MintakaRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/Touche2020.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/STS16.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/TRECCOVID-PL.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/CQADupstackTexRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/SICK-R-PL.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/SyntecRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/CDSC-E.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/ImdbClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/SprintDuplicateQuestions.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/MLSUMClusteringS2S.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/ToxicConversationsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/MassiveScenarioClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/ArguAna-PL.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/STS17.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/CBD.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/MasakhaNEWSClusteringP2P.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/CQADupstackUnixRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/AskUbuntuDupQuestions.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/HotpotQA.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/ArxivClusteringS2S.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/StackExchangeClustering.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/RedditClusteringP2P.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/AlloprofRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/PolEmo2.0-IN.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/AlloprofReranking.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/FloresBitextMining.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/NQ.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/RedditClustering.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/SICK-R.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/FiQA2018.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/SummEvalFr.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/BIOSSES.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/TRECCOVID.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/TenKGnadClusteringS2S.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/DBPedia.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/BiorxivClusteringS2S.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/AlloProfClusteringP2P.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/HotpotQA-PL.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/PAC.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/ArguAna.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/MasakhaNEWSClusteringS2S.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/SICK-E-PL.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/BUCC.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/ArxivClusteringP2P.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/Quora-PL.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/TwitterURLCorpus.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/STS22.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/AmazonReviewsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/CQADupstackGamingRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/NFCorpus.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/STS15.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/AmazonPolarityClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/NQ-PL.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/SCIDOCS-PL.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/MTOPIntentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/HALClusteringS2S.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/STS13.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/SummEval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/ClimateFEVER.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/MasakhaNEWSClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/CQADupstackStatsRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/TwitterSemEval2015.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/PPC.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/MedrxivClusteringP2P.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/TwentyNewsgroupsClustering.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/TenKGnadClusteringP2P.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/FEVER.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/OpusparcusPC.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/MSMARCO.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/MTOPDomainClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/QuoraRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/BlurbsClusteringS2S.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/SICKFr.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/STS12.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/AmazonCounterfactualClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/PawsXPairClassification.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/StackExchangeClusteringP2P.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/XPQARetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/STSBenchmarkMultilingualSTS.json", + "results/sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2/no_revision_available/StackOverflowDupQuestions.json" ], - "mixedbread-ai__mxbai-embed-large-v1": [ - "results/mixedbread-ai__mxbai-embed-large-v1/990580e27d329c7408b3741ecff85876e128e203/StackExchangeClustering.v2.json", - "results/mixedbread-ai__mxbai-embed-large-v1/990580e27d329c7408b3741ecff85876e128e203/RedditClusteringP2P.v2.json", - "results/mixedbread-ai__mxbai-embed-large-v1/990580e27d329c7408b3741ecff85876e128e203/BiorxivClusteringP2P.json", - "results/mixedbread-ai__mxbai-embed-large-v1/990580e27d329c7408b3741ecff85876e128e203/MedrxivClusteringP2P.v2.json", - "results/mixedbread-ai__mxbai-embed-large-v1/990580e27d329c7408b3741ecff85876e128e203/MedrxivClusteringS2S.json", - "results/mixedbread-ai__mxbai-embed-large-v1/990580e27d329c7408b3741ecff85876e128e203/MedrxivClusteringS2S.v2.json", - "results/mixedbread-ai__mxbai-embed-large-v1/990580e27d329c7408b3741ecff85876e128e203/BiorxivClusteringS2S.v2.json", - "results/mixedbread-ai__mxbai-embed-large-v1/990580e27d329c7408b3741ecff85876e128e203/StackExchangeClusteringP2P.v2.json", - "results/mixedbread-ai__mxbai-embed-large-v1/990580e27d329c7408b3741ecff85876e128e203/TwentyNewsgroupsClustering.v2.json", - "results/mixedbread-ai__mxbai-embed-large-v1/990580e27d329c7408b3741ecff85876e128e203/StackExchangeClustering.json", - "results/mixedbread-ai__mxbai-embed-large-v1/990580e27d329c7408b3741ecff85876e128e203/RedditClusteringP2P.json", - "results/mixedbread-ai__mxbai-embed-large-v1/990580e27d329c7408b3741ecff85876e128e203/RedditClustering.v2.json", - "results/mixedbread-ai__mxbai-embed-large-v1/990580e27d329c7408b3741ecff85876e128e203/RedditClustering.json", - "results/mixedbread-ai__mxbai-embed-large-v1/990580e27d329c7408b3741ecff85876e128e203/BiorxivClusteringS2S.json", - "results/mixedbread-ai__mxbai-embed-large-v1/990580e27d329c7408b3741ecff85876e128e203/BiorxivClusteringP2P.v2.json", - "results/mixedbread-ai__mxbai-embed-large-v1/990580e27d329c7408b3741ecff85876e128e203/MedrxivClusteringP2P.json", - "results/mixedbread-ai__mxbai-embed-large-v1/990580e27d329c7408b3741ecff85876e128e203/TwentyNewsgroupsClustering.json", - "results/mixedbread-ai__mxbai-embed-large-v1/990580e27d329c7408b3741ecff85876e128e203/StackExchangeClusteringP2P.json" + "sentence-transformers__paraphrase-multilingual-mpnet-base-v2": [ + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/PSC.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/NFCorpus-PL.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/MassiveIntentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/MLSUMClusteringP2P.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/AlloProfClusteringS2S.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/BiorxivClusteringP2P.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/EmotionClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/CQADupstackGisRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/CDSC-R.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/MSMARCO-PL.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/SyntecReranking.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/BSARDRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/TweetSentimentExtractionClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/DBPedia-PL.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/PolEmo2.0-OUT.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/SciFact.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/Banking77Classification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/Tatoeba.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/FiQA-PL.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/STS14.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/STSBenchmark.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/AllegroReviews.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/DiaBLaBitextMining.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/SciDocsRR.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/SciFact-PL.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/8TagsClustering.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/MindSmallReranking.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/CQADupstackRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/MedrxivClusteringS2S.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/SCIDOCS.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/BlurbsClusteringP2P.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/MintakaRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/Touche2020.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/STS16.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/TRECCOVID-PL.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/CQADupstackTexRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/SICK-R-PL.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/SyntecRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/CDSC-E.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/ImdbClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/SprintDuplicateQuestions.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/MLSUMClusteringS2S.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/ToxicConversationsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/MassiveScenarioClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/ArguAna-PL.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/STS17.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/CBD.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/MasakhaNEWSClusteringP2P.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/CQADupstackUnixRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/AskUbuntuDupQuestions.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/HotpotQA.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/ArxivClusteringS2S.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/StackExchangeClustering.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/RedditClusteringP2P.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/AlloprofRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/PolEmo2.0-IN.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/AlloprofReranking.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/FloresBitextMining.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/NQ.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/RedditClustering.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/SICK-R.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/FiQA2018.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/SummEvalFr.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/BIOSSES.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/TRECCOVID.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/TenKGnadClusteringS2S.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/DBPedia.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/BiorxivClusteringS2S.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/AlloProfClusteringP2P.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/HotpotQA-PL.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/PAC.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/ArguAna.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/MasakhaNEWSClusteringS2S.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/SICK-E-PL.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/BUCC.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/ArxivClusteringP2P.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/Quora-PL.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/TwitterURLCorpus.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/STS22.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/AmazonReviewsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/CQADupstackGamingRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/NFCorpus.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/STS15.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/AmazonPolarityClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/NQ-PL.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/SCIDOCS-PL.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/MTOPIntentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/HALClusteringS2S.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/STS13.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/SummEval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/ClimateFEVER.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/MasakhaNEWSClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/CQADupstackStatsRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/TwitterSemEval2015.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/PPC.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/MedrxivClusteringP2P.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/TwentyNewsgroupsClustering.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/TenKGnadClusteringP2P.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/FEVER.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/OpusparcusPC.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/MSMARCO.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/MTOPDomainClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/QuoraRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/BlurbsClusteringS2S.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/SICKFr.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/STS12.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/AmazonCounterfactualClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/PawsXPairClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/StackExchangeClusteringP2P.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/XPQARetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/STSBenchmarkMultilingualSTS.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/no_revision_available/StackOverflowDupQuestions.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/HagridRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/BengaliDocumentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MLQuestions.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SyntheticText2SQL.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/NQ-PLHardNegatives.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/OPP115InternationalAndSpecificAudiencesLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/FrenkEnClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/WebLINXCandidatesReranking.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/Robust04InstructionRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/RuBQRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/StackExchangeClustering.v2.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/AlphaNLI.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TweetSarcasmClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/WinoGrande.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/NusaParagraphEmotionClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/AlloProfClusteringP2P.v2.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/PSC.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/DBpediaClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADNonTransferableLicenseLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ARCChallenge.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/IndicSentimentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/NFCorpus-PL.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MassiveIntentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SinhalaNewsSourceClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TextualismToolDictionariesLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/KurdishSentimentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/InappropriatenessClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/RuReviewsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/RomanianSentimentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADUnlimitedAllYouCanEatLicenseLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADVolumeRestrictionLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADExclusivityLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ArmenianParaphrasePC.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/Itacola.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ContractNLIPermissibleAcquirementOfSimilarInformationLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADSourceCodeEscrowLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/UkrFormalityClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SIB200ClusteringS2S.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LEMBWikimQARetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MLSUMClusteringP2P.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/RedditClusteringP2P.v2.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/DanFeverRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/VGHierarchicalClusteringP2P.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/KLUE-STS.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADWarrantyDurationLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/DiaBlaBitextMining.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LegalSummarization.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SpartQA.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/BlurbsClusteringP2P.v2.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADInsuranceLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MSMARCOHardNegatives.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CTKFactsNLI.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADMostFavoredNationLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TNews.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/DBPedia-PLHardNegatives.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CodeFeedbackST.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/BiorxivClusteringP2P.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TempReasonL1.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/EmotionClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LEMBSummScreenFDRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CQADupstackGisRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/VieQuADRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/AfriSentiClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADCovenantNotToSueLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADPriceRestrictionsLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/OPP115DoNotTrackLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SCDDCertificationLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/FalseFriendsGermanEnglish.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CQADupstackEnglishRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LearnedHandsTrafficLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CDSC-R.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADJointIPOwnershipLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MedrxivClusteringP2P.v2.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SyntecReranking.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/RomanianReviewsSentiment.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/PAWSX.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/BSARDRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TweetSentimentExtractionClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADGoverningLawLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/WikipediaRerankingMultilingual.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/HellaSwag.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/Diversity2LegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/BelebeleRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/IndicCrosslingualSTS.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ArXivHierarchicalClusteringP2P.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ContractNLIPermissibleDevelopmentOfSimilarInformationLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/FarsTail.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SwednClusteringP2P.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/OnlineShopping.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LearnedHandsDomesticViolenceLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SlovakMovieReviewSentimentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LearnedHandsBenefitsLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/PolEmo2.0-OUT.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADNoSolicitOfEmployeesLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/News21InstructionRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/GermanGovServiceRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LCQMC.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/EcomRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/NusaParagraphTopicClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/Moroco.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/GujaratiNewsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LEMBNarrativeQARetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TurHistQuadRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/OralArgumentQuestionPurposeLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SciFact.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/RuSciBenchGRNTIClusteringP2P.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LanguageClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/KannadaNewsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MalteseNewsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/GreekLegalCodeClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MLSUMClusteringS2S.v2.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADAuditRightsLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CodeSearchNetCCRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LearnedHandsEstatesLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/Banking77Classification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CodeTransOceanContest.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/RTE3.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/NusaXBitextMining.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MMarcoReranking.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/GeorgianFAQRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADAffiliateLicenseLicenseeLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TurkicClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/NorQuadRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TERRa.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/Tatoeba.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/RuSTSBenchmarkSTS.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CQADupstackProgrammersRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ContractNLIInclusionOfVerballyConveyedInformationLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/HindiDiscourseClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/KorSarcasmClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TurkishProductSentimentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADAffiliateLicenseLicensorLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/IndicQARetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LearnedHandsConsumerLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SNLHierarchicalClusteringS2S.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/KorHateClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/NaijaSenti.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CyrillicTurkicLangClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/FiQA-PL.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/STS14.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADTerminationForConvenienceLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/STSBenchmark.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MAUDLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/AllegroReviews.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SiswatiNewsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LegalReasoningCausalityLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/InternationalCitizenshipQuestionsLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SpanishPassageRetrievalS2S.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TempReasonL3Pure.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ItaCaseholdClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/Diversity6LegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MarathiNewsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/DutchBookReviewSentimentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/Ko-StrategyQA.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SciDocsRR.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SciFact-PL.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ScalaClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MIRACLRetrievalHardNegatives.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LearnedHandsFamilyLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TopiOCQAHardNegatives.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MindSmallReranking.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/OPP115DataSecurityLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MedrxivClusteringS2S.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CzechSubjectivityClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/JaGovFaqsRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/Diversity5LegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/RiaNewsRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SCIDOCS.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ArXivHierarchicalClusteringS2S.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/RomaTalesBitextMining.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CSFDCZMovieReviewSentimentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/NQHardNegatives.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/PIQA.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/YahooAnswersTopicsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MintakaRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/IndicReviewsClusteringP2P.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/Touche2020.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TeluguAndhraJyotiNewsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ContractNLIPermissiblePostAgreementPossessionLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/STS16.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/NLPJournalAbsIntroRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MedrxivClusteringS2S.v2.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/HotpotQA-PLHardNegatives.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/OPP115PolicyChangeLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADNonCompeteLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/OverrulingLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/UnfairTOSLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/KLUE-NLI.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SweRecClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/NLPJournalTitleAbsRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/DefinitionClassificationLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/PunjabiNewsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/BiorxivClusteringS2S.v2.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CovidRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/GermanPoliticiansTwitterSentimentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TRECCOVID-PL.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LearnedHandsImmigrationLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/GeoreviewClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/YueOpenriceReviewClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CodeFeedbackMT.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CanadaTaxCourtOutcomesLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CQADupstackTexRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/StatcanDialogueDatasetRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/BrazilianToxicTweetsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/DBPediaHardNegatives.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/STSES.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ContractNLIExplicitIdentificationLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ContractNLISurvivalOfObligationsLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADLiquidatedDamagesLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/OPP115DataRetentionLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/JSICK.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/UCCVCommonLawLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SwednClusteringS2S.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/WRIMEClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/StackExchangeClusteringP2P.v2.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SCDDAuditsLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SICK-R-PL.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SpanishNewsClusteringP2P.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ContractNLINoticeOnCompelledDisclosureLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SyntecRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/AppsRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADNoSolicitOfCustomersLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SensitiveTopicsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/FaroeseSTS.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ToxicChatClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TswanaNewsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CDSC-E.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/BQ.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TwentyNewsgroupsClustering.v2.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/GermanSTSBenchmark.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/KinopoiskClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/Diversity4LegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/AFQMC.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LEMBQMSumRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/PROALegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TweetEmotionClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/OPP115UserAccessEditAndDeletionLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/FrenkHrClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ImdbClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/FaithDial.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MLQARetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/RUParaPhraserSTS.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SprintDuplicateQuestions.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/WikiClusteringP2P.v2.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MLSUMClusteringS2S.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/GermanDPR.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/AfriSentiLangClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ArxivClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ToxicConversationsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MassiveScenarioClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/AngryTweetsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/T2Reranking.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ArguAna-PL.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADExpirationDateLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/STS17.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/RuSciBenchOECDClusteringP2P.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TenKGnadClusteringS2S.v2.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CBD.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MasakhaNEWSClusteringP2P.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/PoemSentimentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SummEvalSummarization.v2.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CQADupstackUnixRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TweetTopicSingleClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/AskUbuntuDupQuestions.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/NusaTranslationBitextMining.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CQADupstackAndroidRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADAntiAssignmentLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/AJGT.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/FinToxicityClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MSMARCO-PLHardNegatives.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/StackExchangeClustering.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/RedditClusteringP2P.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/BulgarianStoreReviewSentimentClassfication.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LearnedHandsTortsLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/AlloprofRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/Assin2RTE.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MedicalQARetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CorporateLobbyingLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/HateSpeechPortugueseClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/PolEmo2.0-IN.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TV2Nordretrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/PatentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/RedditClustering.v2.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADRenewalTermLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/RonSTS.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/PlscClusteringS2S.v2.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/AlloprofReranking.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ContractNLINoLicensingLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LearnedHandsEducationLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/NusaX-senti.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CataloniaTweetClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MultilingualSentimentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/PublicHealthQA.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/FloresBitextMining.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/IndonesianMongabayConservationClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/AILAStatutes.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/indonli.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/NordicLangClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/VideoRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/BigPatentClustering.v2.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SCDBPAccountabilityLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SCDBPCertificationLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/Quail.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CSFDSKMovieReviewSentimentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MovieReviewSentimentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/BornholmBitextMining.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/WisesightSentimentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SwahiliNewsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ATEC.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ClimateFEVERHardNegatives.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SlovakSumRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/Waimai.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/NollySentiBitextMining.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/HebrewSentimentAnalysis.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ContractNLISharingWithThirdPartiesLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/GPUSpeedTask.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/RedditClustering.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/NLPJournalTitleIntroRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/PhincBitextMining.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LearnedHandsDivorceLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LearnedHandsCrimeLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SICK-R.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/FiQA2018.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SummEvalFr.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/BIOSSES.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/QuoraRetrievalHardNegatives.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/HunSum2AbstractiveRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/VieStudentFeedbackClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/RuSciBenchGRNTIClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TRECCOVID.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ContractNLISharingWithEmployeesLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SNLRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/NorwegianParliamentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CodeSearchNetRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CodeTransOceanDL.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SCDDAccountabilityLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/GreekCivicsQA.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SpanishSentimentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/AlloProfClusteringS2S.v2.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LearnedHandsHousingLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LEMBPasskeyRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/OPP115FirstPartyCollectionUseLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADLicenseGrantLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/HeadlineClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/XQuADRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/BiorxivClusteringS2S.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TempReasonL3Context.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/HotpotQAHardNegatives.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SwissJudgementClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/BUCC.v2.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SCDDVerificationLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/JCrewBlockerLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/Quora-PLHardNegatives.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/FilipinoShopeeReviewsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TextualismToolPlainLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/PAC.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADPostTerminationServicesLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/KorSTS.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ArguAna.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADEffectiveDateLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LearnedHandsCourtsLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/NepaliNewsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TenKGnadClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MasakhaNEWSClusteringS2S.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MacedonianTweetSentimentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TelemarketingSalesRuleLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/GerDaLIR.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LegalBenchPC.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/NYSJudicialEthicsLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/IFlyTek.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/XMarket.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SICK-E-PL.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/WikipediaRetrievalMultilingual.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/XNLI.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TbilisiCityHallBitextMining.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SweFaqRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ContractNLIPermissibleCopyLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SCDDTrainingLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CLSClusteringP2P.v2.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SIQA.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SemRel24STS.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/NeuCLIR2023RetrievalHardNegatives.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SNLHierarchicalClusteringP2P.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/RiaNewsRetrievalHardNegatives.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/XNLIV2.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/Assin2STS.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MultiEURLEXMultilabelClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MultilingualSentiment.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CmedqaRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADNoticePeriodToTerminateRenewalLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/FrenkSlClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LEMBNeedleRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MalayalamNewsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/BiorxivClusteringP2P.v2.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TwitterURLCorpus.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LivedoorNewsClustering.v2.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TweetSentimentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/FinancialPhrasebankClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/GermanQuAD-Retrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/FQuADRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/STS22.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/AmazonReviewsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CrossLingualSemanticDiscriminationWMT19.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ContractNLIReturnOfConfidentialInformationLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/JSTS.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CQADupstackGamingRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/AILACasedocs.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/RomaniBibleClustering.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SanskritShlokasClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/IndicNLPNewsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/VieMedEVBitextMining.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADMinimumCommitmentLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/NFCorpus.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CrossLingualSemanticDiscriminationWMT21.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/STS15.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MultiHateClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MultiLongDocRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/OdiaNewsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SwednRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/EstQA.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/VoyageMMarcoReranking.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CEDRClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/AmazonPolarityClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/NorwegianCourtsBitextMining.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/StackOverflowQA.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/JDReview.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADChangeOfControlLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/RARbMath.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SCIDOCS-PL.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/OPP115UserChoiceControlLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MTOPIntentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/InsurancePolicyInterpretationLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/EightTagsClustering.v2.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/KLUE-TC.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/NoRecClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TempReasonL2Fact.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/STS13.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/PpcPC.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/NarrativeQARetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/FEVERHardNegatives.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TempReasonL2Pure.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CMedQAv1-reranking.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADRevenueProfitSharingLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/IndicGenBenchFloresBitextMining.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SRNCorpusBitextMining.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MedicalRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/HotelReviewSentimentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ContractNLIConfidentialityOfAgreementLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SummEval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/PlscClusteringP2P.v2.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MyanmarNews.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ThuNewsClusteringP2P.v2.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/GerDaLIRSmall.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LegalBenchConsumerContractsQA.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/IN22ConvBitextMining.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SentimentAnalysisHindi.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SIB200Classification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LearnedHandsEmploymentLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADIrrevocableOrPerpetualLicenseLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ThuNewsClusteringS2S.v2.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/IN22GenBitextMining.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LivedoorNewsClustering.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CosQA.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MasakhaNEWSClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CQADupstackStatsRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TenKGnadClusteringP2P.v2.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LinceMTBitextMining.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/NewsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADCapOnLiabilityLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADNonDisparagementLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LegalBenchCorporateLobbying.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/T2Retrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/JavaneseIMDBClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ContractNLILimitedUseLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/GeoreviewClusteringP2P.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/BengaliHateSpeechClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TempReasonL2Context.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/ArEntail.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/HALClusteringS2S.v2.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADThirdPartyBeneficiaryLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TamilNewsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/RestaurantReviewSentimentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/KorHateSpeechMLClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/FeedbackQARetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TwitterSemEval2015.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SICK-BR-PC.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/PersonalJurisdictionLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CzechProductReviewSentimentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CzechSoMeSentimentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SwedishSentimentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/IWSLT2017BitextMining.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TempReasonL3Fact.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SCDBPAuditsLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/BlurbsClusteringS2S.v2.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/FunctionOfDecisionSectionLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LeCaRDv2.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADCompetitiveRestrictionExceptionLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CQADupstackWebmastersRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MLSUMClusteringP2P.v2.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/STS22.v2.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/RuBQReranking.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/NTREXBitextMining.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MedrxivClusteringP2P.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MMarcoRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TwitterHjerneRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/IsiZuluNewsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/IndicLangClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TwentyNewsgroupsClustering.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/NeuCLIR2022RetrievalHardNegatives.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/PersianFoodSentimentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LearnedHandsBusinessLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LearnedHandsHealthLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/WikiCitiesClustering.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/RARbCode.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/OpusparcusPC.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CodeEditSearchRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SpanishNewsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/UrduRomanSentimentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LegalQuAD.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/EstonianValenceClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/DuRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/RuSciBenchOECDClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/DanishPoliticalCommentsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MTOPDomainClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/YelpReviewFullClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/FrenchBookReviews.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CMedQAv2-reranking.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SICKFr.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/BengaliSentimentAnalysis.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/STS12.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/AmazonCounterfactualClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/FinParaSTS.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CQADupstackMathematicaRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADIPOwnershipAssignmentLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SCDBPTrainingLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/MewsC16JaClustering.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/TurkishMovieSentimentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/PawsXPairClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/StackExchangeClusteringP2P.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/OPP115ThirdPartySharingCollectionLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/LccSentimentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/STSB.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADRofrRofoRofnLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/Core17InstructionRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CQADupstackPhysicsRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/DalajClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CQADupstackWordpressRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CLSClusteringS2S.v2.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/BibleNLPBitextMining.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/JaQuADRetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/Diversity3LegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/XPQARetrieval.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/STSBenchmarkMultilingualSTS.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SCDBPVerificationLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/OnlineStoreReviewSentimentClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/SinhalaNewsClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/IndonesianIdClickbaitClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/VGHierarchicalClusteringS2S.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/CUADUncappedLiabilityLegalBenchClassification.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/StackOverflowDupQuestions.json", + "results/sentence-transformers__paraphrase-multilingual-mpnet-base-v2/79f2382ceacceacdf38563d7c5d16b9ff8d725d6/Diversity1LegalBenchClassification.json" ], - "NbAiLab__nb-bert-base": [ - "results/NbAiLab__nb-bert-base/no_revision_available/MassiveIntentClassification.json", - "results/NbAiLab__nb-bert-base/no_revision_available/SweRecClassification.json", - "results/NbAiLab__nb-bert-base/no_revision_available/MassiveScenarioClassification.json", - "results/NbAiLab__nb-bert-base/no_revision_available/AngryTweetsClassification.json", - "results/NbAiLab__nb-bert-base/no_revision_available/NordicLangClassification.json", - "results/NbAiLab__nb-bert-base/no_revision_available/BornholmBitextMining.json", - "results/NbAiLab__nb-bert-base/no_revision_available/ScalaNbClassification.json", - "results/NbAiLab__nb-bert-base/no_revision_available/ScalaSvClassification.json", - "results/NbAiLab__nb-bert-base/no_revision_available/NorwegianParliament.json", - "results/NbAiLab__nb-bert-base/no_revision_available/NoRecClassification.json", - "results/NbAiLab__nb-bert-base/no_revision_available/DKHateClassification.json", - "results/NbAiLab__nb-bert-base/no_revision_available/ScalaDaClassification.json", - "results/NbAiLab__nb-bert-base/no_revision_available/DanishPoliticalCommentsClassification.json", - "results/NbAiLab__nb-bert-base/no_revision_available/LccSentimentClassification.json", - "results/NbAiLab__nb-bert-base/no_revision_available/DalajClassification.json" + "sentence-transformers__sentence-t5-base": [ + "results/sentence-transformers__sentence-t5-base/no_revision_available/MassiveIntentClassification.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/MLSUMClusteringP2P.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/AlloProfClusteringS2S.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/BiorxivClusteringP2P.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/EmotionClassification.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/CQADupstackGisRetrieval.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/SyntecReranking.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/BSARDRetrieval.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/TweetSentimentExtractionClassification.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/SciFact.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/Banking77Classification.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/STS14.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/STSBenchmark.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/DiaBLaBitextMining.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/SciDocsRR.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/MindSmallReranking.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/CQADupstackRetrieval.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/MedrxivClusteringS2S.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/SCIDOCS.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/BlurbsClusteringP2P.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/MintakaRetrieval.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/Touche2020.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/STS16.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/CQADupstackTexRetrieval.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/SyntecRetrieval.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/ImdbClassification.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/SprintDuplicateQuestions.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/MLSUMClusteringS2S.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/ToxicConversationsClassification.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/MassiveScenarioClassification.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/STS17.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/MasakhaNEWSClusteringP2P.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/CQADupstackUnixRetrieval.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/AskUbuntuDupQuestions.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/HotpotQA.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/ArxivClusteringS2S.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/StackExchangeClustering.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/RedditClusteringP2P.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/AlloprofRetrieval.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/AlloprofReranking.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/FloresBitextMining.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/NQ.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/RedditClustering.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/SICK-R.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/FiQA2018.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/SummEvalFr.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/BIOSSES.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/TRECCOVID.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/TenKGnadClusteringS2S.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/DBPedia.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/BiorxivClusteringS2S.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/AlloProfClusteringP2P.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/ArguAna.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/MasakhaNEWSClusteringS2S.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/ArxivClusteringP2P.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/TwitterURLCorpus.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/STS22.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/AmazonReviewsClassification.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/CQADupstackGamingRetrieval.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/NFCorpus.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/STS15.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/AmazonPolarityClassification.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/MTOPIntentClassification.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/HALClusteringS2S.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/STS13.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/SummEval.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/ClimateFEVER.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/MasakhaNEWSClassification.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/CQADupstackStatsRetrieval.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/TwitterSemEval2015.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/MedrxivClusteringP2P.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/TwentyNewsgroupsClustering.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/TenKGnadClusteringP2P.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/FEVER.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/OpusparcusPC.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/MSMARCO.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/MTOPDomainClassification.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/QuoraRetrieval.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/BlurbsClusteringS2S.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/SICKFr.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/STS12.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/AmazonCounterfactualClassification.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/PawsXPairClassification.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/StackExchangeClusteringP2P.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/XPQARetrieval.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/STSBenchmarkMultilingualSTS.json", + "results/sentence-transformers__sentence-t5-base/no_revision_available/StackOverflowDupQuestions.json" ], - "nomic-ai__nomic-embed-text-v1.5-256": [ - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/MassiveIntentClassification.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/BiorxivClusteringP2P.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/EmotionClassification.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/CQADupstackGisRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/TweetSentimentExtractionClassification.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/SciFact.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/Banking77Classification.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/STS14.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/STSBenchmark.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/SciDocsRR.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/MindSmallReranking.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/CQADupstackRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/MedrxivClusteringS2S.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/SCIDOCS.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/Touche2020.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/STS16.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/CQADupstackTexRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/ImdbClassification.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/SprintDuplicateQuestions.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/ToxicConversationsClassification.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/MassiveScenarioClassification.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/STS17.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/CQADupstackUnixRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/AskUbuntuDupQuestions.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/HotpotQA.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/ArxivClusteringS2S.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/StackExchangeClustering.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/RedditClusteringP2P.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/NQ.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/RedditClustering.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/SICK-R.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/FiQA2018.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/BIOSSES.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/TRECCOVID.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/DBPedia.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/BiorxivClusteringS2S.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/ArguAna.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/ArxivClusteringP2P.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/TwitterURLCorpus.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/STS22.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/AmazonReviewsClassification.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/CQADupstackGamingRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/NFCorpus.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/STS15.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/AmazonPolarityClassification.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/MTOPIntentClassification.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/STS13.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/SummEval.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/ClimateFEVER.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/CQADupstackStatsRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/TwitterSemEval2015.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/MedrxivClusteringP2P.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/TwentyNewsgroupsClustering.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/FEVER.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/MSMARCO.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/MTOPDomainClassification.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/QuoraRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/STS12.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/AmazonCounterfactualClassification.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/StackExchangeClusteringP2P.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/nomic-ai__nomic-embed-text-v1.5-256/no_revision_available/StackOverflowDupQuestions.json" + "sentence-transformers__sentence-t5-large": [ + "results/sentence-transformers__sentence-t5-large/no_revision_available/MassiveIntentClassification.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/MLSUMClusteringP2P.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/AlloProfClusteringS2S.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/BiorxivClusteringP2P.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/EmotionClassification.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/CQADupstackGisRetrieval.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/SyntecReranking.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/BSARDRetrieval.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/TweetSentimentExtractionClassification.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/SciFact.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/Banking77Classification.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/Tatoeba.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/STS14.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/STSBenchmark.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/DiaBLaBitextMining.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/SciDocsRR.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/MindSmallReranking.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/CQADupstackRetrieval.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/MedrxivClusteringS2S.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/SCIDOCS.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/BlurbsClusteringP2P.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/MintakaRetrieval.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/Touche2020.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/STS16.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/CQADupstackTexRetrieval.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/SyntecRetrieval.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/ImdbClassification.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/SprintDuplicateQuestions.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/MLSUMClusteringS2S.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/ToxicConversationsClassification.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/MassiveScenarioClassification.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/STS17.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/MasakhaNEWSClusteringP2P.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/CQADupstackUnixRetrieval.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/AskUbuntuDupQuestions.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/HotpotQA.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/ArxivClusteringS2S.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/StackExchangeClustering.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/RedditClusteringP2P.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/AlloprofRetrieval.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/AlloprofReranking.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/FloresBitextMining.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/NQ.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/RedditClustering.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/SICK-R.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/FiQA2018.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/SummEvalFr.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/BIOSSES.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/TRECCOVID.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/TenKGnadClusteringS2S.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/DBPedia.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/BiorxivClusteringS2S.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/AlloProfClusteringP2P.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/ArguAna.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/MasakhaNEWSClusteringS2S.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/BUCC.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/ArxivClusteringP2P.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/TwitterURLCorpus.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/STS22.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/AmazonReviewsClassification.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/CQADupstackGamingRetrieval.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/NFCorpus.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/STS15.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/AmazonPolarityClassification.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/MTOPIntentClassification.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/HALClusteringS2S.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/STS13.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/SummEval.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/ClimateFEVER.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/MasakhaNEWSClassification.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/CQADupstackStatsRetrieval.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/TwitterSemEval2015.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/MedrxivClusteringP2P.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/TwentyNewsgroupsClustering.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/TenKGnadClusteringP2P.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/FEVER.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/OpusparcusPC.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/MSMARCO.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/MTOPDomainClassification.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/QuoraRetrieval.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/BlurbsClusteringS2S.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/SICKFr.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/STS12.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/AmazonCounterfactualClassification.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/PawsXPairClassification.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/StackExchangeClusteringP2P.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/XPQARetrieval.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/STSBenchmarkMultilingualSTS.json", + "results/sentence-transformers__sentence-t5-large/no_revision_available/StackOverflowDupQuestions.json" ], - "BAAI__bge-large-zh-v1.5": [ - "results/BAAI__bge-large-zh-v1.5/no_revision_available/CMedQAv1.json", - "results/BAAI__bge-large-zh-v1.5/no_revision_available/MassiveIntentClassification.json", - "results/BAAI__bge-large-zh-v1.5/no_revision_available/TNews.json", - "results/BAAI__bge-large-zh-v1.5/no_revision_available/PAWSX.json", - "results/BAAI__bge-large-zh-v1.5/no_revision_available/OnlineShopping.json", - "results/BAAI__bge-large-zh-v1.5/no_revision_available/LCQMC.json", - "results/BAAI__bge-large-zh-v1.5/no_revision_available/EcomRetrieval.json", - "results/BAAI__bge-large-zh-v1.5/no_revision_available/MMarcoReranking.json", - "results/BAAI__bge-large-zh-v1.5/no_revision_available/CovidRetrieval.json", - "results/BAAI__bge-large-zh-v1.5/no_revision_available/CLSClusteringP2P.json", - "results/BAAI__bge-large-zh-v1.5/no_revision_available/BQ.json", - "results/BAAI__bge-large-zh-v1.5/no_revision_available/AFQMC.json", - "results/BAAI__bge-large-zh-v1.5/no_revision_available/CLSClusteringS2S.json", - "results/BAAI__bge-large-zh-v1.5/no_revision_available/Cmnli.json", - "results/BAAI__bge-large-zh-v1.5/no_revision_available/MassiveScenarioClassification.json", - "results/BAAI__bge-large-zh-v1.5/no_revision_available/T2Reranking.json", - "results/BAAI__bge-large-zh-v1.5/no_revision_available/ThuNewsClusteringP2P.json", - "results/BAAI__bge-large-zh-v1.5/no_revision_available/VideoRetrieval.json", - "results/BAAI__bge-large-zh-v1.5/no_revision_available/Ocnli.json", - "results/BAAI__bge-large-zh-v1.5/no_revision_available/ATEC.json", - "results/BAAI__bge-large-zh-v1.5/no_revision_available/Waimai.json", - "results/BAAI__bge-large-zh-v1.5/no_revision_available/ThuNewsClusteringS2S.json", - "results/BAAI__bge-large-zh-v1.5/no_revision_available/IFlyTek.json", - "results/BAAI__bge-large-zh-v1.5/no_revision_available/MultilingualSentiment.json", - "results/BAAI__bge-large-zh-v1.5/no_revision_available/CmedqaRetrieval.json", - "results/BAAI__bge-large-zh-v1.5/no_revision_available/STS22.json", - "results/BAAI__bge-large-zh-v1.5/no_revision_available/AmazonReviewsClassification.json", - "results/BAAI__bge-large-zh-v1.5/no_revision_available/JDReview.json", - "results/BAAI__bge-large-zh-v1.5/no_revision_available/MedicalRetrieval.json", - "results/BAAI__bge-large-zh-v1.5/no_revision_available/T2Retrieval.json", - "results/BAAI__bge-large-zh-v1.5/no_revision_available/QBQTC.json", - "results/BAAI__bge-large-zh-v1.5/no_revision_available/MMarcoRetrieval.json", - "results/BAAI__bge-large-zh-v1.5/no_revision_available/DuRetrieval.json", - "results/BAAI__bge-large-zh-v1.5/no_revision_available/CMedQAv2.json", - "results/BAAI__bge-large-zh-v1.5/no_revision_available/STSB.json" + "sentence-transformers__sentence-t5-xl": [ + "results/sentence-transformers__sentence-t5-xl/no_revision_available/MassiveIntentClassification.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/MLSUMClusteringP2P.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/AlloProfClusteringS2S.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/BiorxivClusteringP2P.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/EmotionClassification.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/CQADupstackGisRetrieval.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/SyntecReranking.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/BSARDRetrieval.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/TweetSentimentExtractionClassification.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/SciFact.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/Banking77Classification.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/Tatoeba.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/STS14.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/STSBenchmark.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/DiaBLaBitextMining.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/SciDocsRR.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/MindSmallReranking.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/CQADupstackRetrieval.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/MedrxivClusteringS2S.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/SCIDOCS.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/MintakaRetrieval.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/Touche2020.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/STS16.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/CQADupstackTexRetrieval.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/SyntecRetrieval.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/ImdbClassification.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/SprintDuplicateQuestions.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/MLSUMClusteringS2S.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/ToxicConversationsClassification.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/MassiveScenarioClassification.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/STS17.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/MasakhaNEWSClusteringP2P.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/CQADupstackUnixRetrieval.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/AskUbuntuDupQuestions.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/HotpotQA.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/ArxivClusteringS2S.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/StackExchangeClustering.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/RedditClusteringP2P.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/AlloprofRetrieval.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/AlloprofReranking.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/FloresBitextMining.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/NQ.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/RedditClustering.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/SICK-R.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/FiQA2018.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/SummEvalFr.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/BIOSSES.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/TRECCOVID.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/DBPedia.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/BiorxivClusteringS2S.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/AlloProfClusteringP2P.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/ArguAna.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/MasakhaNEWSClusteringS2S.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/BUCC.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/ArxivClusteringP2P.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/TwitterURLCorpus.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/STS22.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/AmazonReviewsClassification.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/CQADupstackGamingRetrieval.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/NFCorpus.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/STS15.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/AmazonPolarityClassification.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/MTOPIntentClassification.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/HALClusteringS2S.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/STS13.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/SummEval.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/ClimateFEVER.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/MasakhaNEWSClassification.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/CQADupstackStatsRetrieval.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/TwitterSemEval2015.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/MedrxivClusteringP2P.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/TwentyNewsgroupsClustering.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/FEVER.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/OpusparcusPC.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/MSMARCO.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/MTOPDomainClassification.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/QuoraRetrieval.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/SICKFr.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/STS12.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/AmazonCounterfactualClassification.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/PawsXPairClassification.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/StackExchangeClusteringP2P.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/XPQARetrieval.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/STSBenchmarkMultilingualSTS.json", + "results/sentence-transformers__sentence-t5-xl/no_revision_available/StackOverflowDupQuestions.json" + ], + "sentence-transformers__sentence-t5-xxl": [ + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/MassiveIntentClassification.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/MLSUMClusteringP2P.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/AlloProfClusteringS2S.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/BiorxivClusteringP2P.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/EmotionClassification.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/CQADupstackGisRetrieval.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/SyntecReranking.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/BSARDRetrieval.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/TweetSentimentExtractionClassification.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/SciFact.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/Banking77Classification.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/STS14.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/STSBenchmark.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/DiaBLaBitextMining.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/SciDocsRR.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/MindSmallReranking.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/CQADupstackRetrieval.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/MedrxivClusteringS2S.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/SCIDOCS.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/BlurbsClusteringP2P.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/MintakaRetrieval.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/Touche2020.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/STS16.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/CQADupstackTexRetrieval.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/SyntecRetrieval.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/ImdbClassification.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/SprintDuplicateQuestions.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/MLSUMClusteringS2S.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/ToxicConversationsClassification.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/MassiveScenarioClassification.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/STS17.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/MasakhaNEWSClusteringP2P.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/CQADupstackUnixRetrieval.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/AskUbuntuDupQuestions.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/HotpotQA.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/ArxivClusteringS2S.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/StackExchangeClustering.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/RedditClusteringP2P.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/AlloprofRetrieval.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/AlloprofReranking.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/FloresBitextMining.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/NQ.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/RedditClustering.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/SICK-R.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/FiQA2018.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/SummEvalFr.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/BIOSSES.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/TRECCOVID.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/TenKGnadClusteringS2S.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/DBPedia.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/BiorxivClusteringS2S.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/AlloProfClusteringP2P.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/ArguAna.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/MasakhaNEWSClusteringS2S.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/ArxivClusteringP2P.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/TwitterURLCorpus.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/STS22.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/AmazonReviewsClassification.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/CQADupstackGamingRetrieval.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/NFCorpus.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/STS15.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/AmazonPolarityClassification.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/MTOPIntentClassification.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/HALClusteringS2S.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/STS13.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/SummEval.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/ClimateFEVER.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/MasakhaNEWSClassification.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/CQADupstackStatsRetrieval.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/TwitterSemEval2015.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/MedrxivClusteringP2P.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/TwentyNewsgroupsClustering.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/TenKGnadClusteringP2P.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/FEVER.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/OpusparcusPC.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/MSMARCO.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/MTOPDomainClassification.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/QuoraRetrieval.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/BlurbsClusteringS2S.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/SICKFr.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/STS12.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/AmazonCounterfactualClassification.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/PawsXPairClassification.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/StackExchangeClusteringP2P.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/XPQARetrieval.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/STSBenchmarkMultilingualSTS.json", + "results/sentence-transformers__sentence-t5-xxl/no_revision_available/StackOverflowDupQuestions.json" + ], + "sentence-transformers__use-cmlm-multilingual": [ + "results/sentence-transformers__use-cmlm-multilingual/no_revision_available/BlurbsClusteringP2P.json", + "results/sentence-transformers__use-cmlm-multilingual/no_revision_available/TenKGnadClusteringS2S.json", + "results/sentence-transformers__use-cmlm-multilingual/no_revision_available/TenKGnadClusteringP2P.json", + "results/sentence-transformers__use-cmlm-multilingual/no_revision_available/BlurbsClusteringS2S.json" + ], + "sergeyzh__LaBSE-ru-turbo": [ + "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/RuBQRetrieval.json", + "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/MassiveIntentClassification.json", + "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/InappropriatenessClassification.json", + "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/RuReviewsClassification.json", + "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/SIB200ClusteringS2S.json", + "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/MLSUMClusteringP2P.json", + "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/BelebeleRetrieval.json", + "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/RuSciBenchGRNTIClusteringP2P.json", + "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/LanguageClassification.json", + "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/MLSUMClusteringS2S.v2.json", + "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/TERRa.json", + "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/Tatoeba.json", + "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/RuSTSBenchmarkSTS.json", + "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/CyrillicTurkicLangClassification.json", + "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/RiaNewsRetrieval.json", + "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/MIRACLRetrieval.json", + "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/GeoreviewClassification.json", + "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/SensitiveTopicsClassification.json", + "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/KinopoiskClassification.json", + "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/RUParaPhraserSTS.json", + "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/MLSUMClusteringS2S.json", + "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/MassiveScenarioClassification.json", + "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/RuSciBenchOECDClusteringP2P.json", + "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/MultilingualSentimentClassification.json", + "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/PublicHealthQA.json", + "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/FloresBitextMining.json", + "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/RuSciBenchGRNTIClassification.json", + "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/HeadlineClassification.json", + "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/XQuADRetrieval.json", + "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/BUCC.v2.json", + "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/MIRACLReranking.json", + "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/XNLI.json", + "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/XNLIV2.json", + "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/STS22.json", + "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/MultiLongDocRetrieval.json", + "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/CEDRClassification.json", + "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/SIB200Classification.json", + "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/GeoreviewClusteringP2P.json", + "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/MLSUMClusteringP2P.v2.json", + "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/STS22.v2.json", + "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/RuBQReranking.json", + "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/NTREXBitextMining.json", + "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/OpusparcusPC.json", + "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/RuSciBenchOECDClassification.json", + "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/BibleNLPBitextMining.json", + "results/sergeyzh__LaBSE-ru-turbo/1940b046c6b5e125df11722b899130329d0a46da/STSBenchmarkMultilingualSTS.json" ], - "Geotrend__bert-base-15lang-cased": [ - "results/Geotrend__bert-base-15lang-cased/no_revision_available/MassiveIntentClassification.json", - "results/Geotrend__bert-base-15lang-cased/no_revision_available/MLSUMClusteringP2P.json", - "results/Geotrend__bert-base-15lang-cased/no_revision_available/AlloProfClusteringS2S.json", - "results/Geotrend__bert-base-15lang-cased/no_revision_available/SyntecReranking.json", - "results/Geotrend__bert-base-15lang-cased/no_revision_available/BSARDRetrieval.json", - "results/Geotrend__bert-base-15lang-cased/no_revision_available/DiaBLaBitextMining.json", - "results/Geotrend__bert-base-15lang-cased/no_revision_available/MintakaRetrieval.json", - "results/Geotrend__bert-base-15lang-cased/no_revision_available/SyntecRetrieval.json", - "results/Geotrend__bert-base-15lang-cased/no_revision_available/MLSUMClusteringS2S.json", - "results/Geotrend__bert-base-15lang-cased/no_revision_available/MassiveScenarioClassification.json", - "results/Geotrend__bert-base-15lang-cased/no_revision_available/MasakhaNEWSClusteringP2P.json", - "results/Geotrend__bert-base-15lang-cased/no_revision_available/AlloprofRetrieval.json", - "results/Geotrend__bert-base-15lang-cased/no_revision_available/AlloprofReranking.json", - "results/Geotrend__bert-base-15lang-cased/no_revision_available/FloresBitextMining.json", - "results/Geotrend__bert-base-15lang-cased/no_revision_available/SummEvalFr.json", - "results/Geotrend__bert-base-15lang-cased/no_revision_available/AlloProfClusteringP2P.json", - "results/Geotrend__bert-base-15lang-cased/no_revision_available/MasakhaNEWSClusteringS2S.json", - "results/Geotrend__bert-base-15lang-cased/no_revision_available/STS22.json", - "results/Geotrend__bert-base-15lang-cased/no_revision_available/AmazonReviewsClassification.json", - "results/Geotrend__bert-base-15lang-cased/no_revision_available/MTOPIntentClassification.json", - "results/Geotrend__bert-base-15lang-cased/no_revision_available/HALClusteringS2S.json", - "results/Geotrend__bert-base-15lang-cased/no_revision_available/MasakhaNEWSClassification.json", - "results/Geotrend__bert-base-15lang-cased/no_revision_available/OpusparcusPC.json", - "results/Geotrend__bert-base-15lang-cased/no_revision_available/MTOPDomainClassification.json", - "results/Geotrend__bert-base-15lang-cased/no_revision_available/SICKFr.json", - "results/Geotrend__bert-base-15lang-cased/no_revision_available/PawsXPairClassification.json", - "results/Geotrend__bert-base-15lang-cased/no_revision_available/XPQARetrieval.json", - "results/Geotrend__bert-base-15lang-cased/no_revision_available/STSBenchmarkMultilingualSTS.json" + "sergeyzh__rubert-tiny-turbo": [ + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/ArxivClusteringP2P.v2.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/OPP115InternationalAndSpecificAudiencesLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/FrenkEnClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/RuBQRetrieval.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/AlphaNLI.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/DBpediaClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADNonTransferableLicenseLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/ARCChallenge.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/MassiveIntentClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/TextualismToolDictionariesLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/InappropriatenessClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/RuReviewsClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADUnlimitedAllYouCanEatLicenseLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADVolumeRestrictionLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADExclusivityLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/ContractNLIPermissibleAcquirementOfSimilarInformationLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADSourceCodeEscrowLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/SIB200ClusteringS2S.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/MLSUMClusteringP2P.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADWarrantyDurationLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADInsuranceLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADMostFavoredNationLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/BiorxivClusteringP2P.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/EmotionClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CQADupstackGisRetrieval.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADCovenantNotToSueLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADPriceRestrictionsLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/OPP115DoNotTrackLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/SCDDCertificationLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CQADupstackEnglishRetrieval.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/LearnedHandsTrafficLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADJointIPOwnershipLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/TweetSentimentExtractionClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADGoverningLawLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/Diversity2LegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/BelebeleRetrieval.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/ContractNLIPermissibleDevelopmentOfSimilarInformationLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/LearnedHandsDomesticViolenceLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/LearnedHandsBenefitsLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADNoSolicitOfEmployeesLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/OralArgumentQuestionPurposeLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/RuSciBenchGRNTIClusteringP2P.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/LanguageClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/MLSUMClusteringS2S.v2.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADAuditRightsLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/LearnedHandsEstatesLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/Banking77Classification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADAffiliateLicenseLicenseeLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/TERRa.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/Tatoeba.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/RuSTSBenchmarkSTS.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CQADupstackProgrammersRetrieval.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/ContractNLIInclusionOfVerballyConveyedInformationLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADAffiliateLicenseLicensorLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/LearnedHandsConsumerLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CyrillicTurkicLangClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADTerminationForConvenienceLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/MAUDLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/LegalReasoningCausalityLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/InternationalCitizenshipQuestionsLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/Diversity6LegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/LearnedHandsFamilyLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/OPP115DataSecurityLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/MedrxivClusteringS2S.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/Diversity5LegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/RiaNewsRetrieval.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/MIRACLRetrieval.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/YahooAnswersTopicsClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/ContractNLIPermissiblePostAgreementPossessionLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/OPP115PolicyChangeLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADNonCompeteLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/OverrulingLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/UnfairTOSLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/DefinitionClassificationLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/LearnedHandsImmigrationLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/GeoreviewClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CanadaTaxCourtOutcomesLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CQADupstackTexRetrieval.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CPUSpeedTask.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/ContractNLIExplicitIdentificationLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/ContractNLISurvivalOfObligationsLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADLiquidatedDamagesLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/OPP115DataRetentionLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/UCCVCommonLawLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/SCDDAuditsLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/ContractNLINoticeOnCompelledDisclosureLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADNoSolicitOfCustomersLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/SensitiveTopicsClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/ToxicChatClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/KinopoiskClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/Diversity4LegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/PROALegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/OPP115UserAccessEditAndDeletionLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/ImdbClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/FaithDial.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/RUParaPhraserSTS.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/MLSUMClusteringS2S.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/ArxivClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/ToxicConversationsClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/MassiveScenarioClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADExpirationDateLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/RuSciBenchOECDClusteringP2P.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/BigPatentClustering.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/PoemSentimentClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CQADupstackUnixRetrieval.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/TweetTopicSingleClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CQADupstackAndroidRetrieval.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/ArxivClusteringS2S.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADAntiAssignmentLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/StackExchangeClustering.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/RedditClusteringP2P.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/LearnedHandsTortsLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CorporateLobbyingLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/PatentClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADRenewalTermLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/ContractNLINoLicensingLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/LearnedHandsEducationLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/MultilingualSentimentClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/PublicHealthQA.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/FloresBitextMining.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/AILAStatutes.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/SCDBPAccountabilityLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/SCDBPCertificationLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/ContractNLISharingWithThirdPartiesLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/GPUSpeedTask.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/RedditClustering.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/LearnedHandsDivorceLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/LearnedHandsCrimeLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/RuSciBenchGRNTIClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/ContractNLISharingWithEmployeesLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/SCDDAccountabilityLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/LearnedHandsHousingLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/OPP115FirstPartyCollectionUseLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADLicenseGrantLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/HeadlineClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/DBPedia.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/XQuADRetrieval.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/BiorxivClusteringS2S.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/BUCC.v2.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/SCDDVerificationLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/JCrewBlockerLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/TextualismToolPlainLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADPostTerminationServicesLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/ArguAna.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADEffectiveDateLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/LearnedHandsCourtsLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/TelemarketingSalesRuleLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/NYSJudicialEthicsLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/MIRACLReranking.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/XNLI.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/ContractNLIPermissibleCopyLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/SCDDTrainingLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/ArxivClusteringP2P.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/XNLIV2.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADNoticePeriodToTerminateRenewalLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/FinancialPhrasebankClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/STS22.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/ContractNLIReturnOfConfidentialInformationLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CQADupstackGamingRetrieval.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/AILACasedocs.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/VieMedEVBitextMining.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADMinimumCommitmentLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/MultiLongDocRetrieval.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CEDRClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/AmazonPolarityClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADChangeOfControlLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/OPP115UserChoiceControlLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/InsurancePolicyInterpretationLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADRevenueProfitSharingLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/ContractNLIConfidentialityOfAgreementLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/ClimateFEVER.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/SIB200Classification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/LearnedHandsEmploymentLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADIrrevocableOrPerpetualLicenseLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CQADupstackStatsRetrieval.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/NewsClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADCapOnLiabilityLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADNonDisparagementLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/ContractNLILimitedUseLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/GeoreviewClusteringP2P.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADThirdPartyBeneficiaryLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/FeedbackQARetrieval.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/PersonalJurisdictionLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/SCDBPAuditsLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/FunctionOfDecisionSectionLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADCompetitiveRestrictionExceptionLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CQADupstackWebmastersRetrieval.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/MLSUMClusteringP2P.v2.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/STS22.v2.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/RuBQReranking.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/NTREXBitextMining.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/MedrxivClusteringP2P.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/TwentyNewsgroupsClustering.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/LearnedHandsBusinessLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/LearnedHandsHealthLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/WikiCitiesClustering.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/OpusparcusPC.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/RuSciBenchOECDClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/YelpReviewFullClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CQADupstackMathematicaRetrieval.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADIPOwnershipAssignmentLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/SCDBPTrainingLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/StackExchangeClusteringP2P.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/OPP115ThirdPartySharingCollectionLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADRofrRofoRofnLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CQADupstackPhysicsRetrieval.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CQADupstackWordpressRetrieval.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/BibleNLPBitextMining.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/Diversity3LegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/STSBenchmarkMultilingualSTS.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/SCDBPVerificationLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/CUADUncappedLiabilityLegalBenchClassification.json", + "results/sergeyzh__rubert-tiny-turbo/8ce0cf757446ce9bb2d5f5a4ac8103c7a1049054/Diversity1LegalBenchClassification.json" ], - "openai__text-embedding-3-large-instruct": [ - "results/openai__text-embedding-3-large-instruct/no_revision_available/AlphaNLI.json", - "results/openai__text-embedding-3-large-instruct/no_revision_available/WinoGrande.json", - "results/openai__text-embedding-3-large-instruct/no_revision_available/ARCChallenge.json", - "results/openai__text-embedding-3-large-instruct/no_revision_available/SpartQA.json", - "results/openai__text-embedding-3-large-instruct/no_revision_available/TempReasonL1.json", - "results/openai__text-embedding-3-large-instruct/no_revision_available/HellaSwag.json", - "results/openai__text-embedding-3-large-instruct/no_revision_available/TempReasonL3Pure.json", - "results/openai__text-embedding-3-large-instruct/no_revision_available/PIQA.json", - "results/openai__text-embedding-3-large-instruct/no_revision_available/Quail.json", - "results/openai__text-embedding-3-large-instruct/no_revision_available/SIQA.json", - "results/openai__text-embedding-3-large-instruct/no_revision_available/RARbMath.json", - "results/openai__text-embedding-3-large-instruct/no_revision_available/TempReasonL2Fact.json", - "results/openai__text-embedding-3-large-instruct/no_revision_available/TempReasonL2Pure.json", - "results/openai__text-embedding-3-large-instruct/no_revision_available/TempReasonL3Fact.json", - "results/openai__text-embedding-3-large-instruct/no_revision_available/RARbCode.json" + "shibing624__text2vec-base-chinese": [ + "results/shibing624__text2vec-base-chinese/no_revision_available/CMedQAv1.json", + "results/shibing624__text2vec-base-chinese/no_revision_available/MassiveIntentClassification.json", + "results/shibing624__text2vec-base-chinese/no_revision_available/TNews.json", + "results/shibing624__text2vec-base-chinese/no_revision_available/PAWSX.json", + "results/shibing624__text2vec-base-chinese/no_revision_available/OnlineShopping.json", + "results/shibing624__text2vec-base-chinese/no_revision_available/LCQMC.json", + "results/shibing624__text2vec-base-chinese/no_revision_available/EcomRetrieval.json", + "results/shibing624__text2vec-base-chinese/no_revision_available/MMarcoReranking.json", + "results/shibing624__text2vec-base-chinese/no_revision_available/CovidRetrieval.json", + "results/shibing624__text2vec-base-chinese/no_revision_available/CLSClusteringP2P.json", + "results/shibing624__text2vec-base-chinese/no_revision_available/BQ.json", + "results/shibing624__text2vec-base-chinese/no_revision_available/AFQMC.json", + "results/shibing624__text2vec-base-chinese/no_revision_available/CLSClusteringS2S.json", + "results/shibing624__text2vec-base-chinese/no_revision_available/Cmnli.json", + "results/shibing624__text2vec-base-chinese/no_revision_available/MassiveScenarioClassification.json", + "results/shibing624__text2vec-base-chinese/no_revision_available/T2Reranking.json", + "results/shibing624__text2vec-base-chinese/no_revision_available/ThuNewsClusteringP2P.json", + "results/shibing624__text2vec-base-chinese/no_revision_available/VideoRetrieval.json", + "results/shibing624__text2vec-base-chinese/no_revision_available/Ocnli.json", + "results/shibing624__text2vec-base-chinese/no_revision_available/ATEC.json", + "results/shibing624__text2vec-base-chinese/no_revision_available/Waimai.json", + "results/shibing624__text2vec-base-chinese/no_revision_available/ThuNewsClusteringS2S.json", + "results/shibing624__text2vec-base-chinese/no_revision_available/IFlyTek.json", + "results/shibing624__text2vec-base-chinese/no_revision_available/MultilingualSentiment.json", + "results/shibing624__text2vec-base-chinese/no_revision_available/CmedqaRetrieval.json", + "results/shibing624__text2vec-base-chinese/no_revision_available/STS22.json", + "results/shibing624__text2vec-base-chinese/no_revision_available/AmazonReviewsClassification.json", + "results/shibing624__text2vec-base-chinese/no_revision_available/JDReview.json", + "results/shibing624__text2vec-base-chinese/no_revision_available/MedicalRetrieval.json", + "results/shibing624__text2vec-base-chinese/no_revision_available/T2Retrieval.json", + "results/shibing624__text2vec-base-chinese/no_revision_available/QBQTC.json", + "results/shibing624__text2vec-base-chinese/no_revision_available/MMarcoRetrieval.json", + "results/shibing624__text2vec-base-chinese/no_revision_available/DuRetrieval.json", + "results/shibing624__text2vec-base-chinese/no_revision_available/CMedQAv2.json", + "results/shibing624__text2vec-base-chinese/no_revision_available/STSB.json" ], - "Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit": [ - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/MassiveIntentClassification.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/BiorxivClusteringP2P.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/EmotionClassification.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackGisRetrieval.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/TweetSentimentExtractionClassification.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/SciFact.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/Banking77Classification.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/STS14.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/STSBenchmark.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/SciDocsRR.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/MindSmallReranking.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackRetrieval.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/MedrxivClusteringS2S.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/SCIDOCS.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/Touche2020.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/STS16.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackTexRetrieval.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/ImdbClassification.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/SprintDuplicateQuestions.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/ToxicConversationsClassification.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/MassiveScenarioClassification.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/STS17.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackUnixRetrieval.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/AskUbuntuDupQuestions.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/HotpotQA.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/ArxivClusteringS2S.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/StackExchangeClustering.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/RedditClusteringP2P.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/NQ.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/RedditClustering.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/SICK-R.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/FiQA2018.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/BIOSSES.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/TRECCOVID.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/DBPedia.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/BiorxivClusteringS2S.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/ArguAna.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/ArxivClusteringP2P.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/TwitterURLCorpus.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/STS22.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/AmazonReviewsClassification.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackGamingRetrieval.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/NFCorpus.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/STS15.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/AmazonPolarityClassification.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/MTOPIntentClassification.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/STS13.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/SummEval.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/ClimateFEVER.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackStatsRetrieval.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/TwitterSemEval2015.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/MedrxivClusteringP2P.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/TwentyNewsgroupsClustering.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/FEVER.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/MSMARCO.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/MTOPDomainClassification.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/QuoraRetrieval.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/STS12.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/AmazonCounterfactualClassification.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/StackExchangeClusteringP2P.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/no_revision_available/StackOverflowDupQuestions.json" + "shibing624__text2vec-base-multilingual": [ + "results/shibing624__text2vec-base-multilingual/no_revision_available/MassiveIntentClassification.json", + "results/shibing624__text2vec-base-multilingual/no_revision_available/MLSUMClusteringP2P.json", + "results/shibing624__text2vec-base-multilingual/no_revision_available/AlloProfClusteringS2S.json", + "results/shibing624__text2vec-base-multilingual/no_revision_available/SyntecReranking.json", + "results/shibing624__text2vec-base-multilingual/no_revision_available/BSARDRetrieval.json", + "results/shibing624__text2vec-base-multilingual/no_revision_available/DiaBLaBitextMining.json", + "results/shibing624__text2vec-base-multilingual/no_revision_available/MintakaRetrieval.json", + "results/shibing624__text2vec-base-multilingual/no_revision_available/SyntecRetrieval.json", + "results/shibing624__text2vec-base-multilingual/no_revision_available/MLSUMClusteringS2S.json", + "results/shibing624__text2vec-base-multilingual/no_revision_available/MassiveScenarioClassification.json", + "results/shibing624__text2vec-base-multilingual/no_revision_available/MasakhaNEWSClusteringP2P.json", + "results/shibing624__text2vec-base-multilingual/no_revision_available/AlloprofRetrieval.json", + "results/shibing624__text2vec-base-multilingual/no_revision_available/AlloprofReranking.json", + "results/shibing624__text2vec-base-multilingual/no_revision_available/FloresBitextMining.json", + "results/shibing624__text2vec-base-multilingual/no_revision_available/SummEvalFr.json", + "results/shibing624__text2vec-base-multilingual/no_revision_available/AlloProfClusteringP2P.json", + "results/shibing624__text2vec-base-multilingual/no_revision_available/MasakhaNEWSClusteringS2S.json", + "results/shibing624__text2vec-base-multilingual/no_revision_available/STS22.json", + "results/shibing624__text2vec-base-multilingual/no_revision_available/AmazonReviewsClassification.json", + "results/shibing624__text2vec-base-multilingual/no_revision_available/MTOPIntentClassification.json", + "results/shibing624__text2vec-base-multilingual/no_revision_available/HALClusteringS2S.json", + "results/shibing624__text2vec-base-multilingual/no_revision_available/MasakhaNEWSClassification.json", + "results/shibing624__text2vec-base-multilingual/no_revision_available/OpusparcusPC.json", + "results/shibing624__text2vec-base-multilingual/no_revision_available/MTOPDomainClassification.json", + "results/shibing624__text2vec-base-multilingual/no_revision_available/SICKFr.json", + "results/shibing624__text2vec-base-multilingual/no_revision_available/PawsXPairClassification.json", + "results/shibing624__text2vec-base-multilingual/no_revision_available/XPQARetrieval.json", + "results/shibing624__text2vec-base-multilingual/no_revision_available/STSBenchmarkMultilingualSTS.json" ], - "sentence-transformers__msmarco-bert-co-condensor": [ - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/MassiveIntentClassification.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/BiorxivClusteringP2P.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/EmotionClassification.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/CQADupstackGisRetrieval.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/TweetSentimentExtractionClassification.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/SciFact.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/Banking77Classification.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/STS14.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/STSBenchmark.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/SciDocsRR.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/MindSmallReranking.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/CQADupstackRetrieval.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/MedrxivClusteringS2S.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/SCIDOCS.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/Touche2020.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/STS16.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/CQADupstackTexRetrieval.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/ImdbClassification.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/SprintDuplicateQuestions.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/ToxicConversationsClassification.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/MassiveScenarioClassification.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/STS17.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/CQADupstackUnixRetrieval.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/AskUbuntuDupQuestions.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/HotpotQA.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/ArxivClusteringS2S.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/StackExchangeClustering.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/RedditClusteringP2P.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/NQ.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/RedditClustering.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/SICK-R.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/FiQA2018.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/BIOSSES.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/TRECCOVID.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/DBPedia.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/BiorxivClusteringS2S.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/ArguAna.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/ArxivClusteringP2P.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/TwitterURLCorpus.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/STS22.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/AmazonReviewsClassification.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/CQADupstackGamingRetrieval.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/NFCorpus.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/STS15.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/AmazonPolarityClassification.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/MTOPIntentClassification.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/STS13.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/SummEval.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/ClimateFEVER.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/CQADupstackStatsRetrieval.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/TwitterSemEval2015.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/MedrxivClusteringP2P.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/TwentyNewsgroupsClustering.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/FEVER.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/MSMARCO.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/MTOPDomainClassification.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/QuoraRetrieval.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/STS12.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/AmazonCounterfactualClassification.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/StackExchangeClusteringP2P.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/sentence-transformers__msmarco-bert-co-condensor/no_revision_available/StackOverflowDupQuestions.json" + "shibing624__text2vec-large-chinese": [ + "results/shibing624__text2vec-large-chinese/no_revision_available/CMedQAv1.json", + "results/shibing624__text2vec-large-chinese/no_revision_available/MassiveIntentClassification.json", + "results/shibing624__text2vec-large-chinese/no_revision_available/TNews.json", + "results/shibing624__text2vec-large-chinese/no_revision_available/PAWSX.json", + "results/shibing624__text2vec-large-chinese/no_revision_available/OnlineShopping.json", + "results/shibing624__text2vec-large-chinese/no_revision_available/LCQMC.json", + "results/shibing624__text2vec-large-chinese/no_revision_available/EcomRetrieval.json", + "results/shibing624__text2vec-large-chinese/no_revision_available/MMarcoReranking.json", + "results/shibing624__text2vec-large-chinese/no_revision_available/CovidRetrieval.json", + "results/shibing624__text2vec-large-chinese/no_revision_available/CLSClusteringP2P.json", + "results/shibing624__text2vec-large-chinese/no_revision_available/BQ.json", + "results/shibing624__text2vec-large-chinese/no_revision_available/AFQMC.json", + "results/shibing624__text2vec-large-chinese/no_revision_available/CLSClusteringS2S.json", + "results/shibing624__text2vec-large-chinese/no_revision_available/Cmnli.json", + "results/shibing624__text2vec-large-chinese/no_revision_available/MassiveScenarioClassification.json", + "results/shibing624__text2vec-large-chinese/no_revision_available/T2Reranking.json", + "results/shibing624__text2vec-large-chinese/no_revision_available/ThuNewsClusteringP2P.json", + "results/shibing624__text2vec-large-chinese/no_revision_available/VideoRetrieval.json", + "results/shibing624__text2vec-large-chinese/no_revision_available/Ocnli.json", + "results/shibing624__text2vec-large-chinese/no_revision_available/ATEC.json", + "results/shibing624__text2vec-large-chinese/no_revision_available/Waimai.json", + "results/shibing624__text2vec-large-chinese/no_revision_available/ThuNewsClusteringS2S.json", + "results/shibing624__text2vec-large-chinese/no_revision_available/IFlyTek.json", + "results/shibing624__text2vec-large-chinese/no_revision_available/MultilingualSentiment.json", + "results/shibing624__text2vec-large-chinese/no_revision_available/CmedqaRetrieval.json", + "results/shibing624__text2vec-large-chinese/no_revision_available/STS22.json", + "results/shibing624__text2vec-large-chinese/no_revision_available/AmazonReviewsClassification.json", + "results/shibing624__text2vec-large-chinese/no_revision_available/JDReview.json", + "results/shibing624__text2vec-large-chinese/no_revision_available/MedicalRetrieval.json", + "results/shibing624__text2vec-large-chinese/no_revision_available/T2Retrieval.json", + "results/shibing624__text2vec-large-chinese/no_revision_available/QBQTC.json", + "results/shibing624__text2vec-large-chinese/no_revision_available/MMarcoRetrieval.json", + "results/shibing624__text2vec-large-chinese/no_revision_available/DuRetrieval.json", + "results/shibing624__text2vec-large-chinese/no_revision_available/CMedQAv2.json", + "results/shibing624__text2vec-large-chinese/no_revision_available/STSB.json" ], - "moka-ai__m3e-base": [ - "results/moka-ai__m3e-base/no_revision_available/CMedQAv1.json", - "results/moka-ai__m3e-base/no_revision_available/MassiveIntentClassification.json", - "results/moka-ai__m3e-base/no_revision_available/TNews.json", - "results/moka-ai__m3e-base/no_revision_available/PAWSX.json", - "results/moka-ai__m3e-base/no_revision_available/OnlineShopping.json", - "results/moka-ai__m3e-base/no_revision_available/LCQMC.json", - "results/moka-ai__m3e-base/no_revision_available/EcomRetrieval.json", - "results/moka-ai__m3e-base/no_revision_available/MMarcoReranking.json", - "results/moka-ai__m3e-base/no_revision_available/CovidRetrieval.json", - "results/moka-ai__m3e-base/no_revision_available/CLSClusteringP2P.json", - "results/moka-ai__m3e-base/no_revision_available/BQ.json", - "results/moka-ai__m3e-base/no_revision_available/AFQMC.json", - "results/moka-ai__m3e-base/no_revision_available/CLSClusteringS2S.json", - "results/moka-ai__m3e-base/no_revision_available/Cmnli.json", - "results/moka-ai__m3e-base/no_revision_available/MassiveScenarioClassification.json", - "results/moka-ai__m3e-base/no_revision_available/T2Reranking.json", - "results/moka-ai__m3e-base/no_revision_available/ThuNewsClusteringP2P.json", - "results/moka-ai__m3e-base/no_revision_available/VideoRetrieval.json", - "results/moka-ai__m3e-base/no_revision_available/Ocnli.json", - "results/moka-ai__m3e-base/no_revision_available/ATEC.json", - "results/moka-ai__m3e-base/no_revision_available/Waimai.json", - "results/moka-ai__m3e-base/no_revision_available/ThuNewsClusteringS2S.json", - "results/moka-ai__m3e-base/no_revision_available/IFlyTek.json", - "results/moka-ai__m3e-base/no_revision_available/MultilingualSentiment.json", - "results/moka-ai__m3e-base/no_revision_available/CmedqaRetrieval.json", - "results/moka-ai__m3e-base/no_revision_available/STS22.json", - "results/moka-ai__m3e-base/no_revision_available/AmazonReviewsClassification.json", - "results/moka-ai__m3e-base/no_revision_available/JDReview.json", - "results/moka-ai__m3e-base/no_revision_available/MedicalRetrieval.json", - "results/moka-ai__m3e-base/no_revision_available/T2Retrieval.json", - "results/moka-ai__m3e-base/no_revision_available/QBQTC.json", - "results/moka-ai__m3e-base/no_revision_available/MMarcoRetrieval.json", - "results/moka-ai__m3e-base/no_revision_available/DuRetrieval.json", - "results/moka-ai__m3e-base/no_revision_available/CMedQAv2.json", - "results/moka-ai__m3e-base/no_revision_available/STSB.json" + "silk-road__luotuo-bert-medium": [ + "results/silk-road__luotuo-bert-medium/no_revision_available/CMedQAv1.json", + "results/silk-road__luotuo-bert-medium/no_revision_available/MassiveIntentClassification.json", + "results/silk-road__luotuo-bert-medium/no_revision_available/TNews.json", + "results/silk-road__luotuo-bert-medium/no_revision_available/PAWSX.json", + "results/silk-road__luotuo-bert-medium/no_revision_available/OnlineShopping.json", + "results/silk-road__luotuo-bert-medium/no_revision_available/LCQMC.json", + "results/silk-road__luotuo-bert-medium/no_revision_available/EcomRetrieval.json", + "results/silk-road__luotuo-bert-medium/no_revision_available/MMarcoReranking.json", + "results/silk-road__luotuo-bert-medium/no_revision_available/CovidRetrieval.json", + "results/silk-road__luotuo-bert-medium/no_revision_available/CLSClusteringP2P.json", + "results/silk-road__luotuo-bert-medium/no_revision_available/BQ.json", + "results/silk-road__luotuo-bert-medium/no_revision_available/AFQMC.json", + "results/silk-road__luotuo-bert-medium/no_revision_available/CLSClusteringS2S.json", + "results/silk-road__luotuo-bert-medium/no_revision_available/Cmnli.json", + "results/silk-road__luotuo-bert-medium/no_revision_available/MassiveScenarioClassification.json", + "results/silk-road__luotuo-bert-medium/no_revision_available/T2Reranking.json", + "results/silk-road__luotuo-bert-medium/no_revision_available/ThuNewsClusteringP2P.json", + "results/silk-road__luotuo-bert-medium/no_revision_available/VideoRetrieval.json", + "results/silk-road__luotuo-bert-medium/no_revision_available/Ocnli.json", + "results/silk-road__luotuo-bert-medium/no_revision_available/ATEC.json", + "results/silk-road__luotuo-bert-medium/no_revision_available/Waimai.json", + "results/silk-road__luotuo-bert-medium/no_revision_available/ThuNewsClusteringS2S.json", + "results/silk-road__luotuo-bert-medium/no_revision_available/IFlyTek.json", + "results/silk-road__luotuo-bert-medium/no_revision_available/MultilingualSentiment.json", + "results/silk-road__luotuo-bert-medium/no_revision_available/CmedqaRetrieval.json", + "results/silk-road__luotuo-bert-medium/no_revision_available/STS22.json", + "results/silk-road__luotuo-bert-medium/no_revision_available/AmazonReviewsClassification.json", + "results/silk-road__luotuo-bert-medium/no_revision_available/JDReview.json", + "results/silk-road__luotuo-bert-medium/no_revision_available/MedicalRetrieval.json", + "results/silk-road__luotuo-bert-medium/no_revision_available/T2Retrieval.json", + "results/silk-road__luotuo-bert-medium/no_revision_available/QBQTC.json", + "results/silk-road__luotuo-bert-medium/no_revision_available/MMarcoRetrieval.json", + "results/silk-road__luotuo-bert-medium/no_revision_available/DuRetrieval.json", + "results/silk-road__luotuo-bert-medium/no_revision_available/CMedQAv2.json", + "results/silk-road__luotuo-bert-medium/no_revision_available/STSB.json" ], - "izhx__udever-bloom-1b1": [ - "results/izhx__udever-bloom-1b1/no_revision_available/MassiveIntentClassification.json", - "results/izhx__udever-bloom-1b1/no_revision_available/MLSUMClusteringP2P.json", - "results/izhx__udever-bloom-1b1/no_revision_available/AlloProfClusteringS2S.json", - "results/izhx__udever-bloom-1b1/no_revision_available/SyntecReranking.json", - "results/izhx__udever-bloom-1b1/no_revision_available/BSARDRetrieval.json", - "results/izhx__udever-bloom-1b1/no_revision_available/DiaBLaBitextMining.json", - "results/izhx__udever-bloom-1b1/no_revision_available/MintakaRetrieval.json", - "results/izhx__udever-bloom-1b1/no_revision_available/SyntecRetrieval.json", - "results/izhx__udever-bloom-1b1/no_revision_available/MLSUMClusteringS2S.json", - "results/izhx__udever-bloom-1b1/no_revision_available/MassiveScenarioClassification.json", - "results/izhx__udever-bloom-1b1/no_revision_available/MasakhaNEWSClusteringP2P.json", - "results/izhx__udever-bloom-1b1/no_revision_available/AlloprofRetrieval.json", - "results/izhx__udever-bloom-1b1/no_revision_available/AlloprofReranking.json", - "results/izhx__udever-bloom-1b1/no_revision_available/FloresBitextMining.json", - "results/izhx__udever-bloom-1b1/no_revision_available/SummEvalFr.json", - "results/izhx__udever-bloom-1b1/no_revision_available/AlloProfClusteringP2P.json", - "results/izhx__udever-bloom-1b1/no_revision_available/MasakhaNEWSClusteringS2S.json", - "results/izhx__udever-bloom-1b1/no_revision_available/STS22.json", - "results/izhx__udever-bloom-1b1/no_revision_available/AmazonReviewsClassification.json", - "results/izhx__udever-bloom-1b1/no_revision_available/MTOPIntentClassification.json", - "results/izhx__udever-bloom-1b1/no_revision_available/HALClusteringS2S.json", - "results/izhx__udever-bloom-1b1/no_revision_available/MasakhaNEWSClassification.json", - "results/izhx__udever-bloom-1b1/no_revision_available/OpusparcusPC.json", - "results/izhx__udever-bloom-1b1/no_revision_available/MTOPDomainClassification.json", - "results/izhx__udever-bloom-1b1/no_revision_available/SICKFr.json", - "results/izhx__udever-bloom-1b1/no_revision_available/PawsXPairClassification.json", - "results/izhx__udever-bloom-1b1/no_revision_available/XPQARetrieval.json", - "results/izhx__udever-bloom-1b1/no_revision_available/STSBenchmarkMultilingualSTS.json" + "uklfr__gottbert-base": [ + "results/uklfr__gottbert-base/no_revision_available/BlurbsClusteringP2P.json", + "results/uklfr__gottbert-base/no_revision_available/TenKGnadClusteringS2S.json", + "results/uklfr__gottbert-base/no_revision_available/TenKGnadClusteringP2P.json", + "results/uklfr__gottbert-base/no_revision_available/BlurbsClusteringS2S.json" ], - "intfloat__e5-small-v2": [ - "results/intfloat__e5-small-v2/dca8b1a9dae0d4575df2bf423a5edb485a431236/StackExchangeClustering.v2.json", - "results/intfloat__e5-small-v2/dca8b1a9dae0d4575df2bf423a5edb485a431236/RedditClusteringP2P.v2.json", - "results/intfloat__e5-small-v2/dca8b1a9dae0d4575df2bf423a5edb485a431236/BiorxivClusteringP2P.json", - "results/intfloat__e5-small-v2/dca8b1a9dae0d4575df2bf423a5edb485a431236/MedrxivClusteringP2P.v2.json", - "results/intfloat__e5-small-v2/dca8b1a9dae0d4575df2bf423a5edb485a431236/MedrxivClusteringS2S.json", - "results/intfloat__e5-small-v2/dca8b1a9dae0d4575df2bf423a5edb485a431236/MedrxivClusteringS2S.v2.json", - "results/intfloat__e5-small-v2/dca8b1a9dae0d4575df2bf423a5edb485a431236/BiorxivClusteringS2S.v2.json", - "results/intfloat__e5-small-v2/dca8b1a9dae0d4575df2bf423a5edb485a431236/StackExchangeClusteringP2P.v2.json", - "results/intfloat__e5-small-v2/dca8b1a9dae0d4575df2bf423a5edb485a431236/TwentyNewsgroupsClustering.v2.json", - "results/intfloat__e5-small-v2/dca8b1a9dae0d4575df2bf423a5edb485a431236/StackExchangeClustering.json", - "results/intfloat__e5-small-v2/dca8b1a9dae0d4575df2bf423a5edb485a431236/RedditClusteringP2P.json", - "results/intfloat__e5-small-v2/dca8b1a9dae0d4575df2bf423a5edb485a431236/RedditClustering.v2.json", - "results/intfloat__e5-small-v2/dca8b1a9dae0d4575df2bf423a5edb485a431236/RedditClustering.json", - "results/intfloat__e5-small-v2/dca8b1a9dae0d4575df2bf423a5edb485a431236/BiorxivClusteringS2S.json", - "results/intfloat__e5-small-v2/dca8b1a9dae0d4575df2bf423a5edb485a431236/BiorxivClusteringP2P.v2.json", - "results/intfloat__e5-small-v2/dca8b1a9dae0d4575df2bf423a5edb485a431236/MedrxivClusteringP2P.json", - "results/intfloat__e5-small-v2/dca8b1a9dae0d4575df2bf423a5edb485a431236/TwentyNewsgroupsClustering.json", - "results/intfloat__e5-small-v2/dca8b1a9dae0d4575df2bf423a5edb485a431236/StackExchangeClusteringP2P.json" + "vesteinn__DanskBERT": [ + "results/vesteinn__DanskBERT/no_revision_available/MassiveIntentClassification.json", + "results/vesteinn__DanskBERT/no_revision_available/MassiveScenarioClassification.json", + "results/vesteinn__DanskBERT/no_revision_available/AngryTweetsClassification.json", + "results/vesteinn__DanskBERT/no_revision_available/NordicLangClassification.json", + "results/vesteinn__DanskBERT/no_revision_available/BornholmBitextMining.json", + "results/vesteinn__DanskBERT/no_revision_available/ScalaNbClassification.json", + "results/vesteinn__DanskBERT/no_revision_available/ScalaSvClassification.json", + "results/vesteinn__DanskBERT/no_revision_available/NorwegianParliament.json", + "results/vesteinn__DanskBERT/no_revision_available/NoRecClassification.json", + "results/vesteinn__DanskBERT/no_revision_available/DKHateClassification.json", + "results/vesteinn__DanskBERT/no_revision_available/ScalaDaClassification.json", + "results/vesteinn__DanskBERT/no_revision_available/DanishPoliticalCommentsClassification.json", + "results/vesteinn__DanskBERT/no_revision_available/LccSentimentClassification.json", + "results/vesteinn__DanskBERT/no_revision_available/DalajClassification.json" ], - "McGill-NLP__LLM2Vec-Meta-Llama-3-supervised": [ - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/MassiveIntentClassification.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/BiorxivClusteringP2P.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/EmotionClassification.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/CQADupstackGisRetrieval.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/TweetSentimentExtractionClassification.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/SciFact.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/Banking77Classification.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/STS14.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/STSBenchmark.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/SciDocsRR.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/MindSmallReranking.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/CQADupstackRetrieval.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/MedrxivClusteringS2S.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/SCIDOCS.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/Touche2020.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/STS16.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/CQADupstackTexRetrieval.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/ImdbClassification.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/SprintDuplicateQuestions.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/ToxicConversationsClassification.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/MassiveScenarioClassification.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/STS17.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/CQADupstackUnixRetrieval.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/AskUbuntuDupQuestions.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/HotpotQA.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/ArxivClusteringS2S.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/StackExchangeClustering.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/RedditClusteringP2P.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/NQ.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/RedditClustering.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/SICK-R.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/FiQA2018.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/BIOSSES.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/TRECCOVID.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/DBPedia.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/BiorxivClusteringS2S.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/ArguAna.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/ArxivClusteringP2P.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/TwitterURLCorpus.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/STS22.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/AmazonReviewsClassification.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/CQADupstackGamingRetrieval.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/NFCorpus.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/STS15.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/AmazonPolarityClassification.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/MTOPIntentClassification.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/STS13.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/SummEval.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/ClimateFEVER.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/CQADupstackStatsRetrieval.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/TwitterSemEval2015.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/MedrxivClusteringP2P.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/TwentyNewsgroupsClustering.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/FEVER.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/MSMARCO.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/MTOPDomainClassification.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/QuoraRetrieval.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/STS12.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/AmazonCounterfactualClassification.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/StackExchangeClusteringP2P.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/McGill-NLP__LLM2Vec-Meta-Llama-3-supervised/no_revision_available/StackOverflowDupQuestions.json" + "voyage-multilingual-2": [ + "results/voyage-multilingual-2/1/BornholmBitextMining.json", + "results/voyage-multilingual-2/1/STSB.json" + ], + "voyageai__voyage-2": [ + "results/voyageai__voyage-2/no_revision_available/MassiveIntentClassification.json", + "results/voyageai__voyage-2/no_revision_available/MLSUMClusteringP2P.json", + "results/voyageai__voyage-2/no_revision_available/AlloProfClusteringS2S.json", + "results/voyageai__voyage-2/no_revision_available/SyntecReranking.json", + "results/voyageai__voyage-2/no_revision_available/BSARDRetrieval.json", + "results/voyageai__voyage-2/no_revision_available/DiaBLaBitextMining.json", + "results/voyageai__voyage-2/no_revision_available/MintakaRetrieval.json", + "results/voyageai__voyage-2/no_revision_available/SyntecRetrieval.json", + "results/voyageai__voyage-2/no_revision_available/MLSUMClusteringS2S.json", + "results/voyageai__voyage-2/no_revision_available/MassiveScenarioClassification.json", + "results/voyageai__voyage-2/no_revision_available/MasakhaNEWSClusteringP2P.json", + "results/voyageai__voyage-2/no_revision_available/AlloprofRetrieval.json", + "results/voyageai__voyage-2/no_revision_available/AlloprofReranking.json", + "results/voyageai__voyage-2/no_revision_available/FloresBitextMining.json", + "results/voyageai__voyage-2/no_revision_available/SummEvalFr.json", + "results/voyageai__voyage-2/no_revision_available/AlloProfClusteringP2P.json", + "results/voyageai__voyage-2/no_revision_available/MasakhaNEWSClusteringS2S.json", + "results/voyageai__voyage-2/no_revision_available/STS22.json", + "results/voyageai__voyage-2/no_revision_available/AmazonReviewsClassification.json", + "results/voyageai__voyage-2/no_revision_available/MTOPIntentClassification.json", + "results/voyageai__voyage-2/no_revision_available/HALClusteringS2S.json", + "results/voyageai__voyage-2/no_revision_available/MasakhaNEWSClassification.json", + "results/voyageai__voyage-2/no_revision_available/OpusparcusPC.json", + "results/voyageai__voyage-2/no_revision_available/MTOPDomainClassification.json", + "results/voyageai__voyage-2/no_revision_available/SICKFr.json", + "results/voyageai__voyage-2/no_revision_available/PawsXPairClassification.json", + "results/voyageai__voyage-2/no_revision_available/XPQARetrieval.json", + "results/voyageai__voyage-2/no_revision_available/STSBenchmarkMultilingualSTS.json" ], - "deepvk__USER-base": [ - "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/RuBQRetrieval.json", - "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/MassiveIntentClassification.json", - "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/InappropriatenessClassification.json", - "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/RuReviewsClassification.json", - "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/SIB200ClusteringS2S.json", - "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/MLSUMClusteringP2P.json", - "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/BelebeleRetrieval.json", - "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/RuSciBenchGRNTIClusteringP2P.json", - "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/LanguageClassification.json", - "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/MLSUMClusteringS2S.v2.json", - "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/TERRa.json", - "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/Tatoeba.json", - "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/RuSTSBenchmarkSTS.json", - "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/CyrillicTurkicLangClassification.json", - "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/RiaNewsRetrieval.json", - "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/MIRACLRetrieval.json", - "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/GeoreviewClassification.json", - "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/SensitiveTopicsClassification.json", - "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/KinopoiskClassification.json", - "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/RUParaPhraserSTS.json", - "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/MLSUMClusteringS2S.json", - "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/MassiveScenarioClassification.json", - "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/RuSciBenchOECDClusteringP2P.json", - "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/MultilingualSentimentClassification.json", - "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/PublicHealthQA.json", - "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/FloresBitextMining.json", - "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/RuSciBenchGRNTIClassification.json", - "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/HeadlineClassification.json", - "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/XQuADRetrieval.json", - "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/BUCC.v2.json", - "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/MIRACLReranking.json", - "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/XNLI.json", - "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/XNLIV2.json", - "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/STS22.json", - "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/VieMedEVBitextMining.json", - "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/MultiLongDocRetrieval.json", - "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/CEDRClassification.json", - "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/SIB200Classification.json", - "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/GeoreviewClusteringP2P.json", - "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/MLSUMClusteringP2P.v2.json", - "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/STS22.v2.json", - "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/RuBQReranking.json", - "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/NTREXBitextMining.json", - "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/OpusparcusPC.json", - "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/RuSciBenchOECDClassification.json", - "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/BibleNLPBitextMining.json", - "results/deepvk__USER-base/436a489a2087d61aa670b3496a9915f84e46c861/STSBenchmarkMultilingualSTS.json" + "voyageai__voyage-3": [ + "results/voyageai__voyage-3/no_revision_available/SyntheticText2SQL.json", + "results/voyageai__voyage-3/no_revision_available/RuBQRetrieval.json", + "results/voyageai__voyage-3/no_revision_available/LEMBWikimQARetrieval.json", + "results/voyageai__voyage-3/no_revision_available/LegalSummarization.json", + "results/voyageai__voyage-3/no_revision_available/CodeFeedbackST.json", + "results/voyageai__voyage-3/no_revision_available/LEMBSummScreenFDRetrieval.json", + "results/voyageai__voyage-3/no_revision_available/BSARDRetrieval.json", + "results/voyageai__voyage-3/no_revision_available/LEMBNarrativeQARetrieval.json", + "results/voyageai__voyage-3/no_revision_available/CodeSearchNetCCRetrieval.json", + "results/voyageai__voyage-3/no_revision_available/CodeTransOceanContest.json", + "results/voyageai__voyage-3/no_revision_available/RiaNewsRetrieval.json", + "results/voyageai__voyage-3/no_revision_available/MIRACLRetrieval.json", + "results/voyageai__voyage-3/no_revision_available/MintakaRetrieval.json", + "results/voyageai__voyage-3/no_revision_available/CodeFeedbackMT.json", + "results/voyageai__voyage-3/no_revision_available/SyntecRetrieval.json", + "results/voyageai__voyage-3/no_revision_available/AppsRetrieval.json", + "results/voyageai__voyage-3/no_revision_available/LEMBQMSumRetrieval.json", + "results/voyageai__voyage-3/no_revision_available/AlloprofRetrieval.json", + "results/voyageai__voyage-3/no_revision_available/AILAStatutes.json", + "results/voyageai__voyage-3/no_revision_available/CodeSearchNetRetrieval.json", + "results/voyageai__voyage-3/no_revision_available/CodeTransOceanDL.json", + "results/voyageai__voyage-3/no_revision_available/LEMBPasskeyRetrieval.json", + "results/voyageai__voyage-3/no_revision_available/LEMBNeedleRetrieval.json", + "results/voyageai__voyage-3/no_revision_available/AILACasedocs.json", + "results/voyageai__voyage-3/no_revision_available/StackOverflowQA.json", + "results/voyageai__voyage-3/no_revision_available/GerDaLIRSmall.json", + "results/voyageai__voyage-3/no_revision_available/LegalBenchConsumerContractsQA.json", + "results/voyageai__voyage-3/no_revision_available/CosQA.json", + "results/voyageai__voyage-3/no_revision_available/LegalBenchCorporateLobbying.json", + "results/voyageai__voyage-3/no_revision_available/LeCaRDv2.json", + "results/voyageai__voyage-3/no_revision_available/LegalQuAD.json", + "results/voyageai__voyage-3/no_revision_available/XPQARetrieval.json" ], - "openai__text-similarity-ada-001": [ - "results/openai__text-similarity-ada-001/no_revision_available/MassiveIntentClassification.json", - "results/openai__text-similarity-ada-001/no_revision_available/BiorxivClusteringP2P.json", - "results/openai__text-similarity-ada-001/no_revision_available/EmotionClassification.json", - "results/openai__text-similarity-ada-001/no_revision_available/CQADupstackGisRetrieval.json", - "results/openai__text-similarity-ada-001/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/openai__text-similarity-ada-001/no_revision_available/TweetSentimentExtractionClassification.json", - "results/openai__text-similarity-ada-001/no_revision_available/SciFact.json", - "results/openai__text-similarity-ada-001/no_revision_available/Banking77Classification.json", - "results/openai__text-similarity-ada-001/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/openai__text-similarity-ada-001/no_revision_available/STS14.json", - "results/openai__text-similarity-ada-001/no_revision_available/STSBenchmark.json", - "results/openai__text-similarity-ada-001/no_revision_available/SciDocsRR.json", - "results/openai__text-similarity-ada-001/no_revision_available/MindSmallReranking.json", - "results/openai__text-similarity-ada-001/no_revision_available/CQADupstackRetrieval.json", - "results/openai__text-similarity-ada-001/no_revision_available/MedrxivClusteringS2S.json", - "results/openai__text-similarity-ada-001/no_revision_available/SCIDOCS.json", - "results/openai__text-similarity-ada-001/no_revision_available/Touche2020.json", - "results/openai__text-similarity-ada-001/no_revision_available/STS16.json", - "results/openai__text-similarity-ada-001/no_revision_available/CQADupstackTexRetrieval.json", - "results/openai__text-similarity-ada-001/no_revision_available/ImdbClassification.json", - "results/openai__text-similarity-ada-001/no_revision_available/SprintDuplicateQuestions.json", - "results/openai__text-similarity-ada-001/no_revision_available/ToxicConversationsClassification.json", - "results/openai__text-similarity-ada-001/no_revision_available/MassiveScenarioClassification.json", - "results/openai__text-similarity-ada-001/no_revision_available/STS17.json", - "results/openai__text-similarity-ada-001/no_revision_available/CQADupstackUnixRetrieval.json", - "results/openai__text-similarity-ada-001/no_revision_available/AskUbuntuDupQuestions.json", - "results/openai__text-similarity-ada-001/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/openai__text-similarity-ada-001/no_revision_available/HotpotQA.json", - "results/openai__text-similarity-ada-001/no_revision_available/ArxivClusteringS2S.json", - "results/openai__text-similarity-ada-001/no_revision_available/StackExchangeClustering.json", - "results/openai__text-similarity-ada-001/no_revision_available/RedditClusteringP2P.json", - "results/openai__text-similarity-ada-001/no_revision_available/NQ.json", - "results/openai__text-similarity-ada-001/no_revision_available/RedditClustering.json", - "results/openai__text-similarity-ada-001/no_revision_available/SICK-R.json", - "results/openai__text-similarity-ada-001/no_revision_available/FiQA2018.json", - "results/openai__text-similarity-ada-001/no_revision_available/BIOSSES.json", - "results/openai__text-similarity-ada-001/no_revision_available/TRECCOVID.json", - "results/openai__text-similarity-ada-001/no_revision_available/DBPedia.json", - "results/openai__text-similarity-ada-001/no_revision_available/BiorxivClusteringS2S.json", - "results/openai__text-similarity-ada-001/no_revision_available/ArguAna.json", - "results/openai__text-similarity-ada-001/no_revision_available/ArxivClusteringP2P.json", - "results/openai__text-similarity-ada-001/no_revision_available/TwitterURLCorpus.json", - "results/openai__text-similarity-ada-001/no_revision_available/STS22.json", - "results/openai__text-similarity-ada-001/no_revision_available/AmazonReviewsClassification.json", - "results/openai__text-similarity-ada-001/no_revision_available/CQADupstackGamingRetrieval.json", - "results/openai__text-similarity-ada-001/no_revision_available/NFCorpus.json", - "results/openai__text-similarity-ada-001/no_revision_available/STS15.json", - "results/openai__text-similarity-ada-001/no_revision_available/AmazonPolarityClassification.json", - "results/openai__text-similarity-ada-001/no_revision_available/MTOPIntentClassification.json", - "results/openai__text-similarity-ada-001/no_revision_available/STS13.json", - "results/openai__text-similarity-ada-001/no_revision_available/SummEval.json", - "results/openai__text-similarity-ada-001/no_revision_available/ClimateFEVER.json", - "results/openai__text-similarity-ada-001/no_revision_available/CQADupstackStatsRetrieval.json", - "results/openai__text-similarity-ada-001/no_revision_available/TwitterSemEval2015.json", - "results/openai__text-similarity-ada-001/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/openai__text-similarity-ada-001/no_revision_available/MedrxivClusteringP2P.json", - "results/openai__text-similarity-ada-001/no_revision_available/TwentyNewsgroupsClustering.json", - "results/openai__text-similarity-ada-001/no_revision_available/FEVER.json", - "results/openai__text-similarity-ada-001/no_revision_available/MSMARCO.json", - "results/openai__text-similarity-ada-001/no_revision_available/MTOPDomainClassification.json", - "results/openai__text-similarity-ada-001/no_revision_available/QuoraRetrieval.json", - "results/openai__text-similarity-ada-001/no_revision_available/STS12.json", - "results/openai__text-similarity-ada-001/no_revision_available/AmazonCounterfactualClassification.json", - "results/openai__text-similarity-ada-001/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/openai__text-similarity-ada-001/no_revision_available/StackExchangeClusteringP2P.json", - "results/openai__text-similarity-ada-001/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/openai__text-similarity-ada-001/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/openai__text-similarity-ada-001/no_revision_available/StackOverflowDupQuestions.json" + "voyageai__voyage-3-lite": [ + "results/voyageai__voyage-3-lite/no_revision_available/LEMBWikimQARetrieval.json", + "results/voyageai__voyage-3-lite/no_revision_available/LegalSummarization.json", + "results/voyageai__voyage-3-lite/no_revision_available/LEMBSummScreenFDRetrieval.json", + "results/voyageai__voyage-3-lite/no_revision_available/LEMBNarrativeQARetrieval.json", + "results/voyageai__voyage-3-lite/no_revision_available/LEMBQMSumRetrieval.json", + "results/voyageai__voyage-3-lite/no_revision_available/AILAStatutes.json", + "results/voyageai__voyage-3-lite/no_revision_available/LEMBPasskeyRetrieval.json", + "results/voyageai__voyage-3-lite/no_revision_available/LEMBNeedleRetrieval.json", + "results/voyageai__voyage-3-lite/no_revision_available/AILACasedocs.json", + "results/voyageai__voyage-3-lite/no_revision_available/GerDaLIRSmall.json", + "results/voyageai__voyage-3-lite/no_revision_available/LegalBenchConsumerContractsQA.json", + "results/voyageai__voyage-3-lite/no_revision_available/LegalBenchCorporateLobbying.json", + "results/voyageai__voyage-3-lite/no_revision_available/LeCaRDv2.json", + "results/voyageai__voyage-3-lite/no_revision_available/LegalQuAD.json" + ], + "voyageai__voyage-code-2": [ + "results/voyageai__voyage-code-2/no_revision_available/MassiveIntentClassification.json", + "results/voyageai__voyage-code-2/no_revision_available/MLSUMClusteringP2P.json", + "results/voyageai__voyage-code-2/no_revision_available/AlloProfClusteringS2S.json", + "results/voyageai__voyage-code-2/no_revision_available/SyntecReranking.json", + "results/voyageai__voyage-code-2/no_revision_available/BSARDRetrieval.json", + "results/voyageai__voyage-code-2/no_revision_available/DiaBLaBitextMining.json", + "results/voyageai__voyage-code-2/no_revision_available/MintakaRetrieval.json", + "results/voyageai__voyage-code-2/no_revision_available/SyntecRetrieval.json", + "results/voyageai__voyage-code-2/no_revision_available/MLSUMClusteringS2S.json", + "results/voyageai__voyage-code-2/no_revision_available/MassiveScenarioClassification.json", + "results/voyageai__voyage-code-2/no_revision_available/MasakhaNEWSClusteringP2P.json", + "results/voyageai__voyage-code-2/no_revision_available/AlloprofRetrieval.json", + "results/voyageai__voyage-code-2/no_revision_available/AlloprofReranking.json", + "results/voyageai__voyage-code-2/no_revision_available/FloresBitextMining.json", + "results/voyageai__voyage-code-2/no_revision_available/SummEvalFr.json", + "results/voyageai__voyage-code-2/no_revision_available/AlloProfClusteringP2P.json", + "results/voyageai__voyage-code-2/no_revision_available/MasakhaNEWSClusteringS2S.json", + "results/voyageai__voyage-code-2/no_revision_available/STS22.json", + "results/voyageai__voyage-code-2/no_revision_available/AmazonReviewsClassification.json", + "results/voyageai__voyage-code-2/no_revision_available/MTOPIntentClassification.json", + "results/voyageai__voyage-code-2/no_revision_available/HALClusteringS2S.json", + "results/voyageai__voyage-code-2/no_revision_available/MasakhaNEWSClassification.json", + "results/voyageai__voyage-code-2/no_revision_available/OpusparcusPC.json", + "results/voyageai__voyage-code-2/no_revision_available/MTOPDomainClassification.json", + "results/voyageai__voyage-code-2/no_revision_available/SICKFr.json", + "results/voyageai__voyage-code-2/no_revision_available/PawsXPairClassification.json", + "results/voyageai__voyage-code-2/no_revision_available/XPQARetrieval.json", + "results/voyageai__voyage-code-2/no_revision_available/STSBenchmarkMultilingualSTS.json" ], - "google__flan-t5-base": [ - "results/google__flan-t5-base/no_revision_available/Robust04InstructionRetrieval.json", - "results/google__flan-t5-base/no_revision_available/News21InstructionRetrieval.json", - "results/google__flan-t5-base/no_revision_available/Core17InstructionRetrieval.json" + "voyageai__voyage-large-2-instruct": [ + "results/voyageai__voyage-large-2-instruct/no_revision_available/MassiveIntentClassification.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/BiorxivClusteringP2P.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/EmotionClassification.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/CQADupstackGisRetrieval.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/TweetSentimentExtractionClassification.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/SciFact.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/Banking77Classification.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/STS14.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/STSBenchmark.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/SciDocsRR.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/MindSmallReranking.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/CQADupstackRetrieval.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/MedrxivClusteringS2S.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/SCIDOCS.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/BrightRetrieval.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/Touche2020.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/STS16.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/CQADupstackTexRetrieval.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/ImdbClassification.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/SprintDuplicateQuestions.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/ToxicConversationsClassification.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/MassiveScenarioClassification.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/STS17.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/CQADupstackUnixRetrieval.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/AskUbuntuDupQuestions.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/HotpotQA.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/ArxivClusteringS2S.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/StackExchangeClustering.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/RedditClusteringP2P.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/NQ.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/RedditClustering.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/SICK-R.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/FiQA2018.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/BIOSSES.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/TRECCOVID.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/DBPedia.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/BiorxivClusteringS2S.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/ArguAna.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/ArxivClusteringP2P.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/TwitterURLCorpus.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/STS22.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/AmazonReviewsClassification.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/CQADupstackGamingRetrieval.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/NFCorpus.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/STS15.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/AmazonPolarityClassification.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/MTOPIntentClassification.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/STS13.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/SummEval.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/ClimateFEVER.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/CQADupstackStatsRetrieval.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/TwitterSemEval2015.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/MedrxivClusteringP2P.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/TwentyNewsgroupsClustering.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/FEVER.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/MSMARCO.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/MTOPDomainClassification.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/QuoraRetrieval.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/STS12.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/AmazonCounterfactualClassification.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/StackExchangeClusteringP2P.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/voyageai__voyage-large-2-instruct/no_revision_available/StackOverflowDupQuestions.json", + "results/voyageai__voyage-large-2-instruct/1/CorporateLobbyingLegalBenchClassification.json", + "results/voyageai__voyage-large-2-instruct/1/BIOSSES.json", + "results/voyageai__voyage-large-2-instruct/1/STS12.json" ], - "sentence-transformers__average_word_embeddings_komninos": [ - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/MassiveIntentClassification.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/BiorxivClusteringP2P.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/EmotionClassification.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/CQADupstackGisRetrieval.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/TweetSentimentExtractionClassification.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/SciFact.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/Banking77Classification.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/Tatoeba.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/STS14.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/STSBenchmark.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/SciDocsRR.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/MindSmallReranking.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/CQADupstackRetrieval.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/MedrxivClusteringS2S.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/SCIDOCS.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/BlurbsClusteringP2P.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/Touche2020.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/STS16.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/CQADupstackTexRetrieval.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/ImdbClassification.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/SprintDuplicateQuestions.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/ToxicConversationsClassification.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/MassiveScenarioClassification.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/STS17.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/CQADupstackUnixRetrieval.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/AskUbuntuDupQuestions.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/HotpotQA.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/ArxivClusteringS2S.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/StackExchangeClustering.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/RedditClusteringP2P.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/NQ.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/RedditClustering.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/SICK-R.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/FiQA2018.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/BIOSSES.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/TRECCOVID.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/TenKGnadClusteringS2S.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/DBPedia.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/BiorxivClusteringS2S.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/ArguAna.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/BUCC.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/ArxivClusteringP2P.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/TwitterURLCorpus.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/STS22.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/AmazonReviewsClassification.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/CQADupstackGamingRetrieval.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/NFCorpus.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/STS15.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/AmazonPolarityClassification.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/MTOPIntentClassification.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/STS13.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/SummEval.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/ClimateFEVER.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/CQADupstackStatsRetrieval.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/TwitterSemEval2015.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/MedrxivClusteringP2P.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/TwentyNewsgroupsClustering.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/TenKGnadClusteringP2P.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/FEVER.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/MSMARCO.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/MTOPDomainClassification.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/QuoraRetrieval.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/BlurbsClusteringS2S.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/STS12.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/AmazonCounterfactualClassification.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/StackExchangeClusteringP2P.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/sentence-transformers__average_word_embeddings_komninos/no_revision_available/StackOverflowDupQuestions.json" + "voyageai__voyage-law-2": [ + "results/voyageai__voyage-law-2/no_revision_available/MassiveIntentClassification.json", + "results/voyageai__voyage-law-2/no_revision_available/LEMBWikimQARetrieval.json", + "results/voyageai__voyage-law-2/no_revision_available/MLSUMClusteringP2P.json", + "results/voyageai__voyage-law-2/no_revision_available/LegalSummarization.json", + "results/voyageai__voyage-law-2/no_revision_available/AlloProfClusteringS2S.json", + "results/voyageai__voyage-law-2/no_revision_available/LEMBSummScreenFDRetrieval.json", + "results/voyageai__voyage-law-2/no_revision_available/SyntecReranking.json", + "results/voyageai__voyage-law-2/no_revision_available/BSARDRetrieval.json", + "results/voyageai__voyage-law-2/no_revision_available/LEMBNarrativeQARetrieval.json", + "results/voyageai__voyage-law-2/no_revision_available/MintakaRetrieval.json", + "results/voyageai__voyage-law-2/no_revision_available/SyntecRetrieval.json", + "results/voyageai__voyage-law-2/no_revision_available/LEMBQMSumRetrieval.json", + "results/voyageai__voyage-law-2/no_revision_available/MLSUMClusteringS2S.json", + "results/voyageai__voyage-law-2/no_revision_available/MassiveScenarioClassification.json", + "results/voyageai__voyage-law-2/no_revision_available/MasakhaNEWSClusteringP2P.json", + "results/voyageai__voyage-law-2/no_revision_available/AlloprofRetrieval.json", + "results/voyageai__voyage-law-2/no_revision_available/AlloprofReranking.json", + "results/voyageai__voyage-law-2/no_revision_available/AILAStatutes.json", + "results/voyageai__voyage-law-2/no_revision_available/SummEvalFr.json", + "results/voyageai__voyage-law-2/no_revision_available/LEMBPasskeyRetrieval.json", + "results/voyageai__voyage-law-2/no_revision_available/AlloProfClusteringP2P.json", + "results/voyageai__voyage-law-2/no_revision_available/MasakhaNEWSClusteringS2S.json", + "results/voyageai__voyage-law-2/no_revision_available/LEMBNeedleRetrieval.json", + "results/voyageai__voyage-law-2/no_revision_available/STS22.json", + "results/voyageai__voyage-law-2/no_revision_available/AmazonReviewsClassification.json", + "results/voyageai__voyage-law-2/no_revision_available/AILACasedocs.json", + "results/voyageai__voyage-law-2/no_revision_available/MTOPIntentClassification.json", + "results/voyageai__voyage-law-2/no_revision_available/HALClusteringS2S.json", + "results/voyageai__voyage-law-2/no_revision_available/GerDaLIRSmall.json", + "results/voyageai__voyage-law-2/no_revision_available/LegalBenchConsumerContractsQA.json", + "results/voyageai__voyage-law-2/no_revision_available/MasakhaNEWSClassification.json", + "results/voyageai__voyage-law-2/no_revision_available/LegalBenchCorporateLobbying.json", + "results/voyageai__voyage-law-2/no_revision_available/LeCaRDv2.json", + "results/voyageai__voyage-law-2/no_revision_available/OpusparcusPC.json", + "results/voyageai__voyage-law-2/no_revision_available/LegalQuAD.json", + "results/voyageai__voyage-law-2/no_revision_available/MTOPDomainClassification.json", + "results/voyageai__voyage-law-2/no_revision_available/SICKFr.json", + "results/voyageai__voyage-law-2/no_revision_available/PawsXPairClassification.json", + "results/voyageai__voyage-law-2/no_revision_available/XPQARetrieval.json", + "results/voyageai__voyage-law-2/no_revision_available/STSBenchmarkMultilingualSTS.json" ], - "sentence-transformers__sentence-t5-large": [ - "results/sentence-transformers__sentence-t5-large/no_revision_available/MassiveIntentClassification.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/MLSUMClusteringP2P.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/AlloProfClusteringS2S.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/BiorxivClusteringP2P.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/EmotionClassification.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/CQADupstackGisRetrieval.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/CQADupstackEnglishRetrieval.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/SyntecReranking.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/BSARDRetrieval.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/TweetSentimentExtractionClassification.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/SciFact.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/Banking77Classification.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/Tatoeba.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/CQADupstackProgrammersRetrieval.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/STS14.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/STSBenchmark.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/DiaBLaBitextMining.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/SciDocsRR.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/MindSmallReranking.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/CQADupstackRetrieval.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/MedrxivClusteringS2S.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/SCIDOCS.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/BlurbsClusteringP2P.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/MintakaRetrieval.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/Touche2020.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/STS16.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/CQADupstackTexRetrieval.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/SyntecRetrieval.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/ImdbClassification.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/SprintDuplicateQuestions.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/MLSUMClusteringS2S.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/ToxicConversationsClassification.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/MassiveScenarioClassification.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/STS17.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/MasakhaNEWSClusteringP2P.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/CQADupstackUnixRetrieval.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/AskUbuntuDupQuestions.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/CQADupstackAndroidRetrieval.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/HotpotQA.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/ArxivClusteringS2S.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/StackExchangeClustering.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/RedditClusteringP2P.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/AlloprofRetrieval.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/AlloprofReranking.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/FloresBitextMining.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/NQ.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/RedditClustering.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/SICK-R.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/FiQA2018.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/SummEvalFr.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/BIOSSES.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/TRECCOVID.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/TenKGnadClusteringS2S.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/DBPedia.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/BiorxivClusteringS2S.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/AlloProfClusteringP2P.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/ArguAna.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/MasakhaNEWSClusteringS2S.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/BUCC.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/ArxivClusteringP2P.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/TwitterURLCorpus.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/STS22.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/AmazonReviewsClassification.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/CQADupstackGamingRetrieval.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/NFCorpus.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/STS15.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/AmazonPolarityClassification.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/MTOPIntentClassification.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/HALClusteringS2S.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/STS13.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/SummEval.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/ClimateFEVER.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/MasakhaNEWSClassification.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/CQADupstackStatsRetrieval.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/TwitterSemEval2015.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/CQADupstackWebmastersRetrieval.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/MedrxivClusteringP2P.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/TwentyNewsgroupsClustering.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/TenKGnadClusteringP2P.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/FEVER.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/OpusparcusPC.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/MSMARCO.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/MTOPDomainClassification.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/QuoraRetrieval.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/BlurbsClusteringS2S.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/SICKFr.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/STS12.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/AmazonCounterfactualClassification.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/CQADupstackMathematicaRetrieval.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/PawsXPairClassification.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/StackExchangeClusteringP2P.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/CQADupstackPhysicsRetrieval.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/CQADupstackWordpressRetrieval.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/XPQARetrieval.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/STSBenchmarkMultilingualSTS.json", - "results/sentence-transformers__sentence-t5-large/no_revision_available/StackOverflowDupQuestions.json" + "voyageai__voyage-lite-01-instruct": [ + "results/voyageai__voyage-lite-01-instruct/no_revision_available/MassiveIntentClassification.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/BiorxivClusteringP2P.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/EmotionClassification.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/CQADupstackGisRetrieval.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/TweetSentimentExtractionClassification.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/SciFact.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/Banking77Classification.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/STS14.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/STSBenchmark.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/SciDocsRR.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/MindSmallReranking.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/CQADupstackRetrieval.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/MedrxivClusteringS2S.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/SCIDOCS.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/Touche2020.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/STS16.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/CQADupstackTexRetrieval.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/ImdbClassification.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/SprintDuplicateQuestions.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/ToxicConversationsClassification.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/MassiveScenarioClassification.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/STS17.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/CQADupstackUnixRetrieval.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/AskUbuntuDupQuestions.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/HotpotQA.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/ArxivClusteringS2S.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/StackExchangeClustering.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/RedditClusteringP2P.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/NQ.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/RedditClustering.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/SICK-R.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/FiQA2018.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/BIOSSES.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/TRECCOVID.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/DBPedia.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/BiorxivClusteringS2S.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/ArguAna.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/ArxivClusteringP2P.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/TwitterURLCorpus.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/STS22.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/AmazonReviewsClassification.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/CQADupstackGamingRetrieval.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/NFCorpus.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/STS15.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/AmazonPolarityClassification.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/MTOPIntentClassification.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/STS13.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/SummEval.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/ClimateFEVER.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/CQADupstackStatsRetrieval.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/TwitterSemEval2015.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/MedrxivClusteringP2P.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/TwentyNewsgroupsClustering.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/FEVER.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/MSMARCO.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/MTOPDomainClassification.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/QuoraRetrieval.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/STS12.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/AmazonCounterfactualClassification.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/StackExchangeClusteringP2P.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/voyageai__voyage-lite-01-instruct/no_revision_available/StackOverflowDupQuestions.json" ], - "intfloat__e5-large": [ - "results/intfloat__e5-large/no_revision_available/MassiveIntentClassification.json", - "results/intfloat__e5-large/no_revision_available/SweRecClassification.json", - "results/intfloat__e5-large/no_revision_available/MassiveScenarioClassification.json", - "results/intfloat__e5-large/no_revision_available/AngryTweetsClassification.json", - "results/intfloat__e5-large/no_revision_available/NordicLangClassification.json", - "results/intfloat__e5-large/no_revision_available/BornholmBitextMining.json", - "results/intfloat__e5-large/no_revision_available/ScalaNbClassification.json", - "results/intfloat__e5-large/no_revision_available/ScalaSvClassification.json", - "results/intfloat__e5-large/no_revision_available/NorwegianParliament.json", - "results/intfloat__e5-large/no_revision_available/NoRecClassification.json", - "results/intfloat__e5-large/no_revision_available/DKHateClassification.json", - "results/intfloat__e5-large/no_revision_available/ScalaDaClassification.json", - "results/intfloat__e5-large/no_revision_available/DanishPoliticalCommentsClassification.json", - "results/intfloat__e5-large/no_revision_available/LccSentimentClassification.json", - "results/intfloat__e5-large/no_revision_available/DalajClassification.json" + "voyageai__voyage-lite-02-instruct": [ + "results/voyageai__voyage-lite-02-instruct/no_revision_available/MassiveIntentClassification.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/BiorxivClusteringP2P.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/EmotionClassification.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/CQADupstackGisRetrieval.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/CQADupstackEnglishRetrieval.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/TweetSentimentExtractionClassification.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/SciFact.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/Banking77Classification.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/CQADupstackProgrammersRetrieval.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/STS14.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/STSBenchmark.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/SciDocsRR.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/MindSmallReranking.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/CQADupstackRetrieval.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/MedrxivClusteringS2S.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/SCIDOCS.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/Touche2020.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/STS16.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/CQADupstackTexRetrieval.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/ImdbClassification.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/SprintDuplicateQuestions.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/ToxicConversationsClassification.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/MassiveScenarioClassification.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/STS17.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/CQADupstackUnixRetrieval.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/AskUbuntuDupQuestions.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/CQADupstackAndroidRetrieval.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/HotpotQA.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/ArxivClusteringS2S.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/StackExchangeClustering.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/RedditClusteringP2P.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/NQ.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/RedditClustering.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/SICK-R.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/FiQA2018.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/BIOSSES.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/TRECCOVID.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/DBPedia.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/BiorxivClusteringS2S.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/ArguAna.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/ArxivClusteringP2P.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/TwitterURLCorpus.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/STS22.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/AmazonReviewsClassification.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/CQADupstackGamingRetrieval.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/NFCorpus.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/STS15.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/AmazonPolarityClassification.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/MTOPIntentClassification.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/STS13.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/SummEval.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/ClimateFEVER.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/CQADupstackStatsRetrieval.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/TwitterSemEval2015.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/CQADupstackWebmastersRetrieval.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/MedrxivClusteringP2P.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/TwentyNewsgroupsClustering.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/FEVER.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/MSMARCO.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/MTOPDomainClassification.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/QuoraRetrieval.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/STS12.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/AmazonCounterfactualClassification.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/CQADupstackMathematicaRetrieval.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/StackExchangeClusteringP2P.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/CQADupstackPhysicsRetrieval.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/CQADupstackWordpressRetrieval.json", + "results/voyageai__voyage-lite-02-instruct/no_revision_available/StackOverflowDupQuestions.json" ], - "sentence-transformers__use-cmlm-multilingual": [ - "results/sentence-transformers__use-cmlm-multilingual/no_revision_available/BlurbsClusteringP2P.json", - "results/sentence-transformers__use-cmlm-multilingual/no_revision_available/TenKGnadClusteringS2S.json", - "results/sentence-transformers__use-cmlm-multilingual/no_revision_available/TenKGnadClusteringP2P.json", - "results/sentence-transformers__use-cmlm-multilingual/no_revision_available/BlurbsClusteringS2S.json" + "voyageai__voyage-multilingual-2": [ + "results/voyageai__voyage-multilingual-2/no_revision_available/MassiveIntentClassification.json", + "results/voyageai__voyage-multilingual-2/no_revision_available/LEMBWikimQARetrieval.json", + "results/voyageai__voyage-multilingual-2/no_revision_available/MLSUMClusteringP2P.json", + "results/voyageai__voyage-multilingual-2/no_revision_available/AlloProfClusteringS2S.json", + "results/voyageai__voyage-multilingual-2/no_revision_available/LEMBSummScreenFDRetrieval.json", + "results/voyageai__voyage-multilingual-2/no_revision_available/SyntecReranking.json", + "results/voyageai__voyage-multilingual-2/no_revision_available/BSARDRetrieval.json", + "results/voyageai__voyage-multilingual-2/no_revision_available/LEMBNarrativeQARetrieval.json", + "results/voyageai__voyage-multilingual-2/no_revision_available/MintakaRetrieval.json", + "results/voyageai__voyage-multilingual-2/no_revision_available/SyntecRetrieval.json", + "results/voyageai__voyage-multilingual-2/no_revision_available/LEMBQMSumRetrieval.json", + "results/voyageai__voyage-multilingual-2/no_revision_available/MLSUMClusteringS2S.json", + "results/voyageai__voyage-multilingual-2/no_revision_available/MassiveScenarioClassification.json", + "results/voyageai__voyage-multilingual-2/no_revision_available/MasakhaNEWSClusteringP2P.json", + "results/voyageai__voyage-multilingual-2/no_revision_available/AlloprofRetrieval.json", + "results/voyageai__voyage-multilingual-2/no_revision_available/AlloprofReranking.json", + "results/voyageai__voyage-multilingual-2/no_revision_available/SummEvalFr.json", + "results/voyageai__voyage-multilingual-2/no_revision_available/LEMBPasskeyRetrieval.json", + "results/voyageai__voyage-multilingual-2/no_revision_available/AlloProfClusteringP2P.json", + "results/voyageai__voyage-multilingual-2/no_revision_available/MasakhaNEWSClusteringS2S.json", + "results/voyageai__voyage-multilingual-2/no_revision_available/LEMBNeedleRetrieval.json", + "results/voyageai__voyage-multilingual-2/no_revision_available/STS22.json", + "results/voyageai__voyage-multilingual-2/no_revision_available/AmazonReviewsClassification.json", + "results/voyageai__voyage-multilingual-2/no_revision_available/MTOPIntentClassification.json", + "results/voyageai__voyage-multilingual-2/no_revision_available/HALClusteringS2S.json", + "results/voyageai__voyage-multilingual-2/no_revision_available/MasakhaNEWSClassification.json", + "results/voyageai__voyage-multilingual-2/no_revision_available/OpusparcusPC.json", + "results/voyageai__voyage-multilingual-2/no_revision_available/MTOPDomainClassification.json", + "results/voyageai__voyage-multilingual-2/no_revision_available/SICKFr.json", + "results/voyageai__voyage-multilingual-2/no_revision_available/PawsXPairClassification.json", + "results/voyageai__voyage-multilingual-2/no_revision_available/XPQARetrieval.json", + "results/voyageai__voyage-multilingual-2/no_revision_available/STSBenchmarkMultilingualSTS.json" ], - "distilbert__distilbert-base-uncased": [ - "results/distilbert__distilbert-base-uncased/no_revision_available/MassiveIntentClassification.json", - "results/distilbert__distilbert-base-uncased/no_revision_available/MLSUMClusteringP2P.json", - "results/distilbert__distilbert-base-uncased/no_revision_available/AlloProfClusteringS2S.json", - "results/distilbert__distilbert-base-uncased/no_revision_available/SyntecReranking.json", - "results/distilbert__distilbert-base-uncased/no_revision_available/BSARDRetrieval.json", - "results/distilbert__distilbert-base-uncased/no_revision_available/DiaBLaBitextMining.json", - "results/distilbert__distilbert-base-uncased/no_revision_available/MintakaRetrieval.json", - "results/distilbert__distilbert-base-uncased/no_revision_available/SyntecRetrieval.json", - "results/distilbert__distilbert-base-uncased/no_revision_available/MLSUMClusteringS2S.json", - "results/distilbert__distilbert-base-uncased/no_revision_available/MassiveScenarioClassification.json", - "results/distilbert__distilbert-base-uncased/no_revision_available/MasakhaNEWSClusteringP2P.json", - "results/distilbert__distilbert-base-uncased/no_revision_available/AlloprofRetrieval.json", - "results/distilbert__distilbert-base-uncased/no_revision_available/AlloprofReranking.json", - "results/distilbert__distilbert-base-uncased/no_revision_available/FloresBitextMining.json", - "results/distilbert__distilbert-base-uncased/no_revision_available/SummEvalFr.json", - "results/distilbert__distilbert-base-uncased/no_revision_available/AlloProfClusteringP2P.json", - "results/distilbert__distilbert-base-uncased/no_revision_available/MasakhaNEWSClusteringS2S.json", - "results/distilbert__distilbert-base-uncased/no_revision_available/STS22.json", - "results/distilbert__distilbert-base-uncased/no_revision_available/AmazonReviewsClassification.json", - "results/distilbert__distilbert-base-uncased/no_revision_available/MTOPIntentClassification.json", - "results/distilbert__distilbert-base-uncased/no_revision_available/HALClusteringS2S.json", - "results/distilbert__distilbert-base-uncased/no_revision_available/MasakhaNEWSClassification.json", - "results/distilbert__distilbert-base-uncased/no_revision_available/OpusparcusPC.json", - "results/distilbert__distilbert-base-uncased/no_revision_available/MTOPDomainClassification.json", - "results/distilbert__distilbert-base-uncased/no_revision_available/SICKFr.json", - "results/distilbert__distilbert-base-uncased/no_revision_available/PawsXPairClassification.json", - "results/distilbert__distilbert-base-uncased/no_revision_available/XPQARetrieval.json", - "results/distilbert__distilbert-base-uncased/no_revision_available/STSBenchmarkMultilingualSTS.json" + "vprelovac__universal-sentence-encoder-multilingual-3": [ + "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/MassiveIntentClassification.json", + "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/MLSUMClusteringP2P.json", + "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/AlloProfClusteringS2S.json", + "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/SyntecReranking.json", + "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/BSARDRetrieval.json", + "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/DiaBLaBitextMining.json", + "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/MintakaRetrieval.json", + "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/SyntecRetrieval.json", + "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/MLSUMClusteringS2S.json", + "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/MassiveScenarioClassification.json", + "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/MasakhaNEWSClusteringP2P.json", + "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/AlloprofRetrieval.json", + "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/AlloprofReranking.json", + "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/FloresBitextMining.json", + "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/SummEvalFr.json", + "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/AlloProfClusteringP2P.json", + "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/MasakhaNEWSClusteringS2S.json", + "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/STS22.json", + "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/AmazonReviewsClassification.json", + "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/MTOPIntentClassification.json", + "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/HALClusteringS2S.json", + "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/MasakhaNEWSClassification.json", + "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/OpusparcusPC.json", + "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/MTOPDomainClassification.json", + "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/SICKFr.json", + "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/PawsXPairClassification.json", + "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/XPQARetrieval.json", + "results/vprelovac__universal-sentence-encoder-multilingual-3/no_revision_available/STSBenchmarkMultilingualSTS.json" ], - "meta-llama__llama-2-7b-chat": [ - "results/meta-llama__llama-2-7b-chat/no_revision_available/Robust04InstructionRetrieval.json", - "results/meta-llama__llama-2-7b-chat/no_revision_available/News21InstructionRetrieval.json", - "results/meta-llama__llama-2-7b-chat/no_revision_available/Core17InstructionRetrieval.json" + "vprelovac__universal-sentence-encoder-multilingual-large-3": [ + "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/MassiveIntentClassification.json", + "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/MLSUMClusteringP2P.json", + "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/AlloProfClusteringS2S.json", + "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/SyntecReranking.json", + "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/BSARDRetrieval.json", + "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/DiaBLaBitextMining.json", + "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/MintakaRetrieval.json", + "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/SyntecRetrieval.json", + "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/MLSUMClusteringS2S.json", + "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/MassiveScenarioClassification.json", + "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/MasakhaNEWSClusteringP2P.json", + "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/AlloprofRetrieval.json", + "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/AlloprofReranking.json", + "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/FloresBitextMining.json", + "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/SummEvalFr.json", + "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/AlloProfClusteringP2P.json", + "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/MasakhaNEWSClusteringS2S.json", + "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/STS22.json", + "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/AmazonReviewsClassification.json", + "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/MTOPIntentClassification.json", + "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/HALClusteringS2S.json", + "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/MasakhaNEWSClassification.json", + "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/OpusparcusPC.json", + "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/MTOPDomainClassification.json", + "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/SICKFr.json", + "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/PawsXPairClassification.json", + "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/XPQARetrieval.json", + "results/vprelovac__universal-sentence-encoder-multilingual-large-3/no_revision_available/STSBenchmarkMultilingualSTS.json" ] } \ No newline at end of file diff --git a/results.py b/results.py index 2cb4b4ea4..4b2959a98 100644 --- a/results.py +++ b/results.py @@ -3,6 +3,8 @@ from __future__ import annotations import json +import os +from pathlib import Path import datasets @@ -290,250 +292,29 @@ ], } -MODELS = [ - "Alibaba-NLP__gte-Qwen1.5-7B-instruct", - "Alibaba-NLP__gte-Qwen2-7B-instruct", - "BAAI__bge-base-en", - "BAAI__bge-base-en-v1.5", - "BAAI__bge-base-en-v1.5-instruct", - "BAAI__bge-base-zh", - "BAAI__bge-base-zh-v1.5", - "BAAI__bge-large-en", - "BAAI__bge-large-en-v1.5", - "BAAI__bge-large-en-v1.5-instruct", - "BAAI__bge-large-zh", - "BAAI__bge-large-zh-noinstruct", - "BAAI__bge-large-zh-v1.5", - "BAAI__bge-m3", - "BAAI__bge-m3-instruct", - "BAAI__bge-small-en-v1.5", - "BAAI__bge-small-en-v1.5-instruct", - "BAAI__bge-small-zh", - "BAAI__bge-small-zh-v1.5", - "Cohere__Cohere-embed-english-v3.0", - "Cohere__Cohere-embed-english-v3.0-instruct", - "Cohere__Cohere-embed-multilingual-light-v3.0", - "Cohere__Cohere-embed-multilingual-v3.0", - "DeepPavlov__distilrubert-small-cased-conversational", - "DeepPavlov__rubert-base-cased", - "DeepPavlov__rubert-base-cased-sentence", - "FacebookAI__xlm-roberta-base", - "FacebookAI__xlm-roberta-large", - "Geotrend__bert-base-10lang-cased", - "Geotrend__bert-base-15lang-cased", - "Geotrend__bert-base-25lang-cased", - "Geotrend__distilbert-base-25lang-cased", - "Geotrend__distilbert-base-en-fr-cased", - "Geotrend__distilbert-base-en-fr-es-pt-it-cased", - "Geotrend__distilbert-base-fr-cased", - "GritLM__GritLM-7B", - "GritLM__GritLM-7B-noinstruct", - "KBLab__electra-small-swedish-cased-discriminator", - "KBLab__sentence-bert-swedish-cased", - "KB__bert-base-swedish-cased", - "McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised", - "McGill-NLP__LLM2Vec-Llama-2-unsupervised", - "McGill-NLP__LLM2Vec-Meta-Llama-3-supervised", - "McGill-NLP__LLM2Vec-Meta-Llama-3-unsupervised", - "McGill-NLP__LLM2Vec-Mistral-supervised", - "McGill-NLP__LLM2Vec-Mistral-unsupervised", - "McGill-NLP__LLM2Vec-Sheared-Llama-supervised", - "McGill-NLP__LLM2Vec-Sheared-Llama-unsupervised", - "Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit", - "Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit", - "Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-doc", - "Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit-que", - "Muennighoff__SGPT-125M-weightedmean-nli-bitfit", - "Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit", - "Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit", - "Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit-que", - "Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit", - "NbAiLab__nb-bert-base", - "NbAiLab__nb-bert-large", - "Salesforce__SFR-Embedding-Mistral", - "T-Systems-onsite__cross-en-de-roberta-sentence-transformer", - "Wissam42__sentence-croissant-llm-base", - "ai-forever__sbert_large_mt_nlu_ru", - "ai-forever__sbert_large_nlu_ru", - "aliyun__OpenSearch-text-hybrid", - "almanach__camembert-base", - "almanach__camembert-large", - "amazon__titan-embed-text-v1", - "baichuan-ai__text-embedding", - "bigscience-data__sgpt-bloom-1b7-nli", - "bigscience-data__sgpt-bloom-7b1-msmarco", - "bm25", - "bm25s", - "castorini__monobert-large-msmarco", - "castorini__monot5-3b-msmarco-10k", - "castorini__monot5-base-msmarco-10k", - "chcaa__dfm-encoder-large-v1", - "cointegrated__LaBSE-en-ru", - "cointegrated__rubert-tiny", - "cointegrated__rubert-tiny2", - "dangvantuan__sentence-camembert-base", - "dangvantuan__sentence-camembert-large", - "deepfile__embedder-100p", - "deepset__gbert-base", - "deepset__gbert-large", - "deepset__gelectra-base", - "deepset__gelectra-large", - "deepvk__USER-base", - "deepvk__USER-bge-m3", - "deepvk__deberta-v1-base", - "distilbert__distilbert-base-uncased", - "dwzhu__e5-base-4k", - "elastic__elser-v2", - "facebook__contriever", - "facebook__contriever-instruct", - "facebook__dpr-ctx_encoder-multiset-base", - "facebook__dragon-plus-context-encoder", - "facebook__tart-full-flan-t5-xl", - "facebookresearch__LASER2", - "facebookresearch__dragon-plus", - "facebookresearch__dragon-plus-instruct", - "flaubert__flaubert_base_cased", - "flaubert__flaubert_base_uncased", - "flaubert__flaubert_large_cased", - "google-bert__bert-base-multilingual-cased", - "google-bert__bert-base-multilingual-uncased", - "google-bert__bert-base-uncased", - "google-gecko__text-embedding-004", - "google-gecko__text-embedding-004-256", - "google__flan-t5-base", - "google__flan-t5-large", - "hkunlp__instructor-base", - "hkunlp__instructor-large", - "hkunlp__instructor-xl", - "intfloat__e5-base", - "intfloat__e5-base-v2", - "intfloat__e5-large", - "intfloat__e5-large-v2", - "intfloat__e5-mistral-7b-instruct", - "intfloat__e5-mistral-7b-instruct-noinstruct", - "intfloat__e5-small", - "intfloat__e5-small-v2", - "intfloat__multilingual-e5-base", - "intfloat__multilingual-e5-large", - "intfloat__multilingual-e5-large-instruct", - "intfloat__multilingual-e5-small", - "ipipan__herbert-base-retrieval-v2", - "ipipan__silver-retriever-base-v1", - "izhx__udever-bloom-1b1", - "izhx__udever-bloom-560m", - "jhu-clsp__FollowIR-7B", - "jinaai__jina-embeddings-v2-base-en", - "jonfd__electra-small-nordic", - "ltg__norbert3-base", - "ltg__norbert3-large", - "meta-llama__llama-2-7b-chat", - "mistral__mistral-embed", - "mistralai__mistral-7b-instruct-v0.2", - "mixedbread-ai__mxbai-embed-large-v1", - "moka-ai__m3e-base", - "moka-ai__m3e-large", - "nomic-ai__nomic-embed-text-v1", - "nomic-ai__nomic-embed-text-v1.5-128", - "nomic-ai__nomic-embed-text-v1.5-256", - "nomic-ai__nomic-embed-text-v1.5-512", - "nomic-ai__nomic-embed-text-v1.5-64", - "nthakur__contriever-base-msmarco", - "openai__text-embedding-3-large", - "openai__text-embedding-3-large-256", - "openai__text-embedding-3-large-instruct", - "openai__text-embedding-3-small-instruct", - "openai__text-embedding-ada-002", - "openai__text-embedding-ada-002-instruct", - "openai__text-search-ada-001", - "openai__text-search-ada-doc-001", - "openai__text-search-babbage-001", - "openai__text-search-curie-001", - "openai__text-search-davinci-001", - "openai__text-similarity-ada-001", - "openai__text-similarity-babbage-001", - "openai__text-similarity-curie-001", - "openai__text-similarity-davinci-001", - "openai__text-embedding-3-small", - "orionweller__tart-dual-contriever-msmarco", - "princeton-nlp__sup-simcse-bert-base-uncased", - "princeton-nlp__unsup-simcse-bert-base-uncased", - "sdadas__st-polish-paraphrase-from-distilroberta", - "sdadas__st-polish-paraphrase-from-mpnet", - "sentence-transformers__LaBSE", - "sentence-transformers__all-MiniLM-L12-v2", - "sentence-transformers__all-MiniLM-L6-v2", - "sentence-transformers__all-MiniLM-L6-v2-instruct", - "sentence-transformers__all-mpnet-base-v2", - "sentence-transformers__all-mpnet-base-v2-instruct", - "sentence-transformers__allenai-specter", - "sentence-transformers__average_word_embeddings_glove.6B.300d", - "sentence-transformers__average_word_embeddings_komninos", - "sentence-transformers__distiluse-base-multilingual-cased-v2", - "sentence-transformers__gtr-t5-base", - "sentence-transformers__gtr-t5-large", - "sentence-transformers__gtr-t5-xl", - "sentence-transformers__gtr-t5-xxl", - "sentence-transformers__msmarco-bert-co-condensor", - "sentence-transformers__multi-qa-MiniLM-L6-cos-v1", - "sentence-transformers__paraphrase-multilingual-MiniLM-L12-v2", - "sentence-transformers__paraphrase-multilingual-mpnet-base-v2", - "sentence-transformers__sentence-t5-base", - "sentence-transformers__sentence-t5-large", - "sentence-transformers__sentence-t5-xl", - "sentence-transformers__sentence-t5-xxl", - "sentence-transformers__use-cmlm-multilingual", - "sergeyzh__LaBSE-ru-turbo", - "sergeyzh__rubert-tiny-turbo", - "shibing624__text2vec-base-chinese", - "shibing624__text2vec-base-multilingual", - "shibing624__text2vec-large-chinese", - "silk-road__luotuo-bert-medium", - "uklfr__gottbert-base", - "vesteinn__DanskBERT", - "voyageai__voyage-2", - "voyageai__voyage-code-2", - "voyageai__voyage-large-2-instruct", - "voyageai__voyage-law-2", - "voyageai__voyage-lite-01-instruct", - "voyageai__voyage-lite-02-instruct", - "voyageai__voyage-multilingual-2", - "voyageai__voyage-3", - "voyageai__voyage-3-lite", - "vprelovac__universal-sentence-encoder-multilingual-3", - "vprelovac__universal-sentence-encoder-multilingual-large-3", -] - - -def get_model_for_current_dir(dir_name: str) -> str | None: - for model in MODELS: - if model == dir_name or ("__" in dir_name and dir_name.split("__")[1] == model): - return model - return None - +MODELS = sorted(list(set([str(file).split('/')[-1] for file in (Path(__file__).parent / "results").glob("*") if file.is_dir()]))) # Needs to be run whenever new files are added def get_paths(): import collections, json, os files = collections.defaultdict(list) - for model_dir in os.listdir("results"): + for model_dir in MODELS: results_model_dir = os.path.join("results", model_dir) if not os.path.isdir(results_model_dir): print(f"Skipping {results_model_dir}") continue - model_name = get_model_for_current_dir(model_dir) - if model_name is None: - print(f"Skipping {model_dir} model dir") - continue for revision_folder in os.listdir(results_model_dir): if not os.path.isdir(os.path.join(results_model_dir, revision_folder)): continue + if revision_folder == "external": + continue for res_file in os.listdir(os.path.join(results_model_dir, revision_folder)): if (res_file.endswith(".json")) and not ( res_file.endswith(("overall_results.json", "model_meta.json")) ): results_model_file = os.path.join(results_model_dir, revision_folder, res_file) - files[model_name].append(results_model_file) + files[model_dir].append(results_model_file) with open("paths.json", "w") as f: json.dump(files, f, indent=2) return files diff --git a/results/AbderrahmanSkiredj1__Arabic_text_embedding_for_sts/external/STS17.json b/results/AbderrahmanSkiredj1__Arabic_text_embedding_for_sts/external/STS17.json new file mode 100644 index 000000000..50c42619d --- /dev/null +++ b/results/AbderrahmanSkiredj1__Arabic_text_embedding_for_sts/external/STS17.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "faeb762787bd10488a50c8b5be4a3b82e411949c", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "ar-ar", + "languages": [ + "ara-Arab" + ], + "cosine_pearson": 84.5661961200634, + "cosine_spearman": 85.04839486363485, + "euclidean_pearson": 83.06651812356505, + "euclidean_spearman": 84.64285835335832, + "main_score": 85.04839486363485, + "manhattan_pearson": 83.12273085900199, + "manhattan_spearman": 84.51258675131285 + } + ] + } +} \ No newline at end of file diff --git a/results/AbderrahmanSkiredj1__Arabic_text_embedding_for_sts/external/model_meta.json b/results/AbderrahmanSkiredj1__Arabic_text_embedding_for_sts/external/model_meta.json new file mode 100644 index 000000000..9ad991074 --- /dev/null +++ b/results/AbderrahmanSkiredj1__Arabic_text_embedding_for_sts/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "AbderrahmanSkiredj1/Arabic_text_embedding_for_sts", + "revision": "bbd8aaebafc25b38eaa96300313db0bbe0086d12", + "release_date": "2024-07-07", + "languages": [], + "loader": null, + "n_parameters": 135193344, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 768, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/AbderrahmanSkiredj1__arabic_text_embedding_sts_arabertv02_arabicnlitriplet/external/STS17.json b/results/AbderrahmanSkiredj1__arabic_text_embedding_sts_arabertv02_arabicnlitriplet/external/STS17.json new file mode 100644 index 000000000..da31b4e14 --- /dev/null +++ b/results/AbderrahmanSkiredj1__arabic_text_embedding_sts_arabertv02_arabicnlitriplet/external/STS17.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "faeb762787bd10488a50c8b5be4a3b82e411949c", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "ar-ar", + "languages": [ + "ara-Arab" + ], + "cosine_pearson": 84.4552565985224, + "cosine_spearman": 84.95895784502326, + "euclidean_pearson": 82.78929391924628, + "euclidean_spearman": 84.30172209203968, + "main_score": 84.95895784502326, + "manhattan_pearson": 82.8787314198733, + "manhattan_spearman": 84.31971710672602 + } + ] + } +} \ No newline at end of file diff --git a/results/AbderrahmanSkiredj1__arabic_text_embedding_sts_arabertv02_arabicnlitriplet/external/model_meta.json b/results/AbderrahmanSkiredj1__arabic_text_embedding_sts_arabertv02_arabicnlitriplet/external/model_meta.json new file mode 100644 index 000000000..bfdb0ac21 --- /dev/null +++ b/results/AbderrahmanSkiredj1__arabic_text_embedding_sts_arabertv02_arabicnlitriplet/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "AbderrahmanSkiredj1/arabic_text_embedding_sts_arabertv02_arabicnlitriplet", + "revision": "a920aa3e6222ce4a03a5799ecb6f1e6dea6e4c46", + "release_date": "2024-07-06", + "languages": [], + "loader": null, + "n_parameters": 135193344, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 768, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/AdrienB134__llm2vec-occiglot-mntp/external/AlloProfClusteringP2P.json b/results/AdrienB134__llm2vec-occiglot-mntp/external/AlloProfClusteringP2P.json new file mode 100644 index 000000000..938204c06 --- /dev/null +++ b/results/AdrienB134__llm2vec-occiglot-mntp/external/AlloProfClusteringP2P.json @@ -0,0 +1,2030 @@ +{ + "dataset_revision": "392ba3f5bcc8c51f578786c1fc3dae648662cb9b", + "task_name": "AlloProfClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "v_measure": 63.99706100543374, + "v_measures": [ + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582, + 0.6309250305032879, + 0.6712141669904825, + 0.6368913449141772, + 0.6246279406859577, + 0.6418756731751959, + 0.6355531442090399, + 0.6161988676092909, + 0.6346687792160265, + 0.6312400213373579, + 0.6765111319025582 + ], + "main_score": 63.99706100543374 + }, + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "v_measure": 29.932569372425572, + "v_measures": [ + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693, + 0.27074628475701645, + 0.3138981270131547, + 0.301041391786224, + 0.3712599933635761, + 0.3128771374629665, + 0.334608943595063, + 0.30964638615704543, + 0.2511479669964127, + 0.2655556969048289, + 0.2624750092062693 + ], + "main_score": 29.932569372425572 + } + ] + } +} \ No newline at end of file diff --git a/results/AdrienB134__llm2vec-occiglot-mntp/external/AlloprofReranking.json b/results/AdrienB134__llm2vec-occiglot-mntp/external/AlloprofReranking.json new file mode 100644 index 000000000..ed6af26af --- /dev/null +++ b/results/AdrienB134__llm2vec-occiglot-mntp/external/AlloprofReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e40c8a63ce02da43200eccb5b0846fcaa888f562", + "task_name": "AlloprofReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map": 37.09270648443667, + "mrr": 37.65235627929929, + "main_score": 37.09270648443667 + } + ] + } +} \ No newline at end of file diff --git a/results/AdrienB134__llm2vec-occiglot-mntp/external/AmazonReviewsClassification.json b/results/AdrienB134__llm2vec-occiglot-mntp/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..87c94c846 --- /dev/null +++ b/results/AdrienB134__llm2vec-occiglot-mntp/external/AmazonReviewsClassification.json @@ -0,0 +1,4021 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 35.071999999999996, + "f1": 34.756733638269665, + "scores_per_experiment": [ + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + }, + { + "accuracy": 0.3344, + "f1": 0.33631308303517843 + }, + { + "accuracy": 0.3618, + "f1": 0.3605066781677434 + }, + { + "accuracy": 0.373, + "f1": 0.3719498081049275 + }, + { + "accuracy": 0.2982, + "f1": 0.2869627421381863 + }, + { + "accuracy": 0.3742, + "f1": 0.3699470069717939 + }, + { + "accuracy": 0.371, + "f1": 0.369585605664973 + }, + { + "accuracy": 0.366, + "f1": 0.3649639692625192 + }, + { + "accuracy": 0.3226, + "f1": 0.3165252273919795 + }, + { + "accuracy": 0.3514, + "f1": 0.3472434803000267 + }, + { + "accuracy": 0.3546, + "f1": 0.3516757627896389 + } + ], + "main_score": 35.071999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/AdrienB134__llm2vec-occiglot-mntp/external/BSARDRetrieval.json b/results/AdrienB134__llm2vec-occiglot-mntp/external/BSARDRetrieval.json new file mode 100644 index 000000000..7737a04c4 --- /dev/null +++ b/results/AdrienB134__llm2vec-occiglot-mntp/external/BSARDRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "5effa1b9b5fa3b0f9e12523e6e43e5f86a6e6d59", + "task_name": "BSARDRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map_at_1": 0.901, + "map_at_10": 1.6150000000000002, + "map_at_100": 2.046, + "map_at_1000": 2.147, + "map_at_20": 1.8030000000000002, + "map_at_3": 1.126, + "map_at_5": 1.486, + "mrr_at_1": 0.901, + "mrr_at_10": 1.6150000000000002, + "mrr_at_100": 2.046, + "mrr_at_1000": 2.147, + "mrr_at_20": 1.8030000000000002, + "mrr_at_3": 1.126, + "mrr_at_5": 1.486, + "ndcg_at_1": 0.901, + "ndcg_at_10": 2.182, + "ndcg_at_100": 4.926, + "ndcg_at_1000": 7.825, + "ndcg_at_20": 2.8649999999999998, + "ndcg_at_3": 1.185, + "ndcg_at_5": 1.882, + "precision_at_1": 0.901, + "precision_at_10": 0.40499999999999997, + "precision_at_100": 0.185, + "precision_at_1000": 0.042, + "precision_at_20": 0.338, + "precision_at_3": 0.44999999999999996, + "precision_at_5": 0.631, + "recall_at_1": 0.901, + "recall_at_10": 4.054, + "recall_at_100": 18.468, + "recall_at_1000": 41.892, + "recall_at_20": 6.757000000000001, + "recall_at_3": 1.351, + "recall_at_5": 3.1530000000000005, + "main_score": 18.468 + } + ] + } +} \ No newline at end of file diff --git a/results/AdrienB134__llm2vec-occiglot-mntp/external/HALClusteringS2S.json b/results/AdrienB134__llm2vec-occiglot-mntp/external/HALClusteringS2S.json new file mode 100644 index 000000000..531cb128e --- /dev/null +++ b/results/AdrienB134__llm2vec-occiglot-mntp/external/HALClusteringS2S.json @@ -0,0 +1,1020 @@ +{ + "dataset_revision": "e06ebbbb123f8144bef1a5d18796f3dec9ae2915", + "task_name": "HALClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "v_measure": 20.821362086725557, + "v_measures": [ + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171, + 0.22505579417192464, + 0.18718591610641097, + 0.22816133299026586, + 0.2274961796967291, + 0.21691374184893994, + 0.15544754564054752, + 0.16037776217580096, + 0.22877249951653147, + 0.20352917236688817, + 0.2491962641585171 + ], + "main_score": 20.821362086725557 + } + ] + } +} \ No newline at end of file diff --git a/results/AdrienB134__llm2vec-occiglot-mntp/external/MLSUMClusteringP2P.json b/results/AdrienB134__llm2vec-occiglot-mntp/external/MLSUMClusteringP2P.json new file mode 100644 index 000000000..e75f07433 --- /dev/null +++ b/results/AdrienB134__llm2vec-occiglot-mntp/external/MLSUMClusteringP2P.json @@ -0,0 +1,2030 @@ +{ + "dataset_revision": "b5d54f8f3b61ae17845046286940f03c6bc79bc7", + "task_name": "MLSUMClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "v_measure": 45.2570658673633, + "v_measures": [ + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013, + 0.4329487970215975, + 0.45820580504076386, + 0.4765319224466881, + 0.43813737610121783, + 0.42519597532365894, + 0.4735579074147223, + 0.46432667050249915, + 0.4711383696524873, + 0.44613674850966567, + 0.43952701472303013 + ], + "main_score": 45.2570658673633 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "v_measure": 44.94685216731792, + "v_measures": [ + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296, + 0.4451988218629661, + 0.44546586627639506, + 0.46373246036789, + 0.44433225540352683, + 0.4251835242545183, + 0.4465927666423979, + 0.4669711197969515, + 0.4697071758660224, + 0.4562406688345804, + 0.43126055742654296 + ], + "main_score": 44.94685216731792 + } + ] + } +} \ No newline at end of file diff --git a/results/AdrienB134__llm2vec-occiglot-mntp/external/MTOPDomainClassification.json b/results/AdrienB134__llm2vec-occiglot-mntp/external/MTOPDomainClassification.json new file mode 100644 index 000000000..7026eee71 --- /dev/null +++ b/results/AdrienB134__llm2vec-occiglot-mntp/external/MTOPDomainClassification.json @@ -0,0 +1,4021 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 75.69996868149076, + "f1": 75.40911375049545, + "scores_per_experiment": [ + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.7691250597969987 + }, + { + "accuracy": 0.7356717820231757, + "f1": 0.7411734914688304 + }, + { + "accuracy": 0.7544628875665519, + "f1": 0.7612919566083434 + }, + { + "accuracy": 0.7685562167240839, + "f1": 0.7640871430315862 + }, + { + "accuracy": 0.6990291262135923, + "f1": 0.7056390262075766 + }, + { + "accuracy": 0.7616661446915127, + "f1": 0.7590639213651991 + }, + { + "accuracy": 0.7572815533980582, + "f1": 0.7522813740733164 + }, + { + "accuracy": 0.7694957720012527, + "f1": 0.7599540970941505 + }, + { + "accuracy": 0.7788913247729408, + "f1": 0.771292546741709 + }, + { + "accuracy": 0.7660507359849671, + "f1": 0.7570027586618345 + } + ], + "main_score": 75.69996868149076 + } + ] + } +} \ No newline at end of file diff --git a/results/AdrienB134__llm2vec-occiglot-mntp/external/MTOPIntentClassification.json b/results/AdrienB134__llm2vec-occiglot-mntp/external/MTOPIntentClassification.json new file mode 100644 index 000000000..c5e6d37c8 --- /dev/null +++ b/results/AdrienB134__llm2vec-occiglot-mntp/external/MTOPIntentClassification.json @@ -0,0 +1,4021 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 63.75822110867524, + "f1": 42.22367596410695, + "scores_per_experiment": [ + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + }, + { + "accuracy": 0.6623864704040088, + "f1": 0.4474834195242503 + }, + { + "accuracy": 0.6445349201378014, + "f1": 0.4108412655888009 + }, + { + "accuracy": 0.6326338866269966, + "f1": 0.426711423671442 + }, + { + "accuracy": 0.6204196680238021, + "f1": 0.4091063023553305 + }, + { + "accuracy": 0.6201064829314125, + "f1": 0.41059492155127225 + }, + { + "accuracy": 0.6783589101158785, + "f1": 0.4447225645730163 + }, + { + "accuracy": 0.6426558095834638, + "f1": 0.4269281560676342 + }, + { + "accuracy": 0.6554963983714375, + "f1": 0.42884785299772993 + }, + { + "accuracy": 0.600062637018478, + "f1": 0.4061476432554456 + }, + { + "accuracy": 0.6191669276542436, + "f1": 0.41098404682577316 + } + ], + "main_score": 63.75822110867524 + } + ] + } +} \ No newline at end of file diff --git a/results/AdrienB134__llm2vec-occiglot-mntp/external/MasakhaNEWSClassification.json b/results/AdrienB134__llm2vec-occiglot-mntp/external/MasakhaNEWSClassification.json new file mode 100644 index 000000000..e14c4eba2 --- /dev/null +++ b/results/AdrienB134__llm2vec-occiglot-mntp/external/MasakhaNEWSClassification.json @@ -0,0 +1,8032 @@ +{ + "dataset_revision": "8ccc72e69e65f40c70e117d8b3c08306bb788b60", + "task_name": "MasakhaNEWSClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "eng", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.91139240506328, + "f1": 77.05013060581847, + "scores_per_experiment": [ + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + }, + { + "accuracy": 0.8037974683544303, + "f1": 0.7968597873527656 + }, + { + "accuracy": 0.7974683544303798, + "f1": 0.7874233841155681 + }, + { + "accuracy": 0.7932489451476793, + "f1": 0.7849175855799652 + }, + { + "accuracy": 0.760548523206751, + "f1": 0.7495355738775165 + }, + { + "accuracy": 0.7784810126582279, + "f1": 0.7691301497802382 + }, + { + "accuracy": 0.7848101265822784, + "f1": 0.7757010310984908 + }, + { + "accuracy": 0.7573839662447257, + "f1": 0.7515806236130266 + }, + { + "accuracy": 0.7436708860759493, + "f1": 0.731854635058944 + }, + { + "accuracy": 0.7658227848101266, + "f1": 0.7560908030761864 + }, + { + "accuracy": 0.8059071729957806, + "f1": 0.8019194870291454 + } + ], + "main_score": 77.91139240506328 + }, + { + "hf_subset": "fra", + "languages": [ + "fra-Latn" + ], + "accuracy": 75.9952606635071, + "f1": 72.14436891647776, + "scores_per_experiment": [ + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + }, + { + "accuracy": 0.7890995260663507, + "f1": 0.7448798213785106 + }, + { + "accuracy": 0.7180094786729858, + "f1": 0.6773072056415981 + }, + { + "accuracy": 0.8033175355450237, + "f1": 0.7733131319368309 + }, + { + "accuracy": 0.7369668246445498, + "f1": 0.6974350108677599 + }, + { + "accuracy": 0.8104265402843602, + "f1": 0.7727207061831499 + }, + { + "accuracy": 0.7867298578199052, + "f1": 0.7416836143124438 + }, + { + "accuracy": 0.7796208530805687, + "f1": 0.7449503820275839 + }, + { + "accuracy": 0.7345971563981043, + "f1": 0.7017842780859459 + }, + { + "accuracy": 0.7488151658767772, + "f1": 0.7041605035350268 + }, + { + "accuracy": 0.6919431279620853, + "f1": 0.6562022376789257 + } + ], + "main_score": 75.9952606635071 + } + ] + } +} \ No newline at end of file diff --git a/results/AdrienB134__llm2vec-occiglot-mntp/external/MassiveIntentClassification.json b/results/AdrienB134__llm2vec-occiglot-mntp/external/MassiveIntentClassification.json new file mode 100644 index 000000000..83c916314 --- /dev/null +++ b/results/AdrienB134__llm2vec-occiglot-mntp/external/MassiveIntentClassification.json @@ -0,0 +1,4021 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 56.028917283120386, + "f1": 52.65339345173721, + "scores_per_experiment": [ + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + }, + { + "accuracy": 0.5531271015467384, + "f1": 0.52660685725998 + }, + { + "accuracy": 0.5837256220578345, + "f1": 0.5462488471849256 + }, + { + "accuracy": 0.5437121721587088, + "f1": 0.5109721620826817 + }, + { + "accuracy": 0.5729657027572294, + "f1": 0.5291199267164538 + }, + { + "accuracy": 0.5574983187626092, + "f1": 0.5182422853642835 + }, + { + "accuracy": 0.5601882985877606, + "f1": 0.5297406260423279 + }, + { + "accuracy": 0.566577000672495, + "f1": 0.5359547987751262 + }, + { + "accuracy": 0.5638870208473437, + "f1": 0.5210589372353517 + }, + { + "accuracy": 0.5369872225958305, + "f1": 0.5115667607334775 + }, + { + "accuracy": 0.5642232683254875, + "f1": 0.5358281437791133 + } + ], + "main_score": 56.028917283120386 + } + ] + } +} \ No newline at end of file diff --git a/results/AdrienB134__llm2vec-occiglot-mntp/external/MassiveScenarioClassification.json b/results/AdrienB134__llm2vec-occiglot-mntp/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..9e9c3738e --- /dev/null +++ b/results/AdrienB134__llm2vec-occiglot-mntp/external/MassiveScenarioClassification.json @@ -0,0 +1,4021 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 59.297242770679226, + "f1": 57.613317912056885, + "scores_per_experiment": [ + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + }, + { + "accuracy": 0.5938130464021519, + "f1": 0.579399473425824 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5821015514417006 + }, + { + "accuracy": 0.5924680564895763, + "f1": 0.5784463943833532 + }, + { + "accuracy": 0.5985205110961668, + "f1": 0.5750452212536996 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5709115779042693 + }, + { + "accuracy": 0.5692669804976462, + "f1": 0.5543992927739247 + }, + { + "accuracy": 0.5823806321452589, + "f1": 0.5724958537600505 + }, + { + "accuracy": 0.6186953597848016, + "f1": 0.5911942697096249 + }, + { + "accuracy": 0.5894418291862811, + "f1": 0.5743257328580612 + }, + { + "accuracy": 0.5971755211835911, + "f1": 0.583012423695179 + } + ], + "main_score": 59.297242770679226 + } + ] + } +} \ No newline at end of file diff --git a/results/AdrienB134__llm2vec-occiglot-mntp/external/MintakaRetrieval.json b/results/AdrienB134__llm2vec-occiglot-mntp/external/MintakaRetrieval.json new file mode 100644 index 000000000..db979e5e6 --- /dev/null +++ b/results/AdrienB134__llm2vec-occiglot-mntp/external/MintakaRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "efa78cc2f74bbcd21eff2261f9e13aebe40b814e", + "task_name": "MintakaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "map_at_1": 0.737, + "map_at_10": 1.248, + "map_at_100": 1.5350000000000001, + "map_at_1000": 1.727, + "map_at_20": 1.3259999999999998, + "map_at_3": 0.9690000000000001, + "map_at_5": 1.1119999999999999, + "mrr_at_1": 0.737, + "mrr_at_10": 1.248, + "mrr_at_100": 1.5350000000000001, + "mrr_at_1000": 1.727, + "mrr_at_20": 1.3259999999999998, + "mrr_at_3": 0.9690000000000001, + "mrr_at_5": 1.1119999999999999, + "ndcg_at_1": 0.737, + "ndcg_at_10": 1.66, + "ndcg_at_100": 3.581, + "ndcg_at_1000": 11.177, + "ndcg_at_20": 1.941, + "ndcg_at_3": 1.0659999999999998, + "ndcg_at_5": 1.3299999999999998, + "precision_at_1": 0.737, + "precision_at_10": 0.303, + "precision_at_100": 0.132, + "precision_at_1000": 0.079, + "precision_at_20": 0.207, + "precision_at_3": 0.44999999999999996, + "precision_at_5": 0.40099999999999997, + "recall_at_1": 0.737, + "recall_at_10": 3.0300000000000002, + "recall_at_100": 13.227, + "recall_at_1000": 78.501, + "recall_at_20": 4.136, + "recall_at_3": 1.351, + "recall_at_5": 2.007, + "main_score": 1.66 + } + ] + } +} \ No newline at end of file diff --git a/results/AdrienB134__llm2vec-occiglot-mntp/external/MovieReviewSentimentClassification.json b/results/AdrienB134__llm2vec-occiglot-mntp/external/MovieReviewSentimentClassification.json new file mode 100644 index 000000000..1ee7d3305 --- /dev/null +++ b/results/AdrienB134__llm2vec-occiglot-mntp/external/MovieReviewSentimentClassification.json @@ -0,0 +1,5022 @@ +{ + "dataset_revision": "a4654f4896408912913a62ace89614879a549287", + "task_name": "MovieReviewSentimentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "accuracy": 81.71875, + "ap": 75.47842425736047, + "f1": 81.5713940370767, + "scores_per_experiment": [ + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + }, + { + "accuracy": 0.83837890625, + "ap": 0.7799684037653756, + "f1": 0.8374478062498936 + }, + { + "accuracy": 0.78662109375, + "ap": 0.7027945824446289, + "f1": 0.7864316253848211 + }, + { + "accuracy": 0.8251953125, + "ap": 0.7751463023418773, + "f1": 0.822507988767309 + }, + { + "accuracy": 0.8662109375, + "ap": 0.8100838531059064, + "f1": 0.8658515711434764 + }, + { + "accuracy": 0.84814453125, + "ap": 0.8101480189076453, + "f1": 0.8453973821385876 + }, + { + "accuracy": 0.8232421875, + "ap": 0.7680646987760826, + "f1": 0.821216461929497 + }, + { + "accuracy": 0.7490234375, + "ap": 0.6702770552510987, + "f1": 0.7486588574621199 + }, + { + "accuracy": 0.80712890625, + "ap": 0.7626961627589185, + "f1": 0.8018264712662346 + }, + { + "accuracy": 0.78564453125, + "ap": 0.7043430313717953, + "f1": 0.7856383472061186 + }, + { + "accuracy": 0.84228515625, + "ap": 0.7643203170127182, + "f1": 0.8421628921596114 + } + ], + "main_score": 81.71875 + } + ] + } +} \ No newline at end of file diff --git a/results/AdrienB134__llm2vec-occiglot-mntp/external/OpusparcusPC.json b/results/AdrienB134__llm2vec-occiglot-mntp/external/OpusparcusPC.json new file mode 100644 index 000000000..da673f578 --- /dev/null +++ b/results/AdrienB134__llm2vec-occiglot-mntp/external/OpusparcusPC.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "9e9b1f8ef51616073f47f306f7f47dd91663f86a", + "task_name": "OpusparcusPC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_accuracy": 99.90069513406156, + "cos_sim_ap": 100.0, + "cos_sim_f1": 99.95032290114257, + "cos_sim_precision": 100.0, + "cos_sim_recall": 99.90069513406156, + "dot_accuracy": 99.90069513406156, + "dot_ap": 100.0, + "dot_f1": 99.95032290114257, + "dot_precision": 100.0, + "dot_recall": 99.90069513406156, + "euclidean_accuracy": 99.90069513406156, + "euclidean_ap": 100.0, + "euclidean_f1": 99.95032290114257, + "euclidean_precision": 100.0, + "euclidean_recall": 99.90069513406156, + "manhattan_accuracy": 99.90069513406156, + "manhattan_ap": 100.0, + "manhattan_f1": 99.95032290114257, + "manhattan_precision": 100.0, + "manhattan_recall": 99.90069513406156, + "max_accuracy": 99.90069513406156, + "max_ap": 100.0, + "max_f1": 99.95032290114257, + "main_score": 100.0 + } + ] + } +} \ No newline at end of file diff --git a/results/AdrienB134__llm2vec-occiglot-mntp/external/SICKFr.json b/results/AdrienB134__llm2vec-occiglot-mntp/external/SICKFr.json new file mode 100644 index 000000000..949cdd825 --- /dev/null +++ b/results/AdrienB134__llm2vec-occiglot-mntp/external/SICKFr.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e077ab4cf4774a1e36d86d593b150422fafd8e8a", + "task_name": "SICKFr", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 60.96413420799593, + "cos_sim_spearman": 58.18262720076686, + "euclidean_pearson": 58.78305606004982, + "euclidean_spearman": 57.51277670943302, + "manhattan_pearson": 60.23979598152332, + "manhattan_spearman": 59.03365066514682, + "cosine_pearson": 60.96413420799593, + "cosine_spearman": 58.18262720076686, + "main_score": 58.18262720076686 + } + ] + } +} \ No newline at end of file diff --git a/results/AdrienB134__llm2vec-occiglot-mntp/external/STS22.json b/results/AdrienB134__llm2vec-occiglot-mntp/external/STS22.json new file mode 100644 index 000000000..8e2cf9a34 --- /dev/null +++ b/results/AdrienB134__llm2vec-occiglot-mntp/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "eea2b4fe26a775864c896887d910b76a8098ad3f", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 42.79213665745784, + "cos_sim_spearman": 67.82830105719044, + "euclidean_pearson": 51.49974160914888, + "euclidean_spearman": 68.39759338405578, + "manhattan_pearson": 53.397979271640054, + "manhattan_spearman": 69.75326227137708, + "cosine_pearson": 42.79213665745784, + "cosine_spearman": 67.82830105719044, + "main_score": 67.82830105719044 + } + ] + } +} \ No newline at end of file diff --git a/results/AdrienB134__llm2vec-occiglot-mntp/external/STSBenchmarkMultilingualSTS.json b/results/AdrienB134__llm2vec-occiglot-mntp/external/STSBenchmarkMultilingualSTS.json new file mode 100644 index 000000000..f049eeb73 --- /dev/null +++ b/results/AdrienB134__llm2vec-occiglot-mntp/external/STSBenchmarkMultilingualSTS.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "93d57ef91790589e3ce9c365164337a8a78b7632", + "task_name": "STSBenchmarkMultilingualSTS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 52.24207237860239, + "cos_sim_spearman": 51.982655539567965, + "euclidean_pearson": 55.70873380936832, + "euclidean_spearman": 54.56293527619584, + "manhattan_pearson": 57.94419279659701, + "manhattan_spearman": 56.577458741875944, + "cosine_pearson": 52.24207237860239, + "cosine_spearman": 51.982655539567965, + "main_score": 51.982655539567965 + } + ] + } +} \ No newline at end of file diff --git a/results/AdrienB134__llm2vec-occiglot-mntp/external/SummEvalFr.json b/results/AdrienB134__llm2vec-occiglot-mntp/external/SummEvalFr.json new file mode 100644 index 000000000..7d077d94f --- /dev/null +++ b/results/AdrienB134__llm2vec-occiglot-mntp/external/SummEvalFr.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "b385812de6a9577b6f4d0f88c6a6e35395a94054", + "task_name": "SummEvalFr", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 28.170707514130306, + "cos_sim_spearman": 28.718143797860808, + "dot_pearson": 18.331802861285077, + "dot_spearman": 18.173321127745957, + "cosine_pearson": 28.170707514130306, + "cosine_spearman": 28.718143797860808, + "main_score": 28.718143797860808 + } + ] + } +} \ No newline at end of file diff --git a/results/AdrienB134__llm2vec-occiglot-mntp/external/SyntecReranking.json b/results/AdrienB134__llm2vec-occiglot-mntp/external/SyntecReranking.json new file mode 100644 index 000000000..eda02670c --- /dev/null +++ b/results/AdrienB134__llm2vec-occiglot-mntp/external/SyntecReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "b205c5084a0934ce8af14338bf03feb19499c84d", + "task_name": "SyntecReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map": 62.866666666666674, + "mrr": 62.866666666666674, + "main_score": 62.866666666666674 + } + ] + } +} \ No newline at end of file diff --git a/results/AdrienB134__llm2vec-occiglot-mntp/external/SyntecRetrieval.json b/results/AdrienB134__llm2vec-occiglot-mntp/external/SyntecRetrieval.json new file mode 100644 index 000000000..bfe1d6034 --- /dev/null +++ b/results/AdrienB134__llm2vec-occiglot-mntp/external/SyntecRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "19661ccdca4dfc2d15122d776b61685f48c68ca9", + "task_name": "SyntecRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map_at_1": 12.0, + "map_at_10": 21.644, + "map_at_100": 24.02, + "map_at_1000": 24.02, + "map_at_20": 23.088, + "map_at_3": 18.167, + "map_at_5": 19.967, + "mrr_at_1": 12.0, + "mrr_at_10": 21.644, + "mrr_at_100": 24.02, + "mrr_at_1000": 24.02, + "mrr_at_20": 23.088, + "mrr_at_3": 18.167, + "mrr_at_5": 19.967, + "ndcg_at_1": 12.0, + "ndcg_at_10": 27.644999999999996, + "ndcg_at_100": 39.085, + "ndcg_at_1000": 39.085, + "ndcg_at_20": 32.940999999999995, + "ndcg_at_3": 20.416999999999998, + "ndcg_at_5": 23.687, + "precision_at_1": 12.0, + "precision_at_10": 4.7, + "precision_at_100": 1.0, + "precision_at_1000": 0.1, + "precision_at_20": 3.4000000000000004, + "precision_at_3": 9.0, + "precision_at_5": 7.000000000000001, + "recall_at_1": 12.0, + "recall_at_10": 47.0, + "recall_at_100": 100.0, + "recall_at_1000": 100.0, + "recall_at_20": 68.0, + "recall_at_3": 27.0, + "recall_at_5": 35.0, + "main_score": 27.644999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/AdrienB134__llm2vec-occiglot-mntp/external/XPQARetrieval.json b/results/AdrienB134__llm2vec-occiglot-mntp/external/XPQARetrieval.json new file mode 100644 index 000000000..44009b7af --- /dev/null +++ b/results/AdrienB134__llm2vec-occiglot-mntp/external/XPQARetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "c99d599f0a6ab9b85b065da6f9d94f9cf731679f", + "task_name": "XPQARetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "None" + ], + "map_at_1": 14.168, + "map_at_10": 21.8, + "map_at_100": 23.066, + "map_at_1000": 23.265, + "map_at_20": 22.427, + "map_at_3": 19.277, + "map_at_5": 20.693, + "mrr_at_1": 24.032, + "mrr_at_10": 29.848000000000003, + "mrr_at_100": 30.648999999999997, + "mrr_at_1000": 30.737, + "mrr_at_20": 30.213, + "mrr_at_3": 28.126, + "mrr_at_5": 29.000999999999998, + "ndcg_at_1": 24.032, + "ndcg_at_10": 26.39, + "ndcg_at_100": 31.978, + "ndcg_at_1000": 36.57, + "ndcg_at_20": 28.109, + "ndcg_at_3": 23.46, + "ndcg_at_5": 24.201, + "precision_at_1": 24.032, + "precision_at_10": 6.648999999999999, + "precision_at_100": 1.172, + "precision_at_1000": 0.182, + "precision_at_20": 3.959, + "precision_at_3": 14.642, + "precision_at_5": 10.681000000000001, + "recall_at_1": 14.168, + "recall_at_10": 31.613000000000003, + "recall_at_100": 53.996, + "recall_at_1000": 85.705, + "recall_at_20": 36.925000000000004, + "recall_at_3": 22.528000000000002, + "recall_at_5": 26.344, + "main_score": 26.39 + } + ] + } +} \ No newline at end of file diff --git a/results/AdrienB134__llm2vec-occiglot-mntp/external/model_meta.json b/results/AdrienB134__llm2vec-occiglot-mntp/external/model_meta.json new file mode 100644 index 000000000..c74044c10 --- /dev/null +++ b/results/AdrienB134__llm2vec-occiglot-mntp/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "AdrienB134/llm2vec-occiglot-mntp", + "revision": "2bf0b636d03efd648ed8c0c1709a66e181716025", + "release_date": "2024-05-14", + "languages": [ + "fr" + ], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": null, + "embed_dim": null, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/AFQMC.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/AFQMC.json new file mode 100644 index 000000000..24c65162e --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/AFQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b44c3b011063adb25877c13823db83bb193913c4", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 50.01571015887356, + "cos_sim_spearman": 58.47419994907958, + "euclidean_pearson": 55.63582004345212, + "euclidean_spearman": 58.47514484211099, + "manhattan_pearson": 55.58487268871911, + "manhattan_spearman": 58.411916843600075, + "cosine_pearson": 50.01571015887356, + "cosine_spearman": 58.47419994907958, + "main_score": 58.47419994907958 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/ATEC.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/ATEC.json new file mode 100644 index 000000000..cf8136b04 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/ATEC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "0f319b1142f28d00e055a6770f3f726ae9b7d865", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 44.99231617937922, + "cos_sim_spearman": 55.459227458516416, + "euclidean_pearson": 52.98483376548224, + "euclidean_spearman": 55.45938733128155, + "manhattan_pearson": 52.946854805143964, + "manhattan_spearman": 55.4272663113618, + "cosine_pearson": 44.99231617937922, + "cosine_spearman": 55.459227458516416, + "main_score": 55.459227458516416 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/AmazonCounterfactualClassification.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..da1d44379 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 83.16417910447761, + "ap": 49.37655308937739, + "f1": 77.52987230462615, + "main_score": 83.16417910447761 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/AmazonPolarityClassification.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..30046a2d0 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 96.6959, + "ap": 94.90885739242472, + "f1": 96.69477648952649, + "main_score": 96.6959 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/AmazonReviewsClassification.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..9b00aa62c --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/AmazonReviewsClassification.json @@ -0,0 +1,28 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 62.168, + "f1": 60.411431278343755, + "main_score": 62.168 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 52.946000000000005, + "f1": 49.299873931232725, + "main_score": 52.946000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/ArguAna.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/ArguAna.json new file mode 100644 index 000000000..1dab5cb2f --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 36.415, + "map_at_10": 53.505, + "map_at_100": 54.013, + "map_at_1000": 54.013, + "map_at_3": 48.459, + "map_at_5": 51.524, + "mrr_at_1": 36.842000000000006, + "mrr_at_10": 53.679, + "mrr_at_100": 54.17999999999999, + "mrr_at_1000": 54.17999999999999, + "mrr_at_3": 48.613, + "mrr_at_5": 51.696, + "ndcg_at_1": 36.415, + "ndcg_at_10": 62.644999999999996, + "ndcg_at_100": 64.60000000000001, + "ndcg_at_1000": 64.60000000000001, + "ndcg_at_3": 52.44799999999999, + "ndcg_at_5": 57.964000000000006, + "precision_at_1": 36.415, + "precision_at_10": 9.161, + "precision_at_100": 0.996, + "precision_at_1000": 0.1, + "precision_at_3": 21.337, + "precision_at_5": 15.476999999999999, + "recall_at_1": 36.415, + "recall_at_10": 91.607, + "recall_at_100": 99.644, + "recall_at_1000": 99.644, + "recall_at_3": 64.011, + "recall_at_5": 77.383, + "main_score": 62.644999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/ArxivClusteringP2P.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..261ecc193 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 56.40183100758549, + "main_score": 56.40183100758549 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/ArxivClusteringS2S.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..bc1220b4a --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 51.44814171373338, + "main_score": 51.44814171373338 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/AskUbuntuDupQuestions.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..1f5ae2463 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 66.00208703259058, + "mrr": 78.95165545442553, + "main_score": 66.00208703259058 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/BIOSSES.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/BIOSSES.json new file mode 100644 index 000000000..d9dba43df --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.12591694410098, + "cos_sim_spearman": 81.11570369802254, + "euclidean_pearson": 80.91709076204458, + "euclidean_spearman": 81.11570369802254, + "manhattan_pearson": 80.71719561024605, + "manhattan_spearman": 81.21510355327713, + "cosine_pearson": 82.12591694410098, + "cosine_spearman": 81.11570369802254, + "main_score": 81.11570369802254 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/BQ.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/BQ.json new file mode 100644 index 000000000..bed68e918 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/BQ.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e3dda5e115e487b39ec7e618c0c6a29137052a55", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 74.66979530294986, + "cos_sim_spearman": 77.59153258548018, + "euclidean_pearson": 76.5862988380262, + "euclidean_spearman": 77.59094368703879, + "manhattan_pearson": 76.6034419552102, + "manhattan_spearman": 77.6000715948404, + "cosine_pearson": 74.66979530294986, + "cosine_spearman": 77.59153258548018, + "main_score": 77.59153258548018 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/Banking77Classification.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/Banking77Classification.json new file mode 100644 index 000000000..3cb935aff --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 81.67857142857142, + "f1": 80.84103272994895, + "main_score": 81.67857142857142 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/BiorxivClusteringP2P.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..1b0bebeb5 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 49.008657468552016, + "main_score": 49.008657468552016 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/BiorxivClusteringS2S.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..1be721a7e --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 45.05901064421589, + "main_score": 45.05901064421589 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/CLSClusteringP2P.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/CLSClusteringP2P.json new file mode 100644 index 000000000..24bfdf88c --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/CLSClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "4b6227591c6c1a73bc76b1055f3b7f3588e72476", + "task_name": "CLSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 47.20931915009524, + "main_score": 47.20931915009524 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/CLSClusteringS2S.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/CLSClusteringS2S.json new file mode 100644 index 000000000..6a4984ab2 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/CLSClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e458b3f5414b62b7f9f83499ac1f5497ae2e869f", + "task_name": "CLSClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 45.787353610995474, + "main_score": 45.787353610995474 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/CQADupstackAndroidRetrieval.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..aaa9264e4 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "f46a197baaae43b4f621051089b82a364682dfeb", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.694, + "map_at_10": 43.895, + "map_at_100": 45.797, + "map_at_1000": 45.922000000000004, + "map_at_3": 40.141, + "map_at_5": 42.077, + "mrr_at_1": 40.2, + "mrr_at_10": 50.11, + "mrr_at_100": 51.101, + "mrr_at_1000": 51.13100000000001, + "mrr_at_3": 47.735, + "mrr_at_5": 48.922, + "ndcg_at_1": 40.2, + "ndcg_at_10": 50.449999999999996, + "ndcg_at_100": 56.85, + "ndcg_at_1000": 58.345, + "ndcg_at_3": 45.261, + "ndcg_at_5": 47.298, + "precision_at_1": 40.2, + "precision_at_10": 9.742, + "precision_at_100": 1.6480000000000001, + "precision_at_1000": 0.214, + "precision_at_3": 21.841, + "precision_at_5": 15.68, + "recall_at_1": 32.694, + "recall_at_10": 62.751999999999995, + "recall_at_100": 88.619, + "recall_at_1000": 97.386, + "recall_at_3": 47.087, + "recall_at_5": 53.108999999999995, + "main_score": 50.449999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.849, + "map_at_10": 37.938, + "map_at_100": 39.211, + "map_at_1000": 39.333, + "map_at_3": 35.314, + "map_at_5": 36.666, + "mrr_at_1": 34.904, + "mrr_at_10": 43.869, + "mrr_at_100": 44.614, + "mrr_at_1000": 44.662, + "mrr_at_3": 41.815000000000005, + "mrr_at_5": 42.943, + "ndcg_at_1": 34.904, + "ndcg_at_10": 43.605, + "ndcg_at_100": 48.339999999999996, + "ndcg_at_1000": 50.470000000000006, + "ndcg_at_3": 39.835, + "ndcg_at_5": 41.364000000000004, + "precision_at_1": 34.904, + "precision_at_10": 8.222999999999999, + "precision_at_100": 1.332, + "precision_at_1000": 0.183, + "precision_at_3": 19.575, + "precision_at_5": 13.58, + "recall_at_1": 27.849, + "recall_at_10": 53.635, + "recall_at_100": 73.932, + "recall_at_1000": 87.29599999999999, + "recall_at_3": 42.019, + "recall_at_5": 46.58, + "main_score": 43.605 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.182999999999996, + "map_at_10": 41.233, + "map_at_100": 42.52, + "map_at_1000": 42.589, + "map_at_3": 37.284, + "map_at_5": 39.586, + "mrr_at_1": 33.793, + "mrr_at_10": 44.572, + "mrr_at_100": 45.456, + "mrr_at_1000": 45.497, + "mrr_at_3": 41.275, + "mrr_at_5": 43.278, + "ndcg_at_1": 33.793, + "ndcg_at_10": 47.823, + "ndcg_at_100": 52.994, + "ndcg_at_1000": 54.400000000000006, + "ndcg_at_3": 40.82, + "ndcg_at_5": 44.426, + "precision_at_1": 33.793, + "precision_at_10": 8.312999999999999, + "precision_at_100": 1.191, + "precision_at_1000": 0.136, + "precision_at_3": 18.662, + "precision_at_5": 13.668, + "recall_at_1": 29.182999999999996, + "recall_at_10": 64.14999999999999, + "recall_at_100": 86.533, + "recall_at_1000": 96.492, + "recall_at_3": 45.7, + "recall_at_5": 54.330999999999996, + "main_score": 47.823 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.389, + "map_at_10": 33.858, + "map_at_100": 35.081, + "map_at_1000": 35.161, + "map_at_3": 30.793, + "map_at_5": 32.336, + "mrr_at_1": 27.006000000000004, + "mrr_at_10": 36.378, + "mrr_at_100": 37.345, + "mrr_at_1000": 37.405, + "mrr_at_3": 33.578, + "mrr_at_5": 34.991, + "ndcg_at_1": 27.006000000000004, + "ndcg_at_10": 39.612, + "ndcg_at_100": 45.216, + "ndcg_at_1000": 47.12, + "ndcg_at_3": 33.566, + "ndcg_at_5": 36.105, + "precision_at_1": 27.006000000000004, + "precision_at_10": 6.372999999999999, + "precision_at_100": 0.968, + "precision_at_1000": 0.11800000000000001, + "precision_at_3": 14.501, + "precision_at_5": 10.169, + "recall_at_1": 24.389, + "recall_at_10": 55.131, + "recall_at_100": 80.315, + "recall_at_1000": 94.284, + "recall_at_3": 38.643, + "recall_at_5": 44.725, + "main_score": 39.612 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.845999999999998, + "map_at_10": 25.019000000000002, + "map_at_100": 26.478, + "map_at_1000": 26.598, + "map_at_3": 21.595, + "map_at_5": 23.335, + "mrr_at_1": 20.274, + "mrr_at_10": 29.221000000000004, + "mrr_at_100": 30.354999999999997, + "mrr_at_1000": 30.419, + "mrr_at_3": 26.161, + "mrr_at_5": 27.61, + "ndcg_at_1": 20.274, + "ndcg_at_10": 31.014000000000003, + "ndcg_at_100": 37.699, + "ndcg_at_1000": 40.363, + "ndcg_at_3": 24.701999999999998, + "ndcg_at_5": 27.261999999999997, + "precision_at_1": 20.274, + "precision_at_10": 6.219, + "precision_at_100": 1.101, + "precision_at_1000": 0.146, + "precision_at_3": 12.231, + "precision_at_5": 9.129, + "recall_at_1": 15.845999999999998, + "recall_at_10": 45.358, + "recall_at_100": 74.232, + "recall_at_1000": 92.985, + "recall_at_3": 28.050000000000004, + "recall_at_5": 34.588, + "main_score": 31.014000000000003 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 33.808, + "map_at_10": 46.86, + "map_at_100": 48.237, + "map_at_1000": 48.331, + "map_at_3": 42.784, + "map_at_5": 45.015, + "mrr_at_1": 41.771, + "mrr_at_10": 52.35300000000001, + "mrr_at_100": 53.102000000000004, + "mrr_at_1000": 53.132999999999996, + "mrr_at_3": 49.663000000000004, + "mrr_at_5": 51.27, + "ndcg_at_1": 41.771, + "ndcg_at_10": 53.562, + "ndcg_at_100": 58.809999999999995, + "ndcg_at_1000": 60.23, + "ndcg_at_3": 47.514, + "ndcg_at_5": 50.358999999999995, + "precision_at_1": 41.771, + "precision_at_10": 10.038, + "precision_at_100": 1.473, + "precision_at_1000": 0.17600000000000002, + "precision_at_3": 22.875, + "precision_at_5": 16.477, + "recall_at_1": 33.808, + "recall_at_10": 67.721, + "recall_at_100": 89.261, + "recall_at_1000": 98.042, + "recall_at_3": 50.807, + "recall_at_5": 58.162000000000006, + "main_score": 53.562 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.105000000000004, + "map_at_10": 40.354, + "map_at_100": 41.921, + "map_at_1000": 42.021, + "map_at_3": 36.532, + "map_at_5": 38.671, + "mrr_at_1": 34.475, + "mrr_at_10": 45.342, + "mrr_at_100": 46.300000000000004, + "mrr_at_1000": 46.343, + "mrr_at_3": 42.637, + "mrr_at_5": 44.207, + "ndcg_at_1": 34.475, + "ndcg_at_10": 46.945, + "ndcg_at_100": 52.939, + "ndcg_at_1000": 54.645999999999994, + "ndcg_at_3": 41.065000000000005, + "ndcg_at_5": 43.832, + "precision_at_1": 34.475, + "precision_at_10": 8.892999999999999, + "precision_at_100": 1.377, + "precision_at_1000": 0.17099999999999999, + "precision_at_3": 20.091, + "precision_at_5": 14.452000000000002, + "recall_at_1": 28.105000000000004, + "recall_at_10": 61.253, + "recall_at_100": 85.92, + "recall_at_1000": 96.799, + "recall_at_3": 45.094, + "recall_at_5": 52.455, + "main_score": 46.945 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.613833333333332, + "map_at_10": 34.763, + "map_at_100": 36.17066666666667, + "map_at_1000": 36.2905, + "map_at_3": 31.53541666666666, + "map_at_5": 33.29216666666667, + "mrr_at_1": 29.48725, + "mrr_at_10": 38.92066666666667, + "mrr_at_100": 39.88725000000001, + "mrr_at_1000": 39.9435, + "mrr_at_3": 36.284083333333335, + "mrr_at_5": 37.73941666666667, + "ndcg_at_1": 29.48725, + "ndcg_at_10": 40.635083333333334, + "ndcg_at_100": 46.479416666666665, + "ndcg_at_1000": 48.63308333333334, + "ndcg_at_3": 35.19483333333333, + "ndcg_at_5": 37.68016666666667, + "precision_at_1": 29.48725, + "precision_at_10": 7.406499999999998, + "precision_at_100": 1.2225833333333334, + "precision_at_1000": 0.16108333333333336, + "precision_at_3": 16.53375, + "precision_at_5": 11.919416666666665, + "recall_at_1": 24.613833333333332, + "recall_at_10": 53.91766666666666, + "recall_at_100": 79.18, + "recall_at_1000": 93.85133333333333, + "recall_at_3": 38.866166666666665, + "recall_at_5": 45.21275000000001, + "main_score": 40.635083333333334 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.106, + "map_at_10": 33.367999999999995, + "map_at_100": 34.586, + "map_at_1000": 34.681, + "map_at_3": 31.022, + "map_at_5": 32.548, + "mrr_at_1": 28.374, + "mrr_at_10": 36.521, + "mrr_at_100": 37.55, + "mrr_at_1000": 37.614999999999995, + "mrr_at_3": 34.509, + "mrr_at_5": 35.836, + "ndcg_at_1": 28.374, + "ndcg_at_10": 37.893, + "ndcg_at_100": 43.694, + "ndcg_at_1000": 46.001999999999995, + "ndcg_at_3": 33.825, + "ndcg_at_5": 36.201, + "precision_at_1": 28.374, + "precision_at_10": 5.966, + "precision_at_100": 0.9650000000000001, + "precision_at_1000": 0.124, + "precision_at_3": 14.774999999999999, + "precision_at_5": 10.459999999999999, + "recall_at_1": 25.106, + "recall_at_10": 48.607, + "recall_at_100": 74.66000000000001, + "recall_at_1000": 91.562, + "recall_at_3": 37.669999999999995, + "recall_at_5": 43.484, + "main_score": 37.893 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 13.755, + "map_at_10": 20.756, + "map_at_100": 22.05, + "map_at_1000": 22.201, + "map_at_3": 18.243000000000002, + "map_at_5": 19.512, + "mrr_at_1": 16.93, + "mrr_at_10": 24.276, + "mrr_at_100": 25.349, + "mrr_at_1000": 25.441000000000003, + "mrr_at_3": 21.897, + "mrr_at_5": 23.134, + "ndcg_at_1": 16.93, + "ndcg_at_10": 25.508999999999997, + "ndcg_at_100": 31.777, + "ndcg_at_1000": 35.112, + "ndcg_at_3": 20.896, + "ndcg_at_5": 22.857, + "precision_at_1": 16.93, + "precision_at_10": 4.972, + "precision_at_100": 0.963, + "precision_at_1000": 0.145, + "precision_at_3": 10.14, + "precision_at_5": 7.536, + "recall_at_1": 13.755, + "recall_at_10": 36.46, + "recall_at_100": 64.786, + "recall_at_1000": 88.287, + "recall_at_3": 23.681, + "recall_at_5": 28.615000000000002, + "main_score": 25.508999999999997 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.99, + "map_at_10": 38.009, + "map_at_100": 39.384, + "map_at_1000": 39.481, + "map_at_3": 34.593, + "map_at_5": 36.449999999999996, + "mrr_at_1": 31.81, + "mrr_at_10": 41.943000000000005, + "mrr_at_100": 42.914, + "mrr_at_1000": 42.962, + "mrr_at_3": 39.179, + "mrr_at_5": 40.798, + "ndcg_at_1": 31.81, + "ndcg_at_10": 44.086, + "ndcg_at_100": 50.026, + "ndcg_at_1000": 51.903999999999996, + "ndcg_at_3": 38.23, + "ndcg_at_5": 40.926, + "precision_at_1": 31.81, + "precision_at_10": 7.761, + "precision_at_100": 1.205, + "precision_at_1000": 0.148, + "precision_at_3": 17.537, + "precision_at_5": 12.649, + "recall_at_1": 26.99, + "recall_at_10": 58.467, + "recall_at_100": 83.93, + "recall_at_1000": 96.452, + "recall_at_3": 42.685, + "recall_at_5": 49.341, + "main_score": 44.086 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.312, + "map_at_10": 35.788, + "map_at_100": 37.616, + "map_at_1000": 37.86, + "map_at_3": 32.422000000000004, + "map_at_5": 34.585, + "mrr_at_1": 30.631999999999998, + "mrr_at_10": 40.604, + "mrr_at_100": 41.745, + "mrr_at_1000": 41.788, + "mrr_at_3": 37.582, + "mrr_at_5": 39.499, + "ndcg_at_1": 30.631999999999998, + "ndcg_at_10": 42.129, + "ndcg_at_100": 48.943, + "ndcg_at_1000": 51.089, + "ndcg_at_3": 36.658, + "ndcg_at_5": 39.818999999999996, + "precision_at_1": 30.631999999999998, + "precision_at_10": 7.904999999999999, + "precision_at_100": 1.664, + "precision_at_1000": 0.256, + "precision_at_3": 16.996, + "precision_at_5": 12.727, + "recall_at_1": 25.312, + "recall_at_10": 54.886, + "recall_at_100": 84.155, + "recall_at_1000": 96.956, + "recall_at_3": 40.232, + "recall_at_5": 48.204, + "main_score": 42.129 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 12.328999999999999, + "map_at_10": 20.078, + "map_at_100": 21.166999999999998, + "map_at_1000": 21.308, + "map_at_3": 17.702, + "map_at_5": 18.725, + "mrr_at_1": 13.678, + "mrr_at_10": 21.859, + "mrr_at_100": 22.816, + "mrr_at_1000": 22.926, + "mrr_at_3": 19.378, + "mrr_at_5": 20.385, + "ndcg_at_1": 13.678, + "ndcg_at_10": 24.993000000000002, + "ndcg_at_100": 30.464999999999996, + "ndcg_at_1000": 33.916000000000004, + "ndcg_at_3": 19.966, + "ndcg_at_5": 21.712999999999997, + "precision_at_1": 13.678, + "precision_at_10": 4.473, + "precision_at_100": 0.784, + "precision_at_1000": 0.116, + "precision_at_3": 9.181000000000001, + "precision_at_5": 6.506, + "recall_at_1": 12.328999999999999, + "recall_at_10": 38.592, + "recall_at_100": 63.817, + "recall_at_1000": 89.67500000000001, + "recall_at_3": 24.726, + "recall_at_5": 28.959000000000003, + "main_score": 24.993000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/ClimateFEVER.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/ClimateFEVER.json new file mode 100644 index 000000000..ea8e75248 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.147, + "map_at_10": 33.509, + "map_at_100": 35.573, + "map_at_1000": 35.769, + "map_at_3": 27.983999999999998, + "map_at_5": 31.012, + "mrr_at_1": 43.844, + "mrr_at_10": 56.24, + "mrr_at_100": 56.801, + "mrr_at_1000": 56.826, + "mrr_at_3": 53.290000000000006, + "mrr_at_5": 55.13, + "ndcg_at_1": 43.844, + "ndcg_at_10": 43.996, + "ndcg_at_100": 50.965, + "ndcg_at_1000": 53.927, + "ndcg_at_3": 37.263000000000005, + "ndcg_at_5": 39.553, + "precision_at_1": 43.844, + "precision_at_10": 13.687, + "precision_at_100": 2.139, + "precision_at_1000": 0.269, + "precision_at_3": 28.122000000000003, + "precision_at_5": 21.303, + "recall_at_1": 19.147, + "recall_at_10": 50.449999999999996, + "recall_at_100": 74.00099999999999, + "recall_at_1000": 90.098, + "recall_at_3": 33.343, + "recall_at_5": 40.744, + "main_score": 43.996 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/CmedqaRetrieval.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/CmedqaRetrieval.json new file mode 100644 index 000000000..755e3562f --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/CmedqaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "cd540c506dae1cf9e9a59c3e06f42030d54e7301", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 24.465, + "map_at_10": 36.689, + "map_at_100": 38.605000000000004, + "map_at_1000": 38.718, + "map_at_3": 32.399, + "map_at_5": 34.784, + "mrr_at_1": 37.234, + "mrr_at_10": 45.634, + "mrr_at_100": 46.676, + "mrr_at_1000": 46.717, + "mrr_at_3": 42.94, + "mrr_at_5": 44.457, + "ndcg_at_1": 37.234, + "ndcg_at_10": 43.469, + "ndcg_at_100": 51.048, + "ndcg_at_1000": 52.925999999999995, + "ndcg_at_3": 37.942, + "ndcg_at_5": 40.253, + "precision_at_1": 37.234, + "precision_at_10": 9.745, + "precision_at_100": 1.5879999999999999, + "precision_at_1000": 0.183, + "precision_at_3": 21.505, + "precision_at_5": 15.729000000000001, + "recall_at_1": 24.465, + "recall_at_10": 54.559999999999995, + "recall_at_100": 85.97200000000001, + "recall_at_1000": 98.32499999999999, + "recall_at_3": 38.047, + "recall_at_5": 45.08, + "main_score": 43.469 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/Cmnli.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/Cmnli.json new file mode 100644 index 000000000..7641b2412 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/Cmnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "41bc36f332156f7adc9e38f53777c959b2ae9766", + "task_name": "Cmnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 84.50992182802165, + "cos_sim_ap": 91.81488661281966, + "cos_sim_f1": 85.46855802524294, + "cos_sim_precision": 81.82207014542344, + "cos_sim_recall": 89.4552256254384, + "dot_accuracy": 84.50992182802165, + "dot_ap": 91.80547588176556, + "dot_f1": 85.46492111446794, + "dot_precision": 81.95278969957081, + "dot_recall": 89.29155950432546, + "euclidean_accuracy": 84.49789536981359, + "euclidean_ap": 91.81495039620808, + "euclidean_f1": 85.46817317373308, + "euclidean_precision": 81.93908193908193, + "euclidean_recall": 89.31494037877017, + "manhattan_accuracy": 84.46181599518941, + "manhattan_ap": 91.85400573633447, + "manhattan_f1": 85.54283809312146, + "manhattan_precision": 81.51207115628971, + "manhattan_recall": 89.99298573766659, + "max_accuracy": 84.50992182802165, + "max_ap": 91.85400573633447, + "max_f1": 85.54283809312146, + "main_score": 84.50992182802165 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/CovidRetrieval.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/CovidRetrieval.json new file mode 100644 index 000000000..3e7a4a365 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/CovidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "1271c7809071a13532e05f25fb53511ffce77117", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 68.072, + "map_at_10": 76.82900000000001, + "map_at_100": 77.146, + "map_at_1000": 77.14999999999999, + "map_at_3": 74.939, + "map_at_5": 76.009, + "mrr_at_1": 68.282, + "mrr_at_10": 76.818, + "mrr_at_100": 77.13600000000001, + "mrr_at_1000": 77.14, + "mrr_at_3": 74.956, + "mrr_at_5": 76.047, + "ndcg_at_1": 68.282, + "ndcg_at_10": 80.87299999999999, + "ndcg_at_100": 82.191, + "ndcg_at_1000": 82.286, + "ndcg_at_3": 77.065, + "ndcg_at_5": 78.965, + "precision_at_1": 68.282, + "precision_at_10": 9.452, + "precision_at_100": 1.002, + "precision_at_1000": 0.101, + "precision_at_3": 27.889000000000003, + "precision_at_5": 17.682000000000002, + "recall_at_1": 68.072, + "recall_at_10": 93.467, + "recall_at_100": 99.157, + "recall_at_1000": 99.895, + "recall_at_3": 83.14, + "recall_at_5": 87.67099999999999, + "main_score": 80.87299999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/DBPedia.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/DBPedia.json new file mode 100644 index 000000000..ad5d1da63 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.773, + "map_at_10": 21.172, + "map_at_100": 30.244, + "map_at_1000": 32.127, + "map_at_3": 14.510000000000002, + "map_at_5": 17.483, + "mrr_at_1": 68.25, + "mrr_at_10": 77.33, + "mrr_at_100": 77.529, + "mrr_at_1000": 77.536, + "mrr_at_3": 75.708, + "mrr_at_5": 76.72099999999999, + "ndcg_at_1": 60.0, + "ndcg_at_10": 48.045, + "ndcg_at_100": 51.620999999999995, + "ndcg_at_1000": 58.843999999999994, + "ndcg_at_3": 52.922000000000004, + "ndcg_at_5": 50.27, + "precision_at_1": 68.25, + "precision_at_10": 37.625, + "precision_at_100": 11.774999999999999, + "precision_at_1000": 2.395, + "precision_at_3": 55.25, + "precision_at_5": 47.599999999999994, + "recall_at_1": 8.773, + "recall_at_10": 27.332, + "recall_at_100": 55.48499999999999, + "recall_at_1000": 79.886, + "recall_at_3": 15.823, + "recall_at_5": 20.523, + "main_score": 48.045 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/DuRetrieval.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/DuRetrieval.json new file mode 100644 index 000000000..a5379d2b6 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/DuRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "a1a333e290fe30b10f3f56498e3a0d911a693ced", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 26.107999999999997, + "map_at_10": 78.384, + "map_at_100": 81.341, + "map_at_1000": 81.384, + "map_at_3": 54.462999999999994, + "map_at_5": 68.607, + "mrr_at_1": 88.94999999999999, + "mrr_at_10": 92.31, + "mrr_at_100": 92.379, + "mrr_at_1000": 92.38300000000001, + "mrr_at_3": 91.85799999999999, + "mrr_at_5": 92.146, + "ndcg_at_1": 88.94999999999999, + "ndcg_at_10": 86.00999999999999, + "ndcg_at_100": 89.121, + "ndcg_at_1000": 89.534, + "ndcg_at_3": 84.69200000000001, + "ndcg_at_5": 83.678, + "precision_at_1": 88.94999999999999, + "precision_at_10": 41.065000000000005, + "precision_at_100": 4.781, + "precision_at_1000": 0.488, + "precision_at_3": 75.75, + "precision_at_5": 63.93, + "recall_at_1": 26.107999999999997, + "recall_at_10": 87.349, + "recall_at_100": 97.14699999999999, + "recall_at_1000": 99.287, + "recall_at_3": 56.601, + "recall_at_5": 73.381, + "main_score": 86.00999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/EcomRetrieval.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/EcomRetrieval.json new file mode 100644 index 000000000..dad4ccf12 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/EcomRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "687de13dc7294d6fd9be10c6945f9e8fec8166b9", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 50.7, + "map_at_10": 61.312999999999995, + "map_at_100": 61.88399999999999, + "map_at_1000": 61.9, + "map_at_3": 58.983, + "map_at_5": 60.238, + "mrr_at_1": 50.7, + "mrr_at_10": 61.312999999999995, + "mrr_at_100": 61.88399999999999, + "mrr_at_1000": 61.9, + "mrr_at_3": 58.983, + "mrr_at_5": 60.238, + "ndcg_at_1": 50.7, + "ndcg_at_10": 66.458, + "ndcg_at_100": 69.098, + "ndcg_at_1000": 69.539, + "ndcg_at_3": 61.637, + "ndcg_at_5": 63.92099999999999, + "precision_at_1": 50.7, + "precision_at_10": 8.260000000000002, + "precision_at_100": 0.946, + "precision_at_1000": 0.098, + "precision_at_3": 23.1, + "precision_at_5": 14.979999999999999, + "recall_at_1": 50.7, + "recall_at_10": 82.6, + "recall_at_100": 94.6, + "recall_at_1000": 98.1, + "recall_at_3": 69.3, + "recall_at_5": 74.9, + "main_score": 66.458 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/EmotionClassification.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/EmotionClassification.json new file mode 100644 index 000000000..382554555 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 54.52999999999999, + "f1": 47.396628088963645, + "main_score": 54.52999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/FEVER.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/FEVER.json new file mode 100644 index 000000000..85aea38fd --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 85.397, + "map_at_10": 90.917, + "map_at_100": 91.109, + "map_at_1000": 91.121, + "map_at_3": 90.045, + "map_at_5": 90.602, + "mrr_at_1": 92.00399999999999, + "mrr_at_10": 95.39999999999999, + "mrr_at_100": 95.41, + "mrr_at_1000": 95.41, + "mrr_at_3": 95.165, + "mrr_at_5": 95.348, + "ndcg_at_1": 92.00399999999999, + "ndcg_at_10": 93.345, + "ndcg_at_100": 93.934, + "ndcg_at_1000": 94.108, + "ndcg_at_3": 92.32000000000001, + "ndcg_at_5": 92.899, + "precision_at_1": 92.00399999999999, + "precision_at_10": 10.839, + "precision_at_100": 1.1440000000000001, + "precision_at_1000": 0.117, + "precision_at_3": 34.298, + "precision_at_5": 21.128, + "recall_at_1": 85.397, + "recall_at_10": 96.375, + "recall_at_100": 98.518, + "recall_at_1000": 99.515, + "recall_at_3": 93.59100000000001, + "recall_at_5": 95.134, + "main_score": 93.345 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/FiQA2018.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/FiQA2018.json new file mode 100644 index 000000000..28b8a47a2 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.36, + "map_at_10": 46.847, + "map_at_100": 49.259, + "map_at_1000": 49.389, + "map_at_3": 41.095, + "map_at_5": 44.084, + "mrr_at_1": 51.852, + "mrr_at_10": 61.67, + "mrr_at_100": 62.395999999999994, + "mrr_at_1000": 62.414, + "mrr_at_3": 59.465, + "mrr_at_5": 60.584, + "ndcg_at_1": 51.852, + "ndcg_at_10": 55.311, + "ndcg_at_100": 62.6, + "ndcg_at_1000": 64.206, + "ndcg_at_3": 51.159, + "ndcg_at_5": 52.038, + "precision_at_1": 51.852, + "precision_at_10": 15.370000000000001, + "precision_at_100": 2.282, + "precision_at_1000": 0.258, + "precision_at_3": 34.721999999999994, + "precision_at_5": 24.846, + "recall_at_1": 27.36, + "recall_at_10": 63.932, + "recall_at_100": 89.824, + "recall_at_1000": 98.556, + "recall_at_3": 47.227999999999994, + "recall_at_5": 53.724000000000004, + "main_score": 55.311 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/HotpotQA.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/HotpotQA.json new file mode 100644 index 000000000..b562044fd --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.655, + "map_at_10": 63.824999999999996, + "map_at_100": 64.793, + "map_at_1000": 64.848, + "map_at_3": 60.221000000000004, + "map_at_5": 62.474, + "mrr_at_1": 81.31, + "mrr_at_10": 86.509, + "mrr_at_100": 86.677, + "mrr_at_1000": 86.682, + "mrr_at_3": 85.717, + "mrr_at_5": 86.21, + "ndcg_at_1": 81.31, + "ndcg_at_10": 72.251, + "ndcg_at_100": 75.536, + "ndcg_at_1000": 76.558, + "ndcg_at_3": 67.291, + "ndcg_at_5": 70.045, + "precision_at_1": 81.31, + "precision_at_10": 15.082999999999998, + "precision_at_100": 1.764, + "precision_at_1000": 0.19, + "precision_at_3": 42.971, + "precision_at_5": 27.956999999999997, + "recall_at_1": 40.655, + "recall_at_10": 75.41499999999999, + "recall_at_100": 88.224, + "recall_at_1000": 94.943, + "recall_at_3": 64.456, + "recall_at_5": 69.892, + "main_score": 72.251 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/IFlyTek.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/IFlyTek.json new file mode 100644 index 000000000..9d131bb9e --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/IFlyTek.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "421605374b29664c5fc098418fe20ada9bd55f8a", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 53.76683339746056, + "f1": 40.026100192683714, + "main_score": 53.76683339746056 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/ImdbClassification.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/ImdbClassification.json new file mode 100644 index 000000000..1da593523 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 95.58120000000001, + "ap": 93.0407063004784, + "f1": 95.57849992996822, + "main_score": 95.58120000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/JDReview.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/JDReview.json new file mode 100644 index 000000000..9bb440484 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/JDReview.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "b7c64bd89eb87f8ded463478346f76731f07bf8b", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 88.19887429643526, + "ap": 59.02998120976959, + "f1": 83.3659125921227, + "main_score": 88.19887429643526 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/LCQMC.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/LCQMC.json new file mode 100644 index 000000000..5d076ba4c --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/LCQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "17f9b096f80380fce5ed12a9be8be7784b337daf", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 72.53955204856854, + "cos_sim_spearman": 76.28996886746215, + "euclidean_pearson": 75.31184890026394, + "euclidean_spearman": 76.28984471300522, + "manhattan_pearson": 75.36930361638623, + "manhattan_spearman": 76.34021995551348, + "cosine_pearson": 72.53955204856854, + "cosine_spearman": 76.28996886746215, + "main_score": 76.28996886746215 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/MMarcoReranking.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/MMarcoReranking.json new file mode 100644 index 000000000..a92e7ce06 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 23.63666512532725, + "mrr": 22.49642857142857, + "main_score": 23.63666512532725 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/MMarcoRetrieval.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/MMarcoRetrieval.json new file mode 100644 index 000000000..58298a988 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/MMarcoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "539bbde593d947e2a124ba72651aafc09eb33fc2", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 60.645, + "map_at_10": 69.733, + "map_at_100": 70.11699999999999, + "map_at_1000": 70.135, + "map_at_3": 67.585, + "map_at_5": 68.904, + "mrr_at_1": 62.765, + "mrr_at_10": 70.428, + "mrr_at_100": 70.77, + "mrr_at_1000": 70.785, + "mrr_at_3": 68.498, + "mrr_at_5": 69.69, + "ndcg_at_1": 62.765, + "ndcg_at_10": 73.83, + "ndcg_at_100": 75.593, + "ndcg_at_1000": 76.05199999999999, + "ndcg_at_3": 69.66499999999999, + "ndcg_at_5": 71.929, + "precision_at_1": 62.765, + "precision_at_10": 9.117, + "precision_at_100": 1.0, + "precision_at_1000": 0.104, + "precision_at_3": 26.323, + "precision_at_5": 16.971, + "recall_at_1": 60.645, + "recall_at_10": 85.907, + "recall_at_100": 93.947, + "recall_at_1000": 97.531, + "recall_at_3": 74.773, + "recall_at_5": 80.16799999999999, + "main_score": 73.83 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/MSMARCO.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/MSMARCO.json new file mode 100644 index 000000000..30635e893 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.031, + "map_at_10": 34.628, + "map_at_100": 35.833, + "map_at_1000": 35.881, + "map_at_3": 30.619000000000003, + "map_at_5": 32.982, + "mrr_at_1": 22.736, + "mrr_at_10": 35.24, + "mrr_at_100": 36.381, + "mrr_at_1000": 36.424, + "mrr_at_3": 31.287, + "mrr_at_5": 33.617000000000004, + "ndcg_at_1": 22.736, + "ndcg_at_10": 41.681000000000004, + "ndcg_at_100": 47.371, + "ndcg_at_1000": 48.555, + "ndcg_at_3": 33.553, + "ndcg_at_5": 37.771, + "precision_at_1": 22.736, + "precision_at_10": 6.625, + "precision_at_100": 0.9450000000000001, + "precision_at_1000": 0.105, + "precision_at_3": 14.331, + "precision_at_5": 10.734, + "recall_at_1": 22.031, + "recall_at_10": 63.378, + "recall_at_100": 89.47699999999999, + "recall_at_1000": 98.48400000000001, + "recall_at_3": 41.388000000000005, + "recall_at_5": 51.522999999999996, + "main_score": 41.681000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/MTOPDomainClassification.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/MTOPDomainClassification.json new file mode 100644 index 000000000..282ca318b --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 95.75239398084815, + "f1": 95.51228043205194, + "main_score": 95.75239398084815 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/MTOPIntentClassification.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/MTOPIntentClassification.json new file mode 100644 index 000000000..44e66ad4c --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 84.25900592795259, + "f1": 62.14790420114562, + "main_score": 84.25900592795259 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/MassiveIntentClassification.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/MassiveIntentClassification.json new file mode 100644 index 000000000..70cfc5d9d --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/MassiveIntentClassification.json @@ -0,0 +1,28 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.47007397444519, + "f1": 76.92133583932912, + "main_score": 78.47007397444519 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 76.25084061869536, + "f1": 73.65064492827022, + "main_score": 76.25084061869536 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/MassiveScenarioClassification.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..9bf538cfc --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/MassiveScenarioClassification.json @@ -0,0 +1,28 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.19098856758575, + "f1": 78.10820805879119, + "main_score": 78.19098856758575 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 77.2595830531271, + "f1": 77.15217273559321, + "main_score": 77.2595830531271 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/MedicalRetrieval.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/MedicalRetrieval.json new file mode 100644 index 000000000..3595e9a8f --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/MedicalRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "2039188fb5800a9803ba5048df7b76e6fb151fc6", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 52.400000000000006, + "map_at_10": 58.367000000000004, + "map_at_100": 58.913000000000004, + "map_at_1000": 58.961, + "map_at_3": 56.882999999999996, + "map_at_5": 57.743, + "mrr_at_1": 52.400000000000006, + "mrr_at_10": 58.367000000000004, + "mrr_at_100": 58.913000000000004, + "mrr_at_1000": 58.961, + "mrr_at_3": 56.882999999999996, + "mrr_at_5": 57.743, + "ndcg_at_1": 52.400000000000006, + "ndcg_at_10": 61.329, + "ndcg_at_100": 64.264, + "ndcg_at_1000": 65.669, + "ndcg_at_3": 58.256, + "ndcg_at_5": 59.813, + "precision_at_1": 52.400000000000006, + "precision_at_10": 7.07, + "precision_at_100": 0.851, + "precision_at_1000": 0.096, + "precision_at_3": 20.732999999999997, + "precision_at_5": 13.200000000000001, + "recall_at_1": 52.400000000000006, + "recall_at_10": 70.7, + "recall_at_100": 85.1, + "recall_at_1000": 96.39999999999999, + "recall_at_3": 62.2, + "recall_at_5": 66.0, + "main_score": 61.329 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/MedrxivClusteringP2P.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..1cff2e6cc --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 44.37013684222983, + "main_score": 44.37013684222983 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/MedrxivClusteringS2S.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..45004816d --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 42.003012591979704, + "main_score": 42.003012591979704 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/MindSmallReranking.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/MindSmallReranking.json new file mode 100644 index 000000000..946285168 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 32.70743071063257, + "mrr": 33.938337390083994, + "main_score": 32.70743071063257 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/MultilingualSentiment.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/MultilingualSentiment.json new file mode 100644 index 000000000..badbf01e9 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/MultilingualSentiment.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "46958b007a63fdbf239b7672c25d0bea67b5ea1a", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 77.42333333333333, + "f1": 77.24849313989888, + "main_score": 77.42333333333333 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/NFCorpus.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/NFCorpus.json new file mode 100644 index 000000000..74b0ac354 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.369, + "map_at_10": 14.313, + "map_at_100": 18.329, + "map_at_1000": 20.017, + "map_at_3": 10.257, + "map_at_5": 12.264999999999999, + "mrr_at_1": 49.536, + "mrr_at_10": 58.464000000000006, + "mrr_at_100": 59.016000000000005, + "mrr_at_1000": 59.053, + "mrr_at_3": 56.294999999999995, + "mrr_at_5": 57.766, + "ndcg_at_1": 47.678, + "ndcg_at_10": 38.246, + "ndcg_at_100": 35.370000000000005, + "ndcg_at_1000": 44.517, + "ndcg_at_3": 43.368, + "ndcg_at_5": 41.892, + "precision_at_1": 49.536, + "precision_at_10": 28.235, + "precision_at_100": 9.014999999999999, + "precision_at_1000": 2.257, + "precision_at_3": 40.557, + "precision_at_5": 36.409000000000006, + "recall_at_1": 6.369, + "recall_at_10": 19.195999999999998, + "recall_at_100": 37.042, + "recall_at_1000": 69.203, + "recall_at_3": 11.564, + "recall_at_5": 15.264, + "main_score": 38.246 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/NQ.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/NQ.json new file mode 100644 index 000000000..f1dd44f82 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 39.323, + "map_at_10": 54.608999999999995, + "map_at_100": 55.523, + "map_at_1000": 55.544000000000004, + "map_at_3": 50.580000000000005, + "map_at_5": 53.064, + "mrr_at_1": 44.263999999999996, + "mrr_at_10": 57.416, + "mrr_at_100": 58.037000000000006, + "mrr_at_1000": 58.05200000000001, + "mrr_at_3": 54.330999999999996, + "mrr_at_5": 56.302, + "ndcg_at_1": 44.263999999999996, + "ndcg_at_10": 61.785999999999994, + "ndcg_at_100": 65.40599999999999, + "ndcg_at_1000": 65.859, + "ndcg_at_3": 54.518, + "ndcg_at_5": 58.53699999999999, + "precision_at_1": 44.263999999999996, + "precision_at_10": 9.652, + "precision_at_100": 1.169, + "precision_at_1000": 0.121, + "precision_at_3": 24.15, + "precision_at_5": 16.848, + "recall_at_1": 39.323, + "recall_at_10": 80.663, + "recall_at_100": 96.072, + "recall_at_1000": 99.37700000000001, + "recall_at_3": 62.23, + "recall_at_5": 71.379, + "main_score": 61.785999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/Ocnli.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/Ocnli.json new file mode 100644 index 000000000..58dd98550 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/Ocnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "66e76a618a34d6d565d5538088562851e6daa7ec", + "task_name": "Ocnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 80.12994044396319, + "cos_sim_ap": 85.21793541189636, + "cos_sim_f1": 81.91489361702128, + "cos_sim_precision": 75.55753791257806, + "cos_sim_recall": 89.44033790918691, + "dot_accuracy": 80.12994044396319, + "dot_ap": 85.22568672443236, + "dot_f1": 81.91489361702128, + "dot_precision": 75.55753791257806, + "dot_recall": 89.44033790918691, + "euclidean_accuracy": 80.12994044396319, + "euclidean_ap": 85.21643342357407, + "euclidean_f1": 81.8830242510699, + "euclidean_precision": 74.48096885813149, + "euclidean_recall": 90.91869060190075, + "manhattan_accuracy": 80.5630752571738, + "manhattan_ap": 85.27682975032671, + "manhattan_f1": 82.03883495145631, + "manhattan_precision": 75.92093441150045, + "manhattan_recall": 89.22914466737065, + "max_accuracy": 80.5630752571738, + "max_ap": 85.27682975032671, + "max_f1": 82.03883495145631, + "main_score": 80.5630752571738 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/OnlineShopping.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/OnlineShopping.json new file mode 100644 index 000000000..9f9493d4e --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/OnlineShopping.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e610f2ebd179a8fda30ae534c3878750a96db120", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 94.47999999999999, + "ap": 92.81177660844013, + "f1": 94.47045470502114, + "main_score": 94.47999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/PAWSX.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/PAWSX.json new file mode 100644 index 000000000..0e17cec08 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/PAWSX.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "9c6a90e430ac22b5779fb019a23e820b11a8b5e1", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 46.13154582182421, + "cos_sim_spearman": 50.21718723757444, + "euclidean_pearson": 49.41535243569054, + "euclidean_spearman": 50.21831909208907, + "manhattan_pearson": 49.50756578601167, + "manhattan_spearman": 50.229118655684566, + "cosine_pearson": 46.13154582182421, + "cosine_spearman": 50.21718723757444, + "main_score": 50.21718723757444 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/QBQTC.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/QBQTC.json new file mode 100644 index 000000000..ad4c90080 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/QBQTC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "790b0510dc52b1553e8c49f3d2afb48c0e5c48b7", + "task_name": "QBQTC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 30.787794367421956, + "cos_sim_spearman": 31.81774306987836, + "euclidean_pearson": 29.809436608089495, + "euclidean_spearman": 31.817379098812165, + "manhattan_pearson": 30.377027186607787, + "manhattan_spearman": 32.42286865176827, + "cosine_pearson": 30.787794367421956, + "cosine_spearman": 31.81774306987836, + "main_score": 31.81774306987836 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/QuoraRetrieval.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/QuoraRetrieval.json new file mode 100644 index 000000000..456343d3d --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 72.02499999999999, + "map_at_10": 86.14500000000001, + "map_at_100": 86.764, + "map_at_1000": 86.776, + "map_at_3": 83.249, + "map_at_5": 85.083, + "mrr_at_1": 82.83, + "mrr_at_10": 88.70599999999999, + "mrr_at_100": 88.791, + "mrr_at_1000": 88.791, + "mrr_at_3": 87.815, + "mrr_at_5": 88.435, + "ndcg_at_1": 82.84, + "ndcg_at_10": 89.61200000000001, + "ndcg_at_100": 90.693, + "ndcg_at_1000": 90.752, + "ndcg_at_3": 86.96199999999999, + "ndcg_at_5": 88.454, + "precision_at_1": 82.84, + "precision_at_10": 13.600000000000001, + "precision_at_100": 1.543, + "precision_at_1000": 0.157, + "precision_at_3": 38.092999999999996, + "precision_at_5": 25.024, + "recall_at_1": 72.02499999999999, + "recall_at_10": 96.21600000000001, + "recall_at_100": 99.76, + "recall_at_1000": 99.996, + "recall_at_3": 88.57000000000001, + "recall_at_5": 92.814, + "main_score": 89.61200000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/RedditClustering.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/RedditClustering.json new file mode 100644 index 000000000..4ce732297 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 73.37297191949929, + "main_score": 73.37297191949929 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/RedditClusteringP2P.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/RedditClusteringP2P.json new file mode 100644 index 000000000..b2b0e6380 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 72.50752304246946, + "main_score": 72.50752304246946 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/SCIDOCS.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/SCIDOCS.json new file mode 100644 index 000000000..a14314276 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.4479999999999995, + "map_at_10": 17.268, + "map_at_100": 20.502000000000002, + "map_at_1000": 20.904, + "map_at_3": 11.951, + "map_at_5": 14.494000000000002, + "mrr_at_1": 31.900000000000002, + "mrr_at_10": 45.084999999999994, + "mrr_at_100": 46.145, + "mrr_at_1000": 46.164, + "mrr_at_3": 41.6, + "mrr_at_5": 43.76, + "ndcg_at_1": 31.900000000000002, + "ndcg_at_10": 27.694000000000003, + "ndcg_at_100": 39.016, + "ndcg_at_1000": 44.448, + "ndcg_at_3": 26.279999999999998, + "ndcg_at_5": 22.93, + "precision_at_1": 31.900000000000002, + "precision_at_10": 14.399999999999999, + "precision_at_100": 3.082, + "precision_at_1000": 0.436, + "precision_at_3": 24.667, + "precision_at_5": 20.200000000000003, + "recall_at_1": 6.4479999999999995, + "recall_at_10": 29.243000000000002, + "recall_at_100": 62.547, + "recall_at_1000": 88.40299999999999, + "recall_at_3": 14.988000000000001, + "recall_at_5": 20.485, + "main_score": 27.694000000000003 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/SICK-R.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/SICK-R.json new file mode 100644 index 000000000..51a0d7dba --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 80.37839336866843, + "cos_sim_spearman": 79.14737320486729, + "euclidean_pearson": 78.74010870392799, + "euclidean_spearman": 79.1472505448557, + "manhattan_pearson": 78.76735626972086, + "manhattan_spearman": 79.18509055331465, + "cosine_pearson": 80.37839336866843, + "cosine_spearman": 79.14737320486729, + "main_score": 79.14737320486729 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/STS12.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/STS12.json new file mode 100644 index 000000000..cce374218 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/STS12.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.98947740740309, + "cos_sim_spearman": 76.52068694652895, + "euclidean_pearson": 81.10952542010847, + "euclidean_spearman": 76.52162808897668, + "manhattan_pearson": 81.13752577872523, + "manhattan_spearman": 76.55073892851847, + "cosine_pearson": 84.98947740740309, + "cosine_spearman": 76.52068694652895, + "main_score": 76.52068694652895 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.99292517797305, + "cos_sim_spearman": 76.52287451692155, + "euclidean_pearson": 81.11616055544546, + "euclidean_spearman": 76.525387473028, + "manhattan_pearson": 81.14367598670032, + "manhattan_spearman": 76.55571799438607, + "cosine_pearson": 84.99292517797305, + "cosine_spearman": 76.52287451692155, + "main_score": 76.52287451692155 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/STS13.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/STS13.json new file mode 100644 index 000000000..1fff76c62 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.14795728641734, + "cos_sim_spearman": 88.62720469210905, + "euclidean_pearson": 87.96160445129142, + "euclidean_spearman": 88.62615925428736, + "manhattan_pearson": 87.86760858379527, + "manhattan_spearman": 88.5613166629411, + "cosine_pearson": 88.14795728641734, + "cosine_spearman": 88.62720469210905, + "main_score": 88.62720469210905 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/STS14.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/STS14.json new file mode 100644 index 000000000..b53b57b4d --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.06444249948838, + "cos_sim_spearman": 83.32346434965837, + "euclidean_pearson": 83.86264166785146, + "euclidean_spearman": 83.32323156068114, + "manhattan_pearson": 83.87253909108084, + "manhattan_spearman": 83.42760090819642, + "cosine_pearson": 85.06444249948838, + "cosine_spearman": 83.32346434965837, + "main_score": 83.32346434965837 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/STS15.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/STS15.json new file mode 100644 index 000000000..dec836e4e --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.00847937091636, + "cos_sim_spearman": 87.50432670473445, + "euclidean_pearson": 87.21611485565168, + "euclidean_spearman": 87.50387351928698, + "manhattan_pearson": 87.30690660623411, + "manhattan_spearman": 87.61147161393255, + "cosine_pearson": 87.00847937091636, + "cosine_spearman": 87.50432670473445, + "main_score": 87.50432670473445 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/STS16.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/STS16.json new file mode 100644 index 000000000..61b8e8d51 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.51456553517488, + "cos_sim_spearman": 86.39208323626035, + "euclidean_pearson": 85.74698473006475, + "euclidean_spearman": 86.3892506146807, + "manhattan_pearson": 85.77493611949014, + "manhattan_spearman": 86.42961510735024, + "cosine_pearson": 85.51456553517488, + "cosine_spearman": 86.39208323626035, + "main_score": 86.39208323626035 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/STS17.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/STS17.json new file mode 100644 index 000000000..8ba45d4ff --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.63402051628222, + "cos_sim_spearman": 87.78994504115502, + "euclidean_pearson": 88.44861926968403, + "euclidean_spearman": 87.80670473078185, + "manhattan_pearson": 88.4773722010208, + "manhattan_spearman": 87.85175600656768, + "cosine_pearson": 88.63402051628222, + "cosine_spearman": 87.78994504115502, + "main_score": 87.78994504115502 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/STS22.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/STS22.json new file mode 100644 index 000000000..499d06aed --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/STS22.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "eea2b4fe26a775864c896887d910b76a8098ad3f", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 65.9659729672951, + "cos_sim_spearman": 66.39891735341361, + "euclidean_pearson": 68.040150710449, + "euclidean_spearman": 66.41777234484414, + "manhattan_pearson": 68.16264809387305, + "manhattan_spearman": 66.31608161700346, + "cosine_pearson": 65.9659729672951, + "cosine_spearman": 66.39891735341361, + "main_score": 66.39891735341361 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 61.29839896616376, + "cos_sim_spearman": 67.36328213286453, + "euclidean_pearson": 64.33899267794008, + "euclidean_spearman": 67.36552580196211, + "manhattan_pearson": 65.20010308796022, + "manhattan_spearman": 67.50982972902, + "cosine_pearson": 61.29839896616376, + "cosine_spearman": 67.36328213286453, + "main_score": 67.36328213286453 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/STSB.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/STSB.json new file mode 100644 index 000000000..c56a3f913 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/STSB.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "0cde68302b3541bb8b3c340dc0644b0b745b3dc0", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 81.23278996774297, + "cos_sim_spearman": 81.369375466486, + "euclidean_pearson": 79.91030863727944, + "euclidean_spearman": 81.36824495466793, + "manhattan_pearson": 79.88047052896854, + "manhattan_spearman": 81.3369604332008, + "cosine_pearson": 81.23278996774297, + "cosine_spearman": 81.369375466486, + "main_score": 81.369375466486 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/STSBenchmark.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/STSBenchmark.json new file mode 100644 index 000000000..133394708 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.91024857159385, + "cos_sim_spearman": 87.35031011815016, + "euclidean_pearson": 86.94569462996033, + "euclidean_spearman": 87.34929703462852, + "manhattan_pearson": 86.94404111225616, + "manhattan_spearman": 87.37827218003393, + "cosine_pearson": 86.91024857159385, + "cosine_spearman": 87.35031011815016, + "main_score": 87.35031011815016 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/SciDocsRR.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/SciDocsRR.json new file mode 100644 index 000000000..f87af960d --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 87.89077927002596, + "mrr": 96.94650937297997, + "main_score": 87.89077927002596 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/SciFact.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/SciFact.json new file mode 100644 index 000000000..27d32a64c --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 57.994, + "map_at_10": 70.07100000000001, + "map_at_100": 70.578, + "map_at_1000": 70.588, + "map_at_3": 67.228, + "map_at_5": 68.695, + "mrr_at_1": 61.333000000000006, + "mrr_at_10": 71.342, + "mrr_at_100": 71.739, + "mrr_at_1000": 71.75, + "mrr_at_3": 69.389, + "mrr_at_5": 70.322, + "ndcg_at_1": 61.333000000000006, + "ndcg_at_10": 75.312, + "ndcg_at_100": 77.312, + "ndcg_at_1000": 77.50200000000001, + "ndcg_at_3": 70.72, + "ndcg_at_5": 72.616, + "precision_at_1": 61.333000000000006, + "precision_at_10": 10.167, + "precision_at_100": 1.117, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 28.111000000000004, + "precision_at_5": 18.333, + "recall_at_1": 57.994, + "recall_at_10": 89.944, + "recall_at_100": 98.667, + "recall_at_1000": 100.0, + "recall_at_3": 77.694, + "recall_at_5": 82.339, + "main_score": 75.312 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/SprintDuplicateQuestions.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..017fa81b5 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.81485148514851, + "cos_sim_ap": 95.99339654021689, + "cos_sim_f1": 90.45971329708354, + "cos_sim_precision": 89.44281524926686, + "cos_sim_recall": 91.5, + "dot_accuracy": 99.81485148514851, + "dot_ap": 95.990792367539, + "dot_f1": 90.54187192118228, + "dot_precision": 89.2233009708738, + "dot_recall": 91.9, + "euclidean_accuracy": 99.81386138613861, + "euclidean_ap": 95.99403827746491, + "euclidean_f1": 90.45971329708354, + "euclidean_precision": 89.44281524926686, + "euclidean_recall": 91.5, + "manhattan_accuracy": 99.81485148514851, + "manhattan_ap": 96.06741547889861, + "manhattan_f1": 90.55666003976144, + "manhattan_precision": 90.01976284584981, + "manhattan_recall": 91.10000000000001, + "max_accuracy": 99.81485148514851, + "max_ap": 96.06741547889861, + "max_f1": 90.55666003976144, + "main_score": 96.06741547889861 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/StackExchangeClustering.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/StackExchangeClustering.json new file mode 100644 index 000000000..21a2e1e75 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 79.0667992003181, + "main_score": 79.0667992003181 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/StackExchangeClusteringP2P.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..1b15d7957 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 49.57086425048946, + "main_score": 49.57086425048946 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/StackOverflowDupQuestions.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..dde0903cf --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 53.929415255105894, + "mrr": 54.93889790764791, + "main_score": 53.929415255105894 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/SummEval.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/SummEval.json new file mode 100644 index 000000000..a5916eb23 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.050700527286658, + "cos_sim_spearman": 31.46077656458546, + "dot_pearson": 31.056448416258263, + "dot_spearman": 31.435272601921042, + "cosine_pearson": 31.050700527286658, + "cosine_spearman": 31.46077656458546, + "main_score": 31.46077656458546 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/T2Reranking.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/T2Reranking.json new file mode 100644 index 000000000..47869afe4 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "76631901a18387f85eaa53e5450019b87ad58ef9", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 68.109205221286, + "mrr": 78.40703619520477, + "main_score": 68.109205221286 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/T2Retrieval.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/T2Retrieval.json new file mode 100644 index 000000000..c9ca7b260 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/T2Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "8731a845f1bf500a4f111cf1070785c793d10e64", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 26.704, + "map_at_10": 75.739, + "map_at_100": 79.606, + "map_at_1000": 79.666, + "map_at_3": 52.803, + "map_at_5": 65.068, + "mrr_at_1": 88.48899999999999, + "mrr_at_10": 91.377, + "mrr_at_100": 91.474, + "mrr_at_1000": 91.47800000000001, + "mrr_at_3": 90.846, + "mrr_at_5": 91.18, + "ndcg_at_1": 88.48899999999999, + "ndcg_at_10": 83.581, + "ndcg_at_100": 87.502, + "ndcg_at_1000": 88.1, + "ndcg_at_3": 84.433, + "ndcg_at_5": 83.174, + "precision_at_1": 88.48899999999999, + "precision_at_10": 41.857, + "precision_at_100": 5.039, + "precision_at_1000": 0.517, + "precision_at_3": 73.938, + "precision_at_5": 62.163000000000004, + "recall_at_1": 26.704, + "recall_at_10": 83.092, + "recall_at_100": 95.659, + "recall_at_1000": 98.779, + "recall_at_3": 54.678000000000004, + "recall_at_5": 68.843, + "main_score": 83.581 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/TNews.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/TNews.json new file mode 100644 index 000000000..32e5652d7 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/TNews.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "317f262bf1e6126357bbe89e875451e4b0938fe4", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 51.235, + "f1": 48.14373844331604, + "main_score": 51.235 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/TRECCOVID.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/TRECCOVID.json new file mode 100644 index 000000000..414b2f28d --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.23500000000000001, + "map_at_10": 1.812, + "map_at_100": 10.041, + "map_at_1000": 24.095, + "map_at_3": 0.643, + "map_at_5": 1.0, + "mrr_at_1": 86.0, + "mrr_at_10": 92.0, + "mrr_at_100": 92.0, + "mrr_at_1000": 92.0, + "mrr_at_3": 91.667, + "mrr_at_5": 91.667, + "ndcg_at_1": 79.0, + "ndcg_at_10": 72.72, + "ndcg_at_100": 55.82899999999999, + "ndcg_at_1000": 50.72, + "ndcg_at_3": 77.715, + "ndcg_at_5": 75.036, + "precision_at_1": 86.0, + "precision_at_10": 77.60000000000001, + "precision_at_100": 56.46, + "precision_at_1000": 22.23, + "precision_at_3": 82.667, + "precision_at_5": 80.4, + "recall_at_1": 0.23500000000000001, + "recall_at_10": 2.046, + "recall_at_100": 13.708, + "recall_at_1000": 47.451, + "recall_at_3": 0.6709999999999999, + "recall_at_5": 1.078, + "main_score": 72.72 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/ThuNewsClusteringP2P.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/ThuNewsClusteringP2P.json new file mode 100644 index 000000000..7df2f7c1e --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/ThuNewsClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "5798586b105c0434e4f0fe5e767abe619442cf93", + "task_name": "ThuNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 87.42930040493792, + "main_score": 87.42930040493792 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/ThuNewsClusteringS2S.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/ThuNewsClusteringS2S.json new file mode 100644 index 000000000..8aacc2af6 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/ThuNewsClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "8a8b2caeda43f39e13c4bc5bea0f8a667896e10d", + "task_name": "ThuNewsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 87.90254094650042, + "main_score": 87.90254094650042 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/Touche2020.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/Touche2020.json new file mode 100644 index 000000000..9edea671a --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.252, + "map_at_10": 7.958, + "map_at_100": 12.293, + "map_at_1000": 13.832, + "map_at_3": 4.299, + "map_at_5": 5.514, + "mrr_at_1": 30.612000000000002, + "mrr_at_10": 42.329, + "mrr_at_100": 43.506, + "mrr_at_1000": 43.506, + "mrr_at_3": 38.775999999999996, + "mrr_at_5": 39.592, + "ndcg_at_1": 28.571, + "ndcg_at_10": 20.301, + "ndcg_at_100": 30.703999999999997, + "ndcg_at_1000": 43.155, + "ndcg_at_3": 22.738, + "ndcg_at_5": 20.515, + "precision_at_1": 30.612000000000002, + "precision_at_10": 17.347, + "precision_at_100": 6.327000000000001, + "precision_at_1000": 1.443, + "precision_at_3": 22.448999999999998, + "precision_at_5": 19.184, + "recall_at_1": 2.252, + "recall_at_10": 13.206999999999999, + "recall_at_100": 40.372, + "recall_at_1000": 78.071, + "recall_at_3": 5.189, + "recall_at_5": 7.338, + "main_score": 20.301 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/ToxicConversationsClassification.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..d85f34da2 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.75399999999999, + "ap": 19.666483622175363, + "f1": 61.575187470329176, + "main_score": 78.75399999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/TweetSentimentExtractionClassification.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..36c4b8006 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 66.00452744765137, + "f1": 66.18291586829227, + "main_score": 66.00452744765137 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/TwentyNewsgroupsClustering.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..b975eabde --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 51.308747717084316, + "main_score": 51.308747717084316 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/TwitterSemEval2015.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/TwitterSemEval2015.json new file mode 100644 index 000000000..8049c7ea2 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 87.81069321094355, + "cos_sim_ap": 79.3576921453847, + "cos_sim_f1": 71.75811286328685, + "cos_sim_precision": 70.89878959567345, + "cos_sim_recall": 72.63852242744063, + "dot_accuracy": 87.79877212850927, + "dot_ap": 79.35550320857683, + "dot_f1": 71.78153446033811, + "dot_precision": 70.76923076923077, + "dot_recall": 72.82321899736148, + "euclidean_accuracy": 87.80473266972642, + "euclidean_ap": 79.35792655436586, + "euclidean_f1": 71.75672148264161, + "euclidean_precision": 70.99690082644628, + "euclidean_recall": 72.53298153034301, + "manhattan_accuracy": 87.76300888120642, + "manhattan_ap": 79.33615959143606, + "manhattan_f1": 71.73219978746015, + "manhattan_precision": 72.23113964686998, + "manhattan_recall": 71.2401055408971, + "max_accuracy": 87.81069321094355, + "max_ap": 79.35792655436586, + "max_f1": 71.78153446033811, + "main_score": 79.35792655436586 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/TwitterURLCorpus.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/TwitterURLCorpus.json new file mode 100644 index 000000000..ab655d21e --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.3778864439011, + "cos_sim_ap": 86.79005637312795, + "cos_sim_f1": 79.14617791685293, + "cos_sim_precision": 76.66714780600462, + "cos_sim_recall": 81.79088389282414, + "dot_accuracy": 89.37206504443668, + "dot_ap": 86.78770290102123, + "dot_f1": 79.14741392159786, + "dot_precision": 76.6897746967071, + "dot_recall": 81.76778564829073, + "euclidean_accuracy": 89.37594597741297, + "euclidean_ap": 86.7900899669397, + "euclidean_f1": 79.13920845898953, + "euclidean_precision": 76.62028692956528, + "euclidean_recall": 81.8293809670465, + "manhattan_accuracy": 89.38758877634183, + "manhattan_ap": 86.78862564973224, + "manhattan_f1": 79.1130985653065, + "manhattan_precision": 76.6592041597458, + "manhattan_recall": 81.72928857406838, + "max_accuracy": 89.38758877634183, + "max_ap": 86.7900899669397, + "max_f1": 79.14741392159786, + "main_score": 86.7900899669397 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/VideoRetrieval.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/VideoRetrieval.json new file mode 100644 index 000000000..3489a725c --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/VideoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "58c2597a5943a2ba48f4668c3b90d796283c5639", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 54.900000000000006, + "map_at_10": 64.92, + "map_at_100": 65.424, + "map_at_1000": 65.43900000000001, + "map_at_3": 63.132999999999996, + "map_at_5": 64.208, + "mrr_at_1": 54.900000000000006, + "mrr_at_10": 64.92, + "mrr_at_100": 65.424, + "mrr_at_1000": 65.43900000000001, + "mrr_at_3": 63.132999999999996, + "mrr_at_5": 64.208, + "ndcg_at_1": 54.900000000000006, + "ndcg_at_10": 69.41199999999999, + "ndcg_at_100": 71.824, + "ndcg_at_1000": 72.301, + "ndcg_at_3": 65.79700000000001, + "ndcg_at_5": 67.713, + "precision_at_1": 54.900000000000006, + "precision_at_10": 8.33, + "precision_at_100": 0.9450000000000001, + "precision_at_1000": 0.098, + "precision_at_3": 24.5, + "precision_at_5": 15.620000000000001, + "recall_at_1": 54.900000000000006, + "recall_at_10": 83.3, + "recall_at_100": 94.5, + "recall_at_1000": 98.4, + "recall_at_3": 73.5, + "recall_at_5": 78.10000000000001, + "main_score": 69.41199999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/Waimai.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/Waimai.json new file mode 100644 index 000000000..ca1dff4f0 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/Waimai.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "339287def212450dcaa9df8c22bf93e9980c7023", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 88.63, + "ap": 73.78658340897097, + "f1": 87.16764294033919, + "main_score": 88.63 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/model_meta.json b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/model_meta.json new file mode 100644 index 000000000..c25336412 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen1.5-7B-instruct/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "Alibaba-NLP/gte-Qwen1.5-7B-instruct", + "revision": "07d27e5226328010336563bc1b564a5e3436a298", + "release_date": "2024-04-20", + "languages": [], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": null, + "embed_dim": null, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/AFQMC.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/AFQMC.json new file mode 100644 index 000000000..fe94ed30b --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/AFQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b44c3b011063adb25877c13823db83bb193913c4", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 53.45954203592337, + "cos_sim_spearman": 58.42154680418638, + "euclidean_pearson": 56.41543791722753, + "euclidean_spearman": 58.39328016640146, + "manhattan_pearson": 56.318510356833876, + "manhattan_spearman": 58.28423447818184, + "cosine_pearson": 53.45954203592337, + "cosine_spearman": 58.42154680418638, + "main_score": 58.42154680418638 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/ATEC.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/ATEC.json new file mode 100644 index 000000000..22f024ed6 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/ATEC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "0f319b1142f28d00e055a6770f3f726ae9b7d865", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 50.78356460675945, + "cos_sim_spearman": 55.6530411663269, + "euclidean_pearson": 56.50763660417816, + "euclidean_spearman": 55.733823335669065, + "manhattan_pearson": 56.45323093512866, + "manhattan_spearman": 55.63248619032702, + "cosine_pearson": 50.78356460675945, + "cosine_spearman": 55.6530411663269, + "main_score": 55.6530411663269 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/AllegroReviews.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/AllegroReviews.json new file mode 100644 index 000000000..18757cdea --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/AllegroReviews.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "AllegroReviews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 63.97614314115309, + "f1": 52.15634261679283, + "main_score": 63.97614314115309 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/AlloProfClusteringP2P.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/AlloProfClusteringP2P.json new file mode 100644 index 000000000..2b421f4b8 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/AlloProfClusteringP2P.json @@ -0,0 +1,26 @@ +{ + "dataset_revision": "392ba3f5bcc8c51f578786c1fc3dae648662cb9b", + "task_name": "AlloProfClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "v_measure": 70.55290063940157, + "main_score": 70.55290063940157 + }, + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "v_measure": 55.41500719337263, + "main_score": 55.41500719337263 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/AlloprofReranking.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/AlloprofReranking.json new file mode 100644 index 000000000..7a22fab50 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/AlloprofReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "666fdacebe0291776e86f29345663dfaf80a0db9", + "task_name": "AlloprofReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map": 73.48697375332002, + "mrr": 75.01836585523822, + "main_score": 73.48697375332002 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/AmazonCounterfactualClassification.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..4a93fa992 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 83.98507462686567, + "ap": 50.93015252587014, + "f1": 78.50416599051215, + "main_score": 83.98507462686567 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/AmazonPolarityClassification.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..4b2c8f1ae --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 96.61065, + "ap": 94.89174052954196, + "f1": 96.60942596940565, + "main_score": 96.61065 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/AmazonReviewsClassification.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..b06a81716 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/AmazonReviewsClassification.json @@ -0,0 +1,37 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 55.614000000000004, + "f1": 54.90553480294904, + "main_score": 55.614000000000004 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 47.209999999999994, + "f1": 46.08892432018655, + "main_score": 47.209999999999994 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 53.474, + "f1": 50.38275392350236, + "main_score": 53.474 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/ArguAna-PL.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/ArguAna-PL.json new file mode 100644 index 000000000..d69e6c1a6 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/ArguAna-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "63fc86750af76253e8c760fc9e534bbf24d260a2", + "task_name": "ArguAna-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 32.646, + "map_at_10": 47.963, + "map_at_100": 48.789, + "map_at_1000": 48.797000000000004, + "map_at_3": 43.196, + "map_at_5": 46.016, + "mrr_at_1": 33.073, + "mrr_at_10": 48.126000000000005, + "mrr_at_100": 48.946, + "mrr_at_1000": 48.953, + "mrr_at_3": 43.374, + "mrr_at_5": 46.147, + "ndcg_at_1": 32.646, + "ndcg_at_10": 56.481, + "ndcg_at_100": 59.922, + "ndcg_at_1000": 60.07, + "ndcg_at_3": 46.675, + "ndcg_at_5": 51.76500000000001, + "precision_at_1": 32.646, + "precision_at_10": 8.371, + "precision_at_100": 0.9860000000000001, + "precision_at_1000": 0.1, + "precision_at_3": 18.919, + "precision_at_5": 13.825999999999999, + "recall_at_1": 32.646, + "recall_at_10": 83.71300000000001, + "recall_at_100": 98.578, + "recall_at_1000": 99.644, + "recall_at_3": 56.757000000000005, + "recall_at_5": 69.132, + "main_score": 56.481 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/ArguAna.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/ArguAna.json new file mode 100644 index 000000000..7d9574c0d --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 45.164, + "map_at_10": 61.519, + "map_at_100": 61.769, + "map_at_1000": 61.769, + "map_at_3": 57.443999999999996, + "map_at_5": 60.058, + "mrr_at_1": 46.088, + "mrr_at_10": 61.861, + "mrr_at_100": 62.117999999999995, + "mrr_at_1000": 62.117999999999995, + "mrr_at_3": 57.729, + "mrr_at_5": 60.392, + "ndcg_at_1": 45.164, + "ndcg_at_10": 69.72, + "ndcg_at_100": 70.719, + "ndcg_at_1000": 70.719, + "ndcg_at_3": 61.517999999999994, + "ndcg_at_5": 66.247, + "precision_at_1": 45.164, + "precision_at_10": 9.545, + "precision_at_100": 0.996, + "precision_at_1000": 0.1, + "precision_at_3": 24.443, + "precision_at_5": 16.97, + "recall_at_1": 45.164, + "recall_at_10": 95.448, + "recall_at_100": 99.644, + "recall_at_1000": 99.644, + "recall_at_3": 73.329, + "recall_at_5": 84.851, + "main_score": 69.72 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/ArxivClusteringP2P.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..4ac18d27d --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 50.511868162026175, + "main_score": 50.511868162026175 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/ArxivClusteringS2S.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..3551d6daf --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 45.007803189284004, + "main_score": 45.007803189284004 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/AskUbuntuDupQuestions.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..98f274bb3 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 64.55292107723382, + "mrr": 77.66158818097877, + "main_score": 64.55292107723382 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/BIOSSES.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/BIOSSES.json new file mode 100644 index 000000000..860fe2475 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.65459047085452, + "cos_sim_spearman": 82.10729255710761, + "euclidean_pearson": 82.78079159312476, + "euclidean_spearman": 80.50002701880933, + "manhattan_pearson": 82.41372641383016, + "manhattan_spearman": 80.57412509272639, + "cosine_pearson": 85.65459047085452, + "cosine_spearman": 82.10729255710761, + "main_score": 82.10729255710761 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/BQ.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/BQ.json new file mode 100644 index 000000000..e6d227727 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/BQ.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e3dda5e115e487b39ec7e618c0c6a29137052a55", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 70.25573992001478, + "cos_sim_spearman": 73.85247134951433, + "euclidean_pearson": 72.60033082168442, + "euclidean_spearman": 73.72445893756499, + "manhattan_pearson": 72.59932284620231, + "manhattan_spearman": 73.68002490614583, + "cosine_pearson": 70.25573992001478, + "cosine_spearman": 73.85247134951433, + "main_score": 73.85247134951433 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/BSARDRetrieval.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/BSARDRetrieval.json new file mode 100644 index 000000000..b4dd19f10 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/BSARDRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "5effa1b9b5fa3b0f9e12523e6e43e5f86a6e6d59", + "task_name": "BSARDRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map_at_1": 2.252, + "map_at_10": 4.661, + "map_at_100": 5.271, + "map_at_1000": 5.3629999999999995, + "map_at_3": 3.604, + "map_at_5": 4.3020000000000005, + "mrr_at_1": 2.252, + "mrr_at_10": 4.661, + "mrr_at_100": 5.271, + "mrr_at_1000": 5.3629999999999995, + "mrr_at_3": 3.604, + "mrr_at_5": 4.3020000000000005, + "ndcg_at_1": 2.252, + "ndcg_at_10": 6.3020000000000005, + "ndcg_at_100": 10.342, + "ndcg_at_1000": 13.475999999999999, + "ndcg_at_3": 4.0649999999999995, + "ndcg_at_5": 5.344, + "precision_at_1": 2.252, + "precision_at_10": 1.171, + "precision_at_100": 0.333, + "precision_at_1000": 0.059000000000000004, + "precision_at_3": 1.802, + "precision_at_5": 1.712, + "recall_at_1": 2.252, + "recall_at_10": 11.712, + "recall_at_100": 33.333, + "recall_at_1000": 59.458999999999996, + "recall_at_3": 5.405, + "recall_at_5": 8.559, + "main_score": 33.333 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/Banking77Classification.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/Banking77Classification.json new file mode 100644 index 000000000..b023358d2 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 87.30844155844156, + "f1": 87.25307322443255, + "main_score": 87.30844155844156 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/BiorxivClusteringP2P.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..bdd22260e --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 43.20754608934859, + "main_score": 43.20754608934859 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/BiorxivClusteringS2S.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..6c16c5013 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.818037697335505, + "main_score": 38.818037697335505 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/CBD.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/CBD.json new file mode 100644 index 000000000..e5db85609 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/CBD.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "CBD", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 68.56, + "ap": 23.310493680488513, + "f1": 58.85369533105693, + "main_score": 68.56 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/CDSC-E.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/CDSC-E.json new file mode 100644 index 000000000..de12d757f --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/CDSC-E.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "CDSC-E", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cos_sim_accuracy": 88.5, + "cos_sim_ap": 72.42140924378361, + "cos_sim_f1": 66.0919540229885, + "cos_sim_precision": 72.78481012658227, + "cos_sim_recall": 60.526315789473685, + "dot_accuracy": 88.5, + "dot_ap": 72.42140924378361, + "dot_f1": 66.0919540229885, + "dot_precision": 72.78481012658227, + "dot_recall": 60.526315789473685, + "euclidean_accuracy": 88.5, + "euclidean_ap": 72.42140924378361, + "euclidean_f1": 66.0919540229885, + "euclidean_precision": 72.78481012658227, + "euclidean_recall": 60.526315789473685, + "manhattan_accuracy": 88.5, + "manhattan_ap": 72.49745515311696, + "manhattan_f1": 66.0968660968661, + "manhattan_precision": 72.04968944099379, + "manhattan_recall": 61.05263157894737, + "max_accuracy": 88.5, + "max_ap": 72.49745515311696, + "max_f1": 66.0968660968661, + "main_score": 72.49745515311696 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/CDSC-R.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/CDSC-R.json new file mode 100644 index 000000000..98abcfe99 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/CDSC-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "CDSC-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cos_sim_pearson": 90.32269765590145, + "cos_sim_spearman": 89.73666311491672, + "euclidean_pearson": 88.2933868516544, + "euclidean_spearman": 89.73666311491672, + "manhattan_pearson": 88.33474590219448, + "manhattan_spearman": 89.8548364866583, + "cosine_pearson": 90.32269765590145, + "cosine_spearman": 89.73666311491672, + "main_score": 89.73666311491672 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/CLSClusteringP2P.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/CLSClusteringP2P.json new file mode 100644 index 000000000..5be56b425 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/CLSClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "4b6227591c6c1a73bc76b1055f3b7f3588e72476", + "task_name": "CLSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 45.21317724305628, + "main_score": 45.21317724305628 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/CLSClusteringS2S.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/CLSClusteringS2S.json new file mode 100644 index 000000000..d3e2be7e7 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/CLSClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e458b3f5414b62b7f9f83499ac1f5497ae2e869f", + "task_name": "CLSClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 42.49825170976724, + "main_score": 42.49825170976724 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/CQADupstackAndroidRetrieval.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..0a7d2badb --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "f46a197baaae43b4f621051089b82a364682dfeb", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 35.423, + "map_at_10": 47.198, + "map_at_100": 48.899, + "map_at_1000": 49.004, + "map_at_3": 43.114999999999995, + "map_at_5": 45.491, + "mrr_at_1": 42.918, + "mrr_at_10": 53.299, + "mrr_at_100": 54.032000000000004, + "mrr_at_1000": 54.055, + "mrr_at_3": 50.453, + "mrr_at_5": 52.205999999999996, + "ndcg_at_1": 42.918, + "ndcg_at_10": 53.98, + "ndcg_at_100": 59.57, + "ndcg_at_1000": 60.879000000000005, + "ndcg_at_3": 48.224000000000004, + "ndcg_at_5": 50.998, + "precision_at_1": 42.918, + "precision_at_10": 10.299999999999999, + "precision_at_100": 1.687, + "precision_at_1000": 0.211, + "precision_at_3": 22.842000000000002, + "precision_at_5": 16.681, + "recall_at_1": 35.423, + "recall_at_10": 66.824, + "recall_at_100": 89.564, + "recall_at_1000": 97.501, + "recall_at_3": 50.365, + "recall_at_5": 57.921, + "main_score": 53.98 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 33.205, + "map_at_10": 44.859, + "map_at_100": 46.135, + "map_at_1000": 46.259, + "map_at_3": 41.839, + "map_at_5": 43.662, + "mrr_at_1": 41.146, + "mrr_at_10": 50.621, + "mrr_at_100": 51.207, + "mrr_at_1000": 51.246, + "mrr_at_3": 48.535000000000004, + "mrr_at_5": 49.818, + "ndcg_at_1": 41.146, + "ndcg_at_10": 50.683, + "ndcg_at_100": 54.82, + "ndcg_at_1000": 56.69, + "ndcg_at_3": 46.611000000000004, + "ndcg_at_5": 48.66, + "precision_at_1": 41.146, + "precision_at_10": 9.439, + "precision_at_100": 1.465, + "precision_at_1000": 0.194, + "precision_at_3": 22.59, + "precision_at_5": 15.86, + "recall_at_1": 33.205, + "recall_at_10": 61.028999999999996, + "recall_at_100": 78.152, + "recall_at_1000": 89.59700000000001, + "recall_at_3": 49.05, + "recall_at_5": 54.836, + "main_score": 50.683 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 41.637, + "map_at_10": 55.162, + "map_at_100": 56.142, + "map_at_1000": 56.188, + "map_at_3": 51.564, + "map_at_5": 53.696, + "mrr_at_1": 47.524, + "mrr_at_10": 58.243, + "mrr_at_100": 58.879999999999995, + "mrr_at_1000": 58.9, + "mrr_at_3": 55.69499999999999, + "mrr_at_5": 57.284, + "ndcg_at_1": 47.524, + "ndcg_at_10": 61.305, + "ndcg_at_100": 65.077, + "ndcg_at_1000": 65.941, + "ndcg_at_3": 55.422000000000004, + "ndcg_at_5": 58.516, + "precision_at_1": 47.524, + "precision_at_10": 9.918000000000001, + "precision_at_100": 1.276, + "precision_at_1000": 0.13899999999999998, + "precision_at_3": 24.765, + "precision_at_5": 17.204, + "recall_at_1": 41.637, + "recall_at_10": 76.185, + "recall_at_100": 92.149, + "recall_at_1000": 98.199, + "recall_at_3": 60.856, + "recall_at_5": 68.25099999999999, + "main_score": 61.305 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.27, + "map_at_10": 37.463, + "map_at_100": 38.434000000000005, + "map_at_1000": 38.509, + "map_at_3": 34.226, + "map_at_5": 36.161, + "mrr_at_1": 28.588, + "mrr_at_10": 39.383, + "mrr_at_100": 40.23, + "mrr_at_1000": 40.281, + "mrr_at_3": 36.422, + "mrr_at_5": 38.252, + "ndcg_at_1": 28.588, + "ndcg_at_10": 43.511, + "ndcg_at_100": 48.274, + "ndcg_at_1000": 49.975, + "ndcg_at_3": 37.319, + "ndcg_at_5": 40.568, + "precision_at_1": 28.588, + "precision_at_10": 6.893000000000001, + "precision_at_100": 0.9900000000000001, + "precision_at_1000": 0.117, + "precision_at_3": 16.347, + "precision_at_5": 11.661000000000001, + "recall_at_1": 26.27, + "recall_at_10": 60.284000000000006, + "recall_at_100": 81.902, + "recall_at_1000": 94.43, + "recall_at_3": 43.537, + "recall_at_5": 51.475, + "main_score": 43.511 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.168, + "map_at_10": 28.410000000000004, + "map_at_100": 29.78, + "map_at_1000": 29.892999999999997, + "map_at_3": 25.238, + "map_at_5": 26.96, + "mrr_at_1": 23.507, + "mrr_at_10": 33.382, + "mrr_at_100": 34.404, + "mrr_at_1000": 34.467999999999996, + "mrr_at_3": 30.637999999999998, + "mrr_at_5": 32.199, + "ndcg_at_1": 23.507, + "ndcg_at_10": 34.571000000000005, + "ndcg_at_100": 40.663, + "ndcg_at_1000": 43.236000000000004, + "ndcg_at_3": 29.053, + "ndcg_at_5": 31.563999999999997, + "precision_at_1": 23.507, + "precision_at_10": 6.654, + "precision_at_100": 1.113, + "precision_at_1000": 0.146, + "precision_at_3": 14.427999999999999, + "precision_at_5": 10.498000000000001, + "recall_at_1": 18.168, + "recall_at_10": 48.443000000000005, + "recall_at_100": 74.47, + "recall_at_1000": 92.494, + "recall_at_3": 33.379999999999995, + "recall_at_5": 39.76, + "main_score": 34.571000000000005 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.39, + "map_at_10": 44.479, + "map_at_100": 45.977000000000004, + "map_at_1000": 46.087, + "map_at_3": 40.976, + "map_at_5": 43.038, + "mrr_at_1": 40.135, + "mrr_at_10": 50.160000000000004, + "mrr_at_100": 51.052, + "mrr_at_1000": 51.087, + "mrr_at_3": 47.818, + "mrr_at_5": 49.171, + "ndcg_at_1": 40.135, + "ndcg_at_10": 50.731, + "ndcg_at_100": 56.452000000000005, + "ndcg_at_1000": 58.123000000000005, + "ndcg_at_3": 45.507, + "ndcg_at_5": 48.11, + "precision_at_1": 40.135, + "precision_at_10": 9.192, + "precision_at_100": 1.397, + "precision_at_1000": 0.169, + "precision_at_3": 21.816, + "precision_at_5": 15.476, + "recall_at_1": 32.39, + "recall_at_10": 63.597, + "recall_at_100": 86.737, + "recall_at_1000": 97.039, + "recall_at_3": 48.906, + "recall_at_5": 55.659000000000006, + "main_score": 50.731 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.397, + "map_at_10": 39.871, + "map_at_100": 41.309000000000005, + "map_at_1000": 41.409, + "map_at_3": 36.047000000000004, + "map_at_5": 38.104, + "mrr_at_1": 34.703, + "mrr_at_10": 44.773, + "mrr_at_100": 45.64, + "mrr_at_1000": 45.678999999999995, + "mrr_at_3": 41.705, + "mrr_at_5": 43.406, + "ndcg_at_1": 34.703, + "ndcg_at_10": 46.271, + "ndcg_at_100": 52.037, + "ndcg_at_1000": 53.81700000000001, + "ndcg_at_3": 39.966, + "ndcg_at_5": 42.801, + "precision_at_1": 34.703, + "precision_at_10": 8.744, + "precision_at_100": 1.348, + "precision_at_1000": 0.167, + "precision_at_3": 19.102, + "precision_at_5": 13.836, + "recall_at_1": 28.397, + "recall_at_10": 60.299, + "recall_at_100": 84.595, + "recall_at_1000": 96.155, + "recall_at_3": 43.065, + "recall_at_5": 50.371, + "main_score": 46.271 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.044333333333338, + "map_at_10": 38.78691666666666, + "map_at_100": 40.113, + "map_at_1000": 40.22125, + "map_at_3": 35.52966666666667, + "map_at_5": 37.372749999999996, + "mrr_at_1": 33.159083333333335, + "mrr_at_10": 42.913583333333335, + "mrr_at_100": 43.7845, + "mrr_at_1000": 43.830333333333336, + "mrr_at_3": 40.29816666666667, + "mrr_at_5": 41.81366666666667, + "ndcg_at_1": 33.159083333333335, + "ndcg_at_10": 44.75750000000001, + "ndcg_at_100": 50.13658333333334, + "ndcg_at_1000": 52.037, + "ndcg_at_3": 39.34258333333334, + "ndcg_at_5": 41.93708333333333, + "precision_at_1": 33.159083333333335, + "precision_at_10": 7.952416666666667, + "precision_at_100": 1.2571666666666668, + "precision_at_1000": 0.16099999999999998, + "precision_at_3": 18.303833333333337, + "precision_at_5": 13.057083333333333, + "recall_at_1": 28.044333333333338, + "recall_at_10": 58.237249999999996, + "recall_at_100": 81.35391666666666, + "recall_at_1000": 94.21283333333334, + "recall_at_3": 43.32341666666667, + "recall_at_5": 49.94908333333333, + "main_score": 44.75750000000001 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.838, + "map_at_10": 36.04, + "map_at_100": 37.113, + "map_at_1000": 37.204, + "map_at_3": 33.585, + "map_at_5": 34.845, + "mrr_at_1": 30.982, + "mrr_at_10": 39.105000000000004, + "mrr_at_100": 39.98, + "mrr_at_1000": 40.042, + "mrr_at_3": 36.912, + "mrr_at_5": 38.062000000000005, + "ndcg_at_1": 30.982, + "ndcg_at_10": 40.982, + "ndcg_at_100": 46.092, + "ndcg_at_1000": 48.25, + "ndcg_at_3": 36.41, + "ndcg_at_5": 38.379999999999995, + "precision_at_1": 30.982, + "precision_at_10": 6.534, + "precision_at_100": 0.9820000000000001, + "precision_at_1000": 0.124, + "precision_at_3": 15.745999999999999, + "precision_at_5": 10.828, + "recall_at_1": 27.838, + "recall_at_10": 52.971000000000004, + "recall_at_100": 76.357, + "recall_at_1000": 91.973, + "recall_at_3": 40.157, + "recall_at_5": 45.147999999999996, + "main_score": 40.982 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.059, + "map_at_10": 27.454, + "map_at_100": 28.736, + "map_at_1000": 28.865000000000002, + "map_at_3": 24.773999999999997, + "map_at_5": 26.266000000000002, + "mrr_at_1": 23.125, + "mrr_at_10": 31.267, + "mrr_at_100": 32.32, + "mrr_at_1000": 32.394, + "mrr_at_3": 28.894, + "mrr_at_5": 30.281000000000002, + "ndcg_at_1": 23.125, + "ndcg_at_10": 32.588, + "ndcg_at_100": 38.432, + "ndcg_at_1000": 41.214, + "ndcg_at_3": 27.938000000000002, + "ndcg_at_5": 30.127, + "precision_at_1": 23.125, + "precision_at_10": 5.9639999999999995, + "precision_at_100": 1.047, + "precision_at_1000": 0.148, + "precision_at_3": 13.294, + "precision_at_5": 9.628, + "recall_at_1": 19.059, + "recall_at_10": 44.25, + "recall_at_100": 69.948, + "recall_at_1000": 89.35300000000001, + "recall_at_3": 31.114000000000004, + "recall_at_5": 36.846000000000004, + "main_score": 32.588 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.355999999999998, + "map_at_10": 39.055, + "map_at_100": 40.486, + "map_at_1000": 40.571, + "map_at_3": 35.69, + "map_at_5": 37.605, + "mrr_at_1": 33.302, + "mrr_at_10": 42.986000000000004, + "mrr_at_100": 43.957, + "mrr_at_1000": 43.996, + "mrr_at_3": 40.111999999999995, + "mrr_at_5": 41.735, + "ndcg_at_1": 33.302, + "ndcg_at_10": 44.962999999999994, + "ndcg_at_100": 50.917, + "ndcg_at_1000": 52.622, + "ndcg_at_3": 39.182, + "ndcg_at_5": 41.939, + "precision_at_1": 33.302, + "precision_at_10": 7.779999999999999, + "precision_at_100": 1.203, + "precision_at_1000": 0.145, + "precision_at_3": 18.035, + "precision_at_5": 12.873000000000001, + "recall_at_1": 28.355999999999998, + "recall_at_10": 58.782000000000004, + "recall_at_100": 84.02199999999999, + "recall_at_1000": 95.511, + "recall_at_3": 43.126999999999995, + "recall_at_5": 50.14999999999999, + "main_score": 44.962999999999994 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.391, + "map_at_10": 37.523, + "map_at_100": 39.312000000000005, + "map_at_1000": 39.54, + "map_at_3": 34.231, + "map_at_5": 36.062, + "mrr_at_1": 32.016, + "mrr_at_10": 41.747, + "mrr_at_100": 42.812, + "mrr_at_1000": 42.844, + "mrr_at_3": 39.129999999999995, + "mrr_at_5": 40.524, + "ndcg_at_1": 32.016, + "ndcg_at_10": 43.826, + "ndcg_at_100": 50.373999999999995, + "ndcg_at_1000": 52.318, + "ndcg_at_3": 38.479, + "ndcg_at_5": 40.944, + "precision_at_1": 32.016, + "precision_at_10": 8.280999999999999, + "precision_at_100": 1.6760000000000002, + "precision_at_1000": 0.25, + "precision_at_3": 18.05, + "precision_at_5": 13.083, + "recall_at_1": 27.391, + "recall_at_10": 56.928999999999995, + "recall_at_100": 85.169, + "recall_at_1000": 96.665, + "recall_at_3": 42.264, + "recall_at_5": 48.556, + "main_score": 43.826 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.398, + "map_at_10": 27.929, + "map_at_100": 29.032999999999998, + "map_at_1000": 29.126, + "map_at_3": 25.070999999999998, + "map_at_5": 26.583000000000002, + "mrr_at_1": 19.963, + "mrr_at_10": 29.997, + "mrr_at_100": 30.9, + "mrr_at_1000": 30.972, + "mrr_at_3": 27.264, + "mrr_at_5": 28.826, + "ndcg_at_1": 19.963, + "ndcg_at_10": 33.678999999999995, + "ndcg_at_100": 38.931, + "ndcg_at_1000": 41.379, + "ndcg_at_3": 28.000000000000004, + "ndcg_at_5": 30.637999999999998, + "precision_at_1": 19.963, + "precision_at_10": 5.7299999999999995, + "precision_at_100": 0.902, + "precision_at_1000": 0.122, + "precision_at_3": 12.631, + "precision_at_5": 9.057, + "recall_at_1": 18.398, + "recall_at_10": 49.254, + "recall_at_100": 73.182, + "recall_at_1000": 91.637, + "recall_at_3": 34.06, + "recall_at_5": 40.416000000000004, + "main_score": 33.678999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/ClimateFEVER.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/ClimateFEVER.json new file mode 100644 index 000000000..9e72d7021 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.681, + "map_at_10": 32.741, + "map_at_100": 34.811, + "map_at_1000": 35.003, + "map_at_3": 27.697, + "map_at_5": 30.372, + "mrr_at_1": 44.951, + "mrr_at_10": 56.34400000000001, + "mrr_at_100": 56.961, + "mrr_at_1000": 56.987, + "mrr_at_3": 53.681, + "mrr_at_5": 55.407, + "ndcg_at_1": 44.951, + "ndcg_at_10": 42.905, + "ndcg_at_100": 49.95, + "ndcg_at_1000": 52.917, + "ndcg_at_3": 36.815, + "ndcg_at_5": 38.817, + "precision_at_1": 44.951, + "precision_at_10": 12.989999999999998, + "precision_at_100": 2.068, + "precision_at_1000": 0.263, + "precision_at_3": 27.275, + "precision_at_5": 20.365, + "recall_at_1": 19.681, + "recall_at_10": 48.272999999999996, + "recall_at_100": 71.87400000000001, + "recall_at_1000": 87.929, + "recall_at_3": 32.653999999999996, + "recall_at_5": 39.364, + "main_score": 42.905 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/CmedqaRetrieval.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/CmedqaRetrieval.json new file mode 100644 index 000000000..8f2cd7f7a --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/CmedqaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "cd540c506dae1cf9e9a59c3e06f42030d54e7301", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 27.224999999999998, + "map_at_10": 40.169, + "map_at_100": 42.0, + "map_at_1000": 42.109, + "map_at_3": 35.76, + "map_at_5": 38.221, + "mrr_at_1": 40.56, + "mrr_at_10": 49.118, + "mrr_at_100": 50.092999999999996, + "mrr_at_1000": 50.133, + "mrr_at_3": 46.507, + "mrr_at_5": 47.973, + "ndcg_at_1": 40.56, + "ndcg_at_10": 46.972, + "ndcg_at_100": 54.04, + "ndcg_at_1000": 55.862, + "ndcg_at_3": 41.36, + "ndcg_at_5": 43.704, + "precision_at_1": 40.56, + "precision_at_10": 10.302999999999999, + "precision_at_100": 1.606, + "precision_at_1000": 0.184, + "precision_at_3": 23.064, + "precision_at_5": 16.764000000000003, + "recall_at_1": 27.224999999999998, + "recall_at_10": 58.05200000000001, + "recall_at_100": 87.092, + "recall_at_1000": 99.099, + "recall_at_3": 41.373, + "recall_at_5": 48.453, + "main_score": 46.972 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/Cmnli.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/Cmnli.json new file mode 100644 index 000000000..cc6d49c11 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/Cmnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "41bc36f332156f7adc9e38f53777c959b2ae9766", + "task_name": "Cmnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 77.40228502705953, + "cos_sim_ap": 86.22359172956327, + "cos_sim_f1": 78.96328293736501, + "cos_sim_precision": 73.36945615091311, + "cos_sim_recall": 85.48047696983868, + "dot_accuracy": 75.53818400481059, + "dot_ap": 83.70164011305312, + "dot_f1": 77.67298719348754, + "dot_precision": 67.49482401656314, + "dot_recall": 91.46598082768296, + "euclidean_accuracy": 77.94347564642213, + "euclidean_ap": 86.4652108728609, + "euclidean_f1": 79.15555555555555, + "euclidean_precision": 75.41816641964853, + "euclidean_recall": 83.28267477203647, + "manhattan_accuracy": 77.45039085989175, + "manhattan_ap": 86.09986583900665, + "manhattan_f1": 78.93669264438988, + "manhattan_precision": 72.63261296660117, + "manhattan_recall": 86.43909282207154, + "max_accuracy": 77.94347564642213, + "max_ap": 86.4652108728609, + "max_f1": 79.15555555555555, + "main_score": 77.94347564642213 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/CovidRetrieval.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/CovidRetrieval.json new file mode 100644 index 000000000..135d1d1b2 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/CovidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "1271c7809071a13532e05f25fb53511ffce77117", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 69.336, + "map_at_10": 77.16, + "map_at_100": 77.47500000000001, + "map_at_1000": 77.482, + "map_at_3": 75.42999999999999, + "map_at_5": 76.468, + "mrr_at_1": 69.44200000000001, + "mrr_at_10": 77.132, + "mrr_at_100": 77.43299999999999, + "mrr_at_1000": 77.44, + "mrr_at_3": 75.395, + "mrr_at_5": 76.459, + "ndcg_at_1": 69.547, + "ndcg_at_10": 80.794, + "ndcg_at_100": 82.245, + "ndcg_at_1000": 82.40899999999999, + "ndcg_at_3": 77.303, + "ndcg_at_5": 79.168, + "precision_at_1": 69.547, + "precision_at_10": 9.305, + "precision_at_100": 0.9979999999999999, + "precision_at_1000": 0.101, + "precision_at_3": 27.749000000000002, + "precision_at_5": 17.576, + "recall_at_1": 69.336, + "recall_at_10": 92.097, + "recall_at_100": 98.736, + "recall_at_1000": 100.0, + "recall_at_3": 82.64, + "recall_at_5": 87.144, + "main_score": 80.794 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/DBPedia-PL.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/DBPedia-PL.json new file mode 100644 index 000000000..aa85064b2 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/DBPedia-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "76afe41d9af165cc40999fcaa92312b8b012064a", + "task_name": "DBPedia-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 7.632999999999999, + "map_at_10": 16.426, + "map_at_100": 22.651, + "map_at_1000": 24.372, + "map_at_3": 11.706, + "map_at_5": 13.529, + "mrr_at_1": 60.75000000000001, + "mrr_at_10": 68.613, + "mrr_at_100": 69.001, + "mrr_at_1000": 69.021, + "mrr_at_3": 67.0, + "mrr_at_5": 67.925, + "ndcg_at_1": 49.875, + "ndcg_at_10": 36.978, + "ndcg_at_100": 40.031, + "ndcg_at_1000": 47.566, + "ndcg_at_3": 41.148, + "ndcg_at_5": 38.702, + "precision_at_1": 60.75000000000001, + "precision_at_10": 29.7, + "precision_at_100": 9.278, + "precision_at_1000": 2.099, + "precision_at_3": 44.0, + "precision_at_5": 37.6, + "recall_at_1": 7.632999999999999, + "recall_at_10": 22.040000000000003, + "recall_at_100": 44.024, + "recall_at_1000": 67.848, + "recall_at_3": 13.093, + "recall_at_5": 15.973, + "main_score": 36.978 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/DBPedia.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/DBPedia.json new file mode 100644 index 000000000..8d2a6d16e --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 10.231, + "map_at_10": 22.338, + "map_at_100": 31.927, + "map_at_1000": 33.87, + "map_at_3": 15.559999999999999, + "map_at_5": 18.239, + "mrr_at_1": 75.0, + "mrr_at_10": 81.303, + "mrr_at_100": 81.523, + "mrr_at_1000": 81.53, + "mrr_at_3": 80.083, + "mrr_at_5": 80.758, + "ndcg_at_1": 64.625, + "ndcg_at_10": 48.687000000000005, + "ndcg_at_100": 52.791, + "ndcg_at_1000": 60.041999999999994, + "ndcg_at_3": 53.757999999999996, + "ndcg_at_5": 50.76500000000001, + "precision_at_1": 75.0, + "precision_at_10": 38.3, + "precision_at_100": 12.025, + "precision_at_1000": 2.3970000000000002, + "precision_at_3": 55.417, + "precision_at_5": 47.5, + "recall_at_1": 10.231, + "recall_at_10": 27.697, + "recall_at_100": 57.409, + "recall_at_1000": 80.547, + "recall_at_3": 16.668, + "recall_at_5": 20.552, + "main_score": 48.687000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/DuRetrieval.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/DuRetrieval.json new file mode 100644 index 000000000..5d7b20a11 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/DuRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "a1a333e290fe30b10f3f56498e3a0d911a693ced", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 26.817999999999998, + "map_at_10": 82.67, + "map_at_100": 85.304, + "map_at_1000": 85.334, + "map_at_3": 57.336, + "map_at_5": 72.474, + "mrr_at_1": 91.45, + "mrr_at_10": 94.272, + "mrr_at_100": 94.318, + "mrr_at_1000": 94.32000000000001, + "mrr_at_3": 94.0, + "mrr_at_5": 94.17699999999999, + "ndcg_at_1": 91.45, + "ndcg_at_10": 89.404, + "ndcg_at_100": 91.724, + "ndcg_at_1000": 91.973, + "ndcg_at_3": 88.104, + "ndcg_at_5": 87.25699999999999, + "precision_at_1": 91.45, + "precision_at_10": 42.585, + "precision_at_100": 4.838, + "precision_at_1000": 0.49, + "precision_at_3": 78.8, + "precision_at_5": 66.66, + "recall_at_1": 26.817999999999998, + "recall_at_10": 90.67, + "recall_at_100": 98.36200000000001, + "recall_at_1000": 99.583, + "recall_at_3": 59.614999999999995, + "recall_at_5": 77.05199999999999, + "main_score": 89.404 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/EcomRetrieval.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/EcomRetrieval.json new file mode 100644 index 000000000..a71ad078f --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/EcomRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "687de13dc7294d6fd9be10c6945f9e8fec8166b9", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 47.699999999999996, + "map_at_10": 57.589999999999996, + "map_at_100": 58.226, + "map_at_1000": 58.251, + "map_at_3": 55.233, + "map_at_5": 56.633, + "mrr_at_1": 47.699999999999996, + "mrr_at_10": 57.589999999999996, + "mrr_at_100": 58.226, + "mrr_at_1000": 58.251, + "mrr_at_3": 55.233, + "mrr_at_5": 56.633, + "ndcg_at_1": 47.699999999999996, + "ndcg_at_10": 62.505, + "ndcg_at_100": 65.517, + "ndcg_at_1000": 66.19800000000001, + "ndcg_at_3": 57.643, + "ndcg_at_5": 60.181, + "precision_at_1": 47.699999999999996, + "precision_at_10": 7.8, + "precision_at_100": 0.919, + "precision_at_1000": 0.097, + "precision_at_3": 21.532999999999998, + "precision_at_5": 14.16, + "recall_at_1": 47.699999999999996, + "recall_at_10": 78.0, + "recall_at_100": 91.9, + "recall_at_1000": 97.3, + "recall_at_3": 64.60000000000001, + "recall_at_5": 70.8, + "main_score": 62.505 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/EmotionClassification.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/EmotionClassification.json new file mode 100644 index 000000000..dda0bc119 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.365, + "f1": 56.7540827912991, + "main_score": 61.365 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/FEVER.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/FEVER.json new file mode 100644 index 000000000..174662266 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 83.479, + "map_at_10": 88.898, + "map_at_100": 89.11, + "map_at_1000": 89.12400000000001, + "map_at_3": 88.103, + "map_at_5": 88.629, + "mrr_at_1": 89.934, + "mrr_at_10": 93.91000000000001, + "mrr_at_100": 93.937, + "mrr_at_1000": 93.938, + "mrr_at_3": 93.62700000000001, + "mrr_at_5": 93.84599999999999, + "ndcg_at_1": 89.934, + "ndcg_at_10": 91.574, + "ndcg_at_100": 92.238, + "ndcg_at_1000": 92.45, + "ndcg_at_3": 90.586, + "ndcg_at_5": 91.16300000000001, + "precision_at_1": 89.934, + "precision_at_10": 10.555, + "precision_at_100": 1.1159999999999999, + "precision_at_1000": 0.11499999999999999, + "precision_at_3": 33.588, + "precision_at_5": 20.642, + "recall_at_1": 83.479, + "recall_at_10": 94.971, + "recall_at_100": 97.397, + "recall_at_1000": 98.666, + "recall_at_3": 92.24799999999999, + "recall_at_5": 93.797, + "main_score": 91.574 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/FiQA-PL.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/FiQA-PL.json new file mode 100644 index 000000000..b97d36620 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/FiQA-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "2e535829717f8bf9dc829b7f911cc5bbd4e6608e", + "task_name": "FiQA-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 15.473, + "map_at_10": 24.579, + "map_at_100": 26.387, + "map_at_1000": 26.57, + "map_at_3": 21.278, + "map_at_5": 23.179, + "mrr_at_1": 30.709999999999997, + "mrr_at_10": 38.994, + "mrr_at_100": 39.993, + "mrr_at_1000": 40.044999999999995, + "mrr_at_3": 36.342999999999996, + "mrr_at_5": 37.846999999999994, + "ndcg_at_1": 30.709999999999997, + "ndcg_at_10": 31.608999999999998, + "ndcg_at_100": 38.807, + "ndcg_at_1000": 42.208, + "ndcg_at_3": 28.086, + "ndcg_at_5": 29.323, + "precision_at_1": 30.709999999999997, + "precision_at_10": 8.688, + "precision_at_100": 1.608, + "precision_at_1000": 0.22100000000000003, + "precision_at_3": 18.724, + "precision_at_5": 13.950999999999999, + "recall_at_1": 15.473, + "recall_at_10": 38.361000000000004, + "recall_at_100": 65.2, + "recall_at_1000": 85.789, + "recall_at_3": 25.401, + "recall_at_5": 30.875999999999998, + "main_score": 31.608999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/FiQA2018.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/FiQA2018.json new file mode 100644 index 000000000..f129fae12 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.16, + "map_at_10": 45.593, + "map_at_100": 47.762, + "map_at_1000": 47.899, + "map_at_3": 39.237, + "map_at_5": 42.970000000000006, + "mrr_at_1": 52.623, + "mrr_at_10": 62.637, + "mrr_at_100": 63.169, + "mrr_at_1000": 63.185, + "mrr_at_3": 59.928000000000004, + "mrr_at_5": 61.702999999999996, + "ndcg_at_1": 52.623, + "ndcg_at_10": 54.701, + "ndcg_at_100": 61.263, + "ndcg_at_1000": 63.134, + "ndcg_at_3": 49.265, + "ndcg_at_5": 51.665000000000006, + "precision_at_1": 52.623, + "precision_at_10": 15.185, + "precision_at_100": 2.202, + "precision_at_1000": 0.254, + "precision_at_3": 32.767, + "precision_at_5": 24.722, + "recall_at_1": 27.16, + "recall_at_10": 63.309000000000005, + "recall_at_100": 86.722, + "recall_at_1000": 97.505, + "recall_at_3": 45.045, + "recall_at_5": 54.02400000000001, + "main_score": 54.701 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/HALClusteringS2S.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/HALClusteringS2S.json new file mode 100644 index 000000000..c8b29f57b --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/HALClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e06ebbbb123f8144bef1a5d18796f3dec9ae2915", + "task_name": "HALClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "v_measure": 28.301882091023288, + "main_score": 28.301882091023288 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/HotpotQA-PL.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/HotpotQA-PL.json new file mode 100644 index 000000000..c47e4434d --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/HotpotQA-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "a0bd479ac97b4ccb5bd6ce320c415d0bb4beb907", + "task_name": "HotpotQA-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 38.096000000000004, + "map_at_10": 51.44499999999999, + "map_at_100": 52.325, + "map_at_1000": 52.397000000000006, + "map_at_3": 48.626999999999995, + "map_at_5": 50.342, + "mrr_at_1": 76.19200000000001, + "mrr_at_10": 81.191, + "mrr_at_100": 81.431, + "mrr_at_1000": 81.443, + "mrr_at_3": 80.30199999999999, + "mrr_at_5": 80.85900000000001, + "ndcg_at_1": 76.19200000000001, + "ndcg_at_10": 60.9, + "ndcg_at_100": 64.14699999999999, + "ndcg_at_1000": 65.647, + "ndcg_at_3": 56.818000000000005, + "ndcg_at_5": 59.019999999999996, + "precision_at_1": 76.19200000000001, + "precision_at_10": 12.203, + "precision_at_100": 1.478, + "precision_at_1000": 0.168, + "precision_at_3": 34.616, + "precision_at_5": 22.515, + "recall_at_1": 38.096000000000004, + "recall_at_10": 61.013, + "recall_at_100": 73.90299999999999, + "recall_at_1000": 83.91, + "recall_at_3": 51.92400000000001, + "recall_at_5": 56.286, + "main_score": 60.9 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/HotpotQA.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/HotpotQA.json new file mode 100644 index 000000000..38488098b --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 42.573, + "map_at_10": 59.373, + "map_at_100": 60.292, + "map_at_1000": 60.358999999999995, + "map_at_3": 56.159000000000006, + "map_at_5": 58.123999999999995, + "mrr_at_1": 85.14500000000001, + "mrr_at_10": 89.25999999999999, + "mrr_at_100": 89.373, + "mrr_at_1000": 89.377, + "mrr_at_3": 88.618, + "mrr_at_5": 89.036, + "ndcg_at_1": 85.14500000000001, + "ndcg_at_10": 68.95, + "ndcg_at_100": 71.95, + "ndcg_at_1000": 73.232, + "ndcg_at_3": 64.546, + "ndcg_at_5": 66.945, + "precision_at_1": 85.14500000000001, + "precision_at_10": 13.865, + "precision_at_100": 1.619, + "precision_at_1000": 0.179, + "precision_at_3": 39.703, + "precision_at_5": 25.718000000000004, + "recall_at_1": 42.573, + "recall_at_10": 69.325, + "recall_at_100": 80.932, + "recall_at_1000": 89.446, + "recall_at_3": 59.553999999999995, + "recall_at_5": 64.294, + "main_score": 68.95 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/IFlyTek.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/IFlyTek.json new file mode 100644 index 000000000..43e2ca620 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/IFlyTek.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "421605374b29664c5fc098418fe20ada9bd55f8a", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 44.84801846864178, + "f1": 37.47347897956339, + "main_score": 44.84801846864178 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/ImdbClassification.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/ImdbClassification.json new file mode 100644 index 000000000..5bc351b0b --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 95.8336, + "ap": 93.78862962194073, + "f1": 95.83192650728371, + "main_score": 95.8336 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/JDReview.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/JDReview.json new file mode 100644 index 000000000..821443341 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/JDReview.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "b7c64bd89eb87f8ded463478346f76731f07bf8b", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 85.81613508442777, + "ap": 52.68244615477374, + "f1": 80.0445640948843, + "main_score": 85.81613508442777 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/LCQMC.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/LCQMC.json new file mode 100644 index 000000000..f2b3bc48a --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/LCQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "17f9b096f80380fce5ed12a9be8be7784b337daf", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 69.57786502217138, + "cos_sim_spearman": 75.39106054489906, + "euclidean_pearson": 73.72082954602402, + "euclidean_spearman": 75.14421475913619, + "manhattan_pearson": 73.62463076633642, + "manhattan_spearman": 75.01301565104112, + "cosine_pearson": 69.57786502217138, + "cosine_spearman": 75.39106054489906, + "main_score": 75.39106054489906 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/MLSUMClusteringP2P.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/MLSUMClusteringP2P.json new file mode 100644 index 000000000..91dc4322c --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/MLSUMClusteringP2P.json @@ -0,0 +1,26 @@ +{ + "dataset_revision": "b5d54f8f3b61ae17845046286940f03c6bc79bc7", + "task_name": "MLSUMClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "None" + ], + "v_measure": 45.26992995191701, + "main_score": 45.26992995191701 + }, + { + "hf_subset": "default", + "languages": [ + "None" + ], + "v_measure": 42.773174876871145, + "main_score": 42.773174876871145 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/MMarcoReranking.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/MMarcoReranking.json new file mode 100644 index 000000000..c2a82d844 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 29.143797057999134, + "mrr": 28.08174603174603, + "main_score": 29.143797057999134 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/MMarcoRetrieval.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/MMarcoRetrieval.json new file mode 100644 index 000000000..80ec8b992 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/MMarcoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "539bbde593d947e2a124ba72651aafc09eb33fc2", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 70.492, + "map_at_10": 79.501, + "map_at_100": 79.728, + "map_at_1000": 79.735, + "map_at_3": 77.77, + "map_at_5": 78.851, + "mrr_at_1": 72.822, + "mrr_at_10": 80.001, + "mrr_at_100": 80.19, + "mrr_at_1000": 80.197, + "mrr_at_3": 78.484, + "mrr_at_5": 79.42099999999999, + "ndcg_at_1": 72.822, + "ndcg_at_10": 83.013, + "ndcg_at_100": 84.013, + "ndcg_at_1000": 84.20400000000001, + "ndcg_at_3": 79.728, + "ndcg_at_5": 81.542, + "precision_at_1": 72.822, + "precision_at_10": 9.917, + "precision_at_100": 1.042, + "precision_at_1000": 0.106, + "precision_at_3": 29.847, + "precision_at_5": 18.871, + "recall_at_1": 70.492, + "recall_at_10": 93.325, + "recall_at_100": 97.822, + "recall_at_1000": 99.319, + "recall_at_3": 84.636, + "recall_at_5": 88.93100000000001, + "main_score": 83.013 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/MSMARCO-PL.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/MSMARCO-PL.json new file mode 100644 index 000000000..86daffa1f --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/MSMARCO-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "8634c07806d5cce3a6138e260e59b81760a0a640", + "task_name": "MSMARCO-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 1.548, + "map_at_10": 11.049000000000001, + "map_at_100": 28.874, + "map_at_1000": 34.931, + "map_at_3": 4.162, + "map_at_5": 6.396, + "mrr_at_1": 90.69800000000001, + "mrr_at_10": 92.093, + "mrr_at_100": 92.345, + "mrr_at_1000": 92.345, + "mrr_at_3": 91.86, + "mrr_at_5": 91.86, + "ndcg_at_1": 74.031, + "ndcg_at_10": 63.978, + "ndcg_at_100": 53.101, + "ndcg_at_1000": 60.675999999999995, + "ndcg_at_3": 71.421, + "ndcg_at_5": 68.098, + "precision_at_1": 90.69800000000001, + "precision_at_10": 71.86, + "precision_at_100": 31.395, + "precision_at_1000": 5.981, + "precision_at_3": 84.49600000000001, + "precision_at_5": 79.07, + "recall_at_1": 1.548, + "recall_at_10": 12.149000000000001, + "recall_at_100": 40.794999999999995, + "recall_at_1000": 67.974, + "recall_at_3": 4.244, + "recall_at_5": 6.608, + "main_score": 63.978 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/MSMARCO.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/MSMARCO.json new file mode 100644 index 000000000..2acf4d2a9 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.075000000000003, + "map_at_10": 36.102000000000004, + "map_at_100": 37.257, + "map_at_1000": 37.3, + "map_at_3": 32.144, + "map_at_5": 34.359, + "mrr_at_1": 23.711, + "mrr_at_10": 36.671, + "mrr_at_100": 37.763999999999996, + "mrr_at_1000": 37.801, + "mrr_at_3": 32.775, + "mrr_at_5": 34.977000000000004, + "ndcg_at_1": 23.711, + "ndcg_at_10": 43.361, + "ndcg_at_100": 48.839, + "ndcg_at_1000": 49.88, + "ndcg_at_3": 35.269, + "ndcg_at_5": 39.224, + "precision_at_1": 23.711, + "precision_at_10": 6.866999999999999, + "precision_at_100": 0.96, + "precision_at_1000": 0.105, + "precision_at_3": 15.096000000000002, + "precision_at_5": 11.083, + "recall_at_1": 23.075000000000003, + "recall_at_10": 65.756, + "recall_at_100": 90.88199999999999, + "recall_at_1000": 98.739, + "recall_at_3": 43.691, + "recall_at_5": 53.15800000000001, + "main_score": 43.361 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/MTOPDomainClassification.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/MTOPDomainClassification.json new file mode 100644 index 000000000..1c1f0dfd2 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/MTOPDomainClassification.json @@ -0,0 +1,28 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 97.69493844049248, + "f1": 97.55048089616261, + "main_score": 97.69493844049248 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 93.47635452552458, + "f1": 93.19922617577213, + "main_score": 93.47635452552458 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/MTOPIntentClassification.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/MTOPIntentClassification.json new file mode 100644 index 000000000..c2e1f8d62 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/MTOPIntentClassification.json @@ -0,0 +1,28 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 88.75968992248062, + "f1": 72.26321223399123, + "main_score": 88.75968992248062 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 80.2317569683683, + "f1": 56.18060418621901, + "main_score": 80.2317569683683 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/MasakhaNEWSClassification.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/MasakhaNEWSClassification.json new file mode 100644 index 000000000..3ea8dbafd --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/MasakhaNEWSClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "8ccc72e69e65f40c70e117d8b3c08306bb788b60", + "task_name": "MasakhaNEWSClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fra", + "languages": [ + "fra-Latn" + ], + "accuracy": 85.18957345971565, + "f1": 80.829981537394, + "main_score": 85.18957345971565 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/MassiveIntentClassification.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/MassiveIntentClassification.json new file mode 100644 index 000000000..acd49004c --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/MassiveIntentClassification.json @@ -0,0 +1,46 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 82.40080699394754, + "f1": 79.62590029057968, + "main_score": 82.40080699394754 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 76.88298587760592, + "f1": 73.89001762017176, + "main_score": 76.88298587760592 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 73.55413584398119, + "f1": 69.65610882318181, + "main_score": 73.55413584398119 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 76.65097511768661, + "f1": 73.82441070598712, + "main_score": 76.65097511768661 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/MassiveScenarioClassification.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..e076abe4a --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/MassiveScenarioClassification.json @@ -0,0 +1,46 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 84.49562878278414, + "f1": 84.0040193313333, + "main_score": 84.49562878278414 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 80.76328177538669, + "f1": 80.24718532423358, + "main_score": 80.76328177538669 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 76.37188971082716, + "f1": 75.64847309941361, + "main_score": 76.37188971082716 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 79.09885675857431, + "f1": 78.28407777434224, + "main_score": 79.09885675857431 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/MedicalRetrieval.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/MedicalRetrieval.json new file mode 100644 index 000000000..2a5e66744 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/MedicalRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "2039188fb5800a9803ba5048df7b76e6fb151fc6", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 49.6, + "map_at_10": 55.620999999999995, + "map_at_100": 56.204, + "map_at_1000": 56.251, + "map_at_3": 54.132999999999996, + "map_at_5": 54.933, + "mrr_at_1": 49.7, + "mrr_at_10": 55.67100000000001, + "mrr_at_100": 56.254000000000005, + "mrr_at_1000": 56.301, + "mrr_at_3": 54.18300000000001, + "mrr_at_5": 54.983000000000004, + "ndcg_at_1": 49.6, + "ndcg_at_10": 58.645, + "ndcg_at_100": 61.789, + "ndcg_at_1000": 63.219, + "ndcg_at_3": 55.567, + "ndcg_at_5": 57.008, + "precision_at_1": 49.6, + "precision_at_10": 6.819999999999999, + "precision_at_100": 0.836, + "precision_at_1000": 0.095, + "precision_at_3": 19.900000000000002, + "precision_at_5": 12.64, + "recall_at_1": 49.6, + "recall_at_10": 68.2, + "recall_at_100": 83.6, + "recall_at_1000": 95.3, + "recall_at_3": 59.699999999999996, + "recall_at_5": 63.2, + "main_score": 58.645 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/MedrxivClusteringP2P.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..35b10f3cf --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.386760057101945, + "main_score": 39.386760057101945 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/MedrxivClusteringS2S.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..8f3cfc3fb --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.89687154075537, + "main_score": 37.89687154075537 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/MindSmallReranking.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/MindSmallReranking.json new file mode 100644 index 000000000..5106ece54 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 33.94151656057482, + "mrr": 35.32684700746953, + "main_score": 33.94151656057482 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/MintakaRetrieval.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/MintakaRetrieval.json new file mode 100644 index 000000000..35bb456cf --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/MintakaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "efa78cc2f74bbcd21eff2261f9e13aebe40b814e", + "task_name": "MintakaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "map_at_1": 25.307000000000002, + "map_at_10": 36.723, + "map_at_100": 37.713, + "map_at_1000": 37.769000000000005, + "map_at_3": 33.77, + "map_at_5": 35.463, + "mrr_at_1": 25.307000000000002, + "mrr_at_10": 36.723, + "mrr_at_100": 37.713, + "mrr_at_1000": 37.769000000000005, + "mrr_at_3": 33.77, + "mrr_at_5": 35.463, + "ndcg_at_1": 25.307000000000002, + "ndcg_at_10": 42.559999999999995, + "ndcg_at_100": 47.457, + "ndcg_at_1000": 49.162, + "ndcg_at_3": 36.461, + "ndcg_at_5": 39.504, + "precision_at_1": 25.307000000000002, + "precision_at_10": 6.106, + "precision_at_100": 0.8420000000000001, + "precision_at_1000": 0.098, + "precision_at_3": 14.741999999999999, + "precision_at_5": 10.319, + "recall_at_1": 25.307000000000002, + "recall_at_10": 61.056999999999995, + "recall_at_100": 84.152, + "recall_at_1000": 98.03399999999999, + "recall_at_3": 44.226, + "recall_at_5": 51.597, + "main_score": 42.559999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/MultilingualSentiment.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/MultilingualSentiment.json new file mode 100644 index 000000000..f0614abc5 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/MultilingualSentiment.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "46958b007a63fdbf239b7672c25d0bea67b5ea1a", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 74.45666666666666, + "f1": 74.32582402190089, + "main_score": 74.45666666666666 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/NFCorpus-PL.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/NFCorpus-PL.json new file mode 100644 index 000000000..51980937f --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/NFCorpus-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "9a6f9567fda928260afed2de480d79c98bf0bec0", + "task_name": "NFCorpus-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 4.919, + "map_at_10": 10.834000000000001, + "map_at_100": 13.38, + "map_at_1000": 14.581, + "map_at_3": 8.198, + "map_at_5": 9.428, + "mrr_at_1": 41.176, + "mrr_at_10": 50.083, + "mrr_at_100": 50.559, + "mrr_at_1000": 50.604000000000006, + "mrr_at_3": 47.936, + "mrr_at_5": 49.407000000000004, + "ndcg_at_1": 39.628, + "ndcg_at_10": 30.098000000000003, + "ndcg_at_100": 27.061, + "ndcg_at_1000": 35.94, + "ndcg_at_3": 35.135, + "ndcg_at_5": 33.335, + "precision_at_1": 41.176, + "precision_at_10": 22.259999999999998, + "precision_at_100": 6.712, + "precision_at_1000": 1.9060000000000001, + "precision_at_3": 33.23, + "precision_at_5": 29.04, + "recall_at_1": 4.919, + "recall_at_10": 14.196, + "recall_at_100": 26.948, + "recall_at_1000": 59.211000000000006, + "recall_at_3": 9.44, + "recall_at_5": 11.569, + "main_score": 30.098000000000003 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/NFCorpus.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/NFCorpus.json new file mode 100644 index 000000000..7d7b232a0 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.239999999999999, + "map_at_10": 14.862, + "map_at_100": 18.955, + "map_at_1000": 20.694000000000003, + "map_at_3": 10.683, + "map_at_5": 12.674, + "mrr_at_1": 50.15500000000001, + "mrr_at_10": 59.697, + "mrr_at_100": 60.095, + "mrr_at_1000": 60.129999999999995, + "mrr_at_3": 58.35900000000001, + "mrr_at_5": 58.839, + "ndcg_at_1": 48.452, + "ndcg_at_10": 39.341, + "ndcg_at_100": 35.866, + "ndcg_at_1000": 45.111000000000004, + "ndcg_at_3": 44.527, + "ndcg_at_5": 42.946, + "precision_at_1": 50.15500000000001, + "precision_at_10": 29.536, + "precision_at_100": 9.142, + "precision_at_1000": 2.2849999999999997, + "precision_at_3": 41.899, + "precision_at_5": 37.647000000000006, + "recall_at_1": 6.239999999999999, + "recall_at_10": 19.278000000000002, + "recall_at_100": 36.074, + "recall_at_1000": 70.017, + "recall_at_3": 12.066, + "recall_at_5": 15.254000000000001, + "main_score": 39.341 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/NQ-PL.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/NQ-PL.json new file mode 100644 index 000000000..2aa45965d --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/NQ-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "f171245712cf85dd4700b06bef18001578d0ca8d", + "task_name": "NQ-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 25.35, + "map_at_10": 37.884, + "map_at_100": 38.955, + "map_at_1000": 39.007999999999996, + "map_at_3": 34.239999999999995, + "map_at_5": 36.398, + "mrr_at_1": 28.737000000000002, + "mrr_at_10": 39.973, + "mrr_at_100": 40.844, + "mrr_at_1000": 40.885, + "mrr_at_3": 36.901, + "mrr_at_5": 38.721, + "ndcg_at_1": 28.708, + "ndcg_at_10": 44.204, + "ndcg_at_100": 48.978, + "ndcg_at_1000": 50.33, + "ndcg_at_3": 37.36, + "ndcg_at_5": 40.912, + "precision_at_1": 28.708, + "precision_at_10": 7.367, + "precision_at_100": 1.0030000000000001, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 17.034, + "precision_at_5": 12.293999999999999, + "recall_at_1": 25.35, + "recall_at_10": 61.411, + "recall_at_100": 82.599, + "recall_at_1000": 92.903, + "recall_at_3": 43.728, + "recall_at_5": 51.854, + "main_score": 44.204 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/NQ.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/NQ.json new file mode 100644 index 000000000..3908b52e3 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 39.75, + "map_at_10": 56.443, + "map_at_100": 57.233999999999995, + "map_at_1000": 57.249, + "map_at_3": 52.032999999999994, + "map_at_5": 54.937999999999995, + "mrr_at_1": 44.728, + "mrr_at_10": 58.939, + "mrr_at_100": 59.489000000000004, + "mrr_at_1000": 59.499, + "mrr_at_3": 55.711999999999996, + "mrr_at_5": 57.89, + "ndcg_at_1": 44.728, + "ndcg_at_10": 63.998999999999995, + "ndcg_at_100": 67.077, + "ndcg_at_1000": 67.40899999999999, + "ndcg_at_3": 56.266000000000005, + "ndcg_at_5": 60.88, + "precision_at_1": 44.728, + "precision_at_10": 10.09, + "precision_at_100": 1.1809999999999998, + "precision_at_1000": 0.121, + "precision_at_3": 25.145, + "precision_at_5": 17.822, + "recall_at_1": 39.75, + "recall_at_10": 84.234, + "recall_at_100": 97.055, + "recall_at_1000": 99.517, + "recall_at_3": 64.851, + "recall_at_5": 75.343, + "main_score": 63.998999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/Ocnli.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/Ocnli.json new file mode 100644 index 000000000..5badda094 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/Ocnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "66e76a618a34d6d565d5538088562851e6daa7ec", + "task_name": "Ocnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 80.67135896047645, + "cos_sim_ap": 87.60421240712051, + "cos_sim_f1": 82.1304131408661, + "cos_sim_precision": 77.68361581920904, + "cos_sim_recall": 87.11721224920802, + "dot_accuracy": 79.04710341093666, + "dot_ap": 85.6370059719336, + "dot_f1": 80.763723150358, + "dot_precision": 73.69337979094077, + "dot_recall": 89.33474128827878, + "euclidean_accuracy": 81.05035192203573, + "euclidean_ap": 87.7880240053663, + "euclidean_f1": 82.50244379276637, + "euclidean_precision": 76.7970882620564, + "euclidean_recall": 89.1235480464625, + "manhattan_accuracy": 80.61721710882512, + "manhattan_ap": 87.43568120591175, + "manhattan_f1": 81.89526184538653, + "manhattan_precision": 77.5992438563327, + "manhattan_recall": 86.6948257655755, + "max_accuracy": 81.05035192203573, + "max_ap": 87.7880240053663, + "max_f1": 82.50244379276637, + "main_score": 81.05035192203573 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/OnlineShopping.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/OnlineShopping.json new file mode 100644 index 000000000..dd96cea52 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/OnlineShopping.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e610f2ebd179a8fda30ae534c3878750a96db120", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 93.5, + "ap": 91.31357903446782, + "f1": 93.48088994006616, + "main_score": 93.5 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/OpusparcusPC.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/OpusparcusPC.json new file mode 100644 index 000000000..da673f578 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/OpusparcusPC.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "9e9b1f8ef51616073f47f306f7f47dd91663f86a", + "task_name": "OpusparcusPC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_accuracy": 99.90069513406156, + "cos_sim_ap": 100.0, + "cos_sim_f1": 99.95032290114257, + "cos_sim_precision": 100.0, + "cos_sim_recall": 99.90069513406156, + "dot_accuracy": 99.90069513406156, + "dot_ap": 100.0, + "dot_f1": 99.95032290114257, + "dot_precision": 100.0, + "dot_recall": 99.90069513406156, + "euclidean_accuracy": 99.90069513406156, + "euclidean_ap": 100.0, + "euclidean_f1": 99.95032290114257, + "euclidean_precision": 100.0, + "euclidean_recall": 99.90069513406156, + "manhattan_accuracy": 99.90069513406156, + "manhattan_ap": 100.0, + "manhattan_f1": 99.95032290114257, + "manhattan_precision": 100.0, + "manhattan_recall": 99.90069513406156, + "max_accuracy": 99.90069513406156, + "max_ap": 100.0, + "max_f1": 99.95032290114257, + "main_score": 100.0 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/PAC.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/PAC.json new file mode 100644 index 000000000..97f50d807 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/PAC.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "PAC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 69.04141326382856, + "ap": 77.49422763833996, + "f1": 66.73472657783407, + "main_score": 69.04141326382856 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/PAWSX.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/PAWSX.json new file mode 100644 index 000000000..631c51171 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/PAWSX.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "9c6a90e430ac22b5779fb019a23e820b11a8b5e1", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 36.93293453538077, + "cos_sim_spearman": 42.45972506308574, + "euclidean_pearson": 42.34945133152159, + "euclidean_spearman": 42.331610303674644, + "manhattan_pearson": 42.31455070249498, + "manhattan_spearman": 42.19887982891834, + "cosine_pearson": 36.93293453538077, + "cosine_spearman": 42.45972506308574, + "main_score": 42.45972506308574 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/PSC.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/PSC.json new file mode 100644 index 000000000..7289c98d6 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/PSC.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "PSC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cos_sim_accuracy": 97.6808905380334, + "cos_sim_ap": 99.27948611836348, + "cos_sim_f1": 96.15975422427034, + "cos_sim_precision": 96.90402476780186, + "cos_sim_recall": 95.42682926829268, + "dot_accuracy": 97.6808905380334, + "dot_ap": 99.2794861183635, + "dot_f1": 96.15975422427034, + "dot_precision": 96.90402476780186, + "dot_recall": 95.42682926829268, + "euclidean_accuracy": 97.6808905380334, + "euclidean_ap": 99.2794861183635, + "euclidean_f1": 96.15975422427034, + "euclidean_precision": 96.90402476780186, + "euclidean_recall": 95.42682926829268, + "manhattan_accuracy": 97.6808905380334, + "manhattan_ap": 99.28715055268721, + "manhattan_f1": 96.14791987673343, + "manhattan_precision": 97.19626168224299, + "manhattan_recall": 95.1219512195122, + "max_accuracy": 97.6808905380334, + "max_ap": 99.28715055268721, + "max_f1": 96.15975422427034, + "main_score": 99.28715055268721 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/PolEmo2.0-IN.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/PolEmo2.0-IN.json new file mode 100644 index 000000000..2f2ddadf0 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/PolEmo2.0-IN.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "PolEmo2.0-IN", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 86.16343490304708, + "f1": 83.3442579486744, + "main_score": 86.16343490304708 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/PolEmo2.0-OUT.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/PolEmo2.0-OUT.json new file mode 100644 index 000000000..841873c31 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/PolEmo2.0-OUT.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "PolEmo2.0-OUT", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 68.40080971659918, + "f1": 53.13720751142237, + "main_score": 68.40080971659918 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/QBQTC.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/QBQTC.json new file mode 100644 index 000000000..a6ecb8744 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/QBQTC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "790b0510dc52b1553e8c49f3d2afb48c0e5c48b7", + "task_name": "QBQTC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 33.683290790043785, + "cos_sim_spearman": 35.149171171202994, + "euclidean_pearson": 32.33806561267862, + "euclidean_spearman": 34.483576387347966, + "manhattan_pearson": 32.47629754599608, + "manhattan_spearman": 34.66434471867615, + "cosine_pearson": 33.683290790043785, + "cosine_spearman": 35.149171171202994, + "main_score": 35.149171171202994 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/Quora-PL.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/Quora-PL.json new file mode 100644 index 000000000..f6924de2d --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/Quora-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "0be27e93455051e531182b85e85e425aba12e9d4", + "task_name": "Quora-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 63.322, + "map_at_10": 76.847, + "map_at_100": 77.616, + "map_at_1000": 77.644, + "map_at_3": 73.624, + "map_at_5": 75.603, + "mrr_at_1": 72.88, + "mrr_at_10": 80.376, + "mrr_at_100": 80.604, + "mrr_at_1000": 80.61, + "mrr_at_3": 78.92, + "mrr_at_5": 79.869, + "ndcg_at_1": 72.89999999999999, + "ndcg_at_10": 81.43, + "ndcg_at_100": 83.394, + "ndcg_at_1000": 83.685, + "ndcg_at_3": 77.62599999999999, + "ndcg_at_5": 79.656, + "precision_at_1": 72.89999999999999, + "precision_at_10": 12.548, + "precision_at_100": 1.4869999999999999, + "precision_at_1000": 0.155, + "precision_at_3": 34.027, + "precision_at_5": 22.654, + "recall_at_1": 63.322, + "recall_at_10": 90.664, + "recall_at_100": 97.974, + "recall_at_1000": 99.636, + "recall_at_3": 80.067, + "recall_at_5": 85.526, + "main_score": 81.43 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/QuoraRetrieval.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/QuoraRetrieval.json new file mode 100644 index 000000000..109231c6e --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 72.085, + "map_at_10": 86.107, + "map_at_100": 86.727, + "map_at_1000": 86.74, + "map_at_3": 83.21, + "map_at_5": 85.06, + "mrr_at_1": 82.94, + "mrr_at_10": 88.845, + "mrr_at_100": 88.926, + "mrr_at_1000": 88.927, + "mrr_at_3": 87.993, + "mrr_at_5": 88.62299999999999, + "ndcg_at_1": 82.97, + "ndcg_at_10": 89.645, + "ndcg_at_100": 90.717, + "ndcg_at_1000": 90.78, + "ndcg_at_3": 86.99900000000001, + "ndcg_at_5": 88.52600000000001, + "precision_at_1": 82.97, + "precision_at_10": 13.569, + "precision_at_100": 1.539, + "precision_at_1000": 0.157, + "precision_at_3": 38.043, + "precision_at_5": 24.992, + "recall_at_1": 72.085, + "recall_at_10": 96.262, + "recall_at_100": 99.77000000000001, + "recall_at_1000": 99.997, + "recall_at_3": 88.652, + "recall_at_5": 93.01899999999999, + "main_score": 89.645 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/RedditClustering.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/RedditClustering.json new file mode 100644 index 000000000..6bfedd681 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 55.82153952668092, + "main_score": 55.82153952668092 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/RedditClusteringP2P.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/RedditClusteringP2P.json new file mode 100644 index 000000000..66c7494cb --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 62.094465801879295, + "main_score": 62.094465801879295 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/SCIDOCS-PL.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/SCIDOCS-PL.json new file mode 100644 index 000000000..70098fa7d --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/SCIDOCS-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "45452b03f05560207ef19149545f168e596c9337", + "task_name": "SCIDOCS-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 3.95, + "map_at_10": 9.658999999999999, + "map_at_100": 11.384, + "map_at_1000": 11.677, + "map_at_3": 7.055, + "map_at_5": 8.244, + "mrr_at_1": 19.5, + "mrr_at_10": 28.777, + "mrr_at_100": 29.936, + "mrr_at_1000": 30.009999999999998, + "mrr_at_3": 25.55, + "mrr_at_5": 27.284999999999997, + "ndcg_at_1": 19.5, + "ndcg_at_10": 16.589000000000002, + "ndcg_at_100": 23.879, + "ndcg_at_1000": 29.279, + "ndcg_at_3": 15.719, + "ndcg_at_5": 13.572000000000001, + "precision_at_1": 19.5, + "precision_at_10": 8.62, + "precision_at_100": 1.924, + "precision_at_1000": 0.322, + "precision_at_3": 14.6, + "precision_at_5": 11.78, + "recall_at_1": 3.95, + "recall_at_10": 17.477999999999998, + "recall_at_100": 38.99, + "recall_at_1000": 65.417, + "recall_at_3": 8.883000000000001, + "recall_at_5": 11.933, + "main_score": 16.589000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/SCIDOCS.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/SCIDOCS.json new file mode 100644 index 000000000..8740c3c82 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.688, + "map_at_10": 15.201999999999998, + "map_at_100": 18.096, + "map_at_1000": 18.481, + "map_at_3": 10.734, + "map_at_5": 12.94, + "mrr_at_1": 28.000000000000004, + "mrr_at_10": 41.101, + "mrr_at_100": 42.202, + "mrr_at_1000": 42.228, + "mrr_at_3": 37.683, + "mrr_at_5": 39.708, + "ndcg_at_1": 28.000000000000004, + "ndcg_at_10": 24.976000000000003, + "ndcg_at_100": 35.129, + "ndcg_at_1000": 40.77, + "ndcg_at_3": 23.787, + "ndcg_at_5": 20.816000000000003, + "precision_at_1": 28.000000000000004, + "precision_at_10": 13.04, + "precision_at_100": 2.761, + "precision_at_1000": 0.41000000000000003, + "precision_at_3": 22.6, + "precision_at_5": 18.52, + "recall_at_1": 5.688, + "recall_at_10": 26.43, + "recall_at_100": 56.02, + "recall_at_1000": 83.21, + "recall_at_3": 13.752, + "recall_at_5": 18.777, + "main_score": 24.976000000000003 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/SICK-E-PL.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/SICK-E-PL.json new file mode 100644 index 000000000..49980a4e0 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/SICK-E-PL.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "SICK-E-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cos_sim_accuracy": 83.48960456583775, + "cos_sim_ap": 76.31522115825375, + "cos_sim_f1": 70.35573122529645, + "cos_sim_precision": 70.9934735315446, + "cos_sim_recall": 69.72934472934473, + "dot_accuracy": 83.48960456583775, + "dot_ap": 76.31522115825373, + "dot_f1": 70.35573122529645, + "dot_precision": 70.9934735315446, + "dot_recall": 69.72934472934473, + "euclidean_accuracy": 83.48960456583775, + "euclidean_ap": 76.31522115825373, + "euclidean_f1": 70.35573122529645, + "euclidean_precision": 70.9934735315446, + "euclidean_recall": 69.72934472934473, + "manhattan_accuracy": 83.46922136159804, + "manhattan_ap": 76.18474601388084, + "manhattan_f1": 70.34779490856937, + "manhattan_precision": 70.83032490974729, + "manhattan_recall": 69.87179487179486, + "max_accuracy": 83.48960456583775, + "max_ap": 76.31522115825375, + "max_f1": 70.35573122529645, + "main_score": 76.31522115825375 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/SICK-R-PL.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/SICK-R-PL.json new file mode 100644 index 000000000..1d6549d45 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/SICK-R-PL.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "SICK-R-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cos_sim_pearson": 77.95374883876302, + "cos_sim_spearman": 73.77630219171942, + "euclidean_pearson": 75.81927069594934, + "euclidean_spearman": 73.7763211303831, + "manhattan_pearson": 76.03126859057528, + "manhattan_spearman": 73.96528138013369, + "cosine_pearson": 77.95374883876302, + "cosine_spearman": 73.77630219171942, + "main_score": 73.77630219171942 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/SICK-R.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/SICK-R.json new file mode 100644 index 000000000..a09674c35 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.15084859283178, + "cos_sim_spearman": 80.49030614009419, + "euclidean_pearson": 81.84574978672468, + "euclidean_spearman": 79.89787150656818, + "manhattan_pearson": 81.63076538567131, + "manhattan_spearman": 79.69867352121841, + "cosine_pearson": 85.15084859283178, + "cosine_spearman": 80.49030614009419, + "main_score": 80.49030614009419 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/SICKFr.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/SICKFr.json new file mode 100644 index 000000000..ab5cdcc6c --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/SICKFr.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e077ab4cf4774a1e36d86d593b150422fafd8e8a", + "task_name": "SICKFr", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 84.03253762760392, + "cos_sim_spearman": 79.68280105762004, + "euclidean_pearson": 80.98265050044444, + "euclidean_spearman": 79.68233242682867, + "manhattan_pearson": 80.9678911810704, + "manhattan_spearman": 79.70264097683109, + "cosine_pearson": 84.03253762760392, + "cosine_spearman": 79.68280105762004, + "main_score": 79.68280105762004 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/STS12.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/STS12.json new file mode 100644 index 000000000..a23ee2e0a --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.64097921490992, + "cos_sim_spearman": 77.25370084896514, + "euclidean_pearson": 82.71210826468788, + "euclidean_spearman": 78.50445584994826, + "manhattan_pearson": 82.92580164330298, + "manhattan_spearman": 78.69686891301019, + "cosine_pearson": 84.64097921490992, + "cosine_spearman": 77.25370084896514, + "main_score": 77.25370084896514 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/STS13.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/STS13.json new file mode 100644 index 000000000..80122b7c9 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.24596417308994, + "cos_sim_spearman": 87.79454220555091, + "euclidean_pearson": 87.40242561671164, + "euclidean_spearman": 88.25955597373556, + "manhattan_pearson": 87.25160240485849, + "manhattan_spearman": 88.155794979818, + "cosine_pearson": 87.24596417308994, + "cosine_spearman": 87.79454220555091, + "main_score": 87.79454220555091 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/STS14.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/STS14.json new file mode 100644 index 000000000..59fa0df4f --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.44914233422564, + "cos_sim_spearman": 82.91015471820322, + "euclidean_pearson": 84.7206656630327, + "euclidean_spearman": 83.86408872059216, + "manhattan_pearson": 84.72816725158454, + "manhattan_spearman": 84.01603388572788, + "cosine_pearson": 84.44914233422564, + "cosine_spearman": 82.91015471820322, + "main_score": 82.91015471820322 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/STS15.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/STS15.json new file mode 100644 index 000000000..9e97e604a --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.6168026237477, + "cos_sim_spearman": 88.45414278092397, + "euclidean_pearson": 88.57023240882022, + "euclidean_spearman": 89.04102190922094, + "manhattan_pearson": 88.66695535796354, + "manhattan_spearman": 89.19898476680969, + "cosine_pearson": 87.6168026237477, + "cosine_spearman": 88.45414278092397, + "main_score": 88.45414278092397 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/STS16.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/STS16.json new file mode 100644 index 000000000..6a48134cf --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.27925826089424, + "cos_sim_spearman": 85.45291099550461, + "euclidean_pearson": 83.63853036580834, + "euclidean_spearman": 84.33468035821484, + "manhattan_pearson": 83.72778773251596, + "manhattan_spearman": 84.51583132445376, + "cosine_pearson": 84.27925826089424, + "cosine_spearman": 85.45291099550461, + "main_score": 85.45291099550461 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/STS17.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/STS17.json new file mode 100644 index 000000000..2f6c9c498 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 89.67375185692552, + "cos_sim_spearman": 90.32542469203855, + "euclidean_pearson": 89.63513717951847, + "euclidean_spearman": 89.87760271003745, + "manhattan_pearson": 89.28381452982924, + "manhattan_spearman": 89.53568197785721, + "cosine_pearson": 89.67375185692552, + "cosine_spearman": 90.32542469203855, + "main_score": 90.32542469203855 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/STS22.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/STS22.json new file mode 100644 index 000000000..9002d7345 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/STS22.json @@ -0,0 +1,70 @@ +{ + "dataset_revision": "eea2b4fe26a775864c896887d910b76a8098ad3f", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 66.24644693819846, + "cos_sim_spearman": 66.09889420525377, + "euclidean_pearson": 63.72551583520747, + "euclidean_spearman": 63.01385470780679, + "manhattan_pearson": 64.09258157214097, + "manhattan_spearman": 63.080517752822594, + "cosine_pearson": 66.24644693819846, + "cosine_spearman": 66.09889420525377, + "main_score": 66.09889420525377 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 66.46322760516104, + "cos_sim_spearman": 67.398478319726, + "euclidean_pearson": 64.7223480293625, + "euclidean_spearman": 66.83118568812951, + "manhattan_pearson": 64.88440039828305, + "manhattan_spearman": 66.80429458952257, + "cosine_pearson": 66.46322760516104, + "cosine_spearman": 67.398478319726, + "main_score": 67.398478319726 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "cos_sim_pearson": 37.388282764841826, + "cos_sim_spearman": 40.83477184710897, + "euclidean_pearson": 26.754737044177805, + "euclidean_spearman": 40.83477184710897, + "manhattan_pearson": 26.760453110872458, + "manhattan_spearman": 41.034477441383856, + "cosine_pearson": 37.388282764841826, + "cosine_spearman": 40.83477184710897, + "main_score": 40.83477184710897 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 80.56896987572884, + "cos_sim_spearman": 81.84352499523287, + "euclidean_pearson": 80.40831759421305, + "euclidean_spearman": 81.84352499523287, + "manhattan_pearson": 80.74333857561238, + "manhattan_spearman": 82.41503246733892, + "cosine_pearson": 80.56896987572884, + "cosine_spearman": 81.84352499523287, + "main_score": 81.84352499523287 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/STSB.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/STSB.json new file mode 100644 index 000000000..1b95f208c --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/STSB.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "0cde68302b3541bb8b3c340dc0644b0b745b3dc0", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 79.08991383232105, + "cos_sim_spearman": 79.39715677296854, + "euclidean_pearson": 78.63201279320496, + "euclidean_spearman": 79.40262660785731, + "manhattan_pearson": 78.98138363146906, + "manhattan_spearman": 79.79968413014194, + "cosine_pearson": 79.08991383232105, + "cosine_spearman": 79.39715677296854, + "main_score": 79.39715677296854 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/STSBenchmark.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/STSBenchmark.json new file mode 100644 index 000000000..5e722426b --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.27321463839989, + "cos_sim_spearman": 86.37572865993327, + "euclidean_pearson": 86.36268020198149, + "euclidean_spearman": 86.31089339478922, + "manhattan_pearson": 86.4260445761947, + "manhattan_spearman": 86.45885895320457, + "cosine_pearson": 86.27321463839989, + "cosine_spearman": 86.37572865993327, + "main_score": 86.37572865993327 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/STSBenchmarkMultilingualSTS.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/STSBenchmarkMultilingualSTS.json new file mode 100644 index 000000000..be1d86275 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/STSBenchmarkMultilingualSTS.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "93d57ef91790589e3ce9c365164337a8a78b7632", + "task_name": "STSBenchmarkMultilingualSTS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 82.71826762276979, + "cos_sim_spearman": 82.25433354916042, + "euclidean_pearson": 81.87115571724316, + "euclidean_spearman": 82.25322342890107, + "manhattan_pearson": 82.11174867527224, + "manhattan_spearman": 82.55905365203084, + "cosine_pearson": 82.71826762276979, + "cosine_spearman": 82.25433354916042, + "main_score": 82.25433354916042 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/SciDocsRR.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/SciDocsRR.json new file mode 100644 index 000000000..d078ce7f3 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 86.52456702387798, + "mrr": 96.34556529164372, + "main_score": 86.52456702387798 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/SciFact-PL.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/SciFact-PL.json new file mode 100644 index 000000000..62e34862c --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/SciFact-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "47932a35f045ef8ed01ba82bf9ff67f6e109207e", + "task_name": "SciFact-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 49.15, + "map_at_10": 61.690999999999995, + "map_at_100": 62.348000000000006, + "map_at_1000": 62.38, + "map_at_3": 58.824, + "map_at_5": 60.662000000000006, + "mrr_at_1": 51.333, + "mrr_at_10": 62.731, + "mrr_at_100": 63.245, + "mrr_at_1000": 63.275000000000006, + "mrr_at_3": 60.667, + "mrr_at_5": 61.93300000000001, + "ndcg_at_1": 51.333, + "ndcg_at_10": 67.168, + "ndcg_at_100": 69.833, + "ndcg_at_1000": 70.56700000000001, + "ndcg_at_3": 62.40599999999999, + "ndcg_at_5": 65.029, + "precision_at_1": 51.333, + "precision_at_10": 9.333, + "precision_at_100": 1.0699999999999998, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 25.333, + "precision_at_5": 17.067, + "recall_at_1": 49.15, + "recall_at_10": 82.533, + "recall_at_100": 94.167, + "recall_at_1000": 99.667, + "recall_at_3": 69.917, + "recall_at_5": 76.356, + "main_score": 67.168 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/SciFact.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/SciFact.json new file mode 100644 index 000000000..17dea3076 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 61.99400000000001, + "map_at_10": 73.38799999999999, + "map_at_100": 73.747, + "map_at_1000": 73.75, + "map_at_3": 70.04599999999999, + "map_at_5": 72.095, + "mrr_at_1": 65.0, + "mrr_at_10": 74.42800000000001, + "mrr_at_100": 74.722, + "mrr_at_1000": 74.725, + "mrr_at_3": 72.056, + "mrr_at_5": 73.60600000000001, + "ndcg_at_1": 65.0, + "ndcg_at_10": 78.435, + "ndcg_at_100": 79.922, + "ndcg_at_1000": 80.00500000000001, + "ndcg_at_3": 73.05199999999999, + "ndcg_at_5": 75.98, + "precision_at_1": 65.0, + "precision_at_10": 10.5, + "precision_at_100": 1.123, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 28.555999999999997, + "precision_at_5": 19.0, + "recall_at_1": 61.99400000000001, + "recall_at_10": 92.72200000000001, + "recall_at_100": 99.333, + "recall_at_1000": 100.0, + "recall_at_3": 78.739, + "recall_at_5": 85.828, + "main_score": 78.435 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/SprintDuplicateQuestions.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..793ef71ca --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.79009900990098, + "cos_sim_ap": 95.3203137438653, + "cos_sim_f1": 89.12386706948641, + "cos_sim_precision": 89.75659229208925, + "cos_sim_recall": 88.5, + "dot_accuracy": 99.67821782178218, + "dot_ap": 89.94069840000675, + "dot_f1": 83.45902463549521, + "dot_precision": 83.9231547017189, + "dot_recall": 83.0, + "euclidean_accuracy": 99.78613861386138, + "euclidean_ap": 95.10648259135526, + "euclidean_f1": 88.77338877338877, + "euclidean_precision": 92.42424242424242, + "euclidean_recall": 85.39999999999999, + "manhattan_accuracy": 99.7950495049505, + "manhattan_ap": 95.29987661320946, + "manhattan_f1": 89.21313183949972, + "manhattan_precision": 93.14472252448314, + "manhattan_recall": 85.6, + "max_accuracy": 99.7950495049505, + "max_ap": 95.3203137438653, + "max_f1": 89.21313183949972, + "main_score": 95.3203137438653 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/StackExchangeClustering.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/StackExchangeClustering.json new file mode 100644 index 000000000..5ba44e08d --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 67.65446577183913, + "main_score": 67.65446577183913 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/StackExchangeClusteringP2P.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..32577eb1a --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 46.30749237193961, + "main_score": 46.30749237193961 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/StackOverflowDupQuestions.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..f1d8ab6cb --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 54.91481849959949, + "mrr": 55.853506175197346, + "main_score": 54.91481849959949 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/SummEval.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/SummEval.json new file mode 100644 index 000000000..7b98ded85 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.08196549170419, + "cos_sim_spearman": 31.16661390597077, + "dot_pearson": 29.892258410943466, + "dot_spearman": 30.51328811965085, + "cosine_pearson": 30.08196549170419, + "cosine_spearman": 31.16661390597077, + "main_score": 31.16661390597077 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/SummEvalFr.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/SummEvalFr.json new file mode 100644 index 000000000..2b202df77 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/SummEvalFr.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "b385812de6a9577b6f4d0f88c6a6e35395a94054", + "task_name": "SummEvalFr", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 30.659441623392887, + "cos_sim_spearman": 30.501134097353315, + "dot_pearson": 30.659444768851056, + "dot_spearman": 30.501134097353315, + "cosine_pearson": 30.659441623392887, + "cosine_spearman": 30.501134097353315, + "main_score": 30.501134097353315 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/SyntecReranking.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/SyntecReranking.json new file mode 100644 index 000000000..d8337075b --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/SyntecReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "b205c5084a0934ce8af14338bf03feb19499c84d", + "task_name": "SyntecReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map": 94.03333333333333, + "mrr": 94.03333333333333, + "main_score": 94.03333333333333 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/SyntecRetrieval.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/SyntecRetrieval.json new file mode 100644 index 000000000..a00ba7885 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/SyntecRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "77f7e271bf4a92b24fce5119f3486b583ca016ff", + "task_name": "SyntecRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map_at_1": 79.0, + "map_at_10": 87.61, + "map_at_100": 87.655, + "map_at_1000": 87.655, + "map_at_3": 87.167, + "map_at_5": 87.36699999999999, + "mrr_at_1": 79.0, + "mrr_at_10": 87.61, + "mrr_at_100": 87.655, + "mrr_at_1000": 87.655, + "mrr_at_3": 87.167, + "mrr_at_5": 87.36699999999999, + "ndcg_at_1": 79.0, + "ndcg_at_10": 90.473, + "ndcg_at_100": 90.694, + "ndcg_at_1000": 90.694, + "ndcg_at_3": 89.464, + "ndcg_at_5": 89.851, + "precision_at_1": 79.0, + "precision_at_10": 9.9, + "precision_at_100": 1.0, + "precision_at_1000": 0.1, + "precision_at_3": 32.0, + "precision_at_5": 19.400000000000002, + "recall_at_1": 79.0, + "recall_at_10": 99.0, + "recall_at_100": 100.0, + "recall_at_1000": 100.0, + "recall_at_3": 96.0, + "recall_at_5": 97.0, + "main_score": 90.473 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/T2Reranking.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/T2Reranking.json new file mode 100644 index 000000000..cf1827050 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "76631901a18387f85eaa53e5450019b87ad58ef9", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 67.43289278789972, + "mrr": 77.53012460908535, + "main_score": 67.43289278789972 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/T2Retrieval.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/T2Retrieval.json new file mode 100644 index 000000000..30c6866af --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/T2Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "8731a845f1bf500a4f111cf1070785c793d10e64", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 27.733999999999998, + "map_at_10": 78.24799999999999, + "map_at_100": 81.765, + "map_at_1000": 81.824, + "map_at_3": 54.92, + "map_at_5": 67.61399999999999, + "mrr_at_1": 90.527, + "mrr_at_10": 92.843, + "mrr_at_100": 92.927, + "mrr_at_1000": 92.93, + "mrr_at_3": 92.45100000000001, + "mrr_at_5": 92.693, + "ndcg_at_1": 90.527, + "ndcg_at_10": 85.466, + "ndcg_at_100": 88.846, + "ndcg_at_1000": 89.415, + "ndcg_at_3": 86.768, + "ndcg_at_5": 85.46000000000001, + "precision_at_1": 90.527, + "precision_at_10": 42.488, + "precision_at_100": 5.024, + "precision_at_1000": 0.516, + "precision_at_3": 75.907, + "precision_at_5": 63.727000000000004, + "recall_at_1": 27.733999999999998, + "recall_at_10": 84.346, + "recall_at_100": 95.536, + "recall_at_1000": 98.42999999999999, + "recall_at_3": 56.455, + "recall_at_5": 70.755, + "main_score": 85.466 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/TNews.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/TNews.json new file mode 100644 index 000000000..b904c3331 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/TNews.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "317f262bf1e6126357bbe89e875451e4b0938fe4", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 49.952000000000005, + "f1": 48.264617195258054, + "main_score": 49.952000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/TRECCOVID-PL.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/TRECCOVID-PL.json new file mode 100644 index 000000000..28610c65d --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/TRECCOVID-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "81bcb408f33366c2a20ac54adafad1ae7e877fdd", + "task_name": "TRECCOVID-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 0.261, + "map_at_10": 2.1260000000000003, + "map_at_100": 12.171999999999999, + "map_at_1000": 26.884999999999998, + "map_at_3": 0.695, + "map_at_5": 1.134, + "mrr_at_1": 96.0, + "mrr_at_10": 96.952, + "mrr_at_100": 96.952, + "mrr_at_1000": 96.952, + "mrr_at_3": 96.667, + "mrr_at_5": 96.667, + "ndcg_at_1": 92.0, + "ndcg_at_10": 81.193, + "ndcg_at_100": 61.129, + "ndcg_at_1000": 51.157, + "ndcg_at_3": 85.693, + "ndcg_at_5": 84.129, + "precision_at_1": 96.0, + "precision_at_10": 85.39999999999999, + "precision_at_100": 62.03999999999999, + "precision_at_1000": 22.224, + "precision_at_3": 88.0, + "precision_at_5": 88.0, + "recall_at_1": 0.261, + "recall_at_10": 2.262, + "recall_at_100": 14.981, + "recall_at_1000": 46.837, + "recall_at_3": 0.703, + "recall_at_5": 1.172, + "main_score": 81.193 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/TRECCOVID.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/TRECCOVID.json new file mode 100644 index 000000000..f9f5153d0 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.23900000000000002, + "map_at_10": 2.173, + "map_at_100": 14.24, + "map_at_1000": 35.309000000000005, + "map_at_3": 0.7100000000000001, + "map_at_5": 1.163, + "mrr_at_1": 92.0, + "mrr_at_10": 96.0, + "mrr_at_100": 96.0, + "mrr_at_1000": 96.0, + "mrr_at_3": 96.0, + "mrr_at_5": 96.0, + "ndcg_at_1": 90.0, + "ndcg_at_10": 85.382, + "ndcg_at_100": 68.03, + "ndcg_at_1000": 61.021, + "ndcg_at_3": 89.765, + "ndcg_at_5": 88.444, + "precision_at_1": 92.0, + "precision_at_10": 88.0, + "precision_at_100": 70.02000000000001, + "precision_at_1000": 26.984, + "precision_at_3": 94.0, + "precision_at_5": 92.80000000000001, + "recall_at_1": 0.23900000000000002, + "recall_at_10": 2.313, + "recall_at_100": 17.049, + "recall_at_1000": 57.489999999999995, + "recall_at_3": 0.737, + "recall_at_5": 1.221, + "main_score": 85.382 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/ThuNewsClusteringP2P.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/ThuNewsClusteringP2P.json new file mode 100644 index 000000000..eb87ed7e1 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/ThuNewsClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "5798586b105c0434e4f0fe5e767abe619442cf93", + "task_name": "ThuNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 68.23769904483508, + "main_score": 68.23769904483508 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/ThuNewsClusteringS2S.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/ThuNewsClusteringS2S.json new file mode 100644 index 000000000..87efded83 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/ThuNewsClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "8a8b2caeda43f39e13c4bc5bea0f8a667896e10d", + "task_name": "ThuNewsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 62.50294403136556, + "main_score": 62.50294403136556 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/Touche2020.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/Touche2020.json new file mode 100644 index 000000000..1e1b1e1ab --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.75, + "map_at_10": 11.29, + "map_at_100": 18.032999999999998, + "map_at_1000": 19.746, + "map_at_3": 6.555, + "map_at_5": 8.706999999999999, + "mrr_at_1": 34.694, + "mrr_at_10": 50.55, + "mrr_at_100": 51.659, + "mrr_at_1000": 51.659, + "mrr_at_3": 47.278999999999996, + "mrr_at_5": 49.728, + "ndcg_at_1": 32.653, + "ndcg_at_10": 27.894000000000002, + "ndcg_at_100": 39.769, + "ndcg_at_1000": 51.495999999999995, + "ndcg_at_3": 32.954, + "ndcg_at_5": 31.502999999999997, + "precision_at_1": 34.694, + "precision_at_10": 23.265, + "precision_at_100": 7.898, + "precision_at_1000": 1.58, + "precision_at_3": 34.694, + "precision_at_5": 31.429000000000002, + "recall_at_1": 2.75, + "recall_at_10": 16.953, + "recall_at_100": 48.68, + "recall_at_1000": 85.18599999999999, + "recall_at_3": 7.710999999999999, + "recall_at_5": 11.484, + "main_score": 27.894000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/ToxicConversationsClassification.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..23e0e5a6d --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 82.66099999999999, + "ap": 25.555698090238337, + "f1": 66.48402012461622, + "main_score": 82.66099999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/TweetSentimentExtractionClassification.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..63a6e352e --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.94567062818335, + "f1": 73.28139189595674, + "main_score": 72.94567062818335 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/TwentyNewsgroupsClustering.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..6e8e6e40d --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 49.581627240203474, + "main_score": 49.581627240203474 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/TwitterSemEval2015.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/TwitterSemEval2015.json new file mode 100644 index 000000000..7b11f03ef --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 87.78089050485785, + "cos_sim_ap": 79.64487116574168, + "cos_sim_f1": 72.46563021970964, + "cos_sim_precision": 70.62359128474831, + "cos_sim_recall": 74.40633245382587, + "dot_accuracy": 86.2609524944865, + "dot_ap": 75.513046857613, + "dot_f1": 68.58213616489695, + "dot_precision": 65.12455516014235, + "dot_recall": 72.42744063324538, + "euclidean_accuracy": 87.6080348095607, + "euclidean_ap": 79.00204933649795, + "euclidean_f1": 72.14495342605589, + "euclidean_precision": 69.85421299728193, + "euclidean_recall": 74.5910290237467, + "manhattan_accuracy": 87.59611372712642, + "manhattan_ap": 78.78523756706264, + "manhattan_f1": 71.86499137718648, + "manhattan_precision": 67.39833641404806, + "manhattan_recall": 76.96569920844327, + "max_accuracy": 87.78089050485785, + "max_ap": 79.64487116574168, + "max_f1": 72.46563021970964, + "main_score": 79.64487116574168 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/TwitterURLCorpus.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/TwitterURLCorpus.json new file mode 100644 index 000000000..e7316f5cf --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.98719292117825, + "cos_sim_ap": 87.58146137353202, + "cos_sim_f1": 80.28543232369239, + "cos_sim_precision": 79.1735289714029, + "cos_sim_recall": 81.42901139513397, + "dot_accuracy": 88.9199363526992, + "dot_ap": 84.98499998630417, + "dot_f1": 78.21951400757969, + "dot_precision": 75.58523624874336, + "dot_recall": 81.04404065291038, + "euclidean_accuracy": 89.77374160748244, + "euclidean_ap": 87.35151562835209, + "euclidean_f1": 79.92160922940393, + "euclidean_precision": 76.88531587933979, + "euclidean_recall": 83.20757622420696, + "manhattan_accuracy": 89.72717041176699, + "manhattan_ap": 87.34065592142515, + "manhattan_f1": 79.85603419187943, + "manhattan_precision": 77.82243332115455, + "manhattan_recall": 81.99876809362489, + "max_accuracy": 89.98719292117825, + "max_ap": 87.58146137353202, + "max_f1": 80.28543232369239, + "main_score": 87.58146137353202 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/VideoRetrieval.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/VideoRetrieval.json new file mode 100644 index 000000000..c801fe596 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/VideoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "58c2597a5943a2ba48f4668c3b90d796283c5639", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 54.0, + "map_at_10": 63.668, + "map_at_100": 64.217, + "map_at_1000": 64.23100000000001, + "map_at_3": 61.7, + "map_at_5": 62.870000000000005, + "mrr_at_1": 54.0, + "mrr_at_10": 63.668, + "mrr_at_100": 64.217, + "mrr_at_1000": 64.23100000000001, + "mrr_at_3": 61.7, + "mrr_at_5": 62.870000000000005, + "ndcg_at_1": 54.0, + "ndcg_at_10": 68.11399999999999, + "ndcg_at_100": 70.723, + "ndcg_at_1000": 71.123, + "ndcg_at_3": 64.074, + "ndcg_at_5": 66.178, + "precision_at_1": 54.0, + "precision_at_10": 8.200000000000001, + "precision_at_100": 0.941, + "precision_at_1000": 0.097, + "precision_at_3": 23.633000000000003, + "precision_at_5": 15.2, + "recall_at_1": 54.0, + "recall_at_10": 82.0, + "recall_at_100": 94.1, + "recall_at_1000": 97.3, + "recall_at_3": 70.89999999999999, + "recall_at_5": 76.0, + "main_score": 68.11399999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/Waimai.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/Waimai.json new file mode 100644 index 000000000..47d2ac4fc --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/Waimai.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "339287def212450dcaa9df8c22bf93e9980c7023", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 86.63000000000001, + "ap": 69.99457882599567, + "f1": 85.07735617998541, + "main_score": 86.63000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/XPQARetrieval.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/XPQARetrieval.json new file mode 100644 index 000000000..d17bc4c3f --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/XPQARetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "c99d599f0a6ab9b85b065da6f9d94f9cf731679f", + "task_name": "XPQARetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "None" + ], + "map_at_1": 39.395, + "map_at_10": 59.123999999999995, + "map_at_100": 60.704, + "map_at_1000": 60.760000000000005, + "map_at_3": 53.187, + "map_at_5": 56.863, + "mrr_at_1": 62.083, + "mrr_at_10": 68.87299999999999, + "mrr_at_100": 69.46900000000001, + "mrr_at_1000": 69.48299999999999, + "mrr_at_3": 66.8, + "mrr_at_5": 67.928, + "ndcg_at_1": 62.083, + "ndcg_at_10": 65.583, + "ndcg_at_100": 70.918, + "ndcg_at_1000": 71.72800000000001, + "ndcg_at_3": 60.428000000000004, + "ndcg_at_5": 61.853, + "precision_at_1": 62.083, + "precision_at_10": 15.033, + "precision_at_100": 1.9529999999999998, + "precision_at_1000": 0.207, + "precision_at_3": 36.315, + "precision_at_5": 25.955000000000002, + "recall_at_1": 39.395, + "recall_at_10": 74.332, + "recall_at_100": 94.729, + "recall_at_1000": 99.75500000000001, + "recall_at_3": 57.679, + "recall_at_5": 65.036, + "main_score": 65.583 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/model_meta.json b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/model_meta.json new file mode 100644 index 000000000..719bf2d1e --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-1.5B-instruct/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "Alibaba-NLP/gte-Qwen2-1.5B-instruct", + "revision": "3276994ba02b26841920728d1adcf115473c88e9", + "release_date": "2024-06-29", + "languages": [], + "loader": null, + "n_parameters": 1776197120, + "memory_usage": null, + "max_tokens": 2048, + "embed_dim": 1536, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/AFQMC.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/AFQMC.json new file mode 100644 index 000000000..85f3995b4 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/AFQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b44c3b011063adb25877c13823db83bb193913c4", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 65.58442135663871, + "cos_sim_spearman": 72.2538631361313, + "euclidean_pearson": 70.97255486607429, + "euclidean_spearman": 72.25374250228647, + "manhattan_pearson": 70.83250199989911, + "manhattan_spearman": 72.14819496536272, + "cosine_pearson": 65.58442135663871, + "cosine_spearman": 72.2538631361313, + "main_score": 72.2538631361313 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/ATEC.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/ATEC.json new file mode 100644 index 000000000..4adaa9d35 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/ATEC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "0f319b1142f28d00e055a6770f3f726ae9b7d865", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 59.99478404929932, + "cos_sim_spearman": 62.61836216999812, + "euclidean_pearson": 66.86429811933593, + "euclidean_spearman": 62.6183520374191, + "manhattan_pearson": 66.8063778911633, + "manhattan_spearman": 62.569607573241115, + "cosine_pearson": 59.99478404929932, + "cosine_spearman": 62.61836216999812, + "main_score": 62.61836216999812 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/AllegroReviews.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/AllegroReviews.json new file mode 100644 index 000000000..4450fa8fa --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/AllegroReviews.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "AllegroReviews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 67.13717693836979, + "f1": 57.27609848003782, + "main_score": 67.13717693836979 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/AlloProfClusteringP2P.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/AlloProfClusteringP2P.json new file mode 100644 index 000000000..8de25037b --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/AlloProfClusteringP2P.json @@ -0,0 +1,26 @@ +{ + "dataset_revision": "392ba3f5bcc8c51f578786c1fc3dae648662cb9b", + "task_name": "AlloProfClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "v_measure": 76.05592323841036, + "main_score": 76.05592323841036 + }, + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "v_measure": 64.51718058866508, + "main_score": 64.51718058866508 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/AlloprofReranking.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/AlloprofReranking.json new file mode 100644 index 000000000..7a36a48db --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/AlloprofReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "666fdacebe0291776e86f29345663dfaf80a0db9", + "task_name": "AlloprofReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map": 73.08278490943373, + "mrr": 74.66561454570449, + "main_score": 73.08278490943373 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/AmazonCounterfactualClassification.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..266434603 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.31343283582089, + "ap": 67.64251402604096, + "f1": 87.53372530755692, + "main_score": 91.31343283582089 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/AmazonPolarityClassification.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..852005c25 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 97.497825, + "ap": 96.30329547047529, + "f1": 97.49769793778039, + "main_score": 97.497825 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/AmazonReviewsClassification.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..ad28bd669 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/AmazonReviewsClassification.json @@ -0,0 +1,37 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 62.564, + "f1": 60.975777935041066, + "main_score": 62.564 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 53.98400000000001, + "f1": 51.21447361350723, + "main_score": 53.98400000000001 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 55.532000000000004, + "f1": 52.5783943471605, + "main_score": 55.532000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/ArguAna-PL.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/ArguAna-PL.json new file mode 100644 index 000000000..fee88423e --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/ArguAna-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "63fc86750af76253e8c760fc9e534bbf24d260a2", + "task_name": "ArguAna-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 35.276999999999994, + "map_at_10": 51.086, + "map_at_100": 51.788000000000004, + "map_at_1000": 51.791, + "map_at_3": 46.147, + "map_at_5": 49.078, + "mrr_at_1": 35.917, + "mrr_at_10": 51.315999999999995, + "mrr_at_100": 52.018, + "mrr_at_1000": 52.022, + "mrr_at_3": 46.349000000000004, + "mrr_at_5": 49.297000000000004, + "ndcg_at_1": 35.276999999999994, + "ndcg_at_10": 59.870999999999995, + "ndcg_at_100": 62.590999999999994, + "ndcg_at_1000": 62.661, + "ndcg_at_3": 49.745, + "ndcg_at_5": 55.067, + "precision_at_1": 35.276999999999994, + "precision_at_10": 8.791, + "precision_at_100": 0.991, + "precision_at_1000": 0.1, + "precision_at_3": 20.057, + "precision_at_5": 14.637, + "recall_at_1": 35.276999999999994, + "recall_at_10": 87.909, + "recall_at_100": 99.14699999999999, + "recall_at_1000": 99.644, + "recall_at_3": 60.171, + "recall_at_5": 73.18599999999999, + "main_score": 59.870999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/ArguAna.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/ArguAna.json new file mode 100644 index 000000000..abfd1714a --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 36.486000000000004, + "map_at_10": 54.842, + "map_at_100": 55.206999999999994, + "map_at_1000": 55.206999999999994, + "map_at_3": 49.893, + "map_at_5": 53.105000000000004, + "mrr_at_1": 37.34, + "mrr_at_10": 55.143, + "mrr_at_100": 55.509, + "mrr_at_1000": 55.509, + "mrr_at_3": 50.212999999999994, + "mrr_at_5": 53.432, + "ndcg_at_1": 36.486000000000004, + "ndcg_at_10": 64.273, + "ndcg_at_100": 65.66199999999999, + "ndcg_at_1000": 65.66199999999999, + "ndcg_at_3": 54.352999999999994, + "ndcg_at_5": 60.131, + "precision_at_1": 36.486000000000004, + "precision_at_10": 9.395000000000001, + "precision_at_100": 0.996, + "precision_at_1000": 0.1, + "precision_at_3": 22.428, + "precision_at_5": 16.259, + "recall_at_1": 36.486000000000004, + "recall_at_10": 93.95400000000001, + "recall_at_100": 99.644, + "recall_at_1000": 99.644, + "recall_at_3": 67.283, + "recall_at_5": 81.294, + "main_score": 64.273 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/ArxivClusteringP2P.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..d6a159d1b --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 56.461169803700564, + "main_score": 56.461169803700564 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/ArxivClusteringS2S.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..509bc34ef --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 51.73600434466286, + "main_score": 51.73600434466286 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/AskUbuntuDupQuestions.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..b021a2d68 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 67.57827065898053, + "mrr": 79.08136569493911, + "main_score": 67.57827065898053 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/BIOSSES.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/BIOSSES.json new file mode 100644 index 000000000..3d26c44d7 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.53324575999243, + "cos_sim_spearman": 81.37173362822374, + "euclidean_pearson": 82.19243335103444, + "euclidean_spearman": 81.33679307304334, + "manhattan_pearson": 82.38752665975699, + "manhattan_spearman": 81.31510583189689, + "cosine_pearson": 83.53324575999243, + "cosine_spearman": 81.37173362822374, + "main_score": 81.37173362822374 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/BQ.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/BQ.json new file mode 100644 index 000000000..ae4f6dd14 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/BQ.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e3dda5e115e487b39ec7e618c0c6a29137052a55", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 79.11941660686553, + "cos_sim_spearman": 81.25029594540435, + "euclidean_pearson": 82.06973504238826, + "euclidean_spearman": 81.2501989488524, + "manhattan_pearson": 82.10094630392753, + "manhattan_spearman": 81.27987244392389, + "cosine_pearson": 79.11941660686553, + "cosine_spearman": 81.25029594540435, + "main_score": 81.25029594540435 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/BSARDRetrieval.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/BSARDRetrieval.json new file mode 100644 index 000000000..da93106e5 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/BSARDRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "5effa1b9b5fa3b0f9e12523e6e43e5f86a6e6d59", + "task_name": "BSARDRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map_at_1": 8.108, + "map_at_10": 14.710999999999999, + "map_at_100": 15.891, + "map_at_1000": 15.983, + "map_at_3": 12.237, + "map_at_5": 13.679, + "mrr_at_1": 8.108, + "mrr_at_10": 14.710999999999999, + "mrr_at_100": 15.891, + "mrr_at_1000": 15.983, + "mrr_at_3": 12.237, + "mrr_at_5": 13.679, + "ndcg_at_1": 8.108, + "ndcg_at_10": 18.796, + "ndcg_at_100": 25.098, + "ndcg_at_1000": 27.951999999999998, + "ndcg_at_3": 13.712, + "ndcg_at_5": 16.309, + "precision_at_1": 8.108, + "precision_at_10": 3.198, + "precision_at_100": 0.626, + "precision_at_1000": 0.086, + "precision_at_3": 6.006, + "precision_at_5": 4.865, + "recall_at_1": 8.108, + "recall_at_10": 31.982, + "recall_at_100": 62.613, + "recall_at_1000": 86.036, + "recall_at_3": 18.018, + "recall_at_5": 24.324, + "main_score": 62.613 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/Banking77Classification.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/Banking77Classification.json new file mode 100644 index 000000000..30222d34a --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 87.56818181818181, + "f1": 87.25826722019875, + "main_score": 87.56818181818181 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/BiorxivClusteringP2P.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..ef8503c0c --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 50.09239610327673, + "main_score": 50.09239610327673 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/BiorxivClusteringS2S.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..f4872d47f --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 46.64733054606282, + "main_score": 46.64733054606282 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/CBD.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/CBD.json new file mode 100644 index 000000000..62ab33276 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/CBD.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "CBD", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 78.03000000000002, + "ap": 29.12548553897622, + "f1": 66.54857118886073, + "main_score": 78.03000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/CDSC-E.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/CDSC-E.json new file mode 100644 index 000000000..9636eccb7 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/CDSC-E.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "CDSC-E", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cos_sim_accuracy": 89.0, + "cos_sim_ap": 76.75437826834582, + "cos_sim_f1": 66.4850136239782, + "cos_sim_precision": 68.92655367231639, + "cos_sim_recall": 64.21052631578948, + "dot_accuracy": 89.0, + "dot_ap": 76.75437826834582, + "dot_f1": 66.4850136239782, + "dot_precision": 68.92655367231639, + "dot_recall": 64.21052631578948, + "euclidean_accuracy": 89.0, + "euclidean_ap": 76.75437826834582, + "euclidean_f1": 66.4850136239782, + "euclidean_precision": 68.92655367231639, + "euclidean_recall": 64.21052631578948, + "manhattan_accuracy": 89.0, + "manhattan_ap": 76.66074220647083, + "manhattan_f1": 66.47058823529412, + "manhattan_precision": 75.33333333333333, + "manhattan_recall": 59.473684210526315, + "max_accuracy": 89.0, + "max_ap": 76.75437826834582, + "max_f1": 66.4850136239782, + "main_score": 76.75437826834582 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/CDSC-R.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/CDSC-R.json new file mode 100644 index 000000000..be9b5137f --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/CDSC-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "CDSC-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cos_sim_pearson": 93.12903172428328, + "cos_sim_spearman": 92.66381487060741, + "euclidean_pearson": 90.37278396708922, + "euclidean_spearman": 92.66381487060741, + "manhattan_pearson": 90.32503296540962, + "manhattan_spearman": 92.6902938354313, + "cosine_pearson": 93.12903172428328, + "cosine_spearman": 92.66381487060741, + "main_score": 92.66381487060741 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/CLSClusteringP2P.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/CLSClusteringP2P.json new file mode 100644 index 000000000..8e72e1e33 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/CLSClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "4b6227591c6c1a73bc76b1055f3b7f3588e72476", + "task_name": "CLSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 47.07270168705156, + "main_score": 47.07270168705156 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/CLSClusteringS2S.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/CLSClusteringS2S.json new file mode 100644 index 000000000..7da37cead --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/CLSClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e458b3f5414b62b7f9f83499ac1f5497ae2e869f", + "task_name": "CLSClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 45.98511703185043, + "main_score": 45.98511703185043 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/CQADupstackAndroidRetrieval.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..af56ce8a1 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "f46a197baaae43b4f621051089b82a364682dfeb", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 33.997, + "map_at_10": 48.176, + "map_at_100": 49.82, + "map_at_1000": 49.924, + "map_at_3": 43.626, + "map_at_5": 46.275, + "mrr_at_1": 42.059999999999995, + "mrr_at_10": 53.726, + "mrr_at_100": 54.398, + "mrr_at_1000": 54.416, + "mrr_at_3": 50.714999999999996, + "mrr_at_5": 52.639, + "ndcg_at_1": 42.059999999999995, + "ndcg_at_10": 55.574999999999996, + "ndcg_at_100": 60.744, + "ndcg_at_1000": 61.85699999999999, + "ndcg_at_3": 49.363, + "ndcg_at_5": 52.44, + "precision_at_1": 42.059999999999995, + "precision_at_10": 11.101999999999999, + "precision_at_100": 1.73, + "precision_at_1000": 0.218, + "precision_at_3": 24.464, + "precision_at_5": 18.026, + "recall_at_1": 33.997, + "recall_at_10": 70.35900000000001, + "recall_at_100": 91.642, + "recall_at_1000": 97.977, + "recall_at_3": 52.76, + "recall_at_5": 61.148, + "main_score": 55.574999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 35.884, + "map_at_10": 48.14, + "map_at_100": 49.5, + "map_at_1000": 49.63, + "map_at_3": 44.646, + "map_at_5": 46.617999999999995, + "mrr_at_1": 44.458999999999996, + "mrr_at_10": 53.751000000000005, + "mrr_at_100": 54.37800000000001, + "mrr_at_1000": 54.415, + "mrr_at_3": 51.815, + "mrr_at_5": 52.882, + "ndcg_at_1": 44.458999999999996, + "ndcg_at_10": 54.157, + "ndcg_at_100": 58.362, + "ndcg_at_1000": 60.178, + "ndcg_at_3": 49.661, + "ndcg_at_5": 51.74999999999999, + "precision_at_1": 44.458999999999996, + "precision_at_10": 10.248, + "precision_at_100": 1.5890000000000002, + "precision_at_1000": 0.207, + "precision_at_3": 23.928, + "precision_at_5": 16.878999999999998, + "recall_at_1": 35.884, + "recall_at_10": 64.798, + "recall_at_100": 82.345, + "recall_at_1000": 93.267, + "recall_at_3": 51.847, + "recall_at_5": 57.601, + "main_score": 54.157 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 39.383, + "map_at_10": 53.714, + "map_at_100": 54.838, + "map_at_1000": 54.87800000000001, + "map_at_3": 50.114999999999995, + "map_at_5": 52.153000000000006, + "mrr_at_1": 45.016, + "mrr_at_10": 56.732000000000006, + "mrr_at_100": 57.411, + "mrr_at_1000": 57.431, + "mrr_at_3": 54.044000000000004, + "mrr_at_5": 55.639, + "ndcg_at_1": 45.016, + "ndcg_at_10": 60.228, + "ndcg_at_100": 64.277, + "ndcg_at_1000": 65.07, + "ndcg_at_3": 54.124, + "ndcg_at_5": 57.147000000000006, + "precision_at_1": 45.016, + "precision_at_10": 9.937, + "precision_at_100": 1.288, + "precision_at_1000": 0.13899999999999998, + "precision_at_3": 24.471999999999998, + "precision_at_5": 16.991, + "recall_at_1": 39.383, + "recall_at_10": 76.175, + "recall_at_100": 93.02, + "recall_at_1000": 98.60900000000001, + "recall_at_3": 60.265, + "recall_at_5": 67.46600000000001, + "main_score": 60.228 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.426000000000002, + "map_at_10": 37.397000000000006, + "map_at_100": 38.61, + "map_at_1000": 38.678000000000004, + "map_at_3": 34.150999999999996, + "map_at_5": 36.137, + "mrr_at_1": 29.944, + "mrr_at_10": 39.654, + "mrr_at_100": 40.638000000000005, + "mrr_at_1000": 40.691, + "mrr_at_3": 36.817, + "mrr_at_5": 38.524, + "ndcg_at_1": 29.944, + "ndcg_at_10": 43.094, + "ndcg_at_100": 48.789, + "ndcg_at_1000": 50.339999999999996, + "ndcg_at_3": 36.984, + "ndcg_at_5": 40.248, + "precision_at_1": 29.944, + "precision_at_10": 6.78, + "precision_at_100": 1.024, + "precision_at_1000": 0.11800000000000001, + "precision_at_3": 15.895000000000001, + "precision_at_5": 11.39, + "recall_at_1": 27.426000000000002, + "recall_at_10": 58.464000000000006, + "recall_at_100": 84.193, + "recall_at_1000": 95.52000000000001, + "recall_at_3": 42.172, + "recall_at_5": 50.101, + "main_score": 43.094 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.721, + "map_at_10": 31.604, + "map_at_100": 32.972, + "map_at_1000": 33.077, + "map_at_3": 27.218999999999998, + "map_at_5": 29.53, + "mrr_at_1": 25.0, + "mrr_at_10": 35.843, + "mrr_at_100": 36.785000000000004, + "mrr_at_1000": 36.842000000000006, + "mrr_at_3": 32.193, + "mrr_at_5": 34.264, + "ndcg_at_1": 25.0, + "ndcg_at_10": 38.606, + "ndcg_at_100": 44.272, + "ndcg_at_1000": 46.527, + "ndcg_at_3": 30.985000000000003, + "ndcg_at_5": 34.43, + "precision_at_1": 25.0, + "precision_at_10": 7.811, + "precision_at_100": 1.203, + "precision_at_1000": 0.15, + "precision_at_3": 15.423, + "precision_at_5": 11.791, + "recall_at_1": 19.721, + "recall_at_10": 55.625, + "recall_at_100": 79.34400000000001, + "recall_at_1000": 95.208, + "recall_at_3": 35.19, + "recall_at_5": 43.626, + "main_score": 38.606 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 33.784, + "map_at_10": 47.522, + "map_at_100": 48.949999999999996, + "map_at_1000": 49.038, + "map_at_3": 43.284, + "map_at_5": 45.629, + "mrr_at_1": 41.482, + "mrr_at_10": 52.830999999999996, + "mrr_at_100": 53.559999999999995, + "mrr_at_1000": 53.588, + "mrr_at_3": 50.016000000000005, + "mrr_at_5": 51.614000000000004, + "ndcg_at_1": 41.482, + "ndcg_at_10": 54.569, + "ndcg_at_100": 59.675999999999995, + "ndcg_at_1000": 60.989000000000004, + "ndcg_at_3": 48.187000000000005, + "ndcg_at_5": 51.183, + "precision_at_1": 41.482, + "precision_at_10": 10.221, + "precision_at_100": 1.486, + "precision_at_1000": 0.17500000000000002, + "precision_at_3": 23.548, + "precision_at_5": 16.805, + "recall_at_1": 33.784, + "recall_at_10": 69.798, + "recall_at_100": 90.098, + "recall_at_1000": 98.176, + "recall_at_3": 52.127, + "recall_at_5": 59.861, + "main_score": 54.569 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.038999999999998, + "map_at_10": 41.904, + "map_at_100": 43.36, + "map_at_1000": 43.453, + "map_at_3": 37.785999999999994, + "map_at_5": 40.105000000000004, + "mrr_at_1": 35.046, + "mrr_at_10": 46.926, + "mrr_at_100": 47.815000000000005, + "mrr_at_1000": 47.849000000000004, + "mrr_at_3": 44.273, + "mrr_at_5": 45.774, + "ndcg_at_1": 35.046, + "ndcg_at_10": 48.937000000000005, + "ndcg_at_100": 54.544000000000004, + "ndcg_at_1000": 56.069, + "ndcg_at_3": 42.858000000000004, + "ndcg_at_5": 45.644, + "precision_at_1": 35.046, + "precision_at_10": 9.452, + "precision_at_100": 1.429, + "precision_at_1000": 0.173, + "precision_at_3": 21.346999999999998, + "precision_at_5": 15.342, + "recall_at_1": 28.038999999999998, + "recall_at_10": 64.59700000000001, + "recall_at_100": 87.735, + "recall_at_1000": 97.41300000000001, + "recall_at_3": 47.368, + "recall_at_5": 54.93900000000001, + "main_score": 48.937000000000005 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.17291666666667, + "map_at_10": 40.025749999999995, + "map_at_100": 41.39208333333333, + "map_at_1000": 41.499249999999996, + "map_at_3": 36.347, + "map_at_5": 38.41391666666667, + "mrr_at_1": 33.65925, + "mrr_at_10": 44.085499999999996, + "mrr_at_100": 44.94116666666667, + "mrr_at_1000": 44.9855, + "mrr_at_3": 41.2815, + "mrr_at_5": 42.91491666666666, + "ndcg_at_1": 33.65925, + "ndcg_at_10": 46.430833333333325, + "ndcg_at_100": 51.761, + "ndcg_at_1000": 53.50899999999999, + "ndcg_at_3": 40.45133333333333, + "ndcg_at_5": 43.31483333333334, + "precision_at_1": 33.65925, + "precision_at_10": 8.4995, + "precision_at_100": 1.3210000000000004, + "precision_at_1000": 0.16591666666666666, + "precision_at_3": 19.165083333333335, + "precision_at_5": 13.81816666666667, + "recall_at_1": 28.17291666666667, + "recall_at_10": 61.12624999999999, + "recall_at_100": 83.97266666666667, + "recall_at_1000": 95.66550000000001, + "recall_at_3": 44.661249999999995, + "recall_at_5": 51.983333333333334, + "main_score": 46.430833333333325 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.681, + "map_at_10": 34.892, + "map_at_100": 35.996, + "map_at_1000": 36.083, + "map_at_3": 31.491999999999997, + "map_at_5": 33.632, + "mrr_at_1": 28.528, + "mrr_at_10": 37.694, + "mrr_at_100": 38.613, + "mrr_at_1000": 38.668, + "mrr_at_3": 34.714, + "mrr_at_5": 36.616, + "ndcg_at_1": 28.528, + "ndcg_at_10": 40.703, + "ndcg_at_100": 45.993, + "ndcg_at_1000": 47.847, + "ndcg_at_3": 34.622, + "ndcg_at_5": 38.035999999999994, + "precision_at_1": 28.528, + "precision_at_10": 6.902, + "precision_at_100": 1.0370000000000001, + "precision_at_1000": 0.126, + "precision_at_3": 15.798000000000002, + "precision_at_5": 11.655999999999999, + "recall_at_1": 24.681, + "recall_at_10": 55.81, + "recall_at_100": 79.785, + "recall_at_1000": 92.959, + "recall_at_3": 39.074, + "recall_at_5": 47.568, + "main_score": 40.703 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.627, + "map_at_10": 27.872000000000003, + "map_at_100": 29.237999999999996, + "map_at_1000": 29.363, + "map_at_3": 24.751, + "map_at_5": 26.521, + "mrr_at_1": 23.021, + "mrr_at_10": 31.924000000000003, + "mrr_at_100": 32.922000000000004, + "mrr_at_1000": 32.988, + "mrr_at_3": 29.192, + "mrr_at_5": 30.798, + "ndcg_at_1": 23.021, + "ndcg_at_10": 33.535, + "ndcg_at_100": 39.732, + "ndcg_at_1000": 42.201, + "ndcg_at_3": 28.153, + "ndcg_at_5": 30.746000000000002, + "precision_at_1": 23.021, + "precision_at_10": 6.459, + "precision_at_100": 1.1320000000000001, + "precision_at_1000": 0.153, + "precision_at_3": 13.719000000000001, + "precision_at_5": 10.193000000000001, + "recall_at_1": 18.627, + "recall_at_10": 46.463, + "recall_at_100": 74.226, + "recall_at_1000": 91.28500000000001, + "recall_at_3": 31.357000000000003, + "recall_at_5": 38.067, + "main_score": 33.535 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.457, + "map_at_10": 42.888, + "map_at_100": 44.24, + "map_at_1000": 44.327, + "map_at_3": 39.588, + "map_at_5": 41.423, + "mrr_at_1": 37.126999999999995, + "mrr_at_10": 47.083000000000006, + "mrr_at_100": 47.997, + "mrr_at_1000": 48.044, + "mrr_at_3": 44.574000000000005, + "mrr_at_5": 46.202, + "ndcg_at_1": 37.126999999999995, + "ndcg_at_10": 48.833, + "ndcg_at_100": 54.327000000000005, + "ndcg_at_1000": 56.011, + "ndcg_at_3": 43.541999999999994, + "ndcg_at_5": 46.127, + "precision_at_1": 37.126999999999995, + "precision_at_10": 8.376999999999999, + "precision_at_100": 1.2309999999999999, + "precision_at_1000": 0.146, + "precision_at_3": 20.211000000000002, + "precision_at_5": 14.16, + "recall_at_1": 31.457, + "recall_at_10": 62.369, + "recall_at_100": 85.444, + "recall_at_1000": 96.65599999999999, + "recall_at_3": 47.961, + "recall_at_5": 54.676, + "main_score": 48.833 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.139999999999997, + "map_at_10": 38.801, + "map_at_100": 40.549, + "map_at_1000": 40.802, + "map_at_3": 35.05, + "map_at_5": 36.884, + "mrr_at_1": 33.004, + "mrr_at_10": 43.864, + "mrr_at_100": 44.667, + "mrr_at_1000": 44.717, + "mrr_at_3": 40.777, + "mrr_at_5": 42.319, + "ndcg_at_1": 33.004, + "ndcg_at_10": 46.022, + "ndcg_at_100": 51.542, + "ndcg_at_1000": 53.742000000000004, + "ndcg_at_3": 39.795, + "ndcg_at_5": 42.272, + "precision_at_1": 33.004, + "precision_at_10": 9.012, + "precision_at_100": 1.7770000000000001, + "precision_at_1000": 0.26, + "precision_at_3": 19.038, + "precision_at_5": 13.675999999999998, + "recall_at_1": 27.139999999999997, + "recall_at_10": 60.961, + "recall_at_100": 84.451, + "recall_at_1000": 98.113, + "recall_at_3": 43.001, + "recall_at_5": 49.896, + "main_score": 46.022 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.936, + "map_at_10": 27.399, + "map_at_100": 28.632, + "map_at_1000": 28.738000000000003, + "map_at_3": 24.456, + "map_at_5": 26.06, + "mrr_at_1": 19.224, + "mrr_at_10": 28.998, + "mrr_at_100": 30.11, + "mrr_at_1000": 30.177, + "mrr_at_3": 26.247999999999998, + "mrr_at_5": 27.708, + "ndcg_at_1": 19.224, + "ndcg_at_10": 32.911, + "ndcg_at_100": 38.873999999999995, + "ndcg_at_1000": 41.277, + "ndcg_at_3": 27.142, + "ndcg_at_5": 29.755, + "precision_at_1": 19.224, + "precision_at_10": 5.6930000000000005, + "precision_at_100": 0.9259999999999999, + "precision_at_1000": 0.126, + "precision_at_3": 12.138, + "precision_at_5": 8.909, + "recall_at_1": 17.936, + "recall_at_10": 48.096, + "recall_at_100": 75.389, + "recall_at_1000": 92.803, + "recall_at_3": 32.812999999999995, + "recall_at_5": 38.851, + "main_score": 32.911 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/ClimateFEVER.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/ClimateFEVER.json new file mode 100644 index 000000000..d9a7ec69a --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.076999999999998, + "map_at_10": 35.44, + "map_at_100": 37.651, + "map_at_1000": 37.824999999999996, + "map_at_3": 30.764999999999997, + "map_at_5": 33.26, + "mrr_at_1": 50.163000000000004, + "mrr_at_10": 61.207, + "mrr_at_100": 61.675000000000004, + "mrr_at_1000": 61.692, + "mrr_at_3": 58.60999999999999, + "mrr_at_5": 60.307, + "ndcg_at_1": 50.163000000000004, + "ndcg_at_10": 45.882, + "ndcg_at_100": 53.239999999999995, + "ndcg_at_1000": 55.852000000000004, + "ndcg_at_3": 40.514, + "ndcg_at_5": 42.038, + "precision_at_1": 50.163000000000004, + "precision_at_10": 13.466000000000001, + "precision_at_100": 2.164, + "precision_at_1000": 0.266, + "precision_at_3": 29.707, + "precision_at_5": 21.694, + "recall_at_1": 22.076999999999998, + "recall_at_10": 50.193, + "recall_at_100": 74.993, + "recall_at_1000": 89.131, + "recall_at_3": 35.472, + "recall_at_5": 41.814, + "main_score": 45.882 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/CmedqaRetrieval.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/CmedqaRetrieval.json new file mode 100644 index 000000000..d12accf93 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/CmedqaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "cd540c506dae1cf9e9a59c3e06f42030d54e7301", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 29.037000000000003, + "map_at_10": 42.001, + "map_at_100": 43.773, + "map_at_1000": 43.878, + "map_at_3": 37.637, + "map_at_5": 40.034, + "mrr_at_1": 43.136, + "mrr_at_10": 51.158, + "mrr_at_100": 52.083, + "mrr_at_1000": 52.12, + "mrr_at_3": 48.733, + "mrr_at_5": 50.025, + "ndcg_at_1": 43.136, + "ndcg_at_10": 48.685, + "ndcg_at_100": 55.513, + "ndcg_at_1000": 57.242000000000004, + "ndcg_at_3": 43.329, + "ndcg_at_5": 45.438, + "precision_at_1": 43.136, + "precision_at_10": 10.56, + "precision_at_100": 1.6129999999999998, + "precision_at_1000": 0.184, + "precision_at_3": 24.064, + "precision_at_5": 17.269000000000002, + "recall_at_1": 29.037000000000003, + "recall_at_10": 59.245000000000005, + "recall_at_100": 87.355, + "recall_at_1000": 98.74000000000001, + "recall_at_3": 42.99, + "recall_at_5": 49.681999999999995, + "main_score": 48.685 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/Cmnli.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/Cmnli.json new file mode 100644 index 000000000..76617bc63 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/Cmnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "41bc36f332156f7adc9e38f53777c959b2ae9766", + "task_name": "Cmnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 82.68190018039687, + "cos_sim_ap": 90.18017125327886, + "cos_sim_f1": 83.64080906868193, + "cos_sim_precision": 79.7076890489303, + "cos_sim_recall": 87.98223053542202, + "dot_accuracy": 82.68190018039687, + "dot_ap": 90.18782350103646, + "dot_f1": 83.64242087729039, + "dot_precision": 79.65313028764805, + "dot_recall": 88.05237315875614, + "euclidean_accuracy": 82.68190018039687, + "euclidean_ap": 90.1801957900632, + "euclidean_f1": 83.63636363636364, + "euclidean_precision": 79.52772506852203, + "euclidean_recall": 88.19265840542437, + "manhattan_accuracy": 82.14070956103427, + "manhattan_ap": 89.96178420101427, + "manhattan_f1": 83.21087838578791, + "manhattan_precision": 78.35605121850475, + "manhattan_recall": 88.70703764320785, + "max_accuracy": 82.68190018039687, + "max_ap": 90.18782350103646, + "max_f1": 83.64242087729039, + "main_score": 82.68190018039687 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/CovidRetrieval.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/CovidRetrieval.json new file mode 100644 index 000000000..ba390578a --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/CovidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "1271c7809071a13532e05f25fb53511ffce77117", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 72.234, + "map_at_10": 80.10000000000001, + "map_at_100": 80.36, + "map_at_1000": 80.363, + "map_at_3": 78.315, + "map_at_5": 79.607, + "mrr_at_1": 72.392, + "mrr_at_10": 80.117, + "mrr_at_100": 80.36999999999999, + "mrr_at_1000": 80.373, + "mrr_at_3": 78.469, + "mrr_at_5": 79.633, + "ndcg_at_1": 72.392, + "ndcg_at_10": 83.651, + "ndcg_at_100": 84.749, + "ndcg_at_1000": 84.83000000000001, + "ndcg_at_3": 80.253, + "ndcg_at_5": 82.485, + "precision_at_1": 72.392, + "precision_at_10": 9.557, + "precision_at_100": 1.004, + "precision_at_1000": 0.101, + "precision_at_3": 28.732000000000003, + "precision_at_5": 18.377, + "recall_at_1": 72.234, + "recall_at_10": 94.573, + "recall_at_100": 99.368, + "recall_at_1000": 100.0, + "recall_at_3": 85.669, + "recall_at_5": 91.01700000000001, + "main_score": 83.651 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/DBPedia-PL.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/DBPedia-PL.json new file mode 100644 index 000000000..4bfd3f9a4 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/DBPedia-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "76afe41d9af165cc40999fcaa92312b8b012064a", + "task_name": "DBPedia-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 8.83, + "map_at_10": 18.326, + "map_at_100": 26.496, + "map_at_1000": 28.455000000000002, + "map_at_3": 12.933, + "map_at_5": 15.168000000000001, + "mrr_at_1": 66.0, + "mrr_at_10": 72.76700000000001, + "mrr_at_100": 73.203, + "mrr_at_1000": 73.219, + "mrr_at_3": 71.458, + "mrr_at_5": 72.246, + "ndcg_at_1": 55.375, + "ndcg_at_10": 41.3, + "ndcg_at_100": 45.891, + "ndcg_at_1000": 52.905, + "ndcg_at_3": 46.472, + "ndcg_at_5": 43.734, + "precision_at_1": 66.0, + "precision_at_10": 33.074999999999996, + "precision_at_100": 11.094999999999999, + "precision_at_1000": 2.374, + "precision_at_3": 48.583, + "precision_at_5": 42.0, + "recall_at_1": 8.83, + "recall_at_10": 22.587, + "recall_at_100": 50.61600000000001, + "recall_at_1000": 73.559, + "recall_at_3": 13.688, + "recall_at_5": 16.855, + "main_score": 41.3 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/DBPedia.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/DBPedia.json new file mode 100644 index 000000000..50d52872e --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.953, + "map_at_10": 24.515, + "map_at_100": 36.173, + "map_at_1000": 38.351, + "map_at_3": 16.592000000000002, + "map_at_5": 20.036, + "mrr_at_1": 74.25, + "mrr_at_10": 81.813, + "mrr_at_100": 82.006, + "mrr_at_1000": 82.011, + "mrr_at_3": 80.875, + "mrr_at_5": 81.362, + "ndcg_at_1": 62.5, + "ndcg_at_10": 52.42, + "ndcg_at_100": 56.808, + "ndcg_at_1000": 63.532999999999994, + "ndcg_at_3": 56.654, + "ndcg_at_5": 54.18300000000001, + "precision_at_1": 74.25, + "precision_at_10": 42.699999999999996, + "precision_at_100": 13.675, + "precision_at_1000": 2.664, + "precision_at_3": 60.5, + "precision_at_5": 52.800000000000004, + "recall_at_1": 9.953, + "recall_at_10": 30.253999999999998, + "recall_at_100": 62.516000000000005, + "recall_at_1000": 84.163, + "recall_at_3": 18.13, + "recall_at_5": 22.771, + "main_score": 52.42 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/DuRetrieval.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/DuRetrieval.json new file mode 100644 index 000000000..2c4ab6088 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/DuRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "a1a333e290fe30b10f3f56498e3a0d911a693ced", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 26.173999999999996, + "map_at_10": 80.04, + "map_at_100": 82.94500000000001, + "map_at_1000": 82.98100000000001, + "map_at_3": 55.562999999999995, + "map_at_5": 69.89800000000001, + "mrr_at_1": 89.5, + "mrr_at_10": 92.996, + "mrr_at_100": 93.06400000000001, + "mrr_at_1000": 93.065, + "mrr_at_3": 92.658, + "mrr_at_5": 92.84599999999999, + "ndcg_at_1": 89.5, + "ndcg_at_10": 87.443, + "ndcg_at_100": 90.253, + "ndcg_at_1000": 90.549, + "ndcg_at_3": 85.874, + "ndcg_at_5": 84.842, + "precision_at_1": 89.5, + "precision_at_10": 41.805, + "precision_at_100": 4.827, + "precision_at_1000": 0.49, + "precision_at_3": 76.85, + "precision_at_5": 64.8, + "recall_at_1": 26.173999999999996, + "recall_at_10": 89.101, + "recall_at_100": 98.08099999999999, + "recall_at_1000": 99.529, + "recall_at_3": 57.902, + "recall_at_5": 74.602, + "main_score": 87.443 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/EcomRetrieval.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/EcomRetrieval.json new file mode 100644 index 000000000..fe085dbf6 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/EcomRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "687de13dc7294d6fd9be10c6945f9e8fec8166b9", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 56.10000000000001, + "map_at_10": 66.15299999999999, + "map_at_100": 66.625, + "map_at_1000": 66.636, + "map_at_3": 63.632999999999996, + "map_at_5": 65.293, + "mrr_at_1": 56.10000000000001, + "mrr_at_10": 66.15299999999999, + "mrr_at_100": 66.625, + "mrr_at_1000": 66.636, + "mrr_at_3": 63.632999999999996, + "mrr_at_5": 65.293, + "ndcg_at_1": 56.10000000000001, + "ndcg_at_10": 71.146, + "ndcg_at_100": 73.27799999999999, + "ndcg_at_1000": 73.529, + "ndcg_at_3": 66.09, + "ndcg_at_5": 69.08999999999999, + "precision_at_1": 56.10000000000001, + "precision_at_10": 8.68, + "precision_at_100": 0.964, + "precision_at_1000": 0.098, + "precision_at_3": 24.4, + "precision_at_5": 16.1, + "recall_at_1": 56.10000000000001, + "recall_at_10": 86.8, + "recall_at_100": 96.39999999999999, + "recall_at_1000": 98.3, + "recall_at_3": 73.2, + "recall_at_5": 80.5, + "main_score": 71.146 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/EmotionClassification.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/EmotionClassification.json new file mode 100644 index 000000000..83ac25a42 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.455, + "f1": 74.16798697647569, + "main_score": 79.455 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/FEVER.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/FEVER.json new file mode 100644 index 000000000..11eb203e0 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 87.531, + "map_at_10": 93.16799999999999, + "map_at_100": 93.341, + "map_at_1000": 93.349, + "map_at_3": 92.444, + "map_at_5": 92.865, + "mrr_at_1": 94.014, + "mrr_at_10": 96.761, + "mrr_at_100": 96.762, + "mrr_at_1000": 96.762, + "mrr_at_3": 96.672, + "mrr_at_5": 96.736, + "ndcg_at_1": 94.014, + "ndcg_at_10": 95.112, + "ndcg_at_100": 95.578, + "ndcg_at_1000": 95.68900000000001, + "ndcg_at_3": 94.392, + "ndcg_at_5": 94.72500000000001, + "precision_at_1": 94.014, + "precision_at_10": 11.065, + "precision_at_100": 1.157, + "precision_at_1000": 0.11800000000000001, + "precision_at_3": 35.259, + "precision_at_5": 21.599, + "recall_at_1": 87.531, + "recall_at_10": 97.356, + "recall_at_100": 98.965, + "recall_at_1000": 99.607, + "recall_at_3": 95.312, + "recall_at_5": 96.295, + "main_score": 95.112 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/FiQA-PL.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/FiQA-PL.json new file mode 100644 index 000000000..8219442b1 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/FiQA-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "2e535829717f8bf9dc829b7f911cc5bbd4e6608e", + "task_name": "FiQA-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 20.587, + "map_at_10": 33.095, + "map_at_100": 35.24, + "map_at_1000": 35.429, + "map_at_3": 28.626, + "map_at_5": 31.136999999999997, + "mrr_at_1": 40.586, + "mrr_at_10": 49.033, + "mrr_at_100": 49.952999999999996, + "mrr_at_1000": 49.992, + "mrr_at_3": 46.553, + "mrr_at_5": 48.035, + "ndcg_at_1": 40.586, + "ndcg_at_10": 41.046, + "ndcg_at_100": 48.586, + "ndcg_at_1000": 51.634, + "ndcg_at_3": 36.773, + "ndcg_at_5": 38.389, + "precision_at_1": 40.586, + "precision_at_10": 11.466, + "precision_at_100": 1.909, + "precision_at_1000": 0.245, + "precision_at_3": 24.434, + "precision_at_5": 18.426000000000002, + "recall_at_1": 20.587, + "recall_at_10": 47.986000000000004, + "recall_at_100": 75.761, + "recall_at_1000": 94.065, + "recall_at_3": 33.339, + "recall_at_5": 39.765, + "main_score": 41.046 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/FiQA2018.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/FiQA2018.json new file mode 100644 index 000000000..d8bba79ac --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.055, + "map_at_10": 53.114, + "map_at_100": 55.235, + "map_at_1000": 55.345, + "map_at_3": 45.854, + "map_at_5": 50.025, + "mrr_at_1": 60.34, + "mrr_at_10": 68.804, + "mrr_at_100": 69.309, + "mrr_at_1000": 69.32199999999999, + "mrr_at_3": 66.40899999999999, + "mrr_at_5": 67.976, + "ndcg_at_1": 60.34, + "ndcg_at_10": 62.031000000000006, + "ndcg_at_100": 68.00500000000001, + "ndcg_at_1000": 69.286, + "ndcg_at_3": 56.355999999999995, + "ndcg_at_5": 58.687, + "precision_at_1": 60.34, + "precision_at_10": 17.176, + "precision_at_100": 2.36, + "precision_at_1000": 0.259, + "precision_at_3": 37.14, + "precision_at_5": 27.809, + "recall_at_1": 32.055, + "recall_at_10": 70.91, + "recall_at_100": 91.83, + "recall_at_1000": 98.871, + "recall_at_3": 51.202999999999996, + "recall_at_5": 60.563, + "main_score": 62.031000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/HALClusteringS2S.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/HALClusteringS2S.json new file mode 100644 index 000000000..e5f05900b --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/HALClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e06ebbbb123f8144bef1a5d18796f3dec9ae2915", + "task_name": "HALClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "v_measure": 30.833269778867116, + "main_score": 30.833269778867116 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/HotpotQA-PL.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/HotpotQA-PL.json new file mode 100644 index 000000000..c716b5f6d --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/HotpotQA-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "a0bd479ac97b4ccb5bd6ce320c415d0bb4beb907", + "task_name": "HotpotQA-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 40.878, + "map_at_10": 58.775999999999996, + "map_at_100": 59.632, + "map_at_1000": 59.707, + "map_at_3": 56.074, + "map_at_5": 57.629, + "mrr_at_1": 81.756, + "mrr_at_10": 86.117, + "mrr_at_100": 86.299, + "mrr_at_1000": 86.30600000000001, + "mrr_at_3": 85.345, + "mrr_at_5": 85.832, + "ndcg_at_1": 81.756, + "ndcg_at_10": 67.608, + "ndcg_at_100": 70.575, + "ndcg_at_1000": 71.99600000000001, + "ndcg_at_3": 63.723, + "ndcg_at_5": 65.70700000000001, + "precision_at_1": 81.756, + "precision_at_10": 13.619, + "precision_at_100": 1.5939999999999999, + "precision_at_1000": 0.178, + "precision_at_3": 39.604, + "precision_at_5": 25.332, + "recall_at_1": 40.878, + "recall_at_10": 68.096, + "recall_at_100": 79.696, + "recall_at_1000": 89.082, + "recall_at_3": 59.406000000000006, + "recall_at_5": 63.329, + "main_score": 67.608 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/HotpotQA.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/HotpotQA.json new file mode 100644 index 000000000..13cbf82df --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 43.68, + "map_at_10": 64.389, + "map_at_100": 65.24, + "map_at_1000": 65.303, + "map_at_3": 61.309000000000005, + "map_at_5": 63.275999999999996, + "mrr_at_1": 87.36, + "mrr_at_10": 91.12, + "mrr_at_100": 91.227, + "mrr_at_1000": 91.229, + "mrr_at_3": 90.57600000000001, + "mrr_at_5": 90.912, + "ndcg_at_1": 87.36, + "ndcg_at_10": 73.076, + "ndcg_at_100": 75.895, + "ndcg_at_1000": 77.049, + "ndcg_at_3": 68.929, + "ndcg_at_5": 71.28, + "precision_at_1": 87.36, + "precision_at_10": 14.741000000000001, + "precision_at_100": 1.694, + "precision_at_1000": 0.185, + "precision_at_3": 43.043, + "precision_at_5": 27.681, + "recall_at_1": 43.68, + "recall_at_10": 73.707, + "recall_at_100": 84.7, + "recall_at_1000": 92.309, + "recall_at_3": 64.564, + "recall_at_5": 69.203, + "main_score": 73.076 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/IFlyTek.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/IFlyTek.json new file mode 100644 index 000000000..0fd6ab454 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/IFlyTek.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "421605374b29664c5fc098418fe20ada9bd55f8a", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 54.52096960369373, + "f1": 40.930845295808695, + "main_score": 54.52096960369373 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/ImdbClassification.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/ImdbClassification.json new file mode 100644 index 000000000..a126aa6a3 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 96.75399999999999, + "ap": 95.29389839242187, + "f1": 96.75348377433475, + "main_score": 96.75399999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/JDReview.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/JDReview.json new file mode 100644 index 000000000..c614267ba --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/JDReview.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "b7c64bd89eb87f8ded463478346f76731f07bf8b", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 86.51031894934334, + "ap": 55.9516014323483, + "f1": 81.54813679326381, + "main_score": 86.51031894934334 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/LCQMC.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/LCQMC.json new file mode 100644 index 000000000..d628275c3 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/LCQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "17f9b096f80380fce5ed12a9be8be7784b337daf", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 69.67437838574276, + "cos_sim_spearman": 73.81314174653045, + "euclidean_pearson": 72.63430276680275, + "euclidean_spearman": 73.81358736777001, + "manhattan_pearson": 72.58743833842829, + "manhattan_spearman": 73.7590419009179, + "cosine_pearson": 69.67437838574276, + "cosine_spearman": 73.81314174653045, + "main_score": 73.81314174653045 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/MLSUMClusteringP2P.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/MLSUMClusteringP2P.json new file mode 100644 index 000000000..590e70160 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/MLSUMClusteringP2P.json @@ -0,0 +1,26 @@ +{ + "dataset_revision": "b5d54f8f3b61ae17845046286940f03c6bc79bc7", + "task_name": "MLSUMClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "None" + ], + "v_measure": 50.0281928004713, + "main_score": 50.0281928004713 + }, + { + "hf_subset": "default", + "languages": [ + "None" + ], + "v_measure": 43.699961510636534, + "main_score": 43.699961510636534 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/MMarcoReranking.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/MMarcoReranking.json new file mode 100644 index 000000000..3c69d9522 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 31.648613483640254, + "mrr": 30.37420634920635, + "main_score": 31.648613483640254 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/MMarcoRetrieval.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/MMarcoRetrieval.json new file mode 100644 index 000000000..53d4ea602 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/MMarcoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "539bbde593d947e2a124ba72651aafc09eb33fc2", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 73.28099999999999, + "map_at_10": 81.977, + "map_at_100": 82.222, + "map_at_1000": 82.22699999999999, + "map_at_3": 80.441, + "map_at_5": 81.46600000000001, + "mrr_at_1": 75.673, + "mrr_at_10": 82.41000000000001, + "mrr_at_100": 82.616, + "mrr_at_1000": 82.621, + "mrr_at_3": 81.094, + "mrr_at_5": 81.962, + "ndcg_at_1": 75.673, + "ndcg_at_10": 85.15599999999999, + "ndcg_at_100": 86.151, + "ndcg_at_1000": 86.26899999999999, + "ndcg_at_3": 82.304, + "ndcg_at_5": 84.009, + "precision_at_1": 75.673, + "precision_at_10": 10.042, + "precision_at_100": 1.052, + "precision_at_1000": 0.106, + "precision_at_3": 30.673000000000002, + "precision_at_5": 19.326999999999998, + "recall_at_1": 73.28099999999999, + "recall_at_10": 94.446, + "recall_at_100": 98.737, + "recall_at_1000": 99.649, + "recall_at_3": 86.984, + "recall_at_5": 91.024, + "main_score": 85.15599999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/MSMARCO-PL.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/MSMARCO-PL.json new file mode 100644 index 000000000..cfa39eac1 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/MSMARCO-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "8634c07806d5cce3a6138e260e59b81760a0a640", + "task_name": "MSMARCO-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 2.1839999999999997, + "map_at_10": 11.346, + "map_at_100": 30.325000000000003, + "map_at_1000": 37.806, + "map_at_3": 4.842, + "map_at_5": 6.891, + "mrr_at_1": 86.047, + "mrr_at_10": 89.14699999999999, + "mrr_at_100": 89.46600000000001, + "mrr_at_1000": 89.46600000000001, + "mrr_at_3": 89.14699999999999, + "mrr_at_5": 89.14699999999999, + "ndcg_at_1": 67.829, + "ndcg_at_10": 62.222, + "ndcg_at_100": 55.337, + "ndcg_at_1000": 64.076, + "ndcg_at_3": 68.12700000000001, + "ndcg_at_5": 64.987, + "precision_at_1": 86.047, + "precision_at_10": 69.535, + "precision_at_100": 32.93, + "precision_at_1000": 6.6049999999999995, + "precision_at_3": 79.845, + "precision_at_5": 75.349, + "recall_at_1": 2.1839999999999997, + "recall_at_10": 12.866, + "recall_at_100": 43.505, + "recall_at_1000": 72.366, + "recall_at_3": 4.947, + "recall_at_5": 7.192, + "main_score": 62.222 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/MSMARCO.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/MSMARCO.json new file mode 100644 index 000000000..792e44a9a --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.176, + "map_at_10": 38.598, + "map_at_100": 39.707, + "map_at_1000": 39.744, + "map_at_3": 34.566, + "map_at_5": 36.863, + "mrr_at_1": 25.874000000000002, + "mrr_at_10": 39.214, + "mrr_at_100": 40.251, + "mrr_at_1000": 40.281, + "mrr_at_3": 35.291, + "mrr_at_5": 37.545, + "ndcg_at_1": 25.874000000000002, + "ndcg_at_10": 45.98, + "ndcg_at_100": 51.197, + "ndcg_at_1000": 52.073, + "ndcg_at_3": 37.785999999999994, + "ndcg_at_5": 41.870000000000005, + "precision_at_1": 25.874000000000002, + "precision_at_10": 7.181, + "precision_at_100": 0.979, + "precision_at_1000": 0.106, + "precision_at_3": 16.051000000000002, + "precision_at_5": 11.713, + "recall_at_1": 25.176, + "recall_at_10": 68.67699999999999, + "recall_at_100": 92.55, + "recall_at_1000": 99.164, + "recall_at_3": 46.372, + "recall_at_5": 56.16, + "main_score": 45.98 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/MTOPDomainClassification.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/MTOPDomainClassification.json new file mode 100644 index 000000000..2eabc32dc --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/MTOPDomainClassification.json @@ -0,0 +1,28 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 99.03784769721841, + "f1": 98.97791641821495, + "main_score": 99.03784769721841 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 96.68963357344191, + "f1": 96.45175170820961, + "main_score": 96.68963357344191 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/MTOPIntentClassification.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/MTOPIntentClassification.json new file mode 100644 index 000000000..f5067aa49 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/MTOPIntentClassification.json @@ -0,0 +1,28 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.88326493388054, + "f1": 73.74809928034335, + "main_score": 91.88326493388054 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 87.46946445349202, + "f1": 65.79860440988624, + "main_score": 87.46946445349202 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/MasakhaNEWSClassification.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/MasakhaNEWSClassification.json new file mode 100644 index 000000000..c1c403742 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/MasakhaNEWSClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "8ccc72e69e65f40c70e117d8b3c08306bb788b60", + "task_name": "MasakhaNEWSClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fra", + "languages": [ + "fra-Latn" + ], + "accuracy": 82.60663507109005, + "f1": 77.20462646604777, + "main_score": 82.60663507109005 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/MassiveIntentClassification.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/MassiveIntentClassification.json new file mode 100644 index 000000000..b4fa0611c --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/MassiveIntentClassification.json @@ -0,0 +1,46 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 85.41358439811701, + "f1": 83.503679460639, + "main_score": 85.41358439811701 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 81.08607935440484, + "f1": 78.24879986066307, + "main_score": 81.08607935440484 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 81.65097511768661, + "f1": 78.77796091490924, + "main_score": 81.65097511768661 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 80.75319435104238, + "f1": 77.58961444860606, + "main_score": 80.75319435104238 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/MassiveScenarioClassification.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..4e98da369 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/MassiveScenarioClassification.json @@ -0,0 +1,46 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 89.77135171486215, + "f1": 88.89843747468366, + "main_score": 89.77135171486215 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 86.05917955615332, + "f1": 85.05279279434997, + "main_score": 86.05917955615332 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 86.64425016812373, + "f1": 85.4912728670017, + "main_score": 86.64425016812373 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 85.54472091459313, + "f1": 84.29498563572106, + "main_score": 85.54472091459313 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/MedicalRetrieval.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/MedicalRetrieval.json new file mode 100644 index 000000000..9ccdb9f96 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/MedicalRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "2039188fb5800a9803ba5048df7b76e6fb151fc6", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 56.2, + "map_at_10": 62.57899999999999, + "map_at_100": 63.154999999999994, + "map_at_1000": 63.193, + "map_at_3": 61.217, + "map_at_5": 62.012, + "mrr_at_1": 56.3, + "mrr_at_10": 62.629000000000005, + "mrr_at_100": 63.205999999999996, + "mrr_at_1000": 63.244, + "mrr_at_3": 61.267, + "mrr_at_5": 62.062, + "ndcg_at_1": 56.2, + "ndcg_at_10": 65.592, + "ndcg_at_100": 68.657, + "ndcg_at_1000": 69.671, + "ndcg_at_3": 62.808, + "ndcg_at_5": 64.24499999999999, + "precision_at_1": 56.2, + "precision_at_10": 7.5, + "precision_at_100": 0.899, + "precision_at_1000": 0.098, + "precision_at_3": 22.467000000000002, + "precision_at_5": 14.180000000000001, + "recall_at_1": 56.2, + "recall_at_10": 75.0, + "recall_at_100": 89.9, + "recall_at_1000": 97.89999999999999, + "recall_at_3": 67.4, + "recall_at_5": 70.89999999999999, + "main_score": 65.592 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/MedrxivClusteringP2P.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..7fa45a26f --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 46.22695362087359, + "main_score": 46.22695362087359 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/MedrxivClusteringS2S.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..dcceed55a --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 44.132372165849425, + "main_score": 44.132372165849425 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/MindSmallReranking.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/MindSmallReranking.json new file mode 100644 index 000000000..42b73ff60 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 33.35680810650402, + "mrr": 34.72625715637218, + "main_score": 33.35680810650402 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/MintakaRetrieval.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/MintakaRetrieval.json new file mode 100644 index 000000000..1a7c9c37d --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/MintakaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "efa78cc2f74bbcd21eff2261f9e13aebe40b814e", + "task_name": "MintakaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "map_at_1": 35.913000000000004, + "map_at_10": 48.147, + "map_at_100": 48.91, + "map_at_1000": 48.949, + "map_at_3": 45.269999999999996, + "map_at_5": 47.115, + "mrr_at_1": 35.913000000000004, + "mrr_at_10": 48.147, + "mrr_at_100": 48.91, + "mrr_at_1000": 48.949, + "mrr_at_3": 45.269999999999996, + "mrr_at_5": 47.115, + "ndcg_at_1": 35.913000000000004, + "ndcg_at_10": 54.03, + "ndcg_at_100": 57.839, + "ndcg_at_1000": 58.925000000000004, + "ndcg_at_3": 48.217999999999996, + "ndcg_at_5": 51.56699999999999, + "precision_at_1": 35.913000000000004, + "precision_at_10": 7.244000000000001, + "precision_at_100": 0.9039999999999999, + "precision_at_1000": 0.099, + "precision_at_3": 18.905, + "precision_at_5": 12.981000000000002, + "recall_at_1": 35.913000000000004, + "recall_at_10": 72.441, + "recall_at_100": 90.41799999999999, + "recall_at_1000": 99.099, + "recall_at_3": 56.716, + "recall_at_5": 64.90599999999999, + "main_score": 54.03 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/MultilingualSentiment.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/MultilingualSentiment.json new file mode 100644 index 000000000..1ef805223 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/MultilingualSentiment.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "46958b007a63fdbf239b7672c25d0bea67b5ea1a", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 76.87666666666667, + "f1": 76.7317686219665, + "main_score": 76.87666666666667 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/NFCorpus-PL.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/NFCorpus-PL.json new file mode 100644 index 000000000..7c441d5a9 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/NFCorpus-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "9a6f9567fda928260afed2de480d79c98bf0bec0", + "task_name": "NFCorpus-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 4.367, + "map_at_10": 10.38, + "map_at_100": 13.516, + "map_at_1000": 14.982000000000001, + "map_at_3": 7.367, + "map_at_5": 8.59, + "mrr_at_1": 41.486000000000004, + "mrr_at_10": 48.886, + "mrr_at_100": 49.657000000000004, + "mrr_at_1000": 49.713, + "mrr_at_3": 46.904, + "mrr_at_5": 48.065000000000005, + "ndcg_at_1": 40.402, + "ndcg_at_10": 30.885, + "ndcg_at_100": 28.393, + "ndcg_at_1000": 37.428, + "ndcg_at_3": 35.394999999999996, + "ndcg_at_5": 33.391999999999996, + "precision_at_1": 41.486000000000004, + "precision_at_10": 23.437, + "precision_at_100": 7.638, + "precision_at_1000": 2.0389999999999997, + "precision_at_3": 32.817, + "precision_at_5": 28.915999999999997, + "recall_at_1": 4.367, + "recall_at_10": 14.655000000000001, + "recall_at_100": 29.665999999999997, + "recall_at_1000": 62.073, + "recall_at_3": 8.51, + "recall_at_5": 10.689, + "main_score": 30.885 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/NFCorpus.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/NFCorpus.json new file mode 100644 index 000000000..368487764 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 7.165000000000001, + "map_at_10": 15.424, + "map_at_100": 20.28, + "map_at_1000": 22.065, + "map_at_3": 11.236, + "map_at_5": 13.025999999999998, + "mrr_at_1": 51.702999999999996, + "mrr_at_10": 59.965, + "mrr_at_100": 60.667, + "mrr_at_1000": 60.702999999999996, + "mrr_at_3": 58.772000000000006, + "mrr_at_5": 59.267, + "ndcg_at_1": 49.536, + "ndcg_at_10": 40.6, + "ndcg_at_100": 37.848, + "ndcg_at_1000": 46.657, + "ndcg_at_3": 46.117999999999995, + "ndcg_at_5": 43.619, + "precision_at_1": 51.393, + "precision_at_10": 30.31, + "precision_at_100": 9.972, + "precision_at_1000": 2.329, + "precision_at_3": 43.137, + "precision_at_5": 37.585, + "recall_at_1": 7.165000000000001, + "recall_at_10": 19.689999999999998, + "recall_at_100": 39.237, + "recall_at_1000": 71.417, + "recall_at_3": 12.247, + "recall_at_5": 14.902999999999999, + "main_score": 40.6 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/NQ-PL.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/NQ-PL.json new file mode 100644 index 000000000..96b9eec93 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/NQ-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "f171245712cf85dd4700b06bef18001578d0ca8d", + "task_name": "NQ-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 28.616000000000003, + "map_at_10": 41.626000000000005, + "map_at_100": 42.689, + "map_at_1000": 42.733, + "map_at_3": 37.729, + "map_at_5": 39.879999999999995, + "mrr_at_1": 32.068000000000005, + "mrr_at_10": 44.029, + "mrr_at_100": 44.87, + "mrr_at_1000": 44.901, + "mrr_at_3": 40.687, + "mrr_at_5": 42.625, + "ndcg_at_1": 32.068000000000005, + "ndcg_at_10": 48.449999999999996, + "ndcg_at_100": 53.13, + "ndcg_at_1000": 54.186, + "ndcg_at_3": 40.983999999999995, + "ndcg_at_5": 44.628, + "precision_at_1": 32.068000000000005, + "precision_at_10": 7.9750000000000005, + "precision_at_100": 1.061, + "precision_at_1000": 0.116, + "precision_at_3": 18.404999999999998, + "precision_at_5": 13.111, + "recall_at_1": 28.616000000000003, + "recall_at_10": 66.956, + "recall_at_100": 87.657, + "recall_at_1000": 95.548, + "recall_at_3": 47.453, + "recall_at_5": 55.87800000000001, + "main_score": 48.449999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/NQ.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/NQ.json new file mode 100644 index 000000000..7177133d7 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 42.653999999999996, + "map_at_10": 59.611999999999995, + "map_at_100": 60.32300000000001, + "map_at_1000": 60.336, + "map_at_3": 55.584999999999994, + "map_at_5": 58.19, + "mrr_at_1": 47.683, + "mrr_at_10": 62.06700000000001, + "mrr_at_100": 62.537, + "mrr_at_1000": 62.544999999999995, + "mrr_at_3": 59.178, + "mrr_at_5": 61.034, + "ndcg_at_1": 47.654, + "ndcg_at_10": 67.001, + "ndcg_at_100": 69.73899999999999, + "ndcg_at_1000": 69.986, + "ndcg_at_3": 59.95700000000001, + "ndcg_at_5": 64.025, + "precision_at_1": 47.654, + "precision_at_10": 10.367999999999999, + "precision_at_100": 1.192, + "precision_at_1000": 0.121, + "precision_at_3": 26.651000000000003, + "precision_at_5": 18.459, + "recall_at_1": 42.653999999999996, + "recall_at_10": 86.619, + "recall_at_100": 98.04899999999999, + "recall_at_1000": 99.812, + "recall_at_3": 68.987, + "recall_at_5": 78.158, + "main_score": 67.001 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/Ocnli.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/Ocnli.json new file mode 100644 index 000000000..bd160a26c --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/Ocnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "66e76a618a34d6d565d5538088562851e6daa7ec", + "task_name": "Ocnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 79.64266377910124, + "cos_sim_ap": 84.78274442344829, + "cos_sim_f1": 81.16947472745292, + "cos_sim_precision": 76.47058823529412, + "cos_sim_recall": 86.48363252375924, + "dot_accuracy": 79.64266377910124, + "dot_ap": 84.7851404063692, + "dot_f1": 81.16947472745292, + "dot_precision": 76.47058823529412, + "dot_recall": 86.48363252375924, + "euclidean_accuracy": 79.64266377910124, + "euclidean_ap": 84.78068373762378, + "euclidean_f1": 81.14794656110837, + "euclidean_precision": 76.35009310986965, + "euclidean_recall": 86.58922914466737, + "manhattan_accuracy": 79.48023822414727, + "manhattan_ap": 84.72928897427576, + "manhattan_f1": 81.32084770823064, + "manhattan_precision": 76.24768946395564, + "manhattan_recall": 87.11721224920802, + "max_accuracy": 79.64266377910124, + "max_ap": 84.7851404063692, + "max_f1": 81.32084770823064, + "main_score": 79.64266377910124 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/OnlineShopping.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/OnlineShopping.json new file mode 100644 index 000000000..de9ea6419 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/OnlineShopping.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e610f2ebd179a8fda30ae534c3878750a96db120", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 94.3, + "ap": 92.8664032274438, + "f1": 94.29311102997727, + "main_score": 94.3 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/OpusparcusPC.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/OpusparcusPC.json new file mode 100644 index 000000000..da673f578 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/OpusparcusPC.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "9e9b1f8ef51616073f47f306f7f47dd91663f86a", + "task_name": "OpusparcusPC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_accuracy": 99.90069513406156, + "cos_sim_ap": 100.0, + "cos_sim_f1": 99.95032290114257, + "cos_sim_precision": 100.0, + "cos_sim_recall": 99.90069513406156, + "dot_accuracy": 99.90069513406156, + "dot_ap": 100.0, + "dot_f1": 99.95032290114257, + "dot_precision": 100.0, + "dot_recall": 99.90069513406156, + "euclidean_accuracy": 99.90069513406156, + "euclidean_ap": 100.0, + "euclidean_f1": 99.95032290114257, + "euclidean_precision": 100.0, + "euclidean_recall": 99.90069513406156, + "manhattan_accuracy": 99.90069513406156, + "manhattan_ap": 100.0, + "manhattan_f1": 99.95032290114257, + "manhattan_precision": 100.0, + "manhattan_recall": 99.90069513406156, + "max_accuracy": 99.90069513406156, + "max_ap": 100.0, + "max_f1": 99.95032290114257, + "main_score": 100.0 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/PAC.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/PAC.json new file mode 100644 index 000000000..8380d8cbc --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/PAC.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "PAC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 69.04141326382856, + "ap": 77.47589122111044, + "f1": 66.6332277374775, + "main_score": 69.04141326382856 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/PAWSX.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/PAWSX.json new file mode 100644 index 000000000..0b329ac6b --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/PAWSX.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "9c6a90e430ac22b5779fb019a23e820b11a8b5e1", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 48.51392279882909, + "cos_sim_spearman": 54.06338895994974, + "euclidean_pearson": 52.58480559573412, + "euclidean_spearman": 54.06417276612201, + "manhattan_pearson": 52.69525121721343, + "manhattan_spearman": 54.048147455389675, + "cosine_pearson": 48.51392279882909, + "cosine_spearman": 54.06338895994974, + "main_score": 54.06338895994974 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/PSC.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/PSC.json new file mode 100644 index 000000000..5ea1aa51d --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/PSC.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "PSC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cos_sim_accuracy": 97.86641929499072, + "cos_sim_ap": 99.36904211868182, + "cos_sim_f1": 96.56203288490283, + "cos_sim_precision": 94.72140762463343, + "cos_sim_recall": 98.47560975609755, + "dot_accuracy": 97.86641929499072, + "dot_ap": 99.36904211868183, + "dot_f1": 96.56203288490283, + "dot_precision": 94.72140762463343, + "dot_recall": 98.47560975609755, + "euclidean_accuracy": 97.86641929499072, + "euclidean_ap": 99.36904211868183, + "euclidean_f1": 96.56203288490283, + "euclidean_precision": 94.72140762463343, + "euclidean_recall": 98.47560975609755, + "manhattan_accuracy": 98.14471243042672, + "manhattan_ap": 99.43359540492416, + "manhattan_f1": 96.98795180722892, + "manhattan_precision": 95.83333333333334, + "manhattan_recall": 98.17073170731707, + "max_accuracy": 98.14471243042672, + "max_ap": 99.43359540492416, + "max_f1": 96.98795180722892, + "main_score": 99.43359540492416 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/PolEmo2.0-IN.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/PolEmo2.0-IN.json new file mode 100644 index 000000000..837e87934 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/PolEmo2.0-IN.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "PolEmo2.0-IN", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 89.39058171745152, + "f1": 86.8552093529568, + "main_score": 89.39058171745152 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/PolEmo2.0-OUT.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/PolEmo2.0-OUT.json new file mode 100644 index 000000000..19aad5c17 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/PolEmo2.0-OUT.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "PolEmo2.0-OUT", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 74.97975708502024, + "f1": 58.73081628832407, + "main_score": 74.97975708502024 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/QBQTC.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/QBQTC.json new file mode 100644 index 000000000..8bd16131c --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/QBQTC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "790b0510dc52b1553e8c49f3d2afb48c0e5c48b7", + "task_name": "QBQTC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 29.728387290757325, + "cos_sim_spearman": 31.366121633635284, + "euclidean_pearson": 29.14588368552961, + "euclidean_spearman": 31.36764411112844, + "manhattan_pearson": 29.63517350523121, + "manhattan_spearman": 31.94157020583762, + "cosine_pearson": 29.728387290757325, + "cosine_spearman": 31.366121633635284, + "main_score": 31.366121633635284 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/Quora-PL.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/Quora-PL.json new file mode 100644 index 000000000..9db394503 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/Quora-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "0be27e93455051e531182b85e85e425aba12e9d4", + "task_name": "Quora-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 64.917, + "map_at_10": 78.74600000000001, + "map_at_100": 79.501, + "map_at_1000": 79.524, + "map_at_3": 75.549, + "map_at_5": 77.495, + "mrr_at_1": 74.9, + "mrr_at_10": 82.112, + "mrr_at_100": 82.314, + "mrr_at_1000": 82.317, + "mrr_at_3": 80.745, + "mrr_at_5": 81.607, + "ndcg_at_1": 74.83999999999999, + "ndcg_at_10": 83.214, + "ndcg_at_100": 84.997, + "ndcg_at_1000": 85.207, + "ndcg_at_3": 79.547, + "ndcg_at_5": 81.46600000000001, + "precision_at_1": 74.83999999999999, + "precision_at_10": 12.822, + "precision_at_100": 1.506, + "precision_at_1000": 0.156, + "precision_at_3": 34.903, + "precision_at_5": 23.16, + "recall_at_1": 64.917, + "recall_at_10": 92.27199999999999, + "recall_at_100": 98.715, + "recall_at_1000": 99.854, + "recall_at_3": 82.04599999999999, + "recall_at_5": 87.2, + "main_score": 83.214 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/QuoraRetrieval.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/QuoraRetrieval.json new file mode 100644 index 000000000..b3b6ef7c7 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 72.538, + "map_at_10": 86.702, + "map_at_100": 87.31, + "map_at_1000": 87.323, + "map_at_3": 83.87, + "map_at_5": 85.682, + "mrr_at_1": 83.31, + "mrr_at_10": 89.225, + "mrr_at_100": 89.30399999999999, + "mrr_at_1000": 89.30399999999999, + "mrr_at_3": 88.44300000000001, + "mrr_at_5": 89.005, + "ndcg_at_1": 83.32000000000001, + "ndcg_at_10": 90.095, + "ndcg_at_100": 91.12, + "ndcg_at_1000": 91.179, + "ndcg_at_3": 87.606, + "ndcg_at_5": 89.031, + "precision_at_1": 83.32000000000001, + "precision_at_10": 13.641, + "precision_at_100": 1.541, + "precision_at_1000": 0.157, + "precision_at_3": 38.377, + "precision_at_5": 25.162000000000003, + "recall_at_1": 72.538, + "recall_at_10": 96.47200000000001, + "recall_at_100": 99.785, + "recall_at_1000": 99.99900000000001, + "recall_at_3": 89.278, + "recall_at_5": 93.367, + "main_score": 90.095 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/RedditClustering.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/RedditClustering.json new file mode 100644 index 000000000..e8c45b312 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 73.55219145406065, + "main_score": 73.55219145406065 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/RedditClusteringP2P.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/RedditClusteringP2P.json new file mode 100644 index 000000000..645603557 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 74.13437105242755, + "main_score": 74.13437105242755 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/SCIDOCS-PL.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/SCIDOCS-PL.json new file mode 100644 index 000000000..2f3554d4d --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/SCIDOCS-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "45452b03f05560207ef19149545f168e596c9337", + "task_name": "SCIDOCS-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 3.51, + "map_at_10": 9.046999999999999, + "map_at_100": 10.823, + "map_at_1000": 11.144, + "map_at_3": 6.257, + "map_at_5": 7.648000000000001, + "mrr_at_1": 17.299999999999997, + "mrr_at_10": 27.419, + "mrr_at_100": 28.618, + "mrr_at_1000": 28.685, + "mrr_at_3": 23.817, + "mrr_at_5": 25.927, + "ndcg_at_1": 17.299999999999997, + "ndcg_at_10": 16.084, + "ndcg_at_100": 23.729, + "ndcg_at_1000": 29.476999999999997, + "ndcg_at_3": 14.327000000000002, + "ndcg_at_5": 13.017999999999999, + "precision_at_1": 17.299999999999997, + "precision_at_10": 8.63, + "precision_at_100": 1.981, + "precision_at_1000": 0.336, + "precision_at_3": 13.4, + "precision_at_5": 11.700000000000001, + "recall_at_1": 3.51, + "recall_at_10": 17.518, + "recall_at_100": 40.275, + "recall_at_1000": 68.203, + "recall_at_3": 8.155, + "recall_at_5": 11.875, + "main_score": 16.084 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/SCIDOCS.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/SCIDOCS.json new file mode 100644 index 000000000..61ab0b2c0 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.873, + "map_at_10": 17.944, + "map_at_100": 21.171, + "map_at_1000": 21.528, + "map_at_3": 12.415, + "map_at_5": 15.187999999999999, + "mrr_at_1": 33.800000000000004, + "mrr_at_10": 46.455, + "mrr_at_100": 47.378, + "mrr_at_1000": 47.394999999999996, + "mrr_at_3": 42.367, + "mrr_at_5": 44.972, + "ndcg_at_1": 33.800000000000004, + "ndcg_at_10": 28.907, + "ndcg_at_100": 39.695, + "ndcg_at_1000": 44.582, + "ndcg_at_3": 26.949, + "ndcg_at_5": 23.988, + "precision_at_1": 33.800000000000004, + "precision_at_10": 15.079999999999998, + "precision_at_100": 3.056, + "precision_at_1000": 0.42100000000000004, + "precision_at_3": 25.167, + "precision_at_5": 21.26, + "recall_at_1": 6.873, + "recall_at_10": 30.568, + "recall_at_100": 62.062, + "recall_at_1000": 85.37700000000001, + "recall_at_3": 15.312999999999999, + "recall_at_5": 21.575, + "main_score": 28.907 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/SICK-E-PL.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/SICK-E-PL.json new file mode 100644 index 000000000..e199b4392 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/SICK-E-PL.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "SICK-E-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cos_sim_accuracy": 86.30248675091724, + "cos_sim_ap": 83.6756734006714, + "cos_sim_f1": 74.97367497367497, + "cos_sim_precision": 73.91003460207612, + "cos_sim_recall": 76.06837606837607, + "dot_accuracy": 86.30248675091724, + "dot_ap": 83.6756734006714, + "dot_f1": 74.97367497367497, + "dot_precision": 73.91003460207612, + "dot_recall": 76.06837606837607, + "euclidean_accuracy": 86.30248675091724, + "euclidean_ap": 83.67566984333091, + "euclidean_f1": 74.97367497367497, + "euclidean_precision": 73.91003460207612, + "euclidean_recall": 76.06837606837607, + "manhattan_accuracy": 86.28210354667753, + "manhattan_ap": 83.64216119130171, + "manhattan_f1": 74.92152075340078, + "manhattan_precision": 73.4107997265892, + "manhattan_recall": 76.49572649572649, + "max_accuracy": 86.30248675091724, + "max_ap": 83.6756734006714, + "max_f1": 74.97367497367497, + "main_score": 83.6756734006714 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/SICK-R-PL.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/SICK-R-PL.json new file mode 100644 index 000000000..0be09feb4 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/SICK-R-PL.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "SICK-R-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cos_sim_pearson": 82.23295940859121, + "cos_sim_spearman": 78.89329160768719, + "euclidean_pearson": 79.56019107076818, + "euclidean_spearman": 78.89330209904084, + "manhattan_pearson": 79.76098513973719, + "manhattan_spearman": 79.05490162570123, + "cosine_pearson": 82.23295940859121, + "cosine_spearman": 78.89329160768719, + "main_score": 78.89329160768719 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/SICK-R.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/SICK-R.json new file mode 100644 index 000000000..f786a72ee --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.37009118256057, + "cos_sim_spearman": 79.27986395671529, + "euclidean_pearson": 79.18037715442115, + "euclidean_spearman": 79.28004791561621, + "manhattan_pearson": 79.34062972800541, + "manhattan_spearman": 79.43106695543402, + "cosine_pearson": 82.37009118256057, + "cosine_spearman": 79.27986395671529, + "main_score": 79.27986395671529 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/SICKFr.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/SICKFr.json new file mode 100644 index 000000000..88db87846 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/SICKFr.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e077ab4cf4774a1e36d86d593b150422fafd8e8a", + "task_name": "SICKFr", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 81.42349425981143, + "cos_sim_spearman": 78.90454327031226, + "euclidean_pearson": 78.39086497435166, + "euclidean_spearman": 78.9046133980509, + "manhattan_pearson": 78.63743094286502, + "manhattan_spearman": 79.12136348449269, + "cosine_pearson": 81.42349425981143, + "cosine_spearman": 78.90454327031226, + "main_score": 78.90454327031226 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/STS12.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/STS12.json new file mode 100644 index 000000000..dcaa74549 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.48474767383833, + "cos_sim_spearman": 79.54505388752513, + "euclidean_pearson": 83.43282704179565, + "euclidean_spearman": 79.54579919925405, + "manhattan_pearson": 83.77564492427952, + "manhattan_spearman": 79.84558396989286, + "cosine_pearson": 87.48474767383833, + "cosine_spearman": 79.54505388752513, + "main_score": 79.54505388752513 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/STS13.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/STS13.json new file mode 100644 index 000000000..45e373923 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.803698035802, + "cos_sim_spearman": 88.83451367754881, + "euclidean_pearson": 88.28939285711628, + "euclidean_spearman": 88.83528996073112, + "manhattan_pearson": 88.28017412671795, + "manhattan_spearman": 88.9228828016344, + "cosine_pearson": 88.803698035802, + "cosine_spearman": 88.83451367754881, + "main_score": 88.83451367754881 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/STS14.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/STS14.json new file mode 100644 index 000000000..20279910f --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.27469288153428, + "cos_sim_spearman": 83.87477064876288, + "euclidean_pearson": 84.2601737035379, + "euclidean_spearman": 83.87431082479074, + "manhattan_pearson": 84.3621547772745, + "manhattan_spearman": 84.12094375000423, + "cosine_pearson": 85.27469288153428, + "cosine_spearman": 83.87477064876288, + "main_score": 83.87477064876288 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/STS15.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/STS15.json new file mode 100644 index 000000000..7d85755ca --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.12749863201587, + "cos_sim_spearman": 88.54287568368565, + "euclidean_pearson": 87.90429700607999, + "euclidean_spearman": 88.5437689576261, + "manhattan_pearson": 88.19276653356833, + "manhattan_spearman": 88.99995393814679, + "cosine_pearson": 88.12749863201587, + "cosine_spearman": 88.54287568368565, + "main_score": 88.54287568368565 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/STS16.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/STS16.json new file mode 100644 index 000000000..cf4b16d1b --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.68398747560902, + "cos_sim_spearman": 86.48815303460574, + "euclidean_pearson": 85.52356631237954, + "euclidean_spearman": 86.486391949551, + "manhattan_pearson": 85.67267981761788, + "manhattan_spearman": 86.7073696332485, + "cosine_pearson": 85.68398747560902, + "cosine_spearman": 86.48815303460574, + "main_score": 86.48815303460574 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/STS17.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/STS17.json new file mode 100644 index 000000000..687922286 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.9057107443124, + "cos_sim_spearman": 88.7312168757697, + "euclidean_pearson": 88.72810439714794, + "euclidean_spearman": 88.71976185854771, + "manhattan_pearson": 88.50433745949111, + "manhattan_spearman": 88.51726175544195, + "cosine_pearson": 88.9057107443124, + "cosine_spearman": 88.7312168757697, + "main_score": 88.7312168757697 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/STS22.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/STS22.json new file mode 100644 index 000000000..d2cbcfc1e --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/STS22.json @@ -0,0 +1,70 @@ +{ + "dataset_revision": "eea2b4fe26a775864c896887d910b76a8098ad3f", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 67.59391795109886, + "cos_sim_spearman": 66.87613008631367, + "euclidean_pearson": 69.23198488262217, + "euclidean_spearman": 66.85427723013692, + "manhattan_pearson": 69.50730124841084, + "manhattan_spearman": 67.10404669820792, + "cosine_pearson": 67.59391795109886, + "cosine_spearman": 66.87613008631367, + "main_score": 66.87613008631367 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 63.64868296271406, + "cos_sim_spearman": 66.12800618164744, + "euclidean_pearson": 63.21405767340238, + "euclidean_spearman": 66.12786567790748, + "manhattan_pearson": 64.04300276525848, + "manhattan_spearman": 66.5066857145652, + "cosine_pearson": 63.64868296271406, + "cosine_spearman": 66.12800618164744, + "main_score": 66.12800618164744 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 81.452697919749, + "cos_sim_spearman": 82.58116836039301, + "euclidean_pearson": 81.04038478932786, + "euclidean_spearman": 82.58116836039301, + "manhattan_pearson": 81.37075396187771, + "manhattan_spearman": 82.73678231355368, + "cosine_pearson": 81.452697919749, + "cosine_spearman": 82.58116836039301, + "main_score": 82.58116836039301 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "cos_sim_pearson": 37.732606308062486, + "cos_sim_spearman": 41.01645667030284, + "euclidean_pearson": 26.61722556367085, + "euclidean_spearman": 41.01645667030284, + "manhattan_pearson": 26.60917378970807, + "manhattan_spearman": 41.51335727617614, + "cosine_pearson": 37.732606308062486, + "cosine_spearman": 41.01645667030284, + "main_score": 41.01645667030284 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/STSB.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/STSB.json new file mode 100644 index 000000000..462124096 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/STSB.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "0cde68302b3541bb8b3c340dc0644b0b745b3dc0", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 81.2302623912794, + "cos_sim_spearman": 81.16833673266562, + "euclidean_pearson": 79.47647843876024, + "euclidean_spearman": 81.16944349524972, + "manhattan_pearson": 79.84947238492208, + "manhattan_spearman": 81.64626599410026, + "cosine_pearson": 81.2302623912794, + "cosine_spearman": 81.16833673266562, + "main_score": 81.16833673266562 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/STSBenchmark.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/STSBenchmark.json new file mode 100644 index 000000000..df3ba065f --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.0820605344619, + "cos_sim_spearman": 86.8518089863434, + "euclidean_pearson": 86.31087134689284, + "euclidean_spearman": 86.8518520517941, + "manhattan_pearson": 86.47203796160612, + "manhattan_spearman": 87.1080149734421, + "cosine_pearson": 87.0820605344619, + "cosine_spearman": 86.8518089863434, + "main_score": 86.8518089863434 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/STSBenchmarkMultilingualSTS.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/STSBenchmarkMultilingualSTS.json new file mode 100644 index 000000000..e84ebcc80 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/STSBenchmarkMultilingualSTS.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "93d57ef91790589e3ce9c365164337a8a78b7632", + "task_name": "STSBenchmarkMultilingualSTS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 85.7419764013806, + "cos_sim_spearman": 85.46085808849622, + "euclidean_pearson": 83.70449639870063, + "euclidean_spearman": 85.46159013076233, + "manhattan_pearson": 83.95259510313929, + "manhattan_spearman": 85.8029724659458, + "cosine_pearson": 85.7419764013806, + "cosine_spearman": 85.46085808849622, + "main_score": 85.46085808849622 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/SciDocsRR.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/SciDocsRR.json new file mode 100644 index 000000000..a7dde9738 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 89.09255369305481, + "mrr": 97.10323445617563, + "main_score": 89.09255369305481 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/SciFact-PL.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/SciFact-PL.json new file mode 100644 index 000000000..54caebe42 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/SciFact-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "47932a35f045ef8ed01ba82bf9ff67f6e109207e", + "task_name": "SciFact-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 54.31700000000001, + "map_at_10": 65.564, + "map_at_100": 66.062, + "map_at_1000": 66.08699999999999, + "map_at_3": 62.592999999999996, + "map_at_5": 63.888, + "mrr_at_1": 56.99999999999999, + "mrr_at_10": 66.412, + "mrr_at_100": 66.85900000000001, + "mrr_at_1000": 66.88, + "mrr_at_3": 64.22200000000001, + "mrr_at_5": 65.206, + "ndcg_at_1": 56.99999999999999, + "ndcg_at_10": 70.577, + "ndcg_at_100": 72.879, + "ndcg_at_1000": 73.45, + "ndcg_at_3": 65.5, + "ndcg_at_5": 67.278, + "precision_at_1": 56.99999999999999, + "precision_at_10": 9.667, + "precision_at_100": 1.083, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 26.0, + "precision_at_5": 16.933, + "recall_at_1": 54.31700000000001, + "recall_at_10": 85.056, + "recall_at_100": 95.667, + "recall_at_1000": 100.0, + "recall_at_3": 71.0, + "recall_at_5": 75.672, + "main_score": 70.577 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/SciFact.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/SciFact.json new file mode 100644 index 000000000..446afd218 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 61.260999999999996, + "map_at_10": 74.043, + "map_at_100": 74.37700000000001, + "map_at_1000": 74.384, + "map_at_3": 71.222, + "map_at_5": 72.875, + "mrr_at_1": 64.333, + "mrr_at_10": 74.984, + "mrr_at_100": 75.247, + "mrr_at_1000": 75.25500000000001, + "mrr_at_3": 73.167, + "mrr_at_5": 74.35000000000001, + "ndcg_at_1": 64.333, + "ndcg_at_10": 79.06, + "ndcg_at_100": 80.416, + "ndcg_at_1000": 80.55600000000001, + "ndcg_at_3": 74.753, + "ndcg_at_5": 76.97500000000001, + "precision_at_1": 64.333, + "precision_at_10": 10.567, + "precision_at_100": 1.1199999999999999, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 29.889, + "precision_at_5": 19.533, + "recall_at_1": 61.260999999999996, + "recall_at_10": 93.167, + "recall_at_100": 99.0, + "recall_at_1000": 100.0, + "recall_at_3": 81.667, + "recall_at_5": 87.394, + "main_score": 79.06 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/SprintDuplicateQuestions.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..afc9c4600 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.71980198019801, + "cos_sim_ap": 92.81616007802704, + "cos_sim_f1": 85.17548454688318, + "cos_sim_precision": 89.43894389438944, + "cos_sim_recall": 81.3, + "dot_accuracy": 99.71980198019801, + "dot_ap": 92.81398760591358, + "dot_f1": 85.17548454688318, + "dot_precision": 89.43894389438944, + "dot_recall": 81.3, + "euclidean_accuracy": 99.71980198019801, + "euclidean_ap": 92.81560637245072, + "euclidean_f1": 85.17548454688318, + "euclidean_precision": 89.43894389438944, + "euclidean_recall": 81.3, + "manhattan_accuracy": 99.73069306930694, + "manhattan_ap": 93.14005487480794, + "manhattan_f1": 85.56263269639068, + "manhattan_precision": 91.17647058823529, + "manhattan_recall": 80.60000000000001, + "max_accuracy": 99.73069306930694, + "max_ap": 93.14005487480794, + "max_f1": 85.56263269639068, + "main_score": 93.14005487480794 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/StackExchangeClustering.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/StackExchangeClustering.json new file mode 100644 index 000000000..68b711737 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 79.86443362395185, + "main_score": 79.86443362395185 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/StackExchangeClusteringP2P.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..4d4c2a14e --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 49.40897096662564, + "main_score": 49.40897096662564 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/StackOverflowDupQuestions.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..8fa276fb0 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 55.66040806627947, + "mrr": 56.58670475766064, + "main_score": 55.66040806627947 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/SummEval.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/SummEval.json new file mode 100644 index 000000000..610c28731 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.51015090598575, + "cos_sim_spearman": 31.35016454939226, + "dot_pearson": 31.5150068731, + "dot_spearman": 31.34790869023487, + "cosine_pearson": 31.51015090598575, + "cosine_spearman": 31.35016454939226, + "main_score": 31.35016454939226 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/SummEvalFr.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/SummEvalFr.json new file mode 100644 index 000000000..1132028c9 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/SummEvalFr.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "b385812de6a9577b6f4d0f88c6a6e35395a94054", + "task_name": "SummEvalFr", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 32.61063271753325, + "cos_sim_spearman": 31.454589417353603, + "dot_pearson": 32.6106288643431, + "dot_spearman": 31.454589417353603, + "cosine_pearson": 32.61063271753325, + "cosine_spearman": 31.454589417353603, + "main_score": 31.454589417353603 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/SyntecReranking.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/SyntecReranking.json new file mode 100644 index 000000000..154d65fea --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/SyntecReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "b205c5084a0934ce8af14338bf03feb19499c84d", + "task_name": "SyntecReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map": 84.31666666666666, + "mrr": 84.31666666666666, + "main_score": 84.31666666666666 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/SyntecRetrieval.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/SyntecRetrieval.json new file mode 100644 index 000000000..f7906ea7b --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/SyntecRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "77f7e271bf4a92b24fce5119f3486b583ca016ff", + "task_name": "SyntecRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map_at_1": 63.0, + "map_at_10": 73.471, + "map_at_100": 73.87, + "map_at_1000": 73.87, + "map_at_3": 70.5, + "map_at_5": 73.05, + "mrr_at_1": 63.0, + "mrr_at_10": 73.471, + "mrr_at_100": 73.87, + "mrr_at_1000": 73.87, + "mrr_at_3": 70.5, + "mrr_at_5": 73.05, + "ndcg_at_1": 63.0, + "ndcg_at_10": 78.255, + "ndcg_at_100": 79.88, + "ndcg_at_1000": 79.88, + "ndcg_at_3": 72.702, + "ndcg_at_5": 77.264, + "precision_at_1": 63.0, + "precision_at_10": 9.3, + "precision_at_100": 1.0, + "precision_at_1000": 0.1, + "precision_at_3": 26.333000000000002, + "precision_at_5": 18.0, + "recall_at_1": 63.0, + "recall_at_10": 93.0, + "recall_at_100": 100.0, + "recall_at_1000": 100.0, + "recall_at_3": 79.0, + "recall_at_5": 90.0, + "main_score": 78.255 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/T2Reranking.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/T2Reranking.json new file mode 100644 index 000000000..e7bf9064d --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "76631901a18387f85eaa53e5450019b87ad58ef9", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 67.80129586475687, + "mrr": 77.77402311635554, + "main_score": 67.80129586475687 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/T2Retrieval.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/T2Retrieval.json new file mode 100644 index 000000000..7940981f8 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/T2Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "8731a845f1bf500a4f111cf1070785c793d10e64", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 28.666999999999998, + "map_at_10": 81.063, + "map_at_100": 84.504, + "map_at_1000": 84.552, + "map_at_3": 56.897, + "map_at_5": 70.073, + "mrr_at_1": 92.087, + "mrr_at_10": 94.132, + "mrr_at_100": 94.19800000000001, + "mrr_at_1000": 94.19999999999999, + "mrr_at_3": 93.78999999999999, + "mrr_at_5": 94.002, + "ndcg_at_1": 92.087, + "ndcg_at_10": 87.734, + "ndcg_at_100": 90.736, + "ndcg_at_1000": 91.184, + "ndcg_at_3": 88.78, + "ndcg_at_5": 87.676, + "precision_at_1": 92.087, + "precision_at_10": 43.46, + "precision_at_100": 5.07, + "precision_at_1000": 0.518, + "precision_at_3": 77.49000000000001, + "precision_at_5": 65.194, + "recall_at_1": 28.666999999999998, + "recall_at_10": 86.632, + "recall_at_100": 96.646, + "recall_at_1000": 98.917, + "recall_at_3": 58.333999999999996, + "recall_at_5": 72.974, + "main_score": 87.734 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/TNews.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/TNews.json new file mode 100644 index 000000000..cd0a4d72d --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/TNews.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "317f262bf1e6126357bbe89e875451e4b0938fe4", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 52.971999999999994, + "f1": 50.2898280984929, + "main_score": 52.971999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/TRECCOVID-PL.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/TRECCOVID-PL.json new file mode 100644 index 000000000..92f4146ae --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/TRECCOVID-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "81bcb408f33366c2a20ac54adafad1ae7e877fdd", + "task_name": "TRECCOVID-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 0.245, + "map_at_10": 2.051, + "map_at_100": 12.009, + "map_at_1000": 27.448, + "map_at_3": 0.721, + "map_at_5": 1.13, + "mrr_at_1": 88.0, + "mrr_at_10": 93.0, + "mrr_at_100": 93.0, + "mrr_at_1000": 93.0, + "mrr_at_3": 93.0, + "mrr_at_5": 93.0, + "ndcg_at_1": 85.0, + "ndcg_at_10": 80.303, + "ndcg_at_100": 61.23499999999999, + "ndcg_at_1000": 52.978, + "ndcg_at_3": 84.419, + "ndcg_at_5": 82.976, + "precision_at_1": 88.0, + "precision_at_10": 83.39999999999999, + "precision_at_100": 61.96, + "precision_at_1000": 22.648, + "precision_at_3": 89.333, + "precision_at_5": 87.2, + "recall_at_1": 0.245, + "recall_at_10": 2.193, + "recall_at_100": 14.938, + "recall_at_1000": 48.563, + "recall_at_3": 0.738, + "recall_at_5": 1.173, + "main_score": 80.303 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/TRECCOVID.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/TRECCOVID.json new file mode 100644 index 000000000..24b6dcd23 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.254, + "map_at_10": 2.064, + "map_at_100": 12.909, + "map_at_1000": 31.761, + "map_at_3": 0.738, + "map_at_5": 1.155, + "mrr_at_1": 96.0, + "mrr_at_10": 98.0, + "mrr_at_100": 98.0, + "mrr_at_1000": 98.0, + "mrr_at_3": 98.0, + "mrr_at_5": 98.0, + "ndcg_at_1": 93.0, + "ndcg_at_10": 82.258, + "ndcg_at_100": 64.34, + "ndcg_at_1000": 57.912, + "ndcg_at_3": 90.827, + "ndcg_at_5": 86.79, + "precision_at_1": 96.0, + "precision_at_10": 84.8, + "precision_at_100": 66.0, + "precision_at_1000": 25.356, + "precision_at_3": 94.667, + "precision_at_5": 90.4, + "recall_at_1": 0.254, + "recall_at_10": 2.1950000000000003, + "recall_at_100": 16.088, + "recall_at_1000": 54.559000000000005, + "recall_at_3": 0.75, + "recall_at_5": 1.191, + "main_score": 82.258 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/ThuNewsClusteringP2P.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/ThuNewsClusteringP2P.json new file mode 100644 index 000000000..f1fc596ef --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/ThuNewsClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "5798586b105c0434e4f0fe5e767abe619442cf93", + "task_name": "ThuNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 86.0797948663824, + "main_score": 86.0797948663824 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/ThuNewsClusteringS2S.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/ThuNewsClusteringS2S.json new file mode 100644 index 000000000..68ec893ab --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/ThuNewsClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "8a8b2caeda43f39e13c4bc5bea0f8a667896e10d", + "task_name": "ThuNewsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 85.10759092255017, + "main_score": 85.10759092255017 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/Touche2020.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/Touche2020.json new file mode 100644 index 000000000..1c2834cdf --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.976, + "map_at_10": 11.389000000000001, + "map_at_100": 18.429000000000002, + "map_at_1000": 20.113, + "map_at_3": 6.483, + "map_at_5": 8.770999999999999, + "mrr_at_1": 40.816, + "mrr_at_10": 58.118, + "mrr_at_100": 58.489999999999995, + "mrr_at_1000": 58.489999999999995, + "mrr_at_3": 53.061, + "mrr_at_5": 57.041, + "ndcg_at_1": 40.816, + "ndcg_at_10": 30.567, + "ndcg_at_100": 42.44, + "ndcg_at_1000": 53.480000000000004, + "ndcg_at_3": 36.016, + "ndcg_at_5": 34.257, + "precision_at_1": 42.857, + "precision_at_10": 25.714, + "precision_at_100": 8.429, + "precision_at_1000": 1.5939999999999999, + "precision_at_3": 36.735, + "precision_at_5": 33.878, + "recall_at_1": 2.976, + "recall_at_10": 17.854999999999997, + "recall_at_100": 51.833, + "recall_at_1000": 86.223, + "recall_at_3": 7.887, + "recall_at_5": 12.026, + "main_score": 30.567 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/ToxicConversationsClassification.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..d749d0ef6 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 85.1174, + "ap": 30.169441069345748, + "f1": 69.79254701873245, + "main_score": 85.1174 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/TweetSentimentExtractionClassification.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..8b5f5c4e1 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.58347481607245, + "f1": 72.74877295564937, + "main_score": 72.58347481607245 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/TwentyNewsgroupsClustering.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..d864b9a0f --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 53.90586138221305, + "main_score": 53.90586138221305 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/TwitterSemEval2015.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/TwitterSemEval2015.json new file mode 100644 index 000000000..fa7cfdfca --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 87.35769207844072, + "cos_sim_ap": 77.9645072410354, + "cos_sim_f1": 71.32352941176471, + "cos_sim_precision": 66.5903890160183, + "cos_sim_recall": 76.78100263852242, + "dot_accuracy": 87.37557370209214, + "dot_ap": 77.96250046429908, + "dot_f1": 71.28932757557064, + "dot_precision": 66.95249130938586, + "dot_recall": 76.22691292875989, + "euclidean_accuracy": 87.35173153722357, + "euclidean_ap": 77.96520460741593, + "euclidean_f1": 71.32470733210104, + "euclidean_precision": 66.91329479768785, + "euclidean_recall": 76.35883905013192, + "manhattan_accuracy": 87.25636287774931, + "manhattan_ap": 77.77752485611796, + "manhattan_f1": 71.18148599269183, + "manhattan_precision": 66.10859728506787, + "manhattan_recall": 77.0976253298153, + "max_accuracy": 87.37557370209214, + "max_ap": 77.96520460741593, + "max_f1": 71.32470733210104, + "main_score": 77.96520460741593 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/TwitterURLCorpus.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/TwitterURLCorpus.json new file mode 100644 index 000000000..85423c199 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.38176737687739, + "cos_sim_ap": 86.58811861657401, + "cos_sim_f1": 79.09430644097604, + "cos_sim_precision": 75.45085977911366, + "cos_sim_recall": 83.10748383122882, + "dot_accuracy": 89.38370784336554, + "dot_ap": 86.58840606004333, + "dot_f1": 79.10179860068133, + "dot_precision": 75.44546153308643, + "dot_recall": 83.13058207576223, + "euclidean_accuracy": 89.38564830985369, + "euclidean_ap": 86.58820721061164, + "euclidean_f1": 79.09070942235888, + "euclidean_precision": 75.38729937194697, + "euclidean_recall": 83.17677856482906, + "manhattan_accuracy": 89.40699344122326, + "manhattan_ap": 86.60631843011362, + "manhattan_f1": 79.14949970570925, + "manhattan_precision": 75.78191039729502, + "manhattan_recall": 82.83030489682784, + "max_accuracy": 89.40699344122326, + "max_ap": 86.60631843011362, + "max_f1": 79.14949970570925, + "main_score": 86.60631843011362 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/VideoRetrieval.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/VideoRetrieval.json new file mode 100644 index 000000000..10d997c0e --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/VideoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "58c2597a5943a2ba48f4668c3b90d796283c5639", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 65.60000000000001, + "map_at_10": 74.773, + "map_at_100": 75.128, + "map_at_1000": 75.136, + "map_at_3": 73.05, + "map_at_5": 74.13499999999999, + "mrr_at_1": 65.60000000000001, + "mrr_at_10": 74.773, + "mrr_at_100": 75.128, + "mrr_at_1000": 75.136, + "mrr_at_3": 73.05, + "mrr_at_5": 74.13499999999999, + "ndcg_at_1": 65.60000000000001, + "ndcg_at_10": 78.84299999999999, + "ndcg_at_100": 80.40899999999999, + "ndcg_at_1000": 80.57, + "ndcg_at_3": 75.40599999999999, + "ndcg_at_5": 77.351, + "precision_at_1": 65.60000000000001, + "precision_at_10": 9.139999999999999, + "precision_at_100": 0.984, + "precision_at_1000": 0.1, + "precision_at_3": 27.400000000000002, + "precision_at_5": 17.380000000000003, + "recall_at_1": 65.60000000000001, + "recall_at_10": 91.4, + "recall_at_100": 98.4, + "recall_at_1000": 99.6, + "recall_at_3": 82.19999999999999, + "recall_at_5": 86.9, + "main_score": 78.84299999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/Waimai.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/Waimai.json new file mode 100644 index 000000000..420ec0c59 --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/Waimai.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "339287def212450dcaa9df8c22bf93e9980c7023", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 89.47, + "ap": 75.59561751845389, + "f1": 87.95207751382563, + "main_score": 89.47 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/XPQARetrieval.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/XPQARetrieval.json new file mode 100644 index 000000000..e54b7739d --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/XPQARetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "c99d599f0a6ab9b85b065da6f9d94f9cf731679f", + "task_name": "XPQARetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "None" + ], + "map_at_1": 40.338, + "map_at_10": 61.927, + "map_at_100": 63.361999999999995, + "map_at_1000": 63.405, + "map_at_3": 55.479, + "map_at_5": 59.732, + "mrr_at_1": 63.551, + "mrr_at_10": 71.006, + "mrr_at_100": 71.501, + "mrr_at_1000": 71.509, + "mrr_at_3": 69.07, + "mrr_at_5": 70.165, + "ndcg_at_1": 63.551, + "ndcg_at_10": 68.297, + "ndcg_at_100": 73.13199999999999, + "ndcg_at_1000": 73.751, + "ndcg_at_3": 62.999, + "ndcg_at_5": 64.89, + "precision_at_1": 63.551, + "precision_at_10": 15.661, + "precision_at_100": 1.9789999999999999, + "precision_at_1000": 0.207, + "precision_at_3": 38.273, + "precision_at_5": 27.61, + "recall_at_1": 40.338, + "recall_at_10": 77.267, + "recall_at_100": 95.892, + "recall_at_1000": 99.75500000000001, + "recall_at_3": 60.36, + "recall_at_5": 68.825, + "main_score": 68.297 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/model_meta.json b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/model_meta.json new file mode 100644 index 000000000..f370f9a7e --- /dev/null +++ b/results/Alibaba-NLP__gte-Qwen2-7B-instruct/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "Alibaba-NLP/gte-Qwen2-7B-instruct", + "revision": "f47e3b5071bf9902456c6cbf9b48b59994689ac0", + "release_date": "2024-06-15", + "languages": [], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": null, + "embed_dim": null, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/AmazonCounterfactualClassification.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..7bb2b9d7b --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.7910447761194, + "ap": 37.053785713650626, + "f1": 68.51101510998551, + "main_score": 74.7910447761194 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/AmazonPolarityClassification.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..c1a7f0a14 --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.016875, + "ap": 89.17750268426342, + "f1": 92.9970977240524, + "main_score": 93.016875 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/AmazonReviewsClassification.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..5b76996c3 --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 53.312000000000005, + "f1": 52.98175784163017, + "main_score": 53.312000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/ArguAna.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/ArguAna.json new file mode 100644 index 000000000..36ee00641 --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.193, + "map_at_10": 54.848, + "map_at_100": 55.388000000000005, + "map_at_1000": 55.388999999999996, + "map_at_3": 50.427, + "map_at_5": 53.105000000000004, + "mrr_at_1": 39.047, + "mrr_at_10": 55.153, + "mrr_at_100": 55.686, + "mrr_at_1000": 55.688, + "mrr_at_3": 50.676, + "mrr_at_5": 53.417, + "ndcg_at_1": 38.193, + "ndcg_at_10": 63.486, + "ndcg_at_100": 65.58, + "ndcg_at_1000": 65.61, + "ndcg_at_3": 54.494, + "ndcg_at_5": 59.339, + "precision_at_1": 38.193, + "precision_at_10": 9.075, + "precision_at_100": 0.9939999999999999, + "precision_at_1000": 0.1, + "precision_at_3": 22.096, + "precision_at_5": 15.619, + "recall_at_1": 38.193, + "recall_at_10": 90.754, + "recall_at_100": 99.431, + "recall_at_1000": 99.644, + "recall_at_3": 66.28699999999999, + "recall_at_5": 78.094, + "main_score": 63.486 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/ArxivClusteringP2P.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..c539012c4 --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 47.508221208908964, + "main_score": 47.508221208908964 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/ArxivClusteringS2S.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..38c3521d9 --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 42.04668382560096, + "main_score": 42.04668382560096 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/AskUbuntuDupQuestions.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..fa8a4ad42 --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 61.828759903716815, + "mrr": 74.37343358395991, + "main_score": 61.828759903716815 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/BIOSSES.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/BIOSSES.json new file mode 100644 index 000000000..6ea355adb --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.03673698773017, + "cos_sim_spearman": 83.6470866785058, + "euclidean_pearson": 82.64048673096565, + "euclidean_spearman": 83.63142367101115, + "manhattan_pearson": 82.71493099760228, + "manhattan_spearman": 83.60491704294326, + "cosine_pearson": 85.03673698773017, + "cosine_spearman": 83.6470866785058, + "main_score": 83.6470866785058 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/Banking77Classification.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/Banking77Classification.json new file mode 100644 index 000000000..975632e03 --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.73376623376623, + "f1": 86.70294049278262, + "main_score": 86.73376623376623 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/BiorxivClusteringP2P.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..041681d4f --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.31923804167062, + "main_score": 40.31923804167062 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/BiorxivClusteringS2S.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..fdb2ecab2 --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.552547125348454, + "main_score": 37.552547125348454 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/CQADupstackAndroidRetrieval.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..056a52e6e --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "f46a197baaae43b4f621051089b82a364682dfeb", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.567, + "map_at_10": 41.269, + "map_at_100": 42.689, + "map_at_1000": 42.84, + "map_at_3": 37.567, + "map_at_5": 39.706, + "mrr_at_1": 37.053000000000004, + "mrr_at_10": 46.900999999999996, + "mrr_at_100": 47.662, + "mrr_at_1000": 47.713, + "mrr_at_3": 43.801, + "mrr_at_5": 45.689, + "ndcg_at_1": 37.053000000000004, + "ndcg_at_10": 47.73, + "ndcg_at_100": 53.128, + "ndcg_at_1000": 55.300000000000004, + "ndcg_at_3": 42.046, + "ndcg_at_5": 44.782, + "precision_at_1": 37.053000000000004, + "precision_at_10": 9.142, + "precision_at_100": 1.485, + "precision_at_1000": 0.197, + "precision_at_3": 20.076, + "precision_at_5": 14.535, + "recall_at_1": 30.567, + "recall_at_10": 60.602999999999994, + "recall_at_100": 83.22800000000001, + "recall_at_1000": 96.696, + "recall_at_3": 44.336999999999996, + "recall_at_5": 51.949, + "main_score": 47.73 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/CQADupstackEnglishRetrieval.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/CQADupstackEnglishRetrieval.json new file mode 100644 index 000000000..866021691 --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/CQADupstackEnglishRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "ad9991cb51e31e31e430383c75ffb2885547b5f0", + "task_name": "CQADupstackEnglishRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.538000000000004, + "map_at_10": 38.757999999999996, + "map_at_100": 40.129, + "map_at_1000": 40.262, + "map_at_3": 35.866, + "map_at_5": 37.417, + "mrr_at_1": 36.051, + "mrr_at_10": 44.868, + "mrr_at_100": 45.568999999999996, + "mrr_at_1000": 45.615, + "mrr_at_3": 42.558, + "mrr_at_5": 43.883, + "ndcg_at_1": 36.051, + "ndcg_at_10": 44.584, + "ndcg_at_100": 49.356, + "ndcg_at_1000": 51.39, + "ndcg_at_3": 40.389, + "ndcg_at_5": 42.14, + "precision_at_1": 36.051, + "precision_at_10": 8.446, + "precision_at_100": 1.411, + "precision_at_1000": 0.19, + "precision_at_3": 19.639, + "precision_at_5": 13.796, + "recall_at_1": 28.538000000000004, + "recall_at_10": 54.99000000000001, + "recall_at_100": 75.098, + "recall_at_1000": 87.848, + "recall_at_3": 42.236000000000004, + "recall_at_5": 47.377, + "main_score": 44.584 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/CQADupstackGamingRetrieval.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/CQADupstackGamingRetrieval.json new file mode 100644 index 000000000..f099f54e3 --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/CQADupstackGamingRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "4885aa143210c98657558c04aaf3dc47cfb54340", + "task_name": "CQADupstackGamingRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 37.188, + "map_at_10": 50.861000000000004, + "map_at_100": 51.917, + "map_at_1000": 51.964999999999996, + "map_at_3": 47.144000000000005, + "map_at_5": 49.417, + "mrr_at_1": 42.571, + "mrr_at_10": 54.086999999999996, + "mrr_at_100": 54.739000000000004, + "mrr_at_1000": 54.762, + "mrr_at_3": 51.285000000000004, + "mrr_at_5": 53.0, + "ndcg_at_1": 42.571, + "ndcg_at_10": 57.282, + "ndcg_at_100": 61.477000000000004, + "ndcg_at_1000": 62.426, + "ndcg_at_3": 51.0, + "ndcg_at_5": 54.346000000000004, + "precision_at_1": 42.571, + "precision_at_10": 9.467, + "precision_at_100": 1.2550000000000001, + "precision_at_1000": 0.13799999999999998, + "precision_at_3": 23.114, + "precision_at_5": 16.250999999999998, + "recall_at_1": 37.188, + "recall_at_10": 73.068, + "recall_at_100": 91.203, + "recall_at_1000": 97.916, + "recall_at_3": 56.552, + "recall_at_5": 64.567, + "main_score": 57.282 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/CQADupstackGisRetrieval.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/CQADupstackGisRetrieval.json new file mode 100644 index 000000000..8b5f9f8cc --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/CQADupstackGisRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "5003b3064772da1887988e05400cf3806fe491f2", + "task_name": "CQADupstackGisRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.041000000000004, + "map_at_10": 33.86, + "map_at_100": 34.988, + "map_at_1000": 35.064, + "map_at_3": 31.049, + "map_at_5": 32.845, + "mrr_at_1": 26.893, + "mrr_at_10": 35.594, + "mrr_at_100": 36.617, + "mrr_at_1000": 36.671, + "mrr_at_3": 33.051, + "mrr_at_5": 34.61, + "ndcg_at_1": 26.893, + "ndcg_at_10": 38.674, + "ndcg_at_100": 44.178, + "ndcg_at_1000": 46.089999999999996, + "ndcg_at_3": 33.485, + "ndcg_at_5": 36.402, + "precision_at_1": 26.893, + "precision_at_10": 5.989, + "precision_at_100": 0.918, + "precision_at_1000": 0.11100000000000002, + "precision_at_3": 14.2, + "precision_at_5": 10.26, + "recall_at_1": 25.041000000000004, + "recall_at_10": 51.666000000000004, + "recall_at_100": 76.896, + "recall_at_1000": 91.243, + "recall_at_3": 38.035999999999994, + "recall_at_5": 44.999, + "main_score": 38.674 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/CQADupstackMathematicaRetrieval.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/CQADupstackMathematicaRetrieval.json new file mode 100644 index 000000000..f80a2b062 --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/CQADupstackMathematicaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "90fceea13679c63fe563ded68f3b6f06e50061de", + "task_name": "CQADupstackMathematicaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.909999999999998, + "map_at_10": 23.901, + "map_at_100": 25.165, + "map_at_1000": 25.291000000000004, + "map_at_3": 21.356, + "map_at_5": 22.816, + "mrr_at_1": 20.025000000000002, + "mrr_at_10": 28.382, + "mrr_at_100": 29.465000000000003, + "mrr_at_1000": 29.535, + "mrr_at_3": 25.933, + "mrr_at_5": 27.332, + "ndcg_at_1": 20.025000000000002, + "ndcg_at_10": 29.099000000000004, + "ndcg_at_100": 35.127, + "ndcg_at_1000": 38.096000000000004, + "ndcg_at_3": 24.464, + "ndcg_at_5": 26.709, + "precision_at_1": 20.025000000000002, + "precision_at_10": 5.398, + "precision_at_100": 0.9690000000000001, + "precision_at_1000": 0.13699999999999998, + "precision_at_3": 11.774, + "precision_at_5": 8.632, + "recall_at_1": 15.909999999999998, + "recall_at_10": 40.672000000000004, + "recall_at_100": 66.855, + "recall_at_1000": 87.922, + "recall_at_3": 28.069, + "recall_at_5": 33.812, + "main_score": 29.099000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/CQADupstackPhysicsRetrieval.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/CQADupstackPhysicsRetrieval.json new file mode 100644 index 000000000..e1e268128 --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/CQADupstackPhysicsRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "79531abbd1fb92d06c6d6315a0cbbbf5bb247ea4", + "task_name": "CQADupstackPhysicsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.175, + "map_at_10": 41.36, + "map_at_100": 42.701, + "map_at_1000": 42.817, + "map_at_3": 37.931, + "map_at_5": 39.943, + "mrr_at_1": 35.611, + "mrr_at_10": 46.346, + "mrr_at_100": 47.160000000000004, + "mrr_at_1000": 47.203, + "mrr_at_3": 43.712, + "mrr_at_5": 45.367000000000004, + "ndcg_at_1": 35.611, + "ndcg_at_10": 47.532000000000004, + "ndcg_at_100": 53.003, + "ndcg_at_1000": 55.007, + "ndcg_at_3": 42.043, + "ndcg_at_5": 44.86, + "precision_at_1": 35.611, + "precision_at_10": 8.624, + "precision_at_100": 1.332, + "precision_at_1000": 0.169, + "precision_at_3": 20.083000000000002, + "precision_at_5": 14.437, + "recall_at_1": 30.175, + "recall_at_10": 60.5, + "recall_at_100": 83.399, + "recall_at_1000": 96.255, + "recall_at_3": 45.448, + "recall_at_5": 52.432, + "main_score": 47.532000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/CQADupstackProgrammersRetrieval.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/CQADupstackProgrammersRetrieval.json new file mode 100644 index 000000000..f0281f298 --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/CQADupstackProgrammersRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "6184bc1440d2dbc7612be22b50686b8826d22b32", + "task_name": "CQADupstackProgrammersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.467000000000002, + "map_at_10": 33.812999999999995, + "map_at_100": 35.248000000000005, + "map_at_1000": 35.359, + "map_at_3": 30.316, + "map_at_5": 32.233000000000004, + "mrr_at_1": 28.310999999999996, + "mrr_at_10": 38.979, + "mrr_at_100": 39.937, + "mrr_at_1000": 39.989999999999995, + "mrr_at_3": 36.244, + "mrr_at_5": 37.871, + "ndcg_at_1": 28.310999999999996, + "ndcg_at_10": 40.282000000000004, + "ndcg_at_100": 46.22, + "ndcg_at_1000": 48.507, + "ndcg_at_3": 34.596, + "ndcg_at_5": 37.267, + "precision_at_1": 28.310999999999996, + "precision_at_10": 7.831, + "precision_at_100": 1.257, + "precision_at_1000": 0.164, + "precision_at_3": 17.275, + "precision_at_5": 12.556999999999999, + "recall_at_1": 22.467000000000002, + "recall_at_10": 54.14099999999999, + "recall_at_100": 79.593, + "recall_at_1000": 95.063, + "recall_at_3": 38.539, + "recall_at_5": 45.403, + "main_score": 40.282000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/CQADupstackStatsRetrieval.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/CQADupstackStatsRetrieval.json new file mode 100644 index 000000000..45ad0a5d5 --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/CQADupstackStatsRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "65ac3a16b8e91f9cee4c9828cc7c335575432a2a", + "task_name": "CQADupstackStatsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.975, + "map_at_10": 29.781000000000002, + "map_at_100": 30.847, + "map_at_1000": 30.94, + "map_at_3": 27.167, + "map_at_5": 28.633999999999997, + "mrr_at_1": 24.387, + "mrr_at_10": 32.476, + "mrr_at_100": 33.337, + "mrr_at_1000": 33.403, + "mrr_at_3": 29.881999999999998, + "mrr_at_5": 31.339, + "ndcg_at_1": 24.387, + "ndcg_at_10": 34.596, + "ndcg_at_100": 39.635, + "ndcg_at_1000": 42.079, + "ndcg_at_3": 29.516, + "ndcg_at_5": 31.959, + "precision_at_1": 24.387, + "precision_at_10": 5.6129999999999995, + "precision_at_100": 0.8909999999999999, + "precision_at_1000": 0.117, + "precision_at_3": 12.73, + "precision_at_5": 9.171999999999999, + "recall_at_1": 21.975, + "recall_at_10": 46.826, + "recall_at_100": 69.554, + "recall_at_1000": 87.749, + "recall_at_3": 33.016, + "recall_at_5": 38.97, + "main_score": 34.596 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/CQADupstackTexRetrieval.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/CQADupstackTexRetrieval.json new file mode 100644 index 000000000..4bbdcbd07 --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/CQADupstackTexRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "46989137a86843e03a6195de44b09deda022eec7", + "task_name": "CQADupstackTexRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.614, + "map_at_10": 22.927, + "map_at_100": 24.185000000000002, + "map_at_1000": 24.319, + "map_at_3": 20.596, + "map_at_5": 21.854000000000003, + "mrr_at_1": 18.858, + "mrr_at_10": 26.535999999999998, + "mrr_at_100": 27.582, + "mrr_at_1000": 27.665, + "mrr_at_3": 24.295, + "mrr_at_5": 25.532, + "ndcg_at_1": 18.858, + "ndcg_at_10": 27.583000000000002, + "ndcg_at_100": 33.635, + "ndcg_at_1000": 36.647, + "ndcg_at_3": 23.348, + "ndcg_at_5": 25.257, + "precision_at_1": 18.858, + "precision_at_10": 5.158, + "precision_at_100": 0.964, + "precision_at_1000": 0.13999999999999999, + "precision_at_3": 11.092, + "precision_at_5": 8.1, + "recall_at_1": 15.614, + "recall_at_10": 37.916, + "recall_at_100": 65.205, + "recall_at_1000": 86.453, + "recall_at_3": 26.137, + "recall_at_5": 31.087999999999997, + "main_score": 27.583000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/CQADupstackUnixRetrieval.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/CQADupstackUnixRetrieval.json new file mode 100644 index 000000000..cf91ccac3 --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/CQADupstackUnixRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "6c6430d3a6d36f8d2a829195bc5dc94d7e063e53", + "task_name": "CQADupstackUnixRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.078000000000003, + "map_at_10": 31.941999999999997, + "map_at_100": 33.196999999999996, + "map_at_1000": 33.303, + "map_at_3": 28.927000000000003, + "map_at_5": 30.707, + "mrr_at_1": 26.866, + "mrr_at_10": 35.557, + "mrr_at_100": 36.569, + "mrr_at_1000": 36.632, + "mrr_at_3": 32.897999999999996, + "mrr_at_5": 34.437, + "ndcg_at_1": 26.866, + "ndcg_at_10": 37.372, + "ndcg_at_100": 43.248, + "ndcg_at_1000": 45.632, + "ndcg_at_3": 31.852999999999998, + "ndcg_at_5": 34.582, + "precision_at_1": 26.866, + "precision_at_10": 6.511, + "precision_at_100": 1.078, + "precision_at_1000": 0.13899999999999998, + "precision_at_3": 14.582999999999998, + "precision_at_5": 10.634, + "recall_at_1": 23.078000000000003, + "recall_at_10": 50.334, + "recall_at_100": 75.787, + "recall_at_1000": 92.485, + "recall_at_3": 35.386, + "recall_at_5": 42.225, + "main_score": 37.372 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/CQADupstackWebmastersRetrieval.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/CQADupstackWebmastersRetrieval.json new file mode 100644 index 000000000..e98352255 --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/CQADupstackWebmastersRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "160c094312a0e1facb97e55eeddb698c0abe3571", + "task_name": "CQADupstackWebmastersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.203999999999997, + "map_at_10": 31.276, + "map_at_100": 32.844, + "map_at_1000": 33.062999999999995, + "map_at_3": 27.733999999999998, + "map_at_5": 29.64, + "mrr_at_1": 27.272999999999996, + "mrr_at_10": 36.083, + "mrr_at_100": 37.008, + "mrr_at_1000": 37.076, + "mrr_at_3": 33.004, + "mrr_at_5": 34.664, + "ndcg_at_1": 27.272999999999996, + "ndcg_at_10": 37.763000000000005, + "ndcg_at_100": 43.566, + "ndcg_at_1000": 46.356, + "ndcg_at_3": 31.673000000000002, + "ndcg_at_5": 34.501, + "precision_at_1": 27.272999999999996, + "precision_at_10": 7.470000000000001, + "precision_at_100": 1.502, + "precision_at_1000": 0.24, + "precision_at_3": 14.756, + "precision_at_5": 11.225, + "recall_at_1": 22.203999999999997, + "recall_at_10": 51.437999999999995, + "recall_at_100": 76.845, + "recall_at_1000": 94.38600000000001, + "recall_at_3": 34.258, + "recall_at_5": 41.512, + "main_score": 37.763000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/CQADupstackWordpressRetrieval.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/CQADupstackWordpressRetrieval.json new file mode 100644 index 000000000..86b2026fa --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/CQADupstackWordpressRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "4ffe81d471b1924886b33c7567bfb200e9eec5c4", + "task_name": "CQADupstackWordpressRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.474, + "map_at_10": 26.362999999999996, + "map_at_100": 27.456999999999997, + "map_at_1000": 27.567999999999998, + "map_at_3": 23.518, + "map_at_5": 25.068, + "mrr_at_1": 18.669, + "mrr_at_10": 27.998, + "mrr_at_100": 28.953, + "mrr_at_1000": 29.03, + "mrr_at_3": 25.230999999999998, + "mrr_at_5": 26.654, + "ndcg_at_1": 18.669, + "ndcg_at_10": 31.684, + "ndcg_at_100": 36.864999999999995, + "ndcg_at_1000": 39.555, + "ndcg_at_3": 26.057000000000002, + "ndcg_at_5": 28.587, + "precision_at_1": 18.669, + "precision_at_10": 5.3420000000000005, + "precision_at_100": 0.847, + "precision_at_1000": 0.12, + "precision_at_3": 11.583, + "precision_at_5": 8.466, + "recall_at_1": 17.474, + "recall_at_10": 46.497, + "recall_at_100": 69.977, + "recall_at_1000": 89.872, + "recall_at_3": 31.385999999999996, + "recall_at_5": 37.283, + "main_score": 31.684 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/ClimateFEVER.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/ClimateFEVER.json new file mode 100644 index 000000000..d2c3f1b1b --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.173, + "map_at_10": 30.407, + "map_at_100": 32.528, + "map_at_1000": 32.698, + "map_at_3": 25.523, + "map_at_5": 28.038, + "mrr_at_1": 38.958, + "mrr_at_10": 51.515, + "mrr_at_100": 52.214000000000006, + "mrr_at_1000": 52.237, + "mrr_at_3": 48.502, + "mrr_at_5": 50.251000000000005, + "ndcg_at_1": 38.958, + "ndcg_at_10": 40.355000000000004, + "ndcg_at_100": 47.68, + "ndcg_at_1000": 50.370000000000005, + "ndcg_at_3": 33.946, + "ndcg_at_5": 36.057, + "precision_at_1": 38.958, + "precision_at_10": 12.508, + "precision_at_100": 2.054, + "precision_at_1000": 0.256, + "precision_at_3": 25.581, + "precision_at_5": 19.256999999999998, + "recall_at_1": 17.173, + "recall_at_10": 46.967, + "recall_at_100": 71.47200000000001, + "recall_at_1000": 86.238, + "recall_at_3": 30.961, + "recall_at_5": 37.539, + "main_score": 40.355000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/DBPedia.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/DBPedia.json new file mode 100644 index 000000000..45c027302 --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.999, + "map_at_10": 18.989, + "map_at_100": 26.133, + "map_at_1000": 27.666, + "map_at_3": 13.918, + "map_at_5": 16.473, + "mrr_at_1": 66.25, + "mrr_at_10": 74.161, + "mrr_at_100": 74.516, + "mrr_at_1000": 74.524, + "mrr_at_3": 72.875, + "mrr_at_5": 73.613, + "ndcg_at_1": 54.37499999999999, + "ndcg_at_10": 39.902, + "ndcg_at_100": 44.212, + "ndcg_at_1000": 51.62, + "ndcg_at_3": 45.193, + "ndcg_at_5": 42.541000000000004, + "precision_at_1": 66.25, + "precision_at_10": 30.425, + "precision_at_100": 9.754999999999999, + "precision_at_1000": 2.043, + "precision_at_3": 48.25, + "precision_at_5": 40.65, + "recall_at_1": 8.999, + "recall_at_10": 24.133, + "recall_at_100": 49.138999999999996, + "recall_at_1000": 72.639, + "recall_at_3": 15.287999999999998, + "recall_at_5": 19.415, + "main_score": 39.902 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/EmotionClassification.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/EmotionClassification.json new file mode 100644 index 000000000..59f0bf2b0 --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 46.38999999999999, + "f1": 41.444205512055234, + "main_score": 46.38999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/FEVER.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/FEVER.json new file mode 100644 index 000000000..56cb7401c --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 87.35000000000001, + "map_at_10": 92.837, + "map_at_100": 92.996, + "map_at_1000": 93.006, + "map_at_3": 92.187, + "map_at_5": 92.595, + "mrr_at_1": 93.864, + "mrr_at_10": 96.723, + "mrr_at_100": 96.72500000000001, + "mrr_at_1000": 96.72500000000001, + "mrr_at_3": 96.64, + "mrr_at_5": 96.71499999999999, + "ndcg_at_1": 93.864, + "ndcg_at_10": 94.813, + "ndcg_at_100": 95.243, + "ndcg_at_1000": 95.38600000000001, + "ndcg_at_3": 94.196, + "ndcg_at_5": 94.521, + "precision_at_1": 93.864, + "precision_at_10": 10.951, + "precision_at_100": 1.1400000000000001, + "precision_at_1000": 0.117, + "precision_at_3": 35.114000000000004, + "precision_at_5": 21.476, + "recall_at_1": 87.35000000000001, + "recall_at_10": 96.941, + "recall_at_100": 98.397, + "recall_at_1000": 99.21600000000001, + "recall_at_3": 95.149, + "recall_at_5": 96.131, + "main_score": 94.813 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/FiQA2018.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/FiQA2018.json new file mode 100644 index 000000000..126361cbf --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.476, + "map_at_10": 40.11, + "map_at_100": 42.229, + "map_at_1000": 42.378, + "map_at_3": 34.512, + "map_at_5": 38.037, + "mrr_at_1": 47.839999999999996, + "mrr_at_10": 57.053, + "mrr_at_100": 57.772, + "mrr_at_1000": 57.799, + "mrr_at_3": 54.552, + "mrr_at_5": 56.011, + "ndcg_at_1": 47.839999999999996, + "ndcg_at_10": 48.650999999999996, + "ndcg_at_100": 55.681000000000004, + "ndcg_at_1000": 57.979, + "ndcg_at_3": 43.923, + "ndcg_at_5": 46.037, + "precision_at_1": 47.839999999999996, + "precision_at_10": 13.395000000000001, + "precision_at_100": 2.0660000000000003, + "precision_at_1000": 0.248, + "precision_at_3": 29.064, + "precision_at_5": 22.006, + "recall_at_1": 24.476, + "recall_at_10": 56.216, + "recall_at_100": 81.798, + "recall_at_1000": 95.48299999999999, + "recall_at_3": 39.357, + "recall_at_5": 47.802, + "main_score": 48.650999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/HotpotQA.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/HotpotQA.json new file mode 100644 index 000000000..13230a4c0 --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 42.728, + "map_at_10": 57.737, + "map_at_100": 58.531, + "map_at_1000": 58.594, + "map_at_3": 54.869, + "map_at_5": 56.55, + "mrr_at_1": 85.456, + "mrr_at_10": 90.062, + "mrr_at_100": 90.159, + "mrr_at_1000": 90.16, + "mrr_at_3": 89.37899999999999, + "mrr_at_5": 89.81, + "ndcg_at_1": 85.456, + "ndcg_at_10": 67.755, + "ndcg_at_100": 70.341, + "ndcg_at_1000": 71.538, + "ndcg_at_3": 63.735, + "ndcg_at_5": 65.823, + "precision_at_1": 85.456, + "precision_at_10": 13.450000000000001, + "precision_at_100": 1.545, + "precision_at_1000": 0.16999999999999998, + "precision_at_3": 38.861000000000004, + "precision_at_5": 24.964, + "recall_at_1": 42.728, + "recall_at_10": 67.252, + "recall_at_100": 77.265, + "recall_at_1000": 85.246, + "recall_at_3": 58.292, + "recall_at_5": 62.41100000000001, + "main_score": 67.755 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/ImdbClassification.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/ImdbClassification.json new file mode 100644 index 000000000..94a0bdcc5 --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 87.4836, + "ap": 82.29552224030336, + "f1": 87.42791432227448, + "main_score": 87.4836 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/MSMARCO.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/MSMARCO.json new file mode 100644 index 000000000..37e85740a --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.015, + "map_at_10": 35.621, + "map_at_100": 36.809, + "map_at_1000": 36.853, + "map_at_3": 31.832, + "map_at_5": 34.006, + "mrr_at_1": 23.738999999999997, + "mrr_at_10": 36.309999999999995, + "mrr_at_100": 37.422, + "mrr_at_1000": 37.461, + "mrr_at_3": 32.592999999999996, + "mrr_at_5": 34.736, + "ndcg_at_1": 23.724999999999998, + "ndcg_at_10": 42.617, + "ndcg_at_100": 48.217999999999996, + "ndcg_at_1000": 49.309, + "ndcg_at_3": 34.905, + "ndcg_at_5": 38.769, + "precision_at_1": 23.724999999999998, + "precision_at_10": 6.689, + "precision_at_100": 0.9480000000000001, + "precision_at_1000": 0.104, + "precision_at_3": 14.89, + "precision_at_5": 10.897, + "recall_at_1": 23.015, + "recall_at_10": 64.041, + "recall_at_100": 89.724, + "recall_at_1000": 98.00999999999999, + "recall_at_3": 43.064, + "recall_at_5": 52.31099999999999, + "main_score": 42.617 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/MTOPDomainClassification.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/MTOPDomainClassification.json new file mode 100644 index 000000000..5f9f478e9 --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 96.49794801641588, + "f1": 96.28931114498003, + "main_score": 96.49794801641588 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/MTOPIntentClassification.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/MTOPIntentClassification.json new file mode 100644 index 000000000..5bf161376 --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 82.81121751025992, + "f1": 63.18740125901853, + "main_score": 82.81121751025992 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/MassiveIntentClassification.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/MassiveIntentClassification.json new file mode 100644 index 000000000..c334b2d37 --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.66644250168123, + "f1": 74.93211186867839, + "main_score": 77.66644250168123 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/MassiveScenarioClassification.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..c4bde0b66 --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 81.77202420981843, + "f1": 81.63681969283554, + "main_score": 81.77202420981843 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/MedrxivClusteringP2P.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..0d181905e --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.596687684870645, + "main_score": 34.596687684870645 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/MedrxivClusteringS2S.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..faf7ba098 --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.26965660101405, + "main_score": 32.26965660101405 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/MindSmallReranking.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/MindSmallReranking.json new file mode 100644 index 000000000..ab6018c4b --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.33619694846802, + "mrr": 32.53719657720334, + "main_score": 31.33619694846802 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/NFCorpus.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/NFCorpus.json new file mode 100644 index 000000000..010080324 --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.0729999999999995, + "map_at_10": 13.245999999999999, + "map_at_100": 16.747999999999998, + "map_at_1000": 18.163, + "map_at_3": 10.064, + "map_at_5": 11.513, + "mrr_at_1": 49.536, + "mrr_at_10": 58.092, + "mrr_at_100": 58.752, + "mrr_at_1000": 58.78, + "mrr_at_3": 56.398, + "mrr_at_5": 57.389, + "ndcg_at_1": 47.059, + "ndcg_at_10": 35.881, + "ndcg_at_100": 32.751999999999995, + "ndcg_at_1000": 41.498000000000005, + "ndcg_at_3": 42.518, + "ndcg_at_5": 39.550999999999995, + "precision_at_1": 49.536, + "precision_at_10": 26.316, + "precision_at_100": 8.084, + "precision_at_1000": 2.081, + "precision_at_3": 39.938, + "precision_at_5": 34.056, + "recall_at_1": 6.0729999999999995, + "recall_at_10": 16.593, + "recall_at_100": 32.883, + "recall_at_1000": 64.654, + "recall_at_3": 11.174000000000001, + "recall_at_5": 13.528, + "main_score": 35.881 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/NQ.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/NQ.json new file mode 100644 index 000000000..680907912 --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.043, + "map_at_10": 45.318999999999996, + "map_at_100": 46.381, + "map_at_1000": 46.412, + "map_at_3": 40.941, + "map_at_5": 43.662, + "mrr_at_1": 33.98, + "mrr_at_10": 47.870000000000005, + "mrr_at_100": 48.681999999999995, + "mrr_at_1000": 48.703, + "mrr_at_3": 44.341, + "mrr_at_5": 46.547, + "ndcg_at_1": 33.98, + "ndcg_at_10": 52.957, + "ndcg_at_100": 57.434, + "ndcg_at_1000": 58.103, + "ndcg_at_3": 44.896, + "ndcg_at_5": 49.353, + "precision_at_1": 33.98, + "precision_at_10": 8.786, + "precision_at_100": 1.1280000000000001, + "precision_at_1000": 0.11900000000000001, + "precision_at_3": 20.577, + "precision_at_5": 14.942, + "recall_at_1": 30.043, + "recall_at_10": 73.593, + "recall_at_100": 93.026, + "recall_at_1000": 97.943, + "recall_at_3": 52.955, + "recall_at_5": 63.132, + "main_score": 52.957 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/QuoraRetrieval.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/QuoraRetrieval.json new file mode 100644 index 000000000..c5a536cce --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 70.808, + "map_at_10": 84.675, + "map_at_100": 85.322, + "map_at_1000": 85.33800000000001, + "map_at_3": 81.68900000000001, + "map_at_5": 83.543, + "mrr_at_1": 81.5, + "mrr_at_10": 87.59700000000001, + "mrr_at_100": 87.705, + "mrr_at_1000": 87.70599999999999, + "mrr_at_3": 86.607, + "mrr_at_5": 87.289, + "ndcg_at_1": 81.51, + "ndcg_at_10": 88.41799999999999, + "ndcg_at_100": 89.644, + "ndcg_at_1000": 89.725, + "ndcg_at_3": 85.49900000000001, + "ndcg_at_5": 87.078, + "precision_at_1": 81.51, + "precision_at_10": 13.438, + "precision_at_100": 1.532, + "precision_at_1000": 0.157, + "precision_at_3": 37.363, + "precision_at_5": 24.57, + "recall_at_1": 70.808, + "recall_at_10": 95.575, + "recall_at_100": 99.667, + "recall_at_1000": 99.98899999999999, + "recall_at_3": 87.223, + "recall_at_5": 91.682, + "main_score": 88.41799999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/RedditClustering.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/RedditClustering.json new file mode 100644 index 000000000..f59ab6695 --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 58.614831329137715, + "main_score": 58.614831329137715 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/RedditClusteringP2P.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/RedditClusteringP2P.json new file mode 100644 index 000000000..1dc447a55 --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 66.86580408560826, + "main_score": 66.86580408560826 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/SCIDOCS.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/SCIDOCS.json new file mode 100644 index 000000000..04846f015 --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.093, + "map_at_10": 13.014000000000001, + "map_at_100": 15.412999999999998, + "map_at_1000": 15.756999999999998, + "map_at_3": 9.216000000000001, + "map_at_5": 11.036999999999999, + "mrr_at_1": 25.1, + "mrr_at_10": 37.133, + "mrr_at_100": 38.165, + "mrr_at_1000": 38.198, + "mrr_at_3": 33.217, + "mrr_at_5": 35.732, + "ndcg_at_1": 25.1, + "ndcg_at_10": 21.918000000000003, + "ndcg_at_100": 30.983, + "ndcg_at_1000": 36.629, + "ndcg_at_3": 20.544999999999998, + "ndcg_at_5": 18.192, + "precision_at_1": 25.1, + "precision_at_10": 11.44, + "precision_at_100": 2.459, + "precision_at_1000": 0.381, + "precision_at_3": 19.267, + "precision_at_5": 16.16, + "recall_at_1": 5.093, + "recall_at_10": 23.215, + "recall_at_100": 49.902, + "recall_at_1000": 77.403, + "recall_at_3": 11.733, + "recall_at_5": 16.372999999999998, + "main_score": 21.918000000000003 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/SICK-R.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/SICK-R.json new file mode 100644 index 000000000..d410ba520 --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.9365442977452, + "cos_sim_spearman": 79.36960687383745, + "euclidean_pearson": 79.6045204840714, + "euclidean_spearman": 79.26382712751337, + "manhattan_pearson": 79.4805084789529, + "manhattan_spearman": 79.21847863209523, + "cosine_pearson": 82.9365442977452, + "cosine_spearman": 79.36960687383745, + "main_score": 79.36960687383745 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/STS12.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/STS12.json new file mode 100644 index 000000000..2a90b4e09 --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.27906192961453, + "cos_sim_spearman": 74.38364712099211, + "euclidean_pearson": 78.54358927241223, + "euclidean_spearman": 74.22185560806376, + "manhattan_pearson": 78.50904327377751, + "manhattan_spearman": 74.2627500781748, + "cosine_pearson": 83.27906192961453, + "cosine_spearman": 74.38364712099211, + "main_score": 74.38364712099211 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/STS13.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/STS13.json new file mode 100644 index 000000000..2a8b51039 --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.66863742649639, + "cos_sim_spearman": 84.70630905216271, + "euclidean_pearson": 84.64498334705334, + "euclidean_spearman": 84.87204770690148, + "manhattan_pearson": 84.65774227976077, + "manhattan_spearman": 84.91251851797985, + "cosine_pearson": 84.66863742649639, + "cosine_spearman": 84.70630905216271, + "main_score": 84.70630905216271 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/STS14.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/STS14.json new file mode 100644 index 000000000..3b01842ac --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.1577763924467, + "cos_sim_spearman": 80.10314039230198, + "euclidean_pearson": 81.51346991046043, + "euclidean_spearman": 80.08678485109435, + "manhattan_pearson": 81.57058914661894, + "manhattan_spearman": 80.1516230725106, + "cosine_pearson": 83.1577763924467, + "cosine_spearman": 80.10314039230198, + "main_score": 80.10314039230198 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/STS15.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/STS15.json new file mode 100644 index 000000000..1a88f020a --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.40310839662533, + "cos_sim_spearman": 87.16293477217867, + "euclidean_pearson": 86.50688711184775, + "euclidean_spearman": 87.08651444923031, + "manhattan_pearson": 86.54674677557857, + "manhattan_spearman": 87.15079017870971, + "cosine_pearson": 86.40310839662533, + "cosine_spearman": 87.16293477217867, + "main_score": 87.16293477217867 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/STS16.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/STS16.json new file mode 100644 index 000000000..4aeef30d6 --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.32886275207817, + "cos_sim_spearman": 85.0190460590732, + "euclidean_pearson": 84.42553652784679, + "euclidean_spearman": 85.20027364279328, + "manhattan_pearson": 84.42926246281078, + "manhattan_spearman": 85.20187419804306, + "cosine_pearson": 84.32886275207817, + "cosine_spearman": 85.0190460590732, + "main_score": 85.0190460590732 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/STS17.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/STS17.json new file mode 100644 index 000000000..8edae7dad --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 90.76732216967812, + "cos_sim_spearman": 90.63701653633909, + "euclidean_pearson": 90.26678186114682, + "euclidean_spearman": 90.67288073455427, + "manhattan_pearson": 90.20772020584582, + "manhattan_spearman": 90.60764863983702, + "cosine_pearson": 90.76732216967812, + "cosine_spearman": 90.63701653633909, + "main_score": 90.63701653633909 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/STS22.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/STS22.json new file mode 100644 index 000000000..6ef5ff9f3 --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "eea2b4fe26a775864c896887d910b76a8098ad3f", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 69.09280387698125, + "cos_sim_spearman": 68.62743151172162, + "euclidean_pearson": 69.89386398104689, + "euclidean_spearman": 68.71191066733556, + "manhattan_pearson": 69.92516500604872, + "manhattan_spearman": 68.80452846992576, + "cosine_pearson": 69.09280387698125, + "cosine_spearman": 68.62743151172162, + "main_score": 68.62743151172162 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/STSBenchmark.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/STSBenchmark.json new file mode 100644 index 000000000..1a2d392fa --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.13178592019887, + "cos_sim_spearman": 86.03947178806887, + "euclidean_pearson": 85.87029414285313, + "euclidean_spearman": 86.04960843306998, + "manhattan_pearson": 85.92946858580146, + "manhattan_spearman": 86.12575341860442, + "cosine_pearson": 86.13178592019887, + "cosine_spearman": 86.03947178806887, + "main_score": 86.03947178806887 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/SciDocsRR.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/SciDocsRR.json new file mode 100644 index 000000000..dcae0430d --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 85.16657063002837, + "mrr": 95.73671063867141, + "main_score": 85.16657063002837 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/SciFact.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/SciFact.json new file mode 100644 index 000000000..dc4fef475 --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 63.510999999999996, + "map_at_10": 72.76899999999999, + "map_at_100": 73.303, + "map_at_1000": 73.32499999999999, + "map_at_3": 70.514, + "map_at_5": 71.929, + "mrr_at_1": 66.333, + "mrr_at_10": 73.75, + "mrr_at_100": 74.119, + "mrr_at_1000": 74.138, + "mrr_at_3": 72.222, + "mrr_at_5": 73.122, + "ndcg_at_1": 66.333, + "ndcg_at_10": 76.774, + "ndcg_at_100": 78.78500000000001, + "ndcg_at_1000": 79.254, + "ndcg_at_3": 73.088, + "ndcg_at_5": 75.002, + "precision_at_1": 66.333, + "precision_at_10": 9.833, + "precision_at_100": 1.093, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 28.222, + "precision_at_5": 18.333, + "recall_at_1": 63.510999999999996, + "recall_at_10": 87.98899999999999, + "recall_at_100": 96.5, + "recall_at_1000": 100.0, + "recall_at_3": 77.86699999999999, + "recall_at_5": 82.73899999999999, + "main_score": 76.774 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/SprintDuplicateQuestions.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..7ed89815f --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.78514851485149, + "cos_sim_ap": 94.94214383862038, + "cos_sim_f1": 89.02255639097744, + "cos_sim_precision": 89.2462311557789, + "cos_sim_recall": 88.8, + "dot_accuracy": 99.78217821782178, + "dot_ap": 94.69965247836805, + "dot_f1": 88.78695208970439, + "dot_precision": 90.54054054054053, + "dot_recall": 87.1, + "euclidean_accuracy": 99.78118811881188, + "euclidean_ap": 94.9865187695411, + "euclidean_f1": 88.99950223992036, + "euclidean_precision": 88.60257680872151, + "euclidean_recall": 89.4, + "manhattan_accuracy": 99.78811881188119, + "manhattan_ap": 95.0021236766459, + "manhattan_f1": 89.12071535022356, + "manhattan_precision": 88.54886475814413, + "manhattan_recall": 89.7, + "max_accuracy": 99.78811881188119, + "max_ap": 95.0021236766459, + "max_f1": 89.12071535022356, + "main_score": 95.0021236766459 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/StackExchangeClustering.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/StackExchangeClustering.json new file mode 100644 index 000000000..2cd7343b1 --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 68.93190546593995, + "main_score": 68.93190546593995 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/StackExchangeClusteringP2P.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..f66891410 --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.602808534760655, + "main_score": 37.602808534760655 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/StackOverflowDupQuestions.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..c1fcf1cfd --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 52.29214480978073, + "mrr": 53.123169722434426, + "main_score": 52.29214480978073 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/SummEval.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/SummEval.json new file mode 100644 index 000000000..ecb7cdde7 --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.967800769650022, + "cos_sim_spearman": 31.168490040206926, + "dot_pearson": 30.888603021128553, + "dot_spearman": 31.028241262520385, + "cosine_pearson": 30.967800769650022, + "cosine_spearman": 31.168490040206926, + "main_score": 31.168490040206926 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/TRECCOVID.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/TRECCOVID.json new file mode 100644 index 000000000..78ffcf668 --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.22300000000000003, + "map_at_10": 1.781, + "map_at_100": 9.905999999999999, + "map_at_1000": 23.455000000000002, + "map_at_3": 0.569, + "map_at_5": 0.918, + "mrr_at_1": 84.0, + "mrr_at_10": 91.067, + "mrr_at_100": 91.067, + "mrr_at_1000": 91.067, + "mrr_at_3": 90.667, + "mrr_at_5": 91.067, + "ndcg_at_1": 78.0, + "ndcg_at_10": 73.13499999999999, + "ndcg_at_100": 55.32, + "ndcg_at_1000": 49.532, + "ndcg_at_3": 73.715, + "ndcg_at_5": 72.74199999999999, + "precision_at_1": 84.0, + "precision_at_10": 78.8, + "precision_at_100": 56.32, + "precision_at_1000": 21.504, + "precision_at_3": 77.333, + "precision_at_5": 78.0, + "recall_at_1": 0.22300000000000003, + "recall_at_10": 2.049, + "recall_at_100": 13.553, + "recall_at_1000": 46.367999999999995, + "recall_at_3": 0.604, + "recall_at_5": 1.015, + "main_score": 73.13499999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/Touche2020.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/Touche2020.json new file mode 100644 index 000000000..79ee975fb --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.0380000000000003, + "map_at_10": 10.188, + "map_at_100": 16.395, + "map_at_1000": 18.024, + "map_at_3": 6.236, + "map_at_5": 7.276000000000001, + "mrr_at_1": 34.694, + "mrr_at_10": 46.292, + "mrr_at_100": 47.446, + "mrr_at_1000": 47.446, + "mrr_at_3": 41.156, + "mrr_at_5": 44.32, + "ndcg_at_1": 32.653, + "ndcg_at_10": 25.219, + "ndcg_at_100": 37.802, + "ndcg_at_1000": 49.274, + "ndcg_at_3": 28.605999999999998, + "ndcg_at_5": 26.21, + "precision_at_1": 34.694, + "precision_at_10": 21.837, + "precision_at_100": 7.776, + "precision_at_1000": 1.522, + "precision_at_3": 28.571, + "precision_at_5": 25.306, + "recall_at_1": 3.0380000000000003, + "recall_at_10": 16.298000000000002, + "recall_at_100": 48.712, + "recall_at_1000": 83.16799999999999, + "recall_at_3": 7.265000000000001, + "recall_at_5": 9.551, + "main_score": 25.219 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/ToxicConversationsClassification.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..1b0cf4fca --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 83.978, + "ap": 24.751887949330015, + "f1": 66.8685134049279, + "main_score": 83.978 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/TweetSentimentExtractionClassification.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..c6482e7d7 --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.573288058856825, + "f1": 61.973261751726604, + "main_score": 61.573288058856825 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/TwentyNewsgroupsClustering.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..55dc8d17e --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.75483298792469, + "main_score": 48.75483298792469 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/TwitterSemEval2015.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/TwitterSemEval2015.json new file mode 100644 index 000000000..38250f42e --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 86.36824223639506, + "cos_sim_ap": 75.53126388573047, + "cos_sim_f1": 67.9912831688245, + "cos_sim_precision": 66.11817501869858, + "cos_sim_recall": 69.9736147757256, + "dot_accuracy": 86.39804494248078, + "dot_ap": 75.27598891718046, + "dot_f1": 67.91146284159763, + "dot_precision": 63.90505003490807, + "dot_recall": 72.45382585751979, + "euclidean_accuracy": 86.36228169517793, + "euclidean_ap": 75.51438087434647, + "euclidean_f1": 68.02370523061066, + "euclidean_precision": 66.46525679758308, + "euclidean_recall": 69.65699208443272, + "manhattan_accuracy": 86.46361089586935, + "manhattan_ap": 75.50800785730111, + "manhattan_f1": 67.9220437187253, + "manhattan_precision": 67.79705573080967, + "manhattan_recall": 68.04749340369392, + "max_accuracy": 86.46361089586935, + "max_ap": 75.53126388573047, + "max_f1": 68.02370523061066, + "main_score": 75.53126388573047 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/TwitterURLCorpus.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/TwitterURLCorpus.json new file mode 100644 index 000000000..df2a9c585 --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.80350836341057, + "cos_sim_ap": 85.51101933260743, + "cos_sim_f1": 77.9152271629704, + "cos_sim_precision": 75.27815662910056, + "cos_sim_recall": 80.74376347397599, + "dot_accuracy": 88.84425815966158, + "dot_ap": 85.49726945962519, + "dot_f1": 77.94445269567801, + "dot_precision": 75.27251864601261, + "dot_recall": 80.81305820757623, + "euclidean_accuracy": 88.80350836341057, + "euclidean_ap": 85.4882880790211, + "euclidean_f1": 77.87063284615103, + "euclidean_precision": 74.61022927689595, + "euclidean_recall": 81.42901139513397, + "manhattan_accuracy": 88.7161873714441, + "manhattan_ap": 85.45753871906821, + "manhattan_f1": 77.8686401480111, + "manhattan_precision": 74.95903683123174, + "manhattan_recall": 81.01324299353249, + "max_accuracy": 88.84425815966158, + "max_ap": 85.51101933260743, + "max_f1": 77.94445269567801, + "main_score": 85.51101933260743 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-base-en-v1.5/external/model_meta.json b/results/Alibaba-NLP__gte-base-en-v1.5/external/model_meta.json new file mode 100644 index 000000000..6ccfce460 --- /dev/null +++ b/results/Alibaba-NLP__gte-base-en-v1.5/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "Alibaba-NLP/gte-base-en-v1.5", + "revision": "a8e4f3e0ee719c75bc30d12b8eae0f8440502718", + "release_date": "2024-04-20", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 136776192, + "memory_usage": null, + "max_tokens": 8192, + "embed_dim": 768, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/AmazonCounterfactualClassification.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..036809507 --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.01492537313432, + "ap": 35.05341696659522, + "f1": 66.71270310883853, + "main_score": 73.01492537313432 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/AmazonPolarityClassification.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..1ae2fb95f --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.97189999999999, + "ap": 90.5952493948908, + "f1": 93.95848137716877, + "main_score": 93.97189999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/AmazonReviewsClassification.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..e5866616e --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 54.196, + "f1": 53.80122334012787, + "main_score": 54.196 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/ArguAna.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/ArguAna.json new file mode 100644 index 000000000..cec1c2ed5 --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 47.297, + "map_at_10": 64.303, + "map_at_100": 64.541, + "map_at_1000": 64.541, + "map_at_3": 60.728, + "map_at_5": 63.114000000000004, + "mrr_at_1": 48.435, + "mrr_at_10": 64.657, + "mrr_at_100": 64.901, + "mrr_at_1000": 64.901, + "mrr_at_3": 61.06, + "mrr_at_5": 63.514, + "ndcg_at_1": 47.297, + "ndcg_at_10": 72.107, + "ndcg_at_100": 72.963, + "ndcg_at_1000": 72.963, + "ndcg_at_3": 65.063, + "ndcg_at_5": 69.352, + "precision_at_1": 47.297, + "precision_at_10": 9.623, + "precision_at_100": 0.996, + "precision_at_1000": 0.1, + "precision_at_3": 25.865, + "precision_at_5": 17.596, + "recall_at_1": 47.297, + "recall_at_10": 96.23, + "recall_at_100": 99.644, + "recall_at_1000": 99.644, + "recall_at_3": 77.596, + "recall_at_5": 87.98, + "main_score": 72.107 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/ArxivClusteringP2P.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..f48dc2f60 --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.467787861077475, + "main_score": 48.467787861077475 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/ArxivClusteringS2S.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..716249a0a --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 43.39198391914257, + "main_score": 43.39198391914257 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/AskUbuntuDupQuestions.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..1b2efc151 --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 63.12794820591384, + "mrr": 75.9331442641692, + "main_score": 63.12794820591384 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/BIOSSES.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/BIOSSES.json new file mode 100644 index 000000000..3757b2637 --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.85062993863319, + "cos_sim_spearman": 85.39049989733459, + "euclidean_pearson": 86.00222680278333, + "euclidean_spearman": 85.45556162077396, + "manhattan_pearson": 85.88769871785621, + "manhattan_spearman": 85.11760211290839, + "cosine_pearson": 87.85062993863319, + "cosine_spearman": 85.39049989733459, + "main_score": 85.39049989733459 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/Banking77Classification.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/Banking77Classification.json new file mode 100644 index 000000000..c44653f11 --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 87.32792207792208, + "f1": 87.29132945999555, + "main_score": 87.32792207792208 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/BiorxivClusteringP2P.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..925e38b4d --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.5779328301945, + "main_score": 40.5779328301945 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/BiorxivClusteringS2S.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..216c2e5e4 --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.94425623865118, + "main_score": 37.94425623865118 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/CQADupstackAndroidRetrieval.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..dc5ac278d --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "f46a197baaae43b4f621051089b82a364682dfeb", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.978, + "map_at_10": 44.45, + "map_at_100": 46.19, + "map_at_1000": 46.303, + "map_at_3": 40.849000000000004, + "map_at_5": 42.55, + "mrr_at_1": 40.629, + "mrr_at_10": 50.848000000000006, + "mrr_at_100": 51.669, + "mrr_at_1000": 51.705, + "mrr_at_3": 47.997, + "mrr_at_5": 49.506, + "ndcg_at_1": 40.629, + "ndcg_at_10": 51.102000000000004, + "ndcg_at_100": 57.159000000000006, + "ndcg_at_1000": 58.669000000000004, + "ndcg_at_3": 45.738, + "ndcg_at_5": 47.632999999999996, + "precision_at_1": 40.629, + "precision_at_10": 9.700000000000001, + "precision_at_100": 1.5970000000000002, + "precision_at_1000": 0.202, + "precision_at_3": 21.698, + "precision_at_5": 15.393, + "recall_at_1": 32.978, + "recall_at_10": 63.711, + "recall_at_100": 88.39399999999999, + "recall_at_1000": 97.513, + "recall_at_3": 48.025, + "recall_at_5": 53.52, + "main_score": 51.102000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/CQADupstackEnglishRetrieval.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/CQADupstackEnglishRetrieval.json new file mode 100644 index 000000000..6e3e8c89d --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/CQADupstackEnglishRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "ad9991cb51e31e31e430383c75ffb2885547b5f0", + "task_name": "CQADupstackEnglishRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.767, + "map_at_10": 42.195, + "map_at_100": 43.541999999999994, + "map_at_1000": 43.673, + "map_at_3": 38.561, + "map_at_5": 40.532000000000004, + "mrr_at_1": 38.79, + "mrr_at_10": 48.021, + "mrr_at_100": 48.735, + "mrr_at_1000": 48.776, + "mrr_at_3": 45.594, + "mrr_at_5": 46.986, + "ndcg_at_1": 38.79, + "ndcg_at_10": 48.468, + "ndcg_at_100": 53.037, + "ndcg_at_1000": 55.001999999999995, + "ndcg_at_3": 43.409, + "ndcg_at_5": 45.654, + "precision_at_1": 38.79, + "precision_at_10": 9.452, + "precision_at_100": 1.518, + "precision_at_1000": 0.201, + "precision_at_3": 21.21, + "precision_at_5": 15.171999999999999, + "recall_at_1": 30.767, + "recall_at_10": 60.118, + "recall_at_100": 79.271, + "recall_at_1000": 91.43299999999999, + "recall_at_3": 45.36, + "recall_at_5": 51.705, + "main_score": 48.468 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/CQADupstackGamingRetrieval.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/CQADupstackGamingRetrieval.json new file mode 100644 index 000000000..b3820c9bf --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/CQADupstackGamingRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "4885aa143210c98657558c04aaf3dc47cfb54340", + "task_name": "CQADupstackGamingRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.007, + "map_at_10": 53.529, + "map_at_100": 54.602, + "map_at_1000": 54.647, + "map_at_3": 49.951, + "map_at_5": 52.066, + "mrr_at_1": 45.705, + "mrr_at_10": 56.745000000000005, + "mrr_at_100": 57.43899999999999, + "mrr_at_1000": 57.462999999999994, + "mrr_at_3": 54.25299999999999, + "mrr_at_5": 55.842000000000006, + "ndcg_at_1": 45.705, + "ndcg_at_10": 59.809, + "ndcg_at_100": 63.837999999999994, + "ndcg_at_1000": 64.729, + "ndcg_at_3": 53.994, + "ndcg_at_5": 57.028, + "precision_at_1": 45.705, + "precision_at_10": 9.762, + "precision_at_100": 1.275, + "precision_at_1000": 0.13899999999999998, + "precision_at_3": 24.368000000000002, + "precision_at_5": 16.84, + "recall_at_1": 40.007, + "recall_at_10": 75.017, + "recall_at_100": 91.99000000000001, + "recall_at_1000": 98.265, + "recall_at_3": 59.704, + "recall_at_5": 67.109, + "main_score": 59.809 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/CQADupstackGisRetrieval.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/CQADupstackGisRetrieval.json new file mode 100644 index 000000000..671bf271f --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/CQADupstackGisRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "5003b3064772da1887988e05400cf3806fe491f2", + "task_name": "CQADupstackGisRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.639000000000003, + "map_at_10": 35.926, + "map_at_100": 37.126999999999995, + "map_at_1000": 37.202, + "map_at_3": 32.989000000000004, + "map_at_5": 34.465, + "mrr_at_1": 28.475, + "mrr_at_10": 37.7, + "mrr_at_100": 38.753, + "mrr_at_1000": 38.807, + "mrr_at_3": 35.066, + "mrr_at_5": 36.512, + "ndcg_at_1": 28.475, + "ndcg_at_10": 41.245, + "ndcg_at_100": 46.814, + "ndcg_at_1000": 48.571, + "ndcg_at_3": 35.528999999999996, + "ndcg_at_5": 38.066, + "precision_at_1": 28.475, + "precision_at_10": 6.497, + "precision_at_100": 0.9650000000000001, + "precision_at_1000": 0.11499999999999999, + "precision_at_3": 15.065999999999999, + "precision_at_5": 10.599, + "recall_at_1": 26.639000000000003, + "recall_at_10": 55.759, + "recall_at_100": 80.913, + "recall_at_1000": 93.929, + "recall_at_3": 40.454, + "recall_at_5": 46.439, + "main_score": 41.245 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/CQADupstackMathematicaRetrieval.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/CQADupstackMathematicaRetrieval.json new file mode 100644 index 000000000..16a40de31 --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/CQADupstackMathematicaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "90fceea13679c63fe563ded68f3b6f06e50061de", + "task_name": "CQADupstackMathematicaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.767999999999999, + "map_at_10": 24.811, + "map_at_100": 26.064999999999998, + "map_at_1000": 26.186999999999998, + "map_at_3": 21.736, + "map_at_5": 23.283, + "mrr_at_1": 19.527, + "mrr_at_10": 29.179, + "mrr_at_100": 30.153999999999996, + "mrr_at_1000": 30.215999999999998, + "mrr_at_3": 26.223000000000003, + "mrr_at_5": 27.733999999999998, + "ndcg_at_1": 19.527, + "ndcg_at_10": 30.786, + "ndcg_at_100": 36.644, + "ndcg_at_1000": 39.440999999999995, + "ndcg_at_3": 24.958, + "ndcg_at_5": 27.392, + "precision_at_1": 19.527, + "precision_at_10": 5.995, + "precision_at_100": 1.03, + "precision_at_1000": 0.14100000000000001, + "precision_at_3": 12.520999999999999, + "precision_at_5": 9.129, + "recall_at_1": 15.767999999999999, + "recall_at_10": 44.824000000000005, + "recall_at_100": 70.186, + "recall_at_1000": 89.934, + "recall_at_3": 28.607, + "recall_at_5": 34.836, + "main_score": 30.786 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/CQADupstackPhysicsRetrieval.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/CQADupstackPhysicsRetrieval.json new file mode 100644 index 000000000..edc0b3a56 --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/CQADupstackPhysicsRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "79531abbd1fb92d06c6d6315a0cbbbf5bb247ea4", + "task_name": "CQADupstackPhysicsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.952, + "map_at_10": 44.438, + "map_at_100": 45.778, + "map_at_1000": 45.883, + "map_at_3": 41.044000000000004, + "map_at_5": 42.986000000000004, + "mrr_at_1": 39.172000000000004, + "mrr_at_10": 49.76, + "mrr_at_100": 50.583999999999996, + "mrr_at_1000": 50.621, + "mrr_at_3": 47.353, + "mrr_at_5": 48.739, + "ndcg_at_1": 39.172000000000004, + "ndcg_at_10": 50.760000000000005, + "ndcg_at_100": 56.084, + "ndcg_at_1000": 57.865, + "ndcg_at_3": 45.663, + "ndcg_at_5": 48.178, + "precision_at_1": 39.172000000000004, + "precision_at_10": 9.22, + "precision_at_100": 1.387, + "precision_at_1000": 0.17099999999999999, + "precision_at_3": 21.976000000000003, + "precision_at_5": 15.457, + "recall_at_1": 31.952, + "recall_at_10": 63.900999999999996, + "recall_at_100": 85.676, + "recall_at_1000": 97.03699999999999, + "recall_at_3": 49.781, + "recall_at_5": 56.330000000000005, + "main_score": 50.760000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/CQADupstackProgrammersRetrieval.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/CQADupstackProgrammersRetrieval.json new file mode 100644 index 000000000..009bbbc87 --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/CQADupstackProgrammersRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "6184bc1440d2dbc7612be22b50686b8826d22b32", + "task_name": "CQADupstackProgrammersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.332, + "map_at_10": 36.874, + "map_at_100": 38.340999999999994, + "map_at_1000": 38.452, + "map_at_3": 33.068, + "map_at_5": 35.324, + "mrr_at_1": 30.822, + "mrr_at_10": 41.641, + "mrr_at_100": 42.519, + "mrr_at_1000": 42.573, + "mrr_at_3": 38.413000000000004, + "mrr_at_5": 40.542, + "ndcg_at_1": 30.822, + "ndcg_at_10": 43.414, + "ndcg_at_100": 49.196, + "ndcg_at_1000": 51.237, + "ndcg_at_3": 37.230000000000004, + "ndcg_at_5": 40.405, + "precision_at_1": 30.822, + "precision_at_10": 8.379, + "precision_at_100": 1.315, + "precision_at_1000": 0.168, + "precision_at_3": 18.417, + "precision_at_5": 13.744, + "recall_at_1": 25.332, + "recall_at_10": 57.774, + "recall_at_100": 82.071, + "recall_at_1000": 95.60600000000001, + "recall_at_3": 40.722, + "recall_at_5": 48.754999999999995, + "main_score": 43.414 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/CQADupstackStatsRetrieval.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/CQADupstackStatsRetrieval.json new file mode 100644 index 000000000..beb3df19e --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/CQADupstackStatsRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "65ac3a16b8e91f9cee4c9828cc7c335575432a2a", + "task_name": "CQADupstackStatsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.006, + "map_at_10": 32.177, + "map_at_100": 33.324999999999996, + "map_at_1000": 33.419, + "map_at_3": 29.952, + "map_at_5": 31.095, + "mrr_at_1": 28.066999999999997, + "mrr_at_10": 34.995, + "mrr_at_100": 35.978, + "mrr_at_1000": 36.042, + "mrr_at_3": 33.103, + "mrr_at_5": 34.001, + "ndcg_at_1": 28.066999999999997, + "ndcg_at_10": 36.481, + "ndcg_at_100": 42.022999999999996, + "ndcg_at_1000": 44.377, + "ndcg_at_3": 32.394, + "ndcg_at_5": 34.108, + "precision_at_1": 28.066999999999997, + "precision_at_10": 5.736, + "precision_at_100": 0.9259999999999999, + "precision_at_1000": 0.12, + "precision_at_3": 13.804, + "precision_at_5": 9.508999999999999, + "recall_at_1": 25.006, + "recall_at_10": 46.972, + "recall_at_100": 72.138, + "recall_at_1000": 89.479, + "recall_at_3": 35.793, + "recall_at_5": 39.947, + "main_score": 36.481 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/CQADupstackTexRetrieval.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/CQADupstackTexRetrieval.json new file mode 100644 index 000000000..e006659cd --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/CQADupstackTexRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "46989137a86843e03a6195de44b09deda022eec7", + "task_name": "CQADupstackTexRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.07, + "map_at_10": 24.447, + "map_at_100": 25.685999999999996, + "map_at_1000": 25.813999999999997, + "map_at_3": 21.634, + "map_at_5": 23.133, + "mrr_at_1": 19.580000000000002, + "mrr_at_10": 28.127999999999997, + "mrr_at_100": 29.119, + "mrr_at_1000": 29.192, + "mrr_at_3": 25.509999999999998, + "mrr_at_5": 26.878, + "ndcg_at_1": 19.580000000000002, + "ndcg_at_10": 29.804000000000002, + "ndcg_at_100": 35.555, + "ndcg_at_1000": 38.421, + "ndcg_at_3": 24.654999999999998, + "ndcg_at_5": 26.881, + "precision_at_1": 19.580000000000002, + "precision_at_10": 5.736, + "precision_at_100": 1.005, + "precision_at_1000": 0.145, + "precision_at_3": 12.033000000000001, + "precision_at_5": 8.871, + "recall_at_1": 16.07, + "recall_at_10": 42.364000000000004, + "recall_at_100": 68.01899999999999, + "recall_at_1000": 88.122, + "recall_at_3": 27.846, + "recall_at_5": 33.638, + "main_score": 29.804000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/CQADupstackUnixRetrieval.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/CQADupstackUnixRetrieval.json new file mode 100644 index 000000000..aa8101555 --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/CQADupstackUnixRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "6c6430d3a6d36f8d2a829195bc5dc94d7e063e53", + "task_name": "CQADupstackUnixRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.365, + "map_at_10": 36.591, + "map_at_100": 37.730000000000004, + "map_at_1000": 37.84, + "map_at_3": 33.403, + "map_at_5": 35.272999999999996, + "mrr_at_1": 30.503999999999998, + "mrr_at_10": 39.940999999999995, + "mrr_at_100": 40.818, + "mrr_at_1000": 40.876000000000005, + "mrr_at_3": 37.065, + "mrr_at_5": 38.814, + "ndcg_at_1": 30.503999999999998, + "ndcg_at_10": 42.185, + "ndcg_at_100": 47.416000000000004, + "ndcg_at_1000": 49.705, + "ndcg_at_3": 36.568, + "ndcg_at_5": 39.416000000000004, + "precision_at_1": 30.503999999999998, + "precision_at_10": 7.276000000000001, + "precision_at_100": 1.118, + "precision_at_1000": 0.14300000000000002, + "precision_at_3": 16.729, + "precision_at_5": 12.107999999999999, + "recall_at_1": 26.365, + "recall_at_10": 55.616, + "recall_at_100": 78.129, + "recall_at_1000": 93.95599999999999, + "recall_at_3": 40.686, + "recall_at_5": 47.668, + "main_score": 42.185 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/CQADupstackWebmastersRetrieval.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/CQADupstackWebmastersRetrieval.json new file mode 100644 index 000000000..d43264f5a --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/CQADupstackWebmastersRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "160c094312a0e1facb97e55eeddb698c0abe3571", + "task_name": "CQADupstackWebmastersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.750999999999998, + "map_at_10": 33.446, + "map_at_100": 35.235, + "map_at_1000": 35.478, + "map_at_3": 29.358, + "map_at_5": 31.525, + "mrr_at_1": 27.668, + "mrr_at_10": 37.694, + "mrr_at_100": 38.732, + "mrr_at_1000": 38.779, + "mrr_at_3": 34.223, + "mrr_at_5": 36.08, + "ndcg_at_1": 27.668, + "ndcg_at_10": 40.557, + "ndcg_at_100": 46.605999999999995, + "ndcg_at_1000": 48.917, + "ndcg_at_3": 33.677, + "ndcg_at_5": 36.85, + "precision_at_1": 27.668, + "precision_at_10": 8.3, + "precision_at_100": 1.6260000000000001, + "precision_at_1000": 0.253, + "precision_at_3": 16.008, + "precision_at_5": 12.292, + "recall_at_1": 22.750999999999998, + "recall_at_10": 55.643, + "recall_at_100": 82.151, + "recall_at_1000": 95.963, + "recall_at_3": 36.623, + "recall_at_5": 44.708, + "main_score": 40.557 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/CQADupstackWordpressRetrieval.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/CQADupstackWordpressRetrieval.json new file mode 100644 index 000000000..19d43a5ef --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/CQADupstackWordpressRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "4ffe81d471b1924886b33c7567bfb200e9eec5c4", + "task_name": "CQADupstackWordpressRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.288999999999998, + "map_at_10": 25.903, + "map_at_100": 27.071, + "map_at_1000": 27.173000000000002, + "map_at_3": 22.935, + "map_at_5": 24.573, + "mrr_at_1": 18.669, + "mrr_at_10": 27.682000000000002, + "mrr_at_100": 28.691, + "mrr_at_1000": 28.761, + "mrr_at_3": 24.738, + "mrr_at_5": 26.392, + "ndcg_at_1": 18.669, + "ndcg_at_10": 31.335, + "ndcg_at_100": 36.913000000000004, + "ndcg_at_1000": 39.300000000000004, + "ndcg_at_3": 25.423000000000002, + "ndcg_at_5": 28.262999999999998, + "precision_at_1": 18.669, + "precision_at_10": 5.379, + "precision_at_100": 0.876, + "precision_at_1000": 0.11900000000000001, + "precision_at_3": 11.214, + "precision_at_5": 8.466, + "recall_at_1": 17.288999999999998, + "recall_at_10": 46.377, + "recall_at_100": 71.53500000000001, + "recall_at_1000": 88.947, + "recall_at_3": 30.581999999999997, + "recall_at_5": 37.354, + "main_score": 31.335 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/ClimateFEVER.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/ClimateFEVER.json new file mode 100644 index 000000000..02abd49b0 --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.795, + "map_at_10": 37.614999999999995, + "map_at_100": 40.037, + "map_at_1000": 40.184999999999995, + "map_at_3": 32.221, + "map_at_5": 35.154999999999994, + "mrr_at_1": 50.358000000000004, + "mrr_at_10": 62.129, + "mrr_at_100": 62.613, + "mrr_at_1000": 62.62, + "mrr_at_3": 59.272999999999996, + "mrr_at_5": 61.138999999999996, + "ndcg_at_1": 50.358000000000004, + "ndcg_at_10": 48.362, + "ndcg_at_100": 55.932, + "ndcg_at_1000": 58.062999999999995, + "ndcg_at_3": 42.111, + "ndcg_at_5": 44.063, + "precision_at_1": 50.358000000000004, + "precision_at_10": 14.677999999999999, + "precision_at_100": 2.2950000000000004, + "precision_at_1000": 0.271, + "precision_at_3": 31.77, + "precision_at_5": 23.375, + "recall_at_1": 21.795, + "recall_at_10": 53.846000000000004, + "recall_at_100": 78.952, + "recall_at_1000": 90.41900000000001, + "recall_at_3": 37.257, + "recall_at_5": 44.661, + "main_score": 48.362 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/DBPedia.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/DBPedia.json new file mode 100644 index 000000000..0436a7a79 --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.728, + "map_at_10": 22.691, + "map_at_100": 31.734, + "map_at_1000": 33.464, + "map_at_3": 16.273, + "map_at_5": 19.016, + "mrr_at_1": 73.25, + "mrr_at_10": 80.782, + "mrr_at_100": 81.01899999999999, + "mrr_at_1000": 81.021, + "mrr_at_3": 79.583, + "mrr_at_5": 80.146, + "ndcg_at_1": 59.62499999999999, + "ndcg_at_10": 46.304, + "ndcg_at_100": 51.23, + "ndcg_at_1000": 58.048, + "ndcg_at_3": 51.541000000000004, + "ndcg_at_5": 48.635, + "precision_at_1": 73.25, + "precision_at_10": 36.375, + "precision_at_100": 11.53, + "precision_at_1000": 2.23, + "precision_at_3": 55.583000000000006, + "precision_at_5": 47.15, + "recall_at_1": 9.728, + "recall_at_10": 28.793999999999997, + "recall_at_100": 57.885, + "recall_at_1000": 78.759, + "recall_at_3": 17.79, + "recall_at_5": 21.733, + "main_score": 46.304 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/EmotionClassification.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/EmotionClassification.json new file mode 100644 index 000000000..b33a1da55 --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 46.775, + "f1": 41.89794273264891, + "main_score": 46.775 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/FEVER.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/FEVER.json new file mode 100644 index 000000000..64c54f2c9 --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 85.378, + "map_at_10": 91.51, + "map_at_100": 91.666, + "map_at_1000": 91.676, + "map_at_3": 90.757, + "map_at_5": 91.277, + "mrr_at_1": 91.839, + "mrr_at_10": 95.49, + "mrr_at_100": 95.493, + "mrr_at_1000": 95.493, + "mrr_at_3": 95.345, + "mrr_at_5": 95.47200000000001, + "ndcg_at_1": 91.839, + "ndcg_at_10": 93.806, + "ndcg_at_100": 94.255, + "ndcg_at_1000": 94.399, + "ndcg_at_3": 93.027, + "ndcg_at_5": 93.51, + "precision_at_1": 91.839, + "precision_at_10": 10.93, + "precision_at_100": 1.1400000000000001, + "precision_at_1000": 0.117, + "precision_at_3": 34.873, + "precision_at_5": 21.44, + "recall_at_1": 85.378, + "recall_at_10": 96.814, + "recall_at_100": 98.386, + "recall_at_1000": 99.21600000000001, + "recall_at_3": 94.643, + "recall_at_5": 95.976, + "main_score": 93.806 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/FiQA2018.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/FiQA2018.json new file mode 100644 index 000000000..4585179e9 --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.190000000000005, + "map_at_10": 53.605000000000004, + "map_at_100": 55.550999999999995, + "map_at_1000": 55.665, + "map_at_3": 46.62, + "map_at_5": 50.517999999999994, + "mrr_at_1": 60.34, + "mrr_at_10": 70.775, + "mrr_at_100": 71.238, + "mrr_at_1000": 71.244, + "mrr_at_3": 68.72399999999999, + "mrr_at_5": 69.959, + "ndcg_at_1": 60.34, + "ndcg_at_10": 63.226000000000006, + "ndcg_at_100": 68.60300000000001, + "ndcg_at_1000": 69.901, + "ndcg_at_3": 58.048, + "ndcg_at_5": 59.789, + "precision_at_1": 60.34, + "precision_at_10": 17.130000000000003, + "precision_at_100": 2.29, + "precision_at_1000": 0.256, + "precision_at_3": 38.323, + "precision_at_5": 27.87, + "recall_at_1": 32.190000000000005, + "recall_at_10": 73.041, + "recall_at_100": 91.31, + "recall_at_1000": 98.104, + "recall_at_3": 53.70399999999999, + "recall_at_5": 62.358999999999995, + "main_score": 63.226000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/HotpotQA.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/HotpotQA.json new file mode 100644 index 000000000..ef0668738 --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 43.511, + "map_at_10": 58.15, + "map_at_100": 58.95399999999999, + "map_at_1000": 59.018, + "map_at_3": 55.31700000000001, + "map_at_5": 57.04900000000001, + "mrr_at_1": 87.022, + "mrr_at_10": 91.32000000000001, + "mrr_at_100": 91.401, + "mrr_at_1000": 91.403, + "mrr_at_3": 90.77, + "mrr_at_5": 91.156, + "ndcg_at_1": 87.022, + "ndcg_at_10": 68.183, + "ndcg_at_100": 70.781, + "ndcg_at_1000": 72.009, + "ndcg_at_3": 64.334, + "ndcg_at_5": 66.449, + "precision_at_1": 87.022, + "precision_at_10": 13.406, + "precision_at_100": 1.542, + "precision_at_1000": 0.17099999999999999, + "precision_at_3": 39.023, + "precision_at_5": 25.080000000000002, + "recall_at_1": 43.511, + "recall_at_10": 67.02900000000001, + "recall_at_100": 77.11, + "recall_at_1000": 85.294, + "recall_at_3": 58.535000000000004, + "recall_at_5": 62.70099999999999, + "main_score": 68.183 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/ImdbClassification.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/ImdbClassification.json new file mode 100644 index 000000000..cbf29c193 --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.0996, + "ap": 87.86206089096373, + "f1": 92.07554547510763, + "main_score": 92.0996 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/MSMARCO.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/MSMARCO.json new file mode 100644 index 000000000..759b0d3e8 --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.179, + "map_at_10": 35.86, + "map_at_100": 37.025999999999996, + "map_at_1000": 37.068, + "map_at_3": 31.921, + "map_at_5": 34.172000000000004, + "mrr_at_1": 23.926, + "mrr_at_10": 36.525999999999996, + "mrr_at_100": 37.627, + "mrr_at_1000": 37.665, + "mrr_at_3": 32.653, + "mrr_at_5": 34.897, + "ndcg_at_1": 23.910999999999998, + "ndcg_at_10": 42.927, + "ndcg_at_100": 48.464, + "ndcg_at_1000": 49.533, + "ndcg_at_3": 34.910000000000004, + "ndcg_at_5": 38.937, + "precision_at_1": 23.910999999999998, + "precision_at_10": 6.758, + "precision_at_100": 0.9520000000000001, + "precision_at_1000": 0.104, + "precision_at_3": 14.838000000000001, + "precision_at_5": 10.934000000000001, + "recall_at_1": 23.179, + "recall_at_10": 64.622, + "recall_at_100": 90.135, + "recall_at_1000": 98.301, + "recall_at_3": 42.836999999999996, + "recall_at_5": 52.512, + "main_score": 42.927 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/MTOPDomainClassification.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/MTOPDomainClassification.json new file mode 100644 index 000000000..86db5fe74 --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 96.59598723210215, + "f1": 96.41913500001952, + "main_score": 96.59598723210215 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/MTOPIntentClassification.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/MTOPIntentClassification.json new file mode 100644 index 000000000..28605ec82 --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 82.89557683538533, + "f1": 63.379319722356264, + "main_score": 82.89557683538533 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/MassiveIntentClassification.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/MassiveIntentClassification.json new file mode 100644 index 000000000..1e328c39c --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.93745796906524, + "f1": 75.71616541785902, + "main_score": 78.93745796906524 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/MassiveScenarioClassification.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..d7a1b3a4e --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 81.41223940820443, + "f1": 81.2877893719078, + "main_score": 81.41223940820443 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/MedrxivClusteringP2P.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..38a9e059a --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.03682528325662, + "main_score": 35.03682528325662 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/MedrxivClusteringS2S.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..3a14a4305 --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.942529406124, + "main_score": 32.942529406124 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/MindSmallReranking.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/MindSmallReranking.json new file mode 100644 index 000000000..5ab417cf2 --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.459949660460317, + "mrr": 32.70509582031616, + "main_score": 31.459949660460317 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/NFCorpus.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/NFCorpus.json new file mode 100644 index 000000000..55f37ca77 --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.497, + "map_at_10": 13.843, + "map_at_100": 17.713, + "map_at_1000": 19.241, + "map_at_3": 10.096, + "map_at_5": 11.85, + "mrr_at_1": 48.916, + "mrr_at_10": 57.764, + "mrr_at_100": 58.251, + "mrr_at_1000": 58.282999999999994, + "mrr_at_3": 55.623999999999995, + "mrr_at_5": 57.018, + "ndcg_at_1": 46.594, + "ndcg_at_10": 36.945, + "ndcg_at_100": 34.06, + "ndcg_at_1000": 43.05, + "ndcg_at_3": 41.738, + "ndcg_at_5": 39.330999999999996, + "precision_at_1": 48.916, + "precision_at_10": 27.43, + "precision_at_100": 8.616, + "precision_at_1000": 2.155, + "precision_at_3": 39.112, + "precision_at_5": 33.808, + "recall_at_1": 6.497, + "recall_at_10": 18.163, + "recall_at_100": 34.566, + "recall_at_1000": 67.15, + "recall_at_3": 11.100999999999999, + "recall_at_5": 14.205000000000002, + "main_score": 36.945 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/NQ.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/NQ.json new file mode 100644 index 000000000..6561a1b07 --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.916, + "map_at_10": 48.123, + "map_at_100": 49.103, + "map_at_1000": 49.131, + "map_at_3": 43.711, + "map_at_5": 46.323, + "mrr_at_1": 36.181999999999995, + "mrr_at_10": 50.617999999999995, + "mrr_at_100": 51.329, + "mrr_at_1000": 51.348000000000006, + "mrr_at_3": 47.010999999999996, + "mrr_at_5": 49.175000000000004, + "ndcg_at_1": 36.181999999999995, + "ndcg_at_10": 56.077999999999996, + "ndcg_at_100": 60.037, + "ndcg_at_1000": 60.63499999999999, + "ndcg_at_3": 47.859, + "ndcg_at_5": 52.178999999999995, + "precision_at_1": 36.181999999999995, + "precision_at_10": 9.284, + "precision_at_100": 1.149, + "precision_at_1000": 0.121, + "precision_at_3": 22.006999999999998, + "precision_at_5": 15.695, + "recall_at_1": 31.916, + "recall_at_10": 77.771, + "recall_at_100": 94.602, + "recall_at_1000": 98.967, + "recall_at_3": 56.528, + "recall_at_5": 66.527, + "main_score": 56.077999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/QuoraRetrieval.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/QuoraRetrieval.json new file mode 100644 index 000000000..a2e054026 --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 71.486, + "map_at_10": 85.978, + "map_at_100": 86.587, + "map_at_1000": 86.598, + "map_at_3": 83.04899999999999, + "map_at_5": 84.857, + "mrr_at_1": 82.32000000000001, + "mrr_at_10": 88.64, + "mrr_at_100": 88.702, + "mrr_at_1000": 88.702, + "mrr_at_3": 87.735, + "mrr_at_5": 88.36, + "ndcg_at_1": 82.34, + "ndcg_at_10": 89.67, + "ndcg_at_100": 90.642, + "ndcg_at_1000": 90.688, + "ndcg_at_3": 86.932, + "ndcg_at_5": 88.408, + "precision_at_1": 82.34, + "precision_at_10": 13.675999999999998, + "precision_at_100": 1.544, + "precision_at_1000": 0.157, + "precision_at_3": 38.24, + "precision_at_5": 25.068, + "recall_at_1": 71.486, + "recall_at_10": 96.844, + "recall_at_100": 99.843, + "recall_at_1000": 99.996, + "recall_at_3": 88.92099999999999, + "recall_at_5": 93.215, + "main_score": 89.67 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/RedditClustering.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/RedditClustering.json new file mode 100644 index 000000000..e8276a764 --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 59.75758437908334, + "main_score": 59.75758437908334 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/RedditClusteringP2P.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/RedditClusteringP2P.json new file mode 100644 index 000000000..5b16edb50 --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 68.03497914092789, + "main_score": 68.03497914092789 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/SCIDOCS.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/SCIDOCS.json new file mode 100644 index 000000000..99d01580d --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.808, + "map_at_10": 16.059, + "map_at_100": 19.048000000000002, + "map_at_1000": 19.43, + "map_at_3": 10.953, + "map_at_5": 13.363, + "mrr_at_1": 28.7, + "mrr_at_10": 42.436, + "mrr_at_100": 43.599, + "mrr_at_1000": 43.62, + "mrr_at_3": 38.45, + "mrr_at_5": 40.89, + "ndcg_at_1": 28.7, + "ndcg_at_10": 26.346000000000004, + "ndcg_at_100": 36.758, + "ndcg_at_1000": 42.113, + "ndcg_at_3": 24.254, + "ndcg_at_5": 21.506, + "precision_at_1": 28.7, + "precision_at_10": 13.969999999999999, + "precision_at_100": 2.881, + "precision_at_1000": 0.414, + "precision_at_3": 22.933, + "precision_at_5": 19.220000000000002, + "recall_at_1": 5.808, + "recall_at_10": 28.310000000000002, + "recall_at_100": 58.475, + "recall_at_1000": 84.072, + "recall_at_3": 13.957, + "recall_at_5": 19.515, + "main_score": 26.346000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/SICK-R.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/SICK-R.json new file mode 100644 index 000000000..21580ffed --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.39274129958557, + "cos_sim_spearman": 79.78021235170053, + "euclidean_pearson": 79.35335401300166, + "euclidean_spearman": 79.7271870968275, + "manhattan_pearson": 79.35256263340601, + "manhattan_spearman": 79.76036386976321, + "cosine_pearson": 82.39274129958557, + "cosine_spearman": 79.78021235170053, + "main_score": 79.78021235170053 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/STS12.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/STS12.json new file mode 100644 index 000000000..7331850f7 --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.99130429246708, + "cos_sim_spearman": 73.88322811171203, + "euclidean_pearson": 80.7569419170376, + "euclidean_spearman": 73.82542155409597, + "manhattan_pearson": 80.79468183847625, + "manhattan_spearman": 73.87027144047784, + "cosine_pearson": 83.99130429246708, + "cosine_spearman": 73.88322811171203, + "main_score": 73.88322811171203 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/STS13.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/STS13.json new file mode 100644 index 000000000..15554e7fc --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.88548789489907, + "cos_sim_spearman": 85.07535893847255, + "euclidean_pearson": 84.6637222061494, + "euclidean_spearman": 85.14200626702456, + "manhattan_pearson": 84.75327892344734, + "manhattan_spearman": 85.24406181838596, + "cosine_pearson": 84.88548789489907, + "cosine_spearman": 85.07535893847255, + "main_score": 85.07535893847255 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/STS14.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/STS14.json new file mode 100644 index 000000000..659a5c6e5 --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.88140039325008, + "cos_sim_spearman": 79.61211268112362, + "euclidean_pearson": 81.29639728816458, + "euclidean_spearman": 79.51284578041442, + "manhattan_pearson": 81.3381797137111, + "manhattan_spearman": 79.55683684039808, + "cosine_pearson": 82.88140039325008, + "cosine_spearman": 79.61211268112362, + "main_score": 79.61211268112362 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/STS15.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/STS15.json new file mode 100644 index 000000000..195a3335c --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.16716737270485, + "cos_sim_spearman": 86.14823841857738, + "euclidean_pearson": 85.36325733440725, + "euclidean_spearman": 86.04919691402029, + "manhattan_pearson": 85.3147511385052, + "manhattan_spearman": 86.00676205857764, + "cosine_pearson": 85.16716737270485, + "cosine_spearman": 86.14823841857738, + "main_score": 86.14823841857738 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/STS16.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/STS16.json new file mode 100644 index 000000000..3ddfeb987 --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 80.34266645861588, + "cos_sim_spearman": 81.59914035005882, + "euclidean_pearson": 81.15053076245988, + "euclidean_spearman": 81.52776915798489, + "manhattan_pearson": 81.1819647418673, + "manhattan_spearman": 81.57479527353556, + "cosine_pearson": 80.34266645861588, + "cosine_spearman": 81.59914035005882, + "main_score": 81.59914035005882 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/STS17.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/STS17.json new file mode 100644 index 000000000..11e13b67a --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 89.38263326821439, + "cos_sim_spearman": 89.10946308202642, + "euclidean_pearson": 88.87831312540068, + "euclidean_spearman": 89.03615865973664, + "manhattan_pearson": 88.79835539970384, + "manhattan_spearman": 88.9766156339753, + "cosine_pearson": 89.38263326821439, + "cosine_spearman": 89.10946308202642, + "main_score": 89.10946308202642 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/STS22.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/STS22.json new file mode 100644 index 000000000..63ddd6734 --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "eea2b4fe26a775864c896887d910b76a8098ad3f", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 70.1574915581685, + "cos_sim_spearman": 70.59144980004054, + "euclidean_pearson": 71.43246306918755, + "euclidean_spearman": 70.5544189562984, + "manhattan_pearson": 71.4071414609503, + "manhattan_spearman": 70.31799126163712, + "cosine_pearson": 70.1574915581685, + "cosine_spearman": 70.59144980004054, + "main_score": 70.59144980004054 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/STSBenchmark.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/STSBenchmark.json new file mode 100644 index 000000000..dd57a30bf --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.36215796635351, + "cos_sim_spearman": 83.07276756467208, + "euclidean_pearson": 83.06690453635584, + "euclidean_spearman": 82.9635366303289, + "manhattan_pearson": 83.04994049700815, + "manhattan_spearman": 82.98120125356036, + "cosine_pearson": 83.36215796635351, + "cosine_spearman": 83.07276756467208, + "main_score": 83.07276756467208 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/SciDocsRR.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/SciDocsRR.json new file mode 100644 index 000000000..4e0f7426f --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 86.92530011616722, + "mrr": 96.21826793395421, + "main_score": 86.92530011616722 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/SciFact.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/SciFact.json new file mode 100644 index 000000000..0219d5da7 --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 65.75, + "map_at_10": 77.701, + "map_at_100": 78.005, + "map_at_1000": 78.006, + "map_at_3": 75.48, + "map_at_5": 76.927, + "mrr_at_1": 68.333, + "mrr_at_10": 78.511, + "mrr_at_100": 78.704, + "mrr_at_1000": 78.704, + "mrr_at_3": 77, + "mrr_at_5": 78.083, + "ndcg_at_1": 68.333, + "ndcg_at_10": 82.42699999999999, + "ndcg_at_100": 83.486, + "ndcg_at_1000": 83.511, + "ndcg_at_3": 78.96300000000001, + "ndcg_at_5": 81.028, + "precision_at_1": 68.333, + "precision_at_10": 10.667, + "precision_at_100": 1.127, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 31.333, + "precision_at_5": 20.133000000000003, + "recall_at_1": 65.75, + "recall_at_10": 95.578, + "recall_at_100": 99.833, + "recall_at_1000": 100, + "recall_at_3": 86.506, + "recall_at_5": 91.75, + "main_score": 82.42699999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/SprintDuplicateQuestions.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..8aa66b5a3 --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.75247524752476, + "cos_sim_ap": 94.16065078045173, + "cos_sim_f1": 87.22986247544205, + "cos_sim_precision": 85.71428571428571, + "cos_sim_recall": 88.8, + "dot_accuracy": 99.74554455445545, + "dot_ap": 93.90633887037264, + "dot_f1": 86.9873417721519, + "dot_precision": 88.1025641025641, + "dot_recall": 85.9, + "euclidean_accuracy": 99.75247524752476, + "euclidean_ap": 94.17466319018055, + "euclidean_f1": 87.3405299313052, + "euclidean_precision": 85.74181117533719, + "euclidean_recall": 89, + "manhattan_accuracy": 99.75445544554455, + "manhattan_ap": 94.27688371923577, + "manhattan_f1": 87.74002954209749, + "manhattan_precision": 86.42095053346266, + "manhattan_recall": 89.1, + "max_accuracy": 99.75445544554455, + "max_ap": 94.27688371923577, + "max_f1": 87.74002954209749, + "main_score": 94.27688371923577 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/StackExchangeClustering.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/StackExchangeClustering.json new file mode 100644 index 000000000..1ffc713dd --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 71.26500637517056, + "main_score": 71.26500637517056 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/StackExchangeClusteringP2P.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..204f176ed --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.17507906280528, + "main_score": 39.17507906280528 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/StackOverflowDupQuestions.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..5d44a576c --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 52.4848744828509, + "mrr": 53.33678168236992, + "main_score": 52.4848744828509 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/SummEval.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/SummEval.json new file mode 100644 index 000000000..19ecdbe3c --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.599864323827887, + "cos_sim_spearman": 30.91116204665598, + "dot_pearson": 30.82637894269936, + "dot_spearman": 30.957573868416066, + "cosine_pearson": 30.599864323827887, + "cosine_spearman": 30.91116204665598, + "main_score": 30.91116204665598 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/TRECCOVID.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/TRECCOVID.json new file mode 100644 index 000000000..052de03e2 --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.23600000000000002, + "map_at_10": 1.892, + "map_at_100": 11.586, + "map_at_1000": 27.761999999999997, + "map_at_3": 0.653, + "map_at_5": 1.028, + "mrr_at_1": 88, + "mrr_at_10": 94, + "mrr_at_100": 94, + "mrr_at_1000": 94, + "mrr_at_3": 94, + "mrr_at_5": 94, + "ndcg_at_1": 82, + "ndcg_at_10": 77.48899999999999, + "ndcg_at_100": 60.141, + "ndcg_at_1000": 54.228, + "ndcg_at_3": 82.358, + "ndcg_at_5": 80.449, + "precision_at_1": 88, + "precision_at_10": 82.19999999999999, + "precision_at_100": 61.760000000000005, + "precision_at_1000": 23.684, + "precision_at_3": 88, + "precision_at_5": 85.6, + "recall_at_1": 0.23600000000000002, + "recall_at_10": 2.117, + "recall_at_100": 14.985000000000001, + "recall_at_1000": 51.107, + "recall_at_3": 0.688, + "recall_at_5": 1.1039999999999999, + "main_score": 77.48899999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/Touche2020.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/Touche2020.json new file mode 100644 index 000000000..fc48fb253 --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.3040000000000003, + "map_at_10": 9.025, + "map_at_100": 15.312999999999999, + "map_at_1000": 16.954, + "map_at_3": 4.981, + "map_at_5": 6.32, + "mrr_at_1": 24.490000000000002, + "mrr_at_10": 39.835, + "mrr_at_100": 40.8, + "mrr_at_1000": 40.8, + "mrr_at_3": 35.034, + "mrr_at_5": 37.687, + "ndcg_at_1": 22.448999999999998, + "ndcg_at_10": 22.545, + "ndcg_at_100": 35.931999999999995, + "ndcg_at_1000": 47.665, + "ndcg_at_3": 23.311, + "ndcg_at_5": 22.421, + "precision_at_1": 24.490000000000002, + "precision_at_10": 20.408, + "precision_at_100": 7.815999999999999, + "precision_at_1000": 1.553, + "precision_at_3": 25.169999999999998, + "precision_at_5": 23.265, + "recall_at_1": 2.3040000000000003, + "recall_at_10": 15.693999999999999, + "recall_at_100": 48.917, + "recall_at_1000": 84.964, + "recall_at_3": 6.026, + "recall_at_5": 9.066, + "main_score": 22.545 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/ToxicConversationsClassification.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..a68b32b97 --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 82.6074, + "ap": 23.187467098602013, + "f1": 65.36829506379657, + "main_score": 82.6074 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/TweetSentimentExtractionClassification.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..0c013b516 --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 63.16355404640635, + "f1": 63.534725639863346, + "main_score": 63.16355404640635 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/TwentyNewsgroupsClustering.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..58a1de808 --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 50.91004094411276, + "main_score": 50.91004094411276 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/TwitterSemEval2015.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/TwitterSemEval2015.json new file mode 100644 index 000000000..9f5226926 --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 86.55301901412649, + "cos_sim_ap": 75.25312618556728, + "cos_sim_f1": 68.76561719140429, + "cos_sim_precision": 65.3061224489796, + "cos_sim_recall": 72.61213720316623, + "dot_accuracy": 86.29671574178936, + "dot_ap": 75.11910195501207, + "dot_f1": 68.44048376830045, + "dot_precision": 66.12546125461255, + "dot_recall": 70.92348284960423, + "euclidean_accuracy": 86.5828217202122, + "euclidean_ap": 75.22986344900924, + "euclidean_f1": 68.81267797449549, + "euclidean_precision": 64.8238861674831, + "euclidean_recall": 73.3245382585752, + "manhattan_accuracy": 86.61262442629791, + "manhattan_ap": 75.24401608557328, + "manhattan_f1": 68.80473982483257, + "manhattan_precision": 67.21187720181177, + "manhattan_recall": 70.47493403693932, + "max_accuracy": 86.61262442629791, + "max_ap": 75.25312618556728, + "max_f1": 68.81267797449549, + "main_score": 75.25312618556728 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/TwitterURLCorpus.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/TwitterURLCorpus.json new file mode 100644 index 000000000..56932dd87 --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.10688089416696, + "cos_sim_ap": 84.17862178779863, + "cos_sim_f1": 76.17305208781748, + "cos_sim_precision": 71.31246641590543, + "cos_sim_recall": 81.74468740375731, + "dot_accuracy": 88.1844995536927, + "dot_ap": 84.33816725235876, + "dot_f1": 76.43554032918746, + "dot_precision": 74.01557767200346, + "dot_recall": 79.0190945488143, + "euclidean_accuracy": 88.07001203089223, + "euclidean_ap": 84.12267000814985, + "euclidean_f1": 76.12232600180778, + "euclidean_precision": 74.50604541433205, + "euclidean_recall": 77.81028641823221, + "manhattan_accuracy": 88.06419063142779, + "manhattan_ap": 84.11648917164187, + "manhattan_f1": 76.20579953925474, + "manhattan_precision": 72.56772755762935, + "manhattan_recall": 80.22790267939637, + "max_accuracy": 88.1844995536927, + "max_ap": 84.33816725235876, + "max_f1": 76.43554032918746, + "main_score": 84.33816725235876 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-large-en-v1.5/external/model_meta.json b/results/Alibaba-NLP__gte-large-en-v1.5/external/model_meta.json new file mode 100644 index 000000000..bc595bed9 --- /dev/null +++ b/results/Alibaba-NLP__gte-large-en-v1.5/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "Alibaba-NLP/gte-large-en-v1.5", + "revision": "104333d6af6f97649377c2afbde10a7704870c7b", + "release_date": "2024-04-20", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 434139136, + "memory_usage": null, + "max_tokens": 8192, + "embed_dim": 1024, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/AFQMC.json b/results/Alibaba-NLP__gte-multilingual-base/external/AFQMC.json new file mode 100644 index 000000000..2a3587607 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/AFQMC.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "b44c3b011063adb25877c13823db83bb193913c4", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_spearman": 43.54760696384009, + "cosine_spearman": 43.54760696384009, + "main_score": 43.54760696384009 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/ATEC.json b/results/Alibaba-NLP__gte-multilingual-base/external/ATEC.json new file mode 100644 index 000000000..23f5d7025 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/ATEC.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0f319b1142f28d00e055a6770f3f726ae9b7d865", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_spearman": 48.91186363417501, + "cosine_spearman": 48.91186363417501, + "main_score": 48.91186363417501 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/AllegroReviews.json b/results/Alibaba-NLP__gte-multilingual-base/external/AllegroReviews.json new file mode 100644 index 000000000..6031ece72 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/AllegroReviews.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "AllegroReviews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 41.689860834990064, + "main_score": 41.689860834990064 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/AlloProfClusteringP2P.json b/results/Alibaba-NLP__gte-multilingual-base/external/AlloProfClusteringP2P.json new file mode 100644 index 000000000..23f617847 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/AlloProfClusteringP2P.json @@ -0,0 +1,26 @@ +{ + "dataset_revision": "392ba3f5bcc8c51f578786c1fc3dae648662cb9b", + "task_name": "AlloProfClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "v_measure": 54.20241337977897, + "main_score": 54.20241337977897 + }, + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "v_measure": 44.34083695608643, + "main_score": 44.34083695608643 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/AlloprofReranking.json b/results/Alibaba-NLP__gte-multilingual-base/external/AlloprofReranking.json new file mode 100644 index 000000000..9ef9b30b9 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/AlloprofReranking.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "666fdacebe0291776e86f29345663dfaf80a0db9", + "task_name": "AlloprofReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map": 64.91495250072002, + "main_score": 64.91495250072002 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/AmazonCounterfactualClassification.json b/results/Alibaba-NLP__gte-multilingual-base/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..39da5e52b --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/AmazonCounterfactualClassification.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.95522388059702, + "main_score": 75.95522388059702 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/AmazonPolarityClassification.json b/results/Alibaba-NLP__gte-multilingual-base/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..fb3d7133f --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/AmazonPolarityClassification.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.717625, + "main_score": 80.717625 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/AmazonReviewsClassification.json b/results/Alibaba-NLP__gte-multilingual-base/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..2b6afcc40 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/AmazonReviewsClassification.json @@ -0,0 +1,58 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 43.64199999999999, + "main_score": 43.64199999999999 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 40.108, + "main_score": 40.108 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 40.169999999999995, + "main_score": 40.169999999999995 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 39.56799999999999, + "main_score": 39.56799999999999 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 35.75000000000001, + "main_score": 35.75000000000001 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 33.342000000000006, + "main_score": 33.342000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/ArguAna-PL.json b/results/Alibaba-NLP__gte-multilingual-base/external/ArguAna-PL.json new file mode 100644 index 000000000..10fcc3556 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/ArguAna-PL.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "63fc86750af76253e8c760fc9e534bbf24d260a2", + "task_name": "ArguAna-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "ndcg_at_10": 53.166000000000004, + "main_score": 53.166000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/ArguAna.json b/results/Alibaba-NLP__gte-multilingual-base/external/ArguAna.json new file mode 100644 index 000000000..cb5194fbf --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/ArguAna.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 58.231, + "main_score": 58.231 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/ArxivClusteringP2P.json b/results/Alibaba-NLP__gte-multilingual-base/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..0b37bb1d8 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 46.01900557959478, + "main_score": 46.01900557959478 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/ArxivClusteringS2S.json b/results/Alibaba-NLP__gte-multilingual-base/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..3baad4fc3 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 41.06626465345723, + "main_score": 41.06626465345723 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/AskUbuntuDupQuestions.json b/results/Alibaba-NLP__gte-multilingual-base/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..c1921a1b9 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/AskUbuntuDupQuestions.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 61.87514497610431, + "main_score": 61.87514497610431 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/BIOSSES.json b/results/Alibaba-NLP__gte-multilingual-base/external/BIOSSES.json new file mode 100644 index 000000000..0a3202795 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/BIOSSES.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 81.21450112991194, + "cosine_spearman": 81.21450112991194, + "main_score": 81.21450112991194 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/BQ.json b/results/Alibaba-NLP__gte-multilingual-base/external/BQ.json new file mode 100644 index 000000000..2b481e95b --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/BQ.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e3dda5e115e487b39ec7e618c0c6a29137052a55", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_spearman": 51.71589543397271, + "cosine_spearman": 51.71589543397271, + "main_score": 51.71589543397271 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/BUCC.json b/results/Alibaba-NLP__gte-multilingual-base/external/BUCC.json new file mode 100644 index 000000000..58a5f1313 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/BUCC.json @@ -0,0 +1,46 @@ +{ + "dataset_revision": "d51519689f32196a32af33b075a01d0e7c51e252", + "task_name": "BUCC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "f1": 98.6169102296451, + "main_score": 98.6169102296451 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "f1": 97.89603052314916, + "main_score": 97.89603052314916 + }, + { + "hf_subset": "ru-en", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "f1": 97.12388869645537, + "main_score": 97.12388869645537 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "f1": 98.15692469720906, + "main_score": 98.15692469720906 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/Banking77Classification.json b/results/Alibaba-NLP__gte-multilingual-base/external/Banking77Classification.json new file mode 100644 index 000000000..dbadb5a50 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/Banking77Classification.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 85.36038961038962, + "main_score": 85.36038961038962 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/BiorxivClusteringP2P.json b/results/Alibaba-NLP__gte-multilingual-base/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..1bb7a00a8 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.5903826674123, + "main_score": 37.5903826674123 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/BiorxivClusteringS2S.json b/results/Alibaba-NLP__gte-multilingual-base/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..f6d3ebb5f --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.21474277151329, + "main_score": 34.21474277151329 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/CBD.json b/results/Alibaba-NLP__gte-multilingual-base/external/CBD.json new file mode 100644 index 000000000..ff1c5f55f --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/CBD.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CBD", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 62.519999999999996, + "main_score": 62.519999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/CDSC-R.json b/results/Alibaba-NLP__gte-multilingual-base/external/CDSC-R.json new file mode 100644 index 000000000..f7ae0dbc0 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/CDSC-R.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "CDSC-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cos_sim_spearman": 90.30727955142524, + "cosine_spearman": 90.30727955142524, + "main_score": 90.30727955142524 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/CLSClusteringP2P.json b/results/Alibaba-NLP__gte-multilingual-base/external/CLSClusteringP2P.json new file mode 100644 index 000000000..73dd83ab1 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/CLSClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "4b6227591c6c1a73bc76b1055f3b7f3588e72476", + "task_name": "CLSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 37.94850105022274, + "main_score": 37.94850105022274 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/CLSClusteringS2S.json b/results/Alibaba-NLP__gte-multilingual-base/external/CLSClusteringS2S.json new file mode 100644 index 000000000..407bc62fd --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/CLSClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e458b3f5414b62b7f9f83499ac1f5497ae2e869f", + "task_name": "CLSClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 38.11958675421534, + "main_score": 38.11958675421534 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/CQADupstackAndroidRetrieval.json b/results/Alibaba-NLP__gte-multilingual-base/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..96377e6a1 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f46a197baaae43b4f621051089b82a364682dfeb", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 47.099000000000004, + "main_score": 47.099000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/CQADupstackEnglishRetrieval.json b/results/Alibaba-NLP__gte-multilingual-base/external/CQADupstackEnglishRetrieval.json new file mode 100644 index 000000000..60dfde9cf --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/CQADupstackEnglishRetrieval.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "ad9991cb51e31e31e430383c75ffb2885547b5f0", + "task_name": "CQADupstackEnglishRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 45.973000000000006, + "main_score": 45.973000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/CQADupstackGamingRetrieval.json b/results/Alibaba-NLP__gte-multilingual-base/external/CQADupstackGamingRetrieval.json new file mode 100644 index 000000000..ad0cfdcc3 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/CQADupstackGamingRetrieval.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "4885aa143210c98657558c04aaf3dc47cfb54340", + "task_name": "CQADupstackGamingRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 55.606, + "main_score": 55.606 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/CQADupstackGisRetrieval.json b/results/Alibaba-NLP__gte-multilingual-base/external/CQADupstackGisRetrieval.json new file mode 100644 index 000000000..960d4cbeb --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/CQADupstackGisRetrieval.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "5003b3064772da1887988e05400cf3806fe491f2", + "task_name": "CQADupstackGisRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 36.638, + "main_score": 36.638 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/CQADupstackMathematicaRetrieval.json b/results/Alibaba-NLP__gte-multilingual-base/external/CQADupstackMathematicaRetrieval.json new file mode 100644 index 000000000..f1a824ff4 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/CQADupstackMathematicaRetrieval.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "90fceea13679c63fe563ded68f3b6f06e50061de", + "task_name": "CQADupstackMathematicaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 30.711, + "main_score": 30.711 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/CQADupstackPhysicsRetrieval.json b/results/Alibaba-NLP__gte-multilingual-base/external/CQADupstackPhysicsRetrieval.json new file mode 100644 index 000000000..e50306a4e --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/CQADupstackPhysicsRetrieval.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "79531abbd1fb92d06c6d6315a0cbbbf5bb247ea4", + "task_name": "CQADupstackPhysicsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 44.523, + "main_score": 44.523 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/CQADupstackProgrammersRetrieval.json b/results/Alibaba-NLP__gte-multilingual-base/external/CQADupstackProgrammersRetrieval.json new file mode 100644 index 000000000..7cf31859f --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/CQADupstackProgrammersRetrieval.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6184bc1440d2dbc7612be22b50686b8826d22b32", + "task_name": "CQADupstackProgrammersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 37.940000000000005, + "main_score": 37.940000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/CQADupstackStatsRetrieval.json b/results/Alibaba-NLP__gte-multilingual-base/external/CQADupstackStatsRetrieval.json new file mode 100644 index 000000000..f862fd307 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/CQADupstackStatsRetrieval.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65ac3a16b8e91f9cee4c9828cc7c335575432a2a", + "task_name": "CQADupstackStatsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 32.684000000000005, + "main_score": 32.684000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/CQADupstackTexRetrieval.json b/results/Alibaba-NLP__gte-multilingual-base/external/CQADupstackTexRetrieval.json new file mode 100644 index 000000000..ab92bbef2 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/CQADupstackTexRetrieval.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "46989137a86843e03a6195de44b09deda022eec7", + "task_name": "CQADupstackTexRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 26.735, + "main_score": 26.735 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/CQADupstackUnixRetrieval.json b/results/Alibaba-NLP__gte-multilingual-base/external/CQADupstackUnixRetrieval.json new file mode 100644 index 000000000..e19490452 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/CQADupstackUnixRetrieval.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6c6430d3a6d36f8d2a829195bc5dc94d7e063e53", + "task_name": "CQADupstackUnixRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 36.933, + "main_score": 36.933 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/CQADupstackWebmastersRetrieval.json b/results/Alibaba-NLP__gte-multilingual-base/external/CQADupstackWebmastersRetrieval.json new file mode 100644 index 000000000..77f495418 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/CQADupstackWebmastersRetrieval.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "160c094312a0e1facb97e55eeddb698c0abe3571", + "task_name": "CQADupstackWebmastersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 33.747, + "main_score": 33.747 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/CQADupstackWordpressRetrieval.json b/results/Alibaba-NLP__gte-multilingual-base/external/CQADupstackWordpressRetrieval.json new file mode 100644 index 000000000..3734a9527 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/CQADupstackWordpressRetrieval.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "4ffe81d471b1924886b33c7567bfb200e9eec5c4", + "task_name": "CQADupstackWordpressRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 28.872999999999998, + "main_score": 28.872999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/ClimateFEVER.json b/results/Alibaba-NLP__gte-multilingual-base/external/ClimateFEVER.json new file mode 100644 index 000000000..048461f88 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/ClimateFEVER.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 34.833, + "main_score": 34.833 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/CmedqaRetrieval.json b/results/Alibaba-NLP__gte-multilingual-base/external/CmedqaRetrieval.json new file mode 100644 index 000000000..6c8192514 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/CmedqaRetrieval.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "cd540c506dae1cf9e9a59c3e06f42030d54e7301", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "ndcg_at_10": 43.78, + "main_score": 43.78 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/CovidRetrieval.json b/results/Alibaba-NLP__gte-multilingual-base/external/CovidRetrieval.json new file mode 100644 index 000000000..f9524bd52 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/CovidRetrieval.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "1271c7809071a13532e05f25fb53511ffce77117", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "ndcg_at_10": 80.60000000000001, + "main_score": 80.60000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/DBPedia-PL.json b/results/Alibaba-NLP__gte-multilingual-base/external/DBPedia-PL.json new file mode 100644 index 000000000..80897f932 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/DBPedia-PL.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "76afe41d9af165cc40999fcaa92312b8b012064a", + "task_name": "DBPedia-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "ndcg_at_10": 32.498, + "main_score": 32.498 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/DBPedia.json b/results/Alibaba-NLP__gte-multilingual-base/external/DBPedia.json new file mode 100644 index 000000000..0dba74edb --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/DBPedia.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 40.116, + "main_score": 40.116 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/DuRetrieval.json b/results/Alibaba-NLP__gte-multilingual-base/external/DuRetrieval.json new file mode 100644 index 000000000..34b740e2e --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/DuRetrieval.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a1a333e290fe30b10f3f56498e3a0d911a693ced", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "ndcg_at_10": 87.547, + "main_score": 87.547 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/EcomRetrieval.json b/results/Alibaba-NLP__gte-multilingual-base/external/EcomRetrieval.json new file mode 100644 index 000000000..1e361543a --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/EcomRetrieval.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "687de13dc7294d6fd9be10c6945f9e8fec8166b9", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "ndcg_at_10": 64.85, + "main_score": 64.85 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/EmotionClassification.json b/results/Alibaba-NLP__gte-multilingual-base/external/EmotionClassification.json new file mode 100644 index 000000000..f89e20572 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/EmotionClassification.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 47.949999999999996, + "main_score": 47.949999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/FEVER.json b/results/Alibaba-NLP__gte-multilingual-base/external/FEVER.json new file mode 100644 index 000000000..95fe39132 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/FEVER.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 92.111, + "main_score": 92.111 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/FiQA-PL.json b/results/Alibaba-NLP__gte-multilingual-base/external/FiQA-PL.json new file mode 100644 index 000000000..1d466e3cb --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/FiQA-PL.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "2e535829717f8bf9dc829b7f911cc5bbd4e6608e", + "task_name": "FiQA-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "ndcg_at_10": 28.962, + "main_score": 28.962 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/FiQA2018.json b/results/Alibaba-NLP__gte-multilingual-base/external/FiQA2018.json new file mode 100644 index 000000000..900587ff0 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/FiQA2018.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 45.005, + "main_score": 45.005 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/HALClusteringS2S.json b/results/Alibaba-NLP__gte-multilingual-base/external/HALClusteringS2S.json new file mode 100644 index 000000000..1e7af2b12 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/HALClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e06ebbbb123f8144bef1a5d18796f3dec9ae2915", + "task_name": "HALClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "v_measure": 25.133776435657595, + "main_score": 25.133776435657595 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/HotpotQA-PL.json b/results/Alibaba-NLP__gte-multilingual-base/external/HotpotQA-PL.json new file mode 100644 index 000000000..c96f4c717 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/HotpotQA-PL.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a0bd479ac97b4ccb5bd6ce320c415d0bb4beb907", + "task_name": "HotpotQA-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "ndcg_at_10": 56.904999999999994, + "main_score": 56.904999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/HotpotQA.json b/results/Alibaba-NLP__gte-multilingual-base/external/HotpotQA.json new file mode 100644 index 000000000..838b6e0b9 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/HotpotQA.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 63.036, + "main_score": 63.036 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/IFlyTek.json b/results/Alibaba-NLP__gte-multilingual-base/external/IFlyTek.json new file mode 100644 index 000000000..cec969217 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/IFlyTek.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "421605374b29664c5fc098418fe20ada9bd55f8a", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 44.59407464409388, + "main_score": 44.59407464409388 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/ImdbClassification.json b/results/Alibaba-NLP__gte-multilingual-base/external/ImdbClassification.json new file mode 100644 index 000000000..88c846086 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/ImdbClassification.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.912, + "main_score": 74.912 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/JDReview.json b/results/Alibaba-NLP__gte-multilingual-base/external/JDReview.json new file mode 100644 index 000000000..c224275e1 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/JDReview.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "b7c64bd89eb87f8ded463478346f76731f07bf8b", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 79.26829268292683, + "main_score": 79.26829268292683 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/LCQMC.json b/results/Alibaba-NLP__gte-multilingual-base/external/LCQMC.json new file mode 100644 index 000000000..bd06c560f --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/LCQMC.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "17f9b096f80380fce5ed12a9be8be7784b337daf", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_spearman": 74.8601229809791, + "cosine_spearman": 74.8601229809791, + "main_score": 74.8601229809791 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/MLSUMClusteringP2P.json b/results/Alibaba-NLP__gte-multilingual-base/external/MLSUMClusteringP2P.json new file mode 100644 index 000000000..7cd67c92e --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/MLSUMClusteringP2P.json @@ -0,0 +1,26 @@ +{ + "dataset_revision": "b5d54f8f3b61ae17845046286940f03c6bc79bc7", + "task_name": "MLSUMClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "None" + ], + "v_measure": 42.331902754246556, + "main_score": 42.331902754246556 + }, + { + "hf_subset": "default", + "languages": [ + "None" + ], + "v_measure": 40.92029335502153, + "main_score": 40.92029335502153 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/MMarcoReranking.json b/results/Alibaba-NLP__gte-multilingual-base/external/MMarcoReranking.json new file mode 100644 index 000000000..bed8d1e74 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/MMarcoReranking.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "8e0c766dbe9e16e1d221116a3f36795fbade07f6", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 32.19266316591337, + "main_score": 32.19266316591337 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/MMarcoRetrieval.json b/results/Alibaba-NLP__gte-multilingual-base/external/MMarcoRetrieval.json new file mode 100644 index 000000000..bd81e7eaf --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/MMarcoRetrieval.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "539bbde593d947e2a124ba72651aafc09eb33fc2", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "ndcg_at_10": 79.346, + "main_score": 79.346 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/MSMARCO-PL.json b/results/Alibaba-NLP__gte-multilingual-base/external/MSMARCO-PL.json new file mode 100644 index 000000000..383d6cd60 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/MSMARCO-PL.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "8634c07806d5cce3a6138e260e59b81760a0a640", + "task_name": "MSMARCO-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "ndcg_at_10": 55.620999999999995, + "main_score": 55.620999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/MSMARCO.json b/results/Alibaba-NLP__gte-multilingual-base/external/MSMARCO.json new file mode 100644 index 000000000..96ff6b2d6 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/MSMARCO.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 39.922999999999995, + "main_score": 39.922999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/MTOPDomainClassification.json b/results/Alibaba-NLP__gte-multilingual-base/external/MTOPDomainClassification.json new file mode 100644 index 000000000..2e32b86ae --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/MTOPDomainClassification.json @@ -0,0 +1,58 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.53989968080255, + "main_score": 92.53989968080255 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 88.26993519301212, + "main_score": 88.26993519301212 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 90.87725150100067, + "main_score": 90.87725150100067 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 87.48512370811149, + "main_score": 87.48512370811149 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 89.45141627823591, + "main_score": 89.45141627823591 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 83.45750452079565, + "main_score": 83.45750452079565 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/MTOPIntentClassification.json b/results/Alibaba-NLP__gte-multilingual-base/external/MTOPIntentClassification.json new file mode 100644 index 000000000..d3b26932a --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/MTOPIntentClassification.json @@ -0,0 +1,58 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.57637938896488, + "main_score": 72.57637938896488 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 63.50803043110736, + "main_score": 63.50803043110736 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 71.6577718478986, + "main_score": 71.6577718478986 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 64.05887879736925, + "main_score": 64.05887879736925 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 65.27070634636071, + "main_score": 65.27070634636071 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 63.04520795660037, + "main_score": 63.04520795660037 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/MasakhaNEWSClassification.json b/results/Alibaba-NLP__gte-multilingual-base/external/MasakhaNEWSClassification.json new file mode 100644 index 000000000..1a8a5ec33 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/MasakhaNEWSClassification.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "8ccc72e69e65f40c70e117d8b3c08306bb788b60", + "task_name": "MasakhaNEWSClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fra", + "languages": [ + "fra-Latn" + ], + "accuracy": 80.66350710900474, + "main_score": 80.66350710900474 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/MassiveIntentClassification.json b/results/Alibaba-NLP__gte-multilingual-base/external/MassiveIntentClassification.json new file mode 100644 index 000000000..8f8c91284 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/MassiveIntentClassification.json @@ -0,0 +1,418 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 57.94552790854068, + "main_score": 57.94552790854068 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 49.273705447209146, + "main_score": 49.273705447209146 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 55.490921318090116, + "main_score": 55.490921318090116 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 60.97511768661733, + "main_score": 60.97511768661733 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 57.5689307330195, + "main_score": 57.5689307330195 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 48.34902488231337, + "main_score": 48.34902488231337 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 63.6684599865501, + "main_score": 63.6684599865501 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 62.54539340954942, + "main_score": 62.54539340954942 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 63.08675184936112, + "main_score": 63.08675184936112 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.12508406186953, + "main_score": 72.12508406186953 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 67.41425689307331, + "main_score": 67.41425689307331 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 65.59515803631474, + "main_score": 65.59515803631474 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 62.90517821116342, + "main_score": 62.90517821116342 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 67.91526563550774, + "main_score": 67.91526563550774 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 55.198386012104905, + "main_score": 55.198386012104905 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 65.04371217215869, + "main_score": 65.04371217215869 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 63.31203765971756, + "main_score": 63.31203765971756 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 55.521183591123055, + "main_score": 55.521183591123055 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 66.06254203093476, + "main_score": 66.06254203093476 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 56.01546738399461, + "main_score": 56.01546738399461 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 67.27975790181574, + "main_score": 67.27975790181574 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 66.79556153328849, + "main_score": 66.79556153328849 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 50.18493611297915, + "main_score": 50.18493611297915 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 47.888365837256224, + "main_score": 47.888365837256224 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 50.79690652320108, + "main_score": 50.79690652320108 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 57.225958305312716, + "main_score": 57.225958305312716 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 64.58641560188299, + "main_score": 64.58641560188299 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 59.08204438466711, + "main_score": 59.08204438466711 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 59.54606590450572, + "main_score": 59.54606590450572 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 53.443174176193665, + "main_score": 53.443174176193665 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 61.65097511768661, + "main_score": 61.65097511768661 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 53.45662407531944, + "main_score": 53.45662407531944 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 63.739071956960316, + "main_score": 63.739071956960316 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 66.36180228648286, + "main_score": 66.36180228648286 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 66.3920645595158, + "main_score": 66.3920645595158 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 68.06993947545395, + "main_score": 68.06993947545395 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 63.123739071956955, + "main_score": 63.123739071956955 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 67.46133154001346, + "main_score": 67.46133154001346 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 60.54472091459314, + "main_score": 60.54472091459314 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 58.204438466711494, + "main_score": 58.204438466711494 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 65.69603227975792, + "main_score": 65.69603227975792 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 51.684599865501, + "main_score": 51.684599865501 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 58.523873570948226, + "main_score": 58.523873570948226 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 58.53396099529253, + "main_score": 58.53396099529253 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 61.88298587760591, + "main_score": 61.88298587760591 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 56.65097511768662, + "main_score": 56.65097511768662 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 64.8453261600538, + "main_score": 64.8453261600538 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 58.6247478143914, + "main_score": 58.6247478143914 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 64.16274377942166, + "main_score": 64.16274377942166 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 69.61667787491594, + "main_score": 69.61667787491594 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 64.17283120376598, + "main_score": 64.17283120376598 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/MassiveScenarioClassification.json b/results/Alibaba-NLP__gte-multilingual-base/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..aa0032bc8 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/MassiveScenarioClassification.json @@ -0,0 +1,418 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 64.89912575655683, + "main_score": 64.89912575655683 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 57.27975790181573, + "main_score": 57.27975790181573 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 62.269670477471415, + "main_score": 62.269670477471415 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 65.10423671822461, + "main_score": 65.10423671822461 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 62.40753194351043, + "main_score": 62.40753194351043 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 55.369872225958304, + "main_score": 55.369872225958304 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 71.60726294552792, + "main_score": 71.60726294552792 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 70.30262273032952, + "main_score": 70.30262273032952 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 69.52925353059851, + "main_score": 69.52925353059851 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.28446536650976, + "main_score": 76.28446536650976 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 72.45460659045058, + "main_score": 72.45460659045058 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 70.26563550773368, + "main_score": 70.26563550773368 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 67.20578345662408, + "main_score": 67.20578345662408 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 72.64963012777405, + "main_score": 72.64963012777405 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 61.698049764626774, + "main_score": 61.698049764626774 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 70.14458641560188, + "main_score": 70.14458641560188 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 70.51445864156018, + "main_score": 70.51445864156018 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 60.13786146603901, + "main_score": 60.13786146603901 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 70.61533288500337, + "main_score": 70.61533288500337 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 61.526563550773375, + "main_score": 61.526563550773375 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 71.99731002017484, + "main_score": 71.99731002017484 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 71.59381304640216, + "main_score": 71.59381304640216 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 57.010759919300604, + "main_score": 57.010759919300604 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 53.26160053799597, + "main_score": 53.26160053799597 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 57.800941492938804, + "main_score": 57.800941492938804 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 62.387357094821795, + "main_score": 62.387357094821795 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 69.5359784801614, + "main_score": 69.5359784801614 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 63.36919973100203, + "main_score": 63.36919973100203 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 64.81506388702084, + "main_score": 64.81506388702084 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 59.35104236718225, + "main_score": 59.35104236718225 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 66.67787491593813, + "main_score": 66.67787491593813 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 59.4250168123739, + "main_score": 59.4250168123739 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 71.49630127774043, + "main_score": 71.49630127774043 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 71.95696032279758, + "main_score": 71.95696032279758 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 70.11768661735036, + "main_score": 70.11768661735036 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 71.86953597848016, + "main_score": 71.86953597848016 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 68.51042367182247, + "main_score": 68.51042367182247 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 71.65097511768661, + "main_score": 71.65097511768661 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 66.81573638197713, + "main_score": 66.81573638197713 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 65.26227303295225, + "main_score": 65.26227303295225 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 72.51513113651646, + "main_score": 72.51513113651646 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 58.29858776059179, + "main_score": 58.29858776059179 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 62.72696704774714, + "main_score": 62.72696704774714 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 66.57700067249496, + "main_score": 66.57700067249496 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 68.22797579018157, + "main_score": 68.22797579018157 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 61.97041022192333, + "main_score": 61.97041022192333 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 70.72629455279085, + "main_score": 70.72629455279085 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 63.16072629455278, + "main_score": 63.16072629455278 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 67.92199058507062, + "main_score": 67.92199058507062 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 74.40484196368527, + "main_score": 74.40484196368527 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 71.61398789509079, + "main_score": 71.61398789509079 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/MedicalRetrieval.json b/results/Alibaba-NLP__gte-multilingual-base/external/MedicalRetrieval.json new file mode 100644 index 000000000..1fa2d9498 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/MedicalRetrieval.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "2039188fb5800a9803ba5048df7b76e6fb151fc6", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "ndcg_at_10": 61.934999999999995, + "main_score": 61.934999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/MedrxivClusteringP2P.json b/results/Alibaba-NLP__gte-multilingual-base/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..c64c66d12 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.052031054565205, + "main_score": 33.052031054565205 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/MedrxivClusteringS2S.json b/results/Alibaba-NLP__gte-multilingual-base/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..d26bf167d --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.969909524076794, + "main_score": 31.969909524076794 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/MindSmallReranking.json b/results/Alibaba-NLP__gte-multilingual-base/external/MindSmallReranking.json new file mode 100644 index 000000000..a226de42c --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/MindSmallReranking.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.7530992892652, + "main_score": 31.7530992892652 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/MintakaRetrieval.json b/results/Alibaba-NLP__gte-multilingual-base/external/MintakaRetrieval.json new file mode 100644 index 000000000..edd282c65 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/MintakaRetrieval.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "efa78cc2f74bbcd21eff2261f9e13aebe40b814e", + "task_name": "MintakaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "ndcg_at_10": 34.705999999999996, + "main_score": 34.705999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/MultiLongDocRetrieval.json b/results/Alibaba-NLP__gte-multilingual-base/external/MultiLongDocRetrieval.json new file mode 100644 index 000000000..ac1322fe8 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/MultiLongDocRetrieval.json @@ -0,0 +1,114 @@ +{ + "dataset_revision": "None", + "task_name": "MultiLongDocRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "ndcg_at_10": 55.166000000000004, + "main_score": 55.166000000000004 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "ndcg_at_10": 55.155, + "main_score": 55.155 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 50.993, + "main_score": 50.993 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "ndcg_at_10": 81.228, + "main_score": 81.228 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "ndcg_at_10": 76.19, + "main_score": 76.19 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "ndcg_at_10": 45.206, + "main_score": 45.206 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "ndcg_at_10": 66.741, + "main_score": 66.741 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "ndcg_at_10": 52.111, + "main_score": 52.111 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Hang" + ], + "ndcg_at_10": 46.733000000000004, + "main_score": 46.733000000000004 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "ndcg_at_10": 79.105, + "main_score": 79.105 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "ndcg_at_10": 64.21, + "main_score": 64.21 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "ndcg_at_10": 35.467, + "main_score": 35.467 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "ndcg_at_10": 27.419, + "main_score": 27.419 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/MultilingualSentiment.json b/results/Alibaba-NLP__gte-multilingual-base/external/MultilingualSentiment.json new file mode 100644 index 000000000..a9b655afc --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/MultilingualSentiment.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "46958b007a63fdbf239b7672c25d0bea67b5ea1a", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 61.02000000000001, + "main_score": 61.02000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/NFCorpus-PL.json b/results/Alibaba-NLP__gte-multilingual-base/external/NFCorpus-PL.json new file mode 100644 index 000000000..856877922 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/NFCorpus-PL.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "9a6f9567fda928260afed2de480d79c98bf0bec0", + "task_name": "NFCorpus-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "ndcg_at_10": 26.831, + "main_score": 26.831 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/NFCorpus.json b/results/Alibaba-NLP__gte-multilingual-base/external/NFCorpus.json new file mode 100644 index 000000000..30263ac6c --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/NFCorpus.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 36.65, + "main_score": 36.65 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/NQ-PL.json b/results/Alibaba-NLP__gte-multilingual-base/external/NQ-PL.json new file mode 100644 index 000000000..26c05cb1f --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/NQ-PL.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f171245712cf85dd4700b06bef18001578d0ca8d", + "task_name": "NQ-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "ndcg_at_10": 43.126999999999995, + "main_score": 43.126999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/NQ.json b/results/Alibaba-NLP__gte-multilingual-base/external/NQ.json new file mode 100644 index 000000000..a0cb38567 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/NQ.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 58.111000000000004, + "main_score": 58.111000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/OnlineShopping.json b/results/Alibaba-NLP__gte-multilingual-base/external/OnlineShopping.json new file mode 100644 index 000000000..31b70b7bf --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/OnlineShopping.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e610f2ebd179a8fda30ae534c3878750a96db120", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 84.85000000000001, + "main_score": 84.85000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/PAC.json b/results/Alibaba-NLP__gte-multilingual-base/external/PAC.json new file mode 100644 index 000000000..f4879221e --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/PAC.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "PAC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 65.99189110918043, + "main_score": 65.99189110918043 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/PAWSX.json b/results/Alibaba-NLP__gte-multilingual-base/external/PAWSX.json new file mode 100644 index 000000000..95e63afe0 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/PAWSX.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "9c6a90e430ac22b5779fb019a23e820b11a8b5e1", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_spearman": 16.124364530596228, + "cosine_spearman": 16.124364530596228, + "main_score": 16.124364530596228 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/PolEmo2.0-IN.json b/results/Alibaba-NLP__gte-multilingual-base/external/PolEmo2.0-IN.json new file mode 100644 index 000000000..bbd617e65 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/PolEmo2.0-IN.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "PolEmo2.0-IN", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 69.59833795013851, + "main_score": 69.59833795013851 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/PolEmo2.0-OUT.json b/results/Alibaba-NLP__gte-multilingual-base/external/PolEmo2.0-OUT.json new file mode 100644 index 000000000..6bd138727 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/PolEmo2.0-OUT.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "PolEmo2.0-OUT", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 44.73684210526315, + "main_score": 44.73684210526315 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/QBQTC.json b/results/Alibaba-NLP__gte-multilingual-base/external/QBQTC.json new file mode 100644 index 000000000..84e05526e --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/QBQTC.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "790b0510dc52b1553e8c49f3d2afb48c0e5c48b7", + "task_name": "QBQTC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_spearman": 39.36450754137984, + "cosine_spearman": 39.36450754137984, + "main_score": 39.36450754137984 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/Quora-PL.json b/results/Alibaba-NLP__gte-multilingual-base/external/Quora-PL.json new file mode 100644 index 000000000..293b6c4e7 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/Quora-PL.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "0be27e93455051e531182b85e85e425aba12e9d4", + "task_name": "Quora-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "ndcg_at_10": 80.76299999999999, + "main_score": 80.76299999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/QuoraRetrieval.json b/results/Alibaba-NLP__gte-multilingual-base/external/QuoraRetrieval.json new file mode 100644 index 000000000..1058e99c5 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/QuoraRetrieval.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 88.022, + "main_score": 88.022 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/RedditClustering.json b/results/Alibaba-NLP__gte-multilingual-base/external/RedditClustering.json new file mode 100644 index 000000000..01c591844 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 55.719165988934385, + "main_score": 55.719165988934385 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/RedditClusteringP2P.json b/results/Alibaba-NLP__gte-multilingual-base/external/RedditClusteringP2P.json new file mode 100644 index 000000000..d95177172 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 62.25390069273025, + "main_score": 62.25390069273025 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/SCIDOCS-PL.json b/results/Alibaba-NLP__gte-multilingual-base/external/SCIDOCS-PL.json new file mode 100644 index 000000000..c26805601 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/SCIDOCS-PL.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "45452b03f05560207ef19149545f168e596c9337", + "task_name": "SCIDOCS-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "ndcg_at_10": 14.219000000000001, + "main_score": 14.219000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/SCIDOCS.json b/results/Alibaba-NLP__gte-multilingual-base/external/SCIDOCS.json new file mode 100644 index 000000000..2ba02e406 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/SCIDOCS.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 18.243000000000002, + "main_score": 18.243000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/SICK-R-PL.json b/results/Alibaba-NLP__gte-multilingual-base/external/SICK-R-PL.json new file mode 100644 index 000000000..30b01fbf3 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/SICK-R-PL.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "SICK-R-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cos_sim_spearman": 74.0651660446132, + "cosine_spearman": 74.0651660446132, + "main_score": 74.0651660446132 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/SICK-R.json b/results/Alibaba-NLP__gte-multilingual-base/external/SICK-R.json new file mode 100644 index 000000000..435f4946b --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/SICK-R.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 79.34269390198548, + "cosine_spearman": 79.34269390198548, + "main_score": 79.34269390198548 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/SICKFr.json b/results/Alibaba-NLP__gte-multilingual-base/external/SICKFr.json new file mode 100644 index 000000000..dafa9c3e4 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/SICKFr.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e077ab4cf4774a1e36d86d593b150422fafd8e8a", + "task_name": "SICKFr", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "cos_sim_spearman": 78.62693119733123, + "cosine_spearman": 78.62693119733123, + "main_score": 78.62693119733123 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/STS12.json b/results/Alibaba-NLP__gte-multilingual-base/external/STS12.json new file mode 100644 index 000000000..8c4685c73 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/STS12.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 77.50660544631359, + "cosine_spearman": 77.50660544631359, + "main_score": 77.50660544631359 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/STS13.json b/results/Alibaba-NLP__gte-multilingual-base/external/STS13.json new file mode 100644 index 000000000..bbd323d17 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/STS13.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 85.55415077723738, + "cosine_spearman": 85.55415077723738, + "main_score": 85.55415077723738 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/STS14.json b/results/Alibaba-NLP__gte-multilingual-base/external/STS14.json new file mode 100644 index 000000000..c7a8e6791 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/STS14.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 81.67550814479077, + "cosine_spearman": 81.67550814479077, + "main_score": 81.67550814479077 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/STS15.json b/results/Alibaba-NLP__gte-multilingual-base/external/STS15.json new file mode 100644 index 000000000..82862c658 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/STS15.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 88.94601412322764, + "cosine_spearman": 88.94601412322764, + "main_score": 88.94601412322764 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/STS16.json b/results/Alibaba-NLP__gte-multilingual-base/external/STS16.json new file mode 100644 index 000000000..b2c942f25 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/STS16.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 84.33844259337481, + "cosine_spearman": 84.33844259337481, + "main_score": 84.33844259337481 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/STS17.json b/results/Alibaba-NLP__gte-multilingual-base/external/STS17.json new file mode 100644 index 000000000..265b6dbff --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/STS17.json @@ -0,0 +1,116 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "ko-ko", + "languages": [ + "kor-Hang" + ], + "cos_sim_spearman": 81.58650681159105, + "cosine_spearman": 81.58650681159105, + "main_score": 81.58650681159105 + }, + { + "hf_subset": "ar-ar", + "languages": [ + "ara-Arab" + ], + "cos_sim_spearman": 78.82472265884256, + "cosine_spearman": 78.82472265884256, + "main_score": 78.82472265884256 + }, + { + "hf_subset": "en-ar", + "languages": [ + "eng-Latn", + "ara-Arab" + ], + "cos_sim_spearman": 76.43637938260397, + "cosine_spearman": 76.43637938260397, + "main_score": 76.43637938260397 + }, + { + "hf_subset": "en-de", + "languages": [ + "eng-Latn", + "deu-Latn" + ], + "cos_sim_spearman": 84.71008299464059, + "cosine_spearman": 84.71008299464059, + "main_score": 84.71008299464059 + }, + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 88.88074713413747, + "cosine_spearman": 88.88074713413747, + "main_score": 88.88074713413747 + }, + { + "hf_subset": "en-tr", + "languages": [ + "eng-Latn", + "tur-Latn" + ], + "cos_sim_spearman": 76.36405640457285, + "cosine_spearman": 76.36405640457285, + "main_score": 76.36405640457285 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cos_sim_spearman": 83.84737910084762, + "cosine_spearman": 83.84737910084762, + "main_score": 83.84737910084762 + }, + { + "hf_subset": "es-es", + "languages": [ + "spa-Latn" + ], + "cos_sim_spearman": 87.03931621433031, + "cosine_spearman": 87.03931621433031, + "main_score": 87.03931621433031 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "cos_sim_spearman": 84.43335591752246, + "cosine_spearman": 84.43335591752246, + "main_score": 84.43335591752246 + }, + { + "hf_subset": "it-en", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "cos_sim_spearman": 83.85268648747021, + "cosine_spearman": 83.85268648747021, + "main_score": 83.85268648747021 + }, + { + "hf_subset": "nl-en", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "cos_sim_spearman": 82.45786516224341, + "cosine_spearman": 82.45786516224341, + "main_score": 82.45786516224341 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/STS22.json b/results/Alibaba-NLP__gte-multilingual-base/external/STS22.json new file mode 100644 index 000000000..bb72d107a --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/STS22.json @@ -0,0 +1,180 @@ +{ + "dataset_revision": "eea2b4fe26a775864c896887d910b76a8098ad3f", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 67.20227303970304, + "cosine_spearman": 67.20227303970304, + "main_score": 67.20227303970304 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "cos_sim_spearman": 60.892838305537126, + "cosine_spearman": 60.892838305537126, + "main_score": 60.892838305537126 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "cos_sim_spearman": 72.01876318464508, + "cosine_spearman": 72.01876318464508, + "main_score": 72.01876318464508 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "cos_sim_spearman": 42.3879320510127, + "cosine_spearman": 42.3879320510127, + "main_score": 42.3879320510127 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "cos_sim_spearman": 65.54048784845729, + "cosine_spearman": 65.54048784845729, + "main_score": 65.54048784845729 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "cos_sim_spearman": 58.55244068334867, + "cosine_spearman": 58.55244068334867, + "main_score": 58.55244068334867 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "cos_sim_spearman": 66.48710288440624, + "cosine_spearman": 66.48710288440624, + "main_score": 66.48710288440624 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_spearman": 66.585754901838, + "cosine_spearman": 66.585754901838, + "main_score": 66.585754901838 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_spearman": 81.03001290557805, + "cosine_spearman": 81.03001290557805, + "main_score": 81.03001290557805 + }, + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "cos_sim_spearman": 62.28001859884359, + "cosine_spearman": 62.28001859884359, + "main_score": 62.28001859884359 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cos_sim_spearman": 79.64106342105019, + "cosine_spearman": 79.64106342105019, + "main_score": 79.64106342105019 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "cos_sim_spearman": 78.27915339361124, + "cosine_spearman": 78.27915339361124, + "main_score": 78.27915339361124 + }, + { + "hf_subset": "pl-en", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "cos_sim_spearman": 78.28574268257462, + "cosine_spearman": 78.28574268257462, + "main_score": 78.28574268257462 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "cos_sim_spearman": 72.92658860751482, + "cosine_spearman": 72.92658860751482, + "main_score": 72.92658860751482 + }, + { + "hf_subset": "es-it", + "languages": [ + "spa-Latn", + "ita-Latn" + ], + "cos_sim_spearman": 74.83418886368217, + "cosine_spearman": 74.83418886368217, + "main_score": 74.83418886368217 + }, + { + "hf_subset": "de-fr", + "languages": [ + "deu-Latn", + "fra-Latn" + ], + "cos_sim_spearman": 56.01064022625769, + "cosine_spearman": 56.01064022625769, + "main_score": 56.01064022625769 + }, + { + "hf_subset": "de-pl", + "languages": [ + "deu-Latn", + "pol-Latn" + ], + "cos_sim_spearman": 53.64332829635126, + "cosine_spearman": 53.64332829635126, + "main_score": 53.64332829635126 + }, + { + "hf_subset": "fr-pl", + "languages": [ + "fra-Latn", + "pol-Latn" + ], + "cos_sim_spearman": 73.24670207647144, + "cosine_spearman": 73.24670207647144, + "main_score": 73.24670207647144 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/STSB.json b/results/Alibaba-NLP__gte-multilingual-base/external/STSB.json new file mode 100644 index 000000000..d809e6c5e --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/STSB.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0cde68302b3541bb8b3c340dc0644b0b745b3dc0", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_spearman": 80.7157790971544, + "cosine_spearman": 80.7157790971544, + "main_score": 80.7157790971544 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/STSBenchmark.json b/results/Alibaba-NLP__gte-multilingual-base/external/STSBenchmark.json new file mode 100644 index 000000000..87cf97215 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/STSBenchmark.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 86.45763616928973, + "cosine_spearman": 86.45763616928973, + "main_score": 86.45763616928973 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/STSBenchmarkMultilingualSTS.json b/results/Alibaba-NLP__gte-multilingual-base/external/STSBenchmarkMultilingualSTS.json new file mode 100644 index 000000000..4aa6fcbe0 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/STSBenchmarkMultilingualSTS.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "93d57ef91790589e3ce9c365164337a8a78b7632", + "task_name": "STSBenchmarkMultilingualSTS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_spearman": 84.4335500335282, + "cosine_spearman": 84.4335500335282, + "main_score": 84.4335500335282 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/SciDocsRR.json b/results/Alibaba-NLP__gte-multilingual-base/external/SciDocsRR.json new file mode 100644 index 000000000..6a5978751 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/SciDocsRR.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 84.15276484499303, + "main_score": 84.15276484499303 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/SciFact-PL.json b/results/Alibaba-NLP__gte-multilingual-base/external/SciFact-PL.json new file mode 100644 index 000000000..458b65129 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/SciFact-PL.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "47932a35f045ef8ed01ba82bf9ff67f6e109207e", + "task_name": "SciFact-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "ndcg_at_10": 58.919999999999995, + "main_score": 58.919999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/SciFact.json b/results/Alibaba-NLP__gte-multilingual-base/external/SciFact.json new file mode 100644 index 000000000..2151d3feb --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/SciFact.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 73.433, + "main_score": 73.433 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/StackExchangeClustering.json b/results/Alibaba-NLP__gte-multilingual-base/external/StackExchangeClustering.json new file mode 100644 index 000000000..fa6fa4e0e --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 63.41856697730145, + "main_score": 63.41856697730145 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/StackExchangeClusteringP2P.json b/results/Alibaba-NLP__gte-multilingual-base/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..655e174d5 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.709285904909112, + "main_score": 31.709285904909112 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/StackOverflowDupQuestions.json b/results/Alibaba-NLP__gte-multilingual-base/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..6f3986c8b --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/StackOverflowDupQuestions.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 52.09341030060322, + "main_score": 52.09341030060322 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/SummEval.json b/results/Alibaba-NLP__gte-multilingual-base/external/SummEval.json new file mode 100644 index 000000000..d5900242a --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/SummEval.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 30.58262517835034, + "cosine_spearman": 30.58262517835034, + "main_score": 30.58262517835034 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/SummEvalFr.json b/results/Alibaba-NLP__gte-multilingual-base/external/SummEvalFr.json new file mode 100644 index 000000000..669f91347 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/SummEvalFr.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "b385812de6a9577b6f4d0f88c6a6e35395a94054", + "task_name": "SummEvalFr", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "cos_sim_spearman": 29.744542072951358, + "cosine_spearman": 29.744542072951358, + "main_score": 29.744542072951358 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/SyntecReranking.json b/results/Alibaba-NLP__gte-multilingual-base/external/SyntecReranking.json new file mode 100644 index 000000000..0a0f5a682 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/SyntecReranking.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "b205c5084a0934ce8af14338bf03feb19499c84d", + "task_name": "SyntecReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map": 88.03333333333333, + "main_score": 88.03333333333333 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/SyntecRetrieval.json b/results/Alibaba-NLP__gte-multilingual-base/external/SyntecRetrieval.json new file mode 100644 index 000000000..e2f6e9fca --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/SyntecRetrieval.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "77f7e271bf4a92b24fce5119f3486b583ca016ff", + "task_name": "SyntecRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "ndcg_at_10": 83.043, + "main_score": 83.043 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/T2Reranking.json b/results/Alibaba-NLP__gte-multilingual-base/external/T2Reranking.json new file mode 100644 index 000000000..40c2e65fd --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/T2Reranking.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "76631901a18387f85eaa53e5450019b87ad58ef9", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 67.08577894804324, + "main_score": 67.08577894804324 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/T2Retrieval.json b/results/Alibaba-NLP__gte-multilingual-base/external/T2Retrieval.json new file mode 100644 index 000000000..36f456c34 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/T2Retrieval.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "8731a845f1bf500a4f111cf1070785c793d10e64", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "ndcg_at_10": 84.718, + "main_score": 84.718 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/TNews.json b/results/Alibaba-NLP__gte-multilingual-base/external/TNews.json new file mode 100644 index 000000000..0d308aaf2 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/TNews.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "317f262bf1e6126357bbe89e875451e4b0938fe4", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 48.726, + "main_score": 48.726 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/TRECCOVID-PL.json b/results/Alibaba-NLP__gte-multilingual-base/external/TRECCOVID-PL.json new file mode 100644 index 000000000..fb5aaa4be --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/TRECCOVID-PL.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "81bcb408f33366c2a20ac54adafad1ae7e877fdd", + "task_name": "TRECCOVID-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "ndcg_at_10": 59.355999999999995, + "main_score": 59.355999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/TRECCOVID.json b/results/Alibaba-NLP__gte-multilingual-base/external/TRECCOVID.json new file mode 100644 index 000000000..985c57338 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/TRECCOVID.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 57.56, + "main_score": 57.56 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/Tatoeba.json b/results/Alibaba-NLP__gte-multilingual-base/external/Tatoeba.json new file mode 100644 index 000000000..71d52143a --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/Tatoeba.json @@ -0,0 +1,1018 @@ +{ + "dataset_revision": "9080400076fbadbb4c4dcb136ff4eddc40b42553", + "task_name": "Tatoeba", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "sqi-eng", + "languages": [ + "sqi-Latn", + "eng-Latn" + ], + "f1": 82.765, + "main_score": 82.765 + }, + { + "hf_subset": "fry-eng", + "languages": [ + "fry-Latn", + "eng-Latn" + ], + "f1": 73.69942196531792, + "main_score": 73.69942196531792 + }, + { + "hf_subset": "kur-eng", + "languages": [ + "kur-Latn", + "eng-Latn" + ], + "f1": 32.86585365853657, + "main_score": 32.86585365853657 + }, + { + "hf_subset": "tur-eng", + "languages": [ + "tur-Latn", + "eng-Latn" + ], + "f1": 95.81666666666666, + "main_score": 95.81666666666666 + }, + { + "hf_subset": "deu-eng", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "f1": 97.75, + "main_score": 97.75 + }, + { + "hf_subset": "nld-eng", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "f1": 93.78333333333335, + "main_score": 93.78333333333335 + }, + { + "hf_subset": "ron-eng", + "languages": [ + "ron-Latn", + "eng-Latn" + ], + "f1": 90.72333333333333, + "main_score": 90.72333333333333 + }, + { + "hf_subset": "ang-eng", + "languages": [ + "ang-Latn", + "eng-Latn" + ], + "f1": 42.45202558635395, + "main_score": 42.45202558635395 + }, + { + "hf_subset": "ido-eng", + "languages": [ + "ido-Latn", + "eng-Latn" + ], + "f1": 77.59238095238095, + "main_score": 77.59238095238095 + }, + { + "hf_subset": "jav-eng", + "languages": [ + "jav-Latn", + "eng-Latn" + ], + "f1": 35.69686411149825, + "main_score": 35.69686411149825 + }, + { + "hf_subset": "isl-eng", + "languages": [ + "isl-Latn", + "eng-Latn" + ], + "f1": 82.59333333333333, + "main_score": 82.59333333333333 + }, + { + "hf_subset": "slv-eng", + "languages": [ + "slv-Latn", + "eng-Latn" + ], + "f1": 84.1456922987907, + "main_score": 84.1456922987907 + }, + { + "hf_subset": "cym-eng", + "languages": [ + "cym-Latn", + "eng-Latn" + ], + "f1": 52.47462133594857, + "main_score": 52.47462133594857 + }, + { + "hf_subset": "kaz-eng", + "languages": [ + "kaz-Cyrl", + "eng-Latn" + ], + "f1": 67.62965440356746, + "main_score": 67.62965440356746 + }, + { + "hf_subset": "est-eng", + "languages": [ + "est-Latn", + "eng-Latn" + ], + "f1": 79.48412698412699, + "main_score": 79.48412698412699 + }, + { + "hf_subset": "heb-eng", + "languages": [ + "heb-Hebr", + "eng-Latn" + ], + "f1": 75.85, + "main_score": 75.85 + }, + { + "hf_subset": "gla-eng", + "languages": [ + "gla-Latn", + "eng-Latn" + ], + "f1": 27.32600866497127, + "main_score": 27.32600866497127 + }, + { + "hf_subset": "mar-eng", + "languages": [ + "mar-Deva", + "eng-Latn" + ], + "f1": 84.38, + "main_score": 84.38 + }, + { + "hf_subset": "lat-eng", + "languages": [ + "lat-Latn", + "eng-Latn" + ], + "f1": 42.98888712165028, + "main_score": 42.98888712165028 + }, + { + "hf_subset": "bel-eng", + "languages": [ + "bel-Cyrl", + "eng-Latn" + ], + "f1": 85.55690476190476, + "main_score": 85.55690476190476 + }, + { + "hf_subset": "pms-eng", + "languages": [ + "pms-Latn", + "eng-Latn" + ], + "f1": 46.68466031323174, + "main_score": 46.68466031323174 + }, + { + "hf_subset": "gle-eng", + "languages": [ + "gle-Latn", + "eng-Latn" + ], + "f1": 32.73071428571428, + "main_score": 32.73071428571428 + }, + { + "hf_subset": "pes-eng", + "languages": [ + "pes-Arab", + "eng-Latn" + ], + "f1": 88.26333333333334, + "main_score": 88.26333333333334 + }, + { + "hf_subset": "nob-eng", + "languages": [ + "nob-Latn", + "eng-Latn" + ], + "f1": 96.61666666666666, + "main_score": 96.61666666666666 + }, + { + "hf_subset": "bul-eng", + "languages": [ + "bul-Cyrl", + "eng-Latn" + ], + "f1": 91.30666666666666, + "main_score": 91.30666666666666 + }, + { + "hf_subset": "cbk-eng", + "languages": [ + "cbk-Latn", + "eng-Latn" + ], + "f1": 70.03714285714285, + "main_score": 70.03714285714285 + }, + { + "hf_subset": "hun-eng", + "languages": [ + "hun-Latn", + "eng-Latn" + ], + "f1": 89.09, + "main_score": 89.09 + }, + { + "hf_subset": "uig-eng", + "languages": [ + "uig-Arab", + "eng-Latn" + ], + "f1": 59.570476190476185, + "main_score": 59.570476190476185 + }, + { + "hf_subset": "rus-eng", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "f1": 92.9, + "main_score": 92.9 + }, + { + "hf_subset": "spa-eng", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "f1": 97.68333333333334, + "main_score": 97.68333333333334 + }, + { + "hf_subset": "hye-eng", + "languages": [ + "hye-Armn", + "eng-Latn" + ], + "f1": 80.40880503144653, + "main_score": 80.40880503144653 + }, + { + "hf_subset": "tel-eng", + "languages": [ + "tel-Telu", + "eng-Latn" + ], + "f1": 89.7008547008547, + "main_score": 89.7008547008547 + }, + { + "hf_subset": "afr-eng", + "languages": [ + "afr-Latn", + "eng-Latn" + ], + "f1": 81.84833333333333, + "main_score": 81.84833333333333 + }, + { + "hf_subset": "mon-eng", + "languages": [ + "mon-Cyrl", + "eng-Latn" + ], + "f1": 71.69696969696969, + "main_score": 71.69696969696969 + }, + { + "hf_subset": "arz-eng", + "languages": [ + "arz-Arab", + "eng-Latn" + ], + "f1": 55.76985790822269, + "main_score": 55.76985790822269 + }, + { + "hf_subset": "hrv-eng", + "languages": [ + "hrv-Latn", + "eng-Latn" + ], + "f1": 91.66666666666666, + "main_score": 91.66666666666666 + }, + { + "hf_subset": "nov-eng", + "languages": [ + "nov-Latn", + "eng-Latn" + ], + "f1": 68.36668519547896, + "main_score": 68.36668519547896 + }, + { + "hf_subset": "gsw-eng", + "languages": [ + "gsw-Latn", + "eng-Latn" + ], + "f1": 36.73992673992674, + "main_score": 36.73992673992674 + }, + { + "hf_subset": "nds-eng", + "languages": [ + "nds-Latn", + "eng-Latn" + ], + "f1": 63.420952380952365, + "main_score": 63.420952380952365 + }, + { + "hf_subset": "ukr-eng", + "languages": [ + "ukr-Cyrl", + "eng-Latn" + ], + "f1": 91.28999999999999, + "main_score": 91.28999999999999 + }, + { + "hf_subset": "uzb-eng", + "languages": [ + "uzb-Latn", + "eng-Latn" + ], + "f1": 40.95392490046146, + "main_score": 40.95392490046146 + }, + { + "hf_subset": "lit-eng", + "languages": [ + "lit-Latn", + "eng-Latn" + ], + "f1": 77.58936507936508, + "main_score": 77.58936507936508 + }, + { + "hf_subset": "ina-eng", + "languages": [ + "ina-Latn", + "eng-Latn" + ], + "f1": 91.28999999999999, + "main_score": 91.28999999999999 + }, + { + "hf_subset": "lfn-eng", + "languages": [ + "lfn-Latn", + "eng-Latn" + ], + "f1": 63.563650793650794, + "main_score": 63.563650793650794 + }, + { + "hf_subset": "zsm-eng", + "languages": [ + "zsm-Latn", + "eng-Latn" + ], + "f1": 94.35, + "main_score": 94.35 + }, + { + "hf_subset": "ita-eng", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "f1": 91.43, + "main_score": 91.43 + }, + { + "hf_subset": "cmn-eng", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "f1": 95.73333333333332, + "main_score": 95.73333333333332 + }, + { + "hf_subset": "lvs-eng", + "languages": [ + "lvs-Latn", + "eng-Latn" + ], + "f1": 79.38666666666667, + "main_score": 79.38666666666667 + }, + { + "hf_subset": "glg-eng", + "languages": [ + "glg-Latn", + "eng-Latn" + ], + "f1": 89.64, + "main_score": 89.64 + }, + { + "hf_subset": "ceb-eng", + "languages": [ + "ceb-Latn", + "eng-Latn" + ], + "f1": 21.257184628237262, + "main_score": 21.257184628237262 + }, + { + "hf_subset": "bre-eng", + "languages": [ + "bre-Latn", + "eng-Latn" + ], + "f1": 13.592316017316017, + "main_score": 13.592316017316017 + }, + { + "hf_subset": "ben-eng", + "languages": [ + "ben-Beng", + "eng-Latn" + ], + "f1": 73.22666666666666, + "main_score": 73.22666666666666 + }, + { + "hf_subset": "swg-eng", + "languages": [ + "swg-Latn", + "eng-Latn" + ], + "f1": 51.711309523809526, + "main_score": 51.711309523809526 + }, + { + "hf_subset": "arq-eng", + "languages": [ + "arq-Arab", + "eng-Latn" + ], + "f1": 24.98790634904795, + "main_score": 24.98790634904795 + }, + { + "hf_subset": "kab-eng", + "languages": [ + "kab-Latn", + "eng-Latn" + ], + "f1": 17.19218192918193, + "main_score": 17.19218192918193 + }, + { + "hf_subset": "fra-eng", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "f1": 93.26666666666667, + "main_score": 93.26666666666667 + }, + { + "hf_subset": "por-eng", + "languages": [ + "por-Latn", + "eng-Latn" + ], + "f1": 94.57333333333334, + "main_score": 94.57333333333334 + }, + { + "hf_subset": "tat-eng", + "languages": [ + "tat-Cyrl", + "eng-Latn" + ], + "f1": 42.35127206127206, + "main_score": 42.35127206127206 + }, + { + "hf_subset": "oci-eng", + "languages": [ + "oci-Latn", + "eng-Latn" + ], + "f1": 51.12318903318903, + "main_score": 51.12318903318903 + }, + { + "hf_subset": "pol-eng", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "f1": 94.89999999999999, + "main_score": 94.89999999999999 + }, + { + "hf_subset": "war-eng", + "languages": [ + "war-Latn", + "eng-Latn" + ], + "f1": 23.856320290390055, + "main_score": 23.856320290390055 + }, + { + "hf_subset": "aze-eng", + "languages": [ + "aze-Latn", + "eng-Latn" + ], + "f1": 79.52833333333334, + "main_score": 79.52833333333334 + }, + { + "hf_subset": "vie-eng", + "languages": [ + "vie-Latn", + "eng-Latn" + ], + "f1": 95.93333333333334, + "main_score": 95.93333333333334 + }, + { + "hf_subset": "nno-eng", + "languages": [ + "nno-Latn", + "eng-Latn" + ], + "f1": 90.75333333333333, + "main_score": 90.75333333333333 + }, + { + "hf_subset": "cha-eng", + "languages": [ + "cha-Latn", + "eng-Latn" + ], + "f1": 30.802919708029197, + "main_score": 30.802919708029197 + }, + { + "hf_subset": "mhr-eng", + "languages": [ + "mhr-Cyrl", + "eng-Latn" + ], + "f1": 15.984076294076294, + "main_score": 15.984076294076294 + }, + { + "hf_subset": "dan-eng", + "languages": [ + "dan-Latn", + "eng-Latn" + ], + "f1": 91.82666666666667, + "main_score": 91.82666666666667 + }, + { + "hf_subset": "ell-eng", + "languages": [ + "ell-Grek", + "eng-Latn" + ], + "f1": 91.9, + "main_score": 91.9 + }, + { + "hf_subset": "amh-eng", + "languages": [ + "amh-Ethi", + "eng-Latn" + ], + "f1": 76.36054421768706, + "main_score": 76.36054421768706 + }, + { + "hf_subset": "pam-eng", + "languages": [ + "pam-Latn", + "eng-Latn" + ], + "f1": 9.232711399711398, + "main_score": 9.232711399711398 + }, + { + "hf_subset": "hsb-eng", + "languages": [ + "hsb-Latn", + "eng-Latn" + ], + "f1": 45.640803181175855, + "main_score": 45.640803181175855 + }, + { + "hf_subset": "srp-eng", + "languages": [ + "srp-Cyrl", + "eng-Latn" + ], + "f1": 86.29, + "main_score": 86.29 + }, + { + "hf_subset": "epo-eng", + "languages": [ + "epo-Latn", + "eng-Latn" + ], + "f1": 88.90833333333332, + "main_score": 88.90833333333332 + }, + { + "hf_subset": "kzj-eng", + "languages": [ + "kzj-Latn", + "eng-Latn" + ], + "f1": 11.11880248978075, + "main_score": 11.11880248978075 + }, + { + "hf_subset": "awa-eng", + "languages": [ + "awa-Deva", + "eng-Latn" + ], + "f1": 48.45839345839346, + "main_score": 48.45839345839346 + }, + { + "hf_subset": "fao-eng", + "languages": [ + "fao-Latn", + "eng-Latn" + ], + "f1": 65.68157033805888, + "main_score": 65.68157033805888 + }, + { + "hf_subset": "mal-eng", + "languages": [ + "mal-Mlym", + "eng-Latn" + ], + "f1": 94.63852498786997, + "main_score": 94.63852498786997 + }, + { + "hf_subset": "ile-eng", + "languages": [ + "ile-Latn", + "eng-Latn" + ], + "f1": 81.67904761904761, + "main_score": 81.67904761904761 + }, + { + "hf_subset": "bos-eng", + "languages": [ + "bos-Latn", + "eng-Latn" + ], + "f1": 89.35969868173258, + "main_score": 89.35969868173258 + }, + { + "hf_subset": "cor-eng", + "languages": [ + "cor-Latn", + "eng-Latn" + ], + "f1": 5.957229437229437, + "main_score": 5.957229437229437 + }, + { + "hf_subset": "cat-eng", + "languages": [ + "cat-Latn", + "eng-Latn" + ], + "f1": 91.50333333333333, + "main_score": 91.50333333333333 + }, + { + "hf_subset": "eus-eng", + "languages": [ + "eus-Latn", + "eng-Latn" + ], + "f1": 63.75498778998778, + "main_score": 63.75498778998778 + }, + { + "hf_subset": "yue-eng", + "languages": [ + "yue-Hant", + "eng-Latn" + ], + "f1": 82.99190476190476, + "main_score": 82.99190476190476 + }, + { + "hf_subset": "swe-eng", + "languages": [ + "swe-Latn", + "eng-Latn" + ], + "f1": 92.95, + "main_score": 92.95 + }, + { + "hf_subset": "dtp-eng", + "languages": [ + "dtp-Latn", + "eng-Latn" + ], + "f1": 9.054042624042623, + "main_score": 9.054042624042623 + }, + { + "hf_subset": "kat-eng", + "languages": [ + "kat-Geor", + "eng-Latn" + ], + "f1": 72.77064981488574, + "main_score": 72.77064981488574 + }, + { + "hf_subset": "jpn-eng", + "languages": [ + "jpn-Jpan", + "eng-Latn" + ], + "f1": 93.14, + "main_score": 93.14 + }, + { + "hf_subset": "csb-eng", + "languages": [ + "csb-Latn", + "eng-Latn" + ], + "f1": 29.976786498525627, + "main_score": 29.976786498525627 + }, + { + "hf_subset": "xho-eng", + "languages": [ + "xho-Latn", + "eng-Latn" + ], + "f1": 67.6525821596244, + "main_score": 67.6525821596244 + }, + { + "hf_subset": "orv-eng", + "languages": [ + "orv-Cyrl", + "eng-Latn" + ], + "f1": 33.12964812964813, + "main_score": 33.12964812964813 + }, + { + "hf_subset": "ind-eng", + "languages": [ + "ind-Latn", + "eng-Latn" + ], + "f1": 92.30666666666666, + "main_score": 92.30666666666666 + }, + { + "hf_subset": "tuk-eng", + "languages": [ + "tuk-Latn", + "eng-Latn" + ], + "f1": 34.36077879427633, + "main_score": 34.36077879427633 + }, + { + "hf_subset": "max-eng", + "languages": [ + "max-Deva", + "eng-Latn" + ], + "f1": 52.571845212690285, + "main_score": 52.571845212690285 + }, + { + "hf_subset": "swh-eng", + "languages": [ + "swh-Latn", + "eng-Latn" + ], + "f1": 58.13107263107262, + "main_score": 58.13107263107262 + }, + { + "hf_subset": "hin-eng", + "languages": [ + "hin-Deva", + "eng-Latn" + ], + "f1": 93.33333333333333, + "main_score": 93.33333333333333 + }, + { + "hf_subset": "dsb-eng", + "languages": [ + "dsb-Latn", + "eng-Latn" + ], + "f1": 42.87370133925458, + "main_score": 42.87370133925458 + }, + { + "hf_subset": "ber-eng", + "languages": [ + "ber-Tfng", + "eng-Latn" + ], + "f1": 20.394327616827614, + "main_score": 20.394327616827614 + }, + { + "hf_subset": "tam-eng", + "languages": [ + "tam-Taml", + "eng-Latn" + ], + "f1": 84.29967426710098, + "main_score": 84.29967426710098 + }, + { + "hf_subset": "slk-eng", + "languages": [ + "slk-Latn", + "eng-Latn" + ], + "f1": 88.80666666666667, + "main_score": 88.80666666666667 + }, + { + "hf_subset": "tgl-eng", + "languages": [ + "tgl-Latn", + "eng-Latn" + ], + "f1": 67.23062271062273, + "main_score": 67.23062271062273 + }, + { + "hf_subset": "ast-eng", + "languages": [ + "ast-Latn", + "eng-Latn" + ], + "f1": 78.08398950131233, + "main_score": 78.08398950131233 + }, + { + "hf_subset": "mkd-eng", + "languages": [ + "mkd-Cyrl", + "eng-Latn" + ], + "f1": 77.85166666666666, + "main_score": 77.85166666666666 + }, + { + "hf_subset": "khm-eng", + "languages": [ + "khm-Khmr", + "eng-Latn" + ], + "f1": 67.63004001231148, + "main_score": 67.63004001231148 + }, + { + "hf_subset": "ces-eng", + "languages": [ + "ces-Latn", + "eng-Latn" + ], + "f1": 89.77000000000001, + "main_score": 89.77000000000001 + }, + { + "hf_subset": "tzl-eng", + "languages": [ + "tzl-Latn", + "eng-Latn" + ], + "f1": 40.2654503616042, + "main_score": 40.2654503616042 + }, + { + "hf_subset": "urd-eng", + "languages": [ + "urd-Arab", + "eng-Latn" + ], + "f1": 83.90333333333334, + "main_score": 83.90333333333334 + }, + { + "hf_subset": "ara-eng", + "languages": [ + "ara-Arab", + "eng-Latn" + ], + "f1": 77.80666666666666, + "main_score": 77.80666666666666 + }, + { + "hf_subset": "kor-eng", + "languages": [ + "kor-Hang", + "eng-Latn" + ], + "f1": 84.08, + "main_score": 84.08 + }, + { + "hf_subset": "yid-eng", + "languages": [ + "yid-Hebr", + "eng-Latn" + ], + "f1": 60.43098607367475, + "main_score": 60.43098607367475 + }, + { + "hf_subset": "fin-eng", + "languages": [ + "fin-Latn", + "eng-Latn" + ], + "f1": 88.19333333333333, + "main_score": 88.19333333333333 + }, + { + "hf_subset": "tha-eng", + "languages": [ + "tha-Thai", + "eng-Latn" + ], + "f1": 90.55352798053529, + "main_score": 90.55352798053529 + }, + { + "hf_subset": "wuu-eng", + "languages": [ + "wuu-Hans", + "eng-Latn" + ], + "f1": 88.44999999999999, + "main_score": 88.44999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/ThuNewsClusteringP2P.json b/results/Alibaba-NLP__gte-multilingual-base/external/ThuNewsClusteringP2P.json new file mode 100644 index 000000000..be49a1a5a --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/ThuNewsClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "5798586b105c0434e4f0fe5e767abe619442cf93", + "task_name": "ThuNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 57.25416429643288, + "main_score": 57.25416429643288 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/ThuNewsClusteringS2S.json b/results/Alibaba-NLP__gte-multilingual-base/external/ThuNewsClusteringS2S.json new file mode 100644 index 000000000..69d6617ff --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/ThuNewsClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "8a8b2caeda43f39e13c4bc5bea0f8a667896e10d", + "task_name": "ThuNewsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 56.616646560243524, + "main_score": 56.616646560243524 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/Touche2020.json b/results/Alibaba-NLP__gte-multilingual-base/external/Touche2020.json new file mode 100644 index 000000000..2c9d31487 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/Touche2020.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 22.819, + "main_score": 22.819 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/ToxicConversationsClassification.json b/results/Alibaba-NLP__gte-multilingual-base/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..66c8e9655 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/ToxicConversationsClassification.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.02579999999999, + "main_score": 71.02579999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/TweetSentimentExtractionClassification.json b/results/Alibaba-NLP__gte-multilingual-base/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..5557a3571 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 57.60045274476514, + "main_score": 57.60045274476514 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/TwentyNewsgroupsClustering.json b/results/Alibaba-NLP__gte-multilingual-base/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..19990e275 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 50.346666699466205, + "main_score": 50.346666699466205 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/VideoRetrieval.json b/results/Alibaba-NLP__gte-multilingual-base/external/VideoRetrieval.json new file mode 100644 index 000000000..f28749b82 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/VideoRetrieval.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "58c2597a5943a2ba48f4668c3b90d796283c5639", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "ndcg_at_10": 72.792, + "main_score": 72.792 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/Waimai.json b/results/Alibaba-NLP__gte-multilingual-base/external/Waimai.json new file mode 100644 index 000000000..839e5e340 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/Waimai.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "339287def212450dcaa9df8c22bf93e9980c7023", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 82.58000000000001, + "main_score": 82.58000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/XPQARetrieval.json b/results/Alibaba-NLP__gte-multilingual-base/external/XPQARetrieval.json new file mode 100644 index 000000000..06aeff302 --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/XPQARetrieval.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "c99d599f0a6ab9b85b065da6f9d94f9cf731679f", + "task_name": "XPQARetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "None" + ], + "ndcg_at_10": 67.327, + "main_score": 67.327 + } + ] + } +} \ No newline at end of file diff --git a/results/Alibaba-NLP__gte-multilingual-base/external/model_meta.json b/results/Alibaba-NLP__gte-multilingual-base/external/model_meta.json new file mode 100644 index 000000000..9b94dfb7a --- /dev/null +++ b/results/Alibaba-NLP__gte-multilingual-base/external/model_meta.json @@ -0,0 +1,98 @@ +{ + "name": "Alibaba-NLP/gte-multilingual-base", + "revision": "7fc06782350c1a83f88b15dd4b38ef853d3b8503", + "release_date": "2024-07-20", + "languages": [ + "af", + "ar", + "az", + "be", + "bg", + "bn", + "ca", + "ceb", + "cs", + "cy", + "da", + "de", + "el", + "en", + "es", + "et", + "eu", + "fa", + "fi", + "fr", + "gl", + "gu", + "he", + "hi", + "hr", + "ht", + "hu", + "hy", + "id", + "is", + "it", + "ja", + "jv", + "ka", + "kk", + "km", + "kn", + "ko", + "ky", + "lo", + "lt", + "lv", + "mk", + "ml", + "mn", + "mr", + "ms", + "my", + "ne", + "nl", + "no", + "pa", + "pl", + "pt", + "qu", + "ro", + "ru", + "si", + "sk", + "sl", + "so", + "sq", + "sr", + "sv", + "sw", + "ta", + "te", + "th", + "tl", + "tr", + "uk", + "ur", + "vi", + "yo", + "zh" + ], + "loader": null, + "n_parameters": 305369089, + "memory_usage": null, + "max_tokens": 8192, + "embed_dim": 768, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Amu__tao/external/AFQMC.json b/results/Amu__tao/external/AFQMC.json new file mode 100644 index 000000000..2bfefd38a --- /dev/null +++ b/results/Amu__tao/external/AFQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 47.33752515292192, + "cos_sim_spearman": 49.940772056837176, + "euclidean_pearson": 48.12147487857213, + "euclidean_spearman": 49.9407519488174, + "manhattan_pearson": 48.07550286372865, + "manhattan_spearman": 49.89535645392862, + "cosine_pearson": 47.33752515292192, + "cosine_spearman": 49.940772056837176, + "main_score": 49.940772056837176 + } + ] + } +} \ No newline at end of file diff --git a/results/Amu__tao/external/ATEC.json b/results/Amu__tao/external/ATEC.json new file mode 100644 index 000000000..2b5c6f7d2 --- /dev/null +++ b/results/Amu__tao/external/ATEC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 50.976865711125626, + "cos_sim_spearman": 53.113084748593465, + "euclidean_pearson": 55.1209592747571, + "euclidean_spearman": 53.11308362230699, + "manhattan_pearson": 55.09799309322416, + "manhattan_spearman": 53.108059998577076, + "cosine_pearson": 50.976865711125626, + "cosine_spearman": 53.113084748593465, + "main_score": 53.113084748593465 + } + ] + } +} \ No newline at end of file diff --git a/results/Amu__tao/external/AmazonReviewsClassification.json b/results/Amu__tao/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..16e80dce6 --- /dev/null +++ b/results/Amu__tao/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 40.812, + "f1": 39.02060856097395, + "main_score": 40.812 + } + ] + } +} \ No newline at end of file diff --git a/results/Amu__tao/external/BQ.json b/results/Amu__tao/external/BQ.json new file mode 100644 index 000000000..847365fae --- /dev/null +++ b/results/Amu__tao/external/BQ.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 62.84336868097746, + "cos_sim_spearman": 65.540605433497, + "euclidean_pearson": 64.08759819387913, + "euclidean_spearman": 65.54060543369363, + "manhattan_pearson": 64.09334283385029, + "manhattan_spearman": 65.55376209169398, + "cosine_pearson": 62.84336868097746, + "cosine_spearman": 65.540605433497, + "main_score": 65.540605433497 + } + ] + } +} \ No newline at end of file diff --git a/results/Amu__tao/external/CLSClusteringP2P.json b/results/Amu__tao/external/CLSClusteringP2P.json new file mode 100644 index 000000000..dfe4ce26f --- /dev/null +++ b/results/Amu__tao/external/CLSClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 39.964020691388505, + "main_score": 39.964020691388505 + } + ] + } +} \ No newline at end of file diff --git a/results/Amu__tao/external/CLSClusteringS2S.json b/results/Amu__tao/external/CLSClusteringS2S.json new file mode 100644 index 000000000..2e2f3f17f --- /dev/null +++ b/results/Amu__tao/external/CLSClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 38.18628830038994, + "main_score": 38.18628830038994 + } + ] + } +} \ No newline at end of file diff --git a/results/Amu__tao/external/CmedqaRetrieval.json b/results/Amu__tao/external/CmedqaRetrieval.json new file mode 100644 index 000000000..f1c91d894 --- /dev/null +++ b/results/Amu__tao/external/CmedqaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 24.484, + "map_at_10": 36.3, + "map_at_100": 38.181, + "map_at_1000": 38.305, + "map_at_3": 32.39, + "map_at_5": 34.504000000000005, + "mrr_at_1": 37.608999999999995, + "mrr_at_10": 45.348, + "mrr_at_100": 46.375, + "mrr_at_1000": 46.425, + "mrr_at_3": 42.969, + "mrr_at_5": 44.285999999999994, + "ndcg_at_1": 37.608999999999995, + "ndcg_at_10": 42.675999999999995, + "ndcg_at_100": 50.12799999999999, + "ndcg_at_1000": 52.321, + "ndcg_at_3": 37.864, + "ndcg_at_5": 39.701, + "precision_at_1": 37.608999999999995, + "precision_at_10": 9.527, + "precision_at_100": 1.555, + "precision_at_1000": 0.183, + "precision_at_3": 21.547, + "precision_at_5": 15.504000000000001, + "recall_at_1": 24.484, + "recall_at_10": 52.43299999999999, + "recall_at_100": 83.446, + "recall_at_1000": 98.24199999999999, + "recall_at_3": 37.653, + "recall_at_5": 43.643, + "main_score": 42.675999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/Amu__tao/external/Cmnli.json b/results/Amu__tao/external/Cmnli.json new file mode 100644 index 000000000..7c3660873 --- /dev/null +++ b/results/Amu__tao/external/Cmnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Cmnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 77.71497294046902, + "cos_sim_ap": 86.84542027578229, + "cos_sim_f1": 79.31987247608926, + "cos_sim_precision": 72.70601987142022, + "cos_sim_recall": 87.2574234276362, + "dot_accuracy": 77.71497294046902, + "dot_ap": 86.86514752961159, + "dot_f1": 79.31987247608926, + "dot_precision": 72.70601987142022, + "dot_recall": 87.2574234276362, + "euclidean_accuracy": 77.71497294046902, + "euclidean_ap": 86.84541456571337, + "euclidean_f1": 79.31987247608926, + "euclidean_precision": 72.70601987142022, + "euclidean_recall": 87.2574234276362, + "manhattan_accuracy": 77.8111846061335, + "manhattan_ap": 86.81148050422539, + "manhattan_f1": 79.41176470588236, + "manhattan_precision": 72.52173913043478, + "manhattan_recall": 87.74842179097499, + "max_accuracy": 77.8111846061335, + "max_ap": 86.86514752961159, + "max_f1": 79.41176470588236, + "main_score": 77.8111846061335 + } + ] + } +} \ No newline at end of file diff --git a/results/Amu__tao/external/CovidRetrieval.json b/results/Amu__tao/external/CovidRetrieval.json new file mode 100644 index 000000000..a9d2daeb0 --- /dev/null +++ b/results/Amu__tao/external/CovidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 68.862, + "map_at_10": 77.079, + "map_at_100": 77.428, + "map_at_1000": 77.432, + "map_at_3": 75.40400000000001, + "map_at_5": 76.227, + "mrr_at_1": 69.02000000000001, + "mrr_at_10": 77.04299999999999, + "mrr_at_100": 77.391, + "mrr_at_1000": 77.395, + "mrr_at_3": 75.44800000000001, + "mrr_at_5": 76.23299999999999, + "ndcg_at_1": 69.02000000000001, + "ndcg_at_10": 80.789, + "ndcg_at_100": 82.27499999999999, + "ndcg_at_1000": 82.381, + "ndcg_at_3": 77.40599999999999, + "ndcg_at_5": 78.87100000000001, + "precision_at_1": 69.02000000000001, + "precision_at_10": 9.336, + "precision_at_100": 0.9990000000000001, + "precision_at_1000": 0.101, + "precision_at_3": 27.889000000000003, + "precision_at_5": 17.492, + "recall_at_1": 68.862, + "recall_at_10": 92.308, + "recall_at_100": 98.84100000000001, + "recall_at_1000": 99.684, + "recall_at_3": 83.087, + "recall_at_5": 86.617, + "main_score": 80.789 + } + ] + } +} \ No newline at end of file diff --git a/results/Amu__tao/external/DuRetrieval.json b/results/Amu__tao/external/DuRetrieval.json new file mode 100644 index 000000000..180676670 --- /dev/null +++ b/results/Amu__tao/external/DuRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 25.063999999999997, + "map_at_10": 78.014, + "map_at_100": 81.021, + "map_at_1000": 81.059, + "map_at_3": 53.616, + "map_at_5": 68.00399999999999, + "mrr_at_1": 87.8, + "mrr_at_10": 91.824, + "mrr_at_100": 91.915, + "mrr_at_1000": 91.917, + "mrr_at_3": 91.525, + "mrr_at_5": 91.752, + "ndcg_at_1": 87.8, + "ndcg_at_10": 85.74199999999999, + "ndcg_at_100": 88.82900000000001, + "ndcg_at_1000": 89.208, + "ndcg_at_3": 84.206, + "ndcg_at_5": 83.421, + "precision_at_1": 87.8, + "precision_at_10": 41.325, + "precision_at_100": 4.8, + "precision_at_1000": 0.48900000000000005, + "precision_at_3": 75.783, + "precision_at_5": 64.25999999999999, + "recall_at_1": 25.063999999999997, + "recall_at_10": 87.324, + "recall_at_100": 97.261, + "recall_at_1000": 99.309, + "recall_at_3": 56.281000000000006, + "recall_at_5": 73.467, + "main_score": 85.74199999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Amu__tao/external/EcomRetrieval.json b/results/Amu__tao/external/EcomRetrieval.json new file mode 100644 index 000000000..2ef347808 --- /dev/null +++ b/results/Amu__tao/external/EcomRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 46.800000000000004, + "map_at_10": 56.887, + "map_at_100": 57.556, + "map_at_1000": 57.582, + "map_at_3": 54.15, + "map_at_5": 55.825, + "mrr_at_1": 46.800000000000004, + "mrr_at_10": 56.887, + "mrr_at_100": 57.556, + "mrr_at_1000": 57.582, + "mrr_at_3": 54.15, + "mrr_at_5": 55.825, + "ndcg_at_1": 46.800000000000004, + "ndcg_at_10": 62.061, + "ndcg_at_100": 65.042, + "ndcg_at_1000": 65.658, + "ndcg_at_3": 56.52700000000001, + "ndcg_at_5": 59.518, + "precision_at_1": 46.800000000000004, + "precision_at_10": 7.84, + "precision_at_100": 0.9169999999999999, + "precision_at_1000": 0.096, + "precision_at_3": 21.133, + "precision_at_5": 14.12, + "recall_at_1": 46.800000000000004, + "recall_at_10": 78.4, + "recall_at_100": 91.7, + "recall_at_1000": 96.39999999999999, + "recall_at_3": 63.4, + "recall_at_5": 70.6, + "main_score": 62.061 + } + ] + } +} \ No newline at end of file diff --git a/results/Amu__tao/external/IFlyTek.json b/results/Amu__tao/external/IFlyTek.json new file mode 100644 index 000000000..dbbb44cd3 --- /dev/null +++ b/results/Amu__tao/external/IFlyTek.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 48.010773374374764, + "f1": 35.25314495210735, + "main_score": 48.010773374374764 + } + ] + } +} \ No newline at end of file diff --git a/results/Amu__tao/external/JDReview.json b/results/Amu__tao/external/JDReview.json new file mode 100644 index 000000000..16fa3d400 --- /dev/null +++ b/results/Amu__tao/external/JDReview.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 87.01688555347093, + "ap": 56.39167630414159, + "f1": 81.91756262306008, + "main_score": 87.01688555347093 + } + ] + } +} \ No newline at end of file diff --git a/results/Amu__tao/external/LCQMC.json b/results/Amu__tao/external/LCQMC.json new file mode 100644 index 000000000..d70222192 --- /dev/null +++ b/results/Amu__tao/external/LCQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 71.17867432738112, + "cos_sim_spearman": 77.47954247528372, + "euclidean_pearson": 76.32408876437825, + "euclidean_spearman": 77.47954025694959, + "manhattan_pearson": 76.33345801575938, + "manhattan_spearman": 77.48901582125997, + "cosine_pearson": 71.17867432738112, + "cosine_spearman": 77.47954247528372, + "main_score": 77.47954247528372 + } + ] + } +} \ No newline at end of file diff --git a/results/Amu__tao/external/MMarcoReranking.json b/results/Amu__tao/external/MMarcoReranking.json new file mode 100644 index 000000000..ebe05f0fe --- /dev/null +++ b/results/Amu__tao/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 27.96333052746654, + "mrr": 26.92023809523809, + "main_score": 27.96333052746654 + } + ] + } +} \ No newline at end of file diff --git a/results/Amu__tao/external/MMarcoRetrieval.json b/results/Amu__tao/external/MMarcoRetrieval.json new file mode 100644 index 000000000..6126e295e --- /dev/null +++ b/results/Amu__tao/external/MMarcoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 66.144, + "map_at_10": 75.036, + "map_at_100": 75.36, + "map_at_1000": 75.371, + "map_at_3": 73.258, + "map_at_5": 74.369, + "mrr_at_1": 68.381, + "mrr_at_10": 75.633, + "mrr_at_100": 75.91799999999999, + "mrr_at_1000": 75.928, + "mrr_at_3": 74.093, + "mrr_at_5": 75.036, + "ndcg_at_1": 68.381, + "ndcg_at_10": 78.661, + "ndcg_at_100": 80.15, + "ndcg_at_1000": 80.456, + "ndcg_at_3": 75.295, + "ndcg_at_5": 77.14999999999999, + "precision_at_1": 68.381, + "precision_at_10": 9.481, + "precision_at_100": 1.023, + "precision_at_1000": 0.105, + "precision_at_3": 28.309, + "precision_at_5": 17.974, + "recall_at_1": 66.144, + "recall_at_10": 89.24499999999999, + "recall_at_100": 96.032, + "recall_at_1000": 98.437, + "recall_at_3": 80.327, + "recall_at_5": 84.733, + "main_score": 78.661 + } + ] + } +} \ No newline at end of file diff --git a/results/Amu__tao/external/MassiveIntentClassification.json b/results/Amu__tao/external/MassiveIntentClassification.json new file mode 100644 index 000000000..9f1e4ef13 --- /dev/null +++ b/results/Amu__tao/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 68.26832548755884, + "f1": 65.97422207086723, + "main_score": 68.26832548755884 + } + ] + } +} \ No newline at end of file diff --git a/results/Amu__tao/external/MassiveScenarioClassification.json b/results/Amu__tao/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..c6376688a --- /dev/null +++ b/results/Amu__tao/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 73.13046402151984, + "f1": 72.69199129694121, + "main_score": 73.13046402151984 + } + ] + } +} \ No newline at end of file diff --git a/results/Amu__tao/external/MedicalRetrieval.json b/results/Amu__tao/external/MedicalRetrieval.json new file mode 100644 index 000000000..6282a3a8e --- /dev/null +++ b/results/Amu__tao/external/MedicalRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 50.4, + "map_at_10": 56.645, + "map_at_100": 57.160999999999994, + "map_at_1000": 57.218, + "map_at_3": 55.383, + "map_at_5": 56.08800000000001, + "mrr_at_1": 50.6, + "mrr_at_10": 56.745999999999995, + "mrr_at_100": 57.262, + "mrr_at_1000": 57.318999999999996, + "mrr_at_3": 55.483000000000004, + "mrr_at_5": 56.188, + "ndcg_at_1": 50.4, + "ndcg_at_10": 59.534, + "ndcg_at_100": 62.400999999999996, + "ndcg_at_1000": 64.01299999999999, + "ndcg_at_3": 56.887, + "ndcg_at_5": 58.160000000000004, + "precision_at_1": 50.4, + "precision_at_10": 6.859999999999999, + "precision_at_100": 0.828, + "precision_at_1000": 0.096, + "precision_at_3": 20.4, + "precision_at_5": 12.86, + "recall_at_1": 50.4, + "recall_at_10": 68.60000000000001, + "recall_at_100": 82.8, + "recall_at_1000": 95.7, + "recall_at_3": 61.199999999999996, + "recall_at_5": 64.3, + "main_score": 59.534 + } + ] + } +} \ No newline at end of file diff --git a/results/Amu__tao/external/MultilingualSentiment.json b/results/Amu__tao/external/MultilingualSentiment.json new file mode 100644 index 000000000..ae6ec6a3d --- /dev/null +++ b/results/Amu__tao/external/MultilingualSentiment.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 73.39666666666666, + "f1": 72.86349039489504, + "main_score": 73.39666666666666 + } + ] + } +} \ No newline at end of file diff --git a/results/Amu__tao/external/Ocnli.json b/results/Amu__tao/external/Ocnli.json new file mode 100644 index 000000000..9441ff802 --- /dev/null +++ b/results/Amu__tao/external/Ocnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Ocnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 73.36220898754738, + "cos_sim_ap": 78.50300066088354, + "cos_sim_f1": 75.39370078740157, + "cos_sim_precision": 70.59907834101382, + "cos_sim_recall": 80.8870116156283, + "dot_accuracy": 73.36220898754738, + "dot_ap": 78.50300066088354, + "dot_f1": 75.39370078740157, + "dot_precision": 70.59907834101382, + "dot_recall": 80.8870116156283, + "euclidean_accuracy": 73.36220898754738, + "euclidean_ap": 78.50300066088354, + "euclidean_f1": 75.39370078740157, + "euclidean_precision": 70.59907834101382, + "euclidean_recall": 80.8870116156283, + "manhattan_accuracy": 73.09149972929075, + "manhattan_ap": 78.41160715817406, + "manhattan_f1": 75.3623188405797, + "manhattan_precision": 69.45681211041853, + "manhattan_recall": 82.36536430834214, + "max_accuracy": 73.36220898754738, + "max_ap": 78.50300066088354, + "max_f1": 75.39370078740157, + "main_score": 73.36220898754738 + } + ] + } +} \ No newline at end of file diff --git a/results/Amu__tao/external/OnlineShopping.json b/results/Amu__tao/external/OnlineShopping.json new file mode 100644 index 000000000..55d91e8b4 --- /dev/null +++ b/results/Amu__tao/external/OnlineShopping.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 91.82000000000001, + "ap": 89.3671278896903, + "f1": 91.8021970144045, + "main_score": 91.82000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/Amu__tao/external/PAWSX.json b/results/Amu__tao/external/PAWSX.json new file mode 100644 index 000000000..4c27090bf --- /dev/null +++ b/results/Amu__tao/external/PAWSX.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 30.07022294131062, + "cos_sim_spearman": 36.21542804954441, + "euclidean_pearson": 36.37841945307606, + "euclidean_spearman": 36.215513214835546, + "manhattan_pearson": 36.31755715017088, + "manhattan_spearman": 36.16848256918425, + "cosine_pearson": 30.07022294131062, + "cosine_spearman": 36.21542804954441, + "main_score": 36.21542804954441 + } + ] + } +} \ No newline at end of file diff --git a/results/Amu__tao/external/QBQTC.json b/results/Amu__tao/external/QBQTC.json new file mode 100644 index 000000000..f74f23f99 --- /dev/null +++ b/results/Amu__tao/external/QBQTC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "QBQTC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 36.779755871073505, + "cos_sim_spearman": 38.736220679196606, + "euclidean_pearson": 37.13356686891227, + "euclidean_spearman": 38.73619198602118, + "manhattan_pearson": 37.175466658530816, + "manhattan_spearman": 38.74523158724344, + "cosine_pearson": 36.779755871073505, + "cosine_spearman": 38.736220679196606, + "main_score": 38.736220679196606 + } + ] + } +} \ No newline at end of file diff --git a/results/Amu__tao/external/STS22.json b/results/Amu__tao/external/STS22.json new file mode 100644 index 000000000..455e57680 --- /dev/null +++ b/results/Amu__tao/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 65.9737863254904, + "cos_sim_spearman": 68.88293545840186, + "euclidean_pearson": 67.23730973929247, + "euclidean_spearman": 68.88293545840186, + "manhattan_pearson": 67.30647960940956, + "manhattan_spearman": 68.90553460682702, + "cosine_pearson": 65.9737863254904, + "cosine_spearman": 68.88293545840186, + "main_score": 68.88293545840186 + } + ] + } +} \ No newline at end of file diff --git a/results/Amu__tao/external/STSB.json b/results/Amu__tao/external/STSB.json new file mode 100644 index 000000000..800a83bb6 --- /dev/null +++ b/results/Amu__tao/external/STSB.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 78.99371432933002, + "cos_sim_spearman": 79.36496709214312, + "euclidean_pearson": 78.77721120706431, + "euclidean_spearman": 79.36500761622595, + "manhattan_pearson": 78.82503201285202, + "manhattan_spearman": 79.43915548337401, + "cosine_pearson": 78.99371432933002, + "cosine_spearman": 79.36496709214312, + "main_score": 79.36496709214312 + } + ] + } +} \ No newline at end of file diff --git a/results/Amu__tao/external/T2Reranking.json b/results/Amu__tao/external/T2Reranking.json new file mode 100644 index 000000000..8806fa94d --- /dev/null +++ b/results/Amu__tao/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 66.38418982516941, + "mrr": 76.09996131153883, + "main_score": 66.38418982516941 + } + ] + } +} \ No newline at end of file diff --git a/results/Amu__tao/external/T2Retrieval.json b/results/Amu__tao/external/T2Retrieval.json new file mode 100644 index 000000000..e2dce491a --- /dev/null +++ b/results/Amu__tao/external/T2Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 27.426000000000002, + "map_at_10": 77.209, + "map_at_100": 80.838, + "map_at_1000": 80.903, + "map_at_3": 54.196, + "map_at_5": 66.664, + "mrr_at_1": 90.049, + "mrr_at_10": 92.482, + "mrr_at_100": 92.568, + "mrr_at_1000": 92.572, + "mrr_at_3": 92.072, + "mrr_at_5": 92.33, + "ndcg_at_1": 90.049, + "ndcg_at_10": 84.69200000000001, + "ndcg_at_100": 88.25699999999999, + "ndcg_at_1000": 88.896, + "ndcg_at_3": 86.09700000000001, + "ndcg_at_5": 84.68599999999999, + "precision_at_1": 90.049, + "precision_at_10": 42.142, + "precision_at_100": 5.017, + "precision_at_1000": 0.516, + "precision_at_3": 75.358, + "precision_at_5": 63.173, + "recall_at_1": 27.426000000000002, + "recall_at_10": 83.59400000000001, + "recall_at_100": 95.21, + "recall_at_1000": 98.503, + "recall_at_3": 55.849000000000004, + "recall_at_5": 69.986, + "main_score": 84.69200000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/Amu__tao/external/TNews.json b/results/Amu__tao/external/TNews.json new file mode 100644 index 000000000..e609ecee9 --- /dev/null +++ b/results/Amu__tao/external/TNews.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 51.925999999999995, + "f1": 50.16867723626971, + "main_score": 51.925999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/Amu__tao/external/ThuNewsClusteringP2P.json b/results/Amu__tao/external/ThuNewsClusteringP2P.json new file mode 100644 index 000000000..3210bf008 --- /dev/null +++ b/results/Amu__tao/external/ThuNewsClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 60.738901671970005, + "main_score": 60.738901671970005 + } + ] + } +} \ No newline at end of file diff --git a/results/Amu__tao/external/ThuNewsClusteringS2S.json b/results/Amu__tao/external/ThuNewsClusteringS2S.json new file mode 100644 index 000000000..006126c5e --- /dev/null +++ b/results/Amu__tao/external/ThuNewsClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 57.08563183138733, + "main_score": 57.08563183138733 + } + ] + } +} \ No newline at end of file diff --git a/results/Amu__tao/external/VideoRetrieval.json b/results/Amu__tao/external/VideoRetrieval.json new file mode 100644 index 000000000..2265d0ee1 --- /dev/null +++ b/results/Amu__tao/external/VideoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 52, + "map_at_10": 62.956, + "map_at_100": 63.491, + "map_at_1000": 63.50599999999999, + "map_at_3": 60.733000000000004, + "map_at_5": 62.217999999999996, + "mrr_at_1": 52, + "mrr_at_10": 62.956, + "mrr_at_100": 63.491, + "mrr_at_1000": 63.50599999999999, + "mrr_at_3": 60.733000000000004, + "mrr_at_5": 62.217999999999996, + "ndcg_at_1": 52, + "ndcg_at_10": 67.956, + "ndcg_at_100": 70.536, + "ndcg_at_1000": 70.908, + "ndcg_at_3": 63.456999999999994, + "ndcg_at_5": 66.155, + "precision_at_1": 52, + "precision_at_10": 8.35, + "precision_at_100": 0.955, + "precision_at_1000": 0.098, + "precision_at_3": 23.767, + "precision_at_5": 15.58, + "recall_at_1": 52, + "recall_at_10": 83.5, + "recall_at_100": 95.5, + "recall_at_1000": 98.4, + "recall_at_3": 71.3, + "recall_at_5": 77.9, + "main_score": 67.956 + } + ] + } +} \ No newline at end of file diff --git a/results/Amu__tao/external/Waimai.json b/results/Amu__tao/external/Waimai.json new file mode 100644 index 000000000..bd973d80a --- /dev/null +++ b/results/Amu__tao/external/Waimai.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 87.10000000000001, + "ap": 70.81766065881429, + "f1": 85.5323306120456, + "main_score": 87.10000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/Amu__tao/external/model_meta.json b/results/Amu__tao/external/model_meta.json new file mode 100644 index 000000000..95e07655f --- /dev/null +++ b/results/Amu__tao/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "Amu/tao", + "revision": "06bf3750652bca5c532293030c79d0c8714aaf70", + "release_date": "2023-10-18", + "languages": [ + "zh" + ], + "loader": null, + "n_parameters": 163056314, + "memory_usage": null, + "max_tokens": 1024, + "embed_dim": 1024, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/AmazonCounterfactualClassification.json b/results/BAAI__bge-base-en-v1.5/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..661c9d00a --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.14925373134328, + "ap": 39.32336517995478, + "f1": 70.16902252611425, + "main_score": 76.14925373134328 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/AmazonPolarityClassification.json b/results/BAAI__bge-base-en-v1.5/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..30822c87f --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.386825, + "ap": 90.21276917991995, + "f1": 93.37741030006174, + "main_score": 93.386825 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/AmazonReviewsClassification.json b/results/BAAI__bge-base-en-v1.5/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..92b3f1339 --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 48.846000000000004, + "f1": 48.14646269778261, + "main_score": 48.846000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/ArguAna.json b/results/BAAI__bge-base-en-v1.5/external/ArguAna.json new file mode 100644 index 000000000..d4884bd11 --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.754000000000005, + "map_at_10": 55.761, + "map_at_100": 56.330999999999996, + "map_at_1000": 56.333999999999996, + "map_at_3": 51.92, + "map_at_5": 54.010999999999996, + "mrr_at_1": 41.181, + "mrr_at_10": 55.967999999999996, + "mrr_at_100": 56.538, + "mrr_at_1000": 56.542, + "mrr_at_3": 51.980000000000004, + "mrr_at_5": 54.208999999999996, + "ndcg_at_1": 40.754000000000005, + "ndcg_at_10": 63.605000000000004, + "ndcg_at_100": 66.05199999999999, + "ndcg_at_1000": 66.12, + "ndcg_at_3": 55.708, + "ndcg_at_5": 59.452000000000005, + "precision_at_1": 40.754000000000005, + "precision_at_10": 8.841000000000001, + "precision_at_100": 0.991, + "precision_at_1000": 0.1, + "precision_at_3": 22.238, + "precision_at_5": 15.149000000000001, + "recall_at_1": 40.754000000000005, + "recall_at_10": 88.407, + "recall_at_100": 99.14699999999999, + "recall_at_1000": 99.644, + "recall_at_3": 66.714, + "recall_at_5": 75.747, + "main_score": 63.605000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/ArxivClusteringP2P.json b/results/BAAI__bge-base-en-v1.5/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..0490cedfb --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.74884539679369, + "main_score": 48.74884539679369 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/ArxivClusteringS2S.json b/results/BAAI__bge-base-en-v1.5/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..2be4b6620 --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 42.8075893810716, + "main_score": 42.8075893810716 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/AskUbuntuDupQuestions.json b/results/BAAI__bge-base-en-v1.5/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..d9d9ff34f --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 62.128470519187736, + "mrr": 74.28065778481289, + "main_score": 62.128470519187736 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/BIOSSES.json b/results/BAAI__bge-base-en-v1.5/external/BIOSSES.json new file mode 100644 index 000000000..cb8f4884d --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 89.24629081484655, + "cos_sim_spearman": 86.93752309911496, + "euclidean_pearson": 87.58589628573816, + "euclidean_spearman": 88.05622328825284, + "manhattan_pearson": 87.5594959805773, + "manhattan_spearman": 88.19658793233961, + "cosine_pearson": 89.24629081484655, + "cosine_spearman": 86.93752309911496, + "main_score": 86.93752309911496 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/Banking77Classification.json b/results/BAAI__bge-base-en-v1.5/external/Banking77Classification.json new file mode 100644 index 000000000..0a9505ce5 --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.9512987012987, + "f1": 86.92515357973708, + "main_score": 86.9512987012987 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/BiorxivClusteringP2P.json b/results/BAAI__bge-base-en-v1.5/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..a1e73fa27 --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.10263762928872, + "main_score": 39.10263762928872 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/BiorxivClusteringS2S.json b/results/BAAI__bge-base-en-v1.5/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..1b0d19987 --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.69711517426737, + "main_score": 36.69711517426737 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/CQADupstackAndroidRetrieval.json b/results/BAAI__bge-base-en-v1.5/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..f0aef1916 --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.327, + "map_at_10": 44.099, + "map_at_100": 45.525, + "map_at_1000": 45.641999999999996, + "map_at_3": 40.47, + "map_at_5": 42.36, + "mrr_at_1": 39.199, + "mrr_at_10": 49.651, + "mrr_at_100": 50.29, + "mrr_at_1000": 50.329, + "mrr_at_3": 46.924, + "mrr_at_5": 48.548, + "ndcg_at_1": 39.199, + "ndcg_at_10": 50.773, + "ndcg_at_100": 55.67999999999999, + "ndcg_at_1000": 57.495, + "ndcg_at_3": 45.513999999999996, + "ndcg_at_5": 47.703, + "precision_at_1": 39.199, + "precision_at_10": 9.914000000000001, + "precision_at_100": 1.5310000000000001, + "precision_at_1000": 0.198, + "precision_at_3": 21.984, + "precision_at_5": 15.737000000000002, + "recall_at_1": 32.327, + "recall_at_10": 63.743, + "recall_at_100": 84.538, + "recall_at_1000": 96.089, + "recall_at_3": 48.065000000000005, + "recall_at_5": 54.519, + "main_score": 50.773 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.671, + "map_at_10": 42.954, + "map_at_100": 44.151, + "map_at_1000": 44.287, + "map_at_3": 39.912, + "map_at_5": 41.798, + "mrr_at_1": 41.465, + "mrr_at_10": 49.351, + "mrr_at_100": 49.980000000000004, + "mrr_at_1000": 50.016000000000005, + "mrr_at_3": 47.144000000000005, + "mrr_at_5": 48.592999999999996, + "ndcg_at_1": 41.465, + "ndcg_at_10": 48.565999999999995, + "ndcg_at_100": 52.76499999999999, + "ndcg_at_1000": 54.749, + "ndcg_at_3": 44.57, + "ndcg_at_5": 46.759, + "precision_at_1": 41.465, + "precision_at_10": 9.107999999999999, + "precision_at_100": 1.433, + "precision_at_1000": 0.191, + "precision_at_3": 21.423000000000002, + "precision_at_5": 15.414, + "recall_at_1": 32.671, + "recall_at_10": 57.738, + "recall_at_100": 75.86500000000001, + "recall_at_1000": 88.36, + "recall_at_3": 45.626, + "recall_at_5": 51.812000000000005, + "main_score": 48.565999999999995 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 41.185, + "map_at_10": 53.929, + "map_at_100": 54.92, + "map_at_1000": 54.967999999999996, + "map_at_3": 50.70400000000001, + "map_at_5": 52.673, + "mrr_at_1": 47.398, + "mrr_at_10": 57.303000000000004, + "mrr_at_100": 57.959, + "mrr_at_1000": 57.985, + "mrr_at_3": 54.932, + "mrr_at_5": 56.464999999999996, + "ndcg_at_1": 47.398, + "ndcg_at_10": 59.653, + "ndcg_at_100": 63.627, + "ndcg_at_1000": 64.596, + "ndcg_at_3": 54.455, + "ndcg_at_5": 57.245000000000005, + "precision_at_1": 47.398, + "precision_at_10": 9.524000000000001, + "precision_at_100": 1.243, + "precision_at_1000": 0.13699999999999998, + "precision_at_3": 24.389, + "precision_at_5": 16.752, + "recall_at_1": 41.185, + "recall_at_10": 73.193, + "recall_at_100": 90.357, + "recall_at_1000": 97.253, + "recall_at_3": 59.199999999999996, + "recall_at_5": 66.118, + "main_score": 59.653 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.27, + "map_at_10": 36.223, + "map_at_100": 37.218, + "map_at_1000": 37.293, + "map_at_3": 33.503, + "map_at_5": 35.097, + "mrr_at_1": 29.492, + "mrr_at_10": 38.352000000000004, + "mrr_at_100": 39.188, + "mrr_at_1000": 39.247, + "mrr_at_3": 35.876000000000005, + "mrr_at_5": 37.401, + "ndcg_at_1": 29.492, + "ndcg_at_10": 41.239, + "ndcg_at_100": 46.066, + "ndcg_at_1000": 47.992000000000004, + "ndcg_at_3": 36.11, + "ndcg_at_5": 38.772, + "precision_at_1": 29.492, + "precision_at_10": 6.260000000000001, + "precision_at_100": 0.914, + "precision_at_1000": 0.11100000000000002, + "precision_at_3": 15.104000000000001, + "precision_at_5": 10.644, + "recall_at_1": 27.27, + "recall_at_10": 54.589, + "recall_at_100": 76.70700000000001, + "recall_at_1000": 91.158, + "recall_at_3": 40.974, + "recall_at_5": 47.327000000000005, + "main_score": 41.239 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.848, + "map_at_10": 26.207, + "map_at_100": 27.478, + "map_at_1000": 27.602, + "map_at_3": 23.405, + "map_at_5": 24.98, + "mrr_at_1": 21.891, + "mrr_at_10": 31.041999999999998, + "mrr_at_100": 32.092, + "mrr_at_1000": 32.151999999999994, + "mrr_at_3": 28.358, + "mrr_at_5": 29.969, + "ndcg_at_1": 21.891, + "ndcg_at_10": 31.585, + "ndcg_at_100": 37.531, + "ndcg_at_1000": 40.256, + "ndcg_at_3": 26.508, + "ndcg_at_5": 28.894, + "precision_at_1": 21.891, + "precision_at_10": 5.795999999999999, + "precision_at_100": 0.9990000000000001, + "precision_at_1000": 0.13799999999999998, + "precision_at_3": 12.769, + "precision_at_5": 9.279, + "recall_at_1": 17.848, + "recall_at_10": 43.452, + "recall_at_100": 69.216, + "recall_at_1000": 88.102, + "recall_at_3": 29.18, + "recall_at_5": 35.347, + "main_score": 31.585 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.94, + "map_at_10": 41.248000000000005, + "map_at_100": 42.495, + "map_at_1000": 42.602000000000004, + "map_at_3": 37.939, + "map_at_5": 39.924, + "mrr_at_1": 37.824999999999996, + "mrr_at_10": 47.041, + "mrr_at_100": 47.83, + "mrr_at_1000": 47.878, + "mrr_at_3": 44.466, + "mrr_at_5": 46.111999999999995, + "ndcg_at_1": 37.824999999999996, + "ndcg_at_10": 47.223, + "ndcg_at_100": 52.394, + "ndcg_at_1000": 54.432, + "ndcg_at_3": 42.032000000000004, + "ndcg_at_5": 44.772, + "precision_at_1": 37.824999999999996, + "precision_at_10": 8.393, + "precision_at_100": 1.2890000000000001, + "precision_at_1000": 0.164, + "precision_at_3": 19.698, + "precision_at_5": 14.013, + "recall_at_1": 30.94, + "recall_at_10": 59.316, + "recall_at_100": 80.783, + "recall_at_1000": 94.15400000000001, + "recall_at_3": 44.712, + "recall_at_5": 51.932, + "main_score": 47.223 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.104, + "map_at_10": 36.675999999999995, + "map_at_100": 38.076, + "map_at_1000": 38.189, + "map_at_3": 33.733999999999995, + "map_at_5": 35.287, + "mrr_at_1": 33.904, + "mrr_at_10": 42.55, + "mrr_at_100": 43.434, + "mrr_at_1000": 43.494, + "mrr_at_3": 40.126, + "mrr_at_5": 41.473, + "ndcg_at_1": 33.904, + "ndcg_at_10": 42.414, + "ndcg_at_100": 48.203, + "ndcg_at_1000": 50.437, + "ndcg_at_3": 37.633, + "ndcg_at_5": 39.67, + "precision_at_1": 33.904, + "precision_at_10": 7.82, + "precision_at_100": 1.2409999999999999, + "precision_at_1000": 0.159, + "precision_at_3": 17.884, + "precision_at_5": 12.648000000000001, + "recall_at_1": 27.104, + "recall_at_10": 53.563, + "recall_at_100": 78.557, + "recall_at_1000": 93.533, + "recall_at_3": 39.92, + "recall_at_5": 45.457, + "main_score": 42.414 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.707749999999997, + "map_at_10": 36.961, + "map_at_100": 38.158833333333334, + "map_at_1000": 38.270333333333326, + "map_at_3": 34.07183333333334, + "map_at_5": 35.69533333333334, + "mrr_at_1": 32.81875, + "mrr_at_10": 41.293, + "mrr_at_100": 42.116499999999995, + "mrr_at_1000": 42.170249999999996, + "mrr_at_3": 38.83983333333333, + "mrr_at_5": 40.29775, + "ndcg_at_1": 32.81875, + "ndcg_at_10": 42.355, + "ndcg_at_100": 47.41374999999999, + "ndcg_at_1000": 49.5805, + "ndcg_at_3": 37.52825, + "ndcg_at_5": 39.83266666666667, + "precision_at_1": 32.81875, + "precision_at_10": 7.382416666666666, + "precision_at_100": 1.1640833333333334, + "precision_at_1000": 0.15383333333333335, + "precision_at_3": 17.134166666666665, + "precision_at_5": 12.174833333333336, + "recall_at_1": 27.707749999999997, + "recall_at_10": 53.945, + "recall_at_100": 76.191, + "recall_at_1000": 91.101, + "recall_at_3": 40.39083333333334, + "recall_at_5": 46.40083333333333, + "main_score": 42.355 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.482, + "map_at_10": 33.201, + "map_at_100": 34.107, + "map_at_1000": 34.197, + "map_at_3": 31.174000000000003, + "map_at_5": 32.279, + "mrr_at_1": 29.908, + "mrr_at_10": 36.235, + "mrr_at_100": 37.04, + "mrr_at_1000": 37.105, + "mrr_at_3": 34.355999999999995, + "mrr_at_5": 35.382999999999996, + "ndcg_at_1": 29.908, + "ndcg_at_10": 37.325, + "ndcg_at_100": 41.795, + "ndcg_at_1000": 44.105, + "ndcg_at_3": 33.555, + "ndcg_at_5": 35.266999999999996, + "precision_at_1": 29.908, + "precision_at_10": 5.721, + "precision_at_100": 0.8630000000000001, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 14.008000000000001, + "precision_at_5": 9.754999999999999, + "recall_at_1": 26.482, + "recall_at_10": 47.072, + "recall_at_100": 67.27, + "recall_at_1000": 84.371, + "recall_at_3": 36.65, + "recall_at_5": 40.774, + "main_score": 37.325 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.815, + "map_at_10": 26.369999999999997, + "map_at_100": 27.458, + "map_at_1000": 27.588, + "map_at_3": 23.990000000000002, + "map_at_5": 25.345000000000002, + "mrr_at_1": 22.953000000000003, + "mrr_at_10": 30.342999999999996, + "mrr_at_100": 31.241000000000003, + "mrr_at_1000": 31.319000000000003, + "mrr_at_3": 28.16, + "mrr_at_5": 29.406, + "ndcg_at_1": 22.953000000000003, + "ndcg_at_10": 31.151, + "ndcg_at_100": 36.309000000000005, + "ndcg_at_1000": 39.227000000000004, + "ndcg_at_3": 26.921, + "ndcg_at_5": 28.938000000000002, + "precision_at_1": 22.953000000000003, + "precision_at_10": 5.602, + "precision_at_100": 0.9530000000000001, + "precision_at_1000": 0.13899999999999998, + "precision_at_3": 12.606, + "precision_at_5": 9.119, + "recall_at_1": 18.815, + "recall_at_10": 41.574, + "recall_at_100": 64.84400000000001, + "recall_at_1000": 85.406, + "recall_at_3": 29.694, + "recall_at_5": 34.935, + "main_score": 31.151 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.840999999999998, + "map_at_10": 36.797999999999995, + "map_at_100": 37.993, + "map_at_1000": 38.086999999999996, + "map_at_3": 34.050999999999995, + "map_at_5": 35.379, + "mrr_at_1": 32.649, + "mrr_at_10": 41.025, + "mrr_at_100": 41.878, + "mrr_at_1000": 41.929, + "mrr_at_3": 38.573, + "mrr_at_5": 39.715, + "ndcg_at_1": 32.649, + "ndcg_at_10": 42.142, + "ndcg_at_100": 47.558, + "ndcg_at_1000": 49.643, + "ndcg_at_3": 37.12, + "ndcg_at_5": 38.983000000000004, + "precision_at_1": 32.649, + "precision_at_10": 7.08, + "precision_at_100": 1.1039999999999999, + "precision_at_1000": 0.13899999999999998, + "precision_at_3": 16.698, + "precision_at_5": 11.511000000000001, + "recall_at_1": 27.840999999999998, + "recall_at_10": 54.245, + "recall_at_100": 77.947, + "recall_at_1000": 92.36999999999999, + "recall_at_3": 40.146, + "recall_at_5": 44.951, + "main_score": 42.142 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.529000000000003, + "map_at_10": 35.010000000000005, + "map_at_100": 36.647, + "map_at_1000": 36.857, + "map_at_3": 31.968000000000004, + "map_at_5": 33.554, + "mrr_at_1": 31.818, + "mrr_at_10": 39.550999999999995, + "mrr_at_100": 40.54, + "mrr_at_1000": 40.596, + "mrr_at_3": 36.726, + "mrr_at_5": 38.416, + "ndcg_at_1": 31.818, + "ndcg_at_10": 40.675, + "ndcg_at_100": 46.548, + "ndcg_at_1000": 49.126, + "ndcg_at_3": 35.829, + "ndcg_at_5": 38.0, + "precision_at_1": 31.818, + "precision_at_10": 7.826, + "precision_at_100": 1.538, + "precision_at_1000": 0.24, + "precision_at_3": 16.601, + "precision_at_5": 12.095, + "recall_at_1": 26.529000000000003, + "recall_at_10": 51.03, + "recall_at_100": 77.556, + "recall_at_1000": 93.804, + "recall_at_3": 36.986000000000004, + "recall_at_5": 43.096000000000004, + "main_score": 40.675 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.480999999999998, + "map_at_10": 30.817, + "map_at_100": 31.838, + "map_at_1000": 31.932, + "map_at_3": 28.011999999999997, + "map_at_5": 29.668, + "mrr_at_1": 25.323, + "mrr_at_10": 33.072, + "mrr_at_100": 33.926, + "mrr_at_1000": 33.993, + "mrr_at_3": 30.436999999999998, + "mrr_at_5": 32.092, + "ndcg_at_1": 25.323, + "ndcg_at_10": 35.514, + "ndcg_at_100": 40.489000000000004, + "ndcg_at_1000": 42.908, + "ndcg_at_3": 30.092000000000002, + "ndcg_at_5": 32.989000000000004, + "precision_at_1": 25.323, + "precision_at_10": 5.545, + "precision_at_100": 0.861, + "precision_at_1000": 0.117, + "precision_at_3": 12.446, + "precision_at_5": 9.131, + "recall_at_1": 23.480999999999998, + "recall_at_10": 47.825, + "recall_at_100": 70.652, + "recall_at_1000": 88.612, + "recall_at_3": 33.537, + "recall_at_5": 40.542, + "main_score": 35.514 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/ClimateFEVER.json b/results/BAAI__bge-base-en-v1.5/external/ClimateFEVER.json new file mode 100644 index 000000000..e972dce8c --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 13.333999999999998, + "map_at_10": 22.524, + "map_at_100": 24.506, + "map_at_1000": 24.715, + "map_at_3": 19.022, + "map_at_5": 20.693, + "mrr_at_1": 29.186, + "mrr_at_10": 41.22, + "mrr_at_100": 42.16, + "mrr_at_1000": 42.192, + "mrr_at_3": 38.013000000000005, + "mrr_at_5": 39.704, + "ndcg_at_1": 29.186, + "ndcg_at_10": 31.167, + "ndcg_at_100": 38.879000000000005, + "ndcg_at_1000": 42.376000000000005, + "ndcg_at_3": 25.817, + "ndcg_at_5": 27.377000000000002, + "precision_at_1": 29.186, + "precision_at_10": 9.693999999999999, + "precision_at_100": 1.8030000000000002, + "precision_at_1000": 0.246, + "precision_at_3": 19.11, + "precision_at_5": 14.344999999999999, + "recall_at_1": 13.333999999999998, + "recall_at_10": 37.092000000000006, + "recall_at_100": 63.651, + "recall_at_1000": 83.05, + "recall_at_3": 23.74, + "recall_at_5": 28.655, + "main_score": 31.167 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/DBPedia.json b/results/BAAI__bge-base-en-v1.5/external/DBPedia.json new file mode 100644 index 000000000..19836ec18 --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.151, + "map_at_10": 19.653000000000002, + "map_at_100": 28.053, + "map_at_1000": 29.709000000000003, + "map_at_3": 14.191, + "map_at_5": 16.456, + "mrr_at_1": 66.25, + "mrr_at_10": 74.4, + "mrr_at_100": 74.715, + "mrr_at_1000": 74.726, + "mrr_at_3": 72.417, + "mrr_at_5": 73.667, + "ndcg_at_1": 54.25, + "ndcg_at_10": 40.77, + "ndcg_at_100": 46.359, + "ndcg_at_1000": 54.193000000000005, + "ndcg_at_3": 44.832, + "ndcg_at_5": 42.63, + "precision_at_1": 66.25, + "precision_at_10": 32.175, + "precision_at_100": 10.668, + "precision_at_1000": 2.067, + "precision_at_3": 47.667, + "precision_at_5": 41.3, + "recall_at_1": 9.151, + "recall_at_10": 25.003999999999998, + "recall_at_100": 52.976, + "recall_at_1000": 78.315, + "recall_at_3": 15.487, + "recall_at_5": 18.999, + "main_score": 40.77 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/EmotionClassification.json b/results/BAAI__bge-base-en-v1.5/external/EmotionClassification.json new file mode 100644 index 000000000..a55621eea --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 51.89999999999999, + "f1": 46.47777925067403, + "main_score": 51.89999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/FEVER.json b/results/BAAI__bge-base-en-v1.5/external/FEVER.json new file mode 100644 index 000000000..7c2808c08 --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 73.706, + "map_at_10": 82.423, + "map_at_100": 82.67999999999999, + "map_at_1000": 82.694, + "map_at_3": 81.328, + "map_at_5": 82.001, + "mrr_at_1": 79.613, + "mrr_at_10": 87.07000000000001, + "mrr_at_100": 87.169, + "mrr_at_1000": 87.17, + "mrr_at_3": 86.404, + "mrr_at_5": 86.856, + "ndcg_at_1": 79.613, + "ndcg_at_10": 86.289, + "ndcg_at_100": 87.201, + "ndcg_at_1000": 87.428, + "ndcg_at_3": 84.625, + "ndcg_at_5": 85.53699999999999, + "precision_at_1": 79.613, + "precision_at_10": 10.399, + "precision_at_100": 1.1079999999999999, + "precision_at_1000": 0.11499999999999999, + "precision_at_3": 32.473, + "precision_at_5": 20.132, + "recall_at_1": 73.706, + "recall_at_10": 93.559, + "recall_at_100": 97.188, + "recall_at_1000": 98.555, + "recall_at_3": 88.98700000000001, + "recall_at_5": 91.373, + "main_score": 86.289 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/FiQA2018.json b/results/BAAI__bge-base-en-v1.5/external/FiQA2018.json new file mode 100644 index 000000000..61e256f69 --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.841, + "map_at_10": 32.643, + "map_at_100": 34.575, + "map_at_1000": 34.736, + "map_at_3": 28.317999999999998, + "map_at_5": 30.964000000000002, + "mrr_at_1": 39.660000000000004, + "mrr_at_10": 48.620000000000005, + "mrr_at_100": 49.384, + "mrr_at_1000": 49.415, + "mrr_at_3": 45.988, + "mrr_at_5": 47.361, + "ndcg_at_1": 39.660000000000004, + "ndcg_at_10": 40.646, + "ndcg_at_100": 47.657, + "ndcg_at_1000": 50.428, + "ndcg_at_3": 36.689, + "ndcg_at_5": 38.211, + "precision_at_1": 39.660000000000004, + "precision_at_10": 11.235000000000001, + "precision_at_100": 1.8530000000000002, + "precision_at_1000": 0.23600000000000002, + "precision_at_3": 24.587999999999997, + "precision_at_5": 18.395, + "recall_at_1": 19.841, + "recall_at_10": 48.135, + "recall_at_100": 74.224, + "recall_at_1000": 90.826, + "recall_at_3": 33.536, + "recall_at_5": 40.311, + "main_score": 40.646 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/HotpotQA.json b/results/BAAI__bge-base-en-v1.5/external/HotpotQA.json new file mode 100644 index 000000000..168c6cd17 --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.358, + "map_at_10": 64.497, + "map_at_100": 65.362, + "map_at_1000": 65.41900000000001, + "map_at_3": 61.06700000000001, + "map_at_5": 63.317, + "mrr_at_1": 80.716, + "mrr_at_10": 86.10799999999999, + "mrr_at_100": 86.265, + "mrr_at_1000": 86.27, + "mrr_at_3": 85.271, + "mrr_at_5": 85.82499999999999, + "ndcg_at_1": 80.716, + "ndcg_at_10": 72.597, + "ndcg_at_100": 75.549, + "ndcg_at_1000": 76.61, + "ndcg_at_3": 67.874, + "ndcg_at_5": 70.655, + "precision_at_1": 80.716, + "precision_at_10": 15.148, + "precision_at_100": 1.745, + "precision_at_1000": 0.188, + "precision_at_3": 43.597, + "precision_at_5": 28.351, + "recall_at_1": 40.358, + "recall_at_10": 75.739, + "recall_at_100": 87.259, + "recall_at_1000": 94.234, + "recall_at_3": 65.39500000000001, + "recall_at_5": 70.878, + "main_score": 72.597 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/ImdbClassification.json b/results/BAAI__bge-base-en-v1.5/external/ImdbClassification.json new file mode 100644 index 000000000..908f6e80f --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 90.80799999999998, + "ap": 86.81350378180757, + "f1": 90.79901248314215, + "main_score": 90.80799999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/MSMARCO.json b/results/BAAI__bge-base-en-v1.5/external/MSMARCO.json new file mode 100644 index 000000000..9558f091d --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.096, + "map_at_10": 34.384, + "map_at_100": 35.541, + "map_at_1000": 35.589999999999996, + "map_at_3": 30.496000000000002, + "map_at_5": 32.718, + "mrr_at_1": 22.750999999999998, + "mrr_at_10": 35.024, + "mrr_at_100": 36.125, + "mrr_at_1000": 36.168, + "mrr_at_3": 31.225, + "mrr_at_5": 33.416000000000004, + "ndcg_at_1": 22.750999999999998, + "ndcg_at_10": 41.351, + "ndcg_at_100": 46.92, + "ndcg_at_1000": 48.111, + "ndcg_at_3": 33.439, + "ndcg_at_5": 37.407000000000004, + "precision_at_1": 22.750999999999998, + "precision_at_10": 6.564, + "precision_at_100": 0.935, + "precision_at_1000": 0.104, + "precision_at_3": 14.288, + "precision_at_5": 10.581999999999999, + "recall_at_1": 22.096, + "recall_at_10": 62.771, + "recall_at_100": 88.529, + "recall_at_1000": 97.55, + "recall_at_3": 41.245, + "recall_at_5": 50.788, + "main_score": 41.351 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/MTOPDomainClassification.json b/results/BAAI__bge-base-en-v1.5/external/MTOPDomainClassification.json new file mode 100644 index 000000000..31fcb9c22 --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 94.16780665754673, + "f1": 93.96331194859894, + "main_score": 94.16780665754673 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/MTOPIntentClassification.json b/results/BAAI__bge-base-en-v1.5/external/MTOPIntentClassification.json new file mode 100644 index 000000000..f107f2821 --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.90606475148198, + "f1": 58.58344986604187, + "main_score": 76.90606475148198 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/MassiveIntentClassification.json b/results/BAAI__bge-base-en-v1.5/external/MassiveIntentClassification.json new file mode 100644 index 000000000..6825893cb --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.14660390047075, + "f1": 74.31533923533614, + "main_score": 76.14660390047075 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/MassiveScenarioClassification.json b/results/BAAI__bge-base-en-v1.5/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..0136d6029 --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.16139878950908, + "f1": 80.18532656824924, + "main_score": 80.16139878950908 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/MedrxivClusteringP2P.json b/results/BAAI__bge-base-en-v1.5/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..fa1a17393 --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.949880906135085, + "main_score": 32.949880906135085 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/MedrxivClusteringS2S.json b/results/BAAI__bge-base-en-v1.5/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..3f5360bbd --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.56300351524862, + "main_score": 31.56300351524862 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/MindSmallReranking.json b/results/BAAI__bge-base-en-v1.5/external/MindSmallReranking.json new file mode 100644 index 000000000..466785e3b --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.196521894371315, + "mrr": 32.22644231694389, + "main_score": 31.196521894371315 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/NFCorpus.json b/results/BAAI__bge-base-en-v1.5/external/NFCorpus.json new file mode 100644 index 000000000..ca5cc3cb3 --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.783, + "map_at_10": 14.549000000000001, + "map_at_100": 18.433, + "map_at_1000": 19.949, + "map_at_3": 10.936, + "map_at_5": 12.514, + "mrr_at_1": 47.368, + "mrr_at_10": 56.42, + "mrr_at_100": 56.908, + "mrr_at_1000": 56.95, + "mrr_at_3": 54.283, + "mrr_at_5": 55.568, + "ndcg_at_1": 45.666000000000004, + "ndcg_at_10": 37.389, + "ndcg_at_100": 34.253, + "ndcg_at_1000": 43.059999999999995, + "ndcg_at_3": 42.725, + "ndcg_at_5": 40.193, + "precision_at_1": 47.368, + "precision_at_10": 27.988000000000003, + "precision_at_100": 8.672, + "precision_at_1000": 2.164, + "precision_at_3": 40.248, + "precision_at_5": 34.737, + "recall_at_1": 6.783, + "recall_at_10": 17.838, + "recall_at_100": 33.672000000000004, + "recall_at_1000": 66.166, + "recall_at_3": 11.849, + "recall_at_5": 14.205000000000002, + "main_score": 37.389 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/NQ.json b/results/BAAI__bge-base-en-v1.5/external/NQ.json new file mode 100644 index 000000000..8d1207827 --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.698999999999998, + "map_at_10": 46.556, + "map_at_100": 47.652, + "map_at_1000": 47.68, + "map_at_3": 42.492000000000004, + "map_at_5": 44.763999999999996, + "mrr_at_1": 35.747, + "mrr_at_10": 49.242999999999995, + "mrr_at_100": 50.052, + "mrr_at_1000": 50.068, + "mrr_at_3": 45.867000000000004, + "mrr_at_5": 47.778999999999996, + "ndcg_at_1": 35.717999999999996, + "ndcg_at_10": 54.14600000000001, + "ndcg_at_100": 58.672999999999995, + "ndcg_at_1000": 59.279, + "ndcg_at_3": 46.407, + "ndcg_at_5": 50.181, + "precision_at_1": 35.717999999999996, + "precision_at_10": 8.844000000000001, + "precision_at_100": 1.139, + "precision_at_1000": 0.12, + "precision_at_3": 20.993000000000002, + "precision_at_5": 14.791000000000002, + "recall_at_1": 31.698999999999998, + "recall_at_10": 74.693, + "recall_at_100": 94.15299999999999, + "recall_at_1000": 98.585, + "recall_at_3": 54.388999999999996, + "recall_at_5": 63.08200000000001, + "main_score": 54.14600000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/QuoraRetrieval.json b/results/BAAI__bge-base-en-v1.5/external/QuoraRetrieval.json new file mode 100644 index 000000000..3239a2153 --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 71.283, + "map_at_10": 85.24000000000001, + "map_at_100": 85.882, + "map_at_1000": 85.897, + "map_at_3": 82.326, + "map_at_5": 84.177, + "mrr_at_1": 82.21000000000001, + "mrr_at_10": 88.228, + "mrr_at_100": 88.32, + "mrr_at_1000": 88.32, + "mrr_at_3": 87.323, + "mrr_at_5": 87.94800000000001, + "ndcg_at_1": 82.17999999999999, + "ndcg_at_10": 88.9, + "ndcg_at_100": 90.079, + "ndcg_at_1000": 90.158, + "ndcg_at_3": 86.18299999999999, + "ndcg_at_5": 87.71799999999999, + "precision_at_1": 82.17999999999999, + "precision_at_10": 13.464, + "precision_at_100": 1.533, + "precision_at_1000": 0.157, + "precision_at_3": 37.693, + "precision_at_5": 24.792, + "recall_at_1": 71.283, + "recall_at_10": 95.742, + "recall_at_100": 99.67200000000001, + "recall_at_1000": 99.981, + "recall_at_3": 87.888, + "recall_at_5": 92.24, + "main_score": 88.9 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/RedditClustering.json b/results/BAAI__bge-base-en-v1.5/external/RedditClustering.json new file mode 100644 index 000000000..da2e5db29 --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 56.24267063669042, + "main_score": 56.24267063669042 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/RedditClusteringP2P.json b/results/BAAI__bge-base-en-v1.5/external/RedditClusteringP2P.json new file mode 100644 index 000000000..c64cf3073 --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 62.88056988932578, + "main_score": 62.88056988932578 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/SCIDOCS.json b/results/BAAI__bge-base-en-v1.5/external/SCIDOCS.json new file mode 100644 index 000000000..2bb7c65df --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.903, + "map_at_10": 13.202, + "map_at_100": 15.5, + "map_at_1000": 15.870999999999999, + "map_at_3": 9.407, + "map_at_5": 11.238, + "mrr_at_1": 24.2, + "mrr_at_10": 35.867, + "mrr_at_100": 37.001, + "mrr_at_1000": 37.043, + "mrr_at_3": 32.5, + "mrr_at_5": 34.35, + "ndcg_at_1": 24.2, + "ndcg_at_10": 21.731, + "ndcg_at_100": 30.7, + "ndcg_at_1000": 36.618, + "ndcg_at_3": 20.72, + "ndcg_at_5": 17.954, + "precision_at_1": 24.2, + "precision_at_10": 11.33, + "precision_at_100": 2.4410000000000003, + "precision_at_1000": 0.386, + "precision_at_3": 19.667, + "precision_at_5": 15.86, + "recall_at_1": 4.903, + "recall_at_10": 22.962, + "recall_at_100": 49.563, + "recall_at_1000": 78.238, + "recall_at_3": 11.953, + "recall_at_5": 16.067999999999998, + "main_score": 21.731 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/SICK-R.json b/results/BAAI__bge-base-en-v1.5/external/SICK-R.json new file mode 100644 index 000000000..9d1d598d4 --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.12694254604078, + "cos_sim_spearman": 80.30141815181918, + "euclidean_pearson": 81.34015449877128, + "euclidean_spearman": 80.13984197010849, + "manhattan_pearson": 81.31767068124086, + "manhattan_spearman": 80.11720513114103, + "cosine_pearson": 84.12694254604078, + "cosine_spearman": 80.30141815181918, + "main_score": 80.30141815181918 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/STS12.json b/results/BAAI__bge-base-en-v1.5/external/STS12.json new file mode 100644 index 000000000..367fe2fa2 --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.13112984010417, + "cos_sim_spearman": 78.03063573402875, + "euclidean_pearson": 83.51928418844804, + "euclidean_spearman": 78.4045235411144, + "manhattan_pearson": 83.49981637388689, + "manhattan_spearman": 78.4042575139372, + "cosine_pearson": 86.13112984010417, + "cosine_spearman": 78.03063573402875, + "main_score": 78.03063573402875 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/STS13.json b/results/BAAI__bge-base-en-v1.5/external/STS13.json new file mode 100644 index 000000000..a0cd959fe --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.50327987379504, + "cos_sim_spearman": 84.18556767756205, + "euclidean_pearson": 82.69684424327679, + "euclidean_spearman": 83.5368106038335, + "manhattan_pearson": 82.57967581007374, + "manhattan_spearman": 83.43009053133697, + "cosine_pearson": 82.50327987379504, + "cosine_spearman": 84.18556767756205, + "main_score": 84.18556767756205 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/STS14.json b/results/BAAI__bge-base-en-v1.5/external/STS14.json new file mode 100644 index 000000000..df901b39f --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.50756863007814, + "cos_sim_spearman": 82.27204331279108, + "euclidean_pearson": 81.39535251429741, + "euclidean_spearman": 81.84386626336239, + "manhattan_pearson": 81.34281737280695, + "manhattan_spearman": 81.81149375673166, + "cosine_pearson": 82.50756863007814, + "cosine_spearman": 82.27204331279108, + "main_score": 82.27204331279108 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/STS15.json b/results/BAAI__bge-base-en-v1.5/external/STS15.json new file mode 100644 index 000000000..fe1502c90 --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.8727714856726, + "cos_sim_spearman": 87.95738287792312, + "euclidean_pearson": 86.62920602795887, + "euclidean_spearman": 87.05207355381243, + "manhattan_pearson": 86.53587918472225, + "manhattan_spearman": 86.95382961029586, + "cosine_pearson": 86.8727714856726, + "cosine_spearman": 87.95738287792312, + "main_score": 87.95738287792312 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/STS16.json b/results/BAAI__bge-base-en-v1.5/external/STS16.json new file mode 100644 index 000000000..4a3ba9944 --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.52240359769479, + "cos_sim_spearman": 85.47685776238286, + "euclidean_pearson": 84.25815333483058, + "euclidean_spearman": 85.27415639683198, + "manhattan_pearson": 84.29127757025637, + "manhattan_spearman": 85.30226224917351, + "cosine_pearson": 83.52240359769479, + "cosine_spearman": 85.47685776238286, + "main_score": 85.47685776238286 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/STS17.json b/results/BAAI__bge-base-en-v1.5/external/STS17.json new file mode 100644 index 000000000..36c12cdd1 --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.42501708915708, + "cos_sim_spearman": 86.42276182795041, + "euclidean_pearson": 86.5408207354761, + "euclidean_spearman": 85.46096321750838, + "manhattan_pearson": 86.54177303026881, + "manhattan_spearman": 85.50313151916117, + "cosine_pearson": 86.42501708915708, + "cosine_spearman": 86.42276182795041, + "main_score": 86.42276182795041 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/STS22.json b/results/BAAI__bge-base-en-v1.5/external/STS22.json new file mode 100644 index 000000000..760739894 --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 64.86521089250766, + "cos_sim_spearman": 65.94868540323003, + "euclidean_pearson": 67.16569626533084, + "euclidean_spearman": 66.37667004134917, + "manhattan_pearson": 67.1482365102333, + "manhattan_spearman": 66.53240122580029, + "cosine_pearson": 64.86521089250766, + "cosine_spearman": 65.94868540323003, + "main_score": 65.94868540323003 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/STSBenchmark.json b/results/BAAI__bge-base-en-v1.5/external/STSBenchmark.json new file mode 100644 index 000000000..d7971e437 --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.64746265365318, + "cos_sim_spearman": 86.41888825906786, + "euclidean_pearson": 85.27453642725811, + "euclidean_spearman": 85.94095796602544, + "manhattan_pearson": 85.28643660505334, + "manhattan_spearman": 85.95028003260744, + "cosine_pearson": 84.64746265365318, + "cosine_spearman": 86.41888825906786, + "main_score": 86.41888825906786 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/SciDocsRR.json b/results/BAAI__bge-base-en-v1.5/external/SciDocsRR.json new file mode 100644 index 000000000..2cd98d22d --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 87.48903153618527, + "mrr": 96.41081503826601, + "main_score": 87.48903153618527 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/SciFact.json b/results/BAAI__bge-base-en-v1.5/external/SciFact.json new file mode 100644 index 000000000..d0c909cdd --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 58.594, + "map_at_10": 69.296, + "map_at_100": 69.782, + "map_at_1000": 69.795, + "map_at_3": 66.23, + "map_at_5": 68.293, + "mrr_at_1": 61.667, + "mrr_at_10": 70.339, + "mrr_at_100": 70.708, + "mrr_at_1000": 70.722, + "mrr_at_3": 68.0, + "mrr_at_5": 69.56700000000001, + "ndcg_at_1": 61.667, + "ndcg_at_10": 74.039, + "ndcg_at_100": 76.103, + "ndcg_at_1000": 76.47800000000001, + "ndcg_at_3": 68.967, + "ndcg_at_5": 71.96900000000001, + "precision_at_1": 61.667, + "precision_at_10": 9.866999999999999, + "precision_at_100": 1.097, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 27.111, + "precision_at_5": 18.2, + "recall_at_1": 58.594, + "recall_at_10": 87.422, + "recall_at_100": 96.667, + "recall_at_1000": 99.667, + "recall_at_3": 74.217, + "recall_at_5": 81.539, + "main_score": 74.039 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/SprintDuplicateQuestions.json b/results/BAAI__bge-base-en-v1.5/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..a733dfcaf --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.85049504950496, + "cos_sim_ap": 96.33111544137081, + "cos_sim_f1": 92.35443037974684, + "cos_sim_precision": 93.53846153846153, + "cos_sim_recall": 91.2, + "dot_accuracy": 99.82376237623762, + "dot_ap": 95.38082527310888, + "dot_f1": 90.90909090909092, + "dot_precision": 92.90187891440502, + "dot_recall": 89.0, + "euclidean_accuracy": 99.84851485148515, + "euclidean_ap": 96.32316003996347, + "euclidean_f1": 92.2071392659628, + "euclidean_precision": 92.71991911021233, + "euclidean_recall": 91.7, + "manhattan_accuracy": 99.84851485148515, + "manhattan_ap": 96.3655668249217, + "manhattan_f1": 92.18356026222895, + "manhattan_precision": 92.98067141403867, + "manhattan_recall": 91.4, + "max_accuracy": 99.85049504950496, + "max_ap": 96.3655668249217, + "max_f1": 92.35443037974684, + "main_score": 96.3655668249217 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/StackExchangeClustering.json b/results/BAAI__bge-base-en-v1.5/external/StackExchangeClustering.json new file mode 100644 index 000000000..23393354d --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 65.94861371629051, + "main_score": 65.94861371629051 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/StackExchangeClusteringP2P.json b/results/BAAI__bge-base-en-v1.5/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..b03be8e89 --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.009430451385, + "main_score": 35.009430451385 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/StackOverflowDupQuestions.json b/results/BAAI__bge-base-en-v1.5/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..6f4ff354b --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 54.61164066427969, + "mrr": 55.49710603938544, + "main_score": 54.61164066427969 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/SummEval.json b/results/BAAI__bge-base-en-v1.5/external/SummEval.json new file mode 100644 index 000000000..5f4858e5e --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.622620124907662, + "cos_sim_spearman": 31.0678351356163, + "dot_pearson": 30.863727693306814, + "dot_spearman": 31.230306567021255, + "cosine_pearson": 30.622620124907662, + "cosine_spearman": 31.0678351356163, + "main_score": 31.0678351356163 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/TRECCOVID.json b/results/BAAI__bge-base-en-v1.5/external/TRECCOVID.json new file mode 100644 index 000000000..90cd9ea96 --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.22, + "map_at_10": 2.011, + "map_at_100": 10.974, + "map_at_1000": 25.819, + "map_at_3": 0.6649999999999999, + "map_at_5": 1.076, + "mrr_at_1": 86.0, + "mrr_at_10": 91.8, + "mrr_at_100": 91.8, + "mrr_at_1000": 91.8, + "mrr_at_3": 91.0, + "mrr_at_5": 91.8, + "ndcg_at_1": 82.0, + "ndcg_at_10": 78.07300000000001, + "ndcg_at_100": 58.231, + "ndcg_at_1000": 51.153000000000006, + "ndcg_at_3": 81.123, + "ndcg_at_5": 81.059, + "precision_at_1": 86.0, + "precision_at_10": 83.0, + "precision_at_100": 59.38, + "precision_at_1000": 22.55, + "precision_at_3": 87.333, + "precision_at_5": 86.8, + "recall_at_1": 0.22, + "recall_at_10": 2.2079999999999997, + "recall_at_100": 14.069, + "recall_at_1000": 47.678, + "recall_at_3": 0.7040000000000001, + "recall_at_5": 1.161, + "main_score": 78.07300000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/Touche2020.json b/results/BAAI__bge-base-en-v1.5/external/Touche2020.json new file mode 100644 index 000000000..09717bb71 --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.809, + "map_at_10": 10.394, + "map_at_100": 16.598, + "map_at_1000": 18.142, + "map_at_3": 5.572, + "map_at_5": 7.1370000000000005, + "mrr_at_1": 32.653, + "mrr_at_10": 46.564, + "mrr_at_100": 47.469, + "mrr_at_1000": 47.469, + "mrr_at_3": 42.177, + "mrr_at_5": 44.524, + "ndcg_at_1": 30.612000000000002, + "ndcg_at_10": 25.701, + "ndcg_at_100": 37.532, + "ndcg_at_1000": 48.757, + "ndcg_at_3": 28.199999999999996, + "ndcg_at_5": 25.987, + "precision_at_1": 32.653, + "precision_at_10": 23.469, + "precision_at_100": 7.9799999999999995, + "precision_at_1000": 1.5350000000000001, + "precision_at_3": 29.932, + "precision_at_5": 26.122, + "recall_at_1": 2.809, + "recall_at_10": 16.887, + "recall_at_100": 48.67, + "recall_at_1000": 82.89699999999999, + "recall_at_3": 6.521000000000001, + "recall_at_5": 9.609, + "main_score": 25.701 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/ToxicConversationsClassification.json b/results/BAAI__bge-base-en-v1.5/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..b0242d5b3 --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.57860000000001, + "ap": 13.82629211536393, + "f1": 54.59860966183956, + "main_score": 71.57860000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/TweetSentimentExtractionClassification.json b/results/BAAI__bge-base-en-v1.5/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..78e98d954 --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 59.38030560271647, + "f1": 59.69685552567865, + "main_score": 59.38030560271647 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/TwentyNewsgroupsClustering.json b/results/BAAI__bge-base-en-v1.5/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..6688b2a23 --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 51.4736717043405, + "main_score": 51.4736717043405 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/TwitterSemEval2015.json b/results/BAAI__bge-base-en-v1.5/external/TwitterSemEval2015.json new file mode 100644 index 000000000..5c9a1e4d4 --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 86.92853311080646, + "cos_sim_ap": 77.67872502591382, + "cos_sim_f1": 70.33941236068895, + "cos_sim_precision": 67.63273258645884, + "cos_sim_recall": 73.27176781002639, + "dot_accuracy": 85.79603027954938, + "dot_ap": 73.73786190233379, + "dot_f1": 67.3437901774235, + "dot_precision": 65.67201604814443, + "dot_recall": 69.10290237467018, + "euclidean_accuracy": 86.94045419324074, + "euclidean_ap": 77.6687791535167, + "euclidean_f1": 70.47209214023542, + "euclidean_precision": 67.7207492094381, + "euclidean_recall": 73.45646437994723, + "manhattan_accuracy": 86.87488823985218, + "manhattan_ap": 77.63373392430728, + "manhattan_f1": 70.40920716112532, + "manhattan_precision": 68.31265508684864, + "manhattan_recall": 72.63852242744063, + "max_accuracy": 86.94045419324074, + "max_ap": 77.67872502591382, + "max_f1": 70.47209214023542, + "main_score": 77.67872502591382 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/TwitterURLCorpus.json b/results/BAAI__bge-base-en-v1.5/external/TwitterURLCorpus.json new file mode 100644 index 000000000..dded6216c --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.67155664221679, + "cos_sim_ap": 85.64591703003417, + "cos_sim_f1": 77.59531005352656, + "cos_sim_precision": 73.60967184801382, + "cos_sim_recall": 82.03726516784724, + "dot_accuracy": 88.41541506578181, + "dot_ap": 84.6482788957769, + "dot_f1": 77.04748541466657, + "dot_precision": 74.02440754931176, + "dot_recall": 80.3279950723745, + "euclidean_accuracy": 88.63080684596576, + "euclidean_ap": 85.44570045321562, + "euclidean_f1": 77.28769403336106, + "euclidean_precision": 72.90600040958427, + "euclidean_recall": 82.22975053895904, + "manhattan_accuracy": 88.59393798269105, + "manhattan_ap": 85.40271361038187, + "manhattan_f1": 77.17606419344392, + "manhattan_precision": 72.4447747078295, + "manhattan_recall": 82.5685247921158, + "max_accuracy": 88.67155664221679, + "max_ap": 85.64591703003417, + "max_f1": 77.59531005352656, + "main_score": 85.64591703003417 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en-v1.5/external/model_meta.json b/results/BAAI__bge-base-en-v1.5/external/model_meta.json new file mode 100644 index 000000000..f0af309aa --- /dev/null +++ b/results/BAAI__bge-base-en-v1.5/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "BAAI/bge-base-en-v1.5", + "revision": "a5beb1e3e68b9ab74eb54cfd186867f64f240e1a", + "release_date": "2023-09-11", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 109482752, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 768, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/AmazonCounterfactualClassification.json b/results/BAAI__bge-base-en/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..438d438ac --- /dev/null +++ b/results/BAAI__bge-base-en/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.73134328358209, + "ap": 38.97277232632892, + "f1": 69.81740361139785, + "main_score": 75.73134328358209 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/AmazonPolarityClassification.json b/results/BAAI__bge-base-en/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..60322b01f --- /dev/null +++ b/results/BAAI__bge-base-en/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.56522500000001, + "ap": 88.88821771869553, + "f1": 92.54817512659696, + "main_score": 92.56522500000001 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/AmazonReviewsClassification.json b/results/BAAI__bge-base-en/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..2d454d7ea --- /dev/null +++ b/results/BAAI__bge-base-en/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 46.91, + "f1": 46.28536394320311, + "main_score": 46.91 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/ArguAna.json b/results/BAAI__bge-base-en/external/ArguAna.json new file mode 100644 index 000000000..987669137 --- /dev/null +++ b/results/BAAI__bge-base-en/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.834, + "map_at_10": 53.564, + "map_at_100": 54.230000000000004, + "map_at_1000": 54.235, + "map_at_3": 49.49, + "map_at_5": 51.784, + "mrr_at_1": 39.26, + "mrr_at_10": 53.744, + "mrr_at_100": 54.410000000000004, + "mrr_at_1000": 54.415, + "mrr_at_3": 49.656, + "mrr_at_5": 52.018, + "ndcg_at_1": 38.834, + "ndcg_at_10": 61.487, + "ndcg_at_100": 64.303, + "ndcg_at_1000": 64.408, + "ndcg_at_3": 53.116, + "ndcg_at_5": 57.248, + "precision_at_1": 38.834, + "precision_at_10": 8.663, + "precision_at_100": 0.989, + "precision_at_1000": 0.1, + "precision_at_3": 21.218999999999998, + "precision_at_5": 14.737, + "recall_at_1": 38.834, + "recall_at_10": 86.629, + "recall_at_100": 98.86200000000001, + "recall_at_1000": 99.644, + "recall_at_3": 63.656, + "recall_at_5": 73.68400000000001, + "main_score": 61.487 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/ArxivClusteringP2P.json b/results/BAAI__bge-base-en/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..b30230f37 --- /dev/null +++ b/results/BAAI__bge-base-en/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.88475477433035, + "main_score": 48.88475477433035 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/ArxivClusteringS2S.json b/results/BAAI__bge-base-en/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..f481c799b --- /dev/null +++ b/results/BAAI__bge-base-en/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 42.85053138403176, + "main_score": 42.85053138403176 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/AskUbuntuDupQuestions.json b/results/BAAI__bge-base-en/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..74ac40e48 --- /dev/null +++ b/results/BAAI__bge-base-en/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 62.23221013208242, + "mrr": 74.64857318735436, + "main_score": 62.23221013208242 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/BIOSSES.json b/results/BAAI__bge-base-en/external/BIOSSES.json new file mode 100644 index 000000000..f665e24ac --- /dev/null +++ b/results/BAAI__bge-base-en/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.4403443247284, + "cos_sim_spearman": 85.5326718115169, + "euclidean_pearson": 86.0114007449595, + "euclidean_spearman": 86.05979225604875, + "manhattan_pearson": 86.05423806568598, + "manhattan_spearman": 86.02485170086835, + "cosine_pearson": 87.4403443247284, + "cosine_spearman": 85.5326718115169, + "main_score": 85.5326718115169 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/Banking77Classification.json b/results/BAAI__bge-base-en/external/Banking77Classification.json new file mode 100644 index 000000000..a00c8bcec --- /dev/null +++ b/results/BAAI__bge-base-en/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.44480519480518, + "f1": 86.41301900941988, + "main_score": 86.44480519480518 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/BiorxivClusteringP2P.json b/results/BAAI__bge-base-en/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..729c75993 --- /dev/null +++ b/results/BAAI__bge-base-en/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.17547250880036, + "main_score": 40.17547250880036 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/BiorxivClusteringS2S.json b/results/BAAI__bge-base-en/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..280b7b03c --- /dev/null +++ b/results/BAAI__bge-base-en/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.74514172687293, + "main_score": 37.74514172687293 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/CQADupstackAndroidRetrieval.json b/results/BAAI__bge-base-en/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..e4ebc009e --- /dev/null +++ b/results/BAAI__bge-base-en/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.096000000000004, + "map_at_10": 43.345, + "map_at_100": 44.73, + "map_at_1000": 44.85, + "map_at_3": 39.956, + "map_at_5": 41.727, + "mrr_at_1": 38.769999999999996, + "mrr_at_10": 48.742000000000004, + "mrr_at_100": 49.474000000000004, + "mrr_at_1000": 49.513, + "mrr_at_3": 46.161, + "mrr_at_5": 47.721000000000004, + "ndcg_at_1": 38.769999999999996, + "ndcg_at_10": 49.464999999999996, + "ndcg_at_100": 54.632000000000005, + "ndcg_at_1000": 56.52, + "ndcg_at_3": 44.687, + "ndcg_at_5": 46.814, + "precision_at_1": 38.769999999999996, + "precision_at_10": 9.471, + "precision_at_100": 1.4909999999999999, + "precision_at_1000": 0.194, + "precision_at_3": 21.268, + "precision_at_5": 15.079, + "recall_at_1": 32.096000000000004, + "recall_at_10": 60.99099999999999, + "recall_at_100": 83.075, + "recall_at_1000": 95.178, + "recall_at_3": 47.009, + "recall_at_5": 53.348, + "main_score": 49.464999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.588, + "map_at_10": 42.251, + "map_at_100": 43.478, + "map_at_1000": 43.617, + "map_at_3": 39.381, + "map_at_5": 41.141, + "mrr_at_1": 41.21, + "mrr_at_10": 48.765, + "mrr_at_100": 49.403000000000006, + "mrr_at_1000": 49.451, + "mrr_at_3": 46.73, + "mrr_at_5": 47.965999999999994, + "ndcg_at_1": 41.21, + "ndcg_at_10": 47.704, + "ndcg_at_100": 51.916, + "ndcg_at_1000": 54.013999999999996, + "ndcg_at_3": 44.007000000000005, + "ndcg_at_5": 45.936, + "precision_at_1": 41.21, + "precision_at_10": 8.885, + "precision_at_100": 1.409, + "precision_at_1000": 0.189, + "precision_at_3": 21.274, + "precision_at_5": 15.045, + "recall_at_1": 32.588, + "recall_at_10": 56.333, + "recall_at_100": 74.251, + "recall_at_1000": 87.518, + "recall_at_3": 44.962, + "recall_at_5": 50.609, + "main_score": 47.704 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.308, + "map_at_10": 53.12, + "map_at_100": 54.123, + "map_at_1000": 54.173, + "map_at_3": 50.017999999999994, + "map_at_5": 51.902, + "mrr_at_1": 46.394999999999996, + "mrr_at_10": 56.531, + "mrr_at_100": 57.19800000000001, + "mrr_at_1000": 57.225, + "mrr_at_3": 54.368, + "mrr_at_5": 55.713, + "ndcg_at_1": 46.394999999999996, + "ndcg_at_10": 58.811, + "ndcg_at_100": 62.834, + "ndcg_at_1000": 63.849999999999994, + "ndcg_at_3": 53.88699999999999, + "ndcg_at_5": 56.477999999999994, + "precision_at_1": 46.394999999999996, + "precision_at_10": 9.398, + "precision_at_100": 1.2309999999999999, + "precision_at_1000": 0.136, + "precision_at_3": 24.221999999999998, + "precision_at_5": 16.539, + "recall_at_1": 40.308, + "recall_at_10": 72.146, + "recall_at_100": 89.60900000000001, + "recall_at_1000": 96.733, + "recall_at_3": 58.91499999999999, + "recall_at_5": 65.34299999999999, + "main_score": 58.811 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.383000000000003, + "map_at_10": 35.802, + "map_at_100": 36.756, + "map_at_1000": 36.826, + "map_at_3": 32.923, + "map_at_5": 34.577999999999996, + "mrr_at_1": 29.604999999999997, + "mrr_at_10": 37.918, + "mrr_at_100": 38.732, + "mrr_at_1000": 38.786, + "mrr_at_3": 35.198, + "mrr_at_5": 36.808, + "ndcg_at_1": 29.604999999999997, + "ndcg_at_10": 40.836, + "ndcg_at_100": 45.622, + "ndcg_at_1000": 47.427, + "ndcg_at_3": 35.208, + "ndcg_at_5": 38.066, + "precision_at_1": 29.604999999999997, + "precision_at_10": 6.226, + "precision_at_100": 0.9079999999999999, + "precision_at_1000": 0.11, + "precision_at_3": 14.463000000000001, + "precision_at_5": 10.35, + "recall_at_1": 27.383000000000003, + "recall_at_10": 54.434000000000005, + "recall_at_100": 76.632, + "recall_at_1000": 90.25, + "recall_at_3": 39.275, + "recall_at_5": 46.225, + "main_score": 40.836 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.885, + "map_at_10": 25.724000000000004, + "map_at_100": 26.992, + "map_at_1000": 27.107999999999997, + "map_at_3": 23.04, + "map_at_5": 24.529, + "mrr_at_1": 22.264, + "mrr_at_10": 30.548, + "mrr_at_100": 31.593, + "mrr_at_1000": 31.657999999999998, + "mrr_at_3": 27.756999999999998, + "mrr_at_5": 29.398999999999997, + "ndcg_at_1": 22.264, + "ndcg_at_10": 30.902, + "ndcg_at_100": 36.918, + "ndcg_at_1000": 39.735, + "ndcg_at_3": 25.915, + "ndcg_at_5": 28.255999999999997, + "precision_at_1": 22.264, + "precision_at_10": 5.634, + "precision_at_100": 0.9939999999999999, + "precision_at_1000": 0.13699999999999998, + "precision_at_3": 12.396, + "precision_at_5": 9.055, + "recall_at_1": 17.885, + "recall_at_10": 42.237, + "recall_at_100": 68.489, + "recall_at_1000": 88.721, + "recall_at_3": 28.283, + "recall_at_5": 34.300000000000004, + "main_score": 30.902 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.737000000000002, + "map_at_10": 39.757, + "map_at_100": 40.992, + "map_at_1000": 41.102, + "map_at_3": 36.612, + "map_at_5": 38.413000000000004, + "mrr_at_1": 35.804, + "mrr_at_10": 45.178000000000004, + "mrr_at_100": 45.975, + "mrr_at_1000": 46.021, + "mrr_at_3": 42.541000000000004, + "mrr_at_5": 44.167, + "ndcg_at_1": 35.804, + "ndcg_at_10": 45.608, + "ndcg_at_100": 50.746, + "ndcg_at_1000": 52.839999999999996, + "ndcg_at_3": 40.52, + "ndcg_at_5": 43.051, + "precision_at_1": 35.804, + "precision_at_10": 8.104, + "precision_at_100": 1.256, + "precision_at_1000": 0.161, + "precision_at_3": 19.121, + "precision_at_5": 13.532, + "recall_at_1": 29.737000000000002, + "recall_at_10": 57.66, + "recall_at_100": 79.121, + "recall_at_1000": 93.023, + "recall_at_3": 43.13, + "recall_at_5": 49.836000000000006, + "main_score": 45.608 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.299, + "map_at_10": 35.617, + "map_at_100": 36.972, + "map_at_1000": 37.096000000000004, + "map_at_3": 32.653999999999996, + "map_at_5": 34.363, + "mrr_at_1": 32.877, + "mrr_at_10": 41.423, + "mrr_at_100": 42.333999999999996, + "mrr_at_1000": 42.398, + "mrr_at_3": 39.193, + "mrr_at_5": 40.426, + "ndcg_at_1": 32.877, + "ndcg_at_10": 41.271, + "ndcg_at_100": 46.843, + "ndcg_at_1000": 49.366, + "ndcg_at_3": 36.735, + "ndcg_at_5": 38.775999999999996, + "precision_at_1": 32.877, + "precision_at_10": 7.580000000000001, + "precision_at_100": 1.192, + "precision_at_1000": 0.158, + "precision_at_3": 17.541999999999998, + "precision_at_5": 12.443, + "recall_at_1": 26.299, + "recall_at_10": 52.256, + "recall_at_100": 75.919, + "recall_at_1000": 93.185, + "recall_at_3": 39.271, + "recall_at_5": 44.901, + "main_score": 41.271 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.05741666666667, + "map_at_10": 36.086416666666665, + "map_at_100": 37.26916666666667, + "map_at_1000": 37.38191666666666, + "map_at_3": 33.34225, + "map_at_5": 34.86425, + "mrr_at_1": 32.06008333333333, + "mrr_at_10": 40.36658333333333, + "mrr_at_100": 41.206500000000005, + "mrr_at_1000": 41.261083333333325, + "mrr_at_3": 38.01208333333334, + "mrr_at_5": 39.36858333333333, + "ndcg_at_1": 32.06008333333333, + "ndcg_at_10": 41.3535, + "ndcg_at_100": 46.42066666666666, + "ndcg_at_1000": 48.655166666666666, + "ndcg_at_3": 36.78041666666667, + "ndcg_at_5": 38.91783333333334, + "precision_at_1": 32.06008333333333, + "precision_at_10": 7.169833333333332, + "precision_at_100": 1.1395, + "precision_at_1000": 0.15158333333333332, + "precision_at_3": 16.852, + "precision_at_5": 11.8645, + "recall_at_1": 27.05741666666667, + "recall_at_10": 52.64491666666666, + "recall_at_100": 74.99791666666667, + "recall_at_1000": 90.50524999999999, + "recall_at_3": 39.684000000000005, + "recall_at_5": 45.37225, + "main_score": 41.3535 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.607999999999997, + "map_at_10": 32.28, + "map_at_100": 33.261, + "map_at_1000": 33.346, + "map_at_3": 30.514999999999997, + "map_at_5": 31.415, + "mrr_at_1": 28.988000000000003, + "mrr_at_10": 35.384, + "mrr_at_100": 36.24, + "mrr_at_1000": 36.299, + "mrr_at_3": 33.717000000000006, + "mrr_at_5": 34.507, + "ndcg_at_1": 28.988000000000003, + "ndcg_at_10": 36.248000000000005, + "ndcg_at_100": 41.034, + "ndcg_at_1000": 43.35, + "ndcg_at_3": 32.987, + "ndcg_at_5": 34.333999999999996, + "precision_at_1": 28.988000000000003, + "precision_at_10": 5.506, + "precision_at_100": 0.853, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 14.11, + "precision_at_5": 9.417, + "recall_at_1": 25.607999999999997, + "recall_at_10": 45.344, + "recall_at_100": 67.132, + "recall_at_1000": 84.676, + "recall_at_3": 36.02, + "recall_at_5": 39.613, + "main_score": 36.248000000000005 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.44, + "map_at_10": 25.651000000000003, + "map_at_100": 26.735, + "map_at_1000": 26.86, + "map_at_3": 23.409, + "map_at_5": 24.604, + "mrr_at_1": 22.195, + "mrr_at_10": 29.482000000000003, + "mrr_at_100": 30.395, + "mrr_at_1000": 30.471999999999998, + "mrr_at_3": 27.409, + "mrr_at_5": 28.553, + "ndcg_at_1": 22.195, + "ndcg_at_10": 30.242, + "ndcg_at_100": 35.397, + "ndcg_at_1000": 38.287, + "ndcg_at_3": 26.201, + "ndcg_at_5": 28.008, + "precision_at_1": 22.195, + "precision_at_10": 5.372, + "precision_at_100": 0.9259999999999999, + "precision_at_1000": 0.135, + "precision_at_3": 12.228, + "precision_at_5": 8.727, + "recall_at_1": 18.44, + "recall_at_10": 40.325, + "recall_at_100": 63.504000000000005, + "recall_at_1000": 83.909, + "recall_at_3": 28.925, + "recall_at_5": 33.641, + "main_score": 30.242 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.535999999999998, + "map_at_10": 35.358000000000004, + "map_at_100": 36.498999999999995, + "map_at_1000": 36.597, + "map_at_3": 32.598, + "map_at_5": 34.185, + "mrr_at_1": 31.25, + "mrr_at_10": 39.593, + "mrr_at_100": 40.443, + "mrr_at_1000": 40.498, + "mrr_at_3": 37.018, + "mrr_at_5": 38.492, + "ndcg_at_1": 31.25, + "ndcg_at_10": 40.71, + "ndcg_at_100": 46.079, + "ndcg_at_1000": 48.287, + "ndcg_at_3": 35.667, + "ndcg_at_5": 38.080000000000005, + "precision_at_1": 31.25, + "precision_at_10": 6.847, + "precision_at_100": 1.079, + "precision_at_1000": 0.13699999999999998, + "precision_at_3": 16.262, + "precision_at_5": 11.455, + "recall_at_1": 26.535999999999998, + "recall_at_10": 52.92099999999999, + "recall_at_100": 76.669, + "recall_at_1000": 92.096, + "recall_at_3": 38.956, + "recall_at_5": 45.239000000000004, + "main_score": 40.71 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.691, + "map_at_10": 33.417, + "map_at_100": 35.036, + "map_at_1000": 35.251, + "map_at_3": 30.646, + "map_at_5": 32.177, + "mrr_at_1": 30.04, + "mrr_at_10": 37.905, + "mrr_at_100": 38.929, + "mrr_at_1000": 38.983000000000004, + "mrr_at_3": 35.276999999999994, + "mrr_at_5": 36.897000000000006, + "ndcg_at_1": 30.04, + "ndcg_at_10": 39.037, + "ndcg_at_100": 44.944, + "ndcg_at_1000": 47.644, + "ndcg_at_3": 34.833999999999996, + "ndcg_at_5": 36.83, + "precision_at_1": 30.04, + "precision_at_10": 7.4510000000000005, + "precision_at_100": 1.492, + "precision_at_1000": 0.234, + "precision_at_3": 16.337, + "precision_at_5": 11.897, + "recall_at_1": 24.691, + "recall_at_10": 49.303999999999995, + "recall_at_100": 76.20400000000001, + "recall_at_1000": 93.30000000000001, + "recall_at_3": 36.594, + "recall_at_5": 42.41, + "main_score": 39.037 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.118, + "map_at_10": 30.714999999999996, + "map_at_100": 31.656000000000002, + "map_at_1000": 31.757, + "map_at_3": 28.355000000000004, + "map_at_5": 29.337000000000003, + "mrr_at_1": 25.323, + "mrr_at_10": 32.93, + "mrr_at_100": 33.762, + "mrr_at_1000": 33.829, + "mrr_at_3": 30.775999999999996, + "mrr_at_5": 31.774, + "ndcg_at_1": 25.323, + "ndcg_at_10": 35.408, + "ndcg_at_100": 40.083, + "ndcg_at_1000": 42.542, + "ndcg_at_3": 30.717, + "ndcg_at_5": 32.385000000000005, + "precision_at_1": 25.323, + "precision_at_10": 5.564, + "precision_at_100": 0.843, + "precision_at_1000": 0.116, + "precision_at_3": 13.001, + "precision_at_5": 8.834999999999999, + "recall_at_1": 23.118, + "recall_at_10": 47.788000000000004, + "recall_at_100": 69.37, + "recall_at_1000": 87.47399999999999, + "recall_at_3": 34.868, + "recall_at_5": 39.001999999999995, + "main_score": 35.408 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/ClimateFEVER.json b/results/BAAI__bge-base-en/external/ClimateFEVER.json new file mode 100644 index 000000000..2dd01ddaf --- /dev/null +++ b/results/BAAI__bge-base-en/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 14.288, + "map_at_10": 23.256, + "map_at_100": 25.115, + "map_at_1000": 25.319000000000003, + "map_at_3": 20.005, + "map_at_5": 21.529999999999998, + "mrr_at_1": 31.401, + "mrr_at_10": 42.251, + "mrr_at_100": 43.236999999999995, + "mrr_at_1000": 43.272, + "mrr_at_3": 39.164, + "mrr_at_5": 40.881, + "ndcg_at_1": 31.401, + "ndcg_at_10": 31.615, + "ndcg_at_100": 38.982, + "ndcg_at_1000": 42.496, + "ndcg_at_3": 26.608999999999998, + "ndcg_at_5": 28.048000000000002, + "precision_at_1": 31.401, + "precision_at_10": 9.536999999999999, + "precision_at_100": 1.763, + "precision_at_1000": 0.241, + "precision_at_3": 19.153000000000002, + "precision_at_5": 14.228, + "recall_at_1": 14.288, + "recall_at_10": 36.717, + "recall_at_100": 61.9, + "recall_at_1000": 81.676, + "recall_at_3": 24.203, + "recall_at_5": 28.793999999999997, + "main_score": 31.615 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/DBPedia.json b/results/BAAI__bge-base-en/external/DBPedia.json new file mode 100644 index 000000000..202b5c6ef --- /dev/null +++ b/results/BAAI__bge-base-en/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.019, + "map_at_10": 19.963, + "map_at_100": 28.834, + "map_at_1000": 30.537999999999997, + "map_at_3": 14.45, + "map_at_5": 16.817999999999998, + "mrr_at_1": 65.75, + "mrr_at_10": 74.646, + "mrr_at_100": 74.946, + "mrr_at_1000": 74.95100000000001, + "mrr_at_3": 72.625, + "mrr_at_5": 74.012, + "ndcg_at_1": 54, + "ndcg_at_10": 42.014, + "ndcg_at_100": 47.527, + "ndcg_at_1000": 54.911, + "ndcg_at_3": 46.586, + "ndcg_at_5": 43.836999999999996, + "precision_at_1": 65.75, + "precision_at_10": 33.475, + "precision_at_100": 11.16, + "precision_at_1000": 2.145, + "precision_at_3": 50.083, + "precision_at_5": 42.55, + "recall_at_1": 9.019, + "recall_at_10": 25.558999999999997, + "recall_at_100": 53.937999999999995, + "recall_at_1000": 77.67399999999999, + "recall_at_3": 15.456, + "recall_at_5": 19.259, + "main_score": 42.014 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/EmotionClassification.json b/results/BAAI__bge-base-en/external/EmotionClassification.json new file mode 100644 index 000000000..5f5b26f32 --- /dev/null +++ b/results/BAAI__bge-base-en/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 52.635, + "f1": 47.692783881403926, + "main_score": 52.635 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/FEVER.json b/results/BAAI__bge-base-en/external/FEVER.json new file mode 100644 index 000000000..cf610e414 --- /dev/null +++ b/results/BAAI__bge-base-en/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 76.893, + "map_at_10": 84.897, + "map_at_100": 85.122, + "map_at_1000": 85.135, + "map_at_3": 83.88, + "map_at_5": 84.565, + "mrr_at_1": 83.003, + "mrr_at_10": 89.506, + "mrr_at_100": 89.574, + "mrr_at_1000": 89.575, + "mrr_at_3": 88.991, + "mrr_at_5": 89.349, + "ndcg_at_1": 83.003, + "ndcg_at_10": 88.351, + "ndcg_at_100": 89.128, + "ndcg_at_1000": 89.34100000000001, + "ndcg_at_3": 86.92, + "ndcg_at_5": 87.78200000000001, + "precision_at_1": 83.003, + "precision_at_10": 10.517999999999999, + "precision_at_100": 1.115, + "precision_at_1000": 0.11499999999999999, + "precision_at_3": 33.062999999999995, + "precision_at_5": 20.498, + "recall_at_1": 76.893, + "recall_at_10": 94.374, + "recall_at_100": 97.409, + "recall_at_1000": 98.687, + "recall_at_3": 90.513, + "recall_at_5": 92.709, + "main_score": 88.351 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/FiQA2018.json b/results/BAAI__bge-base-en/external/FiQA2018.json new file mode 100644 index 000000000..7a3e42340 --- /dev/null +++ b/results/BAAI__bge-base-en/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.829, + "map_at_10": 32.86, + "map_at_100": 34.838, + "map_at_1000": 35.006, + "map_at_3": 28.597, + "map_at_5": 31.056, + "mrr_at_1": 41.358, + "mrr_at_10": 49.542, + "mrr_at_100": 50.29900000000001, + "mrr_at_1000": 50.334999999999994, + "mrr_at_3": 46.579, + "mrr_at_5": 48.408, + "ndcg_at_1": 41.358, + "ndcg_at_10": 40.758, + "ndcg_at_100": 47.799, + "ndcg_at_1000": 50.589, + "ndcg_at_3": 36.695, + "ndcg_at_5": 38.193, + "precision_at_1": 41.358, + "precision_at_10": 11.142000000000001, + "precision_at_100": 1.8350000000000002, + "precision_at_1000": 0.234, + "precision_at_3": 24.023, + "precision_at_5": 17.963, + "recall_at_1": 20.829, + "recall_at_10": 47.467999999999996, + "recall_at_100": 73.593, + "recall_at_1000": 90.122, + "recall_at_3": 32.74, + "recall_at_5": 39.608, + "main_score": 40.758 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/HotpotQA.json b/results/BAAI__bge-base-en/external/HotpotQA.json new file mode 100644 index 000000000..0ceb37986 --- /dev/null +++ b/results/BAAI__bge-base-en/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.324, + "map_at_10": 64.183, + "map_at_100": 65.037, + "map_at_1000": 65.094, + "map_at_3": 60.663, + "map_at_5": 62.951, + "mrr_at_1": 80.648, + "mrr_at_10": 86.005, + "mrr_at_100": 86.157, + "mrr_at_1000": 86.162, + "mrr_at_3": 85.116, + "mrr_at_5": 85.703, + "ndcg_at_1": 80.648, + "ndcg_at_10": 72.351, + "ndcg_at_100": 75.279, + "ndcg_at_1000": 76.357, + "ndcg_at_3": 67.484, + "ndcg_at_5": 70.31500000000001, + "precision_at_1": 80.648, + "precision_at_10": 15.103, + "precision_at_100": 1.7399999999999998, + "precision_at_1000": 0.188, + "precision_at_3": 43.232, + "precision_at_5": 28.165000000000003, + "recall_at_1": 40.324, + "recall_at_10": 75.517, + "recall_at_100": 86.982, + "recall_at_1000": 94.072, + "recall_at_3": 64.848, + "recall_at_5": 70.41199999999999, + "main_score": 72.351 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/ImdbClassification.json b/results/BAAI__bge-base-en/external/ImdbClassification.json new file mode 100644 index 000000000..81f54b328 --- /dev/null +++ b/results/BAAI__bge-base-en/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.4, + "ap": 87.4422032289312, + "f1": 91.39249564302281, + "main_score": 91.4 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/MSMARCO.json b/results/BAAI__bge-base-en/external/MSMARCO.json new file mode 100644 index 000000000..f68da2a07 --- /dev/null +++ b/results/BAAI__bge-base-en/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.03, + "map_at_10": 34.402, + "map_at_100": 35.599, + "map_at_1000": 35.648, + "map_at_3": 30.603, + "map_at_5": 32.889, + "mrr_at_1": 22.679, + "mrr_at_10": 35.021, + "mrr_at_100": 36.162, + "mrr_at_1000": 36.205, + "mrr_at_3": 31.319999999999997, + "mrr_at_5": 33.562, + "ndcg_at_1": 22.692999999999998, + "ndcg_at_10": 41.258, + "ndcg_at_100": 46.967, + "ndcg_at_1000": 48.175000000000004, + "ndcg_at_3": 33.611000000000004, + "ndcg_at_5": 37.675, + "precision_at_1": 22.692999999999998, + "precision_at_10": 6.5089999999999995, + "precision_at_100": 0.936, + "precision_at_1000": 0.104, + "precision_at_3": 14.413, + "precision_at_5": 10.702, + "recall_at_1": 22.03, + "recall_at_10": 62.248000000000005, + "recall_at_100": 88.524, + "recall_at_1000": 97.714, + "recall_at_3": 41.617, + "recall_at_5": 51.359, + "main_score": 41.258 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/MTOPDomainClassification.json b/results/BAAI__bge-base-en/external/MTOPDomainClassification.json new file mode 100644 index 000000000..9a9da82da --- /dev/null +++ b/results/BAAI__bge-base-en/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 94.36844505243957, + "f1": 94.12408743818202, + "main_score": 94.36844505243957 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/MTOPIntentClassification.json b/results/BAAI__bge-base-en/external/MTOPIntentClassification.json new file mode 100644 index 000000000..a59b45622 --- /dev/null +++ b/results/BAAI__bge-base-en/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.43410852713177, + "f1": 58.501855709435624, + "main_score": 76.43410852713177 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/MassiveIntentClassification.json b/results/BAAI__bge-base-en/external/MassiveIntentClassification.json new file mode 100644 index 000000000..17814267c --- /dev/null +++ b/results/BAAI__bge-base-en/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.04909213180902, + "f1": 74.1800860395823, + "main_score": 76.04909213180902 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/MassiveScenarioClassification.json b/results/BAAI__bge-base-en/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..89a1a487a --- /dev/null +++ b/results/BAAI__bge-base-en/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.76126429051781, + "f1": 79.85705217473232, + "main_score": 79.76126429051781 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/MedrxivClusteringP2P.json b/results/BAAI__bge-base-en/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..585152650 --- /dev/null +++ b/results/BAAI__bge-base-en/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.70119520292863, + "main_score": 34.70119520292863 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/MedrxivClusteringS2S.json b/results/BAAI__bge-base-en/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..c5c6834e2 --- /dev/null +++ b/results/BAAI__bge-base-en/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.33544316467486, + "main_score": 32.33544316467486 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/MindSmallReranking.json b/results/BAAI__bge-base-en/external/MindSmallReranking.json new file mode 100644 index 000000000..81e36b08a --- /dev/null +++ b/results/BAAI__bge-base-en/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 30.75499243990726, + "mrr": 31.70602251821063, + "main_score": 30.75499243990726 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/NFCorpus.json b/results/BAAI__bge-base-en/external/NFCorpus.json new file mode 100644 index 000000000..01888206c --- /dev/null +++ b/results/BAAI__bge-base-en/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.451999999999999, + "map_at_10": 13.918, + "map_at_100": 17.316000000000003, + "map_at_1000": 18.747, + "map_at_3": 10.471, + "map_at_5": 12.104, + "mrr_at_1": 46.749, + "mrr_at_10": 55.717000000000006, + "mrr_at_100": 56.249, + "mrr_at_1000": 56.288000000000004, + "mrr_at_3": 53.818, + "mrr_at_5": 55.103, + "ndcg_at_1": 45.201, + "ndcg_at_10": 35.539, + "ndcg_at_100": 32.586, + "ndcg_at_1000": 41.486000000000004, + "ndcg_at_3": 41.174, + "ndcg_at_5": 38.939, + "precision_at_1": 46.749, + "precision_at_10": 25.944, + "precision_at_100": 8.084, + "precision_at_1000": 2.076, + "precision_at_3": 38.7, + "precision_at_5": 33.56, + "recall_at_1": 6.451999999999999, + "recall_at_10": 17.302, + "recall_at_100": 32.14, + "recall_at_1000": 64.12, + "recall_at_3": 11.219, + "recall_at_5": 13.993, + "main_score": 35.539 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/NQ.json b/results/BAAI__bge-base-en/external/NQ.json new file mode 100644 index 000000000..b08564e03 --- /dev/null +++ b/results/BAAI__bge-base-en/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.037, + "map_at_10": 46.565, + "map_at_100": 47.606, + "map_at_1000": 47.636, + "map_at_3": 42.459, + "map_at_5": 44.762, + "mrr_at_1": 36.181999999999995, + "mrr_at_10": 49.291000000000004, + "mrr_at_100": 50.059, + "mrr_at_1000": 50.078, + "mrr_at_3": 45.829, + "mrr_at_5": 47.797, + "ndcg_at_1": 36.153, + "ndcg_at_10": 53.983000000000004, + "ndcg_at_100": 58.347, + "ndcg_at_1000": 59.058, + "ndcg_at_3": 46.198, + "ndcg_at_5": 50.022, + "precision_at_1": 36.153, + "precision_at_10": 8.763, + "precision_at_100": 1.123, + "precision_at_1000": 0.11900000000000001, + "precision_at_3": 20.751, + "precision_at_5": 14.646999999999998, + "recall_at_1": 32.037, + "recall_at_10": 74.008, + "recall_at_100": 92.893, + "recall_at_1000": 98.16, + "recall_at_3": 53.705999999999996, + "recall_at_5": 62.495, + "main_score": 53.983000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/QuoraRetrieval.json b/results/BAAI__bge-base-en/external/QuoraRetrieval.json new file mode 100644 index 000000000..93eb95bf4 --- /dev/null +++ b/results/BAAI__bge-base-en/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 71.152, + "map_at_10": 85.104, + "map_at_100": 85.745, + "map_at_1000": 85.761, + "map_at_3": 82.175, + "map_at_5": 84.066, + "mrr_at_1": 82.03, + "mrr_at_10": 88.115, + "mrr_at_100": 88.21, + "mrr_at_1000": 88.211, + "mrr_at_3": 87.19200000000001, + "mrr_at_5": 87.85, + "ndcg_at_1": 82.03, + "ndcg_at_10": 88.78, + "ndcg_at_100": 89.96300000000001, + "ndcg_at_1000": 90.056, + "ndcg_at_3": 86.051, + "ndcg_at_5": 87.63499999999999, + "precision_at_1": 82.03, + "precision_at_10": 13.450000000000001, + "precision_at_100": 1.5310000000000001, + "precision_at_1000": 0.157, + "precision_at_3": 37.627, + "precision_at_5": 24.784, + "recall_at_1": 71.152, + "recall_at_10": 95.649, + "recall_at_100": 99.58200000000001, + "recall_at_1000": 99.981, + "recall_at_3": 87.767, + "recall_at_5": 92.233, + "main_score": 88.78 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/RedditClustering.json b/results/BAAI__bge-base-en/external/RedditClustering.json new file mode 100644 index 000000000..7d970d27e --- /dev/null +++ b/results/BAAI__bge-base-en/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 56.48713646277477, + "main_score": 56.48713646277477 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/RedditClusteringP2P.json b/results/BAAI__bge-base-en/external/RedditClusteringP2P.json new file mode 100644 index 000000000..8dab2aebd --- /dev/null +++ b/results/BAAI__bge-base-en/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 63.394940772438545, + "main_score": 63.394940772438545 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/SCIDOCS.json b/results/BAAI__bge-base-en/external/SCIDOCS.json new file mode 100644 index 000000000..ab85125b5 --- /dev/null +++ b/results/BAAI__bge-base-en/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.043, + "map_at_10": 12.949, + "map_at_100": 15.146, + "map_at_1000": 15.495000000000001, + "map_at_3": 9.333, + "map_at_5": 11.312999999999999, + "mrr_at_1": 24.9, + "mrr_at_10": 35.958, + "mrr_at_100": 37.152, + "mrr_at_1000": 37.201, + "mrr_at_3": 32.667, + "mrr_at_5": 34.567, + "ndcg_at_1": 24.9, + "ndcg_at_10": 21.298000000000002, + "ndcg_at_100": 29.849999999999998, + "ndcg_at_1000": 35.506, + "ndcg_at_3": 20.548, + "ndcg_at_5": 18.064, + "precision_at_1": 24.9, + "precision_at_10": 10.9, + "precision_at_100": 2.331, + "precision_at_1000": 0.367, + "precision_at_3": 19.267, + "precision_at_5": 15.939999999999998, + "recall_at_1": 5.043, + "recall_at_10": 22.092, + "recall_at_100": 47.323, + "recall_at_1000": 74.553, + "recall_at_3": 11.728, + "recall_at_5": 16.188, + "main_score": 21.298000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/SICK-R.json b/results/BAAI__bge-base-en/external/SICK-R.json new file mode 100644 index 000000000..f838f64e6 --- /dev/null +++ b/results/BAAI__bge-base-en/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.7007085938325, + "cos_sim_spearman": 80.0171084446234, + "euclidean_pearson": 81.28133218355893, + "euclidean_spearman": 79.99291731740131, + "manhattan_pearson": 81.22926922327846, + "manhattan_spearman": 79.94444878127038, + "cosine_pearson": 83.7007085938325, + "cosine_spearman": 80.0171084446234, + "main_score": 80.0171084446234 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/STS12.json b/results/BAAI__bge-base-en/external/STS12.json new file mode 100644 index 000000000..3be4e76c6 --- /dev/null +++ b/results/BAAI__bge-base-en/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.7411883252923, + "cos_sim_spearman": 77.93462937801245, + "euclidean_pearson": 83.00858563882404, + "euclidean_spearman": 77.82717362433257, + "manhattan_pearson": 82.92887645790769, + "manhattan_spearman": 77.78807488222115, + "cosine_pearson": 85.7411883252923, + "cosine_spearman": 77.93462937801245, + "main_score": 77.93462937801245 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/STS13.json b/results/BAAI__bge-base-en/external/STS13.json new file mode 100644 index 000000000..a40df0d36 --- /dev/null +++ b/results/BAAI__bge-base-en/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.04222459361023, + "cos_sim_spearman": 83.85931509330395, + "euclidean_pearson": 83.26916063876055, + "euclidean_spearman": 83.98621985648353, + "manhattan_pearson": 83.14935679184327, + "manhattan_spearman": 83.87938828586304, + "cosine_pearson": 82.04222459361023, + "cosine_spearman": 83.85931509330395, + "main_score": 83.85931509330395 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/STS14.json b/results/BAAI__bge-base-en/external/STS14.json new file mode 100644 index 000000000..ee63d7fa2 --- /dev/null +++ b/results/BAAI__bge-base-en/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.41136639535318, + "cos_sim_spearman": 81.51200091040481, + "euclidean_pearson": 81.45382456114775, + "euclidean_spearman": 81.46201181707931, + "manhattan_pearson": 81.37243088439584, + "manhattan_spearman": 81.39828421893426, + "cosine_pearson": 81.41136639535318, + "cosine_spearman": 81.51200091040481, + "main_score": 81.51200091040481 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/STS15.json b/results/BAAI__bge-base-en/external/STS15.json new file mode 100644 index 000000000..3a2150a0e --- /dev/null +++ b/results/BAAI__bge-base-en/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.71942451732227, + "cos_sim_spearman": 87.33044482064973, + "euclidean_pearson": 86.58580899365178, + "euclidean_spearman": 87.09206723832895, + "manhattan_pearson": 86.47460784157013, + "manhattan_spearman": 86.98367656583076, + "cosine_pearson": 85.71942451732227, + "cosine_spearman": 87.33044482064973, + "main_score": 87.33044482064973 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/STS16.json b/results/BAAI__bge-base-en/external/STS16.json new file mode 100644 index 000000000..299e80cee --- /dev/null +++ b/results/BAAI__bge-base-en/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.55868078863449, + "cos_sim_spearman": 85.38299230074065, + "euclidean_pearson": 84.64715256244595, + "euclidean_spearman": 85.49112229604047, + "manhattan_pearson": 84.60814346792462, + "manhattan_spearman": 85.44886026766822, + "cosine_pearson": 83.55868078863449, + "cosine_spearman": 85.38299230074065, + "main_score": 85.38299230074065 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/STS17.json b/results/BAAI__bge-base-en/external/STS17.json new file mode 100644 index 000000000..0e3cf7977 --- /dev/null +++ b/results/BAAI__bge-base-en/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.99292526370614, + "cos_sim_spearman": 85.58139465695983, + "euclidean_pearson": 86.51325066734084, + "euclidean_spearman": 85.56736418284562, + "manhattan_pearson": 86.48190836601357, + "manhattan_spearman": 85.51616256224258, + "cosine_pearson": 84.99292526370614, + "cosine_spearman": 85.58139465695983, + "main_score": 85.58139465695983 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/STS22.json b/results/BAAI__bge-base-en/external/STS22.json new file mode 100644 index 000000000..cc5df9542 --- /dev/null +++ b/results/BAAI__bge-base-en/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 64.54124715078807, + "cos_sim_spearman": 65.32134275948374, + "euclidean_pearson": 67.09791698300816, + "euclidean_spearman": 65.79468982468465, + "manhattan_pearson": 67.13304723693966, + "manhattan_spearman": 65.68439995849283, + "cosine_pearson": 64.54124715078807, + "cosine_spearman": 65.32134275948374, + "main_score": 65.32134275948374 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/STSBenchmark.json b/results/BAAI__bge-base-en/external/STSBenchmark.json new file mode 100644 index 000000000..70e60f511 --- /dev/null +++ b/results/BAAI__bge-base-en/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.4231099581624, + "cos_sim_spearman": 85.95475815226862, + "euclidean_pearson": 85.00339401999706, + "euclidean_spearman": 85.74133081802971, + "manhattan_pearson": 85.00407987181666, + "manhattan_spearman": 85.77509596397363, + "cosine_pearson": 83.4231099581624, + "cosine_spearman": 85.95475815226862, + "main_score": 85.95475815226862 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/SciDocsRR.json b/results/BAAI__bge-base-en/external/SciDocsRR.json new file mode 100644 index 000000000..7aa650dbe --- /dev/null +++ b/results/BAAI__bge-base-en/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 87.25666719585716, + "mrr": 96.32769917083642, + "main_score": 87.25666719585716 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/SciFact.json b/results/BAAI__bge-base-en/external/SciFact.json new file mode 100644 index 000000000..f5d3d8ebc --- /dev/null +++ b/results/BAAI__bge-base-en/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 57.828, + "map_at_10": 68.369, + "map_at_100": 68.83399999999999, + "map_at_1000": 68.856, + "map_at_3": 65.38000000000001, + "map_at_5": 67.06299999999999, + "mrr_at_1": 61, + "mrr_at_10": 69.45400000000001, + "mrr_at_100": 69.785, + "mrr_at_1000": 69.807, + "mrr_at_3": 67, + "mrr_at_5": 68.43299999999999, + "ndcg_at_1": 61, + "ndcg_at_10": 73.258, + "ndcg_at_100": 75.173, + "ndcg_at_1000": 75.696, + "ndcg_at_3": 68.162, + "ndcg_at_5": 70.53399999999999, + "precision_at_1": 61, + "precision_at_10": 9.8, + "precision_at_100": 1.087, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 27, + "precision_at_5": 17.666999999999998, + "recall_at_1": 57.828, + "recall_at_10": 87.122, + "recall_at_100": 95.667, + "recall_at_1000": 99.667, + "recall_at_3": 73.139, + "recall_at_5": 79.361, + "main_score": 73.258 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/SprintDuplicateQuestions.json b/results/BAAI__bge-base-en/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..10d535679 --- /dev/null +++ b/results/BAAI__bge-base-en/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.85247524752475, + "cos_sim_ap": 96.25640197639723, + "cos_sim_f1": 92.37851662404091, + "cos_sim_precision": 94.55497382198953, + "cos_sim_recall": 90.3, + "dot_accuracy": 99.76138613861386, + "dot_ap": 93.40295864389073, + "dot_f1": 87.64267990074441, + "dot_precision": 86.99507389162562, + "dot_recall": 88.3, + "euclidean_accuracy": 99.85049504950496, + "euclidean_ap": 96.24254350525462, + "euclidean_f1": 92.32323232323232, + "euclidean_precision": 93.26530612244898, + "euclidean_recall": 91.4, + "manhattan_accuracy": 99.85346534653465, + "manhattan_ap": 96.2635334753325, + "manhattan_f1": 92.37899073120495, + "manhattan_precision": 95.22292993630573, + "manhattan_recall": 89.7, + "max_accuracy": 99.85346534653465, + "max_ap": 96.2635334753325, + "max_f1": 92.37899073120495, + "main_score": 96.2635334753325 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/StackExchangeClustering.json b/results/BAAI__bge-base-en/external/StackExchangeClustering.json new file mode 100644 index 000000000..f3428cba3 --- /dev/null +++ b/results/BAAI__bge-base-en/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 65.83905786483794, + "main_score": 65.83905786483794 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/StackExchangeClusteringP2P.json b/results/BAAI__bge-base-en/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..afea438a3 --- /dev/null +++ b/results/BAAI__bge-base-en/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.031896152126436, + "main_score": 35.031896152126436 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/StackOverflowDupQuestions.json b/results/BAAI__bge-base-en/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..a43687d14 --- /dev/null +++ b/results/BAAI__bge-base-en/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 54.551326709447146, + "mrr": 55.43758222986165, + "main_score": 54.551326709447146 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/SummEval.json b/results/BAAI__bge-base-en/external/SummEval.json new file mode 100644 index 000000000..a97640dbd --- /dev/null +++ b/results/BAAI__bge-base-en/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.305688567308874, + "cos_sim_spearman": 29.27135743434515, + "dot_pearson": 30.336741878796563, + "dot_spearman": 30.513365725895937, + "cosine_pearson": 30.305688567308874, + "cosine_spearman": 29.27135743434515, + "main_score": 29.27135743434515 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/TRECCOVID.json b/results/BAAI__bge-base-en/external/TRECCOVID.json new file mode 100644 index 000000000..258a90608 --- /dev/null +++ b/results/BAAI__bge-base-en/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.245, + "map_at_10": 1.92, + "map_at_100": 10.519, + "map_at_1000": 23.874000000000002, + "map_at_3": 0.629, + "map_at_5": 1.0290000000000001, + "mrr_at_1": 88, + "mrr_at_10": 93.5, + "mrr_at_100": 93.5, + "mrr_at_1000": 93.5, + "mrr_at_3": 93, + "mrr_at_5": 93.5, + "ndcg_at_1": 84, + "ndcg_at_10": 76.447, + "ndcg_at_100": 56.516, + "ndcg_at_1000": 48.583999999999996, + "ndcg_at_3": 78.877, + "ndcg_at_5": 79.174, + "precision_at_1": 88, + "precision_at_10": 80.60000000000001, + "precision_at_100": 57.64, + "precision_at_1000": 21.227999999999998, + "precision_at_3": 82, + "precision_at_5": 83.6, + "recall_at_1": 0.245, + "recall_at_10": 2.128, + "recall_at_100": 13.767, + "recall_at_1000": 44.958, + "recall_at_3": 0.654, + "recall_at_5": 1.111, + "main_score": 76.447 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/Touche2020.json b/results/BAAI__bge-base-en/external/Touche2020.json new file mode 100644 index 000000000..f71ea02d3 --- /dev/null +++ b/results/BAAI__bge-base-en/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.5170000000000003, + "map_at_10": 10.915, + "map_at_100": 17.535, + "map_at_1000": 19.042, + "map_at_3": 5.689, + "map_at_5": 7.837, + "mrr_at_1": 34.694, + "mrr_at_10": 49.547999999999995, + "mrr_at_100": 50.653000000000006, + "mrr_at_1000": 50.653000000000006, + "mrr_at_3": 44.558, + "mrr_at_5": 48.333, + "ndcg_at_1": 32.653, + "ndcg_at_10": 26.543, + "ndcg_at_100": 38.946, + "ndcg_at_1000": 49.406, + "ndcg_at_3": 29.903000000000002, + "ndcg_at_5": 29.231, + "precision_at_1": 34.694, + "precision_at_10": 23.265, + "precision_at_100": 8.102, + "precision_at_1000": 1.5, + "precision_at_3": 31.293, + "precision_at_5": 29.796, + "recall_at_1": 2.5170000000000003, + "recall_at_10": 16.88, + "recall_at_100": 49.381, + "recall_at_1000": 81.23899999999999, + "recall_at_3": 6.965000000000001, + "recall_at_5": 10.847999999999999, + "main_score": 26.543 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/ToxicConversationsClassification.json b/results/BAAI__bge-base-en/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..43c348707 --- /dev/null +++ b/results/BAAI__bge-base-en/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.5942, + "ap": 13.92074156956546, + "f1": 54.671999698839066, + "main_score": 71.5942 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/TweetSentimentExtractionClassification.json b/results/BAAI__bge-base-en/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..7a997a77e --- /dev/null +++ b/results/BAAI__bge-base-en/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 59.39728353140916, + "f1": 59.68980496759517, + "main_score": 59.39728353140916 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/TwentyNewsgroupsClustering.json b/results/BAAI__bge-base-en/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..51e09e3f2 --- /dev/null +++ b/results/BAAI__bge-base-en/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 52.11181870104935, + "main_score": 52.11181870104935 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/TwitterSemEval2015.json b/results/BAAI__bge-base-en/external/TwitterSemEval2015.json new file mode 100644 index 000000000..293f123c1 --- /dev/null +++ b/results/BAAI__bge-base-en/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 86.46957143708649, + "cos_sim_ap": 76.16120197845457, + "cos_sim_f1": 69.69919295671315, + "cos_sim_precision": 64.94986326344576, + "cos_sim_recall": 75.19788918205805, + "dot_accuracy": 83.0780234845324, + "dot_ap": 64.21717343541934, + "dot_f1": 59.48375497624245, + "dot_precision": 57.94345759319489, + "dot_recall": 61.108179419525065, + "euclidean_accuracy": 86.6543482148179, + "euclidean_ap": 76.4527555010203, + "euclidean_f1": 70.10156056477584, + "euclidean_precision": 66.05975723622782, + "euclidean_recall": 74.67018469656992, + "manhattan_accuracy": 86.66030875603504, + "manhattan_ap": 76.40304567255436, + "manhattan_f1": 70.05275426328058, + "manhattan_precision": 65.4666360926393, + "manhattan_recall": 75.32981530343008, + "max_accuracy": 86.66030875603504, + "max_ap": 76.4527555010203, + "max_f1": 70.10156056477584, + "main_score": 76.4527555010203 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/TwitterURLCorpus.json b/results/BAAI__bge-base-en/external/TwitterURLCorpus.json new file mode 100644 index 000000000..889b0da55 --- /dev/null +++ b/results/BAAI__bge-base-en/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.42123646524624, + "cos_sim_ap": 85.15431437761646, + "cos_sim_f1": 76.98069301530742, + "cos_sim_precision": 72.9314502239063, + "cos_sim_recall": 81.50600554357868, + "dot_accuracy": 86.70974502270346, + "dot_ap": 80.77621563599457, + "dot_f1": 73.87058697285117, + "dot_precision": 68.98256396552877, + "dot_recall": 79.50415768401602, + "euclidean_accuracy": 88.46392672798541, + "euclidean_ap": 85.20370297495491, + "euclidean_f1": 77.01372369624886, + "euclidean_precision": 73.39052800446397, + "euclidean_recall": 81.01324299353249, + "manhattan_accuracy": 88.43481973066325, + "manhattan_ap": 85.16318289864545, + "manhattan_f1": 76.90884877182597, + "manhattan_precision": 74.01737396753062, + "manhattan_recall": 80.03541730828458, + "max_accuracy": 88.46392672798541, + "max_ap": 85.20370297495491, + "max_f1": 77.01372369624886, + "main_score": 85.20370297495491 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-base-en/external/model_meta.json b/results/BAAI__bge-base-en/external/model_meta.json new file mode 100644 index 000000000..36b7a6577 --- /dev/null +++ b/results/BAAI__bge-base-en/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "BAAI/bge-base-en", + "revision": "b737bf5dcc6ee8bdc530531266b4804a5d77b5d8", + "release_date": "2023-08-05", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 109482752, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 768, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/AmazonCounterfactualClassification.json b/results/BAAI__bge-en-icl/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..f7dbbeee9 --- /dev/null +++ b/results/BAAI__bge-en-icl/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.1492537313433, + "ap": 72.56132559564212, + "f1": 89.71796898040243, + "main_score": 93.1492537313433 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/AmazonPolarityClassification.json b/results/BAAI__bge-en-icl/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..cc2f4ad8c --- /dev/null +++ b/results/BAAI__bge-en-icl/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 96.98372499999999, + "ap": 95.62303091773919, + "f1": 96.98308191715637, + "main_score": 96.98372499999999 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/AmazonReviewsClassification.json b/results/BAAI__bge-en-icl/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..4bfa53be6 --- /dev/null +++ b/results/BAAI__bge-en-icl/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.461999999999996, + "f1": 60.57257766583118, + "main_score": 61.461999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/ArguAna.json b/results/BAAI__bge-en-icl/external/ArguAna.json new file mode 100644 index 000000000..ee205a740 --- /dev/null +++ b/results/BAAI__bge-en-icl/external/ArguAna.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 83.07967801208441, + "ndcg_at_1": 66.50071123755335, + "ndcg_at_3": 80.10869593172173, + "ndcg_at_5": 81.89670542467924, + "ndcg_at_10": 83.07967801208441, + "ndcg_at_100": 83.5991349601075, + "ndcg_at_1000": 83.5991349601075, + "map_at_1": 66.50071123755335, + "map_at_3": 76.83736367946898, + "map_at_5": 77.8473210052158, + "map_at_10": 78.35472690735851, + "map_at_100": 78.47388207611678, + "map_at_1000": 78.47388207611678, + "precision_at_1": 66.50071123755335, + "precision_at_3": 29.848269321953076, + "precision_at_5": 18.762446657183045, + "precision_at_10": 9.736842105262909, + "precision_at_100": 0.9964438122332677, + "precision_at_1000": 0.09964438122332549, + "recall_at_1": 66.50071123755335, + "recall_at_3": 89.5448079658606, + "recall_at_5": 93.8122332859175, + "recall_at_10": 97.36842105263158, + "recall_at_100": 99.6443812233286, + "recall_at_1000": 99.6443812233286 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/ArxivClusteringP2P.json b/results/BAAI__bge-en-icl/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..a9ba3d0da --- /dev/null +++ b/results/BAAI__bge-en-icl/external/ArxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 54.43859683357485, + "v_measure": 54.43859683357485, + "v_measure_std": 14.511128158596337 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/ArxivClusteringS2S.json b/results/BAAI__bge-en-icl/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..39ae8656d --- /dev/null +++ b/results/BAAI__bge-en-icl/external/ArxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 49.33365996236564, + "v_measure": 49.33365996236564, + "v_measure_std": 14.61261944856548 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/AskUbuntuDupQuestions.json b/results/BAAI__bge-en-icl/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..fc5928b08 --- /dev/null +++ b/results/BAAI__bge-en-icl/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 65.15263966490278, + "map": 65.15263966490278, + "mrr": 77.90331090885107 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/BIOSSES.json b/results/BAAI__bge-en-icl/external/BIOSSES.json new file mode 100644 index 000000000..28efed6f3 --- /dev/null +++ b/results/BAAI__bge-en-icl/external/BIOSSES.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 86.47365710792691, + "cosine_spearman": 86.47365710792691, + "spearman": 86.47365710792691 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/Banking77Classification.json b/results/BAAI__bge-en-icl/external/Banking77Classification.json new file mode 100644 index 000000000..e4e8bd0c4 --- /dev/null +++ b/results/BAAI__bge-en-icl/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.48701298701299, + "f1": 91.4733869423637, + "main_score": 91.48701298701299 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/BiorxivClusteringP2P.json b/results/BAAI__bge-en-icl/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..0b6d82e02 --- /dev/null +++ b/results/BAAI__bge-en-icl/external/BiorxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 53.050461108038036, + "v_measure": 53.050461108038036, + "v_measure_std": 0.9436104839012786 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/BiorxivClusteringS2S.json b/results/BAAI__bge-en-icl/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..995672f53 --- /dev/null +++ b/results/BAAI__bge-en-icl/external/BiorxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 48.38215568371151, + "v_measure": 48.38215568371151, + "v_measure_std": 0.9104384504649026 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/ClimateFEVER.json b/results/BAAI__bge-en-icl/external/ClimateFEVER.json new file mode 100644 index 000000000..35931d838 --- /dev/null +++ b/results/BAAI__bge-en-icl/external/ClimateFEVER.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 45.4272998284769, + "ndcg_at_1": 44.36482084690554, + "ndcg_at_3": 38.13005747178844, + "ndcg_at_5": 40.83474510717123, + "ndcg_at_10": 45.4272998284769, + "ndcg_at_100": 52.880220707479516, + "ndcg_at_1000": 55.364753427333, + "map_at_1": 19.200868621064064, + "map_at_3": 28.33785740137525, + "map_at_5": 31.67162504524064, + "map_at_10": 34.417673164090075, + "map_at_100": 36.744753097028976, + "map_at_1000": 36.91262189016135, + "precision_at_1": 44.36482084690554, + "precision_at_3": 29.14223669923975, + "precision_at_5": 22.410423452768388, + "precision_at_10": 14.293159609120309, + "precision_at_100": 2.248859934853431, + "precision_at_1000": 0.2722475570032542, + "recall_at_1": 19.200868621064064, + "recall_at_3": 34.132464712269176, + "recall_at_5": 42.35613463626491, + "recall_at_10": 52.50814332247546, + "recall_at_100": 77.16178067318128, + "recall_at_1000": 90.59174809989138 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/DBPedia.json b/results/BAAI__bge-en-icl/external/DBPedia.json new file mode 100644 index 000000000..c96b991a2 --- /dev/null +++ b/results/BAAI__bge-en-icl/external/DBPedia.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 51.634197691802754, + "ndcg_at_1": 64.375, + "ndcg_at_3": 55.677549598242614, + "ndcg_at_5": 53.44347199908503, + "ndcg_at_10": 51.634197691802754, + "ndcg_at_100": 56.202861267183415, + "ndcg_at_1000": 63.146019108272576, + "map_at_1": 9.789380503780919, + "map_at_3": 16.146582195277016, + "map_at_5": 19.469695222167193, + "map_at_10": 24.163327344766145, + "map_at_100": 35.47047690245571, + "map_at_1000": 37.5147432331838, + "precision_at_1": 76.25, + "precision_at_3": 59.08333333333333, + "precision_at_5": 52.24999999999997, + "precision_at_10": 42.54999999999994, + "precision_at_100": 13.460000000000008, + "precision_at_1000": 2.4804999999999966, + "recall_at_1": 9.789380503780919, + "recall_at_3": 17.48487134027656, + "recall_at_5": 22.312024269698806, + "recall_at_10": 30.305380335237324, + "recall_at_100": 62.172868946596424, + "recall_at_1000": 85.32410301328747 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/EmotionClassification.json b/results/BAAI__bge-en-icl/external/EmotionClassification.json new file mode 100644 index 000000000..b2aa99bc2 --- /dev/null +++ b/results/BAAI__bge-en-icl/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.36, + "f1": 89.73665936982262, + "main_score": 93.36 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/FEVER.json b/results/BAAI__bge-en-icl/external/FEVER.json new file mode 100644 index 000000000..1b51ce1c2 --- /dev/null +++ b/results/BAAI__bge-en-icl/external/FEVER.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 92.82809814626805, + "ndcg_at_1": 88.98889888988899, + "ndcg_at_3": 91.82404417747676, + "ndcg_at_5": 92.41785792357787, + "ndcg_at_10": 92.82809814626805, + "ndcg_at_100": 93.31730867509245, + "ndcg_at_1000": 93.45171203408582, + "map_at_1": 82.64125817343636, + "map_at_3": 89.39970782792554, + "map_at_5": 89.96799501378695, + "map_at_10": 90.27479706587437, + "map_at_100": 90.45185655778057, + "map_at_1000": 90.46130471574544, + "precision_at_1": 88.98889888988899, + "precision_at_3": 34.923492349234245, + "precision_at_5": 21.524152415244043, + "precision_at_10": 11.033603360337315, + "precision_at_100": 1.1521152115211895, + "precision_at_1000": 0.11765676567657675, + "recall_at_1": 82.64125817343636, + "recall_at_3": 94.35195900542428, + "recall_at_5": 95.9071323799047, + "recall_at_10": 97.04234113887586, + "recall_at_100": 98.77282371094255, + "recall_at_1000": 99.5555567461508 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/FiQA2018.json b/results/BAAI__bge-en-icl/external/FiQA2018.json new file mode 100644 index 000000000..4579c4a63 --- /dev/null +++ b/results/BAAI__bge-en-icl/external/FiQA2018.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 59.67151242793314, + "ndcg_at_1": 57.407407407407405, + "ndcg_at_3": 53.79975378289304, + "ndcg_at_5": 56.453379423655406, + "ndcg_at_10": 59.67151242793314, + "ndcg_at_100": 65.34055762539253, + "ndcg_at_1000": 67.07707746043032, + "map_at_1": 30.65887045053714, + "map_at_3": 44.09107110881799, + "map_at_5": 48.18573748068346, + "map_at_10": 51.03680979612876, + "map_at_100": 53.03165194566928, + "map_at_1000": 53.16191096190861, + "precision_at_1": 57.407407407407405, + "precision_at_3": 35.493827160493886, + "precision_at_5": 26.913580246913547, + "precision_at_10": 16.435185185185155, + "precision_at_100": 2.2685185185184986, + "precision_at_1000": 0.25864197530863964, + "recall_at_1": 30.65887045053714, + "recall_at_3": 48.936723427464194, + "recall_at_5": 58.55942925387371, + "recall_at_10": 68.45128551147073, + "recall_at_100": 88.24599311867836, + "recall_at_1000": 98.18121693121691 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/HotpotQA.json b/results/BAAI__bge-en-icl/external/HotpotQA.json new file mode 100644 index 000000000..d5bba023e --- /dev/null +++ b/results/BAAI__bge-en-icl/external/HotpotQA.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 85.13780800141961, + "ndcg_at_1": 89.9392302498312, + "ndcg_at_3": 81.2061569376288, + "ndcg_at_5": 83.53311592078133, + "ndcg_at_10": 85.13780800141961, + "ndcg_at_100": 87.02630661625386, + "ndcg_at_1000": 87.47294723601075, + "map_at_1": 44.9696151249156, + "map_at_3": 76.46972766148966, + "map_at_5": 78.47749268512187, + "map_at_10": 79.49792611170005, + "map_at_100": 80.09409086274644, + "map_at_1000": 80.11950878917663, + "precision_at_1": 89.9392302498312, + "precision_at_3": 53.261309925724234, + "precision_at_5": 33.79338284942924, + "precision_at_10": 17.69750168805041, + "precision_at_100": 1.9141120864280805, + "precision_at_1000": 0.19721809588118133, + "recall_at_1": 44.9696151249156, + "recall_at_3": 79.8919648885888, + "recall_at_5": 84.48345712356516, + "recall_at_10": 88.48750844024308, + "recall_at_100": 95.70560432140446, + "recall_at_1000": 98.60904794058068 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/ImdbClassification.json b/results/BAAI__bge-en-icl/external/ImdbClassification.json new file mode 100644 index 000000000..0a2c9dc02 --- /dev/null +++ b/results/BAAI__bge-en-icl/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 96.9144, + "ap": 95.45276911068486, + "f1": 96.91412729455966, + "main_score": 96.9144 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/MSMARCO.json b/results/BAAI__bge-en-icl/external/MSMARCO.json new file mode 100644 index 000000000..f78f568df --- /dev/null +++ b/results/BAAI__bge-en-icl/external/MSMARCO.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 46.78865753107054, + "ndcg_at_1": 26.63323782234957, + "ndcg_at_3": 38.497585804985754, + "ndcg_at_5": 42.72761631631636, + "ndcg_at_10": 46.78865753107054, + "ndcg_at_100": 51.96170786623209, + "ndcg_at_1000": 52.82713901970963, + "map_at_1": 25.89063992359121, + "map_at_3": 35.299466730340654, + "map_at_5": 37.68771887933786, + "map_at_10": 39.40908074468253, + "map_at_100": 40.53444082323405, + "map_at_1000": 40.57183037649452, + "precision_at_1": 26.63323782234957, + "precision_at_3": 16.265520534861793, + "precision_at_5": 11.902578796562304, + "precision_at_10": 7.262177650430416, + "precision_at_100": 0.9819484240687512, + "precision_at_1000": 0.10571633237823287, + "recall_at_1": 25.89063992359121, + "recall_at_3": 46.99737344794652, + "recall_at_5": 57.160936007640906, + "recall_at_10": 69.43409742120343, + "recall_at_100": 92.86413562559697, + "recall_at_1000": 99.3230659025788 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/MTOPDomainClassification.json b/results/BAAI__bge-en-icl/external/MTOPDomainClassification.json new file mode 100644 index 000000000..3f25241b3 --- /dev/null +++ b/results/BAAI__bge-en-icl/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 98.42225262197901, + "f1": 98.31652547061115, + "main_score": 98.42225262197901 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/MTOPIntentClassification.json b/results/BAAI__bge-en-icl/external/MTOPIntentClassification.json new file mode 100644 index 000000000..eab686c2c --- /dev/null +++ b/results/BAAI__bge-en-icl/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 94.00136798905609, + "f1": 82.7022316533099, + "main_score": 94.00136798905609 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/MassiveIntentClassification.json b/results/BAAI__bge-en-icl/external/MassiveIntentClassification.json new file mode 100644 index 000000000..00effec01 --- /dev/null +++ b/results/BAAI__bge-en-icl/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4672e20407010da34463acc759c162ca9734bca6", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 82.92535305985204, + "f1": 79.885538231847, + "main_score": 82.92535305985204 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/MassiveScenarioClassification.json b/results/BAAI__bge-en-icl/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..5d8adc510 --- /dev/null +++ b/results/BAAI__bge-en-icl/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "fad2c6e8459f9e1c45d9315f4953d921437d70f8", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 85.60188298587758, + "f1": 84.87416963499224, + "main_score": 85.60188298587758 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/MedrxivClusteringP2P.json b/results/BAAI__bge-en-icl/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..e3661dd2b --- /dev/null +++ b/results/BAAI__bge-en-icl/external/MedrxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 45.86171497327639, + "v_measure": 45.86171497327639, + "v_measure_std": 1.551347259003324 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/MedrxivClusteringS2S.json b/results/BAAI__bge-en-icl/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..4be6005c4 --- /dev/null +++ b/results/BAAI__bge-en-icl/external/MedrxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 44.33336692345644, + "v_measure": 44.33336692345644, + "v_measure_std": 1.5931408596404715 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/MindSmallReranking.json b/results/BAAI__bge-en-icl/external/MindSmallReranking.json new file mode 100644 index 000000000..dddcb9f0a --- /dev/null +++ b/results/BAAI__bge-en-icl/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "59042f120c80e8afa9cdbb224f67076cec0fc9a7", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 30.597409734750503, + "map": 30.597409734750503, + "mrr": 31.397041548018457 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/NFCorpus.json b/results/BAAI__bge-en-icl/external/NFCorpus.json new file mode 100644 index 000000000..f56107e84 --- /dev/null +++ b/results/BAAI__bge-en-icl/external/NFCorpus.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 41.850870119787835, + "ndcg_at_1": 52.47678018575851, + "ndcg_at_3": 47.43993801247414, + "ndcg_at_5": 45.08173173082719, + "ndcg_at_10": 41.850870119787835, + "ndcg_at_100": 37.79284946590978, + "ndcg_at_1000": 46.58046062123418, + "map_at_1": 6.892464464226138, + "map_at_3": 12.113195798233127, + "map_at_5": 13.968475602788812, + "map_at_10": 16.47564069781326, + "map_at_100": 20.671726065190025, + "map_at_1000": 22.328875914012006, + "precision_at_1": 53.86996904024768, + "precision_at_3": 43.96284829721363, + "precision_at_5": 38.69969040247682, + "precision_at_10": 30.928792569659457, + "precision_at_100": 9.507739938080498, + "precision_at_1000": 2.25882352941176, + "recall_at_1": 6.892464464226138, + "recall_at_3": 13.708153358278407, + "recall_at_5": 16.651919797359145, + "recall_at_10": 21.01801714352559, + "recall_at_100": 37.01672102843443, + "recall_at_1000": 69.8307270724072 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/NQ.json b/results/BAAI__bge-en-icl/external/NQ.json new file mode 100644 index 000000000..42af9edb4 --- /dev/null +++ b/results/BAAI__bge-en-icl/external/NQ.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 73.88350836507092, + "ndcg_at_1": 57.0683661645423, + "ndcg_at_3": 67.89935813080585, + "ndcg_at_5": 71.47769719452941, + "ndcg_at_10": 73.88350836507092, + "ndcg_at_100": 75.76561068060907, + "ndcg_at_1000": 75.92437662684215, + "map_at_1": 51.00424874468904, + "map_at_3": 63.87359984550011, + "map_at_5": 66.23696407879494, + "map_at_10": 67.42415446608673, + "map_at_100": 67.92692839842621, + "map_at_1000": 67.93437922640133, + "precision_at_1": 57.0683661645423, + "precision_at_3": 29.692931633836416, + "precision_at_5": 20.046349942062854, + "precision_at_10": 10.950173812283, + "precision_at_100": 1.1995944380069687, + "precision_at_1000": 0.12146581691772171, + "recall_at_1": 51.00424874468904, + "recall_at_3": 75.93665507918116, + "recall_at_5": 83.95133256083433, + "recall_at_10": 90.78794901506375, + "recall_at_100": 98.61915797605253, + "recall_at_1000": 99.7827346465817 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/QuoraRetrieval.json b/results/BAAI__bge-en-icl/external/QuoraRetrieval.json new file mode 100644 index 000000000..8ce5dc62d --- /dev/null +++ b/results/BAAI__bge-en-icl/external/QuoraRetrieval.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "e4e08e0b7dbe3c8700f0daef558ff32256715259", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 90.95410848372035, + "ndcg_at_1": 84.61999999999999, + "ndcg_at_3": 88.57366734033212, + "ndcg_at_5": 89.89804048972175, + "ndcg_at_10": 90.95410848372035, + "ndcg_at_100": 91.83227134455773, + "ndcg_at_1000": 91.88368412611601, + "map_at_1": 73.4670089207039, + "map_at_3": 84.87862925508942, + "map_at_5": 86.68002324701408, + "map_at_10": 87.7165466015312, + "map_at_100": 88.28718809614146, + "map_at_1000": 88.29877148480672, + "precision_at_1": 84.61999999999999, + "precision_at_3": 38.82333333333838, + "precision_at_5": 25.423999999998642, + "precision_at_10": 13.787999999998583, + "precision_at_100": 1.5442999999999767, + "precision_at_1000": 0.15672999999997972, + "recall_at_1": 73.4670089207039, + "recall_at_3": 89.98389854832143, + "recall_at_5": 93.88541046010576, + "recall_at_10": 96.99779417520634, + "recall_at_100": 99.80318763957743, + "recall_at_1000": 99.99638888888889 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/RedditClustering.json b/results/BAAI__bge-en-icl/external/RedditClustering.json new file mode 100644 index 000000000..156b49a0f --- /dev/null +++ b/results/BAAI__bge-en-icl/external/RedditClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 72.33008348681277, + "v_measure": 72.33008348681277, + "v_measure_std": 2.9203215463933008 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/RedditClusteringP2P.json b/results/BAAI__bge-en-icl/external/RedditClusteringP2P.json new file mode 100644 index 000000000..c3163563f --- /dev/null +++ b/results/BAAI__bge-en-icl/external/RedditClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 72.72079657828903, + "v_measure": 72.72079657828903, + "v_measure_std": 11.930271663428735 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/SCIDOCS.json b/results/BAAI__bge-en-icl/external/SCIDOCS.json new file mode 100644 index 000000000..5c9811286 --- /dev/null +++ b/results/BAAI__bge-en-icl/external/SCIDOCS.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "f8c2fcf00f625baaa80f62ec5bd9e1fff3b8ae88", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 25.25865384510787, + "ndcg_at_1": 28.7, + "ndcg_at_3": 23.61736427940938, + "ndcg_at_5": 20.845690325673885, + "ndcg_at_10": 25.25865384510787, + "ndcg_at_100": 36.18596641088721, + "ndcg_at_1000": 41.7166868935345, + "map_at_1": 5.828333333333361, + "map_at_3": 10.689166666666676, + "map_at_5": 13.069916666666668, + "map_at_10": 15.4901164021164, + "map_at_100": 18.61493245565425, + "map_at_1000": 18.99943478016456, + "precision_at_1": 28.7, + "precision_at_3": 22.30000000000006, + "precision_at_5": 18.55999999999997, + "precision_at_10": 13.289999999999946, + "precision_at_100": 2.905000000000005, + "precision_at_1000": 0.4218999999999946, + "recall_at_1": 5.828333333333361, + "recall_at_3": 13.548333333333387, + "recall_at_5": 18.778333333333308, + "recall_at_10": 26.939999999999902, + "recall_at_100": 58.91333333333344, + "recall_at_1000": 85.57499999999972 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/SICK-R.json b/results/BAAI__bge-en-icl/external/SICK-R.json new file mode 100644 index 000000000..fdcf92a91 --- /dev/null +++ b/results/BAAI__bge-en-icl/external/SICK-R.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 83.86733787791422, + "cosine_spearman": 83.86733787791422, + "spearman": 83.86733787791422 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/STS12.json b/results/BAAI__bge-en-icl/external/STS12.json new file mode 100644 index 000000000..2c2f52e86 --- /dev/null +++ b/results/BAAI__bge-en-icl/external/STS12.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 78.14269330480724, + "cosine_spearman": 78.14269330480724, + "spearman": 78.14269330480724 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/STS13.json b/results/BAAI__bge-en-icl/external/STS13.json new file mode 100644 index 000000000..68e80a93f --- /dev/null +++ b/results/BAAI__bge-en-icl/external/STS13.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 86.58640009300751, + "cosine_spearman": 86.58640009300751, + "spearman": 86.58640009300751 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/STS14.json b/results/BAAI__bge-en-icl/external/STS14.json new file mode 100644 index 000000000..3b4093ccc --- /dev/null +++ b/results/BAAI__bge-en-icl/external/STS14.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 82.8292579957437, + "cosine_spearman": 82.8292579957437, + "spearman": 82.8292579957437 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/STS15.json b/results/BAAI__bge-en-icl/external/STS15.json new file mode 100644 index 000000000..71cdc3398 --- /dev/null +++ b/results/BAAI__bge-en-icl/external/STS15.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 87.77203714228862, + "cosine_spearman": 87.77203714228862, + "spearman": 87.77203714228862 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/STS16.json b/results/BAAI__bge-en-icl/external/STS16.json new file mode 100644 index 000000000..481cda4bc --- /dev/null +++ b/results/BAAI__bge-en-icl/external/STS16.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 87.0439304006969, + "cosine_spearman": 87.0439304006969, + "spearman": 87.0439304006969 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/STS17.json b/results/BAAI__bge-en-icl/external/STS17.json new file mode 100644 index 000000000..aff23bba1 --- /dev/null +++ b/results/BAAI__bge-en-icl/external/STS17.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "faeb762787bd10488a50c8b5be4a3b82e411949c", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "main_score": 91.24736138013424, + "cosine_spearman": 91.24736138013424, + "spearman": 91.24736138013424 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/STS22.json b/results/BAAI__bge-en-icl/external/STS22.json new file mode 100644 index 000000000..4679d3093 --- /dev/null +++ b/results/BAAI__bge-en-icl/external/STS22.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "de9d86b3b84231dc21f76c7b7af1f28e2f57f6e3", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "main_score": 70.07326214706, + "cosine_spearman": 70.07326214706, + "spearman": 70.07326214706 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/STSBenchmark.json b/results/BAAI__bge-en-icl/external/STSBenchmark.json new file mode 100644 index 000000000..419c79e47 --- /dev/null +++ b/results/BAAI__bge-en-icl/external/STSBenchmark.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 88.42076443255168, + "cosine_spearman": 88.42076443255168, + "spearman": 88.42076443255168 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/SciDocsRR.json b/results/BAAI__bge-en-icl/external/SciDocsRR.json new file mode 100644 index 000000000..bd1d9e345 --- /dev/null +++ b/results/BAAI__bge-en-icl/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 86.9584489124583, + "map": 86.9584489124583, + "mrr": 96.59475328592976 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/SciFact.json b/results/BAAI__bge-en-icl/external/SciFact.json new file mode 100644 index 000000000..ce4004b21 --- /dev/null +++ b/results/BAAI__bge-en-icl/external/SciFact.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 79.09159079425369, + "ndcg_at_1": 66.0, + "ndcg_at_3": 74.98853481223065, + "ndcg_at_5": 77.29382051205019, + "ndcg_at_10": 79.09159079425369, + "ndcg_at_100": 80.29692802526776, + "ndcg_at_1000": 80.55210036585547, + "map_at_1": 62.994444444444454, + "map_at_3": 71.7425925925926, + "map_at_5": 73.6200925925926, + "map_at_10": 74.50223544973547, + "map_at_100": 74.82438594015447, + "map_at_1000": 74.83420474892468, + "precision_at_1": 66.0, + "precision_at_3": 29.44444444444439, + "precision_at_5": 19.40000000000008, + "precision_at_10": 10.366666666666715, + "precision_at_100": 1.0999999999999928, + "precision_at_1000": 0.11200000000000007, + "recall_at_1": 62.994444444444454, + "recall_at_3": 80.89999999999998, + "recall_at_5": 86.72777777777779, + "recall_at_10": 91.88888888888887, + "recall_at_100": 97.0, + "recall_at_1000": 99.0 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/SprintDuplicateQuestions.json b/results/BAAI__bge-en-icl/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..627114c7e --- /dev/null +++ b/results/BAAI__bge-en-icl/external/SprintDuplicateQuestions.json @@ -0,0 +1,48 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 97.26819027722253, + "cos_sim_accuracy": 99.88019801980198, + "cos_sim_accuracy_threshold": 76.67685151100159, + "cos_sim_ap": 97.23260568085786, + "cos_sim_f1": 93.91824526420737, + "cos_sim_f1_threshold": 75.82710981369019, + "cos_sim_precision": 93.63817097415506, + "cos_sim_recall": 94.19999999999999, + "dot_accuracy": 99.88019801980198, + "dot_accuracy_threshold": 76.67686343193054, + "dot_ap": 97.23260568085786, + "dot_f1": 93.91824526420737, + "dot_f1_threshold": 75.8271336555481, + "dot_precision": 93.63817097415506, + "dot_recall": 94.19999999999999, + "euclidean_accuracy": 99.88019801980198, + "euclidean_accuracy_threshold": 68.29807758331299, + "euclidean_ap": 97.23259982599497, + "euclidean_f1": 93.91824526420737, + "euclidean_f1_threshold": 69.53110694885254, + "euclidean_precision": 93.63817097415506, + "euclidean_recall": 94.19999999999999, + "manhattan_accuracy": 99.87821782178217, + "manhattan_accuracy_threshold": 3482.6908111572266, + "manhattan_ap": 97.26819027722253, + "manhattan_f1": 93.92592592592592, + "manhattan_f1_threshold": 3555.5641174316406, + "manhattan_precision": 92.78048780487805, + "manhattan_recall": 95.1, + "max_accuracy": 99.88019801980198, + "max_ap": 97.26819027722253, + "max_f1": 93.92592592592592 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/StackExchangeClustering.json b/results/BAAI__bge-en-icl/external/StackExchangeClustering.json new file mode 100644 index 000000000..f38b127fe --- /dev/null +++ b/results/BAAI__bge-en-icl/external/StackExchangeClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 81.32419328350603, + "v_measure": 81.32419328350603, + "v_measure_std": 2.666861121694755 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/StackExchangeClusteringP2P.json b/results/BAAI__bge-en-icl/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..974f6ae0b --- /dev/null +++ b/results/BAAI__bge-en-icl/external/StackExchangeClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 46.048387963107565, + "v_measure": 46.048387963107565, + "v_measure_std": 1.4102848576321703 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/StackOverflowDupQuestions.json b/results/BAAI__bge-en-icl/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..0c1bf2dfb --- /dev/null +++ b/results/BAAI__bge-en-icl/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 56.70574900554072, + "map": 56.70574900554072, + "mrr": 57.517109116373824 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/SummEval.json b/results/BAAI__bge-en-icl/external/SummEval.json new file mode 100644 index 000000000..c188c0698 --- /dev/null +++ b/results/BAAI__bge-en-icl/external/SummEval.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 30.76932903185174, + "cosine_spearman": 30.76932903185174, + "spearman": 30.76932903185174 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/TRECCOVID.json b/results/BAAI__bge-en-icl/external/TRECCOVID.json new file mode 100644 index 000000000..d3b4b8047 --- /dev/null +++ b/results/BAAI__bge-en-icl/external/TRECCOVID.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "bb9466bac8153a0349341eb1b22e06409e78ef4e", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 79.07987651251462, + "ndcg_at_1": 83.0, + "ndcg_at_3": 79.86598407528447, + "ndcg_at_5": 79.27684428714952, + "ndcg_at_10": 79.07987651251462, + "ndcg_at_100": 64.55029164391163, + "ndcg_at_1000": 59.42333857860492, + "map_at_1": 0.226053732680979, + "map_at_3": 0.644034626013194, + "map_at_5": 1.045196967937728, + "map_at_10": 2.0197496659905085, + "map_at_100": 13.316018005224159, + "map_at_1000": 33.784766957424104, + "precision_at_1": 88.0, + "precision_at_3": 86.66666666666667, + "precision_at_5": 85.20000000000002, + "precision_at_10": 84.19999999999997, + "precision_at_100": 67.88000000000001, + "precision_at_1000": 26.573999999999998, + "recall_at_1": 0.226053732680979, + "recall_at_3": 0.6754273711472734, + "recall_at_5": 1.1168649828059245, + "recall_at_10": 2.2215081031265207, + "recall_at_100": 16.694165236664727, + "recall_at_1000": 56.7022214857503 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/Touche2020.json b/results/BAAI__bge-en-icl/external/Touche2020.json new file mode 100644 index 000000000..c831dd384 --- /dev/null +++ b/results/BAAI__bge-en-icl/external/Touche2020.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 30.47934263207554, + "ndcg_at_1": 33.6734693877551, + "ndcg_at_3": 34.36843900446739, + "ndcg_at_5": 32.21323786731918, + "ndcg_at_10": 30.47934263207554, + "ndcg_at_100": 41.49598869753928, + "ndcg_at_1000": 52.32963949183662, + "map_at_1": 3.0159801678718168, + "map_at_3": 7.13837927642557, + "map_at_5": 9.274004610363466, + "map_at_10": 12.957368366814324, + "map_at_100": 19.3070585127604, + "map_at_1000": 20.809777161133532, + "precision_at_1": 34.69387755102041, + "precision_at_3": 36.054421768707485, + "precision_at_5": 32.24489795918368, + "precision_at_10": 27.142857142857146, + "precision_at_100": 8.326530612244898, + "precision_at_1000": 1.5755102040816336, + "recall_at_1": 3.0159801678718168, + "recall_at_3": 8.321771388428257, + "recall_at_5": 11.737532394366069, + "recall_at_10": 19.49315139822179, + "recall_at_100": 50.937064145519685, + "recall_at_1000": 83.4358283484675 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/ToxicConversationsClassification.json b/results/BAAI__bge-en-icl/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..304d4b1af --- /dev/null +++ b/results/BAAI__bge-en-icl/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.173828125, + "ap": 46.040184641424396, + "f1": 80.77280549412752, + "main_score": 93.173828125 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/TweetSentimentExtractionClassification.json b/results/BAAI__bge-en-icl/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..33a6546e2 --- /dev/null +++ b/results/BAAI__bge-en-icl/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.9320882852292, + "f1": 80.22638685975485, + "main_score": 79.9320882852292 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/TwentyNewsgroupsClustering.json b/results/BAAI__bge-en-icl/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..d264dffe1 --- /dev/null +++ b/results/BAAI__bge-en-icl/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 68.98152919711418, + "v_measure": 68.98152919711418, + "v_measure_std": 1.2519720970652428 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/TwitterSemEval2015.json b/results/BAAI__bge-en-icl/external/TwitterSemEval2015.json new file mode 100644 index 000000000..aea951694 --- /dev/null +++ b/results/BAAI__bge-en-icl/external/TwitterSemEval2015.json @@ -0,0 +1,48 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 79.34189681158234, + "cos_sim_accuracy": 87.68552184538356, + "cos_sim_accuracy_threshold": 76.06316804885864, + "cos_sim_ap": 79.34189149773933, + "cos_sim_f1": 72.16386554621849, + "cos_sim_f1_threshold": 73.62890243530273, + "cos_sim_precision": 71.82435964453737, + "cos_sim_recall": 72.5065963060686, + "dot_accuracy": 87.68552184538356, + "dot_accuracy_threshold": 76.06316208839417, + "dot_ap": 79.34189231911259, + "dot_f1": 72.16386554621849, + "dot_f1_threshold": 73.62889647483826, + "dot_precision": 71.82435964453737, + "dot_recall": 72.5065963060686, + "euclidean_accuracy": 87.68552184538356, + "euclidean_accuracy_threshold": 69.19080018997192, + "euclidean_ap": 79.34189681158234, + "euclidean_f1": 72.16386554621849, + "euclidean_f1_threshold": 72.62383103370667, + "euclidean_precision": 71.82435964453737, + "euclidean_recall": 72.5065963060686, + "manhattan_accuracy": 87.661679680515, + "manhattan_accuracy_threshold": 3408.807373046875, + "manhattan_ap": 79.29617544165136, + "manhattan_f1": 72.1957671957672, + "manhattan_f1_threshold": 3597.7684020996094, + "manhattan_precision": 72.38726790450929, + "manhattan_recall": 72.00527704485488, + "max_accuracy": 87.68552184538356, + "max_ap": 79.34189681158234, + "max_f1": 72.1957671957672 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/TwitterURLCorpus.json b/results/BAAI__bge-en-icl/external/TwitterURLCorpus.json new file mode 100644 index 000000000..94b141273 --- /dev/null +++ b/results/BAAI__bge-en-icl/external/TwitterURLCorpus.json @@ -0,0 +1,48 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 87.8635519535718, + "cos_sim_accuracy": 89.80672953778088, + "cos_sim_accuracy_threshold": 73.09532165527344, + "cos_sim_ap": 87.84251379545145, + "cos_sim_f1": 80.25858884373845, + "cos_sim_f1_threshold": 70.57080268859863, + "cos_sim_precision": 77.14103110353643, + "cos_sim_recall": 83.63874345549738, + "dot_accuracy": 89.80672953778088, + "dot_accuracy_threshold": 73.09532761573792, + "dot_ap": 87.84251881260793, + "dot_f1": 80.25858884373845, + "dot_f1_threshold": 70.57079076766968, + "dot_precision": 77.14103110353643, + "dot_recall": 83.63874345549738, + "euclidean_accuracy": 89.80672953778088, + "euclidean_accuracy_threshold": 73.3548641204834, + "euclidean_ap": 87.84251335039049, + "euclidean_f1": 80.25858884373845, + "euclidean_f1_threshold": 76.71923041343689, + "euclidean_precision": 77.14103110353643, + "euclidean_recall": 83.63874345549738, + "manhattan_accuracy": 89.78150347343501, + "manhattan_accuracy_threshold": 3702.7603149414062, + "manhattan_ap": 87.8635519535718, + "manhattan_f1": 80.27105660516332, + "manhattan_f1_threshold": 3843.5962677001953, + "manhattan_precision": 76.9361101306036, + "manhattan_recall": 83.90822297505389, + "max_accuracy": 89.80672953778088, + "max_ap": 87.8635519535718, + "max_f1": 80.27105660516332 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-en-icl/external/model_meta.json b/results/BAAI__bge-en-icl/external/model_meta.json new file mode 100644 index 000000000..c49f848ca --- /dev/null +++ b/results/BAAI__bge-en-icl/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "BAAI/bge-en-icl", + "revision": "7b387a4ae6ecbd216e90fa1c9bebdd1ef1dda8b5", + "release_date": "2024-07-25", + "languages": [], + "loader": null, + "n_parameters": 7110672384, + "memory_usage": null, + "max_tokens": 32768, + "embed_dim": 4096, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/AmazonCounterfactualClassification.json b/results/BAAI__bge-large-en-v1.5/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..b000af11f --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.8507462686567, + "ap": 38.566457320228245, + "f1": 69.69386648043475, + "main_score": 75.8507462686567 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/AmazonPolarityClassification.json b/results/BAAI__bge-large-en-v1.5/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..16be0c533 --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.416675, + "ap": 89.1928861155922, + "f1": 92.39477019574215, + "main_score": 92.416675 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/AmazonReviewsClassification.json b/results/BAAI__bge-large-en-v1.5/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..a2e323137 --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 48.175999999999995, + "f1": 47.80712792870253, + "main_score": 48.175999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/ArguAna.json b/results/BAAI__bge-large-en-v1.5/external/ArguAna.json new file mode 100644 index 000000000..de00f62be --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.184999999999995, + "map_at_10": 55.654, + "map_at_100": 56.25, + "map_at_1000": 56.255, + "map_at_3": 51.742999999999995, + "map_at_5": 54.129000000000005, + "mrr_at_1": 40.967, + "mrr_at_10": 55.96, + "mrr_at_100": 56.54900000000001, + "mrr_at_1000": 56.554, + "mrr_at_3": 51.980000000000004, + "mrr_at_5": 54.44, + "ndcg_at_1": 40.184999999999995, + "ndcg_at_10": 63.542, + "ndcg_at_100": 65.96499999999999, + "ndcg_at_1000": 66.08699999999999, + "ndcg_at_3": 55.582, + "ndcg_at_5": 59.855000000000004, + "precision_at_1": 40.184999999999995, + "precision_at_10": 8.841000000000001, + "precision_at_100": 0.987, + "precision_at_1000": 0.1, + "precision_at_3": 22.238, + "precision_at_5": 15.405, + "recall_at_1": 40.184999999999995, + "recall_at_10": 88.407, + "recall_at_100": 98.72, + "recall_at_1000": 99.644, + "recall_at_3": 66.714, + "recall_at_5": 77.027, + "main_score": 63.542 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/ArxivClusteringP2P.json b/results/BAAI__bge-large-en-v1.5/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..f8f3798ed --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.567077926750066, + "main_score": 48.567077926750066 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/ArxivClusteringS2S.json b/results/BAAI__bge-large-en-v1.5/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..3bbdfa23f --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 43.19453389182364, + "main_score": 43.19453389182364 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/AskUbuntuDupQuestions.json b/results/BAAI__bge-large-en-v1.5/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..50f36bc02 --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 64.46555939623092, + "mrr": 77.82361605768807, + "main_score": 64.46555939623092 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/BIOSSES.json b/results/BAAI__bge-large-en-v1.5/external/BIOSSES.json new file mode 100644 index 000000000..3b36b2f7a --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.9554128814735, + "cos_sim_spearman": 84.65373612172036, + "euclidean_pearson": 83.2905059954138, + "euclidean_spearman": 84.52240782811128, + "manhattan_pearson": 82.99533802997436, + "manhattan_spearman": 84.20673798475734, + "cosine_pearson": 84.9554128814735, + "cosine_spearman": 84.65373612172036, + "main_score": 84.65373612172036 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/Banking77Classification.json b/results/BAAI__bge-large-en-v1.5/external/Banking77Classification.json new file mode 100644 index 000000000..41279087f --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 87.78896103896103, + "f1": 87.77189310964883, + "main_score": 87.78896103896103 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/BiorxivClusteringP2P.json b/results/BAAI__bge-large-en-v1.5/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..55f0de8d5 --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.714538337650495, + "main_score": 39.714538337650495 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/BiorxivClusteringS2S.json b/results/BAAI__bge-large-en-v1.5/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..ac4543ace --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.90108349284447, + "main_score": 36.90108349284447 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/CQADupstackAndroidRetrieval.json b/results/BAAI__bge-large-en-v1.5/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..0b92a0877 --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.795, + "map_at_10": 43.669000000000004, + "map_at_100": 45.151, + "map_at_1000": 45.278, + "map_at_3": 40.006, + "map_at_5": 42.059999999999995, + "mrr_at_1": 39.771, + "mrr_at_10": 49.826, + "mrr_at_100": 50.504000000000005, + "mrr_at_1000": 50.549, + "mrr_at_3": 47.115, + "mrr_at_5": 48.832, + "ndcg_at_1": 39.771, + "ndcg_at_10": 50.217999999999996, + "ndcg_at_100": 55.454, + "ndcg_at_1000": 57.37, + "ndcg_at_3": 44.885000000000005, + "ndcg_at_5": 47.419, + "precision_at_1": 39.771, + "precision_at_10": 9.642000000000001, + "precision_at_100": 1.538, + "precision_at_1000": 0.198, + "precision_at_3": 21.268, + "precision_at_5": 15.536, + "recall_at_1": 32.795, + "recall_at_10": 62.580999999999996, + "recall_at_100": 84.438, + "recall_at_1000": 96.492, + "recall_at_3": 47.071000000000005, + "recall_at_5": 54.079, + "main_score": 50.217999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.671, + "map_at_10": 43.334, + "map_at_100": 44.566, + "map_at_1000": 44.702999999999996, + "map_at_3": 40.343, + "map_at_5": 41.983, + "mrr_at_1": 40.764, + "mrr_at_10": 49.382, + "mrr_at_100": 49.988, + "mrr_at_1000": 50.03300000000001, + "mrr_at_3": 47.293, + "mrr_at_5": 48.51, + "ndcg_at_1": 40.764, + "ndcg_at_10": 49.039, + "ndcg_at_100": 53.259, + "ndcg_at_1000": 55.253, + "ndcg_at_3": 45.091, + "ndcg_at_5": 46.839999999999996, + "precision_at_1": 40.764, + "precision_at_10": 9.191, + "precision_at_100": 1.476, + "precision_at_1000": 0.19499999999999998, + "precision_at_3": 21.72, + "precision_at_5": 15.299, + "recall_at_1": 32.671, + "recall_at_10": 58.816, + "recall_at_100": 76.654, + "recall_at_1000": 89.05999999999999, + "recall_at_3": 46.743, + "recall_at_5": 51.783, + "main_score": 49.039 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.328, + "map_at_10": 53.32599999999999, + "map_at_100": 54.37499999999999, + "map_at_1000": 54.429, + "map_at_3": 49.902, + "map_at_5": 52.002, + "mrr_at_1": 46.332, + "mrr_at_10": 56.858, + "mrr_at_100": 57.522, + "mrr_at_1000": 57.54899999999999, + "mrr_at_3": 54.472, + "mrr_at_5": 55.996, + "ndcg_at_1": 46.332, + "ndcg_at_10": 59.313, + "ndcg_at_100": 63.266999999999996, + "ndcg_at_1000": 64.36, + "ndcg_at_3": 53.815000000000005, + "ndcg_at_5": 56.814, + "precision_at_1": 46.332, + "precision_at_10": 9.53, + "precision_at_100": 1.238, + "precision_at_1000": 0.13699999999999998, + "precision_at_3": 24.054000000000002, + "precision_at_5": 16.589000000000002, + "recall_at_1": 40.328, + "recall_at_10": 73.421, + "recall_at_100": 90.059, + "recall_at_1000": 97.81, + "recall_at_3": 59.009, + "recall_at_5": 66.352, + "main_score": 59.313 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.424, + "map_at_10": 36.332, + "map_at_100": 37.347, + "map_at_1000": 37.422, + "map_at_3": 33.743, + "map_at_5": 35.176, + "mrr_at_1": 29.153000000000002, + "mrr_at_10": 38.233, + "mrr_at_100": 39.109, + "mrr_at_1000": 39.164, + "mrr_at_3": 35.876000000000005, + "mrr_at_5": 37.169000000000004, + "ndcg_at_1": 29.153000000000002, + "ndcg_at_10": 41.439, + "ndcg_at_100": 46.42, + "ndcg_at_1000": 48.242000000000004, + "ndcg_at_3": 36.362, + "ndcg_at_5": 38.743, + "precision_at_1": 29.153000000000002, + "precision_at_10": 6.315999999999999, + "precision_at_100": 0.927, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 15.443000000000001, + "precision_at_5": 10.644, + "recall_at_1": 27.424, + "recall_at_10": 55.364000000000004, + "recall_at_100": 78.211, + "recall_at_1000": 91.74600000000001, + "recall_at_3": 41.379, + "recall_at_5": 47.14, + "main_score": 41.439 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.601, + "map_at_10": 27.826, + "map_at_100": 29.017, + "map_at_1000": 29.137, + "map_at_3": 25.125999999999998, + "map_at_5": 26.765, + "mrr_at_1": 24.005000000000003, + "mrr_at_10": 32.716, + "mrr_at_100": 33.631, + "mrr_at_1000": 33.694, + "mrr_at_3": 29.934, + "mrr_at_5": 31.630999999999997, + "ndcg_at_1": 24.005000000000003, + "ndcg_at_10": 33.158, + "ndcg_at_100": 38.739000000000004, + "ndcg_at_1000": 41.495, + "ndcg_at_3": 28.185, + "ndcg_at_5": 30.796, + "precision_at_1": 24.005000000000003, + "precision_at_10": 5.908, + "precision_at_100": 1.005, + "precision_at_1000": 0.13899999999999998, + "precision_at_3": 13.391, + "precision_at_5": 9.876, + "recall_at_1": 19.601, + "recall_at_10": 44.746, + "recall_at_100": 68.82300000000001, + "recall_at_1000": 88.215, + "recall_at_3": 31.239, + "recall_at_5": 37.695, + "main_score": 33.158 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.130000000000003, + "map_at_10": 40.96, + "map_at_100": 42.282, + "map_at_1000": 42.392, + "map_at_3": 37.889, + "map_at_5": 39.661, + "mrr_at_1": 36.958999999999996, + "mrr_at_10": 46.835, + "mrr_at_100": 47.644, + "mrr_at_1000": 47.688, + "mrr_at_3": 44.562000000000005, + "mrr_at_5": 45.938, + "ndcg_at_1": 36.958999999999996, + "ndcg_at_10": 47.06, + "ndcg_at_100": 52.345, + "ndcg_at_1000": 54.35, + "ndcg_at_3": 42.301, + "ndcg_at_5": 44.635999999999996, + "precision_at_1": 36.958999999999996, + "precision_at_10": 8.479000000000001, + "precision_at_100": 1.284, + "precision_at_1000": 0.163, + "precision_at_3": 20.244, + "precision_at_5": 14.224999999999998, + "recall_at_1": 30.130000000000003, + "recall_at_10": 59.27, + "recall_at_100": 81.195, + "recall_at_1000": 94.21199999999999, + "recall_at_3": 45.885, + "recall_at_5": 52.016, + "main_score": 47.06 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.169999999999998, + "map_at_10": 36.451, + "map_at_100": 37.791000000000004, + "map_at_1000": 37.897, + "map_at_3": 33.109, + "map_at_5": 34.937000000000005, + "mrr_at_1": 32.877, + "mrr_at_10": 42.368, + "mrr_at_100": 43.201, + "mrr_at_1000": 43.259, + "mrr_at_3": 39.763999999999996, + "mrr_at_5": 41.260000000000005, + "ndcg_at_1": 32.877, + "ndcg_at_10": 42.659000000000006, + "ndcg_at_100": 48.161, + "ndcg_at_1000": 50.345, + "ndcg_at_3": 37.302, + "ndcg_at_5": 39.722, + "precision_at_1": 32.877, + "precision_at_10": 7.9, + "precision_at_100": 1.236, + "precision_at_1000": 0.158, + "precision_at_3": 17.846, + "precision_at_5": 12.9, + "recall_at_1": 26.169999999999998, + "recall_at_10": 55.35, + "recall_at_100": 78.755, + "recall_at_1000": 93.518, + "recall_at_3": 40.176, + "recall_at_5": 46.589000000000006, + "main_score": 42.659000000000006 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.15516666666667, + "map_at_10": 36.65741666666667, + "map_at_100": 37.84991666666666, + "map_at_1000": 37.96316666666667, + "map_at_3": 33.74974999999999, + "map_at_5": 35.3765, + "mrr_at_1": 32.08233333333334, + "mrr_at_10": 41.033833333333334, + "mrr_at_100": 41.84524999999999, + "mrr_at_1000": 41.89983333333333, + "mrr_at_3": 38.62008333333333, + "mrr_at_5": 40.03441666666666, + "ndcg_at_1": 32.08233333333334, + "ndcg_at_10": 42.229, + "ndcg_at_100": 47.26716666666667, + "ndcg_at_1000": 49.43466666666667, + "ndcg_at_3": 37.36408333333333, + "ndcg_at_5": 39.6715, + "precision_at_1": 32.08233333333334, + "precision_at_10": 7.382583333333334, + "precision_at_100": 1.16625, + "precision_at_1000": 0.15408333333333332, + "precision_at_3": 17.218, + "precision_at_5": 12.21875, + "recall_at_1": 27.15516666666667, + "recall_at_10": 54.36683333333333, + "recall_at_100": 76.37183333333333, + "recall_at_1000": 91.26183333333333, + "recall_at_3": 40.769916666666674, + "recall_at_5": 46.702333333333335, + "main_score": 42.229 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.749, + "map_at_10": 33.001999999999995, + "map_at_100": 33.891, + "map_at_1000": 33.993, + "map_at_3": 30.703999999999997, + "map_at_5": 31.959, + "mrr_at_1": 28.834, + "mrr_at_10": 35.955, + "mrr_at_100": 36.709, + "mrr_at_1000": 36.779, + "mrr_at_3": 33.947, + "mrr_at_5": 35.089, + "ndcg_at_1": 28.834, + "ndcg_at_10": 37.329, + "ndcg_at_100": 41.79, + "ndcg_at_1000": 44.169000000000004, + "ndcg_at_3": 33.184999999999995, + "ndcg_at_5": 35.107, + "precision_at_1": 28.834, + "precision_at_10": 5.7669999999999995, + "precision_at_100": 0.876, + "precision_at_1000": 0.11399999999999999, + "precision_at_3": 14.213000000000001, + "precision_at_5": 9.754999999999999, + "recall_at_1": 25.749, + "recall_at_10": 47.791, + "recall_at_100": 68.255, + "recall_at_1000": 85.749, + "recall_at_3": 36.199, + "recall_at_5": 41.071999999999996, + "main_score": 37.329 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.777, + "map_at_10": 25.201, + "map_at_100": 26.423999999999996, + "map_at_1000": 26.544, + "map_at_3": 22.869, + "map_at_5": 24.023, + "mrr_at_1": 21.473, + "mrr_at_10": 29.12, + "mrr_at_100": 30.144, + "mrr_at_1000": 30.215999999999998, + "mrr_at_3": 26.933, + "mrr_at_5": 28.051, + "ndcg_at_1": 21.473, + "ndcg_at_10": 30.003, + "ndcg_at_100": 35.766, + "ndcg_at_1000": 38.501000000000005, + "ndcg_at_3": 25.773000000000003, + "ndcg_at_5": 27.462999999999997, + "precision_at_1": 21.473, + "precision_at_10": 5.482, + "precision_at_100": 0.975, + "precision_at_1000": 0.13799999999999998, + "precision_at_3": 12.205, + "precision_at_5": 8.692, + "recall_at_1": 17.777, + "recall_at_10": 40.582, + "recall_at_100": 66.305, + "recall_at_1000": 85.636, + "recall_at_3": 28.687, + "recall_at_5": 33.089, + "main_score": 30.003 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.677, + "map_at_10": 36.309000000000005, + "map_at_100": 37.403999999999996, + "map_at_1000": 37.496, + "map_at_3": 33.382, + "map_at_5": 34.98, + "mrr_at_1": 31.343, + "mrr_at_10": 40.549, + "mrr_at_100": 41.342, + "mrr_at_1000": 41.397, + "mrr_at_3": 38.029, + "mrr_at_5": 39.451, + "ndcg_at_1": 31.343, + "ndcg_at_10": 42.1, + "ndcg_at_100": 47.089999999999996, + "ndcg_at_1000": 49.222, + "ndcg_at_3": 36.836999999999996, + "ndcg_at_5": 39.21, + "precision_at_1": 31.343, + "precision_at_10": 7.164, + "precision_at_100": 1.0959999999999999, + "precision_at_1000": 0.13899999999999998, + "precision_at_3": 16.915, + "precision_at_5": 11.940000000000001, + "recall_at_1": 26.677, + "recall_at_10": 55.54599999999999, + "recall_at_100": 77.094, + "recall_at_1000": 92.01, + "recall_at_3": 41.191, + "recall_at_5": 47.006, + "main_score": 42.1 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.501, + "map_at_10": 33.102, + "map_at_100": 34.676, + "map_at_1000": 34.888000000000005, + "map_at_3": 29.944, + "map_at_5": 31.613999999999997, + "mrr_at_1": 29.447000000000003, + "mrr_at_10": 37.996, + "mrr_at_100": 38.946, + "mrr_at_1000": 38.995000000000005, + "mrr_at_3": 35.079, + "mrr_at_5": 36.69, + "ndcg_at_1": 29.447000000000003, + "ndcg_at_10": 39.232, + "ndcg_at_100": 45.247, + "ndcg_at_1000": 47.613, + "ndcg_at_3": 33.922999999999995, + "ndcg_at_5": 36.284, + "precision_at_1": 29.447000000000003, + "precision_at_10": 7.648000000000001, + "precision_at_100": 1.516, + "precision_at_1000": 0.23900000000000002, + "precision_at_3": 16.008, + "precision_at_5": 11.779, + "recall_at_1": 24.501, + "recall_at_10": 51.18899999999999, + "recall_at_100": 78.437, + "recall_at_1000": 92.842, + "recall_at_3": 35.808, + "recall_at_5": 42.197, + "main_score": 39.232 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.039, + "map_at_10": 30.377, + "map_at_100": 31.275, + "map_at_1000": 31.379, + "map_at_3": 27.98, + "map_at_5": 29.358, + "mrr_at_1": 24.03, + "mrr_at_10": 32.568000000000005, + "mrr_at_100": 33.403, + "mrr_at_1000": 33.475, + "mrr_at_3": 30.436999999999998, + "mrr_at_5": 31.796000000000003, + "ndcg_at_1": 24.03, + "ndcg_at_10": 35.198, + "ndcg_at_100": 39.668, + "ndcg_at_1000": 42.296, + "ndcg_at_3": 30.709999999999997, + "ndcg_at_5": 33.024, + "precision_at_1": 24.03, + "precision_at_10": 5.564, + "precision_at_100": 0.828, + "precision_at_1000": 0.117, + "precision_at_3": 13.309000000000001, + "precision_at_5": 9.39, + "recall_at_1": 22.039, + "recall_at_10": 47.746, + "recall_at_100": 68.23599999999999, + "recall_at_1000": 87.852, + "recall_at_3": 35.852000000000004, + "recall_at_5": 41.410000000000004, + "main_score": 35.198 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/ClimateFEVER.json b/results/BAAI__bge-large-en-v1.5/external/ClimateFEVER.json new file mode 100644 index 000000000..fdda4132b --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.692999999999998, + "map_at_10": 26.903, + "map_at_100": 28.987000000000002, + "map_at_1000": 29.176999999999996, + "map_at_3": 22.137, + "map_at_5": 24.758, + "mrr_at_1": 35.57, + "mrr_at_10": 47.821999999999996, + "mrr_at_100": 48.608000000000004, + "mrr_at_1000": 48.638999999999996, + "mrr_at_3": 44.452000000000005, + "mrr_at_5": 46.546, + "ndcg_at_1": 35.57, + "ndcg_at_10": 36.567, + "ndcg_at_100": 44.085, + "ndcg_at_1000": 47.24, + "ndcg_at_3": 29.964000000000002, + "ndcg_at_5": 32.511, + "precision_at_1": 35.57, + "precision_at_10": 11.485, + "precision_at_100": 1.9619999999999997, + "precision_at_1000": 0.256, + "precision_at_3": 22.237000000000002, + "precision_at_5": 17.471999999999998, + "recall_at_1": 15.692999999999998, + "recall_at_10": 43.056, + "recall_at_100": 68.628, + "recall_at_1000": 86.075, + "recall_at_3": 26.918999999999997, + "recall_at_5": 34.14, + "main_score": 36.567 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/DBPedia.json b/results/BAAI__bge-large-en-v1.5/external/DBPedia.json new file mode 100644 index 000000000..7dea0b89b --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.53, + "map_at_10": 20.951, + "map_at_100": 30.136000000000003, + "map_at_1000": 31.801000000000002, + "map_at_3": 15.021, + "map_at_5": 17.471999999999998, + "mrr_at_1": 71.0, + "mrr_at_10": 79.176, + "mrr_at_100": 79.418, + "mrr_at_1000": 79.426, + "mrr_at_3": 78.125, + "mrr_at_5": 78.61200000000001, + "ndcg_at_1": 58.5, + "ndcg_at_10": 44.106, + "ndcg_at_100": 49.268, + "ndcg_at_1000": 56.711999999999996, + "ndcg_at_3": 48.934, + "ndcg_at_5": 45.826, + "precision_at_1": 71.0, + "precision_at_10": 35.0, + "precision_at_100": 11.360000000000001, + "precision_at_1000": 2.046, + "precision_at_3": 52.833, + "precision_at_5": 44.15, + "recall_at_1": 9.53, + "recall_at_10": 26.811, + "recall_at_100": 55.916999999999994, + "recall_at_1000": 79.973, + "recall_at_3": 16.413, + "recall_at_5": 19.980999999999998, + "main_score": 44.106 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/EmotionClassification.json b/results/BAAI__bge-large-en-v1.5/external/EmotionClassification.json new file mode 100644 index 000000000..dbfb9355d --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 51.519999999999996, + "f1": 46.36601294761231, + "main_score": 51.519999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/FEVER.json b/results/BAAI__bge-large-en-v1.5/external/FEVER.json new file mode 100644 index 000000000..c5a69793e --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 74.413, + "map_at_10": 83.414, + "map_at_100": 83.621, + "map_at_1000": 83.635, + "map_at_3": 82.337, + "map_at_5": 83.039, + "mrr_at_1": 80.19800000000001, + "mrr_at_10": 87.715, + "mrr_at_100": 87.778, + "mrr_at_1000": 87.779, + "mrr_at_3": 87.106, + "mrr_at_5": 87.555, + "ndcg_at_1": 80.19800000000001, + "ndcg_at_10": 87.182, + "ndcg_at_100": 87.90299999999999, + "ndcg_at_1000": 88.143, + "ndcg_at_3": 85.60600000000001, + "ndcg_at_5": 86.541, + "precision_at_1": 80.19800000000001, + "precision_at_10": 10.531, + "precision_at_100": 1.113, + "precision_at_1000": 0.11499999999999999, + "precision_at_3": 32.933, + "precision_at_5": 20.429, + "recall_at_1": 74.413, + "recall_at_10": 94.363, + "recall_at_100": 97.165, + "recall_at_1000": 98.668, + "recall_at_3": 90.108, + "recall_at_5": 92.52, + "main_score": 87.182 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/FiQA2018.json b/results/BAAI__bge-large-en-v1.5/external/FiQA2018.json new file mode 100644 index 000000000..fab9612a2 --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.701, + "map_at_10": 37.122, + "map_at_100": 39.178000000000004, + "map_at_1000": 39.326, + "map_at_3": 32.971000000000004, + "map_at_5": 35.332, + "mrr_at_1": 44.753, + "mrr_at_10": 53.452, + "mrr_at_100": 54.198, + "mrr_at_1000": 54.225, + "mrr_at_3": 50.952, + "mrr_at_5": 52.464, + "ndcg_at_1": 44.753, + "ndcg_at_10": 45.021, + "ndcg_at_100": 52.028, + "ndcg_at_1000": 54.596000000000004, + "ndcg_at_3": 41.622, + "ndcg_at_5": 42.736000000000004, + "precision_at_1": 44.753, + "precision_at_10": 12.284, + "precision_at_100": 1.955, + "precision_at_1000": 0.243, + "precision_at_3": 27.828999999999997, + "precision_at_5": 20.061999999999998, + "recall_at_1": 22.701, + "recall_at_10": 51.432, + "recall_at_100": 77.009, + "recall_at_1000": 92.511, + "recall_at_3": 37.919000000000004, + "recall_at_5": 44.131, + "main_score": 45.021 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/HotpotQA.json b/results/BAAI__bge-large-en-v1.5/external/HotpotQA.json new file mode 100644 index 000000000..aae49a00c --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.189, + "map_at_10": 66.24600000000001, + "map_at_100": 67.098, + "map_at_1000": 67.149, + "map_at_3": 62.684, + "map_at_5": 64.974, + "mrr_at_1": 80.378, + "mrr_at_10": 86.127, + "mrr_at_100": 86.29299999999999, + "mrr_at_1000": 86.297, + "mrr_at_3": 85.31400000000001, + "mrr_at_5": 85.858, + "ndcg_at_1": 80.378, + "ndcg_at_10": 74.101, + "ndcg_at_100": 76.993, + "ndcg_at_1000": 77.948, + "ndcg_at_3": 69.232, + "ndcg_at_5": 72.04599999999999, + "precision_at_1": 80.378, + "precision_at_10": 15.595999999999998, + "precision_at_100": 1.7840000000000003, + "precision_at_1000": 0.191, + "precision_at_3": 44.884, + "precision_at_5": 29.145, + "recall_at_1": 40.189, + "recall_at_10": 77.981, + "recall_at_100": 89.21, + "recall_at_1000": 95.48299999999999, + "recall_at_3": 67.326, + "recall_at_5": 72.863, + "main_score": 74.101 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/ImdbClassification.json b/results/BAAI__bge-large-en-v1.5/external/ImdbClassification.json new file mode 100644 index 000000000..34c4cb3b0 --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.84599999999999, + "ap": 89.4710787567357, + "f1": 92.83752676932258, + "main_score": 92.84599999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/MSMARCO.json b/results/BAAI__bge-large-en-v1.5/external/MSMARCO.json new file mode 100644 index 000000000..97dc51b8d --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.132, + "map_at_10": 35.543, + "map_at_100": 36.702, + "map_at_1000": 36.748999999999995, + "map_at_3": 31.737, + "map_at_5": 33.927, + "mrr_at_1": 23.782, + "mrr_at_10": 36.204, + "mrr_at_100": 37.29, + "mrr_at_1000": 37.330999999999996, + "mrr_at_3": 32.458999999999996, + "mrr_at_5": 34.631, + "ndcg_at_1": 23.782, + "ndcg_at_10": 42.492999999999995, + "ndcg_at_100": 47.985, + "ndcg_at_1000": 49.141, + "ndcg_at_3": 34.748000000000005, + "ndcg_at_5": 38.651, + "precision_at_1": 23.782, + "precision_at_10": 6.665, + "precision_at_100": 0.941, + "precision_at_1000": 0.104, + "precision_at_3": 14.776, + "precision_at_5": 10.84, + "recall_at_1": 23.132, + "recall_at_10": 63.794, + "recall_at_100": 89.027, + "recall_at_1000": 97.807, + "recall_at_3": 42.765, + "recall_at_5": 52.11, + "main_score": 42.492999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/MTOPDomainClassification.json b/results/BAAI__bge-large-en-v1.5/external/MTOPDomainClassification.json new file mode 100644 index 000000000..4c264fe75 --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 94.59188326493388, + "f1": 94.3842594786827, + "main_score": 94.59188326493388 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/MTOPIntentClassification.json b/results/BAAI__bge-large-en-v1.5/external/MTOPIntentClassification.json new file mode 100644 index 000000000..3c3d897d3 --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.49384404924761, + "f1": 59.7580539534629, + "main_score": 79.49384404924761 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/MassiveIntentClassification.json b/results/BAAI__bge-large-en-v1.5/external/MassiveIntentClassification.json new file mode 100644 index 000000000..3a63a41c7 --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.56220578345663, + "f1": 75.27228165561478, + "main_score": 77.56220578345663 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/MassiveScenarioClassification.json b/results/BAAI__bge-large-en-v1.5/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..3f8ef4084 --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.53463349024884, + "f1": 80.4893958236536, + "main_score": 80.53463349024884 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/MedrxivClusteringP2P.json b/results/BAAI__bge-large-en-v1.5/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..1d8a09a72 --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.56100273484962, + "main_score": 32.56100273484962 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/MedrxivClusteringS2S.json b/results/BAAI__bge-large-en-v1.5/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..dc9720806 --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.470380028839607, + "main_score": 31.470380028839607 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/MindSmallReranking.json b/results/BAAI__bge-large-en-v1.5/external/MindSmallReranking.json new file mode 100644 index 000000000..393853523 --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 32.06102792457849, + "mrr": 33.30709199672238, + "main_score": 32.06102792457849 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/NFCorpus.json b/results/BAAI__bge-large-en-v1.5/external/NFCorpus.json new file mode 100644 index 000000000..0d557607a --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.776999999999999, + "map_at_10": 14.924000000000001, + "map_at_100": 18.955, + "map_at_1000": 20.538999999999998, + "map_at_3": 10.982, + "map_at_5": 12.679000000000002, + "mrr_at_1": 47.988, + "mrr_at_10": 57.232000000000006, + "mrr_at_100": 57.818999999999996, + "mrr_at_1000": 57.847, + "mrr_at_3": 54.901999999999994, + "mrr_at_5": 56.481, + "ndcg_at_1": 46.594, + "ndcg_at_10": 38.129000000000005, + "ndcg_at_100": 35.54, + "ndcg_at_1000": 44.172, + "ndcg_at_3": 43.025999999999996, + "ndcg_at_5": 41.052, + "precision_at_1": 47.988, + "precision_at_10": 28.111000000000004, + "precision_at_100": 8.929, + "precision_at_1000": 2.185, + "precision_at_3": 40.144000000000005, + "precision_at_5": 35.232, + "recall_at_1": 6.776999999999999, + "recall_at_10": 19.289, + "recall_at_100": 36.359, + "recall_at_1000": 67.54, + "recall_at_3": 11.869, + "recall_at_5": 14.999, + "main_score": 38.129000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/NQ.json b/results/BAAI__bge-large-en-v1.5/external/NQ.json new file mode 100644 index 000000000..bd0df5b6f --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.108000000000004, + "map_at_10": 47.126000000000005, + "map_at_100": 48.171, + "map_at_1000": 48.199, + "map_at_3": 42.734, + "map_at_5": 45.362, + "mrr_at_1": 34.936, + "mrr_at_10": 49.571, + "mrr_at_100": 50.345, + "mrr_at_1000": 50.363, + "mrr_at_3": 45.959, + "mrr_at_5": 48.165, + "ndcg_at_1": 34.936, + "ndcg_at_10": 55.028999999999996, + "ndcg_at_100": 59.244, + "ndcg_at_1000": 59.861, + "ndcg_at_3": 46.872, + "ndcg_at_5": 51.217999999999996, + "precision_at_1": 34.936, + "precision_at_10": 9.099, + "precision_at_100": 1.145, + "precision_at_1000": 0.12, + "precision_at_3": 21.456, + "precision_at_5": 15.411, + "recall_at_1": 31.108000000000004, + "recall_at_10": 76.53999999999999, + "recall_at_100": 94.39, + "recall_at_1000": 98.947, + "recall_at_3": 55.572, + "recall_at_5": 65.525, + "main_score": 55.028999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/QuoraRetrieval.json b/results/BAAI__bge-large-en-v1.5/external/QuoraRetrieval.json new file mode 100644 index 000000000..3fa9dbd51 --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 71.56400000000001, + "map_at_10": 85.482, + "map_at_100": 86.114, + "map_at_1000": 86.13, + "map_at_3": 82.607, + "map_at_5": 84.405, + "mrr_at_1": 82.42, + "mrr_at_10": 88.304, + "mrr_at_100": 88.399, + "mrr_at_1000": 88.399, + "mrr_at_3": 87.37, + "mrr_at_5": 88.024, + "ndcg_at_1": 82.45, + "ndcg_at_10": 89.06500000000001, + "ndcg_at_100": 90.232, + "ndcg_at_1000": 90.305, + "ndcg_at_3": 86.375, + "ndcg_at_5": 87.85300000000001, + "precision_at_1": 82.45, + "precision_at_10": 13.486999999999998, + "precision_at_100": 1.534, + "precision_at_1000": 0.157, + "precision_at_3": 37.813, + "precision_at_5": 24.773999999999997, + "recall_at_1": 71.56400000000001, + "recall_at_10": 95.812, + "recall_at_100": 99.7, + "recall_at_1000": 99.979, + "recall_at_3": 87.966, + "recall_at_5": 92.268, + "main_score": 89.06500000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/RedditClustering.json b/results/BAAI__bge-large-en-v1.5/external/RedditClustering.json new file mode 100644 index 000000000..94b1ea690 --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 57.241876648614145, + "main_score": 57.241876648614145 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/RedditClusteringP2P.json b/results/BAAI__bge-large-en-v1.5/external/RedditClusteringP2P.json new file mode 100644 index 000000000..739a75a1b --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 64.66212576446223, + "main_score": 64.66212576446223 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/SCIDOCS.json b/results/BAAI__bge-large-en-v1.5/external/SCIDOCS.json new file mode 100644 index 000000000..3c42b9064 --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.308, + "map_at_10": 13.803, + "map_at_100": 16.176, + "map_at_1000": 16.561, + "map_at_3": 9.761000000000001, + "map_at_5": 11.802, + "mrr_at_1": 26.200000000000003, + "mrr_at_10": 37.621, + "mrr_at_100": 38.767, + "mrr_at_1000": 38.815, + "mrr_at_3": 34.117, + "mrr_at_5": 36.107, + "ndcg_at_1": 26.200000000000003, + "ndcg_at_10": 22.64, + "ndcg_at_100": 31.567, + "ndcg_at_1000": 37.623, + "ndcg_at_3": 21.435000000000002, + "ndcg_at_5": 18.87, + "precision_at_1": 26.200000000000003, + "precision_at_10": 11.74, + "precision_at_100": 2.465, + "precision_at_1000": 0.391, + "precision_at_3": 20.033, + "precision_at_5": 16.64, + "recall_at_1": 5.308, + "recall_at_10": 23.794999999999998, + "recall_at_100": 50.015, + "recall_at_1000": 79.283, + "recall_at_3": 12.178, + "recall_at_5": 16.882, + "main_score": 22.64 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/SICK-R.json b/results/BAAI__bge-large-en-v1.5/external/SICK-R.json new file mode 100644 index 000000000..3e4e715a1 --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.93231134675553, + "cos_sim_spearman": 81.68319292603205, + "euclidean_pearson": 81.8396814380367, + "euclidean_spearman": 81.24641903349945, + "manhattan_pearson": 81.84698799204274, + "manhattan_spearman": 81.24269997904105, + "cosine_pearson": 84.93231134675553, + "cosine_spearman": 81.68319292603205, + "main_score": 81.68319292603205 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/STS12.json b/results/BAAI__bge-large-en-v1.5/external/STS12.json new file mode 100644 index 000000000..fdc886ca4 --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.73241671587446, + "cos_sim_spearman": 79.05091082971826, + "euclidean_pearson": 83.91146869578044, + "euclidean_spearman": 79.87978465370936, + "manhattan_pearson": 83.90888338917678, + "manhattan_spearman": 79.87482848584241, + "cosine_pearson": 86.73241671587446, + "cosine_spearman": 79.05091082971826, + "main_score": 79.05091082971826 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/STS13.json b/results/BAAI__bge-large-en-v1.5/external/STS13.json new file mode 100644 index 000000000..a0c7b2fa7 --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.14970731146177, + "cos_sim_spearman": 86.37363490084627, + "euclidean_pearson": 83.02154218530433, + "euclidean_spearman": 83.80258761957367, + "manhattan_pearson": 83.01664495119347, + "manhattan_spearman": 83.77567458007952, + "cosine_pearson": 85.14970731146177, + "cosine_spearman": 86.37363490084627, + "main_score": 86.37363490084627 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/STS14.json b/results/BAAI__bge-large-en-v1.5/external/STS14.json new file mode 100644 index 000000000..f6188fb41 --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.40474139886784, + "cos_sim_spearman": 82.77768789165984, + "euclidean_pearson": 80.7065877443695, + "euclidean_spearman": 81.375940662505, + "manhattan_pearson": 80.6507552270278, + "manhattan_spearman": 81.32782179098741, + "cosine_pearson": 83.40474139886784, + "cosine_spearman": 82.77768789165984, + "main_score": 82.77768789165984 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/STS15.json b/results/BAAI__bge-large-en-v1.5/external/STS15.json new file mode 100644 index 000000000..29519a919 --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.08585968722274, + "cos_sim_spearman": 88.03110031451399, + "euclidean_pearson": 85.74012019602384, + "euclidean_spearman": 86.13592849438209, + "manhattan_pearson": 85.74404842369206, + "manhattan_spearman": 86.14492318960154, + "cosine_pearson": 87.08585968722274, + "cosine_spearman": 88.03110031451399, + "main_score": 88.03110031451399 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/STS16.json b/results/BAAI__bge-large-en-v1.5/external/STS16.json new file mode 100644 index 000000000..612cb58d9 --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.95069052788875, + "cos_sim_spearman": 86.4867991595147, + "euclidean_pearson": 84.31013325754635, + "euclidean_spearman": 85.01529258006482, + "manhattan_pearson": 84.26995570085374, + "manhattan_spearman": 84.96982104986162, + "cosine_pearson": 84.95069052788875, + "cosine_spearman": 86.4867991595147, + "main_score": 86.4867991595147 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/STS17.json b/results/BAAI__bge-large-en-v1.5/external/STS17.json new file mode 100644 index 000000000..aaa0e1620 --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.54617647971897, + "cos_sim_spearman": 87.49834181751034, + "euclidean_pearson": 86.01015322577122, + "euclidean_spearman": 84.63362652063199, + "manhattan_pearson": 86.13807574475706, + "manhattan_spearman": 84.7772370721132, + "cosine_pearson": 87.54617647971897, + "cosine_spearman": 87.49834181751034, + "main_score": 87.49834181751034 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/STS22.json b/results/BAAI__bge-large-en-v1.5/external/STS22.json new file mode 100644 index 000000000..ff077007c --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 67.20047755786615, + "cos_sim_spearman": 67.05324077987636, + "euclidean_pearson": 66.91930642976601, + "euclidean_spearman": 65.21491856099105, + "manhattan_pearson": 66.78756851976624, + "manhattan_spearman": 65.12356257740728, + "cosine_pearson": 67.20047755786615, + "cosine_spearman": 67.05324077987636, + "main_score": 67.05324077987636 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/STSBenchmark.json b/results/BAAI__bge-large-en-v1.5/external/STSBenchmark.json new file mode 100644 index 000000000..bcc00d565 --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.19852871539686, + "cos_sim_spearman": 87.5161895296395, + "euclidean_pearson": 84.59848645207485, + "euclidean_spearman": 85.26427328757919, + "manhattan_pearson": 84.59747366996524, + "manhattan_spearman": 85.24045855146915, + "cosine_pearson": 86.19852871539686, + "cosine_spearman": 87.5161895296395, + "main_score": 87.5161895296395 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/SciDocsRR.json b/results/BAAI__bge-large-en-v1.5/external/SciDocsRR.json new file mode 100644 index 000000000..de899c793 --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 87.63320317811032, + "mrr": 96.26242947321379, + "main_score": 87.63320317811032 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/SciFact.json b/results/BAAI__bge-large-en-v1.5/external/SciFact.json new file mode 100644 index 000000000..81756554f --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 60.928000000000004, + "map_at_10": 70.112, + "map_at_100": 70.59299999999999, + "map_at_1000": 70.623, + "map_at_3": 66.846, + "map_at_5": 68.447, + "mrr_at_1": 64.0, + "mrr_at_10": 71.212, + "mrr_at_100": 71.616, + "mrr_at_1000": 71.64500000000001, + "mrr_at_3": 68.77799999999999, + "mrr_at_5": 70.094, + "ndcg_at_1": 64.0, + "ndcg_at_10": 74.607, + "ndcg_at_100": 76.416, + "ndcg_at_1000": 77.102, + "ndcg_at_3": 69.126, + "ndcg_at_5": 71.41300000000001, + "precision_at_1": 64.0, + "precision_at_10": 9.933, + "precision_at_100": 1.077, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 26.556, + "precision_at_5": 17.467, + "recall_at_1": 60.928000000000004, + "recall_at_10": 87.322, + "recall_at_100": 94.833, + "recall_at_1000": 100.0, + "recall_at_3": 72.628, + "recall_at_5": 78.428, + "main_score": 74.607 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/SprintDuplicateQuestions.json b/results/BAAI__bge-large-en-v1.5/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..7990e03bd --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.86237623762376, + "cos_sim_ap": 96.72586477206649, + "cos_sim_f1": 93.01858362631845, + "cos_sim_precision": 93.4409687184662, + "cos_sim_recall": 92.60000000000001, + "dot_accuracy": 99.78019801980199, + "dot_ap": 93.72748205246228, + "dot_f1": 89.04109589041096, + "dot_precision": 87.16475095785441, + "dot_recall": 91.0, + "euclidean_accuracy": 99.85445544554456, + "euclidean_ap": 96.6661459876145, + "euclidean_f1": 92.58337481333997, + "euclidean_precision": 92.17046580773042, + "euclidean_recall": 93.0, + "manhattan_accuracy": 99.85445544554456, + "manhattan_ap": 96.6883549244056, + "manhattan_f1": 92.57598405580468, + "manhattan_precision": 92.25422045680239, + "manhattan_recall": 92.9, + "max_accuracy": 99.86237623762376, + "max_ap": 96.72586477206649, + "max_f1": 93.01858362631845, + "main_score": 96.72586477206649 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/StackExchangeClustering.json b/results/BAAI__bge-large-en-v1.5/external/StackExchangeClustering.json new file mode 100644 index 000000000..811a1dcc2 --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 66.39930057069995, + "main_score": 66.39930057069995 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/StackExchangeClusteringP2P.json b/results/BAAI__bge-large-en-v1.5/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..bc57100ba --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.96398659903402, + "main_score": 34.96398659903402 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/StackOverflowDupQuestions.json b/results/BAAI__bge-large-en-v1.5/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..6f458ee6e --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 55.946944700355395, + "mrr": 56.97151398438164, + "main_score": 55.946944700355395 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/SummEval.json b/results/BAAI__bge-large-en-v1.5/external/SummEval.json new file mode 100644 index 000000000..4094b2845 --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.541657650692905, + "cos_sim_spearman": 31.605804192286303, + "dot_pearson": 28.26905996736398, + "dot_spearman": 27.864801765851187, + "cosine_pearson": 31.541657650692905, + "cosine_spearman": 31.605804192286303, + "main_score": 31.605804192286303 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/TRECCOVID.json b/results/BAAI__bge-large-en-v1.5/external/TRECCOVID.json new file mode 100644 index 000000000..d2ec899ce --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.22599999999999998, + "map_at_10": 1.8870000000000002, + "map_at_100": 9.78, + "map_at_1000": 22.514, + "map_at_3": 0.6669999999999999, + "map_at_5": 1.077, + "mrr_at_1": 82.0, + "mrr_at_10": 89.86699999999999, + "mrr_at_100": 89.86699999999999, + "mrr_at_1000": 89.86699999999999, + "mrr_at_3": 89.667, + "mrr_at_5": 89.667, + "ndcg_at_1": 79.0, + "ndcg_at_10": 74.818, + "ndcg_at_100": 53.715999999999994, + "ndcg_at_1000": 47.082, + "ndcg_at_3": 82.134, + "ndcg_at_5": 79.81899999999999, + "precision_at_1": 82.0, + "precision_at_10": 78.0, + "precision_at_100": 54.48, + "precision_at_1000": 20.518, + "precision_at_3": 87.333, + "precision_at_5": 85.2, + "recall_at_1": 0.22599999999999998, + "recall_at_10": 2.072, + "recall_at_100": 13.013, + "recall_at_1000": 43.462, + "recall_at_3": 0.695, + "recall_at_5": 1.139, + "main_score": 74.818 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/Touche2020.json b/results/BAAI__bge-large-en-v1.5/external/Touche2020.json new file mode 100644 index 000000000..4e42886db --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.328, + "map_at_10": 9.795, + "map_at_100": 15.801000000000002, + "map_at_1000": 17.23, + "map_at_3": 4.734, + "map_at_5": 6.644, + "mrr_at_1": 30.612000000000002, + "mrr_at_10": 46.902, + "mrr_at_100": 47.495, + "mrr_at_1000": 47.495, + "mrr_at_3": 41.156, + "mrr_at_5": 44.218, + "ndcg_at_1": 28.571, + "ndcg_at_10": 24.806, + "ndcg_at_100": 36.419000000000004, + "ndcg_at_1000": 47.272999999999996, + "ndcg_at_3": 25.666, + "ndcg_at_5": 25.448999999999998, + "precision_at_1": 30.612000000000002, + "precision_at_10": 23.061, + "precision_at_100": 7.714, + "precision_at_1000": 1.484, + "precision_at_3": 26.531, + "precision_at_5": 26.122, + "recall_at_1": 2.328, + "recall_at_10": 16.524, + "recall_at_100": 47.179, + "recall_at_1000": 81.22200000000001, + "recall_at_3": 5.745, + "recall_at_5": 9.339, + "main_score": 24.806 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/ToxicConversationsClassification.json b/results/BAAI__bge-large-en-v1.5/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..a1bb4e3a3 --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.9142, + "ap": 14.335574772555415, + "f1": 54.62839595194111, + "main_score": 70.9142 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/TweetSentimentExtractionClassification.json b/results/BAAI__bge-large-en-v1.5/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..4d6df3be5 --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 59.94340690435768, + "f1": 60.286487936731916, + "main_score": 59.94340690435768 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/TwentyNewsgroupsClustering.json b/results/BAAI__bge-large-en-v1.5/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..017b5c503 --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 51.26597708987974, + "main_score": 51.26597708987974 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/TwitterSemEval2015.json b/results/BAAI__bge-large-en-v1.5/external/TwitterSemEval2015.json new file mode 100644 index 000000000..221ac4747 --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 87.48882398521786, + "cos_sim_ap": 79.04326607602204, + "cos_sim_f1": 71.64566826860633, + "cos_sim_precision": 70.55512918905092, + "cos_sim_recall": 72.77044854881267, + "dot_accuracy": 84.19264469213805, + "dot_ap": 67.96360043562528, + "dot_f1": 64.06418393006827, + "dot_precision": 58.64941898706424, + "dot_recall": 70.58047493403694, + "euclidean_accuracy": 87.45902127913214, + "euclidean_ap": 78.9742237648272, + "euclidean_f1": 71.5553235908142, + "euclidean_precision": 70.77955601445535, + "euclidean_recall": 72.34828496042216, + "manhattan_accuracy": 87.41729749061214, + "manhattan_ap": 78.90073137580596, + "manhattan_f1": 71.3942611553533, + "manhattan_precision": 68.52705653967483, + "manhattan_recall": 74.51187335092348, + "max_accuracy": 87.48882398521786, + "max_ap": 79.04326607602204, + "max_f1": 71.64566826860633, + "main_score": 79.04326607602204 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/TwitterURLCorpus.json b/results/BAAI__bge-large-en-v1.5/external/TwitterURLCorpus.json new file mode 100644 index 000000000..80fd92942 --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.68125897465751, + "cos_sim_ap": 85.6003454431979, + "cos_sim_f1": 77.6957163958641, + "cos_sim_precision": 73.0110366307807, + "cos_sim_recall": 83.02279026793964, + "dot_accuracy": 87.7672992587418, + "dot_ap": 82.4971301112899, + "dot_f1": 75.90528233151184, + "dot_precision": 72.0370626469368, + "dot_recall": 80.21250384970742, + "euclidean_accuracy": 88.4503434625684, + "euclidean_ap": 84.91949884748384, + "euclidean_f1": 76.92365018444684, + "euclidean_precision": 74.53245721712759, + "euclidean_recall": 79.47336002463813, + "manhattan_accuracy": 88.47556952691427, + "manhattan_ap": 84.8963689101517, + "manhattan_f1": 76.85901249256395, + "manhattan_precision": 74.31693989071039, + "manhattan_recall": 79.58115183246073, + "max_accuracy": 88.68125897465751, + "max_ap": 85.6003454431979, + "max_f1": 77.6957163958641, + "main_score": 85.6003454431979 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en-v1.5/external/model_meta.json b/results/BAAI__bge-large-en-v1.5/external/model_meta.json new file mode 100644 index 000000000..e0ae288c8 --- /dev/null +++ b/results/BAAI__bge-large-en-v1.5/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "BAAI/bge-large-en-v1.5", + "revision": "d4aa6901d3a41ba39fb536a557fa166f842b0e09", + "release_date": "2023-09-12", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 335142400, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 1024, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/AmazonCounterfactualClassification.json b/results/BAAI__bge-large-en/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..5ae845bd8 --- /dev/null +++ b/results/BAAI__bge-large-en/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.94029850746269, + "ap": 40.00228964744091, + "f1": 70.86088267934595, + "main_score": 76.94029850746269 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/AmazonPolarityClassification.json b/results/BAAI__bge-large-en/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..d46949392 --- /dev/null +++ b/results/BAAI__bge-large-en/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.93745, + "ap": 88.24758534667426, + "f1": 91.91033034217591, + "main_score": 91.93745 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/AmazonReviewsClassification.json b/results/BAAI__bge-large-en/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..cb2c9b12b --- /dev/null +++ b/results/BAAI__bge-large-en/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 46.158, + "f1": 45.78935185074774, + "main_score": 46.158 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/ArguAna.json b/results/BAAI__bge-large-en/external/ArguAna.json new file mode 100644 index 000000000..f38834cbf --- /dev/null +++ b/results/BAAI__bge-large-en/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 39.972, + "map_at_10": 54.874, + "map_at_100": 55.53399999999999, + "map_at_1000": 55.539, + "map_at_3": 51.031000000000006, + "map_at_5": 53.342999999999996, + "mrr_at_1": 40.541, + "mrr_at_10": 55.096000000000004, + "mrr_at_100": 55.75599999999999, + "mrr_at_1000": 55.761, + "mrr_at_3": 51.221000000000004, + "mrr_at_5": 53.568000000000005, + "ndcg_at_1": 39.972, + "ndcg_at_10": 62.456999999999994, + "ndcg_at_100": 65.262, + "ndcg_at_1000": 65.389, + "ndcg_at_3": 54.673, + "ndcg_at_5": 58.80499999999999, + "precision_at_1": 39.972, + "precision_at_10": 8.634, + "precision_at_100": 0.9860000000000001, + "precision_at_1000": 0.1, + "precision_at_3": 21.740000000000002, + "precision_at_5": 15.036, + "recall_at_1": 39.972, + "recall_at_10": 86.344, + "recall_at_100": 98.578, + "recall_at_1000": 99.57300000000001, + "recall_at_3": 65.22, + "recall_at_5": 75.178, + "main_score": 62.456999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/ArxivClusteringP2P.json b/results/BAAI__bge-large-en/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..6112191b1 --- /dev/null +++ b/results/BAAI__bge-large-en/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.94652870403906, + "main_score": 48.94652870403906 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/ArxivClusteringS2S.json b/results/BAAI__bge-large-en/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..42d7041a9 --- /dev/null +++ b/results/BAAI__bge-large-en/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 43.17257160340209, + "main_score": 43.17257160340209 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/AskUbuntuDupQuestions.json b/results/BAAI__bge-large-en/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..ccba08143 --- /dev/null +++ b/results/BAAI__bge-large-en/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 63.97867370559182, + "mrr": 77.00820032537484, + "main_score": 63.97867370559182 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/BIOSSES.json b/results/BAAI__bge-large-en/external/BIOSSES.json new file mode 100644 index 000000000..787176f73 --- /dev/null +++ b/results/BAAI__bge-large-en/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 80.00986015960616, + "cos_sim_spearman": 80.36387933827882, + "euclidean_pearson": 80.32305287257296, + "euclidean_spearman": 82.0524720308763, + "manhattan_pearson": 80.19847473906454, + "manhattan_spearman": 81.87957652506985, + "cosine_pearson": 80.00986015960616, + "cosine_spearman": 80.36387933827882, + "main_score": 80.36387933827882 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/Banking77Classification.json b/results/BAAI__bge-large-en/external/Banking77Classification.json new file mode 100644 index 000000000..e902e67ad --- /dev/null +++ b/results/BAAI__bge-large-en/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 88.00000000000001, + "f1": 87.99039027511853, + "main_score": 88.00000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/BiorxivClusteringP2P.json b/results/BAAI__bge-large-en/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..a23b12dd2 --- /dev/null +++ b/results/BAAI__bge-large-en/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 41.36932844640705, + "main_score": 41.36932844640705 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/BiorxivClusteringS2S.json b/results/BAAI__bge-large-en/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..056c680aa --- /dev/null +++ b/results/BAAI__bge-large-en/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.34983239611985, + "main_score": 38.34983239611985 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/CQADupstackAndroidRetrieval.json b/results/BAAI__bge-large-en/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..70e2cddb8 --- /dev/null +++ b/results/BAAI__bge-large-en/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.257999999999996, + "map_at_10": 42.937, + "map_at_100": 44.406, + "map_at_1000": 44.536, + "map_at_3": 39.22, + "map_at_5": 41.458, + "mrr_at_1": 38.769999999999996, + "mrr_at_10": 48.701, + "mrr_at_100": 49.431000000000004, + "mrr_at_1000": 49.476, + "mrr_at_3": 45.875, + "mrr_at_5": 47.67, + "ndcg_at_1": 38.769999999999996, + "ndcg_at_10": 49.35, + "ndcg_at_100": 54.618, + "ndcg_at_1000": 56.655, + "ndcg_at_3": 43.826, + "ndcg_at_5": 46.72, + "precision_at_1": 38.769999999999996, + "precision_at_10": 9.328, + "precision_at_100": 1.484, + "precision_at_1000": 0.196, + "precision_at_3": 20.649, + "precision_at_5": 15.25, + "recall_at_1": 32.257999999999996, + "recall_at_10": 61.849, + "recall_at_100": 83.70400000000001, + "recall_at_1000": 96.344, + "recall_at_3": 46.037, + "recall_at_5": 53.724000000000004, + "main_score": 49.35 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.979, + "map_at_10": 43.376999999999995, + "map_at_100": 44.667, + "map_at_1000": 44.794, + "map_at_3": 40.461999999999996, + "map_at_5": 42.138, + "mrr_at_1": 41.146, + "mrr_at_10": 49.575, + "mrr_at_100": 50.187000000000005, + "mrr_at_1000": 50.231, + "mrr_at_3": 47.601, + "mrr_at_5": 48.786, + "ndcg_at_1": 41.146, + "ndcg_at_10": 48.957, + "ndcg_at_100": 53.296, + "ndcg_at_1000": 55.254000000000005, + "ndcg_at_3": 45.235, + "ndcg_at_5": 47.014, + "precision_at_1": 41.146, + "precision_at_10": 9.107999999999999, + "precision_at_100": 1.481, + "precision_at_1000": 0.193, + "precision_at_3": 21.783, + "precision_at_5": 15.274, + "recall_at_1": 32.979, + "recall_at_10": 58.167, + "recall_at_100": 76.374, + "recall_at_1000": 88.836, + "recall_at_3": 46.838, + "recall_at_5": 52.006, + "main_score": 48.957 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.326, + "map_at_10": 53.468, + "map_at_100": 54.454, + "map_at_1000": 54.508, + "map_at_3": 50.12799999999999, + "map_at_5": 51.991, + "mrr_at_1": 46.394999999999996, + "mrr_at_10": 57.016999999999996, + "mrr_at_100": 57.67099999999999, + "mrr_at_1000": 57.699999999999996, + "mrr_at_3": 54.65, + "mrr_at_5": 56.101, + "ndcg_at_1": 46.394999999999996, + "ndcg_at_10": 59.507, + "ndcg_at_100": 63.31099999999999, + "ndcg_at_1000": 64.388, + "ndcg_at_3": 54.04600000000001, + "ndcg_at_5": 56.723, + "precision_at_1": 46.394999999999996, + "precision_at_10": 9.567, + "precision_at_100": 1.234, + "precision_at_1000": 0.13699999999999998, + "precision_at_3": 24.117, + "precision_at_5": 16.426, + "recall_at_1": 40.326, + "recall_at_10": 73.763, + "recall_at_100": 89.927, + "recall_at_1000": 97.509, + "recall_at_3": 59.34, + "recall_at_5": 65.915, + "main_score": 59.507 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.661, + "map_at_10": 35.522, + "map_at_100": 36.619, + "map_at_1000": 36.693999999999996, + "map_at_3": 33.154, + "map_at_5": 34.353, + "mrr_at_1": 28.362, + "mrr_at_10": 37.403999999999996, + "mrr_at_100": 38.374, + "mrr_at_1000": 38.428000000000004, + "mrr_at_3": 35.235, + "mrr_at_5": 36.269, + "ndcg_at_1": 28.362, + "ndcg_at_10": 40.431, + "ndcg_at_100": 45.745999999999995, + "ndcg_at_1000": 47.493, + "ndcg_at_3": 35.733, + "ndcg_at_5": 37.722, + "precision_at_1": 28.362, + "precision_at_10": 6.101999999999999, + "precision_at_100": 0.922, + "precision_at_1000": 0.11100000000000002, + "precision_at_3": 15.140999999999998, + "precision_at_5": 10.305, + "recall_at_1": 26.661, + "recall_at_10": 53.675, + "recall_at_100": 77.891, + "recall_at_1000": 90.72, + "recall_at_3": 40.751, + "recall_at_5": 45.517, + "main_score": 40.431 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.886, + "map_at_10": 27.288, + "map_at_100": 28.327999999999996, + "map_at_1000": 28.438999999999997, + "map_at_3": 24.453, + "map_at_5": 25.959, + "mrr_at_1": 23.134, + "mrr_at_10": 32.004, + "mrr_at_100": 32.789, + "mrr_at_1000": 32.857, + "mrr_at_3": 29.084, + "mrr_at_5": 30.614, + "ndcg_at_1": 23.134, + "ndcg_at_10": 32.852, + "ndcg_at_100": 37.972, + "ndcg_at_1000": 40.656, + "ndcg_at_3": 27.435, + "ndcg_at_5": 29.823, + "precision_at_1": 23.134, + "precision_at_10": 6.032, + "precision_at_100": 0.9950000000000001, + "precision_at_1000": 0.136, + "precision_at_3": 13.017999999999999, + "precision_at_5": 9.501999999999999, + "recall_at_1": 18.886, + "recall_at_10": 45.34, + "recall_at_100": 67.947, + "recall_at_1000": 86.924, + "recall_at_3": 30.535, + "recall_at_5": 36.451, + "main_score": 32.852 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.994999999999997, + "map_at_10": 40.04, + "map_at_100": 41.435, + "map_at_1000": 41.537, + "map_at_3": 37.091, + "map_at_5": 38.802, + "mrr_at_1": 35.034, + "mrr_at_10": 45.411, + "mrr_at_100": 46.226, + "mrr_at_1000": 46.27, + "mrr_at_3": 43.086, + "mrr_at_5": 44.452999999999996, + "ndcg_at_1": 35.034, + "ndcg_at_10": 46.076, + "ndcg_at_100": 51.483000000000004, + "ndcg_at_1000": 53.433, + "ndcg_at_3": 41.304, + "ndcg_at_5": 43.641999999999996, + "precision_at_1": 35.034, + "precision_at_10": 8.258000000000001, + "precision_at_100": 1.268, + "precision_at_1000": 0.161, + "precision_at_3": 19.57, + "precision_at_5": 13.782, + "recall_at_1": 28.994999999999997, + "recall_at_10": 58.538000000000004, + "recall_at_100": 80.72399999999999, + "recall_at_1000": 93.462, + "recall_at_3": 45.199, + "recall_at_5": 51.237, + "main_score": 46.076 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.795, + "map_at_10": 34.935, + "map_at_100": 36.306, + "map_at_1000": 36.417, + "map_at_3": 31.831, + "map_at_5": 33.626, + "mrr_at_1": 30.479, + "mrr_at_10": 40.225, + "mrr_at_100": 41.055, + "mrr_at_1000": 41.114, + "mrr_at_3": 37.538, + "mrr_at_5": 39.073, + "ndcg_at_1": 30.479, + "ndcg_at_10": 40.949999999999996, + "ndcg_at_100": 46.525, + "ndcg_at_1000": 48.892, + "ndcg_at_3": 35.79, + "ndcg_at_5": 38.237, + "precision_at_1": 30.479, + "precision_at_10": 7.6259999999999994, + "precision_at_100": 1.203, + "precision_at_1000": 0.157, + "precision_at_3": 17.199, + "precision_at_5": 12.466000000000001, + "recall_at_1": 24.795, + "recall_at_10": 53.421, + "recall_at_100": 77.189, + "recall_at_1000": 93.407, + "recall_at_3": 39.051, + "recall_at_5": 45.462, + "main_score": 40.949999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.853499999999997, + "map_at_10": 36.20433333333333, + "map_at_100": 37.40391666666667, + "map_at_1000": 37.515, + "map_at_3": 33.39975, + "map_at_5": 34.9665, + "mrr_at_1": 31.62666666666667, + "mrr_at_10": 40.436749999999996, + "mrr_at_100": 41.260333333333335, + "mrr_at_1000": 41.31525, + "mrr_at_3": 38.06733333333332, + "mrr_at_5": 39.41541666666667, + "ndcg_at_1": 31.62666666666667, + "ndcg_at_10": 41.63341666666667, + "ndcg_at_100": 46.704166666666666, + "ndcg_at_1000": 48.88483333333335, + "ndcg_at_3": 36.896, + "ndcg_at_5": 39.11891666666667, + "precision_at_1": 31.62666666666667, + "precision_at_10": 7.241083333333333, + "precision_at_100": 1.1488333333333334, + "precision_at_1000": 0.15250000000000002, + "precision_at_3": 16.908333333333335, + "precision_at_5": 11.942833333333333, + "recall_at_1": 26.853499999999997, + "recall_at_10": 53.461333333333336, + "recall_at_100": 75.63633333333333, + "recall_at_1000": 90.67016666666666, + "recall_at_3": 40.24241666666667, + "recall_at_5": 45.98608333333333, + "main_score": 41.63341666666667 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.241999999999997, + "map_at_10": 31.863999999999997, + "map_at_100": 32.835, + "map_at_1000": 32.928000000000004, + "map_at_3": 29.694, + "map_at_5": 30.978, + "mrr_at_1": 28.374, + "mrr_at_10": 34.814, + "mrr_at_100": 35.596, + "mrr_at_1000": 35.666, + "mrr_at_3": 32.745000000000005, + "mrr_at_5": 34.049, + "ndcg_at_1": 28.374, + "ndcg_at_10": 35.969, + "ndcg_at_100": 40.708, + "ndcg_at_1000": 43.08, + "ndcg_at_3": 31.968999999999998, + "ndcg_at_5": 34.069, + "precision_at_1": 28.374, + "precision_at_10": 5.583, + "precision_at_100": 0.8630000000000001, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 13.547999999999998, + "precision_at_5": 9.447999999999999, + "recall_at_1": 25.241999999999997, + "recall_at_10": 45.711, + "recall_at_100": 67.482, + "recall_at_1000": 85.13300000000001, + "recall_at_3": 34.622, + "recall_at_5": 40.043, + "main_score": 35.969 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.488999999999997, + "map_at_10": 25.142999999999997, + "map_at_100": 26.244, + "map_at_1000": 26.363999999999997, + "map_at_3": 22.654, + "map_at_5": 24.017, + "mrr_at_1": 21.198, + "mrr_at_10": 28.903000000000002, + "mrr_at_100": 29.860999999999997, + "mrr_at_1000": 29.934, + "mrr_at_3": 26.634999999999998, + "mrr_at_5": 27.903, + "ndcg_at_1": 21.198, + "ndcg_at_10": 29.982999999999997, + "ndcg_at_100": 35.275, + "ndcg_at_1000": 38.074000000000005, + "ndcg_at_3": 25.502999999999997, + "ndcg_at_5": 27.557, + "precision_at_1": 21.198, + "precision_at_10": 5.502, + "precision_at_100": 0.942, + "precision_at_1000": 0.136, + "precision_at_3": 12.044, + "precision_at_5": 8.782, + "recall_at_1": 17.488999999999997, + "recall_at_10": 40.821000000000005, + "recall_at_100": 64.567, + "recall_at_1000": 84.452, + "recall_at_3": 28.351, + "recall_at_5": 33.645, + "main_score": 29.982999999999997 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.066000000000003, + "map_at_10": 36.134, + "map_at_100": 37.285000000000004, + "map_at_1000": 37.389, + "map_at_3": 33.522999999999996, + "map_at_5": 34.905, + "mrr_at_1": 31.436999999999998, + "mrr_at_10": 40.225, + "mrr_at_100": 41.079, + "mrr_at_1000": 41.138000000000005, + "mrr_at_3": 38.074999999999996, + "mrr_at_5": 39.190000000000005, + "ndcg_at_1": 31.436999999999998, + "ndcg_at_10": 41.494, + "ndcg_at_100": 46.678999999999995, + "ndcg_at_1000": 48.964, + "ndcg_at_3": 36.828, + "ndcg_at_5": 38.789, + "precision_at_1": 31.436999999999998, + "precision_at_10": 6.931, + "precision_at_100": 1.072, + "precision_at_1000": 0.13799999999999998, + "precision_at_3": 16.729, + "precision_at_5": 11.567, + "recall_at_1": 27.066000000000003, + "recall_at_10": 53.705000000000005, + "recall_at_100": 75.968, + "recall_at_1000": 91.937, + "recall_at_3": 40.865, + "recall_at_5": 45.739999999999995, + "main_score": 41.494 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.979000000000003, + "map_at_10": 32.799, + "map_at_100": 34.508, + "map_at_1000": 34.719, + "map_at_3": 29.947000000000003, + "map_at_5": 31.584, + "mrr_at_1": 30.237000000000002, + "mrr_at_10": 37.651, + "mrr_at_100": 38.805, + "mrr_at_1000": 38.851, + "mrr_at_3": 35.046, + "mrr_at_5": 36.548, + "ndcg_at_1": 30.237000000000002, + "ndcg_at_10": 38.356, + "ndcg_at_100": 44.906, + "ndcg_at_1000": 47.299, + "ndcg_at_3": 33.717999999999996, + "ndcg_at_5": 35.946, + "precision_at_1": 30.237000000000002, + "precision_at_10": 7.292, + "precision_at_100": 1.496, + "precision_at_1000": 0.23600000000000002, + "precision_at_3": 15.547, + "precision_at_5": 11.344, + "recall_at_1": 24.979000000000003, + "recall_at_10": 48.624, + "recall_at_100": 77.932, + "recall_at_1000": 92.66499999999999, + "recall_at_3": 35.217, + "recall_at_5": 41.394, + "main_score": 38.356 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.566, + "map_at_10": 30.945, + "map_at_100": 31.759999999999998, + "map_at_1000": 31.855, + "map_at_3": 28.64, + "map_at_5": 29.787000000000003, + "mrr_at_1": 24.954, + "mrr_at_10": 33.311, + "mrr_at_100": 34.050000000000004, + "mrr_at_1000": 34.117999999999995, + "mrr_at_3": 31.238, + "mrr_at_5": 32.329, + "ndcg_at_1": 24.954, + "ndcg_at_10": 35.676, + "ndcg_at_100": 39.931, + "ndcg_at_1000": 42.43, + "ndcg_at_3": 31.365, + "ndcg_at_5": 33.184999999999995, + "precision_at_1": 24.954, + "precision_at_10": 5.564, + "precision_at_100": 0.826, + "precision_at_1000": 0.116, + "precision_at_3": 13.555, + "precision_at_5": 9.168, + "recall_at_1": 22.566, + "recall_at_10": 47.922, + "recall_at_100": 67.931, + "recall_at_1000": 86.653, + "recall_at_3": 36.103, + "recall_at_5": 40.699000000000005, + "main_score": 35.676 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/ClimateFEVER.json b/results/BAAI__bge-large-en/external/ClimateFEVER.json new file mode 100644 index 000000000..4c8b409f5 --- /dev/null +++ b/results/BAAI__bge-large-en/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.950000000000003, + "map_at_10": 28.612, + "map_at_100": 30.476999999999997, + "map_at_1000": 30.674, + "map_at_3": 24.262, + "map_at_5": 26.554, + "mrr_at_1": 38.241, + "mrr_at_10": 50.43, + "mrr_at_100": 51.059, + "mrr_at_1000": 51.090999999999994, + "mrr_at_3": 47.514, + "mrr_at_5": 49.246, + "ndcg_at_1": 38.241, + "ndcg_at_10": 38.218, + "ndcg_at_100": 45.003, + "ndcg_at_1000": 48.269, + "ndcg_at_3": 32.568000000000005, + "ndcg_at_5": 34.400999999999996, + "precision_at_1": 38.241, + "precision_at_10": 11.674, + "precision_at_100": 1.913, + "precision_at_1000": 0.252, + "precision_at_3": 24.387, + "precision_at_5": 18.163, + "recall_at_1": 16.950000000000003, + "recall_at_10": 43.769000000000005, + "recall_at_100": 66.875, + "recall_at_1000": 84.92699999999999, + "recall_at_3": 29.353, + "recall_at_5": 35.467, + "main_score": 38.218 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/DBPedia.json b/results/BAAI__bge-large-en/external/DBPedia.json new file mode 100644 index 000000000..bea309ede --- /dev/null +++ b/results/BAAI__bge-large-en/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.276, + "map_at_10": 20.848, + "map_at_100": 29.804000000000002, + "map_at_1000": 31.398, + "map_at_3": 14.886, + "map_at_5": 17.516000000000002, + "mrr_at_1": 71, + "mrr_at_10": 78.724, + "mrr_at_100": 78.976, + "mrr_at_1000": 78.986, + "mrr_at_3": 77.333, + "mrr_at_5": 78.021, + "ndcg_at_1": 57.875, + "ndcg_at_10": 43.855, + "ndcg_at_100": 48.99, + "ndcg_at_1000": 56.141, + "ndcg_at_3": 48.914, + "ndcg_at_5": 45.961, + "precision_at_1": 71, + "precision_at_10": 34.575, + "precision_at_100": 11.182, + "precision_at_1000": 2.044, + "precision_at_3": 52.5, + "precision_at_5": 44.2, + "recall_at_1": 9.276, + "recall_at_10": 26.501, + "recall_at_100": 55.72899999999999, + "recall_at_1000": 78.532, + "recall_at_3": 16.365, + "recall_at_5": 20.154, + "main_score": 43.855 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/EmotionClassification.json b/results/BAAI__bge-large-en/external/EmotionClassification.json new file mode 100644 index 000000000..4c47f6d91 --- /dev/null +++ b/results/BAAI__bge-large-en/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 52.71, + "f1": 47.74801556489574, + "main_score": 52.71 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/FEVER.json b/results/BAAI__bge-large-en/external/FEVER.json new file mode 100644 index 000000000..b202058d3 --- /dev/null +++ b/results/BAAI__bge-large-en/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 73.405, + "map_at_10": 82.822, + "map_at_100": 83.042, + "map_at_1000": 83.055, + "map_at_3": 81.65299999999999, + "map_at_5": 82.431, + "mrr_at_1": 79.178, + "mrr_at_10": 87.02, + "mrr_at_100": 87.095, + "mrr_at_1000": 87.09700000000001, + "mrr_at_3": 86.309, + "mrr_at_5": 86.824, + "ndcg_at_1": 79.178, + "ndcg_at_10": 86.72, + "ndcg_at_100": 87.457, + "ndcg_at_1000": 87.691, + "ndcg_at_3": 84.974, + "ndcg_at_5": 86.032, + "precision_at_1": 79.178, + "precision_at_10": 10.548, + "precision_at_100": 1.113, + "precision_at_1000": 0.11499999999999999, + "precision_at_3": 32.848, + "precision_at_5": 20.45, + "recall_at_1": 73.405, + "recall_at_10": 94.39699999999999, + "recall_at_100": 97.219, + "recall_at_1000": 98.675, + "recall_at_3": 89.679, + "recall_at_5": 92.392, + "main_score": 86.72 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/FiQA2018.json b/results/BAAI__bge-large-en/external/FiQA2018.json new file mode 100644 index 000000000..e9ce4a0d7 --- /dev/null +++ b/results/BAAI__bge-large-en/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.651, + "map_at_10": 36.886, + "map_at_100": 38.811, + "map_at_1000": 38.981, + "map_at_3": 32.538, + "map_at_5": 34.763, + "mrr_at_1": 44.444, + "mrr_at_10": 53.168000000000006, + "mrr_at_100": 53.839000000000006, + "mrr_at_1000": 53.869, + "mrr_at_3": 50.54, + "mrr_at_5": 52.068000000000005, + "ndcg_at_1": 44.444, + "ndcg_at_10": 44.994, + "ndcg_at_100": 51.599, + "ndcg_at_1000": 54.339999999999996, + "ndcg_at_3": 41.372, + "ndcg_at_5": 42.149, + "precision_at_1": 44.444, + "precision_at_10": 12.407, + "precision_at_100": 1.9269999999999998, + "precision_at_1000": 0.242, + "precision_at_3": 27.726, + "precision_at_5": 19.814999999999998, + "recall_at_1": 22.651, + "recall_at_10": 52.075, + "recall_at_100": 76.51400000000001, + "recall_at_1000": 92.852, + "recall_at_3": 37.236000000000004, + "recall_at_5": 43.175999999999995, + "main_score": 44.994 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/HotpotQA.json b/results/BAAI__bge-large-en/external/HotpotQA.json new file mode 100644 index 000000000..20cae1fc3 --- /dev/null +++ b/results/BAAI__bge-large-en/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.777, + "map_at_10": 66.79899999999999, + "map_at_100": 67.65299999999999, + "map_at_1000": 67.706, + "map_at_3": 63.352, + "map_at_5": 65.52900000000001, + "mrr_at_1": 81.553, + "mrr_at_10": 86.983, + "mrr_at_100": 87.132, + "mrr_at_1000": 87.136, + "mrr_at_3": 86.156, + "mrr_at_5": 86.726, + "ndcg_at_1": 81.553, + "ndcg_at_10": 74.64, + "ndcg_at_100": 77.459, + "ndcg_at_1000": 78.43, + "ndcg_at_3": 69.878, + "ndcg_at_5": 72.59400000000001, + "precision_at_1": 81.553, + "precision_at_10": 15.654000000000002, + "precision_at_100": 1.783, + "precision_at_1000": 0.191, + "precision_at_3": 45.199, + "precision_at_5": 29.267, + "recall_at_1": 40.777, + "recall_at_10": 78.271, + "recall_at_100": 89.129, + "recall_at_1000": 95.49, + "recall_at_3": 67.79899999999999, + "recall_at_5": 73.167, + "main_score": 74.64 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/ImdbClassification.json b/results/BAAI__bge-large-en/external/ImdbClassification.json new file mode 100644 index 000000000..5f9303234 --- /dev/null +++ b/results/BAAI__bge-large-en/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.5064, + "ap": 90.25495114444111, + "f1": 93.5012434973381, + "main_score": 93.5064 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/MSMARCO.json b/results/BAAI__bge-large-en/external/MSMARCO.json new file mode 100644 index 000000000..7c938be2c --- /dev/null +++ b/results/BAAI__bge-large-en/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.301, + "map_at_10": 35.657, + "map_at_100": 36.797000000000004, + "map_at_1000": 36.844, + "map_at_3": 31.743, + "map_at_5": 34.003, + "mrr_at_1": 23.854, + "mrr_at_10": 36.242999999999995, + "mrr_at_100": 37.32, + "mrr_at_1000": 37.361, + "mrr_at_3": 32.4, + "mrr_at_5": 34.634, + "ndcg_at_1": 23.868000000000002, + "ndcg_at_10": 42.589, + "ndcg_at_100": 48.031, + "ndcg_at_1000": 49.189, + "ndcg_at_3": 34.649, + "ndcg_at_5": 38.676, + "precision_at_1": 23.868000000000002, + "precision_at_10": 6.6850000000000005, + "precision_at_100": 0.9400000000000001, + "precision_at_1000": 0.104, + "precision_at_3": 14.651, + "precision_at_5": 10.834000000000001, + "recall_at_1": 23.301, + "recall_at_10": 63.88700000000001, + "recall_at_100": 88.947, + "recall_at_1000": 97.783, + "recall_at_3": 42.393, + "recall_at_5": 52.036, + "main_score": 42.589 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/MTOPDomainClassification.json b/results/BAAI__bge-large-en/external/MTOPDomainClassification.json new file mode 100644 index 000000000..668e71f80 --- /dev/null +++ b/results/BAAI__bge-large-en/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 94.64888280893753, + "f1": 94.41310774203512, + "main_score": 94.64888280893753 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/MTOPIntentClassification.json b/results/BAAI__bge-large-en/external/MTOPIntentClassification.json new file mode 100644 index 000000000..8b6bee507 --- /dev/null +++ b/results/BAAI__bge-large-en/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.72184222526221, + "f1": 61.522034067350106, + "main_score": 79.72184222526221 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/MassiveIntentClassification.json b/results/BAAI__bge-large-en/external/MassiveIntentClassification.json new file mode 100644 index 000000000..3f1989d37 --- /dev/null +++ b/results/BAAI__bge-large-en/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.60659045057163, + "f1": 77.268649687049, + "main_score": 79.60659045057163 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/MassiveScenarioClassification.json b/results/BAAI__bge-large-en/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..67e391ea5 --- /dev/null +++ b/results/BAAI__bge-large-en/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 81.83254875588432, + "f1": 81.61520635919082, + "main_score": 81.83254875588432 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/MedrxivClusteringP2P.json b/results/BAAI__bge-large-en/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..fb8723a5c --- /dev/null +++ b/results/BAAI__bge-large-en/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.31529875009507, + "main_score": 36.31529875009507 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/MedrxivClusteringS2S.json b/results/BAAI__bge-large-en/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..87568993e --- /dev/null +++ b/results/BAAI__bge-large-en/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.734233714415073, + "main_score": 31.734233714415073 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/MindSmallReranking.json b/results/BAAI__bge-large-en/external/MindSmallReranking.json new file mode 100644 index 000000000..6943a29d8 --- /dev/null +++ b/results/BAAI__bge-large-en/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 30.994501713009452, + "mrr": 32.13512850703073, + "main_score": 30.994501713009452 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/NFCorpus.json b/results/BAAI__bge-large-en/external/NFCorpus.json new file mode 100644 index 000000000..f3e39fafa --- /dev/null +++ b/results/BAAI__bge-large-en/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.603000000000001, + "map_at_10": 13.767999999999999, + "map_at_100": 17.197000000000003, + "map_at_1000": 18.615000000000002, + "map_at_3": 10.567, + "map_at_5": 12.078999999999999, + "mrr_at_1": 44.891999999999996, + "mrr_at_10": 53.75299999999999, + "mrr_at_100": 54.35, + "mrr_at_1000": 54.388000000000005, + "mrr_at_3": 51.495999999999995, + "mrr_at_5": 52.688, + "ndcg_at_1": 43.189, + "ndcg_at_10": 34.567, + "ndcg_at_100": 32.273, + "ndcg_at_1000": 41.321999999999996, + "ndcg_at_3": 40.171, + "ndcg_at_5": 37.502, + "precision_at_1": 44.582, + "precision_at_10": 25.139, + "precision_at_100": 7.739999999999999, + "precision_at_1000": 2.054, + "precision_at_3": 37.152, + "precision_at_5": 31.826999999999998, + "recall_at_1": 6.603000000000001, + "recall_at_10": 17.023, + "recall_at_100": 32.914, + "recall_at_1000": 64.44800000000001, + "recall_at_3": 11.457, + "recall_at_5": 13.816, + "main_score": 34.567 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/NQ.json b/results/BAAI__bge-large-en/external/NQ.json new file mode 100644 index 000000000..75145511b --- /dev/null +++ b/results/BAAI__bge-large-en/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.026000000000003, + "map_at_10": 45.429, + "map_at_100": 46.45, + "map_at_1000": 46.478, + "map_at_3": 41.147, + "map_at_5": 43.627, + "mrr_at_1": 33.951, + "mrr_at_10": 47.953, + "mrr_at_100": 48.731, + "mrr_at_1000": 48.751, + "mrr_at_3": 44.39, + "mrr_at_5": 46.533, + "ndcg_at_1": 33.951, + "ndcg_at_10": 53.24100000000001, + "ndcg_at_100": 57.599999999999994, + "ndcg_at_1000": 58.270999999999994, + "ndcg_at_3": 45.190999999999995, + "ndcg_at_5": 49.339, + "precision_at_1": 33.951, + "precision_at_10": 8.856, + "precision_at_100": 1.133, + "precision_at_1000": 0.12, + "precision_at_3": 20.713, + "precision_at_5": 14.838000000000001, + "recall_at_1": 30.026000000000003, + "recall_at_10": 74.512, + "recall_at_100": 93.395, + "recall_at_1000": 98.402, + "recall_at_3": 53.677, + "recall_at_5": 63.198, + "main_score": 53.24100000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/QuoraRetrieval.json b/results/BAAI__bge-large-en/external/QuoraRetrieval.json new file mode 100644 index 000000000..0750c9dc6 --- /dev/null +++ b/results/BAAI__bge-large-en/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 71.41300000000001, + "map_at_10": 85.387, + "map_at_100": 86.027, + "map_at_1000": 86.041, + "map_at_3": 82.543, + "map_at_5": 84.304, + "mrr_at_1": 82.35, + "mrr_at_10": 88.248, + "mrr_at_100": 88.348, + "mrr_at_1000": 88.349, + "mrr_at_3": 87.348, + "mrr_at_5": 87.96300000000001, + "ndcg_at_1": 82.37, + "ndcg_at_10": 88.98, + "ndcg_at_100": 90.16499999999999, + "ndcg_at_1000": 90.239, + "ndcg_at_3": 86.34100000000001, + "ndcg_at_5": 87.761, + "precision_at_1": 82.37, + "precision_at_10": 13.471, + "precision_at_100": 1.534, + "precision_at_1000": 0.157, + "precision_at_3": 37.827, + "precision_at_5": 24.773999999999997, + "recall_at_1": 71.41300000000001, + "recall_at_10": 95.748, + "recall_at_100": 99.69200000000001, + "recall_at_1000": 99.98, + "recall_at_3": 87.996, + "recall_at_5": 92.142, + "main_score": 88.98 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/RedditClustering.json b/results/BAAI__bge-large-en/external/RedditClustering.json new file mode 100644 index 000000000..1fa25274e --- /dev/null +++ b/results/BAAI__bge-large-en/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 56.96878497780007, + "main_score": 56.96878497780007 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/RedditClusteringP2P.json b/results/BAAI__bge-large-en/external/RedditClusteringP2P.json new file mode 100644 index 000000000..5925d1ceb --- /dev/null +++ b/results/BAAI__bge-large-en/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 65.31371347128074, + "main_score": 65.31371347128074 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/SCIDOCS.json b/results/BAAI__bge-large-en/external/SCIDOCS.json new file mode 100644 index 000000000..98470a03d --- /dev/null +++ b/results/BAAI__bge-large-en/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.287, + "map_at_10": 13.530000000000001, + "map_at_100": 15.891, + "map_at_1000": 16.245, + "map_at_3": 9.612, + "map_at_5": 11.672, + "mrr_at_1": 26, + "mrr_at_10": 37.335, + "mrr_at_100": 38.443, + "mrr_at_1000": 38.486, + "mrr_at_3": 33.783, + "mrr_at_5": 36.028, + "ndcg_at_1": 26, + "ndcg_at_10": 22.215, + "ndcg_at_100": 31.101, + "ndcg_at_1000": 36.809, + "ndcg_at_3": 21.104, + "ndcg_at_5": 18.759999999999998, + "precision_at_1": 26, + "precision_at_10": 11.43, + "precision_at_100": 2.424, + "precision_at_1000": 0.379, + "precision_at_3": 19.7, + "precision_at_5": 16.619999999999997, + "recall_at_1": 5.287, + "recall_at_10": 23.18, + "recall_at_100": 49.208, + "recall_at_1000": 76.85300000000001, + "recall_at_3": 11.991999999999999, + "recall_at_5": 16.85, + "main_score": 22.215 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/SICK-R.json b/results/BAAI__bge-large-en/external/SICK-R.json new file mode 100644 index 000000000..843ea1b77 --- /dev/null +++ b/results/BAAI__bge-large-en/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.87834913790886, + "cos_sim_spearman": 81.04583513112122, + "euclidean_pearson": 81.20484174558065, + "euclidean_spearman": 80.76430832561769, + "manhattan_pearson": 81.21416730978615, + "manhattan_spearman": 80.7797637394211, + "cosine_pearson": 83.87834913790886, + "cosine_spearman": 81.04583513112122, + "main_score": 81.04583513112122 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/STS12.json b/results/BAAI__bge-large-en/external/STS12.json new file mode 100644 index 000000000..72b051c47 --- /dev/null +++ b/results/BAAI__bge-large-en/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.56143998865157, + "cos_sim_spearman": 79.75387012744471, + "euclidean_pearson": 83.7877519997019, + "euclidean_spearman": 79.90489748003296, + "manhattan_pearson": 83.7540590666095, + "manhattan_spearman": 79.86434577931573, + "cosine_pearson": 86.56143998865157, + "cosine_spearman": 79.75387012744471, + "main_score": 79.75387012744471 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/STS13.json b/results/BAAI__bge-large-en/external/STS13.json new file mode 100644 index 000000000..98df7cb13 --- /dev/null +++ b/results/BAAI__bge-large-en/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.92102564177941, + "cos_sim_spearman": 84.98234585939103, + "euclidean_pearson": 84.47729567593696, + "euclidean_spearman": 85.09490696194469, + "manhattan_pearson": 84.38622951588229, + "manhattan_spearman": 85.02507171545574, + "cosine_pearson": 83.92102564177941, + "cosine_spearman": 84.98234585939103, + "main_score": 84.98234585939103 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/STS14.json b/results/BAAI__bge-large-en/external/STS14.json new file mode 100644 index 000000000..2e2eb283b --- /dev/null +++ b/results/BAAI__bge-large-en/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 80.1891164763377, + "cos_sim_spearman": 80.7997969966883, + "euclidean_pearson": 80.48572256162396, + "euclidean_spearman": 80.57851903536378, + "manhattan_pearson": 80.4324819433651, + "manhattan_spearman": 80.5074526239062, + "cosine_pearson": 80.1891164763377, + "cosine_spearman": 80.7997969966883, + "main_score": 80.7997969966883 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/STS15.json b/results/BAAI__bge-large-en/external/STS15.json new file mode 100644 index 000000000..cfaa82d73 --- /dev/null +++ b/results/BAAI__bge-large-en/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.64319975116025, + "cos_sim_spearman": 84.88671197763652, + "euclidean_pearson": 84.74692193293231, + "euclidean_spearman": 85.27151722073653, + "manhattan_pearson": 84.72460516785438, + "manhattan_spearman": 85.26518899786687, + "cosine_pearson": 82.64319975116025, + "cosine_spearman": 84.88671197763652, + "main_score": 84.88671197763652 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/STS16.json b/results/BAAI__bge-large-en/external/STS16.json new file mode 100644 index 000000000..a22101d5a --- /dev/null +++ b/results/BAAI__bge-large-en/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.24687565822381, + "cos_sim_spearman": 85.60418454111263, + "euclidean_pearson": 84.85829740169851, + "euclidean_spearman": 85.66378014138306, + "manhattan_pearson": 84.84672408808835, + "manhattan_spearman": 85.63331924364891, + "cosine_pearson": 83.24687565822381, + "cosine_spearman": 85.60418454111263, + "main_score": 85.60418454111263 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/STS17.json b/results/BAAI__bge-large-en/external/STS17.json new file mode 100644 index 000000000..c00439a7b --- /dev/null +++ b/results/BAAI__bge-large-en/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.87758895415485, + "cos_sim_spearman": 85.8193745617297, + "euclidean_pearson": 85.78719118848134, + "euclidean_spearman": 84.35797575385688, + "manhattan_pearson": 85.97919844815692, + "manhattan_spearman": 84.58334745175151, + "cosine_pearson": 84.87758895415485, + "cosine_spearman": 85.8193745617297, + "main_score": 85.8193745617297 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/STS22.json b/results/BAAI__bge-large-en/external/STS22.json new file mode 100644 index 000000000..6308d89d8 --- /dev/null +++ b/results/BAAI__bge-large-en/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 67.27076035963599, + "cos_sim_spearman": 67.21433656439973, + "euclidean_pearson": 68.07434078679324, + "euclidean_spearman": 66.0249731719049, + "manhattan_pearson": 67.95495198947476, + "manhattan_spearman": 65.99893908331886, + "cosine_pearson": 67.27076035963599, + "cosine_spearman": 67.21433656439973, + "main_score": 67.21433656439973 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/STSBenchmark.json b/results/BAAI__bge-large-en/external/STSBenchmark.json new file mode 100644 index 000000000..0fa998c81 --- /dev/null +++ b/results/BAAI__bge-large-en/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.22437747056817, + "cos_sim_spearman": 85.0995685206174, + "euclidean_pearson": 84.08616925603394, + "euclidean_spearman": 84.89633925691658, + "manhattan_pearson": 84.08332675923133, + "manhattan_spearman": 84.8858228112915, + "cosine_pearson": 82.22437747056817, + "cosine_spearman": 85.0995685206174, + "main_score": 85.0995685206174 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/SciDocsRR.json b/results/BAAI__bge-large-en/external/SciDocsRR.json new file mode 100644 index 000000000..7c2322d55 --- /dev/null +++ b/results/BAAI__bge-large-en/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 87.6909022589666, + "mrr": 96.43341952165481, + "main_score": 87.6909022589666 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/SciFact.json b/results/BAAI__bge-large-en/external/SciFact.json new file mode 100644 index 000000000..2af72fad2 --- /dev/null +++ b/results/BAAI__bge-large-en/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 57.660999999999994, + "map_at_10": 67.625, + "map_at_100": 68.07600000000001, + "map_at_1000": 68.10199999999999, + "map_at_3": 64.50399999999999, + "map_at_5": 66.281, + "mrr_at_1": 61, + "mrr_at_10": 68.953, + "mrr_at_100": 69.327, + "mrr_at_1000": 69.352, + "mrr_at_3": 66.833, + "mrr_at_5": 68.05, + "ndcg_at_1": 61, + "ndcg_at_10": 72.369, + "ndcg_at_100": 74.237, + "ndcg_at_1000": 74.939, + "ndcg_at_3": 67.284, + "ndcg_at_5": 69.72500000000001, + "precision_at_1": 61, + "precision_at_10": 9.733, + "precision_at_100": 1.0670000000000002, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 26.222, + "precision_at_5": 17.4, + "recall_at_1": 57.660999999999994, + "recall_at_10": 85.656, + "recall_at_100": 93.833, + "recall_at_1000": 99.333, + "recall_at_3": 71.961, + "recall_at_5": 78.094, + "main_score": 72.369 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/SprintDuplicateQuestions.json b/results/BAAI__bge-large-en/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..df6c2616c --- /dev/null +++ b/results/BAAI__bge-large-en/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.86930693069307, + "cos_sim_ap": 96.76685487950894, + "cos_sim_f1": 93.44587884806354, + "cos_sim_precision": 92.80078895463511, + "cos_sim_recall": 94.1, + "dot_accuracy": 99.54356435643564, + "dot_ap": 81.18659960405607, + "dot_f1": 75.78008915304605, + "dot_precision": 75.07360157016683, + "dot_recall": 76.5, + "euclidean_accuracy": 99.87326732673267, + "euclidean_ap": 96.8102411908941, + "euclidean_f1": 93.6127744510978, + "euclidean_precision": 93.42629482071713, + "euclidean_recall": 93.8, + "manhattan_accuracy": 99.87425742574257, + "manhattan_ap": 96.82857341435529, + "manhattan_f1": 93.62129583124059, + "manhattan_precision": 94.04641775983855, + "manhattan_recall": 93.2, + "max_accuracy": 99.87425742574257, + "max_ap": 96.82857341435529, + "max_f1": 93.62129583124059, + "main_score": 96.82857341435529 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/StackExchangeClustering.json b/results/BAAI__bge-large-en/external/StackExchangeClustering.json new file mode 100644 index 000000000..b34355e56 --- /dev/null +++ b/results/BAAI__bge-large-en/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 65.92560972698926, + "main_score": 65.92560972698926 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/StackExchangeClusteringP2P.json b/results/BAAI__bge-large-en/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..63a902a2b --- /dev/null +++ b/results/BAAI__bge-large-en/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.92797240259008, + "main_score": 34.92797240259008 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/StackOverflowDupQuestions.json b/results/BAAI__bge-large-en/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..4f29a2501 --- /dev/null +++ b/results/BAAI__bge-large-en/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 55.244624045597654, + "mrr": 56.185303666921314, + "main_score": 55.244624045597654 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/SummEval.json b/results/BAAI__bge-large-en/external/SummEval.json new file mode 100644 index 000000000..a9a25f1cc --- /dev/null +++ b/results/BAAI__bge-large-en/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.02491987312937, + "cos_sim_spearman": 32.055592206679734, + "dot_pearson": 24.731627575422557, + "dot_spearman": 24.308029077069733, + "cosine_pearson": 31.02491987312937, + "cosine_spearman": 32.055592206679734, + "main_score": 32.055592206679734 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/TRECCOVID.json b/results/BAAI__bge-large-en/external/TRECCOVID.json new file mode 100644 index 000000000..504e63a13 --- /dev/null +++ b/results/BAAI__bge-large-en/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.231, + "map_at_10": 1.899, + "map_at_100": 9.498, + "map_at_1000": 20.979999999999997, + "map_at_3": 0.652, + "map_at_5": 1.069, + "mrr_at_1": 88, + "mrr_at_10": 93.4, + "mrr_at_100": 93.4, + "mrr_at_1000": 93.4, + "mrr_at_3": 93, + "mrr_at_5": 93.4, + "ndcg_at_1": 86, + "ndcg_at_10": 75.375, + "ndcg_at_100": 52.891999999999996, + "ndcg_at_1000": 44.952999999999996, + "ndcg_at_3": 81.05, + "ndcg_at_5": 80.175, + "precision_at_1": 88, + "precision_at_10": 79, + "precision_at_100": 53.16, + "precision_at_1000": 19.408, + "precision_at_3": 85.333, + "precision_at_5": 84, + "recall_at_1": 0.231, + "recall_at_10": 2.078, + "recall_at_100": 12.601, + "recall_at_1000": 41.296, + "recall_at_3": 0.6779999999999999, + "recall_at_5": 1.1360000000000001, + "main_score": 75.375 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/Touche2020.json b/results/BAAI__bge-large-en/external/Touche2020.json new file mode 100644 index 000000000..0d621b153 --- /dev/null +++ b/results/BAAI__bge-large-en/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.782, + "map_at_10": 10.204, + "map_at_100": 16.176, + "map_at_1000": 17.456, + "map_at_3": 5.354, + "map_at_5": 7.503, + "mrr_at_1": 40.816, + "mrr_at_10": 54.010000000000005, + "mrr_at_100": 54.49, + "mrr_at_1000": 54.49, + "mrr_at_3": 48.980000000000004, + "mrr_at_5": 51.735, + "ndcg_at_1": 36.735, + "ndcg_at_10": 26.61, + "ndcg_at_100": 36.967, + "ndcg_at_1000": 47.274, + "ndcg_at_3": 30.363, + "ndcg_at_5": 29.448999999999998, + "precision_at_1": 40.816, + "precision_at_10": 23.878, + "precision_at_100": 7.693999999999999, + "precision_at_1000": 1.4489999999999998, + "precision_at_3": 31.293, + "precision_at_5": 29.796, + "recall_at_1": 2.782, + "recall_at_10": 16.485, + "recall_at_100": 46.924, + "recall_at_1000": 79.365, + "recall_at_3": 6.52, + "recall_at_5": 10.48, + "main_score": 26.61 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/ToxicConversationsClassification.json b/results/BAAI__bge-large-en/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..494195871 --- /dev/null +++ b/results/BAAI__bge-large-en/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.08300000000001, + "ap": 13.91559884590195, + "f1": 53.956838444291364, + "main_score": 70.08300000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/TweetSentimentExtractionClassification.json b/results/BAAI__bge-large-en/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..c9a50ef59 --- /dev/null +++ b/results/BAAI__bge-large-en/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 59.34069043576683, + "f1": 59.662041994618406, + "main_score": 59.34069043576683 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/TwentyNewsgroupsClustering.json b/results/BAAI__bge-large-en/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..b2b4b002a --- /dev/null +++ b/results/BAAI__bge-large-en/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 53.70780611078653, + "main_score": 53.70780611078653 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/TwitterSemEval2015.json b/results/BAAI__bge-large-en/external/TwitterSemEval2015.json new file mode 100644 index 000000000..63f8c7822 --- /dev/null +++ b/results/BAAI__bge-large-en/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 87.10734934732073, + "cos_sim_ap": 77.58349999516054, + "cos_sim_f1": 70.25391395868965, + "cos_sim_precision": 70.06035161374967, + "cos_sim_recall": 70.44854881266491, + "dot_accuracy": 80.60439887941826, + "dot_ap": 54.52935200483575, + "dot_f1": 54.170444242973716, + "dot_precision": 47.47715534366309, + "dot_recall": 63.06068601583114, + "euclidean_accuracy": 87.26828396018358, + "euclidean_ap": 78.00158454104036, + "euclidean_f1": 70.70292457670601, + "euclidean_precision": 68.79680479281079, + "euclidean_recall": 72.71767810026385, + "manhattan_accuracy": 87.11330988853788, + "manhattan_ap": 77.92527099601855, + "manhattan_f1": 70.76488706365502, + "manhattan_precision": 68.89055472263868, + "manhattan_recall": 72.74406332453826, + "max_accuracy": 87.26828396018358, + "max_ap": 78.00158454104036, + "max_f1": 70.76488706365502, + "main_score": 78.00158454104036 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/TwitterURLCorpus.json b/results/BAAI__bge-large-en/external/TwitterURLCorpus.json new file mode 100644 index 000000000..c6a2897a0 --- /dev/null +++ b/results/BAAI__bge-large-en/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 87.80804905499282, + "cos_sim_ap": 83.06187782630936, + "cos_sim_f1": 74.99716435403985, + "cos_sim_precision": 73.67951860931579, + "cos_sim_recall": 76.36279642747151, + "dot_accuracy": 81.83141227151008, + "dot_ap": 67.18241090841795, + "dot_f1": 62.216037571751606, + "dot_precision": 56.749381227391005, + "dot_recall": 68.84816753926701, + "euclidean_accuracy": 87.91671517832887, + "euclidean_ap": 83.56538942001427, + "euclidean_f1": 75.7327253337256, + "euclidean_precision": 72.48856036606828, + "euclidean_recall": 79.28087465352634, + "manhattan_accuracy": 87.86626304963713, + "manhattan_ap": 83.52939841172832, + "manhattan_f1": 75.73635656329888, + "manhattan_precision": 72.99150182103836, + "manhattan_recall": 78.69571912534647, + "max_accuracy": 87.91671517832887, + "max_ap": 83.56538942001427, + "max_f1": 75.73635656329888, + "main_score": 83.56538942001427 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-large-en/external/model_meta.json b/results/BAAI__bge-large-en/external/model_meta.json new file mode 100644 index 000000000..701297338 --- /dev/null +++ b/results/BAAI__bge-large-en/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "BAAI/bge-large-en", + "revision": "abe7d9d814b775ca171121fb03f394dc42974275", + "release_date": "2023-08-02", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 335142400, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 1024, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/AFQMC.json b/results/BAAI__bge-multilingual-gemma2/external/AFQMC.json new file mode 100644 index 000000000..323fa9aa6 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/AFQMC.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "b44c3b011063adb25877c13823db83bb193913c4", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 45.108559635369325, + "cosine_spearman": 47.172833128216176, + "manhattan_pearson": 45.75443077564791, + "manhattan_spearman": 47.13974146235398, + "euclidean_pearson": 45.78921257223492, + "euclidean_spearman": 47.177095238278625, + "main_score": 47.172833128216176 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/ATEC.json b/results/BAAI__bge-multilingual-gemma2/external/ATEC.json new file mode 100644 index 000000000..b1862ea0e --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/ATEC.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "0f319b1142f28d00e055a6770f3f726ae9b7d865", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 48.304409578388466, + "cosine_spearman": 50.75006977697012, + "manhattan_pearson": 52.688818756177035, + "manhattan_spearman": 50.739214155741095, + "euclidean_pearson": 52.71788557204978, + "euclidean_spearman": 50.77895730336448, + "main_score": 50.75006977697012 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/AllegroReviews.json b/results/BAAI__bge-multilingual-gemma2/external/AllegroReviews.json new file mode 100644 index 000000000..73758f7bb --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/AllegroReviews.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "b89853e6de927b0e3bfa8ecc0e56fe4e02ceafc6", + "task_name": "AllegroReviews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 65.0, + "f1": 58.85888258599016, + "f1_weighted": 65.99554726292321, + "main_score": 65.0 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/AlloProfClusteringP2P.json b/results/BAAI__bge-multilingual-gemma2/external/AlloProfClusteringP2P.json new file mode 100644 index 000000000..695a8e392 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/AlloProfClusteringP2P.json @@ -0,0 +1,175 @@ +{ + "dataset_revision": "392ba3f5bcc8c51f578786c1fc3dae648662cb9b", + "task_name": "AlloProfClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "main_score": 71.20310003742769, + "v_measure": 71.20310003742769, + "v_measure_std": 2.3682783706448687 + }, + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "main_score": 59.64232194434788, + "v_measure": 59.64232194434788, + "v_measure_std": 2.4292956011867557 + }, + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "main_score": 58.499, + "map_at_1": 40.371, + "map_at_10": 52.337, + "map_at_100": 53.04, + "map_at_1000": 53.065, + "map_at_20": 52.772, + "map_at_3": 49.201, + "map_at_5": 51.025, + "mrr_at_1": 40.3713298791019, + "mrr_at_10": 52.322165337061755, + "mrr_at_100": 53.02092832847133, + "mrr_at_1000": 53.04594680215603, + "mrr_at_20": 52.750849914358135, + "mrr_at_3": 49.150834772596475, + "mrr_at_5": 50.998848589522275, + "nauc_map_at_1000_diff1": 44.71946249374932, + "nauc_map_at_1000_max": 28.074204125714193, + "nauc_map_at_1000_std": -5.1319087890196275, + "nauc_map_at_100_diff1": 44.71140286780233, + "nauc_map_at_100_max": 28.09677884622645, + "nauc_map_at_100_std": -5.116353867480612, + "nauc_map_at_10_diff1": 44.737968596047736, + "nauc_map_at_10_max": 28.103186472557184, + "nauc_map_at_10_std": -5.258817287329683, + "nauc_map_at_1_diff1": 47.48389890056789, + "nauc_map_at_1_max": 24.803734709402654, + "nauc_map_at_1_std": -6.504759899363267, + "nauc_map_at_20_diff1": 44.67268454863271, + "nauc_map_at_20_max": 28.068912295976933, + "nauc_map_at_20_std": -5.1971060419801836, + "nauc_map_at_3_diff1": 44.59399231542881, + "nauc_map_at_3_max": 27.097806786915502, + "nauc_map_at_3_std": -5.957120508111229, + "nauc_map_at_5_diff1": 44.549807218619236, + "nauc_map_at_5_max": 28.03902312965202, + "nauc_map_at_5_std": -5.279585300980128, + "nauc_mrr_at_1000_diff1": 44.70183532803094, + "nauc_mrr_at_1000_max": 28.08833759937601, + "nauc_mrr_at_1000_std": -5.097929115475795, + "nauc_mrr_at_100_diff1": 44.693824401340684, + "nauc_mrr_at_100_max": 28.110898009292296, + "nauc_mrr_at_100_std": -5.082401300601749, + "nauc_mrr_at_10_diff1": 44.74052791862188, + "nauc_mrr_at_10_max": 28.125378341430725, + "nauc_mrr_at_10_std": -5.209767905428716, + "nauc_mrr_at_1_diff1": 47.48389890056789, + "nauc_mrr_at_1_max": 24.803734709402654, + "nauc_mrr_at_1_std": -6.504759899363267, + "nauc_mrr_at_20_diff1": 44.65204014980107, + "nauc_mrr_at_20_max": 28.071523791101487, + "nauc_mrr_at_20_std": -5.176680495032765, + "nauc_mrr_at_3_diff1": 44.566371489967835, + "nauc_mrr_at_3_max": 27.138418179089243, + "nauc_mrr_at_3_std": -5.8860676927947715, + "nauc_mrr_at_5_diff1": 44.513022796226025, + "nauc_mrr_at_5_max": 28.037968016529184, + "nauc_mrr_at_5_std": -5.286851060853457, + "nauc_ndcg_at_1000_diff1": 44.31019947897497, + "nauc_ndcg_at_1000_max": 29.332844099450185, + "nauc_ndcg_at_1000_std": -4.185675731246788, + "nauc_ndcg_at_100_diff1": 44.15415366286996, + "nauc_ndcg_at_100_max": 30.098413084162345, + "nauc_ndcg_at_100_std": -3.557438303045246, + "nauc_ndcg_at_10_diff1": 44.117356815361376, + "nauc_ndcg_at_10_max": 30.090057186506147, + "nauc_ndcg_at_10_std": -4.294561567142078, + "nauc_ndcg_at_1_diff1": 47.48389890056789, + "nauc_ndcg_at_1_max": 24.803734709402654, + "nauc_ndcg_at_1_std": -6.504759899363267, + "nauc_ndcg_at_20_diff1": 43.868556983413285, + "nauc_ndcg_at_20_max": 30.06455269775592, + "nauc_ndcg_at_20_std": -3.9645560243946623, + "nauc_ndcg_at_3_diff1": 43.71970793339256, + "nauc_ndcg_at_3_max": 28.057786581438034, + "nauc_ndcg_at_3_std": -5.597352364190012, + "nauc_ndcg_at_5_diff1": 43.57692922989753, + "nauc_ndcg_at_5_max": 29.811975056854994, + "nauc_ndcg_at_5_std": -4.362865924703688, + "nauc_precision_at_1000_diff1": 37.65255144893002, + "nauc_precision_at_1000_max": 88.70768683938714, + "nauc_precision_at_1000_std": 69.77642765639528, + "nauc_precision_at_100_diff1": 38.99412121382678, + "nauc_precision_at_100_max": 61.57652450016459, + "nauc_precision_at_100_std": 24.826035139656348, + "nauc_precision_at_10_diff1": 41.78189732924517, + "nauc_precision_at_10_max": 39.83536802453079, + "nauc_precision_at_10_std": 0.431964006091015, + "nauc_precision_at_1_diff1": 47.48389890056789, + "nauc_precision_at_1_max": 24.803734709402654, + "nauc_precision_at_1_std": -6.504759899363267, + "nauc_precision_at_20_diff1": 39.33781305274886, + "nauc_precision_at_20_max": 43.00448814568695, + "nauc_precision_at_20_std": 4.5633424143661365, + "nauc_precision_at_3_diff1": 40.99977742505519, + "nauc_precision_at_3_max": 31.14585236181214, + "nauc_precision_at_3_std": -4.404002104899136, + "nauc_precision_at_5_diff1": 40.12130730401297, + "nauc_precision_at_5_max": 36.45000981581976, + "nauc_precision_at_5_std": -0.8603896798394983, + "nauc_recall_at_1000_diff1": 37.652551448927504, + "nauc_recall_at_1000_max": 88.70768683938547, + "nauc_recall_at_1000_std": 69.77642765638893, + "nauc_recall_at_100_diff1": 38.9941212138267, + "nauc_recall_at_100_max": 61.57652450016457, + "nauc_recall_at_100_std": 24.82603513965631, + "nauc_recall_at_10_diff1": 41.781897329245105, + "nauc_recall_at_10_max": 39.83536802453082, + "nauc_recall_at_10_std": 0.4319640060909985, + "nauc_recall_at_1_diff1": 47.48389890056789, + "nauc_recall_at_1_max": 24.803734709402654, + "nauc_recall_at_1_std": -6.504759899363267, + "nauc_recall_at_20_diff1": 39.337813052748835, + "nauc_recall_at_20_max": 43.00448814568676, + "nauc_recall_at_20_std": 4.56334241436601, + "nauc_recall_at_3_diff1": 40.99977742505522, + "nauc_recall_at_3_max": 31.14585236181218, + "nauc_recall_at_3_std": -4.404002104899084, + "nauc_recall_at_5_diff1": 40.121307304013, + "nauc_recall_at_5_max": 36.450009815819726, + "nauc_recall_at_5_std": -0.8603896798395225, + "ndcg_at_1": 40.371, + "ndcg_at_10": 58.499, + "ndcg_at_100": 61.958, + "ndcg_at_1000": 62.638000000000005, + "ndcg_at_20": 60.068, + "ndcg_at_3": 52.079, + "ndcg_at_5": 55.359, + "precision_at_1": 40.371, + "precision_at_10": 7.797999999999999, + "precision_at_100": 0.943, + "precision_at_1000": 0.1, + "precision_at_20": 4.208, + "precision_at_3": 20.135, + "precision_at_5": 13.669999999999998, + "recall_at_1": 40.371, + "recall_at_10": 77.979, + "recall_at_100": 94.257, + "recall_at_1000": 99.655, + "recall_at_20": 84.154, + "recall_at_3": 60.406000000000006, + "recall_at_5": 68.351 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/AlloprofReranking.json b/results/BAAI__bge-multilingual-gemma2/external/AlloprofReranking.json new file mode 100644 index 000000000..88f064bc2 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/AlloprofReranking.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "65393d0d7a08a10b4e348135e824f385d420b0fd", + "task_name": "AlloprofReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "main_score": 78.62041803111894, + "map": 78.62041803111894, + "mrr": 79.82309057762426, + "nAUC_map_diff1": 58.23586953459263, + "nAUC_map_max": 16.162821346484357, + "nAUC_map_std": 20.727030444422525, + "nAUC_mrr_diff1": 57.89675675999501, + "nAUC_mrr_max": 17.188359535738417, + "nAUC_mrr_std": 20.121404571879598 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/AmazonCounterfactualClassification.json b/results/BAAI__bge-multilingual-gemma2/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..28296b115 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/AmazonCounterfactualClassification.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 89.47761194029852, + "accuracy_stderr": 1.6502495811564162, + "ap": 62.20813715457866, + "ap_stderr": 3.7902166647587854, + "f1": 84.91493292274734, + "f1_stderr": 1.9572239640276208, + "main_score": 89.47761194029852 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/AmazonPolarityClassification.json b/results/BAAI__bge-multilingual-gemma2/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..ab277e6f4 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/AmazonPolarityClassification.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 96.89569999999999, + "accuracy_stderr": 0.6886368582206464, + "ap": 95.38531339207739, + "ap_stderr": 0.9009257949898158, + "f1": 96.8941935264779, + "f1_stderr": 0.6908609132985931, + "main_score": 96.89569999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/AmazonReviewsClassification.json b/results/BAAI__bge-multilingual-gemma2/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..68b07bbed --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/AmazonReviewsClassification.json @@ -0,0 +1,42 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.602000000000004, + "accuracy_stderr": 1.4532019818318436, + "f1": 60.96100449021481, + "f1_stderr": 1.8031398419765765, + "main_score": 61.602000000000004 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 54.339999999999996, + "accuracy_stderr": 1.6518837731511269, + "f1": 53.37316538790502, + "f1_stderr": 1.6112926272861336, + "main_score": 54.339999999999996 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 55.186, + "f1": 54.46705535013317, + "f1_weighted": 54.46705535013317, + "main_score": 55.186 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/ArguAna-PL.json b/results/BAAI__bge-multilingual-gemma2/external/ArguAna-PL.json new file mode 100644 index 000000000..e33ea78e0 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/ArguAna-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "63fc86750af76253e8c760fc9e534bbf24d260a2", + "task_name": "ArguAna-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 59.71300000000001, + "map_at_1": 35.135, + "map_at_10": 51.092000000000006, + "map_at_100": 51.773, + "map_at_1000": 51.776999999999994, + "map_at_20": 51.665000000000006, + "map_at_3": 46.574, + "map_at_5": 49.032, + "mrr_at_1": 36.201991465149355, + "mrr_at_10": 51.546405427984475, + "mrr_at_100": 52.202374673015285, + "mrr_at_1000": 52.20610086068531, + "mrr_at_20": 52.096805353180756, + "mrr_at_3": 47.01280227596022, + "mrr_at_5": 49.49146514935999, + "nauc_map_at_1000_diff1": 19.758403663654388, + "nauc_map_at_1000_max": 1.9211716901459552, + "nauc_map_at_1000_std": -12.391775130617594, + "nauc_map_at_100_diff1": 19.75801012476506, + "nauc_map_at_100_max": 1.927233271789035, + "nauc_map_at_100_std": -12.390686358565384, + "nauc_map_at_10_diff1": 19.618023487744257, + "nauc_map_at_10_max": 1.948823709088292, + "nauc_map_at_10_std": -12.590649627823774, + "nauc_map_at_1_diff1": 22.704520355653777, + "nauc_map_at_1_max": -0.7340073588952427, + "nauc_map_at_1_std": -11.685082615631233, + "nauc_map_at_20_diff1": 19.710150386755245, + "nauc_map_at_20_max": 1.9579689185617946, + "nauc_map_at_20_std": -12.454848473878485, + "nauc_map_at_3_diff1": 19.88571571635227, + "nauc_map_at_3_max": 2.2089391275055754, + "nauc_map_at_3_std": -12.152625563551476, + "nauc_map_at_5_diff1": 19.345423817148774, + "nauc_map_at_5_max": 2.4471831202433783, + "nauc_map_at_5_std": -11.60532301686549, + "nauc_mrr_at_1000_diff1": 16.90786453167799, + "nauc_mrr_at_1000_max": 0.65578323377857, + "nauc_mrr_at_1000_std": -12.395929715413015, + "nauc_mrr_at_100_diff1": 16.90781127619206, + "nauc_mrr_at_100_max": 0.6619900297824423, + "nauc_mrr_at_100_std": -12.394826789608906, + "nauc_mrr_at_10_diff1": 16.785894192163838, + "nauc_mrr_at_10_max": 0.7096666849274212, + "nauc_mrr_at_10_std": -12.592883550594735, + "nauc_mrr_at_1_diff1": 19.59282927806732, + "nauc_mrr_at_1_max": -1.1271716729359413, + "nauc_mrr_at_1_std": -11.710668880297517, + "nauc_mrr_at_20_diff1": 16.86673477981559, + "nauc_mrr_at_20_max": 0.6897167399764257, + "nauc_mrr_at_20_std": -12.464631471378414, + "nauc_mrr_at_3_diff1": 17.0481261621288, + "nauc_mrr_at_3_max": 0.7183007174016199, + "nauc_mrr_at_3_std": -12.329335728574527, + "nauc_mrr_at_5_diff1": 16.698916629443854, + "nauc_mrr_at_5_max": 1.2515514207224299, + "nauc_mrr_at_5_std": -11.662599392805308, + "nauc_ndcg_at_1000_diff1": 19.30605856078901, + "nauc_ndcg_at_1000_max": 2.3402231520806835, + "nauc_ndcg_at_1000_std": -12.370409989770332, + "nauc_ndcg_at_100_diff1": 19.31155460872256, + "nauc_ndcg_at_100_max": 2.510633162779702, + "nauc_ndcg_at_100_std": -12.313796276064673, + "nauc_ndcg_at_10_diff1": 18.511651466450843, + "nauc_ndcg_at_10_max": 2.6756675185155263, + "nauc_ndcg_at_10_std": -13.573610085360095, + "nauc_ndcg_at_1_diff1": 22.704520355653777, + "nauc_ndcg_at_1_max": -0.7340073588952427, + "nauc_ndcg_at_1_std": -11.685082615631233, + "nauc_ndcg_at_20_diff1": 19.01305812933961, + "nauc_ndcg_at_20_max": 2.777977280012548, + "nauc_ndcg_at_20_std": -12.959515013552128, + "nauc_ndcg_at_3_diff1": 19.15053976740578, + "nauc_ndcg_at_3_max": 3.2587972262385496, + "nauc_ndcg_at_3_std": -12.105808757691328, + "nauc_ndcg_at_5_diff1": 18.010082675090597, + "nauc_ndcg_at_5_max": 3.753876824229378, + "nauc_ndcg_at_5_std": -11.044202434548701, + "nauc_precision_at_1000_diff1": -11.75783343822487, + "nauc_precision_at_1000_max": 5.7856460776313465, + "nauc_precision_at_1000_std": 62.79171280927037, + "nauc_precision_at_100_diff1": 9.08527555500537, + "nauc_precision_at_100_max": 36.16754653078746, + "nauc_precision_at_100_std": 28.37969482833522, + "nauc_precision_at_10_diff1": 10.685081888632977, + "nauc_precision_at_10_max": 7.185779514361452, + "nauc_precision_at_10_std": -22.209758078034394, + "nauc_precision_at_1_diff1": 22.704520355653777, + "nauc_precision_at_1_max": -0.7340073588952427, + "nauc_precision_at_1_std": -11.685082615631233, + "nauc_precision_at_20_diff1": 10.0745772945806, + "nauc_precision_at_20_max": 16.81469938479116, + "nauc_precision_at_20_std": -22.804277740935298, + "nauc_precision_at_3_diff1": 16.900587067301714, + "nauc_precision_at_3_max": 6.595958907337978, + "nauc_precision_at_3_std": -11.888316132805594, + "nauc_precision_at_5_diff1": 12.771428972972895, + "nauc_precision_at_5_max": 8.79201485711544, + "nauc_precision_at_5_std": -8.609881800940762, + "nauc_recall_at_1000_diff1": -11.757833438225305, + "nauc_recall_at_1000_max": 5.785646077628613, + "nauc_recall_at_1000_std": 62.791712809264176, + "nauc_recall_at_100_diff1": 9.085275555005722, + "nauc_recall_at_100_max": 36.167546530787995, + "nauc_recall_at_100_std": 28.37969482833511, + "nauc_recall_at_10_diff1": 10.68508188863288, + "nauc_recall_at_10_max": 7.185779514361484, + "nauc_recall_at_10_std": -22.209758078034465, + "nauc_recall_at_1_diff1": 22.704520355653777, + "nauc_recall_at_1_max": -0.7340073588952427, + "nauc_recall_at_1_std": -11.685082615631233, + "nauc_recall_at_20_diff1": 10.074577294581067, + "nauc_recall_at_20_max": 16.814699384791545, + "nauc_recall_at_20_std": -22.80427774093497, + "nauc_recall_at_3_diff1": 16.900587067301768, + "nauc_recall_at_3_max": 6.595958907337955, + "nauc_recall_at_3_std": -11.888316132805613, + "nauc_recall_at_5_diff1": 12.77142897297289, + "nauc_recall_at_5_max": 8.792014857115413, + "nauc_recall_at_5_std": -8.609881800940697, + "ndcg_at_1": 35.135, + "ndcg_at_10": 59.71300000000001, + "ndcg_at_100": 62.5, + "ndcg_at_1000": 62.578, + "ndcg_at_20": 61.775000000000006, + "ndcg_at_3": 50.336999999999996, + "ndcg_at_5": 54.748, + "precision_at_1": 35.135, + "precision_at_10": 8.72, + "precision_at_100": 0.991, + "precision_at_1000": 0.1, + "precision_at_20": 4.765, + "precision_at_3": 20.413, + "precision_at_5": 14.381, + "recall_at_1": 35.135, + "recall_at_10": 87.198, + "recall_at_100": 99.075, + "recall_at_1000": 99.644, + "recall_at_20": 95.306, + "recall_at_3": 61.23800000000001, + "recall_at_5": 71.906 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/ArguAna.json b/results/BAAI__bge-multilingual-gemma2/external/ArguAna.json new file mode 100644 index 000000000..78a73f105 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/ArguAna.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 77.36555747844541, + "ndcg_at_1": 57.681365576102415, + "ndcg_at_3": 72.01664798084765, + "ndcg_at_5": 75.26345973082836, + "ndcg_at_10": 77.36555747844541, + "ndcg_at_100": 78.15567833673768, + "ndcg_at_1000": 78.16528851292641, + "map_at_1": 57.681365576102415, + "map_at_3": 68.59886201991475, + "map_at_5": 70.38051209103858, + "map_at_10": 71.26684955632336, + "map_at_100": 71.4637216600468, + "map_at_1000": 71.46414501573332, + "precision_at_1": 57.681365576102415, + "precision_at_3": 27.287814129919084, + "precision_at_5": 17.965860597439132, + "precision_at_10": 9.623044096728066, + "precision_at_100": 0.995732574679925, + "precision_at_1000": 0.09964438122332549, + "recall_at_1": 57.681365576102415, + "recall_at_3": 81.86344238975818, + "recall_at_5": 89.82930298719772, + "recall_at_10": 96.23044096728307, + "recall_at_100": 99.57325746799431, + "recall_at_1000": 99.6443812233286 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/ArxivClusteringP2P.json b/results/BAAI__bge-multilingual-gemma2/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..74be25cc5 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/ArxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 54.906319409992, + "v_measure": 54.906319409992, + "v_measure_std": 14.382682652951683 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/ArxivClusteringS2S.json b/results/BAAI__bge-multilingual-gemma2/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..0818728c3 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/ArxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 50.27779516565727, + "v_measure": 50.27779516565727, + "v_measure_std": 14.463711418590636 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/AskUbuntuDupQuestions.json b/results/BAAI__bge-multilingual-gemma2/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..f55b61a27 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 64.59457317979604, + "mrr": 78.05214791364376, + "main_score": 64.59457317979604 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/BIOSSES.json b/results/BAAI__bge-multilingual-gemma2/external/BIOSSES.json new file mode 100644 index 000000000..df5902a0a --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/BIOSSES.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 86.5833945335644, + "cosine_spearman": 85.74472483606, + "manhattan_pearson": 85.07748703871708, + "manhattan_spearman": 85.1459160110718, + "euclidean_pearson": 85.14704290043478, + "euclidean_spearman": 85.10073425868336, + "main_score": 85.74472483606 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/BQ.json b/results/BAAI__bge-multilingual-gemma2/external/BQ.json new file mode 100644 index 000000000..5dfc0fae9 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/BQ.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "e3dda5e115e487b39ec7e618c0c6a29137052a55", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 59.62831218167518, + "cosine_spearman": 62.02213472473759, + "manhattan_pearson": 61.122261197018176, + "manhattan_spearman": 62.208780520694454, + "euclidean_pearson": 61.17827629627213, + "euclidean_spearman": 62.266859648664244, + "main_score": 62.02213472473759 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/BSARDRetrieval.json b/results/BAAI__bge-multilingual-gemma2/external/BSARDRetrieval.json new file mode 100644 index 000000000..4d03db0a0 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/BSARDRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "5effa1b9b5fa3b0f9e12523e6e43e5f86a6e6d59", + "task_name": "BSARDRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "main_score": 65.766, + "map_at_1": 17.116999999999997, + "map_at_10": 24.2, + "map_at_100": 25.196, + "map_at_1000": 25.285999999999998, + "map_at_20": 24.84, + "map_at_3": 21.246000000000002, + "map_at_5": 23.386000000000003, + "mrr_at_1": 17.117117117117118, + "mrr_at_10": 24.19955669955671, + "mrr_at_100": 25.195531920335007, + "mrr_at_1000": 25.284600511909495, + "mrr_at_20": 24.840254977638896, + "mrr_at_3": 21.246246246246244, + "mrr_at_5": 23.38588588588589, + "nauc_map_at_1000_diff1": 10.81116818873305, + "nauc_map_at_1000_max": 18.081485212587296, + "nauc_map_at_1000_std": 15.55247182359811, + "nauc_map_at_100_diff1": 10.769025561727476, + "nauc_map_at_100_max": 18.05422658310923, + "nauc_map_at_100_std": 15.5467718904851, + "nauc_map_at_10_diff1": 10.683272018434048, + "nauc_map_at_10_max": 18.142476171157714, + "nauc_map_at_10_std": 15.160871943210017, + "nauc_map_at_1_diff1": 15.136874216646229, + "nauc_map_at_1_max": 19.68585969419655, + "nauc_map_at_1_std": 15.169957564848444, + "nauc_map_at_20_diff1": 11.04316522915875, + "nauc_map_at_20_max": 17.817024791267443, + "nauc_map_at_20_std": 15.071246935999893, + "nauc_map_at_3_diff1": 8.893328353778843, + "nauc_map_at_3_max": 16.402408590507946, + "nauc_map_at_3_std": 14.631998787185735, + "nauc_map_at_5_diff1": 9.802455874823172, + "nauc_map_at_5_max": 17.939476196078495, + "nauc_map_at_5_std": 14.130589132632698, + "nauc_mrr_at_1000_diff1": 10.813072323683013, + "nauc_mrr_at_1000_max": 18.08332318614462, + "nauc_mrr_at_1000_std": 15.553043223942819, + "nauc_mrr_at_100_diff1": 10.77091057430458, + "nauc_mrr_at_100_max": 18.055798185778123, + "nauc_mrr_at_100_std": 15.547068262312003, + "nauc_mrr_at_10_diff1": 10.683272018434048, + "nauc_mrr_at_10_max": 18.142476171157714, + "nauc_mrr_at_10_std": 15.160871943210017, + "nauc_mrr_at_1_diff1": 15.136874216646229, + "nauc_mrr_at_1_max": 19.68585969419655, + "nauc_mrr_at_1_std": 15.169957564848444, + "nauc_mrr_at_20_diff1": 11.04316522915875, + "nauc_mrr_at_20_max": 17.817024791267443, + "nauc_mrr_at_20_std": 15.071246935999893, + "nauc_mrr_at_3_diff1": 8.893328353778843, + "nauc_mrr_at_3_max": 16.402408590507946, + "nauc_mrr_at_3_std": 14.631998787185735, + "nauc_mrr_at_5_diff1": 9.802455874823172, + "nauc_mrr_at_5_max": 17.939476196078495, + "nauc_mrr_at_5_std": 14.130589132632698, + "nauc_ndcg_at_1000_diff1": 11.202853727201774, + "nauc_ndcg_at_1000_max": 19.0293189527563, + "nauc_ndcg_at_1000_std": 18.390388750658357, + "nauc_ndcg_at_100_diff1": 10.087335018055228, + "nauc_ndcg_at_100_max": 18.78516003607274, + "nauc_ndcg_at_100_std": 18.780357674944415, + "nauc_ndcg_at_10_diff1": 10.574953671198443, + "nauc_ndcg_at_10_max": 18.572291623672044, + "nauc_ndcg_at_10_std": 15.808055075116057, + "nauc_ndcg_at_1_diff1": 15.136874216646229, + "nauc_ndcg_at_1_max": 19.68585969419655, + "nauc_ndcg_at_1_std": 15.169957564848444, + "nauc_ndcg_at_20_diff1": 11.86104023461335, + "nauc_ndcg_at_20_max": 17.436985589044458, + "nauc_ndcg_at_20_std": 15.588720372098383, + "nauc_ndcg_at_3_diff1": 7.212552449189805, + "nauc_ndcg_at_3_max": 15.573909877641508, + "nauc_ndcg_at_3_std": 14.53705493856145, + "nauc_ndcg_at_5_diff1": 8.778923731622235, + "nauc_ndcg_at_5_max": 18.140995131168534, + "nauc_ndcg_at_5_std": 13.608313703781533, + "nauc_precision_at_1000_diff1": 21.242679241621413, + "nauc_precision_at_1000_max": 28.358433127289924, + "nauc_precision_at_1000_std": 43.82822797432329, + "nauc_precision_at_100_diff1": 6.627014646720404, + "nauc_precision_at_100_max": 22.40433487802035, + "nauc_precision_at_100_std": 34.933889742457595, + "nauc_precision_at_10_diff1": 10.885683410075934, + "nauc_precision_at_10_max": 19.96889041019717, + "nauc_precision_at_10_std": 17.798863824564464, + "nauc_precision_at_1_diff1": 15.136874216646229, + "nauc_precision_at_1_max": 19.68585969419655, + "nauc_precision_at_1_std": 15.169957564848444, + "nauc_precision_at_20_diff1": 15.496066928172066, + "nauc_precision_at_20_max": 16.03026652303162, + "nauc_precision_at_20_std": 17.26605341902364, + "nauc_precision_at_3_diff1": 2.968469300914268, + "nauc_precision_at_3_max": 13.49791571660617, + "nauc_precision_at_3_std": 14.311739399090806, + "nauc_precision_at_5_diff1": 6.502154730668018, + "nauc_precision_at_5_max": 18.889080152631124, + "nauc_precision_at_5_std": 12.221319698087786, + "nauc_recall_at_1000_diff1": 21.242679241621435, + "nauc_recall_at_1000_max": 28.358433127289974, + "nauc_recall_at_1000_std": 43.82822797432328, + "nauc_recall_at_100_diff1": 6.62701464672039, + "nauc_recall_at_100_max": 22.404334878020286, + "nauc_recall_at_100_std": 34.93388974245755, + "nauc_recall_at_10_diff1": 10.885683410075906, + "nauc_recall_at_10_max": 19.968890410197133, + "nauc_recall_at_10_std": 17.7988638245644, + "nauc_recall_at_1_diff1": 15.136874216646229, + "nauc_recall_at_1_max": 19.68585969419655, + "nauc_recall_at_1_std": 15.169957564848444, + "nauc_recall_at_20_diff1": 15.49606692817206, + "nauc_recall_at_20_max": 16.030266523031628, + "nauc_recall_at_20_std": 17.26605341902362, + "nauc_recall_at_3_diff1": 2.968469300914263, + "nauc_recall_at_3_max": 13.497915716606142, + "nauc_recall_at_3_std": 14.31173939909079, + "nauc_recall_at_5_diff1": 6.50215473066801, + "nauc_recall_at_5_max": 18.889080152631095, + "nauc_recall_at_5_std": 12.221319698087767, + "ndcg_at_1": 17.116999999999997, + "ndcg_at_10": 28.524, + "ndcg_at_100": 33.476, + "ndcg_at_1000": 36.012, + "ndcg_at_20": 30.820999999999998, + "ndcg_at_3": 22.721, + "ndcg_at_5": 26.596999999999998, + "precision_at_1": 17.116999999999997, + "precision_at_10": 4.234, + "precision_at_100": 0.658, + "precision_at_1000": 0.086, + "precision_at_20": 2.568, + "precision_at_3": 9.009, + "precision_at_5": 7.297, + "recall_at_1": 17.116999999999997, + "recall_at_10": 42.342, + "recall_at_100": 65.766, + "recall_at_1000": 86.036, + "recall_at_20": 51.351, + "recall_at_3": 27.027, + "recall_at_5": 36.486000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/Banking77Classification.json b/results/BAAI__bge-multilingual-gemma2/external/Banking77Classification.json new file mode 100644 index 000000000..cb1250583 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/Banking77Classification.json @@ -0,0 +1,21 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.53246753246755, + "accuracy_stderr": 0.5488837781559508, + "f1": 92.5143182074032, + "f1_stderr": 0.5657577980223147, + "main_score": 92.53246753246755 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/BiorxivClusteringP2P.json b/results/BAAI__bge-multilingual-gemma2/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..803bbd2be --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/BiorxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 52.64099497480452, + "v_measure": 52.64099497480452, + "v_measure_std": 1.081892399559334 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/BiorxivClusteringS2S.json b/results/BAAI__bge-multilingual-gemma2/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..a4ce156dd --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/BiorxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 49.1972734308178, + "v_measure": 49.1972734308178, + "v_measure_std": 0.9081245477708283 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/CBD.json b/results/BAAI__bge-multilingual-gemma2/external/CBD.json new file mode 100644 index 000000000..8af48883c --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/CBD.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "36ddb419bcffe6a5374c3891957912892916f28d", + "task_name": "CBD", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 84.13000000000001, + "ap": 38.21674564144456, + "ap_weighted": 38.21674564144456, + "f1": 73.58128735002478, + "f1_weighted": 85.75596717538494, + "main_score": 84.13000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/CDSC-E.json b/results/BAAI__bge-multilingual-gemma2/external/CDSC-E.json new file mode 100644 index 000000000..06bb848f4 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/CDSC-E.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "0a3d4aa409b22f80eb22cbf59b492637637b536d", + "task_name": "CDSC-E", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cosine_accuracy": 89.0, + "cosine_accuracy_threshold": 95.30268088769837, + "cosine_ap": 78.23422403821777, + "cosine_f1": 69.23076923076923, + "cosine_f1_threshold": 87.1877340095262, + "cosine_precision": 67.5, + "cosine_recall": 71.05263157894737, + "dot_accuracy": 88.3, + "dot_accuracy_threshold": 2472000.0, + "dot_ap": 74.26705897704197, + "dot_f1": 66.49874055415617, + "dot_f1_threshold": 2316800.0, + "dot_precision": 63.76811594202898, + "dot_recall": 69.47368421052632, + "euclidean_accuracy": 89.2, + "euclidean_accuracy_threshold": 6878.705188647788, + "euclidean_ap": 78.51718555534579, + "euclidean_f1": 69.54314720812182, + "euclidean_f1_threshold": 8323.035838252725, + "euclidean_precision": 67.15686274509804, + "euclidean_recall": 72.10526315789474, + "main_score": 78.51718555534579, + "manhattan_accuracy": 89.2, + "manhattan_accuracy_threshold": 326812.48528957367, + "manhattan_ap": 78.50895632545628, + "manhattan_f1": 69.84924623115577, + "manhattan_f1_threshold": 398102.616417408, + "manhattan_precision": 66.82692307692307, + "manhattan_recall": 73.15789473684211, + "max_ap": 78.51718555534579, + "max_f1": 69.84924623115577, + "max_precision": 67.5, + "max_recall": 73.15789473684211, + "similarity_accuracy": 89.0, + "similarity_accuracy_threshold": 95.30268088769837, + "similarity_ap": 78.23422403821777, + "similarity_f1": 69.23076923076923, + "similarity_f1_threshold": 87.1877340095262, + "similarity_precision": 67.5, + "similarity_recall": 71.05263157894737 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/CDSC-R.json b/results/BAAI__bge-multilingual-gemma2/external/CDSC-R.json new file mode 100644 index 000000000..ca63cdf5a --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/CDSC-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "1cd6abbb00df7d14be3dbd76a7dcc64b3a79a7cd", + "task_name": "CDSC-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cosine_pearson": 91.04238667979497, + "cosine_spearman": 90.96758456402505, + "euclidean_pearson": 88.88396869759062, + "euclidean_spearman": 90.80235709678217, + "main_score": 90.96758456402505, + "manhattan_pearson": 88.91331977492183, + "manhattan_spearman": 90.82823486754444, + "pearson": 91.04238667979497, + "spearman": 90.96758456402505 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/CLSClusteringP2P.json b/results/BAAI__bge-multilingual-gemma2/external/CLSClusteringP2P.json new file mode 100644 index 000000000..b5f25507f --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/CLSClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4b6227591c6c1a73bc76b1055f3b7f3588e72476", + "task_name": "CLSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 54.64518394835408, + "v_measure": 54.64518394835408, + "v_measure_std": 1.2745946640208072 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/CLSClusteringS2S.json b/results/BAAI__bge-multilingual-gemma2/external/CLSClusteringS2S.json new file mode 100644 index 000000000..472108655 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/CLSClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e458b3f5414b62b7f9f83499ac1f5497ae2e869f", + "task_name": "CLSClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 63.68323477729556, + "v_measure": 63.68323477729556, + "v_measure_std": 1.740918833098302 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/ClimateFEVER.json b/results/BAAI__bge-multilingual-gemma2/external/ClimateFEVER.json new file mode 100644 index 000000000..7d5ea2649 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/ClimateFEVER.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 39.37204193531481, + "ndcg_at_1": 35.11400651465798, + "ndcg_at_3": 32.36672790229743, + "ndcg_at_5": 34.79369234162357, + "ndcg_at_10": 39.37204193531481, + "ndcg_at_100": 47.544500439419124, + "ndcg_at_1000": 50.305733346049855, + "map_at_1": 15.516829533116216, + "map_at_3": 23.73669923995656, + "map_at_5": 26.43208469055373, + "map_at_10": 28.912036175309773, + "map_at_100": 31.413762299240894, + "map_at_1000": 31.596796093997014, + "precision_at_1": 35.11400651465798, + "precision_at_3": 24.994571118349487, + "precision_at_5": 19.231270358305956, + "precision_at_10": 12.690553745928165, + "precision_at_100": 2.1576547231270466, + "precision_at_1000": 0.2676221498371306, + "recall_at_1": 15.516829533116216, + "recall_at_3": 29.994571118349512, + "recall_at_5": 37.14223669923993, + "recall_at_10": 47.29207383279043, + "recall_at_100": 74.37133550488598, + "recall_at_1000": 89.41585233441913 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/CmedqaRetrieval.json b/results/BAAI__bge-multilingual-gemma2/external/CmedqaRetrieval.json new file mode 100644 index 000000000..1c2a866b4 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/CmedqaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "cd540c506dae1cf9e9a59c3e06f42030d54e7301", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 24.191, + "map_at_10": 35.819, + "map_at_100": 37.639, + "map_at_1000": 37.775, + "map_at_3": 32.045, + "map_at_5": 34.008, + "mrr_at_1": 36.684, + "mrr_at_10": 44.769, + "mrr_at_100": 45.754, + "mrr_at_1000": 45.809, + "mrr_at_3": 42.465, + "mrr_at_5": 43.696, + "ndcg_at_1": 36.834, + "ndcg_at_10": 42.208, + "ndcg_at_100": 49.507, + "ndcg_at_1000": 51.834, + "ndcg_at_3": 37.416, + "ndcg_at_5": 39.152, + "precision_at_1": 36.834, + "precision_at_10": 9.357, + "precision_at_100": 1.5310000000000001, + "precision_at_1000": 0.183, + "precision_at_3": 21.08, + "precision_at_5": 15.068999999999999, + "recall_at_1": 24.191, + "recall_at_10": 52.078, + "recall_at_100": 82.548, + "recall_at_1000": 98.017, + "recall_at_3": 37.484, + "recall_at_5": 43.187, + "main_score": 42.208 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/Cmnli.json b/results/BAAI__bge-multilingual-gemma2/external/Cmnli.json new file mode 100644 index 000000000..369244a78 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/Cmnli.json @@ -0,0 +1,48 @@ +{ + "dataset_revision": "41bc36f332156f7adc9e38f53777c959b2ae9766", + "task_name": "Cmnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 81.98436560432953, + "cos_sim_accuracy_threshold": 67.33228049687503, + "cos_sim_ap": 90.13312662430796, + "cos_sim_f1": 83.2163938077737, + "cos_sim_f1_threshold": 64.44945196171463, + "cos_sim_precision": 79.45555082943429, + "cos_sim_recall": 87.350946925415, + "dot_accuracy": 80.50511124473843, + "dot_accuracy_threshold": 1736000.0, + "dot_ap": 88.76136186445322, + "dot_f1": 81.75838631878973, + "dot_f1_threshold": 1681600.0, + "dot_precision": 76.96594427244582, + "dot_recall": 87.18728080430208, + "euclidean_accuracy": 82.21286831028262, + "euclidean_accuracy_threshold": 13240.938473272565, + "euclidean_ap": 90.14863232280865, + "euclidean_f1": 83.277292086976, + "euclidean_f1_threshold": 13667.852165734186, + "euclidean_precision": 79.97847147470398, + "euclidean_recall": 86.85994856207621, + "manhattan_accuracy": 82.21286831028262, + "manhattan_accuracy_threshold": 629412.1389746666, + "manhattan_ap": 90.03868533208357, + "manhattan_f1": 83.15683870248579, + "manhattan_f1_threshold": 649621.3114321232, + "manhattan_precision": 79.46314443971026, + "manhattan_recall": 87.21066167874679, + "max_accuracy": 82.21286831028262, + "max_ap": 90.14863232280865, + "max_f1": 83.277292086976, + "main_score": 82.21286831028262 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/CovidRetrieval.json b/results/BAAI__bge-multilingual-gemma2/external/CovidRetrieval.json new file mode 100644 index 000000000..d7243793a --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/CovidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "1271c7809071a13532e05f25fb53511ffce77117", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 65.595, + "map_at_10": 73.717, + "map_at_100": 74.134, + "map_at_1000": 74.143, + "map_at_3": 71.97, + "map_at_5": 73.11800000000001, + "mrr_at_1": 65.648, + "mrr_at_10": 73.618, + "mrr_at_100": 74.02499999999999, + "mrr_at_1000": 74.033, + "mrr_at_3": 71.865, + "mrr_at_5": 73.04, + "ndcg_at_1": 65.753, + "ndcg_at_10": 77.458, + "ndcg_at_100": 79.46, + "ndcg_at_1000": 79.666, + "ndcg_at_3": 73.988, + "ndcg_at_5": 76.038, + "precision_at_1": 65.753, + "precision_at_10": 8.999, + "precision_at_100": 0.9939999999999999, + "precision_at_1000": 0.101, + "precision_at_3": 26.765, + "precision_at_5": 17.092, + "recall_at_1": 65.595, + "recall_at_10": 89.041, + "recall_at_100": 98.31400000000001, + "recall_at_1000": 99.895, + "recall_at_3": 79.768, + "recall_at_5": 84.66799999999999, + "main_score": 77.458 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/DBPedia-PL.json b/results/BAAI__bge-multilingual-gemma2/external/DBPedia-PL.json new file mode 100644 index 000000000..6247d0e52 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/DBPedia-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "76afe41d9af165cc40999fcaa92312b8b012064a", + "task_name": "DBPedia-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 43.189, + "map_at_1": 8.838, + "map_at_10": 20.335, + "map_at_100": 29.818, + "map_at_1000": 31.672, + "map_at_20": 24.037, + "map_at_3": 14.144000000000002, + "map_at_5": 16.674, + "mrr_at_1": 66.25, + "mrr_at_10": 74.51428571428573, + "mrr_at_100": 74.85025528596333, + "mrr_at_1000": 74.861579760375, + "mrr_at_20": 74.75227906231197, + "mrr_at_3": 73.25, + "mrr_at_5": 73.825, + "nauc_map_at_1000_diff1": 25.397956304548963, + "nauc_map_at_1000_max": 34.60045634629073, + "nauc_map_at_1000_std": 25.484338507029523, + "nauc_map_at_100_diff1": 26.732402811074362, + "nauc_map_at_100_max": 33.16273154550298, + "nauc_map_at_100_std": 22.705558316419694, + "nauc_map_at_10_diff1": 31.048350740517666, + "nauc_map_at_10_max": 20.58247280790142, + "nauc_map_at_10_std": -0.3057740988996755, + "nauc_map_at_1_diff1": 37.44384898753489, + "nauc_map_at_1_max": 2.009066872007797, + "nauc_map_at_1_std": -18.38972044447374, + "nauc_map_at_20_diff1": 29.145950023489974, + "nauc_map_at_20_max": 25.337239700245075, + "nauc_map_at_20_std": 7.680343084384305, + "nauc_map_at_3_diff1": 32.41886776815376, + "nauc_map_at_3_max": 8.976460728750666, + "nauc_map_at_3_std": -14.206927116348458, + "nauc_map_at_5_diff1": 31.316919153957873, + "nauc_map_at_5_max": 14.015365438005226, + "nauc_map_at_5_std": -8.909007562143335, + "nauc_mrr_at_1000_diff1": 42.77521158292109, + "nauc_mrr_at_1000_max": 58.03733674934908, + "nauc_mrr_at_1000_std": 42.65118460573791, + "nauc_mrr_at_100_diff1": 42.76917109803571, + "nauc_mrr_at_100_max": 58.04747433083853, + "nauc_mrr_at_100_std": 42.65151388365855, + "nauc_mrr_at_10_diff1": 42.4992726119988, + "nauc_mrr_at_10_max": 58.157080658302974, + "nauc_mrr_at_10_std": 42.98778606676595, + "nauc_mrr_at_1_diff1": 46.67764597969527, + "nauc_mrr_at_1_max": 54.52896662427813, + "nauc_mrr_at_1_std": 35.71181387979735, + "nauc_mrr_at_20_diff1": 42.79101300218034, + "nauc_mrr_at_20_max": 58.05679669975563, + "nauc_mrr_at_20_std": 42.72288886007032, + "nauc_mrr_at_3_diff1": 41.85440967628899, + "nauc_mrr_at_3_max": 57.975577899726126, + "nauc_mrr_at_3_std": 43.523432037784985, + "nauc_mrr_at_5_diff1": 42.3041465494315, + "nauc_mrr_at_5_max": 58.54530113479029, + "nauc_mrr_at_5_std": 43.2944834223015, + "nauc_ndcg_at_1000_diff1": 32.16216922989725, + "nauc_ndcg_at_1000_max": 50.03467332768009, + "nauc_ndcg_at_1000_std": 42.87877265207483, + "nauc_ndcg_at_100_diff1": 33.55193527551313, + "nauc_ndcg_at_100_max": 45.12048953873363, + "nauc_ndcg_at_100_std": 34.788021436199024, + "nauc_ndcg_at_10_diff1": 31.14168233882658, + "nauc_ndcg_at_10_max": 45.31079148382448, + "nauc_ndcg_at_10_std": 28.555214349385466, + "nauc_ndcg_at_1_diff1": 45.12481069889602, + "nauc_ndcg_at_1_max": 45.93377570654117, + "nauc_ndcg_at_1_std": 26.672617000885186, + "nauc_ndcg_at_20_diff1": 31.81216979830056, + "nauc_ndcg_at_20_max": 41.93464767693644, + "nauc_ndcg_at_20_std": 26.08707327004535, + "nauc_ndcg_at_3_diff1": 29.90627202771331, + "nauc_ndcg_at_3_max": 46.50414958925517, + "nauc_ndcg_at_3_std": 29.66009841753563, + "nauc_ndcg_at_5_diff1": 29.08122779713697, + "nauc_ndcg_at_5_max": 46.81499760516951, + "nauc_ndcg_at_5_std": 29.935930977468267, + "nauc_precision_at_1000_diff1": -18.71150014402453, + "nauc_precision_at_1000_max": -0.9220395765472844, + "nauc_precision_at_1000_std": 7.219897945975822, + "nauc_precision_at_100_diff1": -8.609528664023014, + "nauc_precision_at_100_max": 29.147048677242864, + "nauc_precision_at_100_std": 44.958041507680036, + "nauc_precision_at_10_diff1": 2.8689201908213477, + "nauc_precision_at_10_max": 44.40893361361308, + "nauc_precision_at_10_std": 47.18569807586499, + "nauc_precision_at_1_diff1": 46.01228536231763, + "nauc_precision_at_1_max": 54.30280987857099, + "nauc_precision_at_1_std": 36.923128493492776, + "nauc_precision_at_20_diff1": -1.9783515948740122, + "nauc_precision_at_20_max": 38.42066921295958, + "nauc_precision_at_20_std": 47.41935674153161, + "nauc_precision_at_3_diff1": 9.877584475384026, + "nauc_precision_at_3_max": 44.77006526403546, + "nauc_precision_at_3_std": 39.51299545977156, + "nauc_precision_at_5_diff1": 5.096217475317008, + "nauc_precision_at_5_max": 45.66716959157208, + "nauc_precision_at_5_std": 42.651208343259505, + "nauc_recall_at_1000_diff1": 25.395292649442965, + "nauc_recall_at_1000_max": 44.94193476114992, + "nauc_recall_at_1000_std": 53.58345238223027, + "nauc_recall_at_100_diff1": 23.962022146293293, + "nauc_recall_at_100_max": 32.15140842028602, + "nauc_recall_at_100_std": 30.57126984952762, + "nauc_recall_at_10_diff1": 28.120539807446004, + "nauc_recall_at_10_max": 18.154834280193572, + "nauc_recall_at_10_std": -0.6032386653260938, + "nauc_recall_at_1_diff1": 37.44384898753489, + "nauc_recall_at_1_max": 2.009066872007797, + "nauc_recall_at_1_std": -18.38972044447374, + "nauc_recall_at_20_diff1": 23.438945970294554, + "nauc_recall_at_20_max": 17.201259624644326, + "nauc_recall_at_20_std": 3.75587033487961, + "nauc_recall_at_3_diff1": 29.867460507200587, + "nauc_recall_at_3_max": 8.066960542463528, + "nauc_recall_at_3_std": -15.13440571172203, + "nauc_recall_at_5_diff1": 28.657118879661887, + "nauc_recall_at_5_max": 12.942552735963842, + "nauc_recall_at_5_std": -9.57735672972808, + "ndcg_at_1": 54.50000000000001, + "ndcg_at_10": 43.189, + "ndcg_at_100": 48.595, + "ndcg_at_1000": 55.681000000000004, + "ndcg_at_20": 43.09, + "ndcg_at_3": 47.599000000000004, + "ndcg_at_5": 44.907000000000004, + "precision_at_1": 66.5, + "precision_at_10": 35.725, + "precision_at_100": 11.583, + "precision_at_1000": 2.302, + "precision_at_20": 27.375, + "precision_at_3": 52.0, + "precision_at_5": 44.7, + "recall_at_1": 8.838, + "recall_at_10": 25.424999999999997, + "recall_at_100": 55.632000000000005, + "recall_at_1000": 77.857, + "recall_at_20": 34.458, + "recall_at_3": 15.229999999999999, + "recall_at_5": 18.872 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/DBPedia.json b/results/BAAI__bge-multilingual-gemma2/external/DBPedia.json new file mode 100644 index 000000000..203f94049 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/DBPedia.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 51.36940792375597, + "ndcg_at_1": 65.125, + "ndcg_at_3": 55.3967569049025, + "ndcg_at_5": 53.09668587926677, + "ndcg_at_10": 51.36940792375597, + "ndcg_at_100": 56.69623269243084, + "ndcg_at_1000": 63.481061270842, + "map_at_1": 10.265595545755545, + "map_at_3": 16.776544233350698, + "map_at_5": 20.184523605272798, + "map_at_10": 24.772797659849264, + "map_at_100": 36.72689012514183, + "map_at_1000": 38.73869985105569, + "precision_at_1": 77.5, + "precision_at_3": 59.75000000000003, + "precision_at_5": 52.849999999999994, + "precision_at_10": 42.47499999999995, + "precision_at_100": 13.614999999999993, + "precision_at_1000": 2.500749999999998, + "recall_at_1": 10.265595545755545, + "recall_at_3": 17.819804963534246, + "recall_at_5": 22.46124219601634, + "recall_at_10": 30.44583516613163, + "recall_at_100": 63.84118006287797, + "recall_at_1000": 85.06450356093833 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/DuRetrieval.json b/results/BAAI__bge-multilingual-gemma2/external/DuRetrieval.json new file mode 100644 index 000000000..48936b9e7 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/DuRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "a1a333e290fe30b10f3f56498e3a0d911a693ced", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 27.248, + "map_at_10": 84.303, + "map_at_100": 86.866, + "map_at_1000": 86.888, + "map_at_3": 58.658, + "map_at_5": 74.265, + "mrr_at_1": 92.2, + "mrr_at_10": 94.733, + "mrr_at_100": 94.767, + "mrr_at_1000": 94.768, + "mrr_at_3": 94.492, + "mrr_at_5": 94.627, + "ndcg_at_1": 92.2, + "ndcg_at_10": 90.462, + "ndcg_at_100": 92.562, + "ndcg_at_1000": 92.757, + "ndcg_at_3": 89.44800000000001, + "ndcg_at_5": 88.683, + "precision_at_1": 92.2, + "precision_at_10": 42.980000000000004, + "precision_at_100": 4.851, + "precision_at_1000": 0.49, + "precision_at_3": 80.233, + "precision_at_5": 67.95, + "recall_at_1": 27.248, + "recall_at_10": 91.46600000000001, + "recall_at_100": 98.566, + "recall_at_1000": 99.557, + "recall_at_3": 60.671, + "recall_at_5": 78.363, + "main_score": 90.462 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/EcomRetrieval.json b/results/BAAI__bge-multilingual-gemma2/external/EcomRetrieval.json new file mode 100644 index 000000000..bb635f8bb --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/EcomRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "687de13dc7294d6fd9be10c6945f9e8fec8166b9", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 54.7, + "map_at_10": 64.574, + "map_at_100": 65.144, + "map_at_1000": 65.156, + "map_at_3": 62.333000000000006, + "map_at_5": 63.63799999999999, + "mrr_at_1": 54.7, + "mrr_at_10": 64.603, + "mrr_at_100": 65.172, + "mrr_at_1000": 65.184, + "mrr_at_3": 62.383, + "mrr_at_5": 63.683, + "ndcg_at_1": 54.7, + "ndcg_at_10": 69.298, + "ndcg_at_100": 71.81, + "ndcg_at_1000": 72.117, + "ndcg_at_3": 64.72099999999999, + "ndcg_at_5": 67.071, + "precision_at_1": 54.7, + "precision_at_10": 8.41, + "precision_at_100": 0.9530000000000001, + "precision_at_1000": 0.098, + "precision_at_3": 23.867, + "precision_at_5": 15.459999999999999, + "recall_at_1": 54.7, + "recall_at_10": 84.1, + "recall_at_100": 95.3, + "recall_at_1000": 97.7, + "recall_at_3": 71.6, + "recall_at_5": 77.3, + "main_score": 69.298 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/EmotionClassification.json b/results/BAAI__bge-multilingual-gemma2/external/EmotionClassification.json new file mode 100644 index 000000000..e3f1a9eac --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/EmotionClassification.json @@ -0,0 +1,21 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.975, + "accuracy_stderr": 0.5287958017987677, + "f1": 89.29755895896542, + "f1_stderr": 0.6485027046025079, + "main_score": 92.975 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/FEVER.json b/results/BAAI__bge-multilingual-gemma2/external/FEVER.json new file mode 100644 index 000000000..93169953e --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/FEVER.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 90.38165339181239, + "ndcg_at_1": 84.86348634863486, + "ndcg_at_3": 88.98667069230609, + "ndcg_at_5": 89.86028996734895, + "ndcg_at_10": 90.38165339181239, + "ndcg_at_100": 90.99655378684439, + "ndcg_at_1000": 91.15536362599602, + "map_at_1": 78.8556296105801, + "map_at_3": 86.24061810942983, + "map_at_5": 86.94776680048933, + "map_at_10": 87.26956235873007, + "map_at_100": 87.47986397174834, + "map_at_1000": 87.4897076664281, + "precision_at_1": 84.86348634863486, + "precision_at_3": 34.02340234023296, + "precision_at_5": 21.10411041104359, + "precision_at_10": 10.828082808282083, + "precision_at_100": 1.1381638163816703, + "precision_at_1000": 0.11662166216622569, + "recall_at_1": 78.8556296105801, + "recall_at_3": 92.34465708475605, + "recall_at_5": 94.58010682020583, + "recall_at_10": 96.10713452297611, + "recall_at_100": 98.31672452959585, + "recall_at_1000": 99.25967001462051 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/FiQA-PL.json b/results/BAAI__bge-multilingual-gemma2/external/FiQA-PL.json new file mode 100644 index 000000000..6b9debef3 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/FiQA-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "2e535829717f8bf9dc829b7f911cc5bbd4e6608e", + "task_name": "FiQA-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 46.121, + "map_at_1": 24.027, + "map_at_10": 38.14, + "map_at_100": 40.092, + "map_at_1000": 40.266000000000005, + "map_at_20": 39.195, + "map_at_3": 33.415, + "map_at_5": 36.115, + "mrr_at_1": 46.60493827160494, + "mrr_at_10": 54.70305457573974, + "mrr_at_100": 55.355642920233414, + "mrr_at_1000": 55.3908291424442, + "mrr_at_20": 55.00793641725012, + "mrr_at_3": 52.3148148148148, + "mrr_at_5": 53.54166666666664, + "nauc_map_at_1000_diff1": 37.73510043188139, + "nauc_map_at_1000_max": 28.32920495001755, + "nauc_map_at_1000_std": 2.1388839190211293, + "nauc_map_at_100_diff1": 37.670108404247685, + "nauc_map_at_100_max": 28.227406812543826, + "nauc_map_at_100_std": 2.120931632442644, + "nauc_map_at_10_diff1": 37.465256098544174, + "nauc_map_at_10_max": 27.091226456549666, + "nauc_map_at_10_std": 1.1173775566235409, + "nauc_map_at_1_diff1": 41.23855326212752, + "nauc_map_at_1_max": 21.290748552864557, + "nauc_map_at_1_std": -0.8385928448565472, + "nauc_map_at_20_diff1": 37.47054494805535, + "nauc_map_at_20_max": 27.729045702955386, + "nauc_map_at_20_std": 1.7216485460777051, + "nauc_map_at_3_diff1": 37.262641031829105, + "nauc_map_at_3_max": 23.89124216989901, + "nauc_map_at_3_std": -0.14736489529369678, + "nauc_map_at_5_diff1": 37.054030521972926, + "nauc_map_at_5_max": 25.37485175729055, + "nauc_map_at_5_std": 0.1603899014557275, + "nauc_mrr_at_1000_diff1": 45.74249029214392, + "nauc_mrr_at_1000_max": 36.07619933100338, + "nauc_mrr_at_1000_std": 4.393752835100674, + "nauc_mrr_at_100_diff1": 45.72338919745602, + "nauc_mrr_at_100_max": 36.07500193737586, + "nauc_mrr_at_100_std": 4.415904610787372, + "nauc_mrr_at_10_diff1": 45.712821401955814, + "nauc_mrr_at_10_max": 36.077633940467855, + "nauc_mrr_at_10_std": 4.31515612100577, + "nauc_mrr_at_1_diff1": 48.95197646135339, + "nauc_mrr_at_1_max": 37.627960253727124, + "nauc_mrr_at_1_std": 4.355410396712492, + "nauc_mrr_at_20_diff1": 45.657031672968316, + "nauc_mrr_at_20_max": 36.02034080808377, + "nauc_mrr_at_20_std": 4.291569107759258, + "nauc_mrr_at_3_diff1": 46.14016248486381, + "nauc_mrr_at_3_max": 35.096997959937816, + "nauc_mrr_at_3_std": 3.473234729162835, + "nauc_mrr_at_5_diff1": 46.044456362138746, + "nauc_mrr_at_5_max": 35.54259698630834, + "nauc_mrr_at_5_std": 3.242035621890524, + "nauc_ndcg_at_1000_diff1": 39.37342092420808, + "nauc_ndcg_at_1000_max": 32.34854163612446, + "nauc_ndcg_at_1000_std": 4.9764682793258865, + "nauc_ndcg_at_100_diff1": 38.396532780365966, + "nauc_ndcg_at_100_max": 31.427345966345072, + "nauc_ndcg_at_100_std": 5.436384757156155, + "nauc_ndcg_at_10_diff1": 38.33852883060773, + "nauc_ndcg_at_10_max": 29.405844267873825, + "nauc_ndcg_at_10_std": 2.9724473995284453, + "nauc_ndcg_at_1_diff1": 49.360894087944914, + "nauc_ndcg_at_1_max": 37.10711812240423, + "nauc_ndcg_at_1_std": 3.8523559329866988, + "nauc_ndcg_at_20_diff1": 38.050204646363945, + "nauc_ndcg_at_20_max": 29.935603389108866, + "nauc_ndcg_at_20_std": 3.779925764680313, + "nauc_ndcg_at_3_diff1": 39.4668764835337, + "nauc_ndcg_at_3_max": 30.65976708125836, + "nauc_ndcg_at_3_std": 1.2337033504877237, + "nauc_ndcg_at_5_diff1": 38.86503445443355, + "nauc_ndcg_at_5_max": 29.0023578220992, + "nauc_ndcg_at_5_std": 0.8206100069462643, + "nauc_precision_at_1000_diff1": 5.84775168273073, + "nauc_precision_at_1000_max": 27.58660371315182, + "nauc_precision_at_1000_std": 9.028324162807364, + "nauc_precision_at_100_diff1": 10.655637431827838, + "nauc_precision_at_100_max": 32.11889757111383, + "nauc_precision_at_100_std": 13.051376462007925, + "nauc_precision_at_10_diff1": 20.55227291550576, + "nauc_precision_at_10_max": 34.48969436232284, + "nauc_precision_at_10_std": 7.57890876950882, + "nauc_precision_at_1_diff1": 49.360894087944914, + "nauc_precision_at_1_max": 37.10711812240423, + "nauc_precision_at_1_std": 3.8523559329866988, + "nauc_precision_at_20_diff1": 16.62880025315897, + "nauc_precision_at_20_max": 34.15703662717139, + "nauc_precision_at_20_std": 10.909431920732883, + "nauc_precision_at_3_diff1": 28.04332082306772, + "nauc_precision_at_3_max": 31.009374202971753, + "nauc_precision_at_3_std": 2.307756409916575, + "nauc_precision_at_5_diff1": 24.824270715808705, + "nauc_precision_at_5_max": 31.644036540931886, + "nauc_precision_at_5_std": 2.958068954639614, + "nauc_recall_at_1000_diff1": 23.79234063489045, + "nauc_recall_at_1000_max": 26.76365425679858, + "nauc_recall_at_1000_std": 23.815318997671913, + "nauc_recall_at_100_diff1": 22.399781833514737, + "nauc_recall_at_100_max": 23.192360958839174, + "nauc_recall_at_100_std": 15.984687692762742, + "nauc_recall_at_10_diff1": 28.512649044683837, + "nauc_recall_at_10_max": 22.77819651497193, + "nauc_recall_at_10_std": 4.646633382718951, + "nauc_recall_at_1_diff1": 41.23855326212752, + "nauc_recall_at_1_max": 21.290748552864557, + "nauc_recall_at_1_std": -0.8385928448565472, + "nauc_recall_at_20_diff1": 26.797853661700632, + "nauc_recall_at_20_max": 21.9956231017133, + "nauc_recall_at_20_std": 5.664775183514371, + "nauc_recall_at_3_diff1": 31.42511076281081, + "nauc_recall_at_3_max": 19.459398184547652, + "nauc_recall_at_3_std": -0.8592886454260257, + "nauc_recall_at_5_diff1": 29.62950699804912, + "nauc_recall_at_5_max": 19.941323519486684, + "nauc_recall_at_5_std": -0.45387351120880465, + "ndcg_at_1": 46.451, + "ndcg_at_10": 46.121, + "ndcg_at_100": 52.830999999999996, + "ndcg_at_1000": 55.557, + "ndcg_at_20": 48.535000000000004, + "ndcg_at_3": 42.178, + "ndcg_at_5": 43.406, + "precision_at_1": 46.451, + "precision_at_10": 12.562000000000001, + "precision_at_100": 1.963, + "precision_at_1000": 0.244, + "precision_at_20": 7.392, + "precision_at_3": 27.572000000000003, + "precision_at_5": 20.031, + "recall_at_1": 24.027, + "recall_at_10": 52.61900000000001, + "recall_at_100": 77.491, + "recall_at_1000": 93.55, + "recall_at_20": 59.745000000000005, + "recall_at_3": 37.765, + "recall_at_5": 44.304 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/FiQA2018.json b/results/BAAI__bge-multilingual-gemma2/external/FiQA2018.json new file mode 100644 index 000000000..26973fe47 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/FiQA2018.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 60.04205769404706, + "ndcg_at_1": 59.25925925925925, + "ndcg_at_3": 55.96637679199298, + "ndcg_at_5": 56.937223390223956, + "ndcg_at_10": 60.04205769404706, + "ndcg_at_100": 66.01619664462949, + "ndcg_at_1000": 67.59651529720728, + "map_at_1": 31.5081163692275, + "map_at_3": 45.7486689836227, + "map_at_5": 48.944906602314, + "map_at_10": 51.85427043799874, + "map_at_100": 53.92920237379484, + "map_at_1000": 54.04694438963671, + "precision_at_1": 59.25925925925925, + "precision_at_3": 37.44855967078195, + "precision_at_5": 26.913580246913547, + "precision_at_10": 16.52777777777774, + "precision_at_100": 2.2962962962962754, + "precision_at_1000": 0.2566358024691334, + "recall_at_1": 31.5081163692275, + "recall_at_3": 50.71759045138676, + "recall_at_5": 57.49321152098932, + "recall_at_10": 67.36356750245642, + "recall_at_100": 88.67335767798735, + "recall_at_1000": 97.83069725199356 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/HALClusteringS2S.json b/results/BAAI__bge-multilingual-gemma2/external/HALClusteringS2S.json new file mode 100644 index 000000000..beb01588e --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/HALClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e06ebbbb123f8144bef1a5d18796f3dec9ae2915", + "task_name": "HALClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "main_score": 28.18744772954557, + "v_measure": 28.18744772954557, + "v_measure_std": 3.239838057506439 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/HotpotQA-PL.json b/results/BAAI__bge-multilingual-gemma2/external/HotpotQA-PL.json new file mode 100644 index 000000000..ff55f2e4b --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/HotpotQA-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "a0bd479ac97b4ccb5bd6ce320c415d0bb4beb907", + "task_name": "HotpotQA-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 77.02799999999999, + "map_at_1": 41.249, + "map_at_10": 69.512, + "map_at_100": 70.291, + "map_at_1000": 70.334, + "map_at_20": 69.992, + "map_at_3": 65.751, + "map_at_5": 68.161, + "mrr_at_1": 82.4983119513842, + "mrr_at_10": 87.71202426502866, + "mrr_at_100": 87.84265780907221, + "mrr_at_1000": 87.8455843626266, + "mrr_at_20": 87.80640011547308, + "mrr_at_3": 86.94575737114536, + "mrr_at_5": 87.46770200315063, + "nauc_map_at_1000_diff1": 17.17119899625707, + "nauc_map_at_1000_max": 29.981569339485393, + "nauc_map_at_1000_std": 8.93659568948167, + "nauc_map_at_100_diff1": 17.156175947340035, + "nauc_map_at_100_max": 29.988121004348194, + "nauc_map_at_100_std": 8.967947232110745, + "nauc_map_at_10_diff1": 16.854416108818132, + "nauc_map_at_10_max": 29.784211249360194, + "nauc_map_at_10_std": 8.535227936720936, + "nauc_map_at_1_diff1": 68.01294545515707, + "nauc_map_at_1_max": 47.51019900345037, + "nauc_map_at_1_std": -1.7951406243808212, + "nauc_map_at_20_diff1": 16.993955459776572, + "nauc_map_at_20_max": 29.920806300647463, + "nauc_map_at_20_std": 8.873597327714583, + "nauc_map_at_3_diff1": 16.16514623575243, + "nauc_map_at_3_max": 27.62371849413713, + "nauc_map_at_3_std": 5.131406130565191, + "nauc_map_at_5_diff1": 16.507863832657364, + "nauc_map_at_5_max": 28.9019090072195, + "nauc_map_at_5_std": 7.2380930617814645, + "nauc_mrr_at_1000_diff1": 66.74502991743417, + "nauc_mrr_at_1000_max": 50.29274140603486, + "nauc_mrr_at_1000_std": 1.602388931386098, + "nauc_mrr_at_100_diff1": 66.7413605208101, + "nauc_mrr_at_100_max": 50.29720043419606, + "nauc_mrr_at_100_std": 1.612142495535232, + "nauc_mrr_at_10_diff1": 66.71814591414376, + "nauc_mrr_at_10_max": 50.39851050116519, + "nauc_mrr_at_10_std": 1.7339878916186384, + "nauc_mrr_at_1_diff1": 68.01294545515707, + "nauc_mrr_at_1_max": 47.627701029006225, + "nauc_mrr_at_1_std": -1.442043059079073, + "nauc_mrr_at_20_diff1": 66.72944815863312, + "nauc_mrr_at_20_max": 50.325719646409716, + "nauc_mrr_at_20_std": 1.6584317196476688, + "nauc_mrr_at_3_diff1": 66.29662294615758, + "nauc_mrr_at_3_max": 50.29363488669571, + "nauc_mrr_at_3_std": 1.1373012069481296, + "nauc_mrr_at_5_diff1": 66.70959181668684, + "nauc_mrr_at_5_max": 50.42831108375743, + "nauc_mrr_at_5_std": 1.5492429855609648, + "nauc_ndcg_at_1000_diff1": 24.337157353044912, + "nauc_ndcg_at_1000_max": 35.021784629126984, + "nauc_ndcg_at_1000_std": 11.976738067383161, + "nauc_ndcg_at_100_diff1": 23.584427352691776, + "nauc_ndcg_at_100_max": 35.12304754035805, + "nauc_ndcg_at_100_std": 12.921291623167921, + "nauc_ndcg_at_10_diff1": 22.057127915032765, + "nauc_ndcg_at_10_max": 34.09397142140321, + "nauc_ndcg_at_10_std": 11.21339882108658, + "nauc_ndcg_at_1_diff1": 68.01294545515707, + "nauc_ndcg_at_1_max": 47.51019900345037, + "nauc_ndcg_at_1_std": -1.7951406243808212, + "nauc_ndcg_at_20_diff1": 22.404347553479102, + "nauc_ndcg_at_20_max": 34.50508324969608, + "nauc_ndcg_at_20_std": 12.281993331498175, + "nauc_ndcg_at_3_diff1": 21.21895220595676, + "nauc_ndcg_at_3_max": 30.76465236403928, + "nauc_ndcg_at_3_std": 5.501903724385424, + "nauc_ndcg_at_5_diff1": 21.489825424548258, + "nauc_ndcg_at_5_max": 32.43517409935615, + "nauc_ndcg_at_5_std": 8.59021290966302, + "nauc_precision_at_1000_diff1": 9.056916578488696, + "nauc_precision_at_1000_max": 47.29861770129213, + "nauc_precision_at_1000_std": 60.06028316961357, + "nauc_precision_at_100_diff1": 6.853208191063939, + "nauc_precision_at_100_max": 40.23686318254916, + "nauc_precision_at_100_std": 44.69884156134862, + "nauc_precision_at_10_diff1": 7.7572606953149315, + "nauc_precision_at_10_max": 33.24412509121427, + "nauc_precision_at_10_std": 22.894891705425753, + "nauc_precision_at_1_diff1": 68.01294545515707, + "nauc_precision_at_1_max": 47.51019900345037, + "nauc_precision_at_1_std": -1.7951406243808212, + "nauc_precision_at_20_diff1": 6.102789021481188, + "nauc_precision_at_20_max": 34.384739158981084, + "nauc_precision_at_20_std": 29.40165302735249, + "nauc_precision_at_3_diff1": 10.004182813463276, + "nauc_precision_at_3_max": 27.07527926636925, + "nauc_precision_at_3_std": 8.034252288165805, + "nauc_precision_at_5_diff1": 8.672082689816547, + "nauc_precision_at_5_max": 29.352582129843867, + "nauc_precision_at_5_std": 14.456464951944461, + "nauc_recall_at_1000_diff1": 9.056916578488018, + "nauc_recall_at_1000_max": 47.29861770129215, + "nauc_recall_at_1000_std": 60.06028316961315, + "nauc_recall_at_100_diff1": 6.853208191063934, + "nauc_recall_at_100_max": 40.23686318254888, + "nauc_recall_at_100_std": 44.698841561348615, + "nauc_recall_at_10_diff1": 7.7572606953149394, + "nauc_recall_at_10_max": 33.244125091214286, + "nauc_recall_at_10_std": 22.894891705425863, + "nauc_recall_at_1_diff1": 68.01294545515707, + "nauc_recall_at_1_max": 47.51019900345037, + "nauc_recall_at_1_std": -1.7951406243808212, + "nauc_recall_at_20_diff1": 6.102789021481126, + "nauc_recall_at_20_max": 34.38473915898118, + "nauc_recall_at_20_std": 29.40165302735251, + "nauc_recall_at_3_diff1": 10.004182813463203, + "nauc_recall_at_3_max": 27.07527926636916, + "nauc_recall_at_3_std": 8.034252288165728, + "nauc_recall_at_5_diff1": 8.672082689816364, + "nauc_recall_at_5_max": 29.352582129843714, + "nauc_recall_at_5_std": 14.4564649519445, + "ndcg_at_1": 82.498, + "ndcg_at_10": 77.02799999999999, + "ndcg_at_100": 79.593, + "ndcg_at_1000": 80.372, + "ndcg_at_20": 78.194, + "ndcg_at_3": 71.932, + "ndcg_at_5": 74.878, + "precision_at_1": 82.498, + "precision_at_10": 16.289, + "precision_at_100": 1.8259999999999998, + "precision_at_1000": 0.193, + "precision_at_20": 8.519, + "precision_at_3": 46.851, + "precision_at_5": 30.436000000000003, + "recall_at_1": 41.249, + "recall_at_10": 81.44500000000001, + "recall_at_100": 91.323, + "recall_at_1000": 96.44200000000001, + "recall_at_20": 85.18599999999999, + "recall_at_3": 70.277, + "recall_at_5": 76.09 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/HotpotQA.json b/results/BAAI__bge-multilingual-gemma2/external/HotpotQA.json new file mode 100644 index 000000000..c4c8bc6d9 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/HotpotQA.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 83.26282954330777, + "ndcg_at_1": 87.5489534098582, + "ndcg_at_3": 78.7646435855166, + "ndcg_at_5": 81.41629077444277, + "ndcg_at_10": 83.26282954330777, + "ndcg_at_100": 85.2771369900158, + "ndcg_at_1000": 85.77519303747493, + "map_at_1": 43.7744767049291, + "map_at_3": 73.4661264911093, + "map_at_5": 75.7169705154168, + "map_at_10": 76.89183627536043, + "map_at_100": 77.53680315727078, + "map_at_1000": 77.5649311522075, + "precision_at_1": 87.5489534098582, + "precision_at_3": 51.74881836596788, + "precision_at_5": 33.13977042539127, + "precision_at_10": 17.492234976369023, + "precision_at_100": 1.9030384875084312, + "precision_at_1000": 0.19679945982446267, + "recall_at_1": 43.7744767049291, + "recall_at_3": 77.62322754895341, + "recall_at_5": 82.84942606347063, + "recall_at_10": 87.4611748818366, + "recall_at_100": 95.15192437542201, + "recall_at_1000": 98.39972991222147 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/IFlyTek.json b/results/BAAI__bge-multilingual-gemma2/external/IFlyTek.json new file mode 100644 index 000000000..55d8d3aa2 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/IFlyTek.json @@ -0,0 +1,21 @@ +{ + "dataset_revision": "421605374b29664c5fc098418fe20ada9bd55f8a", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 49.942285494420936, + "accuracy_stderr": 0.9218275144833329, + "f1": 41.32381790374152, + "f1_stderr": 0.8291507105327707, + "main_score": 49.942285494420936 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/ImdbClassification.json b/results/BAAI__bge-multilingual-gemma2/external/ImdbClassification.json new file mode 100644 index 000000000..29c9eedd1 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/ImdbClassification.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 96.66480000000001, + "accuracy_stderr": 0.45673204398202666, + "ap": 95.33843919456118, + "ap_stderr": 0.6449846039754393, + "f1": 96.6637668164617, + "f1_stderr": 0.45793673051468287, + "main_score": 96.66480000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/JDReview.json b/results/BAAI__bge-multilingual-gemma2/external/JDReview.json new file mode 100644 index 000000000..749527b30 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/JDReview.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "b7c64bd89eb87f8ded463478346f76731f07bf8b", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 88.91181988742964, + "accuracy_stderr": 1.952391767940518, + "ap": 60.18509628974178, + "ap_stderr": 4.273060966573582, + "f1": 84.02722221827027, + "f1_stderr": 2.238197243395083, + "main_score": 88.91181988742964 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/LCQMC.json b/results/BAAI__bge-multilingual-gemma2/external/LCQMC.json new file mode 100644 index 000000000..9ce1f8126 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/LCQMC.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "17f9b096f80380fce5ed12a9be8be7784b337daf", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 68.32691294171383, + "cosine_spearman": 75.95458618586729, + "manhattan_pearson": 74.37198807732018, + "manhattan_spearman": 75.99352157963375, + "euclidean_pearson": 74.36294627886716, + "euclidean_spearman": 75.98632511635132, + "main_score": 75.95458618586729 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/MLSUMClusteringP2P.json b/results/BAAI__bge-multilingual-gemma2/external/MLSUMClusteringP2P.json new file mode 100644 index 000000000..61b6c8ca4 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/MLSUMClusteringP2P.json @@ -0,0 +1,28 @@ +{ + "dataset_revision": "b5d54f8f3b61ae17845046286940f03c6bc79bc7", + "task_name": "MLSUMClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "main_score": 47.75009059283003, + "v_measure": 47.75009059283003, + "v_measure_std": 2.009277732690298 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "main_score": 47.46091989113078, + "v_measure": 47.46091989113078, + "v_measure_std": 2.604802270948194 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/MMarcoReranking.json b/results/BAAI__bge-multilingual-gemma2/external/MMarcoReranking.json new file mode 100644 index 000000000..cdab09050 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "8e0c766dbe9e16e1d221116a3f36795fbade07f6", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 35.4327533126161, + "mrr": 34.61507936507937, + "main_score": 35.4327533126161 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/MMarcoRetrieval.json b/results/BAAI__bge-multilingual-gemma2/external/MMarcoRetrieval.json new file mode 100644 index 000000000..a04e5f0ea --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/MMarcoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "539bbde593d947e2a124ba72651aafc09eb33fc2", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 72.652, + "map_at_10": 81.396, + "map_at_100": 81.597, + "map_at_1000": 81.60300000000001, + "map_at_3": 79.757, + "map_at_5": 80.798, + "mrr_at_1": 75.01400000000001, + "mrr_at_10": 81.842, + "mrr_at_100": 82.025, + "mrr_at_1000": 82.03099999999999, + "mrr_at_3": 80.45400000000001, + "mrr_at_5": 81.345, + "ndcg_at_1": 74.98599999999999, + "ndcg_at_10": 84.70100000000001, + "ndcg_at_100": 85.568, + "ndcg_at_1000": 85.721, + "ndcg_at_3": 81.64099999999999, + "ndcg_at_5": 83.375, + "precision_at_1": 74.98599999999999, + "precision_at_10": 10.049, + "precision_at_100": 1.047, + "precision_at_1000": 0.106, + "precision_at_3": 30.458000000000002, + "precision_at_5": 19.206, + "recall_at_1": 72.652, + "recall_at_10": 94.40899999999999, + "recall_at_100": 98.241, + "recall_at_1000": 99.42, + "recall_at_3": 86.354, + "recall_at_5": 90.472, + "main_score": 84.70100000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/MSMARCO-PL.json b/results/BAAI__bge-multilingual-gemma2/external/MSMARCO-PL.json new file mode 100644 index 000000000..befe55e80 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/MSMARCO-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "8634c07806d5cce3a6138e260e59b81760a0a640", + "task_name": "MSMARCO-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 72.695, + "map_at_1": 2.313, + "map_at_10": 16.541, + "map_at_100": 42.664, + "map_at_1000": 51.048, + "map_at_20": 25.691000000000003, + "map_at_3": 6.8580000000000005, + "map_at_5": 10.227, + "mrr_at_1": 90.69767441860465, + "mrr_at_10": 94.65116279069768, + "mrr_at_100": 94.65116279069768, + "mrr_at_1000": 94.65116279069768, + "mrr_at_20": 94.65116279069768, + "mrr_at_3": 94.18604651162791, + "mrr_at_5": 94.65116279069768, + "nauc_map_at_1000_diff1": -19.394271777832838, + "nauc_map_at_1000_max": 35.63073356621754, + "nauc_map_at_1000_std": 56.92803671553409, + "nauc_map_at_100_diff1": -7.023340458676494, + "nauc_map_at_100_max": 22.967662469404267, + "nauc_map_at_100_std": 28.64423344417142, + "nauc_map_at_10_diff1": 18.22452762970126, + "nauc_map_at_10_max": 3.235969423980127, + "nauc_map_at_10_std": -11.528499499305529, + "nauc_map_at_1_diff1": 17.90743559505749, + "nauc_map_at_1_max": -14.61627654448527, + "nauc_map_at_1_std": -24.262430292012667, + "nauc_map_at_20_diff1": 14.96422992084746, + "nauc_map_at_20_max": 11.128128185086132, + "nauc_map_at_20_std": -0.4087236026844547, + "nauc_map_at_3_diff1": 16.45733174189393, + "nauc_map_at_3_max": -14.88196784500194, + "nauc_map_at_3_std": -26.096323520383446, + "nauc_map_at_5_diff1": 17.572159494245003, + "nauc_map_at_5_max": -11.206812710229503, + "nauc_map_at_5_std": -22.27070819579704, + "nauc_mrr_at_1000_diff1": 33.66069097978205, + "nauc_mrr_at_1000_max": 43.87773602456895, + "nauc_mrr_at_1000_std": 52.33730714398662, + "nauc_mrr_at_100_diff1": 33.66069097978205, + "nauc_mrr_at_100_max": 43.87773602456895, + "nauc_mrr_at_100_std": 52.33730714398662, + "nauc_mrr_at_10_diff1": 33.66069097978205, + "nauc_mrr_at_10_max": 43.87773602456895, + "nauc_mrr_at_10_std": 52.33730714398662, + "nauc_mrr_at_1_diff1": 23.709794626749783, + "nauc_mrr_at_1_max": 35.45939642825464, + "nauc_mrr_at_1_std": 45.18790321558505, + "nauc_mrr_at_20_diff1": 33.66069097978205, + "nauc_mrr_at_20_max": 43.87773602456895, + "nauc_mrr_at_20_std": 52.33730714398662, + "nauc_mrr_at_3_diff1": 38.96783570139972, + "nauc_mrr_at_3_max": 48.367517142603624, + "nauc_mrr_at_3_std": 56.15032257246786, + "nauc_mrr_at_5_diff1": 33.66069097978205, + "nauc_mrr_at_5_max": 43.87773602456895, + "nauc_mrr_at_5_std": 52.33730714398662, + "nauc_ndcg_at_1000_diff1": -8.409227649777549, + "nauc_ndcg_at_1000_max": 55.08579408014661, + "nauc_ndcg_at_1000_std": 64.71829411541155, + "nauc_ndcg_at_100_diff1": -12.171382005828134, + "nauc_ndcg_at_100_max": 37.279599751187895, + "nauc_ndcg_at_100_std": 55.59571261330682, + "nauc_ndcg_at_10_diff1": -4.2745893875224645, + "nauc_ndcg_at_10_max": 35.61094191299521, + "nauc_ndcg_at_10_std": 31.49122710738599, + "nauc_ndcg_at_1_diff1": 34.77341575621081, + "nauc_ndcg_at_1_max": 18.418784098194983, + "nauc_ndcg_at_1_std": 3.6003144907881026, + "nauc_ndcg_at_20_diff1": -16.937600290863816, + "nauc_ndcg_at_20_max": 28.731002593372718, + "nauc_ndcg_at_20_std": 40.140028262395546, + "nauc_ndcg_at_3_diff1": 21.008563623057892, + "nauc_ndcg_at_3_max": 32.092932411602945, + "nauc_ndcg_at_3_std": 7.783159518591246, + "nauc_ndcg_at_5_diff1": 13.35248395075747, + "nauc_ndcg_at_5_max": 33.48637127489678, + "nauc_ndcg_at_5_std": 19.883656903878986, + "nauc_precision_at_1000_diff1": -34.613170483366815, + "nauc_precision_at_1000_max": 14.178980568050093, + "nauc_precision_at_1000_std": 53.45813399059421, + "nauc_precision_at_100_diff1": -40.67552345859168, + "nauc_precision_at_100_max": 23.091965607829138, + "nauc_precision_at_100_std": 62.39644907525577, + "nauc_precision_at_10_diff1": -29.61210257317124, + "nauc_precision_at_10_max": 43.992102732918255, + "nauc_precision_at_10_std": 67.25524849542518, + "nauc_precision_at_1_diff1": 23.709794626749783, + "nauc_precision_at_1_max": 35.45939642825464, + "nauc_precision_at_1_std": 45.18790321558505, + "nauc_precision_at_20_diff1": -38.29110052486433, + "nauc_precision_at_20_max": 28.73705296191401, + "nauc_precision_at_20_std": 62.12026159344505, + "nauc_precision_at_3_diff1": -4.950069185044093, + "nauc_precision_at_3_max": 35.30311413187648, + "nauc_precision_at_3_std": 37.24789627772557, + "nauc_precision_at_5_diff1": -8.259725731846123, + "nauc_precision_at_5_max": 33.985287538899314, + "nauc_precision_at_5_std": 53.59550306044433, + "nauc_recall_at_1000_diff1": -5.996961409631926, + "nauc_recall_at_1000_max": 63.118266233402764, + "nauc_recall_at_1000_std": 69.5649709802058, + "nauc_recall_at_100_diff1": 6.920650261229799, + "nauc_recall_at_100_max": 26.76777278523633, + "nauc_recall_at_100_std": 24.81349844560708, + "nauc_recall_at_10_diff1": 18.636579796911292, + "nauc_recall_at_10_max": 2.214374250576099, + "nauc_recall_at_10_std": -12.939953791707651, + "nauc_recall_at_1_diff1": 17.90743559505749, + "nauc_recall_at_1_max": -14.61627654448527, + "nauc_recall_at_1_std": -24.262430292012667, + "nauc_recall_at_20_diff1": 17.612041689452855, + "nauc_recall_at_20_max": 11.182632726686007, + "nauc_recall_at_20_std": -2.4835954401161864, + "nauc_recall_at_3_diff1": 16.773341381117, + "nauc_recall_at_3_max": -15.051242807277163, + "nauc_recall_at_3_std": -26.410274593618038, + "nauc_recall_at_5_diff1": 17.091861029537423, + "nauc_recall_at_5_max": -13.243464985211395, + "nauc_recall_at_5_std": -23.92982354951768, + "ndcg_at_1": 78.295, + "ndcg_at_10": 72.695, + "ndcg_at_100": 65.69500000000001, + "ndcg_at_1000": 73.359, + "ndcg_at_20": 69.16499999999999, + "ndcg_at_3": 76.632, + "ndcg_at_5": 74.024, + "precision_at_1": 90.69800000000001, + "precision_at_10": 81.628, + "precision_at_100": 38.116, + "precision_at_1000": 7.199999999999999, + "precision_at_20": 72.209, + "precision_at_3": 89.922, + "precision_at_5": 86.047, + "recall_at_1": 2.313, + "recall_at_10": 17.48, + "recall_at_100": 53.937000000000005, + "recall_at_1000": 80.018, + "recall_at_20": 28.081, + "recall_at_3": 6.927, + "recall_at_5": 10.575 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/MSMARCO.json b/results/BAAI__bge-multilingual-gemma2/external/MSMARCO.json new file mode 100644 index 000000000..fe4ac074d --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/MSMARCO.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 45.70688915742828, + "ndcg_at_1": 26.002865329512893, + "ndcg_at_3": 37.49665652114275, + "ndcg_at_5": 41.684045067615834, + "ndcg_at_10": 45.70688915742828, + "ndcg_at_100": 51.08932609519671, + "ndcg_at_1000": 51.98806137292924, + "map_at_1": 25.35219675262655, + "map_at_3": 34.39549506526583, + "map_at_5": 36.74936326010824, + "map_at_10": 38.44429852488596, + "map_at_100": 39.60260286311527, + "map_at_1000": 39.64076154054021, + "precision_at_1": 26.002865329512893, + "precision_at_3": 15.840496657115954, + "precision_at_5": 11.647564469914684, + "precision_at_10": 7.1275071633243705, + "precision_at_100": 0.9782234957019871, + "precision_at_1000": 0.10565902578797497, + "recall_at_1": 25.35219675262655, + "recall_at_3": 45.78438395415474, + "recall_at_5": 55.83213944603631, + "recall_at_10": 68.08500477554918, + "recall_at_100": 92.55133715377269, + "recall_at_1000": 99.29083094555875 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/MTOPDomainClassification.json b/results/BAAI__bge-multilingual-gemma2/external/MTOPDomainClassification.json new file mode 100644 index 000000000..08f495270 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/MTOPDomainClassification.json @@ -0,0 +1,31 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 98.61149110807114, + "accuracy_stderr": 0.469748178253266, + "f1": 98.4685511007568, + "f1_stderr": 0.51636776728259, + "main_score": 98.61149110807114 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 97.20325712496086, + "f1": 97.05991090368462, + "f1_weighted": 97.20748006323807, + "main_score": 97.20325712496086 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/MTOPIntentClassification.json b/results/BAAI__bge-multilingual-gemma2/external/MTOPIntentClassification.json new file mode 100644 index 000000000..6a3c857b9 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/MTOPIntentClassification.json @@ -0,0 +1,31 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 95.51299589603283, + "accuracy_stderr": 0.3591676911539482, + "f1": 85.2464691439773, + "f1_stderr": 0.9234502856695337, + "main_score": 95.51299589603283 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 93.07234575634199, + "f1": 76.54521288506878, + "f1_weighted": 93.6903586431893, + "main_score": 93.07234575634199 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/MasakhaNEWSClassification.json b/results/BAAI__bge-multilingual-gemma2/external/MasakhaNEWSClassification.json new file mode 100644 index 000000000..ad9a27f46 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/MasakhaNEWSClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "18193f187b92da67168c655c9973a165ed9593dd", + "task_name": "MasakhaNEWSClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fra", + "languages": [ + "fra-Latn" + ], + "accuracy": 82.48815165876778, + "f1": 78.71164464238117, + "f1_weighted": 82.38927389376973, + "main_score": 82.48815165876778 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/MasakhaNEWSClusteringP2P.json b/results/BAAI__bge-multilingual-gemma2/external/MasakhaNEWSClusteringP2P.json new file mode 100644 index 000000000..79b604e18 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/MasakhaNEWSClusteringP2P.json @@ -0,0 +1,28 @@ +{ + "dataset_revision": "8ccc72e69e65f40c70e117d8b3c08306bb788b60", + "task_name": "MasakhaNEWSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fra", + "languages": [ + "fra-Latn" + ], + "main_score": 73.85712952800003, + "v_measure": 73.85712952800003, + "v_measure_std": 22.471668299794416 + }, + { + "hf_subset": "fra", + "languages": [ + "fra-Latn" + ], + "main_score": 67.23960512566751, + "v_measure": 67.23960512566751, + "v_measure_std": 24.65079601360142 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/MassiveIntentClassification.json b/results/BAAI__bge-multilingual-gemma2/external/MassiveIntentClassification.json new file mode 100644 index 000000000..7cf54cd77 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/MassiveIntentClassification.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 82.04774714189644, + "accuracy_stderr": 0.7288818520309376, + "f1": 79.28060657840692, + "f1_stderr": 0.6872008571781982, + "main_score": 82.04774714189644 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 78.19098856758575, + "accuracy_stderr": 0.6325028678427684, + "f1": 74.80611425574001, + "f1_stderr": 0.9021806207904779, + "main_score": 78.19098856758575 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 79.59986550100874, + "f1": 76.0439154517916, + "f1_weighted": 79.48538292013761, + "main_score": 79.59986550100874 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 79.41492938802959, + "f1": 75.75917683785259, + "f1_weighted": 79.4156392656699, + "main_score": 79.41492938802959 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/MassiveScenarioClassification.json b/results/BAAI__bge-multilingual-gemma2/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..2c708d134 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/MassiveScenarioClassification.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 84.40147948890383, + "accuracy_stderr": 1.2939587629143627, + "f1": 83.97779287582267, + "f1_stderr": 0.9970599222060901, + "main_score": 84.40147948890383 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 82.58238063214526, + "accuracy_stderr": 1.0999970213165273, + "f1": 81.94734854057064, + "f1_stderr": 1.248633855872851, + "main_score": 82.58238063214526 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 82.182246133154, + "f1": 81.68006668655397, + "f1_weighted": 81.94775072858566, + "main_score": 82.182246133154 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 81.9334229993275, + "f1": 81.40628785444537, + "f1_weighted": 81.79807477693303, + "main_score": 81.9334229993275 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/MedicalRetrieval.json b/results/BAAI__bge-multilingual-gemma2/external/MedicalRetrieval.json new file mode 100644 index 000000000..22b562a69 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/MedicalRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "2039188fb5800a9803ba5048df7b76e6fb151fc6", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 53.7, + "map_at_10": 59.184000000000005, + "map_at_100": 59.754, + "map_at_1000": 59.8, + "map_at_3": 57.833, + "map_at_5": 58.548, + "mrr_at_1": 54.0, + "mrr_at_10": 59.352000000000004, + "mrr_at_100": 59.926, + "mrr_at_1000": 59.971, + "mrr_at_3": 57.99999999999999, + "mrr_at_5": 58.714999999999996, + "ndcg_at_1": 53.7, + "ndcg_at_10": 62.022, + "ndcg_at_100": 65.038, + "ndcg_at_1000": 66.366, + "ndcg_at_3": 59.209, + "ndcg_at_5": 60.51299999999999, + "precision_at_1": 53.7, + "precision_at_10": 7.1, + "precision_at_100": 0.856, + "precision_at_1000": 0.096, + "precision_at_3": 21.067, + "precision_at_5": 13.28, + "recall_at_1": 53.7, + "recall_at_10": 71.0, + "recall_at_100": 85.6, + "recall_at_1000": 96.3, + "recall_at_3": 63.2, + "recall_at_5": 66.4, + "main_score": 62.022 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/MedrxivClusteringP2P.json b/results/BAAI__bge-multilingual-gemma2/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..a6a9d9de4 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/MedrxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 45.80879120838561, + "v_measure": 45.80879120838561, + "v_measure_std": 1.257800489264564 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/MedrxivClusteringS2S.json b/results/BAAI__bge-multilingual-gemma2/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..4d2d90f37 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/MedrxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 44.106849261042505, + "v_measure": 44.106849261042505, + "v_measure_std": 1.4347344477874981 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/MindSmallReranking.json b/results/BAAI__bge-multilingual-gemma2/external/MindSmallReranking.json new file mode 100644 index 000000000..0c16d443b --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.794062752995345, + "mrr": 32.98581714772614, + "main_score": 31.794062752995345 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/MintakaRetrieval.json b/results/BAAI__bge-multilingual-gemma2/external/MintakaRetrieval.json new file mode 100644 index 000000000..6fd38d343 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/MintakaRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "efa78cc2f74bbcd21eff2261f9e13aebe40b814e", + "task_name": "MintakaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "main_score": 62.532, + "map_at_1": 45.823, + "map_at_10": 57.174, + "map_at_100": 57.735, + "map_at_1000": 57.767, + "map_at_20": 57.53, + "map_at_3": 54.716, + "map_at_5": 56.227000000000004, + "mrr_at_1": 45.82309582309582, + "mrr_at_10": 57.17958217958217, + "mrr_at_100": 57.744059413627866, + "mrr_at_1000": 57.776651992832605, + "mrr_at_20": 57.53890924556554, + "mrr_at_3": 54.716079716079676, + "mrr_at_5": 56.227136227136256, + "nauc_map_at_1000_diff1": 39.48401851944296, + "nauc_map_at_1000_max": 36.55276875160682, + "nauc_map_at_1000_std": 3.9173787361040913, + "nauc_map_at_100_diff1": 39.45696514871956, + "nauc_map_at_100_max": 36.55786982498759, + "nauc_map_at_100_std": 3.9506714061766557, + "nauc_map_at_10_diff1": 39.31548009319837, + "nauc_map_at_10_max": 36.75711871602276, + "nauc_map_at_10_std": 3.782911249250981, + "nauc_map_at_1_diff1": 44.190649439568766, + "nauc_map_at_1_max": 31.017419446234317, + "nauc_map_at_1_std": 0.5544388561183956, + "nauc_map_at_20_diff1": 39.443640617310585, + "nauc_map_at_20_max": 36.63799366674228, + "nauc_map_at_20_std": 3.934276303386171, + "nauc_map_at_3_diff1": 40.30871768246873, + "nauc_map_at_3_max": 36.944169455458656, + "nauc_map_at_3_std": 2.9847330185694556, + "nauc_map_at_5_diff1": 39.590461060438095, + "nauc_map_at_5_max": 36.998781454405574, + "nauc_map_at_5_std": 3.532693606637119, + "nauc_mrr_at_1000_diff1": 39.46102363098429, + "nauc_mrr_at_1000_max": 36.56900606103558, + "nauc_mrr_at_1000_std": 3.972436075561705, + "nauc_mrr_at_100_diff1": 39.43269261665982, + "nauc_mrr_at_100_max": 36.574081599242014, + "nauc_mrr_at_100_std": 4.006374171904806, + "nauc_mrr_at_10_diff1": 39.29970560564493, + "nauc_mrr_at_10_max": 36.778388879484716, + "nauc_mrr_at_10_std": 3.8335456201567206, + "nauc_mrr_at_1_diff1": 44.190649439568766, + "nauc_mrr_at_1_max": 31.017419446234317, + "nauc_mrr_at_1_std": 0.5544388561183956, + "nauc_mrr_at_20_diff1": 39.42091158484574, + "nauc_mrr_at_20_max": 36.65421566061936, + "nauc_mrr_at_20_std": 3.988695948848555, + "nauc_mrr_at_3_diff1": 40.313976315898195, + "nauc_mrr_at_3_max": 36.960483501441985, + "nauc_mrr_at_3_std": 3.0112756156560394, + "nauc_mrr_at_5_diff1": 39.56386294620379, + "nauc_mrr_at_5_max": 37.02119815939672, + "nauc_mrr_at_5_std": 3.6118004205573184, + "nauc_ndcg_at_1000_diff1": 38.05281585863137, + "nauc_ndcg_at_1000_max": 37.41178875860201, + "nauc_ndcg_at_1000_std": 5.525420555163393, + "nauc_ndcg_at_100_diff1": 37.18408005856676, + "nauc_ndcg_at_100_max": 37.617851212997685, + "nauc_ndcg_at_100_std": 6.871461890669446, + "nauc_ndcg_at_10_diff1": 36.624444841382484, + "nauc_ndcg_at_10_max": 38.62100324849529, + "nauc_ndcg_at_10_std": 6.027810657475449, + "nauc_ndcg_at_1_diff1": 44.190649439568766, + "nauc_ndcg_at_1_max": 31.017419446234317, + "nauc_ndcg_at_1_std": 0.5544388561183956, + "nauc_ndcg_at_20_diff1": 37.057047514121564, + "nauc_ndcg_at_20_max": 38.19839331454421, + "nauc_ndcg_at_20_std": 6.770369938343684, + "nauc_ndcg_at_3_diff1": 38.95821428563954, + "nauc_ndcg_at_3_max": 38.87440219376017, + "nauc_ndcg_at_3_std": 4.097498274708613, + "nauc_ndcg_at_5_diff1": 37.515589837182034, + "nauc_ndcg_at_5_max": 39.165561493023276, + "nauc_ndcg_at_5_std": 5.291512124344874, + "nauc_precision_at_1000_diff1": -13.365474882749279, + "nauc_precision_at_1000_max": 50.68568417959442, + "nauc_precision_at_1000_std": 37.847145129019054, + "nauc_precision_at_100_diff1": 12.081443207482383, + "nauc_precision_at_100_max": 43.67561356191485, + "nauc_precision_at_100_std": 44.64523987759538, + "nauc_precision_at_10_diff1": 23.20358204183261, + "nauc_precision_at_10_max": 46.93706139285088, + "nauc_precision_at_10_std": 17.36243956517301, + "nauc_precision_at_1_diff1": 44.190649439568766, + "nauc_precision_at_1_max": 31.017419446234317, + "nauc_precision_at_1_std": 0.5544388561183956, + "nauc_precision_at_20_diff1": 22.42836999246196, + "nauc_precision_at_20_max": 46.29381413041759, + "nauc_precision_at_20_std": 26.126609401922696, + "nauc_precision_at_3_diff1": 34.503018704702484, + "nauc_precision_at_3_max": 45.194775358016095, + "nauc_precision_at_3_std": 7.864444241838433, + "nauc_precision_at_5_diff1": 29.494641243672138, + "nauc_precision_at_5_max": 47.326071718857484, + "nauc_precision_at_5_std": 12.273738036245172, + "nauc_recall_at_1000_diff1": -13.365474882756335, + "nauc_recall_at_1000_max": 50.68568417959348, + "nauc_recall_at_1000_std": 37.8471451290128, + "nauc_recall_at_100_diff1": 12.08144320748251, + "nauc_recall_at_100_max": 43.675613561914986, + "nauc_recall_at_100_std": 44.645239877595564, + "nauc_recall_at_10_diff1": 23.203582041832526, + "nauc_recall_at_10_max": 46.9370613928509, + "nauc_recall_at_10_std": 17.36243956517297, + "nauc_recall_at_1_diff1": 44.190649439568766, + "nauc_recall_at_1_max": 31.017419446234317, + "nauc_recall_at_1_std": 0.5544388561183956, + "nauc_recall_at_20_diff1": 22.42836999246212, + "nauc_recall_at_20_max": 46.29381413041773, + "nauc_recall_at_20_std": 26.12660940192268, + "nauc_recall_at_3_diff1": 34.50301870470248, + "nauc_recall_at_3_max": 45.19477535801611, + "nauc_recall_at_3_std": 7.8644442418384335, + "nauc_recall_at_5_diff1": 29.494641243672216, + "nauc_recall_at_5_max": 47.32607171885759, + "nauc_recall_at_5_std": 12.273738036245142, + "ndcg_at_1": 45.823, + "ndcg_at_10": 62.532, + "ndcg_at_100": 65.298, + "ndcg_at_1000": 66.214, + "ndcg_at_20": 63.82600000000001, + "ndcg_at_3": 57.528999999999996, + "ndcg_at_5": 60.24, + "precision_at_1": 45.823, + "precision_at_10": 7.928, + "precision_at_100": 0.923, + "precision_at_1000": 0.1, + "precision_at_20": 4.22, + "precision_at_3": 21.881, + "precision_at_5": 14.438999999999998, + "recall_at_1": 45.823, + "recall_at_10": 79.279, + "recall_at_100": 92.301, + "recall_at_1000": 99.631, + "recall_at_20": 84.398, + "recall_at_3": 65.643, + "recall_at_5": 72.195 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/MultilingualSentiment.json b/results/BAAI__bge-multilingual-gemma2/external/MultilingualSentiment.json new file mode 100644 index 000000000..b412cf736 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/MultilingualSentiment.json @@ -0,0 +1,21 @@ +{ + "dataset_revision": "46958b007a63fdbf239b7672c25d0bea67b5ea1a", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 78.91333333333334, + "accuracy_stderr": 1.0834307648494321, + "f1": 78.881433228092, + "f1_stderr": 1.122457277013712, + "main_score": 78.91333333333334 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/NFCorpus-PL.json b/results/BAAI__bge-multilingual-gemma2/external/NFCorpus-PL.json new file mode 100644 index 000000000..7f92f8bc3 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/NFCorpus-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "9a6f9567fda928260afed2de480d79c98bf0bec0", + "task_name": "NFCorpus-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 36.723, + "map_at_1": 5.8069999999999995, + "map_at_10": 13.602, + "map_at_100": 17.196, + "map_at_1000": 18.609, + "map_at_20": 15.146999999999998, + "map_at_3": 9.594999999999999, + "map_at_5": 11.453000000000001, + "mrr_at_1": 47.368421052631575, + "mrr_at_10": 55.60703228659884, + "mrr_at_100": 56.1552975760445, + "mrr_at_1000": 56.19164342988321, + "mrr_at_20": 55.922507068281476, + "mrr_at_3": 53.147574819401456, + "mrr_at_5": 54.680082559339525, + "nauc_map_at_1000_diff1": 34.05763404594125, + "nauc_map_at_1000_max": 29.5226776533209, + "nauc_map_at_1000_std": 15.427632324819914, + "nauc_map_at_100_diff1": 34.80313586539057, + "nauc_map_at_100_max": 27.999543781245972, + "nauc_map_at_100_std": 11.502430185601197, + "nauc_map_at_10_diff1": 39.10493763818235, + "nauc_map_at_10_max": 20.299110129894572, + "nauc_map_at_10_std": -1.8131312981171384, + "nauc_map_at_1_diff1": 54.952292547558436, + "nauc_map_at_1_max": 13.172173380536137, + "nauc_map_at_1_std": -11.135859432447047, + "nauc_map_at_20_diff1": 36.56338939350608, + "nauc_map_at_20_max": 24.057778180377355, + "nauc_map_at_20_std": 4.030543599731532, + "nauc_map_at_3_diff1": 46.798195082350766, + "nauc_map_at_3_max": 14.899395608553915, + "nauc_map_at_3_std": -10.505614189182307, + "nauc_map_at_5_diff1": 42.83953515294862, + "nauc_map_at_5_max": 17.04727497975375, + "nauc_map_at_5_std": -7.6517071380275885, + "nauc_mrr_at_1000_diff1": 41.44193432540061, + "nauc_mrr_at_1000_max": 39.88086824180341, + "nauc_mrr_at_1000_std": 27.351885880283966, + "nauc_mrr_at_100_diff1": 41.43357468563369, + "nauc_mrr_at_100_max": 39.91394628214467, + "nauc_mrr_at_100_std": 27.37166382203234, + "nauc_mrr_at_10_diff1": 41.46082695650948, + "nauc_mrr_at_10_max": 39.858957188572944, + "nauc_mrr_at_10_std": 27.18216001182641, + "nauc_mrr_at_1_diff1": 41.485448798176904, + "nauc_mrr_at_1_max": 33.6944538535235, + "nauc_mrr_at_1_std": 22.826701578387503, + "nauc_mrr_at_20_diff1": 41.374365310091925, + "nauc_mrr_at_20_max": 39.923859616197035, + "nauc_mrr_at_20_std": 27.27268109687068, + "nauc_mrr_at_3_diff1": 42.1244757279239, + "nauc_mrr_at_3_max": 38.380669877043864, + "nauc_mrr_at_3_std": 25.734391560690224, + "nauc_mrr_at_5_diff1": 41.26497822292423, + "nauc_mrr_at_5_max": 39.17164048501762, + "nauc_mrr_at_5_std": 26.304110615701987, + "nauc_ndcg_at_1000_diff1": 31.76845316166595, + "nauc_ndcg_at_1000_max": 44.0530198648453, + "nauc_ndcg_at_1000_std": 33.37050209530549, + "nauc_ndcg_at_100_diff1": 31.70167104254346, + "nauc_ndcg_at_100_max": 38.98577219865644, + "nauc_ndcg_at_100_std": 28.46948949404448, + "nauc_ndcg_at_10_diff1": 31.41371490994258, + "nauc_ndcg_at_10_max": 36.46974014607837, + "nauc_ndcg_at_10_std": 28.214061102873274, + "nauc_ndcg_at_1_diff1": 45.195218239572185, + "nauc_ndcg_at_1_max": 32.47174554115089, + "nauc_ndcg_at_1_std": 22.252970640869655, + "nauc_ndcg_at_20_diff1": 30.22073304733139, + "nauc_ndcg_at_20_max": 36.85722580956459, + "nauc_ndcg_at_20_std": 28.82508960932221, + "nauc_ndcg_at_3_diff1": 34.85087007597385, + "nauc_ndcg_at_3_max": 35.08880030166066, + "nauc_ndcg_at_3_std": 24.477164602350427, + "nauc_ndcg_at_5_diff1": 32.15269255562139, + "nauc_ndcg_at_5_max": 36.26512978748847, + "nauc_ndcg_at_5_std": 26.121143638336193, + "nauc_precision_at_1000_diff1": -5.016344866521763, + "nauc_precision_at_1000_max": 13.76155613533569, + "nauc_precision_at_1000_std": 42.87650310943072, + "nauc_precision_at_100_diff1": -2.4765231121724867, + "nauc_precision_at_100_max": 26.413714147361173, + "nauc_precision_at_100_std": 52.07869389693284, + "nauc_precision_at_10_diff1": 9.381859834804454, + "nauc_precision_at_10_max": 36.79686689654208, + "nauc_precision_at_10_std": 41.450385008923874, + "nauc_precision_at_1_diff1": 43.14276503972391, + "nauc_precision_at_1_max": 33.23669937901841, + "nauc_precision_at_1_std": 23.574191783291614, + "nauc_precision_at_20_diff1": 3.3554639781732143, + "nauc_precision_at_20_max": 35.07048369650734, + "nauc_precision_at_20_std": 46.90757933302204, + "nauc_precision_at_3_diff1": 22.3364560733951, + "nauc_precision_at_3_max": 34.49198383469041, + "nauc_precision_at_3_std": 28.30886758592867, + "nauc_precision_at_5_diff1": 14.242157915266043, + "nauc_precision_at_5_max": 36.78665790141447, + "nauc_precision_at_5_std": 34.22226904133568, + "nauc_recall_at_1000_diff1": 6.177080203711223, + "nauc_recall_at_1000_max": 20.36718691855502, + "nauc_recall_at_1000_std": 21.44974953318914, + "nauc_recall_at_100_diff1": 16.98521396327983, + "nauc_recall_at_100_max": 25.739641139625473, + "nauc_recall_at_100_std": 16.08045361596745, + "nauc_recall_at_10_diff1": 28.066091446759465, + "nauc_recall_at_10_max": 15.875422037194987, + "nauc_recall_at_10_std": -2.7729209404094712, + "nauc_recall_at_1_diff1": 54.952292547558436, + "nauc_recall_at_1_max": 13.172173380536137, + "nauc_recall_at_1_std": -11.135859432447047, + "nauc_recall_at_20_diff1": 22.454203317605455, + "nauc_recall_at_20_max": 19.38991609441149, + "nauc_recall_at_20_std": 3.3669889925713683, + "nauc_recall_at_3_diff1": 42.41050348142469, + "nauc_recall_at_3_max": 14.345477767632861, + "nauc_recall_at_3_std": -11.275161125178107, + "nauc_recall_at_5_diff1": 34.851159133502286, + "nauc_recall_at_5_max": 15.03263812713638, + "nauc_recall_at_5_std": -9.042538295018138, + "ndcg_at_1": 44.891999999999996, + "ndcg_at_10": 36.723, + "ndcg_at_100": 33.101, + "ndcg_at_1000": 41.493, + "ndcg_at_20": 34.14, + "ndcg_at_3": 41.131, + "ndcg_at_5": 39.446999999999996, + "precision_at_1": 46.749, + "precision_at_10": 27.616000000000003, + "precision_at_100": 8.372, + "precision_at_1000": 2.095, + "precision_at_20": 20.294, + "precision_at_3": 38.493, + "precision_at_5": 34.427, + "recall_at_1": 5.8069999999999995, + "recall_at_10": 18.444, + "recall_at_100": 33.655, + "recall_at_1000": 63.839999999999996, + "recall_at_20": 22.205, + "recall_at_3": 10.61, + "recall_at_5": 13.938999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/NFCorpus.json b/results/BAAI__bge-multilingual-gemma2/external/NFCorpus.json new file mode 100644 index 000000000..aae67c52a --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/NFCorpus.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 38.11433513284057, + "ndcg_at_1": 48.45201238390093, + "ndcg_at_3": 44.451438575534574, + "ndcg_at_5": 41.13929990797894, + "ndcg_at_10": 38.11433513284057, + "ndcg_at_100": 35.36065387898559, + "ndcg_at_1000": 44.01125752781003, + "map_at_1": 5.638004398054564, + "map_at_3": 10.375632572339333, + "map_at_5": 11.820531148202422, + "map_at_10": 14.087436978063389, + "map_at_100": 18.25397463114958, + "map_at_1000": 19.868440221606203, + "precision_at_1": 49.84520123839009, + "precision_at_3": 41.89886480908153, + "precision_at_5": 35.356037151702814, + "precision_at_10": 28.513931888544857, + "precision_at_100": 9.337461300309604, + "precision_at_1000": 2.210216718266251, + "recall_at_1": 5.638004398054564, + "recall_at_3": 11.938154656310312, + "recall_at_5": 14.06183119422843, + "recall_at_10": 18.506397834147705, + "recall_at_100": 35.96995569451433, + "recall_at_1000": 68.31771509404795 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/NQ-PL.json b/results/BAAI__bge-multilingual-gemma2/external/NQ-PL.json new file mode 100644 index 000000000..5a9dee5f1 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/NQ-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f171245712cf85dd4700b06bef18001578d0ca8d", + "task_name": "NQ-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 56.854000000000006, + "map_at_1": 34.514, + "map_at_10": 49.644, + "map_at_100": 50.608, + "map_at_1000": 50.635, + "map_at_20": 50.305, + "map_at_3": 45.672000000000004, + "map_at_5": 48.089, + "mrr_at_1": 38.78910776361529, + "mrr_at_10": 52.148397984145234, + "mrr_at_100": 52.852966946095215, + "mrr_at_1000": 52.87105017860762, + "mrr_at_20": 52.64188894631607, + "mrr_at_3": 48.97643877945134, + "mrr_at_5": 50.92168791039002, + "nauc_map_at_1000_diff1": 37.02156712167867, + "nauc_map_at_1000_max": 30.9541229199217, + "nauc_map_at_1000_std": 7.320033004454671, + "nauc_map_at_100_diff1": 37.02236703226826, + "nauc_map_at_100_max": 30.9697676745961, + "nauc_map_at_100_std": 7.33984133867723, + "nauc_map_at_10_diff1": 36.90102700826612, + "nauc_map_at_10_max": 30.785723842405183, + "nauc_map_at_10_std": 6.779448226242215, + "nauc_map_at_1_diff1": 39.909029450982274, + "nauc_map_at_1_max": 25.241631663639062, + "nauc_map_at_1_std": 3.9346798436914625, + "nauc_map_at_20_diff1": 37.01885833177735, + "nauc_map_at_20_max": 30.93864719019393, + "nauc_map_at_20_std": 7.157784404582363, + "nauc_map_at_3_diff1": 36.66395294442894, + "nauc_map_at_3_max": 28.73917625955397, + "nauc_map_at_3_std": 4.974442294121807, + "nauc_map_at_5_diff1": 36.50200331851477, + "nauc_map_at_5_max": 30.19694653814823, + "nauc_map_at_5_std": 6.080701892676308, + "nauc_mrr_at_1000_diff1": 37.13771503608112, + "nauc_mrr_at_1000_max": 31.751547147247507, + "nauc_mrr_at_1000_std": 9.508614158791604, + "nauc_mrr_at_100_diff1": 37.13715249048103, + "nauc_mrr_at_100_max": 31.76453363846907, + "nauc_mrr_at_100_std": 9.527333431366577, + "nauc_mrr_at_10_diff1": 37.04617391414406, + "nauc_mrr_at_10_max": 31.835558691659767, + "nauc_mrr_at_10_std": 9.403478249864207, + "nauc_mrr_at_1_diff1": 40.24340603514061, + "nauc_mrr_at_1_max": 27.892025295592664, + "nauc_mrr_at_1_std": 6.948060152377137, + "nauc_mrr_at_20_diff1": 37.13679664662962, + "nauc_mrr_at_20_max": 31.80571193908972, + "nauc_mrr_at_20_std": 9.463516427443066, + "nauc_mrr_at_3_diff1": 36.59947958587673, + "nauc_mrr_at_3_max": 30.56905612034133, + "nauc_mrr_at_3_std": 8.213473085446296, + "nauc_mrr_at_5_diff1": 36.66740305041658, + "nauc_mrr_at_5_max": 31.470226490982878, + "nauc_mrr_at_5_std": 9.02109643375307, + "nauc_ndcg_at_1000_diff1": 36.60296185088649, + "nauc_ndcg_at_1000_max": 33.40562074993109, + "nauc_ndcg_at_1000_std": 10.60845451213325, + "nauc_ndcg_at_100_diff1": 36.59946610918652, + "nauc_ndcg_at_100_max": 33.9570260243297, + "nauc_ndcg_at_100_std": 11.340469448481196, + "nauc_ndcg_at_10_diff1": 36.14418247401987, + "nauc_ndcg_at_10_max": 33.451039871075345, + "nauc_ndcg_at_10_std": 9.272972801419813, + "nauc_ndcg_at_1_diff1": 40.07169143996099, + "nauc_ndcg_at_1_max": 27.943354680588055, + "nauc_ndcg_at_1_std": 7.036639009967827, + "nauc_ndcg_at_20_diff1": 36.51152244027151, + "nauc_ndcg_at_20_max": 33.89378482325653, + "nauc_ndcg_at_20_std": 10.342721315866635, + "nauc_ndcg_at_3_diff1": 35.4822845318483, + "nauc_ndcg_at_3_max": 29.912345910181415, + "nauc_ndcg_at_3_std": 5.9694134283330715, + "nauc_ndcg_at_5_diff1": 35.221776161219466, + "nauc_ndcg_at_5_max": 32.1072171248216, + "nauc_ndcg_at_5_std": 7.670174771541694, + "nauc_precision_at_1000_diff1": -4.285000172509594, + "nauc_precision_at_1000_max": 14.600633321561062, + "nauc_precision_at_1000_std": 21.991435704986305, + "nauc_precision_at_100_diff1": 1.7266493932509126, + "nauc_precision_at_100_max": 22.9932202096611, + "nauc_precision_at_100_std": 27.464183639561075, + "nauc_precision_at_10_diff1": 16.16723142044687, + "nauc_precision_at_10_max": 32.61177863055963, + "nauc_precision_at_10_std": 19.30609156634069, + "nauc_precision_at_1_diff1": 40.07169143996099, + "nauc_precision_at_1_max": 27.943354680588055, + "nauc_precision_at_1_std": 7.036639009967827, + "nauc_precision_at_20_diff1": 10.986359452355082, + "nauc_precision_at_20_max": 30.001608294285408, + "nauc_precision_at_20_std": 23.470161266132752, + "nauc_precision_at_3_diff1": 25.021299827765368, + "nauc_precision_at_3_max": 31.112435175145354, + "nauc_precision_at_3_std": 9.97933575854508, + "nauc_precision_at_5_diff1": 19.85258852538675, + "nauc_precision_at_5_max": 33.017057636553346, + "nauc_precision_at_5_std": 14.226398540277224, + "nauc_recall_at_1000_diff1": 32.956809555733294, + "nauc_recall_at_1000_max": 81.17616645437344, + "nauc_recall_at_1000_std": 80.81894015338722, + "nauc_recall_at_100_diff1": 34.21543518933059, + "nauc_recall_at_100_max": 64.60424388566007, + "nauc_recall_at_100_std": 55.36262550526809, + "nauc_recall_at_10_diff1": 31.854572843060865, + "nauc_recall_at_10_max": 41.47697651985406, + "nauc_recall_at_10_std": 15.449819317346778, + "nauc_recall_at_1_diff1": 39.909029450982274, + "nauc_recall_at_1_max": 25.241631663639062, + "nauc_recall_at_1_std": 3.9346798436914625, + "nauc_recall_at_20_diff1": 33.155424988870266, + "nauc_recall_at_20_max": 47.41147314334969, + "nauc_recall_at_20_std": 24.122822585459915, + "nauc_recall_at_3_diff1": 31.030069463711484, + "nauc_recall_at_3_max": 30.349471998175105, + "nauc_recall_at_3_std": 5.3792560913820635, + "nauc_recall_at_5_diff1": 29.662449422215627, + "nauc_recall_at_5_max": 35.59583981361554, + "nauc_recall_at_5_std": 9.138475426366536, + "ndcg_at_1": 38.847, + "ndcg_at_10": 56.854000000000006, + "ndcg_at_100": 60.767, + "ndcg_at_1000": 61.399, + "ndcg_at_20": 58.941, + "ndcg_at_3": 49.576, + "ndcg_at_5": 53.502, + "precision_at_1": 38.847, + "precision_at_10": 9.064, + "precision_at_100": 1.127, + "precision_at_1000": 0.11900000000000001, + "precision_at_20": 5.038, + "precision_at_3": 22.335, + "precision_at_5": 15.689, + "recall_at_1": 34.514, + "recall_at_10": 76.152, + "recall_at_100": 92.837, + "recall_at_1000": 97.596, + "recall_at_20": 83.77799999999999, + "recall_at_3": 57.484, + "recall_at_5": 66.476 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/NQ.json b/results/BAAI__bge-multilingual-gemma2/external/NQ.json new file mode 100644 index 000000000..05614a6ee --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/NQ.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 71.44670934705796, + "ndcg_at_1": 54.026651216685984, + "ndcg_at_3": 65.1267452491225, + "ndcg_at_5": 68.6696802020747, + "ndcg_at_10": 71.44670934705796, + "ndcg_at_100": 73.74642927386503, + "ndcg_at_1000": 73.90908268307331, + "map_at_1": 48.50086906141366, + "map_at_3": 61.07691193510995, + "map_at_5": 63.36580243337187, + "map_at_10": 64.74485498782997, + "map_at_100": 65.34329174534082, + "map_at_1000": 65.35107870745652, + "precision_at_1": 54.026651216685984, + "precision_at_3": 28.437620702974996, + "precision_at_5": 19.20625724217861, + "precision_at_10": 10.67207415990753, + "precision_at_100": 1.1987253765932955, + "precision_at_1000": 0.12143684820393259, + "recall_at_1": 48.50086906141366, + "recall_at_3": 73.19428350714561, + "recall_at_5": 81.19689069138664, + "recall_at_10": 89.04741212823485, + "recall_at_100": 98.58053302433372, + "recall_at_1000": 99.75376593279258 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/Ocnli.json b/results/BAAI__bge-multilingual-gemma2/external/Ocnli.json new file mode 100644 index 000000000..4175757f2 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/Ocnli.json @@ -0,0 +1,48 @@ +{ + "dataset_revision": "66e76a618a34d6d565d5538088562851e6daa7ec", + "task_name": "Ocnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 76.39415268002165, + "cos_sim_accuracy_threshold": 68.98242139321592, + "cos_sim_ap": 83.20687440058073, + "cos_sim_f1": 78.4351145038168, + "cos_sim_f1_threshold": 65.47409929698304, + "cos_sim_precision": 71.54046997389034, + "cos_sim_recall": 86.80042238648363, + "dot_accuracy": 74.60747157552788, + "dot_accuracy_threshold": 1737600.0, + "dot_ap": 79.78938545919723, + "dot_f1": 76.92307692307692, + "dot_f1_threshold": 1652800.0, + "dot_precision": 67.90622473726758, + "dot_recall": 88.70116156283, + "euclidean_accuracy": 76.34001082837032, + "euclidean_accuracy_threshold": 12597.299662420446, + "euclidean_ap": 83.60222701792158, + "euclidean_f1": 78.77947295423024, + "euclidean_f1_threshold": 13639.653702639469, + "euclidean_precision": 70.06578947368422, + "euclidean_recall": 89.96832101372756, + "manhattan_accuracy": 76.23172712506768, + "manhattan_accuracy_threshold": 587601.2824743986, + "manhattan_ap": 83.51813426548178, + "manhattan_f1": 78.6654135338346, + "manhattan_f1_threshold": 639711.1931562424, + "manhattan_precision": 70.87214225232854, + "manhattan_recall": 88.3843717001056, + "max_accuracy": 76.39415268002165, + "max_ap": 83.60222701792158, + "max_f1": 78.77947295423024, + "main_score": 76.39415268002165 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/OnlineShopping.json b/results/BAAI__bge-multilingual-gemma2/external/OnlineShopping.json new file mode 100644 index 000000000..7083f564f --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/OnlineShopping.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "e610f2ebd179a8fda30ae534c3878750a96db120", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 94.59, + "accuracy_stderr": 0.8971621926942733, + "ap": 93.01229797205905, + "ap_stderr": 1.0519542956523058, + "f1": 94.58077736915268, + "f1_stderr": 0.8954928292768671, + "main_score": 94.59 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/OpusparcusPC.json b/results/BAAI__bge-multilingual-gemma2/external/OpusparcusPC.json new file mode 100644 index 000000000..d41bfd7f8 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/OpusparcusPC.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "9e9b1f8ef51616073f47f306f7f47dd91663f86a", + "task_name": "OpusparcusPC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cosine_accuracy": 99.90069513406156, + "cosine_accuracy_threshold": 54.45001207375879, + "cosine_ap": 100.0, + "cosine_f1": 99.95032290114257, + "cosine_f1_threshold": 54.45001207375879, + "cosine_precision": 100.0, + "cosine_recall": 99.90069513406156, + "dot_accuracy": 99.90069513406156, + "dot_accuracy_threshold": 1312800.0, + "dot_ap": 100.0, + "dot_f1": 99.95032290114257, + "dot_f1_threshold": 1312800.0, + "dot_precision": 100.0, + "dot_recall": 99.90069513406156, + "euclidean_accuracy": 99.90069513406156, + "euclidean_accuracy_threshold": 15150.791732002876, + "euclidean_ap": 100.0, + "euclidean_f1": 99.95032290114257, + "euclidean_f1_threshold": 15150.791732002876, + "euclidean_precision": 100.0, + "euclidean_recall": 99.90069513406156, + "main_score": 100.0, + "manhattan_accuracy": 99.90069513406156, + "manhattan_accuracy_threshold": 717903.2791554928, + "manhattan_ap": 100.0, + "manhattan_f1": 99.95032290114257, + "manhattan_f1_threshold": 717903.2791554928, + "manhattan_precision": 100.0, + "manhattan_recall": 99.90069513406156, + "max_ap": 100.0, + "max_f1": 99.95032290114257, + "max_precision": 100.0, + "max_recall": 99.90069513406156, + "similarity_accuracy": 99.90069513406156, + "similarity_accuracy_threshold": 54.45001207375879, + "similarity_ap": 100.0, + "similarity_f1": 99.95032290114257, + "similarity_f1_threshold": 54.45001207375879, + "similarity_precision": 100.0, + "similarity_recall": 99.90069513406156 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/PAC.json b/results/BAAI__bge-multilingual-gemma2/external/PAC.json new file mode 100644 index 000000000..782c49bd0 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/PAC.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "None", + "task_name": "PAC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 67.24297712134376, + "accuracy_stderr": 4.77558207347837, + "ap": 77.38171975466854, + "ap_stderr": 2.5801970175320394, + "f1": 65.21823897814332, + "f1_stderr": 4.317111734308895, + "main_score": 67.24297712134376 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/PAWSX.json b/results/BAAI__bge-multilingual-gemma2/external/PAWSX.json new file mode 100644 index 000000000..cea0fb4aa --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/PAWSX.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "9c6a90e430ac22b5779fb019a23e820b11a8b5e1", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 24.341872875292857, + "cosine_spearman": 30.570037022875436, + "manhattan_pearson": 31.41015320258418, + "manhattan_spearman": 30.604526098895114, + "euclidean_pearson": 31.400038084432175, + "euclidean_spearman": 30.61062265273698, + "main_score": 30.570037022875436 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/PSC.json b/results/BAAI__bge-multilingual-gemma2/external/PSC.json new file mode 100644 index 000000000..711ba66b7 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/PSC.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "d05a294af9e1d3ff2bfb6b714e08a24a6cabc669", + "task_name": "PSC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cosine_accuracy": 97.95918367346938, + "cosine_accuracy_threshold": 59.87724328133361, + "cosine_ap": 99.24498625606927, + "cosine_f1": 96.6867469879518, + "cosine_f1_threshold": 59.87724328133361, + "cosine_precision": 95.53571428571429, + "cosine_recall": 97.86585365853658, + "dot_accuracy": 98.51576994434137, + "dot_accuracy_threshold": 1574400.0, + "dot_ap": 99.28566232682996, + "dot_f1": 97.57575757575758, + "dot_f1_threshold": 1564800.0, + "dot_precision": 96.98795180722891, + "dot_recall": 98.17073170731707, + "euclidean_accuracy": 97.6808905380334, + "euclidean_accuracy_threshold": 14418.957939643331, + "euclidean_ap": 99.0876340868033, + "euclidean_f1": 96.24060150375941, + "euclidean_f1_threshold": 14442.183182634264, + "euclidean_precision": 94.95548961424333, + "euclidean_recall": 97.5609756097561, + "main_score": 99.28566232682996, + "manhattan_accuracy": 97.86641929499072, + "manhattan_accuracy_threshold": 681802.1857857704, + "manhattan_ap": 99.08465290287205, + "manhattan_f1": 96.52042360060513, + "manhattan_f1_threshold": 681802.1857857704, + "manhattan_precision": 95.7957957957958, + "manhattan_recall": 97.2560975609756, + "max_ap": 99.28566232682996, + "max_f1": 97.57575757575758, + "max_precision": 96.98795180722891, + "max_recall": 98.17073170731707, + "similarity_accuracy": 97.95918367346938, + "similarity_accuracy_threshold": 59.87724328133361, + "similarity_ap": 99.24498625606927, + "similarity_f1": 96.6867469879518, + "similarity_f1_threshold": 59.87724328133361, + "similarity_precision": 95.53571428571429, + "similarity_recall": 97.86585365853658 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/PawsXPairClassification.json b/results/BAAI__bge-multilingual-gemma2/external/PawsXPairClassification.json new file mode 100644 index 000000000..70b97ffe6 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/PawsXPairClassification.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "8a04d940a42cd40658986fdd8e3da561533a3646", + "task_name": "PawsXPairClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cosine_accuracy": 67.95, + "cosine_accuracy_threshold": 97.36901285947026, + "cosine_ap": 70.14158727060726, + "cosine_f1": 65.38108356290174, + "cosine_f1_threshold": 94.90683744884689, + "cosine_precision": 55.84313725490196, + "cosine_recall": 78.8482834994463, + "dot_accuracy": 60.5, + "dot_accuracy_threshold": 2606400.0, + "dot_ap": 57.0114505567262, + "dot_f1": 63.29394387001477, + "dot_f1_threshold": 2345600.0, + "dot_precision": 47.4792243767313, + "dot_recall": 94.90586932447398, + "euclidean_accuracy": 68.05, + "euclidean_accuracy_threshold": 3824.99743197985, + "euclidean_ap": 70.01158306654237, + "euclidean_f1": 65.21939953810623, + "euclidean_f1_threshold": 5187.47968966464, + "euclidean_precision": 55.942947702060216, + "euclidean_recall": 78.18383167220377, + "main_score": 70.14158727060726, + "manhattan_accuracy": 68.05, + "manhattan_accuracy_threshold": 191852.34832763672, + "manhattan_ap": 70.01670033904287, + "manhattan_f1": 65.2854511970534, + "manhattan_f1_threshold": 246807.1710705757, + "manhattan_precision": 55.87076438140268, + "manhattan_recall": 78.51605758582502, + "max_ap": 70.14158727060726, + "max_f1": 65.38108356290174, + "max_precision": 55.942947702060216, + "max_recall": 94.90586932447398, + "similarity_accuracy": 67.95, + "similarity_accuracy_threshold": 97.36901285947026, + "similarity_ap": 70.14158727060726, + "similarity_f1": 65.38108356290174, + "similarity_f1_threshold": 94.90683744884689, + "similarity_precision": 55.84313725490196, + "similarity_recall": 78.8482834994463 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/PolEmo2.0-IN.json b/results/BAAI__bge-multilingual-gemma2/external/PolEmo2.0-IN.json new file mode 100644 index 000000000..ed5ea4f29 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/PolEmo2.0-IN.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d90724373c70959f17d2331ad51fb60c71176b03", + "task_name": "PolEmo2.0-IN", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 90.41551246537396, + "f1": 89.15361039614409, + "f1_weighted": 90.69893050097603, + "main_score": 90.41551246537396 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/PolEmo2.0-OUT.json b/results/BAAI__bge-multilingual-gemma2/external/PolEmo2.0-OUT.json new file mode 100644 index 000000000..1c9894cdf --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/PolEmo2.0-OUT.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "6a21ab8716e255ab1867265f8b396105e8aa63d4", + "task_name": "PolEmo2.0-OUT", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 77.77327935222672, + "f1": 61.238079022455636, + "f1_weighted": 80.58753601509183, + "main_score": 77.77327935222672 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/QBQTC.json b/results/BAAI__bge-multilingual-gemma2/external/QBQTC.json new file mode 100644 index 000000000..c733a3fc7 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/QBQTC.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "790b0510dc52b1553e8c49f3d2afb48c0e5c48b7", + "task_name": "QBQTC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 36.61757468091905, + "cosine_spearman": 38.981417359835504, + "manhattan_pearson": 37.971127169578764, + "manhattan_spearman": 39.55028286687854, + "euclidean_pearson": 37.96983777648438, + "euclidean_spearman": 39.542856511171784, + "main_score": 38.981417359835504 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/Quora-PL.json b/results/BAAI__bge-multilingual-gemma2/external/Quora-PL.json new file mode 100644 index 000000000..b195110b4 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/Quora-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "0be27e93455051e531182b85e85e425aba12e9d4", + "task_name": "Quora-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 84.47099999999999, + "map_at_1": 65.892, + "map_at_10": 80.11500000000001, + "map_at_100": 80.861, + "map_at_1000": 80.879, + "map_at_20": 80.604, + "map_at_3": 76.97, + "map_at_5": 78.926, + "mrr_at_1": 75.83, + "mrr_at_10": 83.2125238095233, + "mrr_at_100": 83.38714262504709, + "mrr_at_1000": 83.38942088013238, + "mrr_at_20": 83.34284466299037, + "mrr_at_3": 81.95333333333281, + "mrr_at_5": 82.78533333333272, + "nauc_map_at_1000_diff1": 73.95721764018812, + "nauc_map_at_1000_max": 9.653675847999432, + "nauc_map_at_1000_std": -42.35408133902171, + "nauc_map_at_100_diff1": 73.96621756991526, + "nauc_map_at_100_max": 9.618124708373092, + "nauc_map_at_100_std": -42.41429680546156, + "nauc_map_at_10_diff1": 74.20643666348498, + "nauc_map_at_10_max": 9.056688996919677, + "nauc_map_at_10_std": -44.13396437616006, + "nauc_map_at_1_diff1": 77.18196114257519, + "nauc_map_at_1_max": 7.840648640771136, + "nauc_map_at_1_std": -39.84395715001256, + "nauc_map_at_20_diff1": 74.03475632514551, + "nauc_map_at_20_max": 9.385795565805118, + "nauc_map_at_20_std": -43.160299598965466, + "nauc_map_at_3_diff1": 74.43855921599284, + "nauc_map_at_3_max": 7.574218825911361, + "nauc_map_at_3_std": -46.1476276122436, + "nauc_map_at_5_diff1": 74.38688915461512, + "nauc_map_at_5_max": 8.557764506539128, + "nauc_map_at_5_std": -45.53897898458085, + "nauc_mrr_at_1000_diff1": 74.0311045258841, + "nauc_mrr_at_1000_max": 11.885448379701055, + "nauc_mrr_at_1000_std": -38.16008409213179, + "nauc_mrr_at_100_diff1": 74.03074603058893, + "nauc_mrr_at_100_max": 11.886356221882725, + "nauc_mrr_at_100_std": -38.159139191997795, + "nauc_mrr_at_10_diff1": 73.99521522874129, + "nauc_mrr_at_10_max": 11.77749620520773, + "nauc_mrr_at_10_std": -38.266295250166635, + "nauc_mrr_at_1_diff1": 75.53192564838908, + "nauc_mrr_at_1_max": 12.979267595721275, + "nauc_mrr_at_1_std": -36.634066084632785, + "nauc_mrr_at_20_diff1": 74.01273934757484, + "nauc_mrr_at_20_max": 11.887566738728225, + "nauc_mrr_at_20_std": -38.169250252410485, + "nauc_mrr_at_3_diff1": 73.6073534511043, + "nauc_mrr_at_3_max": 11.450856365709727, + "nauc_mrr_at_3_std": -38.767141663073964, + "nauc_mrr_at_5_diff1": 73.84950218235583, + "nauc_mrr_at_5_max": 11.787394554048813, + "nauc_mrr_at_5_std": -38.57240589862417, + "nauc_ndcg_at_1000_diff1": 73.51677487598074, + "nauc_ndcg_at_1000_max": 10.72929244202152, + "nauc_ndcg_at_1000_std": -39.92813917654933, + "nauc_ndcg_at_100_diff1": 73.53904136553481, + "nauc_ndcg_at_100_max": 10.569310211635521, + "nauc_ndcg_at_100_std": -40.12206261908318, + "nauc_ndcg_at_10_diff1": 73.55958917204208, + "nauc_ndcg_at_10_max": 9.255791947077263, + "nauc_ndcg_at_10_std": -42.7856138240991, + "nauc_ndcg_at_1_diff1": 75.34289960079188, + "nauc_ndcg_at_1_max": 13.499789436258705, + "nauc_ndcg_at_1_std": -35.91483904818284, + "nauc_ndcg_at_20_diff1": 73.48070745481307, + "nauc_ndcg_at_20_max": 9.92427572953505, + "nauc_ndcg_at_20_std": -41.55653404596579, + "nauc_ndcg_at_3_diff1": 72.72072901275445, + "nauc_ndcg_at_3_max": 8.303708237302729, + "nauc_ndcg_at_3_std": -43.618531107389344, + "nauc_ndcg_at_5_diff1": 73.30060059269601, + "nauc_ndcg_at_5_max": 8.915386932153249, + "nauc_ndcg_at_5_std": -44.088053429661, + "nauc_precision_at_1000_diff1": -41.540517884119524, + "nauc_precision_at_1000_max": 6.9361565712971265, + "nauc_precision_at_1000_std": 42.39482890919027, + "nauc_precision_at_100_diff1": -40.609576663184896, + "nauc_precision_at_100_max": 6.302451339507686, + "nauc_precision_at_100_std": 41.30693233869549, + "nauc_precision_at_10_diff1": -30.91653155031006, + "nauc_precision_at_10_max": 4.84981614338782, + "nauc_precision_at_10_std": 24.47022404030676, + "nauc_precision_at_1_diff1": 75.34289960079188, + "nauc_precision_at_1_max": 13.499789436258705, + "nauc_precision_at_1_std": -35.91483904818284, + "nauc_precision_at_20_diff1": -36.75164419452007, + "nauc_precision_at_20_max": 5.440757182282365, + "nauc_precision_at_20_std": 33.08928025809355, + "nauc_precision_at_3_diff1": -5.3240699725635565, + "nauc_precision_at_3_max": 5.156636102003736, + "nauc_precision_at_3_std": -0.9779263105110453, + "nauc_precision_at_5_diff1": -19.92133198420086, + "nauc_precision_at_5_max": 5.432766335564369, + "nauc_precision_at_5_std": 11.417736295996392, + "nauc_recall_at_1000_diff1": 56.57663068186203, + "nauc_recall_at_1000_max": 25.80329039728696, + "nauc_recall_at_1000_std": 57.82937604195464, + "nauc_recall_at_100_diff1": 67.25188672746224, + "nauc_recall_at_100_max": 6.879939694351325, + "nauc_recall_at_100_std": -30.098258041087096, + "nauc_recall_at_10_diff1": 68.00694154421653, + "nauc_recall_at_10_max": 0.7226814903576098, + "nauc_recall_at_10_std": -52.980002751088215, + "nauc_recall_at_1_diff1": 77.18196114257519, + "nauc_recall_at_1_max": 7.840648640771136, + "nauc_recall_at_1_std": -39.84395715001256, + "nauc_recall_at_20_diff1": 66.56016564739411, + "nauc_recall_at_20_max": 1.919044428493598, + "nauc_recall_at_20_std": -49.5380686276396, + "nauc_recall_at_3_diff1": 69.83247207081557, + "nauc_recall_at_3_max": 2.395588418833963, + "nauc_recall_at_3_std": -52.11119790224493, + "nauc_recall_at_5_diff1": 69.25881483845956, + "nauc_recall_at_5_max": 2.9185552604991716, + "nauc_recall_at_5_std": -54.376346690212095, + "ndcg_at_1": 75.92, + "ndcg_at_10": 84.47099999999999, + "ndcg_at_100": 86.11999999999999, + "ndcg_at_1000": 86.276, + "ndcg_at_20": 85.37599999999999, + "ndcg_at_3": 81.0, + "ndcg_at_5": 82.88799999999999, + "precision_at_1": 75.92, + "precision_at_10": 12.987000000000002, + "precision_at_100": 1.5190000000000001, + "precision_at_1000": 0.156, + "precision_at_20": 6.977, + "precision_at_3": 35.573, + "precision_at_5": 23.566000000000003, + "recall_at_1": 65.892, + "recall_at_10": 93.318, + "recall_at_100": 99.124, + "recall_at_1000": 99.92699999999999, + "recall_at_20": 96.256, + "recall_at_3": 83.69, + "recall_at_5": 88.783 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/QuoraRetrieval.json b/results/BAAI__bge-multilingual-gemma2/external/QuoraRetrieval.json new file mode 100644 index 000000000..6dfa080fb --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/QuoraRetrieval.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "e4e08e0b7dbe3c8700f0daef558ff32256715259", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 90.03760323006117, + "ndcg_at_1": 83.53, + "ndcg_at_3": 87.53800795646302, + "ndcg_at_5": 88.92909168525203, + "ndcg_at_10": 90.03760323006117, + "ndcg_at_100": 91.08558507332712, + "ndcg_at_1000": 91.1430039358834, + "map_at_1": 72.61760432018744, + "map_at_3": 83.8457060028347, + "map_at_5": 85.6228412692169, + "map_at_10": 86.67700531365115, + "map_at_100": 87.29851728827602, + "map_at_1000": 87.31014621733333, + "precision_at_1": 83.53, + "precision_at_3": 38.33666666667159, + "precision_at_5": 25.12599999999881, + "precision_at_10": 13.629999999998683, + "precision_at_100": 1.5431999999999773, + "precision_at_1000": 0.15671999999997974, + "recall_at_1": 72.61760432018744, + "recall_at_3": 89.06736052932686, + "recall_at_5": 93.09634203522849, + "recall_at_10": 96.35128012894234, + "recall_at_100": 99.7740237858541, + "recall_at_1000": 99.99690476190477 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/RedditClustering.json b/results/BAAI__bge-multilingual-gemma2/external/RedditClustering.json new file mode 100644 index 000000000..69ac3e2b8 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/RedditClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 56.03342473834434, + "v_measure": 56.03342473834434, + "v_measure_std": 5.972192613803461 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/RedditClusteringP2P.json b/results/BAAI__bge-multilingual-gemma2/external/RedditClusteringP2P.json new file mode 100644 index 000000000..8410a52eb --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/RedditClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 65.83156688381274, + "v_measure": 65.83156688381274, + "v_measure_std": 14.180225112120162 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/SCIDOCS-PL.json b/results/BAAI__bge-multilingual-gemma2/external/SCIDOCS-PL.json new file mode 100644 index 000000000..76342b6fa --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/SCIDOCS-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "45452b03f05560207ef19149545f168e596c9337", + "task_name": "SCIDOCS-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 19.528000000000002, + "map_at_1": 4.5280000000000005, + "map_at_10": 11.649, + "map_at_100": 14.019, + "map_at_1000": 14.35, + "map_at_20": 12.866, + "map_at_3": 8.35, + "map_at_5": 9.84, + "mrr_at_1": 22.3, + "mrr_at_10": 32.690039682539656, + "mrr_at_100": 33.91097016542133, + "mrr_at_1000": 33.96940693754695, + "mrr_at_20": 33.418312740750785, + "mrr_at_3": 29.4, + "mrr_at_5": 31.21999999999997, + "nauc_map_at_1000_diff1": 20.52578935318615, + "nauc_map_at_1000_max": 28.28553814852898, + "nauc_map_at_1000_std": 18.74384140790138, + "nauc_map_at_100_diff1": 20.508083204903077, + "nauc_map_at_100_max": 28.281447260273346, + "nauc_map_at_100_std": 18.51851601604162, + "nauc_map_at_10_diff1": 21.028884157759624, + "nauc_map_at_10_max": 26.98935951161403, + "nauc_map_at_10_std": 14.434790357547536, + "nauc_map_at_1_diff1": 23.406427416653127, + "nauc_map_at_1_max": 21.759624726647303, + "nauc_map_at_1_std": 8.335925909478444, + "nauc_map_at_20_diff1": 20.370301978337785, + "nauc_map_at_20_max": 27.30787972231405, + "nauc_map_at_20_std": 16.166505401287353, + "nauc_map_at_3_diff1": 23.920717676009453, + "nauc_map_at_3_max": 26.061264285994124, + "nauc_map_at_3_std": 10.707123907182902, + "nauc_map_at_5_diff1": 22.180679453453557, + "nauc_map_at_5_max": 26.85332935641574, + "nauc_map_at_5_std": 12.316377808191762, + "nauc_mrr_at_1000_diff1": 21.49186339320302, + "nauc_mrr_at_1000_max": 24.329921012356493, + "nauc_mrr_at_1000_std": 13.6080824939291, + "nauc_mrr_at_100_diff1": 21.47653180378912, + "nauc_mrr_at_100_max": 24.34218235410752, + "nauc_mrr_at_100_std": 13.646711743513668, + "nauc_mrr_at_10_diff1": 21.487198850706935, + "nauc_mrr_at_10_max": 24.32385099521571, + "nauc_mrr_at_10_std": 13.26596223383694, + "nauc_mrr_at_1_diff1": 23.19221955587559, + "nauc_mrr_at_1_max": 21.963004569187575, + "nauc_mrr_at_1_std": 8.799819519408619, + "nauc_mrr_at_20_diff1": 21.51014357510076, + "nauc_mrr_at_20_max": 24.376067405199347, + "nauc_mrr_at_20_std": 13.643597889716563, + "nauc_mrr_at_3_diff1": 22.60437837853161, + "nauc_mrr_at_3_max": 23.58608363876532, + "nauc_mrr_at_3_std": 11.887163540535768, + "nauc_mrr_at_5_diff1": 21.919324914716633, + "nauc_mrr_at_5_max": 23.71458680225389, + "nauc_mrr_at_5_std": 12.507643886191785, + "nauc_ndcg_at_1000_diff1": 18.546848864440005, + "nauc_ndcg_at_1000_max": 30.031984469206325, + "nauc_ndcg_at_1000_std": 26.561149084437485, + "nauc_ndcg_at_100_diff1": 18.76271748622068, + "nauc_ndcg_at_100_max": 30.180887663861306, + "nauc_ndcg_at_100_std": 25.50551358758007, + "nauc_ndcg_at_10_diff1": 19.861367738304697, + "nauc_ndcg_at_10_max": 27.360442235691522, + "nauc_ndcg_at_10_std": 16.476546243351976, + "nauc_ndcg_at_1_diff1": 23.56715803292495, + "nauc_ndcg_at_1_max": 22.29229945166374, + "nauc_ndcg_at_1_std": 8.43434671818737, + "nauc_ndcg_at_20_diff1": 18.885059883708053, + "nauc_ndcg_at_20_max": 27.78854464221595, + "nauc_ndcg_at_20_std": 19.404353378015255, + "nauc_ndcg_at_3_diff1": 23.34227259398943, + "nauc_ndcg_at_3_max": 25.75899010582446, + "nauc_ndcg_at_3_std": 12.097012181915954, + "nauc_ndcg_at_5_diff1": 21.599246331396863, + "nauc_ndcg_at_5_max": 26.6575824351444, + "nauc_ndcg_at_5_std": 14.029006846982394, + "nauc_precision_at_1000_diff1": 4.880571159099271, + "nauc_precision_at_1000_max": 24.693741787360725, + "nauc_precision_at_1000_std": 41.00756555344345, + "nauc_precision_at_100_diff1": 10.440170876298648, + "nauc_precision_at_100_max": 28.942738351320408, + "nauc_precision_at_100_std": 36.921704945977446, + "nauc_precision_at_10_diff1": 15.55680558043308, + "nauc_precision_at_10_max": 27.31414489241847, + "nauc_precision_at_10_std": 19.76275914256793, + "nauc_precision_at_1_diff1": 23.56715803292495, + "nauc_precision_at_1_max": 22.29229945166374, + "nauc_precision_at_1_std": 8.43434671818737, + "nauc_precision_at_20_diff1": 12.57247210423589, + "nauc_precision_at_20_max": 25.978951783180946, + "nauc_precision_at_20_std": 23.89998191646426, + "nauc_precision_at_3_diff1": 22.61273732758558, + "nauc_precision_at_3_max": 26.51246898792034, + "nauc_precision_at_3_std": 13.618855663226162, + "nauc_precision_at_5_diff1": 19.216237125486472, + "nauc_precision_at_5_max": 27.491221626577868, + "nauc_precision_at_5_std": 16.448119031617793, + "nauc_recall_at_1000_diff1": 5.787043341957982, + "nauc_recall_at_1000_max": 25.922109246772763, + "nauc_recall_at_1000_std": 43.03768522656805, + "nauc_recall_at_100_diff1": 10.696362559629796, + "nauc_recall_at_100_max": 29.335080453227146, + "nauc_recall_at_100_std": 37.271217586452124, + "nauc_recall_at_10_diff1": 15.458092305569215, + "nauc_recall_at_10_max": 27.24445210740807, + "nauc_recall_at_10_std": 19.71157635644842, + "nauc_recall_at_1_diff1": 23.406427416653127, + "nauc_recall_at_1_max": 21.759624726647303, + "nauc_recall_at_1_std": 8.335925909478444, + "nauc_recall_at_20_diff1": 12.666354755313089, + "nauc_recall_at_20_max": 26.089770792562327, + "nauc_recall_at_20_std": 24.153776619741254, + "nauc_recall_at_3_diff1": 22.545408113368953, + "nauc_recall_at_3_max": 26.18564049945919, + "nauc_recall_at_3_std": 13.308772571657293, + "nauc_recall_at_5_diff1": 19.063078320434958, + "nauc_recall_at_5_max": 27.15038597116091, + "nauc_recall_at_5_std": 16.202694888143302, + "ndcg_at_1": 22.2, + "ndcg_at_10": 19.528000000000002, + "ndcg_at_100": 28.444000000000003, + "ndcg_at_1000": 33.826, + "ndcg_at_20": 22.746, + "ndcg_at_3": 18.413, + "ndcg_at_5": 15.927, + "precision_at_1": 22.2, + "precision_at_10": 10.24, + "precision_at_100": 2.3040000000000003, + "precision_at_1000": 0.358, + "precision_at_20": 6.97, + "precision_at_3": 17.299999999999997, + "precision_at_5": 13.919999999999998, + "recall_at_1": 4.5280000000000005, + "recall_at_10": 20.757, + "recall_at_100": 46.75, + "recall_at_1000": 72.738, + "recall_at_20": 28.28, + "recall_at_3": 10.558, + "recall_at_5": 14.148 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/SCIDOCS.json b/results/BAAI__bge-multilingual-gemma2/external/SCIDOCS.json new file mode 100644 index 000000000..e53fbd327 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/SCIDOCS.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "f8c2fcf00f625baaa80f62ec5bd9e1fff3b8ae88", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 26.93150756480961, + "ndcg_at_1": 30.8, + "ndcg_at_3": 25.048085553386628, + "ndcg_at_5": 22.351207380852305, + "ndcg_at_10": 26.93150756480961, + "ndcg_at_100": 37.965486832874014, + "ndcg_at_1000": 43.346046425140244, + "map_at_1": 6.238333333333366, + "map_at_3": 11.479166666666679, + "map_at_5": 14.215999999999983, + "map_at_10": 16.774632936507945, + "map_at_100": 20.148869158557293, + "map_at_1000": 20.528644104490823, + "precision_at_1": 30.8, + "precision_at_3": 23.466666666666736, + "precision_at_5": 19.899999999999967, + "precision_at_10": 14.069999999999938, + "precision_at_100": 2.9770000000000065, + "precision_at_1000": 0.42569999999999486, + "recall_at_1": 6.238333333333366, + "recall_at_3": 14.29333333333338, + "recall_at_5": 20.206666666666628, + "recall_at_10": 28.573333333333224, + "recall_at_100": 60.43666666666675, + "recall_at_1000": 86.3649999999997 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/SICK-E-PL.json b/results/BAAI__bge-multilingual-gemma2/external/SICK-E-PL.json new file mode 100644 index 000000000..d5fb3de22 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/SICK-E-PL.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "71bba34b0ece6c56dfcf46d9758a27f7a90f17e9", + "task_name": "SICK-E-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cosine_accuracy": 87.50509580105992, + "cosine_accuracy_threshold": 89.01510631979949, + "cosine_ap": 85.58291779193907, + "cosine_f1": 77.58919293384136, + "cosine_f1_threshold": 87.10908804245841, + "cosine_precision": 75.52258934592044, + "cosine_recall": 79.77207977207978, + "dot_accuracy": 83.9380350591113, + "dot_accuracy_threshold": 2292800.0, + "dot_ap": 77.56937485120034, + "dot_f1": 73.32065906210391, + "dot_f1_threshold": 2190400.0, + "dot_precision": 66.03881278538812, + "dot_recall": 82.4074074074074, + "euclidean_accuracy": 87.89237668161435, + "euclidean_accuracy_threshold": 7497.701400069587, + "euclidean_ap": 85.97216152106346, + "euclidean_f1": 77.97228300510578, + "euclidean_f1_threshold": 7799.027816670506, + "euclidean_precision": 79.89536621823618, + "euclidean_recall": 76.13960113960114, + "main_score": 85.97216152106346, + "manhattan_accuracy": 87.85161027313494, + "manhattan_accuracy_threshold": 357242.9743885994, + "manhattan_ap": 85.96709490495458, + "manhattan_f1": 77.9874213836478, + "manhattan_f1_threshold": 383558.8531732559, + "manhattan_precision": 76.5432098765432, + "manhattan_recall": 79.48717948717949, + "max_ap": 85.97216152106346, + "max_f1": 77.9874213836478, + "max_precision": 79.89536621823618, + "max_recall": 82.4074074074074, + "similarity_accuracy": 87.50509580105992, + "similarity_accuracy_threshold": 89.01510631979949, + "similarity_ap": 85.58291779193907, + "similarity_f1": 77.58919293384136, + "similarity_f1_threshold": 87.10908804245841, + "similarity_precision": 75.52258934592044, + "similarity_recall": 79.77207977207978 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/SICK-R-PL.json b/results/BAAI__bge-multilingual-gemma2/external/SICK-R-PL.json new file mode 100644 index 000000000..2af346524 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/SICK-R-PL.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "fd5c2441b7eeff8676768036142af4cfa42c1339", + "task_name": "SICK-R-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cosine_pearson": 79.68602301743276, + "cosine_spearman": 78.15913085997471, + "euclidean_pearson": 77.19541180768627, + "euclidean_spearman": 77.9122894221527, + "main_score": 78.15913085997471, + "manhattan_pearson": 77.24713453824641, + "manhattan_spearman": 77.95971728547582, + "pearson": 79.68602301743276, + "spearman": 78.15913085997471 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/SICK-R.json b/results/BAAI__bge-multilingual-gemma2/external/SICK-R.json new file mode 100644 index 000000000..0fd5e00eb --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/SICK-R.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 84.15759544348467, + "cosine_spearman": 82.66085892322664, + "manhattan_pearson": 82.27257241990692, + "manhattan_spearman": 82.57752467555896, + "euclidean_pearson": 82.20795646456065, + "euclidean_spearman": 82.51008729416401, + "main_score": 82.66085892322664 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/SICKFr.json b/results/BAAI__bge-multilingual-gemma2/external/SICKFr.json new file mode 100644 index 000000000..a87fb4af6 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/SICKFr.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e077ab4cf4774a1e36d86d593b150422fafd8e8a", + "task_name": "SICKFr", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "cosine_pearson": 79.79861486027, + "cosine_spearman": 79.3918786992987, + "euclidean_pearson": 77.73226212475764, + "euclidean_spearman": 79.08856888397014, + "main_score": 79.3918786992987, + "manhattan_pearson": 77.8002206650809, + "manhattan_spearman": 79.15284532531264, + "pearson": 79.79861486027, + "spearman": 79.3918786992987 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/STS12.json b/results/BAAI__bge-multilingual-gemma2/external/STS12.json new file mode 100644 index 000000000..118e28570 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/STS12.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 84.3406321391237, + "cosine_spearman": 77.71091257651071, + "manhattan_pearson": 81.25784268400994, + "manhattan_spearman": 77.98426383345507, + "euclidean_pearson": 81.25641851462917, + "euclidean_spearman": 77.93254971878063, + "main_score": 77.71091257651071 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/STS13.json b/results/BAAI__bge-multilingual-gemma2/external/STS13.json new file mode 100644 index 000000000..a5aad5b8d --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/STS13.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 86.1528398894769, + "cosine_spearman": 87.44662352358895, + "manhattan_pearson": 86.92164570802663, + "manhattan_spearman": 86.9132692625668, + "euclidean_pearson": 87.00156426580821, + "euclidean_spearman": 86.98750068631274, + "main_score": 87.44662352358895 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/STS14.json b/results/BAAI__bge-multilingual-gemma2/external/STS14.json new file mode 100644 index 000000000..6bddcbdd7 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/STS14.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 83.32782491176253, + "cosine_spearman": 83.48313793311584, + "manhattan_pearson": 82.60528063429948, + "manhattan_spearman": 83.10434862310481, + "euclidean_pearson": 82.68016090104034, + "euclidean_spearman": 83.14418662406631, + "main_score": 83.48313793311584 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/STS15.json b/results/BAAI__bge-multilingual-gemma2/external/STS15.json new file mode 100644 index 000000000..810dbaf42 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/STS15.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 86.31535441436343, + "cosine_spearman": 87.63145141246594, + "manhattan_pearson": 86.95972711389149, + "manhattan_spearman": 86.9849824463052, + "euclidean_pearson": 86.95391575487379, + "euclidean_spearman": 86.97613682266213, + "main_score": 87.63145141246594 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/STS16.json b/results/BAAI__bge-multilingual-gemma2/external/STS16.json new file mode 100644 index 000000000..1fb31ff29 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/STS16.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 83.43854397443079, + "cosine_spearman": 86.70176531845136, + "manhattan_pearson": 85.82302317064868, + "manhattan_spearman": 86.36561734213241, + "euclidean_pearson": 85.80127366135169, + "euclidean_spearman": 86.34803859754834, + "main_score": 86.70176531845136 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/STS17.json b/results/BAAI__bge-multilingual-gemma2/external/STS17.json new file mode 100644 index 000000000..06b8be648 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/STS17.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 90.38940955877999, + "cosine_spearman": 91.18282119920893, + "manhattan_pearson": 91.31823663739615, + "manhattan_spearman": 90.67257321731341, + "euclidean_pearson": 91.30318753138528, + "euclidean_spearman": 90.69044765693836, + "main_score": 91.18282119920893 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/STS22.json b/results/BAAI__bge-multilingual-gemma2/external/STS22.json new file mode 100644 index 000000000..71d38abef --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/STS22.json @@ -0,0 +1,66 @@ +{ + "dataset_revision": "eea2b4fe26a775864c896887d910b76a8098ad3f", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 69.33936467780947, + "cosine_spearman": 69.02345807358802, + "manhattan_pearson": 70.11799452953082, + "manhattan_spearman": 68.55450923481405, + "euclidean_pearson": 70.10857680491809, + "euclidean_spearman": 68.44610245708984, + "main_score": 69.02345807358802 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 68.29834902017382, + "cosine_spearman": 68.6823378297782, + "manhattan_pearson": 68.47336169904406, + "manhattan_spearman": 69.08033223619941, + "euclidean_pearson": 68.38785956191622, + "euclidean_spearman": 68.97973814449657, + "main_score": 68.6823378297782 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cosine_pearson": 83.32314025534286, + "cosine_spearman": 83.2806004701507, + "euclidean_pearson": 81.88040500817269, + "euclidean_spearman": 82.73179823676206, + "main_score": 83.2806004701507, + "manhattan_pearson": 82.0438174605579, + "manhattan_spearman": 83.0253049811576, + "pearson": 83.32314025534286, + "spearman": 83.2806004701507 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "cosine_pearson": 42.01062393061261, + "cosine_spearman": 42.79076406559122, + "euclidean_pearson": 28.57786522106708, + "euclidean_spearman": 42.51040813516686, + "main_score": 42.79076406559122, + "manhattan_pearson": 28.855884350706653, + "manhattan_spearman": 42.77481125184737, + "pearson": 42.01062393061261, + "spearman": 42.79076406559122 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/STSB.json b/results/BAAI__bge-multilingual-gemma2/external/STSB.json new file mode 100644 index 000000000..0e90c1588 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/STSB.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "0cde68302b3541bb8b3c340dc0644b0b745b3dc0", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 80.60572958563593, + "cosine_spearman": 80.87063761195603, + "manhattan_pearson": 79.30174059269083, + "manhattan_spearman": 80.02203618135883, + "euclidean_pearson": 79.3314553444783, + "euclidean_spearman": 80.04556415585255, + "main_score": 80.87063761195603 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/STSBenchmark.json b/results/BAAI__bge-multilingual-gemma2/external/STSBenchmark.json new file mode 100644 index 000000000..5f59aec12 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/STSBenchmark.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 85.97288135509513, + "cosine_spearman": 87.25208310840168, + "manhattan_pearson": 86.3786471501451, + "manhattan_spearman": 86.71177136523868, + "euclidean_pearson": 86.40522339296625, + "euclidean_spearman": 86.73930576508816, + "main_score": 87.25208310840168 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/STSBenchmarkMultilingualSTS.json b/results/BAAI__bge-multilingual-gemma2/external/STSBenchmarkMultilingualSTS.json new file mode 100644 index 000000000..7994189f9 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/STSBenchmarkMultilingualSTS.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "29afa2569dcedaaa2fe6a3dcfebab33d28b82e8c", + "task_name": "STSBenchmarkMultilingualSTS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cosine_pearson": 84.56723075054445, + "cosine_spearman": 85.08759191551403, + "euclidean_pearson": 83.186096744725, + "euclidean_spearman": 84.36958569816491, + "main_score": 85.08759191551403, + "manhattan_pearson": 83.1405072165467, + "manhattan_spearman": 84.34227830781155, + "pearson": 84.56723075054445, + "spearman": 85.08759191551403 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/SciDocsRR.json b/results/BAAI__bge-multilingual-gemma2/external/SciDocsRR.json new file mode 100644 index 000000000..4b8422793 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 87.60324164489178, + "mrr": 96.30331904841708, + "main_score": 87.60324164489178 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/SciFact-PL.json b/results/BAAI__bge-multilingual-gemma2/external/SciFact-PL.json new file mode 100644 index 000000000..75147dd3d --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/SciFact-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "47932a35f045ef8ed01ba82bf9ff67f6e109207e", + "task_name": "SciFact-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 74.434, + "map_at_1": 59.494, + "map_at_10": 69.893, + "map_at_100": 70.45, + "map_at_1000": 70.466, + "map_at_20": 70.259, + "map_at_3": 67.037, + "map_at_5": 68.777, + "mrr_at_1": 62.66666666666667, + "mrr_at_10": 71.04457671957671, + "mrr_at_100": 71.52299909263925, + "mrr_at_1000": 71.53881086964122, + "mrr_at_20": 71.33636271136271, + "mrr_at_3": 69.16666666666667, + "mrr_at_5": 70.26666666666667, + "nauc_map_at_1000_diff1": 68.97113084189034, + "nauc_map_at_1000_max": 51.00665747497857, + "nauc_map_at_1000_std": 8.970270487093412, + "nauc_map_at_100_diff1": 68.97281660521169, + "nauc_map_at_100_max": 51.01659549614879, + "nauc_map_at_100_std": 8.986483862053491, + "nauc_map_at_10_diff1": 69.07605123979184, + "nauc_map_at_10_max": 51.229841935772804, + "nauc_map_at_10_std": 9.050901052243548, + "nauc_map_at_1_diff1": 71.46187295357046, + "nauc_map_at_1_max": 46.82038076857106, + "nauc_map_at_1_std": 6.931602615510153, + "nauc_map_at_20_diff1": 68.93823362705625, + "nauc_map_at_20_max": 51.15218544845727, + "nauc_map_at_20_std": 8.993550237629675, + "nauc_map_at_3_diff1": 69.19558420072627, + "nauc_map_at_3_max": 47.345905341053886, + "nauc_map_at_3_std": 4.833936436252541, + "nauc_map_at_5_diff1": 69.05067049349557, + "nauc_map_at_5_max": 49.62866209452668, + "nauc_map_at_5_std": 7.455937282103214, + "nauc_mrr_at_1000_diff1": 69.2896395759106, + "nauc_mrr_at_1000_max": 54.20478659857226, + "nauc_mrr_at_1000_std": 12.534151525016302, + "nauc_mrr_at_100_diff1": 69.29115865311857, + "nauc_mrr_at_100_max": 54.212882919608475, + "nauc_mrr_at_100_std": 12.548435473868432, + "nauc_mrr_at_10_diff1": 69.29596234146305, + "nauc_mrr_at_10_max": 54.391683731646935, + "nauc_mrr_at_10_std": 12.74312540729047, + "nauc_mrr_at_1_diff1": 71.19661136604304, + "nauc_mrr_at_1_max": 53.50646788895577, + "nauc_mrr_at_1_std": 14.68408048005645, + "nauc_mrr_at_20_diff1": 69.24714813412893, + "nauc_mrr_at_20_max": 54.32239828421196, + "nauc_mrr_at_20_std": 12.623980761665866, + "nauc_mrr_at_3_diff1": 69.22708724496187, + "nauc_mrr_at_3_max": 53.18873450995116, + "nauc_mrr_at_3_std": 11.336687945925586, + "nauc_mrr_at_5_diff1": 69.10748983236182, + "nauc_mrr_at_5_max": 53.878090193979034, + "nauc_mrr_at_5_std": 12.079036178698662, + "nauc_ndcg_at_1000_diff1": 68.66705448374432, + "nauc_ndcg_at_1000_max": 52.74699991296371, + "nauc_ndcg_at_1000_std": 10.535824386304968, + "nauc_ndcg_at_100_diff1": 68.66862462407086, + "nauc_ndcg_at_100_max": 52.979821543362874, + "nauc_ndcg_at_100_std": 10.856284103500371, + "nauc_ndcg_at_10_diff1": 68.66965948376267, + "nauc_ndcg_at_10_max": 53.978681919984474, + "nauc_ndcg_at_10_std": 11.10472732803466, + "nauc_ndcg_at_1_diff1": 71.19661136604304, + "nauc_ndcg_at_1_max": 53.50646788895577, + "nauc_ndcg_at_1_std": 14.68408048005645, + "nauc_ndcg_at_20_diff1": 68.20754850499976, + "nauc_ndcg_at_20_max": 53.590485842045595, + "nauc_ndcg_at_20_std": 10.719753086433334, + "nauc_ndcg_at_3_diff1": 68.23406959629385, + "nauc_ndcg_at_3_max": 48.8837450762613, + "nauc_ndcg_at_3_std": 6.287949648205997, + "nauc_ndcg_at_5_diff1": 68.52532849588677, + "nauc_ndcg_at_5_max": 51.29845300513165, + "nauc_ndcg_at_5_std": 8.15488455762137, + "nauc_precision_at_1000_diff1": -29.56388929021074, + "nauc_precision_at_1000_max": 18.61674681637121, + "nauc_precision_at_1000_std": 41.68541412973936, + "nauc_precision_at_100_diff1": -17.020740767390375, + "nauc_precision_at_100_max": 24.321682766394957, + "nauc_precision_at_100_std": 39.36188711602, + "nauc_precision_at_10_diff1": 7.735819461600302, + "nauc_precision_at_10_max": 39.59963139423176, + "nauc_precision_at_10_std": 33.923494696390385, + "nauc_precision_at_1_diff1": 71.19661136604304, + "nauc_precision_at_1_max": 53.50646788895577, + "nauc_precision_at_1_std": 14.68408048005645, + "nauc_precision_at_20_diff1": -3.587900694179661, + "nauc_precision_at_20_max": 33.36606615861144, + "nauc_precision_at_20_std": 34.51624192343654, + "nauc_precision_at_3_diff1": 41.996620318298625, + "nauc_precision_at_3_max": 43.08007454860597, + "nauc_precision_at_3_std": 14.398965447916495, + "nauc_precision_at_5_diff1": 25.054180107661132, + "nauc_precision_at_5_max": 40.94617942853718, + "nauc_precision_at_5_std": 23.69992709404865, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": 68.09523809523836, + "nauc_recall_at_100_max": 63.034547152194406, + "nauc_recall_at_100_std": 23.594771241830657, + "nauc_recall_at_10_diff1": 66.43213426149696, + "nauc_recall_at_10_max": 63.07509853849101, + "nauc_recall_at_10_std": 15.44924084252273, + "nauc_recall_at_1_diff1": 71.46187295357046, + "nauc_recall_at_1_max": 46.82038076857106, + "nauc_recall_at_1_std": 6.931602615510153, + "nauc_recall_at_20_diff1": 61.64354198229226, + "nauc_recall_at_20_max": 63.09950698826864, + "nauc_recall_at_20_std": 12.823209698925014, + "nauc_recall_at_3_diff1": 65.63352507252078, + "nauc_recall_at_3_max": 45.10210171735505, + "nauc_recall_at_3_std": -0.08017546941514365, + "nauc_recall_at_5_diff1": 65.93453179242769, + "nauc_recall_at_5_max": 51.97740656606473, + "nauc_recall_at_5_std": 4.929967882548962, + "ndcg_at_1": 62.666999999999994, + "ndcg_at_10": 74.434, + "ndcg_at_100": 76.655, + "ndcg_at_1000": 77.08, + "ndcg_at_20": 75.588, + "ndcg_at_3": 69.75099999999999, + "ndcg_at_5": 72.09100000000001, + "precision_at_1": 62.666999999999994, + "precision_at_10": 9.9, + "precision_at_100": 1.097, + "precision_at_1000": 0.11299999999999999, + "precision_at_20": 5.2, + "precision_at_3": 27.0, + "precision_at_5": 17.933, + "recall_at_1": 59.494, + "recall_at_10": 87.13300000000001, + "recall_at_100": 96.667, + "recall_at_1000": 100.0, + "recall_at_20": 91.43299999999999, + "recall_at_3": 74.461, + "recall_at_5": 80.34400000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/SciFact.json b/results/BAAI__bge-multilingual-gemma2/external/SciFact.json new file mode 100644 index 000000000..3e47186a3 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/SciFact.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 72.0465439956427, + "ndcg_at_1": 58.666666666666664, + "ndcg_at_3": 66.84566274610046, + "ndcg_at_5": 69.46578881873717, + "ndcg_at_10": 72.0465439956427, + "ndcg_at_100": 74.25705461923272, + "ndcg_at_1000": 74.63689058493014, + "map_at_1": 55.59444444444445, + "map_at_3": 63.71851851851852, + "map_at_5": 65.5362962962963, + "map_at_10": 66.84112433862435, + "map_at_100": 67.36269426417417, + "map_at_1000": 67.37568665562833, + "precision_at_1": 58.666666666666664, + "precision_at_3": 26.444444444444425, + "precision_at_5": 17.66666666666672, + "precision_at_10": 9.866666666666706, + "precision_at_100": 1.0966666666666596, + "precision_at_1000": 0.11266666666666675, + "recall_at_1": 55.59444444444445, + "recall_at_3": 72.72777777777777, + "recall_at_5": 79.31666666666666, + "recall_at_10": 86.75, + "recall_at_100": 96.66666666666667, + "recall_at_1000": 99.66666666666667 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/SprintDuplicateQuestions.json b/results/BAAI__bge-multilingual-gemma2/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..f5422cba7 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/SprintDuplicateQuestions.json @@ -0,0 +1,48 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.6920792079208, + "cos_sim_accuracy_threshold": 90.36337347155474, + "cos_sim_ap": 90.93952679056765, + "cos_sim_f1": 83.10700706137968, + "cos_sim_f1_threshold": 90.36337347155474, + "cos_sim_precision": 90.96313912009512, + "cos_sim_recall": 76.5, + "dot_accuracy": 99.54554455445545, + "dot_accuracy_threshold": 2876800.0, + "dot_ap": 84.01112287735286, + "dot_f1": 75.7622739018088, + "dot_f1_threshold": 2820800.0, + "dot_precision": 78.39572192513369, + "dot_recall": 73.3, + "euclidean_accuracy": 99.6930693069307, + "euclidean_accuracy_threshold": 7718.054017089397, + "euclidean_ap": 91.1257568881301, + "euclidean_f1": 83.09022150189087, + "euclidean_f1_threshold": 7817.08324628535, + "euclidean_precision": 90.36427732079906, + "euclidean_recall": 76.9, + "manhattan_accuracy": 99.6920792079208, + "manhattan_accuracy_threshold": 364735.19654273987, + "manhattan_ap": 91.2326885940691, + "manhattan_f1": 83.36008560727663, + "manhattan_f1_threshold": 375395.8945572376, + "manhattan_precision": 89.64326812428078, + "manhattan_recall": 77.9, + "max_accuracy": 99.6930693069307, + "max_ap": 91.2326885940691, + "max_f1": 83.36008560727663, + "main_score": 91.2326885940691 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/StackExchangeClustering.json b/results/BAAI__bge-multilingual-gemma2/external/StackExchangeClustering.json new file mode 100644 index 000000000..329725897 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/StackExchangeClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 66.2095300942637, + "v_measure": 66.2095300942637, + "v_measure_std": 3.214369679617631 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/StackExchangeClusteringP2P.json b/results/BAAI__bge-multilingual-gemma2/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..aac3f9736 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/StackExchangeClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 45.74307000935057, + "v_measure": 45.74307000935057, + "v_measure_std": 1.5352466748569888 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/StackOverflowDupQuestions.json b/results/BAAI__bge-multilingual-gemma2/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..fa6822aca --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 54.90337951829123, + "mrr": 56.12889663441134, + "main_score": 54.90337951829123 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/SummEval.json b/results/BAAI__bge-multilingual-gemma2/external/SummEval.json new file mode 100644 index 000000000..c61bd29a7 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/SummEval.json @@ -0,0 +1,21 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 31.0669308484832, + "cosine_spearman": 31.19637421540861, + "dot_pearson": 30.62326176666765, + "dot_spearman": 30.42135737502967, + "main_score": 31.19637421540861 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/SummEvalFr.json b/results/BAAI__bge-multilingual-gemma2/external/SummEvalFr.json new file mode 100644 index 000000000..32c767b6b --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/SummEvalFr.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "b385812de6a9577b6f4d0f88c6a6e35395a94054", + "task_name": "SummEvalFr", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "cosine_pearson": 31.921764332449115, + "cosine_spearman": 31.260442997631806, + "dot_pearson": 31.585578707631406, + "dot_spearman": 31.479238746310028, + "main_score": 31.260442997631806, + "pearson": 31.921764332449115, + "spearman": 31.260442997631806 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/SyntecReranking.json b/results/BAAI__bge-multilingual-gemma2/external/SyntecReranking.json new file mode 100644 index 000000000..8e53c4ae6 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/SyntecReranking.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "daf0863838cd9e3ba50544cdce3ac2b338a1b0ad", + "task_name": "SyntecReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "main_score": 91.83333333333333, + "map": 91.83333333333333, + "mrr": 92.0, + "nAUC_map_diff1": 53.97793263646914, + "nAUC_map_max": 44.264158743282195, + "nAUC_map_std": 14.692218350754885, + "nAUC_mrr_diff1": 54.36926882239366, + "nAUC_mrr_max": 46.43108510296003, + "nAUC_mrr_std": 17.48914092664096 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/SyntecRetrieval.json b/results/BAAI__bge-multilingual-gemma2/external/SyntecRetrieval.json new file mode 100644 index 000000000..172b76f2b --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/SyntecRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "19661ccdca4dfc2d15122d776b61685f48c68ca9", + "task_name": "SyntecRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "main_score": 90.36699999999999, + "map_at_1": 79.0, + "map_at_10": 87.18599999999999, + "map_at_100": 87.18599999999999, + "map_at_1000": 87.18599999999999, + "map_at_20": 87.18599999999999, + "map_at_3": 86.0, + "map_at_5": 86.95, + "mrr_at_1": 79.0, + "mrr_at_10": 87.18611111111112, + "mrr_at_100": 87.18611111111112, + "mrr_at_1000": 87.18611111111112, + "mrr_at_20": 87.18611111111112, + "mrr_at_3": 86.0, + "mrr_at_5": 86.95, + "nauc_map_at_1000_diff1": 63.05539428169271, + "nauc_map_at_1000_max": 45.428107132447124, + "nauc_map_at_1000_std": 13.94507583970834, + "nauc_map_at_100_diff1": 63.05539428169271, + "nauc_map_at_100_max": 45.428107132447124, + "nauc_map_at_100_std": 13.94507583970834, + "nauc_map_at_10_diff1": 63.05539428169271, + "nauc_map_at_10_max": 45.428107132447124, + "nauc_map_at_10_std": 13.94507583970834, + "nauc_map_at_1_diff1": 64.24122923028831, + "nauc_map_at_1_max": 44.34077957053877, + "nauc_map_at_1_std": 9.594344386466878, + "nauc_map_at_20_diff1": 63.05539428169271, + "nauc_map_at_20_max": 45.428107132447124, + "nauc_map_at_20_std": 13.94507583970834, + "nauc_map_at_3_diff1": 62.30831315577075, + "nauc_map_at_3_max": 47.33980193586779, + "nauc_map_at_3_std": 16.132624025733, + "nauc_map_at_5_diff1": 63.079622378971834, + "nauc_map_at_5_max": 45.13424437707254, + "nauc_map_at_5_std": 13.730785051570013, + "nauc_mrr_at_1000_diff1": 63.05539428169271, + "nauc_mrr_at_1000_max": 45.428107132447124, + "nauc_mrr_at_1000_std": 13.94507583970834, + "nauc_mrr_at_100_diff1": 63.05539428169271, + "nauc_mrr_at_100_max": 45.428107132447124, + "nauc_mrr_at_100_std": 13.94507583970834, + "nauc_mrr_at_10_diff1": 63.05539428169271, + "nauc_mrr_at_10_max": 45.428107132447124, + "nauc_mrr_at_10_std": 13.94507583970834, + "nauc_mrr_at_1_diff1": 64.24122923028831, + "nauc_mrr_at_1_max": 44.34077957053877, + "nauc_mrr_at_1_std": 9.594344386466878, + "nauc_mrr_at_20_diff1": 63.05539428169271, + "nauc_mrr_at_20_max": 45.428107132447124, + "nauc_mrr_at_20_std": 13.94507583970834, + "nauc_mrr_at_3_diff1": 62.30831315577075, + "nauc_mrr_at_3_max": 47.33980193586779, + "nauc_mrr_at_3_std": 16.132624025733, + "nauc_mrr_at_5_diff1": 63.079622378971834, + "nauc_mrr_at_5_max": 45.13424437707254, + "nauc_mrr_at_5_std": 13.730785051570013, + "nauc_ndcg_at_1000_diff1": 62.97376441474187, + "nauc_ndcg_at_1000_max": 45.457846840130586, + "nauc_ndcg_at_1000_std": 14.17695491254452, + "nauc_ndcg_at_100_diff1": 62.97376441474187, + "nauc_ndcg_at_100_max": 45.457846840130586, + "nauc_ndcg_at_100_std": 14.17695491254452, + "nauc_ndcg_at_10_diff1": 62.97376441474187, + "nauc_ndcg_at_10_max": 45.457846840130586, + "nauc_ndcg_at_10_std": 14.17695491254452, + "nauc_ndcg_at_1_diff1": 64.24122923028831, + "nauc_ndcg_at_1_max": 44.34077957053877, + "nauc_ndcg_at_1_std": 9.594344386466878, + "nauc_ndcg_at_20_diff1": 62.97376441474187, + "nauc_ndcg_at_20_max": 45.457846840130586, + "nauc_ndcg_at_20_std": 14.17695491254452, + "nauc_ndcg_at_3_diff1": 61.47043349797183, + "nauc_ndcg_at_3_max": 49.12165820225059, + "nauc_ndcg_at_3_std": 18.525396343409568, + "nauc_ndcg_at_5_diff1": 63.04022063936115, + "nauc_ndcg_at_5_max": 44.381937619091765, + "nauc_ndcg_at_5_std": 13.3263412698325, + "nauc_precision_at_1000_diff1": NaN, + "nauc_precision_at_1000_max": NaN, + "nauc_precision_at_1000_std": NaN, + "nauc_precision_at_100_diff1": NaN, + "nauc_precision_at_100_max": NaN, + "nauc_precision_at_100_std": NaN, + "nauc_precision_at_10_diff1": 100.0, + "nauc_precision_at_10_max": 100.0, + "nauc_precision_at_10_std": 100.0, + "nauc_precision_at_1_diff1": 64.24122923028831, + "nauc_precision_at_1_max": 44.34077957053877, + "nauc_precision_at_1_std": 9.594344386466878, + "nauc_precision_at_20_diff1": 100.0, + "nauc_precision_at_20_max": 100.0, + "nauc_precision_at_20_std": 100.0, + "nauc_precision_at_3_diff1": 56.27917833800158, + "nauc_precision_at_3_max": 60.51976346093969, + "nauc_precision_at_3_std": 33.02209772798002, + "nauc_precision_at_5_diff1": 63.81886087768404, + "nauc_precision_at_5_max": 27.544351073763345, + "nauc_precision_at_5_std": -0.4668534080301362, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": NaN, + "nauc_recall_at_100_max": NaN, + "nauc_recall_at_100_std": NaN, + "nauc_recall_at_10_diff1": NaN, + "nauc_recall_at_10_max": NaN, + "nauc_recall_at_10_std": NaN, + "nauc_recall_at_1_diff1": 64.24122923028831, + "nauc_recall_at_1_max": 44.34077957053877, + "nauc_recall_at_1_std": 9.594344386466878, + "nauc_recall_at_20_diff1": NaN, + "nauc_recall_at_20_max": NaN, + "nauc_recall_at_20_std": NaN, + "nauc_recall_at_3_diff1": 56.27917833800187, + "nauc_recall_at_3_max": 60.51976346094, + "nauc_recall_at_3_std": 33.022097727980125, + "nauc_recall_at_5_diff1": 63.81886087768457, + "nauc_recall_at_5_max": 27.544351073763107, + "nauc_recall_at_5_std": -0.46685340803013775, + "ndcg_at_1": 79.0, + "ndcg_at_10": 90.36699999999999, + "ndcg_at_100": 90.36699999999999, + "ndcg_at_1000": 90.36699999999999, + "ndcg_at_20": 90.36699999999999, + "ndcg_at_3": 88.071, + "ndcg_at_5": 89.75, + "precision_at_1": 79.0, + "precision_at_10": 10.0, + "precision_at_100": 1.0, + "precision_at_1000": 0.1, + "precision_at_20": 5.0, + "precision_at_3": 31.333, + "precision_at_5": 19.6, + "recall_at_1": 79.0, + "recall_at_10": 100.0, + "recall_at_100": 100.0, + "recall_at_1000": 100.0, + "recall_at_20": 100.0, + "recall_at_3": 94.0, + "recall_at_5": 98.0 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/T2Reranking.json b/results/BAAI__bge-multilingual-gemma2/external/T2Reranking.json new file mode 100644 index 000000000..04de1780b --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "76631901a18387f85eaa53e5450019b87ad58ef9", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 67.47921173708028, + "mrr": 77.9396513739777, + "main_score": 67.47921173708028 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/T2Retrieval.json b/results/BAAI__bge-multilingual-gemma2/external/T2Retrieval.json new file mode 100644 index 000000000..c0a2b3199 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/T2Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "8731a845f1bf500a4f111cf1070785c793d10e64", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 28.021, + "map_at_10": 79.149, + "map_at_100": 82.613, + "map_at_1000": 82.67099999999999, + "map_at_3": 55.665, + "map_at_5": 68.46900000000001, + "mrr_at_1": 91.106, + "mrr_at_10": 93.372, + "mrr_at_100": 93.44200000000001, + "mrr_at_1000": 93.445, + "mrr_at_3": 92.99300000000001, + "mrr_at_5": 93.24900000000001, + "ndcg_at_1": 91.106, + "ndcg_at_10": 86.259, + "ndcg_at_100": 89.46600000000001, + "ndcg_at_1000": 90.012, + "ndcg_at_3": 87.574, + "ndcg_at_5": 86.283, + "precision_at_1": 91.106, + "precision_at_10": 42.742999999999995, + "precision_at_100": 5.029999999999999, + "precision_at_1000": 0.516, + "precision_at_3": 76.593, + "precision_at_5": 64.243, + "recall_at_1": 28.021, + "recall_at_10": 85.184, + "recall_at_100": 95.79299999999999, + "recall_at_1000": 98.547, + "recall_at_3": 57.233000000000004, + "recall_at_5": 71.628, + "main_score": 86.259 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/TNews.json b/results/BAAI__bge-multilingual-gemma2/external/TNews.json new file mode 100644 index 000000000..e8df51632 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/TNews.json @@ -0,0 +1,21 @@ +{ + "dataset_revision": "317f262bf1e6126357bbe89e875451e4b0938fe4", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 50.255, + "accuracy_stderr": 0.9341868121526873, + "f1": 48.65080322457893, + "f1_stderr": 0.9391547591179161, + "main_score": 50.255 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/TRECCOVID-PL.json b/results/BAAI__bge-multilingual-gemma2/external/TRECCOVID-PL.json new file mode 100644 index 000000000..7633591b9 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/TRECCOVID-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "81bcb408f33366c2a20ac54adafad1ae7e877fdd", + "task_name": "TRECCOVID-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 82.749, + "map_at_1": 0.20400000000000001, + "map_at_10": 2.099, + "map_at_100": 12.948, + "map_at_1000": 32.007000000000005, + "map_at_20": 3.746, + "map_at_3": 0.651, + "map_at_5": 1.061, + "mrr_at_1": 84.0, + "mrr_at_10": 91.66666666666666, + "mrr_at_100": 91.66666666666666, + "mrr_at_1000": 91.66666666666666, + "mrr_at_20": 91.66666666666666, + "mrr_at_3": 91.66666666666666, + "mrr_at_5": 91.66666666666666, + "nauc_map_at_1000_diff1": 1.0291414165448085, + "nauc_map_at_1000_max": 57.33479540784058, + "nauc_map_at_1000_std": 76.70364036170582, + "nauc_map_at_100_diff1": 6.949672309533349, + "nauc_map_at_100_max": 43.99861611069154, + "nauc_map_at_100_std": 64.12473626966596, + "nauc_map_at_10_diff1": 4.208568177173666, + "nauc_map_at_10_max": 18.875910045226423, + "nauc_map_at_10_std": 34.58171216714189, + "nauc_map_at_1_diff1": 8.433450768728983, + "nauc_map_at_1_max": 24.08001091473891, + "nauc_map_at_1_std": 35.21473053133869, + "nauc_map_at_20_diff1": 6.041054220619057, + "nauc_map_at_20_max": 22.57475437061051, + "nauc_map_at_20_std": 35.254808865756964, + "nauc_map_at_3_diff1": 11.166815378728485, + "nauc_map_at_3_max": 18.995433996118248, + "nauc_map_at_3_std": 34.29696290521795, + "nauc_map_at_5_diff1": 7.1134812647567855, + "nauc_map_at_5_max": 20.03877039266845, + "nauc_map_at_5_std": 36.21644151312843, + "nauc_mrr_at_1000_diff1": -7.262394669801826, + "nauc_mrr_at_1000_max": 66.22378992749366, + "nauc_mrr_at_1000_std": 68.18146188516563, + "nauc_mrr_at_100_diff1": -7.262394669801826, + "nauc_mrr_at_100_max": 66.22378992749366, + "nauc_mrr_at_100_std": 68.18146188516563, + "nauc_mrr_at_10_diff1": -7.262394669801826, + "nauc_mrr_at_10_max": 66.22378992749366, + "nauc_mrr_at_10_std": 68.18146188516563, + "nauc_mrr_at_1_diff1": -11.38929798723619, + "nauc_mrr_at_1_max": 68.58738340697101, + "nauc_mrr_at_1_std": 68.00441826215022, + "nauc_mrr_at_20_diff1": -7.262394669801826, + "nauc_mrr_at_20_max": 66.22378992749366, + "nauc_mrr_at_20_std": 68.18146188516563, + "nauc_mrr_at_3_diff1": -7.262394669801826, + "nauc_mrr_at_3_max": 66.22378992749366, + "nauc_mrr_at_3_std": 68.18146188516563, + "nauc_mrr_at_5_diff1": -7.262394669801826, + "nauc_mrr_at_5_max": 66.22378992749366, + "nauc_mrr_at_5_std": 68.18146188516563, + "nauc_ndcg_at_1000_diff1": 2.5628376286433334, + "nauc_ndcg_at_1000_max": 57.605148480655025, + "nauc_ndcg_at_1000_std": 76.62891677430625, + "nauc_ndcg_at_100_diff1": -13.313083767893671, + "nauc_ndcg_at_100_max": 52.932453336031905, + "nauc_ndcg_at_100_std": 73.5050466104544, + "nauc_ndcg_at_10_diff1": -6.837803344621873, + "nauc_ndcg_at_10_max": 59.29833159945462, + "nauc_ndcg_at_10_std": 63.719268128346705, + "nauc_ndcg_at_1_diff1": 4.834338452523335, + "nauc_ndcg_at_1_max": 53.58546768562144, + "nauc_ndcg_at_1_std": 59.07659252386643, + "nauc_ndcg_at_20_diff1": -9.617683189610558, + "nauc_ndcg_at_20_max": 54.57354685878183, + "nauc_ndcg_at_20_std": 63.15198506529425, + "nauc_ndcg_at_3_diff1": 15.216236580270994, + "nauc_ndcg_at_3_max": 58.345749967766416, + "nauc_ndcg_at_3_std": 61.78177922399883, + "nauc_ndcg_at_5_diff1": 1.3882436296634026, + "nauc_ndcg_at_5_max": 62.44013008368074, + "nauc_ndcg_at_5_std": 65.64455986653293, + "nauc_precision_at_1000_diff1": -18.516822124710856, + "nauc_precision_at_1000_max": 33.10336267989325, + "nauc_precision_at_1000_std": 29.49816019882571, + "nauc_precision_at_100_diff1": -14.113619184538592, + "nauc_precision_at_100_max": 55.55228172103563, + "nauc_precision_at_100_std": 69.64355056246397, + "nauc_precision_at_10_diff1": -27.271286464111455, + "nauc_precision_at_10_max": 61.885272647604594, + "nauc_precision_at_10_std": 60.73389705676694, + "nauc_precision_at_1_diff1": -11.38929798723619, + "nauc_precision_at_1_max": 68.58738340697101, + "nauc_precision_at_1_std": 68.00441826215022, + "nauc_precision_at_20_diff1": -21.53639909310826, + "nauc_precision_at_20_max": 53.361537614358376, + "nauc_precision_at_20_std": 55.58737187496432, + "nauc_precision_at_3_diff1": 3.785071466384217, + "nauc_precision_at_3_max": 61.66906148377818, + "nauc_precision_at_3_std": 62.81857369734561, + "nauc_precision_at_5_diff1": -16.00339477131436, + "nauc_precision_at_5_max": 61.5246951163262, + "nauc_precision_at_5_std": 63.615062452722135, + "nauc_recall_at_1000_diff1": 5.871263115826736, + "nauc_recall_at_1000_max": 50.48397949000848, + "nauc_recall_at_1000_std": 67.37950715297474, + "nauc_recall_at_100_diff1": 8.310215006893952, + "nauc_recall_at_100_max": 28.687726825722386, + "nauc_recall_at_100_std": 50.34038560928654, + "nauc_recall_at_10_diff1": 3.3408195168322075, + "nauc_recall_at_10_max": 6.89511828305496, + "nauc_recall_at_10_std": 22.929267555360028, + "nauc_recall_at_1_diff1": 8.433450768728983, + "nauc_recall_at_1_max": 24.08001091473891, + "nauc_recall_at_1_std": 35.21473053133869, + "nauc_recall_at_20_diff1": 5.307683260432045, + "nauc_recall_at_20_max": 10.025532087519974, + "nauc_recall_at_20_std": 24.110512570368947, + "nauc_recall_at_3_diff1": 13.355136074654078, + "nauc_recall_at_3_max": 8.568079109800236, + "nauc_recall_at_3_std": 23.691593767005745, + "nauc_recall_at_5_diff1": 6.535580157651383, + "nauc_recall_at_5_max": 9.1442468749571, + "nauc_recall_at_5_std": 27.00111567203191, + "ndcg_at_1": 79.0, + "ndcg_at_10": 82.749, + "ndcg_at_100": 63.846000000000004, + "ndcg_at_1000": 57.691, + "ndcg_at_20": 77.076, + "ndcg_at_3": 84.83800000000001, + "ndcg_at_5": 83.016, + "precision_at_1": 84.0, + "precision_at_10": 87.8, + "precision_at_100": 66.10000000000001, + "precision_at_1000": 25.764, + "precision_at_20": 81.10000000000001, + "precision_at_3": 91.333, + "precision_at_5": 88.8, + "recall_at_1": 0.20400000000000001, + "recall_at_10": 2.294, + "recall_at_100": 16.134999999999998, + "recall_at_1000": 54.981, + "recall_at_20": 4.201, + "recall_at_3": 0.699, + "recall_at_5": 1.141 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/TRECCOVID.json b/results/BAAI__bge-multilingual-gemma2/external/TRECCOVID.json new file mode 100644 index 000000000..efd8685ef --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/TRECCOVID.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "bb9466bac8153a0349341eb1b22e06409e78ef4e", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 64.26928884606035, + "ndcg_at_1": 63.0, + "ndcg_at_3": 64.18432764386345, + "ndcg_at_5": 64.73235515799435, + "ndcg_at_10": 64.26928884606035, + "ndcg_at_100": 52.39807133285409, + "ndcg_at_1000": 52.19937563361241, + "map_at_1": 0.18483494997310454, + "map_at_3": 0.5139705769331114, + "map_at_5": 0.8245601222717243, + "map_at_10": 1.5832530269558573, + "map_at_100": 9.664760850102393, + "map_at_1000": 25.568347406468334, + "precision_at_1": 70.0, + "precision_at_3": 71.33333333333333, + "precision_at_5": 71.60000000000001, + "precision_at_10": 70.99999999999996, + "precision_at_100": 55.140000000000015, + "precision_at_1000": 23.857999999999997, + "recall_at_1": 0.18483494997310454, + "recall_at_3": 0.5584287301859913, + "recall_at_5": 0.9489025953807098, + "recall_at_10": 1.9023711039425688, + "recall_at_100": 13.596810701594226, + "recall_at_1000": 50.92058432920189 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/ThuNewsClusteringP2P.json b/results/BAAI__bge-multilingual-gemma2/external/ThuNewsClusteringP2P.json new file mode 100644 index 000000000..06b212b14 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/ThuNewsClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "5798586b105c0434e4f0fe5e767abe619442cf93", + "task_name": "ThuNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 64.32076022871308, + "v_measure": 64.32076022871308, + "v_measure_std": 0.7190996709617924 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/ThuNewsClusteringS2S.json b/results/BAAI__bge-multilingual-gemma2/external/ThuNewsClusteringS2S.json new file mode 100644 index 000000000..ab18e9031 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/ThuNewsClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "8a8b2caeda43f39e13c4bc5bea0f8a667896e10d", + "task_name": "ThuNewsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 54.57080911705562, + "v_measure": 54.57080911705562, + "v_measure_std": 1.5185826402845883 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/Touche2020.json b/results/BAAI__bge-multilingual-gemma2/external/Touche2020.json new file mode 100644 index 000000000..c1deb3b3a --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/Touche2020.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 30.2563523019649, + "ndcg_at_1": 37.755102040816325, + "ndcg_at_3": 34.45349994459905, + "ndcg_at_5": 32.508805919063086, + "ndcg_at_10": 30.2563523019649, + "ndcg_at_100": 40.538336664503746, + "ndcg_at_1000": 52.2066951614923, + "map_at_1": 2.75537988273998, + "map_at_3": 6.011397290504469, + "map_at_5": 8.666495836494098, + "map_at_10": 12.17701515007822, + "map_at_100": 18.789086471205852, + "map_at_1000": 20.42972375502502, + "precision_at_1": 40.816326530612244, + "precision_at_3": 35.37414965986394, + "precision_at_5": 32.244897959183675, + "precision_at_10": 26.93877551020408, + "precision_at_100": 8.163265306122451, + "precision_at_1000": 1.5979591836734703, + "recall_at_1": 2.75537988273998, + "recall_at_3": 7.254270324385098, + "recall_at_5": 11.580137100328589, + "recall_at_10": 18.745232816450553, + "recall_at_100": 50.196809658622755, + "recall_at_1000": 85.87317364148332 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/ToxicConversationsClassification.json b/results/BAAI__bge-multilingual-gemma2/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..b2c28c67a --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/ToxicConversationsClassification.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 87.34339999999999, + "accuracy_stderr": 1.838245696309393, + "ap": 33.536584790435406, + "ap_stderr": 2.276373512492581, + "f1": 72.47307082324448, + "f1_stderr": 1.9964640292072542, + "main_score": 87.34339999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/TweetSentimentExtractionClassification.json b/results/BAAI__bge-multilingual-gemma2/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..a02be44be --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,21 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.86247877758915, + "accuracy_stderr": 1.1273253738982443, + "f1": 79.14666244848874, + "f1_stderr": 1.1532640958036497, + "main_score": 78.86247877758915 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/TwentyNewsgroupsClustering.json b/results/BAAI__bge-multilingual-gemma2/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..babad7678 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 70.44270836680788, + "v_measure": 70.44270836680788, + "v_measure_std": 1.5185423698266132 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/TwitterSemEval2015.json b/results/BAAI__bge-multilingual-gemma2/external/TwitterSemEval2015.json new file mode 100644 index 000000000..1a13638f4 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/TwitterSemEval2015.json @@ -0,0 +1,48 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 87.74512725755498, + "cos_sim_accuracy_threshold": 82.34941560483547, + "cos_sim_ap": 79.6389274210382, + "cos_sim_f1": 71.76319176319176, + "cos_sim_f1_threshold": 80.1523829249257, + "cos_sim_precision": 70.0502512562814, + "cos_sim_recall": 73.56200527704485, + "dot_accuracy": 85.13441020444657, + "dot_accuracy_threshold": 2220800.0, + "dot_ap": 71.67080150823449, + "dot_f1": 66.18984119287187, + "dot_f1_threshold": 2086400.0, + "dot_precision": 61.224489795918366, + "dot_recall": 72.0316622691293, + "euclidean_accuracy": 87.69148238660071, + "euclidean_accuracy_threshold": 9221.50036619459, + "euclidean_ap": 79.65326151280289, + "euclidean_f1": 71.7903489983621, + "euclidean_f1_threshold": 10313.528386219872, + "euclidean_precision": 68.70026525198939, + "euclidean_recall": 75.17150395778364, + "manhattan_accuracy": 87.74512725755498, + "manhattan_accuracy_threshold": 444289.1119837761, + "manhattan_ap": 79.67744645365104, + "manhattan_f1": 71.94423699278066, + "manhattan_f1_threshold": 491676.24004781246, + "manhattan_precision": 68.0961357210179, + "manhattan_recall": 76.2532981530343, + "max_accuracy": 87.74512725755498, + "max_ap": 79.67744645365104, + "max_f1": 71.94423699278066, + "main_score": 79.67744645365104 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/TwitterURLCorpus.json b/results/BAAI__bge-multilingual-gemma2/external/TwitterURLCorpus.json new file mode 100644 index 000000000..e65f9d45a --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/TwitterURLCorpus.json @@ -0,0 +1,48 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.5544688943222, + "cos_sim_accuracy_threshold": 81.58909533293946, + "cos_sim_ap": 86.95174990178396, + "cos_sim_f1": 79.1543756145526, + "cos_sim_f1_threshold": 80.08573448087095, + "cos_sim_precision": 77.78355879292404, + "cos_sim_recall": 80.5743763473976, + "dot_accuracy": 88.60752124810804, + "dot_accuracy_threshold": 2136000.0, + "dot_ap": 84.26724775947629, + "dot_f1": 77.67666146985243, + "dot_f1_threshold": 2064000.0, + "dot_precision": 73.40505721921468, + "dot_recall": 82.47613181398214, + "euclidean_accuracy": 89.5370046959289, + "euclidean_accuracy_threshold": 9750.113991666478, + "euclidean_ap": 86.99393092403776, + "euclidean_f1": 79.07167337207571, + "euclidean_f1_threshold": 10338.095928500366, + "euclidean_precision": 76.59497690531177, + "euclidean_recall": 81.71388974437943, + "manhattan_accuracy": 89.57581402569178, + "manhattan_accuracy_threshold": 463812.92815208435, + "manhattan_ap": 87.00849868076658, + "manhattan_f1": 79.08583576933297, + "manhattan_f1_threshold": 482453.35128605366, + "manhattan_precision": 78.00494270950348, + "manhattan_recall": 80.19710502001848, + "max_accuracy": 89.57581402569178, + "max_ap": 87.00849868076658, + "max_f1": 79.1543756145526, + "main_score": 87.00849868076658 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/VideoRetrieval.json b/results/BAAI__bge-multilingual-gemma2/external/VideoRetrieval.json new file mode 100644 index 000000000..cfae3279f --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/VideoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "58c2597a5943a2ba48f4668c3b90d796283c5639", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 63.1, + "map_at_10": 73.137, + "map_at_100": 73.539, + "map_at_1000": 73.546, + "map_at_3": 71.467, + "map_at_5": 72.552, + "mrr_at_1": 63.3, + "mrr_at_10": 73.238, + "mrr_at_100": 73.64, + "mrr_at_1000": 73.64699999999999, + "mrr_at_3": 71.56700000000001, + "mrr_at_5": 72.652, + "ndcg_at_1": 63.1, + "ndcg_at_10": 77.397, + "ndcg_at_100": 79.11399999999999, + "ndcg_at_1000": 79.305, + "ndcg_at_3": 74.031, + "ndcg_at_5": 75.976, + "precision_at_1": 63.1, + "precision_at_10": 9.049999999999999, + "precision_at_100": 0.98, + "precision_at_1000": 0.1, + "precision_at_3": 27.133000000000003, + "precision_at_5": 17.22, + "recall_at_1": 63.1, + "recall_at_10": 90.5, + "recall_at_100": 98.0, + "recall_at_1000": 99.5, + "recall_at_3": 81.39999999999999, + "recall_at_5": 86.1, + "main_score": 77.397 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/Waimai.json b/results/BAAI__bge-multilingual-gemma2/external/Waimai.json new file mode 100644 index 000000000..3aaf04b0b --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/Waimai.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "339287def212450dcaa9df8c22bf93e9980c7023", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 89.26, + "accuracy_stderr": 1.44651304867948, + "ap": 75.17154345788362, + "ap_stderr": 2.7356371110082565, + "f1": 87.94016849813178, + "f1_stderr": 1.3897605039980534, + "main_score": 89.26 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/XPQARetrieval.json b/results/BAAI__bge-multilingual-gemma2/external/XPQARetrieval.json new file mode 100644 index 000000000..bd95f3213 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/XPQARetrieval.json @@ -0,0 +1,158 @@ +{ + "dataset_revision": "c99d599f0a6ab9b85b065da6f9d94f9cf731679f", + "task_name": "XPQARetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fra-fra", + "languages": [ + "fra-Latn", + "fra-Latn" + ], + "main_score": 77.425, + "map_at_1": 46.749, + "map_at_10": 72.108, + "map_at_100": 73.32499999999999, + "map_at_1000": 73.341, + "map_at_20": 72.991, + "map_at_3": 65.09, + "map_at_5": 70.137, + "mrr_at_1": 71.82910547396529, + "mrr_at_10": 78.63357492529722, + "mrr_at_100": 78.97374961354801, + "mrr_at_1000": 78.97840549855806, + "mrr_at_20": 78.86005025292395, + "mrr_at_3": 77.28081886960389, + "mrr_at_5": 78.0551846906987, + "nauc_map_at_1000_diff1": 57.508397030020156, + "nauc_map_at_1000_max": 43.80251983780665, + "nauc_map_at_1000_std": -16.231491160419434, + "nauc_map_at_100_diff1": 57.48614844875469, + "nauc_map_at_100_max": 43.797011627763055, + "nauc_map_at_100_std": -16.239303348969592, + "nauc_map_at_10_diff1": 57.254064849553934, + "nauc_map_at_10_max": 42.765535577219026, + "nauc_map_at_10_std": -17.255606315997156, + "nauc_map_at_1_diff1": 65.04324659040175, + "nauc_map_at_1_max": 17.852220653388855, + "nauc_map_at_1_std": -14.257753661018779, + "nauc_map_at_20_diff1": 57.48367588324867, + "nauc_map_at_20_max": 43.680084254814425, + "nauc_map_at_20_std": -16.59381108810359, + "nauc_map_at_3_diff1": 58.328817274958276, + "nauc_map_at_3_max": 34.603370607250675, + "nauc_map_at_3_std": -15.326569334165047, + "nauc_map_at_5_diff1": 57.544271139796365, + "nauc_map_at_5_max": 41.58159814532708, + "nauc_map_at_5_std": -17.035562345654515, + "nauc_mrr_at_1000_diff1": 67.23053035385993, + "nauc_mrr_at_1000_max": 53.982556981667095, + "nauc_mrr_at_1000_std": -12.015571062417035, + "nauc_mrr_at_100_diff1": 67.23047293440347, + "nauc_mrr_at_100_max": 53.97931489747768, + "nauc_mrr_at_100_std": -12.026957248146365, + "nauc_mrr_at_10_diff1": 67.25927907237941, + "nauc_mrr_at_10_max": 53.99647347811833, + "nauc_mrr_at_10_std": -12.356365137919108, + "nauc_mrr_at_1_diff1": 67.80552098159194, + "nauc_mrr_at_1_max": 52.34740974885752, + "nauc_mrr_at_1_std": -9.009347371853096, + "nauc_mrr_at_20_diff1": 67.22472566769486, + "nauc_mrr_at_20_max": 54.03480374123263, + "nauc_mrr_at_20_std": -12.129416933895373, + "nauc_mrr_at_3_diff1": 66.86636026044627, + "nauc_mrr_at_3_max": 53.84675762408544, + "nauc_mrr_at_3_std": -12.318414220208327, + "nauc_mrr_at_5_diff1": 67.16713697443882, + "nauc_mrr_at_5_max": 54.174275682276765, + "nauc_mrr_at_5_std": -12.382704200660772, + "nauc_ndcg_at_1000_diff1": 60.076768803793875, + "nauc_ndcg_at_1000_max": 48.06880976583911, + "nauc_ndcg_at_1000_std": -14.8002468401513, + "nauc_ndcg_at_100_diff1": 59.84195440900073, + "nauc_ndcg_at_100_max": 48.031759882567265, + "nauc_ndcg_at_100_std": -14.93671795434138, + "nauc_ndcg_at_10_diff1": 59.091362656630984, + "nauc_ndcg_at_10_max": 45.902216798175296, + "nauc_ndcg_at_10_std": -18.225812204918686, + "nauc_ndcg_at_1_diff1": 67.80552098159194, + "nauc_ndcg_at_1_max": 52.34740974885752, + "nauc_ndcg_at_1_std": -9.009347371853096, + "nauc_ndcg_at_20_diff1": 59.80472569029982, + "nauc_ndcg_at_20_max": 47.92221974783734, + "nauc_ndcg_at_20_std": -16.589965314279805, + "nauc_ndcg_at_3_diff1": 56.9195769675713, + "nauc_ndcg_at_3_max": 44.992740041222575, + "nauc_ndcg_at_3_std": -16.329730380555382, + "nauc_ndcg_at_5_diff1": 59.31912266230594, + "nauc_ndcg_at_5_max": 44.75423089733974, + "nauc_ndcg_at_5_std": -17.744216780645583, + "nauc_precision_at_1000_diff1": -30.976050318575094, + "nauc_precision_at_1000_max": 16.55619583017722, + "nauc_precision_at_1000_std": 10.549164466552044, + "nauc_precision_at_100_diff1": -30.217028356940872, + "nauc_precision_at_100_max": 17.709049202840184, + "nauc_precision_at_100_std": 10.04190905252673, + "nauc_precision_at_10_diff1": -19.588612396735584, + "nauc_precision_at_10_max": 23.97095583735318, + "nauc_precision_at_10_std": 1.3308819095790259, + "nauc_precision_at_1_diff1": 67.80552098159194, + "nauc_precision_at_1_max": 52.34740974885752, + "nauc_precision_at_1_std": -9.009347371853096, + "nauc_precision_at_20_diff1": -24.56372903999468, + "nauc_precision_at_20_max": 21.970766470092478, + "nauc_precision_at_20_std": 5.690019568793079, + "nauc_precision_at_3_diff1": -5.293993834675436, + "nauc_precision_at_3_max": 33.48037221970611, + "nauc_precision_at_3_std": -0.9905029996040207, + "nauc_precision_at_5_diff1": -12.477204961113433, + "nauc_precision_at_5_max": 28.41320824321574, + "nauc_precision_at_5_std": -0.25510168506666026, + "nauc_recall_at_1000_diff1": 63.80720019823024, + "nauc_recall_at_1000_max": 100.0, + "nauc_recall_at_1000_std": 100.0, + "nauc_recall_at_100_diff1": 45.99503772001805, + "nauc_recall_at_100_max": 53.62256247578381, + "nauc_recall_at_100_std": -2.1521605315502126, + "nauc_recall_at_10_diff1": 51.49183566173087, + "nauc_recall_at_10_max": 39.94460610694432, + "nauc_recall_at_10_std": -27.417226994058534, + "nauc_recall_at_1_diff1": 65.04324659040175, + "nauc_recall_at_1_max": 17.852220653388855, + "nauc_recall_at_1_std": -14.257753661018779, + "nauc_recall_at_20_diff1": 53.65987970751146, + "nauc_recall_at_20_max": 48.20536243702891, + "nauc_recall_at_20_std": -24.77784527777353, + "nauc_recall_at_3_diff1": 53.27794448209969, + "nauc_recall_at_3_max": 30.304767840963283, + "nauc_recall_at_3_std": -19.099603261339936, + "nauc_recall_at_5_diff1": 53.77383683020561, + "nauc_recall_at_5_max": 39.58616026474047, + "nauc_recall_at_5_std": -23.255086482736036, + "ndcg_at_1": 71.829, + "ndcg_at_10": 77.425, + "ndcg_at_100": 80.88, + "ndcg_at_1000": 81.128, + "ndcg_at_20": 79.403, + "ndcg_at_3": 72.89, + "ndcg_at_5": 74.521, + "precision_at_1": 71.829, + "precision_at_10": 17.596999999999998, + "precision_at_100": 2.033, + "precision_at_1000": 0.207, + "precision_at_20": 9.513, + "precision_at_3": 44.192, + "precision_at_5": 31.776, + "recall_at_1": 46.749, + "recall_at_10": 85.49799999999999, + "recall_at_100": 98.17099999999999, + "recall_at_1000": 99.733, + "recall_at_20": 91.70700000000001, + "recall_at_3": 70.309, + "recall_at_5": 78.507 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-multilingual-gemma2/external/model_meta.json b/results/BAAI__bge-multilingual-gemma2/external/model_meta.json new file mode 100644 index 000000000..f7b1bfb58 --- /dev/null +++ b/results/BAAI__bge-multilingual-gemma2/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "BAAI/bge-multilingual-gemma2", + "revision": "992e13d8984fde2c31ef8a3cb2c038aeec513b8a", + "release_date": "2024-07-25", + "languages": [], + "loader": null, + "n_parameters": 9241713152, + "memory_usage": null, + "max_tokens": 8192, + "embed_dim": 3584, + "license": "gemma", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/BAAI__bge-reranker-base/external/MMarcoReranking.json b/results/BAAI__bge-reranker-base/external/MMarcoReranking.json new file mode 100644 index 000000000..e07d1eb54 --- /dev/null +++ b/results/BAAI__bge-reranker-base/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 35.4600511272538, + "mrr": 34.60238095238095, + "main_score": 35.4600511272538 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-reranker-base/external/T2Reranking.json b/results/BAAI__bge-reranker-base/external/T2Reranking.json new file mode 100644 index 000000000..6a4947b06 --- /dev/null +++ b/results/BAAI__bge-reranker-base/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 67.27728847727172, + "mrr": 77.1315192743764, + "main_score": 67.27728847727172 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-reranker-base/external/model_meta.json b/results/BAAI__bge-reranker-base/external/model_meta.json new file mode 100644 index 000000000..deb798619 --- /dev/null +++ b/results/BAAI__bge-reranker-base/external/model_meta.json @@ -0,0 +1,25 @@ +{ + "name": "BAAI/bge-reranker-base", + "revision": "2cfc18c9415c912f9d8155881c133215df768a70", + "release_date": "2023-09-11", + "languages": [ + "en", + "zh" + ], + "loader": null, + "n_parameters": 278044931, + "memory_usage": null, + "max_tokens": 514, + "embed_dim": 768, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/AmazonCounterfactualClassification.json b/results/BAAI__bge-small-en-v1.5/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..3cdf82e1e --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.79104477611939, + "ap": 37.21923821573361, + "f1": 68.0914945617093, + "main_score": 73.79104477611939 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/AmazonPolarityClassification.json b/results/BAAI__bge-small-en-v1.5/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..cc0889b72 --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.75377499999999, + "ap": 89.46766124546022, + "f1": 92.73884001331487, + "main_score": 92.75377499999999 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/AmazonReviewsClassification.json b/results/BAAI__bge-small-en-v1.5/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..caf2f79ec --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 46.986, + "f1": 46.55936786727896, + "main_score": 46.986 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/ArguAna.json b/results/BAAI__bge-small-en-v1.5/external/ArguAna.json new file mode 100644 index 000000000..16d68f098 --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 35.846000000000004, + "map_at_10": 51.388, + "map_at_100": 52.132999999999996, + "map_at_1000": 52.141000000000005, + "map_at_3": 47.037, + "map_at_5": 49.579, + "mrr_at_1": 36.558, + "mrr_at_10": 51.658, + "mrr_at_100": 52.402, + "mrr_at_1000": 52.410000000000004, + "mrr_at_3": 47.345, + "mrr_at_5": 49.797999999999995, + "ndcg_at_1": 35.846000000000004, + "ndcg_at_10": 59.550000000000004, + "ndcg_at_100": 62.596, + "ndcg_at_1000": 62.759, + "ndcg_at_3": 50.666999999999994, + "ndcg_at_5": 55.228, + "precision_at_1": 35.846000000000004, + "precision_at_10": 8.542, + "precision_at_100": 0.984, + "precision_at_1000": 0.1, + "precision_at_3": 20.389, + "precision_at_5": 14.438, + "recall_at_1": 35.846000000000004, + "recall_at_10": 85.42, + "recall_at_100": 98.43499999999999, + "recall_at_1000": 99.644, + "recall_at_3": 61.166, + "recall_at_5": 72.191, + "main_score": 59.550000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/ArxivClusteringP2P.json b/results/BAAI__bge-small-en-v1.5/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..464de0e45 --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 47.402770198163594, + "main_score": 47.402770198163594 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/ArxivClusteringS2S.json b/results/BAAI__bge-small-en-v1.5/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..c34dd98b1 --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.01545436974177, + "main_score": 40.01545436974177 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/AskUbuntuDupQuestions.json b/results/BAAI__bge-small-en-v1.5/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..e9eecfdb5 --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 62.586465273207196, + "mrr": 74.42169019038825, + "main_score": 62.586465273207196 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/BIOSSES.json b/results/BAAI__bge-small-en-v1.5/external/BIOSSES.json new file mode 100644 index 000000000..65f192199 --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.1891186537969, + "cos_sim_spearman": 83.75492046087288, + "euclidean_pearson": 84.11766204805357, + "euclidean_spearman": 84.01456493126516, + "manhattan_pearson": 84.2132950502772, + "manhattan_spearman": 83.89227298813377, + "cosine_pearson": 85.1891186537969, + "cosine_spearman": 83.75492046087288, + "main_score": 83.75492046087288 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/Banking77Classification.json b/results/BAAI__bge-small-en-v1.5/external/Banking77Classification.json new file mode 100644 index 000000000..90a96897c --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 85.74025974025975, + "f1": 85.71493566466381, + "main_score": 85.74025974025975 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/BiorxivClusteringP2P.json b/results/BAAI__bge-small-en-v1.5/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..ba4bc05b6 --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.467181385006434, + "main_score": 38.467181385006434 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/BiorxivClusteringS2S.json b/results/BAAI__bge-small-en-v1.5/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..eb69d2b71 --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.719496037339056, + "main_score": 34.719496037339056 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/CQADupstackAndroidRetrieval.json b/results/BAAI__bge-small-en-v1.5/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..694e191a9 --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.587000000000003, + "map_at_10": 41.114, + "map_at_100": 42.532, + "map_at_1000": 42.661, + "map_at_3": 37.483, + "map_at_5": 39.652, + "mrr_at_1": 36.338, + "mrr_at_10": 46.763, + "mrr_at_100": 47.393, + "mrr_at_1000": 47.445, + "mrr_at_3": 43.538, + "mrr_at_5": 45.556000000000004, + "ndcg_at_1": 36.338, + "ndcg_at_10": 47.658, + "ndcg_at_100": 52.824000000000005, + "ndcg_at_1000": 54.913999999999994, + "ndcg_at_3": 41.989, + "ndcg_at_5": 44.944, + "precision_at_1": 36.338, + "precision_at_10": 9.156, + "precision_at_100": 1.4789999999999999, + "precision_at_1000": 0.196, + "precision_at_3": 20.076, + "precision_at_5": 14.85, + "recall_at_1": 29.587000000000003, + "recall_at_10": 60.746, + "recall_at_100": 82.157, + "recall_at_1000": 95.645, + "recall_at_3": 44.821, + "recall_at_5": 52.819, + "main_score": 47.658 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.239, + "map_at_10": 39.989000000000004, + "map_at_100": 41.196, + "map_at_1000": 41.325, + "map_at_3": 37.261, + "map_at_5": 38.833, + "mrr_at_1": 37.516, + "mrr_at_10": 46.177, + "mrr_at_100": 46.806, + "mrr_at_1000": 46.849000000000004, + "mrr_at_3": 44.002, + "mrr_at_5": 45.34, + "ndcg_at_1": 37.516, + "ndcg_at_10": 45.586, + "ndcg_at_100": 49.897000000000006, + "ndcg_at_1000": 51.955, + "ndcg_at_3": 41.684, + "ndcg_at_5": 43.617, + "precision_at_1": 37.516, + "precision_at_10": 8.522, + "precision_at_100": 1.374, + "precision_at_1000": 0.184, + "precision_at_3": 20.105999999999998, + "precision_at_5": 14.152999999999999, + "recall_at_1": 30.239, + "recall_at_10": 55.03, + "recall_at_100": 73.375, + "recall_at_1000": 86.29599999999999, + "recall_at_3": 43.269000000000005, + "recall_at_5": 48.878, + "main_score": 45.586 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.338, + "map_at_10": 50.468999999999994, + "map_at_100": 51.553000000000004, + "map_at_1000": 51.608, + "map_at_3": 47.107, + "map_at_5": 49.101, + "mrr_at_1": 44.201, + "mrr_at_10": 54.057, + "mrr_at_100": 54.764, + "mrr_at_1000": 54.791000000000004, + "mrr_at_3": 51.56699999999999, + "mrr_at_5": 53.05, + "ndcg_at_1": 44.201, + "ndcg_at_10": 56.379000000000005, + "ndcg_at_100": 60.645, + "ndcg_at_1000": 61.73499999999999, + "ndcg_at_3": 50.726000000000006, + "ndcg_at_5": 53.58500000000001, + "precision_at_1": 44.201, + "precision_at_10": 9.141, + "precision_at_100": 1.216, + "precision_at_1000": 0.135, + "precision_at_3": 22.654, + "precision_at_5": 15.723999999999998, + "recall_at_1": 38.338, + "recall_at_10": 70.30499999999999, + "recall_at_100": 88.77199999999999, + "recall_at_1000": 96.49799999999999, + "recall_at_3": 55.218, + "recall_at_5": 62.104000000000006, + "main_score": 56.379000000000005 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.682, + "map_at_10": 33.498, + "map_at_100": 34.461000000000006, + "map_at_1000": 34.544000000000004, + "map_at_3": 30.503999999999998, + "map_at_5": 32.216, + "mrr_at_1": 27.683999999999997, + "mrr_at_10": 35.467999999999996, + "mrr_at_100": 36.32, + "mrr_at_1000": 36.386, + "mrr_at_3": 32.618, + "mrr_at_5": 34.262, + "ndcg_at_1": 27.683999999999997, + "ndcg_at_10": 38.378, + "ndcg_at_100": 43.288, + "ndcg_at_1000": 45.413, + "ndcg_at_3": 32.586, + "ndcg_at_5": 35.499, + "precision_at_1": 27.683999999999997, + "precision_at_10": 5.864, + "precision_at_100": 0.882, + "precision_at_1000": 0.11, + "precision_at_3": 13.446, + "precision_at_5": 9.718, + "recall_at_1": 25.682, + "recall_at_10": 51.712, + "recall_at_100": 74.446, + "recall_at_1000": 90.472, + "recall_at_3": 36.236000000000004, + "recall_at_5": 43.234, + "main_score": 38.378 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.073999999999998, + "map_at_10": 24.352999999999998, + "map_at_100": 25.438, + "map_at_1000": 25.545, + "map_at_3": 21.614, + "map_at_5": 23.104, + "mrr_at_1": 19.776, + "mrr_at_10": 28.837000000000003, + "mrr_at_100": 29.755, + "mrr_at_1000": 29.817, + "mrr_at_3": 26.201999999999998, + "mrr_at_5": 27.714, + "ndcg_at_1": 19.776, + "ndcg_at_10": 29.701, + "ndcg_at_100": 35.307, + "ndcg_at_1000": 37.942, + "ndcg_at_3": 24.764, + "ndcg_at_5": 27.025, + "precision_at_1": 19.776, + "precision_at_10": 5.659, + "precision_at_100": 0.971, + "precision_at_1000": 0.133, + "precision_at_3": 12.065, + "precision_at_5": 8.905000000000001, + "recall_at_1": 16.073999999999998, + "recall_at_10": 41.647, + "recall_at_100": 66.884, + "recall_at_1000": 85.91499999999999, + "recall_at_3": 27.916, + "recall_at_5": 33.729, + "main_score": 29.701 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.444999999999997, + "map_at_10": 38.218999999999994, + "map_at_100": 39.595, + "map_at_1000": 39.709, + "map_at_3": 35.586, + "map_at_5": 36.895, + "mrr_at_1": 34.841, + "mrr_at_10": 44.106, + "mrr_at_100": 44.98, + "mrr_at_1000": 45.03, + "mrr_at_3": 41.979, + "mrr_at_5": 43.047999999999995, + "ndcg_at_1": 34.841, + "ndcg_at_10": 43.922, + "ndcg_at_100": 49.504999999999995, + "ndcg_at_1000": 51.675000000000004, + "ndcg_at_3": 39.858, + "ndcg_at_5": 41.408, + "precision_at_1": 34.841, + "precision_at_10": 7.872999999999999, + "precision_at_100": 1.2449999999999999, + "precision_at_1000": 0.161, + "precision_at_3": 18.993, + "precision_at_5": 13.032, + "recall_at_1": 28.444999999999997, + "recall_at_10": 54.984, + "recall_at_100": 78.342, + "recall_at_1000": 92.77, + "recall_at_3": 42.842999999999996, + "recall_at_5": 47.247, + "main_score": 43.922 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.072, + "map_at_10": 32.354, + "map_at_100": 33.800000000000004, + "map_at_1000": 33.908, + "map_at_3": 29.232000000000003, + "map_at_5": 31.049, + "mrr_at_1": 29.110000000000003, + "mrr_at_10": 38.03, + "mrr_at_100": 39.032, + "mrr_at_1000": 39.086999999999996, + "mrr_at_3": 35.407, + "mrr_at_5": 36.76, + "ndcg_at_1": 29.110000000000003, + "ndcg_at_10": 38.231, + "ndcg_at_100": 44.425, + "ndcg_at_1000": 46.771, + "ndcg_at_3": 33.095, + "ndcg_at_5": 35.459, + "precision_at_1": 29.110000000000003, + "precision_at_10": 7.215000000000001, + "precision_at_100": 1.2109999999999999, + "precision_at_1000": 0.157, + "precision_at_3": 16.058, + "precision_at_5": 11.644, + "recall_at_1": 23.072, + "recall_at_10": 50.285999999999994, + "recall_at_100": 76.596, + "recall_at_1000": 92.861, + "recall_at_3": 35.702, + "recall_at_5": 42.152, + "main_score": 38.231 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.937916666666666, + "map_at_10": 33.755250000000004, + "map_at_100": 34.955999999999996, + "map_at_1000": 35.070499999999996, + "map_at_3": 30.98708333333333, + "map_at_5": 32.51491666666666, + "mrr_at_1": 29.48708333333333, + "mrr_at_10": 37.92183333333334, + "mrr_at_100": 38.76583333333333, + "mrr_at_1000": 38.82466666666667, + "mrr_at_3": 35.45125, + "mrr_at_5": 36.827000000000005, + "ndcg_at_1": 29.48708333333333, + "ndcg_at_10": 39.05225, + "ndcg_at_100": 44.25983333333334, + "ndcg_at_1000": 46.568333333333335, + "ndcg_at_3": 34.271583333333325, + "ndcg_at_5": 36.483916666666666, + "precision_at_1": 29.48708333333333, + "precision_at_10": 6.865749999999999, + "precision_at_100": 1.1195833333333332, + "precision_at_1000": 0.15058333333333335, + "precision_at_3": 15.742083333333333, + "precision_at_5": 11.221916666666667, + "recall_at_1": 24.937916666666666, + "recall_at_10": 50.650416666666665, + "recall_at_100": 73.55383333333334, + "recall_at_1000": 89.61691666666667, + "recall_at_3": 37.27808333333334, + "recall_at_5": 42.99475, + "main_score": 39.05225 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.947, + "map_at_10": 30.575000000000003, + "map_at_100": 31.465, + "map_at_1000": 31.558000000000003, + "map_at_3": 28.814, + "map_at_5": 29.738999999999997, + "mrr_at_1": 26.994, + "mrr_at_10": 33.415, + "mrr_at_100": 34.18, + "mrr_at_1000": 34.245, + "mrr_at_3": 31.621, + "mrr_at_5": 32.549, + "ndcg_at_1": 26.994, + "ndcg_at_10": 34.482, + "ndcg_at_100": 38.915, + "ndcg_at_1000": 41.355, + "ndcg_at_3": 31.139, + "ndcg_at_5": 32.589, + "precision_at_1": 26.994, + "precision_at_10": 5.322, + "precision_at_100": 0.8160000000000001, + "precision_at_1000": 0.11100000000000002, + "precision_at_3": 13.344000000000001, + "precision_at_5": 8.988, + "recall_at_1": 23.947, + "recall_at_10": 43.647999999999996, + "recall_at_100": 63.851, + "recall_at_1000": 82.0, + "recall_at_3": 34.288000000000004, + "recall_at_5": 38.117000000000004, + "main_score": 34.482 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.197, + "map_at_10": 22.968, + "map_at_100": 24.095, + "map_at_1000": 24.217, + "map_at_3": 20.771, + "map_at_5": 21.995, + "mrr_at_1": 19.511, + "mrr_at_10": 26.55, + "mrr_at_100": 27.500999999999998, + "mrr_at_1000": 27.578999999999997, + "mrr_at_3": 24.421, + "mrr_at_5": 25.604, + "ndcg_at_1": 19.511, + "ndcg_at_10": 27.386, + "ndcg_at_100": 32.828, + "ndcg_at_1000": 35.739, + "ndcg_at_3": 23.405, + "ndcg_at_5": 25.255, + "precision_at_1": 19.511, + "precision_at_10": 5.017, + "precision_at_100": 0.91, + "precision_at_1000": 0.133, + "precision_at_3": 11.023, + "precision_at_5": 8.025, + "recall_at_1": 16.197, + "recall_at_10": 37.09, + "recall_at_100": 61.778, + "recall_at_1000": 82.56599999999999, + "recall_at_3": 26.034000000000002, + "recall_at_5": 30.762, + "main_score": 27.386 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.41, + "map_at_10": 33.655, + "map_at_100": 34.892, + "map_at_1000": 34.995, + "map_at_3": 30.94, + "map_at_5": 32.303, + "mrr_at_1": 29.477999999999998, + "mrr_at_10": 37.443, + "mrr_at_100": 38.383, + "mrr_at_1000": 38.440000000000005, + "mrr_at_3": 34.949999999999996, + "mrr_at_5": 36.228, + "ndcg_at_1": 29.477999999999998, + "ndcg_at_10": 38.769, + "ndcg_at_100": 44.245000000000005, + "ndcg_at_1000": 46.593, + "ndcg_at_3": 33.623, + "ndcg_at_5": 35.766, + "precision_at_1": 29.477999999999998, + "precision_at_10": 6.455, + "precision_at_100": 1.032, + "precision_at_1000": 0.135, + "precision_at_3": 14.893999999999998, + "precision_at_5": 10.485, + "recall_at_1": 25.41, + "recall_at_10": 50.669, + "recall_at_100": 74.084, + "recall_at_1000": 90.435, + "recall_at_3": 36.679, + "recall_at_5": 41.94, + "main_score": 38.769 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.339, + "map_at_10": 31.852000000000004, + "map_at_100": 33.411, + "map_at_1000": 33.62, + "map_at_3": 28.929, + "map_at_5": 30.542, + "mrr_at_1": 28.063, + "mrr_at_10": 36.301, + "mrr_at_100": 37.288, + "mrr_at_1000": 37.349, + "mrr_at_3": 33.663, + "mrr_at_5": 35.165, + "ndcg_at_1": 28.063, + "ndcg_at_10": 37.462, + "ndcg_at_100": 43.620999999999995, + "ndcg_at_1000": 46.211, + "ndcg_at_3": 32.68, + "ndcg_at_5": 34.981, + "precision_at_1": 28.063, + "precision_at_10": 7.1739999999999995, + "precision_at_100": 1.486, + "precision_at_1000": 0.23500000000000001, + "precision_at_3": 15.217, + "precision_at_5": 11.265, + "recall_at_1": 23.339, + "recall_at_10": 48.376999999999995, + "recall_at_100": 76.053, + "recall_at_1000": 92.455, + "recall_at_3": 34.735, + "recall_at_5": 40.71, + "main_score": 37.462 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.925, + "map_at_10": 26.017000000000003, + "map_at_100": 27.034000000000002, + "map_at_1000": 27.156000000000002, + "map_at_3": 23.604, + "map_at_5": 24.75, + "mrr_at_1": 20.333000000000002, + "mrr_at_10": 27.915, + "mrr_at_100": 28.788000000000004, + "mrr_at_1000": 28.877999999999997, + "mrr_at_3": 25.446999999999996, + "mrr_at_5": 26.648, + "ndcg_at_1": 20.333000000000002, + "ndcg_at_10": 30.673000000000002, + "ndcg_at_100": 35.618, + "ndcg_at_1000": 38.517, + "ndcg_at_3": 25.71, + "ndcg_at_5": 27.679, + "precision_at_1": 20.333000000000002, + "precision_at_10": 4.9910000000000005, + "precision_at_100": 0.8130000000000001, + "precision_at_1000": 0.117, + "precision_at_3": 11.029, + "precision_at_5": 7.8740000000000006, + "recall_at_1": 18.925, + "recall_at_10": 43.311, + "recall_at_100": 66.308, + "recall_at_1000": 87.49, + "recall_at_3": 29.596, + "recall_at_5": 34.245, + "main_score": 30.673000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/ClimateFEVER.json b/results/BAAI__bge-small-en-v1.5/external/ClimateFEVER.json new file mode 100644 index 000000000..8d604ca3d --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 13.714, + "map_at_10": 23.194, + "map_at_100": 24.976000000000003, + "map_at_1000": 25.166, + "map_at_3": 19.709, + "map_at_5": 21.523999999999997, + "mrr_at_1": 30.619000000000003, + "mrr_at_10": 42.563, + "mrr_at_100": 43.386, + "mrr_at_1000": 43.423, + "mrr_at_3": 39.555, + "mrr_at_5": 41.268, + "ndcg_at_1": 30.619000000000003, + "ndcg_at_10": 31.836, + "ndcg_at_100": 38.652, + "ndcg_at_1000": 42.088, + "ndcg_at_3": 26.733, + "ndcg_at_5": 28.435, + "precision_at_1": 30.619000000000003, + "precision_at_10": 9.751999999999999, + "precision_at_100": 1.71, + "precision_at_1000": 0.23500000000000001, + "precision_at_3": 19.935, + "precision_at_5": 14.984, + "recall_at_1": 13.714, + "recall_at_10": 37.26, + "recall_at_100": 60.546, + "recall_at_1000": 79.899, + "recall_at_3": 24.325, + "recall_at_5": 29.725, + "main_score": 31.836 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/DBPedia.json b/results/BAAI__bge-small-en-v1.5/external/DBPedia.json new file mode 100644 index 000000000..b293dc046 --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.462, + "map_at_10": 18.637, + "map_at_100": 26.131999999999998, + "map_at_1000": 27.607, + "map_at_3": 13.333, + "map_at_5": 15.654000000000002, + "mrr_at_1": 66.25, + "mrr_at_10": 74.32600000000001, + "mrr_at_100": 74.60900000000001, + "mrr_at_1000": 74.62, + "mrr_at_3": 72.667, + "mrr_at_5": 73.817, + "ndcg_at_1": 53.87499999999999, + "ndcg_at_10": 40.028999999999996, + "ndcg_at_100": 44.199, + "ndcg_at_1000": 51.629999999999995, + "ndcg_at_3": 44.113, + "ndcg_at_5": 41.731, + "precision_at_1": 66.25, + "precision_at_10": 31.900000000000002, + "precision_at_100": 10.043000000000001, + "precision_at_1000": 1.926, + "precision_at_3": 47.417, + "precision_at_5": 40.65, + "recall_at_1": 8.462, + "recall_at_10": 24.293, + "recall_at_100": 50.146, + "recall_at_1000": 74.034, + "recall_at_3": 14.967, + "recall_at_5": 18.682000000000002, + "main_score": 40.028999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/EmotionClassification.json b/results/BAAI__bge-small-en-v1.5/external/EmotionClassification.json new file mode 100644 index 000000000..e978108ab --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 47.84499999999999, + "f1": 42.48106691979349, + "main_score": 47.84499999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/FEVER.json b/results/BAAI__bge-small-en-v1.5/external/FEVER.json new file mode 100644 index 000000000..20cb1c252 --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 74.034, + "map_at_10": 82.76, + "map_at_100": 82.968, + "map_at_1000": 82.98299999999999, + "map_at_3": 81.768, + "map_at_5": 82.418, + "mrr_at_1": 80.048, + "mrr_at_10": 87.64999999999999, + "mrr_at_100": 87.712, + "mrr_at_1000": 87.713, + "mrr_at_3": 87.01100000000001, + "mrr_at_5": 87.466, + "ndcg_at_1": 80.048, + "ndcg_at_10": 86.643, + "ndcg_at_100": 87.361, + "ndcg_at_1000": 87.606, + "ndcg_at_3": 85.137, + "ndcg_at_5": 86.016, + "precision_at_1": 80.048, + "precision_at_10": 10.372, + "precision_at_100": 1.093, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 32.638, + "precision_at_5": 20.177, + "recall_at_1": 74.034, + "recall_at_10": 93.769, + "recall_at_100": 96.569, + "recall_at_1000": 98.039, + "recall_at_3": 89.581, + "recall_at_5": 91.906, + "main_score": 86.643 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/FiQA2018.json b/results/BAAI__bge-small-en-v1.5/external/FiQA2018.json new file mode 100644 index 000000000..0a00920bf --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.5, + "map_at_10": 32.857, + "map_at_100": 34.589, + "map_at_1000": 34.778, + "map_at_3": 29.160999999999998, + "map_at_5": 31.033, + "mrr_at_1": 40.123, + "mrr_at_10": 48.776, + "mrr_at_100": 49.495, + "mrr_at_1000": 49.539, + "mrr_at_3": 46.605000000000004, + "mrr_at_5": 47.654, + "ndcg_at_1": 40.123, + "ndcg_at_10": 40.343, + "ndcg_at_100": 46.56, + "ndcg_at_1000": 49.777, + "ndcg_at_3": 37.322, + "ndcg_at_5": 37.791000000000004, + "precision_at_1": 40.123, + "precision_at_10": 11.08, + "precision_at_100": 1.752, + "precision_at_1000": 0.232, + "precision_at_3": 24.897, + "precision_at_5": 17.809, + "recall_at_1": 20.5, + "recall_at_10": 46.388, + "recall_at_100": 69.552, + "recall_at_1000": 89.011, + "recall_at_3": 33.617999999999995, + "recall_at_5": 38.211, + "main_score": 40.343 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/HotpotQA.json b/results/BAAI__bge-small-en-v1.5/external/HotpotQA.json new file mode 100644 index 000000000..afa6cdf6c --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 39.135999999999996, + "map_at_10": 61.673, + "map_at_100": 62.562, + "map_at_1000": 62.62, + "map_at_3": 58.467999999999996, + "map_at_5": 60.463, + "mrr_at_1": 78.271, + "mrr_at_10": 84.119, + "mrr_at_100": 84.29299999999999, + "mrr_at_1000": 84.299, + "mrr_at_3": 83.18900000000001, + "mrr_at_5": 83.786, + "ndcg_at_1": 78.271, + "ndcg_at_10": 69.935, + "ndcg_at_100": 73.01299999999999, + "ndcg_at_1000": 74.126, + "ndcg_at_3": 65.388, + "ndcg_at_5": 67.906, + "precision_at_1": 78.271, + "precision_at_10": 14.562, + "precision_at_100": 1.6969999999999998, + "precision_at_1000": 0.184, + "precision_at_3": 41.841, + "precision_at_5": 27.087, + "recall_at_1": 39.135999999999996, + "recall_at_10": 72.809, + "recall_at_100": 84.86200000000001, + "recall_at_1000": 92.208, + "recall_at_3": 62.76199999999999, + "recall_at_5": 67.718, + "main_score": 69.935 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/ImdbClassification.json b/results/BAAI__bge-small-en-v1.5/external/ImdbClassification.json new file mode 100644 index 000000000..956f20f99 --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 90.60600000000001, + "ap": 86.6579587804335, + "f1": 90.5938853929307, + "main_score": 90.60600000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/MSMARCO.json b/results/BAAI__bge-small-en-v1.5/external/MSMARCO.json new file mode 100644 index 000000000..8a58339c2 --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.852, + "map_at_10": 33.982, + "map_at_100": 35.116, + "map_at_1000": 35.167, + "map_at_3": 30.134, + "map_at_5": 32.340999999999994, + "mrr_at_1": 22.479, + "mrr_at_10": 34.594, + "mrr_at_100": 35.672, + "mrr_at_1000": 35.716, + "mrr_at_3": 30.84, + "mrr_at_5": 32.998, + "ndcg_at_1": 22.493, + "ndcg_at_10": 40.833000000000006, + "ndcg_at_100": 46.357, + "ndcg_at_1000": 47.637, + "ndcg_at_3": 32.995999999999995, + "ndcg_at_5": 36.919000000000004, + "precision_at_1": 22.493, + "precision_at_10": 6.465999999999999, + "precision_at_100": 0.9249999999999999, + "precision_at_1000": 0.104, + "precision_at_3": 14.030999999999999, + "precision_at_5": 10.413, + "recall_at_1": 21.852, + "recall_at_10": 61.934999999999995, + "recall_at_100": 87.611, + "recall_at_1000": 97.441, + "recall_at_3": 40.583999999999996, + "recall_at_5": 49.992999999999995, + "main_score": 40.833000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/MTOPDomainClassification.json b/results/BAAI__bge-small-en-v1.5/external/MTOPDomainClassification.json new file mode 100644 index 000000000..f4d154c5d --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.36069311445507, + "f1": 93.16456330371453, + "main_score": 93.36069311445507 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/MTOPIntentClassification.json b/results/BAAI__bge-small-en-v1.5/external/MTOPIntentClassification.json new file mode 100644 index 000000000..cb16dc453 --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.74692202462381, + "f1": 58.17903579421599, + "main_score": 74.74692202462381 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/MassiveIntentClassification.json b/results/BAAI__bge-small-en-v1.5/external/MassiveIntentClassification.json new file mode 100644 index 000000000..db2dce802 --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.80833893745796, + "f1": 72.70786592684664, + "main_score": 74.80833893745796 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/MassiveScenarioClassification.json b/results/BAAI__bge-small-en-v1.5/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..97f027d88 --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.69872225958305, + "f1": 78.61626934504731, + "main_score": 78.69872225958305 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/MedrxivClusteringP2P.json b/results/BAAI__bge-small-en-v1.5/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..9015f60b1 --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.058658628717694, + "main_score": 33.058658628717694 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/MedrxivClusteringS2S.json b/results/BAAI__bge-small-en-v1.5/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..623f2f90b --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.85561739360599, + "main_score": 30.85561739360599 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/MindSmallReranking.json b/results/BAAI__bge-small-en-v1.5/external/MindSmallReranking.json new file mode 100644 index 000000000..47a771a67 --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.290259910144385, + "mrr": 32.44223046102856, + "main_score": 31.290259910144385 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/NFCorpus.json b/results/BAAI__bge-small-en-v1.5/external/NFCorpus.json new file mode 100644 index 000000000..b7ef1a224 --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.288, + "map_at_10": 12.267999999999999, + "map_at_100": 15.557000000000002, + "map_at_1000": 16.98, + "map_at_3": 8.866, + "map_at_5": 10.418, + "mrr_at_1": 43.653, + "mrr_at_10": 52.681, + "mrr_at_100": 53.315999999999995, + "mrr_at_1000": 53.357, + "mrr_at_3": 51.393, + "mrr_at_5": 51.903999999999996, + "ndcg_at_1": 42.415000000000006, + "ndcg_at_10": 34.305, + "ndcg_at_100": 30.825999999999997, + "ndcg_at_1000": 39.393, + "ndcg_at_3": 39.931, + "ndcg_at_5": 37.519999999999996, + "precision_at_1": 43.653, + "precision_at_10": 25.728, + "precision_at_100": 7.932, + "precision_at_1000": 2.07, + "precision_at_3": 38.184000000000005, + "precision_at_5": 32.879000000000005, + "recall_at_1": 5.288, + "recall_at_10": 16.195, + "recall_at_100": 31.135, + "recall_at_1000": 61.531000000000006, + "recall_at_3": 10.313, + "recall_at_5": 12.754999999999999, + "main_score": 34.305 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/NQ.json b/results/BAAI__bge-small-en-v1.5/external/NQ.json new file mode 100644 index 000000000..3c5647972 --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.216, + "map_at_10": 42.588, + "map_at_100": 43.702999999999996, + "map_at_1000": 43.739, + "map_at_3": 38.177, + "map_at_5": 40.754000000000005, + "mrr_at_1": 31.866, + "mrr_at_10": 45.189, + "mrr_at_100": 46.056000000000004, + "mrr_at_1000": 46.081, + "mrr_at_3": 41.526999999999994, + "mrr_at_5": 43.704, + "ndcg_at_1": 31.837, + "ndcg_at_10": 50.178, + "ndcg_at_100": 54.98800000000001, + "ndcg_at_1000": 55.812, + "ndcg_at_3": 41.853, + "ndcg_at_5": 46.153, + "precision_at_1": 31.837, + "precision_at_10": 8.43, + "precision_at_100": 1.1119999999999999, + "precision_at_1000": 0.11900000000000001, + "precision_at_3": 19.023, + "precision_at_5": 13.911000000000001, + "recall_at_1": 28.216, + "recall_at_10": 70.8, + "recall_at_100": 91.857, + "recall_at_1000": 97.941, + "recall_at_3": 49.196, + "recall_at_5": 59.072, + "main_score": 50.178 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/QuoraRetrieval.json b/results/BAAI__bge-small-en-v1.5/external/QuoraRetrieval.json new file mode 100644 index 000000000..9d20726fd --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 71.22800000000001, + "map_at_10": 85.115, + "map_at_100": 85.72, + "map_at_1000": 85.737, + "map_at_3": 82.149, + "map_at_5": 84.029, + "mrr_at_1": 81.96, + "mrr_at_10": 88.00200000000001, + "mrr_at_100": 88.088, + "mrr_at_1000": 88.089, + "mrr_at_3": 87.055, + "mrr_at_5": 87.715, + "ndcg_at_1": 82.01, + "ndcg_at_10": 88.78, + "ndcg_at_100": 89.91, + "ndcg_at_1000": 90.013, + "ndcg_at_3": 85.957, + "ndcg_at_5": 87.56, + "precision_at_1": 82.01, + "precision_at_10": 13.462, + "precision_at_100": 1.528, + "precision_at_1000": 0.157, + "precision_at_3": 37.553, + "precision_at_5": 24.732000000000003, + "recall_at_1": 71.22800000000001, + "recall_at_10": 95.69, + "recall_at_100": 99.531, + "recall_at_1000": 99.98, + "recall_at_3": 87.632, + "recall_at_5": 92.117, + "main_score": 88.78 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/RedditClustering.json b/results/BAAI__bge-small-en-v1.5/external/RedditClustering.json new file mode 100644 index 000000000..b292d342e --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 52.31768034366916, + "main_score": 52.31768034366916 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/RedditClusteringP2P.json b/results/BAAI__bge-small-en-v1.5/external/RedditClusteringP2P.json new file mode 100644 index 000000000..5eda7ffaa --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 60.640266772723606, + "main_score": 60.640266772723606 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/SCIDOCS.json b/results/BAAI__bge-small-en-v1.5/external/SCIDOCS.json new file mode 100644 index 000000000..69dc82ab5 --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.7780000000000005, + "map_at_10": 12.299, + "map_at_100": 14.363000000000001, + "map_at_1000": 14.71, + "map_at_3": 8.738999999999999, + "map_at_5": 10.397, + "mrr_at_1": 23.599999999999998, + "mrr_at_10": 34.845, + "mrr_at_100": 35.916, + "mrr_at_1000": 35.973, + "mrr_at_3": 31.7, + "mrr_at_5": 33.535, + "ndcg_at_1": 23.599999999999998, + "ndcg_at_10": 20.522000000000002, + "ndcg_at_100": 28.737000000000002, + "ndcg_at_1000": 34.596, + "ndcg_at_3": 19.542, + "ndcg_at_5": 16.958000000000002, + "precision_at_1": 23.599999999999998, + "precision_at_10": 10.67, + "precision_at_100": 2.259, + "precision_at_1000": 0.367, + "precision_at_3": 18.333, + "precision_at_5": 14.879999999999999, + "recall_at_1": 4.7780000000000005, + "recall_at_10": 21.617, + "recall_at_100": 45.905, + "recall_at_1000": 74.42, + "recall_at_3": 11.148, + "recall_at_5": 15.082999999999998, + "main_score": 20.522000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/SICK-R.json b/results/BAAI__bge-small-en-v1.5/external/SICK-R.json new file mode 100644 index 000000000..6ce15e50d --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.22372750297885, + "cos_sim_spearman": 79.40972617119405, + "euclidean_pearson": 80.6101072020434, + "euclidean_spearman": 79.53844217225202, + "manhattan_pearson": 80.57265975286111, + "manhattan_spearman": 79.46335611792958, + "cosine_pearson": 83.22372750297885, + "cosine_spearman": 79.40972617119405, + "main_score": 79.40972617119405 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/STS12.json b/results/BAAI__bge-small-en-v1.5/external/STS12.json new file mode 100644 index 000000000..47ab52fe9 --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.43713315520749, + "cos_sim_spearman": 77.44128693329532, + "euclidean_pearson": 81.63869928101123, + "euclidean_spearman": 77.29512977961515, + "manhattan_pearson": 81.63704185566183, + "manhattan_spearman": 77.29909412738657, + "cosine_pearson": 85.43713315520749, + "cosine_spearman": 77.44128693329532, + "main_score": 77.44128693329532 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/STS13.json b/results/BAAI__bge-small-en-v1.5/external/STS13.json new file mode 100644 index 000000000..b9be50e8e --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.59451537860527, + "cos_sim_spearman": 82.97994638856723, + "euclidean_pearson": 82.89478688288412, + "euclidean_spearman": 83.58740751053104, + "manhattan_pearson": 82.69140840941608, + "manhattan_spearman": 83.33665956040555, + "cosine_pearson": 81.59451537860527, + "cosine_spearman": 82.97994638856723, + "main_score": 82.97994638856723 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/STS14.json b/results/BAAI__bge-small-en-v1.5/external/STS14.json new file mode 100644 index 000000000..af2b05802 --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.00756527711764, + "cos_sim_spearman": 81.83560996841379, + "euclidean_pearson": 82.07684151976518, + "euclidean_spearman": 82.00913052060511, + "manhattan_pearson": 82.05690778488794, + "manhattan_spearman": 82.02260252019525, + "cosine_pearson": 82.00756527711764, + "cosine_spearman": 81.83560996841379, + "main_score": 81.83560996841379 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/STS15.json b/results/BAAI__bge-small-en-v1.5/external/STS15.json new file mode 100644 index 000000000..17e40e4fd --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.13710262895447, + "cos_sim_spearman": 87.26412811156248, + "euclidean_pearson": 86.94151453230228, + "euclidean_spearman": 87.5363796699571, + "manhattan_pearson": 86.86989424083748, + "manhattan_spearman": 87.47315940781353, + "cosine_pearson": 86.13710262895447, + "cosine_spearman": 87.26412811156248, + "main_score": 87.26412811156248 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/STS16.json b/results/BAAI__bge-small-en-v1.5/external/STS16.json new file mode 100644 index 000000000..5d2d6484c --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.0230597603627, + "cos_sim_spearman": 84.93344499318864, + "euclidean_pearson": 84.23754743431141, + "euclidean_spearman": 85.09707376597099, + "manhattan_pearson": 84.04325160987763, + "manhattan_spearman": 84.89353071339909, + "cosine_pearson": 83.0230597603627, + "cosine_spearman": 84.93344499318864, + "main_score": 84.93344499318864 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/STS17.json b/results/BAAI__bge-small-en-v1.5/external/STS17.json new file mode 100644 index 000000000..855e53b27 --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.75620824563921, + "cos_sim_spearman": 87.15065513706398, + "euclidean_pearson": 88.26281533633521, + "euclidean_spearman": 87.51963738643983, + "manhattan_pearson": 88.25599267618065, + "manhattan_spearman": 87.58048736047483, + "cosine_pearson": 86.75620824563921, + "cosine_spearman": 87.15065513706398, + "main_score": 87.15065513706398 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/STS22.json b/results/BAAI__bge-small-en-v1.5/external/STS22.json new file mode 100644 index 000000000..ae79f8234 --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 64.74645319195137, + "cos_sim_spearman": 65.29996325037214, + "euclidean_pearson": 67.04297794086443, + "euclidean_spearman": 65.43841726694343, + "manhattan_pearson": 67.39459955690904, + "manhattan_spearman": 65.92864704413651, + "cosine_pearson": 64.74645319195137, + "cosine_spearman": 65.29996325037214, + "main_score": 65.29996325037214 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/STSBenchmark.json b/results/BAAI__bge-small-en-v1.5/external/STSBenchmark.json new file mode 100644 index 000000000..6446834e0 --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.31291020270801, + "cos_sim_spearman": 85.86473738688068, + "euclidean_pearson": 85.65537275064152, + "euclidean_spearman": 86.13087454209642, + "manhattan_pearson": 85.43946955047609, + "manhattan_spearman": 85.91568175344916, + "cosine_pearson": 84.31291020270801, + "cosine_spearman": 85.86473738688068, + "main_score": 85.86473738688068 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/SciDocsRR.json b/results/BAAI__bge-small-en-v1.5/external/SciDocsRR.json new file mode 100644 index 000000000..e3ec3f8dd --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 85.93798118350695, + "mrr": 95.93536274908824, + "main_score": 85.93798118350695 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/SciFact.json b/results/BAAI__bge-small-en-v1.5/external/SciFact.json new file mode 100644 index 000000000..146986bae --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 57.594, + "map_at_10": 66.81899999999999, + "map_at_100": 67.368, + "map_at_1000": 67.4, + "map_at_3": 64.061, + "map_at_5": 65.47, + "mrr_at_1": 60.667, + "mrr_at_10": 68.219, + "mrr_at_100": 68.655, + "mrr_at_1000": 68.684, + "mrr_at_3": 66.22200000000001, + "mrr_at_5": 67.289, + "ndcg_at_1": 60.667, + "ndcg_at_10": 71.275, + "ndcg_at_100": 73.642, + "ndcg_at_1000": 74.373, + "ndcg_at_3": 66.521, + "ndcg_at_5": 68.581, + "precision_at_1": 60.667, + "precision_at_10": 9.433, + "precision_at_100": 1.0699999999999998, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 25.556, + "precision_at_5": 16.8, + "recall_at_1": 57.594, + "recall_at_10": 83.622, + "recall_at_100": 94.167, + "recall_at_1000": 99.667, + "recall_at_3": 70.64399999999999, + "recall_at_5": 75.983, + "main_score": 71.275 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/SprintDuplicateQuestions.json b/results/BAAI__bge-small-en-v1.5/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..51a922448 --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.85841584158416, + "cos_sim_ap": 96.66996142314342, + "cos_sim_f1": 92.83208020050125, + "cos_sim_precision": 93.06532663316584, + "cos_sim_recall": 92.60000000000001, + "dot_accuracy": 99.85841584158416, + "dot_ap": 96.6775307676576, + "dot_f1": 92.69289729177312, + "dot_precision": 94.77533960292581, + "dot_recall": 90.7, + "euclidean_accuracy": 99.86138613861387, + "euclidean_ap": 96.6338454403108, + "euclidean_f1": 92.92214357937311, + "euclidean_precision": 93.96728016359918, + "euclidean_recall": 91.9, + "manhattan_accuracy": 99.86237623762376, + "manhattan_ap": 96.60370449645053, + "manhattan_f1": 92.91177970423253, + "manhattan_precision": 94.7970863683663, + "manhattan_recall": 91.10000000000001, + "max_accuracy": 99.86237623762376, + "max_ap": 96.6775307676576, + "max_f1": 92.92214357937311, + "main_score": 96.6775307676576 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/StackExchangeClustering.json b/results/BAAI__bge-small-en-v1.5/external/StackExchangeClustering.json new file mode 100644 index 000000000..b94e41edc --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 60.77977058695198, + "main_score": 60.77977058695198 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/StackExchangeClusteringP2P.json b/results/BAAI__bge-small-en-v1.5/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..7ee617935 --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.2725272535638, + "main_score": 35.2725272535638 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/StackOverflowDupQuestions.json b/results/BAAI__bge-small-en-v1.5/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..eec9df806 --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 53.64052466362125, + "mrr": 54.533067014684654, + "main_score": 53.64052466362125 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/SummEval.json b/results/BAAI__bge-small-en-v1.5/external/SummEval.json new file mode 100644 index 000000000..3143b3222 --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.677624219206578, + "cos_sim_spearman": 30.121368518123447, + "dot_pearson": 30.69870088041608, + "dot_spearman": 29.61284927093751, + "cosine_pearson": 30.677624219206578, + "cosine_spearman": 30.121368518123447, + "main_score": 30.121368518123447 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/TRECCOVID.json b/results/BAAI__bge-small-en-v1.5/external/TRECCOVID.json new file mode 100644 index 000000000..f68722e48 --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.22, + "map_at_10": 1.855, + "map_at_100": 9.885, + "map_at_1000": 23.416999999999998, + "map_at_3": 0.637, + "map_at_5": 1.024, + "mrr_at_1": 88.0, + "mrr_at_10": 93.067, + "mrr_at_100": 93.067, + "mrr_at_1000": 93.067, + "mrr_at_3": 92.667, + "mrr_at_5": 93.067, + "ndcg_at_1": 82.0, + "ndcg_at_10": 75.899, + "ndcg_at_100": 55.115, + "ndcg_at_1000": 48.368, + "ndcg_at_3": 79.704, + "ndcg_at_5": 78.39699999999999, + "precision_at_1": 88.0, + "precision_at_10": 79.60000000000001, + "precision_at_100": 56.06, + "precision_at_1000": 21.206, + "precision_at_3": 84.667, + "precision_at_5": 83.2, + "recall_at_1": 0.22, + "recall_at_10": 2.078, + "recall_at_100": 13.297, + "recall_at_1000": 44.979, + "recall_at_3": 0.6689999999999999, + "recall_at_5": 1.106, + "main_score": 75.899 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/Touche2020.json b/results/BAAI__bge-small-en-v1.5/external/Touche2020.json new file mode 100644 index 000000000..40864d95a --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.258, + "map_at_10": 10.439, + "map_at_100": 16.89, + "map_at_1000": 18.407999999999998, + "map_at_3": 5.668, + "map_at_5": 7.718, + "mrr_at_1": 32.653, + "mrr_at_10": 51.159, + "mrr_at_100": 51.714000000000006, + "mrr_at_1000": 51.714000000000006, + "mrr_at_3": 47.959, + "mrr_at_5": 50.407999999999994, + "ndcg_at_1": 29.592000000000002, + "ndcg_at_10": 26.037, + "ndcg_at_100": 37.924, + "ndcg_at_1000": 49.126999999999995, + "ndcg_at_3": 30.631999999999998, + "ndcg_at_5": 28.571, + "precision_at_1": 32.653, + "precision_at_10": 22.857, + "precision_at_100": 7.754999999999999, + "precision_at_1000": 1.529, + "precision_at_3": 34.014, + "precision_at_5": 29.796, + "recall_at_1": 2.258, + "recall_at_10": 16.554, + "recall_at_100": 48.439, + "recall_at_1000": 82.80499999999999, + "recall_at_3": 7.283, + "recall_at_5": 10.732, + "main_score": 26.037 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/ToxicConversationsClassification.json b/results/BAAI__bge-small-en-v1.5/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..707e0fab6 --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.8858, + "ap": 13.835684144362109, + "f1": 53.803351693244586, + "main_score": 69.8858 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/TweetSentimentExtractionClassification.json b/results/BAAI__bge-small-en-v1.5/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..746554a44 --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 60.50650820599886, + "f1": 60.84357825979259, + "main_score": 60.50650820599886 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/TwentyNewsgroupsClustering.json b/results/BAAI__bge-small-en-v1.5/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..a17488408 --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.52131044852134, + "main_score": 48.52131044852134 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/TwitterSemEval2015.json b/results/BAAI__bge-small-en-v1.5/external/TwitterSemEval2015.json new file mode 100644 index 000000000..77096bdc2 --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 85.59337187816654, + "cos_sim_ap": 73.23925826533437, + "cos_sim_f1": 67.34693877551021, + "cos_sim_precision": 62.40432237730752, + "cos_sim_recall": 73.13984168865434, + "dot_accuracy": 85.31322644096085, + "dot_ap": 72.30723963807422, + "dot_f1": 66.47051612112296, + "dot_precision": 62.0792305930845, + "dot_recall": 71.53034300791556, + "euclidean_accuracy": 85.61125350181797, + "euclidean_ap": 73.32843720487845, + "euclidean_f1": 67.36549633745895, + "euclidean_precision": 64.60755813953489, + "euclidean_recall": 70.36939313984169, + "manhattan_accuracy": 85.63509566668654, + "manhattan_ap": 73.16658488311325, + "manhattan_f1": 67.20597386434349, + "manhattan_precision": 63.60424028268551, + "manhattan_recall": 71.2401055408971, + "max_accuracy": 85.63509566668654, + "max_ap": 73.32843720487845, + "max_f1": 67.36549633745895, + "main_score": 73.32843720487845 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/TwitterURLCorpus.json b/results/BAAI__bge-small-en-v1.5/external/TwitterURLCorpus.json new file mode 100644 index 000000000..47c33fcb3 --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.33779640625606, + "cos_sim_ap": 84.83868375898157, + "cos_sim_f1": 77.16506154017773, + "cos_sim_precision": 74.62064005753327, + "cos_sim_recall": 79.88912842623961, + "dot_accuracy": 88.02732176815307, + "dot_ap": 83.95089283763002, + "dot_f1": 76.29635101196631, + "dot_precision": 73.31771720613288, + "dot_recall": 79.52725592854944, + "euclidean_accuracy": 88.44452206310397, + "euclidean_ap": 84.98384576824827, + "euclidean_f1": 77.29311047696697, + "euclidean_precision": 74.51232583065381, + "euclidean_recall": 80.28949799815214, + "manhattan_accuracy": 88.47362906042613, + "manhattan_ap": 84.91421462218432, + "manhattan_f1": 77.05107637204792, + "manhattan_precision": 74.74484256243214, + "manhattan_recall": 79.50415768401602, + "max_accuracy": 88.47362906042613, + "max_ap": 84.98384576824827, + "max_f1": 77.29311047696697, + "main_score": 84.98384576824827 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en-v1.5/external/model_meta.json b/results/BAAI__bge-small-en-v1.5/external/model_meta.json new file mode 100644 index 000000000..25a5d8875 --- /dev/null +++ b/results/BAAI__bge-small-en-v1.5/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "BAAI/bge-small-en-v1.5", + "revision": "5c38ec7c405ec4b44b94cc5a9bb96e735b38267a", + "release_date": "2023-09-12", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 33360512, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 384, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/AmazonCounterfactualClassification.json b/results/BAAI__bge-small-en/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..b0559eac1 --- /dev/null +++ b/results/BAAI__bge-small-en/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.34328358208955, + "ap": 37.59947775195661, + "f1": 68.548415491933, + "main_score": 74.34328358208955 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/AmazonPolarityClassification.json b/results/BAAI__bge-small-en/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..192851ef7 --- /dev/null +++ b/results/BAAI__bge-small-en/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.04527499999999, + "ap": 89.60696356772135, + "f1": 93.03361469382438, + "main_score": 93.04527499999999 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/AmazonReviewsClassification.json b/results/BAAI__bge-small-en/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..09f23d008 --- /dev/null +++ b/results/BAAI__bge-small-en/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 46.08, + "f1": 45.66249835363254, + "main_score": 46.08 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/ArguAna.json b/results/BAAI__bge-small-en/external/ArguAna.json new file mode 100644 index 000000000..20bb47c33 --- /dev/null +++ b/results/BAAI__bge-small-en/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 35.205999999999996, + "map_at_10": 50.782000000000004, + "map_at_100": 51.547, + "map_at_1000": 51.554, + "map_at_3": 46.515, + "map_at_5": 49.296, + "mrr_at_1": 35.632999999999996, + "mrr_at_10": 50.958999999999996, + "mrr_at_100": 51.724000000000004, + "mrr_at_1000": 51.731, + "mrr_at_3": 46.669, + "mrr_at_5": 49.439, + "ndcg_at_1": 35.205999999999996, + "ndcg_at_10": 58.835, + "ndcg_at_100": 62.095, + "ndcg_at_1000": 62.255, + "ndcg_at_3": 50.255, + "ndcg_at_5": 55.296, + "precision_at_1": 35.205999999999996, + "precision_at_10": 8.421, + "precision_at_100": 0.984, + "precision_at_1000": 0.1, + "precision_at_3": 20.365, + "precision_at_5": 14.680000000000001, + "recall_at_1": 35.205999999999996, + "recall_at_10": 84.211, + "recall_at_100": 98.43499999999999, + "recall_at_1000": 99.644, + "recall_at_3": 61.095, + "recall_at_5": 73.4, + "main_score": 58.835 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/ArxivClusteringP2P.json b/results/BAAI__bge-small-en/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..c91197362 --- /dev/null +++ b/results/BAAI__bge-small-en/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 47.52644476278646, + "main_score": 47.52644476278646 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/ArxivClusteringS2S.json b/results/BAAI__bge-small-en/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..5f44ba20b --- /dev/null +++ b/results/BAAI__bge-small-en/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.973045724188964, + "main_score": 39.973045724188964 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/AskUbuntuDupQuestions.json b/results/BAAI__bge-small-en/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..36cfe8368 --- /dev/null +++ b/results/BAAI__bge-small-en/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 62.28285314871488, + "mrr": 74.52743701358659, + "main_score": 62.28285314871488 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/BIOSSES.json b/results/BAAI__bge-small-en/external/BIOSSES.json new file mode 100644 index 000000000..dd4e44daf --- /dev/null +++ b/results/BAAI__bge-small-en/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 80.09041909160327, + "cos_sim_spearman": 79.96266537706944, + "euclidean_pearson": 79.50774978162241, + "euclidean_spearman": 79.9144715078551, + "manhattan_pearson": 79.2062139879302, + "manhattan_spearman": 79.35000081468212, + "cosine_pearson": 80.09041909160327, + "cosine_spearman": 79.96266537706944, + "main_score": 79.96266537706944 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/Banking77Classification.json b/results/BAAI__bge-small-en/external/Banking77Classification.json new file mode 100644 index 000000000..79182ce3f --- /dev/null +++ b/results/BAAI__bge-small-en/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 85.31493506493506, + "f1": 85.2704557977762, + "main_score": 85.31493506493506 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/BiorxivClusteringP2P.json b/results/BAAI__bge-small-en/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..e4f010655 --- /dev/null +++ b/results/BAAI__bge-small-en/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.6837242810816, + "main_score": 39.6837242810816 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/BiorxivClusteringS2S.json b/results/BAAI__bge-small-en/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..4912a008a --- /dev/null +++ b/results/BAAI__bge-small-en/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.38881249555897, + "main_score": 35.38881249555897 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/CQADupstackAndroidRetrieval.json b/results/BAAI__bge-small-en/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..d2731ffe0 --- /dev/null +++ b/results/BAAI__bge-small-en/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.884999999999998, + "map_at_10": 39.574, + "map_at_100": 40.993, + "map_at_1000": 41.129, + "map_at_3": 36.089, + "map_at_5": 38.191, + "mrr_at_1": 34.477999999999994, + "mrr_at_10": 45.411, + "mrr_at_100": 46.089999999999996, + "mrr_at_1000": 46.147, + "mrr_at_3": 42.346000000000004, + "mrr_at_5": 44.292, + "ndcg_at_1": 34.477999999999994, + "ndcg_at_10": 46.123999999999995, + "ndcg_at_100": 51.349999999999994, + "ndcg_at_1000": 53.578, + "ndcg_at_3": 40.824, + "ndcg_at_5": 43.571, + "precision_at_1": 34.477999999999994, + "precision_at_10": 8.841000000000001, + "precision_at_100": 1.4460000000000002, + "precision_at_1000": 0.192, + "precision_at_3": 19.742, + "precision_at_5": 14.421000000000001, + "recall_at_1": 27.884999999999998, + "recall_at_10": 59.087, + "recall_at_100": 80.609, + "recall_at_1000": 95.054, + "recall_at_3": 44.082, + "recall_at_5": 51.593999999999994, + "main_score": 46.123999999999995 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.639, + "map_at_10": 40.047, + "map_at_100": 41.302, + "map_at_1000": 41.425, + "map_at_3": 37.406, + "map_at_5": 38.934000000000005, + "mrr_at_1": 37.707, + "mrr_at_10": 46.082, + "mrr_at_100": 46.745, + "mrr_at_1000": 46.786, + "mrr_at_3": 43.980999999999995, + "mrr_at_5": 45.287, + "ndcg_at_1": 37.707, + "ndcg_at_10": 45.525, + "ndcg_at_100": 49.976, + "ndcg_at_1000": 51.94499999999999, + "ndcg_at_3": 41.704, + "ndcg_at_5": 43.596000000000004, + "precision_at_1": 37.707, + "precision_at_10": 8.465, + "precision_at_100": 1.375, + "precision_at_1000": 0.183, + "precision_at_3": 19.979, + "precision_at_5": 14.115, + "recall_at_1": 30.639, + "recall_at_10": 54.775, + "recall_at_100": 73.678, + "recall_at_1000": 86.142, + "recall_at_3": 43.230000000000004, + "recall_at_5": 48.622, + "main_score": 45.525 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.038, + "map_at_10": 49.922, + "map_at_100": 51.032, + "map_at_1000": 51.085, + "map_at_3": 46.664, + "map_at_5": 48.588, + "mrr_at_1": 43.95, + "mrr_at_10": 53.566, + "mrr_at_100": 54.318999999999996, + "mrr_at_1000": 54.348, + "mrr_at_3": 51.066, + "mrr_at_5": 52.649, + "ndcg_at_1": 43.95, + "ndcg_at_10": 55.676, + "ndcg_at_100": 60.126000000000005, + "ndcg_at_1000": 61.208, + "ndcg_at_3": 50.20400000000001, + "ndcg_at_5": 53.038, + "precision_at_1": 43.95, + "precision_at_10": 8.953, + "precision_at_100": 1.2109999999999999, + "precision_at_1000": 0.135, + "precision_at_3": 22.256999999999998, + "precision_at_5": 15.524, + "recall_at_1": 38.038, + "recall_at_10": 69.15, + "recall_at_100": 88.31599999999999, + "recall_at_1000": 95.993, + "recall_at_3": 54.663, + "recall_at_5": 61.373, + "main_score": 55.676 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.872, + "map_at_10": 32.912, + "map_at_100": 33.972, + "map_at_1000": 34.046, + "map_at_3": 30.361, + "map_at_5": 31.704, + "mrr_at_1": 26.779999999999998, + "mrr_at_10": 34.812, + "mrr_at_100": 35.754999999999995, + "mrr_at_1000": 35.809000000000005, + "mrr_at_3": 32.335, + "mrr_at_5": 33.64, + "ndcg_at_1": 26.779999999999998, + "ndcg_at_10": 37.623, + "ndcg_at_100": 42.924, + "ndcg_at_1000": 44.856, + "ndcg_at_3": 32.574, + "ndcg_at_5": 34.842, + "precision_at_1": 26.779999999999998, + "precision_at_10": 5.729, + "precision_at_100": 0.886, + "precision_at_1000": 0.109, + "precision_at_3": 13.559, + "precision_at_5": 9.469, + "recall_at_1": 24.872, + "recall_at_10": 50.400999999999996, + "recall_at_100": 74.954, + "recall_at_1000": 89.56, + "recall_at_3": 36.726, + "recall_at_5": 42.138999999999996, + "main_score": 37.623 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.803, + "map_at_10": 24.348, + "map_at_100": 25.56, + "map_at_1000": 25.668000000000003, + "map_at_3": 21.811, + "map_at_5": 23.287, + "mrr_at_1": 20.771, + "mrr_at_10": 28.961, + "mrr_at_100": 29.979, + "mrr_at_1000": 30.046, + "mrr_at_3": 26.555, + "mrr_at_5": 28.060000000000002, + "ndcg_at_1": 20.771, + "ndcg_at_10": 29.335, + "ndcg_at_100": 35.188, + "ndcg_at_1000": 37.812, + "ndcg_at_3": 24.83, + "ndcg_at_5": 27.119, + "precision_at_1": 20.771, + "precision_at_10": 5.4350000000000005, + "precision_at_100": 0.9480000000000001, + "precision_at_1000": 0.13, + "precision_at_3": 11.982, + "precision_at_5": 8.831, + "recall_at_1": 16.803, + "recall_at_10": 40.039, + "recall_at_100": 65.83200000000001, + "recall_at_1000": 84.478, + "recall_at_3": 27.682000000000002, + "recall_at_5": 33.535, + "main_score": 29.335 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.345, + "map_at_10": 37.757000000000005, + "map_at_100": 39.141, + "map_at_1000": 39.262, + "map_at_3": 35.183, + "map_at_5": 36.592, + "mrr_at_1": 34.649, + "mrr_at_10": 43.586999999999996, + "mrr_at_100": 44.481, + "mrr_at_1000": 44.542, + "mrr_at_3": 41.29, + "mrr_at_5": 42.642, + "ndcg_at_1": 34.649, + "ndcg_at_10": 43.161, + "ndcg_at_100": 48.734, + "ndcg_at_1000": 51.046, + "ndcg_at_3": 39.118, + "ndcg_at_5": 41.022, + "precision_at_1": 34.649, + "precision_at_10": 7.603, + "precision_at_100": 1.209, + "precision_at_1000": 0.157, + "precision_at_3": 18.319, + "precision_at_5": 12.839, + "recall_at_1": 28.345, + "recall_at_10": 53.367, + "recall_at_100": 76.453, + "recall_at_1000": 91.82000000000001, + "recall_at_3": 41.636, + "recall_at_5": 46.760000000000005, + "main_score": 43.161 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.419, + "map_at_10": 31.716, + "map_at_100": 33.152, + "map_at_1000": 33.267, + "map_at_3": 28.74, + "map_at_5": 30.48, + "mrr_at_1": 28.310999999999996, + "mrr_at_10": 37.039, + "mrr_at_100": 38.09, + "mrr_at_1000": 38.145, + "mrr_at_3": 34.437, + "mrr_at_5": 36.024, + "ndcg_at_1": 28.310999999999996, + "ndcg_at_10": 37.41, + "ndcg_at_100": 43.647999999999996, + "ndcg_at_1000": 46.007, + "ndcg_at_3": 32.509, + "ndcg_at_5": 34.943999999999996, + "precision_at_1": 28.310999999999996, + "precision_at_10": 6.963, + "precision_at_100": 1.1860000000000002, + "precision_at_1000": 0.154, + "precision_at_3": 15.867999999999999, + "precision_at_5": 11.507000000000001, + "recall_at_1": 22.419, + "recall_at_10": 49.28, + "recall_at_100": 75.802, + "recall_at_1000": 92.032, + "recall_at_3": 35.399, + "recall_at_5": 42.027, + "main_score": 37.41 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.669249999999998, + "map_at_10": 33.332583333333325, + "map_at_100": 34.557833333333335, + "map_at_1000": 34.67141666666666, + "map_at_3": 30.663166666666662, + "map_at_5": 32.14883333333333, + "mrr_at_1": 29.193833333333334, + "mrr_at_10": 37.47625, + "mrr_at_100": 38.3545, + "mrr_at_1000": 38.413166666666676, + "mrr_at_3": 35.06741666666667, + "mrr_at_5": 36.450666666666656, + "ndcg_at_1": 29.193833333333334, + "ndcg_at_10": 38.505416666666676, + "ndcg_at_100": 43.81125, + "ndcg_at_1000": 46.09558333333333, + "ndcg_at_3": 33.90916666666667, + "ndcg_at_5": 36.07666666666666, + "precision_at_1": 29.193833333333334, + "precision_at_10": 6.7251666666666665, + "precision_at_100": 1.1058333333333332, + "precision_at_1000": 0.14833333333333332, + "precision_at_3": 15.554166666666665, + "precision_at_5": 11.079250000000002, + "recall_at_1": 24.669249999999998, + "recall_at_10": 49.75583333333332, + "recall_at_100": 73.06908333333332, + "recall_at_1000": 88.91316666666667, + "recall_at_3": 36.913250000000005, + "recall_at_5": 42.48641666666666, + "main_score": 38.505416666666676 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.044999999999998, + "map_at_10": 30.349999999999998, + "map_at_100": 31.273, + "map_at_1000": 31.362000000000002, + "map_at_3": 28.508, + "map_at_5": 29.369, + "mrr_at_1": 26.994, + "mrr_at_10": 33.12, + "mrr_at_100": 33.904, + "mrr_at_1000": 33.967000000000006, + "mrr_at_3": 31.365, + "mrr_at_5": 32.124, + "ndcg_at_1": 26.994, + "ndcg_at_10": 34.214, + "ndcg_at_100": 38.681, + "ndcg_at_1000": 40.926, + "ndcg_at_3": 30.725, + "ndcg_at_5": 31.967000000000002, + "precision_at_1": 26.994, + "precision_at_10": 5.215, + "precision_at_100": 0.807, + "precision_at_1000": 0.108, + "precision_at_3": 12.986, + "precision_at_5": 8.712, + "recall_at_1": 24.044999999999998, + "recall_at_10": 43.456, + "recall_at_100": 63.675000000000004, + "recall_at_1000": 80.05499999999999, + "recall_at_3": 33.561, + "recall_at_5": 36.767, + "main_score": 34.214 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.672, + "map_at_10": 22.641, + "map_at_100": 23.75, + "map_at_1000": 23.877000000000002, + "map_at_3": 20.219, + "map_at_5": 21.648, + "mrr_at_1": 18.823, + "mrr_at_10": 26.101999999999997, + "mrr_at_100": 27.038, + "mrr_at_1000": 27.118, + "mrr_at_3": 23.669, + "mrr_at_5": 25.173000000000002, + "ndcg_at_1": 18.823, + "ndcg_at_10": 27.176000000000002, + "ndcg_at_100": 32.42, + "ndcg_at_1000": 35.413, + "ndcg_at_3": 22.756999999999998, + "ndcg_at_5": 25.032, + "precision_at_1": 18.823, + "precision_at_10": 5.034000000000001, + "precision_at_100": 0.895, + "precision_at_1000": 0.132, + "precision_at_3": 10.771, + "precision_at_5": 8.1, + "recall_at_1": 15.672, + "recall_at_10": 37.296, + "recall_at_100": 60.863, + "recall_at_1000": 82.234, + "recall_at_3": 25.330000000000002, + "recall_at_5": 30.964000000000002, + "main_score": 27.176000000000002 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.633, + "map_at_10": 32.858, + "map_at_100": 34.038000000000004, + "map_at_1000": 34.141, + "map_at_3": 30.209000000000003, + "map_at_5": 31.567, + "mrr_at_1": 28.358, + "mrr_at_10": 36.433, + "mrr_at_100": 37.352000000000004, + "mrr_at_1000": 37.41, + "mrr_at_3": 34.033, + "mrr_at_5": 35.246, + "ndcg_at_1": 28.358, + "ndcg_at_10": 37.973, + "ndcg_at_100": 43.411, + "ndcg_at_1000": 45.747, + "ndcg_at_3": 32.934999999999995, + "ndcg_at_5": 35.013, + "precision_at_1": 28.358, + "precision_at_10": 6.418, + "precision_at_100": 1.02, + "precision_at_1000": 0.133, + "precision_at_3": 14.677000000000001, + "precision_at_5": 10.335999999999999, + "recall_at_1": 24.633, + "recall_at_10": 50.048, + "recall_at_100": 73.821, + "recall_at_1000": 90.046, + "recall_at_3": 36.284, + "recall_at_5": 41.370000000000005, + "main_score": 37.973 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.133, + "map_at_10": 31.491999999999997, + "map_at_100": 33.062000000000005, + "map_at_1000": 33.256, + "map_at_3": 28.886, + "map_at_5": 30.262, + "mrr_at_1": 28.063, + "mrr_at_10": 36.144, + "mrr_at_100": 37.14, + "mrr_at_1000": 37.191, + "mrr_at_3": 33.762, + "mrr_at_5": 34.997, + "ndcg_at_1": 28.063, + "ndcg_at_10": 36.951, + "ndcg_at_100": 43.287, + "ndcg_at_1000": 45.777, + "ndcg_at_3": 32.786, + "ndcg_at_5": 34.65, + "precision_at_1": 28.063, + "precision_at_10": 7.055, + "precision_at_100": 1.476, + "precision_at_1000": 0.22899999999999998, + "precision_at_3": 15.481, + "precision_at_5": 11.186, + "recall_at_1": 23.133, + "recall_at_10": 47.285, + "recall_at_100": 76.176, + "recall_at_1000": 92.176, + "recall_at_3": 35.223, + "recall_at_5": 40.142, + "main_score": 36.951 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.547, + "map_at_10": 26.374, + "map_at_100": 27.419, + "map_at_1000": 27.539, + "map_at_3": 23.882, + "map_at_5": 25.163999999999998, + "mrr_at_1": 21.442, + "mrr_at_10": 28.458, + "mrr_at_100": 29.360999999999997, + "mrr_at_1000": 29.448999999999998, + "mrr_at_3": 25.97, + "mrr_at_5": 27.273999999999997, + "ndcg_at_1": 21.442, + "ndcg_at_10": 30.897000000000002, + "ndcg_at_100": 35.99, + "ndcg_at_1000": 38.832, + "ndcg_at_3": 25.944, + "ndcg_at_5": 28.126, + "precision_at_1": 21.442, + "precision_at_10": 4.9910000000000005, + "precision_at_100": 0.8109999999999999, + "precision_at_1000": 0.11800000000000001, + "precision_at_3": 11.029, + "precision_at_5": 7.911, + "recall_at_1": 19.547, + "recall_at_10": 42.886, + "recall_at_100": 66.64999999999999, + "recall_at_1000": 87.368, + "recall_at_3": 29.143, + "recall_at_5": 34.544000000000004, + "main_score": 30.897000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/ClimateFEVER.json b/results/BAAI__bge-small-en/external/ClimateFEVER.json new file mode 100644 index 000000000..abd643a14 --- /dev/null +++ b/results/BAAI__bge-small-en/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.572, + "map_at_10": 25.312, + "map_at_100": 27.062, + "map_at_1000": 27.253, + "map_at_3": 21.601, + "map_at_5": 23.473, + "mrr_at_1": 34.984, + "mrr_at_10": 46.406, + "mrr_at_100": 47.179, + "mrr_at_1000": 47.21, + "mrr_at_3": 43.485, + "mrr_at_5": 45.322, + "ndcg_at_1": 34.984, + "ndcg_at_10": 34.344, + "ndcg_at_100": 41.015, + "ndcg_at_1000": 44.366, + "ndcg_at_3": 29.119, + "ndcg_at_5": 30.825999999999997, + "precision_at_1": 34.984, + "precision_at_10": 10.358, + "precision_at_100": 1.762, + "precision_at_1000": 0.23900000000000002, + "precision_at_3": 21.368000000000002, + "precision_at_5": 15.948, + "recall_at_1": 15.572, + "recall_at_10": 39.367999999999995, + "recall_at_100": 62.183, + "recall_at_1000": 80.92200000000001, + "recall_at_3": 26.131999999999998, + "recall_at_5": 31.635999999999996, + "main_score": 34.344 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/DBPedia.json b/results/BAAI__bge-small-en/external/DBPedia.json new file mode 100644 index 000000000..d48dca69e --- /dev/null +++ b/results/BAAI__bge-small-en/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.848, + "map_at_10": 19.25, + "map_at_100": 27.193, + "map_at_1000": 28.721999999999998, + "map_at_3": 13.968, + "map_at_5": 16.283, + "mrr_at_1": 68.75, + "mrr_at_10": 76.25, + "mrr_at_100": 76.534, + "mrr_at_1000": 76.53999999999999, + "mrr_at_3": 74.667, + "mrr_at_5": 75.86699999999999, + "ndcg_at_1": 56.00000000000001, + "ndcg_at_10": 41.426, + "ndcg_at_100": 45.660000000000004, + "ndcg_at_1000": 53.02, + "ndcg_at_3": 46.581, + "ndcg_at_5": 43.836999999999996, + "precision_at_1": 68.75, + "precision_at_10": 32.800000000000004, + "precision_at_100": 10.440000000000001, + "precision_at_1000": 1.9980000000000002, + "precision_at_3": 49.667, + "precision_at_5": 42.25, + "recall_at_1": 8.848, + "recall_at_10": 24.467, + "recall_at_100": 51.344, + "recall_at_1000": 75.235, + "recall_at_3": 15.329, + "recall_at_5": 18.892999999999997, + "main_score": 41.426 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/EmotionClassification.json b/results/BAAI__bge-small-en/external/EmotionClassification.json new file mode 100644 index 000000000..9c1eca3f8 --- /dev/null +++ b/results/BAAI__bge-small-en/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 48.95, + "f1": 43.44563593360779, + "main_score": 48.95 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/FEVER.json b/results/BAAI__bge-small-en/external/FEVER.json new file mode 100644 index 000000000..1f2519228 --- /dev/null +++ b/results/BAAI__bge-small-en/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 78.036, + "map_at_10": 85.639, + "map_at_100": 85.815, + "map_at_1000": 85.829, + "map_at_3": 84.795, + "map_at_5": 85.336, + "mrr_at_1": 84.353, + "mrr_at_10": 90.582, + "mrr_at_100": 90.617, + "mrr_at_1000": 90.617, + "mrr_at_3": 90.132, + "mrr_at_5": 90.447, + "ndcg_at_1": 84.353, + "ndcg_at_10": 89.003, + "ndcg_at_100": 89.60000000000001, + "ndcg_at_1000": 89.836, + "ndcg_at_3": 87.81400000000001, + "ndcg_at_5": 88.478, + "precision_at_1": 84.353, + "precision_at_10": 10.482, + "precision_at_100": 1.099, + "precision_at_1000": 0.11399999999999999, + "precision_at_3": 33.257999999999996, + "precision_at_5": 20.465, + "recall_at_1": 78.036, + "recall_at_10": 94.517, + "recall_at_100": 96.828, + "recall_at_1000": 98.261, + "recall_at_3": 91.12, + "recall_at_5": 92.946, + "main_score": 89.003 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/FiQA2018.json b/results/BAAI__bge-small-en/external/FiQA2018.json new file mode 100644 index 000000000..e4d63d992 --- /dev/null +++ b/results/BAAI__bge-small-en/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.191, + "map_at_10": 32.369, + "map_at_100": 34.123999999999995, + "map_at_1000": 34.317, + "map_at_3": 28.71, + "map_at_5": 30.607, + "mrr_at_1": 40.894999999999996, + "mrr_at_10": 48.842, + "mrr_at_100": 49.599, + "mrr_at_1000": 49.647000000000006, + "mrr_at_3": 46.785, + "mrr_at_5": 47.672, + "ndcg_at_1": 40.894999999999996, + "ndcg_at_10": 39.872, + "ndcg_at_100": 46.126, + "ndcg_at_1000": 49.476, + "ndcg_at_3": 37.153000000000006, + "ndcg_at_5": 37.433, + "precision_at_1": 40.894999999999996, + "precision_at_10": 10.818, + "precision_at_100": 1.73, + "precision_at_1000": 0.231, + "precision_at_3": 25.051000000000002, + "precision_at_5": 17.531, + "recall_at_1": 20.191, + "recall_at_10": 45.768, + "recall_at_100": 68.82000000000001, + "recall_at_1000": 89.133, + "recall_at_3": 33.296, + "recall_at_5": 38.022, + "main_score": 39.872 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/HotpotQA.json b/results/BAAI__bge-small-en/external/HotpotQA.json new file mode 100644 index 000000000..be4b05d25 --- /dev/null +++ b/results/BAAI__bge-small-en/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 39.257, + "map_at_10": 61.467000000000006, + "map_at_100": 62.364, + "map_at_1000": 62.424, + "map_at_3": 58.228, + "map_at_5": 60.283, + "mrr_at_1": 78.515, + "mrr_at_10": 84.191, + "mrr_at_100": 84.378, + "mrr_at_1000": 84.385, + "mrr_at_3": 83.284, + "mrr_at_5": 83.856, + "ndcg_at_1": 78.515, + "ndcg_at_10": 69.78999999999999, + "ndcg_at_100": 72.886, + "ndcg_at_1000": 74.015, + "ndcg_at_3": 65.23, + "ndcg_at_5": 67.80199999999999, + "precision_at_1": 78.515, + "precision_at_10": 14.519000000000002, + "precision_at_100": 1.694, + "precision_at_1000": 0.184, + "precision_at_3": 41.702, + "precision_at_5": 27.046999999999997, + "recall_at_1": 39.257, + "recall_at_10": 72.59299999999999, + "recall_at_100": 84.679, + "recall_at_1000": 92.12, + "recall_at_3": 62.552, + "recall_at_5": 67.616, + "main_score": 69.78999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/ImdbClassification.json b/results/BAAI__bge-small-en/external/ImdbClassification.json new file mode 100644 index 000000000..74547cd19 --- /dev/null +++ b/results/BAAI__bge-small-en/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.5152, + "ap": 87.64584669595709, + "f1": 91.50605576428437, + "main_score": 91.5152 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/MSMARCO.json b/results/BAAI__bge-small-en/external/MSMARCO.json new file mode 100644 index 000000000..0267934ed --- /dev/null +++ b/results/BAAI__bge-small-en/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.926000000000002, + "map_at_10": 34.049, + "map_at_100": 35.213, + "map_at_1000": 35.265, + "map_at_3": 30.309, + "map_at_5": 32.407000000000004, + "mrr_at_1": 22.55, + "mrr_at_10": 34.657, + "mrr_at_100": 35.760999999999996, + "mrr_at_1000": 35.807, + "mrr_at_3": 30.989, + "mrr_at_5": 33.039, + "ndcg_at_1": 22.55, + "ndcg_at_10": 40.842, + "ndcg_at_100": 46.436, + "ndcg_at_1000": 47.721999999999994, + "ndcg_at_3": 33.209, + "ndcg_at_5": 36.943, + "precision_at_1": 22.55, + "precision_at_10": 6.447, + "precision_at_100": 0.9249999999999999, + "precision_at_1000": 0.104, + "precision_at_3": 14.136000000000001, + "precision_at_5": 10.381, + "recall_at_1": 21.926000000000002, + "recall_at_10": 61.724999999999994, + "recall_at_100": 87.604, + "recall_at_1000": 97.421, + "recall_at_3": 40.944, + "recall_at_5": 49.915, + "main_score": 40.842 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/MTOPDomainClassification.json b/results/BAAI__bge-small-en/external/MTOPDomainClassification.json new file mode 100644 index 000000000..8b13493c3 --- /dev/null +++ b/results/BAAI__bge-small-en/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.54765161878704, + "f1": 93.3298945415573, + "main_score": 93.54765161878704 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/MTOPIntentClassification.json b/results/BAAI__bge-small-en/external/MTOPIntentClassification.json new file mode 100644 index 000000000..3ce1fa396 --- /dev/null +++ b/results/BAAI__bge-small-en/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.71591427268582, + "f1": 59.32113870474471, + "main_score": 75.71591427268582 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/MassiveIntentClassification.json b/results/BAAI__bge-small-en/external/MassiveIntentClassification.json new file mode 100644 index 000000000..25e297056 --- /dev/null +++ b/results/BAAI__bge-small-en/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.83053127101547, + "f1": 73.60757944876475, + "main_score": 75.83053127101547 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/MassiveScenarioClassification.json b/results/BAAI__bge-small-en/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..082ec6015 --- /dev/null +++ b/results/BAAI__bge-small-en/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.72562205783457, + "f1": 78.63761662505502, + "main_score": 78.72562205783457 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/MedrxivClusteringP2P.json b/results/BAAI__bge-small-en/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..5cbe14590 --- /dev/null +++ b/results/BAAI__bge-small-en/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.37935633767996, + "main_score": 33.37935633767996 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/MedrxivClusteringS2S.json b/results/BAAI__bge-small-en/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..793ae2126 --- /dev/null +++ b/results/BAAI__bge-small-en/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.55270546130387, + "main_score": 31.55270546130387 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/MindSmallReranking.json b/results/BAAI__bge-small-en/external/MindSmallReranking.json new file mode 100644 index 000000000..6350d558c --- /dev/null +++ b/results/BAAI__bge-small-en/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 30.462692753143834, + "mrr": 31.497569753511563, + "main_score": 30.462692753143834 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/NFCorpus.json b/results/BAAI__bge-small-en/external/NFCorpus.json new file mode 100644 index 000000000..62925136b --- /dev/null +++ b/results/BAAI__bge-small-en/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.646, + "map_at_10": 12.498, + "map_at_100": 15.486, + "map_at_1000": 16.805999999999997, + "map_at_3": 9.325, + "map_at_5": 10.751, + "mrr_at_1": 43.034, + "mrr_at_10": 52.662, + "mrr_at_100": 53.189, + "mrr_at_1000": 53.25, + "mrr_at_3": 50.929, + "mrr_at_5": 51.92, + "ndcg_at_1": 41.796, + "ndcg_at_10": 33.477000000000004, + "ndcg_at_100": 29.996000000000002, + "ndcg_at_1000": 38.864, + "ndcg_at_3": 38.940000000000005, + "ndcg_at_5": 36.689, + "precision_at_1": 43.034, + "precision_at_10": 24.799, + "precision_at_100": 7.432999999999999, + "precision_at_1000": 1.9929999999999999, + "precision_at_3": 36.842000000000006, + "precision_at_5": 32.135999999999996, + "recall_at_1": 5.646, + "recall_at_10": 15.963, + "recall_at_100": 29.492, + "recall_at_1000": 61.711000000000006, + "recall_at_3": 10.585, + "recall_at_5": 12.753999999999998, + "main_score": 33.477000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/NQ.json b/results/BAAI__bge-small-en/external/NQ.json new file mode 100644 index 000000000..f111ac4a2 --- /dev/null +++ b/results/BAAI__bge-small-en/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.602, + "map_at_10": 41.545, + "map_at_100": 42.644999999999996, + "map_at_1000": 42.685, + "map_at_3": 37.261, + "map_at_5": 39.706, + "mrr_at_1": 31.141000000000002, + "mrr_at_10": 44.139, + "mrr_at_100": 44.997, + "mrr_at_1000": 45.025999999999996, + "mrr_at_3": 40.503, + "mrr_at_5": 42.64, + "ndcg_at_1": 31.141000000000002, + "ndcg_at_10": 48.995, + "ndcg_at_100": 53.788000000000004, + "ndcg_at_1000": 54.730000000000004, + "ndcg_at_3": 40.844, + "ndcg_at_5": 44.955, + "precision_at_1": 31.141000000000002, + "precision_at_10": 8.233, + "precision_at_100": 1.093, + "precision_at_1000": 0.11800000000000001, + "precision_at_3": 18.579, + "precision_at_5": 13.533999999999999, + "recall_at_1": 27.602, + "recall_at_10": 69.216, + "recall_at_100": 90.252, + "recall_at_1000": 97.27, + "recall_at_3": 47.987, + "recall_at_5": 57.438, + "main_score": 48.995 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/QuoraRetrieval.json b/results/BAAI__bge-small-en/external/QuoraRetrieval.json new file mode 100644 index 000000000..9ff8e432d --- /dev/null +++ b/results/BAAI__bge-small-en/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 70.949, + "map_at_10": 84.89999999999999, + "map_at_100": 85.531, + "map_at_1000": 85.548, + "map_at_3": 82.027, + "map_at_5": 83.853, + "mrr_at_1": 81.69999999999999, + "mrr_at_10": 87.813, + "mrr_at_100": 87.917, + "mrr_at_1000": 87.91799999999999, + "mrr_at_3": 86.938, + "mrr_at_5": 87.53999999999999, + "ndcg_at_1": 81.75, + "ndcg_at_10": 88.55499999999999, + "ndcg_at_100": 89.765, + "ndcg_at_1000": 89.871, + "ndcg_at_3": 85.905, + "ndcg_at_5": 87.41, + "precision_at_1": 81.75, + "precision_at_10": 13.403, + "precision_at_100": 1.528, + "precision_at_1000": 0.157, + "precision_at_3": 37.597, + "precision_at_5": 24.69, + "recall_at_1": 70.949, + "recall_at_10": 95.423, + "recall_at_100": 99.509, + "recall_at_1000": 99.982, + "recall_at_3": 87.717, + "recall_at_5": 92.032, + "main_score": 88.55499999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/RedditClustering.json b/results/BAAI__bge-small-en/external/RedditClustering.json new file mode 100644 index 000000000..5429cff7f --- /dev/null +++ b/results/BAAI__bge-small-en/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 51.76962893449579, + "main_score": 51.76962893449579 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/RedditClusteringP2P.json b/results/BAAI__bge-small-en/external/RedditClusteringP2P.json new file mode 100644 index 000000000..903976bce --- /dev/null +++ b/results/BAAI__bge-small-en/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 62.32897690686379, + "main_score": 62.32897690686379 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/SCIDOCS.json b/results/BAAI__bge-small-en/external/SCIDOCS.json new file mode 100644 index 000000000..7baa89af3 --- /dev/null +++ b/results/BAAI__bge-small-en/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.478, + "map_at_10": 11.994, + "map_at_100": 13.977, + "map_at_1000": 14.295, + "map_at_3": 8.408999999999999, + "map_at_5": 10.024, + "mrr_at_1": 22.1, + "mrr_at_10": 33.526, + "mrr_at_100": 34.577000000000005, + "mrr_at_1000": 34.632000000000005, + "mrr_at_3": 30.217, + "mrr_at_5": 31.962000000000003, + "ndcg_at_1": 22.1, + "ndcg_at_10": 20.191, + "ndcg_at_100": 27.954, + "ndcg_at_1000": 33.491, + "ndcg_at_3": 18.787000000000003, + "ndcg_at_5": 16.378999999999998, + "precision_at_1": 22.1, + "precision_at_10": 10.69, + "precision_at_100": 2.1919999999999997, + "precision_at_1000": 0.35200000000000004, + "precision_at_3": 17.732999999999997, + "precision_at_5": 14.499999999999998, + "recall_at_1": 4.478, + "recall_at_10": 21.657, + "recall_at_100": 44.54, + "recall_at_1000": 71.542, + "recall_at_3": 10.778, + "recall_at_5": 14.687, + "main_score": 20.191 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/SICK-R.json b/results/BAAI__bge-small-en/external/SICK-R.json new file mode 100644 index 000000000..6ca9d9a09 --- /dev/null +++ b/results/BAAI__bge-small-en/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.82325259156718, + "cos_sim_spearman": 79.2463589100662, + "euclidean_pearson": 80.48318380496771, + "euclidean_spearman": 79.34451935199979, + "manhattan_pearson": 80.39041824178759, + "manhattan_spearman": 79.23002892700211, + "cosine_pearson": 82.82325259156718, + "cosine_spearman": 79.2463589100662, + "main_score": 79.2463589100662 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/STS12.json b/results/BAAI__bge-small-en/external/STS12.json new file mode 100644 index 000000000..819d31515 --- /dev/null +++ b/results/BAAI__bge-small-en/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.74130231431258, + "cos_sim_spearman": 78.36856568042397, + "euclidean_pearson": 82.48301631890303, + "euclidean_spearman": 78.28376980722732, + "manhattan_pearson": 82.43552075450525, + "manhattan_spearman": 78.22702443947126, + "cosine_pearson": 85.74130231431258, + "cosine_spearman": 78.36856568042397, + "main_score": 78.36856568042397 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/STS13.json b/results/BAAI__bge-small-en/external/STS13.json new file mode 100644 index 000000000..f77d02c74 --- /dev/null +++ b/results/BAAI__bge-small-en/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 79.96138619461459, + "cos_sim_spearman": 81.85436343502379, + "euclidean_pearson": 81.82895226665367, + "euclidean_spearman": 82.22707349602916, + "manhattan_pearson": 81.66303369445873, + "manhattan_spearman": 82.05030197179455, + "cosine_pearson": 79.96138619461459, + "cosine_spearman": 81.85436343502379, + "main_score": 81.85436343502379 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/STS14.json b/results/BAAI__bge-small-en/external/STS14.json new file mode 100644 index 000000000..ae995ab8b --- /dev/null +++ b/results/BAAI__bge-small-en/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 80.05481244198648, + "cos_sim_spearman": 80.85052504637808, + "euclidean_pearson": 80.86728419744497, + "euclidean_spearman": 81.033786401512, + "manhattan_pearson": 80.90107531061103, + "manhattan_spearman": 81.11374116827795, + "cosine_pearson": 80.05481244198648, + "cosine_spearman": 80.85052504637808, + "main_score": 80.85052504637808 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/STS15.json b/results/BAAI__bge-small-en/external/STS15.json new file mode 100644 index 000000000..6f22f933f --- /dev/null +++ b/results/BAAI__bge-small-en/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.615220756399, + "cos_sim_spearman": 86.46858500002092, + "euclidean_pearson": 86.08307800247586, + "euclidean_spearman": 86.72691443870013, + "manhattan_pearson": 85.96155594487269, + "manhattan_spearman": 86.605909505275, + "cosine_pearson": 84.615220756399, + "cosine_spearman": 86.46858500002092, + "main_score": 86.46858500002092 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/STS16.json b/results/BAAI__bge-small-en/external/STS16.json new file mode 100644 index 000000000..927860230 --- /dev/null +++ b/results/BAAI__bge-small-en/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.14363913634436, + "cos_sim_spearman": 84.48430226487102, + "euclidean_pearson": 83.75303424801902, + "euclidean_spearman": 84.56762380734538, + "manhattan_pearson": 83.6135447165928, + "manhattan_spearman": 84.39898212616731, + "cosine_pearson": 82.14363913634436, + "cosine_spearman": 84.48430226487102, + "main_score": 84.48430226487102 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/STS17.json b/results/BAAI__bge-small-en/external/STS17.json new file mode 100644 index 000000000..176319571 --- /dev/null +++ b/results/BAAI__bge-small-en/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.09909252554525, + "cos_sim_spearman": 85.70951402743276, + "euclidean_pearson": 87.1991936239908, + "euclidean_spearman": 86.07745840612071, + "manhattan_pearson": 87.25039137549952, + "manhattan_spearman": 85.99938746659761, + "cosine_pearson": 85.09909252554525, + "cosine_spearman": 85.70951402743276, + "main_score": 85.70951402743276 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/STS22.json b/results/BAAI__bge-small-en/external/STS22.json new file mode 100644 index 000000000..9d4a28a40 --- /dev/null +++ b/results/BAAI__bge-small-en/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 63.529332093413615, + "cos_sim_spearman": 65.38177340147439, + "euclidean_pearson": 66.35278011412136, + "euclidean_spearman": 65.47147267032997, + "manhattan_pearson": 66.71804682408693, + "manhattan_spearman": 65.67406521423597, + "cosine_pearson": 63.529332093413615, + "cosine_spearman": 65.38177340147439, + "main_score": 65.38177340147439 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/STSBenchmark.json b/results/BAAI__bge-small-en/external/STSBenchmark.json new file mode 100644 index 000000000..149bd9285 --- /dev/null +++ b/results/BAAI__bge-small-en/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.45802942885662, + "cos_sim_spearman": 84.8853341842566, + "euclidean_pearson": 84.60915021096707, + "euclidean_spearman": 85.11181242913666, + "manhattan_pearson": 84.38600521210364, + "manhattan_spearman": 84.89045417981723, + "cosine_pearson": 82.45802942885662, + "cosine_spearman": 84.8853341842566, + "main_score": 84.8853341842566 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/SciDocsRR.json b/results/BAAI__bge-small-en/external/SciDocsRR.json new file mode 100644 index 000000000..d6dca52ed --- /dev/null +++ b/results/BAAI__bge-small-en/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 85.92793380635129, + "mrr": 95.85834191226348, + "main_score": 85.92793380635129 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/SciFact.json b/results/BAAI__bge-small-en/external/SciFact.json new file mode 100644 index 000000000..736e7f56d --- /dev/null +++ b/results/BAAI__bge-small-en/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 55.74400000000001, + "map_at_10": 65.455, + "map_at_100": 66.106, + "map_at_1000": 66.129, + "map_at_3": 62.719, + "map_at_5": 64.441, + "mrr_at_1": 58.667, + "mrr_at_10": 66.776, + "mrr_at_100": 67.363, + "mrr_at_1000": 67.384, + "mrr_at_3": 64.889, + "mrr_at_5": 66.122, + "ndcg_at_1": 58.667, + "ndcg_at_10": 69.904, + "ndcg_at_100": 72.807, + "ndcg_at_1000": 73.423, + "ndcg_at_3": 65.405, + "ndcg_at_5": 67.86999999999999, + "precision_at_1": 58.667, + "precision_at_10": 9.3, + "precision_at_100": 1.08, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 25.444, + "precision_at_5": 17, + "recall_at_1": 55.74400000000001, + "recall_at_10": 82.122, + "recall_at_100": 95.167, + "recall_at_1000": 100, + "recall_at_3": 70.14399999999999, + "recall_at_5": 76.417, + "main_score": 69.904 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/SprintDuplicateQuestions.json b/results/BAAI__bge-small-en/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..5706a03f5 --- /dev/null +++ b/results/BAAI__bge-small-en/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.86534653465347, + "cos_sim_ap": 96.54142419791388, + "cos_sim_f1": 93.07535641547861, + "cos_sim_precision": 94.81327800829875, + "cos_sim_recall": 91.4, + "dot_accuracy": 99.86435643564356, + "dot_ap": 96.53682260449868, + "dot_f1": 92.98515104966718, + "dot_precision": 95.27806925498426, + "dot_recall": 90.8, + "euclidean_accuracy": 99.86336633663366, + "euclidean_ap": 96.5228676185697, + "euclidean_f1": 92.9735234215886, + "euclidean_precision": 94.70954356846472, + "euclidean_recall": 91.3, + "manhattan_accuracy": 99.85841584158416, + "manhattan_ap": 96.50392760934032, + "manhattan_f1": 92.84642321160581, + "manhattan_precision": 92.8928928928929, + "manhattan_recall": 92.80000000000001, + "max_accuracy": 99.86534653465347, + "max_ap": 96.54142419791388, + "max_f1": 93.07535641547861, + "main_score": 96.54142419791388 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/StackExchangeClustering.json b/results/BAAI__bge-small-en/external/StackExchangeClustering.json new file mode 100644 index 000000000..bb925dc50 --- /dev/null +++ b/results/BAAI__bge-small-en/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 61.08285408766616, + "main_score": 61.08285408766616 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/StackExchangeClusteringP2P.json b/results/BAAI__bge-small-en/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..1e426c879 --- /dev/null +++ b/results/BAAI__bge-small-en/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.640675309010604, + "main_score": 35.640675309010604 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/StackOverflowDupQuestions.json b/results/BAAI__bge-small-en/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..d5e921179 --- /dev/null +++ b/results/BAAI__bge-small-en/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 53.20333913710715, + "mrr": 54.088813555725324, + "main_score": 53.20333913710715 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/SummEval.json b/results/BAAI__bge-small-en/external/SummEval.json new file mode 100644 index 000000000..2a7f76bac --- /dev/null +++ b/results/BAAI__bge-small-en/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.79465221925075, + "cos_sim_spearman": 30.530816059163634, + "dot_pearson": 31.364837244718043, + "dot_spearman": 30.79726823684003, + "cosine_pearson": 30.79465221925075, + "cosine_spearman": 30.530816059163634, + "main_score": 30.530816059163634 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/TRECCOVID.json b/results/BAAI__bge-small-en/external/TRECCOVID.json new file mode 100644 index 000000000..d74b5d2d2 --- /dev/null +++ b/results/BAAI__bge-small-en/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.22599999999999998, + "map_at_10": 1.735, + "map_at_100": 8.978, + "map_at_1000": 20.851, + "map_at_3": 0.613, + "map_at_5": 0.964, + "mrr_at_1": 88, + "mrr_at_10": 92.867, + "mrr_at_100": 92.867, + "mrr_at_1000": 92.867, + "mrr_at_3": 92.667, + "mrr_at_5": 92.667, + "ndcg_at_1": 82, + "ndcg_at_10": 73.164, + "ndcg_at_100": 51.878, + "ndcg_at_1000": 44.864, + "ndcg_at_3": 79.184, + "ndcg_at_5": 76.39, + "precision_at_1": 88, + "precision_at_10": 76.2, + "precision_at_100": 52.459999999999994, + "precision_at_1000": 19.692, + "precision_at_3": 82.667, + "precision_at_5": 80, + "recall_at_1": 0.22599999999999998, + "recall_at_10": 1.942, + "recall_at_100": 12.342, + "recall_at_1000": 41.42, + "recall_at_3": 0.637, + "recall_at_5": 1.034, + "main_score": 73.164 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/Touche2020.json b/results/BAAI__bge-small-en/external/Touche2020.json new file mode 100644 index 000000000..5e1b040be --- /dev/null +++ b/results/BAAI__bge-small-en/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.567, + "map_at_10": 13.116, + "map_at_100": 19.39, + "map_at_1000": 20.988, + "map_at_3": 7.109, + "map_at_5": 9.950000000000001, + "mrr_at_1": 42.857, + "mrr_at_10": 57.404999999999994, + "mrr_at_100": 58.021, + "mrr_at_1000": 58.021, + "mrr_at_3": 54.762, + "mrr_at_5": 56.19, + "ndcg_at_1": 38.775999999999996, + "ndcg_at_10": 30.359, + "ndcg_at_100": 41.284, + "ndcg_at_1000": 52.30200000000001, + "ndcg_at_3": 36.744, + "ndcg_at_5": 34.326, + "precision_at_1": 42.857, + "precision_at_10": 26.122, + "precision_at_100": 8.082, + "precision_at_1000": 1.559, + "precision_at_3": 40.136, + "precision_at_5": 35.510000000000005, + "recall_at_1": 3.567, + "recall_at_10": 19.045, + "recall_at_100": 49.979, + "recall_at_1000": 84.206, + "recall_at_3": 8.52, + "recall_at_5": 13.103000000000002, + "main_score": 30.359 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/ToxicConversationsClassification.json b/results/BAAI__bge-small-en/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..871bd0577 --- /dev/null +++ b/results/BAAI__bge-small-en/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 68.8394, + "ap": 13.454399712443099, + "f1": 53.04963076364322, + "main_score": 68.8394 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/TweetSentimentExtractionClassification.json b/results/BAAI__bge-small-en/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..dd9a918c5 --- /dev/null +++ b/results/BAAI__bge-small-en/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 60.546123372948514, + "f1": 60.86952793277713, + "main_score": 60.546123372948514 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/TwentyNewsgroupsClustering.json b/results/BAAI__bge-small-en/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..06476f4ad --- /dev/null +++ b/results/BAAI__bge-small-en/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 49.10042955060234, + "main_score": 49.10042955060234 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/TwitterSemEval2015.json b/results/BAAI__bge-small-en/external/TwitterSemEval2015.json new file mode 100644 index 000000000..729f0afa4 --- /dev/null +++ b/results/BAAI__bge-small-en/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 85.03308100375514, + "cos_sim_ap": 71.08284605869684, + "cos_sim_f1": 65.42539436255494, + "cos_sim_precision": 64.14807302231237, + "cos_sim_recall": 66.75461741424802, + "dot_accuracy": 84.68736961316088, + "dot_ap": 69.20524036530992, + "dot_f1": 63.54893953365829, + "dot_precision": 63.45698500394633, + "dot_recall": 63.641160949868066, + "euclidean_accuracy": 85.07480479227513, + "euclidean_ap": 71.14592761009864, + "euclidean_f1": 65.43814432989691, + "euclidean_precision": 63.95465994962216, + "euclidean_recall": 66.99208443271768, + "manhattan_accuracy": 85.06288370984085, + "manhattan_ap": 71.07289742593868, + "manhattan_f1": 65.37585421412301, + "manhattan_precision": 62.816147859922175, + "manhattan_recall": 68.15303430079156, + "max_accuracy": 85.07480479227513, + "max_ap": 71.14592761009864, + "max_f1": 65.43814432989691, + "main_score": 71.14592761009864 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/TwitterURLCorpus.json b/results/BAAI__bge-small-en/external/TwitterURLCorpus.json new file mode 100644 index 000000000..89ea7b409 --- /dev/null +++ b/results/BAAI__bge-small-en/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 87.79058485659952, + "cos_sim_ap": 83.7183187008759, + "cos_sim_f1": 75.86921142180798, + "cos_sim_precision": 73.00683371298405, + "cos_sim_recall": 78.96519864490298, + "dot_accuracy": 87.0085768618776, + "dot_ap": 81.87467488474279, + "dot_f1": 74.04188363990559, + "dot_precision": 72.10507114191901, + "dot_recall": 76.08561749307053, + "euclidean_accuracy": 87.8332751193387, + "euclidean_ap": 83.83585648120315, + "euclidean_f1": 76.02582177042369, + "euclidean_precision": 73.36388371759989, + "euclidean_recall": 78.88820449645827, + "manhattan_accuracy": 87.87208444910156, + "manhattan_ap": 83.8101950642973, + "manhattan_f1": 75.90454195535027, + "manhattan_precision": 72.44419564761039, + "manhattan_recall": 79.71204188481676, + "max_accuracy": 87.87208444910156, + "max_ap": 83.83585648120315, + "max_f1": 76.02582177042369, + "main_score": 83.83585648120315 + } + ] + } +} \ No newline at end of file diff --git a/results/BAAI__bge-small-en/external/model_meta.json b/results/BAAI__bge-small-en/external/model_meta.json new file mode 100644 index 000000000..31b5d9d93 --- /dev/null +++ b/results/BAAI__bge-small-en/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "BAAI/bge-small-en", + "revision": "2275a7bdee235e9b4f01fa73aa60d3311983cfea", + "release_date": "2023-08-05", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 33360512, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 384, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/BeastyZ__e5-R-mistral-7b/external/ArguAna.json b/results/BeastyZ__e5-R-mistral-7b/external/ArguAna.json new file mode 100644 index 000000000..61a6e97b6 --- /dev/null +++ b/results/BeastyZ__e5-R-mistral-7b/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 33.57, + "map_at_10": 49.952000000000005, + "map_at_100": 50.673, + "map_at_1000": 50.674, + "map_at_3": 44.915, + "map_at_5": 47.876999999999995, + "mrr_at_1": 34.211000000000006, + "mrr_at_10": 50.19, + "mrr_at_100": 50.905, + "mrr_at_1000": 50.906, + "mrr_at_3": 45.128, + "mrr_at_5": 48.097, + "ndcg_at_1": 33.57, + "ndcg_at_10": 58.994, + "ndcg_at_100": 61.806000000000004, + "ndcg_at_1000": 61.824999999999996, + "ndcg_at_3": 48.681000000000004, + "ndcg_at_5": 54.001, + "precision_at_1": 33.57, + "precision_at_10": 8.784, + "precision_at_100": 0.9950000000000001, + "precision_at_1000": 0.1, + "precision_at_3": 19.867, + "precision_at_5": 14.495, + "recall_at_1": 33.57, + "recall_at_10": 87.83800000000001, + "recall_at_100": 99.502, + "recall_at_1000": 99.644, + "recall_at_3": 59.602, + "recall_at_5": 72.475, + "main_score": 58.994 + } + ] + } +} \ No newline at end of file diff --git a/results/BeastyZ__e5-R-mistral-7b/external/ClimateFEVER.json b/results/BeastyZ__e5-R-mistral-7b/external/ClimateFEVER.json new file mode 100644 index 000000000..23591dc6c --- /dev/null +++ b/results/BeastyZ__e5-R-mistral-7b/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.436, + "map_at_10": 29.693, + "map_at_100": 32.179, + "map_at_1000": 32.353, + "map_at_3": 24.556, + "map_at_5": 27.105, + "mrr_at_1": 37.524, + "mrr_at_10": 51.475, + "mrr_at_100": 52.107000000000006, + "mrr_at_1000": 52.123, + "mrr_at_3": 48.35, + "mrr_at_5": 50.249, + "ndcg_at_1": 37.524, + "ndcg_at_10": 40.258, + "ndcg_at_100": 48.364000000000004, + "ndcg_at_1000": 51.031000000000006, + "ndcg_at_3": 33.359, + "ndcg_at_5": 35.573, + "precision_at_1": 37.524, + "precision_at_10": 12.886000000000001, + "precision_at_100": 2.169, + "precision_at_1000": 0.268, + "precision_at_3": 25.624000000000002, + "precision_at_5": 19.453, + "recall_at_1": 16.436, + "recall_at_10": 47.77, + "recall_at_100": 74.762, + "recall_at_1000": 89.316, + "recall_at_3": 30.508000000000003, + "recall_at_5": 37.346000000000004, + "main_score": 40.258 + } + ] + } +} \ No newline at end of file diff --git a/results/BeastyZ__e5-R-mistral-7b/external/DBPedia.json b/results/BeastyZ__e5-R-mistral-7b/external/DBPedia.json new file mode 100644 index 000000000..454046845 --- /dev/null +++ b/results/BeastyZ__e5-R-mistral-7b/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 10.147, + "map_at_10": 24.631, + "map_at_100": 35.657, + "map_at_1000": 37.824999999999996, + "map_at_3": 16.423, + "map_at_5": 19.666, + "mrr_at_1": 76.5, + "mrr_at_10": 82.793, + "mrr_at_100": 83.015, + "mrr_at_1000": 83.021, + "mrr_at_3": 81.75, + "mrr_at_5": 82.375, + "ndcg_at_1": 64.75, + "ndcg_at_10": 51.031000000000006, + "ndcg_at_100": 56.005, + "ndcg_at_1000": 63.068000000000005, + "ndcg_at_3": 54.571999999999996, + "ndcg_at_5": 52.66499999999999, + "precision_at_1": 76.5, + "precision_at_10": 42.15, + "precision_at_100": 13.22, + "precision_at_1000": 2.5989999999999998, + "precision_at_3": 58.416999999999994, + "precision_at_5": 52.2, + "recall_at_1": 10.147, + "recall_at_10": 30.786, + "recall_at_100": 62.873000000000005, + "recall_at_1000": 85.358, + "recall_at_3": 17.665, + "recall_at_5": 22.088, + "main_score": 51.031000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/BeastyZ__e5-R-mistral-7b/external/FEVER.json b/results/BeastyZ__e5-R-mistral-7b/external/FEVER.json new file mode 100644 index 000000000..6d86ba727 --- /dev/null +++ b/results/BeastyZ__e5-R-mistral-7b/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 78.52900000000001, + "map_at_10": 87.24199999999999, + "map_at_100": 87.446, + "map_at_1000": 87.457, + "map_at_3": 86.193, + "map_at_5": 86.898, + "mrr_at_1": 84.518, + "mrr_at_10": 90.686, + "mrr_at_100": 90.73, + "mrr_at_1000": 90.731, + "mrr_at_3": 90.227, + "mrr_at_5": 90.575, + "ndcg_at_1": 84.518, + "ndcg_at_10": 90.324, + "ndcg_at_100": 90.96300000000001, + "ndcg_at_1000": 91.134, + "ndcg_at_3": 88.937, + "ndcg_at_5": 89.788, + "precision_at_1": 84.518, + "precision_at_10": 10.872, + "precision_at_100": 1.1440000000000001, + "precision_at_1000": 0.117, + "precision_at_3": 34.108, + "precision_at_5": 21.154999999999998, + "recall_at_1": 78.52900000000001, + "recall_at_10": 96.123, + "recall_at_100": 98.503, + "recall_at_1000": 99.518, + "recall_at_3": 92.444, + "recall_at_5": 94.609, + "main_score": 90.324 + } + ] + } +} \ No newline at end of file diff --git a/results/BeastyZ__e5-R-mistral-7b/external/FiQA2018.json b/results/BeastyZ__e5-R-mistral-7b/external/FiQA2018.json new file mode 100644 index 000000000..02504e453 --- /dev/null +++ b/results/BeastyZ__e5-R-mistral-7b/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.38, + "map_at_10": 50.28, + "map_at_100": 52.532999999999994, + "map_at_1000": 52.641000000000005, + "map_at_3": 43.556, + "map_at_5": 47.617, + "mrr_at_1": 56.79, + "mrr_at_10": 65.666, + "mrr_at_100": 66.211, + "mrr_at_1000": 66.226, + "mrr_at_3": 63.452, + "mrr_at_5": 64.895, + "ndcg_at_1": 56.79, + "ndcg_at_10": 58.68, + "ndcg_at_100": 65.22, + "ndcg_at_1000": 66.645, + "ndcg_at_3": 53.981, + "ndcg_at_5": 55.95, + "precision_at_1": 56.79, + "precision_at_10": 16.311999999999998, + "precision_at_100": 2.316, + "precision_at_1000": 0.258, + "precision_at_3": 36.214, + "precision_at_5": 27.067999999999998, + "recall_at_1": 29.38, + "recall_at_10": 66.503, + "recall_at_100": 89.885, + "recall_at_1000": 97.954, + "recall_at_3": 48.866, + "recall_at_5": 57.60999999999999, + "main_score": 58.68 + } + ] + } +} \ No newline at end of file diff --git a/results/BeastyZ__e5-R-mistral-7b/external/HotpotQA.json b/results/BeastyZ__e5-R-mistral-7b/external/HotpotQA.json new file mode 100644 index 000000000..bdb130b55 --- /dev/null +++ b/results/BeastyZ__e5-R-mistral-7b/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 42.134, + "map_at_10": 73.412, + "map_at_100": 74.144, + "map_at_1000": 74.181, + "map_at_3": 70.016, + "map_at_5": 72.174, + "mrr_at_1": 84.267, + "mrr_at_10": 89.18599999999999, + "mrr_at_100": 89.29599999999999, + "mrr_at_1000": 89.298, + "mrr_at_3": 88.616, + "mrr_at_5": 88.957, + "ndcg_at_1": 84.267, + "ndcg_at_10": 80.164, + "ndcg_at_100": 82.52199999999999, + "ndcg_at_1000": 83.176, + "ndcg_at_3": 75.616, + "ndcg_at_5": 78.184, + "precision_at_1": 84.267, + "precision_at_10": 16.916, + "precision_at_100": 1.872, + "precision_at_1000": 0.196, + "precision_at_3": 49.71, + "precision_at_5": 31.854, + "recall_at_1": 42.134, + "recall_at_10": 84.578, + "recall_at_100": 93.606, + "recall_at_1000": 97.86, + "recall_at_3": 74.564, + "recall_at_5": 79.635, + "main_score": 80.164 + } + ] + } +} \ No newline at end of file diff --git a/results/BeastyZ__e5-R-mistral-7b/external/MSMARCO.json b/results/BeastyZ__e5-R-mistral-7b/external/MSMARCO.json new file mode 100644 index 000000000..a30ec5fda --- /dev/null +++ b/results/BeastyZ__e5-R-mistral-7b/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.276, + "map_at_10": 35.493, + "map_at_100": 36.656, + "map_at_1000": 36.699, + "map_at_3": 31.320999999999998, + "map_at_5": 33.772999999999996, + "mrr_at_1": 22.966, + "mrr_at_10": 36.074, + "mrr_at_100": 37.183, + "mrr_at_1000": 37.219, + "mrr_at_3": 31.984, + "mrr_at_5": 34.419, + "ndcg_at_1": 22.966, + "ndcg_at_10": 42.895, + "ndcg_at_100": 48.453, + "ndcg_at_1000": 49.464999999999996, + "ndcg_at_3": 34.410000000000004, + "ndcg_at_5": 38.78, + "precision_at_1": 22.966, + "precision_at_10": 6.88, + "precision_at_100": 0.966, + "precision_at_1000": 0.105, + "precision_at_3": 14.785, + "precision_at_5": 11.074, + "recall_at_1": 22.276, + "recall_at_10": 65.756, + "recall_at_100": 91.34100000000001, + "recall_at_1000": 98.957, + "recall_at_3": 42.67, + "recall_at_5": 53.161, + "main_score": 42.895 + } + ] + } +} \ No newline at end of file diff --git a/results/BeastyZ__e5-R-mistral-7b/external/NFCorpus.json b/results/BeastyZ__e5-R-mistral-7b/external/NFCorpus.json new file mode 100644 index 000000000..d16322429 --- /dev/null +++ b/results/BeastyZ__e5-R-mistral-7b/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 7.188999999999999, + "map_at_10": 16.176, + "map_at_100": 20.504, + "map_at_1000": 22.203999999999997, + "map_at_3": 11.766, + "map_at_5": 13.655999999999999, + "mrr_at_1": 55.418, + "mrr_at_10": 62.791, + "mrr_at_100": 63.339, + "mrr_at_1000": 63.369, + "mrr_at_3": 60.99099999999999, + "mrr_at_5": 62.059, + "ndcg_at_1": 53.715, + "ndcg_at_10": 41.377, + "ndcg_at_100": 37.999, + "ndcg_at_1000": 46.726, + "ndcg_at_3": 47.262, + "ndcg_at_5": 44.708999999999996, + "precision_at_1": 55.108000000000004, + "precision_at_10": 30.154999999999998, + "precision_at_100": 9.582, + "precision_at_1000": 2.2720000000000002, + "precision_at_3": 43.55, + "precision_at_5": 38.204, + "recall_at_1": 7.188999999999999, + "recall_at_10": 20.655, + "recall_at_100": 38.068000000000005, + "recall_at_1000": 70.208, + "recall_at_3": 12.601, + "recall_at_5": 15.573999999999998, + "main_score": 41.377 + } + ] + } +} \ No newline at end of file diff --git a/results/BeastyZ__e5-R-mistral-7b/external/NQ.json b/results/BeastyZ__e5-R-mistral-7b/external/NQ.json new file mode 100644 index 000000000..f2a1dd4bf --- /dev/null +++ b/results/BeastyZ__e5-R-mistral-7b/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 46.017, + "map_at_10": 62.910999999999994, + "map_at_100": 63.526, + "map_at_1000": 63.536, + "map_at_3": 59.077999999999996, + "map_at_5": 61.521, + "mrr_at_1": 51.68000000000001, + "mrr_at_10": 65.149, + "mrr_at_100": 65.542, + "mrr_at_1000": 65.55, + "mrr_at_3": 62.49, + "mrr_at_5": 64.178, + "ndcg_at_1": 51.651, + "ndcg_at_10": 69.83500000000001, + "ndcg_at_100": 72.18, + "ndcg_at_1000": 72.393, + "ndcg_at_3": 63.168, + "ndcg_at_5": 66.958, + "precision_at_1": 51.651, + "precision_at_10": 10.626, + "precision_at_100": 1.195, + "precision_at_1000": 0.121, + "precision_at_3": 28.012999999999998, + "precision_at_5": 19.09, + "recall_at_1": 46.017, + "recall_at_10": 88.345, + "recall_at_100": 98.129, + "recall_at_1000": 99.696, + "recall_at_3": 71.531, + "recall_at_5": 80.108, + "main_score": 69.83500000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/BeastyZ__e5-R-mistral-7b/external/QuoraRetrieval.json b/results/BeastyZ__e5-R-mistral-7b/external/QuoraRetrieval.json new file mode 100644 index 000000000..22e6102de --- /dev/null +++ b/results/BeastyZ__e5-R-mistral-7b/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 72.473, + "map_at_10": 86.72800000000001, + "map_at_100": 87.323, + "map_at_1000": 87.332, + "map_at_3": 83.753, + "map_at_5": 85.627, + "mrr_at_1": 83.39, + "mrr_at_10": 89.149, + "mrr_at_100": 89.228, + "mrr_at_1000": 89.229, + "mrr_at_3": 88.335, + "mrr_at_5": 88.895, + "ndcg_at_1": 83.39, + "ndcg_at_10": 90.109, + "ndcg_at_100": 91.09, + "ndcg_at_1000": 91.13900000000001, + "ndcg_at_3": 87.483, + "ndcg_at_5": 88.942, + "precision_at_1": 83.39, + "precision_at_10": 13.711, + "precision_at_100": 1.549, + "precision_at_1000": 0.157, + "precision_at_3": 38.342999999999996, + "precision_at_5": 25.188, + "recall_at_1": 72.473, + "recall_at_10": 96.57, + "recall_at_100": 99.792, + "recall_at_1000": 99.99900000000001, + "recall_at_3": 88.979, + "recall_at_5": 93.163, + "main_score": 90.109 + } + ] + } +} \ No newline at end of file diff --git a/results/BeastyZ__e5-R-mistral-7b/external/SCIDOCS.json b/results/BeastyZ__e5-R-mistral-7b/external/SCIDOCS.json new file mode 100644 index 000000000..be05d2458 --- /dev/null +++ b/results/BeastyZ__e5-R-mistral-7b/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.598, + "map_at_10": 11.405999999999999, + "map_at_100": 13.447999999999999, + "map_at_1000": 13.758999999999999, + "map_at_3": 8.332, + "map_at_5": 9.709, + "mrr_at_1": 22.6, + "mrr_at_10": 32.978, + "mrr_at_100": 34.149, + "mrr_at_1000": 34.213, + "mrr_at_3": 29.7, + "mrr_at_5": 31.485000000000003, + "ndcg_at_1": 22.6, + "ndcg_at_10": 19.259999999999998, + "ndcg_at_100": 27.21, + "ndcg_at_1000": 32.7, + "ndcg_at_3": 18.445, + "ndcg_at_5": 15.812000000000001, + "precision_at_1": 22.6, + "precision_at_10": 9.959999999999999, + "precision_at_100": 2.139, + "precision_at_1000": 0.345, + "precision_at_3": 17.299999999999997, + "precision_at_5": 13.719999999999999, + "recall_at_1": 4.598, + "recall_at_10": 20.186999999999998, + "recall_at_100": 43.362, + "recall_at_1000": 70.11800000000001, + "recall_at_3": 10.543, + "recall_at_5": 13.923, + "main_score": 19.259999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/BeastyZ__e5-R-mistral-7b/external/SciFact.json b/results/BeastyZ__e5-R-mistral-7b/external/SciFact.json new file mode 100644 index 000000000..002db62e0 --- /dev/null +++ b/results/BeastyZ__e5-R-mistral-7b/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 65.467, + "map_at_10": 74.935, + "map_at_100": 75.395, + "map_at_1000": 75.412, + "map_at_3": 72.436, + "map_at_5": 73.978, + "mrr_at_1": 68.667, + "mrr_at_10": 76.236, + "mrr_at_100": 76.537, + "mrr_at_1000": 76.55499999999999, + "mrr_at_3": 74.722, + "mrr_at_5": 75.639, + "ndcg_at_1": 68.667, + "ndcg_at_10": 78.92099999999999, + "ndcg_at_100": 80.645, + "ndcg_at_1000": 81.045, + "ndcg_at_3": 75.19500000000001, + "ndcg_at_5": 77.114, + "precision_at_1": 68.667, + "precision_at_10": 10.133000000000001, + "precision_at_100": 1.0999999999999999, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 28.889, + "precision_at_5": 18.8, + "recall_at_1": 65.467, + "recall_at_10": 89.517, + "recall_at_100": 97, + "recall_at_1000": 100, + "recall_at_3": 79.72200000000001, + "recall_at_5": 84.511, + "main_score": 78.92099999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/BeastyZ__e5-R-mistral-7b/external/TRECCOVID.json b/results/BeastyZ__e5-R-mistral-7b/external/TRECCOVID.json new file mode 100644 index 000000000..144d7c465 --- /dev/null +++ b/results/BeastyZ__e5-R-mistral-7b/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.244, + "map_at_10": 2.183, + "map_at_100": 13.712, + "map_at_1000": 33.147, + "map_at_3": 0.7270000000000001, + "map_at_5": 1.199, + "mrr_at_1": 94, + "mrr_at_10": 97, + "mrr_at_100": 97, + "mrr_at_1000": 97, + "mrr_at_3": 97, + "mrr_at_5": 97, + "ndcg_at_1": 92, + "ndcg_at_10": 84.399, + "ndcg_at_100": 66.771, + "ndcg_at_1000": 59.092, + "ndcg_at_3": 89.173, + "ndcg_at_5": 88.52600000000001, + "precision_at_1": 94, + "precision_at_10": 86.8, + "precision_at_100": 68.24, + "precision_at_1000": 26.003999999999998, + "precision_at_3": 92.667, + "precision_at_5": 92.4, + "recall_at_1": 0.244, + "recall_at_10": 2.302, + "recall_at_100": 16.622, + "recall_at_1000": 55.175, + "recall_at_3": 0.748, + "recall_at_5": 1.247, + "main_score": 84.399 + } + ] + } +} \ No newline at end of file diff --git a/results/BeastyZ__e5-R-mistral-7b/external/Touche2020.json b/results/BeastyZ__e5-R-mistral-7b/external/Touche2020.json new file mode 100644 index 000000000..3506b88b5 --- /dev/null +++ b/results/BeastyZ__e5-R-mistral-7b/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.707, + "map_at_10": 10.917, + "map_at_100": 16.308, + "map_at_1000": 17.953, + "map_at_3": 5.65, + "map_at_5": 7.379, + "mrr_at_1": 34.694, + "mrr_at_10": 49.745, + "mrr_at_100": 50.309000000000005, + "mrr_at_1000": 50.32, + "mrr_at_3": 44.897999999999996, + "mrr_at_5": 48.061, + "ndcg_at_1": 33.672999999999995, + "ndcg_at_10": 26.894000000000002, + "ndcg_at_100": 37.423, + "ndcg_at_1000": 49.376999999999995, + "ndcg_at_3": 30.456, + "ndcg_at_5": 27.772000000000002, + "precision_at_1": 34.694, + "precision_at_10": 23.878, + "precision_at_100": 7.489999999999999, + "precision_at_1000": 1.555, + "precision_at_3": 31.293, + "precision_at_5": 26.939, + "recall_at_1": 2.707, + "recall_at_10": 18.104, + "recall_at_100": 46.93, + "recall_at_1000": 83.512, + "recall_at_3": 6.622999999999999, + "recall_at_5": 10.051, + "main_score": 26.894000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/BeastyZ__e5-R-mistral-7b/external/model_meta.json b/results/BeastyZ__e5-R-mistral-7b/external/model_meta.json new file mode 100644 index 000000000..21e1d825c --- /dev/null +++ b/results/BeastyZ__e5-R-mistral-7b/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "BeastyZ/e5-R-mistral-7b", + "revision": "3f810a6a7fd220369ad248e3705cf13d71803602", + "release_date": "2024-06-28", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 7241732096, + "memory_usage": null, + "max_tokens": 32768, + "embed_dim": 4096, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/ClayAtlas__winberta-large/external/AFQMC.json b/results/ClayAtlas__winberta-large/external/AFQMC.json new file mode 100644 index 000000000..79d6fad5f --- /dev/null +++ b/results/ClayAtlas__winberta-large/external/AFQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 41.77725389846057, + "cos_sim_spearman": 46.70255351226939, + "euclidean_pearson": 45.22550045993912, + "euclidean_spearman": 46.70255351226939, + "manhattan_pearson": 45.19405644988887, + "manhattan_spearman": 46.680519207418264, + "cosine_pearson": 41.77725389846057, + "cosine_spearman": 46.70255351226939, + "main_score": 46.70255351226939 + } + ] + } +} \ No newline at end of file diff --git a/results/ClayAtlas__winberta-large/external/ATEC.json b/results/ClayAtlas__winberta-large/external/ATEC.json new file mode 100644 index 000000000..f64d0f875 --- /dev/null +++ b/results/ClayAtlas__winberta-large/external/ATEC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 41.90208621690777, + "cos_sim_spearman": 49.95255202729448, + "euclidean_pearson": 49.756907552767956, + "euclidean_spearman": 49.95255202729448, + "manhattan_pearson": 49.75325413164269, + "manhattan_spearman": 49.96252496785108, + "cosine_pearson": 41.90208621690777, + "cosine_spearman": 49.95255202729448, + "main_score": 49.95255202729448 + } + ] + } +} \ No newline at end of file diff --git a/results/ClayAtlas__winberta-large/external/AmazonReviewsClassification.json b/results/ClayAtlas__winberta-large/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..5465bd930 --- /dev/null +++ b/results/ClayAtlas__winberta-large/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 42.038000000000004, + "f1": 40.20953065985179, + "main_score": 42.038000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/ClayAtlas__winberta-large/external/BQ.json b/results/ClayAtlas__winberta-large/external/BQ.json new file mode 100644 index 000000000..88270adb6 --- /dev/null +++ b/results/ClayAtlas__winberta-large/external/BQ.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 54.24089984585099, + "cos_sim_spearman": 56.075463873104766, + "euclidean_pearson": 55.20252472986401, + "euclidean_spearman": 56.075463873104766, + "manhattan_pearson": 55.13086772848814, + "manhattan_spearman": 56.02039158535162, + "cosine_pearson": 54.24089984585099, + "cosine_spearman": 56.075463873104766, + "main_score": 56.075463873104766 + } + ] + } +} \ No newline at end of file diff --git a/results/ClayAtlas__winberta-large/external/CLSClusteringP2P.json b/results/ClayAtlas__winberta-large/external/CLSClusteringP2P.json new file mode 100644 index 000000000..86ee4b787 --- /dev/null +++ b/results/ClayAtlas__winberta-large/external/CLSClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 42.83769092800803, + "main_score": 42.83769092800803 + } + ] + } +} \ No newline at end of file diff --git a/results/ClayAtlas__winberta-large/external/CLSClusteringS2S.json b/results/ClayAtlas__winberta-large/external/CLSClusteringS2S.json new file mode 100644 index 000000000..83e0e15ec --- /dev/null +++ b/results/ClayAtlas__winberta-large/external/CLSClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 39.772368416311195, + "main_score": 39.772368416311195 + } + ] + } +} \ No newline at end of file diff --git a/results/ClayAtlas__winberta-large/external/CmedqaRetrieval.json b/results/ClayAtlas__winberta-large/external/CmedqaRetrieval.json new file mode 100644 index 000000000..dcbe140b1 --- /dev/null +++ b/results/ClayAtlas__winberta-large/external/CmedqaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 18.695999999999998, + "map_at_10": 28.171000000000003, + "map_at_100": 29.927, + "map_at_1000": 30.09, + "map_at_3": 24.854000000000003, + "map_at_5": 26.573, + "mrr_at_1": 29.256999999999998, + "mrr_at_10": 36.584, + "mrr_at_100": 37.643, + "mrr_at_1000": 37.713, + "mrr_at_3": 34.171, + "mrr_at_5": 35.436, + "ndcg_at_1": 29.256999999999998, + "ndcg_at_10": 34.079, + "ndcg_at_100": 41.538000000000004, + "ndcg_at_1000": 44.651999999999994, + "ndcg_at_3": 29.439999999999998, + "ndcg_at_5": 31.172, + "precision_at_1": 29.256999999999998, + "precision_at_10": 7.804, + "precision_at_100": 1.392, + "precision_at_1000": 0.179, + "precision_at_3": 16.804, + "precision_at_5": 12.267999999999999, + "recall_at_1": 18.695999999999998, + "recall_at_10": 43.325, + "recall_at_100": 74.765, + "recall_at_1000": 95.999, + "recall_at_3": 29.384, + "recall_at_5": 34.765, + "main_score": 34.079 + } + ] + } +} \ No newline at end of file diff --git a/results/ClayAtlas__winberta-large/external/Cmnli.json b/results/ClayAtlas__winberta-large/external/Cmnli.json new file mode 100644 index 000000000..cd734295e --- /dev/null +++ b/results/ClayAtlas__winberta-large/external/Cmnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Cmnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 79.15814792543597, + "cos_sim_ap": 87.29838623651833, + "cos_sim_f1": 80.6512349097353, + "cos_sim_precision": 76.62037037037037, + "cos_sim_recall": 85.1297638531681, + "dot_accuracy": 79.15814792543597, + "dot_ap": 87.30641807786448, + "dot_f1": 80.6512349097353, + "dot_precision": 76.62037037037037, + "dot_recall": 85.1297638531681, + "euclidean_accuracy": 79.15814792543597, + "euclidean_ap": 87.29838623651833, + "euclidean_f1": 80.6512349097353, + "euclidean_precision": 76.62037037037037, + "euclidean_recall": 85.1297638531681, + "manhattan_accuracy": 79.15814792543597, + "manhattan_ap": 87.29705330875109, + "manhattan_f1": 80.66914498141264, + "manhattan_precision": 75.76504415691106, + "manhattan_recall": 86.2520458265139, + "max_accuracy": 79.15814792543597, + "max_ap": 87.30641807786448, + "max_f1": 80.66914498141264, + "main_score": 79.15814792543597 + } + ] + } +} \ No newline at end of file diff --git a/results/ClayAtlas__winberta-large/external/CovidRetrieval.json b/results/ClayAtlas__winberta-large/external/CovidRetrieval.json new file mode 100644 index 000000000..cce73439f --- /dev/null +++ b/results/ClayAtlas__winberta-large/external/CovidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 58.325, + "map_at_10": 67.572, + "map_at_100": 68.142, + "map_at_1000": 68.152, + "map_at_3": 65.446, + "map_at_5": 66.794, + "mrr_at_1": 58.272, + "mrr_at_10": 67.469, + "mrr_at_100": 68.048, + "mrr_at_1000": 68.05799999999999, + "mrr_at_3": 65.385, + "mrr_at_5": 66.728, + "ndcg_at_1": 58.377, + "ndcg_at_10": 71.922, + "ndcg_at_100": 74.49799999999999, + "ndcg_at_1000": 74.80799999999999, + "ndcg_at_3": 67.711, + "ndcg_at_5": 70.075, + "precision_at_1": 58.377, + "precision_at_10": 8.641, + "precision_at_100": 0.9809999999999999, + "precision_at_1000": 0.101, + "precision_at_3": 24.833, + "precision_at_5": 16.101, + "recall_at_1": 58.325, + "recall_at_10": 85.458, + "recall_at_100": 97.05, + "recall_at_1000": 99.579, + "recall_at_3": 74.18299999999999, + "recall_at_5": 79.768, + "main_score": 71.922 + } + ] + } +} \ No newline at end of file diff --git a/results/ClayAtlas__winberta-large/external/DuRetrieval.json b/results/ClayAtlas__winberta-large/external/DuRetrieval.json new file mode 100644 index 000000000..e09894600 --- /dev/null +++ b/results/ClayAtlas__winberta-large/external/DuRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 23.448, + "map_at_10": 70.368, + "map_at_100": 73.644, + "map_at_1000": 73.727, + "map_at_3": 48.317, + "map_at_5": 61.114999999999995, + "mrr_at_1": 83.5, + "mrr_at_10": 88.592, + "mrr_at_100": 88.69200000000001, + "mrr_at_1000": 88.696, + "mrr_at_3": 88.058, + "mrr_at_5": 88.458, + "ndcg_at_1": 83.5, + "ndcg_at_10": 79.696, + "ndcg_at_100": 83.88799999999999, + "ndcg_at_1000": 84.64699999999999, + "ndcg_at_3": 78.39500000000001, + "ndcg_at_5": 77.289, + "precision_at_1": 83.5, + "precision_at_10": 38.525, + "precision_at_100": 4.656, + "precision_at_1000": 0.485, + "precision_at_3": 70.383, + "precision_at_5": 59.56, + "recall_at_1": 23.448, + "recall_at_10": 81.274, + "recall_at_100": 94.447, + "recall_at_1000": 98.209, + "recall_at_3": 51.122, + "recall_at_5": 67.29899999999999, + "main_score": 79.696 + } + ] + } +} \ No newline at end of file diff --git a/results/ClayAtlas__winberta-large/external/EcomRetrieval.json b/results/ClayAtlas__winberta-large/external/EcomRetrieval.json new file mode 100644 index 000000000..ee1f89a1c --- /dev/null +++ b/results/ClayAtlas__winberta-large/external/EcomRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 44.2, + "map_at_10": 54.083999999999996, + "map_at_100": 54.775, + "map_at_1000": 54.800000000000004, + "map_at_3": 51.5, + "map_at_5": 52.94, + "mrr_at_1": 44.2, + "mrr_at_10": 54.083999999999996, + "mrr_at_100": 54.775, + "mrr_at_1000": 54.800000000000004, + "mrr_at_3": 51.5, + "mrr_at_5": 52.94, + "ndcg_at_1": 44.2, + "ndcg_at_10": 59.221999999999994, + "ndcg_at_100": 62.463, + "ndcg_at_1000": 63.159, + "ndcg_at_3": 53.888000000000005, + "ndcg_at_5": 56.483000000000004, + "precision_at_1": 44.2, + "precision_at_10": 7.55, + "precision_at_100": 0.9039999999999999, + "precision_at_1000": 0.096, + "precision_at_3": 20.267, + "precision_at_5": 13.420000000000002, + "recall_at_1": 44.2, + "recall_at_10": 75.5, + "recall_at_100": 90.4, + "recall_at_1000": 95.89999999999999, + "recall_at_3": 60.8, + "recall_at_5": 67.10000000000001, + "main_score": 59.221999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/ClayAtlas__winberta-large/external/IFlyTek.json b/results/ClayAtlas__winberta-large/external/IFlyTek.json new file mode 100644 index 000000000..ecebbbb05 --- /dev/null +++ b/results/ClayAtlas__winberta-large/external/IFlyTek.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 46.30242400923432, + "f1": 34.9084495621858, + "main_score": 46.30242400923432 + } + ] + } +} \ No newline at end of file diff --git a/results/ClayAtlas__winberta-large/external/JDReview.json b/results/ClayAtlas__winberta-large/external/JDReview.json new file mode 100644 index 000000000..e7094bae8 --- /dev/null +++ b/results/ClayAtlas__winberta-large/external/JDReview.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 77.2983114446529, + "ap": 38.88426285856333, + "f1": 70.55729261942591, + "main_score": 77.2983114446529 + } + ] + } +} \ No newline at end of file diff --git a/results/ClayAtlas__winberta-large/external/LCQMC.json b/results/ClayAtlas__winberta-large/external/LCQMC.json new file mode 100644 index 000000000..92d0bb915 --- /dev/null +++ b/results/ClayAtlas__winberta-large/external/LCQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 68.5643564120875, + "cos_sim_spearman": 74.96268256412532, + "euclidean_pearson": 74.05621406127399, + "euclidean_spearman": 74.96268256412532, + "manhattan_pearson": 74.04916252136826, + "manhattan_spearman": 74.95628866390487, + "cosine_pearson": 68.5643564120875, + "cosine_spearman": 74.96268256412532, + "main_score": 74.96268256412532 + } + ] + } +} \ No newline at end of file diff --git a/results/ClayAtlas__winberta-large/external/MMarcoReranking.json b/results/ClayAtlas__winberta-large/external/MMarcoReranking.json new file mode 100644 index 000000000..ae73d0e05 --- /dev/null +++ b/results/ClayAtlas__winberta-large/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 27.289171935571773, + "mrr": 25.7218253968254, + "main_score": 27.289171935571773 + } + ] + } +} \ No newline at end of file diff --git a/results/ClayAtlas__winberta-large/external/MMarcoRetrieval.json b/results/ClayAtlas__winberta-large/external/MMarcoRetrieval.json new file mode 100644 index 000000000..70a8107e7 --- /dev/null +++ b/results/ClayAtlas__winberta-large/external/MMarcoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 61.632, + "map_at_10": 70.796, + "map_at_100": 71.21300000000001, + "map_at_1000": 71.22800000000001, + "map_at_3": 68.848, + "map_at_5": 70.044, + "mrr_at_1": 63.768, + "mrr_at_10": 71.516, + "mrr_at_100": 71.884, + "mrr_at_1000": 71.897, + "mrr_at_3": 69.814, + "mrr_at_5": 70.843, + "ndcg_at_1": 63.768, + "ndcg_at_10": 74.727, + "ndcg_at_100": 76.649, + "ndcg_at_1000": 77.05300000000001, + "ndcg_at_3": 71.00800000000001, + "ndcg_at_5": 73.015, + "precision_at_1": 63.768, + "precision_at_10": 9.15, + "precision_at_100": 1.012, + "precision_at_1000": 0.105, + "precision_at_3": 26.848, + "precision_at_5": 17.172, + "recall_at_1": 61.632, + "recall_at_10": 86.162, + "recall_at_100": 94.953, + "recall_at_1000": 98.148, + "recall_at_3": 76.287, + "recall_at_5": 81.03399999999999, + "main_score": 74.727 + } + ] + } +} \ No newline at end of file diff --git a/results/ClayAtlas__winberta-large/external/MassiveIntentClassification.json b/results/ClayAtlas__winberta-large/external/MassiveIntentClassification.json new file mode 100644 index 000000000..f296c5fbe --- /dev/null +++ b/results/ClayAtlas__winberta-large/external/MassiveIntentClassification.json @@ -0,0 +1,469 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 25.79690652320108, + "f1": 24.093438782440067, + "main_score": 25.79690652320108 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 3.338937457969066, + "f1": 2.404152046553366, + "main_score": 3.338937457969066 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 6.489576328177541, + "f1": 4.62270646032821, + "main_score": 6.489576328177541 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 24.767989240080695, + "f1": 23.495689794075474, + "main_score": 24.767989240080695 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 4.29724277067922, + "f1": 2.2466735164037934, + "main_score": 4.29724277067922 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 26.388702084734366, + "f1": 23.86003112409349, + "main_score": 26.388702084734366 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 31.4694014794889, + "f1": 29.017559554815392, + "main_score": 31.4694014794889 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 28.09011432414256, + "f1": 24.796051996220104, + "main_score": 28.09011432414256 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 19.240080699394753, + "f1": 16.13607169381968, + "main_score": 19.240080699394753 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 53.406186953597846, + "f1": 49.55550114595557, + "main_score": 53.406186953597846 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 30.615332885003365, + "f1": 29.13481030937436, + "main_score": 30.615332885003365 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 7.205783456624077, + "f1": 4.601802513446058, + "main_score": 7.205783456624077 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 27.205783456624072, + "f1": 24.177535740725418, + "main_score": 27.205783456624072 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 32.63618022864828, + "f1": 31.190168140021303, + "main_score": 32.63618022864828 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 2.6630800268997983, + "f1": 1.913464455449111, + "main_score": 2.6630800268997983 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 4.593140551445864, + "f1": 2.6428594688121865, + "main_score": 4.593140551445864 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 25.648957632817755, + "f1": 22.88249345748577, + "main_score": 25.648957632817755 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 4.862138533960995, + "f1": 2.739262235100375, + "main_score": 4.862138533960995 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 29.808338937457968, + "f1": 29.055301842025006, + "main_score": 29.808338937457968 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 23.5305985205111, + "f1": 21.232935753763023, + "main_score": 23.5305985205111 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 34.47209145931405, + "f1": 32.987844813265305, + "main_score": 34.47209145931405 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 39.40147948890383, + "f1": 37.59135086216479, + "main_score": 39.40147948890383 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 28.749159381304644, + "f1": 26.132814845473103, + "main_score": 28.749159381304644 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 4.344317417619368, + "f1": 2.9377190150068957, + "main_score": 4.344317417619368 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 6.102891728312036, + "f1": 3.962539148306579, + "main_score": 6.102891728312036 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 4.462004034969738, + "f1": 2.618811361288446, + "main_score": 4.462004034969738 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 14.156018829858777, + "f1": 12.032224251194693, + "main_score": 14.156018829858777 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 29.855413584398114, + "f1": 26.4935948293649, + "main_score": 29.855413584398114 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 3.6919973100201746, + "f1": 1.9455177645088522, + "main_score": 3.6919973100201746 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 7.864828513786145, + "f1": 5.890463192551815, + "main_score": 7.864828513786145 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 28.05312710154674, + "f1": 25.167919685520967, + "main_score": 28.05312710154674 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 6.9804976462676525, + "f1": 3.5784028024922963, + "main_score": 6.9804976462676525 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 28.648285137861468, + "f1": 26.310748922753458, + "main_score": 28.648285137861468 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 32.92199058507062, + "f1": 29.644293217296745, + "main_score": 32.92199058507062 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 27.622730329522525, + "f1": 24.469668239014812, + "main_score": 27.622730329522525 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 33.52723604572966, + "f1": 30.92548605264693, + "main_score": 33.52723604572966 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 31.32145258910558, + "f1": 29.33012083327001, + "main_score": 31.32145258910558 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 11.271015467383993, + "f1": 10.062644252034659, + "main_score": 11.271015467383993 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 27.942165433759254, + "f1": 25.33080090111651, + "main_score": 27.942165433759254 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 32.895090786819104, + "f1": 28.439539068323533, + "main_score": 32.895090786819104 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 26.852723604572965, + "f1": 25.395656180022463, + "main_score": 26.852723604572965 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 29.404841963685275, + "f1": 26.21621146728871, + "main_score": 29.404841963685275 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 3.3254875588433084, + "f1": 1.603092746324846, + "main_score": 3.3254875588433084 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 3.463349024882313, + "f1": 2.0928407358339736, + "main_score": 3.463349024882313 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 12.982515131136513, + "f1": 11.01712677163494, + "main_score": 12.982515131136513 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 30.729657027572294, + "f1": 26.83317869501593, + "main_score": 30.729657027572294 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 23.570948217888372, + "f1": 22.40127425434381, + "main_score": 23.570948217888372 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 4.983187626092804, + "f1": 3.718347039099332, + "main_score": 4.983187626092804 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 21.893073301950235, + "f1": 20.675025999929755, + "main_score": 21.893073301950235 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 70.82044384667114, + "f1": 68.45757969594844, + "main_score": 70.82044384667114 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 65.52790854068594, + "f1": 64.67811461805108, + "main_score": 65.52790854068594 + } + ] + } +} \ No newline at end of file diff --git a/results/ClayAtlas__winberta-large/external/MassiveScenarioClassification.json b/results/ClayAtlas__winberta-large/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..8a9c7400e --- /dev/null +++ b/results/ClayAtlas__winberta-large/external/MassiveScenarioClassification.json @@ -0,0 +1,469 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 31.55346334902488, + "f1": 29.191252426466214, + "main_score": 31.55346334902488 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 7.488231338264964, + "f1": 5.0160562127811685, + "main_score": 7.488231338264964 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 14.996637525218562, + "f1": 11.249193510499182, + "main_score": 14.996637525218562 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 29.132481506388704, + "f1": 26.38076542865094, + "main_score": 29.132481506388704 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 9.243443174176194, + "f1": 6.038537369329211, + "main_score": 9.243443174176194 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 29.720914593140552, + "f1": 26.928872478782672, + "main_score": 29.720914593140552 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 39.791526563550775, + "f1": 35.368330225384334, + "main_score": 39.791526563550775 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 34.67720242098184, + "f1": 31.39329003485599, + "main_score": 34.67720242098184 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 28.833221250840612, + "f1": 25.447170771092875, + "main_score": 28.833221250840612 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.77538668459987, + "f1": 58.638713385209904, + "main_score": 61.77538668459987 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 35.96839273705447, + "f1": 32.76368046131194, + "main_score": 35.96839273705447 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 11.123066577000671, + "f1": 7.872676893973924, + "main_score": 11.123066577000671 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 28.614660390047074, + "f1": 25.645947438401855, + "main_score": 28.614660390047074 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 40.65568258238063, + "f1": 37.66349602390266, + "main_score": 40.65568258238063 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 9.008069939475453, + "f1": 5.1554089293899965, + "main_score": 9.008069939475453 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 9.915938130464022, + "f1": 6.413016136448915, + "main_score": 9.915938130464022 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 32.07464694014795, + "f1": 29.435621484770174, + "main_score": 32.07464694014795 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 8.43981170141224, + "f1": 6.157676936089851, + "main_score": 8.43981170141224 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 34.89912575655683, + "f1": 31.614865711813938, + "main_score": 34.89912575655683 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 30.954942837928712, + "f1": 26.844232924337497, + "main_score": 30.954942837928712 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 41.059179556153325, + "f1": 36.92471115077745, + "main_score": 41.059179556153325 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 48.73234700739745, + "f1": 46.89395011365762, + "main_score": 48.73234700739745 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 35.08742434431742, + "f1": 32.314520222383585, + "main_score": 35.08742434431742 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 9.287155346334904, + "f1": 7.13459214077311, + "main_score": 9.287155346334904 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 11.193678547410894, + "f1": 7.329043540295746, + "main_score": 11.193678547410894 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 10.097511768661734, + "f1": 7.212356186519867, + "main_score": 10.097511768661734 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 19.196368527236046, + "f1": 16.798046606500282, + "main_score": 19.196368527236046 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 32.49495628782785, + "f1": 28.359188240241444, + "main_score": 32.49495628782785 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 6.36516476126429, + "f1": 3.7192665599079913, + "main_score": 6.36516476126429 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 13.076664425016812, + "f1": 9.572770203976713, + "main_score": 13.076664425016812 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 39.17955615332885, + "f1": 33.8253960820197, + "main_score": 39.17955615332885 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 12.252858103564224, + "f1": 9.096519579346872, + "main_score": 12.252858103564224 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 35.24209818426362, + "f1": 32.24756964062884, + "main_score": 35.24209818426362 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 38.17081371889711, + "f1": 34.8539465599922, + "main_score": 38.17081371889711 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 31.60390047074647, + "f1": 28.24199310436465, + "main_score": 31.60390047074647 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 40.01008742434432, + "f1": 37.21826826542489, + "main_score": 40.01008742434432 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 39.25353059852051, + "f1": 35.457426597271784, + "main_score": 39.25353059852051 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 16.70813718897108, + "f1": 14.338767956114001, + "main_score": 16.70813718897108 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 33.94418291862811, + "f1": 30.577444242695694, + "main_score": 33.94418291862811 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 40.396772024209824, + "f1": 36.028103018769436, + "main_score": 40.396772024209824 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 30.722932078009418, + "f1": 28.49491987141746, + "main_score": 30.722932078009418 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 37.14189643577674, + "f1": 32.52116385408168, + "main_score": 37.14189643577674 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 8.214525891055818, + "f1": 4.448399109965533, + "main_score": 8.214525891055818 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 7.96570275722932, + "f1": 5.128691464756114, + "main_score": 7.96570275722932 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 21.55682582380632, + "f1": 17.110218757379613, + "main_score": 21.55682582380632 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 36.70141223940821, + "f1": 32.96113533567822, + "main_score": 36.70141223940821 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 28.80295897780767, + "f1": 27.77008973951413, + "main_score": 28.80295897780767 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 10.460659045057163, + "f1": 7.90075042321315, + "main_score": 10.460659045057163 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 27.720242098184265, + "f1": 26.76341970948208, + "main_score": 27.720242098184265 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 75.21183591123066, + "f1": 74.55953469104787, + "main_score": 75.21183591123066 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 71.52320107599192, + "f1": 71.16094498697193, + "main_score": 71.52320107599192 + } + ] + } +} \ No newline at end of file diff --git a/results/ClayAtlas__winberta-large/external/MedicalRetrieval.json b/results/ClayAtlas__winberta-large/external/MedicalRetrieval.json new file mode 100644 index 000000000..f178ead36 --- /dev/null +++ b/results/ClayAtlas__winberta-large/external/MedicalRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 43.2, + "map_at_10": 48.788, + "map_at_100": 49.412, + "map_at_1000": 49.480000000000004, + "map_at_3": 47.55, + "map_at_5": 48.27, + "mrr_at_1": 43.2, + "mrr_at_10": 48.788, + "mrr_at_100": 49.412, + "mrr_at_1000": 49.480000000000004, + "mrr_at_3": 47.55, + "mrr_at_5": 48.27, + "ndcg_at_1": 43.2, + "ndcg_at_10": 51.504000000000005, + "ndcg_at_100": 54.718, + "ndcg_at_1000": 56.754000000000005, + "ndcg_at_3": 48.975, + "ndcg_at_5": 50.283, + "precision_at_1": 43.2, + "precision_at_10": 6.0, + "precision_at_100": 0.755, + "precision_at_1000": 0.092, + "precision_at_3": 17.7, + "precision_at_5": 11.26, + "recall_at_1": 43.2, + "recall_at_10": 60.0, + "recall_at_100": 75.5, + "recall_at_1000": 92.0, + "recall_at_3": 53.1, + "recall_at_5": 56.3, + "main_score": 51.504000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/ClayAtlas__winberta-large/external/MultilingualSentiment.json b/results/ClayAtlas__winberta-large/external/MultilingualSentiment.json new file mode 100644 index 000000000..a9129aafb --- /dev/null +++ b/results/ClayAtlas__winberta-large/external/MultilingualSentiment.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 71.66666666666669, + "f1": 71.30679309756734, + "main_score": 71.66666666666669 + } + ] + } +} \ No newline at end of file diff --git a/results/ClayAtlas__winberta-large/external/Ocnli.json b/results/ClayAtlas__winberta-large/external/Ocnli.json new file mode 100644 index 000000000..68c14b28b --- /dev/null +++ b/results/ClayAtlas__winberta-large/external/Ocnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Ocnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 73.47049269085004, + "cos_sim_ap": 77.45627413542758, + "cos_sim_f1": 76.38326585695006, + "cos_sim_precision": 66.53605015673982, + "cos_sim_recall": 89.65153115100317, + "dot_accuracy": 73.47049269085004, + "dot_ap": 77.45627413542758, + "dot_f1": 76.38326585695006, + "dot_precision": 66.53605015673982, + "dot_recall": 89.65153115100317, + "euclidean_accuracy": 73.47049269085004, + "euclidean_ap": 77.45620654340667, + "euclidean_f1": 76.38326585695006, + "euclidean_precision": 66.53605015673982, + "euclidean_recall": 89.65153115100317, + "manhattan_accuracy": 73.36220898754738, + "manhattan_ap": 77.37536169412738, + "manhattan_f1": 76.38640429338103, + "manhattan_precision": 66.25290923196276, + "manhattan_recall": 90.17951425554382, + "max_accuracy": 73.47049269085004, + "max_ap": 77.45627413542758, + "max_f1": 76.38640429338103, + "main_score": 73.47049269085004 + } + ] + } +} \ No newline at end of file diff --git a/results/ClayAtlas__winberta-large/external/OnlineShopping.json b/results/ClayAtlas__winberta-large/external/OnlineShopping.json new file mode 100644 index 000000000..ba098a69d --- /dev/null +++ b/results/ClayAtlas__winberta-large/external/OnlineShopping.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 91.53, + "ap": 89.42581459526625, + "f1": 91.52129393166419, + "main_score": 91.53 + } + ] + } +} \ No newline at end of file diff --git a/results/ClayAtlas__winberta-large/external/PAWSX.json b/results/ClayAtlas__winberta-large/external/PAWSX.json new file mode 100644 index 000000000..8f52b7700 --- /dev/null +++ b/results/ClayAtlas__winberta-large/external/PAWSX.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 29.140746638094146, + "cos_sim_spearman": 33.485405306894954, + "euclidean_pearson": 33.519345307695055, + "euclidean_spearman": 33.485405306894954, + "manhattan_pearson": 33.477525315080555, + "manhattan_spearman": 33.45108970796106, + "cosine_pearson": 29.140746638094146, + "cosine_spearman": 33.485405306894954, + "main_score": 33.485405306894954 + } + ] + } +} \ No newline at end of file diff --git a/results/ClayAtlas__winberta-large/external/QBQTC.json b/results/ClayAtlas__winberta-large/external/QBQTC.json new file mode 100644 index 000000000..9e583e80c --- /dev/null +++ b/results/ClayAtlas__winberta-large/external/QBQTC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "QBQTC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 29.1489803117667, + "cos_sim_spearman": 31.064278185902484, + "euclidean_pearson": 29.46668604738617, + "euclidean_spearman": 31.064327209275294, + "manhattan_pearson": 29.486028367555363, + "manhattan_spearman": 31.08380235579532, + "cosine_pearson": 29.1489803117667, + "cosine_spearman": 31.064278185902484, + "main_score": 31.064278185902484 + } + ] + } +} \ No newline at end of file diff --git a/results/ClayAtlas__winberta-large/external/STS22.json b/results/ClayAtlas__winberta-large/external/STS22.json new file mode 100644 index 000000000..fefeb2376 --- /dev/null +++ b/results/ClayAtlas__winberta-large/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 62.11437173048506, + "cos_sim_spearman": 64.51063977663124, + "euclidean_pearson": 63.21313519423639, + "euclidean_spearman": 64.51063977663124, + "manhattan_pearson": 66.21953089701206, + "manhattan_spearman": 66.39662588897919, + "cosine_pearson": 62.11437173048506, + "cosine_spearman": 64.51063977663124, + "main_score": 64.51063977663124 + } + ] + } +} \ No newline at end of file diff --git a/results/ClayAtlas__winberta-large/external/STSB.json b/results/ClayAtlas__winberta-large/external/STSB.json new file mode 100644 index 000000000..cfc3facc4 --- /dev/null +++ b/results/ClayAtlas__winberta-large/external/STSB.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 78.98157503278959, + "cos_sim_spearman": 79.62582795918624, + "euclidean_pearson": 79.44521376122044, + "euclidean_spearman": 79.62582795918624, + "manhattan_pearson": 79.4254734731864, + "manhattan_spearman": 79.61078135348473, + "cosine_pearson": 78.98157503278959, + "cosine_spearman": 79.62582795918624, + "main_score": 79.62582795918624 + } + ] + } +} \ No newline at end of file diff --git a/results/ClayAtlas__winberta-large/external/T2Reranking.json b/results/ClayAtlas__winberta-large/external/T2Reranking.json new file mode 100644 index 000000000..869f986e3 --- /dev/null +++ b/results/ClayAtlas__winberta-large/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 66.29923663749156, + "mrr": 76.31176720293172, + "main_score": 66.29923663749156 + } + ] + } +} \ No newline at end of file diff --git a/results/ClayAtlas__winberta-large/external/T2Retrieval.json b/results/ClayAtlas__winberta-large/external/T2Retrieval.json new file mode 100644 index 000000000..92d0a1b09 --- /dev/null +++ b/results/ClayAtlas__winberta-large/external/T2Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 24.518, + "map_at_10": 67.938, + "map_at_100": 71.769, + "map_at_1000": 71.882, + "map_at_3": 47.884, + "map_at_5": 58.733000000000004, + "mrr_at_1": 84.328, + "mrr_at_10": 87.96000000000001, + "mrr_at_100": 88.114, + "mrr_at_1000": 88.12, + "mrr_at_3": 87.306, + "mrr_at_5": 87.734, + "ndcg_at_1": 84.328, + "ndcg_at_10": 77.077, + "ndcg_at_100": 81.839, + "ndcg_at_1000": 82.974, + "ndcg_at_3": 79.209, + "ndcg_at_5": 77.345, + "precision_at_1": 84.328, + "precision_at_10": 38.596000000000004, + "precision_at_100": 4.825, + "precision_at_1000": 0.51, + "precision_at_3": 69.547, + "precision_at_5": 58.033, + "recall_at_1": 24.518, + "recall_at_10": 75.982, + "recall_at_100": 91.40899999999999, + "recall_at_1000": 97.129, + "recall_at_3": 50.014, + "recall_at_5": 62.971, + "main_score": 77.077 + } + ] + } +} \ No newline at end of file diff --git a/results/ClayAtlas__winberta-large/external/TNews.json b/results/ClayAtlas__winberta-large/external/TNews.json new file mode 100644 index 000000000..dc2de53a8 --- /dev/null +++ b/results/ClayAtlas__winberta-large/external/TNews.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 50.17400000000001, + "f1": 48.49778139007515, + "main_score": 50.17400000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/ClayAtlas__winberta-large/external/ThuNewsClusteringP2P.json b/results/ClayAtlas__winberta-large/external/ThuNewsClusteringP2P.json new file mode 100644 index 000000000..631ec2750 --- /dev/null +++ b/results/ClayAtlas__winberta-large/external/ThuNewsClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 58.925265567508944, + "main_score": 58.925265567508944 + } + ] + } +} \ No newline at end of file diff --git a/results/ClayAtlas__winberta-large/external/ThuNewsClusteringS2S.json b/results/ClayAtlas__winberta-large/external/ThuNewsClusteringS2S.json new file mode 100644 index 000000000..004f02881 --- /dev/null +++ b/results/ClayAtlas__winberta-large/external/ThuNewsClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 53.70728044857883, + "main_score": 53.70728044857883 + } + ] + } +} \ No newline at end of file diff --git a/results/ClayAtlas__winberta-large/external/VideoRetrieval.json b/results/ClayAtlas__winberta-large/external/VideoRetrieval.json new file mode 100644 index 000000000..291a57033 --- /dev/null +++ b/results/ClayAtlas__winberta-large/external/VideoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 49.5, + "map_at_10": 59.772000000000006, + "map_at_100": 60.312, + "map_at_1000": 60.333000000000006, + "map_at_3": 57.367000000000004, + "map_at_5": 58.797, + "mrr_at_1": 49.5, + "mrr_at_10": 59.772000000000006, + "mrr_at_100": 60.312, + "mrr_at_1000": 60.333000000000006, + "mrr_at_3": 57.367000000000004, + "mrr_at_5": 58.797, + "ndcg_at_1": 49.5, + "ndcg_at_10": 64.672, + "ndcg_at_100": 67.389, + "ndcg_at_1000": 67.984, + "ndcg_at_3": 59.8, + "ndcg_at_5": 62.385999999999996, + "precision_at_1": 49.5, + "precision_at_10": 8.0, + "precision_at_100": 0.9289999999999999, + "precision_at_1000": 0.098, + "precision_at_3": 22.267, + "precision_at_5": 14.62, + "recall_at_1": 49.5, + "recall_at_10": 80.0, + "recall_at_100": 92.9, + "recall_at_1000": 97.7, + "recall_at_3": 66.8, + "recall_at_5": 73.1, + "main_score": 64.672 + } + ] + } +} \ No newline at end of file diff --git a/results/ClayAtlas__winberta-large/external/Waimai.json b/results/ClayAtlas__winberta-large/external/Waimai.json new file mode 100644 index 000000000..e82260ce1 --- /dev/null +++ b/results/ClayAtlas__winberta-large/external/Waimai.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 85.97999999999999, + "ap": 68.63874013611306, + "f1": 84.22025909308913, + "main_score": 85.97999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/ClayAtlas__winberta-large/external/model_meta.json b/results/ClayAtlas__winberta-large/external/model_meta.json new file mode 100644 index 000000000..1bc98959d --- /dev/null +++ b/results/ClayAtlas__winberta-large/external/model_meta.json @@ -0,0 +1,20 @@ +{ + "name": "ClayAtlas/winberta-large", + "revision": "b900e99d25e44f3478fbb61d4c5cc436a863dc96", + "release_date": "2023-12-11", + "languages": [], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": null, + "embed_dim": null, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/AmazonCounterfactualClassification.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..b02d45c20 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.62686567164178, + "ap": 43.50072127690769, + "f1": 73.12414870629323, + "main_score": 78.62686567164178 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/AmazonPolarityClassification.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..cbf8ed0e5 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 94.795, + "ap": 92.14178233328848, + "f1": 94.79269356571955, + "main_score": 94.795 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/AmazonReviewsClassification.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..7241fbe28 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 51.016000000000005, + "f1": 48.9266470039522, + "main_score": 51.016000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/ArguAna.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/ArguAna.json new file mode 100644 index 000000000..4cbb42d8f --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/ArguAna.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 50.806, + "main_score": 50.806 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/ArxivClusteringP2P.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..4556b848e --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 46.19304218375896, + "main_score": 46.19304218375896 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/ArxivClusteringS2S.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..7bab8f0c3 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.57785041962193, + "main_score": 37.57785041962193 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/AskUbuntuDupQuestions.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..e6f8d5cff --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 60.11396377106911, + "mrr": 72.9068284746955, + "main_score": 60.11396377106911 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/BIOSSES.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/BIOSSES.json new file mode 100644 index 000000000..3ecaead3e --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.59354737468067, + "cos_sim_spearman": 81.71933190993215, + "euclidean_pearson": 81.39212345994983, + "euclidean_spearman": 81.71933190993215, + "manhattan_pearson": 81.29257414603093, + "manhattan_spearman": 81.80246633432691, + "cosine_pearson": 82.59354737468067, + "cosine_spearman": 81.71933190993215, + "main_score": 81.71933190993215 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/Banking77Classification.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/Banking77Classification.json new file mode 100644 index 000000000..3a9d676b5 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.69805194805193, + "f1": 79.07431143559548, + "main_score": 79.69805194805193 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/BiorxivClusteringP2P.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..614881de0 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.973417975095934, + "main_score": 38.973417975095934 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/BiorxivClusteringS2S.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..22eb7790e --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.51608057107556, + "main_score": 34.51608057107556 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/CQADupstackAndroidRetrieval.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..62cdf6c28 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,114 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 46.615, + "main_score": 46.615 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 45.383, + "main_score": 45.383 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 57.062999999999995, + "main_score": 57.062999999999995 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 37.201, + "main_score": 37.201 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 27.473, + "main_score": 27.473 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 41.868, + "main_score": 41.868 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 42.059000000000005, + "main_score": 42.059000000000005 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 38.885416666666664, + "main_score": 38.885416666666664 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 32.134, + "main_score": 32.134 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 28.052, + "main_score": 28.052 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 38.237, + "main_score": 38.237 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 37.875, + "main_score": 37.875 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 32.665, + "main_score": 32.665 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/ClimateFEVER.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/ClimateFEVER.json new file mode 100644 index 000000000..2c8a2b2ce --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/ClimateFEVER.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 28.901, + "main_score": 28.901 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/DBPedia.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/DBPedia.json new file mode 100644 index 000000000..d9f59a1a8 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/DBPedia.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 41.028, + "main_score": 41.028 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/EmotionClassification.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/EmotionClassification.json new file mode 100644 index 000000000..01f33160f --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 52.745, + "f1": 46.432564522368054, + "main_score": 52.745 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/FEVER.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/FEVER.json new file mode 100644 index 000000000..ca03051b4 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/FEVER.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 87.64, + "main_score": 87.64 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/FiQA2018.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/FiQA2018.json new file mode 100644 index 000000000..e076f4b46 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/FiQA2018.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 38.834999999999994, + "main_score": 38.834999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/HotpotQA.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/HotpotQA.json new file mode 100644 index 000000000..49cb5669f --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/HotpotQA.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 66.793, + "main_score": 66.793 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/ImdbClassification.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/ImdbClassification.json new file mode 100644 index 000000000..214460717 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.16680000000001, + "ap": 88.9326260956379, + "f1": 92.16197209455585, + "main_score": 92.16680000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/MSMARCO.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/MSMARCO.json new file mode 100644 index 000000000..70d1c2b16 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/MSMARCO.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 41.325, + "main_score": 41.325 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/MTOPDomainClassification.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/MTOPDomainClassification.json new file mode 100644 index 000000000..6fba2dd62 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.62517099863202, + "f1": 93.3852826127328, + "main_score": 93.62517099863202 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/MTOPIntentClassification.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/MTOPIntentClassification.json new file mode 100644 index 000000000..c41131a57 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 64.93388052895577, + "f1": 48.035548201830366, + "main_score": 64.93388052895577 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/MassiveIntentClassification.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/MassiveIntentClassification.json new file mode 100644 index 000000000..ea57592b8 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.01344989912577, + "f1": 68.01236893966525, + "main_score": 70.01344989912577 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/MassiveScenarioClassification.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..c6ce33e85 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.34498991257564, + "f1": 75.72876911765213, + "main_score": 76.34498991257564 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/MedrxivClusteringP2P.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..12ecc7961 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.66326759167091, + "main_score": 37.66326759167091 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/MedrxivClusteringS2S.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..678c01fce --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.53562430544494, + "main_score": 33.53562430544494 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/MindSmallReranking.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/MindSmallReranking.json new file mode 100644 index 000000000..17c552792 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.86814320224619, + "mrr": 33.02567757581291, + "main_score": 31.86814320224619 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/NFCorpus.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/NFCorpus.json new file mode 100644 index 000000000..3f4e524f3 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/NFCorpus.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 33.649, + "main_score": 33.649 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/NQ.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/NQ.json new file mode 100644 index 000000000..75b067a5d --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/NQ.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 57.994, + "main_score": 57.994 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/QuoraRetrieval.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/QuoraRetrieval.json new file mode 100644 index 000000000..a0ecef588 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/QuoraRetrieval.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 88.115, + "main_score": 88.115 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/RedditClustering.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/RedditClustering.json new file mode 100644 index 000000000..0050d7901 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 53.4970929237201, + "main_score": 53.4970929237201 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/RedditClusteringP2P.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/RedditClusteringP2P.json new file mode 100644 index 000000000..a810afd0c --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 63.59086757472922, + "main_score": 63.59086757472922 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/SCIDOCS.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/SCIDOCS.json new file mode 100644 index 000000000..dd49b7278 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/SCIDOCS.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 18.098, + "main_score": 18.098 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/SICK-R.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/SICK-R.json new file mode 100644 index 000000000..16f8b12a4 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.05019841005287, + "cos_sim_spearman": 79.65240734965128, + "euclidean_pearson": 82.33894047327843, + "euclidean_spearman": 79.65240666088022, + "manhattan_pearson": 82.33098051639543, + "manhattan_spearman": 79.5592521956291, + "cosine_pearson": 85.05019841005287, + "cosine_spearman": 79.65240734965128, + "main_score": 79.65240734965128 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/STS12.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/STS12.json new file mode 100644 index 000000000..1a32b6730 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.28561469269728, + "cos_sim_spearman": 72.6022866501722, + "euclidean_pearson": 77.89616448619745, + "euclidean_spearman": 72.6022866429173, + "manhattan_pearson": 77.9073648819866, + "manhattan_spearman": 72.6928162672852, + "cosine_pearson": 81.28561469269728, + "cosine_spearman": 72.6022866501722, + "main_score": 72.6022866501722 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/STS13.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/STS13.json new file mode 100644 index 000000000..c4cf3ab40 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.48271297318195, + "cos_sim_spearman": 82.87639489647019, + "euclidean_pearson": 82.24654676315204, + "euclidean_spearman": 82.87642765399856, + "manhattan_pearson": 82.19673632886851, + "manhattan_spearman": 82.822727205448, + "cosine_pearson": 82.48271297318195, + "cosine_spearman": 82.87639489647019, + "main_score": 82.87639489647019 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/STS14.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/STS14.json new file mode 100644 index 000000000..4553d099a --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.74140104895864, + "cos_sim_spearman": 79.74024708732993, + "euclidean_pearson": 82.50081856448949, + "euclidean_spearman": 79.74024708732993, + "manhattan_pearson": 82.36588991657912, + "manhattan_spearman": 79.59022658604357, + "cosine_pearson": 83.74140104895864, + "cosine_spearman": 79.74024708732993, + "main_score": 79.74024708732993 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/STS15.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/STS15.json new file mode 100644 index 000000000..81aa77176 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.30124436614311, + "cos_sim_spearman": 86.97688974734349, + "euclidean_pearson": 86.36868875097032, + "euclidean_spearman": 86.97688974734349, + "manhattan_pearson": 86.37787059133234, + "manhattan_spearman": 86.96666693570158, + "cosine_pearson": 86.30124436614311, + "cosine_spearman": 86.97688974734349, + "main_score": 86.97688974734349 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/STS16.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/STS16.json new file mode 100644 index 000000000..db9333280 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.27590066451398, + "cos_sim_spearman": 84.40811627278994, + "euclidean_pearson": 83.77341566536141, + "euclidean_spearman": 84.40811627278994, + "manhattan_pearson": 83.72567664904311, + "manhattan_spearman": 84.42172336387632, + "cosine_pearson": 83.27590066451398, + "cosine_spearman": 84.40811627278994, + "main_score": 84.40811627278994 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/STS17.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/STS17.json new file mode 100644 index 000000000..20bfbefa5 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 89.13791942173916, + "cos_sim_spearman": 89.22016928873572, + "euclidean_pearson": 89.43583792557924, + "euclidean_spearman": 89.22016928873572, + "manhattan_pearson": 89.47307915863284, + "manhattan_spearman": 89.20752264220539, + "cosine_pearson": 89.13791942173916, + "cosine_spearman": 89.22016928873572, + "main_score": 89.22016928873572 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/STS22.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/STS22.json new file mode 100644 index 000000000..9161938ba --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 64.92003328655028, + "cos_sim_spearman": 65.42027229611072, + "euclidean_pearson": 66.68765284942059, + "euclidean_spearman": 65.42027229611072, + "manhattan_pearson": 66.85383496796447, + "manhattan_spearman": 65.53490117706689, + "cosine_pearson": 64.92003328655028, + "cosine_spearman": 65.42027229611072, + "main_score": 65.42027229611072 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/STSBenchmark.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/STSBenchmark.json new file mode 100644 index 000000000..6ea54c3fd --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.97445894753297, + "cos_sim_spearman": 86.57651994952795, + "euclidean_pearson": 86.7061296897819, + "euclidean_spearman": 86.57651994952795, + "manhattan_pearson": 86.66411668551642, + "manhattan_spearman": 86.53200653755397, + "cosine_pearson": 85.97445894753297, + "cosine_spearman": 86.57651994952795, + "main_score": 86.57651994952795 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/SciDocsRR.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/SciDocsRR.json new file mode 100644 index 000000000..6e6ba95ea --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 81.62235389081138, + "mrr": 94.65811965811966, + "main_score": 81.62235389081138 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/SciFact.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/SciFact.json new file mode 100644 index 000000000..ccc60381d --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/SciFact.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 66.687, + "main_score": 66.687 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/SprintDuplicateQuestions.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..a6cf1042d --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.86435643564356, + "cos_sim_ap": 96.59150882873165, + "cos_sim_f1": 93.07030854830552, + "cos_sim_precision": 94.16581371545547, + "cos_sim_recall": 92.0, + "dot_accuracy": 99.86435643564356, + "dot_ap": 96.59150882873165, + "dot_f1": 93.07030854830552, + "dot_precision": 94.16581371545547, + "dot_recall": 92.0, + "euclidean_accuracy": 99.86435643564356, + "euclidean_ap": 96.59150882873162, + "euclidean_f1": 93.07030854830552, + "euclidean_precision": 94.16581371545547, + "euclidean_recall": 92.0, + "manhattan_accuracy": 99.86336633663366, + "manhattan_ap": 96.58123246795022, + "manhattan_f1": 92.9591836734694, + "manhattan_precision": 94.89583333333333, + "manhattan_recall": 91.10000000000001, + "max_accuracy": 99.86435643564356, + "max_ap": 96.59150882873165, + "max_f1": 93.07030854830552, + "main_score": 96.59150882873165 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/StackExchangeClustering.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/StackExchangeClustering.json new file mode 100644 index 000000000..71223aa5d --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 62.938055854344455, + "main_score": 62.938055854344455 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/StackExchangeClusteringP2P.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..8c5464b82 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.479716154538224, + "main_score": 36.479716154538224 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/StackOverflowDupQuestions.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..f2f7d6bd6 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 50.75827388766867, + "mrr": 51.65291305916306, + "main_score": 50.75827388766867 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/SummEval.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/SummEval.json new file mode 100644 index 000000000..b997604e1 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.81419421090782, + "cos_sim_spearman": 31.287464634068492, + "dot_pearson": 31.814195589790177, + "dot_spearman": 31.287464634068492, + "cosine_pearson": 31.81419421090782, + "cosine_spearman": 31.287464634068492, + "main_score": 31.287464634068492 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/TRECCOVID.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/TRECCOVID.json new file mode 100644 index 000000000..954a5ad02 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/TRECCOVID.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 79.364, + "main_score": 79.364 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/Touche2020.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/Touche2020.json new file mode 100644 index 000000000..fa2df9388 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/Touche2020.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 31.927, + "main_score": 31.927 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/ToxicConversationsClassification.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..2d2eace97 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.0414, + "ap": 16.06723077348852, + "f1": 56.73470421774399, + "main_score": 73.0414 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/TweetSentimentExtractionClassification.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..49c905b24 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 64.72269383135257, + "f1": 64.70143593421479, + "main_score": 64.72269383135257 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/TwentyNewsgroupsClustering.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..37fae9cb7 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 46.06343037695152, + "main_score": 46.06343037695152 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/TwitterSemEval2015.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/TwitterSemEval2015.json new file mode 100644 index 000000000..4a68582e3 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 85.59337187816654, + "cos_sim_ap": 72.23331527941706, + "cos_sim_f1": 67.22915138175593, + "cos_sim_precision": 62.64813126709207, + "cos_sim_recall": 72.53298153034301, + "dot_accuracy": 85.59337187816654, + "dot_ap": 72.23332517262921, + "dot_f1": 67.22915138175593, + "dot_precision": 62.64813126709207, + "dot_recall": 72.53298153034301, + "euclidean_accuracy": 85.59337187816654, + "euclidean_ap": 72.23331029091486, + "euclidean_f1": 67.22915138175593, + "euclidean_precision": 62.64813126709207, + "euclidean_recall": 72.53298153034301, + "manhattan_accuracy": 85.4622399713894, + "manhattan_ap": 72.05180729774357, + "manhattan_f1": 67.12683347713546, + "manhattan_precision": 62.98866527874162, + "manhattan_recall": 71.84696569920844, + "max_accuracy": 85.59337187816654, + "max_ap": 72.23332517262921, + "max_f1": 67.22915138175593, + "main_score": 72.23332517262921 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/TwitterURLCorpus.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/TwitterURLCorpus.json new file mode 100644 index 000000000..39c6ae060 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.08681647067955, + "cos_sim_ap": 86.31913876322757, + "cos_sim_f1": 78.678007640741, + "cos_sim_precision": 73.95988616343678, + "cos_sim_recall": 84.03911302740991, + "dot_accuracy": 89.08681647067955, + "dot_ap": 86.31913976395484, + "dot_f1": 78.678007640741, + "dot_precision": 73.95988616343678, + "dot_recall": 84.03911302740991, + "euclidean_accuracy": 89.08681647067955, + "euclidean_ap": 86.31913869004254, + "euclidean_f1": 78.678007640741, + "euclidean_precision": 73.95988616343678, + "euclidean_recall": 84.03911302740991, + "manhattan_accuracy": 89.06547133930997, + "manhattan_ap": 86.24122868846949, + "manhattan_f1": 78.74963094183643, + "manhattan_precision": 75.62375956903884, + "manhattan_recall": 82.14505697566985, + "max_accuracy": 89.08681647067955, + "max_ap": 86.31913976395484, + "max_f1": 78.74963094183643, + "main_score": 86.31913976395484 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-light-v3.0/external/model_meta.json b/results/Cohere__Cohere-embed-english-light-v3.0/external/model_meta.json new file mode 100644 index 000000000..844ef4854 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-light-v3.0/external/model_meta.json @@ -0,0 +1,20 @@ +{ + "name": "Cohere/Cohere-embed-english-light-v3.0", + "revision": "af99964c9f9b5356e7c690bec577743df457fcb2", + "release_date": "2023-11-02", + "languages": [], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 384, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/AmazonCounterfactualClassification.json b/results/Cohere__Cohere-embed-english-v3.0/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..7a766ebeb --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 81.29850746268656, + "ap": 46.181772245676136, + "f1": 75.47731234579823, + "main_score": 81.29850746268656 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/AmazonPolarityClassification.json b/results/Cohere__Cohere-embed-english-v3.0/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..d5fcf751e --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 95.61824999999999, + "ap": 93.22525741797098, + "f1": 95.61627312544859, + "main_score": 95.61824999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/AmazonReviewsClassification.json b/results/Cohere__Cohere-embed-english-v3.0/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..4cdb6b77a --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 51.72, + "f1": 50.529480725642465, + "main_score": 51.72 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/ArguAna.json b/results/Cohere__Cohere-embed-english-v3.0/external/ArguAna.json new file mode 100644 index 000000000..fd989f22b --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/ArguAna.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 61.521, + "main_score": 61.521 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/ArxivClusteringP2P.json b/results/Cohere__Cohere-embed-english-v3.0/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..6de138ceb --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 49.173332266218914, + "main_score": 49.173332266218914 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/ArxivClusteringS2S.json b/results/Cohere__Cohere-embed-english-v3.0/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..033e71e02 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 42.1800504937582, + "main_score": 42.1800504937582 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/AskUbuntuDupQuestions.json b/results/Cohere__Cohere-embed-english-v3.0/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..1549caad9 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 61.69942465283367, + "mrr": 73.8089741898606, + "main_score": 61.69942465283367 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/BIOSSES.json b/results/Cohere__Cohere-embed-english-v3.0/external/BIOSSES.json new file mode 100644 index 000000000..e33b4feba --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.1805709775319, + "cos_sim_spearman": 83.50310749422796, + "euclidean_pearson": 83.57134970408762, + "euclidean_spearman": 83.50310749422796, + "manhattan_pearson": 83.422472116232, + "manhattan_spearman": 83.35611619312422, + "cosine_pearson": 85.1805709775319, + "cosine_spearman": 83.50310749422796, + "main_score": 83.50310749422796 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/Banking77Classification.json b/results/Cohere__Cohere-embed-english-v3.0/external/Banking77Classification.json new file mode 100644 index 000000000..73ead6cae --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 85.52922077922078, + "f1": 85.48530911742581, + "main_score": 85.52922077922078 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/BiorxivClusteringP2P.json b/results/Cohere__Cohere-embed-english-v3.0/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..c6bc4b08a --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.95750155360001, + "main_score": 40.95750155360001 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/BiorxivClusteringS2S.json b/results/Cohere__Cohere-embed-english-v3.0/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..9624bf7b8 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.25334765305169, + "main_score": 37.25334765305169 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/CQADupstackAndroidRetrieval.json b/results/Cohere__Cohere-embed-english-v3.0/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..d76119aa9 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,114 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 50.037, + "main_score": 50.037 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 49.089, + "main_score": 49.089 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 60.523, + "main_score": 60.523 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 39.293, + "main_score": 39.293 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 30.414, + "main_score": 30.414 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 43.662, + "main_score": 43.662 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 43.667, + "main_score": 43.667 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 41.53158333333334, + "main_score": 41.53158333333334 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 35.258, + "main_score": 35.258 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 30.866, + "main_score": 30.866 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 40.643, + "main_score": 40.643 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 40.663, + "main_score": 40.663 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 34.264, + "main_score": 34.264 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/ClimateFEVER.json b/results/Cohere__Cohere-embed-english-v3.0/external/ClimateFEVER.json new file mode 100644 index 000000000..914d3c846 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/ClimateFEVER.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 38.433, + "main_score": 38.433 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/DBPedia.json b/results/Cohere__Cohere-embed-english-v3.0/external/DBPedia.json new file mode 100644 index 000000000..fdc5a0b74 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/DBPedia.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 43.36, + "main_score": 43.36 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/EmotionClassification.json b/results/Cohere__Cohere-embed-english-v3.0/external/EmotionClassification.json new file mode 100644 index 000000000..a6fc9c186 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 51.574999999999996, + "f1": 46.84362123583929, + "main_score": 51.574999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/FEVER.json b/results/Cohere__Cohere-embed-english-v3.0/external/FEVER.json new file mode 100644 index 000000000..37f659070 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/FEVER.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 88.966, + "main_score": 88.966 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/FiQA2018.json b/results/Cohere__Cohere-embed-english-v3.0/external/FiQA2018.json new file mode 100644 index 000000000..7281d37bc --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/FiQA2018.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 42.189, + "main_score": 42.189 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/HotpotQA.json b/results/Cohere__Cohere-embed-english-v3.0/external/HotpotQA.json new file mode 100644 index 000000000..eebf09755 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/HotpotQA.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 70.723, + "main_score": 70.723 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/ImdbClassification.json b/results/Cohere__Cohere-embed-english-v3.0/external/ImdbClassification.json new file mode 100644 index 000000000..c01fafb46 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.56920000000001, + "ap": 90.56104192134326, + "f1": 93.56471146876505, + "main_score": 93.56920000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/MSMARCO.json b/results/Cohere__Cohere-embed-english-v3.0/external/MSMARCO.json new file mode 100644 index 000000000..a45818940 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/MSMARCO.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 42.931000000000004, + "main_score": 42.931000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/MTOPDomainClassification.json b/results/Cohere__Cohere-embed-english-v3.0/external/MTOPDomainClassification.json new file mode 100644 index 000000000..b533e4ac3 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 94.88372093023256, + "f1": 94.64417024711646, + "main_score": 94.88372093023256 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/MTOPIntentClassification.json b/results/Cohere__Cohere-embed-english-v3.0/external/MTOPIntentClassification.json new file mode 100644 index 000000000..3cf97d2b8 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.52302781577748, + "f1": 59.52848723786157, + "main_score": 76.52302781577748 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/MassiveIntentClassification.json b/results/Cohere__Cohere-embed-english-v3.0/external/MassiveIntentClassification.json new file mode 100644 index 000000000..ab32859ce --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.84330867518494, + "f1": 72.18121296285702, + "main_score": 73.84330867518494 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/MassiveScenarioClassification.json b/results/Cohere__Cohere-embed-english-v3.0/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..ff3b49eb2 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.73907195696033, + "f1": 78.86079300338558, + "main_score": 78.73907195696033 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/MedrxivClusteringP2P.json b/results/Cohere__Cohere-embed-english-v3.0/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..64d535b26 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.40673427491627, + "main_score": 37.40673427491627 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/MedrxivClusteringS2S.json b/results/Cohere__Cohere-embed-english-v3.0/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..1be405b48 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.38936252583581, + "main_score": 33.38936252583581 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/MindSmallReranking.json b/results/Cohere__Cohere-embed-english-v3.0/external/MindSmallReranking.json new file mode 100644 index 000000000..3e242e9e6 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 32.67317850167471, + "mrr": 33.9334102169254, + "main_score": 32.67317850167471 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/NFCorpus.json b/results/Cohere__Cohere-embed-english-v3.0/external/NFCorpus.json new file mode 100644 index 000000000..3d4c2ac22 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/NFCorpus.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 38.574000000000005, + "main_score": 38.574000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/NQ.json b/results/Cohere__Cohere-embed-english-v3.0/external/NQ.json new file mode 100644 index 000000000..415cf9207 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/NQ.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 61.556, + "main_score": 61.556 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/QuoraRetrieval.json b/results/Cohere__Cohere-embed-english-v3.0/external/QuoraRetrieval.json new file mode 100644 index 000000000..5cf352ac2 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/QuoraRetrieval.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 88.722, + "main_score": 88.722 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/RedditClustering.json b/results/Cohere__Cohere-embed-english-v3.0/external/RedditClustering.json new file mode 100644 index 000000000..e16017eeb --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 58.45790556534654, + "main_score": 58.45790556534654 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/RedditClusteringP2P.json b/results/Cohere__Cohere-embed-english-v3.0/external/RedditClusteringP2P.json new file mode 100644 index 000000000..39dbe3ffc --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 66.35141658656822, + "main_score": 66.35141658656822 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/SCIDOCS.json b/results/Cohere__Cohere-embed-english-v3.0/external/SCIDOCS.json new file mode 100644 index 000000000..92a52286b --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/SCIDOCS.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 20.314, + "main_score": 20.314 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/SICK-R.json b/results/Cohere__Cohere-embed-english-v3.0/external/SICK-R.json new file mode 100644 index 000000000..4fcfead74 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.49945063881191, + "cos_sim_spearman": 81.27177640994141, + "euclidean_pearson": 82.74613694646263, + "euclidean_spearman": 81.2717795980493, + "manhattan_pearson": 82.75268512220467, + "manhattan_spearman": 81.28362006796547, + "cosine_pearson": 85.49945063881191, + "cosine_spearman": 81.27177640994141, + "main_score": 81.27177640994141 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/STS12.json b/results/Cohere__Cohere-embed-english-v3.0/external/STS12.json new file mode 100644 index 000000000..81f1d99db --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.17562591888526, + "cos_sim_spearman": 74.37099514810372, + "euclidean_pearson": 79.97392043583372, + "euclidean_spearman": 74.37103618585903, + "manhattan_pearson": 80.00641585184354, + "manhattan_spearman": 74.35403985608939, + "cosine_pearson": 83.17562591888526, + "cosine_spearman": 74.37099514810372, + "main_score": 74.37099514810372 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/STS13.json b/results/Cohere__Cohere-embed-english-v3.0/external/STS13.json new file mode 100644 index 000000000..af549c04e --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.96937598668538, + "cos_sim_spearman": 85.20181466598035, + "euclidean_pearson": 84.51715977112744, + "euclidean_spearman": 85.20181466598035, + "manhattan_pearson": 84.45150037846719, + "manhattan_spearman": 85.12338939049123, + "cosine_pearson": 84.96937598668538, + "cosine_spearman": 85.20181466598035, + "main_score": 85.20181466598035 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/STS14.json b/results/Cohere__Cohere-embed-english-v3.0/external/STS14.json new file mode 100644 index 000000000..bf65c57e9 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.58787775650663, + "cos_sim_spearman": 80.97859876561874, + "euclidean_pearson": 83.38711461294801, + "euclidean_spearman": 80.97859876561874, + "manhattan_pearson": 83.34934127987394, + "manhattan_spearman": 80.9556224835537, + "cosine_pearson": 84.58787775650663, + "cosine_spearman": 80.97859876561874, + "main_score": 80.97859876561874 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/STS15.json b/results/Cohere__Cohere-embed-english-v3.0/external/STS15.json new file mode 100644 index 000000000..6656797ea --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.57387982528677, + "cos_sim_spearman": 89.22666720704161, + "euclidean_pearson": 88.50953296228646, + "euclidean_spearman": 89.22666720704161, + "manhattan_pearson": 88.45343635855095, + "manhattan_spearman": 89.1638631562071, + "cosine_pearson": 88.57387982528677, + "cosine_spearman": 89.22666720704161, + "main_score": 89.22666720704161 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/STS16.json b/results/Cohere__Cohere-embed-english-v3.0/external/STS16.json new file mode 100644 index 000000000..2cb018424 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.26071496425682, + "cos_sim_spearman": 86.31740966379304, + "euclidean_pearson": 85.85515938268887, + "euclidean_spearman": 86.31740966379304, + "manhattan_pearson": 85.80077191882177, + "manhattan_spearman": 86.27885602957302, + "cosine_pearson": 85.26071496425682, + "cosine_spearman": 86.31740966379304, + "main_score": 86.31740966379304 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/STS17.json b/results/Cohere__Cohere-embed-english-v3.0/external/STS17.json new file mode 100644 index 000000000..83b8a21a1 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 90.41413251495673, + "cos_sim_spearman": 90.3370719075361, + "euclidean_pearson": 90.5785973346113, + "euclidean_spearman": 90.3370719075361, + "manhattan_pearson": 90.5278703024898, + "manhattan_spearman": 90.23870483011629, + "cosine_pearson": 90.41413251495673, + "cosine_spearman": 90.3370719075361, + "main_score": 90.3370719075361 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/STS22.json b/results/Cohere__Cohere-embed-english-v3.0/external/STS22.json new file mode 100644 index 000000000..c74237a52 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 66.1571023517868, + "cos_sim_spearman": 66.42297916256133, + "euclidean_pearson": 67.55835224919745, + "euclidean_spearman": 66.42297916256133, + "manhattan_pearson": 67.40537247802385, + "manhattan_spearman": 66.26259339863576, + "cosine_pearson": 66.1571023517868, + "cosine_spearman": 66.42297916256133, + "main_score": 66.42297916256133 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/STSBenchmark.json b/results/Cohere__Cohere-embed-english-v3.0/external/STSBenchmark.json new file mode 100644 index 000000000..a9812f80b --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.4251695055504, + "cos_sim_spearman": 88.54881886307972, + "euclidean_pearson": 88.54094330250571, + "euclidean_spearman": 88.54881886307972, + "manhattan_pearson": 88.49069549839685, + "manhattan_spearman": 88.49149164694148, + "cosine_pearson": 87.4251695055504, + "cosine_spearman": 88.54881886307972, + "main_score": 88.54881886307972 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/SciDocsRR.json b/results/Cohere__Cohere-embed-english-v3.0/external/SciDocsRR.json new file mode 100644 index 000000000..36d0e11ba --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 85.19974508901711, + "mrr": 95.95137342686361, + "main_score": 85.19974508901711 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/SciFact.json b/results/Cohere__Cohere-embed-english-v3.0/external/SciFact.json new file mode 100644 index 000000000..b95aa36fb --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/SciFact.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 71.825, + "main_score": 71.825 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/SprintDuplicateQuestions.json b/results/Cohere__Cohere-embed-english-v3.0/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..3693b1fb1 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.85346534653465, + "cos_sim_ap": 96.2457455868878, + "cos_sim_f1": 92.49492900608519, + "cos_sim_precision": 93.82716049382715, + "cos_sim_recall": 91.2, + "dot_accuracy": 99.85346534653465, + "dot_ap": 96.24574558688776, + "dot_f1": 92.49492900608519, + "dot_precision": 93.82716049382715, + "dot_recall": 91.2, + "euclidean_accuracy": 99.85346534653465, + "euclidean_ap": 96.2457455868878, + "euclidean_f1": 92.49492900608519, + "euclidean_precision": 93.82716049382715, + "euclidean_recall": 91.2, + "manhattan_accuracy": 99.85643564356435, + "manhattan_ap": 96.24594126679709, + "manhattan_f1": 92.63585576434738, + "manhattan_precision": 94.11764705882352, + "manhattan_recall": 91.2, + "max_accuracy": 99.85643564356435, + "max_ap": 96.24594126679709, + "max_f1": 92.63585576434738, + "main_score": 96.24594126679709 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/StackExchangeClustering.json b/results/Cohere__Cohere-embed-english-v3.0/external/StackExchangeClustering.json new file mode 100644 index 000000000..4b6d1f50d --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 68.41861859721674, + "main_score": 68.41861859721674 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/StackExchangeClusteringP2P.json b/results/Cohere__Cohere-embed-english-v3.0/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..5691f7d21 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.51202861563424, + "main_score": 37.51202861563424 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/StackOverflowDupQuestions.json b/results/Cohere__Cohere-embed-english-v3.0/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..6483b93b7 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 52.48207537634766, + "mrr": 53.36204747050335, + "main_score": 52.48207537634766 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/SummEval.json b/results/Cohere__Cohere-embed-english-v3.0/external/SummEval.json new file mode 100644 index 000000000..50f52d1a8 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.397150340510397, + "cos_sim_spearman": 30.180928192386, + "dot_pearson": 30.397148822378796, + "dot_spearman": 30.180928192386, + "cosine_pearson": 30.397150340510397, + "cosine_spearman": 30.180928192386, + "main_score": 30.180928192386 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/TRECCOVID.json b/results/Cohere__Cohere-embed-english-v3.0/external/TRECCOVID.json new file mode 100644 index 000000000..4e23a997c --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/TRECCOVID.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 81.919, + "main_score": 81.919 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/Touche2020.json b/results/Cohere__Cohere-embed-english-v3.0/external/Touche2020.json new file mode 100644 index 000000000..2f05d70b9 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/Touche2020.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 32.419, + "main_score": 32.419 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/ToxicConversationsClassification.json b/results/Cohere__Cohere-embed-english-v3.0/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..9d0454194 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.613, + "ap": 15.696112954573444, + "f1": 56.30148693392767, + "main_score": 72.613 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/TweetSentimentExtractionClassification.json b/results/Cohere__Cohere-embed-english-v3.0/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..0011bf9ea --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 62.02037351443125, + "f1": 62.31189055427593, + "main_score": 62.02037351443125 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/TwentyNewsgroupsClustering.json b/results/Cohere__Cohere-embed-english-v3.0/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..852121ca5 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 50.64186455543417, + "main_score": 50.64186455543417 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/TwitterSemEval2015.json b/results/Cohere__Cohere-embed-english-v3.0/external/TwitterSemEval2015.json new file mode 100644 index 000000000..14100afff --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 86.27883411813792, + "cos_sim_ap": 74.80076733774258, + "cos_sim_f1": 68.97989210397255, + "cos_sim_precision": 64.42968392120935, + "cos_sim_recall": 74.22163588390501, + "dot_accuracy": 86.27883411813792, + "dot_ap": 74.80076608107143, + "dot_f1": 68.97989210397255, + "dot_precision": 64.42968392120935, + "dot_recall": 74.22163588390501, + "euclidean_accuracy": 86.27883411813792, + "euclidean_ap": 74.80076820459502, + "euclidean_f1": 68.97989210397255, + "euclidean_precision": 64.42968392120935, + "euclidean_recall": 74.22163588390501, + "manhattan_accuracy": 86.23711032961793, + "manhattan_ap": 74.73958348950038, + "manhattan_f1": 68.76052948255115, + "manhattan_precision": 63.207964601769916, + "manhattan_recall": 75.3825857519789, + "max_accuracy": 86.27883411813792, + "max_ap": 74.80076820459502, + "max_f1": 68.97989210397255, + "main_score": 74.80076820459502 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/TwitterURLCorpus.json b/results/Cohere__Cohere-embed-english-v3.0/external/TwitterURLCorpus.json new file mode 100644 index 000000000..f888c0d12 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.09263787014399, + "cos_sim_ap": 86.46378381763645, + "cos_sim_f1": 78.67838784176413, + "cos_sim_precision": 76.20868812238419, + "cos_sim_recall": 81.3135201724669, + "dot_accuracy": 89.09263787014399, + "dot_ap": 86.46378353247907, + "dot_f1": 78.67838784176413, + "dot_precision": 76.20868812238419, + "dot_recall": 81.3135201724669, + "euclidean_accuracy": 89.09263787014399, + "euclidean_ap": 86.46378511891255, + "euclidean_f1": 78.67838784176413, + "euclidean_precision": 76.20868812238419, + "euclidean_recall": 81.3135201724669, + "manhattan_accuracy": 89.09069740365584, + "manhattan_ap": 86.44864502475154, + "manhattan_f1": 78.67372818141132, + "manhattan_precision": 76.29484953703704, + "manhattan_recall": 81.20572836464429, + "max_accuracy": 89.09263787014399, + "max_ap": 86.46378511891255, + "max_f1": 78.67838784176413, + "main_score": 86.46378511891255 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-english-v3.0/external/model_meta.json b/results/Cohere__Cohere-embed-english-v3.0/external/model_meta.json new file mode 100644 index 000000000..8229bce80 --- /dev/null +++ b/results/Cohere__Cohere-embed-english-v3.0/external/model_meta.json @@ -0,0 +1,20 @@ +{ + "name": "Cohere/Cohere-embed-english-v3.0", + "revision": "a73b09960122f77a78083ff79084162793ed9c39", + "release_date": "2023-11-02", + "languages": [], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 1024, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/AmazonCounterfactualClassification.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..1d3c84097 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.02985074626865, + "ap": 33.228065779544146, + "f1": 64.27173953207297, + "main_score": 70.02985074626865 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/AmazonPolarityClassification.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..788fe9aa4 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 90.701225, + "ap": 87.07178174251762, + "f1": 90.69168484877625, + "main_score": 90.701225 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/AmazonReviewsClassification.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..bad9cf32c --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 46.550000000000004, + "f1": 44.7233215588199, + "main_score": 46.550000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/ArguAna.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/ArguAna.json new file mode 100644 index 000000000..1099306b5 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/ArguAna.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 53.369, + "main_score": 53.369 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/ArxivClusteringP2P.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..37899774e --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 44.206988765030744, + "main_score": 44.206988765030744 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/ArxivClusteringS2S.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..d68071a70 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.913737041277, + "main_score": 33.913737041277 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/AskUbuntuDupQuestions.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..57c3f26f5 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 58.544257541214925, + "mrr": 72.07151651057468, + "main_score": 58.544257541214925 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/BIOSSES.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/BIOSSES.json new file mode 100644 index 000000000..0475409a5 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.79582115243736, + "cos_sim_spearman": 84.01396250789998, + "euclidean_pearson": 83.90766476102458, + "euclidean_spearman": 84.01396250789998, + "manhattan_pearson": 84.75071274784274, + "manhattan_spearman": 85.02482891467078, + "cosine_pearson": 84.79582115243736, + "cosine_spearman": 84.01396250789998, + "main_score": 84.01396250789998 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/Banking77Classification.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/Banking77Classification.json new file mode 100644 index 000000000..81adde09b --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.12337662337663, + "f1": 77.48610340227478, + "main_score": 78.12337662337663 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/BiorxivClusteringP2P.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..093a82e21 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.68268504601174, + "main_score": 38.68268504601174 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/BiorxivClusteringS2S.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..d60d306c0 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.20870648143671, + "main_score": 32.20870648143671 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/CQADupstackAndroidRetrieval.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..2e713f249 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,114 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 46.259, + "main_score": 46.259 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 44.555, + "main_score": 44.555 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 56.564, + "main_score": 56.564 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 36.162, + "main_score": 36.162 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 26.185000000000002, + "main_score": 26.185000000000002 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 41.547, + "main_score": 41.547 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 39.042, + "main_score": 39.042 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 38.086999999999996, + "main_score": 38.086999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 32.088, + "main_score": 32.088 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 27.006999999999998, + "main_score": 27.006999999999998 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 37.336999999999996, + "main_score": 37.336999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 38.011, + "main_score": 38.011 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 32.287, + "main_score": 32.287 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/ClimateFEVER.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/ClimateFEVER.json new file mode 100644 index 000000000..944debb55 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/ClimateFEVER.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 24.804000000000002, + "main_score": 24.804000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/DBPedia.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/DBPedia.json new file mode 100644 index 000000000..0364952fe --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/DBPedia.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 38.055, + "main_score": 38.055 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/EmotionClassification.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/EmotionClassification.json new file mode 100644 index 000000000..c1f20e4a5 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 46.665, + "f1": 40.77568559660878, + "main_score": 46.665 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/FEVER.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/FEVER.json new file mode 100644 index 000000000..b7d4a3b40 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/FEVER.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 85.52499999999999, + "main_score": 85.52499999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/FiQA2018.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/FiQA2018.json new file mode 100644 index 000000000..063a6d2f1 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/FiQA2018.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 36.161, + "main_score": 36.161 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/HotpotQA.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/HotpotQA.json new file mode 100644 index 000000000..b4ecd4453 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/HotpotQA.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 66.878, + "main_score": 66.878 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/ImdbClassification.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/ImdbClassification.json new file mode 100644 index 000000000..fea0fab55 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 85.6372, + "ap": 80.54846874011302, + "f1": 85.61438421821343, + "main_score": 85.6372 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/MSMARCO.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/MSMARCO.json new file mode 100644 index 000000000..690692a6d --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/MSMARCO.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 40.487, + "main_score": 40.487 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/MTOPDomainClassification.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/MTOPDomainClassification.json new file mode 100644 index 000000000..5fe869b15 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.8559051527588, + "f1": 91.6271749996447, + "main_score": 91.8559051527588 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/MTOPIntentClassification.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/MTOPIntentClassification.json new file mode 100644 index 000000000..4ecc263b9 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 62.17738258093936, + "f1": 45.80307070449218, + "main_score": 62.17738258093936 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/MassiveIntentClassification.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/MassiveIntentClassification.json new file mode 100644 index 000000000..62760e043 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 67.42434431741762, + "f1": 65.39580264698957, + "main_score": 67.42434431741762 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/MassiveScenarioClassification.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..5cd937c8c --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.60928043039677, + "f1": 72.30912915707411, + "main_score": 72.60928043039677 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/MedrxivClusteringP2P.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..917f18796 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.17967476592229, + "main_score": 35.17967476592229 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/MedrxivClusteringS2S.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..f2352010b --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.993641089208683, + "main_score": 30.993641089208683 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/MindSmallReranking.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/MindSmallReranking.json new file mode 100644 index 000000000..a7b69c146 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.362481813275295, + "mrr": 32.43717742343303, + "main_score": 31.362481813275295 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/NFCorpus.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/NFCorpus.json new file mode 100644 index 000000000..4fa9f69f9 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/NFCorpus.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 32.123000000000005, + "main_score": 32.123000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/NQ.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/NQ.json new file mode 100644 index 000000000..8fe906d03 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/NQ.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 55.51199999999999, + "main_score": 55.51199999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/QuoraRetrieval.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/QuoraRetrieval.json new file mode 100644 index 000000000..f5f645362 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/QuoraRetrieval.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 87.847, + "main_score": 87.847 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/RedditClustering.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/RedditClustering.json new file mode 100644 index 000000000..7c158082c --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 49.4973643968247, + "main_score": 49.4973643968247 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/RedditClusteringP2P.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/RedditClusteringP2P.json new file mode 100644 index 000000000..11edd4f0c --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 60.2135284243427, + "main_score": 60.2135284243427 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/SCIDOCS.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/SCIDOCS.json new file mode 100644 index 000000000..d247eac75 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/SCIDOCS.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 17.1, + "main_score": 17.1 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/SICK-R.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/SICK-R.json new file mode 100644 index 000000000..47dc6622a --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.7330191296952, + "cos_sim_spearman": 77.03523134004043, + "euclidean_pearson": 80.86067787185137, + "euclidean_spearman": 77.03522959536473, + "manhattan_pearson": 80.76089708603587, + "manhattan_spearman": 76.86245377437302, + "cosine_pearson": 83.7330191296952, + "cosine_spearman": 77.03523134004043, + "main_score": 77.03523134004043 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/STS12.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/STS12.json new file mode 100644 index 000000000..137b8b2c1 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 80.46387812633851, + "cos_sim_spearman": 73.21878234127571, + "euclidean_pearson": 76.82160699895033, + "euclidean_spearman": 73.21878234127571, + "manhattan_pearson": 76.75657006349886, + "manhattan_spearman": 73.19160258034827, + "cosine_pearson": 80.46387812633851, + "cosine_spearman": 73.21878234127571, + "main_score": 73.21878234127571 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/STS13.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/STS13.json new file mode 100644 index 000000000..c28dfd2e2 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 79.06411399119807, + "cos_sim_spearman": 79.49916779764082, + "euclidean_pearson": 79.3356521660954, + "euclidean_spearman": 79.49916779764082, + "manhattan_pearson": 79.04971532119936, + "manhattan_spearman": 79.16859911220654, + "cosine_pearson": 79.06411399119807, + "cosine_spearman": 79.49916779764082, + "main_score": 79.49916779764082 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/STS14.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/STS14.json new file mode 100644 index 000000000..1d9a0bc51 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 80.6940934994372, + "cos_sim_spearman": 76.9552055757283, + "euclidean_pearson": 79.52818133592284, + "euclidean_spearman": 76.9552055757283, + "manhattan_pearson": 79.35220459438406, + "manhattan_spearman": 76.85314462036561, + "cosine_pearson": 80.6940934994372, + "cosine_spearman": 76.9552055757283, + "main_score": 76.9552055757283 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/STS15.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/STS15.json new file mode 100644 index 000000000..d6ac8f567 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.58608774451231, + "cos_sim_spearman": 86.42805701554927, + "euclidean_pearson": 86.01117122595934, + "euclidean_spearman": 86.42805701554927, + "manhattan_pearson": 86.01345208923057, + "manhattan_spearman": 86.43179450307953, + "cosine_pearson": 85.58608774451231, + "cosine_spearman": 86.42805701554927, + "main_score": 86.42805701554927 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/STS16.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/STS16.json new file mode 100644 index 000000000..5e2248f07 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.18733039014667, + "cos_sim_spearman": 84.3339529564109, + "euclidean_pearson": 83.54530885349595, + "euclidean_spearman": 84.3339529564109, + "manhattan_pearson": 83.47015931913937, + "manhattan_spearman": 84.22564786654777, + "cosine_pearson": 83.18733039014667, + "cosine_spearman": 84.3339529564109, + "main_score": 84.3339529564109 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/STS17.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/STS17.json new file mode 100644 index 000000000..f032bd6ff --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.88402211340522, + "cos_sim_spearman": 88.6693290310468, + "euclidean_pearson": 88.24947476618257, + "euclidean_spearman": 88.6693290310468, + "manhattan_pearson": 88.24496656367964, + "manhattan_spearman": 88.52029848819545, + "cosine_pearson": 87.88402211340522, + "cosine_spearman": 88.6693290310468, + "main_score": 88.6693290310468 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/STS22.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/STS22.json new file mode 100644 index 000000000..7599fa3e3 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 64.96467575926597, + "cos_sim_spearman": 65.30666900046252, + "euclidean_pearson": 66.58031971340725, + "euclidean_spearman": 65.30666900046252, + "manhattan_pearson": 66.56530433327998, + "manhattan_spearman": 65.42121899024113, + "cosine_pearson": 64.96467575926597, + "cosine_spearman": 65.30666900046252, + "main_score": 65.30666900046252 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/STSBenchmark.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/STSBenchmark.json new file mode 100644 index 000000000..662ed3dc9 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.31047656296519, + "cos_sim_spearman": 85.46101092708824, + "euclidean_pearson": 85.75896623084044, + "euclidean_spearman": 85.46101092708824, + "manhattan_pearson": 85.57323880630182, + "manhattan_spearman": 85.23375523080594, + "cosine_pearson": 85.31047656296519, + "cosine_spearman": 85.46101092708824, + "main_score": 85.46101092708824 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/SciDocsRR.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/SciDocsRR.json new file mode 100644 index 000000000..07f5297a2 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 79.89731978284804, + "mrr": 94.28980424078465, + "main_score": 79.89731978284804 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/SciFact.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/SciFact.json new file mode 100644 index 000000000..651f5d6aa --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/SciFact.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 67.95, + "main_score": 67.95 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/SprintDuplicateQuestions.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..f77d2899f --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.85643564356435, + "cos_sim_ap": 96.59618618212247, + "cos_sim_f1": 92.6221335992024, + "cos_sim_precision": 92.34592445328032, + "cos_sim_recall": 92.9, + "dot_accuracy": 99.85643564356435, + "dot_ap": 96.5961861821225, + "dot_f1": 92.6221335992024, + "dot_precision": 92.34592445328032, + "dot_recall": 92.9, + "euclidean_accuracy": 99.85643564356435, + "euclidean_ap": 96.5961861821225, + "euclidean_f1": 92.6221335992024, + "euclidean_precision": 92.34592445328032, + "euclidean_recall": 92.9, + "manhattan_accuracy": 99.85841584158416, + "manhattan_ap": 96.5578240948512, + "manhattan_f1": 92.71523178807946, + "manhattan_precision": 94.4963655244029, + "manhattan_recall": 91.0, + "max_accuracy": 99.85841584158416, + "max_ap": 96.5961861821225, + "max_f1": 92.71523178807946, + "main_score": 96.5961861821225 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/StackExchangeClustering.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/StackExchangeClustering.json new file mode 100644 index 000000000..5bfab13f4 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 60.84750068050385, + "main_score": 60.84750068050385 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/StackExchangeClusteringP2P.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..09570a8c6 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.96844721192451, + "main_score": 33.96844721192451 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/StackOverflowDupQuestions.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..cc452f2bd --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 50.454280909595205, + "mrr": 51.24249320940497, + "main_score": 50.454280909595205 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/SummEval.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/SummEval.json new file mode 100644 index 000000000..a9e767d24 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 29.998438678552517, + "cos_sim_spearman": 30.409482543506876, + "dot_pearson": 29.998443850173224, + "dot_spearman": 30.409482543506876, + "cosine_pearson": 29.998438678552517, + "cosine_spearman": 30.409482543506876, + "main_score": 30.409482543506876 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/TRECCOVID.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/TRECCOVID.json new file mode 100644 index 000000000..8c71fb510 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/TRECCOVID.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 78.93, + "main_score": 78.93 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/Touche2020.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/Touche2020.json new file mode 100644 index 000000000..3e92d7bec --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/Touche2020.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 29.482999999999997, + "main_score": 29.482999999999997 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/ToxicConversationsClassification.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..f5165979f --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.65859999999999, + "ap": 15.03693738050973, + "f1": 54.94379403846167, + "main_score": 70.65859999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/TweetSentimentExtractionClassification.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..97ee893f6 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 64.4567062818336, + "f1": 64.48980729427107, + "main_score": 64.4567062818336 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/TwentyNewsgroupsClustering.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..efef55562 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 42.08554991843959, + "main_score": 42.08554991843959 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/TwitterSemEval2015.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/TwitterSemEval2015.json new file mode 100644 index 000000000..959e2de06 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 84.75293556654945, + "cos_sim_ap": 69.40551043272129, + "cos_sim_f1": 65.56335231034026, + "cos_sim_precision": 65.79856497475419, + "cos_sim_recall": 65.32981530343008, + "dot_accuracy": 84.75293556654945, + "dot_ap": 69.40550704470631, + "dot_f1": 65.56335231034026, + "dot_precision": 65.79856497475419, + "dot_recall": 65.32981530343008, + "euclidean_accuracy": 84.75293556654945, + "euclidean_ap": 69.4055136381454, + "euclidean_f1": 65.56335231034026, + "euclidean_precision": 65.79856497475419, + "euclidean_recall": 65.32981530343008, + "manhattan_accuracy": 84.6337247422066, + "manhattan_ap": 69.13628354134198, + "manhattan_f1": 65.46998180715585, + "manhattan_precision": 60.58361391694726, + "manhattan_recall": 71.21372031662268, + "max_accuracy": 84.75293556654945, + "max_ap": 69.4055136381454, + "max_f1": 65.56335231034026, + "main_score": 69.4055136381454 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/TwitterURLCorpus.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/TwitterURLCorpus.json new file mode 100644 index 000000000..8a5d1f01c --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.04800714091667, + "cos_sim_ap": 85.84596325009252, + "cos_sim_f1": 78.39228527221042, + "cos_sim_precision": 73.58643518205768, + "cos_sim_recall": 83.86972590083154, + "dot_accuracy": 89.04800714091667, + "dot_ap": 85.8459646697087, + "dot_f1": 78.39228527221042, + "dot_precision": 73.58643518205768, + "dot_recall": 83.86972590083154, + "euclidean_accuracy": 89.04800714091667, + "euclidean_ap": 85.84596376376919, + "euclidean_f1": 78.39228527221042, + "euclidean_precision": 73.58643518205768, + "euclidean_recall": 83.86972590083154, + "manhattan_accuracy": 89.0266620095471, + "manhattan_ap": 85.80124417850608, + "manhattan_f1": 78.37817859254879, + "manhattan_precision": 75.36963321012226, + "manhattan_recall": 81.63689559593472, + "max_accuracy": 89.04800714091667, + "max_ap": 85.8459646697087, + "max_f1": 78.39228527221042, + "main_score": 85.8459646697087 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/model_meta.json b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/model_meta.json new file mode 100644 index 000000000..3550ff2f4 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-light-v3.0/external/model_meta.json @@ -0,0 +1,20 @@ +{ + "name": "Cohere/Cohere-embed-multilingual-light-v3.0", + "revision": "b6f5c44bc4f28a20916f8d15953af730b25db3ac", + "release_date": "2023-11-01", + "languages": [], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 384, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/AmazonCounterfactualClassification.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..4409f3115 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.85074626865672, + "ap": 41.53151744002314, + "f1": 71.94656880817726, + "main_score": 77.85074626865672 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/AmazonPolarityClassification.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..ab2eb0e84 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 95.600375, + "ap": 93.57882128753579, + "f1": 95.59945484944305, + "main_score": 95.600375 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/AmazonReviewsClassification.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..3753b3e16 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 49.794, + "f1": 48.740439663130985, + "main_score": 49.794 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/ArguAna.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/ArguAna.json new file mode 100644 index 000000000..6b53829e9 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/ArguAna.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 55.105000000000004, + "main_score": 55.105000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/ArxivClusteringP2P.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..103f8f996 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.15653426568874, + "main_score": 48.15653426568874 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/ArxivClusteringS2S.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..8fed5151f --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.78876256237919, + "main_score": 40.78876256237919 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/AskUbuntuDupQuestions.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..2a2fb3e64 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 62.12873500780318, + "mrr": 75.87037769863255, + "main_score": 62.12873500780318 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/BIOSSES.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/BIOSSES.json new file mode 100644 index 000000000..bba3f193b --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.01183720167818, + "cos_sim_spearman": 85.00916590717613, + "euclidean_pearson": 84.072733561361, + "euclidean_spearman": 85.00916590717613, + "manhattan_pearson": 83.89233507343208, + "manhattan_spearman": 84.87482549674115, + "cosine_pearson": 86.01183720167818, + "cosine_spearman": 85.00916590717613, + "main_score": 85.00916590717613 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/Banking77Classification.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/Banking77Classification.json new file mode 100644 index 000000000..ec2becbe2 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.09415584415584, + "f1": 86.05173549773973, + "main_score": 86.09415584415584 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/BiorxivClusteringP2P.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..2d2cc7765 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.49773000165541, + "main_score": 40.49773000165541 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/BiorxivClusteringS2S.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..187aa5b07 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.909633073998876, + "main_score": 36.909633073998876 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/CQADupstackAndroidRetrieval.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..0ca2ba048 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,114 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 49.481, + "main_score": 49.481 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 47.449999999999996, + "main_score": 47.449999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 59.227, + "main_score": 59.227 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 37.729, + "main_score": 37.729 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 29.673, + "main_score": 29.673 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 44.278, + "main_score": 44.278 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 43.218, + "main_score": 43.218 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 40.63741666666667, + "main_score": 40.63741666666667 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 33.341, + "main_score": 33.341 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 29.093999999999998, + "main_score": 29.093999999999998 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 40.801, + "main_score": 40.801 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 40.114, + "main_score": 40.114 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 33.243, + "main_score": 33.243 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/ClimateFEVER.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/ClimateFEVER.json new file mode 100644 index 000000000..d9b87dec1 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/ClimateFEVER.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 29.958000000000002, + "main_score": 29.958000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/DBPedia.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/DBPedia.json new file mode 100644 index 000000000..fe7cf1268 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/DBPedia.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 41.004000000000005, + "main_score": 41.004000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/EmotionClassification.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/EmotionClassification.json new file mode 100644 index 000000000..0d386e4f1 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 48.150000000000006, + "f1": 43.69803436468346, + "main_score": 48.150000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/FEVER.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/FEVER.json new file mode 100644 index 000000000..235afc8b8 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/FEVER.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 88.532, + "main_score": 88.532 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/FiQA2018.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/FiQA2018.json new file mode 100644 index 000000000..455f50dfe --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/FiQA2018.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 44.105, + "main_score": 44.105 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/HotpotQA.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/HotpotQA.json new file mode 100644 index 000000000..971a88b67 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/HotpotQA.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 70.612, + "main_score": 70.612 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/ImdbClassification.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/ImdbClassification.json new file mode 100644 index 000000000..390ebb583 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.9672, + "ap": 90.72947025321227, + "f1": 93.96271599852622, + "main_score": 93.9672 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/MSMARCO.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/MSMARCO.json new file mode 100644 index 000000000..bb71c4b75 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/MSMARCO.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 43.447, + "main_score": 43.447 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/MTOPDomainClassification.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/MTOPDomainClassification.json new file mode 100644 index 000000000..d1cff936b --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 94.92476060191517, + "f1": 94.69383758972194, + "main_score": 94.92476060191517 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/MTOPIntentClassification.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/MTOPIntentClassification.json new file mode 100644 index 000000000..9264cd0af --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.8873689010488, + "f1": 62.537485052253885, + "main_score": 78.8873689010488 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/MassiveIntentClassification.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/MassiveIntentClassification.json new file mode 100644 index 000000000..6535ef576 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.51244115669132, + "f1": 72.40074466830153, + "main_score": 74.51244115669132 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/MassiveScenarioClassification.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..d38b5b93d --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.00470746469401, + "f1": 79.03758200183096, + "main_score": 79.00470746469401 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/MedrxivClusteringP2P.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..4f5954e2e --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.183215937303736, + "main_score": 36.183215937303736 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/MedrxivClusteringS2S.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..7464da038 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.443759055792135, + "main_score": 33.443759055792135 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/MindSmallReranking.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/MindSmallReranking.json new file mode 100644 index 000000000..6c4d0a5cf --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 32.58713095176127, + "mrr": 33.7326038566206, + "main_score": 32.58713095176127 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/NFCorpus.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/NFCorpus.json new file mode 100644 index 000000000..1ca25cf41 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/NFCorpus.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 36.417, + "main_score": 36.417 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/NQ.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/NQ.json new file mode 100644 index 000000000..17d77cd5a --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/NQ.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 63.415, + "main_score": 63.415 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/QuoraRetrieval.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/QuoraRetrieval.json new file mode 100644 index 000000000..df56cf787 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/QuoraRetrieval.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 88.924, + "main_score": 88.924 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/RedditClustering.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/RedditClustering.json new file mode 100644 index 000000000..c8ba42b85 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 58.10997801688676, + "main_score": 58.10997801688676 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/RedditClusteringP2P.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/RedditClusteringP2P.json new file mode 100644 index 000000000..a49370437 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 65.02444843766075, + "main_score": 65.02444843766075 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/SCIDOCS.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/SCIDOCS.json new file mode 100644 index 000000000..25e34102f --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/SCIDOCS.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 19.339000000000002, + "main_score": 19.339000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/SICK-R.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/SICK-R.json new file mode 100644 index 000000000..0997a63db --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.61540076033945, + "cos_sim_spearman": 82.1820253476181, + "euclidean_pearson": 83.73901215845989, + "euclidean_spearman": 82.182021064594, + "manhattan_pearson": 83.76685139192031, + "manhattan_spearman": 82.14074705306663, + "cosine_pearson": 86.61540076033945, + "cosine_spearman": 82.1820253476181, + "main_score": 82.1820253476181 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/STS12.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/STS12.json new file mode 100644 index 000000000..00816b1fb --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.62241109228789, + "cos_sim_spearman": 77.62042143066208, + "euclidean_pearson": 82.77237785274072, + "euclidean_spearman": 77.62042142290566, + "manhattan_pearson": 82.70945589621266, + "manhattan_spearman": 77.57245632826351, + "cosine_pearson": 85.62241109228789, + "cosine_spearman": 77.62042143066208, + "main_score": 77.62042143066208 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/STS13.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/STS13.json new file mode 100644 index 000000000..bb5d2b24e --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.8307075352031, + "cos_sim_spearman": 85.15620774806095, + "euclidean_pearson": 84.21956724564915, + "euclidean_spearman": 85.15620774806095, + "manhattan_pearson": 84.0677597021641, + "manhattan_spearman": 85.02572172855729, + "cosine_pearson": 84.8307075352031, + "cosine_spearman": 85.15620774806095, + "main_score": 85.15620774806095 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/STS14.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/STS14.json new file mode 100644 index 000000000..9500860c3 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.33749463516592, + "cos_sim_spearman": 80.01967438481185, + "euclidean_pearson": 82.16884494022196, + "euclidean_spearman": 80.01967218194336, + "manhattan_pearson": 81.94431512413773, + "manhattan_spearman": 79.81636247503731, + "cosine_pearson": 83.33749463516592, + "cosine_spearman": 80.01967438481185, + "main_score": 80.01967438481185 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/STS15.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/STS15.json new file mode 100644 index 000000000..808e526c3 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.2070761097028, + "cos_sim_spearman": 88.92297656560552, + "euclidean_pearson": 87.95961374550303, + "euclidean_spearman": 88.92298798854765, + "manhattan_pearson": 87.85515971478168, + "manhattan_spearman": 88.8100644762342, + "cosine_pearson": 88.2070761097028, + "cosine_spearman": 88.92297656560552, + "main_score": 88.92297656560552 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/STS16.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/STS16.json new file mode 100644 index 000000000..d1b6c346e --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.48103354546488, + "cos_sim_spearman": 86.91850928862898, + "euclidean_pearson": 86.06766986527145, + "euclidean_spearman": 86.91850928862898, + "manhattan_pearson": 86.02705585360717, + "manhattan_spearman": 86.86666545434721, + "cosine_pearson": 85.48103354546488, + "cosine_spearman": 86.91850928862898, + "main_score": 86.91850928862898 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/STS17.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/STS17.json new file mode 100644 index 000000000..6bd509e84 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 90.30267248880148, + "cos_sim_spearman": 90.08752166657892, + "euclidean_pearson": 90.4697525265135, + "euclidean_spearman": 90.08752166657892, + "manhattan_pearson": 90.57174978064741, + "manhattan_spearman": 90.212834942229, + "cosine_pearson": 90.30267248880148, + "cosine_spearman": 90.08752166657892, + "main_score": 90.08752166657892 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/STS22.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/STS22.json new file mode 100644 index 000000000..d206c0c86 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 67.10616236380835, + "cos_sim_spearman": 66.81483164137016, + "euclidean_pearson": 68.48505128040803, + "euclidean_spearman": 66.81483164137016, + "manhattan_pearson": 68.46133268524885, + "manhattan_spearman": 66.83684227990202, + "cosine_pearson": 67.10616236380835, + "cosine_spearman": 66.81483164137016, + "main_score": 66.81483164137016 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/STSBenchmark.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/STSBenchmark.json new file mode 100644 index 000000000..0eda5d3a0 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.12768629069949, + "cos_sim_spearman": 88.78683817318573, + "euclidean_pearson": 88.47603251297261, + "euclidean_spearman": 88.78683817318573, + "manhattan_pearson": 88.46483630890225, + "manhattan_spearman": 88.76593424921617, + "cosine_pearson": 87.12768629069949, + "cosine_spearman": 88.78683817318573, + "main_score": 88.78683817318573 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/SciDocsRR.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/SciDocsRR.json new file mode 100644 index 000000000..ee16f849e --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 84.30886658431281, + "mrr": 95.5964251797585, + "main_score": 84.30886658431281 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/SciFact.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/SciFact.json new file mode 100644 index 000000000..3c80985fa --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/SciFact.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 70.04599999999999, + "main_score": 70.04599999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/SprintDuplicateQuestions.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..3f482222b --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.87524752475248, + "cos_sim_ap": 96.79160651306724, + "cos_sim_f1": 93.57798165137615, + "cos_sim_precision": 95.42619542619542, + "cos_sim_recall": 91.8, + "dot_accuracy": 99.87524752475248, + "dot_ap": 96.79160651306724, + "dot_f1": 93.57798165137615, + "dot_precision": 95.42619542619542, + "dot_recall": 91.8, + "euclidean_accuracy": 99.87524752475248, + "euclidean_ap": 96.79160651306724, + "euclidean_f1": 93.57798165137615, + "euclidean_precision": 95.42619542619542, + "euclidean_recall": 91.8, + "manhattan_accuracy": 99.87326732673267, + "manhattan_ap": 96.7574606340297, + "manhattan_f1": 93.45603271983639, + "manhattan_precision": 95.60669456066945, + "manhattan_recall": 91.4, + "max_accuracy": 99.87524752475248, + "max_ap": 96.79160651306724, + "max_f1": 93.57798165137615, + "main_score": 96.79160651306724 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/StackExchangeClustering.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/StackExchangeClustering.json new file mode 100644 index 000000000..717549e8c --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 68.12288811917144, + "main_score": 68.12288811917144 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/StackExchangeClusteringP2P.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..27de616f9 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.22267280169542, + "main_score": 35.22267280169542 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/StackOverflowDupQuestions.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..069cb7b2d --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 52.39780995606098, + "mrr": 53.26826563958916, + "main_score": 52.39780995606098 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/SummEval.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/SummEval.json new file mode 100644 index 000000000..8820a2af0 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.15118979569649, + "cos_sim_spearman": 30.99428921914572, + "dot_pearson": 31.151189338601924, + "dot_spearman": 30.99428921914572, + "cosine_pearson": 31.15118979569649, + "cosine_spearman": 30.99428921914572, + "main_score": 30.99428921914572 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/TRECCOVID.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/TRECCOVID.json new file mode 100644 index 000000000..f8c2a2c06 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/TRECCOVID.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 83.372, + "main_score": 83.372 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/Touche2020.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/Touche2020.json new file mode 100644 index 000000000..7231b6188 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/Touche2020.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 32.698, + "main_score": 32.698 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/ToxicConversationsClassification.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..8b61b8709 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.1998, + "ap": 14.646205259325157, + "f1": 54.96172518137252, + "main_score": 71.1998 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/TweetSentimentExtractionClassification.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..26cfd6d72 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 62.176004527447645, + "f1": 62.48549068096645, + "main_score": 62.176004527447645 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/TwentyNewsgroupsClustering.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..485282af9 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 50.13767789739772, + "main_score": 50.13767789739772 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/TwitterSemEval2015.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/TwitterSemEval2015.json new file mode 100644 index 000000000..02ba5ee8d --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 86.38016331882935, + "cos_sim_ap": 75.1635976260804, + "cos_sim_f1": 69.29936305732484, + "cos_sim_precision": 66.99507389162561, + "cos_sim_recall": 71.76781002638522, + "dot_accuracy": 86.38016331882935, + "dot_ap": 75.16359359202374, + "dot_f1": 69.29936305732484, + "dot_precision": 66.99507389162561, + "dot_recall": 71.76781002638522, + "euclidean_accuracy": 86.38016331882935, + "euclidean_ap": 75.16360246558416, + "euclidean_f1": 69.29936305732484, + "euclidean_precision": 66.99507389162561, + "euclidean_recall": 71.76781002638522, + "manhattan_accuracy": 86.27883411813792, + "manhattan_ap": 75.02872038741897, + "manhattan_f1": 69.29256284011403, + "manhattan_precision": 68.07535641547861, + "manhattan_recall": 70.55408970976254, + "max_accuracy": 86.38016331882935, + "max_ap": 75.16360246558416, + "max_f1": 69.29936305732484, + "main_score": 75.16360246558416 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/TwitterURLCorpus.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/TwitterURLCorpus.json new file mode 100644 index 000000000..d92dba547 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.39729110878255, + "cos_sim_ap": 86.48560260020555, + "cos_sim_f1": 79.35060602690982, + "cos_sim_precision": 76.50632549496105, + "cos_sim_recall": 82.41453649522637, + "dot_accuracy": 89.39729110878255, + "dot_ap": 86.48559829915334, + "dot_f1": 79.35060602690982, + "dot_precision": 76.50632549496105, + "dot_recall": 82.41453649522637, + "euclidean_accuracy": 89.39729110878255, + "euclidean_ap": 86.48559993122497, + "euclidean_f1": 79.35060602690982, + "euclidean_precision": 76.50632549496105, + "euclidean_recall": 82.41453649522637, + "manhattan_accuracy": 89.36042224550782, + "manhattan_ap": 86.47238558562499, + "manhattan_f1": 79.24500641378047, + "manhattan_precision": 75.61726236273344, + "manhattan_recall": 83.23837388358484, + "max_accuracy": 89.39729110878255, + "max_ap": 86.48560260020555, + "max_f1": 79.35060602690982, + "main_score": 86.48560260020555 + } + ] + } +} \ No newline at end of file diff --git a/results/Cohere__Cohere-embed-multilingual-v3.0/external/model_meta.json b/results/Cohere__Cohere-embed-multilingual-v3.0/external/model_meta.json new file mode 100644 index 000000000..d3694d527 --- /dev/null +++ b/results/Cohere__Cohere-embed-multilingual-v3.0/external/model_meta.json @@ -0,0 +1,20 @@ +{ + "name": "Cohere/Cohere-embed-multilingual-v3.0", + "revision": "0909d6e3b0912a0dc72f15cc70cab568495d0df0", + "release_date": "2023-11-02", + "languages": [], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 1024, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/DMetaSoul__Dmeta-embedding-zh-small/external/AFQMC.json b/results/DMetaSoul__Dmeta-embedding-zh-small/external/AFQMC.json new file mode 100644 index 000000000..c5fa0ddb4 --- /dev/null +++ b/results/DMetaSoul__Dmeta-embedding-zh-small/external/AFQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 55.38441014851534, + "cos_sim_spearman": 59.54284362578262, + "euclidean_pearson": 58.18592108890414, + "euclidean_spearman": 59.54284362133902, + "manhattan_pearson": 58.142197046175916, + "manhattan_spearman": 59.47943468645265, + "cosine_pearson": 55.38441014851534, + "cosine_spearman": 59.54284362578262, + "main_score": 59.54284362578262 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__Dmeta-embedding-zh-small/external/ATEC.json b/results/DMetaSoul__Dmeta-embedding-zh-small/external/ATEC.json new file mode 100644 index 000000000..8236bf995 --- /dev/null +++ b/results/DMetaSoul__Dmeta-embedding-zh-small/external/ATEC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 55.96911621560259, + "cos_sim_spearman": 58.6334496101353, + "euclidean_pearson": 62.78426382809823, + "euclidean_spearman": 58.63344961011331, + "manhattan_pearson": 62.80625401678188, + "manhattan_spearman": 58.618722128260394, + "cosine_pearson": 55.96911621560259, + "cosine_spearman": 58.6334496101353, + "main_score": 58.6334496101353 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__Dmeta-embedding-zh-small/external/AmazonReviewsClassification.json b/results/DMetaSoul__Dmeta-embedding-zh-small/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..66331532f --- /dev/null +++ b/results/DMetaSoul__Dmeta-embedding-zh-small/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 44.88, + "f1": 42.739249460584375, + "main_score": 44.88 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__Dmeta-embedding-zh-small/external/BQ.json b/results/DMetaSoul__Dmeta-embedding-zh-small/external/BQ.json new file mode 100644 index 000000000..a248e5ea9 --- /dev/null +++ b/results/DMetaSoul__Dmeta-embedding-zh-small/external/BQ.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 68.56815521242152, + "cos_sim_spearman": 70.30776353631751, + "euclidean_pearson": 69.10087719019191, + "euclidean_spearman": 70.30775660748148, + "manhattan_pearson": 69.0672710967445, + "manhattan_spearman": 70.31940638148254, + "cosine_pearson": 68.56815521242152, + "cosine_spearman": 70.30776353631751, + "main_score": 70.30776353631751 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__Dmeta-embedding-zh-small/external/CLSClusteringP2P.json b/results/DMetaSoul__Dmeta-embedding-zh-small/external/CLSClusteringP2P.json new file mode 100644 index 000000000..23362f6b3 --- /dev/null +++ b/results/DMetaSoul__Dmeta-embedding-zh-small/external/CLSClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 40.7861976704356, + "main_score": 40.7861976704356 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__Dmeta-embedding-zh-small/external/CLSClusteringS2S.json b/results/DMetaSoul__Dmeta-embedding-zh-small/external/CLSClusteringS2S.json new file mode 100644 index 000000000..33e60d3ce --- /dev/null +++ b/results/DMetaSoul__Dmeta-embedding-zh-small/external/CLSClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 38.43028280281822, + "main_score": 38.43028280281822 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__Dmeta-embedding-zh-small/external/CmedqaRetrieval.json b/results/DMetaSoul__Dmeta-embedding-zh-small/external/CmedqaRetrieval.json new file mode 100644 index 000000000..c5aec51fd --- /dev/null +++ b/results/DMetaSoul__Dmeta-embedding-zh-small/external/CmedqaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 23.746000000000002, + "map_at_10": 35.952, + "map_at_100": 37.946999999999996, + "map_at_1000": 38.059, + "map_at_3": 31.680999999999997, + "map_at_5": 34.046, + "mrr_at_1": 36.409000000000006, + "mrr_at_10": 44.801, + "mrr_at_100": 45.842, + "mrr_at_1000": 45.885999999999996, + "mrr_at_3": 42.081, + "mrr_at_5": 43.613, + "ndcg_at_1": 36.409000000000006, + "ndcg_at_10": 42.687000000000005, + "ndcg_at_100": 50.352, + "ndcg_at_1000": 52.275000000000006, + "ndcg_at_3": 37.113, + "ndcg_at_5": 39.434000000000005, + "precision_at_1": 36.409000000000006, + "precision_at_10": 9.712, + "precision_at_100": 1.584, + "precision_at_1000": 0.182, + "precision_at_3": 21.096999999999998, + "precision_at_5": 15.498999999999999, + "recall_at_1": 23.746000000000002, + "recall_at_10": 53.596, + "recall_at_100": 85.232, + "recall_at_1000": 98.092, + "recall_at_3": 37.226, + "recall_at_5": 44.187, + "main_score": 42.687000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__Dmeta-embedding-zh-small/external/Cmnli.json b/results/DMetaSoul__Dmeta-embedding-zh-small/external/Cmnli.json new file mode 100644 index 000000000..08fb828a0 --- /dev/null +++ b/results/DMetaSoul__Dmeta-embedding-zh-small/external/Cmnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Cmnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 82.66987372218881, + "cos_sim_ap": 90.28715189799232, + "cos_sim_f1": 84.108318049412, + "cos_sim_precision": 78.0849358974359, + "cos_sim_recall": 91.13864858545709, + "dot_accuracy": 82.66987372218881, + "dot_ap": 90.29346021403634, + "dot_f1": 84.108318049412, + "dot_precision": 78.0849358974359, + "dot_recall": 91.13864858545709, + "euclidean_accuracy": 82.66987372218881, + "euclidean_ap": 90.28656734732074, + "euclidean_f1": 84.108318049412, + "euclidean_precision": 78.0849358974359, + "euclidean_recall": 91.13864858545709, + "manhattan_accuracy": 82.70595309681299, + "manhattan_ap": 90.25413574022456, + "manhattan_f1": 83.9924670433145, + "manhattan_precision": 79.81052631578947, + "manhattan_recall": 88.63689501987373, + "max_accuracy": 82.70595309681299, + "max_ap": 90.29346021403634, + "max_f1": 84.108318049412, + "main_score": 82.70595309681299 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__Dmeta-embedding-zh-small/external/CovidRetrieval.json b/results/DMetaSoul__Dmeta-embedding-zh-small/external/CovidRetrieval.json new file mode 100644 index 000000000..badd61690 --- /dev/null +++ b/results/DMetaSoul__Dmeta-embedding-zh-small/external/CovidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 61.38, + "map_at_10": 71.23, + "map_at_100": 71.61800000000001, + "map_at_1000": 71.63000000000001, + "map_at_3": 69.31, + "map_at_5": 70.403, + "mrr_at_1": 61.538000000000004, + "mrr_at_10": 71.28999999999999, + "mrr_at_100": 71.666, + "mrr_at_1000": 71.678, + "mrr_at_3": 69.44200000000001, + "mrr_at_5": 70.506, + "ndcg_at_1": 61.538000000000004, + "ndcg_at_10": 75.626, + "ndcg_at_100": 77.449, + "ndcg_at_1000": 77.73400000000001, + "ndcg_at_3": 71.75200000000001, + "ndcg_at_5": 73.695, + "precision_at_1": 61.538000000000004, + "precision_at_10": 9.009, + "precision_at_100": 0.9860000000000001, + "precision_at_1000": 0.101, + "precision_at_3": 26.379, + "precision_at_5": 16.797, + "recall_at_1": 61.38, + "recall_at_10": 89.199, + "recall_at_100": 97.576, + "recall_at_1000": 99.789, + "recall_at_3": 78.635, + "recall_at_5": 83.325, + "main_score": 75.626 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__Dmeta-embedding-zh-small/external/DuRetrieval.json b/results/DMetaSoul__Dmeta-embedding-zh-small/external/DuRetrieval.json new file mode 100644 index 000000000..133bae779 --- /dev/null +++ b/results/DMetaSoul__Dmeta-embedding-zh-small/external/DuRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 23.067, + "map_at_10": 70.658, + "map_at_100": 73.85300000000001, + "map_at_1000": 73.925, + "map_at_3": 48.391, + "map_at_5": 61.172000000000004, + "mrr_at_1": 83.1, + "mrr_at_10": 88.214, + "mrr_at_100": 88.298, + "mrr_at_1000": 88.304, + "mrr_at_3": 87.717, + "mrr_at_5": 88.03699999999999, + "ndcg_at_1": 83.1, + "ndcg_at_10": 79.89, + "ndcg_at_100": 83.829, + "ndcg_at_1000": 84.577, + "ndcg_at_3": 78.337, + "ndcg_at_5": 77.224, + "precision_at_1": 83.1, + "precision_at_10": 38.934999999999995, + "precision_at_100": 4.6690000000000005, + "precision_at_1000": 0.484, + "precision_at_3": 70.48299999999999, + "precision_at_5": 59.68, + "recall_at_1": 23.067, + "recall_at_10": 81.702, + "recall_at_100": 94.214, + "recall_at_1000": 98.241, + "recall_at_3": 51.538, + "recall_at_5": 67.39, + "main_score": 79.89 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__Dmeta-embedding-zh-small/external/EcomRetrieval.json b/results/DMetaSoul__Dmeta-embedding-zh-small/external/EcomRetrieval.json new file mode 100644 index 000000000..38a636ece --- /dev/null +++ b/results/DMetaSoul__Dmeta-embedding-zh-small/external/EcomRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 49.8, + "map_at_10": 59.46399999999999, + "map_at_100": 60.063, + "map_at_1000": 60.08, + "map_at_3": 56.833, + "map_at_5": 58.438, + "mrr_at_1": 49.8, + "mrr_at_10": 59.46399999999999, + "mrr_at_100": 60.063, + "mrr_at_1000": 60.08, + "mrr_at_3": 56.833, + "mrr_at_5": 58.438, + "ndcg_at_1": 49.8, + "ndcg_at_10": 64.48, + "ndcg_at_100": 67.314, + "ndcg_at_1000": 67.745, + "ndcg_at_3": 59.06400000000001, + "ndcg_at_5": 61.973, + "precision_at_1": 49.8, + "precision_at_10": 8.04, + "precision_at_100": 0.935, + "precision_at_1000": 0.097, + "precision_at_3": 21.833, + "precision_at_5": 14.52, + "recall_at_1": 49.8, + "recall_at_10": 80.4, + "recall_at_100": 93.5, + "recall_at_1000": 96.8, + "recall_at_3": 65.5, + "recall_at_5": 72.6, + "main_score": 64.48 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__Dmeta-embedding-zh-small/external/IFlyTek.json b/results/DMetaSoul__Dmeta-embedding-zh-small/external/IFlyTek.json new file mode 100644 index 000000000..f3268ce0f --- /dev/null +++ b/results/DMetaSoul__Dmeta-embedding-zh-small/external/IFlyTek.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 49.111196614082345, + "f1": 37.07930546974089, + "main_score": 49.111196614082345 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__Dmeta-embedding-zh-small/external/JDReview.json b/results/DMetaSoul__Dmeta-embedding-zh-small/external/JDReview.json new file mode 100644 index 000000000..f9bb7d82f --- /dev/null +++ b/results/DMetaSoul__Dmeta-embedding-zh-small/external/JDReview.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 85.57223264540339, + "ap": 53.30690968994808, + "f1": 80.20587062271773, + "main_score": 85.57223264540339 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__Dmeta-embedding-zh-small/external/LCQMC.json b/results/DMetaSoul__Dmeta-embedding-zh-small/external/LCQMC.json new file mode 100644 index 000000000..93af9853d --- /dev/null +++ b/results/DMetaSoul__Dmeta-embedding-zh-small/external/LCQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 73.03085269274996, + "cos_sim_spearman": 78.72837937949888, + "euclidean_pearson": 78.34911745798928, + "euclidean_spearman": 78.72838602779268, + "manhattan_pearson": 78.31833697617105, + "manhattan_spearman": 78.69603741566397, + "cosine_pearson": 73.03085269274996, + "cosine_spearman": 78.72837937949888, + "main_score": 78.72837937949888 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__Dmeta-embedding-zh-small/external/MMarcoReranking.json b/results/DMetaSoul__Dmeta-embedding-zh-small/external/MMarcoReranking.json new file mode 100644 index 000000000..3a6b3521f --- /dev/null +++ b/results/DMetaSoul__Dmeta-embedding-zh-small/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 27.391692468538416, + "mrr": 26.44682539682539, + "main_score": 27.391692468538416 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__Dmeta-embedding-zh-small/external/MMarcoRetrieval.json b/results/DMetaSoul__Dmeta-embedding-zh-small/external/MMarcoRetrieval.json new file mode 100644 index 000000000..9d1cc851c --- /dev/null +++ b/results/DMetaSoul__Dmeta-embedding-zh-small/external/MMarcoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 57.206999999999994, + "map_at_10": 66.622, + "map_at_100": 67.12700000000001, + "map_at_1000": 67.145, + "map_at_3": 64.587, + "map_at_5": 65.827, + "mrr_at_1": 59.312, + "mrr_at_10": 67.387, + "mrr_at_100": 67.836, + "mrr_at_1000": 67.851, + "mrr_at_3": 65.556, + "mrr_at_5": 66.66, + "ndcg_at_1": 59.312, + "ndcg_at_10": 70.748, + "ndcg_at_100": 73.076, + "ndcg_at_1000": 73.559, + "ndcg_at_3": 66.81200000000001, + "ndcg_at_5": 68.92399999999999, + "precision_at_1": 59.312, + "precision_at_10": 8.798, + "precision_at_100": 0.996, + "precision_at_1000": 0.104, + "precision_at_3": 25.487, + "precision_at_5": 16.401, + "recall_at_1": 57.206999999999994, + "recall_at_10": 82.767, + "recall_at_100": 93.449, + "recall_at_1000": 97.262, + "recall_at_3": 72.271, + "recall_at_5": 77.291, + "main_score": 70.748 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__Dmeta-embedding-zh-small/external/MassiveIntentClassification.json b/results/DMetaSoul__Dmeta-embedding-zh-small/external/MassiveIntentClassification.json new file mode 100644 index 000000000..04b8850a7 --- /dev/null +++ b/results/DMetaSoul__Dmeta-embedding-zh-small/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 70.78345662407531, + "f1": 68.35683436974351, + "main_score": 70.78345662407531 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__Dmeta-embedding-zh-small/external/MassiveScenarioClassification.json b/results/DMetaSoul__Dmeta-embedding-zh-small/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..279510ebb --- /dev/null +++ b/results/DMetaSoul__Dmeta-embedding-zh-small/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 73.16408876933423, + "f1": 73.31484873459382, + "main_score": 73.16408876933423 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__Dmeta-embedding-zh-small/external/MedicalRetrieval.json b/results/DMetaSoul__Dmeta-embedding-zh-small/external/MedicalRetrieval.json new file mode 100644 index 000000000..8ee41ecbc --- /dev/null +++ b/results/DMetaSoul__Dmeta-embedding-zh-small/external/MedicalRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 51.4, + "map_at_10": 57.091, + "map_at_100": 57.652, + "map_at_1000": 57.703, + "map_at_3": 55.733, + "map_at_5": 56.363, + "mrr_at_1": 51.7, + "mrr_at_10": 57.243, + "mrr_at_100": 57.80499999999999, + "mrr_at_1000": 57.855999999999995, + "mrr_at_3": 55.883, + "mrr_at_5": 56.513000000000005, + "ndcg_at_1": 51.4, + "ndcg_at_10": 59.948, + "ndcg_at_100": 63.064, + "ndcg_at_1000": 64.523, + "ndcg_at_3": 57.089999999999996, + "ndcg_at_5": 58.214, + "precision_at_1": 51.4, + "precision_at_10": 6.9, + "precision_at_100": 0.845, + "precision_at_1000": 0.096, + "precision_at_3": 20.333000000000002, + "precision_at_5": 12.740000000000002, + "recall_at_1": 51.4, + "recall_at_10": 69.0, + "recall_at_100": 84.5, + "recall_at_1000": 96.2, + "recall_at_3": 61.0, + "recall_at_5": 63.7, + "main_score": 59.948 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__Dmeta-embedding-zh-small/external/MultilingualSentiment.json b/results/DMetaSoul__Dmeta-embedding-zh-small/external/MultilingualSentiment.json new file mode 100644 index 000000000..c0daa5a75 --- /dev/null +++ b/results/DMetaSoul__Dmeta-embedding-zh-small/external/MultilingualSentiment.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 74.38999999999999, + "f1": 74.07161306140839, + "main_score": 74.38999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__Dmeta-embedding-zh-small/external/Ocnli.json b/results/DMetaSoul__Dmeta-embedding-zh-small/external/Ocnli.json new file mode 100644 index 000000000..32e7596a6 --- /dev/null +++ b/results/DMetaSoul__Dmeta-embedding-zh-small/external/Ocnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Ocnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 81.15863562533838, + "cos_sim_ap": 84.84571607908443, + "cos_sim_f1": 82.55872063968016, + "cos_sim_precision": 78.36812144212524, + "cos_sim_recall": 87.22280887011615, + "dot_accuracy": 81.15863562533838, + "dot_ap": 84.84571607908443, + "dot_f1": 82.55872063968016, + "dot_precision": 78.36812144212524, + "dot_recall": 87.22280887011615, + "euclidean_accuracy": 81.15863562533838, + "euclidean_ap": 84.84571607908443, + "euclidean_f1": 82.55872063968016, + "euclidean_precision": 78.36812144212524, + "euclidean_recall": 87.22280887011615, + "manhattan_accuracy": 80.7796426637791, + "manhattan_ap": 84.81524098914134, + "manhattan_f1": 82.36462990561351, + "manhattan_precision": 77.76735459662288, + "manhattan_recall": 87.53959873284055, + "max_accuracy": 81.15863562533838, + "max_ap": 84.84571607908443, + "max_f1": 82.55872063968016, + "main_score": 81.15863562533838 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__Dmeta-embedding-zh-small/external/OnlineShopping.json b/results/DMetaSoul__Dmeta-embedding-zh-small/external/OnlineShopping.json new file mode 100644 index 000000000..97c97d742 --- /dev/null +++ b/results/DMetaSoul__Dmeta-embedding-zh-small/external/OnlineShopping.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 93.12000000000002, + "ap": 91.0749103088623, + "f1": 93.10837266607813, + "main_score": 93.12000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__Dmeta-embedding-zh-small/external/PAWSX.json b/results/DMetaSoul__Dmeta-embedding-zh-small/external/PAWSX.json new file mode 100644 index 000000000..788d00890 --- /dev/null +++ b/results/DMetaSoul__Dmeta-embedding-zh-small/external/PAWSX.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 38.5692290188029, + "cos_sim_spearman": 42.965264868554335, + "euclidean_pearson": 43.002526263615735, + "euclidean_spearman": 42.97561576045246, + "manhattan_pearson": 43.050089639788936, + "manhattan_spearman": 43.038497558804934, + "cosine_pearson": 38.5692290188029, + "cosine_spearman": 42.965264868554335, + "main_score": 42.965264868554335 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__Dmeta-embedding-zh-small/external/QBQTC.json b/results/DMetaSoul__Dmeta-embedding-zh-small/external/QBQTC.json new file mode 100644 index 000000000..5625591fc --- /dev/null +++ b/results/DMetaSoul__Dmeta-embedding-zh-small/external/QBQTC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "QBQTC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 38.99284895602663, + "cos_sim_spearman": 41.02655813481606, + "euclidean_pearson": 38.934953519378354, + "euclidean_spearman": 41.02680077136343, + "manhattan_pearson": 39.224809609807785, + "manhattan_spearman": 41.13950779185706, + "cosine_pearson": 38.99284895602663, + "cosine_spearman": 41.02655813481606, + "main_score": 41.02655813481606 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__Dmeta-embedding-zh-small/external/STS22.json b/results/DMetaSoul__Dmeta-embedding-zh-small/external/STS22.json new file mode 100644 index 000000000..a96b7da2a --- /dev/null +++ b/results/DMetaSoul__Dmeta-embedding-zh-small/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 66.47464607633356, + "cos_sim_spearman": 66.76311382148693, + "euclidean_pearson": 67.25180409604143, + "euclidean_spearman": 66.76311382148693, + "manhattan_pearson": 67.6928257682864, + "manhattan_spearman": 67.08172581019826, + "cosine_pearson": 66.47464607633356, + "cosine_spearman": 66.76311382148693, + "main_score": 66.76311382148693 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__Dmeta-embedding-zh-small/external/STSB.json b/results/DMetaSoul__Dmeta-embedding-zh-small/external/STSB.json new file mode 100644 index 000000000..9e8df5c65 --- /dev/null +++ b/results/DMetaSoul__Dmeta-embedding-zh-small/external/STSB.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 77.48943840585562, + "cos_sim_spearman": 79.0869194735025, + "euclidean_pearson": 79.48559575794792, + "euclidean_spearman": 79.08765044225807, + "manhattan_pearson": 79.36157224751007, + "manhattan_spearman": 78.94400905463999, + "cosine_pearson": 77.48943840585562, + "cosine_spearman": 79.0869194735025, + "main_score": 79.0869194735025 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__Dmeta-embedding-zh-small/external/T2Reranking.json b/results/DMetaSoul__Dmeta-embedding-zh-small/external/T2Reranking.json new file mode 100644 index 000000000..5ed7ddf2e --- /dev/null +++ b/results/DMetaSoul__Dmeta-embedding-zh-small/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 66.1093201711458, + "mrr": 75.70959742506797, + "main_score": 66.1093201711458 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__Dmeta-embedding-zh-small/external/T2Retrieval.json b/results/DMetaSoul__Dmeta-embedding-zh-small/external/T2Retrieval.json new file mode 100644 index 000000000..4d71377da --- /dev/null +++ b/results/DMetaSoul__Dmeta-embedding-zh-small/external/T2Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 25.533, + "map_at_10": 71.322, + "map_at_100": 75.244, + "map_at_1000": 75.333, + "map_at_3": 50.15500000000001, + "map_at_5": 61.514, + "mrr_at_1": 86.126, + "mrr_at_10": 89.462, + "mrr_at_100": 89.58500000000001, + "mrr_at_1000": 89.59, + "mrr_at_3": 88.88000000000001, + "mrr_at_5": 89.241, + "ndcg_at_1": 86.126, + "ndcg_at_10": 79.89500000000001, + "ndcg_at_100": 84.405, + "ndcg_at_1000": 85.286, + "ndcg_at_3": 81.547, + "ndcg_at_5": 79.834, + "precision_at_1": 86.126, + "precision_at_10": 39.972, + "precision_at_100": 4.932, + "precision_at_1000": 0.514, + "precision_at_3": 71.49, + "precision_at_5": 59.687, + "recall_at_1": 25.533, + "recall_at_10": 78.962, + "recall_at_100": 93.413, + "recall_at_1000": 97.89099999999999, + "recall_at_3": 52.129000000000005, + "recall_at_5": 65.444, + "main_score": 79.89500000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__Dmeta-embedding-zh-small/external/TNews.json b/results/DMetaSoul__Dmeta-embedding-zh-small/external/TNews.json new file mode 100644 index 000000000..58142b919 --- /dev/null +++ b/results/DMetaSoul__Dmeta-embedding-zh-small/external/TNews.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 51.800000000000004, + "f1": 50.07807183704828, + "main_score": 51.800000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__Dmeta-embedding-zh-small/external/ThuNewsClusteringP2P.json b/results/DMetaSoul__Dmeta-embedding-zh-small/external/ThuNewsClusteringP2P.json new file mode 100644 index 000000000..a80b04a3e --- /dev/null +++ b/results/DMetaSoul__Dmeta-embedding-zh-small/external/ThuNewsClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 65.15253218390774, + "main_score": 65.15253218390774 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__Dmeta-embedding-zh-small/external/ThuNewsClusteringS2S.json b/results/DMetaSoul__Dmeta-embedding-zh-small/external/ThuNewsClusteringS2S.json new file mode 100644 index 000000000..ec7e6f31c --- /dev/null +++ b/results/DMetaSoul__Dmeta-embedding-zh-small/external/ThuNewsClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 58.81779372506517, + "main_score": 58.81779372506517 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__Dmeta-embedding-zh-small/external/VideoRetrieval.json b/results/DMetaSoul__Dmeta-embedding-zh-small/external/VideoRetrieval.json new file mode 100644 index 000000000..8a38d07b3 --- /dev/null +++ b/results/DMetaSoul__Dmeta-embedding-zh-small/external/VideoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 53.0, + "map_at_10": 63.422999999999995, + "map_at_100": 63.995000000000005, + "map_at_1000": 64.004, + "map_at_3": 61.382999999999996, + "map_at_5": 62.488, + "mrr_at_1": 53.0, + "mrr_at_10": 63.422999999999995, + "mrr_at_100": 63.995000000000005, + "mrr_at_1000": 64.004, + "mrr_at_3": 61.382999999999996, + "mrr_at_5": 62.488, + "ndcg_at_1": 53.0, + "ndcg_at_10": 68.301, + "ndcg_at_100": 70.988, + "ndcg_at_1000": 71.294, + "ndcg_at_3": 64.11, + "ndcg_at_5": 66.094, + "precision_at_1": 53.0, + "precision_at_10": 8.35, + "precision_at_100": 0.958, + "precision_at_1000": 0.098, + "precision_at_3": 24.0, + "precision_at_5": 15.36, + "recall_at_1": 53.0, + "recall_at_10": 83.5, + "recall_at_100": 95.8, + "recall_at_1000": 98.3, + "recall_at_3": 72.0, + "recall_at_5": 76.8, + "main_score": 68.301 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__Dmeta-embedding-zh-small/external/Waimai.json b/results/DMetaSoul__Dmeta-embedding-zh-small/external/Waimai.json new file mode 100644 index 000000000..f6861d24d --- /dev/null +++ b/results/DMetaSoul__Dmeta-embedding-zh-small/external/Waimai.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 86.18, + "ap": 69.04229346593745, + "f1": 84.52986739717021, + "main_score": 86.18 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__Dmeta-embedding-zh-small/external/model_meta.json b/results/DMetaSoul__Dmeta-embedding-zh-small/external/model_meta.json new file mode 100644 index 000000000..7b78f80f4 --- /dev/null +++ b/results/DMetaSoul__Dmeta-embedding-zh-small/external/model_meta.json @@ -0,0 +1,20 @@ +{ + "name": "DMetaSoul/Dmeta-embedding-zh-small", + "revision": "2050d3439a2f68999dd648c1697471acaac37a29", + "release_date": "2024-03-25", + "languages": [], + "loader": null, + "n_parameters": 74309376, + "memory_usage": null, + "max_tokens": 1024, + "embed_dim": 768, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/DMetaSoul__sbert-chinese-general-v1/external/AFQMC.json b/results/DMetaSoul__sbert-chinese-general-v1/external/AFQMC.json new file mode 100644 index 000000000..c5bd85616 --- /dev/null +++ b/results/DMetaSoul__sbert-chinese-general-v1/external/AFQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 22.293919432958074, + "cos_sim_spearman": 22.56718923553609, + "euclidean_pearson": 22.525656322797026, + "euclidean_spearman": 22.56718923553609, + "manhattan_pearson": 22.501773028824065, + "manhattan_spearman": 22.536992587828397, + "cosine_pearson": 22.293919432958074, + "cosine_spearman": 22.56718923553609, + "main_score": 22.56718923553609 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__sbert-chinese-general-v1/external/ATEC.json b/results/DMetaSoul__sbert-chinese-general-v1/external/ATEC.json new file mode 100644 index 000000000..2afeca52e --- /dev/null +++ b/results/DMetaSoul__sbert-chinese-general-v1/external/ATEC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 30.33575274463879, + "cos_sim_spearman": 30.298708742167772, + "euclidean_pearson": 32.33094743729218, + "euclidean_spearman": 30.298710993858734, + "manhattan_pearson": 32.31155376195945, + "manhattan_spearman": 30.267669681690744, + "cosine_pearson": 30.33575274463879, + "cosine_spearman": 30.298708742167772, + "main_score": 30.298708742167772 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__sbert-chinese-general-v1/external/AmazonReviewsClassification.json b/results/DMetaSoul__sbert-chinese-general-v1/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..18a898328 --- /dev/null +++ b/results/DMetaSoul__sbert-chinese-general-v1/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 37.507999999999996, + "f1": 36.436808400753286, + "main_score": 37.507999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__sbert-chinese-general-v1/external/BQ.json b/results/DMetaSoul__sbert-chinese-general-v1/external/BQ.json new file mode 100644 index 000000000..078919586 --- /dev/null +++ b/results/DMetaSoul__sbert-chinese-general-v1/external/BQ.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 41.493256724214255, + "cos_sim_spearman": 40.98395961967895, + "euclidean_pearson": 41.12345737966565, + "euclidean_spearman": 40.983959619555996, + "manhattan_pearson": 41.02584539471014, + "manhattan_spearman": 40.87549513383032, + "cosine_pearson": 41.493256724214255, + "cosine_spearman": 40.98395961967895, + "main_score": 40.98395961967895 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__sbert-chinese-general-v1/external/BUCC.json b/results/DMetaSoul__sbert-chinese-general-v1/external/BUCC.json new file mode 100644 index 000000000..c71ea6b1d --- /dev/null +++ b/results/DMetaSoul__sbert-chinese-general-v1/external/BUCC.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "d51519689f32196a32af33b075a01d0e7c51e252", + "task_name": "BUCC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "accuracy": 9.794628751974724, + "f1": 9.350535369492716, + "precision": 9.179392662804986, + "recall": 9.794628751974724, + "main_score": 9.350535369492716 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__sbert-chinese-general-v1/external/CLSClusteringP2P.json b/results/DMetaSoul__sbert-chinese-general-v1/external/CLSClusteringP2P.json new file mode 100644 index 000000000..e8a79f888 --- /dev/null +++ b/results/DMetaSoul__sbert-chinese-general-v1/external/CLSClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 34.984726547788284, + "main_score": 34.984726547788284 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__sbert-chinese-general-v1/external/CLSClusteringS2S.json b/results/DMetaSoul__sbert-chinese-general-v1/external/CLSClusteringS2S.json new file mode 100644 index 000000000..31f255890 --- /dev/null +++ b/results/DMetaSoul__sbert-chinese-general-v1/external/CLSClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 27.81945732281589, + "main_score": 27.81945732281589 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__sbert-chinese-general-v1/external/CmedqaRetrieval.json b/results/DMetaSoul__sbert-chinese-general-v1/external/CmedqaRetrieval.json new file mode 100644 index 000000000..6e50ca273 --- /dev/null +++ b/results/DMetaSoul__sbert-chinese-general-v1/external/CmedqaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 5.721, + "map_at_10": 8.645, + "map_at_100": 9.434, + "map_at_1000": 9.586, + "map_at_3": 7.413, + "map_at_5": 8.05, + "mrr_at_1": 9.626999999999999, + "mrr_at_10": 13.094, + "mrr_at_100": 13.854, + "mrr_at_1000": 13.958, + "mrr_at_3": 11.724, + "mrr_at_5": 12.409, + "ndcg_at_1": 9.626999999999999, + "ndcg_at_10": 11.35, + "ndcg_at_100": 15.593000000000002, + "ndcg_at_1000": 19.619, + "ndcg_at_3": 9.317, + "ndcg_at_5": 10.049, + "precision_at_1": 9.626999999999999, + "precision_at_10": 2.796, + "precision_at_100": 0.629, + "precision_at_1000": 0.11800000000000001, + "precision_at_3": 5.476, + "precision_at_5": 4.1209999999999996, + "recall_at_1": 5.721, + "recall_at_10": 15.190000000000001, + "recall_at_100": 33.633, + "recall_at_1000": 62.019999999999996, + "recall_at_3": 9.099, + "recall_at_5": 11.423, + "main_score": 11.35 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__sbert-chinese-general-v1/external/Cmnli.json b/results/DMetaSoul__sbert-chinese-general-v1/external/Cmnli.json new file mode 100644 index 000000000..f4af21791 --- /dev/null +++ b/results/DMetaSoul__sbert-chinese-general-v1/external/Cmnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Cmnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 77.36620565243535, + "cos_sim_ap": 85.92291866877001, + "cos_sim_f1": 78.19390231037029, + "cos_sim_precision": 71.24183006535948, + "cos_sim_recall": 86.64952069207388, + "dot_accuracy": 77.36620565243535, + "dot_ap": 85.94113738490068, + "dot_f1": 78.19390231037029, + "dot_precision": 71.24183006535948, + "dot_recall": 86.64952069207388, + "euclidean_accuracy": 77.36620565243535, + "euclidean_ap": 85.92291893444687, + "euclidean_f1": 78.19390231037029, + "euclidean_precision": 71.24183006535948, + "euclidean_recall": 86.64952069207388, + "manhattan_accuracy": 77.29404690318701, + "manhattan_ap": 85.88284362100919, + "manhattan_f1": 78.17836812144213, + "manhattan_precision": 71.18448838548666, + "manhattan_recall": 86.69628244096329, + "max_accuracy": 77.36620565243535, + "max_ap": 85.94113738490068, + "max_f1": 78.19390231037029, + "main_score": 77.36620565243535 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__sbert-chinese-general-v1/external/CovidRetrieval.json b/results/DMetaSoul__sbert-chinese-general-v1/external/CovidRetrieval.json new file mode 100644 index 000000000..8565de013 --- /dev/null +++ b/results/DMetaSoul__sbert-chinese-general-v1/external/CovidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 26.976, + "map_at_10": 35.18, + "map_at_100": 35.921, + "map_at_1000": 35.998999999999995, + "map_at_3": 32.763, + "map_at_5": 34.165, + "mrr_at_1": 26.976, + "mrr_at_10": 35.234, + "mrr_at_100": 35.939, + "mrr_at_1000": 36.016, + "mrr_at_3": 32.771, + "mrr_at_5": 34.172999999999995, + "ndcg_at_1": 26.976, + "ndcg_at_10": 39.635, + "ndcg_at_100": 43.54, + "ndcg_at_1000": 45.723, + "ndcg_at_3": 34.652, + "ndcg_at_5": 37.186, + "precision_at_1": 26.976, + "precision_at_10": 5.406, + "precision_at_100": 0.736, + "precision_at_1000": 0.091, + "precision_at_3": 13.418, + "precision_at_5": 9.293999999999999, + "recall_at_1": 26.976, + "recall_at_10": 53.766999999999996, + "recall_at_100": 72.761, + "recall_at_1000": 90.148, + "recall_at_3": 40.095, + "recall_at_5": 46.233000000000004, + "main_score": 39.635 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__sbert-chinese-general-v1/external/DuRetrieval.json b/results/DMetaSoul__sbert-chinese-general-v1/external/DuRetrieval.json new file mode 100644 index 000000000..40cb5f1aa --- /dev/null +++ b/results/DMetaSoul__sbert-chinese-general-v1/external/DuRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 11.285, + "map_at_10": 30.259000000000004, + "map_at_100": 33.772000000000006, + "map_at_1000": 34.037, + "map_at_3": 21.038999999999998, + "map_at_5": 25.939, + "mrr_at_1": 45.1, + "mrr_at_10": 55.803999999999995, + "mrr_at_100": 56.301, + "mrr_at_1000": 56.330999999999996, + "mrr_at_3": 53.333, + "mrr_at_5": 54.798, + "ndcg_at_1": 45.1, + "ndcg_at_10": 41.156, + "ndcg_at_100": 49.518, + "ndcg_at_1000": 52.947, + "ndcg_at_3": 39.708, + "ndcg_at_5": 38.704, + "precision_at_1": 45.1, + "precision_at_10": 20.75, + "precision_at_100": 3.424, + "precision_at_1000": 0.42700000000000005, + "precision_at_3": 35.632999999999996, + "precision_at_5": 30.080000000000002, + "recall_at_1": 11.285, + "recall_at_10": 43.242000000000004, + "recall_at_100": 68.604, + "recall_at_1000": 85.904, + "recall_at_3": 24.404, + "recall_at_5": 32.757, + "main_score": 41.156 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__sbert-chinese-general-v1/external/EcomRetrieval.json b/results/DMetaSoul__sbert-chinese-general-v1/external/EcomRetrieval.json new file mode 100644 index 000000000..b6822a327 --- /dev/null +++ b/results/DMetaSoul__sbert-chinese-general-v1/external/EcomRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 21, + "map_at_10": 28.364, + "map_at_100": 29.199, + "map_at_1000": 29.265, + "map_at_3": 25.717000000000002, + "map_at_5": 27.311999999999998, + "mrr_at_1": 21, + "mrr_at_10": 28.364, + "mrr_at_100": 29.199, + "mrr_at_1000": 29.265, + "mrr_at_3": 25.717000000000002, + "mrr_at_5": 27.311999999999998, + "ndcg_at_1": 21, + "ndcg_at_10": 32.708, + "ndcg_at_100": 37.184, + "ndcg_at_1000": 39.273, + "ndcg_at_3": 27.372000000000003, + "ndcg_at_5": 30.23, + "precision_at_1": 21, + "precision_at_10": 4.66, + "precision_at_100": 0.685, + "precision_at_1000": 0.086, + "precision_at_3": 10.732999999999999, + "precision_at_5": 7.82, + "recall_at_1": 21, + "recall_at_10": 46.6, + "recall_at_100": 68.5, + "recall_at_1000": 85.6, + "recall_at_3": 32.2, + "recall_at_5": 39.1, + "main_score": 32.708 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__sbert-chinese-general-v1/external/IFlyTek.json b/results/DMetaSoul__sbert-chinese-general-v1/external/IFlyTek.json new file mode 100644 index 000000000..0d9d78db0 --- /dev/null +++ b/results/DMetaSoul__sbert-chinese-general-v1/external/IFlyTek.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 44.878799538283964, + "f1": 33.84678310261366, + "main_score": 44.878799538283964 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__sbert-chinese-general-v1/external/JDReview.json b/results/DMetaSoul__sbert-chinese-general-v1/external/JDReview.json new file mode 100644 index 000000000..34343fbdf --- /dev/null +++ b/results/DMetaSoul__sbert-chinese-general-v1/external/JDReview.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 82.1951219512195, + "ap": 46.78292030042397, + "f1": 76.20482468514128, + "main_score": 82.1951219512195 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__sbert-chinese-general-v1/external/LCQMC.json b/results/DMetaSoul__sbert-chinese-general-v1/external/LCQMC.json new file mode 100644 index 000000000..88c595e74 --- /dev/null +++ b/results/DMetaSoul__sbert-chinese-general-v1/external/LCQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 62.84331627244547, + "cos_sim_spearman": 68.39990265073726, + "euclidean_pearson": 66.87431827169324, + "euclidean_spearman": 68.39990264979167, + "manhattan_pearson": 66.89702078900328, + "manhattan_spearman": 68.42107302159141, + "cosine_pearson": 62.84331627244547, + "cosine_spearman": 68.39990265073726, + "main_score": 68.39990265073726 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__sbert-chinese-general-v1/external/MMarcoReranking.json b/results/DMetaSoul__sbert-chinese-general-v1/external/MMarcoReranking.json new file mode 100644 index 000000000..7c8344ce8 --- /dev/null +++ b/results/DMetaSoul__sbert-chinese-general-v1/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 9.28600891904827, + "mrr": 8.057936507936509, + "main_score": 9.28600891904827 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__sbert-chinese-general-v1/external/MMarcoRetrieval.json b/results/DMetaSoul__sbert-chinese-general-v1/external/MMarcoRetrieval.json new file mode 100644 index 000000000..9234365cf --- /dev/null +++ b/results/DMetaSoul__sbert-chinese-general-v1/external/MMarcoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 22.820999999999998, + "map_at_10": 30.44, + "map_at_100": 31.35, + "map_at_1000": 31.419000000000004, + "map_at_3": 28.134999999999998, + "map_at_5": 29.482000000000003, + "mrr_at_1": 23.782, + "mrr_at_10": 31.141999999999996, + "mrr_at_100": 32.004, + "mrr_at_1000": 32.068000000000005, + "mrr_at_3": 28.904000000000003, + "mrr_at_5": 30.214999999999996, + "ndcg_at_1": 23.782, + "ndcg_at_10": 34.625, + "ndcg_at_100": 39.226, + "ndcg_at_1000": 41.128, + "ndcg_at_3": 29.968, + "ndcg_at_5": 32.35, + "precision_at_1": 23.782, + "precision_at_10": 4.994, + "precision_at_100": 0.736, + "precision_at_1000": 0.09, + "precision_at_3": 12.13, + "precision_at_5": 8.495999999999999, + "recall_at_1": 22.820999999999998, + "recall_at_10": 47.141, + "recall_at_100": 68.952, + "recall_at_1000": 83.985, + "recall_at_3": 34.508, + "recall_at_5": 40.232, + "main_score": 34.625 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__sbert-chinese-general-v1/external/MassiveIntentClassification.json b/results/DMetaSoul__sbert-chinese-general-v1/external/MassiveIntentClassification.json new file mode 100644 index 000000000..74613c731 --- /dev/null +++ b/results/DMetaSoul__sbert-chinese-general-v1/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 57.343644922663074, + "f1": 56.744802953803486, + "main_score": 57.343644922663074 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__sbert-chinese-general-v1/external/MassiveScenarioClassification.json b/results/DMetaSoul__sbert-chinese-general-v1/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..586e170d3 --- /dev/null +++ b/results/DMetaSoul__sbert-chinese-general-v1/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 62.363819771351714, + "f1": 62.15920863434656, + "main_score": 62.363819771351714 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__sbert-chinese-general-v1/external/MedicalRetrieval.json b/results/DMetaSoul__sbert-chinese-general-v1/external/MedicalRetrieval.json new file mode 100644 index 000000000..7317b60b5 --- /dev/null +++ b/results/DMetaSoul__sbert-chinese-general-v1/external/MedicalRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 14.6, + "map_at_10": 18.231, + "map_at_100": 18.744, + "map_at_1000": 18.811, + "map_at_3": 17.133000000000003, + "map_at_5": 17.663, + "mrr_at_1": 14.6, + "mrr_at_10": 18.231, + "mrr_at_100": 18.744, + "mrr_at_1000": 18.811, + "mrr_at_3": 17.133000000000003, + "mrr_at_5": 17.663, + "ndcg_at_1": 14.6, + "ndcg_at_10": 20.349, + "ndcg_at_100": 23.204, + "ndcg_at_1000": 25.44, + "ndcg_at_3": 17.995, + "ndcg_at_5": 18.945999999999998, + "precision_at_1": 14.6, + "precision_at_10": 2.7199999999999998, + "precision_at_100": 0.414, + "precision_at_1000": 0.06, + "precision_at_3": 6.833, + "precision_at_5": 4.5600000000000005, + "recall_at_1": 14.6, + "recall_at_10": 27.200000000000003, + "recall_at_100": 41.4, + "recall_at_1000": 60, + "recall_at_3": 20.5, + "recall_at_5": 22.8, + "main_score": 20.349 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__sbert-chinese-general-v1/external/MultilingualSentiment.json b/results/DMetaSoul__sbert-chinese-general-v1/external/MultilingualSentiment.json new file mode 100644 index 000000000..ebf0b4fd7 --- /dev/null +++ b/results/DMetaSoul__sbert-chinese-general-v1/external/MultilingualSentiment.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 66.58333333333333, + "f1": 66.26700927460007, + "main_score": 66.58333333333333 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__sbert-chinese-general-v1/external/Ocnli.json b/results/DMetaSoul__sbert-chinese-general-v1/external/Ocnli.json new file mode 100644 index 000000000..735e4accb --- /dev/null +++ b/results/DMetaSoul__sbert-chinese-general-v1/external/Ocnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Ocnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 72.00866269626421, + "cos_sim_ap": 77.00520104243304, + "cos_sim_f1": 74.39303710490151, + "cos_sim_precision": 65.69579288025889, + "cos_sim_recall": 85.74445617740233, + "dot_accuracy": 72.00866269626421, + "dot_ap": 77.00520104243304, + "dot_f1": 74.39303710490151, + "dot_precision": 65.69579288025889, + "dot_recall": 85.74445617740233, + "euclidean_accuracy": 72.00866269626421, + "euclidean_ap": 77.00520104243304, + "euclidean_f1": 74.39303710490151, + "euclidean_precision": 65.69579288025889, + "euclidean_recall": 85.74445617740233, + "manhattan_accuracy": 72.1710882512182, + "manhattan_ap": 77.00551017913976, + "manhattan_f1": 74.23423423423424, + "manhattan_precision": 64.72898664571878, + "manhattan_recall": 87.0116156282999, + "max_accuracy": 72.1710882512182, + "max_ap": 77.00551017913976, + "max_f1": 74.39303710490151, + "main_score": 72.1710882512182 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__sbert-chinese-general-v1/external/OnlineShopping.json b/results/DMetaSoul__sbert-chinese-general-v1/external/OnlineShopping.json new file mode 100644 index 000000000..02251f7f9 --- /dev/null +++ b/results/DMetaSoul__sbert-chinese-general-v1/external/OnlineShopping.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 88.19000000000001, + "ap": 85.13415594781077, + "f1": 88.17344156114062, + "main_score": 88.19000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__sbert-chinese-general-v1/external/PAWSX.json b/results/DMetaSoul__sbert-chinese-general-v1/external/PAWSX.json new file mode 100644 index 000000000..668b734ae --- /dev/null +++ b/results/DMetaSoul__sbert-chinese-general-v1/external/PAWSX.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 13.70522140998517, + "cos_sim_spearman": 15.07546667334743, + "euclidean_pearson": 17.49511420225285, + "euclidean_spearman": 15.093970931789618, + "manhattan_pearson": 17.44069961390521, + "manhattan_spearman": 15.076029291596962, + "cosine_pearson": 13.70522140998517, + "cosine_spearman": 15.07546667334743, + "main_score": 15.07546667334743 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__sbert-chinese-general-v1/external/QBQTC.json b/results/DMetaSoul__sbert-chinese-general-v1/external/QBQTC.json new file mode 100644 index 000000000..c9bf2dad7 --- /dev/null +++ b/results/DMetaSoul__sbert-chinese-general-v1/external/QBQTC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "QBQTC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 26.835294224547155, + "cos_sim_spearman": 27.920204597498856, + "euclidean_pearson": 26.153796707702803, + "euclidean_spearman": 27.920971379720548, + "manhattan_pearson": 26.21954147857523, + "manhattan_spearman": 27.996860049937478, + "cosine_pearson": 26.835294224547155, + "cosine_spearman": 27.920204597498856, + "main_score": 27.920204597498856 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__sbert-chinese-general-v1/external/STS22.json b/results/DMetaSoul__sbert-chinese-general-v1/external/STS22.json new file mode 100644 index 000000000..897f43251 --- /dev/null +++ b/results/DMetaSoul__sbert-chinese-general-v1/external/STS22.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 55.15901259718581, + "cos_sim_spearman": 61.57967880874167, + "euclidean_pearson": 53.83523291596683, + "euclidean_spearman": 61.57967880874167, + "manhattan_pearson": 54.99971428907956, + "manhattan_spearman": 61.61229543613867, + "cosine_pearson": 55.15901259718581, + "cosine_spearman": 61.57967880874167, + "main_score": 61.57967880874167 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "cos_sim_pearson": 34.20930208460845, + "cos_sim_spearman": 33.879011104224524, + "euclidean_pearson": 35.08526425284862, + "euclidean_spearman": 33.879011104224524, + "manhattan_pearson": 35.509419089701275, + "manhattan_spearman": 33.30035487147621, + "cosine_pearson": 34.20930208460845, + "cosine_spearman": 33.879011104224524, + "main_score": 33.879011104224524 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__sbert-chinese-general-v1/external/STSB.json b/results/DMetaSoul__sbert-chinese-general-v1/external/STSB.json new file mode 100644 index 000000000..a3918c530 --- /dev/null +++ b/results/DMetaSoul__sbert-chinese-general-v1/external/STSB.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 82.30068282185835, + "cos_sim_spearman": 82.16763221361724, + "euclidean_pearson": 80.52772752433374, + "euclidean_spearman": 82.16797037220333, + "manhattan_pearson": 80.51093859500105, + "manhattan_spearman": 82.17643310049654, + "cosine_pearson": 82.30068282185835, + "cosine_spearman": 82.16763221361724, + "main_score": 82.16763221361724 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__sbert-chinese-general-v1/external/T2Reranking.json b/results/DMetaSoul__sbert-chinese-general-v1/external/T2Reranking.json new file mode 100644 index 000000000..71886e523 --- /dev/null +++ b/results/DMetaSoul__sbert-chinese-general-v1/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 65.14113035189213, + "mrr": 74.9589270937443, + "main_score": 65.14113035189213 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__sbert-chinese-general-v1/external/T2Retrieval.json b/results/DMetaSoul__sbert-chinese-general-v1/external/T2Retrieval.json new file mode 100644 index 000000000..525ce1504 --- /dev/null +++ b/results/DMetaSoul__sbert-chinese-general-v1/external/T2Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 12.013, + "map_at_10": 30.885, + "map_at_100": 34.643, + "map_at_1000": 34.927, + "map_at_3": 21.901, + "map_at_5": 26.467000000000002, + "mrr_at_1": 49.623, + "mrr_at_10": 58.05200000000001, + "mrr_at_100": 58.61300000000001, + "mrr_at_1000": 58.643, + "mrr_at_3": 55.947, + "mrr_at_5": 57.229, + "ndcg_at_1": 49.623, + "ndcg_at_10": 41.802, + "ndcg_at_100": 49.975, + "ndcg_at_1000": 53.504, + "ndcg_at_3": 43.515, + "ndcg_at_5": 41.576, + "precision_at_1": 49.623, + "precision_at_10": 22.052, + "precision_at_100": 3.6450000000000005, + "precision_at_1000": 0.45399999999999996, + "precision_at_3": 38.616, + "precision_at_5": 31.966, + "recall_at_1": 12.013, + "recall_at_10": 41.891, + "recall_at_100": 67.096, + "recall_at_1000": 84.756, + "recall_at_3": 24.695, + "recall_at_5": 32.09, + "main_score": 41.802 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__sbert-chinese-general-v1/external/TNews.json b/results/DMetaSoul__sbert-chinese-general-v1/external/TNews.json new file mode 100644 index 000000000..35209d028 --- /dev/null +++ b/results/DMetaSoul__sbert-chinese-general-v1/external/TNews.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 39.800999999999995, + "f1": 38.5345899934575, + "main_score": 39.800999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__sbert-chinese-general-v1/external/ThuNewsClusteringP2P.json b/results/DMetaSoul__sbert-chinese-general-v1/external/ThuNewsClusteringP2P.json new file mode 100644 index 000000000..34b1a8bd0 --- /dev/null +++ b/results/DMetaSoul__sbert-chinese-general-v1/external/ThuNewsClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 40.16574242797479, + "main_score": 40.16574242797479 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__sbert-chinese-general-v1/external/ThuNewsClusteringS2S.json b/results/DMetaSoul__sbert-chinese-general-v1/external/ThuNewsClusteringS2S.json new file mode 100644 index 000000000..6b5005a10 --- /dev/null +++ b/results/DMetaSoul__sbert-chinese-general-v1/external/ThuNewsClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 24.232617974671754, + "main_score": 24.232617974671754 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__sbert-chinese-general-v1/external/VideoRetrieval.json b/results/DMetaSoul__sbert-chinese-general-v1/external/VideoRetrieval.json new file mode 100644 index 000000000..95f33900d --- /dev/null +++ b/results/DMetaSoul__sbert-chinese-general-v1/external/VideoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 24.6, + "map_at_10": 31.328, + "map_at_100": 32.088, + "map_at_1000": 32.164, + "map_at_3": 29.133, + "map_at_5": 30.358, + "mrr_at_1": 24.6, + "mrr_at_10": 31.328, + "mrr_at_100": 32.088, + "mrr_at_1000": 32.164, + "mrr_at_3": 29.133, + "mrr_at_5": 30.358, + "ndcg_at_1": 24.6, + "ndcg_at_10": 35.150999999999996, + "ndcg_at_100": 39.024, + "ndcg_at_1000": 41.157, + "ndcg_at_3": 30.637999999999998, + "ndcg_at_5": 32.833, + "precision_at_1": 24.6, + "precision_at_10": 4.74, + "precision_at_100": 0.66, + "precision_at_1000": 0.083, + "precision_at_3": 11.667, + "precision_at_5": 8.06, + "recall_at_1": 24.6, + "recall_at_10": 47.4, + "recall_at_100": 66, + "recall_at_1000": 83, + "recall_at_3": 35, + "recall_at_5": 40.300000000000004, + "main_score": 35.150999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__sbert-chinese-general-v1/external/Waimai.json b/results/DMetaSoul__sbert-chinese-general-v1/external/Waimai.json new file mode 100644 index 000000000..7797f720c --- /dev/null +++ b/results/DMetaSoul__sbert-chinese-general-v1/external/Waimai.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 83.96000000000001, + "ap": 65.11027167433211, + "f1": 82.03549710974653, + "main_score": 83.96000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/DMetaSoul__sbert-chinese-general-v1/external/model_meta.json b/results/DMetaSoul__sbert-chinese-general-v1/external/model_meta.json new file mode 100644 index 000000000..1df131213 --- /dev/null +++ b/results/DMetaSoul__sbert-chinese-general-v1/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "DMetaSoul/sbert-chinese-general-v1", + "revision": "bd27765956bcc2fcf682de0097819947ac10037e", + "release_date": "2022-03-25", + "languages": [ + "zh" + ], + "loader": null, + "n_parameters": 102287292, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 768, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/AFQMC.json b/results/DivineNnamdi__jina-embeddings-v3/external/AFQMC.json new file mode 100644 index 000000000..8e5479056 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/AFQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b44c3b011063adb25877c13823db83bb193913c4", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 41.74237700998808, + "cosine_spearman": 43.4726782647566, + "euclidean_pearson": 42.244585459479964, + "euclidean_spearman": 43.525070045169606, + "main_score": 43.4726782647566, + "manhattan_pearson": 42.04616728224863, + "manhattan_spearman": 43.308828270754645, + "pearson": 41.74237700998808, + "spearman": 43.4726782647566 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/ATEC.json b/results/DivineNnamdi__jina-embeddings-v3/external/ATEC.json new file mode 100644 index 000000000..f1168f774 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/ATEC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "0f319b1142f28d00e055a6770f3f726ae9b7d865", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 47.541497334563296, + "cosine_spearman": 49.06268944206629, + "euclidean_pearson": 51.838926748581635, + "euclidean_spearman": 48.930697157135356, + "main_score": 49.06268944206629, + "manhattan_pearson": 51.835306769406365, + "manhattan_spearman": 48.86135493444834, + "pearson": 47.541497334563296, + "spearman": 49.06268944206629 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/AllegroReviews.json b/results/DivineNnamdi__jina-embeddings-v3/external/AllegroReviews.json new file mode 100644 index 000000000..1eed7538c --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/AllegroReviews.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "b89853e6de927b0e3bfa8ecc0e56fe4e02ceafc6", + "task_name": "AllegroReviews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 49.51292246520874, + "f1": 44.14350234332397, + "f1_weighted": 51.65508998354552, + "main_score": 49.51292246520874 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/AlloProfClusteringP2P.json b/results/DivineNnamdi__jina-embeddings-v3/external/AlloProfClusteringP2P.json new file mode 100644 index 000000000..1d276dda7 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/AlloProfClusteringP2P.json @@ -0,0 +1,175 @@ +{ + "dataset_revision": "392ba3f5bcc8c51f578786c1fc3dae648662cb9b", + "task_name": "AlloProfClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "main_score": 63.883383458621665, + "v_measure": 63.883383458621665, + "v_measure_std": 2.693666879958465 + }, + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "main_score": 46.85924588755251, + "v_measure": 46.85924588755251, + "v_measure_std": 2.1918258880872377 + }, + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "main_score": 54.284, + "map_at_1": 37.047000000000004, + "map_at_10": 48.53, + "map_at_100": 49.357, + "map_at_1000": 49.39, + "map_at_20": 49.064, + "map_at_3": 45.675, + "map_at_5": 47.441, + "mrr_at_1": 37.04663212435233, + "mrr_at_10": 48.5300326232969, + "mrr_at_100": 49.35708199037581, + "mrr_at_1000": 49.39005824603193, + "mrr_at_20": 49.06417416464799, + "mrr_at_3": 45.67501439263105, + "mrr_at_5": 47.44099021301103, + "nauc_map_at_1000_diff1": 43.32474221868009, + "nauc_map_at_1000_max": 39.407334029058575, + "nauc_map_at_1000_std": -2.3728154448932606, + "nauc_map_at_100_diff1": 43.32336300929909, + "nauc_map_at_100_max": 39.432174777554835, + "nauc_map_at_100_std": -2.356396922384349, + "nauc_map_at_10_diff1": 43.1606520154482, + "nauc_map_at_10_max": 39.33734650558226, + "nauc_map_at_10_std": -2.5156222475075256, + "nauc_map_at_1_diff1": 46.2178975214499, + "nauc_map_at_1_max": 36.26173199049361, + "nauc_map_at_1_std": -3.0897555582816443, + "nauc_map_at_20_diff1": 43.272980702916456, + "nauc_map_at_20_max": 39.4896977052276, + "nauc_map_at_20_std": -2.3305501742917043, + "nauc_map_at_3_diff1": 43.49525042967079, + "nauc_map_at_3_max": 38.66352501824728, + "nauc_map_at_3_std": -3.202794391620473, + "nauc_map_at_5_diff1": 43.2266692546611, + "nauc_map_at_5_max": 38.77368661115743, + "nauc_map_at_5_std": -3.0897532130127954, + "nauc_mrr_at_1000_diff1": 43.32474221868009, + "nauc_mrr_at_1000_max": 39.407334029058575, + "nauc_mrr_at_1000_std": -2.3728154448932606, + "nauc_mrr_at_100_diff1": 43.32336300929909, + "nauc_mrr_at_100_max": 39.432174777554835, + "nauc_mrr_at_100_std": -2.356396922384349, + "nauc_mrr_at_10_diff1": 43.1606520154482, + "nauc_mrr_at_10_max": 39.33734650558226, + "nauc_mrr_at_10_std": -2.5156222475075256, + "nauc_mrr_at_1_diff1": 46.2178975214499, + "nauc_mrr_at_1_max": 36.26173199049361, + "nauc_mrr_at_1_std": -3.0897555582816443, + "nauc_mrr_at_20_diff1": 43.272980702916456, + "nauc_mrr_at_20_max": 39.4896977052276, + "nauc_mrr_at_20_std": -2.3305501742917043, + "nauc_mrr_at_3_diff1": 43.49525042967079, + "nauc_mrr_at_3_max": 38.66352501824728, + "nauc_mrr_at_3_std": -3.202794391620473, + "nauc_mrr_at_5_diff1": 43.2266692546611, + "nauc_mrr_at_5_max": 38.77368661115743, + "nauc_mrr_at_5_std": -3.0897532130127954, + "nauc_ndcg_at_1000_diff1": 43.01903168202974, + "nauc_ndcg_at_1000_max": 40.75496622942232, + "nauc_ndcg_at_1000_std": -1.3150412981845496, + "nauc_ndcg_at_100_diff1": 42.98016493758145, + "nauc_ndcg_at_100_max": 41.55869635162325, + "nauc_ndcg_at_100_std": -0.5355252976886055, + "nauc_ndcg_at_10_diff1": 42.218755211347506, + "nauc_ndcg_at_10_max": 41.305042275175765, + "nauc_ndcg_at_10_std": -1.4034484444573714, + "nauc_ndcg_at_1_diff1": 46.2178975214499, + "nauc_ndcg_at_1_max": 36.26173199049361, + "nauc_ndcg_at_1_std": -3.0897555582816443, + "nauc_ndcg_at_20_diff1": 42.66574440095576, + "nauc_ndcg_at_20_max": 42.014620115124515, + "nauc_ndcg_at_20_std": -0.5176162553751498, + "nauc_ndcg_at_3_diff1": 42.837450505106055, + "nauc_ndcg_at_3_max": 39.525369733082414, + "nauc_ndcg_at_3_std": -3.1605948245795155, + "nauc_ndcg_at_5_diff1": 42.37951815451173, + "nauc_ndcg_at_5_max": 39.78840132935179, + "nauc_ndcg_at_5_std": -2.936898430768135, + "nauc_precision_at_1000_diff1": 49.69224988612385, + "nauc_precision_at_1000_max": 79.57897547128005, + "nauc_precision_at_1000_std": 45.040371354764645, + "nauc_precision_at_100_diff1": 42.70597486048422, + "nauc_precision_at_100_max": 65.74628759606188, + "nauc_precision_at_100_std": 25.49157745244855, + "nauc_precision_at_10_diff1": 38.565609931689345, + "nauc_precision_at_10_max": 50.0239696180852, + "nauc_precision_at_10_std": 3.976354829503967, + "nauc_precision_at_1_diff1": 46.2178975214499, + "nauc_precision_at_1_max": 36.26173199049361, + "nauc_precision_at_1_std": -3.0897555582816443, + "nauc_precision_at_20_diff1": 40.4134718566864, + "nauc_precision_at_20_max": 57.121778108665374, + "nauc_precision_at_20_std": 11.46021975428544, + "nauc_precision_at_3_diff1": 40.90538379461529, + "nauc_precision_at_3_max": 42.18393248057992, + "nauc_precision_at_3_std": -3.005249943837297, + "nauc_precision_at_5_diff1": 39.60162965860782, + "nauc_precision_at_5_max": 43.28317158174058, + "nauc_precision_at_5_std": -2.3469094487738054, + "nauc_recall_at_1000_diff1": 49.69224988612252, + "nauc_recall_at_1000_max": 79.57897547127862, + "nauc_recall_at_1000_std": 45.04037135476256, + "nauc_recall_at_100_diff1": 42.70597486048432, + "nauc_recall_at_100_max": 65.74628759606213, + "nauc_recall_at_100_std": 25.491577452448727, + "nauc_recall_at_10_diff1": 38.56560993168935, + "nauc_recall_at_10_max": 50.02396961808522, + "nauc_recall_at_10_std": 3.9763548295040314, + "nauc_recall_at_1_diff1": 46.2178975214499, + "nauc_recall_at_1_max": 36.26173199049361, + "nauc_recall_at_1_std": -3.0897555582816443, + "nauc_recall_at_20_diff1": 40.41347185668637, + "nauc_recall_at_20_max": 57.12177810866533, + "nauc_recall_at_20_std": 11.460219754285431, + "nauc_recall_at_3_diff1": 40.90538379461527, + "nauc_recall_at_3_max": 42.18393248057989, + "nauc_recall_at_3_std": -3.005249943837297, + "nauc_recall_at_5_diff1": 39.601629658607784, + "nauc_recall_at_5_max": 43.28317158174053, + "nauc_recall_at_5_std": -2.3469094487738054, + "ndcg_at_1": 37.047000000000004, + "ndcg_at_10": 54.284, + "ndcg_at_100": 58.34, + "ndcg_at_1000": 59.303, + "ndcg_at_20": 56.235, + "ndcg_at_3": 48.503, + "ndcg_at_5": 51.686, + "precision_at_1": 37.047000000000004, + "precision_at_10": 7.237, + "precision_at_100": 0.914, + "precision_at_1000": 0.099, + "precision_at_20": 4.005, + "precision_at_3": 18.898, + "precision_at_5": 12.884, + "recall_at_1": 37.047000000000004, + "recall_at_10": 72.366, + "recall_at_100": 91.408, + "recall_at_1000": 99.136, + "recall_at_20": 80.095, + "recall_at_3": 56.693000000000005, + "recall_at_5": 64.42099999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/AlloprofReranking.json b/results/DivineNnamdi__jina-embeddings-v3/external/AlloprofReranking.json new file mode 100644 index 000000000..5b9ec1fc4 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/AlloprofReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e40c8a63ce02da43200eccb5b0846fcaa888f562", + "task_name": "AlloprofReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map": 66.39013753839347, + "mrr": 67.68045617786551, + "main_score": 66.39013753839347 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/AmazonCounterfactualClassification.json b/results/DivineNnamdi__jina-embeddings-v3/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..fa66fea8c --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/AmazonCounterfactualClassification.json @@ -0,0 +1,34 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 89.49253731343283, + "ap": 61.88098616359918, + "ap_weighted": 61.88098616359918, + "f1": 84.76516623679144, + "f1_weighted": 89.92745276292968, + "main_score": 89.49253731343283 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 89.61456102783727, + "ap": 93.11816566733742, + "ap_weighted": 93.11816566733742, + "f1": 88.27635757733722, + "f1_weighted": 89.82581568285453, + "main_score": 89.61456102783727 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/AmazonPolarityClassification.json b/results/DivineNnamdi__jina-embeddings-v3/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..9e25895e4 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/AmazonPolarityClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 95.3825, + "ap": 93.393033869502, + "ap_weighted": 93.393033869502, + "f1": 95.38109007966307, + "f1_weighted": 95.38109007966305, + "main_score": 95.3825 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/AmazonReviewsClassification.json b/results/DivineNnamdi__jina-embeddings-v3/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..432461aba --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/AmazonReviewsClassification.json @@ -0,0 +1,60 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 49.768, + "f1": 48.95084821944411, + "f1_weighted": 48.9508482194441, + "main_score": 49.768 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 48.071999999999996, + "f1": 47.24171107487612, + "f1_weighted": 47.24171107487612, + "main_score": 48.071999999999996 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 48.102000000000004, + "f1": 47.27193805278696, + "f1_weighted": 47.27193805278696, + "main_score": 48.102000000000004 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 47.30800000000001, + "f1": 46.41683358017851, + "f1_weighted": 46.41683358017851, + "main_score": 47.30800000000001 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 44.944, + "f1": 44.223824487744395, + "f1_weighted": 44.22382448774439, + "main_score": 44.944 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/ArguAna-PL.json b/results/DivineNnamdi__jina-embeddings-v3/external/ArguAna-PL.json new file mode 100644 index 000000000..dbc1f77ef --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/ArguAna-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "63fc86750af76253e8c760fc9e534bbf24d260a2", + "task_name": "ArguAna-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 50.117999999999995, + "map_at_1": 24.253, + "map_at_10": 40.725, + "map_at_100": 41.699999999999996, + "map_at_1000": 41.707, + "map_at_20": 41.467999999999996, + "map_at_3": 35.467, + "map_at_5": 38.291, + "mrr_at_1": 24.751066856330013, + "mrr_at_10": 40.91063808169072, + "mrr_at_100": 41.885497923928675, + "mrr_at_1000": 41.89301098419842, + "mrr_at_20": 41.653552355442514, + "mrr_at_3": 35.656709340919775, + "mrr_at_5": 38.466097676623946, + "nauc_map_at_1000_diff1": 7.503000359807567, + "nauc_map_at_1000_max": -11.030405164830546, + "nauc_map_at_1000_std": -8.902792782585117, + "nauc_map_at_100_diff1": 7.509899249593199, + "nauc_map_at_100_max": -11.023581259404406, + "nauc_map_at_100_std": -8.892241185067272, + "nauc_map_at_10_diff1": 7.24369711881512, + "nauc_map_at_10_max": -10.810000200433278, + "nauc_map_at_10_std": -8.987230542165776, + "nauc_map_at_1_diff1": 11.37175831832417, + "nauc_map_at_1_max": -13.315221903223055, + "nauc_map_at_1_std": -9.398199605510275, + "nauc_map_at_20_diff1": 7.477364530860648, + "nauc_map_at_20_max": -10.901251218105566, + "nauc_map_at_20_std": -8.868148116405925, + "nauc_map_at_3_diff1": 6.555548802174882, + "nauc_map_at_3_max": -12.247274800542934, + "nauc_map_at_3_std": -9.879475250984811, + "nauc_map_at_5_diff1": 7.426588563355882, + "nauc_map_at_5_max": -11.347695686001805, + "nauc_map_at_5_std": -9.34441892203972, + "nauc_mrr_at_1000_diff1": 5.99737552143614, + "nauc_mrr_at_1000_max": -11.327205136505727, + "nauc_mrr_at_1000_std": -8.791079115519503, + "nauc_mrr_at_100_diff1": 6.004622525255784, + "nauc_mrr_at_100_max": -11.320336759899723, + "nauc_mrr_at_100_std": -8.780602249831777, + "nauc_mrr_at_10_diff1": 5.783623516930227, + "nauc_mrr_at_10_max": -11.095971693467078, + "nauc_mrr_at_10_std": -8.877242032013582, + "nauc_mrr_at_1_diff1": 9.694937537703797, + "nauc_mrr_at_1_max": -12.531905083727912, + "nauc_mrr_at_1_std": -8.903992940100146, + "nauc_mrr_at_20_diff1": 5.984841206233873, + "nauc_mrr_at_20_max": -11.195236951048969, + "nauc_mrr_at_20_std": -8.757266039186018, + "nauc_mrr_at_3_diff1": 5.114333824261379, + "nauc_mrr_at_3_max": -12.64809799843464, + "nauc_mrr_at_3_std": -9.791146138025184, + "nauc_mrr_at_5_diff1": 5.88941606224512, + "nauc_mrr_at_5_max": -11.763903418071918, + "nauc_mrr_at_5_std": -9.279175712709446, + "nauc_ndcg_at_1000_diff1": 7.076950652226086, + "nauc_ndcg_at_1000_max": -10.386482092087371, + "nauc_ndcg_at_1000_std": -8.309190917074046, + "nauc_ndcg_at_100_diff1": 7.2329220284865245, + "nauc_ndcg_at_100_max": -10.208048403220337, + "nauc_ndcg_at_100_std": -7.997975874274613, + "nauc_ndcg_at_10_diff1": 6.065391100006953, + "nauc_ndcg_at_10_max": -9.046164377601153, + "nauc_ndcg_at_10_std": -8.34724889697153, + "nauc_ndcg_at_1_diff1": 11.37175831832417, + "nauc_ndcg_at_1_max": -13.315221903223055, + "nauc_ndcg_at_1_std": -9.398199605510275, + "nauc_ndcg_at_20_diff1": 6.949389989202601, + "nauc_ndcg_at_20_max": -9.35740451760307, + "nauc_ndcg_at_20_std": -7.761295171828212, + "nauc_ndcg_at_3_diff1": 5.051471796151364, + "nauc_ndcg_at_3_max": -12.158763333711653, + "nauc_ndcg_at_3_std": -10.078902544421926, + "nauc_ndcg_at_5_diff1": 6.527454512611454, + "nauc_ndcg_at_5_max": -10.525118233848586, + "nauc_ndcg_at_5_std": -9.120055125584031, + "nauc_precision_at_1000_diff1": -10.6495668199151, + "nauc_precision_at_1000_max": 12.070656425217841, + "nauc_precision_at_1000_std": 55.844551709649004, + "nauc_precision_at_100_diff1": 19.206967129266285, + "nauc_precision_at_100_max": 16.296851020813456, + "nauc_precision_at_100_std": 45.60378984257811, + "nauc_precision_at_10_diff1": 0.6490335354304879, + "nauc_precision_at_10_max": 0.5757198255366447, + "nauc_precision_at_10_std": -4.875847131691451, + "nauc_precision_at_1_diff1": 11.37175831832417, + "nauc_precision_at_1_max": -13.315221903223055, + "nauc_precision_at_1_std": -9.398199605510275, + "nauc_precision_at_20_diff1": 4.899369866929203, + "nauc_precision_at_20_max": 5.988537297189552, + "nauc_precision_at_20_std": 4.830900387582837, + "nauc_precision_at_3_diff1": 0.8791156910997744, + "nauc_precision_at_3_max": -11.983373635905993, + "nauc_precision_at_3_std": -10.646185111581257, + "nauc_precision_at_5_diff1": 3.9314486166548432, + "nauc_precision_at_5_max": -7.798591396895839, + "nauc_precision_at_5_std": -8.293043407234125, + "nauc_recall_at_1000_diff1": -10.649566819918673, + "nauc_recall_at_1000_max": 12.070656425214647, + "nauc_recall_at_1000_std": 55.84455170965023, + "nauc_recall_at_100_diff1": 19.206967129265127, + "nauc_recall_at_100_max": 16.296851020813722, + "nauc_recall_at_100_std": 45.60378984257728, + "nauc_recall_at_10_diff1": 0.6490335354304176, + "nauc_recall_at_10_max": 0.5757198255366095, + "nauc_recall_at_10_std": -4.875847131691468, + "nauc_recall_at_1_diff1": 11.37175831832417, + "nauc_recall_at_1_max": -13.315221903223055, + "nauc_recall_at_1_std": -9.398199605510275, + "nauc_recall_at_20_diff1": 4.899369866929402, + "nauc_recall_at_20_max": 5.98853729718968, + "nauc_recall_at_20_std": 4.830900387582967, + "nauc_recall_at_3_diff1": 0.8791156910997652, + "nauc_recall_at_3_max": -11.983373635905997, + "nauc_recall_at_3_std": -10.64618511158124, + "nauc_recall_at_5_diff1": 3.9314486166548472, + "nauc_recall_at_5_max": -7.7985913968958585, + "nauc_recall_at_5_std": -8.293043407234132, + "ndcg_at_1": 24.253, + "ndcg_at_10": 50.117999999999995, + "ndcg_at_100": 54.291999999999994, + "ndcg_at_1000": 54.44799999999999, + "ndcg_at_20": 52.771, + "ndcg_at_3": 39.296, + "ndcg_at_5": 44.373000000000005, + "precision_at_1": 24.253, + "precision_at_10": 8.016, + "precision_at_100": 0.984, + "precision_at_1000": 0.1, + "precision_at_20": 4.527, + "precision_at_3": 16.808999999999997, + "precision_at_5": 12.546, + "recall_at_1": 24.253, + "recall_at_10": 80.156, + "recall_at_100": 98.43499999999999, + "recall_at_1000": 99.57300000000001, + "recall_at_20": 90.54100000000001, + "recall_at_3": 50.427, + "recall_at_5": 62.731 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/ArguAna.json b/results/DivineNnamdi__jina-embeddings-v3/external/ArguAna.json new file mode 100644 index 000000000..34c9931c9 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/ArguAna.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.232000000000003, + "map_at_10": 45.117000000000004, + "map_at_100": 45.977000000000004, + "map_at_1000": 45.98, + "map_at_20": 45.815, + "map_at_3": 39.912, + "map_at_5": 42.693, + "mrr_at_1": 29.659000000000002, + "mrr_at_10": 45.253, + "mrr_at_100": 46.125, + "mrr_at_1000": 46.129, + "mrr_at_20": 45.964, + "mrr_at_3": 40.043, + "mrr_at_5": 42.870000000000005, + "ndcg_at_1": 29.232000000000003, + "ndcg_at_10": 54.327999999999996, + "ndcg_at_100": 57.86, + "ndcg_at_1000": 57.935, + "ndcg_at_20": 56.794, + "ndcg_at_3": 43.516, + "ndcg_at_5": 48.512, + "precision_at_1": 29.232000000000003, + "precision_at_10": 8.393, + "precision_at_100": 0.991, + "precision_at_1000": 0.1, + "precision_at_20": 4.676, + "precision_at_3": 17.994, + "precision_at_5": 13.215, + "recall_at_1": 29.232000000000003, + "recall_at_10": 83.926, + "recall_at_100": 99.075, + "recall_at_1000": 99.644, + "recall_at_20": 93.528, + "recall_at_3": 53.983000000000004, + "recall_at_5": 66.074, + "main_score": 54.327999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/ArxivClusteringP2P.json b/results/DivineNnamdi__jina-embeddings-v3/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..c34287600 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/ArxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 46.6636824632419, + "v_measure": 46.6636824632419, + "v_measure_std": 13.817129140714963 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/ArxivClusteringS2S.json b/results/DivineNnamdi__jina-embeddings-v3/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..211f674a4 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/ArxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 39.271141892800024, + "v_measure": 39.271141892800024, + "v_measure_std": 14.276782483454827 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/AskUbuntuDupQuestions.json b/results/DivineNnamdi__jina-embeddings-v3/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..c3f30b7e0 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 65.04363277324629, + "mrr": 78.2372598162072, + "main_score": 65.04363277324629 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/BIOSSES.json b/results/DivineNnamdi__jina-embeddings-v3/external/BIOSSES.json new file mode 100644 index 000000000..3019883d4 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 88.80382082011027, + "cosine_spearman": 88.68876782169106, + "euclidean_pearson": 87.00802890147176, + "euclidean_spearman": 87.43211268192712, + "main_score": 88.68876782169106, + "manhattan_pearson": 87.14062537179474, + "manhattan_spearman": 87.59115245033443, + "pearson": 88.80382082011027, + "spearman": 88.68876782169106 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/BQ.json b/results/DivineNnamdi__jina-embeddings-v3/external/BQ.json new file mode 100644 index 000000000..b279a30fb --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/BQ.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e3dda5e115e487b39ec7e618c0c6a29137052a55", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 61.588006604878196, + "cosine_spearman": 63.20615427154465, + "euclidean_pearson": 61.818547092516496, + "euclidean_spearman": 63.21558009151778, + "main_score": 63.20615427154465, + "manhattan_pearson": 61.665588158487616, + "manhattan_spearman": 63.051544488238584, + "pearson": 61.588006604878196, + "spearman": 63.20615427154465 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/BSARDRetrieval.json b/results/DivineNnamdi__jina-embeddings-v3/external/BSARDRetrieval.json new file mode 100644 index 000000000..ca273bae5 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/BSARDRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "5effa1b9b5fa3b0f9e12523e6e43e5f86a6e6d59", + "task_name": "BSARDRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "main_score": 64.414, + "map_at_1": 14.865, + "map_at_10": 21.605, + "map_at_100": 22.762, + "map_at_1000": 22.854, + "map_at_20": 22.259999999999998, + "map_at_3": 20.119999999999997, + "map_at_5": 20.931, + "mrr_at_1": 14.864864864864865, + "mrr_at_10": 21.605176605176606, + "mrr_at_100": 22.7622306460065, + "mrr_at_1000": 22.85383406410312, + "mrr_at_20": 22.259528463088845, + "mrr_at_3": 20.12012012012012, + "mrr_at_5": 20.930930930930934, + "nauc_map_at_1000_diff1": 17.486265968689338, + "nauc_map_at_1000_max": 22.736799291688836, + "nauc_map_at_1000_std": 9.831687441977147, + "nauc_map_at_100_diff1": 17.50754492049086, + "nauc_map_at_100_max": 22.77693662806787, + "nauc_map_at_100_std": 9.853899509675395, + "nauc_map_at_10_diff1": 17.42133968580952, + "nauc_map_at_10_max": 22.45861793882279, + "nauc_map_at_10_std": 8.964888472915938, + "nauc_map_at_1_diff1": 19.433947086968093, + "nauc_map_at_1_max": 24.75657047550517, + "nauc_map_at_1_std": 15.122329157218505, + "nauc_map_at_20_diff1": 17.429856756008785, + "nauc_map_at_20_max": 22.438850987431017, + "nauc_map_at_20_std": 9.172746012213558, + "nauc_map_at_3_diff1": 18.218182689678475, + "nauc_map_at_3_max": 23.57169444088667, + "nauc_map_at_3_std": 10.464473559366356, + "nauc_map_at_5_diff1": 18.6075342519133, + "nauc_map_at_5_max": 23.308845973576673, + "nauc_map_at_5_std": 9.364009996445652, + "nauc_mrr_at_1000_diff1": 17.486265968689338, + "nauc_mrr_at_1000_max": 22.736799291688836, + "nauc_mrr_at_1000_std": 9.831687441977147, + "nauc_mrr_at_100_diff1": 17.50754492049086, + "nauc_mrr_at_100_max": 22.77693662806787, + "nauc_mrr_at_100_std": 9.853899509675395, + "nauc_mrr_at_10_diff1": 17.42133968580952, + "nauc_mrr_at_10_max": 22.45861793882279, + "nauc_mrr_at_10_std": 8.964888472915938, + "nauc_mrr_at_1_diff1": 19.433947086968093, + "nauc_mrr_at_1_max": 24.75657047550517, + "nauc_mrr_at_1_std": 15.122329157218505, + "nauc_mrr_at_20_diff1": 17.429856756008785, + "nauc_mrr_at_20_max": 22.438850987431017, + "nauc_mrr_at_20_std": 9.172746012213558, + "nauc_mrr_at_3_diff1": 18.218182689678475, + "nauc_mrr_at_3_max": 23.57169444088667, + "nauc_mrr_at_3_std": 10.464473559366356, + "nauc_mrr_at_5_diff1": 18.6075342519133, + "nauc_mrr_at_5_max": 23.308845973576673, + "nauc_mrr_at_5_std": 9.364009996445652, + "nauc_ndcg_at_1000_diff1": 16.327871824135745, + "nauc_ndcg_at_1000_max": 23.308241052911495, + "nauc_ndcg_at_1000_std": 11.50905911184097, + "nauc_ndcg_at_100_diff1": 16.676226744692773, + "nauc_ndcg_at_100_max": 24.323253721240974, + "nauc_ndcg_at_100_std": 11.952612443651557, + "nauc_ndcg_at_10_diff1": 16.030325121764594, + "nauc_ndcg_at_10_max": 21.306799242079542, + "nauc_ndcg_at_10_std": 6.63359364302513, + "nauc_ndcg_at_1_diff1": 19.433947086968093, + "nauc_ndcg_at_1_max": 24.75657047550517, + "nauc_ndcg_at_1_std": 15.122329157218505, + "nauc_ndcg_at_20_diff1": 16.013173605999857, + "nauc_ndcg_at_20_max": 21.607217260736576, + "nauc_ndcg_at_20_std": 7.319482417138996, + "nauc_ndcg_at_3_diff1": 17.97958548328493, + "nauc_ndcg_at_3_max": 23.58346522810145, + "nauc_ndcg_at_3_std": 9.392582854708314, + "nauc_ndcg_at_5_diff1": 18.734733324685287, + "nauc_ndcg_at_5_max": 23.273244317623742, + "nauc_ndcg_at_5_std": 7.638611545253834, + "nauc_precision_at_1000_diff1": 7.919843339380295, + "nauc_precision_at_1000_max": 31.575386234270486, + "nauc_precision_at_1000_std": 39.332224386769404, + "nauc_precision_at_100_diff1": 15.018050960000052, + "nauc_precision_at_100_max": 34.98209513759861, + "nauc_precision_at_100_std": 26.970034484359022, + "nauc_precision_at_10_diff1": 12.102191084210922, + "nauc_precision_at_10_max": 18.112541150340675, + "nauc_precision_at_10_std": 0.7358784689406018, + "nauc_precision_at_1_diff1": 19.433947086968093, + "nauc_precision_at_1_max": 24.75657047550517, + "nauc_precision_at_1_std": 15.122329157218505, + "nauc_precision_at_20_diff1": 12.018814361204328, + "nauc_precision_at_20_max": 19.75123746049928, + "nauc_precision_at_20_std": 3.012204650582264, + "nauc_precision_at_3_diff1": 17.41375604940955, + "nauc_precision_at_3_max": 23.699834627021037, + "nauc_precision_at_3_std": 6.793486779050103, + "nauc_precision_at_5_diff1": 19.194631963780257, + "nauc_precision_at_5_max": 23.31708702442155, + "nauc_precision_at_5_std": 3.4591358279667332, + "nauc_recall_at_1000_diff1": 7.919843339380378, + "nauc_recall_at_1000_max": 31.57538623427063, + "nauc_recall_at_1000_std": 39.332224386769546, + "nauc_recall_at_100_diff1": 15.018050960000085, + "nauc_recall_at_100_max": 34.9820951375986, + "nauc_recall_at_100_std": 26.97003448435901, + "nauc_recall_at_10_diff1": 12.102191084210837, + "nauc_recall_at_10_max": 18.112541150340594, + "nauc_recall_at_10_std": 0.7358784689405188, + "nauc_recall_at_1_diff1": 19.433947086968093, + "nauc_recall_at_1_max": 24.75657047550517, + "nauc_recall_at_1_std": 15.122329157218505, + "nauc_recall_at_20_diff1": 12.01881436120429, + "nauc_recall_at_20_max": 19.751237460499222, + "nauc_recall_at_20_std": 3.0122046505822135, + "nauc_recall_at_3_diff1": 17.413756049409503, + "nauc_recall_at_3_max": 23.699834627020998, + "nauc_recall_at_3_std": 6.793486779050083, + "nauc_recall_at_5_diff1": 19.194631963780203, + "nauc_recall_at_5_max": 23.3170870244215, + "nauc_recall_at_5_std": 3.459135827966664, + "ndcg_at_1": 14.865, + "ndcg_at_10": 24.764, + "ndcg_at_100": 30.861, + "ndcg_at_1000": 33.628, + "ndcg_at_20": 27.078000000000003, + "ndcg_at_3": 21.675, + "ndcg_at_5": 23.148, + "precision_at_1": 14.865, + "precision_at_10": 3.4680000000000004, + "precision_at_100": 0.644, + "precision_at_1000": 0.087, + "precision_at_20": 2.185, + "precision_at_3": 8.709, + "precision_at_5": 5.946, + "recall_at_1": 14.865, + "recall_at_10": 34.685, + "recall_at_100": 64.414, + "recall_at_1000": 86.937, + "recall_at_20": 43.694, + "recall_at_3": 26.125999999999998, + "recall_at_5": 29.73 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/Banking77Classification.json b/results/DivineNnamdi__jina-embeddings-v3/external/Banking77Classification.json new file mode 100644 index 000000000..33a44abef --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/Banking77Classification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 84.08116883116882, + "f1": 84.05587055990273, + "f1_weighted": 84.05587055990274, + "main_score": 84.08116883116882 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/BiorxivClusteringP2P.json b/results/DivineNnamdi__jina-embeddings-v3/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..6c292980b --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/BiorxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 38.1941007822277, + "v_measure": 38.1941007822277, + "v_measure_std": 0.7502113547288178 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/BiorxivClusteringS2S.json b/results/DivineNnamdi__jina-embeddings-v3/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..d454da954 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/BiorxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 34.42075599178318, + "v_measure": 34.42075599178318, + "v_measure_std": 0.600256720497283 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/BlurbsClusteringP2P.json b/results/DivineNnamdi__jina-embeddings-v3/external/BlurbsClusteringP2P.json new file mode 100644 index 000000000..618fdb5bb --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/BlurbsClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a2dd5b02a77de3466a3eaa98ae586b5610314496", + "task_name": "BlurbsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "deu-Latn" + ], + "main_score": 41.634627363047265, + "v_measure": 41.634627363047265, + "v_measure_std": 9.726923191225307 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/BlurbsClusteringS2S.json b/results/DivineNnamdi__jina-embeddings-v3/external/BlurbsClusteringS2S.json new file mode 100644 index 000000000..6e06fdfd3 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/BlurbsClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "22793b6a6465bf00120ad525e38c51210858132c", + "task_name": "BlurbsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "deu-Latn" + ], + "main_score": 20.996468295584197, + "v_measure": 20.996468295584197, + "v_measure_std": 9.225766688272197 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/CBD.json b/results/DivineNnamdi__jina-embeddings-v3/external/CBD.json new file mode 100644 index 000000000..c37b4999c --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/CBD.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "36ddb419bcffe6a5374c3891957912892916f28d", + "task_name": "CBD", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 69.99, + "ap": 22.57826353116948, + "ap_weighted": 22.57826353116948, + "f1": 59.04574955548393, + "f1_weighted": 74.36235022309789, + "main_score": 69.99 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/CDSC-E.json b/results/DivineNnamdi__jina-embeddings-v3/external/CDSC-E.json new file mode 100644 index 000000000..e1e54825e --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/CDSC-E.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "0a3d4aa409b22f80eb22cbf59b492637637b536d", + "task_name": "CDSC-E", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cosine_accuracy": 88.7, + "cosine_accuracy_threshold": 97.37848043441772, + "cosine_ap": 73.0405088928302, + "cosine_f1": 63.52201257861635, + "cosine_f1_threshold": 96.98888063430786, + "cosine_precision": 78.90625, + "cosine_recall": 53.1578947368421, + "dot_accuracy": 84.89999999999999, + "dot_accuracy_threshold": 43603.09753417969, + "dot_ap": 56.98157569085279, + "dot_f1": 57.606490872210955, + "dot_f1_threshold": 40406.23779296875, + "dot_precision": 46.864686468646866, + "dot_recall": 74.73684210526315, + "euclidean_accuracy": 88.5, + "euclidean_accuracy_threshold": 498.0483055114746, + "euclidean_ap": 72.97328234816734, + "euclidean_f1": 63.722397476340696, + "euclidean_f1_threshold": 508.6186408996582, + "euclidean_precision": 79.52755905511812, + "euclidean_recall": 53.1578947368421, + "main_score": 73.0405088928302, + "manhattan_accuracy": 88.6, + "manhattan_accuracy_threshold": 12233.079528808594, + "manhattan_ap": 72.92148503992615, + "manhattan_f1": 63.69426751592356, + "manhattan_f1_threshold": 12392.754364013672, + "manhattan_precision": 80.64516129032258, + "manhattan_recall": 52.63157894736842, + "max_accuracy": 88.7, + "max_ap": 73.0405088928302, + "max_f1": 63.722397476340696, + "max_precision": 80.64516129032258, + "max_recall": 74.73684210526315, + "similarity_accuracy": 88.7, + "similarity_accuracy_threshold": 97.37848043441772, + "similarity_ap": 73.0405088928302, + "similarity_f1": 63.52201257861635, + "similarity_f1_threshold": 96.98888063430786, + "similarity_precision": 78.90625, + "similarity_recall": 53.1578947368421 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/CDSC-R.json b/results/DivineNnamdi__jina-embeddings-v3/external/CDSC-R.json new file mode 100644 index 000000000..62e063123 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/CDSC-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "1cd6abbb00df7d14be3dbd76a7dcc64b3a79a7cd", + "task_name": "CDSC-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cosine_pearson": 92.97492495289738, + "cosine_spearman": 92.63248098608472, + "euclidean_pearson": 92.04712487782031, + "euclidean_spearman": 92.19679486755008, + "main_score": 92.63248098608472, + "manhattan_pearson": 92.0101187740438, + "manhattan_spearman": 92.20926859332754, + "pearson": 92.97492495289738, + "spearman": 92.63248098608472 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/CEDRClassification.json b/results/DivineNnamdi__jina-embeddings-v3/external/CEDRClassification.json new file mode 100644 index 000000000..5c9a695d1 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/CEDRClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "c0ba03d058e3e1b2f3fd20518875a4563dd12db4", + "task_name": "CEDRClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 47.30605738575983, + "f1": 41.26091043925065, + "lrap": 72.89452709883206, + "main_score": 47.30605738575983 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/CLSClusteringP2P.json b/results/DivineNnamdi__jina-embeddings-v3/external/CLSClusteringP2P.json new file mode 100644 index 000000000..8f977bc34 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/CLSClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4b6227591c6c1a73bc76b1055f3b7f3588e72476", + "task_name": "CLSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 39.96377851800628, + "v_measure": 39.96377851800628, + "v_measure_std": 0.9793033243093288 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/CLSClusteringS2S.json b/results/DivineNnamdi__jina-embeddings-v3/external/CLSClusteringS2S.json new file mode 100644 index 000000000..ccd23e0d5 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/CLSClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e458b3f5414b62b7f9f83499ac1f5497ae2e869f", + "task_name": "CLSClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 38.788850224595784, + "v_measure": 38.788850224595784, + "v_measure_std": 1.0712604145916924 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/CQADupstackAndroidRetrieval.json b/results/DivineNnamdi__jina-embeddings-v3/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..f5ad46d47 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "f46a197baaae43b4f621051089b82a364682dfeb", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 33.377, + "map_at_10": 46.371, + "map_at_100": 47.829, + "map_at_1000": 47.94, + "map_at_20": 47.205000000000005, + "map_at_3": 42.782, + "map_at_5": 44.86, + "mrr_at_1": 41.345, + "mrr_at_10": 52.187, + "mrr_at_100": 52.893, + "mrr_at_1000": 52.929, + "mrr_at_20": 52.637, + "mrr_at_3": 49.714000000000006, + "mrr_at_5": 51.373000000000005, + "ndcg_at_1": 41.345, + "ndcg_at_10": 52.946000000000005, + "ndcg_at_100": 57.92699999999999, + "ndcg_at_1000": 59.609, + "ndcg_at_20": 54.900999999999996, + "ndcg_at_3": 48.357, + "ndcg_at_5": 50.739000000000004, + "precision_at_1": 41.345, + "precision_at_10": 10.186, + "precision_at_100": 1.554, + "precision_at_1000": 0.2, + "precision_at_20": 5.959, + "precision_at_3": 23.796, + "precision_at_5": 17.024, + "recall_at_1": 33.377, + "recall_at_10": 65.067, + "recall_at_100": 86.04899999999999, + "recall_at_1000": 96.54899999999999, + "recall_at_20": 72.071, + "recall_at_3": 51.349999999999994, + "recall_at_5": 58.41, + "main_score": 52.946000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/CQADupstackEnglishRetrieval.json b/results/DivineNnamdi__jina-embeddings-v3/external/CQADupstackEnglishRetrieval.json new file mode 100644 index 000000000..e9440d022 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/CQADupstackEnglishRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "ad9991cb51e31e31e430383c75ffb2885547b5f0", + "task_name": "CQADupstackEnglishRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.097, + "map_at_10": 42.183, + "map_at_100": 43.580999999999996, + "map_at_1000": 43.718, + "map_at_20": 42.921, + "map_at_3": 38.963, + "map_at_5": 40.815, + "mrr_at_1": 39.745000000000005, + "mrr_at_10": 48.736000000000004, + "mrr_at_100": 49.405, + "mrr_at_1000": 49.452, + "mrr_at_20": 49.118, + "mrr_at_3": 46.497, + "mrr_at_5": 47.827999999999996, + "ndcg_at_1": 39.745000000000005, + "ndcg_at_10": 48.248000000000005, + "ndcg_at_100": 52.956, + "ndcg_at_1000": 54.99699999999999, + "ndcg_at_20": 50.01, + "ndcg_at_3": 43.946000000000005, + "ndcg_at_5": 46.038000000000004, + "precision_at_1": 39.745000000000005, + "precision_at_10": 9.229, + "precision_at_100": 1.5070000000000001, + "precision_at_1000": 0.199, + "precision_at_20": 5.489999999999999, + "precision_at_3": 21.38, + "precision_at_5": 15.274, + "recall_at_1": 31.097, + "recall_at_10": 58.617, + "recall_at_100": 78.55199999999999, + "recall_at_1000": 91.13900000000001, + "recall_at_20": 64.92, + "recall_at_3": 45.672000000000004, + "recall_at_5": 51.669, + "main_score": 48.248000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/CQADupstackGamingRetrieval.json b/results/DivineNnamdi__jina-embeddings-v3/external/CQADupstackGamingRetrieval.json new file mode 100644 index 000000000..27c75f658 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/CQADupstackGamingRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "4885aa143210c98657558c04aaf3dc47cfb54340", + "task_name": "CQADupstackGamingRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 39.745000000000005, + "map_at_10": 52.063, + "map_at_100": 53.077, + "map_at_1000": 53.13, + "map_at_20": 52.66, + "map_at_3": 48.662, + "map_at_5": 50.507000000000005, + "mrr_at_1": 45.391999999999996, + "mrr_at_10": 55.528, + "mrr_at_100": 56.16100000000001, + "mrr_at_1000": 56.192, + "mrr_at_20": 55.923, + "mrr_at_3": 52.93600000000001, + "mrr_at_5": 54.435, + "ndcg_at_1": 45.391999999999996, + "ndcg_at_10": 58.019, + "ndcg_at_100": 61.936, + "ndcg_at_1000": 63.015, + "ndcg_at_20": 59.691, + "ndcg_at_3": 52.294, + "ndcg_at_5": 55.017, + "precision_at_1": 45.391999999999996, + "precision_at_10": 9.386, + "precision_at_100": 1.232, + "precision_at_1000": 0.136, + "precision_at_20": 5.223, + "precision_at_3": 23.177, + "precision_at_5": 15.9, + "recall_at_1": 39.745000000000005, + "recall_at_10": 72.08099999999999, + "recall_at_100": 88.85300000000001, + "recall_at_1000": 96.569, + "recall_at_20": 78.203, + "recall_at_3": 56.957, + "recall_at_5": 63.63100000000001, + "main_score": 58.019 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/CQADupstackGisRetrieval.json b/results/DivineNnamdi__jina-embeddings-v3/external/CQADupstackGisRetrieval.json new file mode 100644 index 000000000..caab76c07 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/CQADupstackGisRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "5003b3064772da1887988e05400cf3806fe491f2", + "task_name": "CQADupstackGisRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.651999999999997, + "map_at_10": 35.799, + "map_at_100": 36.846000000000004, + "map_at_1000": 36.931000000000004, + "map_at_20": 36.341, + "map_at_3": 32.999, + "map_at_5": 34.597, + "mrr_at_1": 28.814, + "mrr_at_10": 37.869, + "mrr_at_100": 38.728, + "mrr_at_1000": 38.795, + "mrr_at_20": 38.317, + "mrr_at_3": 35.235, + "mrr_at_5": 36.738, + "ndcg_at_1": 28.814, + "ndcg_at_10": 41.028, + "ndcg_at_100": 46.162, + "ndcg_at_1000": 48.15, + "ndcg_at_20": 42.824, + "ndcg_at_3": 35.621, + "ndcg_at_5": 38.277, + "precision_at_1": 28.814, + "precision_at_10": 6.361999999999999, + "precision_at_100": 0.9450000000000001, + "precision_at_1000": 0.11399999999999999, + "precision_at_20": 3.6159999999999997, + "precision_at_3": 15.140999999999998, + "precision_at_5": 10.712000000000002, + "recall_at_1": 26.651999999999997, + "recall_at_10": 55.038, + "recall_at_100": 78.806, + "recall_at_1000": 93.485, + "recall_at_20": 61.742, + "recall_at_3": 40.682, + "recall_at_5": 46.855000000000004, + "main_score": 41.028 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/CQADupstackMathematicaRetrieval.json b/results/DivineNnamdi__jina-embeddings-v3/external/CQADupstackMathematicaRetrieval.json new file mode 100644 index 000000000..cf121ecf7 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/CQADupstackMathematicaRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "90fceea13679c63fe563ded68f3b6f06e50061de", + "task_name": "CQADupstackMathematicaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.627000000000002, + "map_at_10": 26.436999999999998, + "map_at_100": 27.85, + "map_at_1000": 27.955999999999996, + "map_at_20": 27.233, + "map_at_3": 23.777, + "map_at_5": 25.122, + "mrr_at_1": 22.387999999999998, + "mrr_at_10": 31.589, + "mrr_at_100": 32.641999999999996, + "mrr_at_1000": 32.696999999999996, + "mrr_at_20": 32.201, + "mrr_at_3": 28.98, + "mrr_at_5": 30.342000000000002, + "ndcg_at_1": 22.387999999999998, + "ndcg_at_10": 32.129999999999995, + "ndcg_at_100": 38.562999999999995, + "ndcg_at_1000": 40.903, + "ndcg_at_20": 34.652, + "ndcg_at_3": 27.26, + "ndcg_at_5": 29.235, + "precision_at_1": 22.387999999999998, + "precision_at_10": 5.970000000000001, + "precision_at_100": 1.068, + "precision_at_1000": 0.13899999999999998, + "precision_at_20": 3.6999999999999997, + "precision_at_3": 13.267000000000001, + "precision_at_5": 9.403, + "recall_at_1": 17.627000000000002, + "recall_at_10": 44.71, + "recall_at_100": 72.426, + "recall_at_1000": 88.64699999999999, + "recall_at_20": 53.65, + "recall_at_3": 30.989, + "recall_at_5": 36.237, + "main_score": 32.129999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/CQADupstackPhysicsRetrieval.json b/results/DivineNnamdi__jina-embeddings-v3/external/CQADupstackPhysicsRetrieval.json new file mode 100644 index 000000000..367057375 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/CQADupstackPhysicsRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "79531abbd1fb92d06c6d6315a0cbbbf5bb247ea4", + "task_name": "CQADupstackPhysicsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.891000000000002, + "map_at_10": 41.519, + "map_at_100": 42.896, + "map_at_1000": 42.992999999999995, + "map_at_20": 42.287, + "map_at_3": 37.822, + "map_at_5": 39.976, + "mrr_at_1": 37.921, + "mrr_at_10": 47.260999999999996, + "mrr_at_100": 48.044, + "mrr_at_1000": 48.08, + "mrr_at_20": 47.699999999999996, + "mrr_at_3": 44.513999999999996, + "mrr_at_5": 46.064, + "ndcg_at_1": 37.921, + "ndcg_at_10": 47.806, + "ndcg_at_100": 53.274, + "ndcg_at_1000": 55.021, + "ndcg_at_20": 49.973, + "ndcg_at_3": 42.046, + "ndcg_at_5": 44.835, + "precision_at_1": 37.921, + "precision_at_10": 8.767999999999999, + "precision_at_100": 1.353, + "precision_at_1000": 0.168, + "precision_at_20": 5.135, + "precision_at_3": 20.051, + "precision_at_5": 14.398, + "recall_at_1": 30.891000000000002, + "recall_at_10": 60.897999999999996, + "recall_at_100": 83.541, + "recall_at_1000": 94.825, + "recall_at_20": 68.356, + "recall_at_3": 44.65, + "recall_at_5": 51.919000000000004, + "main_score": 47.806 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/CQADupstackProgrammersRetrieval.json b/results/DivineNnamdi__jina-embeddings-v3/external/CQADupstackProgrammersRetrieval.json new file mode 100644 index 000000000..64bf5f725 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/CQADupstackProgrammersRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "6184bc1440d2dbc7612be22b50686b8826d22b32", + "task_name": "CQADupstackProgrammersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.654, + "map_at_10": 38.025999999999996, + "map_at_100": 39.425, + "map_at_1000": 39.528, + "map_at_20": 38.838, + "map_at_3": 34.745, + "map_at_5": 36.537, + "mrr_at_1": 34.018, + "mrr_at_10": 43.314, + "mrr_at_100": 44.283, + "mrr_at_1000": 44.327, + "mrr_at_20": 43.929, + "mrr_at_3": 40.868, + "mrr_at_5": 42.317, + "ndcg_at_1": 34.018, + "ndcg_at_10": 43.887, + "ndcg_at_100": 49.791000000000004, + "ndcg_at_1000": 51.834, + "ndcg_at_20": 46.376, + "ndcg_at_3": 38.769999999999996, + "ndcg_at_5": 41.144, + "precision_at_1": 34.018, + "precision_at_10": 8.001999999999999, + "precision_at_100": 1.2630000000000001, + "precision_at_1000": 0.16, + "precision_at_20": 4.737, + "precision_at_3": 18.417, + "precision_at_5": 13.150999999999998, + "recall_at_1": 27.654, + "recall_at_10": 56.111, + "recall_at_100": 81.136, + "recall_at_1000": 94.788, + "recall_at_20": 65.068, + "recall_at_3": 41.713, + "recall_at_5": 48.106, + "main_score": 43.887 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/CQADupstackStatsRetrieval.json b/results/DivineNnamdi__jina-embeddings-v3/external/CQADupstackStatsRetrieval.json new file mode 100644 index 000000000..aaf816ced --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/CQADupstackStatsRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "65ac3a16b8e91f9cee4c9828cc7c335575432a2a", + "task_name": "CQADupstackStatsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.501, + "map_at_10": 32.814, + "map_at_100": 33.754, + "map_at_1000": 33.859, + "map_at_20": 33.324, + "map_at_3": 30.758000000000003, + "map_at_5": 31.936999999999998, + "mrr_at_1": 27.761000000000003, + "mrr_at_10": 35.662, + "mrr_at_100": 36.443999999999996, + "mrr_at_1000": 36.516999999999996, + "mrr_at_20": 36.085, + "mrr_at_3": 33.742, + "mrr_at_5": 34.931, + "ndcg_at_1": 27.761000000000003, + "ndcg_at_10": 37.208000000000006, + "ndcg_at_100": 41.839, + "ndcg_at_1000": 44.421, + "ndcg_at_20": 38.917, + "ndcg_at_3": 33.544000000000004, + "ndcg_at_5": 35.374, + "precision_at_1": 27.761000000000003, + "precision_at_10": 5.92, + "precision_at_100": 0.899, + "precision_at_1000": 0.12, + "precision_at_20": 3.4130000000000003, + "precision_at_3": 15.031, + "precision_at_5": 10.306999999999999, + "recall_at_1": 24.501, + "recall_at_10": 47.579, + "recall_at_100": 69.045, + "recall_at_1000": 88.032, + "recall_at_20": 54.125, + "recall_at_3": 37.202, + "recall_at_5": 41.927, + "main_score": 37.208000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/CQADupstackTexRetrieval.json b/results/DivineNnamdi__jina-embeddings-v3/external/CQADupstackTexRetrieval.json new file mode 100644 index 000000000..906a3dd11 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/CQADupstackTexRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "46989137a86843e03a6195de44b09deda022eec7", + "task_name": "CQADupstackTexRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.29, + "map_at_10": 26.183, + "map_at_100": 27.351999999999997, + "map_at_1000": 27.483999999999998, + "map_at_20": 26.798, + "map_at_3": 23.629, + "map_at_5": 24.937, + "mrr_at_1": 22.299, + "mrr_at_10": 30.189, + "mrr_at_100": 31.098, + "mrr_at_1000": 31.177, + "mrr_at_20": 30.697000000000003, + "mrr_at_3": 27.862, + "mrr_at_5": 29.066, + "ndcg_at_1": 22.299, + "ndcg_at_10": 31.202, + "ndcg_at_100": 36.617, + "ndcg_at_1000": 39.544000000000004, + "ndcg_at_20": 33.177, + "ndcg_at_3": 26.639000000000003, + "ndcg_at_5": 28.526, + "precision_at_1": 22.299, + "precision_at_10": 5.8020000000000005, + "precision_at_100": 1.0070000000000001, + "precision_at_1000": 0.14400000000000002, + "precision_at_20": 3.505, + "precision_at_3": 12.698, + "precision_at_5": 9.174, + "recall_at_1": 18.29, + "recall_at_10": 42.254999999999995, + "recall_at_100": 66.60000000000001, + "recall_at_1000": 87.31400000000001, + "recall_at_20": 49.572, + "recall_at_3": 29.342000000000002, + "recall_at_5": 34.221000000000004, + "main_score": 31.202 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/CQADupstackUnixRetrieval.json b/results/DivineNnamdi__jina-embeddings-v3/external/CQADupstackUnixRetrieval.json new file mode 100644 index 000000000..f8c0e1fb9 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/CQADupstackUnixRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "6c6430d3a6d36f8d2a829195bc5dc94d7e063e53", + "task_name": "CQADupstackUnixRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.722, + "map_at_10": 37.698, + "map_at_100": 38.899, + "map_at_1000": 38.998, + "map_at_20": 38.381, + "map_at_3": 34.244, + "map_at_5": 36.295, + "mrr_at_1": 32.183, + "mrr_at_10": 41.429, + "mrr_at_100": 42.308, + "mrr_at_1000": 42.358000000000004, + "mrr_at_20": 41.957, + "mrr_at_3": 38.401999999999994, + "mrr_at_5": 40.294999999999995, + "ndcg_at_1": 32.183, + "ndcg_at_10": 43.519000000000005, + "ndcg_at_100": 48.786, + "ndcg_at_1000": 50.861999999999995, + "ndcg_at_20": 45.654, + "ndcg_at_3": 37.521, + "ndcg_at_5": 40.615, + "precision_at_1": 32.183, + "precision_at_10": 7.603, + "precision_at_100": 1.135, + "precision_at_1000": 0.14200000000000002, + "precision_at_20": 4.408, + "precision_at_3": 17.071, + "precision_at_5": 12.668, + "recall_at_1": 27.722, + "recall_at_10": 57.230000000000004, + "recall_at_100": 79.97999999999999, + "recall_at_1000": 94.217, + "recall_at_20": 64.864, + "recall_at_3": 41.215, + "recall_at_5": 48.774, + "main_score": 43.519000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/CQADupstackWebmastersRetrieval.json b/results/DivineNnamdi__jina-embeddings-v3/external/CQADupstackWebmastersRetrieval.json new file mode 100644 index 000000000..fb301a198 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/CQADupstackWebmastersRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "160c094312a0e1facb97e55eeddb698c0abe3571", + "task_name": "CQADupstackWebmastersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.852999999999998, + "map_at_10": 35.394999999999996, + "map_at_100": 37.291999999999994, + "map_at_1000": 37.495, + "map_at_20": 36.372, + "map_at_3": 32.336, + "map_at_5": 34.159, + "mrr_at_1": 31.818, + "mrr_at_10": 40.677, + "mrr_at_100": 41.728, + "mrr_at_1000": 41.778, + "mrr_at_20": 41.301, + "mrr_at_3": 38.208, + "mrr_at_5": 39.592, + "ndcg_at_1": 31.818, + "ndcg_at_10": 41.559000000000005, + "ndcg_at_100": 48.012, + "ndcg_at_1000": 50.234, + "ndcg_at_20": 44.15, + "ndcg_at_3": 36.918, + "ndcg_at_5": 39.227000000000004, + "precision_at_1": 31.818, + "precision_at_10": 8.043, + "precision_at_100": 1.625, + "precision_at_1000": 0.245, + "precision_at_20": 5.2170000000000005, + "precision_at_3": 17.655, + "precision_at_5": 12.845999999999998, + "recall_at_1": 25.852999999999998, + "recall_at_10": 53.093, + "recall_at_100": 81.05799999999999, + "recall_at_1000": 94.657, + "recall_at_20": 62.748000000000005, + "recall_at_3": 39.300000000000004, + "recall_at_5": 45.754, + "main_score": 41.559000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/CQADupstackWordpressRetrieval.json b/results/DivineNnamdi__jina-embeddings-v3/external/CQADupstackWordpressRetrieval.json new file mode 100644 index 000000000..03d8da397 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/CQADupstackWordpressRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "4ffe81d471b1924886b33c7567bfb200e9eec5c4", + "task_name": "CQADupstackWordpressRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.23, + "map_at_10": 28.128999999999998, + "map_at_100": 29.195, + "map_at_1000": 29.310000000000002, + "map_at_20": 28.713, + "map_at_3": 25.191000000000003, + "map_at_5": 26.69, + "mrr_at_1": 21.257, + "mrr_at_10": 30.253999999999998, + "mrr_at_100": 31.195, + "mrr_at_1000": 31.270999999999997, + "mrr_at_20": 30.747999999999998, + "mrr_at_3": 27.633999999999997, + "mrr_at_5": 28.937, + "ndcg_at_1": 21.257, + "ndcg_at_10": 33.511, + "ndcg_at_100": 38.733000000000004, + "ndcg_at_1000": 41.489, + "ndcg_at_20": 35.476, + "ndcg_at_3": 27.845, + "ndcg_at_5": 30.264999999999997, + "precision_at_1": 21.257, + "precision_at_10": 5.619, + "precision_at_100": 0.893, + "precision_at_1000": 0.124, + "precision_at_20": 3.29, + "precision_at_3": 12.508, + "precision_at_5": 8.946, + "recall_at_1": 19.23, + "recall_at_10": 48.185, + "recall_at_100": 71.932, + "recall_at_1000": 92.587, + "recall_at_20": 55.533, + "recall_at_3": 32.865, + "recall_at_5": 38.577, + "main_score": 33.511 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/ClimateFEVER.json b/results/DivineNnamdi__jina-embeddings-v3/external/ClimateFEVER.json new file mode 100644 index 000000000..0865a2b1f --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/ClimateFEVER.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.594, + "map_at_10": 32.519, + "map_at_100": 34.1, + "map_at_1000": 34.263, + "map_at_20": 33.353, + "map_at_3": 27.898, + "map_at_5": 30.524, + "mrr_at_1": 46.515, + "mrr_at_10": 56.958, + "mrr_at_100": 57.54899999999999, + "mrr_at_1000": 57.574999999999996, + "mrr_at_20": 57.315000000000005, + "mrr_at_3": 54.852999999999994, + "mrr_at_5": 56.153, + "ndcg_at_1": 46.515, + "ndcg_at_10": 42.363, + "ndcg_at_100": 48.233, + "ndcg_at_1000": 50.993, + "ndcg_at_20": 44.533, + "ndcg_at_3": 37.297000000000004, + "ndcg_at_5": 38.911, + "precision_at_1": 46.515, + "precision_at_10": 12.520999999999999, + "precision_at_100": 1.8980000000000001, + "precision_at_1000": 0.242, + "precision_at_20": 7.212000000000001, + "precision_at_3": 27.752, + "precision_at_5": 20.391000000000002, + "recall_at_1": 19.594, + "recall_at_10": 46.539, + "recall_at_100": 66.782, + "recall_at_1000": 82.049, + "recall_at_20": 52.611, + "recall_at_3": 32.528, + "recall_at_5": 38.933, + "main_score": 42.363 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/CmedqaRetrieval.json b/results/DivineNnamdi__jina-embeddings-v3/external/CmedqaRetrieval.json new file mode 100644 index 000000000..1cbd092f8 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/CmedqaRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "cd540c506dae1cf9e9a59c3e06f42030d54e7301", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 35.927, + "map_at_1": 20.144000000000002, + "map_at_10": 29.94, + "map_at_100": 31.630000000000003, + "map_at_1000": 31.778000000000002, + "map_at_20": 30.798, + "map_at_3": 26.534999999999997, + "map_at_5": 28.33, + "mrr_at_1": 31.23280820205051, + "mrr_at_10": 38.66781179421835, + "mrr_at_100": 39.656936166081785, + "mrr_at_1000": 39.724602893117414, + "mrr_at_20": 39.21272461558451, + "mrr_at_3": 36.30907726931729, + "mrr_at_5": 37.59814953738436, + "nauc_map_at_1000_diff1": 44.5755334437146, + "nauc_map_at_1000_max": 40.726916781400746, + "nauc_map_at_1000_std": -19.591835061497367, + "nauc_map_at_100_diff1": 44.54542899921038, + "nauc_map_at_100_max": 40.68305902532837, + "nauc_map_at_100_std": -19.658902089283487, + "nauc_map_at_10_diff1": 44.56110529630953, + "nauc_map_at_10_max": 39.89826167846008, + "nauc_map_at_10_std": -20.62910633667902, + "nauc_map_at_1_diff1": 50.82120107004449, + "nauc_map_at_1_max": 33.208851367861584, + "nauc_map_at_1_std": -20.29409730258174, + "nauc_map_at_20_diff1": 44.51171242433788, + "nauc_map_at_20_max": 40.30431132782945, + "nauc_map_at_20_std": -20.290524142792417, + "nauc_map_at_3_diff1": 45.80394138665133, + "nauc_map_at_3_max": 37.766191281426956, + "nauc_map_at_3_std": -21.223601997333876, + "nauc_map_at_5_diff1": 45.00457218474283, + "nauc_map_at_5_max": 38.901044576388365, + "nauc_map_at_5_std": -20.893069613941634, + "nauc_mrr_at_1000_diff1": 50.09855359231429, + "nauc_mrr_at_1000_max": 46.481000170008826, + "nauc_mrr_at_1000_std": -16.053461377096102, + "nauc_mrr_at_100_diff1": 50.08205026347746, + "nauc_mrr_at_100_max": 46.47262126963331, + "nauc_mrr_at_100_std": -16.049112778748693, + "nauc_mrr_at_10_diff1": 50.02363239081706, + "nauc_mrr_at_10_max": 46.39287859062042, + "nauc_mrr_at_10_std": -16.280866744769657, + "nauc_mrr_at_1_diff1": 55.692503735317445, + "nauc_mrr_at_1_max": 47.334834529801014, + "nauc_mrr_at_1_std": -16.985483585693512, + "nauc_mrr_at_20_diff1": 50.07725225722074, + "nauc_mrr_at_20_max": 46.47279295070193, + "nauc_mrr_at_20_std": -16.15168364678318, + "nauc_mrr_at_3_diff1": 51.18685337274134, + "nauc_mrr_at_3_max": 46.7286365021621, + "nauc_mrr_at_3_std": -16.708451287313718, + "nauc_mrr_at_5_diff1": 50.46777237893576, + "nauc_mrr_at_5_max": 46.5352076502249, + "nauc_mrr_at_5_std": -16.557413659905034, + "nauc_ndcg_at_1000_diff1": 43.974299434438066, + "nauc_ndcg_at_1000_max": 43.44628675071857, + "nauc_ndcg_at_1000_std": -15.3495102005021, + "nauc_ndcg_at_100_diff1": 43.336365081508504, + "nauc_ndcg_at_100_max": 43.11345604460776, + "nauc_ndcg_at_100_std": -15.571128070860615, + "nauc_ndcg_at_10_diff1": 43.41266214720136, + "nauc_ndcg_at_10_max": 41.519676787851914, + "nauc_ndcg_at_10_std": -19.217175017223568, + "nauc_ndcg_at_1_diff1": 55.692503735317445, + "nauc_ndcg_at_1_max": 47.334834529801014, + "nauc_ndcg_at_1_std": -16.985483585693512, + "nauc_ndcg_at_20_diff1": 43.351653862834496, + "nauc_ndcg_at_20_max": 42.11608469750499, + "nauc_ndcg_at_20_std": -18.485363540641664, + "nauc_ndcg_at_3_diff1": 45.64193888236677, + "nauc_ndcg_at_3_max": 42.497135099009995, + "nauc_ndcg_at_3_std": -18.764012041130094, + "nauc_ndcg_at_5_diff1": 44.523392133895186, + "nauc_ndcg_at_5_max": 41.564242030096345, + "nauc_ndcg_at_5_std": -19.31080790984941, + "nauc_precision_at_1000_diff1": 6.383464615714393, + "nauc_precision_at_1000_max": 27.439930931284657, + "nauc_precision_at_1000_std": 19.070716188143034, + "nauc_precision_at_100_diff1": 12.599136754501284, + "nauc_precision_at_100_max": 35.886310962337795, + "nauc_precision_at_100_std": 14.06587592659196, + "nauc_precision_at_10_diff1": 25.388891173150206, + "nauc_precision_at_10_max": 46.10269270777384, + "nauc_precision_at_10_std": -5.993803607158499, + "nauc_precision_at_1_diff1": 55.692503735317445, + "nauc_precision_at_1_max": 47.334834529801014, + "nauc_precision_at_1_std": -16.985483585693512, + "nauc_precision_at_20_diff1": 20.984013463099707, + "nauc_precision_at_20_max": 42.9471854616888, + "nauc_precision_at_20_std": -0.8045549929346024, + "nauc_precision_at_3_diff1": 36.191850547148356, + "nauc_precision_at_3_max": 48.09923832376049, + "nauc_precision_at_3_std": -13.159407051271321, + "nauc_precision_at_5_diff1": 31.04967966700407, + "nauc_precision_at_5_max": 47.62867673349624, + "nauc_precision_at_5_std": -10.345790325137353, + "nauc_recall_at_1000_diff1": 11.03436839065707, + "nauc_recall_at_1000_max": 42.32265076651575, + "nauc_recall_at_1000_std": 30.478521053399206, + "nauc_recall_at_100_diff1": 24.788349084510806, + "nauc_recall_at_100_max": 36.72097184821956, + "nauc_recall_at_100_std": -0.2241144179522076, + "nauc_recall_at_10_diff1": 31.613053567704885, + "nauc_recall_at_10_max": 34.4597322828833, + "nauc_recall_at_10_std": -18.00022912690819, + "nauc_recall_at_1_diff1": 50.82120107004449, + "nauc_recall_at_1_max": 33.208851367861584, + "nauc_recall_at_1_std": -20.29409730258174, + "nauc_recall_at_20_diff1": 30.277002670708384, + "nauc_recall_at_20_max": 35.212475675060375, + "nauc_recall_at_20_std": -15.822788854733687, + "nauc_recall_at_3_diff1": 38.87844958322257, + "nauc_recall_at_3_max": 34.66914910044104, + "nauc_recall_at_3_std": -20.234707300209127, + "nauc_recall_at_5_diff1": 35.551139991687776, + "nauc_recall_at_5_max": 34.61009958820695, + "nauc_recall_at_5_std": -19.519180149293444, + "ndcg_at_1": 31.233, + "ndcg_at_10": 35.927, + "ndcg_at_100": 43.037, + "ndcg_at_1000": 45.900999999999996, + "ndcg_at_20": 38.39, + "ndcg_at_3": 31.366, + "ndcg_at_5": 33.108, + "precision_at_1": 31.233, + "precision_at_10": 8.15, + "precision_at_100": 1.402, + "precision_at_1000": 0.17700000000000002, + "precision_at_20": 4.91, + "precision_at_3": 17.871000000000002, + "precision_at_5": 12.948, + "recall_at_1": 20.144000000000002, + "recall_at_10": 44.985, + "recall_at_100": 74.866, + "recall_at_1000": 94.477, + "recall_at_20": 53.37, + "recall_at_3": 31.141000000000002, + "recall_at_5": 36.721 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/Cmnli.json b/results/DivineNnamdi__jina-embeddings-v3/external/Cmnli.json new file mode 100644 index 000000000..69926ff35 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/Cmnli.json @@ -0,0 +1,48 @@ +{ + "dataset_revision": "None", + "task_name": "Cmnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 71.25676488274203, + "cos_sim_accuracy_threshold": 78.11152935028076, + "cos_sim_ap": 79.10444825556077, + "cos_sim_f1": 74.10750923266312, + "cos_sim_f1_threshold": 75.2312421798706, + "cos_sim_precision": 66.02083714129044, + "cos_sim_recall": 84.45171849427169, + "dot_accuracy": 68.11785929043896, + "dot_accuracy_threshold": 34783.23974609375, + "dot_ap": 75.80201827987712, + "dot_f1": 72.31670990679349, + "dot_f1_threshold": 31978.036499023438, + "dot_precision": 61.386623164763456, + "dot_recall": 87.98223053542202, + "euclidean_accuracy": 71.41310883944678, + "euclidean_accuracy_threshold": 1374.9353408813477, + "euclidean_ap": 79.23359768836457, + "euclidean_f1": 74.38512297540491, + "euclidean_f1_threshold": 1512.6035690307617, + "euclidean_precision": 64.97816593886463, + "euclidean_recall": 86.97685293429974, + "manhattan_accuracy": 71.32892363199038, + "manhattan_accuracy_threshold": 33340.49072265625, + "manhattan_ap": 79.11973684118587, + "manhattan_f1": 74.29401993355481, + "manhattan_f1_threshold": 36012.52746582031, + "manhattan_precision": 66.81605975723622, + "manhattan_recall": 83.65676876315175, + "max_accuracy": 71.41310883944678, + "max_ap": 79.23359768836457, + "max_f1": 74.38512297540491, + "main_score": 71.41310883944678 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/CovidRetrieval.json b/results/DivineNnamdi__jina-embeddings-v3/external/CovidRetrieval.json new file mode 100644 index 000000000..825f9ae3f --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/CovidRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "1271c7809071a13532e05f25fb53511ffce77117", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 78.917, + "map_at_1": 67.281, + "map_at_10": 75.262, + "map_at_100": 75.60900000000001, + "map_at_1000": 75.618, + "map_at_20": 75.50200000000001, + "map_at_3": 73.455, + "map_at_5": 74.657, + "mrr_at_1": 67.43940990516333, + "mrr_at_10": 75.27367989696756, + "mrr_at_100": 75.62029353306437, + "mrr_at_1000": 75.62934741874726, + "mrr_at_20": 75.51356607409173, + "mrr_at_3": 73.5159817351598, + "mrr_at_5": 74.73832103969093, + "nauc_map_at_1000_diff1": 77.26666391867634, + "nauc_map_at_1000_max": 49.928541012203496, + "nauc_map_at_1000_std": -40.494469470474456, + "nauc_map_at_100_diff1": 77.26087423162396, + "nauc_map_at_100_max": 49.944275615664424, + "nauc_map_at_100_std": -40.48299992715398, + "nauc_map_at_10_diff1": 76.97400113500906, + "nauc_map_at_10_max": 49.84177029115674, + "nauc_map_at_10_std": -40.829250876511445, + "nauc_map_at_1_diff1": 81.44050620630395, + "nauc_map_at_1_max": 48.97711944070578, + "nauc_map_at_1_std": -38.963689457570254, + "nauc_map_at_20_diff1": 77.21791353089375, + "nauc_map_at_20_max": 49.958206759079424, + "nauc_map_at_20_std": -40.53067571658996, + "nauc_map_at_3_diff1": 77.3555925208868, + "nauc_map_at_3_max": 49.32158146451256, + "nauc_map_at_3_std": -41.93552426981978, + "nauc_map_at_5_diff1": 77.07099950431504, + "nauc_map_at_5_max": 49.54190504495002, + "nauc_map_at_5_std": -41.814968130918096, + "nauc_mrr_at_1000_diff1": 77.31388774540477, + "nauc_mrr_at_1000_max": 49.96779699175759, + "nauc_mrr_at_1000_std": -40.43739645160277, + "nauc_mrr_at_100_diff1": 77.30817786449413, + "nauc_mrr_at_100_max": 49.982514428937655, + "nauc_mrr_at_100_std": -40.42876582797744, + "nauc_mrr_at_10_diff1": 77.02048060465756, + "nauc_mrr_at_10_max": 49.87937207270602, + "nauc_mrr_at_10_std": -40.77596560333177, + "nauc_mrr_at_1_diff1": 81.27219599516599, + "nauc_mrr_at_1_max": 49.3083394026327, + "nauc_mrr_at_1_std": -38.31023037552026, + "nauc_mrr_at_20_diff1": 77.26497089316055, + "nauc_mrr_at_20_max": 49.996257597621415, + "nauc_mrr_at_20_std": -40.476723608868014, + "nauc_mrr_at_3_diff1": 77.38971294099257, + "nauc_mrr_at_3_max": 49.38110328987404, + "nauc_mrr_at_3_std": -41.7118646715979, + "nauc_mrr_at_5_diff1": 77.08286142519952, + "nauc_mrr_at_5_max": 49.655249374588685, + "nauc_mrr_at_5_std": -41.48173039989406, + "nauc_ndcg_at_1000_diff1": 76.47399204021758, + "nauc_ndcg_at_1000_max": 50.55770139961048, + "nauc_ndcg_at_1000_std": -39.55650430279072, + "nauc_ndcg_at_100_diff1": 76.29355616618253, + "nauc_ndcg_at_100_max": 51.003608112592936, + "nauc_ndcg_at_100_std": -39.24769744605206, + "nauc_ndcg_at_10_diff1": 74.88697528447634, + "nauc_ndcg_at_10_max": 50.398416372815234, + "nauc_ndcg_at_10_std": -40.76526585772833, + "nauc_ndcg_at_1_diff1": 81.27219599516599, + "nauc_ndcg_at_1_max": 49.3083394026327, + "nauc_ndcg_at_1_std": -38.31023037552026, + "nauc_ndcg_at_20_diff1": 75.85463512091866, + "nauc_ndcg_at_20_max": 50.97338683654334, + "nauc_ndcg_at_20_std": -39.353128774903404, + "nauc_ndcg_at_3_diff1": 75.94015726123543, + "nauc_ndcg_at_3_max": 49.22194251063148, + "nauc_ndcg_at_3_std": -43.040457030630435, + "nauc_ndcg_at_5_diff1": 75.19166189770303, + "nauc_ndcg_at_5_max": 49.65696229797189, + "nauc_ndcg_at_5_std": -42.81534909184424, + "nauc_precision_at_1000_diff1": -14.830901395815788, + "nauc_precision_at_1000_max": 19.686297136854623, + "nauc_precision_at_1000_std": 61.19310360166978, + "nauc_precision_at_100_diff1": 20.55469986751769, + "nauc_precision_at_100_max": 50.78431835075583, + "nauc_precision_at_100_std": 31.54986568374813, + "nauc_precision_at_10_diff1": 45.991938532558656, + "nauc_precision_at_10_max": 46.386318595630385, + "nauc_precision_at_10_std": -23.463011435224608, + "nauc_precision_at_1_diff1": 81.27219599516599, + "nauc_precision_at_1_max": 49.3083394026327, + "nauc_precision_at_1_std": -38.31023037552026, + "nauc_precision_at_20_diff1": 41.53180472410822, + "nauc_precision_at_20_max": 49.89800247204318, + "nauc_precision_at_20_std": -2.4192847331537095, + "nauc_precision_at_3_diff1": 67.37504651209993, + "nauc_precision_at_3_max": 47.893537208629496, + "nauc_precision_at_3_std": -43.2362212382819, + "nauc_precision_at_5_diff1": 60.03438883791718, + "nauc_precision_at_5_max": 48.29770502354206, + "nauc_precision_at_5_std": -40.39588448271546, + "nauc_recall_at_1000_diff1": 71.04741174480844, + "nauc_recall_at_1000_max": 93.19056506596002, + "nauc_recall_at_1000_std": 62.96994797650912, + "nauc_recall_at_100_diff1": 65.00418176852641, + "nauc_recall_at_100_max": 85.27352708427193, + "nauc_recall_at_100_std": 2.8812005546518886, + "nauc_recall_at_10_diff1": 61.263254794998865, + "nauc_recall_at_10_max": 54.17618329507141, + "nauc_recall_at_10_std": -39.80603966142593, + "nauc_recall_at_1_diff1": 81.44050620630395, + "nauc_recall_at_1_max": 48.97711944070578, + "nauc_recall_at_1_std": -38.963689457570254, + "nauc_recall_at_20_diff1": 64.42106091745396, + "nauc_recall_at_20_max": 63.10796640821887, + "nauc_recall_at_20_std": -22.60117424572222, + "nauc_recall_at_3_diff1": 70.66311436592945, + "nauc_recall_at_3_max": 48.69498944323469, + "nauc_recall_at_3_std": -47.37847524874532, + "nauc_recall_at_5_diff1": 66.12701111728848, + "nauc_recall_at_5_max": 49.91763957934711, + "nauc_recall_at_5_std": -48.173252920584126, + "ndcg_at_1": 67.43900000000001, + "ndcg_at_10": 78.917, + "ndcg_at_100": 80.53399999999999, + "ndcg_at_1000": 80.768, + "ndcg_at_20": 79.813, + "ndcg_at_3": 75.37, + "ndcg_at_5": 77.551, + "precision_at_1": 67.43900000000001, + "precision_at_10": 9.115, + "precision_at_100": 0.985, + "precision_at_1000": 0.1, + "precision_at_20": 4.737, + "precision_at_3": 27.081, + "precision_at_5": 17.345, + "recall_at_1": 67.281, + "recall_at_10": 90.2, + "recall_at_100": 97.576, + "recall_at_1000": 99.368, + "recall_at_20": 93.783, + "recall_at_3": 80.822, + "recall_at_5": 86.091 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/DBPedia-PL.json b/results/DivineNnamdi__jina-embeddings-v3/external/DBPedia-PL.json new file mode 100644 index 000000000..e36e8c8e9 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/DBPedia-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "76afe41d9af165cc40999fcaa92312b8b012064a", + "task_name": "DBPedia-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 34.827000000000005, + "map_at_1": 7.049999999999999, + "map_at_10": 14.982999999999999, + "map_at_100": 20.816000000000003, + "map_at_1000": 22.33, + "map_at_20": 17.272000000000002, + "map_at_3": 10.661, + "map_at_5": 12.498, + "mrr_at_1": 57.25, + "mrr_at_10": 65.81934523809524, + "mrr_at_100": 66.2564203928212, + "mrr_at_1000": 66.27993662923856, + "mrr_at_20": 66.0732139130649, + "mrr_at_3": 64.08333333333333, + "mrr_at_5": 65.27083333333333, + "nauc_map_at_1000_diff1": 16.41780871174038, + "nauc_map_at_1000_max": 30.193946325654654, + "nauc_map_at_1000_std": 31.46095497039037, + "nauc_map_at_100_diff1": 18.57903165498531, + "nauc_map_at_100_max": 29.541476938623262, + "nauc_map_at_100_std": 28.228604103301052, + "nauc_map_at_10_diff1": 24.109434489748946, + "nauc_map_at_10_max": 21.475954208048968, + "nauc_map_at_10_std": 9.964464537806988, + "nauc_map_at_1_diff1": 38.67437644802124, + "nauc_map_at_1_max": 14.52136658726491, + "nauc_map_at_1_std": -2.8981666782088755, + "nauc_map_at_20_diff1": 21.42547228801935, + "nauc_map_at_20_max": 25.04510402960458, + "nauc_map_at_20_std": 16.533079346431155, + "nauc_map_at_3_diff1": 26.63648858245477, + "nauc_map_at_3_max": 13.632235789780415, + "nauc_map_at_3_std": -0.40129174577700716, + "nauc_map_at_5_diff1": 24.513861031197933, + "nauc_map_at_5_max": 16.599888813946688, + "nauc_map_at_5_std": 3.4448514739556346, + "nauc_mrr_at_1000_diff1": 36.57353464537154, + "nauc_mrr_at_1000_max": 55.34763483979515, + "nauc_mrr_at_1000_std": 40.3722796438533, + "nauc_mrr_at_100_diff1": 36.555989566513134, + "nauc_mrr_at_100_max": 55.347805216808396, + "nauc_mrr_at_100_std": 40.38465945075711, + "nauc_mrr_at_10_diff1": 36.771572999261984, + "nauc_mrr_at_10_max": 55.41239897909165, + "nauc_mrr_at_10_std": 40.52058934624793, + "nauc_mrr_at_1_diff1": 38.2472828531032, + "nauc_mrr_at_1_max": 51.528473828685705, + "nauc_mrr_at_1_std": 33.03676467942882, + "nauc_mrr_at_20_diff1": 36.642602571889036, + "nauc_mrr_at_20_max": 55.3763342076553, + "nauc_mrr_at_20_std": 40.41520090500838, + "nauc_mrr_at_3_diff1": 36.79451847426628, + "nauc_mrr_at_3_max": 54.59778581826193, + "nauc_mrr_at_3_std": 39.48392075873095, + "nauc_mrr_at_5_diff1": 36.92150807529304, + "nauc_mrr_at_5_max": 55.03553978718272, + "nauc_mrr_at_5_std": 40.20147745489917, + "nauc_ndcg_at_1000_diff1": 21.843092744321268, + "nauc_ndcg_at_1000_max": 44.93275990394279, + "nauc_ndcg_at_1000_std": 47.09186225236347, + "nauc_ndcg_at_100_diff1": 25.180282568979095, + "nauc_ndcg_at_100_max": 41.737709709508394, + "nauc_ndcg_at_100_std": 38.80950644139446, + "nauc_ndcg_at_10_diff1": 24.108368037214046, + "nauc_ndcg_at_10_max": 41.29298370689967, + "nauc_ndcg_at_10_std": 35.06450769738732, + "nauc_ndcg_at_1_diff1": 35.51010679525079, + "nauc_ndcg_at_1_max": 42.40790024212412, + "nauc_ndcg_at_1_std": 26.696412036243157, + "nauc_ndcg_at_20_diff1": 23.909989673256195, + "nauc_ndcg_at_20_max": 39.78444647091927, + "nauc_ndcg_at_20_std": 33.39544470364529, + "nauc_ndcg_at_3_diff1": 22.50484297956035, + "nauc_ndcg_at_3_max": 39.14551926034168, + "nauc_ndcg_at_3_std": 30.330135925392014, + "nauc_ndcg_at_5_diff1": 21.7798872028265, + "nauc_ndcg_at_5_max": 40.23856975248015, + "nauc_ndcg_at_5_std": 32.438381067440396, + "nauc_precision_at_1000_diff1": -21.62692442272279, + "nauc_precision_at_1000_max": 0.9689046974430882, + "nauc_precision_at_1000_std": 18.54001058230465, + "nauc_precision_at_100_diff1": -10.132258779856192, + "nauc_precision_at_100_max": 23.74516110444681, + "nauc_precision_at_100_std": 47.03416663319965, + "nauc_precision_at_10_diff1": 1.543656509571949, + "nauc_precision_at_10_max": 36.98864812757555, + "nauc_precision_at_10_std": 46.56427199077426, + "nauc_precision_at_1_diff1": 38.2472828531032, + "nauc_precision_at_1_max": 51.528473828685705, + "nauc_precision_at_1_std": 33.03676467942882, + "nauc_precision_at_20_diff1": -4.612864872734335, + "nauc_precision_at_20_max": 34.03565449182125, + "nauc_precision_at_20_std": 48.880727648349534, + "nauc_precision_at_3_diff1": 6.360850444467829, + "nauc_precision_at_3_max": 36.25816942368427, + "nauc_precision_at_3_std": 34.48882647419187, + "nauc_precision_at_5_diff1": 2.6445596936740037, + "nauc_precision_at_5_max": 37.174463388899056, + "nauc_precision_at_5_std": 40.25254370626113, + "nauc_recall_at_1000_diff1": 13.041227176748077, + "nauc_recall_at_1000_max": 39.722336427072094, + "nauc_recall_at_1000_std": 52.04032890059214, + "nauc_recall_at_100_diff1": 18.286096899139153, + "nauc_recall_at_100_max": 34.072389201930314, + "nauc_recall_at_100_std": 37.73637623416653, + "nauc_recall_at_10_diff1": 22.35560419280504, + "nauc_recall_at_10_max": 19.727247199595197, + "nauc_recall_at_10_std": 8.58498575109203, + "nauc_recall_at_1_diff1": 38.67437644802124, + "nauc_recall_at_1_max": 14.52136658726491, + "nauc_recall_at_1_std": -2.8981666782088755, + "nauc_recall_at_20_diff1": 19.026320886902916, + "nauc_recall_at_20_max": 22.753562309469867, + "nauc_recall_at_20_std": 14.89994263882445, + "nauc_recall_at_3_diff1": 23.428129702129684, + "nauc_recall_at_3_max": 10.549153954790542, + "nauc_recall_at_3_std": -1.7590608997055206, + "nauc_recall_at_5_diff1": 21.27448645803921, + "nauc_recall_at_5_max": 13.620279707461677, + "nauc_recall_at_5_std": 2.0577962208292675, + "ndcg_at_1": 46.75, + "ndcg_at_10": 34.827000000000005, + "ndcg_at_100": 38.157999999999994, + "ndcg_at_1000": 44.816, + "ndcg_at_20": 34.152, + "ndcg_at_3": 39.009, + "ndcg_at_5": 36.826, + "precision_at_1": 57.25, + "precision_at_10": 27.575, + "precision_at_100": 8.84, + "precision_at_1000": 1.949, + "precision_at_20": 20.724999999999998, + "precision_at_3": 41.167, + "precision_at_5": 35.199999999999996, + "recall_at_1": 7.049999999999999, + "recall_at_10": 19.817999999999998, + "recall_at_100": 42.559999999999995, + "recall_at_1000": 63.744, + "recall_at_20": 25.968000000000004, + "recall_at_3": 11.959, + "recall_at_5": 14.939 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/DBPedia.json b/results/DivineNnamdi__jina-embeddings-v3/external/DBPedia.json new file mode 100644 index 000000000..351c1314c --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/DBPedia.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.041, + "map_at_10": 18.662, + "map_at_100": 26.054, + "map_at_1000": 27.769, + "map_at_20": 21.499, + "map_at_3": 13.628000000000002, + "map_at_5": 15.617, + "mrr_at_1": 67.25, + "mrr_at_10": 74.673, + "mrr_at_100": 75.022, + "mrr_at_1000": 75.031, + "mrr_at_20": 74.895, + "mrr_at_3": 73.042, + "mrr_at_5": 74.179, + "ndcg_at_1": 55.75, + "ndcg_at_10": 41.004000000000005, + "ndcg_at_100": 44.912, + "ndcg_at_1000": 51.946000000000005, + "ndcg_at_20": 40.195, + "ndcg_at_3": 45.803, + "ndcg_at_5": 42.976, + "precision_at_1": 67.25, + "precision_at_10": 31.874999999999996, + "precision_at_100": 10.37, + "precision_at_1000": 2.1430000000000002, + "precision_at_20": 24.275, + "precision_at_3": 48.417, + "precision_at_5": 40.2, + "recall_at_1": 9.041, + "recall_at_10": 23.592, + "recall_at_100": 49.476, + "recall_at_1000": 71.677, + "recall_at_20": 30.153000000000002, + "recall_at_3": 14.777000000000001, + "recall_at_5": 17.829, + "main_score": 41.004000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/DuRetrieval.json b/results/DivineNnamdi__jina-embeddings-v3/external/DuRetrieval.json new file mode 100644 index 000000000..98d7b1b91 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/DuRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "a1a333e290fe30b10f3f56498e3a0d911a693ced", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 83.134, + "map_at_1": 23.907999999999998, + "map_at_10": 74.566, + "map_at_100": 77.706, + "map_at_1000": 77.762, + "map_at_20": 76.943, + "map_at_3": 50.971999999999994, + "map_at_5": 64.429, + "mrr_at_1": 84.8, + "mrr_at_10": 89.73218253968246, + "mrr_at_100": 89.82853630655774, + "mrr_at_1000": 89.83170411703153, + "mrr_at_20": 89.79582030091501, + "mrr_at_3": 89.32499999999992, + "mrr_at_5": 89.58749999999992, + "nauc_map_at_1000_diff1": -2.2736020650163717, + "nauc_map_at_1000_max": 45.3937519555142, + "nauc_map_at_1000_std": 10.824778228268581, + "nauc_map_at_100_diff1": -2.2662939752750066, + "nauc_map_at_100_max": 45.423960626031366, + "nauc_map_at_100_std": 10.804239351738717, + "nauc_map_at_10_diff1": 0.9395752585654343, + "nauc_map_at_10_max": 42.53814836940551, + "nauc_map_at_10_std": 0.7199313235265218, + "nauc_map_at_1_diff1": 45.19415865267676, + "nauc_map_at_1_max": -1.7261947382471912, + "nauc_map_at_1_std": -32.16144291613605, + "nauc_map_at_20_diff1": -1.884514152147472, + "nauc_map_at_20_max": 44.830401115927174, + "nauc_map_at_20_std": 8.118530414377219, + "nauc_map_at_3_diff1": 25.678881127059967, + "nauc_map_at_3_max": 12.191400431839758, + "nauc_map_at_3_std": -27.201740587642327, + "nauc_map_at_5_diff1": 13.227128780829572, + "nauc_map_at_5_max": 26.978282739708977, + "nauc_map_at_5_std": -17.555610348070584, + "nauc_mrr_at_1000_diff1": 21.073512437502178, + "nauc_mrr_at_1000_max": 64.9680257861005, + "nauc_mrr_at_1000_std": 19.626288754404293, + "nauc_mrr_at_100_diff1": 21.074637426957732, + "nauc_mrr_at_100_max": 64.97612675661915, + "nauc_mrr_at_100_std": 19.649504127800878, + "nauc_mrr_at_10_diff1": 21.12003267626651, + "nauc_mrr_at_10_max": 65.24362289059766, + "nauc_mrr_at_10_std": 19.92351276180984, + "nauc_mrr_at_1_diff1": 22.711430629147635, + "nauc_mrr_at_1_max": 58.4059429497403, + "nauc_mrr_at_1_std": 11.967886722567973, + "nauc_mrr_at_20_diff1": 20.98220830510272, + "nauc_mrr_at_20_max": 65.05737535197835, + "nauc_mrr_at_20_std": 19.66672900782771, + "nauc_mrr_at_3_diff1": 20.924796220048528, + "nauc_mrr_at_3_max": 65.71388669932584, + "nauc_mrr_at_3_std": 20.05912197134477, + "nauc_mrr_at_5_diff1": 20.61978649468208, + "nauc_mrr_at_5_max": 65.50709154526211, + "nauc_mrr_at_5_std": 20.241434276181838, + "nauc_ndcg_at_1000_diff1": 0.25363171946133656, + "nauc_ndcg_at_1000_max": 54.12840465309885, + "nauc_ndcg_at_1000_std": 20.749184325412546, + "nauc_ndcg_at_100_diff1": 0.15649430250272792, + "nauc_ndcg_at_100_max": 54.47995322413234, + "nauc_ndcg_at_100_std": 21.266786634233267, + "nauc_ndcg_at_10_diff1": 0.14579250840386346, + "nauc_ndcg_at_10_max": 49.8643037948353, + "nauc_ndcg_at_10_std": 12.960701643914216, + "nauc_ndcg_at_1_diff1": 22.711430629147635, + "nauc_ndcg_at_1_max": 58.4059429497403, + "nauc_ndcg_at_1_std": 11.967886722567973, + "nauc_ndcg_at_20_diff1": -0.6701559981776763, + "nauc_ndcg_at_20_max": 52.95443437012488, + "nauc_ndcg_at_20_std": 16.708883972005758, + "nauc_ndcg_at_3_diff1": -0.19084922341962388, + "nauc_ndcg_at_3_max": 46.2110230886874, + "nauc_ndcg_at_3_std": 13.363250229683038, + "nauc_ndcg_at_5_diff1": 0.9840019268192548, + "nauc_ndcg_at_5_max": 43.56594891798146, + "nauc_ndcg_at_5_std": 8.577017104088146, + "nauc_precision_at_1000_diff1": -30.779179091501145, + "nauc_precision_at_1000_max": 16.056094258615673, + "nauc_precision_at_1000_std": 49.96303902363283, + "nauc_precision_at_100_diff1": -31.583236638899585, + "nauc_precision_at_100_max": 19.16571713603373, + "nauc_precision_at_100_std": 51.870647903980036, + "nauc_precision_at_10_diff1": -35.62134572732597, + "nauc_precision_at_10_max": 31.6935186494612, + "nauc_precision_at_10_std": 46.68659723766723, + "nauc_precision_at_1_diff1": 22.711430629147635, + "nauc_precision_at_1_max": 58.4059429497403, + "nauc_precision_at_1_std": 11.967886722567973, + "nauc_precision_at_20_diff1": -33.875460046920495, + "nauc_precision_at_20_max": 24.188420133566442, + "nauc_precision_at_20_std": 50.02387762958483, + "nauc_precision_at_3_diff1": -28.875998450906827, + "nauc_precision_at_3_max": 44.77058831167941, + "nauc_precision_at_3_std": 31.77993710437207, + "nauc_precision_at_5_diff1": -34.92525440306491, + "nauc_precision_at_5_max": 39.855219917077086, + "nauc_precision_at_5_std": 37.95432046169299, + "nauc_recall_at_1000_diff1": -14.293309371874733, + "nauc_recall_at_1000_max": 59.06948692482579, + "nauc_recall_at_1000_std": 62.586254868312686, + "nauc_recall_at_100_diff1": -4.344100947212704, + "nauc_recall_at_100_max": 58.42120421043602, + "nauc_recall_at_100_std": 46.48562009316997, + "nauc_recall_at_10_diff1": 0.04948662912161709, + "nauc_recall_at_10_max": 42.42809687119093, + "nauc_recall_at_10_std": 0.6892504250411409, + "nauc_recall_at_1_diff1": 45.19415865267676, + "nauc_recall_at_1_max": -1.7261947382471912, + "nauc_recall_at_1_std": -32.16144291613605, + "nauc_recall_at_20_diff1": -7.634587864605111, + "nauc_recall_at_20_max": 49.21327187174134, + "nauc_recall_at_20_std": 16.408481068336346, + "nauc_recall_at_3_diff1": 24.72546591038644, + "nauc_recall_at_3_max": 6.620763400972902, + "nauc_recall_at_3_std": -29.994703323331684, + "nauc_recall_at_5_diff1": 12.65527364845842, + "nauc_recall_at_5_max": 20.400121385794694, + "nauc_recall_at_5_std": -22.34284568447213, + "ndcg_at_1": 84.8, + "ndcg_at_10": 83.134, + "ndcg_at_100": 86.628, + "ndcg_at_1000": 87.151, + "ndcg_at_20": 85.092, + "ndcg_at_3": 81.228, + "ndcg_at_5": 80.2, + "precision_at_1": 84.8, + "precision_at_10": 40.394999999999996, + "precision_at_100": 4.745, + "precision_at_1000": 0.488, + "precision_at_20": 22.245, + "precision_at_3": 73.25, + "precision_at_5": 61.86000000000001, + "recall_at_1": 23.907999999999998, + "recall_at_10": 85.346, + "recall_at_100": 96.515, + "recall_at_1000": 99.156, + "recall_at_20": 91.377, + "recall_at_3": 54.135, + "recall_at_5": 70.488 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/EcomRetrieval.json b/results/DivineNnamdi__jina-embeddings-v3/external/EcomRetrieval.json new file mode 100644 index 000000000..45a53a238 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/EcomRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "687de13dc7294d6fd9be10c6945f9e8fec8166b9", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 60.887, + "map_at_1": 46.6, + "map_at_10": 56.035000000000004, + "map_at_100": 56.741, + "map_at_1000": 56.764, + "map_at_20": 56.513999999999996, + "map_at_3": 53.733, + "map_at_5": 54.913000000000004, + "mrr_at_1": 46.6, + "mrr_at_10": 56.034523809523776, + "mrr_at_100": 56.74056360434383, + "mrr_at_1000": 56.76373487222486, + "mrr_at_20": 56.51374873879128, + "mrr_at_3": 53.73333333333328, + "mrr_at_5": 54.91333333333327, + "nauc_map_at_1000_diff1": 65.13546939953387, + "nauc_map_at_1000_max": 43.358890946774494, + "nauc_map_at_1000_std": -9.973282105235036, + "nauc_map_at_100_diff1": 65.12449309472493, + "nauc_map_at_100_max": 43.377100882923145, + "nauc_map_at_100_std": -9.971781228240555, + "nauc_map_at_10_diff1": 64.83020018537475, + "nauc_map_at_10_max": 43.25969482323034, + "nauc_map_at_10_std": -10.120272176001547, + "nauc_map_at_1_diff1": 69.58727592100516, + "nauc_map_at_1_max": 38.236494689522026, + "nauc_map_at_1_std": -14.833390831689597, + "nauc_map_at_20_diff1": 65.01159809914586, + "nauc_map_at_20_max": 43.33440319829618, + "nauc_map_at_20_std": -10.039958228659726, + "nauc_map_at_3_diff1": 65.2396323885909, + "nauc_map_at_3_max": 42.26904017378952, + "nauc_map_at_3_std": -11.793017036934044, + "nauc_map_at_5_diff1": 64.96397227898036, + "nauc_map_at_5_max": 43.231333789145424, + "nauc_map_at_5_std": -10.349933732151372, + "nauc_mrr_at_1000_diff1": 65.13546939953387, + "nauc_mrr_at_1000_max": 43.358890946774494, + "nauc_mrr_at_1000_std": -9.973282105235036, + "nauc_mrr_at_100_diff1": 65.12449309472493, + "nauc_mrr_at_100_max": 43.377100882923145, + "nauc_mrr_at_100_std": -9.971781228240555, + "nauc_mrr_at_10_diff1": 64.83020018537475, + "nauc_mrr_at_10_max": 43.25969482323034, + "nauc_mrr_at_10_std": -10.120272176001547, + "nauc_mrr_at_1_diff1": 69.58727592100516, + "nauc_mrr_at_1_max": 38.236494689522026, + "nauc_mrr_at_1_std": -14.833390831689597, + "nauc_mrr_at_20_diff1": 65.01159809914586, + "nauc_mrr_at_20_max": 43.33440319829618, + "nauc_mrr_at_20_std": -10.039958228659726, + "nauc_mrr_at_3_diff1": 65.2396323885909, + "nauc_mrr_at_3_max": 42.26904017378952, + "nauc_mrr_at_3_std": -11.793017036934044, + "nauc_mrr_at_5_diff1": 64.96397227898036, + "nauc_mrr_at_5_max": 43.231333789145424, + "nauc_mrr_at_5_std": -10.349933732151372, + "nauc_ndcg_at_1000_diff1": 64.26802655199876, + "nauc_ndcg_at_1000_max": 45.854310744745185, + "nauc_ndcg_at_1000_std": -6.184417305204082, + "nauc_ndcg_at_100_diff1": 63.99268329609827, + "nauc_ndcg_at_100_max": 46.31270128748375, + "nauc_ndcg_at_100_std": -6.1393433180558965, + "nauc_ndcg_at_10_diff1": 62.6735104141137, + "nauc_ndcg_at_10_max": 45.54954799462398, + "nauc_ndcg_at_10_std": -7.348851199024871, + "nauc_ndcg_at_1_diff1": 69.58727592100516, + "nauc_ndcg_at_1_max": 38.236494689522026, + "nauc_ndcg_at_1_std": -14.833390831689597, + "nauc_ndcg_at_20_diff1": 63.25899651677274, + "nauc_ndcg_at_20_max": 45.952196968886014, + "nauc_ndcg_at_20_std": -6.807607465125713, + "nauc_ndcg_at_3_diff1": 63.65618337476822, + "nauc_ndcg_at_3_max": 43.507890965228945, + "nauc_ndcg_at_3_std": -10.73845622217601, + "nauc_ndcg_at_5_diff1": 63.079162432921855, + "nauc_ndcg_at_5_max": 45.38303443868148, + "nauc_ndcg_at_5_std": -8.063657824835534, + "nauc_precision_at_1000_diff1": 63.01459977930557, + "nauc_precision_at_1000_max": 92.4253034547151, + "nauc_precision_at_1000_std": 84.4845513963158, + "nauc_precision_at_100_diff1": 57.17217119405878, + "nauc_precision_at_100_max": 80.70049725316484, + "nauc_precision_at_100_std": 41.78392287147403, + "nauc_precision_at_10_diff1": 53.115665404390725, + "nauc_precision_at_10_max": 55.73825657341263, + "nauc_precision_at_10_std": 5.406226305013257, + "nauc_precision_at_1_diff1": 69.58727592100516, + "nauc_precision_at_1_max": 38.236494689522026, + "nauc_precision_at_1_std": -14.833390831689597, + "nauc_precision_at_20_diff1": 53.77730697622828, + "nauc_precision_at_20_max": 61.88170819253054, + "nauc_precision_at_20_std": 13.678730470003856, + "nauc_precision_at_3_diff1": 58.580196992291455, + "nauc_precision_at_3_max": 47.404834585376626, + "nauc_precision_at_3_std": -7.374978769024051, + "nauc_precision_at_5_diff1": 56.44564652606437, + "nauc_precision_at_5_max": 53.08973975162324, + "nauc_precision_at_5_std": 0.22762700141423803, + "nauc_recall_at_1000_diff1": 63.01459977930565, + "nauc_recall_at_1000_max": 92.42530345471532, + "nauc_recall_at_1000_std": 84.48455139631602, + "nauc_recall_at_100_diff1": 57.17217119405904, + "nauc_recall_at_100_max": 80.70049725316468, + "nauc_recall_at_100_std": 41.783922871474275, + "nauc_recall_at_10_diff1": 53.11566540439087, + "nauc_recall_at_10_max": 55.738256573412656, + "nauc_recall_at_10_std": 5.406226305013377, + "nauc_recall_at_1_diff1": 69.58727592100516, + "nauc_recall_at_1_max": 38.236494689522026, + "nauc_recall_at_1_std": -14.833390831689597, + "nauc_recall_at_20_diff1": 53.77730697622846, + "nauc_recall_at_20_max": 61.881708192530525, + "nauc_recall_at_20_std": 13.678730470003947, + "nauc_recall_at_3_diff1": 58.5801969922914, + "nauc_recall_at_3_max": 47.40483458537654, + "nauc_recall_at_3_std": -7.37497876902413, + "nauc_recall_at_5_diff1": 56.445646526064394, + "nauc_recall_at_5_max": 53.08973975162332, + "nauc_recall_at_5_std": 0.22762700141428024, + "ndcg_at_1": 46.6, + "ndcg_at_10": 60.887, + "ndcg_at_100": 64.18199999999999, + "ndcg_at_1000": 64.726, + "ndcg_at_20": 62.614999999999995, + "ndcg_at_3": 56.038, + "ndcg_at_5": 58.150999999999996, + "precision_at_1": 46.6, + "precision_at_10": 7.630000000000001, + "precision_at_100": 0.914, + "precision_at_1000": 0.096, + "precision_at_20": 4.154999999999999, + "precision_at_3": 20.9, + "precision_at_5": 13.56, + "recall_at_1": 46.6, + "recall_at_10": 76.3, + "recall_at_100": 91.4, + "recall_at_1000": 95.6, + "recall_at_20": 83.1, + "recall_at_3": 62.7, + "recall_at_5": 67.80000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/EmotionClassification.json b/results/DivineNnamdi__jina-embeddings-v3/external/EmotionClassification.json new file mode 100644 index 000000000..6a305aa7b --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/EmotionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.29999999999998, + "f1": 67.71473706580302, + "f1_weighted": 74.83537255312045, + "main_score": 73.29999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/FEVER.json b/results/DivineNnamdi__jina-embeddings-v3/external/FEVER.json new file mode 100644 index 000000000..0b79a9d9f --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/FEVER.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 78.371, + "map_at_10": 85.762, + "map_at_100": 85.954, + "map_at_1000": 85.966, + "map_at_20": 85.887, + "map_at_3": 84.854, + "map_at_5": 85.408, + "mrr_at_1": 84.443, + "mrr_at_10": 90.432, + "mrr_at_100": 90.483, + "mrr_at_1000": 90.484, + "mrr_at_20": 90.473, + "mrr_at_3": 89.89399999999999, + "mrr_at_5": 90.244, + "ndcg_at_1": 84.443, + "ndcg_at_10": 89.05499999999999, + "ndcg_at_100": 89.68, + "ndcg_at_1000": 89.87899999999999, + "ndcg_at_20": 89.381, + "ndcg_at_3": 87.73100000000001, + "ndcg_at_5": 88.425, + "precision_at_1": 84.443, + "precision_at_10": 10.520999999999999, + "precision_at_100": 1.103, + "precision_at_1000": 0.11399999999999999, + "precision_at_20": 5.362, + "precision_at_3": 33.198, + "precision_at_5": 20.441000000000003, + "recall_at_1": 78.371, + "recall_at_10": 94.594, + "recall_at_100": 96.97099999999999, + "recall_at_1000": 98.18, + "recall_at_20": 95.707, + "recall_at_3": 90.853, + "recall_at_5": 92.74799999999999, + "main_score": 89.05499999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/FiQA-PL.json b/results/DivineNnamdi__jina-embeddings-v3/external/FiQA-PL.json new file mode 100644 index 000000000..009494f90 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/FiQA-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "2e535829717f8bf9dc829b7f911cc5bbd4e6608e", + "task_name": "FiQA-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 38.828, + "map_at_1": 19.126, + "map_at_10": 31.002000000000002, + "map_at_100": 32.736, + "map_at_1000": 32.933, + "map_at_20": 31.894, + "map_at_3": 26.583000000000002, + "map_at_5": 28.904000000000003, + "mrr_at_1": 37.808641975308646, + "mrr_at_10": 46.36745541838134, + "mrr_at_100": 47.14140915794908, + "mrr_at_1000": 47.190701435388846, + "mrr_at_20": 46.81387776440309, + "mrr_at_3": 43.750000000000014, + "mrr_at_5": 45.23919753086418, + "nauc_map_at_1000_diff1": 38.5532285881503, + "nauc_map_at_1000_max": 34.44383884813453, + "nauc_map_at_1000_std": -1.3963497949476722, + "nauc_map_at_100_diff1": 38.49292464176943, + "nauc_map_at_100_max": 34.33752755618645, + "nauc_map_at_100_std": -1.4794032905848582, + "nauc_map_at_10_diff1": 38.26061536370962, + "nauc_map_at_10_max": 33.16977912721411, + "nauc_map_at_10_std": -2.3853370604730393, + "nauc_map_at_1_diff1": 46.288767289528344, + "nauc_map_at_1_max": 25.67706785013364, + "nauc_map_at_1_std": -6.989769609924645, + "nauc_map_at_20_diff1": 38.507270129330685, + "nauc_map_at_20_max": 33.70963328055982, + "nauc_map_at_20_std": -1.9835510011554272, + "nauc_map_at_3_diff1": 39.81061518646884, + "nauc_map_at_3_max": 30.101186374147748, + "nauc_map_at_3_std": -4.027120247237715, + "nauc_map_at_5_diff1": 38.55602589746512, + "nauc_map_at_5_max": 31.515174267015983, + "nauc_map_at_5_std": -3.4064239358570303, + "nauc_mrr_at_1000_diff1": 45.030514454725726, + "nauc_mrr_at_1000_max": 43.878919881666164, + "nauc_mrr_at_1000_std": 2.517594250297626, + "nauc_mrr_at_100_diff1": 45.00868212878687, + "nauc_mrr_at_100_max": 43.87437011120001, + "nauc_mrr_at_100_std": 2.5257874265014966, + "nauc_mrr_at_10_diff1": 44.855044606754056, + "nauc_mrr_at_10_max": 43.946617058785186, + "nauc_mrr_at_10_std": 2.5173751662794044, + "nauc_mrr_at_1_diff1": 49.441510997817346, + "nauc_mrr_at_1_max": 43.08547383044357, + "nauc_mrr_at_1_std": -1.8747770703324347, + "nauc_mrr_at_20_diff1": 45.019880416584215, + "nauc_mrr_at_20_max": 43.85691473662242, + "nauc_mrr_at_20_std": 2.4625487605091303, + "nauc_mrr_at_3_diff1": 45.322041658604036, + "nauc_mrr_at_3_max": 43.95079293074395, + "nauc_mrr_at_3_std": 2.4644274393435737, + "nauc_mrr_at_5_diff1": 44.99461837803437, + "nauc_mrr_at_5_max": 43.97934275090601, + "nauc_mrr_at_5_std": 2.5353091695125096, + "nauc_ndcg_at_1000_diff1": 39.38449023275524, + "nauc_ndcg_at_1000_max": 39.48382767312788, + "nauc_ndcg_at_1000_std": 3.414789408343409, + "nauc_ndcg_at_100_diff1": 38.29675861135578, + "nauc_ndcg_at_100_max": 38.2674786507297, + "nauc_ndcg_at_100_std": 2.7094055381218207, + "nauc_ndcg_at_10_diff1": 38.09514955708717, + "nauc_ndcg_at_10_max": 36.664923238906525, + "nauc_ndcg_at_10_std": 0.6901410544967921, + "nauc_ndcg_at_1_diff1": 49.441510997817346, + "nauc_ndcg_at_1_max": 43.08547383044357, + "nauc_ndcg_at_1_std": -1.8747770703324347, + "nauc_ndcg_at_20_diff1": 38.44967736231759, + "nauc_ndcg_at_20_max": 36.871179313622584, + "nauc_ndcg_at_20_std": 1.157560360065234, + "nauc_ndcg_at_3_diff1": 39.02419271805571, + "nauc_ndcg_at_3_max": 37.447669442586324, + "nauc_ndcg_at_3_std": 0.41502589779297794, + "nauc_ndcg_at_5_diff1": 38.10233452742001, + "nauc_ndcg_at_5_max": 35.816381905465676, + "nauc_ndcg_at_5_std": -0.3704499913387088, + "nauc_precision_at_1000_diff1": 2.451267097838658, + "nauc_precision_at_1000_max": 29.116394969085306, + "nauc_precision_at_1000_std": 14.85900786538363, + "nauc_precision_at_100_diff1": 8.10919082251277, + "nauc_precision_at_100_max": 36.28388256191417, + "nauc_precision_at_100_std": 14.830039904317657, + "nauc_precision_at_10_diff1": 15.02446609920477, + "nauc_precision_at_10_max": 41.008463775454054, + "nauc_precision_at_10_std": 10.431403152334486, + "nauc_precision_at_1_diff1": 49.441510997817346, + "nauc_precision_at_1_max": 43.08547383044357, + "nauc_precision_at_1_std": -1.8747770703324347, + "nauc_precision_at_20_diff1": 14.222022201169926, + "nauc_precision_at_20_max": 40.10189643835305, + "nauc_precision_at_20_std": 12.204443815975527, + "nauc_precision_at_3_diff1": 25.41905395341234, + "nauc_precision_at_3_max": 41.56133905339819, + "nauc_precision_at_3_std": 5.575516915590082, + "nauc_precision_at_5_diff1": 20.20081221089351, + "nauc_precision_at_5_max": 40.95218555916681, + "nauc_precision_at_5_std": 7.2040745500708745, + "nauc_recall_at_1000_diff1": 28.021198234033395, + "nauc_recall_at_1000_max": 36.165148684597504, + "nauc_recall_at_1000_std": 28.28852356008973, + "nauc_recall_at_100_diff1": 21.882447802741897, + "nauc_recall_at_100_max": 26.979684607567222, + "nauc_recall_at_100_std": 9.783658817010082, + "nauc_recall_at_10_diff1": 28.493097951178818, + "nauc_recall_at_10_max": 29.40937476550134, + "nauc_recall_at_10_std": 2.7593763576979353, + "nauc_recall_at_1_diff1": 46.288767289528344, + "nauc_recall_at_1_max": 25.67706785013364, + "nauc_recall_at_1_std": -6.989769609924645, + "nauc_recall_at_20_diff1": 27.638381299425234, + "nauc_recall_at_20_max": 27.942035836106328, + "nauc_recall_at_20_std": 3.489835161380808, + "nauc_recall_at_3_diff1": 33.90054781392646, + "nauc_recall_at_3_max": 27.778812533030322, + "nauc_recall_at_3_std": -0.03054068020022706, + "nauc_recall_at_5_diff1": 30.279060732221346, + "nauc_recall_at_5_max": 27.49854749597931, + "nauc_recall_at_5_std": 0.5434664581939099, + "ndcg_at_1": 37.809, + "ndcg_at_10": 38.828, + "ndcg_at_100": 45.218, + "ndcg_at_1000": 48.510999999999996, + "ndcg_at_20": 41.11, + "ndcg_at_3": 34.466, + "ndcg_at_5": 35.843, + "precision_at_1": 37.809, + "precision_at_10": 11.157, + "precision_at_100": 1.762, + "precision_at_1000": 0.233, + "precision_at_20": 6.497, + "precision_at_3": 23.044999999999998, + "precision_at_5": 17.284, + "recall_at_1": 19.126, + "recall_at_10": 46.062, + "recall_at_100": 70.22800000000001, + "recall_at_1000": 89.803, + "recall_at_20": 53.217999999999996, + "recall_at_3": 30.847, + "recall_at_5": 37.11 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/FiQA2018.json b/results/DivineNnamdi__jina-embeddings-v3/external/FiQA2018.json new file mode 100644 index 000000000..67d0507c9 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/FiQA2018.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.810000000000002, + "map_at_10": 39.051, + "map_at_100": 41.231, + "map_at_1000": 41.376000000000005, + "map_at_20": 40.227000000000004, + "map_at_3": 33.915, + "map_at_5": 36.459, + "mrr_at_1": 48.148, + "mrr_at_10": 55.765, + "mrr_at_100": 56.495, + "mrr_at_1000": 56.525999999999996, + "mrr_at_20": 56.213, + "mrr_at_3": 53.086, + "mrr_at_5": 54.513999999999996, + "ndcg_at_1": 48.148, + "ndcg_at_10": 47.349999999999994, + "ndcg_at_100": 54.61899999999999, + "ndcg_at_1000": 56.830000000000005, + "ndcg_at_20": 50.143, + "ndcg_at_3": 43.108000000000004, + "ndcg_at_5": 44.023, + "precision_at_1": 48.148, + "precision_at_10": 13.441, + "precision_at_100": 2.085, + "precision_at_1000": 0.248, + "precision_at_20": 7.870000000000001, + "precision_at_3": 28.909000000000002, + "precision_at_5": 20.957, + "recall_at_1": 23.810000000000002, + "recall_at_10": 54.303000000000004, + "recall_at_100": 81.363, + "recall_at_1000": 94.391, + "recall_at_20": 63.056999999999995, + "recall_at_3": 38.098, + "recall_at_5": 44.414, + "main_score": 47.349999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/GeoreviewClassification.json b/results/DivineNnamdi__jina-embeddings-v3/external/GeoreviewClassification.json new file mode 100644 index 000000000..a4dd6e8ce --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/GeoreviewClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3765c0d1de6b7d264bc459433c45e5a75513839c", + "task_name": "GeoreviewClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 48.0126953125, + "f1": 47.65764016160488, + "f1_weighted": 47.65701659482088, + "main_score": 48.0126953125 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/GeoreviewClusteringP2P.json b/results/DivineNnamdi__jina-embeddings-v3/external/GeoreviewClusteringP2P.json new file mode 100644 index 000000000..735e07624 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/GeoreviewClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "97a313c8fc85b47f13f33e7e9a95c1ad888c7fec", + "task_name": "GeoreviewClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "main_score": 73.62357853672266, + "v_measure": 73.62357853672266, + "v_measure_std": 0.5942247545535766 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/GerDaLIR.json b/results/DivineNnamdi__jina-embeddings-v3/external/GerDaLIR.json new file mode 100644 index 000000000..26279c43c --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/GerDaLIR.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "0bb47f1d73827e96964edb84dfe552f62f4fd5eb", + "task_name": "GerDaLIR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "deu-Latn" + ], + "main_score": 16.227, + "map_at_1": 8.082, + "map_at_10": 12.959999999999999, + "map_at_100": 13.923, + "map_at_1000": 14.030999999999999, + "map_at_20": 13.453000000000001, + "map_at_3": 11.018, + "map_at_5": 12.056000000000001, + "mrr_at_1": 8.993332249146203, + "mrr_at_10": 13.994013092850247, + "mrr_at_100": 14.913737673149308, + "mrr_at_1000": 15.00843809934407, + "mrr_at_20": 14.470268462334007, + "mrr_at_3": 12.000596302921846, + "mrr_at_5": 13.070689000921561, + "nauc_map_at_1000_diff1": 28.559639584013286, + "nauc_map_at_1000_max": 25.533800126086714, + "nauc_map_at_1000_std": 9.826551026628666, + "nauc_map_at_100_diff1": 28.544724499331696, + "nauc_map_at_100_max": 25.46734324526386, + "nauc_map_at_100_std": 9.739314481785591, + "nauc_map_at_10_diff1": 28.77447517718118, + "nauc_map_at_10_max": 24.7431615237795, + "nauc_map_at_10_std": 8.349878188033646, + "nauc_map_at_1_diff1": 37.405452629895514, + "nauc_map_at_1_max": 24.444208978394023, + "nauc_map_at_1_std": 4.043820373810528, + "nauc_map_at_20_diff1": 28.69764217789062, + "nauc_map_at_20_max": 25.111848355996496, + "nauc_map_at_20_std": 9.034829905305918, + "nauc_map_at_3_diff1": 30.89053285076882, + "nauc_map_at_3_max": 24.862886115911152, + "nauc_map_at_3_std": 6.654260832396586, + "nauc_map_at_5_diff1": 29.230629676604263, + "nauc_map_at_5_max": 24.374302288018583, + "nauc_map_at_5_std": 7.341846952319046, + "nauc_mrr_at_1000_diff1": 28.086147932781426, + "nauc_mrr_at_1000_max": 25.98698528264653, + "nauc_mrr_at_1000_std": 9.917554348624545, + "nauc_mrr_at_100_diff1": 28.069163279791336, + "nauc_mrr_at_100_max": 25.949440010886804, + "nauc_mrr_at_100_std": 9.874340979732578, + "nauc_mrr_at_10_diff1": 28.239920869530046, + "nauc_mrr_at_10_max": 25.351271409498576, + "nauc_mrr_at_10_std": 8.669862759875162, + "nauc_mrr_at_1_diff1": 35.96543040207856, + "nauc_mrr_at_1_max": 25.488936487231967, + "nauc_mrr_at_1_std": 4.76439131038345, + "nauc_mrr_at_20_diff1": 28.18865871284607, + "nauc_mrr_at_20_max": 25.67121763344746, + "nauc_mrr_at_20_std": 9.297910707519472, + "nauc_mrr_at_3_diff1": 30.166714199740717, + "nauc_mrr_at_3_max": 25.541792491964877, + "nauc_mrr_at_3_std": 7.083090296398472, + "nauc_mrr_at_5_diff1": 28.68475284656478, + "nauc_mrr_at_5_max": 24.994071363482835, + "nauc_mrr_at_5_std": 7.687507254902365, + "nauc_ndcg_at_1000_diff1": 25.292792613586467, + "nauc_ndcg_at_1000_max": 29.211905289377178, + "nauc_ndcg_at_1000_std": 18.088867467320355, + "nauc_ndcg_at_100_diff1": 25.026905011089152, + "nauc_ndcg_at_100_max": 27.98822281254431, + "nauc_ndcg_at_100_std": 16.69456904301902, + "nauc_ndcg_at_10_diff1": 25.972279051109503, + "nauc_ndcg_at_10_max": 24.86486482734957, + "nauc_ndcg_at_10_std": 10.398605822106353, + "nauc_ndcg_at_1_diff1": 36.134710485184826, + "nauc_ndcg_at_1_max": 25.384572790326025, + "nauc_ndcg_at_1_std": 4.591863033771824, + "nauc_ndcg_at_20_diff1": 25.850033660205536, + "nauc_ndcg_at_20_max": 25.944243193140515, + "nauc_ndcg_at_20_std": 12.392409721204892, + "nauc_ndcg_at_3_diff1": 29.1966056380018, + "nauc_ndcg_at_3_max": 24.978843156259913, + "nauc_ndcg_at_3_std": 7.353914459205087, + "nauc_ndcg_at_5_diff1": 26.795315295756282, + "nauc_ndcg_at_5_max": 24.1196789150412, + "nauc_ndcg_at_5_std": 8.311970988265172, + "nauc_precision_at_1000_diff1": 9.128270550217984, + "nauc_precision_at_1000_max": 35.79286915973607, + "nauc_precision_at_1000_std": 39.15669472887154, + "nauc_precision_at_100_diff1": 14.770289799034384, + "nauc_precision_at_100_max": 34.58262232264337, + "nauc_precision_at_100_std": 34.101148102981384, + "nauc_precision_at_10_diff1": 19.899104673118178, + "nauc_precision_at_10_max": 26.636940338985625, + "nauc_precision_at_10_std": 15.73871357255849, + "nauc_precision_at_1_diff1": 36.134710485184826, + "nauc_precision_at_1_max": 25.384572790326025, + "nauc_precision_at_1_std": 4.591863033771824, + "nauc_precision_at_20_diff1": 19.423457975148942, + "nauc_precision_at_20_max": 29.58123490878582, + "nauc_precision_at_20_std": 20.847850110821618, + "nauc_precision_at_3_diff1": 24.986416623492918, + "nauc_precision_at_3_max": 25.973548400472975, + "nauc_precision_at_3_std": 9.486410455972823, + "nauc_precision_at_5_diff1": 21.237741424923332, + "nauc_precision_at_5_max": 24.647141028200164, + "nauc_precision_at_5_std": 11.102785032334147, + "nauc_recall_at_1000_diff1": 15.999714888817829, + "nauc_recall_at_1000_max": 44.34701908906545, + "nauc_recall_at_1000_std": 51.13471291594717, + "nauc_recall_at_100_diff1": 17.401714890483706, + "nauc_recall_at_100_max": 33.39042631654808, + "nauc_recall_at_100_std": 33.944446168451584, + "nauc_recall_at_10_diff1": 20.30036232399894, + "nauc_recall_at_10_max": 24.006718284396786, + "nauc_recall_at_10_std": 14.049375108518669, + "nauc_recall_at_1_diff1": 37.405452629895514, + "nauc_recall_at_1_max": 24.444208978394023, + "nauc_recall_at_1_std": 4.043820373810528, + "nauc_recall_at_20_diff1": 20.23582802609045, + "nauc_recall_at_20_max": 26.408063410785243, + "nauc_recall_at_20_std": 18.617479515468112, + "nauc_recall_at_3_diff1": 25.53221830103098, + "nauc_recall_at_3_max": 24.283712329152678, + "nauc_recall_at_3_std": 8.428947805841867, + "nauc_recall_at_5_diff1": 21.741499601020823, + "nauc_recall_at_5_max": 22.754924586295296, + "nauc_recall_at_5_std": 9.966736688169814, + "ndcg_at_1": 8.977, + "ndcg_at_10": 16.227, + "ndcg_at_100": 21.417, + "ndcg_at_1000": 24.451, + "ndcg_at_20": 17.982, + "ndcg_at_3": 12.206999999999999, + "ndcg_at_5": 14.059, + "precision_at_1": 8.977, + "precision_at_10": 2.933, + "precision_at_100": 0.59, + "precision_at_1000": 0.087, + "precision_at_20": 1.8599999999999999, + "precision_at_3": 5.550999999999999, + "precision_at_5": 4.340999999999999, + "recall_at_1": 8.082, + "recall_at_10": 25.52, + "recall_at_100": 50.32, + "recall_at_1000": 74.021, + "recall_at_20": 32.229, + "recall_at_3": 14.66, + "recall_at_5": 19.062 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/GermanDPR.json b/results/DivineNnamdi__jina-embeddings-v3/external/GermanDPR.json new file mode 100644 index 000000000..fe4ac3f4f --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/GermanDPR.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "5129d02422a66be600ac89cd3e8531b4f97d347d", + "task_name": "GermanDPR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "deu-Latn" + ], + "main_score": 82.422, + "map_at_1": 64.39, + "map_at_10": 77.273, + "map_at_100": 77.375, + "map_at_1000": 77.376, + "map_at_20": 77.351, + "map_at_3": 75.46300000000001, + "map_at_5": 76.878, + "mrr_at_1": 64.19512195121952, + "mrr_at_10": 77.15842044134736, + "mrr_at_100": 77.2604854308704, + "mrr_at_1000": 77.26087882190109, + "mrr_at_20": 77.23572154560611, + "mrr_at_3": 75.34959349593504, + "mrr_at_5": 76.76422764227652, + "nauc_map_at_1000_diff1": 49.73135253389972, + "nauc_map_at_1000_max": 8.665570717396145, + "nauc_map_at_1000_std": -25.920927572114522, + "nauc_map_at_100_diff1": 49.729170775336605, + "nauc_map_at_100_max": 8.66717979705074, + "nauc_map_at_100_std": -25.918338868918596, + "nauc_map_at_10_diff1": 49.708681691445925, + "nauc_map_at_10_max": 8.830640635692113, + "nauc_map_at_10_std": -25.843238986304858, + "nauc_map_at_1_diff1": 51.750022350988914, + "nauc_map_at_1_max": 3.599863010364626, + "nauc_map_at_1_std": -27.670122127567314, + "nauc_map_at_20_diff1": 49.72609185887161, + "nauc_map_at_20_max": 8.766556053409218, + "nauc_map_at_20_std": -25.85975887517904, + "nauc_map_at_3_diff1": 49.328512536255595, + "nauc_map_at_3_max": 9.475682028996795, + "nauc_map_at_3_std": -26.277349632171017, + "nauc_map_at_5_diff1": 49.42801822186142, + "nauc_map_at_5_max": 8.788822474357252, + "nauc_map_at_5_std": -25.959260882028573, + "nauc_mrr_at_1000_diff1": 50.13038598302397, + "nauc_mrr_at_1000_max": 8.734338637484832, + "nauc_mrr_at_1000_std": -26.653343549855908, + "nauc_mrr_at_100_diff1": 50.12820392111392, + "nauc_mrr_at_100_max": 8.735940503917966, + "nauc_mrr_at_100_std": -26.65074918231251, + "nauc_mrr_at_10_diff1": 50.10567888458267, + "nauc_mrr_at_10_max": 8.898451291748575, + "nauc_mrr_at_10_std": -26.572046921975655, + "nauc_mrr_at_1_diff1": 52.22769994409465, + "nauc_mrr_at_1_max": 3.6490820146062015, + "nauc_mrr_at_1_std": -28.535100562320498, + "nauc_mrr_at_20_diff1": 50.12462222100699, + "nauc_mrr_at_20_max": 8.83487018268756, + "nauc_mrr_at_20_std": -26.591437036958332, + "nauc_mrr_at_3_diff1": 49.6987353700016, + "nauc_mrr_at_3_max": 9.531003760756258, + "nauc_mrr_at_3_std": -26.949799063124818, + "nauc_mrr_at_5_diff1": 49.823881656376585, + "nauc_mrr_at_5_max": 8.850404667985085, + "nauc_mrr_at_5_std": -26.680008966088582, + "nauc_ndcg_at_1000_diff1": 49.41721203361181, + "nauc_ndcg_at_1000_max": 9.41093067609825, + "nauc_ndcg_at_1000_std": -25.499543637737567, + "nauc_ndcg_at_100_diff1": 49.32810419509252, + "nauc_ndcg_at_100_max": 9.476216458766897, + "nauc_ndcg_at_100_std": -25.393856250990414, + "nauc_ndcg_at_10_diff1": 49.181984436623694, + "nauc_ndcg_at_10_max": 10.65234732763274, + "nauc_ndcg_at_10_std": -24.737669349012297, + "nauc_ndcg_at_1_diff1": 51.750022350988914, + "nauc_ndcg_at_1_max": 3.599863010364626, + "nauc_ndcg_at_1_std": -27.670122127567314, + "nauc_ndcg_at_20_diff1": 49.275394594995056, + "nauc_ndcg_at_20_max": 10.402059796651923, + "nauc_ndcg_at_20_std": -24.82329915806705, + "nauc_ndcg_at_3_diff1": 48.22614352152889, + "nauc_ndcg_at_3_max": 11.67464280791404, + "nauc_ndcg_at_3_std": -25.867824868234095, + "nauc_ndcg_at_5_diff1": 48.35583502987241, + "nauc_ndcg_at_5_max": 10.494278750448451, + "nauc_ndcg_at_5_std": -25.11599634172764, + "nauc_precision_at_1000_diff1": NaN, + "nauc_precision_at_1000_max": NaN, + "nauc_precision_at_1000_std": NaN, + "nauc_precision_at_100_diff1": -56.39478136433852, + "nauc_precision_at_100_max": 86.93518577529493, + "nauc_precision_at_100_std": 100.0, + "nauc_precision_at_10_diff1": 38.662829729133094, + "nauc_precision_at_10_max": 56.38018435740605, + "nauc_precision_at_10_std": 6.288091897081105, + "nauc_precision_at_1_diff1": 51.750022350988914, + "nauc_precision_at_1_max": 3.599863010364626, + "nauc_precision_at_1_std": -27.670122127567314, + "nauc_precision_at_20_diff1": 34.739153182429085, + "nauc_precision_at_20_max": 84.86908403000989, + "nauc_precision_at_20_std": 29.156199421219455, + "nauc_precision_at_3_diff1": 42.09287362529135, + "nauc_precision_at_3_max": 23.629152759287074, + "nauc_precision_at_3_std": -23.721376911302492, + "nauc_precision_at_5_diff1": 36.03866171924644, + "nauc_precision_at_5_max": 29.166173558775327, + "nauc_precision_at_5_std": -15.096374563068448, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": -56.39478136433541, + "nauc_recall_at_100_max": 86.93518577528111, + "nauc_recall_at_100_std": 100.0, + "nauc_recall_at_10_diff1": 38.66282972913384, + "nauc_recall_at_10_max": 56.3801843574071, + "nauc_recall_at_10_std": 6.288091897082639, + "nauc_recall_at_1_diff1": 51.750022350988914, + "nauc_recall_at_1_max": 3.599863010364626, + "nauc_recall_at_1_std": -27.670122127567314, + "nauc_recall_at_20_diff1": 34.7391531824321, + "nauc_recall_at_20_max": 84.86908403001016, + "nauc_recall_at_20_std": 29.156199421220748, + "nauc_recall_at_3_diff1": 42.09287362529107, + "nauc_recall_at_3_max": 23.629152759286946, + "nauc_recall_at_3_std": -23.72137691130291, + "nauc_recall_at_5_diff1": 36.0386617192469, + "nauc_recall_at_5_max": 29.1661735587759, + "nauc_recall_at_5_std": -15.09637456306774, + "ndcg_at_1": 64.39, + "ndcg_at_10": 82.422, + "ndcg_at_100": 82.86099999999999, + "ndcg_at_1000": 82.87299999999999, + "ndcg_at_20": 82.67999999999999, + "ndcg_at_3": 78.967, + "ndcg_at_5": 81.50699999999999, + "precision_at_1": 64.39, + "precision_at_10": 9.795, + "precision_at_100": 0.9990000000000001, + "precision_at_1000": 0.1, + "precision_at_20": 4.946, + "precision_at_3": 29.691000000000003, + "precision_at_5": 19.044, + "recall_at_1": 64.39, + "recall_at_10": 97.951, + "recall_at_100": 99.902, + "recall_at_1000": 100.0, + "recall_at_20": 98.92699999999999, + "recall_at_3": 89.07300000000001, + "recall_at_5": 95.22 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/GermanQuAD-Retrieval.json b/results/DivineNnamdi__jina-embeddings-v3/external/GermanQuAD-Retrieval.json new file mode 100644 index 000000000..7c0e470ad --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/GermanQuAD-Retrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f5c87ae5a2e7a5106606314eef45255f03151bb3", + "task_name": "GermanQuAD-Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "deu-Latn" + ], + "main_score": 94.15532365396247, + "map_at_1": 90.789, + "map_at_10": 94.24, + "map_at_100": 94.283, + "map_at_1000": 94.284, + "map_at_20": 94.272, + "map_at_3": 93.913, + "map_at_5": 94.155, + "mrr_at_1": 90.78947368421053, + "mrr_at_10": 94.23987411056376, + "mrr_at_100": 94.28320936825, + "mrr_at_1000": 94.28350209115848, + "mrr_at_20": 94.271919092559, + "mrr_at_3": 93.91258318209313, + "mrr_at_5": 94.15532365396247, + "nauc_map_at_1000_diff1": 89.29089310650436, + "nauc_map_at_1000_max": 73.83868784032414, + "nauc_map_at_1000_std": -11.635778561889989, + "nauc_map_at_100_diff1": 89.29077225707755, + "nauc_map_at_100_max": 73.84002740580378, + "nauc_map_at_100_std": -11.644096256165092, + "nauc_map_at_10_diff1": 89.29117612292366, + "nauc_map_at_10_max": 73.97487984981221, + "nauc_map_at_10_std": -11.35191794373827, + "nauc_map_at_1_diff1": 89.35436544117584, + "nauc_map_at_1_max": 70.35936815057701, + "nauc_map_at_1_std": -13.598996360976903, + "nauc_map_at_20_diff1": 89.2530394052653, + "nauc_map_at_20_max": 73.83537529419839, + "nauc_map_at_20_std": -11.628272822028478, + "nauc_map_at_3_diff1": 89.375111893546, + "nauc_map_at_3_max": 74.78900366026112, + "nauc_map_at_3_std": -12.720905253503274, + "nauc_map_at_5_diff1": 89.35358300820893, + "nauc_map_at_5_max": 74.31996219723239, + "nauc_map_at_5_std": -10.768642638210867, + "nauc_mrr_at_1000_diff1": 89.29089310650436, + "nauc_mrr_at_1000_max": 73.83868784032414, + "nauc_mrr_at_1000_std": -11.635778561889989, + "nauc_mrr_at_100_diff1": 89.29077225707755, + "nauc_mrr_at_100_max": 73.84002740580378, + "nauc_mrr_at_100_std": -11.644096256165092, + "nauc_mrr_at_10_diff1": 89.29117612292366, + "nauc_mrr_at_10_max": 73.97487984981221, + "nauc_mrr_at_10_std": -11.35191794373827, + "nauc_mrr_at_1_diff1": 89.35436544117584, + "nauc_mrr_at_1_max": 70.35936815057701, + "nauc_mrr_at_1_std": -13.598996360976903, + "nauc_mrr_at_20_diff1": 89.2530394052653, + "nauc_mrr_at_20_max": 73.83537529419839, + "nauc_mrr_at_20_std": -11.628272822028478, + "nauc_mrr_at_3_diff1": 89.375111893546, + "nauc_mrr_at_3_max": 74.78900366026112, + "nauc_mrr_at_3_std": -12.720905253503274, + "nauc_mrr_at_5_diff1": 89.35358300820893, + "nauc_mrr_at_5_max": 74.31996219723239, + "nauc_mrr_at_5_std": -10.768642638210867, + "nauc_ndcg_at_1000_diff1": 89.27620775856863, + "nauc_ndcg_at_1000_max": 74.2985757362615, + "nauc_ndcg_at_1000_std": -11.236142819703023, + "nauc_ndcg_at_100_diff1": 89.27284787540731, + "nauc_ndcg_at_100_max": 74.33539303365968, + "nauc_ndcg_at_100_std": -11.469413615851936, + "nauc_ndcg_at_10_diff1": 89.21496710661724, + "nauc_ndcg_at_10_max": 75.02035398490516, + "nauc_ndcg_at_10_std": -9.903255803665814, + "nauc_ndcg_at_1_diff1": 89.35436544117584, + "nauc_ndcg_at_1_max": 70.35936815057701, + "nauc_ndcg_at_1_std": -13.598996360976903, + "nauc_ndcg_at_20_diff1": 89.03561289544179, + "nauc_ndcg_at_20_max": 74.4006766600049, + "nauc_ndcg_at_20_std": -11.129237862587743, + "nauc_ndcg_at_3_diff1": 89.46540193201693, + "nauc_ndcg_at_3_max": 76.87093548368378, + "nauc_ndcg_at_3_std": -12.484902872086767, + "nauc_ndcg_at_5_diff1": 89.39924941584766, + "nauc_ndcg_at_5_max": 75.96975269092722, + "nauc_ndcg_at_5_std": -8.180295581144833, + "nauc_precision_at_1000_diff1": 100.0, + "nauc_precision_at_1000_max": 100.0, + "nauc_precision_at_1000_std": 100.0, + "nauc_precision_at_100_diff1": 86.93074003795302, + "nauc_precision_at_100_max": 100.0, + "nauc_precision_at_100_std": -174.07785375176616, + "nauc_precision_at_10_diff1": 87.43064119412082, + "nauc_precision_at_10_max": 90.60785783417448, + "nauc_precision_at_10_std": 15.378710059645906, + "nauc_precision_at_1_diff1": 89.35436544117584, + "nauc_precision_at_1_max": 70.35936815057701, + "nauc_precision_at_1_std": -13.598996360976903, + "nauc_precision_at_20_diff1": 78.78206037685919, + "nauc_precision_at_20_max": 82.52264166455923, + "nauc_precision_at_20_std": -5.95806599216658, + "nauc_precision_at_3_diff1": 90.12709256456401, + "nauc_precision_at_3_max": 90.72678805838154, + "nauc_precision_at_3_std": -11.047599315631993, + "nauc_precision_at_5_diff1": 89.9066873566561, + "nauc_precision_at_5_max": 93.51571626543664, + "nauc_precision_at_5_std": 22.632403279126162, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": 86.93074003793416, + "nauc_recall_at_100_max": 100.0, + "nauc_recall_at_100_std": -174.07785375175723, + "nauc_recall_at_10_diff1": 87.43064119411991, + "nauc_recall_at_10_max": 90.60785783417579, + "nauc_recall_at_10_std": 15.378710059643607, + "nauc_recall_at_1_diff1": 89.35436544117584, + "nauc_recall_at_1_max": 70.35936815057701, + "nauc_recall_at_1_std": -13.598996360976903, + "nauc_recall_at_20_diff1": 78.78206037685645, + "nauc_recall_at_20_max": 82.52264166455791, + "nauc_recall_at_20_std": -5.958065992168697, + "nauc_recall_at_3_diff1": 90.12709256456463, + "nauc_recall_at_3_max": 90.7267880583832, + "nauc_recall_at_3_std": -11.047599315631881, + "nauc_recall_at_5_diff1": 89.90668735665676, + "nauc_recall_at_5_max": 93.51571626543753, + "nauc_recall_at_5_std": 22.632403279126112, + "ndcg_at_1": 90.789, + "ndcg_at_10": 95.46, + "ndcg_at_100": 95.652, + "ndcg_at_1000": 95.659, + "ndcg_at_20": 95.575, + "ndcg_at_3": 94.82000000000001, + "ndcg_at_5": 95.26400000000001, + "precision_at_1": 90.789, + "precision_at_10": 9.908999999999999, + "precision_at_100": 1.0, + "precision_at_1000": 0.1, + "precision_at_20": 4.977, + "precision_at_3": 32.471, + "precision_at_5": 19.701, + "recall_at_1": 90.789, + "recall_at_10": 99.093, + "recall_at_100": 99.955, + "recall_at_1000": 100.0, + "recall_at_20": 99.546, + "recall_at_3": 97.414, + "recall_at_5": 98.503 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/GermanSTSBenchmark.json b/results/DivineNnamdi__jina-embeddings-v3/external/GermanSTSBenchmark.json new file mode 100644 index 000000000..85477a531 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/GermanSTSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e36907544d44c3a247898ed81540310442329e20", + "task_name": "GermanSTSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "deu-Latn" + ], + "cosine_pearson": 86.55319003300265, + "cosine_spearman": 87.50267373081324, + "euclidean_pearson": 87.41630636501863, + "euclidean_spearman": 88.02170803409365, + "main_score": 87.50267373081324, + "manhattan_pearson": 87.33703179056744, + "manhattan_spearman": 87.99192826922514, + "pearson": 86.55319003300265, + "spearman": 87.50267373081324 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/HALClusteringS2S.json b/results/DivineNnamdi__jina-embeddings-v3/external/HALClusteringS2S.json new file mode 100644 index 000000000..4a1249e77 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/HALClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e06ebbbb123f8144bef1a5d18796f3dec9ae2915", + "task_name": "HALClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "main_score": 27.477557517301303, + "v_measure": 27.477557517301303, + "v_measure_std": 3.3525736581861336 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/HeadlineClassification.json b/results/DivineNnamdi__jina-embeddings-v3/external/HeadlineClassification.json new file mode 100644 index 000000000..26f3065b9 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/HeadlineClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "2fe05ee6b5832cda29f2ef7aaad7b7fe6a3609eb", + "task_name": "HeadlineClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 75.0830078125, + "f1": 75.08863209267814, + "f1_weighted": 75.08895979060917, + "main_score": 75.0830078125 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/HotpotQA-PL.json b/results/DivineNnamdi__jina-embeddings-v3/external/HotpotQA-PL.json new file mode 100644 index 000000000..ee6f03a7a --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/HotpotQA-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "a0bd479ac97b4ccb5bd6ce320c415d0bb4beb907", + "task_name": "HotpotQA-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 60.27, + "map_at_1": 35.199000000000005, + "map_at_10": 51.369, + "map_at_100": 52.212, + "map_at_1000": 52.28, + "map_at_20": 51.864, + "map_at_3": 48.446, + "map_at_5": 50.302, + "mrr_at_1": 70.39837947332883, + "mrr_at_10": 76.8346141067273, + "mrr_at_100": 77.10724392048137, + "mrr_at_1000": 77.12037412892865, + "mrr_at_20": 77.01061532947222, + "mrr_at_3": 75.5908170155299, + "mrr_at_5": 76.39095205941899, + "nauc_map_at_1000_diff1": 24.701387884989117, + "nauc_map_at_1000_max": 23.25553235642178, + "nauc_map_at_1000_std": 7.1803506915661774, + "nauc_map_at_100_diff1": 24.674498622483103, + "nauc_map_at_100_max": 23.234948525052175, + "nauc_map_at_100_std": 7.168677997105447, + "nauc_map_at_10_diff1": 24.676025039755626, + "nauc_map_at_10_max": 23.171971872726964, + "nauc_map_at_10_std": 6.485610909852058, + "nauc_map_at_1_diff1": 68.90178464319715, + "nauc_map_at_1_max": 46.05537868917558, + "nauc_map_at_1_std": 1.7658552480698708, + "nauc_map_at_20_diff1": 24.69297151842494, + "nauc_map_at_20_max": 23.213064691673637, + "nauc_map_at_20_std": 6.9357946556849, + "nauc_map_at_3_diff1": 26.279128947950507, + "nauc_map_at_3_max": 23.929537354117922, + "nauc_map_at_3_std": 4.625061565714759, + "nauc_map_at_5_diff1": 25.04448959482816, + "nauc_map_at_5_max": 23.432012857899338, + "nauc_map_at_5_std": 5.845744681998008, + "nauc_mrr_at_1000_diff1": 66.7503918108276, + "nauc_mrr_at_1000_max": 48.42897342336844, + "nauc_mrr_at_1000_std": 5.3097517971144415, + "nauc_mrr_at_100_diff1": 66.74645215862695, + "nauc_mrr_at_100_max": 48.4368663009989, + "nauc_mrr_at_100_std": 5.322297898555188, + "nauc_mrr_at_10_diff1": 66.69310166180729, + "nauc_mrr_at_10_max": 48.475437698330225, + "nauc_mrr_at_10_std": 5.258183461631702, + "nauc_mrr_at_1_diff1": 68.90178464319715, + "nauc_mrr_at_1_max": 46.05537868917558, + "nauc_mrr_at_1_std": 1.7658552480698708, + "nauc_mrr_at_20_diff1": 66.72000262431975, + "nauc_mrr_at_20_max": 48.45593642981319, + "nauc_mrr_at_20_std": 5.353665929072101, + "nauc_mrr_at_3_diff1": 66.84936676396276, + "nauc_mrr_at_3_max": 48.466611276778295, + "nauc_mrr_at_3_std": 4.485810398557475, + "nauc_mrr_at_5_diff1": 66.62362565394174, + "nauc_mrr_at_5_max": 48.456431835482014, + "nauc_mrr_at_5_std": 5.08482458391903, + "nauc_ndcg_at_1000_diff1": 29.984825173719443, + "nauc_ndcg_at_1000_max": 27.289179238639893, + "nauc_ndcg_at_1000_std": 10.661480455527526, + "nauc_ndcg_at_100_diff1": 29.322074257047877, + "nauc_ndcg_at_100_max": 26.850650276220605, + "nauc_ndcg_at_100_std": 10.599247982501902, + "nauc_ndcg_at_10_diff1": 29.659909113886094, + "nauc_ndcg_at_10_max": 26.836139599331005, + "nauc_ndcg_at_10_std": 8.12844399452719, + "nauc_ndcg_at_1_diff1": 68.90178464319715, + "nauc_ndcg_at_1_max": 46.05537868917558, + "nauc_ndcg_at_1_std": 1.7658552480698708, + "nauc_ndcg_at_20_diff1": 29.510802214854294, + "nauc_ndcg_at_20_max": 26.775562637730722, + "nauc_ndcg_at_20_std": 9.341342661702363, + "nauc_ndcg_at_3_diff1": 32.741885846292966, + "nauc_ndcg_at_3_max": 28.44225108761343, + "nauc_ndcg_at_3_std": 5.204440768465042, + "nauc_ndcg_at_5_diff1": 30.57856348635919, + "nauc_ndcg_at_5_max": 27.475007474301698, + "nauc_ndcg_at_5_std": 6.961546044312487, + "nauc_precision_at_1000_diff1": 0.002113156309413332, + "nauc_precision_at_1000_max": 11.198242419541286, + "nauc_precision_at_1000_std": 28.69676419166541, + "nauc_precision_at_100_diff1": 3.6049575557782627, + "nauc_precision_at_100_max": 12.499173524574791, + "nauc_precision_at_100_std": 23.3755281004721, + "nauc_precision_at_10_diff1": 10.922574784853193, + "nauc_precision_at_10_max": 16.23221529562036, + "nauc_precision_at_10_std": 12.45014808813857, + "nauc_precision_at_1_diff1": 68.90178464319715, + "nauc_precision_at_1_max": 46.05537868917558, + "nauc_precision_at_1_std": 1.7658552480698708, + "nauc_precision_at_20_diff1": 8.840710781302827, + "nauc_precision_at_20_max": 14.804644554205524, + "nauc_precision_at_20_std": 16.245009770815237, + "nauc_precision_at_3_diff1": 19.447291487137573, + "nauc_precision_at_3_max": 21.47123471597057, + "nauc_precision_at_3_std": 6.441862800128802, + "nauc_precision_at_5_diff1": 14.078545719721108, + "nauc_precision_at_5_max": 18.468288046016387, + "nauc_precision_at_5_std": 9.58650641691393, + "nauc_recall_at_1000_diff1": 0.0021131563095336584, + "nauc_recall_at_1000_max": 11.198242419541558, + "nauc_recall_at_1000_std": 28.6967641916655, + "nauc_recall_at_100_diff1": 3.6049575557781393, + "nauc_recall_at_100_max": 12.499173524574765, + "nauc_recall_at_100_std": 23.375528100472074, + "nauc_recall_at_10_diff1": 10.922574784853168, + "nauc_recall_at_10_max": 16.2322152956203, + "nauc_recall_at_10_std": 12.450148088138535, + "nauc_recall_at_1_diff1": 68.90178464319715, + "nauc_recall_at_1_max": 46.05537868917558, + "nauc_recall_at_1_std": 1.7658552480698708, + "nauc_recall_at_20_diff1": 8.840710781302905, + "nauc_recall_at_20_max": 14.804644554205515, + "nauc_recall_at_20_std": 16.245009770815273, + "nauc_recall_at_3_diff1": 19.447291487137498, + "nauc_recall_at_3_max": 21.47123471597054, + "nauc_recall_at_3_std": 6.441862800128763, + "nauc_recall_at_5_diff1": 14.07854571972115, + "nauc_recall_at_5_max": 18.468288046016337, + "nauc_recall_at_5_std": 9.586506416913904, + "ndcg_at_1": 70.39800000000001, + "ndcg_at_10": 60.27, + "ndcg_at_100": 63.400999999999996, + "ndcg_at_1000": 64.847, + "ndcg_at_20": 61.571, + "ndcg_at_3": 55.875, + "ndcg_at_5": 58.36599999999999, + "precision_at_1": 70.39800000000001, + "precision_at_10": 12.46, + "precision_at_100": 1.493, + "precision_at_1000": 0.169, + "precision_at_20": 6.65, + "precision_at_3": 35.062, + "precision_at_5": 23.009, + "recall_at_1": 35.199000000000005, + "recall_at_10": 62.302, + "recall_at_100": 74.666, + "recall_at_1000": 84.355, + "recall_at_20": 66.496, + "recall_at_3": 52.593, + "recall_at_5": 57.522 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/HotpotQA.json b/results/DivineNnamdi__jina-embeddings-v3/external/HotpotQA.json new file mode 100644 index 000000000..36ad8f0f0 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/HotpotQA.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.143, + "map_at_10": 55.916999999999994, + "map_at_100": 56.706, + "map_at_1000": 56.77100000000001, + "map_at_20": 56.367, + "map_at_3": 53.111, + "map_at_5": 54.839000000000006, + "mrr_at_1": 76.286, + "mrr_at_10": 81.879, + "mrr_at_100": 82.09100000000001, + "mrr_at_1000": 82.101, + "mrr_at_20": 82.01, + "mrr_at_3": 80.972, + "mrr_at_5": 81.537, + "ndcg_at_1": 76.286, + "ndcg_at_10": 64.673, + "ndcg_at_100": 67.527, + "ndcg_at_1000": 68.857, + "ndcg_at_20": 65.822, + "ndcg_at_3": 60.616, + "ndcg_at_5": 62.827999999999996, + "precision_at_1": 76.286, + "precision_at_10": 13.196, + "precision_at_100": 1.544, + "precision_at_1000": 0.172, + "precision_at_20": 6.968000000000001, + "precision_at_3": 37.992, + "precision_at_5": 24.54, + "recall_at_1": 38.143, + "recall_at_10": 65.982, + "recall_at_100": 77.225, + "recall_at_1000": 86.077, + "recall_at_20": 69.68299999999999, + "recall_at_3": 56.989000000000004, + "recall_at_5": 61.35, + "main_score": 64.673 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/IFlyTek.json b/results/DivineNnamdi__jina-embeddings-v3/external/IFlyTek.json new file mode 100644 index 000000000..ea7b4ef05 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/IFlyTek.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "421605374b29664c5fc098418fe20ada9bd55f8a", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 41.67756829549827, + "f1": 33.929325579581636, + "f1_weighted": 43.03952025643197, + "main_score": 41.67756829549827 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/ImdbClassification.json b/results/DivineNnamdi__jina-embeddings-v3/external/ImdbClassification.json new file mode 100644 index 000000000..05587719f --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/ImdbClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.90440000000001, + "ap": 88.78663714603425, + "ap_weighted": 88.78663714603425, + "f1": 91.89564361975891, + "f1_weighted": 91.89564361975891, + "main_score": 91.90440000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/InappropriatenessClassification.json b/results/DivineNnamdi__jina-embeddings-v3/external/InappropriatenessClassification.json new file mode 100644 index 000000000..3464eba22 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/InappropriatenessClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "601651fdc45ef243751676e62dd7a19f491c0285", + "task_name": "InappropriatenessClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 61.0498046875, + "ap": 57.04240566648215, + "ap_weighted": 57.04240566648215, + "f1": 60.867630038606954, + "f1_weighted": 60.867630038606954, + "main_score": 61.0498046875 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/JDReview.json b/results/DivineNnamdi__jina-embeddings-v3/external/JDReview.json new file mode 100644 index 000000000..5f71ee752 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/JDReview.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "b7c64bd89eb87f8ded463478346f76731f07bf8b", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 83.50844277673546, + "ap": 48.46732380712268, + "ap_weighted": 48.46732380712268, + "f1": 77.43967451387445, + "f1_weighted": 84.78462929014114, + "main_score": 83.50844277673546 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/KinopoiskClassification.json b/results/DivineNnamdi__jina-embeddings-v3/external/KinopoiskClassification.json new file mode 100644 index 000000000..1c7f2b819 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/KinopoiskClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "5911f26666ac11af46cb9c6849d0dc80a378af24", + "task_name": "KinopoiskClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 62.393333333333324, + "f1": 61.35940129568015, + "f1_weighted": 61.35940129568015, + "main_score": 62.393333333333324 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/LCQMC.json b/results/DivineNnamdi__jina-embeddings-v3/external/LCQMC.json new file mode 100644 index 000000000..cd7ebd277 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/LCQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "17f9b096f80380fce5ed12a9be8be7784b337daf", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 67.74375505907872, + "cosine_spearman": 75.94582231399434, + "euclidean_pearson": 74.52501692443582, + "euclidean_spearman": 75.88428434746646, + "main_score": 75.94582231399434, + "manhattan_pearson": 74.55015441749529, + "manhattan_spearman": 75.83288262176175, + "pearson": 67.74375505907872, + "spearman": 75.94582231399434 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/LEMBNarrativeQARetrieval.json b/results/DivineNnamdi__jina-embeddings-v3/external/LEMBNarrativeQARetrieval.json new file mode 100644 index 000000000..5a09264cd --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/LEMBNarrativeQARetrieval.json @@ -0,0 +1,266 @@ +{ + "dataset_revision": "6e346642246bfb4928c560ee08640dc84d074e8c", + "task_name": "LEMBNarrativeQARetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.093, + "map_at_10": 30.227999999999998, + "map_at_100": 31.423000000000002, + "map_at_1000": 31.533, + "map_at_20": 30.835, + "map_at_3": 27.983999999999998, + "map_at_5": 29.253, + "mrr_at_1": 23.093, + "mrr_at_10": 30.227999999999998, + "mrr_at_100": 31.423000000000002, + "mrr_at_1000": 31.533, + "mrr_at_20": 30.835, + "mrr_at_3": 27.983999999999998, + "mrr_at_5": 29.253, + "ndcg_at_1": 23.093, + "ndcg_at_10": 34.297, + "ndcg_at_100": 41.049, + "ndcg_at_1000": 43.566, + "ndcg_at_20": 36.52, + "ndcg_at_3": 29.629, + "ndcg_at_5": 31.926, + "precision_at_1": 23.093, + "precision_at_10": 4.735, + "precision_at_100": 0.8109999999999999, + "precision_at_1000": 0.1, + "precision_at_20": 2.8080000000000003, + "precision_at_3": 11.468, + "precision_at_5": 8.001, + "recall_at_1": 23.093, + "recall_at_10": 47.354, + "recall_at_100": 81.147, + "recall_at_1000": 100.0, + "recall_at_20": 56.16799999999999, + "recall_at_3": 34.405, + "recall_at_5": 40.004, + "main_score": 34.297 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.361, + "map_at_10": 33.641, + "map_at_100": 35.104, + "map_at_1000": 35.127, + "map_at_20": 34.388999999999996, + "map_at_3": 30.255, + "map_at_5": 32.079, + "mrr_at_1": 24.361, + "mrr_at_10": 33.641, + "mrr_at_100": 35.104, + "mrr_at_1000": 35.127, + "mrr_at_20": 34.388999999999996, + "mrr_at_3": 30.255, + "mrr_at_5": 32.079, + "ndcg_at_1": 24.361, + "ndcg_at_10": 39.337, + "ndcg_at_100": 47.384, + "ndcg_at_1000": 47.75, + "ndcg_at_20": 42.077999999999996, + "ndcg_at_3": 32.235, + "ndcg_at_5": 35.524, + "precision_at_1": 24.361, + "precision_at_10": 5.783, + "precision_at_100": 0.975, + "precision_at_1000": 0.1, + "precision_at_20": 3.435, + "precision_at_3": 12.661, + "precision_at_5": 9.193999999999999, + "recall_at_1": 24.361, + "recall_at_10": 57.826, + "recall_at_100": 97.51100000000001, + "recall_at_1000": 100.0, + "recall_at_20": 68.697, + "recall_at_3": 37.983, + "recall_at_5": 45.972, + "main_score": 39.337 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 53.667, + "map_at_10": 61.719, + "map_at_100": 62.471, + "map_at_1000": 62.492000000000004, + "map_at_20": 62.153000000000006, + "map_at_3": 59.167, + "map_at_5": 60.95, + "mrr_at_1": 53.667, + "mrr_at_10": 61.719, + "mrr_at_100": 62.471, + "mrr_at_1000": 62.492000000000004, + "mrr_at_20": 62.153000000000006, + "mrr_at_3": 59.167, + "mrr_at_5": 60.95, + "ndcg_at_1": 53.667, + "ndcg_at_10": 66.018, + "ndcg_at_100": 69.726, + "ndcg_at_1000": 70.143, + "ndcg_at_20": 67.61399999999999, + "ndcg_at_3": 60.924, + "ndcg_at_5": 64.10900000000001, + "precision_at_1": 53.667, + "precision_at_10": 7.9670000000000005, + "precision_at_100": 0.97, + "precision_at_1000": 0.1, + "precision_at_20": 4.3, + "precision_at_3": 22.0, + "precision_at_5": 14.732999999999999, + "recall_at_1": 53.667, + "recall_at_10": 79.667, + "recall_at_100": 97.0, + "recall_at_1000": 100.0, + "recall_at_20": 86.0, + "recall_at_3": 66.0, + "recall_at_5": 73.667, + "main_score": 66.018 + } + ], + "test_256": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 64.0, + "map_at_10": 77.083, + "map_at_100": 77.265, + "map_at_1000": 77.265, + "map_at_20": 77.265, + "map_at_3": 76.333, + "map_at_5": 76.833, + "mrr_at_1": 64.0, + "mrr_at_10": 77.083, + "mrr_at_100": 77.265, + "mrr_at_1000": 77.265, + "mrr_at_20": 77.265, + "mrr_at_3": 76.333, + "mrr_at_5": 76.833, + "ndcg_at_1": 64.0, + "ndcg_at_10": 82.325, + "ndcg_at_100": 82.883, + "ndcg_at_1000": 82.883, + "ndcg_at_20": 82.883, + "ndcg_at_3": 80.833, + "ndcg_at_5": 81.694, + "precision_at_1": 64.0, + "precision_at_10": 9.8, + "precision_at_100": 1.0, + "precision_at_1000": 0.1, + "precision_at_20": 5.0, + "precision_at_3": 31.333, + "precision_at_5": 19.2, + "recall_at_1": 64.0, + "recall_at_10": 98.0, + "recall_at_100": 100.0, + "recall_at_1000": 100.0, + "recall_at_20": 100.0, + "recall_at_3": 94.0, + "recall_at_5": 96.0, + "main_score": 64.0 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 100.0, + "map_at_10": 100.0, + "map_at_100": 100.0, + "map_at_1000": 100.0, + "map_at_20": 100.0, + "map_at_3": 100.0, + "map_at_5": 100.0, + "mrr_at_1": 100.0, + "mrr_at_10": 100.0, + "mrr_at_100": 100.0, + "mrr_at_1000": 100.0, + "mrr_at_20": 100.0, + "mrr_at_3": 100.0, + "mrr_at_5": 100.0, + "ndcg_at_1": 100.0, + "ndcg_at_10": 100.0, + "ndcg_at_100": 100.0, + "ndcg_at_1000": 100.0, + "ndcg_at_20": 100.0, + "ndcg_at_3": 100.0, + "ndcg_at_5": 100.0, + "precision_at_1": 100.0, + "precision_at_10": 10.0, + "precision_at_100": 1.0, + "precision_at_1000": 0.1, + "precision_at_20": 5.0, + "precision_at_3": 33.333, + "precision_at_5": 20.0, + "recall_at_1": 100.0, + "recall_at_10": 100.0, + "recall_at_100": 100.0, + "recall_at_1000": 100.0, + "recall_at_20": 100.0, + "recall_at_3": 100.0, + "recall_at_5": 100.0, + "main_score": 100.0 + } + ], + "validation": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 84.821, + "map_at_10": 90.11200000000001, + "map_at_100": 90.158, + "map_at_1000": 90.158, + "map_at_20": 90.137, + "map_at_3": 89.385, + "map_at_5": 89.876, + "mrr_at_1": 84.821, + "mrr_at_10": 90.11200000000001, + "mrr_at_100": 90.158, + "mrr_at_1000": 90.158, + "mrr_at_20": 90.137, + "mrr_at_3": 89.385, + "mrr_at_5": 89.876, + "ndcg_at_1": 84.821, + "ndcg_at_10": 92.334, + "ndcg_at_100": 92.535, + "ndcg_at_1000": 92.535, + "ndcg_at_20": 92.414, + "ndcg_at_3": 90.887, + "ndcg_at_5": 91.758, + "precision_at_1": 84.821, + "precision_at_10": 9.911, + "precision_at_100": 1.0, + "precision_at_1000": 0.1, + "precision_at_20": 4.97, + "precision_at_3": 31.746000000000002, + "precision_at_5": 19.464000000000002, + "recall_at_1": 84.821, + "recall_at_10": 99.107, + "recall_at_100": 100.0, + "recall_at_1000": 100.0, + "recall_at_20": 99.405, + "recall_at_3": 95.238, + "recall_at_5": 97.321, + "main_score": 92.334 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/MIRACLReranking.json b/results/DivineNnamdi__jina-embeddings-v3/external/MIRACLReranking.json new file mode 100644 index 000000000..c9ac323f4 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/MIRACLReranking.json @@ -0,0 +1,129 @@ +{ + "dataset_revision": "6d1962c527217f8927fca80f890f14f36b2802af", + "task_name": "MIRACLReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "MAP@1(MIRACL)": 20.721999999999998, + "MAP@10(MIRACL)": 33.900999999999996, + "MAP@100(MIRACL)": 36.813, + "MAP@1000(MIRACL)": 36.813, + "MAP@20(MIRACL)": 35.684, + "MAP@3(MIRACL)": 28.141, + "MAP@5(MIRACL)": 31.075000000000003, + "NDCG@1(MIRACL)": 32.799, + "NDCG@10(MIRACL)": 42.065000000000005, + "NDCG@100(MIRACL)": 49.730999999999995, + "NDCG@1000(MIRACL)": 49.730999999999995, + "NDCG@20(MIRACL)": 46.0, + "NDCG@3(MIRACL)": 34.481, + "NDCG@5(MIRACL)": 37.452999999999996, + "P@1(MIRACL)": 32.799, + "P@10(MIRACL)": 11.668000000000001, + "P@100(MIRACL)": 1.9529999999999998, + "P@1000(MIRACL)": 0.19499999999999998, + "P@20(MIRACL)": 7.51, + "P@3(MIRACL)": 20.823, + "P@5(MIRACL)": 16.728, + "Recall@1(MIRACL)": 20.721999999999998, + "Recall@10(MIRACL)": 54.762, + "Recall@100(MIRACL)": 79.952, + "Recall@1000(MIRACL)": 79.952, + "Recall@20(MIRACL)": 66.26100000000001, + "Recall@3(MIRACL)": 34.410000000000004, + "Recall@5(MIRACL)": 42.659000000000006, + "main_score": 42.065000000000005, + "nAUC_MAP@1000_diff1(MIRACL)": 14.33534992502818, + "nAUC_MAP@1000_max(MIRACL)": 12.367998764646115, + "nAUC_MAP@1000_std(MIRACL)": 4.569686002935006, + "nAUC_MAP@100_diff1(MIRACL)": 14.33534992502818, + "nAUC_MAP@100_max(MIRACL)": 12.367998764646115, + "nAUC_MAP@100_std(MIRACL)": 4.569686002935006, + "nAUC_MAP@10_diff1(MIRACL)": 16.920323975680027, + "nAUC_MAP@10_max(MIRACL)": 9.327171297204082, + "nAUC_MAP@10_std(MIRACL)": 3.2039133783079015, + "nAUC_MAP@1_diff1(MIRACL)": 28.698973487482206, + "nAUC_MAP@1_max(MIRACL)": 2.9217687660885034, + "nAUC_MAP@1_std(MIRACL)": -1.1247408800976524, + "nAUC_MAP@20_diff1(MIRACL)": 15.359083081640476, + "nAUC_MAP@20_max(MIRACL)": 11.310494233946345, + "nAUC_MAP@20_std(MIRACL)": 4.4171898386022885, + "nAUC_MAP@3_diff1(MIRACL)": 22.27430591851617, + "nAUC_MAP@3_max(MIRACL)": 6.407438291284658, + "nAUC_MAP@3_std(MIRACL)": 0.9799184530397409, + "nAUC_MAP@5_diff1(MIRACL)": 19.20571689941054, + "nAUC_MAP@5_max(MIRACL)": 7.987468654026893, + "nAUC_MAP@5_std(MIRACL)": 1.8324246565938962, + "nAUC_NDCG@1000_diff1(MIRACL)": 3.7537669018914768, + "nAUC_NDCG@1000_max(MIRACL)": 20.7944707840533, + "nAUC_NDCG@1000_std(MIRACL)": 8.444837055303063, + "nAUC_NDCG@100_diff1(MIRACL)": 3.7537669018914768, + "nAUC_NDCG@100_max(MIRACL)": 20.7944707840533, + "nAUC_NDCG@100_std(MIRACL)": 8.444837055303063, + "nAUC_NDCG@10_diff1(MIRACL)": 10.829575656103888, + "nAUC_NDCG@10_max(MIRACL)": 13.0445496498929, + "nAUC_NDCG@10_std(MIRACL)": 6.050412212625362, + "nAUC_NDCG@1_diff1(MIRACL)": 19.1388712233292, + "nAUC_NDCG@1_max(MIRACL)": 10.871900994781642, + "nAUC_NDCG@1_std(MIRACL)": 3.218568248751811, + "nAUC_NDCG@20_diff1(MIRACL)": 7.093172181746442, + "nAUC_NDCG@20_max(MIRACL)": 16.955238078958836, + "nAUC_NDCG@20_std(MIRACL)": 8.325656379573035, + "nAUC_NDCG@3_diff1(MIRACL)": 17.134437303330802, + "nAUC_NDCG@3_max(MIRACL)": 10.235328822955793, + "nAUC_NDCG@3_std(MIRACL)": 3.2341358691084814, + "nAUC_NDCG@5_diff1(MIRACL)": 14.733664618337636, + "nAUC_NDCG@5_max(MIRACL)": 11.181897412035282, + "nAUC_NDCG@5_std(MIRACL)": 3.642277088791985, + "nAUC_P@1000_diff1(MIRACL)": -26.330038284867573, + "nAUC_P@1000_max(MIRACL)": 28.450694137240458, + "nAUC_P@1000_std(MIRACL)": 9.892993775474912, + "nAUC_P@100_diff1(MIRACL)": -26.330038284867552, + "nAUC_P@100_max(MIRACL)": 28.45069413724051, + "nAUC_P@100_std(MIRACL)": 9.892993775474928, + "nAUC_P@10_diff1(MIRACL)": -17.436937353231112, + "nAUC_P@10_max(MIRACL)": 24.327018012947857, + "nAUC_P@10_std(MIRACL)": 11.78803527706634, + "nAUC_P@1_diff1(MIRACL)": 19.1388712233292, + "nAUC_P@1_max(MIRACL)": 10.871900994781642, + "nAUC_P@1_std(MIRACL)": 3.218568248751811, + "nAUC_P@20_diff1(MIRACL)": -22.947528755272426, + "nAUC_P@20_max(MIRACL)": 27.773093471902538, + "nAUC_P@20_std(MIRACL)": 14.898619107087221, + "nAUC_P@3_diff1(MIRACL)": 1.4100426412400944, + "nAUC_P@3_max(MIRACL)": 17.397472872058845, + "nAUC_P@3_std(MIRACL)": 8.240008229861875, + "nAUC_P@5_diff1(MIRACL)": -7.971349332207021, + "nAUC_P@5_max(MIRACL)": 22.198441167940963, + "nAUC_P@5_std(MIRACL)": 9.00265164460082, + "nAUC_Recall@1000_diff1(MIRACL)": -38.69835271863148, + "nAUC_Recall@1000_max(MIRACL)": 50.9545152809108, + "nAUC_Recall@1000_std(MIRACL)": 20.44270887092116, + "nAUC_Recall@100_diff1(MIRACL)": -38.69835271863148, + "nAUC_Recall@100_max(MIRACL)": 50.9545152809108, + "nAUC_Recall@100_std(MIRACL)": 20.44270887092116, + "nAUC_Recall@10_diff1(MIRACL)": -0.08109036309433801, + "nAUC_Recall@10_max(MIRACL)": 12.696619907773568, + "nAUC_Recall@10_std(MIRACL)": 8.791982704261589, + "nAUC_Recall@1_diff1(MIRACL)": 28.698973487482206, + "nAUC_Recall@1_max(MIRACL)": 2.9217687660885034, + "nAUC_Recall@1_std(MIRACL)": -1.1247408800976524, + "nAUC_Recall@20_diff1(MIRACL)": -13.312171017942623, + "nAUC_Recall@20_max(MIRACL)": 24.19847346821666, + "nAUC_Recall@20_std(MIRACL)": 15.8157702609797, + "nAUC_Recall@3_diff1(MIRACL)": 16.909128321353343, + "nAUC_Recall@3_max(MIRACL)": 6.552122731902991, + "nAUC_Recall@3_std(MIRACL)": 1.9963898223457228, + "nAUC_Recall@5_diff1(MIRACL)": 9.990292655247721, + "nAUC_Recall@5_max(MIRACL)": 9.361722273507574, + "nAUC_Recall@5_std(MIRACL)": 3.270918827854495 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/MLQARetrieval.json b/results/DivineNnamdi__jina-embeddings-v3/external/MLQARetrieval.json new file mode 100644 index 000000000..ee274e0fa --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/MLQARetrieval.json @@ -0,0 +1,1342 @@ +{ + "dataset_revision": "397ed406c1a7902140303e7faf60fff35b58d285", + "task_name": "MLQARetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "deu-deu", + "languages": [ + "deu-Latn", + "deu-Latn" + ], + "main_score": 67.548, + "map_at_1": 56.559000000000005, + "map_at_10": 63.867, + "map_at_100": 64.429, + "map_at_1000": 64.457, + "map_at_20": 64.215, + "map_at_3": 62.109, + "map_at_5": 63.101, + "mrr_at_1": 56.56990915134057, + "mrr_at_10": 63.86820789324668, + "mrr_at_100": 64.42973602152581, + "mrr_at_1000": 64.45818598090155, + "mrr_at_20": 64.2163052263868, + "mrr_at_3": 62.10946155550634, + "mrr_at_5": 63.10104143585199, + "nauc_map_at_1000_diff1": 73.78440163370111, + "nauc_map_at_1000_max": 66.37875518052162, + "nauc_map_at_1000_std": -17.063915098135396, + "nauc_map_at_100_diff1": 73.77180802985815, + "nauc_map_at_100_max": 66.38365998362033, + "nauc_map_at_100_std": -17.053345109661972, + "nauc_map_at_10_diff1": 73.70041876696037, + "nauc_map_at_10_max": 66.33213342705997, + "nauc_map_at_10_std": -17.40657791273925, + "nauc_map_at_1_diff1": 76.8784374396948, + "nauc_map_at_1_max": 64.07170606935357, + "nauc_map_at_1_std": -18.464213686790654, + "nauc_map_at_20_diff1": 73.72371377231813, + "nauc_map_at_20_max": 66.42108121059451, + "nauc_map_at_20_std": -17.05384923889036, + "nauc_map_at_3_diff1": 74.08287018839246, + "nauc_map_at_3_max": 66.42422337760333, + "nauc_map_at_3_std": -17.79503404131652, + "nauc_map_at_5_diff1": 73.9294779027339, + "nauc_map_at_5_max": 66.51752041065726, + "nauc_map_at_5_std": -17.67309805113804, + "nauc_mrr_at_1000_diff1": 73.78389736923545, + "nauc_mrr_at_1000_max": 66.37929720858341, + "nauc_mrr_at_1000_std": -17.058591711291278, + "nauc_mrr_at_100_diff1": 73.77126451253136, + "nauc_mrr_at_100_max": 66.38405917246607, + "nauc_mrr_at_100_std": -17.047251035212863, + "nauc_mrr_at_10_diff1": 73.69960470665124, + "nauc_mrr_at_10_max": 66.33265194210313, + "nauc_mrr_at_10_std": -17.399659076827998, + "nauc_mrr_at_1_diff1": 76.8689850260726, + "nauc_mrr_at_1_max": 64.09858188287487, + "nauc_mrr_at_1_std": -18.46064784201847, + "nauc_mrr_at_20_diff1": 73.72312682063128, + "nauc_mrr_at_20_max": 66.42181932858745, + "nauc_mrr_at_20_std": -17.04690257511092, + "nauc_mrr_at_3_diff1": 74.08287018839246, + "nauc_mrr_at_3_max": 66.42422337760333, + "nauc_mrr_at_3_std": -17.79503404131652, + "nauc_mrr_at_5_diff1": 73.9294779027339, + "nauc_mrr_at_5_max": 66.51752041065726, + "nauc_mrr_at_5_std": -17.67309805113804, + "nauc_ndcg_at_1000_diff1": 72.97825548342801, + "nauc_ndcg_at_1000_max": 66.96275437178257, + "nauc_ndcg_at_1000_std": -15.611902299641587, + "nauc_ndcg_at_100_diff1": 72.58724738936613, + "nauc_ndcg_at_100_max": 67.16774012704182, + "nauc_ndcg_at_100_std": -14.945088654796812, + "nauc_ndcg_at_10_diff1": 72.16253640477947, + "nauc_ndcg_at_10_max": 67.01746849484621, + "nauc_ndcg_at_10_std": -16.46102507270809, + "nauc_ndcg_at_1_diff1": 76.8689850260726, + "nauc_ndcg_at_1_max": 64.09858188287487, + "nauc_ndcg_at_1_std": -18.46064784201847, + "nauc_ndcg_at_20_diff1": 72.19995325129975, + "nauc_ndcg_at_20_max": 67.39639713797962, + "nauc_ndcg_at_20_std": -15.091689370748531, + "nauc_ndcg_at_3_diff1": 73.13123604206514, + "nauc_ndcg_at_3_max": 67.23123167871547, + "nauc_ndcg_at_3_std": -17.492755234009156, + "nauc_ndcg_at_5_diff1": 72.8154718929895, + "nauc_ndcg_at_5_max": 67.44578008373777, + "nauc_ndcg_at_5_std": -17.251840358751362, + "nauc_precision_at_1000_diff1": 47.89748325983604, + "nauc_precision_at_1000_max": 70.47466197804906, + "nauc_precision_at_1000_std": 72.66193512114775, + "nauc_precision_at_100_diff1": 59.493743734005356, + "nauc_precision_at_100_max": 74.02140147220713, + "nauc_precision_at_100_std": 17.26664098026236, + "nauc_precision_at_10_diff1": 64.94415011040277, + "nauc_precision_at_10_max": 69.6963814950747, + "nauc_precision_at_10_std": -11.663043657012954, + "nauc_precision_at_1_diff1": 76.8689850260726, + "nauc_precision_at_1_max": 64.09858188287487, + "nauc_precision_at_1_std": -18.46064784201847, + "nauc_precision_at_20_diff1": 63.145886909986416, + "nauc_precision_at_20_max": 72.95708033630744, + "nauc_precision_at_20_std": -1.5039593629280323, + "nauc_precision_at_3_diff1": 69.88902201644449, + "nauc_precision_at_3_max": 69.80499971089935, + "nauc_precision_at_3_std": -16.444680766676647, + "nauc_precision_at_5_diff1": 68.60869967062919, + "nauc_precision_at_5_max": 70.75998207564281, + "nauc_precision_at_5_std": -15.62613396998262, + "nauc_recall_at_1000_diff1": 62.6646436338833, + "nauc_recall_at_1000_max": 86.17801636476078, + "nauc_recall_at_1000_std": 71.84718775540334, + "nauc_recall_at_100_diff1": 61.110492191439505, + "nauc_recall_at_100_max": 75.45730686603042, + "nauc_recall_at_100_std": 16.202465011589428, + "nauc_recall_at_10_diff1": 65.1522196516815, + "nauc_recall_at_10_max": 69.7626435962161, + "nauc_recall_at_10_std": -11.801178474770449, + "nauc_recall_at_1_diff1": 76.8784374396948, + "nauc_recall_at_1_max": 64.07170606935357, + "nauc_recall_at_1_std": -18.464213686790654, + "nauc_recall_at_20_diff1": 63.40332739504143, + "nauc_recall_at_20_max": 73.04113661090965, + "nauc_recall_at_20_std": -1.6609741140266947, + "nauc_recall_at_3_diff1": 70.03728086098866, + "nauc_recall_at_3_max": 69.85953774320521, + "nauc_recall_at_3_std": -16.482993123411706, + "nauc_recall_at_5_diff1": 68.77396121765933, + "nauc_recall_at_5_max": 70.8231205493519, + "nauc_recall_at_5_std": -15.668037770700863, + "ndcg_at_1": 56.57, + "ndcg_at_10": 67.548, + "ndcg_at_100": 70.421, + "ndcg_at_1000": 71.198, + "ndcg_at_20": 68.829, + "ndcg_at_3": 63.88700000000001, + "ndcg_at_5": 65.689, + "precision_at_1": 56.57, + "precision_at_10": 7.922, + "precision_at_100": 0.9299999999999999, + "precision_at_1000": 0.099, + "precision_at_20": 4.216, + "precision_at_3": 23.015, + "precision_at_5": 14.691, + "recall_at_1": 56.559000000000005, + "recall_at_10": 79.182, + "recall_at_100": 92.946, + "recall_at_1000": 99.092, + "recall_at_20": 84.27900000000001, + "recall_at_3": 69.023, + "recall_at_5": 73.432 + }, + { + "hf_subset": "deu-spa", + "languages": [ + "deu-Latn", + "spa-Latn" + ], + "main_score": 70.645, + "map_at_1": 58.423, + "map_at_10": 66.613, + "map_at_100": 67.14099999999999, + "map_at_1000": 67.161, + "map_at_20": 66.965, + "map_at_3": 64.714, + "map_at_5": 65.835, + "mrr_at_1": 58.4225352112676, + "mrr_at_10": 66.61321260898735, + "mrr_at_100": 67.13991570812132, + "mrr_at_1000": 67.1598532168174, + "mrr_at_20": 66.96384710024888, + "mrr_at_3": 64.71361502347425, + "mrr_at_5": 65.83474178403769, + "nauc_map_at_1000_diff1": 73.9485117118935, + "nauc_map_at_1000_max": 65.74479869396299, + "nauc_map_at_1000_std": -20.300269749495563, + "nauc_map_at_100_diff1": 73.93900406302829, + "nauc_map_at_100_max": 65.75508449194885, + "nauc_map_at_100_std": -20.265330791570175, + "nauc_map_at_10_diff1": 73.84863233472605, + "nauc_map_at_10_max": 65.89377317378211, + "nauc_map_at_10_std": -20.404123131964695, + "nauc_map_at_1_diff1": 76.73627284218519, + "nauc_map_at_1_max": 62.94957512510876, + "nauc_map_at_1_std": -20.99649749330682, + "nauc_map_at_20_diff1": 73.88712006109598, + "nauc_map_at_20_max": 65.82057018162664, + "nauc_map_at_20_std": -20.269476512431915, + "nauc_map_at_3_diff1": 74.21419190161502, + "nauc_map_at_3_max": 65.64993368062119, + "nauc_map_at_3_std": -21.34641749007071, + "nauc_map_at_5_diff1": 74.0119419385777, + "nauc_map_at_5_max": 65.69809416369732, + "nauc_map_at_5_std": -21.16901556082261, + "nauc_mrr_at_1000_diff1": 73.94915184134923, + "nauc_mrr_at_1000_max": 65.74522469633418, + "nauc_mrr_at_1000_std": -20.303028367132246, + "nauc_mrr_at_100_diff1": 73.93964394728808, + "nauc_mrr_at_100_max": 65.75550992323707, + "nauc_mrr_at_100_std": -20.26808820438918, + "nauc_mrr_at_10_diff1": 73.84863233472605, + "nauc_mrr_at_10_max": 65.89377317378211, + "nauc_mrr_at_10_std": -20.404123131964695, + "nauc_mrr_at_1_diff1": 76.73627284218519, + "nauc_mrr_at_1_max": 62.94957512510876, + "nauc_mrr_at_1_std": -20.99649749330682, + "nauc_mrr_at_20_diff1": 73.88775721128745, + "nauc_mrr_at_20_max": 65.820991355628, + "nauc_mrr_at_20_std": -20.272216587019734, + "nauc_mrr_at_3_diff1": 74.21419190161502, + "nauc_mrr_at_3_max": 65.64993368062119, + "nauc_mrr_at_3_std": -21.34641749007071, + "nauc_mrr_at_5_diff1": 74.0119419385777, + "nauc_mrr_at_5_max": 65.69809416369732, + "nauc_mrr_at_5_std": -21.16901556082261, + "nauc_ndcg_at_1000_diff1": 73.29396365944277, + "nauc_ndcg_at_1000_max": 66.44879592109541, + "nauc_ndcg_at_1000_std": -19.285991058788195, + "nauc_ndcg_at_100_diff1": 73.0159172721162, + "nauc_ndcg_at_100_max": 66.76216389231388, + "nauc_ndcg_at_100_std": -18.27931368094887, + "nauc_ndcg_at_10_diff1": 72.42096650774693, + "nauc_ndcg_at_10_max": 67.48592688463306, + "nauc_ndcg_at_10_std": -18.91453756077581, + "nauc_ndcg_at_1_diff1": 76.73627284218519, + "nauc_ndcg_at_1_max": 62.94957512510876, + "nauc_ndcg_at_1_std": -20.99649749330682, + "nauc_ndcg_at_20_diff1": 72.53699362385684, + "nauc_ndcg_at_20_max": 67.22763976357872, + "nauc_ndcg_at_20_std": -18.299910635008338, + "nauc_ndcg_at_3_diff1": 73.3698453761989, + "nauc_ndcg_at_3_max": 66.71056987289383, + "nauc_ndcg_at_3_std": -21.405154376652803, + "nauc_ndcg_at_5_diff1": 72.9491030712935, + "nauc_ndcg_at_5_max": 66.85786103137077, + "nauc_ndcg_at_5_std": -21.04005053344073, + "nauc_precision_at_1000_diff1": 17.02462370967451, + "nauc_precision_at_1000_max": 48.03260752496052, + "nauc_precision_at_1000_std": 87.56077915079334, + "nauc_precision_at_100_diff1": 58.590352501194985, + "nauc_precision_at_100_max": 78.2649015433222, + "nauc_precision_at_100_std": 28.05030453158992, + "nauc_precision_at_10_diff1": 64.89497928764766, + "nauc_precision_at_10_max": 75.93257124951242, + "nauc_precision_at_10_std": -9.825306994117462, + "nauc_precision_at_1_diff1": 76.73627284218519, + "nauc_precision_at_1_max": 62.94957512510876, + "nauc_precision_at_1_std": -20.99649749330682, + "nauc_precision_at_20_diff1": 62.11366204321558, + "nauc_precision_at_20_max": 75.9571427846493, + "nauc_precision_at_20_std": -0.94585212808191, + "nauc_precision_at_3_diff1": 70.52940972112398, + "nauc_precision_at_3_max": 70.3402053170779, + "nauc_precision_at_3_std": -21.579778424241304, + "nauc_precision_at_5_diff1": 68.78962580223575, + "nauc_precision_at_5_max": 71.41410894398376, + "nauc_precision_at_5_std": -20.415603405161956, + "nauc_recall_at_1000_diff1": 55.88625447348128, + "nauc_recall_at_1000_max": 100.0, + "nauc_recall_at_1000_std": 100.0, + "nauc_recall_at_100_diff1": 61.17942268389525, + "nauc_recall_at_100_max": 81.12207841563487, + "nauc_recall_at_100_std": 27.141215257528113, + "nauc_recall_at_10_diff1": 64.8949792876478, + "nauc_recall_at_10_max": 75.93257124951249, + "nauc_recall_at_10_std": -9.825306994117323, + "nauc_recall_at_1_diff1": 76.73627284218519, + "nauc_recall_at_1_max": 62.94957512510876, + "nauc_recall_at_1_std": -20.99649749330682, + "nauc_recall_at_20_diff1": 63.07808719241162, + "nauc_recall_at_20_max": 76.96808746317542, + "nauc_recall_at_20_std": -1.5235053258631275, + "nauc_recall_at_3_diff1": 70.52940972112405, + "nauc_recall_at_3_max": 70.3402053170779, + "nauc_recall_at_3_std": -21.57977842424124, + "nauc_recall_at_5_diff1": 68.78962580223575, + "nauc_recall_at_5_max": 71.41410894398392, + "nauc_recall_at_5_std": -20.415603405161793, + "ndcg_at_1": 58.423, + "ndcg_at_10": 70.645, + "ndcg_at_100": 73.277, + "ndcg_at_1000": 73.785, + "ndcg_at_20": 71.918, + "ndcg_at_3": 66.679, + "ndcg_at_5": 68.72200000000001, + "precision_at_1": 58.423, + "precision_at_10": 8.338, + "precision_at_100": 0.959, + "precision_at_1000": 0.1, + "precision_at_20": 4.423, + "precision_at_3": 24.113, + "precision_at_5": 15.47, + "recall_at_1": 58.423, + "recall_at_10": 83.38, + "recall_at_100": 95.887, + "recall_at_1000": 99.831, + "recall_at_20": 88.39399999999999, + "recall_at_3": 72.33800000000001, + "recall_at_5": 77.352 + }, + { + "hf_subset": "deu-eng", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "main_score": 67.067, + "map_at_1": 55.861000000000004, + "map_at_10": 63.42100000000001, + "map_at_100": 64.03, + "map_at_1000": 64.05999999999999, + "map_at_20": 63.819, + "map_at_3": 61.773, + "map_at_5": 62.736999999999995, + "mrr_at_1": 55.88300465322402, + "mrr_at_10": 63.43111082973707, + "mrr_at_100": 64.03962373590272, + "mrr_at_1000": 64.0698259866376, + "mrr_at_20": 63.82871766489112, + "mrr_at_3": 61.78447448112865, + "mrr_at_5": 62.74835659945346, + "nauc_map_at_1000_diff1": 74.58505763417352, + "nauc_map_at_1000_max": 66.26060764852198, + "nauc_map_at_1000_std": -16.896178230873897, + "nauc_map_at_100_diff1": 74.57057487892857, + "nauc_map_at_100_max": 66.26600433283826, + "nauc_map_at_100_std": -16.87596113104189, + "nauc_map_at_10_diff1": 74.53453636322749, + "nauc_map_at_10_max": 66.27501737773804, + "nauc_map_at_10_std": -17.178743257781775, + "nauc_map_at_1_diff1": 77.63067209375254, + "nauc_map_at_1_max": 64.17718675702672, + "nauc_map_at_1_std": -17.639521106853717, + "nauc_map_at_20_diff1": 74.52007402431164, + "nauc_map_at_20_max": 66.28276291359268, + "nauc_map_at_20_std": -16.939292897754758, + "nauc_map_at_3_diff1": 74.79187974631951, + "nauc_map_at_3_max": 66.23256568210611, + "nauc_map_at_3_std": -17.894889918934112, + "nauc_map_at_5_diff1": 74.63011328882517, + "nauc_map_at_5_max": 66.35411054978499, + "nauc_map_at_5_std": -17.50140342194211, + "nauc_mrr_at_1000_diff1": 74.57520089771667, + "nauc_mrr_at_1000_max": 66.27270912845914, + "nauc_mrr_at_1000_std": -16.84012675362397, + "nauc_mrr_at_100_diff1": 74.56070964572156, + "nauc_mrr_at_100_max": 66.2780701126926, + "nauc_mrr_at_100_std": -16.820035083069865, + "nauc_mrr_at_10_diff1": 74.52455978435117, + "nauc_mrr_at_10_max": 66.28697244023137, + "nauc_mrr_at_10_std": -17.122477723330523, + "nauc_mrr_at_1_diff1": 77.60643512422061, + "nauc_mrr_at_1_max": 64.21736966061896, + "nauc_mrr_at_1_std": -17.56627338275146, + "nauc_mrr_at_20_diff1": 74.5099814266373, + "nauc_mrr_at_20_max": 66.29485560556576, + "nauc_mrr_at_20_std": -16.882350027335306, + "nauc_mrr_at_3_diff1": 74.78132817375507, + "nauc_mrr_at_3_max": 66.24761860047623, + "nauc_mrr_at_3_std": -17.833128575678998, + "nauc_mrr_at_5_diff1": 74.6193031207433, + "nauc_mrr_at_5_max": 66.36951764432901, + "nauc_mrr_at_5_std": -17.438203106324227, + "nauc_ndcg_at_1000_diff1": 73.79386161629151, + "nauc_ndcg_at_1000_max": 66.84013038018082, + "nauc_ndcg_at_1000_std": -15.387358822700667, + "nauc_ndcg_at_100_diff1": 73.36132885277745, + "nauc_ndcg_at_100_max": 67.04416926901568, + "nauc_ndcg_at_100_std": -14.503256942521972, + "nauc_ndcg_at_10_diff1": 73.11847332785027, + "nauc_ndcg_at_10_max": 67.02149621303091, + "nauc_ndcg_at_10_std": -16.142234662067782, + "nauc_ndcg_at_1_diff1": 77.60643512422061, + "nauc_ndcg_at_1_max": 64.21736966061896, + "nauc_ndcg_at_1_std": -17.56627338275146, + "nauc_ndcg_at_20_diff1": 72.97961452569768, + "nauc_ndcg_at_20_max": 67.12369127081152, + "nauc_ndcg_at_20_std": -15.11921773223936, + "nauc_ndcg_at_3_diff1": 73.77769312598772, + "nauc_ndcg_at_3_max": 66.94438755852309, + "nauc_ndcg_at_3_std": -17.75960443830741, + "nauc_ndcg_at_5_diff1": 73.43991209562891, + "nauc_ndcg_at_5_max": 67.21682951737418, + "nauc_ndcg_at_5_std": -17.013510008231805, + "nauc_precision_at_1000_diff1": 51.30633281948362, + "nauc_precision_at_1000_max": 76.78675288883846, + "nauc_precision_at_1000_std": 71.70041985304397, + "nauc_precision_at_100_diff1": 59.86656455853326, + "nauc_precision_at_100_max": 74.41958422732161, + "nauc_precision_at_100_std": 22.098920296069124, + "nauc_precision_at_10_diff1": 66.4696166928741, + "nauc_precision_at_10_max": 69.88463108697104, + "nauc_precision_at_10_std": -10.707950954702742, + "nauc_precision_at_1_diff1": 77.60643512422061, + "nauc_precision_at_1_max": 64.21736966061896, + "nauc_precision_at_1_std": -17.56627338275146, + "nauc_precision_at_20_diff1": 63.45094585276983, + "nauc_precision_at_20_max": 71.57741245347195, + "nauc_precision_at_20_std": -2.2211545419051744, + "nauc_precision_at_3_diff1": 70.28060818081384, + "nauc_precision_at_3_max": 69.22652927816439, + "nauc_precision_at_3_std": -17.158576243559434, + "nauc_precision_at_5_diff1": 68.90765418427162, + "nauc_precision_at_5_max": 70.32585273389111, + "nauc_precision_at_5_std": -14.950363729664524, + "nauc_recall_at_1000_diff1": 65.11255117927331, + "nauc_recall_at_1000_max": 88.35641213283338, + "nauc_recall_at_1000_std": 69.89792573640547, + "nauc_recall_at_100_diff1": 61.46376457272238, + "nauc_recall_at_100_max": 75.48265142243015, + "nauc_recall_at_100_std": 21.223182712042178, + "nauc_recall_at_10_diff1": 66.89353375308997, + "nauc_recall_at_10_max": 70.06655416883785, + "nauc_recall_at_10_std": -11.100871879439435, + "nauc_recall_at_1_diff1": 77.63067209375254, + "nauc_recall_at_1_max": 64.17718675702672, + "nauc_recall_at_1_std": -17.639521106853717, + "nauc_recall_at_20_diff1": 63.98532276331878, + "nauc_recall_at_20_max": 71.81562599791899, + "nauc_recall_at_20_std": -2.696537977147695, + "nauc_recall_at_3_diff1": 70.4507655865698, + "nauc_recall_at_3_max": 69.25705030141037, + "nauc_recall_at_3_std": -17.299948348202836, + "nauc_recall_at_5_diff1": 69.09152857901888, + "nauc_recall_at_5_max": 70.35609636026405, + "nauc_recall_at_5_std": -15.105012139255896, + "ndcg_at_1": 55.883, + "ndcg_at_10": 67.067, + "ndcg_at_100": 70.07, + "ndcg_at_1000": 70.875, + "ndcg_at_20": 68.498, + "ndcg_at_3": 63.666, + "ndcg_at_5": 65.40599999999999, + "precision_at_1": 55.883, + "precision_at_10": 7.8549999999999995, + "precision_at_100": 0.928, + "precision_at_1000": 0.099, + "precision_at_20": 4.2090000000000005, + "precision_at_3": 23.052, + "precision_at_5": 14.677999999999999, + "recall_at_1": 55.861000000000004, + "recall_at_10": 78.495, + "recall_at_100": 92.688, + "recall_at_1000": 99.02499999999999, + "recall_at_20": 84.124, + "recall_at_3": 69.123, + "recall_at_5": 73.355 + }, + { + "hf_subset": "spa-deu", + "languages": [ + "spa-Latn", + "deu-Latn" + ], + "main_score": 73.90299999999999, + "map_at_1": 61.236000000000004, + "map_at_10": 69.88799999999999, + "map_at_100": 70.319, + "map_at_1000": 70.341, + "map_at_20": 70.16799999999999, + "map_at_3": 68.104, + "map_at_5": 69.164, + "mrr_at_1": 61.2739571589628, + "mrr_at_10": 69.92589162684993, + "mrr_at_100": 70.35245455509234, + "mrr_at_1000": 70.37438351396742, + "mrr_at_20": 70.20247469915404, + "mrr_at_3": 68.14167606163099, + "mrr_at_5": 69.20142803457354, + "nauc_map_at_1000_diff1": 74.70416754842327, + "nauc_map_at_1000_max": 65.86915994583384, + "nauc_map_at_1000_std": -19.04437483534443, + "nauc_map_at_100_diff1": 74.70011798058674, + "nauc_map_at_100_max": 65.88507779167188, + "nauc_map_at_100_std": -19.018670970643786, + "nauc_map_at_10_diff1": 74.6362126804427, + "nauc_map_at_10_max": 66.05733054427198, + "nauc_map_at_10_std": -19.034317737897354, + "nauc_map_at_1_diff1": 77.24970536833601, + "nauc_map_at_1_max": 62.07820573048406, + "nauc_map_at_1_std": -20.917086586335078, + "nauc_map_at_20_diff1": 74.64113920401083, + "nauc_map_at_20_max": 65.89991740166793, + "nauc_map_at_20_std": -19.09987515041243, + "nauc_map_at_3_diff1": 74.6518162332119, + "nauc_map_at_3_max": 66.10312348194024, + "nauc_map_at_3_std": -18.95881457716116, + "nauc_map_at_5_diff1": 74.55141020670321, + "nauc_map_at_5_max": 65.94345752979342, + "nauc_map_at_5_std": -19.453976877992304, + "nauc_mrr_at_1000_diff1": 74.64458488344088, + "nauc_mrr_at_1000_max": 65.84575328456057, + "nauc_mrr_at_1000_std": -18.901614615119904, + "nauc_mrr_at_100_diff1": 74.64058497924627, + "nauc_mrr_at_100_max": 65.86170461767928, + "nauc_mrr_at_100_std": -18.87601697091505, + "nauc_mrr_at_10_diff1": 74.57266634464752, + "nauc_mrr_at_10_max": 66.03331587645152, + "nauc_mrr_at_10_std": -18.87888060105393, + "nauc_mrr_at_1_diff1": 77.19578272647183, + "nauc_mrr_at_1_max": 62.05252035478773, + "nauc_mrr_at_1_std": -20.790530940625267, + "nauc_mrr_at_20_diff1": 74.5808171250021, + "nauc_mrr_at_20_max": 65.87643606587798, + "nauc_mrr_at_20_std": -18.95476583474199, + "nauc_mrr_at_3_diff1": 74.5917053289191, + "nauc_mrr_at_3_max": 66.08044079438714, + "nauc_mrr_at_3_std": -18.81168463163586, + "nauc_mrr_at_5_diff1": 74.48934579694608, + "nauc_mrr_at_5_max": 65.91993162383771, + "nauc_mrr_at_5_std": -19.302710791338797, + "nauc_ndcg_at_1000_diff1": 74.20191283992186, + "nauc_ndcg_at_1000_max": 66.60831175771229, + "nauc_ndcg_at_1000_std": -18.175208725175484, + "nauc_ndcg_at_100_diff1": 74.07713451642955, + "nauc_ndcg_at_100_max": 67.02028626335476, + "nauc_ndcg_at_100_std": -17.36560972181693, + "nauc_ndcg_at_10_diff1": 73.63235521598476, + "nauc_ndcg_at_10_max": 67.8118473312638, + "nauc_ndcg_at_10_std": -17.647560577355915, + "nauc_ndcg_at_1_diff1": 77.19578272647183, + "nauc_ndcg_at_1_max": 62.05252035478773, + "nauc_ndcg_at_1_std": -20.790530940625267, + "nauc_ndcg_at_20_diff1": 73.65300308228291, + "nauc_ndcg_at_20_max": 67.18353402731985, + "nauc_ndcg_at_20_std": -17.9240756389792, + "nauc_ndcg_at_3_diff1": 73.73764900202292, + "nauc_ndcg_at_3_max": 67.60840957876889, + "nauc_ndcg_at_3_std": -17.962667543518933, + "nauc_ndcg_at_5_diff1": 73.49040500302092, + "nauc_ndcg_at_5_max": 67.41251918514402, + "nauc_ndcg_at_5_std": -18.851877225955523, + "nauc_precision_at_1000_diff1": -18.652906102973922, + "nauc_precision_at_1000_max": 2.1701672475574885, + "nauc_precision_at_1000_std": 61.713411950188835, + "nauc_precision_at_100_diff1": 62.37565302288498, + "nauc_precision_at_100_max": 76.96921843049006, + "nauc_precision_at_100_std": 19.152009040219678, + "nauc_precision_at_10_diff1": 68.14047344105212, + "nauc_precision_at_10_max": 77.7177273849099, + "nauc_precision_at_10_std": -9.124325941493698, + "nauc_precision_at_1_diff1": 77.19578272647183, + "nauc_precision_at_1_max": 62.05252035478773, + "nauc_precision_at_1_std": -20.790530940625267, + "nauc_precision_at_20_diff1": 65.38487456362745, + "nauc_precision_at_20_max": 74.61122933443669, + "nauc_precision_at_20_std": -8.129775929648341, + "nauc_precision_at_3_diff1": 70.45937744142297, + "nauc_precision_at_3_max": 73.03004233073901, + "nauc_precision_at_3_std": -14.246554579025158, + "nauc_precision_at_5_diff1": 69.02821772428955, + "nauc_precision_at_5_max": 73.52949774726446, + "nauc_precision_at_5_std": -16.355747231517757, + "nauc_recall_at_1000_diff1": 35.804192824985755, + "nauc_recall_at_1000_max": 61.367785756485894, + "nauc_recall_at_1000_std": 54.01380822466869, + "nauc_recall_at_100_diff1": 67.96210883597479, + "nauc_recall_at_100_max": 82.38124823732169, + "nauc_recall_at_100_std": 16.814922595309966, + "nauc_recall_at_10_diff1": 68.21964459634341, + "nauc_recall_at_10_max": 77.68301934858845, + "nauc_recall_at_10_std": -9.430792913885066, + "nauc_recall_at_1_diff1": 77.24970536833601, + "nauc_recall_at_1_max": 62.07820573048406, + "nauc_recall_at_1_std": -20.917086586335078, + "nauc_recall_at_20_diff1": 66.60569906579487, + "nauc_recall_at_20_max": 75.66163186604354, + "nauc_recall_at_20_std": -9.09826205489828, + "nauc_recall_at_3_diff1": 70.52323701841641, + "nauc_recall_at_3_max": 73.03478107411232, + "nauc_recall_at_3_std": -14.432325989967962, + "nauc_recall_at_5_diff1": 69.08521261524373, + "nauc_recall_at_5_max": 73.51150270382094, + "nauc_recall_at_5_std": -16.569387503524368, + "ndcg_at_1": 61.273999999999994, + "ndcg_at_10": 73.90299999999999, + "ndcg_at_100": 75.983, + "ndcg_at_1000": 76.488, + "ndcg_at_20": 74.921, + "ndcg_at_3": 70.277, + "ndcg_at_5": 72.172, + "precision_at_1": 61.273999999999994, + "precision_at_10": 8.641, + "precision_at_100": 0.962, + "precision_at_1000": 0.1, + "precision_at_20": 4.524, + "precision_at_3": 25.517, + "precision_at_5": 16.223000000000003, + "recall_at_1": 61.236000000000004, + "recall_at_10": 86.37700000000001, + "recall_at_100": 96.054, + "recall_at_1000": 99.887, + "recall_at_20": 90.398, + "recall_at_3": 76.51299999999999, + "recall_at_5": 81.07900000000001 + }, + { + "hf_subset": "spa-spa", + "languages": [ + "spa-Latn", + "spa-Latn" + ], + "main_score": 68.632, + "map_at_1": 57.046, + "map_at_10": 64.869, + "map_at_100": 65.384, + "map_at_1000": 65.413, + "map_at_20": 65.185, + "map_at_3": 63.178, + "map_at_5": 64.12, + "mrr_at_1": 57.05579889544848, + "mrr_at_10": 64.8806425382317, + "mrr_at_100": 65.39469233244084, + "mrr_at_1000": 65.42342199403159, + "mrr_at_20": 65.19634815919534, + "mrr_at_3": 63.18796419729591, + "mrr_at_5": 64.13159398209874, + "nauc_map_at_1000_diff1": 73.23803038674018, + "nauc_map_at_1000_max": 67.44156201421714, + "nauc_map_at_1000_std": -8.60143026450049, + "nauc_map_at_100_diff1": 73.22575613034235, + "nauc_map_at_100_max": 67.44735143420195, + "nauc_map_at_100_std": -8.576905069492895, + "nauc_map_at_10_diff1": 73.11950129610865, + "nauc_map_at_10_max": 67.45107232305055, + "nauc_map_at_10_std": -8.799837857015392, + "nauc_map_at_1_diff1": 76.18354072047988, + "nauc_map_at_1_max": 65.03342186728786, + "nauc_map_at_1_std": -10.867650288695796, + "nauc_map_at_20_diff1": 73.21570748770948, + "nauc_map_at_20_max": 67.50340321088724, + "nauc_map_at_20_std": -8.594057184944676, + "nauc_map_at_3_diff1": 73.17239276163892, + "nauc_map_at_3_max": 67.06319504819103, + "nauc_map_at_3_std": -9.883216310270528, + "nauc_map_at_5_diff1": 73.11913507367727, + "nauc_map_at_5_max": 67.27497019567078, + "nauc_map_at_5_std": -9.497714822103118, + "nauc_mrr_at_1000_diff1": 73.22971233311306, + "nauc_mrr_at_1000_max": 67.42977229057223, + "nauc_mrr_at_1000_std": -8.550068702273297, + "nauc_mrr_at_100_diff1": 73.21744467317815, + "nauc_mrr_at_100_max": 67.43557491068093, + "nauc_mrr_at_100_std": -8.52559275190607, + "nauc_mrr_at_10_diff1": 73.11075619726137, + "nauc_mrr_at_10_max": 67.43889760205286, + "nauc_mrr_at_10_std": -8.74617232559183, + "nauc_mrr_at_1_diff1": 76.17529975949547, + "nauc_mrr_at_1_max": 65.02401127001608, + "nauc_mrr_at_1_std": -10.817814457633952, + "nauc_mrr_at_20_diff1": 73.20689275225138, + "nauc_mrr_at_20_max": 67.49111752272192, + "nauc_mrr_at_20_std": -8.539827528410353, + "nauc_mrr_at_3_diff1": 73.16291729623958, + "nauc_mrr_at_3_max": 67.05300993427998, + "nauc_mrr_at_3_std": -9.827915885680811, + "nauc_mrr_at_5_diff1": 73.11055686484109, + "nauc_mrr_at_5_max": 67.26299851089122, + "nauc_mrr_at_5_std": -9.445190276650903, + "nauc_ndcg_at_1000_diff1": 72.58833638407177, + "nauc_ndcg_at_1000_max": 68.10447506371374, + "nauc_ndcg_at_1000_std": -6.910306241546282, + "nauc_ndcg_at_100_diff1": 72.24524849631476, + "nauc_ndcg_at_100_max": 68.30659210081238, + "nauc_ndcg_at_100_std": -6.04305364268931, + "nauc_ndcg_at_10_diff1": 71.87363502582961, + "nauc_ndcg_at_10_max": 68.5010009653693, + "nauc_ndcg_at_10_std": -7.021281296450588, + "nauc_ndcg_at_1_diff1": 76.17529975949547, + "nauc_ndcg_at_1_max": 65.02401127001608, + "nauc_ndcg_at_1_std": -10.817814457633952, + "nauc_ndcg_at_20_diff1": 72.21241010439327, + "nauc_ndcg_at_20_max": 68.71743274030551, + "nauc_ndcg_at_20_std": -6.186629577195946, + "nauc_ndcg_at_3_diff1": 72.08204674794459, + "nauc_ndcg_at_3_max": 67.5958365046156, + "nauc_ndcg_at_3_std": -9.576418336610345, + "nauc_ndcg_at_5_diff1": 71.93179095844508, + "nauc_ndcg_at_5_max": 68.01914639754217, + "nauc_ndcg_at_5_std": -8.833768332910777, + "nauc_precision_at_1000_diff1": 63.0051360227489, + "nauc_precision_at_1000_max": 79.93532442313229, + "nauc_precision_at_1000_std": 52.869517607133254, + "nauc_precision_at_100_diff1": 62.43301501857154, + "nauc_precision_at_100_max": 75.57280416668183, + "nauc_precision_at_100_std": 26.758300486132747, + "nauc_precision_at_10_diff1": 66.29806375971134, + "nauc_precision_at_10_max": 73.40301413754797, + "nauc_precision_at_10_std": 1.9858547295235462, + "nauc_precision_at_1_diff1": 76.17529975949547, + "nauc_precision_at_1_max": 65.02401127001608, + "nauc_precision_at_1_std": -10.817814457633952, + "nauc_precision_at_20_diff1": 67.05111836051105, + "nauc_precision_at_20_max": 76.09783190824155, + "nauc_precision_at_20_std": 9.906010659515564, + "nauc_precision_at_3_diff1": 68.44186679250453, + "nauc_precision_at_3_max": 69.30301351119388, + "nauc_precision_at_3_std": -8.566522518882348, + "nauc_precision_at_5_diff1": 67.51737199297388, + "nauc_precision_at_5_max": 70.75887601590472, + "nauc_precision_at_5_std": -6.278983102710238, + "nauc_recall_at_1000_diff1": 65.12360093170948, + "nauc_recall_at_1000_max": 82.60209843191132, + "nauc_recall_at_1000_std": 51.740179583368636, + "nauc_recall_at_100_diff1": 62.82007697326819, + "nauc_recall_at_100_max": 76.04844844677562, + "nauc_recall_at_100_std": 26.4678415019248, + "nauc_recall_at_10_diff1": 66.28557566848767, + "nauc_recall_at_10_max": 73.40302709828738, + "nauc_recall_at_10_std": 1.9224272854613582, + "nauc_recall_at_1_diff1": 76.18354072047988, + "nauc_recall_at_1_max": 65.03342186728786, + "nauc_recall_at_1_std": -10.867650288695796, + "nauc_recall_at_20_diff1": 67.03430451094992, + "nauc_recall_at_20_max": 76.09474005171319, + "nauc_recall_at_20_std": 9.815888637851074, + "nauc_recall_at_3_diff1": 68.44411411344718, + "nauc_recall_at_3_max": 69.30502737137265, + "nauc_recall_at_3_std": -8.629526329714132, + "nauc_recall_at_5_diff1": 67.51469265953514, + "nauc_recall_at_5_max": 70.76969893818111, + "nauc_recall_at_5_std": -6.325600167105444, + "ndcg_at_1": 57.056, + "ndcg_at_10": 68.632, + "ndcg_at_100": 71.202, + "ndcg_at_1000": 71.97099999999999, + "ndcg_at_20": 69.785, + "ndcg_at_3": 65.131, + "ndcg_at_5": 66.834, + "precision_at_1": 57.056, + "precision_at_10": 8.044, + "precision_at_100": 0.9259999999999999, + "precision_at_1000": 0.099, + "precision_at_20": 4.251, + "precision_at_3": 23.589, + "precision_at_5": 14.984, + "recall_at_1": 57.046, + "recall_at_10": 80.423, + "recall_at_100": 92.582, + "recall_at_1000": 98.638, + "recall_at_20": 84.993, + "recall_at_3": 70.758, + "recall_at_5": 74.9 + }, + { + "hf_subset": "spa-eng", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "main_score": 68.765, + "map_at_1": 56.538999999999994, + "map_at_10": 64.816, + "map_at_100": 65.325, + "map_at_1000": 65.352, + "map_at_20": 65.113, + "map_at_3": 62.934999999999995, + "map_at_5": 64.063, + "mrr_at_1": 56.539120502569965, + "mrr_at_10": 64.81561556661505, + "mrr_at_100": 65.32464238613954, + "mrr_at_1000": 65.35206516602133, + "mrr_at_20": 65.11270445292227, + "mrr_at_3": 62.935465448315384, + "mrr_at_5": 64.06339234723022, + "nauc_map_at_1000_diff1": 73.20701050428072, + "nauc_map_at_1000_max": 67.32797480614404, + "nauc_map_at_1000_std": -6.211540626528362, + "nauc_map_at_100_diff1": 73.19497683923063, + "nauc_map_at_100_max": 67.33392646467817, + "nauc_map_at_100_std": -6.196671563900051, + "nauc_map_at_10_diff1": 73.16010547612956, + "nauc_map_at_10_max": 67.37793741307372, + "nauc_map_at_10_std": -6.3443240322521675, + "nauc_map_at_1_diff1": 76.63696578575964, + "nauc_map_at_1_max": 65.08189618178105, + "nauc_map_at_1_std": -8.594195451782733, + "nauc_map_at_20_diff1": 73.15233479381568, + "nauc_map_at_20_max": 67.3679607256072, + "nauc_map_at_20_std": -6.175928265286352, + "nauc_map_at_3_diff1": 73.14853380980746, + "nauc_map_at_3_max": 67.10354198073468, + "nauc_map_at_3_std": -7.409679815529866, + "nauc_map_at_5_diff1": 73.13425961877715, + "nauc_map_at_5_max": 67.22452899371224, + "nauc_map_at_5_std": -6.895257774506354, + "nauc_mrr_at_1000_diff1": 73.20701050428072, + "nauc_mrr_at_1000_max": 67.32797480614404, + "nauc_mrr_at_1000_std": -6.211540626528362, + "nauc_mrr_at_100_diff1": 73.19497683923063, + "nauc_mrr_at_100_max": 67.33392646467817, + "nauc_mrr_at_100_std": -6.196671563900051, + "nauc_mrr_at_10_diff1": 73.16010547612956, + "nauc_mrr_at_10_max": 67.37793741307372, + "nauc_mrr_at_10_std": -6.3443240322521675, + "nauc_mrr_at_1_diff1": 76.63696578575964, + "nauc_mrr_at_1_max": 65.08189618178105, + "nauc_mrr_at_1_std": -8.594195451782733, + "nauc_mrr_at_20_diff1": 73.15233479381568, + "nauc_mrr_at_20_max": 67.3679607256072, + "nauc_mrr_at_20_std": -6.175928265286352, + "nauc_mrr_at_3_diff1": 73.14853380980746, + "nauc_mrr_at_3_max": 67.10354198073468, + "nauc_mrr_at_3_std": -7.409679815529866, + "nauc_mrr_at_5_diff1": 73.13425961877715, + "nauc_mrr_at_5_max": 67.22452899371224, + "nauc_mrr_at_5_std": -6.895257774506354, + "nauc_ndcg_at_1000_diff1": 72.44364625096874, + "nauc_ndcg_at_1000_max": 67.93635761141552, + "nauc_ndcg_at_1000_std": -4.616429464350954, + "nauc_ndcg_at_100_diff1": 72.11352383758482, + "nauc_ndcg_at_100_max": 68.1627312575955, + "nauc_ndcg_at_100_std": -3.894213672131282, + "nauc_ndcg_at_10_diff1": 71.8526850770812, + "nauc_ndcg_at_10_max": 68.41366561888562, + "nauc_ndcg_at_10_std": -4.472146861145989, + "nauc_ndcg_at_1_diff1": 76.63696578575964, + "nauc_ndcg_at_1_max": 65.08189618178105, + "nauc_ndcg_at_1_std": -8.594195451782733, + "nauc_ndcg_at_20_diff1": 71.76464418138866, + "nauc_ndcg_at_20_max": 68.41174963313698, + "nauc_ndcg_at_20_std": -3.7449762037540157, + "nauc_ndcg_at_3_diff1": 71.93808990683131, + "nauc_ndcg_at_3_max": 67.7010029507334, + "nauc_ndcg_at_3_std": -6.971858419379321, + "nauc_ndcg_at_5_diff1": 71.8505224811326, + "nauc_ndcg_at_5_max": 67.97139549500251, + "nauc_ndcg_at_5_std": -5.958491308070017, + "nauc_precision_at_1000_diff1": 62.20956180320043, + "nauc_precision_at_1000_max": 82.53412670611299, + "nauc_precision_at_1000_std": 55.57278124999575, + "nauc_precision_at_100_diff1": 62.03792857023201, + "nauc_precision_at_100_max": 76.77130713424538, + "nauc_precision_at_100_std": 26.674102719959564, + "nauc_precision_at_10_diff1": 65.89798055049931, + "nauc_precision_at_10_max": 73.41908620140674, + "nauc_precision_at_10_std": 5.21818573283179, + "nauc_precision_at_1_diff1": 76.63696578575964, + "nauc_precision_at_1_max": 65.08189618178105, + "nauc_precision_at_1_std": -8.594195451782733, + "nauc_precision_at_20_diff1": 63.734308542647355, + "nauc_precision_at_20_max": 74.69578825096144, + "nauc_precision_at_20_std": 12.627842502659162, + "nauc_precision_at_3_diff1": 67.91189666671904, + "nauc_precision_at_3_max": 69.64986036783209, + "nauc_precision_at_3_std": -5.505669087429055, + "nauc_precision_at_5_diff1": 67.01880006360248, + "nauc_precision_at_5_max": 70.78916423358686, + "nauc_precision_at_5_std": -2.2273742736401045, + "nauc_recall_at_1000_diff1": 62.20956180319936, + "nauc_recall_at_1000_max": 82.53412670611287, + "nauc_recall_at_1000_std": 55.57278124999549, + "nauc_recall_at_100_diff1": 62.03792857023208, + "nauc_recall_at_100_max": 76.77130713424577, + "nauc_recall_at_100_std": 26.67410271995973, + "nauc_recall_at_10_diff1": 65.8979805504994, + "nauc_recall_at_10_max": 73.41908620140678, + "nauc_recall_at_10_std": 5.2181857328318655, + "nauc_recall_at_1_diff1": 76.63696578575964, + "nauc_recall_at_1_max": 65.08189618178105, + "nauc_recall_at_1_std": -8.594195451782733, + "nauc_recall_at_20_diff1": 63.734308542647334, + "nauc_recall_at_20_max": 74.69578825096123, + "nauc_recall_at_20_std": 12.627842502658982, + "nauc_recall_at_3_diff1": 67.91189666671897, + "nauc_recall_at_3_max": 69.64986036783203, + "nauc_recall_at_3_std": -5.505669087428989, + "nauc_recall_at_5_diff1": 67.01880006360243, + "nauc_recall_at_5_max": 70.78916423358686, + "nauc_recall_at_5_std": -2.227374273640135, + "ndcg_at_1": 56.538999999999994, + "ndcg_at_10": 68.765, + "ndcg_at_100": 71.314, + "ndcg_at_1000": 72.038, + "ndcg_at_20": 69.828, + "ndcg_at_3": 64.937, + "ndcg_at_5": 66.956, + "precision_at_1": 56.538999999999994, + "precision_at_10": 8.113, + "precision_at_100": 0.932, + "precision_at_1000": 0.099, + "precision_at_20": 4.265, + "precision_at_3": 23.567, + "precision_at_5": 15.115, + "recall_at_1": 56.538999999999994, + "recall_at_10": 81.135, + "recall_at_100": 93.223, + "recall_at_1000": 98.896, + "recall_at_20": 85.304, + "recall_at_3": 70.702, + "recall_at_5": 75.576 + }, + { + "hf_subset": "eng-deu", + "languages": [ + "eng-Latn", + "deu-Latn" + ], + "main_score": 69.298, + "map_at_1": 58.553, + "map_at_10": 65.769, + "map_at_100": 66.298, + "map_at_1000": 66.328, + "map_at_20": 66.101, + "map_at_3": 64.048, + "map_at_5": 65.09, + "mrr_at_1": 58.564148016840235, + "mrr_at_10": 65.7685997066675, + "mrr_at_100": 66.29874034432214, + "mrr_at_1000": 66.32844979939088, + "mrr_at_20": 66.10120513957821, + "mrr_at_3": 64.04830489696437, + "mrr_at_5": 65.08974074894746, + "nauc_map_at_1000_diff1": 76.8409650183994, + "nauc_map_at_1000_max": 71.86367015521367, + "nauc_map_at_1000_std": -14.464881539957256, + "nauc_map_at_100_diff1": 76.82536521842064, + "nauc_map_at_100_max": 71.86811127965429, + "nauc_map_at_100_std": -14.441105539722244, + "nauc_map_at_10_diff1": 76.75522453447859, + "nauc_map_at_10_max": 71.87677500176706, + "nauc_map_at_10_std": -14.741331625103559, + "nauc_map_at_1_diff1": 79.64060747740989, + "nauc_map_at_1_max": 69.84278563569617, + "nauc_map_at_1_std": -15.936904929655832, + "nauc_map_at_20_diff1": 76.78894776059715, + "nauc_map_at_20_max": 71.89637938044827, + "nauc_map_at_20_std": -14.500564106990769, + "nauc_map_at_3_diff1": 77.20562577450342, + "nauc_map_at_3_max": 71.80578229361525, + "nauc_map_at_3_std": -15.344134588512201, + "nauc_map_at_5_diff1": 77.00480147367867, + "nauc_map_at_5_max": 71.98335924076163, + "nauc_map_at_5_std": -15.16537653041026, + "nauc_mrr_at_1000_diff1": 76.84165367691193, + "nauc_mrr_at_1000_max": 71.8642679499795, + "nauc_mrr_at_1000_std": -14.461717954593158, + "nauc_mrr_at_100_diff1": 76.8263363557998, + "nauc_mrr_at_100_max": 71.86874522368626, + "nauc_mrr_at_100_std": -14.437105168707426, + "nauc_mrr_at_10_diff1": 76.75522453447859, + "nauc_mrr_at_10_max": 71.87677500176706, + "nauc_mrr_at_10_std": -14.741331625103559, + "nauc_mrr_at_1_diff1": 79.65642669321981, + "nauc_mrr_at_1_max": 69.89135358784799, + "nauc_mrr_at_1_std": -15.919357002229589, + "nauc_mrr_at_20_diff1": 76.78883171270601, + "nauc_mrr_at_20_max": 71.89806887245291, + "nauc_mrr_at_20_std": -14.497139746907905, + "nauc_mrr_at_3_diff1": 77.20562577450342, + "nauc_mrr_at_3_max": 71.80578229361525, + "nauc_mrr_at_3_std": -15.344134588512201, + "nauc_mrr_at_5_diff1": 77.00480147367867, + "nauc_mrr_at_5_max": 71.98335924076163, + "nauc_mrr_at_5_std": -15.16537653041026, + "nauc_ndcg_at_1000_diff1": 76.07802417817047, + "nauc_ndcg_at_1000_max": 72.31792804426776, + "nauc_ndcg_at_1000_std": -13.049160715132244, + "nauc_ndcg_at_100_diff1": 75.63343849116544, + "nauc_ndcg_at_100_max": 72.48362076101817, + "nauc_ndcg_at_100_std": -12.089600993516777, + "nauc_ndcg_at_10_diff1": 75.23387929929208, + "nauc_ndcg_at_10_max": 72.51436288271807, + "nauc_ndcg_at_10_std": -13.624132103038104, + "nauc_ndcg_at_1_diff1": 79.65642669321981, + "nauc_ndcg_at_1_max": 69.89135358784799, + "nauc_ndcg_at_1_std": -15.919357002229589, + "nauc_ndcg_at_20_diff1": 75.32926047656296, + "nauc_ndcg_at_20_max": 72.61254165918145, + "nauc_ndcg_at_20_std": -12.683157599238701, + "nauc_ndcg_at_3_diff1": 76.3089337665469, + "nauc_ndcg_at_3_max": 72.40014674426054, + "nauc_ndcg_at_3_std": -15.08624226353458, + "nauc_ndcg_at_5_diff1": 75.88857331641834, + "nauc_ndcg_at_5_max": 72.7719386827224, + "nauc_ndcg_at_5_std": -14.70546521089236, + "nauc_precision_at_1000_diff1": 59.66563879069911, + "nauc_precision_at_1000_max": 74.57123562956772, + "nauc_precision_at_1000_std": 58.61396866718965, + "nauc_precision_at_100_diff1": 62.8695896550042, + "nauc_precision_at_100_max": 77.81408796785, + "nauc_precision_at_100_std": 23.819735672317826, + "nauc_precision_at_10_diff1": 68.08051625224569, + "nauc_precision_at_10_max": 75.14432336036869, + "nauc_precision_at_10_std": -7.97602345252735, + "nauc_precision_at_1_diff1": 79.65642669321981, + "nauc_precision_at_1_max": 69.89135358784799, + "nauc_precision_at_1_std": -15.919357002229589, + "nauc_precision_at_20_diff1": 66.7168005185165, + "nauc_precision_at_20_max": 76.58522761697147, + "nauc_precision_at_20_std": -0.17923428317323292, + "nauc_precision_at_3_diff1": 73.23394851561207, + "nauc_precision_at_3_max": 74.32517846819215, + "nauc_precision_at_3_std": -14.142301336188348, + "nauc_precision_at_5_diff1": 71.5666882547012, + "nauc_precision_at_5_max": 75.71098205440033, + "nauc_precision_at_5_std": -12.808362513638052, + "nauc_recall_at_1000_diff1": 71.73736112325805, + "nauc_recall_at_1000_max": 86.70743436225898, + "nauc_recall_at_1000_std": 54.45802578371167, + "nauc_recall_at_100_diff1": 64.07053861428128, + "nauc_recall_at_100_max": 78.8348308099261, + "nauc_recall_at_100_std": 22.72263677785103, + "nauc_recall_at_10_diff1": 68.20272901407903, + "nauc_recall_at_10_max": 75.16315335381938, + "nauc_recall_at_10_std": -8.060716748913386, + "nauc_recall_at_1_diff1": 79.64060747740989, + "nauc_recall_at_1_max": 69.84278563569617, + "nauc_recall_at_1_std": -15.936904929655832, + "nauc_recall_at_20_diff1": 66.88206981973654, + "nauc_recall_at_20_max": 76.54824917595687, + "nauc_recall_at_20_std": -0.40294589316962287, + "nauc_recall_at_3_diff1": 73.33076087258938, + "nauc_recall_at_3_max": 74.33763112508771, + "nauc_recall_at_3_std": -14.213355414905399, + "nauc_recall_at_5_diff1": 71.67487623469464, + "nauc_recall_at_5_max": 75.72770292516316, + "nauc_recall_at_5_std": -12.887572274644818, + "ndcg_at_1": 58.56400000000001, + "ndcg_at_10": 69.298, + "ndcg_at_100": 71.95899999999999, + "ndcg_at_1000": 72.735, + "ndcg_at_20": 70.50699999999999, + "ndcg_at_3": 65.81700000000001, + "ndcg_at_5": 67.681, + "precision_at_1": 58.56400000000001, + "precision_at_10": 8.039, + "precision_at_100": 0.931, + "precision_at_1000": 0.099, + "precision_at_20": 4.259, + "precision_at_3": 23.65, + "precision_at_5": 15.09, + "recall_at_1": 58.553, + "recall_at_10": 80.368, + "recall_at_100": 93.013, + "recall_at_1000": 99.092, + "recall_at_20": 85.143, + "recall_at_3": 70.928, + "recall_at_5": 75.42699999999999 + }, + { + "hf_subset": "eng-spa", + "languages": [ + "eng-Latn", + "spa-Latn" + ], + "main_score": 66.374, + "map_at_1": 55.494, + "map_at_10": 62.763999999999996, + "map_at_100": 63.33, + "map_at_1000": 63.36000000000001, + "map_at_20": 63.104000000000006, + "map_at_3": 61.065000000000005, + "map_at_5": 62.053000000000004, + "mrr_at_1": 55.49419158255571, + "mrr_at_10": 62.765195140457095, + "mrr_at_100": 63.33083349354529, + "mrr_at_1000": 63.3611897014839, + "mrr_at_20": 63.10543590095977, + "mrr_at_3": 61.06455913159412, + "mrr_at_5": 62.052942296705474, + "nauc_map_at_1000_diff1": 75.04200018088618, + "nauc_map_at_1000_max": 70.49937782771909, + "nauc_map_at_1000_std": -5.257206317083184, + "nauc_map_at_100_diff1": 75.02786834256312, + "nauc_map_at_100_max": 70.5016476500189, + "nauc_map_at_100_std": -5.228770832077681, + "nauc_map_at_10_diff1": 74.9626552701647, + "nauc_map_at_10_max": 70.56253732243214, + "nauc_map_at_10_std": -5.359037281768563, + "nauc_map_at_1_diff1": 78.46858307815857, + "nauc_map_at_1_max": 69.03908373759435, + "nauc_map_at_1_std": -7.479412070736642, + "nauc_map_at_20_diff1": 74.98121458084796, + "nauc_map_at_20_max": 70.51885366822565, + "nauc_map_at_20_std": -5.286051287133815, + "nauc_map_at_3_diff1": 75.36078454383373, + "nauc_map_at_3_max": 70.34997144546014, + "nauc_map_at_3_std": -6.663517224039184, + "nauc_map_at_5_diff1": 75.0274512828238, + "nauc_map_at_5_max": 70.45292551591874, + "nauc_map_at_5_std": -6.029224488640147, + "nauc_mrr_at_1000_diff1": 75.04018768469983, + "nauc_mrr_at_1000_max": 70.49855509132635, + "nauc_mrr_at_1000_std": -5.258929961409948, + "nauc_mrr_at_100_diff1": 75.02605732810112, + "nauc_mrr_at_100_max": 70.50082584929103, + "nauc_mrr_at_100_std": -5.2304917988542154, + "nauc_mrr_at_10_diff1": 74.96079080525713, + "nauc_mrr_at_10_max": 70.56167294920391, + "nauc_mrr_at_10_std": -5.360650630655072, + "nauc_mrr_at_1_diff1": 78.46858307815857, + "nauc_mrr_at_1_max": 69.03908373759435, + "nauc_mrr_at_1_std": -7.479412070736642, + "nauc_mrr_at_20_diff1": 74.97939804960517, + "nauc_mrr_at_20_max": 70.51804078965411, + "nauc_mrr_at_20_std": -5.287681954889177, + "nauc_mrr_at_3_diff1": 75.36078454383373, + "nauc_mrr_at_3_max": 70.34997144546014, + "nauc_mrr_at_3_std": -6.663517224039184, + "nauc_mrr_at_5_diff1": 75.0274512828238, + "nauc_mrr_at_5_max": 70.45292551591874, + "nauc_mrr_at_5_std": -6.029224488640147, + "nauc_ndcg_at_1000_diff1": 74.22106834748942, + "nauc_ndcg_at_1000_max": 70.93625922934912, + "nauc_ndcg_at_1000_std": -3.4878399005946017, + "nauc_ndcg_at_100_diff1": 73.74068883646733, + "nauc_ndcg_at_100_max": 71.02357018347472, + "nauc_ndcg_at_100_std": -2.462293184201324, + "nauc_ndcg_at_10_diff1": 73.40967965536565, + "nauc_ndcg_at_10_max": 71.29379828672067, + "nauc_ndcg_at_10_std": -3.295547756383108, + "nauc_ndcg_at_1_diff1": 78.46858307815857, + "nauc_ndcg_at_1_max": 69.03908373759435, + "nauc_ndcg_at_1_std": -7.479412070736642, + "nauc_ndcg_at_20_diff1": 73.45790057693699, + "nauc_ndcg_at_20_max": 71.16598432419126, + "nauc_ndcg_at_20_std": -2.962877157646097, + "nauc_ndcg_at_3_diff1": 74.30696173964847, + "nauc_ndcg_at_3_max": 70.79878978459556, + "nauc_ndcg_at_3_std": -6.297286578628299, + "nauc_ndcg_at_5_diff1": 73.65858211199816, + "nauc_ndcg_at_5_max": 71.01122417463776, + "nauc_ndcg_at_5_std": -5.075990882646765, + "nauc_precision_at_1000_diff1": 68.71065091972568, + "nauc_precision_at_1000_max": 81.38173585624777, + "nauc_precision_at_1000_std": 58.035497889797895, + "nauc_precision_at_100_diff1": 61.93634256957017, + "nauc_precision_at_100_max": 74.84191770203093, + "nauc_precision_at_100_std": 31.3325983123831, + "nauc_precision_at_10_diff1": 66.68247010944937, + "nauc_precision_at_10_max": 74.48773524654571, + "nauc_precision_at_10_std": 6.560421880785153, + "nauc_precision_at_1_diff1": 78.46858307815857, + "nauc_precision_at_1_max": 69.03908373759435, + "nauc_precision_at_1_std": -7.479412070736642, + "nauc_precision_at_20_diff1": 65.51592872758067, + "nauc_precision_at_20_max": 74.50684066823096, + "nauc_precision_at_20_std": 10.830479877698208, + "nauc_precision_at_3_diff1": 70.89587884861588, + "nauc_precision_at_3_max": 72.25310558370424, + "nauc_precision_at_3_std": -5.0796100900749765, + "nauc_precision_at_5_diff1": 68.71885719845497, + "nauc_precision_at_5_max": 73.02601751485672, + "nauc_precision_at_5_std": -1.4382681421626857, + "nauc_recall_at_1000_diff1": 71.95510299834734, + "nauc_recall_at_1000_max": 84.03647166092985, + "nauc_recall_at_1000_std": 56.87490604776847, + "nauc_recall_at_100_diff1": 62.446624924715955, + "nauc_recall_at_100_max": 75.25666892464507, + "nauc_recall_at_100_std": 31.068789794554686, + "nauc_recall_at_10_diff1": 66.70676336328988, + "nauc_recall_at_10_max": 74.4963699656397, + "nauc_recall_at_10_std": 6.57498399706916, + "nauc_recall_at_1_diff1": 78.46858307815857, + "nauc_recall_at_1_max": 69.03908373759435, + "nauc_recall_at_1_std": -7.479412070736642, + "nauc_recall_at_20_diff1": 65.54082767974772, + "nauc_recall_at_20_max": 74.5111529838772, + "nauc_recall_at_20_std": 10.84574829707354, + "nauc_recall_at_3_diff1": 70.89587884861584, + "nauc_recall_at_3_max": 72.25310558370421, + "nauc_recall_at_3_std": -5.07961009007491, + "nauc_recall_at_5_diff1": 68.71885719845501, + "nauc_recall_at_5_max": 73.02601751485666, + "nauc_recall_at_5_std": -1.4382681421626995, + "ndcg_at_1": 55.494, + "ndcg_at_10": 66.374, + "ndcg_at_100": 69.254, + "ndcg_at_1000": 70.136, + "ndcg_at_20": 67.599, + "ndcg_at_3": 62.863, + "ndcg_at_5": 64.644, + "precision_at_1": 55.494, + "precision_at_10": 7.776, + "precision_at_100": 0.9159999999999999, + "precision_at_1000": 0.099, + "precision_at_20": 4.1290000000000004, + "precision_at_3": 22.688, + "precision_at_5": 14.477, + "recall_at_1": 55.494, + "recall_at_10": 77.747, + "recall_at_100": 91.535, + "recall_at_1000": 98.619, + "recall_at_20": 82.565, + "recall_at_3": 68.063, + "recall_at_5": 72.386 + }, + { + "hf_subset": "eng-eng", + "languages": [ + "eng-Latn", + "eng-Latn" + ], + "main_score": 64.723, + "map_at_1": 54.308, + "map_at_10": 61.26200000000001, + "map_at_100": 61.82299999999999, + "map_at_1000": 61.856, + "map_at_20": 61.575, + "map_at_3": 59.565, + "map_at_5": 60.561, + "mrr_at_1": 54.31704368848212, + "mrr_at_10": 61.26520216098834, + "mrr_at_100": 61.82588321127103, + "mrr_at_1000": 61.859333030574334, + "mrr_at_20": 61.57780339921337, + "mrr_at_3": 59.569446842801646, + "mrr_at_5": 60.56323029989004, + "nauc_map_at_1000_diff1": 74.21413722468635, + "nauc_map_at_1000_max": 70.41741227882316, + "nauc_map_at_1000_std": -2.5438707209848506, + "nauc_map_at_100_diff1": 74.19812315947975, + "nauc_map_at_100_max": 70.41589146728445, + "nauc_map_at_100_std": -2.5336117059429553, + "nauc_map_at_10_diff1": 74.21810561152937, + "nauc_map_at_10_max": 70.48816115200171, + "nauc_map_at_10_std": -2.7443834681406734, + "nauc_map_at_1_diff1": 77.69378738778958, + "nauc_map_at_1_max": 68.64652310701173, + "nauc_map_at_1_std": -4.667071946448379, + "nauc_map_at_20_diff1": 74.16105697562438, + "nauc_map_at_20_max": 70.42491994631179, + "nauc_map_at_20_std": -2.6070416022440472, + "nauc_map_at_3_diff1": 74.60449392878863, + "nauc_map_at_3_max": 70.39888609914269, + "nauc_map_at_3_std": -3.5401151125723986, + "nauc_map_at_5_diff1": 74.2423420992663, + "nauc_map_at_5_max": 70.36574501826757, + "nauc_map_at_5_std": -3.2707393116898964, + "nauc_mrr_at_1000_diff1": 74.21029843731323, + "nauc_mrr_at_1000_max": 70.43020492688913, + "nauc_mrr_at_1000_std": -2.526895582202081, + "nauc_mrr_at_100_diff1": 74.19440960479243, + "nauc_mrr_at_100_max": 70.4288998824232, + "nauc_mrr_at_100_std": -2.5160929945118107, + "nauc_mrr_at_10_diff1": 74.2141357266166, + "nauc_mrr_at_10_max": 70.5005683347807, + "nauc_mrr_at_10_std": -2.727154557882168, + "nauc_mrr_at_1_diff1": 77.69891248239793, + "nauc_mrr_at_1_max": 68.68255231164922, + "nauc_mrr_at_1_std": -4.630226727154317, + "nauc_mrr_at_20_diff1": 74.15705434409723, + "nauc_mrr_at_20_max": 70.43741835972747, + "nauc_mrr_at_20_std": -2.5896756472464495, + "nauc_mrr_at_3_diff1": 74.5981844349412, + "nauc_mrr_at_3_max": 70.41834937080564, + "nauc_mrr_at_3_std": -3.5161656408031163, + "nauc_mrr_at_5_diff1": 74.23847535424844, + "nauc_mrr_at_5_max": 70.37763810013656, + "nauc_mrr_at_5_std": -3.2560955164581733, + "nauc_ndcg_at_1000_diff1": 73.20994496725493, + "nauc_ndcg_at_1000_max": 70.8903016277125, + "nauc_ndcg_at_1000_std": -0.625772298462309, + "nauc_ndcg_at_100_diff1": 72.6847141682645, + "nauc_ndcg_at_100_max": 70.86564422034162, + "nauc_ndcg_at_100_std": -0.07195786766326141, + "nauc_ndcg_at_10_diff1": 72.78806493754281, + "nauc_ndcg_at_10_max": 71.21957067926769, + "nauc_ndcg_at_10_std": -1.2760418313382227, + "nauc_ndcg_at_1_diff1": 77.69891248239793, + "nauc_ndcg_at_1_max": 68.68255231164922, + "nauc_ndcg_at_1_std": -4.630226727154317, + "nauc_ndcg_at_20_diff1": 72.52082440882546, + "nauc_ndcg_at_20_max": 70.98185004796734, + "nauc_ndcg_at_20_std": -0.6908280874815464, + "nauc_ndcg_at_3_diff1": 73.59870660843939, + "nauc_ndcg_at_3_max": 70.94391957288654, + "nauc_ndcg_at_3_std": -3.147723179140428, + "nauc_ndcg_at_5_diff1": 72.90122868193457, + "nauc_ndcg_at_5_max": 70.89376368965165, + "nauc_ndcg_at_5_std": -2.6451807385626744, + "nauc_precision_at_1000_diff1": 58.14737201864067, + "nauc_precision_at_1000_max": 78.79011251144826, + "nauc_precision_at_1000_std": 59.98985420476577, + "nauc_precision_at_100_diff1": 59.21069121644552, + "nauc_precision_at_100_max": 73.00557835912306, + "nauc_precision_at_100_std": 26.85027406282173, + "nauc_precision_at_10_diff1": 66.8760831023675, + "nauc_precision_at_10_max": 74.21167950452596, + "nauc_precision_at_10_std": 5.453652499335947, + "nauc_precision_at_1_diff1": 77.69891248239793, + "nauc_precision_at_1_max": 68.68255231164922, + "nauc_precision_at_1_std": -4.630226727154317, + "nauc_precision_at_20_diff1": 64.3118559132602, + "nauc_precision_at_20_max": 73.33078184673825, + "nauc_precision_at_20_std": 9.993299523049402, + "nauc_precision_at_3_diff1": 70.38667185155593, + "nauc_precision_at_3_max": 72.66495006030951, + "nauc_precision_at_3_std": -1.8532839591326276, + "nauc_precision_at_5_diff1": 68.12161337583686, + "nauc_precision_at_5_max": 72.65644960375046, + "nauc_precision_at_5_std": -0.33317164167012875, + "nauc_recall_at_1000_diff1": 61.63204394739985, + "nauc_recall_at_1000_max": 81.77241537319897, + "nauc_recall_at_1000_std": 58.44841544062308, + "nauc_recall_at_100_diff1": 59.72072697224705, + "nauc_recall_at_100_max": 73.28519507061553, + "nauc_recall_at_100_std": 26.27318390763456, + "nauc_recall_at_10_diff1": 66.9757135465418, + "nauc_recall_at_10_max": 74.21919493374149, + "nauc_recall_at_10_std": 5.323369605377166, + "nauc_recall_at_1_diff1": 77.69378738778958, + "nauc_recall_at_1_max": 68.64652310701173, + "nauc_recall_at_1_std": -4.667071946448379, + "nauc_recall_at_20_diff1": 64.42290081731899, + "nauc_recall_at_20_max": 73.3358289439033, + "nauc_recall_at_20_std": 9.846598361586073, + "nauc_recall_at_3_diff1": 70.41211290964785, + "nauc_recall_at_3_max": 72.64451776775402, + "nauc_recall_at_3_std": -1.916280959835826, + "nauc_recall_at_5_diff1": 68.20695272727916, + "nauc_recall_at_5_max": 72.66404224006101, + "nauc_recall_at_5_std": -0.431125323007886, + "ndcg_at_1": 54.31700000000001, + "ndcg_at_10": 64.723, + "ndcg_at_100": 67.648, + "ndcg_at_1000": 68.619, + "ndcg_at_20": 65.85499999999999, + "ndcg_at_3": 61.244, + "ndcg_at_5": 63.038000000000004, + "precision_at_1": 54.31700000000001, + "precision_at_10": 7.564, + "precision_at_100": 0.898, + "precision_at_1000": 0.098, + "precision_at_20": 4.005, + "precision_at_3": 22.034000000000002, + "precision_at_5": 14.093, + "recall_at_1": 54.308, + "recall_at_10": 75.622, + "recall_at_100": 89.744, + "recall_at_1000": 97.539, + "recall_at_20": 80.085, + "recall_at_3": 66.09, + "recall_at_5": 70.446 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/MLSUMClusteringP2P.json b/results/DivineNnamdi__jina-embeddings-v3/external/MLSUMClusteringP2P.json new file mode 100644 index 000000000..0a071e859 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/MLSUMClusteringP2P.json @@ -0,0 +1,82 @@ +{ + "dataset_revision": "b5d54f8f3b61ae17845046286940f03c6bc79bc7", + "task_name": "MLSUMClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "main_score": 41.267647761702854, + "v_measure": 41.267647761702854, + "v_measure_std": 10.93390895077248 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "main_score": 44.68714862333979, + "v_measure": 44.68714862333979, + "v_measure_std": 1.811036989797814 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "main_score": 41.92518785753813, + "v_measure": 41.92518785753813, + "v_measure_std": 5.9356661900220775 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "main_score": 48.69875719812033, + "v_measure": 48.69875719812033, + "v_measure_std": 1.204253881950113 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "main_score": 40.07927325071353, + "v_measure": 40.07927325071353, + "v_measure_std": 9.296680835266145 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "main_score": 44.88484854069901, + "v_measure": 44.88484854069901, + "v_measure_std": 2.3704247819781843 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "main_score": 43.97657450929179, + "v_measure": 43.97657450929179, + "v_measure_std": 6.087547931333613 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "main_score": 48.41108671948728, + "v_measure": 48.41108671948728, + "v_measure_std": 1.3848320630151243 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/MMarcoReranking.json b/results/DivineNnamdi__jina-embeddings-v3/external/MMarcoReranking.json new file mode 100644 index 000000000..863ec2d2b --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "8e0c766dbe9e16e1d221116a3f36795fbade07f6", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 21.050447576170395, + "mrr": 20.201984126984126, + "main_score": 21.050447576170395 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/MMarcoRetrieval.json b/results/DivineNnamdi__jina-embeddings-v3/external/MMarcoRetrieval.json new file mode 100644 index 000000000..41723aaa5 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/MMarcoRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "539bbde593d947e2a124ba72651aafc09eb33fc2", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 79.687, + "map_at_1": 66.872, + "map_at_10": 75.949, + "map_at_100": 76.25, + "map_at_1000": 76.259, + "map_at_20": 76.145, + "map_at_3": 74.01299999999999, + "map_at_5": 75.232, + "mrr_at_1": 69.18338108882521, + "mrr_at_10": 76.5424227952881, + "mrr_at_100": 76.8019342792628, + "mrr_at_1000": 76.81002278342808, + "mrr_at_20": 76.7115234815896, + "mrr_at_3": 74.83046800382044, + "mrr_at_5": 75.88490926456515, + "nauc_map_at_1000_diff1": 78.06933310424179, + "nauc_map_at_1000_max": 49.392948209665896, + "nauc_map_at_1000_std": -15.126109322591166, + "nauc_map_at_100_diff1": 78.06612779298378, + "nauc_map_at_100_max": 49.40761618630397, + "nauc_map_at_100_std": -15.099282408159349, + "nauc_map_at_10_diff1": 77.94565685470538, + "nauc_map_at_10_max": 49.50559610363201, + "nauc_map_at_10_std": -15.182130695916355, + "nauc_map_at_1_diff1": 79.84814509858211, + "nauc_map_at_1_max": 40.78978466656547, + "nauc_map_at_1_std": -19.96189264026715, + "nauc_map_at_20_diff1": 78.03597839981245, + "nauc_map_at_20_max": 49.49477427223376, + "nauc_map_at_20_std": -15.084990000838378, + "nauc_map_at_3_diff1": 78.0637014655507, + "nauc_map_at_3_max": 48.63214001973341, + "nauc_map_at_3_std": -17.093950563306596, + "nauc_map_at_5_diff1": 77.94068229240348, + "nauc_map_at_5_max": 49.38930719689204, + "nauc_map_at_5_std": -15.9919454201954, + "nauc_mrr_at_1000_diff1": 78.34582398092816, + "nauc_mrr_at_1000_max": 49.623566992784156, + "nauc_mrr_at_1000_std": -14.381347765493265, + "nauc_mrr_at_100_diff1": 78.3429966714221, + "nauc_mrr_at_100_max": 49.63684922240546, + "nauc_mrr_at_100_std": -14.354914066301236, + "nauc_mrr_at_10_diff1": 78.2208070219624, + "nauc_mrr_at_10_max": 49.77720536573364, + "nauc_mrr_at_10_std": -14.316233764741812, + "nauc_mrr_at_1_diff1": 80.22305496572142, + "nauc_mrr_at_1_max": 44.30231210192536, + "nauc_mrr_at_1_std": -18.942549914934492, + "nauc_mrr_at_20_diff1": 78.31006724240147, + "nauc_mrr_at_20_max": 49.72338465276142, + "nauc_mrr_at_20_std": -14.30722621948953, + "nauc_mrr_at_3_diff1": 78.39832634634523, + "nauc_mrr_at_3_max": 49.24985961036677, + "nauc_mrr_at_3_std": -15.966286866763191, + "nauc_mrr_at_5_diff1": 78.2406507247798, + "nauc_mrr_at_5_max": 49.71276359754787, + "nauc_mrr_at_5_std": -14.979526226149698, + "nauc_ndcg_at_1000_diff1": 77.74892471071016, + "nauc_ndcg_at_1000_max": 51.11543344053061, + "nauc_ndcg_at_1000_std": -12.208878737005096, + "nauc_ndcg_at_100_diff1": 77.67462502211228, + "nauc_ndcg_at_100_max": 51.593977338939034, + "nauc_ndcg_at_100_std": -11.312126179513802, + "nauc_ndcg_at_10_diff1": 77.0571291760012, + "nauc_ndcg_at_10_max": 52.35435572808972, + "nauc_ndcg_at_10_std": -11.33242546164059, + "nauc_ndcg_at_1_diff1": 80.22305496572142, + "nauc_ndcg_at_1_max": 44.30231210192536, + "nauc_ndcg_at_1_std": -18.942549914934492, + "nauc_ndcg_at_20_diff1": 77.4141216117471, + "nauc_ndcg_at_20_max": 52.340600871365375, + "nauc_ndcg_at_20_std": -10.989010161550912, + "nauc_ndcg_at_3_diff1": 77.43971989259062, + "nauc_ndcg_at_3_max": 50.59251358320663, + "nauc_ndcg_at_3_std": -15.59337960636058, + "nauc_ndcg_at_5_diff1": 77.12174287031847, + "nauc_ndcg_at_5_max": 51.97108510288907, + "nauc_ndcg_at_5_std": -13.474902612427167, + "nauc_precision_at_1000_diff1": -19.36793534929367, + "nauc_precision_at_1000_max": 11.803383262344036, + "nauc_precision_at_1000_std": 24.304436015177046, + "nauc_precision_at_100_diff1": -6.273790806909921, + "nauc_precision_at_100_max": 23.372606271300747, + "nauc_precision_at_100_std": 29.085768971612342, + "nauc_precision_at_10_diff1": 21.67045907336595, + "nauc_precision_at_10_max": 41.68948432407223, + "nauc_precision_at_10_std": 17.837055074458092, + "nauc_precision_at_1_diff1": 80.22305496572142, + "nauc_precision_at_1_max": 44.30231210192536, + "nauc_precision_at_1_std": -18.942549914934492, + "nauc_precision_at_20_diff1": 12.577671896684803, + "nauc_precision_at_20_max": 37.44944702246691, + "nauc_precision_at_20_std": 23.635897665206087, + "nauc_precision_at_3_diff1": 47.165335112814056, + "nauc_precision_at_3_max": 47.0458691263379, + "nauc_precision_at_3_std": -3.3181861146890217, + "nauc_precision_at_5_diff1": 35.406205343514806, + "nauc_precision_at_5_max": 45.56549449285401, + "nauc_precision_at_5_std": 5.612378074562386, + "nauc_recall_at_1000_diff1": 72.32762520815842, + "nauc_recall_at_1000_max": 85.64979256307343, + "nauc_recall_at_1000_std": 73.61925297037476, + "nauc_recall_at_100_diff1": 72.31946328709962, + "nauc_recall_at_100_max": 83.76576070068353, + "nauc_recall_at_100_std": 57.39376538662535, + "nauc_recall_at_10_diff1": 69.51307788072499, + "nauc_recall_at_10_max": 69.60124733654142, + "nauc_recall_at_10_std": 13.483540424716892, + "nauc_recall_at_1_diff1": 79.84814509858211, + "nauc_recall_at_1_max": 40.78978466656547, + "nauc_recall_at_1_std": -19.96189264026715, + "nauc_recall_at_20_diff1": 70.92168324710599, + "nauc_recall_at_20_max": 76.09106252420084, + "nauc_recall_at_20_std": 25.406842300761447, + "nauc_recall_at_3_diff1": 74.1212680517145, + "nauc_recall_at_3_max": 56.24921832879403, + "nauc_recall_at_3_std": -11.55542913578436, + "nauc_recall_at_5_diff1": 72.31262959872993, + "nauc_recall_at_5_max": 62.761214896697915, + "nauc_recall_at_5_std": -3.280167584070396, + "ndcg_at_1": 69.18299999999999, + "ndcg_at_10": 79.687, + "ndcg_at_100": 81.062, + "ndcg_at_1000": 81.312, + "ndcg_at_20": 80.34599999999999, + "ndcg_at_3": 75.98700000000001, + "ndcg_at_5": 78.039, + "precision_at_1": 69.18299999999999, + "precision_at_10": 9.636, + "precision_at_100": 1.0330000000000001, + "precision_at_1000": 0.105, + "precision_at_20": 4.958, + "precision_at_3": 28.515, + "precision_at_5": 18.201, + "recall_at_1": 66.872, + "recall_at_10": 90.688, + "recall_at_100": 96.99, + "recall_at_1000": 98.958, + "recall_at_20": 93.21199999999999, + "recall_at_3": 80.84599999999999, + "recall_at_5": 85.732 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/MSMARCO-PL.json b/results/DivineNnamdi__jina-embeddings-v3/external/MSMARCO-PL.json new file mode 100644 index 000000000..6a99461b6 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/MSMARCO-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "8634c07806d5cce3a6138e260e59b81760a0a640", + "task_name": "MSMARCO-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 64.886, + "map_at_1": 1.644, + "map_at_10": 12.24, + "map_at_100": 28.248, + "map_at_1000": 33.506, + "map_at_20": 17.497, + "map_at_3": 4.9399999999999995, + "map_at_5": 8.272, + "mrr_at_1": 83.72093023255815, + "mrr_at_10": 91.08527131782945, + "mrr_at_100": 91.08527131782945, + "mrr_at_1000": 91.08527131782945, + "mrr_at_20": 91.08527131782945, + "mrr_at_3": 91.08527131782945, + "mrr_at_5": 91.08527131782945, + "nauc_map_at_1000_diff1": -36.428271627303424, + "nauc_map_at_1000_max": 44.87615127218638, + "nauc_map_at_1000_std": 67.92696808824724, + "nauc_map_at_100_diff1": -28.11674206786188, + "nauc_map_at_100_max": 36.422779766334955, + "nauc_map_at_100_std": 49.99876313755116, + "nauc_map_at_10_diff1": -5.838593619806058, + "nauc_map_at_10_max": 11.026519190509742, + "nauc_map_at_10_std": 2.5268752263522045, + "nauc_map_at_1_diff1": 17.897907271073016, + "nauc_map_at_1_max": 12.229062762540844, + "nauc_map_at_1_std": -4.088830895573149, + "nauc_map_at_20_diff1": -13.871097716255626, + "nauc_map_at_20_max": 19.291271635609533, + "nauc_map_at_20_std": 16.745335606507826, + "nauc_map_at_3_diff1": 4.425238457033843, + "nauc_map_at_3_max": 4.611864744680824, + "nauc_map_at_3_std": -8.986916608582863, + "nauc_map_at_5_diff1": -6.254849256920095, + "nauc_map_at_5_max": 2.729437079919823, + "nauc_map_at_5_std": -7.235906279913092, + "nauc_mrr_at_1000_diff1": 52.18669104947672, + "nauc_mrr_at_1000_max": 68.26259125411818, + "nauc_mrr_at_1000_std": 56.345086428353575, + "nauc_mrr_at_100_diff1": 52.18669104947672, + "nauc_mrr_at_100_max": 68.26259125411818, + "nauc_mrr_at_100_std": 56.345086428353575, + "nauc_mrr_at_10_diff1": 52.18669104947672, + "nauc_mrr_at_10_max": 68.26259125411818, + "nauc_mrr_at_10_std": 56.345086428353575, + "nauc_mrr_at_1_diff1": 56.55126663944154, + "nauc_mrr_at_1_max": 66.37014285522565, + "nauc_mrr_at_1_std": 53.2508271389779, + "nauc_mrr_at_20_diff1": 52.18669104947672, + "nauc_mrr_at_20_max": 68.26259125411818, + "nauc_mrr_at_20_std": 56.345086428353575, + "nauc_mrr_at_3_diff1": 52.18669104947672, + "nauc_mrr_at_3_max": 68.26259125411818, + "nauc_mrr_at_3_std": 56.345086428353575, + "nauc_mrr_at_5_diff1": 52.18669104947672, + "nauc_mrr_at_5_max": 68.26259125411818, + "nauc_mrr_at_5_std": 56.345086428353575, + "nauc_ndcg_at_1000_diff1": -19.06422926483731, + "nauc_ndcg_at_1000_max": 56.30853514590265, + "nauc_ndcg_at_1000_std": 70.30810947505557, + "nauc_ndcg_at_100_diff1": -25.72587586459692, + "nauc_ndcg_at_100_max": 51.433781241604194, + "nauc_ndcg_at_100_std": 68.37678512652792, + "nauc_ndcg_at_10_diff1": -23.21198108212602, + "nauc_ndcg_at_10_max": 43.5450720846516, + "nauc_ndcg_at_10_std": 48.78307907005605, + "nauc_ndcg_at_1_diff1": 44.00179301267447, + "nauc_ndcg_at_1_max": 48.202370455680395, + "nauc_ndcg_at_1_std": 25.69655992704088, + "nauc_ndcg_at_20_diff1": -33.88168753446507, + "nauc_ndcg_at_20_max": 45.16199742613164, + "nauc_ndcg_at_20_std": 61.87098383164902, + "nauc_ndcg_at_3_diff1": 11.19174449544048, + "nauc_ndcg_at_3_max": 44.34069860560555, + "nauc_ndcg_at_3_std": 27.451258369798115, + "nauc_ndcg_at_5_diff1": -7.186520929432436, + "nauc_ndcg_at_5_max": 43.41869981139378, + "nauc_ndcg_at_5_std": 34.89898115995178, + "nauc_precision_at_1000_diff1": -34.43998154563451, + "nauc_precision_at_1000_max": 29.172655907480372, + "nauc_precision_at_1000_std": 65.15824469614837, + "nauc_precision_at_100_diff1": -37.82409643259692, + "nauc_precision_at_100_max": 38.24986991317909, + "nauc_precision_at_100_std": 72.74768183105327, + "nauc_precision_at_10_diff1": -32.21556182780535, + "nauc_precision_at_10_max": 34.27170432382651, + "nauc_precision_at_10_std": 58.358255004394664, + "nauc_precision_at_1_diff1": 56.55126663944154, + "nauc_precision_at_1_max": 66.37014285522565, + "nauc_precision_at_1_std": 53.2508271389779, + "nauc_precision_at_20_diff1": -40.18751579026395, + "nauc_precision_at_20_max": 33.960783153758896, + "nauc_precision_at_20_std": 65.42918390184195, + "nauc_precision_at_3_diff1": -7.073870209006578, + "nauc_precision_at_3_max": 50.81535269862325, + "nauc_precision_at_3_std": 59.248681565955685, + "nauc_precision_at_5_diff1": -31.136580596983876, + "nauc_precision_at_5_max": 45.88147792380426, + "nauc_precision_at_5_std": 67.46814230928243, + "nauc_recall_at_1000_diff1": -23.15699999594577, + "nauc_recall_at_1000_max": 39.77277799761876, + "nauc_recall_at_1000_std": 60.326168012901114, + "nauc_recall_at_100_diff1": -21.636664823598498, + "nauc_recall_at_100_max": 31.104969346131583, + "nauc_recall_at_100_std": 38.811686891592096, + "nauc_recall_at_10_diff1": -10.542765625053569, + "nauc_recall_at_10_max": 2.043876058107446, + "nauc_recall_at_10_std": -5.578449908984766, + "nauc_recall_at_1_diff1": 17.897907271073016, + "nauc_recall_at_1_max": 12.229062762540844, + "nauc_recall_at_1_std": -4.088830895573149, + "nauc_recall_at_20_diff1": -15.132909355710103, + "nauc_recall_at_20_max": 12.659765287241065, + "nauc_recall_at_20_std": 8.277887800815819, + "nauc_recall_at_3_diff1": -3.1975017812715016, + "nauc_recall_at_3_max": -3.5539857085038538, + "nauc_recall_at_3_std": -14.712102851318118, + "nauc_recall_at_5_diff1": -14.040507717380743, + "nauc_recall_at_5_max": -6.126912150131701, + "nauc_recall_at_5_std": -13.821624015640355, + "ndcg_at_1": 71.318, + "ndcg_at_10": 64.886, + "ndcg_at_100": 53.187, + "ndcg_at_1000": 59.897999999999996, + "ndcg_at_20": 58.96, + "ndcg_at_3": 69.736, + "ndcg_at_5": 70.14099999999999, + "precision_at_1": 83.721, + "precision_at_10": 71.163, + "precision_at_100": 29.465000000000003, + "precision_at_1000": 5.665, + "precision_at_20": 57.791000000000004, + "precision_at_3": 82.171, + "precision_at_5": 81.86, + "recall_at_1": 1.644, + "recall_at_10": 14.238000000000001, + "recall_at_100": 39.831, + "recall_at_1000": 64.057, + "recall_at_20": 21.021, + "recall_at_3": 5.53, + "recall_at_5": 9.623 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/MSMARCO.json b/results/DivineNnamdi__jina-embeddings-v3/external/MSMARCO.json new file mode 100644 index 000000000..dcbdaac67 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/MSMARCO.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.861, + "map_at_10": 34.008, + "map_at_100": 35.174, + "map_at_1000": 35.224, + "map_at_20": 34.705999999999996, + "map_at_3": 30.209000000000003, + "map_at_5": 32.351, + "mrr_at_1": 22.493, + "mrr_at_10": 34.583999999999996, + "mrr_at_100": 35.691, + "mrr_at_1000": 35.736000000000004, + "mrr_at_20": 35.257, + "mrr_at_3": 30.85, + "mrr_at_5": 32.962, + "ndcg_at_1": 22.493, + "ndcg_at_10": 40.815, + "ndcg_at_100": 46.483999999999995, + "ndcg_at_1000": 47.73, + "ndcg_at_20": 43.302, + "ndcg_at_3": 33.056000000000004, + "ndcg_at_5": 36.879, + "precision_at_1": 22.493, + "precision_at_10": 6.465999999999999, + "precision_at_100": 0.932, + "precision_at_1000": 0.104, + "precision_at_20": 3.752, + "precision_at_3": 14.069, + "precision_at_5": 10.384, + "recall_at_1": 21.861, + "recall_at_10": 61.781, + "recall_at_100": 88.095, + "recall_at_1000": 97.625, + "recall_at_20": 71.44500000000001, + "recall_at_3": 40.653, + "recall_at_5": 49.841, + "main_score": 40.815 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/MTOPDomainClassification.json b/results/DivineNnamdi__jina-embeddings-v3/external/MTOPDomainClassification.json new file mode 100644 index 000000000..ad99ba5cd --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/MTOPDomainClassification.json @@ -0,0 +1,50 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 97.4874601003192, + "f1": 97.19067544931094, + "f1_weighted": 97.49331776181019, + "main_score": 97.4874601003192 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 96.89489997182305, + "f1": 96.51138586512977, + "f1_weighted": 96.89723065967186, + "main_score": 96.89489997182305 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 97.17144763175452, + "f1": 96.81785681878274, + "f1_weighted": 97.1778974586874, + "main_score": 97.17144763175452 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 96.30128405887879, + "f1": 95.94555923088487, + "f1_weighted": 96.30399416794926, + "main_score": 96.30128405887879 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/MTOPIntentClassification.json b/results/DivineNnamdi__jina-embeddings-v3/external/MTOPIntentClassification.json new file mode 100644 index 000000000..188c1a8ca --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/MTOPIntentClassification.json @@ -0,0 +1,50 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 84.53488372093022, + "f1": 61.77995074251401, + "f1_weighted": 86.8005170485101, + "main_score": 84.53488372093022 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 80.79459002535924, + "f1": 56.08938302001448, + "f1_weighted": 83.66582131948252, + "main_score": 80.79459002535924 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 84.7765176784523, + "f1": 61.39860057885528, + "f1_weighted": 86.94881745670745, + "main_score": 84.7765176784523 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 82.2079549013467, + "f1": 59.90260478749016, + "f1_weighted": 84.36861708593257, + "main_score": 82.2079549013467 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/MasakhaNEWSClassification.json b/results/DivineNnamdi__jina-embeddings-v3/external/MasakhaNEWSClassification.json new file mode 100644 index 000000000..17428e9d9 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/MasakhaNEWSClassification.json @@ -0,0 +1,30 @@ +{ + "dataset_revision": "18193f187b92da67168c655c9973a165ed9593dd", + "task_name": "MasakhaNEWSClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "eng", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.98945147679325, + "f1": 74.3157483560261, + "f1_weighted": 75.01179008904884, + "main_score": 74.98945147679325 + }, + { + "hf_subset": "fra", + "languages": [ + "fra-Latn" + ], + "accuracy": 74.02843601895735, + "f1": 70.40326349620732, + "f1_weighted": 74.6596277063484, + "main_score": 74.02843601895735 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/MasakhaNEWSClusteringP2P.json b/results/DivineNnamdi__jina-embeddings-v3/external/MasakhaNEWSClusteringP2P.json new file mode 100644 index 000000000..ddaabe2e4 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/MasakhaNEWSClusteringP2P.json @@ -0,0 +1,298 @@ +{ + "dataset_revision": "8ccc72e69e65f40c70e117d8b3c08306bb788b60", + "task_name": "MasakhaNEWSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "amh", + "languages": [ + "amh-Ethi" + ], + "main_score": 69.45780291725053, + "v_measure": 69.45780291725053, + "v_measure_std": 36.54340055904091 + }, + { + "hf_subset": "eng", + "languages": [ + "eng-Latn" + ], + "main_score": 64.88996119332239, + "v_measure": 64.88996119332239, + "v_measure_std": 30.017223408197268 + }, + { + "hf_subset": "fra", + "languages": [ + "fra-Latn" + ], + "main_score": 42.362383958691666, + "v_measure": 42.362383958691666, + "v_measure_std": 37.61076788039063 + }, + { + "hf_subset": "hau", + "languages": [ + "hau-Latn" + ], + "main_score": 43.29201252405562, + "v_measure": 43.29201252405562, + "v_measure_std": 34.31987945146255 + }, + { + "hf_subset": "ibo", + "languages": [ + "ibo-Latn" + ], + "main_score": 33.59926542995238, + "v_measure": 33.59926542995238, + "v_measure_std": 35.70048601084112 + }, + { + "hf_subset": "lin", + "languages": [ + "lin-Latn" + ], + "main_score": 67.58487601893106, + "v_measure": 67.58487601893106, + "v_measure_std": 35.16784970777931 + }, + { + "hf_subset": "lug", + "languages": [ + "lug-Latn" + ], + "main_score": 50.01220872023533, + "v_measure": 50.01220872023533, + "v_measure_std": 41.87411574676182 + }, + { + "hf_subset": "orm", + "languages": [ + "orm-Ethi" + ], + "main_score": 29.007847502598317, + "v_measure": 29.007847502598317, + "v_measure_std": 38.374997395079994 + }, + { + "hf_subset": "pcm", + "languages": [ + "pcm-Latn" + ], + "main_score": 79.13520228554611, + "v_measure": 79.13520228554611, + "v_measure_std": 18.501843848275183 + }, + { + "hf_subset": "run", + "languages": [ + "run-Latn" + ], + "main_score": 60.317213909746656, + "v_measure": 60.317213909746656, + "v_measure_std": 36.500281823747386 + }, + { + "hf_subset": "sna", + "languages": [ + "sna-Latn" + ], + "main_score": 59.395277358240946, + "v_measure": 59.395277358240946, + "v_measure_std": 37.500916816164654 + }, + { + "hf_subset": "som", + "languages": [ + "som-Latn" + ], + "main_score": 38.18638688704302, + "v_measure": 38.18638688704302, + "v_measure_std": 35.453681137564466 + }, + { + "hf_subset": "swa", + "languages": [ + "swa-Latn" + ], + "main_score": 29.49230755729658, + "v_measure": 29.49230755729658, + "v_measure_std": 28.284313285264645 + }, + { + "hf_subset": "tir", + "languages": [ + "tir-Ethi" + ], + "main_score": 60.632258622750115, + "v_measure": 60.632258622750115, + "v_measure_std": 34.429711214740564 + }, + { + "hf_subset": "xho", + "languages": [ + "xho-Latn" + ], + "main_score": 41.76322918806381, + "v_measure": 41.76322918806381, + "v_measure_std": 36.43245296200775 + }, + { + "hf_subset": "yor", + "languages": [ + "yor-Latn" + ], + "main_score": 33.17083910808645, + "v_measure": 33.17083910808645, + "v_measure_std": 34.87547994284835 + }, + { + "hf_subset": "amh", + "languages": [ + "amh-Ethi" + ], + "main_score": 60.95132147787602, + "v_measure": 60.95132147787602, + "v_measure_std": 37.330148394033365 + }, + { + "hf_subset": "eng", + "languages": [ + "eng-Latn" + ], + "main_score": 60.974810831426595, + "v_measure": 60.974810831426595, + "v_measure_std": 24.934675467507827 + }, + { + "hf_subset": "fra", + "languages": [ + "fra-Latn" + ], + "main_score": 44.479206673553335, + "v_measure": 44.479206673553335, + "v_measure_std": 32.58254804499339 + }, + { + "hf_subset": "hau", + "languages": [ + "hau-Latn" + ], + "main_score": 26.4742082741682, + "v_measure": 26.4742082741682, + "v_measure_std": 22.344929192323097 + }, + { + "hf_subset": "ibo", + "languages": [ + "ibo-Latn" + ], + "main_score": 38.906129911741985, + "v_measure": 38.906129911741985, + "v_measure_std": 34.785601792668444 + }, + { + "hf_subset": "lin", + "languages": [ + "lin-Latn" + ], + "main_score": 62.60982020876592, + "v_measure": 62.60982020876592, + "v_measure_std": 40.7368955715045 + }, + { + "hf_subset": "lug", + "languages": [ + "lug-Latn" + ], + "main_score": 42.70424106365967, + "v_measure": 42.70424106365967, + "v_measure_std": 46.80946241135087 + }, + { + "hf_subset": "orm", + "languages": [ + "orm-Ethi" + ], + "main_score": 28.609942199922322, + "v_measure": 28.609942199922322, + "v_measure_std": 38.46685040191088 + }, + { + "hf_subset": "pcm", + "languages": [ + "pcm-Latn" + ], + "main_score": 76.83901348810822, + "v_measure": 76.83901348810822, + "v_measure_std": 17.57617141269189 + }, + { + "hf_subset": "run", + "languages": [ + "run-Latn" + ], + "main_score": 46.89757547846193, + "v_measure": 46.89757547846193, + "v_measure_std": 44.58903590203438 + }, + { + "hf_subset": "sna", + "languages": [ + "sna-Latn" + ], + "main_score": 55.37185207068829, + "v_measure": 55.37185207068829, + "v_measure_std": 36.944574863543004 + }, + { + "hf_subset": "som", + "languages": [ + "som-Latn" + ], + "main_score": 37.44211021681754, + "v_measure": 37.44211021681754, + "v_measure_std": 33.41469994463241 + }, + { + "hf_subset": "swa", + "languages": [ + "swa-Latn" + ], + "main_score": 26.020680621216062, + "v_measure": 26.020680621216062, + "v_measure_std": 25.480037522570413 + }, + { + "hf_subset": "tir", + "languages": [ + "tir-Ethi" + ], + "main_score": 63.74306846771303, + "v_measure": 63.74306846771303, + "v_measure_std": 32.19119631078685 + }, + { + "hf_subset": "xho", + "languages": [ + "xho-Latn" + ], + "main_score": 24.580890519243777, + "v_measure": 24.580890519243777, + "v_measure_std": 37.941836363967106 + }, + { + "hf_subset": "yor", + "languages": [ + "yor-Latn" + ], + "main_score": 43.63458888828314, + "v_measure": 43.63458888828314, + "v_measure_std": 31.28169350649098 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/MassiveIntentClassification.json b/results/DivineNnamdi__jina-embeddings-v3/external/MassiveIntentClassification.json new file mode 100644 index 000000000..98aac6dc9 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/MassiveIntentClassification.json @@ -0,0 +1,80 @@ +{ + "dataset_revision": "4672e20407010da34463acc759c162ca9734bca6", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 75.37323470073974, + "f1": 71.1836877753734, + "f1_weighted": 75.72073213955457, + "main_score": 75.37323470073974 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 74.83523873570948, + "f1": 70.72375821116886, + "f1_weighted": 75.20800490010755, + "main_score": 74.83523873570948 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 75.31607262945528, + "f1": 72.06063554897662, + "f1_weighted": 75.72438161355252, + "main_score": 75.31607262945528 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 76.7955615332885, + "f1": 73.08099648499756, + "f1_weighted": 77.18482068239668, + "main_score": 76.7955615332885 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.60591795561534, + "f1": 74.46676705370395, + "f1_weighted": 77.69888062336614, + "main_score": 77.60591795561534 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 76.32145258910558, + "f1": 72.89824154178328, + "f1_weighted": 76.6539327979472, + "main_score": 76.32145258910558 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 73.21788836583724, + "f1": 70.45594512246377, + "f1_weighted": 73.67862536499393, + "main_score": 73.21788836583724 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/MassiveScenarioClassification.json b/results/DivineNnamdi__jina-embeddings-v3/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..83c890a3d --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/MassiveScenarioClassification.json @@ -0,0 +1,80 @@ +{ + "dataset_revision": "fad2c6e8459f9e1c45d9315f4953d921437d70f8", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 80.82044384667114, + "f1": 80.53217664465089, + "f1_weighted": 80.94535087010512, + "main_score": 80.82044384667114 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 82.1049092131809, + "f1": 81.55343463694733, + "f1_weighted": 82.33509098770782, + "main_score": 82.1049092131809 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 82.58238063214526, + "f1": 82.27974449333072, + "f1_weighted": 82.81337569618209, + "main_score": 82.58238063214526 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 83.97108271687962, + "f1": 83.56285606936076, + "f1_weighted": 84.10198745390771, + "main_score": 83.97108271687962 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 84.71082716879623, + "f1": 84.09447062371402, + "f1_weighted": 84.73765765551342, + "main_score": 84.71082716879623 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 83.093476798924, + "f1": 82.72656900752943, + "f1_weighted": 83.26606516503364, + "main_score": 83.093476798924 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 84.05850706119705, + "f1": 83.64234048881222, + "f1_weighted": 84.17315768381876, + "main_score": 84.05850706119705 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/MedicalRetrieval.json b/results/DivineNnamdi__jina-embeddings-v3/external/MedicalRetrieval.json new file mode 100644 index 000000000..09b2c94b8 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/MedicalRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "2039188fb5800a9803ba5048df7b76e6fb151fc6", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 56.635999999999996, + "map_at_1": 48.699999999999996, + "map_at_10": 53.991, + "map_at_100": 54.449999999999996, + "map_at_1000": 54.515, + "map_at_20": 54.212, + "map_at_3": 52.833, + "map_at_5": 53.503, + "mrr_at_1": 48.699999999999996, + "mrr_at_10": 53.991309523809505, + "mrr_at_100": 54.45008993448266, + "mrr_at_1000": 54.515253990549795, + "mrr_at_20": 54.21201762247036, + "mrr_at_3": 52.8333333333333, + "mrr_at_5": 53.50333333333328, + "nauc_map_at_1000_diff1": 79.96867989401643, + "nauc_map_at_1000_max": 69.75230895599029, + "nauc_map_at_1000_std": 2.6418738289740213, + "nauc_map_at_100_diff1": 79.95343709599133, + "nauc_map_at_100_max": 69.751282671507, + "nauc_map_at_100_std": 2.621719966106279, + "nauc_map_at_10_diff1": 80.02875864565634, + "nauc_map_at_10_max": 69.80948662290187, + "nauc_map_at_10_std": 2.329151604733765, + "nauc_map_at_1_diff1": 83.616940281383, + "nauc_map_at_1_max": 69.08142651929452, + "nauc_map_at_1_std": 1.9687791394035643, + "nauc_map_at_20_diff1": 79.95555601275339, + "nauc_map_at_20_max": 69.76604695002925, + "nauc_map_at_20_std": 2.556184141901367, + "nauc_map_at_3_diff1": 80.74790131023668, + "nauc_map_at_3_max": 70.57797991892402, + "nauc_map_at_3_std": 2.7115149849964117, + "nauc_map_at_5_diff1": 80.31796539878381, + "nauc_map_at_5_max": 69.93573796420061, + "nauc_map_at_5_std": 2.0731614029506606, + "nauc_mrr_at_1000_diff1": 79.96867999907981, + "nauc_mrr_at_1000_max": 69.57395578976896, + "nauc_mrr_at_1000_std": 2.46351945887829, + "nauc_mrr_at_100_diff1": 79.95343709599133, + "nauc_mrr_at_100_max": 69.57322054130803, + "nauc_mrr_at_100_std": 2.4436578359073433, + "nauc_mrr_at_10_diff1": 80.02875864565634, + "nauc_mrr_at_10_max": 69.63292630937411, + "nauc_mrr_at_10_std": 2.1525912912060012, + "nauc_mrr_at_1_diff1": 83.616940281383, + "nauc_mrr_at_1_max": 68.74717310480305, + "nauc_mrr_at_1_std": 1.6345257249120868, + "nauc_mrr_at_20_diff1": 79.95555601275339, + "nauc_mrr_at_20_max": 69.58883608470444, + "nauc_mrr_at_20_std": 2.378973276576547, + "nauc_mrr_at_3_diff1": 80.74790131023668, + "nauc_mrr_at_3_max": 70.40430475488604, + "nauc_mrr_at_3_std": 2.5378398209583817, + "nauc_mrr_at_5_diff1": 80.31796539878381, + "nauc_mrr_at_5_max": 69.7605991748183, + "nauc_mrr_at_5_std": 1.898022613568352, + "nauc_ndcg_at_1000_diff1": 78.35504059321225, + "nauc_ndcg_at_1000_max": 69.06752522437093, + "nauc_ndcg_at_1000_std": 3.9624036886099265, + "nauc_ndcg_at_100_diff1": 77.79729140249833, + "nauc_ndcg_at_100_max": 68.93113791506029, + "nauc_ndcg_at_100_std": 3.642178826886181, + "nauc_ndcg_at_10_diff1": 78.160158293918, + "nauc_ndcg_at_10_max": 69.28122202281361, + "nauc_ndcg_at_10_std": 2.438976810940962, + "nauc_ndcg_at_1_diff1": 83.616940281383, + "nauc_ndcg_at_1_max": 69.08142651929452, + "nauc_ndcg_at_1_std": 1.9687791394035643, + "nauc_ndcg_at_20_diff1": 77.88514432874997, + "nauc_ndcg_at_20_max": 69.06148818508873, + "nauc_ndcg_at_20_std": 3.1800249272363676, + "nauc_ndcg_at_3_diff1": 79.73510384405803, + "nauc_ndcg_at_3_max": 70.78000695123832, + "nauc_ndcg_at_3_std": 2.9041415468363274, + "nauc_ndcg_at_5_diff1": 78.91872808866195, + "nauc_ndcg_at_5_max": 69.61478429620091, + "nauc_ndcg_at_5_std": 1.734699636301054, + "nauc_precision_at_1000_diff1": 66.37858395390673, + "nauc_precision_at_1000_max": 60.651659037598534, + "nauc_precision_at_1000_std": 27.388353715469798, + "nauc_precision_at_100_diff1": 66.34325807776025, + "nauc_precision_at_100_max": 63.63855305621111, + "nauc_precision_at_100_std": 10.641748149575351, + "nauc_precision_at_10_diff1": 71.3784685491089, + "nauc_precision_at_10_max": 67.05313695174542, + "nauc_precision_at_10_std": 3.000406867930561, + "nauc_precision_at_1_diff1": 83.616940281383, + "nauc_precision_at_1_max": 69.08142651929452, + "nauc_precision_at_1_std": 1.9687791394035643, + "nauc_precision_at_20_diff1": 69.73407910977694, + "nauc_precision_at_20_max": 65.77426240320742, + "nauc_precision_at_20_std": 6.204416838482586, + "nauc_precision_at_3_diff1": 76.63737537643107, + "nauc_precision_at_3_max": 71.29710200719668, + "nauc_precision_at_3_std": 3.47180961484546, + "nauc_precision_at_5_diff1": 74.36945983536717, + "nauc_precision_at_5_max": 68.33292218003061, + "nauc_precision_at_5_std": 0.47128762620258075, + "nauc_recall_at_1000_diff1": 66.37858395390681, + "nauc_recall_at_1000_max": 60.65165903759889, + "nauc_recall_at_1000_std": 27.388353715469822, + "nauc_recall_at_100_diff1": 66.34325807776025, + "nauc_recall_at_100_max": 63.63855305621116, + "nauc_recall_at_100_std": 10.641748149575351, + "nauc_recall_at_10_diff1": 71.37846854910892, + "nauc_recall_at_10_max": 67.05313695174546, + "nauc_recall_at_10_std": 3.000406867930663, + "nauc_recall_at_1_diff1": 83.616940281383, + "nauc_recall_at_1_max": 69.08142651929452, + "nauc_recall_at_1_std": 1.9687791394035643, + "nauc_recall_at_20_diff1": 69.73407910977691, + "nauc_recall_at_20_max": 65.77426240320746, + "nauc_recall_at_20_std": 6.204416838482536, + "nauc_recall_at_3_diff1": 76.63737537643112, + "nauc_recall_at_3_max": 71.29710200719668, + "nauc_recall_at_3_std": 3.471809614845442, + "nauc_recall_at_5_diff1": 74.36945983536715, + "nauc_recall_at_5_max": 68.33292218003065, + "nauc_recall_at_5_std": 0.4712876262026442, + "ndcg_at_1": 48.699999999999996, + "ndcg_at_10": 56.635999999999996, + "ndcg_at_100": 59.193, + "ndcg_at_1000": 60.97, + "ndcg_at_20": 57.426, + "ndcg_at_3": 54.186, + "ndcg_at_5": 55.407, + "precision_at_1": 48.699999999999996, + "precision_at_10": 6.5, + "precision_at_100": 0.777, + "precision_at_1000": 0.092, + "precision_at_20": 3.405, + "precision_at_3": 19.367, + "precision_at_5": 12.22, + "recall_at_1": 48.699999999999996, + "recall_at_10": 65.0, + "recall_at_100": 77.7, + "recall_at_1000": 91.8, + "recall_at_20": 68.10000000000001, + "recall_at_3": 58.099999999999994, + "recall_at_5": 61.1 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/MedrxivClusteringP2P.json b/results/DivineNnamdi__jina-embeddings-v3/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..b485b7d3c --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/MedrxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 34.80188561439236, + "v_measure": 34.80188561439236, + "v_measure_std": 1.5703148841573102 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/MedrxivClusteringS2S.json b/results/DivineNnamdi__jina-embeddings-v3/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..fbe72f54e --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/MedrxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 32.42285513996236, + "v_measure": 32.42285513996236, + "v_measure_std": 1.3769867487457566 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/MindSmallReranking.json b/results/DivineNnamdi__jina-embeddings-v3/external/MindSmallReranking.json new file mode 100644 index 000000000..383d5b602 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/MindSmallReranking.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 30.83, + "main_score": 30.83 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/MintakaRetrieval.json b/results/DivineNnamdi__jina-embeddings-v3/external/MintakaRetrieval.json new file mode 100644 index 000000000..6d3007f74 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/MintakaRetrieval.json @@ -0,0 +1,451 @@ +{ + "dataset_revision": "efa78cc2f74bbcd21eff2261f9e13aebe40b814e", + "task_name": "MintakaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "main_score": 27.025, + "map_at_1": 14.532, + "map_at_10": 22.612, + "map_at_100": 23.802, + "map_at_1000": 23.9, + "map_at_20": 23.275000000000002, + "map_at_3": 20.226, + "map_at_5": 21.490000000000002, + "mrr_at_1": 14.532434709351305, + "mrr_at_10": 22.612077265615575, + "mrr_at_100": 23.801523356874675, + "mrr_at_1000": 23.900118499340238, + "mrr_at_20": 23.275466430108995, + "mrr_at_3": 20.22606009547877, + "mrr_at_5": 21.489750070204945, + "nauc_map_at_1000_diff1": 14.148987799763596, + "nauc_map_at_1000_max": 44.70338461387784, + "nauc_map_at_1000_std": 15.868006767707637, + "nauc_map_at_100_diff1": 14.11371769080442, + "nauc_map_at_100_max": 44.67995540936296, + "nauc_map_at_100_std": 15.890796502029076, + "nauc_map_at_10_diff1": 14.29066834165688, + "nauc_map_at_10_max": 45.10997111765282, + "nauc_map_at_10_std": 15.508568918629864, + "nauc_map_at_1_diff1": 23.473291302576396, + "nauc_map_at_1_max": 44.68942599764586, + "nauc_map_at_1_std": 12.424377262427253, + "nauc_map_at_20_diff1": 14.112652046087831, + "nauc_map_at_20_max": 44.82014861413682, + "nauc_map_at_20_std": 15.739350613646385, + "nauc_map_at_3_diff1": 16.119659221396347, + "nauc_map_at_3_max": 46.04766378953525, + "nauc_map_at_3_std": 13.969878046315925, + "nauc_map_at_5_diff1": 15.095453434076184, + "nauc_map_at_5_max": 45.802128149314406, + "nauc_map_at_5_std": 14.957442173319949, + "nauc_mrr_at_1000_diff1": 14.148987799763596, + "nauc_mrr_at_1000_max": 44.70338461387784, + "nauc_mrr_at_1000_std": 15.868006767707637, + "nauc_mrr_at_100_diff1": 14.11371769080442, + "nauc_mrr_at_100_max": 44.67995540936296, + "nauc_mrr_at_100_std": 15.890796502029076, + "nauc_mrr_at_10_diff1": 14.29066834165688, + "nauc_mrr_at_10_max": 45.10997111765282, + "nauc_mrr_at_10_std": 15.508568918629864, + "nauc_mrr_at_1_diff1": 23.473291302576396, + "nauc_mrr_at_1_max": 44.68942599764586, + "nauc_mrr_at_1_std": 12.424377262427253, + "nauc_mrr_at_20_diff1": 14.112652046087831, + "nauc_mrr_at_20_max": 44.82014861413682, + "nauc_mrr_at_20_std": 15.739350613646385, + "nauc_mrr_at_3_diff1": 16.119659221396347, + "nauc_mrr_at_3_max": 46.04766378953525, + "nauc_mrr_at_3_std": 13.969878046315925, + "nauc_mrr_at_5_diff1": 15.095453434076184, + "nauc_mrr_at_5_max": 45.802128149314406, + "nauc_mrr_at_5_std": 14.957442173319949, + "nauc_ndcg_at_1000_diff1": 11.626606894574028, + "nauc_ndcg_at_1000_max": 43.328592841065536, + "nauc_ndcg_at_1000_std": 18.049446272245547, + "nauc_ndcg_at_100_diff1": 10.485720606660239, + "nauc_ndcg_at_100_max": 42.405317674170966, + "nauc_ndcg_at_100_std": 19.107151641936987, + "nauc_ndcg_at_10_diff1": 11.029351078162982, + "nauc_ndcg_at_10_max": 44.36855031964681, + "nauc_ndcg_at_10_std": 17.302796171409305, + "nauc_ndcg_at_1_diff1": 23.473291302576396, + "nauc_ndcg_at_1_max": 44.68942599764586, + "nauc_ndcg_at_1_std": 12.424377262427253, + "nauc_ndcg_at_20_diff1": 10.356662718168412, + "nauc_ndcg_at_20_max": 43.31602680430083, + "nauc_ndcg_at_20_std": 18.162891267850316, + "nauc_ndcg_at_3_diff1": 14.42844952297869, + "nauc_ndcg_at_3_max": 46.26603339466543, + "nauc_ndcg_at_3_std": 14.449362723887857, + "nauc_ndcg_at_5_diff1": 12.783416563486396, + "nauc_ndcg_at_5_max": 45.852176479124424, + "nauc_ndcg_at_5_std": 16.11775016428085, + "nauc_precision_at_1000_diff1": -8.045361059399795, + "nauc_precision_at_1000_max": 21.970273281738777, + "nauc_precision_at_1000_std": 49.564650488193266, + "nauc_precision_at_100_diff1": -2.118628861593353, + "nauc_precision_at_100_max": 31.32498977104778, + "nauc_precision_at_100_std": 32.96087731883451, + "nauc_precision_at_10_diff1": 3.0335517475367615, + "nauc_precision_at_10_max": 42.21620215030219, + "nauc_precision_at_10_std": 21.90159732315962, + "nauc_precision_at_1_diff1": 23.473291302576396, + "nauc_precision_at_1_max": 44.68942599764586, + "nauc_precision_at_1_std": 12.424377262427253, + "nauc_precision_at_20_diff1": 0.4087201843719047, + "nauc_precision_at_20_max": 38.485034773895734, + "nauc_precision_at_20_std": 25.077397979916682, + "nauc_precision_at_3_diff1": 10.408327736589833, + "nauc_precision_at_3_max": 46.757216289175076, + "nauc_precision_at_3_std": 15.62594354926867, + "nauc_precision_at_5_diff1": 7.326752744229544, + "nauc_precision_at_5_max": 45.89190518573553, + "nauc_precision_at_5_std": 19.01717163438957, + "nauc_recall_at_1000_diff1": -8.045361059400387, + "nauc_recall_at_1000_max": 21.97027328173812, + "nauc_recall_at_1000_std": 49.56465048819266, + "nauc_recall_at_100_diff1": -2.118628861593277, + "nauc_recall_at_100_max": 31.324989771047818, + "nauc_recall_at_100_std": 32.96087731883457, + "nauc_recall_at_10_diff1": 3.0335517475367166, + "nauc_recall_at_10_max": 42.21620215030217, + "nauc_recall_at_10_std": 21.901597323159606, + "nauc_recall_at_1_diff1": 23.473291302576396, + "nauc_recall_at_1_max": 44.68942599764586, + "nauc_recall_at_1_std": 12.424377262427253, + "nauc_recall_at_20_diff1": 0.40872018437190905, + "nauc_recall_at_20_max": 38.485034773895734, + "nauc_recall_at_20_std": 25.077397979916693, + "nauc_recall_at_3_diff1": 10.408327736589843, + "nauc_recall_at_3_max": 46.75721628917507, + "nauc_recall_at_3_std": 15.625943549268664, + "nauc_recall_at_5_diff1": 7.326752744229548, + "nauc_recall_at_5_max": 45.89190518573557, + "nauc_recall_at_5_std": 19.01717163438958, + "ndcg_at_1": 14.532, + "ndcg_at_10": 27.025, + "ndcg_at_100": 33.305, + "ndcg_at_1000": 36.38, + "ndcg_at_20": 29.443, + "ndcg_at_3": 22.035, + "ndcg_at_5": 24.319, + "precision_at_1": 14.532, + "precision_at_10": 4.115, + "precision_at_100": 0.717, + "precision_at_1000": 0.097, + "precision_at_20": 2.536, + "precision_at_3": 9.085, + "precision_at_5": 6.563, + "recall_at_1": 14.532, + "recall_at_10": 41.154, + "recall_at_100": 71.651, + "recall_at_1000": 96.841, + "recall_at_20": 50.71600000000001, + "recall_at_3": 27.254, + "recall_at_5": 32.814 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "main_score": 26.912000000000003, + "map_at_1": 14.686, + "map_at_10": 22.569, + "map_at_100": 23.679, + "map_at_1000": 23.777, + "map_at_20": 23.169, + "map_at_3": 20.201, + "map_at_5": 21.566, + "mrr_at_1": 14.686468646864686, + "mrr_at_10": 22.569346220336296, + "mrr_at_100": 23.678819125817146, + "mrr_at_1000": 23.77713511338264, + "mrr_at_20": 23.16850858443442, + "mrr_at_3": 20.200770077007665, + "mrr_at_5": 21.56628162816276, + "nauc_map_at_1000_diff1": 14.129007578838381, + "nauc_map_at_1000_max": 44.4255501141499, + "nauc_map_at_1000_std": 19.95906154868176, + "nauc_map_at_100_diff1": 14.09071870575231, + "nauc_map_at_100_max": 44.403179928955566, + "nauc_map_at_100_std": 20.00413657519976, + "nauc_map_at_10_diff1": 14.149535953153688, + "nauc_map_at_10_max": 44.66529917634685, + "nauc_map_at_10_std": 19.580235989479394, + "nauc_map_at_1_diff1": 23.489813522176636, + "nauc_map_at_1_max": 46.54578639925787, + "nauc_map_at_1_std": 16.39083721709994, + "nauc_map_at_20_diff1": 14.021560420656181, + "nauc_map_at_20_max": 44.4825455452467, + "nauc_map_at_20_std": 19.886927750826878, + "nauc_map_at_3_diff1": 16.182977890477723, + "nauc_map_at_3_max": 46.1840554029258, + "nauc_map_at_3_std": 18.735671900228958, + "nauc_map_at_5_diff1": 14.779126395472833, + "nauc_map_at_5_max": 45.23237213817556, + "nauc_map_at_5_std": 19.348508580412872, + "nauc_mrr_at_1000_diff1": 14.129007578838381, + "nauc_mrr_at_1000_max": 44.4255501141499, + "nauc_mrr_at_1000_std": 19.95906154868176, + "nauc_mrr_at_100_diff1": 14.09071870575231, + "nauc_mrr_at_100_max": 44.403179928955566, + "nauc_mrr_at_100_std": 20.00413657519976, + "nauc_mrr_at_10_diff1": 14.149535953153688, + "nauc_mrr_at_10_max": 44.66529917634685, + "nauc_mrr_at_10_std": 19.580235989479394, + "nauc_mrr_at_1_diff1": 23.489813522176636, + "nauc_mrr_at_1_max": 46.54578639925787, + "nauc_mrr_at_1_std": 16.39083721709994, + "nauc_mrr_at_20_diff1": 14.021560420656181, + "nauc_mrr_at_20_max": 44.4825455452467, + "nauc_mrr_at_20_std": 19.886927750826878, + "nauc_mrr_at_3_diff1": 16.182977890477723, + "nauc_mrr_at_3_max": 46.1840554029258, + "nauc_mrr_at_3_std": 18.735671900228958, + "nauc_mrr_at_5_diff1": 14.779126395472833, + "nauc_mrr_at_5_max": 45.23237213817556, + "nauc_mrr_at_5_std": 19.348508580412872, + "nauc_ndcg_at_1000_diff1": 11.762470380481101, + "nauc_ndcg_at_1000_max": 42.8233203033089, + "nauc_ndcg_at_1000_std": 21.78503705117719, + "nauc_ndcg_at_100_diff1": 10.45886076220022, + "nauc_ndcg_at_100_max": 41.85472899256818, + "nauc_ndcg_at_100_std": 23.20955486335138, + "nauc_ndcg_at_10_diff1": 10.605912468659469, + "nauc_ndcg_at_10_max": 43.150942448104715, + "nauc_ndcg_at_10_std": 21.120035764826085, + "nauc_ndcg_at_1_diff1": 23.489813522176636, + "nauc_ndcg_at_1_max": 46.54578639925787, + "nauc_ndcg_at_1_std": 16.39083721709994, + "nauc_ndcg_at_20_diff1": 10.11291783888644, + "nauc_ndcg_at_20_max": 42.51260678842788, + "nauc_ndcg_at_20_std": 22.1744949382252, + "nauc_ndcg_at_3_diff1": 14.25625326760802, + "nauc_ndcg_at_3_max": 45.96162916377383, + "nauc_ndcg_at_3_std": 19.557832728215523, + "nauc_ndcg_at_5_diff1": 11.956317653823053, + "nauc_ndcg_at_5_max": 44.35971268886807, + "nauc_ndcg_at_5_std": 20.581696730374233, + "nauc_precision_at_1000_diff1": 5.132291843566577, + "nauc_precision_at_1000_max": 25.293354576835263, + "nauc_precision_at_1000_std": 40.36005126087624, + "nauc_precision_at_100_diff1": -1.5252854375008238, + "nauc_precision_at_100_max": 31.007586474495984, + "nauc_precision_at_100_std": 37.297552993548386, + "nauc_precision_at_10_diff1": 1.9663657370770737, + "nauc_precision_at_10_max": 39.194092293625125, + "nauc_precision_at_10_std": 24.956542621999542, + "nauc_precision_at_1_diff1": 23.489813522176636, + "nauc_precision_at_1_max": 46.54578639925787, + "nauc_precision_at_1_std": 16.39083721709994, + "nauc_precision_at_20_diff1": 0.011112090390932373, + "nauc_precision_at_20_max": 36.9357074392519, + "nauc_precision_at_20_std": 28.611387115093876, + "nauc_precision_at_3_diff1": 9.596831091013703, + "nauc_precision_at_3_max": 45.3905541893809, + "nauc_precision_at_3_std": 21.599314388526945, + "nauc_precision_at_5_diff1": 5.175887949900142, + "nauc_precision_at_5_max": 42.129467510414464, + "nauc_precision_at_5_std": 23.607251548776677, + "nauc_recall_at_1000_diff1": 5.132291843566257, + "nauc_recall_at_1000_max": 25.29335457683396, + "nauc_recall_at_1000_std": 40.36005126087638, + "nauc_recall_at_100_diff1": -1.5252854375008988, + "nauc_recall_at_100_max": 31.00758647449594, + "nauc_recall_at_100_std": 37.29755299354834, + "nauc_recall_at_10_diff1": 1.9663657370770793, + "nauc_recall_at_10_max": 39.19409229362512, + "nauc_recall_at_10_std": 24.956542621999546, + "nauc_recall_at_1_diff1": 23.489813522176636, + "nauc_recall_at_1_max": 46.54578639925787, + "nauc_recall_at_1_std": 16.39083721709994, + "nauc_recall_at_20_diff1": 0.011112090390923075, + "nauc_recall_at_20_max": 36.93570743925189, + "nauc_recall_at_20_std": 28.611387115093883, + "nauc_recall_at_3_diff1": 9.596831091013714, + "nauc_recall_at_3_max": 45.39055418938087, + "nauc_recall_at_3_std": 21.599314388526956, + "nauc_recall_at_5_diff1": 5.17588794990012, + "nauc_recall_at_5_max": 42.12946751041448, + "nauc_recall_at_5_std": 23.607251548776695, + "ndcg_at_1": 14.686, + "ndcg_at_10": 26.912000000000003, + "ndcg_at_100": 32.919, + "ndcg_at_1000": 36.119, + "ndcg_at_20": 29.079, + "ndcg_at_3": 21.995, + "ndcg_at_5": 24.474999999999998, + "precision_at_1": 14.686, + "precision_at_10": 4.08, + "precision_at_100": 0.703, + "precision_at_1000": 0.097, + "precision_at_20": 2.467, + "precision_at_3": 9.062000000000001, + "precision_at_5": 6.65, + "recall_at_1": 14.686, + "recall_at_10": 40.8, + "recall_at_100": 70.338, + "recall_at_1000": 96.82300000000001, + "recall_at_20": 49.34, + "recall_at_3": 27.186, + "recall_at_5": 33.251 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "main_score": 26.909, + "map_at_1": 14.701, + "map_at_10": 22.613, + "map_at_100": 23.729, + "map_at_1000": 23.837, + "map_at_20": 23.262, + "map_at_3": 20.236, + "map_at_5": 21.673000000000002, + "mrr_at_1": 14.7010647010647, + "mrr_at_10": 22.613165113165113, + "mrr_at_100": 23.72877605989423, + "mrr_at_1000": 23.837150802746805, + "mrr_at_20": 23.261627081110596, + "mrr_at_3": 20.2361452361452, + "mrr_at_5": 21.673491673491625, + "nauc_map_at_1000_diff1": 17.08927788889635, + "nauc_map_at_1000_max": 47.240929150603336, + "nauc_map_at_1000_std": 20.559244258100275, + "nauc_map_at_100_diff1": 17.029461792796777, + "nauc_map_at_100_max": 47.207381115550696, + "nauc_map_at_100_std": 20.581498156895265, + "nauc_map_at_10_diff1": 17.351456007804536, + "nauc_map_at_10_max": 47.815880040221344, + "nauc_map_at_10_std": 20.292999107555794, + "nauc_map_at_1_diff1": 27.297525357600776, + "nauc_map_at_1_max": 47.18835074959486, + "nauc_map_at_1_std": 18.304203168281834, + "nauc_map_at_20_diff1": 17.157460199542136, + "nauc_map_at_20_max": 47.4776610667456, + "nauc_map_at_20_std": 20.499186342964478, + "nauc_map_at_3_diff1": 19.393119961356277, + "nauc_map_at_3_max": 49.02841822452882, + "nauc_map_at_3_std": 19.293122796321292, + "nauc_map_at_5_diff1": 17.76275044752008, + "nauc_map_at_5_max": 48.01292548040298, + "nauc_map_at_5_std": 19.928449977400504, + "nauc_mrr_at_1000_diff1": 17.08927788889635, + "nauc_mrr_at_1000_max": 47.240929150603336, + "nauc_mrr_at_1000_std": 20.559244258100275, + "nauc_mrr_at_100_diff1": 17.029461792796777, + "nauc_mrr_at_100_max": 47.207381115550696, + "nauc_mrr_at_100_std": 20.581498156895265, + "nauc_mrr_at_10_diff1": 17.351456007804536, + "nauc_mrr_at_10_max": 47.815880040221344, + "nauc_mrr_at_10_std": 20.292999107555794, + "nauc_mrr_at_1_diff1": 27.297525357600776, + "nauc_mrr_at_1_max": 47.18835074959486, + "nauc_mrr_at_1_std": 18.304203168281834, + "nauc_mrr_at_20_diff1": 17.157460199542136, + "nauc_mrr_at_20_max": 47.4776610667456, + "nauc_mrr_at_20_std": 20.499186342964478, + "nauc_mrr_at_3_diff1": 19.393119961356277, + "nauc_mrr_at_3_max": 49.02841822452882, + "nauc_mrr_at_3_std": 19.293122796321292, + "nauc_mrr_at_5_diff1": 17.76275044752008, + "nauc_mrr_at_5_max": 48.01292548040298, + "nauc_mrr_at_5_std": 19.928449977400504, + "nauc_ndcg_at_1000_diff1": 13.989496006047975, + "nauc_ndcg_at_1000_max": 45.626323944336114, + "nauc_ndcg_at_1000_std": 22.125600410796515, + "nauc_ndcg_at_100_diff1": 12.302204843705244, + "nauc_ndcg_at_100_max": 44.46856314559079, + "nauc_ndcg_at_100_std": 23.084984546328677, + "nauc_ndcg_at_10_diff1": 14.001226213368275, + "nauc_ndcg_at_10_max": 47.37780636546918, + "nauc_ndcg_at_10_std": 21.702709032840637, + "nauc_ndcg_at_1_diff1": 27.297525357600776, + "nauc_ndcg_at_1_max": 47.18835074959486, + "nauc_ndcg_at_1_std": 18.304203168281834, + "nauc_ndcg_at_20_diff1": 13.317759910171056, + "nauc_ndcg_at_20_max": 46.25171251043813, + "nauc_ndcg_at_20_std": 22.309331575402595, + "nauc_ndcg_at_3_diff1": 17.555381234893872, + "nauc_ndcg_at_3_max": 49.48635590260059, + "nauc_ndcg_at_3_std": 19.734570962933674, + "nauc_ndcg_at_5_diff1": 14.844841165765061, + "nauc_ndcg_at_5_max": 47.76437065028708, + "nauc_ndcg_at_5_std": 20.816034479453954, + "nauc_precision_at_1000_diff1": -15.591898698252546, + "nauc_precision_at_1000_max": 20.545984285353892, + "nauc_precision_at_1000_std": 38.9013414992826, + "nauc_precision_at_100_diff1": -5.290395978742176, + "nauc_precision_at_100_max": 31.340480360546845, + "nauc_precision_at_100_std": 33.6897935720505, + "nauc_precision_at_10_diff1": 5.965001997926562, + "nauc_precision_at_10_max": 46.12515296162247, + "nauc_precision_at_10_std": 25.409433135253558, + "nauc_precision_at_1_diff1": 27.297525357600776, + "nauc_precision_at_1_max": 47.18835074959486, + "nauc_precision_at_1_std": 18.304203168281834, + "nauc_precision_at_20_diff1": 3.4438127279827744, + "nauc_precision_at_20_max": 42.36095587714494, + "nauc_precision_at_20_std": 27.367900512797906, + "nauc_precision_at_3_diff1": 13.165017224718916, + "nauc_precision_at_3_max": 50.58931825484506, + "nauc_precision_at_3_std": 20.852009214609442, + "nauc_precision_at_5_diff1": 7.840087177549876, + "nauc_precision_at_5_max": 46.99388755575109, + "nauc_precision_at_5_std": 23.048702393099834, + "nauc_recall_at_1000_diff1": -15.591898698252932, + "nauc_recall_at_1000_max": 20.5459842853537, + "nauc_recall_at_1000_std": 38.901341499282395, + "nauc_recall_at_100_diff1": -5.290395978742165, + "nauc_recall_at_100_max": 31.340480360546863, + "nauc_recall_at_100_std": 33.68979357205046, + "nauc_recall_at_10_diff1": 5.96500199792656, + "nauc_recall_at_10_max": 46.1251529616225, + "nauc_recall_at_10_std": 25.409433135253543, + "nauc_recall_at_1_diff1": 27.297525357600776, + "nauc_recall_at_1_max": 47.18835074959486, + "nauc_recall_at_1_std": 18.304203168281834, + "nauc_recall_at_20_diff1": 3.4438127279827833, + "nauc_recall_at_20_max": 42.36095587714498, + "nauc_recall_at_20_std": 27.36790051279787, + "nauc_recall_at_3_diff1": 13.165017224718916, + "nauc_recall_at_3_max": 50.589318254845054, + "nauc_recall_at_3_std": 20.852009214609435, + "nauc_recall_at_5_diff1": 7.840087177549891, + "nauc_recall_at_5_max": 46.99388755575112, + "nauc_recall_at_5_std": 23.048702393099845, + "ndcg_at_1": 14.701, + "ndcg_at_10": 26.909, + "ndcg_at_100": 32.727000000000004, + "ndcg_at_1000": 36.086, + "ndcg_at_20": 29.236, + "ndcg_at_3": 22.004, + "ndcg_at_5": 24.615000000000002, + "precision_at_1": 14.701, + "precision_at_10": 4.062, + "precision_at_100": 0.688, + "precision_at_1000": 0.096, + "precision_at_20": 2.488, + "precision_at_3": 9.036, + "precision_at_5": 6.699, + "recall_at_1": 14.701, + "recall_at_10": 40.622, + "recall_at_100": 68.796, + "recall_at_1000": 96.314, + "recall_at_20": 49.754, + "recall_at_3": 27.108999999999998, + "recall_at_5": 33.497 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/MultilingualSentiment.json b/results/DivineNnamdi__jina-embeddings-v3/external/MultilingualSentiment.json new file mode 100644 index 000000000..ab6396085 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/MultilingualSentiment.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "46958b007a63fdbf239b7672c25d0bea67b5ea1a", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 73.20999999999998, + "f1": 73.18755986777474, + "f1_weighted": 73.18755986777475, + "main_score": 73.20999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/NFCorpus-PL.json b/results/DivineNnamdi__jina-embeddings-v3/external/NFCorpus-PL.json new file mode 100644 index 000000000..aa3e50acc --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/NFCorpus-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "9a6f9567fda928260afed2de480d79c98bf0bec0", + "task_name": "NFCorpus-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 31.391000000000002, + "map_at_1": 4.163, + "map_at_10": 10.744, + "map_at_100": 14.038999999999998, + "map_at_1000": 15.434999999999999, + "map_at_20": 12.16, + "map_at_3": 7.614999999999999, + "map_at_5": 9.027000000000001, + "mrr_at_1": 39.0092879256966, + "mrr_at_10": 48.69809327239668, + "mrr_at_100": 49.20788148442068, + "mrr_at_1000": 49.25509336494706, + "mrr_at_20": 48.99606551850896, + "mrr_at_3": 46.284829721362236, + "mrr_at_5": 47.77089783281735, + "nauc_map_at_1000_diff1": 22.75421477116417, + "nauc_map_at_1000_max": 49.242283787799046, + "nauc_map_at_1000_std": 29.056888272331832, + "nauc_map_at_100_diff1": 23.585977398585594, + "nauc_map_at_100_max": 48.25845199409498, + "nauc_map_at_100_std": 24.944264511223693, + "nauc_map_at_10_diff1": 27.386613094780255, + "nauc_map_at_10_max": 41.52415346691586, + "nauc_map_at_10_std": 12.93872448563755, + "nauc_map_at_1_diff1": 46.78688143865053, + "nauc_map_at_1_max": 37.20408843995871, + "nauc_map_at_1_std": 4.383444959401098, + "nauc_map_at_20_diff1": 25.590969047740288, + "nauc_map_at_20_max": 44.57109307999418, + "nauc_map_at_20_std": 16.45855141821407, + "nauc_map_at_3_diff1": 36.30017108362863, + "nauc_map_at_3_max": 34.66149613991648, + "nauc_map_at_3_std": 5.67985905078467, + "nauc_map_at_5_diff1": 31.157644795417223, + "nauc_map_at_5_max": 37.274738661636825, + "nauc_map_at_5_std": 8.70088872394168, + "nauc_mrr_at_1000_diff1": 25.638564218157384, + "nauc_mrr_at_1000_max": 57.77788270285353, + "nauc_mrr_at_1000_std": 43.507586592911274, + "nauc_mrr_at_100_diff1": 25.662002580561584, + "nauc_mrr_at_100_max": 57.80578394278584, + "nauc_mrr_at_100_std": 43.543905743986635, + "nauc_mrr_at_10_diff1": 25.426034796339835, + "nauc_mrr_at_10_max": 57.68443186258669, + "nauc_mrr_at_10_std": 43.438009108331215, + "nauc_mrr_at_1_diff1": 26.073028156311075, + "nauc_mrr_at_1_max": 52.11817916720053, + "nauc_mrr_at_1_std": 37.41073893153695, + "nauc_mrr_at_20_diff1": 25.548645553336147, + "nauc_mrr_at_20_max": 57.78552760401915, + "nauc_mrr_at_20_std": 43.521687428822325, + "nauc_mrr_at_3_diff1": 25.72662577397805, + "nauc_mrr_at_3_max": 56.891263536265605, + "nauc_mrr_at_3_std": 41.384872305390104, + "nauc_mrr_at_5_diff1": 25.552211551655386, + "nauc_mrr_at_5_max": 57.976813828353926, + "nauc_mrr_at_5_std": 43.504564461855544, + "nauc_ndcg_at_1000_diff1": 23.456158044182757, + "nauc_ndcg_at_1000_max": 60.05411773552709, + "nauc_ndcg_at_1000_std": 47.857510017262584, + "nauc_ndcg_at_100_diff1": 19.711635700390772, + "nauc_ndcg_at_100_max": 56.178746740470665, + "nauc_ndcg_at_100_std": 42.36829180286942, + "nauc_ndcg_at_10_diff1": 18.364428967788413, + "nauc_ndcg_at_10_max": 54.38372506578223, + "nauc_ndcg_at_10_std": 41.75765411340369, + "nauc_ndcg_at_1_diff1": 26.571093272640773, + "nauc_ndcg_at_1_max": 51.061788341958284, + "nauc_ndcg_at_1_std": 36.514987974075986, + "nauc_ndcg_at_20_diff1": 18.345487193027697, + "nauc_ndcg_at_20_max": 54.62621882656994, + "nauc_ndcg_at_20_std": 41.42835554714241, + "nauc_ndcg_at_3_diff1": 23.260105658139025, + "nauc_ndcg_at_3_max": 52.07747385334546, + "nauc_ndcg_at_3_std": 36.91985577837284, + "nauc_ndcg_at_5_diff1": 20.40428109665566, + "nauc_ndcg_at_5_max": 53.52015347884604, + "nauc_ndcg_at_5_std": 39.46008849580017, + "nauc_precision_at_1000_diff1": -7.3487344916380035, + "nauc_precision_at_1000_max": 16.58045221394852, + "nauc_precision_at_1000_std": 38.94030932397075, + "nauc_precision_at_100_diff1": -5.257743986683922, + "nauc_precision_at_100_max": 34.43071687475306, + "nauc_precision_at_100_std": 53.499519170670474, + "nauc_precision_at_10_diff1": 2.385136433119139, + "nauc_precision_at_10_max": 47.210743878631064, + "nauc_precision_at_10_std": 47.22767704186548, + "nauc_precision_at_1_diff1": 26.073028156311075, + "nauc_precision_at_1_max": 52.11817916720053, + "nauc_precision_at_1_std": 37.41073893153695, + "nauc_precision_at_20_diff1": -0.3531531127238474, + "nauc_precision_at_20_max": 44.78044604856974, + "nauc_precision_at_20_std": 49.532804150743615, + "nauc_precision_at_3_diff1": 15.350050569991447, + "nauc_precision_at_3_max": 51.01572315596549, + "nauc_precision_at_3_std": 38.801125728413155, + "nauc_precision_at_5_diff1": 9.109003666144694, + "nauc_precision_at_5_max": 50.935269774898494, + "nauc_precision_at_5_std": 43.323548180559676, + "nauc_recall_at_1000_diff1": 16.64743647648886, + "nauc_recall_at_1000_max": 38.46012283772285, + "nauc_recall_at_1000_std": 36.02016164796441, + "nauc_recall_at_100_diff1": 14.005834785186744, + "nauc_recall_at_100_max": 37.70026105513647, + "nauc_recall_at_100_std": 27.085222642129697, + "nauc_recall_at_10_diff1": 21.204106627422632, + "nauc_recall_at_10_max": 36.737624881893424, + "nauc_recall_at_10_std": 13.755054514272702, + "nauc_recall_at_1_diff1": 46.78688143865053, + "nauc_recall_at_1_max": 37.20408843995871, + "nauc_recall_at_1_std": 4.383444959401098, + "nauc_recall_at_20_diff1": 19.740977611421933, + "nauc_recall_at_20_max": 39.21908969539783, + "nauc_recall_at_20_std": 16.560269670318494, + "nauc_recall_at_3_diff1": 32.189359545367815, + "nauc_recall_at_3_max": 31.693634445562758, + "nauc_recall_at_3_std": 6.246326281543587, + "nauc_recall_at_5_diff1": 25.51586860499901, + "nauc_recall_at_5_max": 33.15934725342885, + "nauc_recall_at_5_std": 9.677778511696705, + "ndcg_at_1": 37.307, + "ndcg_at_10": 31.391000000000002, + "ndcg_at_100": 28.877999999999997, + "ndcg_at_1000": 37.16, + "ndcg_at_20": 29.314, + "ndcg_at_3": 35.405, + "ndcg_at_5": 33.922999999999995, + "precision_at_1": 39.009, + "precision_at_10": 24.52, + "precision_at_100": 7.703, + "precision_at_1000": 2.04, + "precision_at_20": 18.08, + "precision_at_3": 34.469, + "precision_at_5": 30.712, + "recall_at_1": 4.163, + "recall_at_10": 15.015999999999998, + "recall_at_100": 30.606, + "recall_at_1000": 59.606, + "recall_at_20": 19.09, + "recall_at_3": 9.139, + "recall_at_5": 11.477 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/NFCorpus.json b/results/DivineNnamdi__jina-embeddings-v3/external/NFCorpus.json new file mode 100644 index 000000000..5afe07928 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/NFCorpus.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.822, + "map_at_10": 13.144, + "map_at_100": 17.254, + "map_at_1000": 18.931, + "map_at_20": 14.834, + "map_at_3": 8.975, + "map_at_5": 10.922, + "mrr_at_1": 47.059, + "mrr_at_10": 55.806999999999995, + "mrr_at_100": 56.286, + "mrr_at_1000": 56.327000000000005, + "mrr_at_20": 56.00000000000001, + "mrr_at_3": 54.17999999999999, + "mrr_at_5": 55.155, + "ndcg_at_1": 44.427, + "ndcg_at_10": 36.623, + "ndcg_at_100": 33.664, + "ndcg_at_1000": 42.538, + "ndcg_at_20": 34.066, + "ndcg_at_3": 41.118, + "ndcg_at_5": 39.455, + "precision_at_1": 46.44, + "precision_at_10": 28.607, + "precision_at_100": 9.189, + "precision_at_1000": 2.261, + "precision_at_20": 21.238, + "precision_at_3": 39.628, + "precision_at_5": 35.604, + "recall_at_1": 4.822, + "recall_at_10": 17.488999999999997, + "recall_at_100": 35.052, + "recall_at_1000": 66.67999999999999, + "recall_at_20": 21.343999999999998, + "recall_at_3": 10.259, + "recall_at_5": 13.406, + "main_score": 36.623 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/NQ-PL.json b/results/DivineNnamdi__jina-embeddings-v3/external/NQ-PL.json new file mode 100644 index 000000000..58d362b5b --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/NQ-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f171245712cf85dd4700b06bef18001578d0ca8d", + "task_name": "NQ-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 54.017, + "map_at_1": 34.193, + "map_at_10": 47.497, + "map_at_100": 48.441, + "map_at_1000": 48.481, + "map_at_20": 48.093, + "map_at_3": 44.017, + "map_at_5": 46.111000000000004, + "mrr_at_1": 37.949015063731174, + "mrr_at_10": 49.915772315105954, + "mrr_at_100": 50.62841255829997, + "mrr_at_1000": 50.656773027666745, + "mrr_at_20": 50.37785276657083, + "mrr_at_3": 46.98725376593267, + "mrr_at_5": 48.763035921205066, + "nauc_map_at_1000_diff1": 39.5632191792873, + "nauc_map_at_1000_max": 37.4728247053629, + "nauc_map_at_1000_std": 5.742498414663762, + "nauc_map_at_100_diff1": 39.555570352061906, + "nauc_map_at_100_max": 37.497880976847334, + "nauc_map_at_100_std": 5.7798021019465375, + "nauc_map_at_10_diff1": 39.5423723444454, + "nauc_map_at_10_max": 37.41661971723365, + "nauc_map_at_10_std": 5.2378002164144695, + "nauc_map_at_1_diff1": 41.52697034146981, + "nauc_map_at_1_max": 28.558995576942863, + "nauc_map_at_1_std": 0.13094542859192052, + "nauc_map_at_20_diff1": 39.55484628943701, + "nauc_map_at_20_max": 37.5247794933719, + "nauc_map_at_20_std": 5.702881342279231, + "nauc_map_at_3_diff1": 39.949323925425325, + "nauc_map_at_3_max": 35.770298168901924, + "nauc_map_at_3_std": 2.9127112432479874, + "nauc_map_at_5_diff1": 39.768310617004545, + "nauc_map_at_5_max": 37.1549191664796, + "nauc_map_at_5_std": 4.4681285748269515, + "nauc_mrr_at_1000_diff1": 39.14001746706457, + "nauc_mrr_at_1000_max": 37.477376518267775, + "nauc_mrr_at_1000_std": 6.8088891531621565, + "nauc_mrr_at_100_diff1": 39.13054707413684, + "nauc_mrr_at_100_max": 37.498126443766274, + "nauc_mrr_at_100_std": 6.839411380129971, + "nauc_mrr_at_10_diff1": 39.09764730048156, + "nauc_mrr_at_10_max": 37.58593798217306, + "nauc_mrr_at_10_std": 6.713795164982413, + "nauc_mrr_at_1_diff1": 41.581599918664075, + "nauc_mrr_at_1_max": 31.500589231378722, + "nauc_mrr_at_1_std": 2.059116370339438, + "nauc_mrr_at_20_diff1": 39.09011023988447, + "nauc_mrr_at_20_max": 37.55856008791344, + "nauc_mrr_at_20_std": 6.847165397615844, + "nauc_mrr_at_3_diff1": 39.382542043738, + "nauc_mrr_at_3_max": 36.49265363659468, + "nauc_mrr_at_3_std": 4.759157976438336, + "nauc_mrr_at_5_diff1": 39.304826333759976, + "nauc_mrr_at_5_max": 37.46326016736024, + "nauc_mrr_at_5_std": 6.122608305766621, + "nauc_ndcg_at_1000_diff1": 38.568500038453266, + "nauc_ndcg_at_1000_max": 39.799710882413166, + "nauc_ndcg_at_1000_std": 9.357010223096639, + "nauc_ndcg_at_100_diff1": 38.38026091343228, + "nauc_ndcg_at_100_max": 40.48398173542486, + "nauc_ndcg_at_100_std": 10.373054013302214, + "nauc_ndcg_at_10_diff1": 38.27340980909964, + "nauc_ndcg_at_10_max": 40.35241649744093, + "nauc_ndcg_at_10_std": 8.579139930345168, + "nauc_ndcg_at_1_diff1": 41.581599918664075, + "nauc_ndcg_at_1_max": 31.500589231378722, + "nauc_ndcg_at_1_std": 2.059116370339438, + "nauc_ndcg_at_20_diff1": 38.26453028884807, + "nauc_ndcg_at_20_max": 40.70517858426641, + "nauc_ndcg_at_20_std": 9.987693876137905, + "nauc_ndcg_at_3_diff1": 39.2078971733273, + "nauc_ndcg_at_3_max": 37.48672195565316, + "nauc_ndcg_at_3_std": 4.051464994659221, + "nauc_ndcg_at_5_diff1": 38.883693595665285, + "nauc_ndcg_at_5_max": 39.763115634437135, + "nauc_ndcg_at_5_std": 6.738980451582073, + "nauc_precision_at_1000_diff1": -7.223215910619012, + "nauc_precision_at_1000_max": 13.075844604892161, + "nauc_precision_at_1000_std": 19.864336920890107, + "nauc_precision_at_100_diff1": 1.3305994810812418, + "nauc_precision_at_100_max": 25.9219108557104, + "nauc_precision_at_100_std": 27.5076605928207, + "nauc_precision_at_10_diff1": 18.441551484970326, + "nauc_precision_at_10_max": 39.85995330437054, + "nauc_precision_at_10_std": 20.561269077428914, + "nauc_precision_at_1_diff1": 41.581599918664075, + "nauc_precision_at_1_max": 31.500589231378722, + "nauc_precision_at_1_std": 2.059116370339438, + "nauc_precision_at_20_diff1": 12.579593891480531, + "nauc_precision_at_20_max": 36.620221830588775, + "nauc_precision_at_20_std": 26.40364876775059, + "nauc_precision_at_3_diff1": 30.158859294487073, + "nauc_precision_at_3_max": 41.168215766389174, + "nauc_precision_at_3_std": 9.44345004450809, + "nauc_precision_at_5_diff1": 25.438624678672785, + "nauc_precision_at_5_max": 42.72802023518524, + "nauc_precision_at_5_std": 15.357657388511099, + "nauc_recall_at_1000_diff1": 24.987564782718003, + "nauc_recall_at_1000_max": 70.508416373353, + "nauc_recall_at_1000_std": 69.75092280398808, + "nauc_recall_at_100_diff1": 29.504202856421397, + "nauc_recall_at_100_max": 63.41356585545318, + "nauc_recall_at_100_std": 50.09250954437847, + "nauc_recall_at_10_diff1": 32.355776022971774, + "nauc_recall_at_10_max": 49.47121901667283, + "nauc_recall_at_10_std": 19.418439406631244, + "nauc_recall_at_1_diff1": 41.52697034146981, + "nauc_recall_at_1_max": 28.558995576942863, + "nauc_recall_at_1_std": 0.13094542859192052, + "nauc_recall_at_20_diff1": 31.57334731023589, + "nauc_recall_at_20_max": 54.06567225197383, + "nauc_recall_at_20_std": 29.222029720570468, + "nauc_recall_at_3_diff1": 36.45033533275773, + "nauc_recall_at_3_max": 40.39529713780803, + "nauc_recall_at_3_std": 5.21893897772794, + "nauc_recall_at_5_diff1": 35.18471678478859, + "nauc_recall_at_5_max": 46.20100816867823, + "nauc_recall_at_5_std": 11.94481894633221, + "ndcg_at_1": 37.949, + "ndcg_at_10": 54.017, + "ndcg_at_100": 58.126, + "ndcg_at_1000": 59.073, + "ndcg_at_20": 55.928, + "ndcg_at_3": 47.494, + "ndcg_at_5": 50.975, + "precision_at_1": 37.949, + "precision_at_10": 8.450000000000001, + "precision_at_100": 1.083, + "precision_at_1000": 0.117, + "precision_at_20": 4.689, + "precision_at_3": 21.051000000000002, + "precision_at_5": 14.664, + "recall_at_1": 34.193, + "recall_at_10": 71.357, + "recall_at_100": 89.434, + "recall_at_1000": 96.536, + "recall_at_20": 78.363, + "recall_at_3": 54.551, + "recall_at_5": 62.543000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/NQ.json b/results/DivineNnamdi__jina-embeddings-v3/external/NQ.json new file mode 100644 index 000000000..3b0f0a8e2 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/NQ.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 41.411, + "map_at_10": 57.179, + "map_at_100": 57.945, + "map_at_1000": 57.967999999999996, + "map_at_20": 57.687, + "map_at_3": 53.46300000000001, + "map_at_5": 55.696999999999996, + "mrr_at_1": 46.233999999999995, + "mrr_at_10": 59.831999999999994, + "mrr_at_100": 60.33500000000001, + "mrr_at_1000": 60.348, + "mrr_at_20": 60.167, + "mrr_at_3": 56.972, + "mrr_at_5": 58.74, + "ndcg_at_1": 46.205, + "ndcg_at_10": 64.23100000000001, + "ndcg_at_100": 67.242, + "ndcg_at_1000": 67.72500000000001, + "ndcg_at_20": 65.77300000000001, + "ndcg_at_3": 57.516, + "ndcg_at_5": 61.11600000000001, + "precision_at_1": 46.205, + "precision_at_10": 9.873, + "precision_at_100": 1.158, + "precision_at_1000": 0.12, + "precision_at_20": 5.319, + "precision_at_3": 25.424999999999997, + "precision_at_5": 17.375, + "recall_at_1": 41.411, + "recall_at_10": 82.761, + "recall_at_100": 95.52199999999999, + "recall_at_1000": 99.02499999999999, + "recall_at_20": 88.34, + "recall_at_3": 65.73, + "recall_at_5": 73.894, + "main_score": 64.23100000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/Ocnli.json b/results/DivineNnamdi__jina-embeddings-v3/external/Ocnli.json new file mode 100644 index 000000000..3628e0687 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/Ocnli.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "66e76a618a34d6d565d5538088562851e6daa7ec", + "task_name": "Ocnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_accuracy": 62.3714131023281, + "cosine_accuracy_threshold": 79.70921993255615, + "cosine_ap": 66.41380155495659, + "cosine_f1": 68.89547185780786, + "cosine_f1_threshold": 72.91591167449951, + "cosine_precision": 57.485875706214685, + "cosine_recall": 85.95564941921859, + "dot_accuracy": 60.47644829453167, + "dot_accuracy_threshold": 36627.362060546875, + "dot_ap": 63.696303449293204, + "dot_f1": 68.3986041101202, + "dot_f1_threshold": 30452.72216796875, + "dot_precision": 54.04411764705882, + "dot_recall": 93.13621964097149, + "euclidean_accuracy": 63.02111532214402, + "euclidean_accuracy_threshold": 1392.76762008667, + "euclidean_ap": 66.65907089443218, + "euclidean_f1": 69.05036524413688, + "euclidean_f1_threshold": 1711.5310668945312, + "euclidean_precision": 54.29262394195889, + "euclidean_recall": 94.82576557550159, + "main_score": 63.02111532214402, + "manhattan_accuracy": 62.75040606388739, + "manhattan_accuracy_threshold": 32475.347900390625, + "manhattan_ap": 66.50943585125434, + "manhattan_f1": 69.08382066276802, + "manhattan_f1_threshold": 41238.470458984375, + "manhattan_precision": 54.75896168108776, + "manhattan_recall": 93.55860612460401, + "max_accuracy": 63.02111532214402, + "max_ap": 66.65907089443218, + "max_f1": 69.08382066276802, + "max_precision": 57.485875706214685, + "max_recall": 94.82576557550159, + "similarity_accuracy": 62.3714131023281, + "similarity_accuracy_threshold": 79.70921993255615, + "similarity_ap": 66.41380155495659, + "similarity_f1": 68.89547185780786, + "similarity_f1_threshold": 72.91591167449951, + "similarity_precision": 57.485875706214685, + "similarity_recall": 85.95564941921859 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/OnlineShopping.json b/results/DivineNnamdi__jina-embeddings-v3/external/OnlineShopping.json new file mode 100644 index 000000000..c65dab362 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/OnlineShopping.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "e610f2ebd179a8fda30ae534c3878750a96db120", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 91.88000000000001, + "ap": 89.52463684448476, + "ap_weighted": 89.52463684448476, + "f1": 91.86313022306673, + "f1_weighted": 91.87806318146912, + "main_score": 91.88000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/OpusparcusPC.json b/results/DivineNnamdi__jina-embeddings-v3/external/OpusparcusPC.json new file mode 100644 index 000000000..e7e9c66d5 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/OpusparcusPC.json @@ -0,0 +1,198 @@ +{ + "dataset_revision": "9e9b1f8ef51616073f47f306f7f47dd91663f86a", + "task_name": "OpusparcusPC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test.full": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 92.65578635014838, + "cosine_accuracy_threshold": 74.02530312538147, + "cosine_ap": 98.3834226153613, + "cosine_f1": 94.92567913890312, + "cosine_f1_threshold": 74.02530312538147, + "cosine_precision": 95.562435500516, + "cosine_recall": 94.29735234215886, + "dot_accuracy": 91.54302670623146, + "dot_accuracy_threshold": 34452.29187011719, + "dot_ap": 98.1237257754439, + "dot_f1": 94.22400803616273, + "dot_f1_threshold": 33670.41931152344, + "dot_precision": 92.9633300297324, + "dot_recall": 95.5193482688391, + "euclidean_accuracy": 92.28486646884274, + "euclidean_accuracy_threshold": 1602.8022766113281, + "euclidean_ap": 98.3099021504706, + "euclidean_f1": 94.75277497477296, + "euclidean_f1_threshold": 1604.7462463378906, + "euclidean_precision": 93.89999999999999, + "euclidean_recall": 95.62118126272912, + "main_score": 98.3834226153613, + "manhattan_accuracy": 92.2106824925816, + "manhattan_accuracy_threshold": 38872.90954589844, + "manhattan_ap": 98.28694101230218, + "manhattan_f1": 94.67815509376584, + "manhattan_f1_threshold": 38872.90954589844, + "manhattan_precision": 94.24823410696267, + "manhattan_recall": 95.11201629327903, + "max_accuracy": 92.65578635014838, + "max_ap": 98.3834226153613, + "max_f1": 94.92567913890312, + "max_precision": 95.562435500516, + "max_recall": 95.62118126272912, + "similarity_accuracy": 92.65578635014838, + "similarity_accuracy_threshold": 74.02530312538147, + "similarity_ap": 98.3834226153613, + "similarity_f1": 94.92567913890312, + "similarity_f1_threshold": 74.02530312538147, + "similarity_precision": 95.562435500516, + "similarity_recall": 94.29735234215886 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "cosine_accuracy": 87.72178850248403, + "cosine_accuracy_threshold": 73.33863377571106, + "cosine_ap": 96.98901408834976, + "cosine_f1": 91.89944134078212, + "cosine_f1_threshold": 71.45810127258301, + "cosine_precision": 89.64577656675749, + "cosine_recall": 94.26934097421203, + "dot_accuracy": 86.30234208658624, + "dot_accuracy_threshold": 32027.130126953125, + "dot_ap": 96.12260574893256, + "dot_f1": 91.31602506714414, + "dot_f1_threshold": 30804.376220703125, + "dot_precision": 85.93091828138164, + "dot_recall": 97.42120343839542, + "euclidean_accuracy": 87.9347054648687, + "euclidean_accuracy_threshold": 1609.6670150756836, + "euclidean_ap": 97.00238860358252, + "euclidean_f1": 92.1089063221043, + "euclidean_f1_threshold": 1641.8487548828125, + "euclidean_precision": 89.10714285714286, + "euclidean_recall": 95.31996179560649, + "main_score": 97.00238860358252, + "manhattan_accuracy": 87.72178850248403, + "manhattan_accuracy_threshold": 40137.060546875, + "manhattan_ap": 96.98653728159941, + "manhattan_f1": 92.03865623561896, + "manhattan_f1_threshold": 40137.060546875, + "manhattan_precision": 88.80994671403198, + "manhattan_recall": 95.51098376313276, + "max_accuracy": 87.9347054648687, + "max_ap": 97.00238860358252, + "max_f1": 92.1089063221043, + "max_precision": 89.64577656675749, + "max_recall": 97.42120343839542, + "similarity_accuracy": 87.72178850248403, + "similarity_accuracy_threshold": 73.33863377571106, + "similarity_ap": 96.98901408834976, + "similarity_f1": 91.89944134078212, + "similarity_f1_threshold": 71.45810127258301, + "similarity_precision": 89.64577656675749, + "similarity_recall": 94.26934097421203 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cosine_accuracy": 80.92643051771117, + "cosine_accuracy_threshold": 76.68856382369995, + "cosine_ap": 93.74622381534307, + "cosine_f1": 87.12328767123287, + "cosine_f1_threshold": 71.64022922515869, + "cosine_precision": 80.64243448858834, + "cosine_recall": 94.73684210526315, + "dot_accuracy": 80.858310626703, + "dot_accuracy_threshold": 34028.3935546875, + "dot_ap": 91.18448457633308, + "dot_f1": 86.82606657290202, + "dot_f1_threshold": 34028.3935546875, + "dot_precision": 82.2380106571936, + "dot_recall": 91.9563058589871, + "euclidean_accuracy": 80.858310626703, + "euclidean_accuracy_threshold": 1595.7651138305664, + "euclidean_ap": 93.8182717829648, + "euclidean_f1": 87.04044117647058, + "euclidean_f1_threshold": 1609.2475891113281, + "euclidean_precision": 81.00940975192472, + "euclidean_recall": 94.04170804369414, + "main_score": 93.8182717829648, + "manhattan_accuracy": 80.99455040871935, + "manhattan_accuracy_threshold": 38092.132568359375, + "manhattan_ap": 93.77563401151711, + "manhattan_f1": 86.91983122362869, + "manhattan_f1_threshold": 38092.132568359375, + "manhattan_precision": 82.32682060390763, + "manhattan_recall": 92.05561072492551, + "max_accuracy": 80.99455040871935, + "max_ap": 93.8182717829648, + "max_f1": 87.12328767123287, + "max_precision": 82.32682060390763, + "max_recall": 94.73684210526315, + "similarity_accuracy": 80.92643051771117, + "similarity_accuracy_threshold": 76.68856382369995, + "similarity_ap": 93.74622381534307, + "similarity_f1": 87.12328767123287, + "similarity_f1_threshold": 71.64022922515869, + "similarity_precision": 80.64243448858834, + "similarity_recall": 94.73684210526315 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "cosine_accuracy": 76.83823529411765, + "cosine_accuracy_threshold": 72.70769476890564, + "cosine_ap": 89.56692049908222, + "cosine_f1": 83.99832003359934, + "cosine_f1_threshold": 70.9052324295044, + "cosine_precision": 76.16146230007617, + "cosine_recall": 93.63295880149812, + "dot_accuracy": 76.28676470588235, + "dot_accuracy_threshold": 33740.68908691406, + "dot_ap": 87.77185177141567, + "dot_f1": 83.62251375370292, + "dot_f1_threshold": 32726.611328125, + "dot_precision": 76.29343629343629, + "dot_recall": 92.50936329588015, + "euclidean_accuracy": 77.32843137254902, + "euclidean_accuracy_threshold": 1566.510009765625, + "euclidean_ap": 89.60605626791111, + "euclidean_f1": 84.06546080964686, + "euclidean_f1_threshold": 1576.4202117919922, + "euclidean_precision": 77.83094098883574, + "euclidean_recall": 91.38576779026218, + "main_score": 89.60605626791111, + "manhattan_accuracy": 76.89950980392157, + "manhattan_accuracy_threshold": 38202.215576171875, + "manhattan_ap": 89.55766894104868, + "manhattan_f1": 83.80462724935732, + "manhattan_f1_threshold": 38934.375, + "manhattan_precision": 77.25118483412322, + "manhattan_recall": 91.57303370786516, + "max_accuracy": 77.32843137254902, + "max_ap": 89.60605626791111, + "max_f1": 84.06546080964686, + "max_precision": 77.83094098883574, + "max_recall": 93.63295880149812, + "similarity_accuracy": 76.83823529411765, + "similarity_accuracy_threshold": 72.70769476890564, + "similarity_ap": 89.56692049908222, + "similarity_f1": 83.99832003359934, + "similarity_f1_threshold": 70.9052324295044, + "similarity_precision": 76.16146230007617, + "similarity_recall": 93.63295880149812 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/PAC.json b/results/DivineNnamdi__jina-embeddings-v3/external/PAC.json new file mode 100644 index 000000000..6d1e3f720 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/PAC.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "fc69d1c153a8ccdcf1eef52f4e2a27f88782f543", + "task_name": "PAC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 68.39559803069794, + "ap": 77.68074206719457, + "ap_weighted": 77.68074206719457, + "f1": 66.23485605467732, + "f1_weighted": 69.03201442129347, + "main_score": 68.39559803069794 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/PAWSX.json b/results/DivineNnamdi__jina-embeddings-v3/external/PAWSX.json new file mode 100644 index 000000000..af8d852e6 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/PAWSX.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "9c6a90e430ac22b5779fb019a23e820b11a8b5e1", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 13.161523266433587, + "cosine_spearman": 15.557333873773386, + "euclidean_pearson": 17.147508431907525, + "euclidean_spearman": 15.664112857732146, + "main_score": 15.557333873773386, + "manhattan_pearson": 17.130875906264386, + "manhattan_spearman": 15.624397342229637, + "pearson": 13.161523266433587, + "spearman": 15.557333873773386 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/PSC.json b/results/DivineNnamdi__jina-embeddings-v3/external/PSC.json new file mode 100644 index 000000000..b574a4723 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/PSC.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "d05a294af9e1d3ff2bfb6b714e08a24a6cabc669", + "task_name": "PSC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cosine_accuracy": 97.86641929499072, + "cosine_accuracy_threshold": 79.0391206741333, + "cosine_ap": 99.19403807771533, + "cosine_f1": 96.45608628659475, + "cosine_f1_threshold": 79.0391206741333, + "cosine_precision": 97.50778816199377, + "cosine_recall": 95.42682926829268, + "dot_accuracy": 98.14471243042672, + "dot_accuracy_threshold": 29808.1787109375, + "dot_ap": 99.331999859971, + "dot_f1": 97.01492537313433, + "dot_f1_threshold": 29808.1787109375, + "dot_precision": 95.02923976608187, + "dot_recall": 99.08536585365853, + "euclidean_accuracy": 97.49536178107606, + "euclidean_accuracy_threshold": 1276.227855682373, + "euclidean_ap": 98.91056467717377, + "euclidean_f1": 95.83975346687212, + "euclidean_f1_threshold": 1276.227855682373, + "euclidean_precision": 96.88473520249221, + "euclidean_recall": 94.8170731707317, + "main_score": 99.331999859971, + "manhattan_accuracy": 97.49536178107606, + "manhattan_accuracy_threshold": 31097.674560546875, + "manhattan_ap": 98.95694691792707, + "manhattan_f1": 95.83975346687212, + "manhattan_f1_threshold": 31097.674560546875, + "manhattan_precision": 96.88473520249221, + "manhattan_recall": 94.8170731707317, + "max_accuracy": 98.14471243042672, + "max_ap": 99.331999859971, + "max_f1": 97.01492537313433, + "max_precision": 97.50778816199377, + "max_recall": 99.08536585365853, + "similarity_accuracy": 97.86641929499072, + "similarity_accuracy_threshold": 79.0391206741333, + "similarity_ap": 99.19403807771533, + "similarity_f1": 96.45608628659475, + "similarity_f1_threshold": 79.0391206741333, + "similarity_precision": 97.50778816199377, + "similarity_recall": 95.42682926829268 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/PawsXPairClassification.json b/results/DivineNnamdi__jina-embeddings-v3/external/PawsXPairClassification.json new file mode 100644 index 000000000..cb2496d38 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/PawsXPairClassification.json @@ -0,0 +1,245 @@ +{ + "dataset_revision": "8a04d940a42cd40658986fdd8e3da561533a3646", + "task_name": "PawsXPairClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 61.8, + "cosine_accuracy_threshold": 99.5664119720459, + "cosine_ap": 60.679317786040585, + "cosine_f1": 63.17354143441101, + "cosine_f1_threshold": 97.22164869308472, + "cosine_precision": 47.6457399103139, + "cosine_recall": 93.71554575523705, + "dot_accuracy": 55.7, + "dot_accuracy_threshold": 48353.62548828125, + "dot_ap": 48.53805970536875, + "dot_f1": 62.42214532871972, + "dot_f1_threshold": 38215.53955078125, + "dot_precision": 45.48663640948058, + "dot_recall": 99.44873208379272, + "euclidean_accuracy": 61.75000000000001, + "euclidean_accuracy_threshold": 189.0761137008667, + "euclidean_ap": 60.55517418691518, + "euclidean_f1": 63.07977736549165, + "euclidean_f1_threshold": 504.3168067932129, + "euclidean_precision": 47.53914988814318, + "euclidean_recall": 93.71554575523705, + "main_score": 60.679317786040585, + "manhattan_accuracy": 61.9, + "manhattan_accuracy_threshold": 4695.778274536133, + "manhattan_ap": 60.48686620413608, + "manhattan_f1": 62.92880855772778, + "manhattan_f1_threshold": 12542.36831665039, + "manhattan_precision": 47.28381374722838, + "manhattan_recall": 94.04630650496141, + "max_accuracy": 61.9, + "max_ap": 60.679317786040585, + "max_f1": 63.17354143441101, + "max_precision": 47.6457399103139, + "max_recall": 99.44873208379272, + "similarity_accuracy": 61.8, + "similarity_accuracy_threshold": 99.5664119720459, + "similarity_ap": 60.679317786040585, + "similarity_f1": 63.17354143441101, + "similarity_f1_threshold": 97.22164869308472, + "similarity_precision": 47.6457399103139, + "similarity_recall": 93.71554575523705 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "cosine_accuracy": 60.25, + "cosine_accuracy_threshold": 99.54338073730469, + "cosine_ap": 56.7863613689054, + "cosine_f1": 62.23499820337766, + "cosine_f1_threshold": 89.95014429092407, + "cosine_precision": 45.86864406779661, + "cosine_recall": 96.75977653631284, + "dot_accuracy": 56.8, + "dot_accuracy_threshold": 47349.78332519531, + "dot_ap": 49.7857806061729, + "dot_f1": 62.31225986727209, + "dot_f1_threshold": 30143.206787109375, + "dot_precision": 45.32520325203252, + "dot_recall": 99.66480446927373, + "euclidean_accuracy": 60.3, + "euclidean_accuracy_threshold": 219.78106498718262, + "euclidean_ap": 56.731544327179606, + "euclidean_f1": 62.19895287958115, + "euclidean_f1_threshold": 1792.1623229980469, + "euclidean_precision": 45.22842639593909, + "euclidean_recall": 99.55307262569832, + "main_score": 56.7863613689054, + "manhattan_accuracy": 60.150000000000006, + "manhattan_accuracy_threshold": 5104.503631591797, + "manhattan_ap": 56.70304479768734, + "manhattan_f1": 62.22067039106145, + "manhattan_f1_threshold": 42839.471435546875, + "manhattan_precision": 45.2513966480447, + "manhattan_recall": 99.55307262569832, + "max_accuracy": 60.3, + "max_ap": 56.7863613689054, + "max_f1": 62.31225986727209, + "max_precision": 45.86864406779661, + "max_recall": 99.66480446927373, + "similarity_accuracy": 60.25, + "similarity_accuracy_threshold": 99.54338073730469, + "similarity_ap": 56.7863613689054, + "similarity_f1": 62.23499820337766, + "similarity_f1_threshold": 89.95014429092407, + "similarity_precision": 45.86864406779661, + "similarity_recall": 96.75977653631284 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "cosine_accuracy": 59.699999999999996, + "cosine_accuracy_threshold": 99.55930709838867, + "cosine_ap": 57.31662248806265, + "cosine_f1": 62.444061962134256, + "cosine_f1_threshold": 74.75898265838623, + "cosine_precision": 45.3953953953954, + "cosine_recall": 100.0, + "dot_accuracy": 55.900000000000006, + "dot_accuracy_threshold": 47512.90283203125, + "dot_ap": 49.39339147787568, + "dot_f1": 62.487082328625554, + "dot_f1_threshold": 34989.03503417969, + "dot_precision": 45.44088176352705, + "dot_recall": 100.0, + "euclidean_accuracy": 59.599999999999994, + "euclidean_accuracy_threshold": 200.82547664642334, + "euclidean_ap": 57.19737488445163, + "euclidean_f1": 62.444061962134256, + "euclidean_f1_threshold": 1538.8837814331055, + "euclidean_precision": 45.3953953953954, + "euclidean_recall": 100.0, + "main_score": 57.31662248806265, + "manhattan_accuracy": 59.550000000000004, + "manhattan_accuracy_threshold": 5016.501617431641, + "manhattan_ap": 57.089959907945065, + "manhattan_f1": 62.444061962134256, + "manhattan_f1_threshold": 37523.53515625, + "manhattan_precision": 45.3953953953954, + "manhattan_recall": 100.0, + "max_accuracy": 59.699999999999996, + "max_ap": 57.31662248806265, + "max_f1": 62.487082328625554, + "max_precision": 45.44088176352705, + "max_recall": 100.0, + "similarity_accuracy": 59.699999999999996, + "similarity_accuracy_threshold": 99.55930709838867, + "similarity_ap": 57.31662248806265, + "similarity_f1": 62.444061962134256, + "similarity_f1_threshold": 74.75898265838623, + "similarity_precision": 45.3953953953954, + "similarity_recall": 100.0 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cosine_accuracy": 61.150000000000006, + "cosine_accuracy_threshold": 99.36153888702393, + "cosine_ap": 59.43845317938599, + "cosine_f1": 62.51298026998961, + "cosine_f1_threshold": 76.77866220474243, + "cosine_precision": 45.468277945619334, + "cosine_recall": 100.0, + "dot_accuracy": 55.75, + "dot_accuracy_threshold": 48931.55212402344, + "dot_ap": 50.15949290538757, + "dot_f1": 62.53462603878117, + "dot_f1_threshold": 34415.7958984375, + "dot_precision": 45.4911838790932, + "dot_recall": 100.0, + "euclidean_accuracy": 61.050000000000004, + "euclidean_accuracy_threshold": 240.8097267150879, + "euclidean_ap": 59.367971294226216, + "euclidean_f1": 62.51298026998961, + "euclidean_f1_threshold": 1444.132423400879, + "euclidean_precision": 45.468277945619334, + "euclidean_recall": 100.0, + "main_score": 59.43845317938599, + "manhattan_accuracy": 60.95, + "manhattan_accuracy_threshold": 5701.206207275391, + "manhattan_ap": 59.30094096378774, + "manhattan_f1": 62.53462603878117, + "manhattan_f1_threshold": 33445.672607421875, + "manhattan_precision": 45.4911838790932, + "manhattan_recall": 100.0, + "max_accuracy": 61.150000000000006, + "max_ap": 59.43845317938599, + "max_f1": 62.53462603878117, + "max_precision": 45.4911838790932, + "max_recall": 100.0, + "similarity_accuracy": 61.150000000000006, + "similarity_accuracy_threshold": 99.36153888702393, + "similarity_ap": 59.43845317938599, + "similarity_f1": 62.51298026998961, + "similarity_f1_threshold": 76.77866220474243, + "similarity_precision": 45.468277945619334, + "similarity_recall": 100.0 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cosine_accuracy": 58.85, + "cosine_accuracy_threshold": 99.73838329315186, + "cosine_ap": 54.66913160570546, + "cosine_f1": 62.32136632973162, + "cosine_f1_threshold": 76.4499306678772, + "cosine_precision": 45.265822784810126, + "cosine_recall": 100.0, + "dot_accuracy": 56.25, + "dot_accuracy_threshold": 47351.9287109375, + "dot_ap": 48.5266232989438, + "dot_f1": 62.277951933124356, + "dot_f1_threshold": 31325.28076171875, + "dot_precision": 45.220030349013655, + "dot_recall": 100.0, + "euclidean_accuracy": 58.9, + "euclidean_accuracy_threshold": 144.24468278884888, + "euclidean_ap": 54.66981490353506, + "euclidean_f1": 62.32136632973162, + "euclidean_f1_threshold": 1484.908676147461, + "euclidean_precision": 45.265822784810126, + "euclidean_recall": 100.0, + "main_score": 54.66981490353506, + "manhattan_accuracy": 58.9, + "manhattan_accuracy_threshold": 3586.785125732422, + "manhattan_ap": 54.668355260247736, + "manhattan_f1": 62.32136632973162, + "manhattan_f1_threshold": 36031.22863769531, + "manhattan_precision": 45.265822784810126, + "manhattan_recall": 100.0, + "max_accuracy": 58.9, + "max_ap": 54.66981490353506, + "max_f1": 62.32136632973162, + "max_precision": 45.265822784810126, + "max_recall": 100.0, + "similarity_accuracy": 58.85, + "similarity_accuracy_threshold": 99.73838329315186, + "similarity_ap": 54.66913160570546, + "similarity_f1": 62.32136632973162, + "similarity_f1_threshold": 76.4499306678772, + "similarity_precision": 45.265822784810126, + "similarity_recall": 100.0 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/PolEmo2.0-IN.json b/results/DivineNnamdi__jina-embeddings-v3/external/PolEmo2.0-IN.json new file mode 100644 index 000000000..0e0b7d466 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/PolEmo2.0-IN.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d90724373c70959f17d2331ad51fb60c71176b03", + "task_name": "PolEmo2.0-IN", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 83.75346260387812, + "f1": 81.98304891214909, + "f1_weighted": 84.29623200830078, + "main_score": 83.75346260387812 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/PolEmo2.0-OUT.json b/results/DivineNnamdi__jina-embeddings-v3/external/PolEmo2.0-OUT.json new file mode 100644 index 000000000..cd7f8dade --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/PolEmo2.0-OUT.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "6a21ab8716e255ab1867265f8b396105e8aa63d4", + "task_name": "PolEmo2.0-OUT", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 66.53846153846153, + "f1": 52.71826064368638, + "f1_weighted": 69.10010124630334, + "main_score": 66.53846153846153 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/Quora-PL.json b/results/DivineNnamdi__jina-embeddings-v3/external/Quora-PL.json new file mode 100644 index 000000000..3411f0107 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/Quora-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "0be27e93455051e531182b85e85e425aba12e9d4", + "task_name": "Quora-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 84.114, + "map_at_1": 65.848, + "map_at_10": 79.85900000000001, + "map_at_100": 80.582, + "map_at_1000": 80.60300000000001, + "map_at_20": 80.321, + "map_at_3": 76.741, + "map_at_5": 78.72200000000001, + "mrr_at_1": 75.97, + "mrr_at_10": 83.04630158730119, + "mrr_at_100": 83.22785731032968, + "mrr_at_1000": 83.23123717623899, + "mrr_at_20": 83.17412021320565, + "mrr_at_3": 81.83333333333287, + "mrr_at_5": 82.61933333333275, + "nauc_map_at_1000_diff1": 73.26316553371083, + "nauc_map_at_1000_max": 27.92567859085245, + "nauc_map_at_1000_std": -47.477909533360446, + "nauc_map_at_100_diff1": 73.2690602807223, + "nauc_map_at_100_max": 27.915868327849996, + "nauc_map_at_100_std": -47.525777766107595, + "nauc_map_at_10_diff1": 73.45464428464894, + "nauc_map_at_10_max": 27.451611487246296, + "nauc_map_at_10_std": -49.35818715843809, + "nauc_map_at_1_diff1": 77.29690208952982, + "nauc_map_at_1_max": 19.839875762282293, + "nauc_map_at_1_std": -45.355684654708284, + "nauc_map_at_20_diff1": 73.35102731979796, + "nauc_map_at_20_max": 27.741506490134583, + "nauc_map_at_20_std": -48.22006207310331, + "nauc_map_at_3_diff1": 73.94878241064137, + "nauc_map_at_3_max": 24.761321386766728, + "nauc_map_at_3_std": -51.20638883618126, + "nauc_map_at_5_diff1": 73.66143558047698, + "nauc_map_at_5_max": 26.53483405013543, + "nauc_map_at_5_std": -50.697541279640056, + "nauc_mrr_at_1000_diff1": 73.84632320009759, + "nauc_mrr_at_1000_max": 30.50182733610048, + "nauc_mrr_at_1000_std": -44.3021647995251, + "nauc_mrr_at_100_diff1": 73.84480792662302, + "nauc_mrr_at_100_max": 30.50749424571614, + "nauc_mrr_at_100_std": -44.29615086388113, + "nauc_mrr_at_10_diff1": 73.79442772949346, + "nauc_mrr_at_10_max": 30.55724252219984, + "nauc_mrr_at_10_std": -44.50997069462057, + "nauc_mrr_at_1_diff1": 75.23369827945945, + "nauc_mrr_at_1_max": 29.20073967447664, + "nauc_mrr_at_1_std": -43.1920147658285, + "nauc_mrr_at_20_diff1": 73.82731678072307, + "nauc_mrr_at_20_max": 30.566328605497667, + "nauc_mrr_at_20_std": -44.24683607643705, + "nauc_mrr_at_3_diff1": 73.61997576749954, + "nauc_mrr_at_3_max": 30.150393853381917, + "nauc_mrr_at_3_std": -44.96847297506626, + "nauc_mrr_at_5_diff1": 73.69084310616132, + "nauc_mrr_at_5_max": 30.578033703441125, + "nauc_mrr_at_5_std": -44.74920746066566, + "nauc_ndcg_at_1000_diff1": 72.89349862557452, + "nauc_ndcg_at_1000_max": 29.824725190462086, + "nauc_ndcg_at_1000_std": -44.96284395063211, + "nauc_ndcg_at_100_diff1": 72.85212753715273, + "nauc_ndcg_at_100_max": 29.933114207845605, + "nauc_ndcg_at_100_std": -44.944225570663754, + "nauc_ndcg_at_10_diff1": 72.80576740454528, + "nauc_ndcg_at_10_max": 29.16829118320828, + "nauc_ndcg_at_10_std": -48.149473740079614, + "nauc_ndcg_at_1_diff1": 75.00032534968587, + "nauc_ndcg_at_1_max": 29.61849062038547, + "nauc_ndcg_at_1_std": -42.560207043864054, + "nauc_ndcg_at_20_diff1": 72.88440406302502, + "nauc_ndcg_at_20_max": 29.65496676092656, + "nauc_ndcg_at_20_std": -46.21238462167732, + "nauc_ndcg_at_3_diff1": 72.37916962766987, + "nauc_ndcg_at_3_max": 27.125094834547586, + "nauc_ndcg_at_3_std": -48.62942991399391, + "nauc_ndcg_at_5_diff1": 72.57017330527658, + "nauc_ndcg_at_5_max": 28.470485561757254, + "nauc_ndcg_at_5_std": -49.07593345591059, + "nauc_precision_at_1000_diff1": -41.67915575853946, + "nauc_precision_at_1000_max": 1.2012264478568844, + "nauc_precision_at_1000_std": 44.723834559400466, + "nauc_precision_at_100_diff1": -40.45196679236971, + "nauc_precision_at_100_max": 2.3525450401714894, + "nauc_precision_at_100_std": 43.7092529413952, + "nauc_precision_at_10_diff1": -30.256026923068767, + "nauc_precision_at_10_max": 8.313422052132559, + "nauc_precision_at_10_std": 25.929372356449694, + "nauc_precision_at_1_diff1": 75.00032534968587, + "nauc_precision_at_1_max": 29.61849062038547, + "nauc_precision_at_1_std": -42.560207043864054, + "nauc_precision_at_20_diff1": -35.61971069986584, + "nauc_precision_at_20_max": 5.4664303079116765, + "nauc_precision_at_20_std": 34.992352471692826, + "nauc_precision_at_3_diff1": -5.691231842471157, + "nauc_precision_at_3_max": 14.797949087742444, + "nauc_precision_at_3_std": -0.1930317395644928, + "nauc_precision_at_5_diff1": -20.03913781462645, + "nauc_precision_at_5_max": 11.956771408712749, + "nauc_precision_at_5_std": 13.179251389859731, + "nauc_recall_at_1000_diff1": 64.03509042729674, + "nauc_recall_at_1000_max": 40.91691485428493, + "nauc_recall_at_1000_std": 16.12968625875372, + "nauc_recall_at_100_diff1": 63.83116179628575, + "nauc_recall_at_100_max": 43.72908117676382, + "nauc_recall_at_100_std": -20.50966716852155, + "nauc_recall_at_10_diff1": 66.42071960186394, + "nauc_recall_at_10_max": 28.983207818687205, + "nauc_recall_at_10_std": -56.61417798753744, + "nauc_recall_at_1_diff1": 77.29690208952982, + "nauc_recall_at_1_max": 19.839875762282293, + "nauc_recall_at_1_std": -45.355684654708284, + "nauc_recall_at_20_diff1": 66.32360705219874, + "nauc_recall_at_20_max": 33.30698111822631, + "nauc_recall_at_20_std": -43.89233781737452, + "nauc_recall_at_3_diff1": 69.67029394927077, + "nauc_recall_at_3_max": 22.67803039327696, + "nauc_recall_at_3_std": -56.43327209861502, + "nauc_recall_at_5_diff1": 68.05622143936131, + "nauc_recall_at_5_max": 26.67795559040675, + "nauc_recall_at_5_std": -58.158231198510954, + "ndcg_at_1": 76.08, + "ndcg_at_10": 84.114, + "ndcg_at_100": 85.784, + "ndcg_at_1000": 85.992, + "ndcg_at_20": 84.976, + "ndcg_at_3": 80.74799999999999, + "ndcg_at_5": 82.626, + "precision_at_1": 76.08, + "precision_at_10": 12.926000000000002, + "precision_at_100": 1.509, + "precision_at_1000": 0.156, + "precision_at_20": 6.912999999999999, + "precision_at_3": 35.5, + "precision_at_5": 23.541999999999998, + "recall_at_1": 65.848, + "recall_at_10": 92.611, + "recall_at_100": 98.69, + "recall_at_1000": 99.83999999999999, + "recall_at_20": 95.47200000000001, + "recall_at_3": 83.122, + "recall_at_5": 88.23 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/QuoraRetrieval.json b/results/DivineNnamdi__jina-embeddings-v3/external/QuoraRetrieval.json new file mode 100644 index 000000000..4688bd4b1 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/QuoraRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "e4e08e0b7dbe3c8700f0daef558ff32256715259", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 71.419, + "map_at_10": 85.542, + "map_at_100": 86.161, + "map_at_1000": 86.175, + "map_at_20": 85.949, + "map_at_3": 82.623, + "map_at_5": 84.5, + "mrr_at_1": 82.27, + "mrr_at_10": 88.21900000000001, + "mrr_at_100": 88.313, + "mrr_at_1000": 88.31400000000001, + "mrr_at_20": 88.286, + "mrr_at_3": 87.325, + "mrr_at_5": 87.97500000000001, + "ndcg_at_1": 82.3, + "ndcg_at_10": 89.088, + "ndcg_at_100": 90.217, + "ndcg_at_1000": 90.29700000000001, + "ndcg_at_20": 89.697, + "ndcg_at_3": 86.435, + "ndcg_at_5": 87.966, + "precision_at_1": 82.3, + "precision_at_10": 13.527000000000001, + "precision_at_100": 1.537, + "precision_at_1000": 0.157, + "precision_at_20": 7.165000000000001, + "precision_at_3": 37.92, + "precision_at_5": 24.914, + "recall_at_1": 71.419, + "recall_at_10": 95.831, + "recall_at_100": 99.64, + "recall_at_1000": 99.988, + "recall_at_20": 97.76599999999999, + "recall_at_3": 88.081, + "recall_at_5": 92.50500000000001, + "main_score": 89.088 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/RUParaPhraserSTS.json b/results/DivineNnamdi__jina-embeddings-v3/external/RUParaPhraserSTS.json new file mode 100644 index 000000000..7450b65e3 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/RUParaPhraserSTS.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "43265056790b8f7c59e0139acb4be0a8dad2c8f4", + "task_name": "RUParaPhraserSTS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "cosine_pearson": 67.91177744712421, + "cosine_spearman": 76.77113726753656, + "euclidean_pearson": 73.81454206068638, + "euclidean_spearman": 76.92529493599028, + "main_score": 76.77113726753656, + "manhattan_pearson": 73.81690454439168, + "manhattan_spearman": 76.87333776705002, + "pearson": 67.91177744712421, + "spearman": 76.77113726753656 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/RedditClustering.json b/results/DivineNnamdi__jina-embeddings-v3/external/RedditClustering.json new file mode 100644 index 000000000..7858d78e9 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/RedditClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 55.39924225216962, + "v_measure": 55.39924225216962, + "v_measure_std": 4.723802279292467 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/RedditClusteringP2P.json b/results/DivineNnamdi__jina-embeddings-v3/external/RedditClusteringP2P.json new file mode 100644 index 000000000..73a605e96 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/RedditClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 62.87465161304012, + "v_measure": 62.87465161304012, + "v_measure_std": 12.082670914488473 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/RiaNewsRetrieval.json b/results/DivineNnamdi__jina-embeddings-v3/external/RiaNewsRetrieval.json new file mode 100644 index 000000000..8f27130ef --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/RiaNewsRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "82374b0bbacda6114f39ff9c5b925fa1512ca5d7", + "task_name": "RiaNewsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "main_score": 79.209, + "map_at_1": 67.33, + "map_at_10": 75.633, + "map_at_100": 75.897, + "map_at_1000": 75.907, + "map_at_20": 75.804, + "map_at_3": 74.2, + "map_at_5": 75.13300000000001, + "mrr_at_1": 67.31, + "mrr_at_10": 75.62709126984095, + "mrr_at_100": 75.89105697041113, + "mrr_at_1000": 75.90115653883124, + "mrr_at_20": 75.79802332308172, + "mrr_at_3": 74.19499999999961, + "mrr_at_5": 75.12849999999939, + "nauc_map_at_1000_diff1": 74.30304869630591, + "nauc_map_at_1000_max": 36.477146725784046, + "nauc_map_at_1000_std": -20.862772498461723, + "nauc_map_at_100_diff1": 74.29833058090355, + "nauc_map_at_100_max": 36.483678619667884, + "nauc_map_at_100_std": -20.856274849980135, + "nauc_map_at_10_diff1": 74.20729220697967, + "nauc_map_at_10_max": 36.56543146170092, + "nauc_map_at_10_std": -20.991081015484728, + "nauc_map_at_1_diff1": 77.38899022125185, + "nauc_map_at_1_max": 32.45918619669731, + "nauc_map_at_1_std": -22.149586336167324, + "nauc_map_at_20_diff1": 74.2447573558587, + "nauc_map_at_20_max": 36.50383130240387, + "nauc_map_at_20_std": -20.87013743041831, + "nauc_map_at_3_diff1": 74.3054577294586, + "nauc_map_at_3_max": 36.484530586652724, + "nauc_map_at_3_std": -21.90543024607988, + "nauc_map_at_5_diff1": 74.21062368961503, + "nauc_map_at_5_max": 36.55670532498779, + "nauc_map_at_5_std": -21.488786900676942, + "nauc_mrr_at_1000_diff1": 74.31619177956684, + "nauc_mrr_at_1000_max": 36.53498918453189, + "nauc_mrr_at_1000_std": -20.75986704931237, + "nauc_mrr_at_100_diff1": 74.31146790382356, + "nauc_mrr_at_100_max": 36.54149252857106, + "nauc_mrr_at_100_std": -20.75341959250079, + "nauc_mrr_at_10_diff1": 74.22027806145095, + "nauc_mrr_at_10_max": 36.622542969971725, + "nauc_mrr_at_10_std": -20.889417384064117, + "nauc_mrr_at_1_diff1": 77.4306709551449, + "nauc_mrr_at_1_max": 32.57259463438259, + "nauc_mrr_at_1_std": -21.964402859613937, + "nauc_mrr_at_20_diff1": 74.25784396230718, + "nauc_mrr_at_20_max": 36.561412224507336, + "nauc_mrr_at_20_std": -20.767665000065723, + "nauc_mrr_at_3_diff1": 74.31423253547214, + "nauc_mrr_at_3_max": 36.537745749488906, + "nauc_mrr_at_3_std": -21.81259529019546, + "nauc_mrr_at_5_diff1": 74.22404613312771, + "nauc_mrr_at_5_max": 36.60743768455219, + "nauc_mrr_at_5_std": -21.39479216331971, + "nauc_ndcg_at_1000_diff1": 73.48182819705742, + "nauc_ndcg_at_1000_max": 37.86991608461793, + "nauc_ndcg_at_1000_std": -19.021499322688904, + "nauc_ndcg_at_100_diff1": 73.34941250585759, + "nauc_ndcg_at_100_max": 38.11150275625829, + "nauc_ndcg_at_100_std": -18.70624087206104, + "nauc_ndcg_at_10_diff1": 72.82520265115987, + "nauc_ndcg_at_10_max": 38.43323357650525, + "nauc_ndcg_at_10_std": -19.410953792830878, + "nauc_ndcg_at_1_diff1": 77.38899022125185, + "nauc_ndcg_at_1_max": 32.45918619669731, + "nauc_ndcg_at_1_std": -22.149586336167324, + "nauc_ndcg_at_20_diff1": 72.93309285256507, + "nauc_ndcg_at_20_max": 38.217372819067755, + "nauc_ndcg_at_20_std": -18.864113576359333, + "nauc_ndcg_at_3_diff1": 73.18253776744112, + "nauc_ndcg_at_3_max": 38.008109328364, + "nauc_ndcg_at_3_std": -21.68785687594153, + "nauc_ndcg_at_5_diff1": 72.90474739784793, + "nauc_ndcg_at_5_max": 38.29483039202184, + "nauc_ndcg_at_5_std": -20.833049811453474, + "nauc_precision_at_1000_diff1": 59.306217613750334, + "nauc_precision_at_1000_max": 72.20747948302262, + "nauc_precision_at_1000_std": 45.58837180096227, + "nauc_precision_at_100_diff1": 62.87286844562389, + "nauc_precision_at_100_max": 61.33108214045868, + "nauc_precision_at_100_std": 20.67481963545654, + "nauc_precision_at_10_diff1": 64.11222984256685, + "nauc_precision_at_10_max": 50.323697746037496, + "nauc_precision_at_10_std": -7.9994544634332625, + "nauc_precision_at_1_diff1": 77.38899022125185, + "nauc_precision_at_1_max": 32.45918619669731, + "nauc_precision_at_1_std": -22.149586336167324, + "nauc_precision_at_20_diff1": 62.30228127286973, + "nauc_precision_at_20_max": 52.02090746208407, + "nauc_precision_at_20_std": 0.7629898806370331, + "nauc_precision_at_3_diff1": 68.82856645994157, + "nauc_precision_at_3_max": 43.94171571306625, + "nauc_precision_at_3_std": -20.78595255410148, + "nauc_precision_at_5_diff1": 66.62157622497887, + "nauc_precision_at_5_max": 46.69398173603811, + "nauc_precision_at_5_std": -17.412423571163057, + "nauc_recall_at_1000_diff1": 59.30621761375148, + "nauc_recall_at_1000_max": 72.20747948302191, + "nauc_recall_at_1000_std": 45.588371800962655, + "nauc_recall_at_100_diff1": 62.872868445623894, + "nauc_recall_at_100_max": 61.33108214045813, + "nauc_recall_at_100_std": 20.67481963545666, + "nauc_recall_at_10_diff1": 64.11222984256698, + "nauc_recall_at_10_max": 50.32369774603755, + "nauc_recall_at_10_std": -7.999454463433321, + "nauc_recall_at_1_diff1": 77.38899022125185, + "nauc_recall_at_1_max": 32.45918619669731, + "nauc_recall_at_1_std": -22.149586336167324, + "nauc_recall_at_20_diff1": 62.3022812728695, + "nauc_recall_at_20_max": 52.02090746208397, + "nauc_recall_at_20_std": 0.7629898806369458, + "nauc_recall_at_3_diff1": 68.82856645994157, + "nauc_recall_at_3_max": 43.94171571306612, + "nauc_recall_at_3_std": -20.78595255410157, + "nauc_recall_at_5_diff1": 66.62157622497897, + "nauc_recall_at_5_max": 46.693981736038246, + "nauc_recall_at_5_std": -17.412423571162954, + "ndcg_at_1": 67.33, + "ndcg_at_10": 79.209, + "ndcg_at_100": 80.463, + "ndcg_at_1000": 80.74799999999999, + "ndcg_at_20": 79.81899999999999, + "ndcg_at_3": 76.335, + "ndcg_at_5": 78.011, + "precision_at_1": 67.33, + "precision_at_10": 9.020999999999999, + "precision_at_100": 0.96, + "precision_at_1000": 0.098, + "precision_at_20": 4.63, + "precision_at_3": 27.493000000000002, + "precision_at_5": 17.308, + "recall_at_1": 67.33, + "recall_at_10": 90.21000000000001, + "recall_at_100": 96.00999999999999, + "recall_at_1000": 98.29, + "recall_at_20": 92.60000000000001, + "recall_at_3": 82.48, + "recall_at_5": 86.53999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/RuBQReranking.json b/results/DivineNnamdi__jina-embeddings-v3/external/RuBQReranking.json new file mode 100644 index 000000000..8f9a130e2 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/RuBQReranking.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "2e96b8f098fa4b0950fc58eacadeb31c0d0c7fa2", + "task_name": "RuBQReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "main_score": 65.57453932493252, + "map": 65.57453932493252, + "mrr": 70.51408205663526, + "nAUC_map_diff1": 26.69583260609023, + "nAUC_map_max": 12.928262749610663, + "nAUC_map_std": 11.702468857903128, + "nAUC_mrr_diff1": 28.5206955462174, + "nAUC_mrr_max": 14.207162454694227, + "nAUC_mrr_std": 10.725721001555296 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/RuBQRetrieval.json b/results/DivineNnamdi__jina-embeddings-v3/external/RuBQRetrieval.json new file mode 100644 index 000000000..c6b1a94ae --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/RuBQRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "e19b6ffa60b3bc248e0b41f4cc37c26a55c2a67b", + "task_name": "RuBQRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "main_score": 72.306, + "map_at_1": 44.187, + "map_at_10": 64.836, + "map_at_100": 65.771, + "map_at_1000": 65.8, + "map_at_20": 65.497, + "map_at_3": 59.692, + "map_at_5": 63.105, + "mrr_at_1": 62.23404255319149, + "mrr_at_10": 73.40810161732159, + "mrr_at_100": 73.67949305473395, + "mrr_at_1000": 73.68707852294746, + "mrr_at_20": 73.60429051697479, + "mrr_at_3": 71.47360126083535, + "mrr_at_5": 72.8447596532704, + "nauc_map_at_1000_diff1": 39.838449035736886, + "nauc_map_at_1000_max": 32.29962306877408, + "nauc_map_at_1000_std": -6.324859592714388, + "nauc_map_at_100_diff1": 39.824361938745426, + "nauc_map_at_100_max": 32.32055222704763, + "nauc_map_at_100_std": -6.301641111869559, + "nauc_map_at_10_diff1": 39.50155328718487, + "nauc_map_at_10_max": 31.745730244960672, + "nauc_map_at_10_std": -6.867215137329693, + "nauc_map_at_1_diff1": 47.66181128677822, + "nauc_map_at_1_max": 21.75204233166764, + "nauc_map_at_1_std": -8.06951079061697, + "nauc_map_at_20_diff1": 39.78364637902108, + "nauc_map_at_20_max": 32.39065528029405, + "nauc_map_at_20_std": -6.368994332729006, + "nauc_map_at_3_diff1": 39.51829474433183, + "nauc_map_at_3_max": 28.633292697821673, + "nauc_map_at_3_std": -7.2561170814963925, + "nauc_map_at_5_diff1": 39.288433237676266, + "nauc_map_at_5_max": 31.007702201615515, + "nauc_map_at_5_std": -7.235131195162474, + "nauc_mrr_at_1000_diff1": 49.599102391215226, + "nauc_mrr_at_1000_max": 38.25521825911133, + "nauc_mrr_at_1000_std": -10.448180939809435, + "nauc_mrr_at_100_diff1": 49.5957067716212, + "nauc_mrr_at_100_max": 38.26760703964535, + "nauc_mrr_at_100_std": -10.438443051971081, + "nauc_mrr_at_10_diff1": 49.35269710190271, + "nauc_mrr_at_10_max": 38.43782589127069, + "nauc_mrr_at_10_std": -10.404402063509815, + "nauc_mrr_at_1_diff1": 53.32206103688421, + "nauc_mrr_at_1_max": 33.52402390241035, + "nauc_mrr_at_1_std": -12.73473393949936, + "nauc_mrr_at_20_diff1": 49.550630850826636, + "nauc_mrr_at_20_max": 38.35964703941151, + "nauc_mrr_at_20_std": -10.444577766284766, + "nauc_mrr_at_3_diff1": 49.12029127633829, + "nauc_mrr_at_3_max": 38.01631275124067, + "nauc_mrr_at_3_std": -10.523724301481309, + "nauc_mrr_at_5_diff1": 49.04606949432458, + "nauc_mrr_at_5_max": 38.33647550077891, + "nauc_mrr_at_5_std": -10.47076409263114, + "nauc_ndcg_at_1000_diff1": 41.342785916264226, + "nauc_ndcg_at_1000_max": 35.75731064862711, + "nauc_ndcg_at_1000_std": -5.45573422899229, + "nauc_ndcg_at_100_diff1": 40.972974559636086, + "nauc_ndcg_at_100_max": 36.32938573321036, + "nauc_ndcg_at_100_std": -4.749631537590004, + "nauc_ndcg_at_10_diff1": 39.67813474464166, + "nauc_ndcg_at_10_max": 35.480200504848966, + "nauc_ndcg_at_10_std": -6.318561293935512, + "nauc_ndcg_at_1_diff1": 53.45970160222764, + "nauc_ndcg_at_1_max": 33.14759013278075, + "nauc_ndcg_at_1_std": -12.579833891774847, + "nauc_ndcg_at_20_diff1": 40.67492861219249, + "nauc_ndcg_at_20_max": 36.84960799838019, + "nauc_ndcg_at_20_std": -5.202530835850179, + "nauc_ndcg_at_3_diff1": 39.574906207408844, + "nauc_ndcg_at_3_max": 31.76512164509258, + "nauc_ndcg_at_3_std": -7.656143208565999, + "nauc_ndcg_at_5_diff1": 39.096348529742095, + "nauc_ndcg_at_5_max": 34.075926475544165, + "nauc_ndcg_at_5_std": -7.238045445366631, + "nauc_precision_at_1000_diff1": -14.283799754212609, + "nauc_precision_at_1000_max": 6.449741756717101, + "nauc_precision_at_1000_std": 4.862828679759048, + "nauc_precision_at_100_diff1": -13.23173132700258, + "nauc_precision_at_100_max": 11.058898534529195, + "nauc_precision_at_100_std": 7.343683941814956, + "nauc_precision_at_10_diff1": -7.202951643546464, + "nauc_precision_at_10_max": 17.499446869433278, + "nauc_precision_at_10_std": 2.8367985220406307, + "nauc_precision_at_1_diff1": 53.45970160222764, + "nauc_precision_at_1_max": 33.14759013278075, + "nauc_precision_at_1_std": -12.579833891774847, + "nauc_precision_at_20_diff1": -9.477122699154124, + "nauc_precision_at_20_max": 16.80556031564312, + "nauc_precision_at_20_std": 6.420218284416923, + "nauc_precision_at_3_diff1": 5.5276143574150245, + "nauc_precision_at_3_max": 23.65952688481666, + "nauc_precision_at_3_std": -1.8730348729295785, + "nauc_precision_at_5_diff1": -2.4537029093721308, + "nauc_precision_at_5_max": 21.41469327545133, + "nauc_precision_at_5_std": 0.1543890645722277, + "nauc_recall_at_1000_diff1": -1.7474947956413491, + "nauc_recall_at_1000_max": 46.22670991970479, + "nauc_recall_at_1000_std": 62.582840705588794, + "nauc_recall_at_100_diff1": 16.116089801097345, + "nauc_recall_at_100_max": 52.54794580975103, + "nauc_recall_at_100_std": 33.720245696003246, + "nauc_recall_at_10_diff1": 23.134924318655482, + "nauc_recall_at_10_max": 38.73754275649077, + "nauc_recall_at_10_std": 0.6137471711639239, + "nauc_recall_at_1_diff1": 47.66181128677822, + "nauc_recall_at_1_max": 21.75204233166764, + "nauc_recall_at_1_std": -8.06951079061697, + "nauc_recall_at_20_diff1": 24.130616271355017, + "nauc_recall_at_20_max": 48.306178640146136, + "nauc_recall_at_20_std": 9.290819557000022, + "nauc_recall_at_3_diff1": 29.767415016250226, + "nauc_recall_at_3_max": 28.54289782140701, + "nauc_recall_at_3_std": -5.1395675072005576, + "nauc_recall_at_5_diff1": 25.410613126870174, + "nauc_recall_at_5_max": 33.24658754857624, + "nauc_recall_at_5_std": -4.211226036746632, + "ndcg_at_1": 62.175000000000004, + "ndcg_at_10": 72.306, + "ndcg_at_100": 75.074, + "ndcg_at_1000": 75.581, + "ndcg_at_20": 73.875, + "ndcg_at_3": 65.641, + "ndcg_at_5": 69.48299999999999, + "precision_at_1": 62.175000000000004, + "precision_at_10": 13.907, + "precision_at_100": 1.591, + "precision_at_1000": 0.166, + "precision_at_20": 7.446999999999999, + "precision_at_3": 35.619, + "precision_at_5": 24.917, + "recall_at_1": 44.187, + "recall_at_10": 85.10600000000001, + "recall_at_100": 95.488, + "recall_at_1000": 98.831, + "recall_at_20": 90.22200000000001, + "recall_at_3": 68.789, + "recall_at_5": 77.85499999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/RuReviewsClassification.json b/results/DivineNnamdi__jina-embeddings-v3/external/RuReviewsClassification.json new file mode 100644 index 000000000..c959c2da3 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/RuReviewsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "f6d2c31f4dc6b88f468552750bfec05b4b41b05a", + "task_name": "RuReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 67.5830078125, + "f1": 67.56931936632446, + "f1_weighted": 67.57137733752779, + "main_score": 67.5830078125 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/RuSTSBenchmarkSTS.json b/results/DivineNnamdi__jina-embeddings-v3/external/RuSTSBenchmarkSTS.json new file mode 100644 index 000000000..de051767a --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/RuSTSBenchmarkSTS.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7cf24f325c6da6195df55bef3d86b5e0616f3018", + "task_name": "RuSTSBenchmarkSTS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "cosine_pearson": 85.90493484626788, + "cosine_spearman": 86.21965691667411, + "euclidean_pearson": 86.07499842984909, + "euclidean_spearman": 86.55506818735688, + "main_score": 86.21965691667411, + "manhattan_pearson": 85.95976420231729, + "manhattan_spearman": 86.48604243661234, + "pearson": 85.90493484626788, + "spearman": 86.21965691667411 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/RuSciBenchGRNTIClassification.json b/results/DivineNnamdi__jina-embeddings-v3/external/RuSciBenchGRNTIClassification.json new file mode 100644 index 000000000..427bd2eac --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/RuSciBenchGRNTIClassification.json @@ -0,0 +1,29 @@ +{ + "dataset_revision": "673a610d6d3dd91a547a0d57ae1b56f37ebbf6a1", + "task_name": "RuSciBenchGRNTIClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 59.1943359375, + "f1": 58.894480861440414, + "f1_weighted": 58.903615560240866, + "main_score": 59.1943359375 + }, + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "main_score": 57.99209448663228, + "v_measure": 57.99209448663228, + "v_measure_std": 1.0381163861993816 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/RuSciBenchOECDClassification.json b/results/DivineNnamdi__jina-embeddings-v3/external/RuSciBenchOECDClassification.json new file mode 100644 index 000000000..5ae241460 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/RuSciBenchOECDClassification.json @@ -0,0 +1,29 @@ +{ + "dataset_revision": "26c88e99dcaba32bb45d0e1bfc21902337f6d471", + "task_name": "RuSciBenchOECDClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 45.556640625, + "f1": 45.159163104085906, + "f1_weighted": 45.16098316398626, + "main_score": 45.556640625 + }, + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "main_score": 50.787548070488974, + "v_measure": 50.787548070488974, + "v_measure_std": 0.8569958168946827 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/SCIDOCS-PL.json b/results/DivineNnamdi__jina-embeddings-v3/external/SCIDOCS-PL.json new file mode 100644 index 000000000..d9be1a821 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/SCIDOCS-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "45452b03f05560207ef19149545f168e596c9337", + "task_name": "SCIDOCS-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 15.379999999999999, + "map_at_1": 3.6029999999999998, + "map_at_10": 8.843, + "map_at_100": 10.433, + "map_at_1000": 10.689, + "map_at_20": 9.597, + "map_at_3": 6.363, + "map_at_5": 7.603, + "mrr_at_1": 17.7, + "mrr_at_10": 26.58900793650793, + "mrr_at_100": 27.699652322890987, + "mrr_at_1000": 27.78065313118353, + "mrr_at_20": 27.215020950411816, + "mrr_at_3": 23.36666666666668, + "mrr_at_5": 25.211666666666666, + "nauc_map_at_1000_diff1": 21.92235143827129, + "nauc_map_at_1000_max": 37.50300940750989, + "nauc_map_at_1000_std": 20.872586122198552, + "nauc_map_at_100_diff1": 21.917408170465833, + "nauc_map_at_100_max": 37.4654466815513, + "nauc_map_at_100_std": 20.621643878648534, + "nauc_map_at_10_diff1": 22.914388723621183, + "nauc_map_at_10_max": 36.468131213468794, + "nauc_map_at_10_std": 16.760980140791492, + "nauc_map_at_1_diff1": 29.00799502838457, + "nauc_map_at_1_max": 26.64926291797503, + "nauc_map_at_1_std": 8.167291261637361, + "nauc_map_at_20_diff1": 22.46580947804047, + "nauc_map_at_20_max": 36.656294842562275, + "nauc_map_at_20_std": 18.099232417722078, + "nauc_map_at_3_diff1": 23.436009032045934, + "nauc_map_at_3_max": 31.325807212280914, + "nauc_map_at_3_std": 9.780905232048852, + "nauc_map_at_5_diff1": 22.891704394665528, + "nauc_map_at_5_max": 35.40584466642894, + "nauc_map_at_5_std": 13.476986099394656, + "nauc_mrr_at_1000_diff1": 25.052937655397866, + "nauc_mrr_at_1000_max": 29.64431912670108, + "nauc_mrr_at_1000_std": 14.549744963988044, + "nauc_mrr_at_100_diff1": 25.070871266969224, + "nauc_mrr_at_100_max": 29.68743604652336, + "nauc_mrr_at_100_std": 14.582010154574432, + "nauc_mrr_at_10_diff1": 24.88881466938897, + "nauc_mrr_at_10_max": 29.488430770768144, + "nauc_mrr_at_10_std": 14.269241073852266, + "nauc_mrr_at_1_diff1": 29.220540327267503, + "nauc_mrr_at_1_max": 26.81908580507911, + "nauc_mrr_at_1_std": 8.00840295809718, + "nauc_mrr_at_20_diff1": 25.067912695721944, + "nauc_mrr_at_20_max": 29.759227563849628, + "nauc_mrr_at_20_std": 14.685076859257357, + "nauc_mrr_at_3_diff1": 24.645848739182696, + "nauc_mrr_at_3_max": 27.73368549660351, + "nauc_mrr_at_3_std": 11.475742805586943, + "nauc_mrr_at_5_diff1": 24.895295760909946, + "nauc_mrr_at_5_max": 29.130755033240423, + "nauc_mrr_at_5_std": 12.955802929145404, + "nauc_ndcg_at_1000_diff1": 20.68434434777729, + "nauc_ndcg_at_1000_max": 37.67055146424174, + "nauc_ndcg_at_1000_std": 29.57493715069776, + "nauc_ndcg_at_100_diff1": 20.396834816492383, + "nauc_ndcg_at_100_max": 37.460575228670514, + "nauc_ndcg_at_100_std": 27.826534756761944, + "nauc_ndcg_at_10_diff1": 22.640844106236027, + "nauc_ndcg_at_10_max": 35.21291764462327, + "nauc_ndcg_at_10_std": 19.53289455984506, + "nauc_ndcg_at_1_diff1": 29.220540327267503, + "nauc_ndcg_at_1_max": 26.81908580507911, + "nauc_ndcg_at_1_std": 8.00840295809718, + "nauc_ndcg_at_20_diff1": 22.117126657768623, + "nauc_ndcg_at_20_max": 35.79395781940806, + "nauc_ndcg_at_20_std": 22.242748346260786, + "nauc_ndcg_at_3_diff1": 23.00596063212187, + "nauc_ndcg_at_3_max": 30.149013627580523, + "nauc_ndcg_at_3_std": 11.07904064662722, + "nauc_ndcg_at_5_diff1": 22.81875419630523, + "nauc_ndcg_at_5_max": 34.24267468356626, + "nauc_ndcg_at_5_std": 15.307780280752088, + "nauc_precision_at_1000_diff1": 9.606677689029972, + "nauc_precision_at_1000_max": 32.74855550489271, + "nauc_precision_at_1000_std": 42.65372585937895, + "nauc_precision_at_100_diff1": 11.528981313529545, + "nauc_precision_at_100_max": 35.642529490132404, + "nauc_precision_at_100_std": 38.146151426052306, + "nauc_precision_at_10_diff1": 18.783957183811836, + "nauc_precision_at_10_max": 36.1982008334257, + "nauc_precision_at_10_std": 25.09349473195891, + "nauc_precision_at_1_diff1": 29.220540327267503, + "nauc_precision_at_1_max": 26.81908580507911, + "nauc_precision_at_1_std": 8.00840295809718, + "nauc_precision_at_20_diff1": 17.458766320828214, + "nauc_precision_at_20_max": 36.000404903025235, + "nauc_precision_at_20_std": 29.1608044138323, + "nauc_precision_at_3_diff1": 20.213669462067166, + "nauc_precision_at_3_max": 31.120650847205912, + "nauc_precision_at_3_std": 12.390972418818118, + "nauc_precision_at_5_diff1": 20.114245715785678, + "nauc_precision_at_5_max": 37.30360111495823, + "nauc_precision_at_5_std": 19.053109037822853, + "nauc_recall_at_1000_diff1": 9.85800049032612, + "nauc_recall_at_1000_max": 32.48319160802687, + "nauc_recall_at_1000_std": 43.79941601741161, + "nauc_recall_at_100_diff1": 11.375255270968337, + "nauc_recall_at_100_max": 35.1868784124497, + "nauc_recall_at_100_std": 38.422680583482666, + "nauc_recall_at_10_diff1": 18.445783123521938, + "nauc_recall_at_10_max": 35.633267936276766, + "nauc_recall_at_10_std": 24.94469506254716, + "nauc_recall_at_1_diff1": 29.00799502838457, + "nauc_recall_at_1_max": 26.64926291797503, + "nauc_recall_at_1_std": 8.167291261637361, + "nauc_recall_at_20_diff1": 17.314906604151936, + "nauc_recall_at_20_max": 35.66067699203996, + "nauc_recall_at_20_std": 29.400137012506082, + "nauc_recall_at_3_diff1": 19.873710875648698, + "nauc_recall_at_3_max": 30.92404718742849, + "nauc_recall_at_3_std": 12.400871018075199, + "nauc_recall_at_5_diff1": 19.869948324233192, + "nauc_recall_at_5_max": 37.06832511687574, + "nauc_recall_at_5_std": 19.0798814966156, + "ndcg_at_1": 17.7, + "ndcg_at_10": 15.379999999999999, + "ndcg_at_100": 22.09, + "ndcg_at_1000": 27.151999999999997, + "ndcg_at_20": 17.576, + "ndcg_at_3": 14.219999999999999, + "ndcg_at_5": 12.579, + "precision_at_1": 17.7, + "precision_at_10": 8.08, + "precision_at_100": 1.7840000000000003, + "precision_at_1000": 0.3, + "precision_at_20": 5.305, + "precision_at_3": 13.167000000000002, + "precision_at_5": 11.06, + "recall_at_1": 3.6029999999999998, + "recall_at_10": 16.413, + "recall_at_100": 36.263, + "recall_at_1000": 61.016999999999996, + "recall_at_20": 21.587999999999997, + "recall_at_3": 8.013, + "recall_at_5": 11.198 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/SCIDOCS.json b/results/DivineNnamdi__jina-embeddings-v3/external/SCIDOCS.json new file mode 100644 index 000000000..43d9dee7e --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/SCIDOCS.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "f8c2fcf00f625baaa80f62ec5bd9e1fff3b8ae88", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.843, + "map_at_10": 11.752, + "map_at_100": 13.919, + "map_at_1000": 14.198, + "map_at_20": 12.898000000000001, + "map_at_3": 8.603, + "map_at_5": 10.069, + "mrr_at_1": 23.799999999999997, + "mrr_at_10": 34.449999999999996, + "mrr_at_100": 35.64, + "mrr_at_1000": 35.691, + "mrr_at_20": 35.213, + "mrr_at_3": 31.383, + "mrr_at_5": 33.062999999999995, + "ndcg_at_1": 23.799999999999997, + "ndcg_at_10": 19.811, + "ndcg_at_100": 28.108, + "ndcg_at_1000": 33.1, + "ndcg_at_20": 22.980999999999998, + "ndcg_at_3": 19.153000000000002, + "ndcg_at_5": 16.408, + "precision_at_1": 23.799999999999997, + "precision_at_10": 10.16, + "precision_at_100": 2.1999999999999997, + "precision_at_1000": 0.34099999999999997, + "precision_at_20": 6.915, + "precision_at_3": 17.8, + "precision_at_5": 14.14, + "recall_at_1": 4.843, + "recall_at_10": 20.595, + "recall_at_100": 44.66, + "recall_at_1000": 69.152, + "recall_at_20": 28.04, + "recall_at_3": 10.833, + "recall_at_5": 14.346999999999998, + "main_score": 19.811 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/SICK-E-PL.json b/results/DivineNnamdi__jina-embeddings-v3/external/SICK-E-PL.json new file mode 100644 index 000000000..04bbc74a1 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/SICK-E-PL.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "71bba34b0ece6c56dfcf46d9758a27f7a90f17e9", + "task_name": "SICK-E-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cosine_accuracy": 80.90093762739502, + "cosine_accuracy_threshold": 94.40930485725403, + "cosine_ap": 71.15400909912427, + "cosine_f1": 66.8213457076566, + "cosine_f1_threshold": 91.53673648834229, + "cosine_precision": 62.4922504649721, + "cosine_recall": 71.7948717948718, + "dot_accuracy": 78.41418671015083, + "dot_accuracy_threshold": 42924.45068359375, + "dot_ap": 63.34003025365763, + "dot_f1": 62.518258837277244, + "dot_f1_threshold": 40900.738525390625, + "dot_precision": 52.99653293709758, + "dot_recall": 76.21082621082621, + "euclidean_accuracy": 80.67672238075826, + "euclidean_accuracy_threshold": 696.0524559020996, + "euclidean_ap": 70.88762835990224, + "euclidean_f1": 66.711051930759, + "euclidean_f1_threshold": 878.5581588745117, + "euclidean_precision": 62.625, + "euclidean_recall": 71.36752136752136, + "main_score": 71.15400909912427, + "manhattan_accuracy": 80.65633917651854, + "manhattan_accuracy_threshold": 17277.72674560547, + "manhattan_ap": 70.67105336611716, + "manhattan_f1": 66.51346027577151, + "manhattan_f1_threshold": 21687.957763671875, + "manhattan_precision": 61.69305724725944, + "manhattan_recall": 72.15099715099716, + "max_accuracy": 80.90093762739502, + "max_ap": 71.15400909912427, + "max_f1": 66.8213457076566, + "max_precision": 62.625, + "max_recall": 76.21082621082621, + "similarity_accuracy": 80.90093762739502, + "similarity_accuracy_threshold": 94.40930485725403, + "similarity_ap": 71.15400909912427, + "similarity_f1": 66.8213457076566, + "similarity_f1_threshold": 91.53673648834229, + "similarity_precision": 62.4922504649721, + "similarity_recall": 71.7948717948718 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/SICK-R-PL.json b/results/DivineNnamdi__jina-embeddings-v3/external/SICK-R-PL.json new file mode 100644 index 000000000..c2555c7c9 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/SICK-R-PL.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "fd5c2441b7eeff8676768036142af4cfa42c1339", + "task_name": "SICK-R-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cosine_pearson": 85.27883048457821, + "cosine_spearman": 80.53204892678619, + "euclidean_pearson": 82.78520705216168, + "euclidean_spearman": 80.27848359873212, + "main_score": 80.53204892678619, + "manhattan_pearson": 82.63270640583454, + "manhattan_spearman": 80.21507977473146, + "pearson": 85.27883048457821, + "spearman": 80.53204892678619 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/SICK-R.json b/results/DivineNnamdi__jina-embeddings-v3/external/SICK-R.json new file mode 100644 index 000000000..8dac12270 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 92.3339946866199, + "cosine_spearman": 89.61697355115497, + "euclidean_pearson": 90.3264916449669, + "euclidean_spearman": 89.36270451308866, + "main_score": 89.61697355115497, + "manhattan_pearson": 90.18909339052534, + "manhattan_spearman": 89.28337093097377, + "pearson": 92.3339946866199, + "spearman": 89.61697355115497 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/SICKFr.json b/results/DivineNnamdi__jina-embeddings-v3/external/SICKFr.json new file mode 100644 index 000000000..9b26544ab --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/SICKFr.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e077ab4cf4774a1e36d86d593b150422fafd8e8a", + "task_name": "SICKFr", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "cosine_pearson": 88.77029361817212, + "cosine_spearman": 83.9453600346894, + "euclidean_pearson": 85.85331086208573, + "euclidean_spearman": 83.70852031985308, + "main_score": 83.9453600346894, + "manhattan_pearson": 85.66222265885914, + "manhattan_spearman": 83.60833111525962, + "pearson": 88.77029361817212, + "spearman": 83.9453600346894 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/STS12.json b/results/DivineNnamdi__jina-embeddings-v3/external/STS12.json new file mode 100644 index 000000000..05517c3d2 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 88.76435859522375, + "cosine_spearman": 82.43768167804375, + "euclidean_pearson": 87.43566183874832, + "euclidean_spearman": 82.82166873757507, + "main_score": 82.43768167804375, + "manhattan_pearson": 87.39450871380951, + "manhattan_spearman": 82.89253043430163, + "pearson": 88.76435859522375, + "spearman": 82.43768167804375 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/STS13.json b/results/DivineNnamdi__jina-embeddings-v3/external/STS13.json new file mode 100644 index 000000000..937e04bfb --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 88.86627241652141, + "cosine_spearman": 89.49011599120688, + "euclidean_pearson": 89.3314120073772, + "euclidean_spearman": 89.8226502776963, + "main_score": 89.49011599120688, + "manhattan_pearson": 89.2252179076963, + "manhattan_spearman": 89.74573844021225, + "pearson": 88.86627241652141, + "spearman": 89.49011599120688 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/STS14.json b/results/DivineNnamdi__jina-embeddings-v3/external/STS14.json new file mode 100644 index 000000000..7df9b5310 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 87.22891405215968, + "cosine_spearman": 84.9467188157614, + "euclidean_pearson": 87.20330004726237, + "euclidean_spearman": 85.34806059461808, + "main_score": 84.9467188157614, + "manhattan_pearson": 87.15224666107623, + "manhattan_spearman": 85.34596898699708, + "pearson": 87.22891405215968, + "spearman": 84.9467188157614 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/STS15.json b/results/DivineNnamdi__jina-embeddings-v3/external/STS15.json new file mode 100644 index 000000000..cbd1da7fd --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 88.14066430111033, + "cosine_spearman": 89.31337445552545, + "euclidean_pearson": 89.08039335366983, + "euclidean_spearman": 89.6658762856415, + "main_score": 89.31337445552545, + "manhattan_pearson": 89.08057438154486, + "manhattan_spearman": 89.68673984203022, + "pearson": 88.14066430111033, + "spearman": 89.31337445552545 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/STS16.json b/results/DivineNnamdi__jina-embeddings-v3/external/STS16.json new file mode 100644 index 000000000..1939a0476 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 85.14908856657084, + "cosine_spearman": 86.84648320786727, + "euclidean_pearson": 86.11454713131947, + "euclidean_spearman": 86.77738862047961, + "main_score": 86.84648320786727, + "manhattan_pearson": 86.07804821916372, + "manhattan_spearman": 86.78676064310474, + "pearson": 85.14908856657084, + "spearman": 86.84648320786727 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/STS17.json b/results/DivineNnamdi__jina-embeddings-v3/external/STS17.json new file mode 100644 index 000000000..07a5b16cf --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/STS17.json @@ -0,0 +1,88 @@ +{ + "dataset_revision": "faeb762787bd10488a50c8b5be4a3b82e411949c", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 89.61633502468356, + "cosine_spearman": 89.99772663224805, + "euclidean_pearson": 90.14056501501044, + "euclidean_spearman": 90.04496896837503, + "main_score": 89.99772663224805, + "manhattan_pearson": 90.08964860311801, + "manhattan_spearman": 90.00091712362196, + "pearson": 89.61633502468356, + "spearman": 89.99772663224805 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cosine_pearson": 86.44548026840202, + "cosine_spearman": 87.26263108768539, + "euclidean_pearson": 86.42844593583838, + "euclidean_spearman": 86.89388428664364, + "main_score": 87.26263108768539, + "manhattan_pearson": 86.47186940800881, + "manhattan_spearman": 87.02163091089946, + "pearson": 86.44548026840202, + "spearman": 87.26263108768539 + }, + { + "hf_subset": "en-de", + "languages": [ + "eng-Latn", + "deu-Latn" + ], + "cosine_pearson": 87.89345132532758, + "cosine_spearman": 87.96246221327699, + "euclidean_pearson": 88.49013032701419, + "euclidean_spearman": 87.81981265317344, + "main_score": 87.96246221327699, + "manhattan_pearson": 88.31360914178538, + "manhattan_spearman": 87.62734530005075, + "pearson": 87.89345132532758, + "spearman": 87.96246221327699 + }, + { + "hf_subset": "es-es", + "languages": [ + "spa-Latn" + ], + "cosine_pearson": 88.4084678497171, + "cosine_spearman": 88.77640638748285, + "euclidean_pearson": 89.60124312475843, + "euclidean_spearman": 88.4321442688528, + "main_score": 88.77640638748285, + "manhattan_pearson": 89.62375118021299, + "manhattan_spearman": 88.46998118661577, + "pearson": 88.4084678497171, + "spearman": 88.77640638748285 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "cosine_pearson": 87.30688801326498, + "cosine_spearman": 87.55684697258378, + "euclidean_pearson": 87.89672951056794, + "euclidean_spearman": 87.28050429201674, + "main_score": 87.55684697258378, + "manhattan_pearson": 87.74292745320572, + "manhattan_spearman": 87.16383993876582, + "pearson": 87.30688801326498, + "spearman": 87.55684697258378 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/STS22.json b/results/DivineNnamdi__jina-embeddings-v3/external/STS22.json new file mode 100644 index 000000000..221083d64 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/STS22.json @@ -0,0 +1,227 @@ +{ + "dataset_revision": "de9d86b3b84231dc21f76c7b7af1f28e2f57f6e3", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "cosine_pearson": 73.46180375170147, + "cosine_spearman": 73.39559590127081, + "euclidean_pearson": 73.72613901293681, + "euclidean_spearman": 71.85465165176795, + "main_score": 73.39559590127081, + "manhattan_pearson": 73.07859140869076, + "manhattan_spearman": 71.22047343718893, + "pearson": 73.46180375170147, + "spearman": 73.39559590127081 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 62.47531620842637, + "cosine_spearman": 66.22504667157702, + "euclidean_pearson": 66.76201254783692, + "euclidean_spearman": 66.86115760269463, + "main_score": 66.22504667157702, + "manhattan_pearson": 66.73847836793489, + "manhattan_spearman": 66.7677116377695, + "pearson": 62.47531620842637, + "spearman": 66.22504667157702 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "cosine_pearson": 69.89707002436481, + "cosine_spearman": 72.2054865735116, + "euclidean_pearson": 71.81856615570756, + "euclidean_spearman": 72.72593304629407, + "main_score": 72.2054865735116, + "manhattan_pearson": 72.00362684700072, + "manhattan_spearman": 72.62783534769964, + "pearson": 69.89707002436481, + "spearman": 72.2054865735116 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cosine_pearson": 81.59623734395916, + "cosine_spearman": 83.28946105111358, + "euclidean_pearson": 79.377330171466, + "euclidean_spearman": 81.81029781662205, + "main_score": 83.28946105111358, + "manhattan_pearson": 78.96970881689698, + "manhattan_spearman": 81.91773236079703, + "pearson": 81.59623734395916, + "spearman": 83.28946105111358 + }, + { + "hf_subset": "de-fr", + "languages": [ + "deu-Latn", + "fra-Latn" + ], + "cosine_pearson": 55.03825643126142, + "cosine_spearman": 58.25792501780429, + "euclidean_pearson": 50.38007603973409, + "euclidean_spearman": 59.39961789383097, + "main_score": 58.25792501780429, + "manhattan_pearson": 50.518568927999155, + "manhattan_spearman": 59.84185466003894, + "pearson": 55.03825643126142, + "spearman": 58.25792501780429 + }, + { + "hf_subset": "pl-en", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "cosine_pearson": 77.77233721490776, + "cosine_spearman": 76.17596588017625, + "euclidean_pearson": 74.47600468156611, + "euclidean_spearman": 72.61278728057012, + "main_score": 76.17596588017625, + "manhattan_pearson": 74.48118910099699, + "manhattan_spearman": 73.33167419101696, + "pearson": 77.77233721490776, + "spearman": 76.17596588017625 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "cosine_pearson": 42.87453608131507, + "cosine_spearman": 45.137849894401185, + "euclidean_pearson": 31.66964197694796, + "euclidean_spearman": 44.1014900837869, + "main_score": 45.137849894401185, + "manhattan_pearson": 31.007199259384745, + "manhattan_spearman": 43.48181523288926, + "pearson": 42.87453608131507, + "spearman": 45.137849894401185 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 66.87400150638176, + "cosine_spearman": 67.27861354834066, + "euclidean_pearson": 66.81789582140216, + "euclidean_spearman": 66.44220479858708, + "main_score": 67.27861354834066, + "manhattan_pearson": 66.92509859033235, + "manhattan_spearman": 66.46841124185076, + "pearson": 66.87400150638176, + "spearman": 67.27861354834066 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "cosine_pearson": 61.819804551576084, + "cosine_spearman": 65.0864146772135, + "euclidean_pearson": 62.518151090361876, + "euclidean_spearman": 65.13608138548017, + "main_score": 65.0864146772135, + "manhattan_pearson": 62.51413246915267, + "manhattan_spearman": 65.19077543064323, + "pearson": 61.819804551576084, + "spearman": 65.0864146772135 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "cosine_pearson": 54.85728696035389, + "cosine_spearman": 61.60906359227576, + "euclidean_pearson": 52.57582587901851, + "euclidean_spearman": 61.41823097598308, + "main_score": 61.60906359227576, + "manhattan_pearson": 52.500978361080506, + "manhattan_spearman": 61.30365596659758, + "pearson": 54.85728696035389, + "spearman": 61.60906359227576 + }, + { + "hf_subset": "fr-pl", + "languages": [ + "fra-Latn", + "pol-Latn" + ], + "cosine_pearson": 67.68016005631422, + "cosine_spearman": 84.51542547285167, + "euclidean_pearson": 66.19871164667245, + "euclidean_spearman": 73.24670207647144, + "main_score": 84.51542547285167, + "manhattan_pearson": 67.0443525268974, + "manhattan_spearman": 73.24670207647144, + "pearson": 67.68016005631422, + "spearman": 84.51542547285167 + }, + { + "hf_subset": "de-pl", + "languages": [ + "deu-Latn", + "pol-Latn" + ], + "cosine_pearson": 47.49467414030747, + "cosine_spearman": 56.81512095681289, + "euclidean_pearson": 48.42860221765214, + "euclidean_spearman": 58.63197306329092, + "main_score": 56.81512095681289, + "manhattan_pearson": 48.39594959260441, + "manhattan_spearman": 58.63197306329092, + "pearson": 47.49467414030747, + "spearman": 56.81512095681289 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cosine_pearson": 76.8364678896155, + "cosine_spearman": 78.45516413087114, + "euclidean_pearson": 78.62779318576634, + "euclidean_spearman": 78.88760695649488, + "main_score": 78.45516413087114, + "manhattan_pearson": 78.62131335760031, + "manhattan_spearman": 78.81861844200388, + "pearson": 76.8364678896155, + "spearman": 78.45516413087114 + }, + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "cosine_pearson": 65.16640313911604, + "cosine_spearman": 60.887608967403914, + "euclidean_pearson": 67.49902244990913, + "euclidean_spearman": 59.2458787136538, + "main_score": 60.887608967403914, + "manhattan_pearson": 67.34313506388378, + "manhattan_spearman": 59.05283429200166, + "pearson": 65.16640313911604, + "spearman": 60.887608967403914 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/STSB.json b/results/DivineNnamdi__jina-embeddings-v3/external/STSB.json new file mode 100644 index 000000000..0ab38078b --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/STSB.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "0cde68302b3541bb8b3c340dc0644b0b745b3dc0", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 81.5092853013241, + "cosine_spearman": 83.54005474244292, + "euclidean_pearson": 83.7246578378554, + "euclidean_spearman": 84.46767551087716, + "main_score": 83.54005474244292, + "manhattan_pearson": 83.65922665594636, + "manhattan_spearman": 84.42431449101848, + "pearson": 81.5092853013241, + "spearman": 83.54005474244292 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/STSBenchmark.json b/results/DivineNnamdi__jina-embeddings-v3/external/STSBenchmark.json new file mode 100644 index 000000000..d38e57fff --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 87.70246866744966, + "cosine_spearman": 89.44070045346106, + "euclidean_pearson": 89.56956519641007, + "euclidean_spearman": 89.95830112784283, + "main_score": 89.44070045346106, + "manhattan_pearson": 89.48264471425145, + "manhattan_spearman": 89.87900732483114, + "pearson": 87.70246866744966, + "spearman": 89.44070045346106 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/STSBenchmarkMultilingualSTS.json b/results/DivineNnamdi__jina-embeddings-v3/external/STSBenchmarkMultilingualSTS.json new file mode 100644 index 000000000..ce95691af --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/STSBenchmarkMultilingualSTS.json @@ -0,0 +1,115 @@ +{ + "dataset_revision": "29afa2569dcedaaa2fe6a3dcfebab33d28b82e8c", + "task_name": "STSBenchmarkMultilingualSTS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "cosine_pearson": 86.83701990805217, + "cosine_spearman": 87.80280785492258, + "euclidean_pearson": 87.77325330043514, + "euclidean_spearman": 88.3564607283144, + "main_score": 87.80280785492258, + "manhattan_pearson": 87.6745449945946, + "manhattan_spearman": 88.30660465978795, + "pearson": 86.83701990805217, + "spearman": 87.80280785492258 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 84.27751020600267, + "cosine_spearman": 85.63500407412486, + "euclidean_pearson": 85.21829891649696, + "euclidean_spearman": 85.9384575715382, + "main_score": 85.63500407412486, + "manhattan_pearson": 85.10797194089801, + "manhattan_spearman": 85.8770162042784, + "pearson": 84.27751020600267, + "spearman": 85.63500407412486 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cosine_pearson": 86.56833656723254, + "cosine_spearman": 87.4393978501382, + "euclidean_pearson": 87.45171512751267, + "euclidean_spearman": 88.13106516566947, + "main_score": 87.4393978501382, + "manhattan_pearson": 87.33010961793333, + "manhattan_spearman": 88.06707425102182, + "pearson": 86.56833656723254, + "spearman": 87.4393978501382 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "cosine_pearson": 85.45065540325523, + "cosine_spearman": 85.47881076789359, + "euclidean_pearson": 85.1999493863155, + "euclidean_spearman": 85.7874947669187, + "main_score": 85.47881076789359, + "manhattan_pearson": 85.06075305990376, + "manhattan_spearman": 85.71563015639558, + "pearson": 85.45065540325523, + "spearman": 85.47881076789359 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "cosine_pearson": 87.11952824079832, + "cosine_spearman": 87.9643473573153, + "euclidean_pearson": 88.11750364639971, + "euclidean_spearman": 88.63695109016498, + "main_score": 87.9643473573153, + "manhattan_pearson": 88.00294453126699, + "manhattan_spearman": 88.53750241758391, + "pearson": 87.11952824079832, + "spearman": 87.9643473573153 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "cosine_pearson": 85.99804354414991, + "cosine_spearman": 86.30252111551002, + "euclidean_pearson": 86.1880652037762, + "euclidean_spearman": 86.69556223944502, + "main_score": 86.30252111551002, + "manhattan_pearson": 86.0736400320898, + "manhattan_spearman": 86.61747927593393, + "pearson": 85.99804354414991, + "spearman": 86.30252111551002 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 87.70246861738103, + "cosine_spearman": 89.44070045346106, + "euclidean_pearson": 89.56956518833663, + "euclidean_spearman": 89.95830112784283, + "main_score": 89.44070045346106, + "manhattan_pearson": 89.48264470792915, + "manhattan_spearman": 89.87900732483114, + "pearson": 87.70246861738103, + "spearman": 89.44070045346106 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/SciDocsRR.json b/results/DivineNnamdi__jina-embeddings-v3/external/SciDocsRR.json new file mode 100644 index 000000000..bb374b228 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 84.88064122814694, + "mrr": 95.84832651009123, + "main_score": 84.88064122814694 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/SciFact-PL.json b/results/DivineNnamdi__jina-embeddings-v3/external/SciFact-PL.json new file mode 100644 index 000000000..a48499139 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/SciFact-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "47932a35f045ef8ed01ba82bf9ff67f6e109207e", + "task_name": "SciFact-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 64.764, + "map_at_1": 49.778, + "map_at_10": 59.88, + "map_at_100": 60.707, + "map_at_1000": 60.729, + "map_at_20": 60.419999999999995, + "map_at_3": 57.45400000000001, + "map_at_5": 58.729, + "mrr_at_1": 52.33333333333333, + "mrr_at_10": 61.29193121693122, + "mrr_at_100": 61.95817765126313, + "mrr_at_1000": 61.97583284368782, + "mrr_at_20": 61.72469949641003, + "mrr_at_3": 59.44444444444444, + "mrr_at_5": 60.494444444444454, + "nauc_map_at_1000_diff1": 62.21235294015774, + "nauc_map_at_1000_max": 48.83996609100249, + "nauc_map_at_1000_std": 5.23892781043174, + "nauc_map_at_100_diff1": 62.20170226789429, + "nauc_map_at_100_max": 48.8391766453537, + "nauc_map_at_100_std": 5.2664077457917715, + "nauc_map_at_10_diff1": 61.961975488329024, + "nauc_map_at_10_max": 48.397109987625186, + "nauc_map_at_10_std": 4.314859710827481, + "nauc_map_at_1_diff1": 65.0865197011516, + "nauc_map_at_1_max": 41.38862781954889, + "nauc_map_at_1_std": -0.9182122632530586, + "nauc_map_at_20_diff1": 61.99173935851292, + "nauc_map_at_20_max": 48.79961814179307, + "nauc_map_at_20_std": 5.262181845825118, + "nauc_map_at_3_diff1": 62.37910539880477, + "nauc_map_at_3_max": 47.13627890977091, + "nauc_map_at_3_std": 2.327897198087264, + "nauc_map_at_5_diff1": 61.60080757149592, + "nauc_map_at_5_max": 47.60052458345962, + "nauc_map_at_5_std": 3.1770196981231047, + "nauc_mrr_at_1000_diff1": 62.86810952814966, + "nauc_mrr_at_1000_max": 52.13248094447774, + "nauc_mrr_at_1000_std": 10.100485746570733, + "nauc_mrr_at_100_diff1": 62.85364829491874, + "nauc_mrr_at_100_max": 52.134528010631854, + "nauc_mrr_at_100_std": 10.120945685447369, + "nauc_mrr_at_10_diff1": 62.65679301829915, + "nauc_mrr_at_10_max": 52.09270719182349, + "nauc_mrr_at_10_std": 9.913834434725441, + "nauc_mrr_at_1_diff1": 66.84108271415636, + "nauc_mrr_at_1_max": 46.67646429855176, + "nauc_mrr_at_1_std": 5.5505252956352304, + "nauc_mrr_at_20_diff1": 62.72473227039611, + "nauc_mrr_at_20_max": 52.13479097802757, + "nauc_mrr_at_20_std": 10.188278833464084, + "nauc_mrr_at_3_diff1": 63.797429185518496, + "nauc_mrr_at_3_max": 52.16486999573481, + "nauc_mrr_at_3_std": 9.094360767062762, + "nauc_mrr_at_5_diff1": 62.592917975475494, + "nauc_mrr_at_5_max": 52.330741486107414, + "nauc_mrr_at_5_std": 9.742175534421389, + "nauc_ndcg_at_1000_diff1": 61.38859337672476, + "nauc_ndcg_at_1000_max": 51.48380058339184, + "nauc_ndcg_at_1000_std": 9.670547660897673, + "nauc_ndcg_at_100_diff1": 61.02438489641434, + "nauc_ndcg_at_100_max": 51.781246646780865, + "nauc_ndcg_at_100_std": 10.592961553245187, + "nauc_ndcg_at_10_diff1": 60.03678353308358, + "nauc_ndcg_at_10_max": 50.70725688848762, + "nauc_ndcg_at_10_std": 7.9472446491016315, + "nauc_ndcg_at_1_diff1": 66.84108271415636, + "nauc_ndcg_at_1_max": 46.67646429855176, + "nauc_ndcg_at_1_std": 5.5505252956352304, + "nauc_ndcg_at_20_diff1": 59.828482718480224, + "nauc_ndcg_at_20_max": 51.45831789601284, + "nauc_ndcg_at_20_std": 10.722673683272049, + "nauc_ndcg_at_3_diff1": 61.68982937524109, + "nauc_ndcg_at_3_max": 49.745326748604775, + "nauc_ndcg_at_3_std": 4.948298621202247, + "nauc_ndcg_at_5_diff1": 59.67396171973207, + "nauc_ndcg_at_5_max": 49.87855139298281, + "nauc_ndcg_at_5_std": 6.08990428055584, + "nauc_precision_at_1000_diff1": -1.594227972036865, + "nauc_precision_at_1000_max": 32.48431723086185, + "nauc_precision_at_1000_std": 53.84748466965268, + "nauc_precision_at_100_diff1": 8.06411455192293, + "nauc_precision_at_100_max": 39.91003601878948, + "nauc_precision_at_100_std": 55.52979711075091, + "nauc_precision_at_10_diff1": 26.610514456014066, + "nauc_precision_at_10_max": 47.09062494321172, + "nauc_precision_at_10_std": 33.91984226498748, + "nauc_precision_at_1_diff1": 66.84108271415636, + "nauc_precision_at_1_max": 46.67646429855176, + "nauc_precision_at_1_std": 5.5505252956352304, + "nauc_precision_at_20_diff1": 16.947688843085583, + "nauc_precision_at_20_max": 45.40488186572008, + "nauc_precision_at_20_std": 48.354421924500905, + "nauc_precision_at_3_diff1": 49.11263981720622, + "nauc_precision_at_3_max": 52.7084625111683, + "nauc_precision_at_3_std": 16.734612173556453, + "nauc_precision_at_5_diff1": 39.06503705015792, + "nauc_precision_at_5_max": 52.21710506893391, + "nauc_precision_at_5_std": 23.350948149460233, + "nauc_recall_at_1000_diff1": 43.1559290382817, + "nauc_recall_at_1000_max": 83.66013071895456, + "nauc_recall_at_1000_std": 86.27450980392177, + "nauc_recall_at_100_diff1": 46.016860850620375, + "nauc_recall_at_100_max": 69.3944888744547, + "nauc_recall_at_100_std": 55.286945696152735, + "nauc_recall_at_10_diff1": 49.65877895350921, + "nauc_recall_at_10_max": 53.02636695700889, + "nauc_recall_at_10_std": 13.967608945823828, + "nauc_recall_at_1_diff1": 65.0865197011516, + "nauc_recall_at_1_max": 41.38862781954889, + "nauc_recall_at_1_std": -0.9182122632530586, + "nauc_recall_at_20_diff1": 43.355308229973524, + "nauc_recall_at_20_max": 57.04187909533764, + "nauc_recall_at_20_std": 33.578720846660524, + "nauc_recall_at_3_diff1": 56.922996057428165, + "nauc_recall_at_3_max": 50.74417041895424, + "nauc_recall_at_3_std": 5.623890124328387, + "nauc_recall_at_5_diff1": 50.55620076865238, + "nauc_recall_at_5_max": 51.3316854622085, + "nauc_recall_at_5_std": 8.995457887269255, + "ndcg_at_1": 52.333, + "ndcg_at_10": 64.764, + "ndcg_at_100": 68.167, + "ndcg_at_1000": 68.816, + "ndcg_at_20": 66.457, + "ndcg_at_3": 60.346, + "ndcg_at_5": 62.365, + "precision_at_1": 52.333, + "precision_at_10": 8.799999999999999, + "precision_at_100": 1.057, + "precision_at_1000": 0.11100000000000002, + "precision_at_20": 4.8, + "precision_at_3": 23.889, + "precision_at_5": 15.6, + "recall_at_1": 49.778, + "recall_at_10": 78.206, + "recall_at_100": 93.10000000000001, + "recall_at_1000": 98.333, + "recall_at_20": 84.467, + "recall_at_3": 66.367, + "recall_at_5": 71.35000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/SciFact.json b/results/DivineNnamdi__jina-embeddings-v3/external/SciFact.json new file mode 100644 index 000000000..0a87cf9c5 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/SciFact.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 57.289, + "map_at_10": 67.88499999999999, + "map_at_100": 68.477, + "map_at_1000": 68.50500000000001, + "map_at_20": 68.33500000000001, + "map_at_3": 65.08, + "map_at_5": 67.001, + "mrr_at_1": 59.667, + "mrr_at_10": 68.626, + "mrr_at_100": 69.082, + "mrr_at_1000": 69.108, + "mrr_at_20": 68.958, + "mrr_at_3": 66.667, + "mrr_at_5": 67.983, + "ndcg_at_1": 59.667, + "ndcg_at_10": 72.309, + "ndcg_at_100": 74.58399999999999, + "ndcg_at_1000": 75.25500000000001, + "ndcg_at_20": 73.656, + "ndcg_at_3": 67.791, + "ndcg_at_5": 70.45, + "precision_at_1": 59.667, + "precision_at_10": 9.567, + "precision_at_100": 1.073, + "precision_at_1000": 0.11299999999999999, + "precision_at_20": 5.083, + "precision_at_3": 26.333000000000002, + "precision_at_5": 17.666999999999998, + "recall_at_1": 57.289, + "recall_at_10": 84.756, + "recall_at_100": 94.5, + "recall_at_1000": 99.667, + "recall_at_20": 89.7, + "recall_at_3": 73.22800000000001, + "recall_at_5": 79.444, + "main_score": 72.309 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/SensitiveTopicsClassification.json b/results/DivineNnamdi__jina-embeddings-v3/external/SensitiveTopicsClassification.json new file mode 100644 index 000000000..9556d97a7 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/SensitiveTopicsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "416b34a802308eac30e4192afc0ff99bb8dcc7f2", + "task_name": "SensitiveTopicsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 30.634765625, + "f1": 32.647559808678665, + "lrap": 45.94319661458259, + "main_score": 30.634765625 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/SpanishNewsClusteringP2P.json b/results/DivineNnamdi__jina-embeddings-v3/external/SpanishNewsClusteringP2P.json new file mode 100644 index 000000000..a162298b4 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/SpanishNewsClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "bf8ca8ddc5b7da4f7004720ddf99bbe0483480e6", + "task_name": "SpanishNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "spa-Latn" + ], + "main_score": 45.04477709795154, + "v_measure": 45.04477709795154, + "v_measure_std": 0.0 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/SpanishPassageRetrievalS2S.json b/results/DivineNnamdi__jina-embeddings-v3/external/SpanishPassageRetrievalS2S.json new file mode 100644 index 000000000..62be1f0e7 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/SpanishPassageRetrievalS2S.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "9cddf2ce5209ade52c2115ccfa00eb22c6d3a837", + "task_name": "SpanishPassageRetrievalS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "spa-Latn" + ], + "main_score": 69.83, + "map_at_1": 15.736, + "map_at_10": 52.027, + "map_at_100": 65.08800000000001, + "map_at_1000": 65.08800000000001, + "map_at_20": 60.79900000000001, + "map_at_3": 32.869, + "map_at_5": 41.436, + "mrr_at_1": 75.44910179640718, + "mrr_at_10": 84.43446440452426, + "mrr_at_100": 84.48052612723271, + "mrr_at_1000": 84.48052612723271, + "mrr_at_20": 84.48052612723271, + "mrr_at_3": 83.13373253493013, + "mrr_at_5": 84.3013972055888, + "nauc_map_at_1000_diff1": 50.611540149694356, + "nauc_map_at_1000_max": 2.1102430434260238, + "nauc_map_at_1000_std": -18.88993521335793, + "nauc_map_at_100_diff1": 50.611540149694356, + "nauc_map_at_100_max": 2.1102430434260238, + "nauc_map_at_100_std": -18.88993521335793, + "nauc_map_at_10_diff1": 59.13518981755268, + "nauc_map_at_10_max": -9.810386627392807, + "nauc_map_at_10_std": -38.31810152345078, + "nauc_map_at_1_diff1": 74.96782567287174, + "nauc_map_at_1_max": -29.648279252607875, + "nauc_map_at_1_std": -54.017459339141595, + "nauc_map_at_20_diff1": 55.26694458629849, + "nauc_map_at_20_max": -1.9490244535020729, + "nauc_map_at_20_std": -25.22211659104076, + "nauc_map_at_3_diff1": 71.67607885031732, + "nauc_map_at_3_max": -25.078101661694507, + "nauc_map_at_3_std": -50.55408861920259, + "nauc_map_at_5_diff1": 61.50111515417668, + "nauc_map_at_5_max": -16.4114670513168, + "nauc_map_at_5_std": -44.391416134859135, + "nauc_mrr_at_1000_diff1": 74.18848063283234, + "nauc_mrr_at_1000_max": 21.929205946778005, + "nauc_mrr_at_1000_std": -36.27399268489433, + "nauc_mrr_at_100_diff1": 74.18848063283234, + "nauc_mrr_at_100_max": 21.929205946778005, + "nauc_mrr_at_100_std": -36.27399268489433, + "nauc_mrr_at_10_diff1": 74.27231582268745, + "nauc_mrr_at_10_max": 21.481133301135337, + "nauc_mrr_at_10_std": -36.72070854872902, + "nauc_mrr_at_1_diff1": 76.54855950439561, + "nauc_mrr_at_1_max": 26.99938321212366, + "nauc_mrr_at_1_std": -33.098742603429635, + "nauc_mrr_at_20_diff1": 74.18848063283234, + "nauc_mrr_at_20_max": 21.929205946778005, + "nauc_mrr_at_20_std": -36.27399268489433, + "nauc_mrr_at_3_diff1": 72.05379526740143, + "nauc_mrr_at_3_max": 18.875831185752528, + "nauc_mrr_at_3_std": -37.27302006456391, + "nauc_mrr_at_5_diff1": 74.25342356682029, + "nauc_mrr_at_5_max": 20.756340085088738, + "nauc_mrr_at_5_std": -37.99507208540703, + "nauc_ndcg_at_1000_diff1": 53.259363764380275, + "nauc_ndcg_at_1000_max": 12.936954959423218, + "nauc_ndcg_at_1000_std": -16.953898675672153, + "nauc_ndcg_at_100_diff1": 53.259363764380275, + "nauc_ndcg_at_100_max": 12.936954959423218, + "nauc_ndcg_at_100_std": -16.953898675672153, + "nauc_ndcg_at_10_diff1": 53.70942345413554, + "nauc_ndcg_at_10_max": -3.8465093347016186, + "nauc_ndcg_at_10_std": -31.208127919994755, + "nauc_ndcg_at_1_diff1": 75.30551289259554, + "nauc_ndcg_at_1_max": 25.53292054129834, + "nauc_ndcg_at_1_std": -33.285498788395145, + "nauc_ndcg_at_20_diff1": 57.62409278278133, + "nauc_ndcg_at_20_max": 2.8040586426056233, + "nauc_ndcg_at_20_std": -26.270875776221704, + "nauc_ndcg_at_3_diff1": 48.42294834754225, + "nauc_ndcg_at_3_max": 16.912467881065822, + "nauc_ndcg_at_3_std": -13.324841189277873, + "nauc_ndcg_at_5_diff1": 47.512819802794596, + "nauc_ndcg_at_5_max": 14.645518203506594, + "nauc_ndcg_at_5_std": -17.641450435599275, + "nauc_precision_at_1000_diff1": -34.43320975829637, + "nauc_precision_at_1000_max": 29.08585622578186, + "nauc_precision_at_1000_std": 46.55117940162061, + "nauc_precision_at_100_diff1": -34.433209758296364, + "nauc_precision_at_100_max": 29.085856225781885, + "nauc_precision_at_100_std": 46.55117940162065, + "nauc_precision_at_10_diff1": -21.895306304096902, + "nauc_precision_at_10_max": 33.190476527593745, + "nauc_precision_at_10_std": 37.64916268614298, + "nauc_precision_at_1_diff1": 75.30551289259554, + "nauc_precision_at_1_max": 25.53292054129834, + "nauc_precision_at_1_std": -33.285498788395145, + "nauc_precision_at_20_diff1": -27.63076748060466, + "nauc_precision_at_20_max": 30.689810416086154, + "nauc_precision_at_20_std": 46.164191636131626, + "nauc_precision_at_3_diff1": 20.547345067837288, + "nauc_precision_at_3_max": 26.177050942827528, + "nauc_precision_at_3_std": 5.960466052973099, + "nauc_precision_at_5_diff1": -8.928755534002669, + "nauc_precision_at_5_max": 40.83262650073459, + "nauc_precision_at_5_std": 26.158537031161494, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": NaN, + "nauc_recall_at_100_max": NaN, + "nauc_recall_at_100_std": NaN, + "nauc_recall_at_10_diff1": 53.08654386169444, + "nauc_recall_at_10_max": -23.276269379519356, + "nauc_recall_at_10_std": -50.80707792706157, + "nauc_recall_at_1_diff1": 74.96782567287174, + "nauc_recall_at_1_max": -29.648279252607875, + "nauc_recall_at_1_std": -54.017459339141595, + "nauc_recall_at_20_diff1": 51.60121897059633, + "nauc_recall_at_20_max": -14.241779530735387, + "nauc_recall_at_20_std": -37.877451525215456, + "nauc_recall_at_3_diff1": 66.99474984329694, + "nauc_recall_at_3_max": -30.802787353187966, + "nauc_recall_at_3_std": -53.58737792129713, + "nauc_recall_at_5_diff1": 54.64214444958567, + "nauc_recall_at_5_max": -23.341309362104703, + "nauc_recall_at_5_std": -51.381363923145265, + "ndcg_at_1": 76.048, + "ndcg_at_10": 69.83, + "ndcg_at_100": 82.11500000000001, + "ndcg_at_1000": 82.11500000000001, + "ndcg_at_20": 75.995, + "ndcg_at_3": 69.587, + "ndcg_at_5": 69.062, + "precision_at_1": 76.048, + "precision_at_10": 43.653, + "precision_at_100": 7.718999999999999, + "precision_at_1000": 0.772, + "precision_at_20": 31.108000000000004, + "precision_at_3": 63.87199999999999, + "precision_at_5": 56.407, + "recall_at_1": 15.736, + "recall_at_10": 66.873, + "recall_at_100": 100.0, + "recall_at_1000": 100.0, + "recall_at_20": 85.01100000000001, + "recall_at_3": 36.441, + "recall_at_5": 49.109 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/SprintDuplicateQuestions.json b/results/DivineNnamdi__jina-embeddings-v3/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..24a2d3fc9 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/SprintDuplicateQuestions.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 99.87326732673267, + "cosine_accuracy_threshold": 86.0752820968628, + "cosine_ap": 96.98758090713252, + "cosine_f1": 93.52881698685542, + "cosine_f1_threshold": 86.0752820968628, + "cosine_precision": 94.58077709611452, + "cosine_recall": 92.5, + "dot_accuracy": 99.82574257425742, + "dot_accuracy_threshold": 40484.73815917969, + "dot_ap": 95.68959907254845, + "dot_f1": 91.31293188548865, + "dot_f1_threshold": 40336.810302734375, + "dot_precision": 90.15594541910332, + "dot_recall": 92.5, + "euclidean_accuracy": 99.87128712871286, + "euclidean_accuracy_threshold": 1162.5749588012695, + "euclidean_ap": 96.92640435656577, + "euclidean_f1": 93.4475806451613, + "euclidean_f1_threshold": 1162.5749588012695, + "euclidean_precision": 94.20731707317073, + "euclidean_recall": 92.7, + "main_score": 96.98758090713252, + "manhattan_accuracy": 99.86930693069307, + "manhattan_accuracy_threshold": 28348.71826171875, + "manhattan_ap": 96.93832673967925, + "manhattan_f1": 93.33333333333333, + "manhattan_f1_threshold": 28348.71826171875, + "manhattan_precision": 94.28571428571428, + "manhattan_recall": 92.4, + "max_accuracy": 99.87326732673267, + "max_ap": 96.98758090713252, + "max_f1": 93.52881698685542, + "max_precision": 94.58077709611452, + "max_recall": 92.7, + "similarity_accuracy": 99.87326732673267, + "similarity_accuracy_threshold": 86.0752820968628, + "similarity_ap": 96.98758090713252, + "similarity_f1": 93.52881698685542, + "similarity_f1_threshold": 86.0752820968628, + "similarity_precision": 94.58077709611452, + "similarity_recall": 92.5 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/StackExchangeClustering.json b/results/DivineNnamdi__jina-embeddings-v3/external/StackExchangeClustering.json new file mode 100644 index 000000000..ea9a02462 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/StackExchangeClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 65.6560129719848, + "v_measure": 65.6560129719848, + "v_measure_std": 4.781229811487539 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/StackExchangeClusteringP2P.json b/results/DivineNnamdi__jina-embeddings-v3/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..ab70f3497 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/StackExchangeClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 35.07546243853692, + "v_measure": 35.07546243853692, + "v_measure_std": 1.1978740356240998 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/StackOverflowDupQuestions.json b/results/DivineNnamdi__jina-embeddings-v3/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..4b471cbf9 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 51.771005199508835, + "mrr": 52.65443298531534, + "main_score": 51.771005199508835 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/SummEval.json b/results/DivineNnamdi__jina-embeddings-v3/external/SummEval.json new file mode 100644 index 000000000..80ec436ba --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 29.48686238342228, + "cosine_spearman": 29.706543509170054, + "dot_pearson": 27.95853155597859, + "dot_spearman": 27.604287986935162, + "main_score": 29.706543509170054, + "pearson": 29.48686238342228, + "spearman": 29.706543509170054 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/SummEvalFr.json b/results/DivineNnamdi__jina-embeddings-v3/external/SummEvalFr.json new file mode 100644 index 000000000..01629ace7 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/SummEvalFr.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "b385812de6a9577b6f4d0f88c6a6e35395a94054", + "task_name": "SummEvalFr", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "cosine_pearson": 31.551301434917868, + "cosine_spearman": 30.709049789175186, + "dot_pearson": 27.77050901756549, + "dot_spearman": 26.715505953561795, + "main_score": 30.709049789175186, + "pearson": 31.551301434917868, + "spearman": 30.709049789175186 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/SyntecReranking.json b/results/DivineNnamdi__jina-embeddings-v3/external/SyntecReranking.json new file mode 100644 index 000000000..9a50cd1ae --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/SyntecReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "b205c5084a0934ce8af14338bf03feb19499c84d", + "task_name": "SyntecReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map": 73.31666666666666, + "mrr": 73.31666666666666, + "main_score": 73.31666666666666 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/SyntecRetrieval.json b/results/DivineNnamdi__jina-embeddings-v3/external/SyntecRetrieval.json new file mode 100644 index 000000000..5f8ccc7b0 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/SyntecRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "19661ccdca4dfc2d15122d776b61685f48c68ca9", + "task_name": "SyntecRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "main_score": 83.851, + "map_at_1": 68.0, + "map_at_10": 79.187, + "map_at_100": 79.32900000000001, + "map_at_1000": 79.32900000000001, + "map_at_20": 79.32900000000001, + "map_at_3": 77.333, + "map_at_5": 78.93299999999999, + "mrr_at_1": 68.0, + "mrr_at_10": 79.18730158730159, + "mrr_at_100": 79.32945845004669, + "mrr_at_1000": 79.32945845004669, + "mrr_at_20": 79.32945845004669, + "mrr_at_3": 77.33333333333333, + "mrr_at_5": 78.93333333333332, + "nauc_map_at_1000_diff1": 63.31103256935259, + "nauc_map_at_1000_max": 11.073749121365623, + "nauc_map_at_1000_std": 7.4973309839738, + "nauc_map_at_100_diff1": 63.31103256935259, + "nauc_map_at_100_max": 11.073749121365623, + "nauc_map_at_100_std": 7.4973309839738, + "nauc_map_at_10_diff1": 62.91585737195978, + "nauc_map_at_10_max": 11.770664508983133, + "nauc_map_at_10_std": 8.179883948527962, + "nauc_map_at_1_diff1": 66.1236265634718, + "nauc_map_at_1_max": 7.000207311173955, + "nauc_map_at_1_std": 6.54412272821497, + "nauc_map_at_20_diff1": 63.31103256935259, + "nauc_map_at_20_max": 11.073749121365623, + "nauc_map_at_20_std": 7.4973309839738, + "nauc_map_at_3_diff1": 62.14039574010254, + "nauc_map_at_3_max": 11.06996398110187, + "nauc_map_at_3_std": 7.288759297085769, + "nauc_map_at_5_diff1": 63.0401271126211, + "nauc_map_at_5_max": 10.779317801858609, + "nauc_map_at_5_std": 6.476660484760681, + "nauc_mrr_at_1000_diff1": 63.31103256935259, + "nauc_mrr_at_1000_max": 11.073749121365623, + "nauc_mrr_at_1000_std": 7.4973309839738, + "nauc_mrr_at_100_diff1": 63.31103256935259, + "nauc_mrr_at_100_max": 11.073749121365623, + "nauc_mrr_at_100_std": 7.4973309839738, + "nauc_mrr_at_10_diff1": 62.91585737195978, + "nauc_mrr_at_10_max": 11.770664508983133, + "nauc_mrr_at_10_std": 8.179883948527962, + "nauc_mrr_at_1_diff1": 66.1236265634718, + "nauc_mrr_at_1_max": 7.000207311173955, + "nauc_mrr_at_1_std": 6.54412272821497, + "nauc_mrr_at_20_diff1": 63.31103256935259, + "nauc_mrr_at_20_max": 11.073749121365623, + "nauc_mrr_at_20_std": 7.4973309839738, + "nauc_mrr_at_3_diff1": 62.14039574010254, + "nauc_mrr_at_3_max": 11.06996398110187, + "nauc_mrr_at_3_std": 7.288759297085769, + "nauc_mrr_at_5_diff1": 63.0401271126211, + "nauc_mrr_at_5_max": 10.779317801858609, + "nauc_mrr_at_5_std": 6.476660484760681, + "nauc_ndcg_at_1000_diff1": 62.9544299483241, + "nauc_ndcg_at_1000_max": 11.577079766964538, + "nauc_ndcg_at_1000_std": 7.703856790100716, + "nauc_ndcg_at_100_diff1": 62.9544299483241, + "nauc_ndcg_at_100_max": 11.577079766964538, + "nauc_ndcg_at_100_std": 7.703856790100716, + "nauc_ndcg_at_10_diff1": 61.29907952217381, + "nauc_ndcg_at_10_max": 14.760627422715425, + "nauc_ndcg_at_10_std": 10.805573898143368, + "nauc_ndcg_at_1_diff1": 66.1236265634718, + "nauc_ndcg_at_1_max": 7.000207311173955, + "nauc_ndcg_at_1_std": 6.54412272821497, + "nauc_ndcg_at_20_diff1": 62.9544299483241, + "nauc_ndcg_at_20_max": 11.577079766964538, + "nauc_ndcg_at_20_std": 7.703856790100716, + "nauc_ndcg_at_3_diff1": 60.25643527856101, + "nauc_ndcg_at_3_max": 12.236302709487546, + "nauc_ndcg_at_3_std": 7.36883189112067, + "nauc_ndcg_at_5_diff1": 61.65220590318238, + "nauc_ndcg_at_5_max": 11.39969101913945, + "nauc_ndcg_at_5_std": 5.406207922379402, + "nauc_precision_at_1000_diff1": NaN, + "nauc_precision_at_1000_max": NaN, + "nauc_precision_at_1000_std": NaN, + "nauc_precision_at_100_diff1": NaN, + "nauc_precision_at_100_max": NaN, + "nauc_precision_at_100_std": NaN, + "nauc_precision_at_10_diff1": 19.14098972922579, + "nauc_precision_at_10_max": 100.0, + "nauc_precision_at_10_std": 93.46405228758135, + "nauc_precision_at_1_diff1": 66.1236265634718, + "nauc_precision_at_1_max": 7.000207311173955, + "nauc_precision_at_1_std": 6.54412272821497, + "nauc_precision_at_20_diff1": 100.0, + "nauc_precision_at_20_max": 100.0, + "nauc_precision_at_20_std": 100.0, + "nauc_precision_at_3_diff1": 50.29636629155561, + "nauc_precision_at_3_max": 18.00532600292076, + "nauc_precision_at_3_std": 7.649686453053768, + "nauc_precision_at_5_diff1": 43.522408963585356, + "nauc_precision_at_5_max": 16.923436041082983, + "nauc_precision_at_5_std": -10.854341736694092, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": NaN, + "nauc_recall_at_100_max": NaN, + "nauc_recall_at_100_std": NaN, + "nauc_recall_at_10_diff1": 19.1409897292252, + "nauc_recall_at_10_max": 100.0, + "nauc_recall_at_10_std": 93.46405228758134, + "nauc_recall_at_1_diff1": 66.1236265634718, + "nauc_recall_at_1_max": 7.000207311173955, + "nauc_recall_at_1_std": 6.54412272821497, + "nauc_recall_at_20_diff1": NaN, + "nauc_recall_at_20_max": NaN, + "nauc_recall_at_20_std": NaN, + "nauc_recall_at_3_diff1": 50.29636629155569, + "nauc_recall_at_3_max": 18.005326002920754, + "nauc_recall_at_3_std": 7.649686453053851, + "nauc_recall_at_5_diff1": 43.5224089635856, + "nauc_recall_at_5_max": 16.92343604108335, + "nauc_recall_at_5_std": -10.854341736694499, + "ndcg_at_1": 68.0, + "ndcg_at_10": 83.851, + "ndcg_at_100": 84.36099999999999, + "ndcg_at_1000": 84.36099999999999, + "ndcg_at_20": 84.36099999999999, + "ndcg_at_3": 80.333, + "ndcg_at_5": 83.21600000000001, + "precision_at_1": 68.0, + "precision_at_10": 9.8, + "precision_at_100": 1.0, + "precision_at_1000": 0.1, + "precision_at_20": 5.0, + "precision_at_3": 29.666999999999998, + "precision_at_5": 19.2, + "recall_at_1": 68.0, + "recall_at_10": 98.0, + "recall_at_100": 100.0, + "recall_at_1000": 100.0, + "recall_at_20": 100.0, + "recall_at_3": 89.0, + "recall_at_5": 96.0 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/T2Reranking.json b/results/DivineNnamdi__jina-embeddings-v3/external/T2Reranking.json new file mode 100644 index 000000000..ca3f43774 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "76631901a18387f85eaa53e5450019b87ad58ef9", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 65.3088203970324, + "mrr": 74.79505862376546, + "main_score": 65.3088203970324 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/T2Retrieval.json b/results/DivineNnamdi__jina-embeddings-v3/external/T2Retrieval.json new file mode 100644 index 000000000..f3a234239 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/T2Retrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "8731a845f1bf500a4f111cf1070785c793d10e64", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 83.163, + "map_at_1": 26.875, + "map_at_10": 75.454, + "map_at_100": 79.036, + "map_at_1000": 79.111, + "map_at_20": 78.145, + "map_at_3": 53.181, + "map_at_5": 65.362, + "mrr_at_1": 88.90057864281957, + "mrr_at_10": 91.53186397301344, + "mrr_at_100": 91.62809075510003, + "mrr_at_1000": 91.63198173030787, + "mrr_at_20": 91.59414668799909, + "mrr_at_3": 91.0792565316499, + "mrr_at_5": 91.35718043135199, + "nauc_map_at_1000_diff1": 12.364843957982409, + "nauc_map_at_1000_max": 52.07043464458799, + "nauc_map_at_1000_std": 16.040095055100494, + "nauc_map_at_100_diff1": 12.370621073823022, + "nauc_map_at_100_max": 51.960738727635636, + "nauc_map_at_100_std": 15.935832440430747, + "nauc_map_at_10_diff1": 16.852819486606585, + "nauc_map_at_10_max": 40.11184760756059, + "nauc_map_at_10_std": 0.9306648364102376, + "nauc_map_at_1_diff1": 52.87356542654683, + "nauc_map_at_1_max": -22.210039746171255, + "nauc_map_at_1_std": -38.11345358035342, + "nauc_map_at_20_diff1": 13.045089059562837, + "nauc_map_at_20_max": 49.591383082160036, + "nauc_map_at_20_std": 12.54330050352008, + "nauc_map_at_3_diff1": 38.08172234377615, + "nauc_map_at_3_max": -6.868621684867697, + "nauc_map_at_3_std": -35.4712388845996, + "nauc_map_at_5_diff1": 29.665551705577474, + "nauc_map_at_5_max": 10.958628576519045, + "nauc_map_at_5_std": -25.113120842097057, + "nauc_mrr_at_1000_diff1": 47.39372999496945, + "nauc_mrr_at_1000_max": 83.11274997493808, + "nauc_mrr_at_1000_std": 39.74195374546631, + "nauc_mrr_at_100_diff1": 47.396678946057676, + "nauc_mrr_at_100_max": 83.1192584274415, + "nauc_mrr_at_100_std": 39.75840860374685, + "nauc_mrr_at_10_diff1": 47.35365644138715, + "nauc_mrr_at_10_max": 83.189165639531, + "nauc_mrr_at_10_std": 39.83653157887758, + "nauc_mrr_at_1_diff1": 47.98740362820094, + "nauc_mrr_at_1_max": 80.32340034580369, + "nauc_mrr_at_1_std": 34.57857131423388, + "nauc_mrr_at_20_diff1": 47.399132055537194, + "nauc_mrr_at_20_max": 83.16329919869686, + "nauc_mrr_at_20_std": 39.84204692042734, + "nauc_mrr_at_3_diff1": 47.09295580511751, + "nauc_mrr_at_3_max": 82.95831045602642, + "nauc_mrr_at_3_std": 38.98036804692351, + "nauc_mrr_at_5_diff1": 47.20100268549764, + "nauc_mrr_at_5_max": 83.16652480381642, + "nauc_mrr_at_5_std": 39.55690491560902, + "nauc_ndcg_at_1000_diff1": 17.201962509184547, + "nauc_ndcg_at_1000_max": 63.75820559259539, + "nauc_ndcg_at_1000_std": 29.28676096486067, + "nauc_ndcg_at_100_diff1": 16.76847216096811, + "nauc_ndcg_at_100_max": 62.646517934470744, + "nauc_ndcg_at_100_std": 28.7441617667637, + "nauc_ndcg_at_10_diff1": 16.559511980751886, + "nauc_ndcg_at_10_max": 54.35027464277944, + "nauc_ndcg_at_10_std": 16.98089333577716, + "nauc_ndcg_at_1_diff1": 47.98740362820094, + "nauc_ndcg_at_1_max": 80.32340034580369, + "nauc_ndcg_at_1_std": 34.57857131423388, + "nauc_ndcg_at_20_diff1": 16.721525245428243, + "nauc_ndcg_at_20_max": 57.683661870555724, + "nauc_ndcg_at_20_std": 21.736044200026853, + "nauc_ndcg_at_3_diff1": 12.488009696556192, + "nauc_ndcg_at_3_max": 69.2365575305502, + "nauc_ndcg_at_3_std": 30.622418945055323, + "nauc_ndcg_at_5_diff1": 12.364114556230609, + "nauc_ndcg_at_5_max": 62.33360746285387, + "nauc_ndcg_at_5_std": 24.898000803570227, + "nauc_precision_at_1000_diff1": -35.14745130154524, + "nauc_precision_at_1000_max": 48.811507982849065, + "nauc_precision_at_1000_std": 62.43036496029399, + "nauc_precision_at_100_diff1": -35.15276411320076, + "nauc_precision_at_100_max": 50.87010333741109, + "nauc_precision_at_100_std": 63.418221030407175, + "nauc_precision_at_10_diff1": -34.84255710936113, + "nauc_precision_at_10_max": 56.588401051428825, + "nauc_precision_at_10_std": 57.4763370653757, + "nauc_precision_at_1_diff1": 47.98740362820094, + "nauc_precision_at_1_max": 80.32340034580369, + "nauc_precision_at_1_std": 34.57857131423388, + "nauc_precision_at_20_diff1": -35.165762365233505, + "nauc_precision_at_20_max": 54.148762449660424, + "nauc_precision_at_20_std": 61.569719669368716, + "nauc_precision_at_3_diff1": -28.63023175340299, + "nauc_precision_at_3_max": 68.69825987618499, + "nauc_precision_at_3_std": 48.15479495755423, + "nauc_precision_at_5_diff1": -34.13811355456687, + "nauc_precision_at_5_max": 62.369363941490604, + "nauc_precision_at_5_std": 52.282904411187914, + "nauc_recall_at_1000_diff1": 8.686444579162663, + "nauc_recall_at_1000_max": 59.58864478011338, + "nauc_recall_at_1000_std": 56.692774954297455, + "nauc_recall_at_100_diff1": 8.820596225758342, + "nauc_recall_at_100_max": 53.15048885657892, + "nauc_recall_at_100_std": 39.78931159236714, + "nauc_recall_at_10_diff1": 16.022301106315027, + "nauc_recall_at_10_max": 29.83242342459543, + "nauc_recall_at_10_std": -4.805965555875844, + "nauc_recall_at_1_diff1": 52.87356542654683, + "nauc_recall_at_1_max": -22.210039746171255, + "nauc_recall_at_1_std": -38.11345358035342, + "nauc_recall_at_20_diff1": 10.35772828627265, + "nauc_recall_at_20_max": 43.06420839754062, + "nauc_recall_at_20_std": 15.040522218235692, + "nauc_recall_at_3_diff1": 36.23953684770224, + "nauc_recall_at_3_max": -11.709269151700374, + "nauc_recall_at_3_std": -38.13943178150384, + "nauc_recall_at_5_diff1": 28.644872415763384, + "nauc_recall_at_5_max": 2.062151266111129, + "nauc_recall_at_5_std": -30.81114034774277, + "ndcg_at_1": 88.901, + "ndcg_at_10": 83.163, + "ndcg_at_100": 86.854, + "ndcg_at_1000": 87.602, + "ndcg_at_20": 84.908, + "ndcg_at_3": 84.848, + "ndcg_at_5": 83.372, + "precision_at_1": 88.901, + "precision_at_10": 41.343, + "precision_at_100": 4.957000000000001, + "precision_at_1000": 0.513, + "precision_at_20": 22.955000000000002, + "precision_at_3": 74.29599999999999, + "precision_at_5": 62.251999999999995, + "recall_at_1": 26.875, + "recall_at_10": 81.902, + "recall_at_100": 93.988, + "recall_at_1000": 97.801, + "recall_at_20": 87.809, + "recall_at_3": 54.869, + "recall_at_5": 68.728 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/TERRa.json b/results/DivineNnamdi__jina-embeddings-v3/external/TERRa.json new file mode 100644 index 000000000..2249ccfb5 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/TERRa.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "7b58f24536063837d644aab9a023c62199b2a612", + "task_name": "TERRa", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "cosine_accuracy": 60.586319218241044, + "cosine_accuracy_threshold": 82.49806761741638, + "cosine_ap": 58.73198048427448, + "cosine_f1": 67.37967914438502, + "cosine_f1_threshold": 77.46461033821106, + "cosine_precision": 57.01357466063348, + "cosine_recall": 82.35294117647058, + "dot_accuracy": 60.26058631921825, + "dot_accuracy_threshold": 35627.020263671875, + "dot_ap": 57.418783612898224, + "dot_f1": 66.51982378854623, + "dot_f1_threshold": 27620.843505859375, + "dot_precision": 50.16611295681063, + "dot_recall": 98.69281045751634, + "euclidean_accuracy": 60.26058631921825, + "euclidean_accuracy_threshold": 1255.4466247558594, + "euclidean_ap": 58.748656145387955, + "euclidean_f1": 66.99029126213591, + "euclidean_f1_threshold": 1565.1330947875977, + "euclidean_precision": 53.28185328185329, + "euclidean_recall": 90.19607843137256, + "main_score": 58.8479126365766, + "manhattan_accuracy": 59.934853420195445, + "manhattan_accuracy_threshold": 29897.271728515625, + "manhattan_ap": 58.8479126365766, + "manhattan_f1": 66.81318681318683, + "manhattan_f1_threshold": 46291.802978515625, + "manhattan_precision": 50.331125827814574, + "manhattan_recall": 99.34640522875817, + "max_accuracy": 60.586319218241044, + "max_ap": 58.8479126365766, + "max_f1": 67.37967914438502, + "max_precision": 57.01357466063348, + "max_recall": 99.34640522875817, + "similarity_accuracy": 60.586319218241044, + "similarity_accuracy_threshold": 82.49806761741638, + "similarity_ap": 58.73198048427448, + "similarity_f1": 67.37967914438502, + "similarity_f1_threshold": 77.46461033821106, + "similarity_precision": 57.01357466063348, + "similarity_recall": 82.35294117647058 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/TNews.json b/results/DivineNnamdi__jina-embeddings-v3/external/TNews.json new file mode 100644 index 000000000..1da8e84b5 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/TNews.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "317f262bf1e6126357bbe89e875451e4b0938fe4", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 45.967999999999996, + "f1": 44.699306100915706, + "f1_weighted": 46.03730319014832, + "main_score": 45.967999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/TRECCOVID-PL.json b/results/DivineNnamdi__jina-embeddings-v3/external/TRECCOVID-PL.json new file mode 100644 index 000000000..d77ae7c8a --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/TRECCOVID-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "81bcb408f33366c2a20ac54adafad1ae7e877fdd", + "task_name": "TRECCOVID-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 72.18900000000001, + "map_at_1": 0.214, + "map_at_10": 1.755, + "map_at_100": 9.944, + "map_at_1000": 24.205, + "map_at_20": 3.1510000000000002, + "map_at_3": 0.6, + "map_at_5": 0.9560000000000001, + "mrr_at_1": 82.0, + "mrr_at_10": 89.06666666666666, + "mrr_at_100": 89.06666666666666, + "mrr_at_1000": 89.06666666666666, + "mrr_at_20": 89.06666666666666, + "mrr_at_3": 87.66666666666666, + "mrr_at_5": 89.06666666666666, + "nauc_map_at_1000_diff1": -9.342037623635543, + "nauc_map_at_1000_max": 45.71499810252398, + "nauc_map_at_1000_std": 76.86482845196852, + "nauc_map_at_100_diff1": -6.932395299866198, + "nauc_map_at_100_max": 36.097801891181604, + "nauc_map_at_100_std": 65.6085215411685, + "nauc_map_at_10_diff1": -6.3654843824342775, + "nauc_map_at_10_max": 9.564437521432714, + "nauc_map_at_10_std": 21.8377319336476, + "nauc_map_at_1_diff1": 8.269590874255034, + "nauc_map_at_1_max": 3.482498491294516, + "nauc_map_at_1_std": 8.985226819412189, + "nauc_map_at_20_diff1": -4.971435767877232, + "nauc_map_at_20_max": 22.88801858567121, + "nauc_map_at_20_std": 32.38492618534027, + "nauc_map_at_3_diff1": 1.1615973694623123, + "nauc_map_at_3_max": 1.935417800315643, + "nauc_map_at_3_std": 10.289328305818698, + "nauc_map_at_5_diff1": -2.4675967231444105, + "nauc_map_at_5_max": 2.4611483736622373, + "nauc_map_at_5_std": 15.082324305750811, + "nauc_mrr_at_1000_diff1": 13.098526703499063, + "nauc_mrr_at_1000_max": 56.37362177417431, + "nauc_mrr_at_1000_std": 73.2456769749587, + "nauc_mrr_at_100_diff1": 13.098526703499063, + "nauc_mrr_at_100_max": 56.37362177417431, + "nauc_mrr_at_100_std": 73.2456769749587, + "nauc_mrr_at_10_diff1": 13.098526703499063, + "nauc_mrr_at_10_max": 56.37362177417431, + "nauc_mrr_at_10_std": 73.2456769749587, + "nauc_mrr_at_1_diff1": 12.099350148694809, + "nauc_mrr_at_1_max": 53.75041304108387, + "nauc_mrr_at_1_std": 68.84018063663402, + "nauc_mrr_at_20_diff1": 13.098526703499063, + "nauc_mrr_at_20_max": 56.37362177417431, + "nauc_mrr_at_20_std": 73.2456769749587, + "nauc_mrr_at_3_diff1": 12.173557857011161, + "nauc_mrr_at_3_max": 57.540780562363395, + "nauc_mrr_at_3_std": 75.42098189580211, + "nauc_mrr_at_5_diff1": 13.098526703499063, + "nauc_mrr_at_5_max": 56.37362177417431, + "nauc_mrr_at_5_std": 73.2456769749587, + "nauc_ndcg_at_1000_diff1": -8.951471847310401, + "nauc_ndcg_at_1000_max": 43.86942237288822, + "nauc_ndcg_at_1000_std": 74.61077735148591, + "nauc_ndcg_at_100_diff1": -17.754559361083817, + "nauc_ndcg_at_100_max": 53.97187119773482, + "nauc_ndcg_at_100_std": 80.7944136146514, + "nauc_ndcg_at_10_diff1": -26.637734697836414, + "nauc_ndcg_at_10_max": 47.70102699133149, + "nauc_ndcg_at_10_std": 70.26909560828646, + "nauc_ndcg_at_1_diff1": -1.2250530785563207, + "nauc_ndcg_at_1_max": 46.60509554140131, + "nauc_ndcg_at_1_std": 62.63906581740976, + "nauc_ndcg_at_20_diff1": -22.44286466550908, + "nauc_ndcg_at_20_max": 55.40492058090103, + "nauc_ndcg_at_20_std": 72.11813912145738, + "nauc_ndcg_at_3_diff1": -14.8152721896563, + "nauc_ndcg_at_3_max": 38.952259383027595, + "nauc_ndcg_at_3_std": 59.819750166537766, + "nauc_ndcg_at_5_diff1": -19.150105688904375, + "nauc_ndcg_at_5_max": 42.311180547775315, + "nauc_ndcg_at_5_std": 66.6632229321094, + "nauc_precision_at_1000_diff1": -11.555591477978941, + "nauc_precision_at_1000_max": 43.7311644834851, + "nauc_precision_at_1000_std": 52.10644767999648, + "nauc_precision_at_100_diff1": -16.94803099801117, + "nauc_precision_at_100_max": 54.08281631067633, + "nauc_precision_at_100_std": 82.77237347891331, + "nauc_precision_at_10_diff1": -27.351332814863355, + "nauc_precision_at_10_max": 48.08237549065846, + "nauc_precision_at_10_std": 69.37250843534329, + "nauc_precision_at_1_diff1": 12.099350148694809, + "nauc_precision_at_1_max": 53.75041304108387, + "nauc_precision_at_1_std": 68.84018063663402, + "nauc_precision_at_20_diff1": -18.2422222283388, + "nauc_precision_at_20_max": 59.517328129343696, + "nauc_precision_at_20_std": 72.05149307342747, + "nauc_precision_at_3_diff1": -10.226547543075897, + "nauc_precision_at_3_max": 43.14684818832875, + "nauc_precision_at_3_std": 57.31936467418288, + "nauc_precision_at_5_diff1": -14.28521589468673, + "nauc_precision_at_5_max": 41.633426753962596, + "nauc_precision_at_5_std": 64.94400576804541, + "nauc_recall_at_1000_diff1": -0.9648831207497152, + "nauc_recall_at_1000_max": 31.70832946085005, + "nauc_recall_at_1000_std": 63.21471613968869, + "nauc_recall_at_100_diff1": -1.360254380933586, + "nauc_recall_at_100_max": 25.960597782099605, + "nauc_recall_at_100_std": 51.52757589609674, + "nauc_recall_at_10_diff1": -0.3899439424189566, + "nauc_recall_at_10_max": 5.094341897886072, + "nauc_recall_at_10_std": 11.266045616925698, + "nauc_recall_at_1_diff1": 8.269590874255034, + "nauc_recall_at_1_max": 3.482498491294516, + "nauc_recall_at_1_std": 8.985226819412189, + "nauc_recall_at_20_diff1": 6.4797098359254175, + "nauc_recall_at_20_max": 15.663700985336124, + "nauc_recall_at_20_std": 17.154099587904913, + "nauc_recall_at_3_diff1": 3.7245972450393507, + "nauc_recall_at_3_max": 0.4063857187240345, + "nauc_recall_at_3_std": 6.641948062821941, + "nauc_recall_at_5_diff1": 4.013879477591466, + "nauc_recall_at_5_max": -1.4266586618013566, + "nauc_recall_at_5_std": 7.311601874411205, + "ndcg_at_1": 75.0, + "ndcg_at_10": 72.18900000000001, + "ndcg_at_100": 54.022999999999996, + "ndcg_at_1000": 49.492000000000004, + "ndcg_at_20": 68.51, + "ndcg_at_3": 73.184, + "ndcg_at_5": 72.811, + "precision_at_1": 82.0, + "precision_at_10": 77.4, + "precision_at_100": 55.24, + "precision_at_1000": 21.822, + "precision_at_20": 73.0, + "precision_at_3": 79.333, + "precision_at_5": 79.2, + "recall_at_1": 0.214, + "recall_at_10": 1.9980000000000002, + "recall_at_100": 13.328999999999999, + "recall_at_1000": 47.204, + "recall_at_20": 3.7310000000000003, + "recall_at_3": 0.628, + "recall_at_5": 1.049 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/TRECCOVID.json b/results/DivineNnamdi__jina-embeddings-v3/external/TRECCOVID.json new file mode 100644 index 000000000..801d60cf4 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/TRECCOVID.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "bb9466bac8153a0349341eb1b22e06409e78ef4e", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.251, + "map_at_10": 1.9480000000000002, + "map_at_100": 11.082, + "map_at_1000": 26.700000000000003, + "map_at_20": 3.3529999999999998, + "map_at_3": 0.679, + "map_at_5": 1.079, + "mrr_at_1": 94.0, + "mrr_at_10": 95.786, + "mrr_at_100": 95.786, + "mrr_at_1000": 95.786, + "mrr_at_20": 95.786, + "mrr_at_3": 95.0, + "mrr_at_5": 95.5, + "ndcg_at_1": 91.0, + "ndcg_at_10": 77.71900000000001, + "ndcg_at_100": 57.726, + "ndcg_at_1000": 52.737, + "ndcg_at_20": 72.54, + "ndcg_at_3": 83.397, + "ndcg_at_5": 80.806, + "precision_at_1": 94.0, + "precision_at_10": 81.0, + "precision_at_100": 59.199999999999996, + "precision_at_1000": 23.244, + "precision_at_20": 75.2, + "precision_at_3": 88.0, + "precision_at_5": 84.8, + "recall_at_1": 0.251, + "recall_at_10": 2.1229999999999998, + "recall_at_100": 14.496999999999998, + "recall_at_1000": 50.09, + "recall_at_20": 3.8309999999999995, + "recall_at_3": 0.696, + "recall_at_5": 1.1400000000000001, + "main_score": 77.71900000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/TenKGnadClusteringP2P.json b/results/DivineNnamdi__jina-embeddings-v3/external/TenKGnadClusteringP2P.json new file mode 100644 index 000000000..a2da90956 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/TenKGnadClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "5c59e41555244b7e45c9a6be2d720ab4bafae558", + "task_name": "TenKGnadClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "deu-Latn" + ], + "main_score": 43.763609722295215, + "v_measure": 43.763609722295215, + "v_measure_std": 2.8751199473862457 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/TenKGnadClusteringS2S.json b/results/DivineNnamdi__jina-embeddings-v3/external/TenKGnadClusteringS2S.json new file mode 100644 index 000000000..03339bef0 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/TenKGnadClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6cddbe003f12b9b140aec477b583ac4191f01786", + "task_name": "TenKGnadClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "deu-Latn" + ], + "main_score": 39.762424448504355, + "v_measure": 39.762424448504355, + "v_measure_std": 3.30146124979502 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/ThuNewsClusteringP2P.json b/results/DivineNnamdi__jina-embeddings-v3/external/ThuNewsClusteringP2P.json new file mode 100644 index 000000000..fde58f975 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/ThuNewsClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "5798586b105c0434e4f0fe5e767abe619442cf93", + "task_name": "ThuNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 63.133819258289456, + "v_measure": 63.133819258289456, + "v_measure_std": 1.8854253356479695 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/ThuNewsClusteringS2S.json b/results/DivineNnamdi__jina-embeddings-v3/external/ThuNewsClusteringS2S.json new file mode 100644 index 000000000..b3ebeb402 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/ThuNewsClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "8a8b2caeda43f39e13c4bc5bea0f8a667896e10d", + "task_name": "ThuNewsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 58.98195851785808, + "v_measure": 58.98195851785808, + "v_measure_std": 1.6237600076393737 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/Touche2020.json b/results/DivineNnamdi__jina-embeddings-v3/external/Touche2020.json new file mode 100644 index 000000000..9d12ff3a1 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/Touche2020.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.3550000000000004, + "map_at_10": 10.08, + "map_at_100": 16.136, + "map_at_1000": 17.605, + "map_at_20": 12.561, + "map_at_3": 5.641, + "map_at_5": 7.3260000000000005, + "mrr_at_1": 46.939, + "mrr_at_10": 58.152, + "mrr_at_100": 58.594, + "mrr_at_1000": 58.601000000000006, + "mrr_at_20": 58.279, + "mrr_at_3": 55.102, + "mrr_at_5": 56.531, + "ndcg_at_1": 44.897999999999996, + "ndcg_at_10": 26.298, + "ndcg_at_100": 37.596000000000004, + "ndcg_at_1000": 49.424, + "ndcg_at_20": 27.066000000000003, + "ndcg_at_3": 31.528, + "ndcg_at_5": 28.219, + "precision_at_1": 46.939, + "precision_at_10": 22.245, + "precision_at_100": 7.531000000000001, + "precision_at_1000": 1.5350000000000001, + "precision_at_20": 17.041, + "precision_at_3": 30.612000000000002, + "precision_at_5": 26.122, + "recall_at_1": 3.3550000000000004, + "recall_at_10": 16.41, + "recall_at_100": 47.272, + "recall_at_1000": 83.584, + "recall_at_20": 24.091, + "recall_at_3": 6.8180000000000005, + "recall_at_5": 9.677, + "main_score": 26.298 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/ToxicConversationsClassification.json b/results/DivineNnamdi__jina-embeddings-v3/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..29db843dc --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/ToxicConversationsClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.2890625, + "ap": 33.95547153875715, + "ap_weighted": 33.95547153875715, + "f1": 75.10768597556462, + "f1_weighted": 92.00161208992606, + "main_score": 91.2890625 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/TweetSentimentExtractionClassification.json b/results/DivineNnamdi__jina-embeddings-v3/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..df09ffed9 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.3978494623656, + "f1": 71.7194818511814, + "f1_weighted": 71.13860187349744, + "main_score": 71.3978494623656 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/TwentyNewsgroupsClustering.json b/results/DivineNnamdi__jina-embeddings-v3/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..1a0276f0e --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 52.4921688720602, + "v_measure": 52.4921688720602, + "v_measure_std": 0.992768152658908 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/TwitterSemEval2015.json b/results/DivineNnamdi__jina-embeddings-v3/external/TwitterSemEval2015.json new file mode 100644 index 000000000..50c6240cd --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/TwitterSemEval2015.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 85.11652858079513, + "cosine_accuracy_threshold": 87.90839910507202, + "cosine_ap": 70.90459908851724, + "cosine_f1": 65.66581227877457, + "cosine_f1_threshold": 85.13308763504028, + "cosine_precision": 61.094708153531684, + "cosine_recall": 70.97625329815304, + "dot_accuracy": 83.41181379269239, + "dot_accuracy_threshold": 43110.113525390625, + "dot_ap": 65.64869491143095, + "dot_f1": 62.05308447460914, + "dot_f1_threshold": 41412.542724609375, + "dot_precision": 57.38623626989464, + "dot_recall": 67.54617414248021, + "euclidean_accuracy": 85.15229182809799, + "euclidean_accuracy_threshold": 1043.08500289917, + "euclidean_ap": 70.71204383269375, + "euclidean_f1": 65.20304568527919, + "euclidean_f1_threshold": 1179.2595863342285, + "euclidean_precision": 62.81173594132029, + "euclidean_recall": 67.78364116094987, + "main_score": 70.90459908851724, + "manhattan_accuracy": 85.1820945341837, + "manhattan_accuracy_threshold": 26115.0390625, + "manhattan_ap": 70.66113937117431, + "manhattan_f1": 65.33383628819313, + "manhattan_f1_threshold": 29105.181884765625, + "manhattan_precision": 62.40691808791736, + "manhattan_recall": 68.54881266490766, + "max_accuracy": 85.1820945341837, + "max_ap": 70.90459908851724, + "max_f1": 65.66581227877457, + "max_precision": 62.81173594132029, + "max_recall": 70.97625329815304, + "similarity_accuracy": 85.11652858079513, + "similarity_accuracy_threshold": 87.90839910507202, + "similarity_ap": 70.90459908851724, + "similarity_f1": 65.66581227877457, + "similarity_f1_threshold": 85.13308763504028, + "similarity_precision": 61.094708153531684, + "similarity_recall": 70.97625329815304 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/TwitterURLCorpus.json b/results/DivineNnamdi__jina-embeddings-v3/external/TwitterURLCorpus.json new file mode 100644 index 000000000..d06c11d64 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/TwitterURLCorpus.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 88.10299996119068, + "cosine_accuracy_threshold": 84.34982895851135, + "cosine_ap": 84.13755787769226, + "cosine_f1": 76.0967548076923, + "cosine_f1_threshold": 82.8936219215393, + "cosine_precision": 74.28864769727193, + "cosine_recall": 77.99507237449954, + "dot_accuracy": 86.64182869561843, + "dot_accuracy_threshold": 38794.677734375, + "dot_ap": 80.20301567411457, + "dot_f1": 73.50650291634967, + "dot_f1_threshold": 37447.23205566406, + "dot_precision": 69.41498460485802, + "dot_recall": 78.11056359716662, + "euclidean_accuracy": 87.9361198432103, + "euclidean_accuracy_threshold": 1184.421157836914, + "euclidean_ap": 83.79582690117218, + "euclidean_f1": 75.81431709042175, + "euclidean_f1_threshold": 1258.2727432250977, + "euclidean_precision": 73.39099099099099, + "euclidean_recall": 78.40314136125654, + "main_score": 84.13755787769226, + "manhattan_accuracy": 87.96134590755618, + "manhattan_accuracy_threshold": 29077.291870117188, + "manhattan_ap": 83.79487172269923, + "manhattan_f1": 75.82421603424935, + "manhattan_f1_threshold": 31224.124145507812, + "manhattan_precision": 72.24740255212329, + "manhattan_recall": 79.77363720357253, + "max_accuracy": 88.10299996119068, + "max_ap": 84.13755787769226, + "max_f1": 76.0967548076923, + "max_precision": 74.28864769727193, + "max_recall": 79.77363720357253, + "similarity_accuracy": 88.10299996119068, + "similarity_accuracy_threshold": 84.34982895851135, + "similarity_ap": 84.13755787769226, + "similarity_f1": 76.0967548076923, + "similarity_f1_threshold": 82.8936219215393, + "similarity_precision": 74.28864769727193, + "similarity_recall": 77.99507237449954 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/VideoRetrieval.json b/results/DivineNnamdi__jina-embeddings-v3/external/VideoRetrieval.json new file mode 100644 index 000000000..eb44c3ef2 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/VideoRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "58c2597a5943a2ba48f4668c3b90d796283c5639", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 70.433, + "map_at_1": 55.7, + "map_at_10": 66.013, + "map_at_100": 66.534, + "map_at_1000": 66.547, + "map_at_20": 66.334, + "map_at_3": 64.2, + "map_at_5": 65.445, + "mrr_at_1": 55.7, + "mrr_at_10": 66.01329365079364, + "mrr_at_100": 66.53350061744233, + "mrr_at_1000": 66.54744831962995, + "mrr_at_20": 66.3335147364675, + "mrr_at_3": 64.2, + "mrr_at_5": 65.44500000000002, + "nauc_map_at_1000_diff1": 76.26428836976245, + "nauc_map_at_1000_max": 35.41847367373575, + "nauc_map_at_1000_std": -33.04639860831992, + "nauc_map_at_100_diff1": 76.25793229023193, + "nauc_map_at_100_max": 35.43663260110076, + "nauc_map_at_100_std": -33.04238139882945, + "nauc_map_at_10_diff1": 76.2108281297711, + "nauc_map_at_10_max": 35.59442419423183, + "nauc_map_at_10_std": -33.32346518997277, + "nauc_map_at_1_diff1": 79.17728405262736, + "nauc_map_at_1_max": 31.880738163589527, + "nauc_map_at_1_std": -30.891888718004584, + "nauc_map_at_20_diff1": 76.2181333410193, + "nauc_map_at_20_max": 35.43448818430876, + "nauc_map_at_20_std": -33.35682442863193, + "nauc_map_at_3_diff1": 76.10046541433466, + "nauc_map_at_3_max": 34.6831278555291, + "nauc_map_at_3_std": -34.030826044831116, + "nauc_map_at_5_diff1": 75.96513023582064, + "nauc_map_at_5_max": 34.66920832438069, + "nauc_map_at_5_std": -33.79799777830796, + "nauc_mrr_at_1000_diff1": 76.26428836976245, + "nauc_mrr_at_1000_max": 35.41847367373575, + "nauc_mrr_at_1000_std": -33.04639860831992, + "nauc_mrr_at_100_diff1": 76.25793229023193, + "nauc_mrr_at_100_max": 35.43663260110076, + "nauc_mrr_at_100_std": -33.04238139882945, + "nauc_mrr_at_10_diff1": 76.2108281297711, + "nauc_mrr_at_10_max": 35.59442419423183, + "nauc_mrr_at_10_std": -33.32346518997277, + "nauc_mrr_at_1_diff1": 79.17728405262736, + "nauc_mrr_at_1_max": 31.880738163589527, + "nauc_mrr_at_1_std": -30.891888718004584, + "nauc_mrr_at_20_diff1": 76.2181333410193, + "nauc_mrr_at_20_max": 35.43448818430876, + "nauc_mrr_at_20_std": -33.35682442863193, + "nauc_mrr_at_3_diff1": 76.10046541433466, + "nauc_mrr_at_3_max": 34.6831278555291, + "nauc_mrr_at_3_std": -34.030826044831116, + "nauc_mrr_at_5_diff1": 75.96513023582064, + "nauc_mrr_at_5_max": 34.66920832438069, + "nauc_mrr_at_5_std": -33.79799777830796, + "nauc_ndcg_at_1000_diff1": 75.68118206798317, + "nauc_ndcg_at_1000_max": 37.12252980787349, + "nauc_ndcg_at_1000_std": -31.457578337430505, + "nauc_ndcg_at_100_diff1": 75.46730761564156, + "nauc_ndcg_at_100_max": 37.549890025544265, + "nauc_ndcg_at_100_std": -31.35066985945112, + "nauc_ndcg_at_10_diff1": 75.09890404887037, + "nauc_ndcg_at_10_max": 38.024147790014204, + "nauc_ndcg_at_10_std": -33.67408368593356, + "nauc_ndcg_at_1_diff1": 79.17728405262736, + "nauc_ndcg_at_1_max": 31.880738163589527, + "nauc_ndcg_at_1_std": -30.891888718004584, + "nauc_ndcg_at_20_diff1": 75.12977548171354, + "nauc_ndcg_at_20_max": 37.524926748917956, + "nauc_ndcg_at_20_std": -33.771344674947485, + "nauc_ndcg_at_3_diff1": 74.94037476984154, + "nauc_ndcg_at_3_max": 35.60345554050552, + "nauc_ndcg_at_3_std": -35.256991346321854, + "nauc_ndcg_at_5_diff1": 74.54265907753783, + "nauc_ndcg_at_5_max": 35.57662819978585, + "nauc_ndcg_at_5_std": -34.879794448418465, + "nauc_precision_at_1000_diff1": 74.52277207179142, + "nauc_precision_at_1000_max": 94.25510945118707, + "nauc_precision_at_1000_std": 91.6874157070222, + "nauc_precision_at_100_diff1": 65.98346655735419, + "nauc_precision_at_100_max": 78.81168727653687, + "nauc_precision_at_100_std": 27.241465691967708, + "nauc_precision_at_10_diff1": 69.55050319096688, + "nauc_precision_at_10_max": 51.827749140893374, + "nauc_precision_at_10_std": -34.60818605792837, + "nauc_precision_at_1_diff1": 79.17728405262736, + "nauc_precision_at_1_max": 31.880738163589527, + "nauc_precision_at_1_std": -30.891888718004584, + "nauc_precision_at_20_diff1": 68.08078305042736, + "nauc_precision_at_20_max": 52.83318878288501, + "nauc_precision_at_20_std": -35.46070292817927, + "nauc_precision_at_3_diff1": 70.76249609881901, + "nauc_precision_at_3_max": 38.86561868624655, + "nauc_precision_at_3_std": -39.68917853446992, + "nauc_precision_at_5_diff1": 68.39110629013278, + "nauc_precision_at_5_max": 39.28677163904683, + "nauc_precision_at_5_std": -39.39101423819562, + "nauc_recall_at_1000_diff1": 74.52277207179175, + "nauc_recall_at_1000_max": 94.25510945118776, + "nauc_recall_at_1000_std": 91.68741570702382, + "nauc_recall_at_100_diff1": 65.9834665573548, + "nauc_recall_at_100_max": 78.81168727653679, + "nauc_recall_at_100_std": 27.241465691967598, + "nauc_recall_at_10_diff1": 69.55050319096708, + "nauc_recall_at_10_max": 51.82774914089347, + "nauc_recall_at_10_std": -34.6081860579283, + "nauc_recall_at_1_diff1": 79.17728405262736, + "nauc_recall_at_1_max": 31.880738163589527, + "nauc_recall_at_1_std": -30.891888718004584, + "nauc_recall_at_20_diff1": 68.08078305042746, + "nauc_recall_at_20_max": 52.833188782885244, + "nauc_recall_at_20_std": -35.46070292817895, + "nauc_recall_at_3_diff1": 70.76249609881896, + "nauc_recall_at_3_max": 38.865618686246464, + "nauc_recall_at_3_std": -39.68917853446999, + "nauc_recall_at_5_diff1": 68.39110629013274, + "nauc_recall_at_5_max": 39.28677163904688, + "nauc_recall_at_5_std": -39.39101423819562, + "ndcg_at_1": 55.7, + "ndcg_at_10": 70.433, + "ndcg_at_100": 72.975, + "ndcg_at_1000": 73.283, + "ndcg_at_20": 71.58, + "ndcg_at_3": 66.83099999999999, + "ndcg_at_5": 69.085, + "precision_at_1": 55.7, + "precision_at_10": 8.4, + "precision_at_100": 0.959, + "precision_at_1000": 0.098, + "precision_at_20": 4.425, + "precision_at_3": 24.8, + "precision_at_5": 15.98, + "recall_at_1": 55.7, + "recall_at_10": 84.0, + "recall_at_100": 95.89999999999999, + "recall_at_1000": 98.2, + "recall_at_20": 88.5, + "recall_at_3": 74.4, + "recall_at_5": 79.9 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/Waimai.json b/results/DivineNnamdi__jina-embeddings-v3/external/Waimai.json new file mode 100644 index 000000000..262fdbccb --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/Waimai.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "339287def212450dcaa9df8c22bf93e9980c7023", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 86.58999999999999, + "ap": 70.02619249927523, + "ap_weighted": 70.02619249927523, + "f1": 84.97572770889423, + "f1_weighted": 86.6865713531272, + "main_score": 86.58999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/XMarket.json b/results/DivineNnamdi__jina-embeddings-v3/external/XMarket.json new file mode 100644 index 000000000..88ba69262 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/XMarket.json @@ -0,0 +1,451 @@ +{ + "dataset_revision": "dfe57acff5b62c23732a7b7d3e3fb84ff501708b", + "task_name": "XMarket", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "main_score": 34.772999999999996, + "map_at_1": 7.2620000000000005, + "map_at_10": 17.98, + "map_at_100": 24.828, + "map_at_1000": 26.633000000000003, + "map_at_20": 20.699, + "map_at_3": 12.383, + "map_at_5": 14.871, + "mrr_at_1": 34.718100890207715, + "mrr_at_10": 43.9336827525092, + "mrr_at_100": 44.66474011066837, + "mrr_at_1000": 44.7075592197356, + "mrr_at_20": 44.35984436569346, + "mrr_at_3": 41.73901893981052, + "mrr_at_5": 43.025973550207134, + "nauc_map_at_1000_diff1": 13.899869081196364, + "nauc_map_at_1000_max": 46.60452816386231, + "nauc_map_at_1000_std": 24.87925799401773, + "nauc_map_at_100_diff1": 16.164805650871084, + "nauc_map_at_100_max": 44.720912958558095, + "nauc_map_at_100_std": 20.236734536210477, + "nauc_map_at_10_diff1": 23.58580520913581, + "nauc_map_at_10_max": 31.276151869914216, + "nauc_map_at_10_std": -0.1833326246041355, + "nauc_map_at_1_diff1": 37.02663305598722, + "nauc_map_at_1_max": 14.931071531116528, + "nauc_map_at_1_std": -12.478790028708453, + "nauc_map_at_20_diff1": 20.718297881540593, + "nauc_map_at_20_max": 36.62264094841859, + "nauc_map_at_20_std": 6.658514770057742, + "nauc_map_at_3_diff1": 29.379034581120006, + "nauc_map_at_3_max": 21.387214269548803, + "nauc_map_at_3_std": -9.3404121914247, + "nauc_map_at_5_diff1": 26.627169792839485, + "nauc_map_at_5_max": 25.393331109666388, + "nauc_map_at_5_std": -6.023485287246353, + "nauc_mrr_at_1000_diff1": 12.047232036652295, + "nauc_mrr_at_1000_max": 46.611862580860645, + "nauc_mrr_at_1000_std": 27.89146066442305, + "nauc_mrr_at_100_diff1": 12.05261747449997, + "nauc_mrr_at_100_max": 46.61328535381203, + "nauc_mrr_at_100_std": 27.886145596874535, + "nauc_mrr_at_10_diff1": 12.006935553036941, + "nauc_mrr_at_10_max": 46.53351686240496, + "nauc_mrr_at_10_std": 27.708742470257462, + "nauc_mrr_at_1_diff1": 13.323408127738782, + "nauc_mrr_at_1_max": 43.78884661002012, + "nauc_mrr_at_1_std": 25.164417588165673, + "nauc_mrr_at_20_diff1": 12.036022973968011, + "nauc_mrr_at_20_max": 46.56537838037131, + "nauc_mrr_at_20_std": 27.78189157249635, + "nauc_mrr_at_3_diff1": 11.943896700976381, + "nauc_mrr_at_3_max": 46.33644663073225, + "nauc_mrr_at_3_std": 27.523915405053845, + "nauc_mrr_at_5_diff1": 12.03108009033769, + "nauc_mrr_at_5_max": 46.49103616896692, + "nauc_mrr_at_5_std": 27.630879129863366, + "nauc_ndcg_at_1000_diff1": 9.766823796017324, + "nauc_ndcg_at_1000_max": 52.85844801910602, + "nauc_ndcg_at_1000_std": 36.43271437761207, + "nauc_ndcg_at_100_diff1": 12.035059298282036, + "nauc_ndcg_at_100_max": 50.05520240705682, + "nauc_ndcg_at_100_std": 29.87678724506636, + "nauc_ndcg_at_10_diff1": 10.281893031139424, + "nauc_ndcg_at_10_max": 47.02153679426017, + "nauc_ndcg_at_10_std": 26.624948330369126, + "nauc_ndcg_at_1_diff1": 13.323408127738782, + "nauc_ndcg_at_1_max": 43.78884661002012, + "nauc_ndcg_at_1_std": 25.164417588165673, + "nauc_ndcg_at_20_diff1": 11.463524849646598, + "nauc_ndcg_at_20_max": 47.415073186019704, + "nauc_ndcg_at_20_std": 26.359019620164307, + "nauc_ndcg_at_3_diff1": 9.689199913805394, + "nauc_ndcg_at_3_max": 45.68151849572808, + "nauc_ndcg_at_3_std": 26.559193219799486, + "nauc_ndcg_at_5_diff1": 9.448823370356575, + "nauc_ndcg_at_5_max": 46.19999662690141, + "nauc_ndcg_at_5_std": 26.8411706726069, + "nauc_precision_at_1000_diff1": -20.379065598727024, + "nauc_precision_at_1000_max": 13.162562437268427, + "nauc_precision_at_1000_std": 22.658226157785812, + "nauc_precision_at_100_diff1": -16.458155977309282, + "nauc_precision_at_100_max": 35.97956789169889, + "nauc_precision_at_100_std": 48.878375009979194, + "nauc_precision_at_10_diff1": -7.810992317607771, + "nauc_precision_at_10_max": 49.307339277444754, + "nauc_precision_at_10_std": 42.82533951854582, + "nauc_precision_at_1_diff1": 13.323408127738782, + "nauc_precision_at_1_max": 43.78884661002012, + "nauc_precision_at_1_std": 25.164417588165673, + "nauc_precision_at_20_diff1": -11.43933465149542, + "nauc_precision_at_20_max": 46.93722753460038, + "nauc_precision_at_20_std": 47.36223769029678, + "nauc_precision_at_3_diff1": 1.3230178593599737, + "nauc_precision_at_3_max": 48.49039534395576, + "nauc_precision_at_3_std": 33.161384183129194, + "nauc_precision_at_5_diff1": -3.185516457926519, + "nauc_precision_at_5_max": 49.5814309394308, + "nauc_precision_at_5_std": 37.57637865900281, + "nauc_recall_at_1000_diff1": 7.839499443984168, + "nauc_recall_at_1000_max": 52.67165467640894, + "nauc_recall_at_1000_std": 48.85318316702583, + "nauc_recall_at_100_diff1": 14.117557049589418, + "nauc_recall_at_100_max": 40.59046301348715, + "nauc_recall_at_100_std": 24.379680901739505, + "nauc_recall_at_10_diff1": 20.04536052614054, + "nauc_recall_at_10_max": 25.54148839721574, + "nauc_recall_at_10_std": -1.938182527562211, + "nauc_recall_at_1_diff1": 37.02663305598722, + "nauc_recall_at_1_max": 14.931071531116528, + "nauc_recall_at_1_std": -12.478790028708453, + "nauc_recall_at_20_diff1": 17.959977483235566, + "nauc_recall_at_20_max": 29.88502687870809, + "nauc_recall_at_20_std": 4.26527395196852, + "nauc_recall_at_3_diff1": 26.297810954500456, + "nauc_recall_at_3_max": 18.819406079307402, + "nauc_recall_at_3_std": -10.002237229729081, + "nauc_recall_at_5_diff1": 22.739080899568485, + "nauc_recall_at_5_max": 21.0322968243985, + "nauc_recall_at_5_std": -6.927749435306422, + "ndcg_at_1": 34.717999999999996, + "ndcg_at_10": 34.772999999999996, + "ndcg_at_100": 39.407, + "ndcg_at_1000": 44.830999999999996, + "ndcg_at_20": 35.667, + "ndcg_at_3": 34.332, + "ndcg_at_5": 34.408, + "precision_at_1": 34.717999999999996, + "precision_at_10": 23.430999999999997, + "precision_at_100": 9.31, + "precision_at_1000": 2.259, + "precision_at_20": 18.826999999999998, + "precision_at_3": 30.553, + "precision_at_5": 27.792, + "recall_at_1": 7.2620000000000005, + "recall_at_10": 26.384, + "recall_at_100": 52.506, + "recall_at_1000": 73.38, + "recall_at_20": 34.032000000000004, + "recall_at_3": 14.821000000000002, + "recall_at_5": 19.481 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "main_score": 28.316000000000003, + "map_at_1": 8.667, + "map_at_10": 17.351, + "map_at_100": 21.02, + "map_at_1000": 21.951, + "map_at_20": 18.994, + "map_at_3": 13.23, + "map_at_5": 15.17, + "mrr_at_1": 27.27272727272727, + "mrr_at_10": 36.10858487561485, + "mrr_at_100": 36.92033814316568, + "mrr_at_1000": 36.972226653870365, + "mrr_at_20": 36.58914906427944, + "mrr_at_3": 33.642969201552305, + "mrr_at_5": 35.13417554289494, + "nauc_map_at_1000_diff1": 23.345116790998063, + "nauc_map_at_1000_max": 44.447240670835725, + "nauc_map_at_1000_std": 18.34636500680144, + "nauc_map_at_100_diff1": 24.458120909292347, + "nauc_map_at_100_max": 43.31851431140378, + "nauc_map_at_100_std": 15.654778355549965, + "nauc_map_at_10_diff1": 29.376508937265044, + "nauc_map_at_10_max": 36.650196725140795, + "nauc_map_at_10_std": 4.682465435374843, + "nauc_map_at_1_diff1": 40.382365672683214, + "nauc_map_at_1_max": 22.894341150096785, + "nauc_map_at_1_std": -5.610725673968323, + "nauc_map_at_20_diff1": 27.197033425732908, + "nauc_map_at_20_max": 39.71672400647207, + "nauc_map_at_20_std": 8.944436813309933, + "nauc_map_at_3_diff1": 34.49739294661502, + "nauc_map_at_3_max": 29.006972420735284, + "nauc_map_at_3_std": -3.0372650571243986, + "nauc_map_at_5_diff1": 32.764901537277105, + "nauc_map_at_5_max": 32.658533295918154, + "nauc_map_at_5_std": 0.029626452286996906, + "nauc_mrr_at_1000_diff1": 19.521229956280603, + "nauc_mrr_at_1000_max": 44.39409866211472, + "nauc_mrr_at_1000_std": 23.580697307036058, + "nauc_mrr_at_100_diff1": 19.51312676591073, + "nauc_mrr_at_100_max": 44.39559153963895, + "nauc_mrr_at_100_std": 23.57913711397437, + "nauc_mrr_at_10_diff1": 19.584635617935145, + "nauc_mrr_at_10_max": 44.44842226236198, + "nauc_mrr_at_10_std": 23.382684909390434, + "nauc_mrr_at_1_diff1": 20.92594790923806, + "nauc_mrr_at_1_max": 40.593939625252816, + "nauc_mrr_at_1_std": 20.37467598073644, + "nauc_mrr_at_20_diff1": 19.590641822115725, + "nauc_mrr_at_20_max": 44.42512299604718, + "nauc_mrr_at_20_std": 23.45564260800024, + "nauc_mrr_at_3_diff1": 20.005307129527232, + "nauc_mrr_at_3_max": 43.68300366192776, + "nauc_mrr_at_3_std": 22.297190480842005, + "nauc_mrr_at_5_diff1": 19.852896386271716, + "nauc_mrr_at_5_max": 44.20641808920062, + "nauc_mrr_at_5_std": 22.966517330852895, + "nauc_ndcg_at_1000_diff1": 17.800116251376103, + "nauc_ndcg_at_1000_max": 50.98332718061365, + "nauc_ndcg_at_1000_std": 31.464484658102577, + "nauc_ndcg_at_100_diff1": 19.555159680541088, + "nauc_ndcg_at_100_max": 48.56377130899141, + "nauc_ndcg_at_100_std": 25.77572748714817, + "nauc_ndcg_at_10_diff1": 20.003008726679415, + "nauc_ndcg_at_10_max": 45.1293725480628, + "nauc_ndcg_at_10_std": 21.149213260765872, + "nauc_ndcg_at_1_diff1": 21.00986278773023, + "nauc_ndcg_at_1_max": 40.524637076774894, + "nauc_ndcg_at_1_std": 20.29682194006685, + "nauc_ndcg_at_20_diff1": 20.659734137312284, + "nauc_ndcg_at_20_max": 45.73108736599869, + "nauc_ndcg_at_20_std": 21.200736170346133, + "nauc_ndcg_at_3_diff1": 19.200120542882544, + "nauc_ndcg_at_3_max": 42.89772612963168, + "nauc_ndcg_at_3_std": 20.713292754978983, + "nauc_ndcg_at_5_diff1": 19.96329647992544, + "nauc_ndcg_at_5_max": 44.296627037787324, + "nauc_ndcg_at_5_std": 21.200135784971973, + "nauc_precision_at_1000_diff1": -11.543221249009427, + "nauc_precision_at_1000_max": 9.132801614448221, + "nauc_precision_at_1000_std": 21.203720655381055, + "nauc_precision_at_100_diff1": -12.510945425786039, + "nauc_precision_at_100_max": 31.42530963666252, + "nauc_precision_at_100_std": 44.99672783467617, + "nauc_precision_at_10_diff1": -4.025802651746804, + "nauc_precision_at_10_max": 47.50967924227793, + "nauc_precision_at_10_std": 41.1558559268985, + "nauc_precision_at_1_diff1": 21.00986278773023, + "nauc_precision_at_1_max": 40.524637076774894, + "nauc_precision_at_1_std": 20.29682194006685, + "nauc_precision_at_20_diff1": -8.059482951110002, + "nauc_precision_at_20_max": 44.28832115946278, + "nauc_precision_at_20_std": 45.2005585353651, + "nauc_precision_at_3_diff1": 8.53530005716248, + "nauc_precision_at_3_max": 46.48353678905102, + "nauc_precision_at_3_std": 28.868791323881972, + "nauc_precision_at_5_diff1": 3.093619954821814, + "nauc_precision_at_5_max": 48.43294475817019, + "nauc_precision_at_5_std": 34.83430452745434, + "nauc_recall_at_1000_diff1": 9.93680206699751, + "nauc_recall_at_1000_max": 52.97840222394363, + "nauc_recall_at_1000_std": 46.370023604436255, + "nauc_recall_at_100_diff1": 14.100542445524972, + "nauc_recall_at_100_max": 42.853775131475224, + "nauc_recall_at_100_std": 26.93029971231028, + "nauc_recall_at_10_diff1": 22.774547475714716, + "nauc_recall_at_10_max": 33.984586405015044, + "nauc_recall_at_10_std": 5.332325172373655, + "nauc_recall_at_1_diff1": 40.382365672683214, + "nauc_recall_at_1_max": 22.894341150096785, + "nauc_recall_at_1_std": -5.610725673968323, + "nauc_recall_at_20_diff1": 19.751060483835936, + "nauc_recall_at_20_max": 36.18774034635102, + "nauc_recall_at_20_std": 10.362242090308577, + "nauc_recall_at_3_diff1": 30.29462372902671, + "nauc_recall_at_3_max": 27.377175450099635, + "nauc_recall_at_3_std": -3.015752705993425, + "nauc_recall_at_5_diff1": 28.096893312615723, + "nauc_recall_at_5_max": 30.485075571512425, + "nauc_recall_at_5_std": 0.09106417003502826, + "ndcg_at_1": 27.248, + "ndcg_at_10": 28.316000000000003, + "ndcg_at_100": 33.419, + "ndcg_at_1000": 38.134, + "ndcg_at_20": 29.707, + "ndcg_at_3": 26.93, + "ndcg_at_5": 27.363, + "precision_at_1": 27.248, + "precision_at_10": 15.073, + "precision_at_100": 5.061, + "precision_at_1000": 1.325, + "precision_at_20": 11.407, + "precision_at_3": 21.823, + "precision_at_5": 18.984, + "recall_at_1": 8.667, + "recall_at_10": 26.984, + "recall_at_100": 49.753, + "recall_at_1000": 70.354, + "recall_at_20": 33.955999999999996, + "recall_at_3": 16.086, + "recall_at_5": 20.544999999999998 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "main_score": 26.592, + "map_at_1": 8.081000000000001, + "map_at_10": 16.486, + "map_at_100": 19.996, + "map_at_1000": 20.889, + "map_at_20": 18.088, + "map_at_3": 12.864, + "map_at_5": 14.515, + "mrr_at_1": 24.643356643356643, + "mrr_at_10": 33.755599955599926, + "mrr_at_100": 34.55914769326114, + "mrr_at_1000": 34.614384237219745, + "mrr_at_20": 34.228909650276194, + "mrr_at_3": 31.445221445221456, + "mrr_at_5": 32.71375291375297, + "nauc_map_at_1000_diff1": 19.17751654240679, + "nauc_map_at_1000_max": 43.493743561136434, + "nauc_map_at_1000_std": 21.14477911550252, + "nauc_map_at_100_diff1": 20.259227234415395, + "nauc_map_at_100_max": 42.510860292169106, + "nauc_map_at_100_std": 18.63085160442346, + "nauc_map_at_10_diff1": 24.12419385640694, + "nauc_map_at_10_max": 35.99892932069915, + "nauc_map_at_10_std": 8.488520124325058, + "nauc_map_at_1_diff1": 35.09239143996649, + "nauc_map_at_1_max": 23.72498533914286, + "nauc_map_at_1_std": -4.164387883546102, + "nauc_map_at_20_diff1": 22.411418237320817, + "nauc_map_at_20_max": 39.12496266094892, + "nauc_map_at_20_std": 12.371656353894227, + "nauc_map_at_3_diff1": 28.106972376813506, + "nauc_map_at_3_max": 29.57824316865409, + "nauc_map_at_3_std": 1.8928791254813127, + "nauc_map_at_5_diff1": 26.4958239149419, + "nauc_map_at_5_max": 32.45906016649239, + "nauc_map_at_5_std": 4.612735963224018, + "nauc_mrr_at_1000_diff1": 17.614812607094446, + "nauc_mrr_at_1000_max": 41.13031556228715, + "nauc_mrr_at_1000_std": 22.564112871230318, + "nauc_mrr_at_100_diff1": 17.614044568011085, + "nauc_mrr_at_100_max": 41.129436273086796, + "nauc_mrr_at_100_std": 22.566763500658766, + "nauc_mrr_at_10_diff1": 17.61869494452089, + "nauc_mrr_at_10_max": 41.091542329381426, + "nauc_mrr_at_10_std": 22.370473458633594, + "nauc_mrr_at_1_diff1": 20.321421442201913, + "nauc_mrr_at_1_max": 38.36531448180009, + "nauc_mrr_at_1_std": 18.422203207777688, + "nauc_mrr_at_20_diff1": 17.614767736091625, + "nauc_mrr_at_20_max": 41.11221420736687, + "nauc_mrr_at_20_std": 22.44271891522012, + "nauc_mrr_at_3_diff1": 17.98184651584625, + "nauc_mrr_at_3_max": 40.424293610470144, + "nauc_mrr_at_3_std": 21.554750947206706, + "nauc_mrr_at_5_diff1": 17.72088314927416, + "nauc_mrr_at_5_max": 40.662724739072694, + "nauc_mrr_at_5_std": 21.822957528431928, + "nauc_ndcg_at_1000_diff1": 15.310699428328398, + "nauc_ndcg_at_1000_max": 48.83921393349997, + "nauc_ndcg_at_1000_std": 32.22600294110774, + "nauc_ndcg_at_100_diff1": 16.62672763977423, + "nauc_ndcg_at_100_max": 47.36060653537392, + "nauc_ndcg_at_100_std": 27.879865162871575, + "nauc_ndcg_at_10_diff1": 16.436684176028116, + "nauc_ndcg_at_10_max": 43.00026520872974, + "nauc_ndcg_at_10_std": 22.507354939162806, + "nauc_ndcg_at_1_diff1": 20.321421442201913, + "nauc_ndcg_at_1_max": 38.36531448180009, + "nauc_ndcg_at_1_std": 18.422203207777688, + "nauc_ndcg_at_20_diff1": 17.127747123248835, + "nauc_ndcg_at_20_max": 44.57322943752733, + "nauc_ndcg_at_20_std": 23.146541187377036, + "nauc_ndcg_at_3_diff1": 16.372742984728514, + "nauc_ndcg_at_3_max": 40.91938017883993, + "nauc_ndcg_at_3_std": 21.50917089194154, + "nauc_ndcg_at_5_diff1": 16.40486505525073, + "nauc_ndcg_at_5_max": 41.94597203181329, + "nauc_ndcg_at_5_std": 22.068260809047562, + "nauc_precision_at_1000_diff1": -15.9415313729527, + "nauc_precision_at_1000_max": 12.653329948983643, + "nauc_precision_at_1000_std": 26.371820703256173, + "nauc_precision_at_100_diff1": -11.851070166675289, + "nauc_precision_at_100_max": 32.164365923950115, + "nauc_precision_at_100_std": 45.930226426725426, + "nauc_precision_at_10_diff1": -3.1352660378259163, + "nauc_precision_at_10_max": 45.48359878733272, + "nauc_precision_at_10_std": 40.2917038044196, + "nauc_precision_at_1_diff1": 20.321421442201913, + "nauc_precision_at_1_max": 38.36531448180009, + "nauc_precision_at_1_std": 18.422203207777688, + "nauc_precision_at_20_diff1": -7.087513342144751, + "nauc_precision_at_20_max": 43.66272019058357, + "nauc_precision_at_20_std": 44.22863351071686, + "nauc_precision_at_3_diff1": 7.836185032609045, + "nauc_precision_at_3_max": 44.85412904097269, + "nauc_precision_at_3_std": 30.209139149500057, + "nauc_precision_at_5_diff1": 3.028150537253791, + "nauc_precision_at_5_max": 45.73661708882973, + "nauc_precision_at_5_std": 34.65500311185052, + "nauc_recall_at_1000_diff1": 9.526124668370704, + "nauc_recall_at_1000_max": 51.4190208452196, + "nauc_recall_at_1000_std": 45.694891695646426, + "nauc_recall_at_100_diff1": 12.68466215400009, + "nauc_recall_at_100_max": 42.79112054268112, + "nauc_recall_at_100_std": 28.61954251400998, + "nauc_recall_at_10_diff1": 17.95124413416829, + "nauc_recall_at_10_max": 33.1192036755167, + "nauc_recall_at_10_std": 9.3588175959525, + "nauc_recall_at_1_diff1": 35.09239143996649, + "nauc_recall_at_1_max": 23.72498533914286, + "nauc_recall_at_1_std": -4.164387883546102, + "nauc_recall_at_20_diff1": 16.24916980445646, + "nauc_recall_at_20_max": 36.51316122236076, + "nauc_recall_at_20_std": 13.641588062425736, + "nauc_recall_at_3_diff1": 23.263199724138786, + "nauc_recall_at_3_max": 27.67354561610614, + "nauc_recall_at_3_std": 3.103127242654415, + "nauc_recall_at_5_diff1": 20.719704839229635, + "nauc_recall_at_5_max": 29.66480839111333, + "nauc_recall_at_5_std": 5.514884455797986, + "ndcg_at_1": 24.643, + "ndcg_at_10": 26.592, + "ndcg_at_100": 31.887, + "ndcg_at_1000": 36.695, + "ndcg_at_20": 28.166000000000004, + "ndcg_at_3": 25.238, + "ndcg_at_5": 25.545, + "precision_at_1": 24.643, + "precision_at_10": 13.730999999999998, + "precision_at_100": 4.744000000000001, + "precision_at_1000": 1.167, + "precision_at_20": 10.562000000000001, + "precision_at_3": 20.288999999999998, + "precision_at_5": 17.337, + "recall_at_1": 8.081000000000001, + "recall_at_10": 25.911, + "recall_at_100": 48.176, + "recall_at_1000": 69.655, + "recall_at_20": 32.924, + "recall_at_3": 16.125, + "recall_at_5": 19.988 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/XPQARetrieval.json b/results/DivineNnamdi__jina-embeddings-v3/external/XPQARetrieval.json new file mode 100644 index 000000000..598a45c9b --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/XPQARetrieval.json @@ -0,0 +1,2230 @@ +{ + "dataset_revision": "c99d599f0a6ab9b85b065da6f9d94f9cf731679f", + "task_name": "XPQARetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "deu-deu", + "languages": [ + "deu-Latn", + "deu-Latn" + ], + "main_score": 84.552, + "map_at_1": 59.023, + "map_at_10": 81.051, + "map_at_100": 81.539, + "map_at_1000": 81.54299999999999, + "map_at_20": 81.401, + "map_at_3": 76.969, + "map_at_5": 80.07600000000001, + "mrr_at_1": 77.67624020887729, + "mrr_at_10": 83.30509967259314, + "mrr_at_100": 83.58599391639456, + "mrr_at_1000": 83.58970114722587, + "mrr_at_20": 83.50275980440317, + "mrr_at_3": 82.07136640557006, + "mrr_at_5": 82.94604003481287, + "nauc_map_at_1000_diff1": 63.12885104269942, + "nauc_map_at_1000_max": 57.7017996674959, + "nauc_map_at_1000_std": -24.951068985070513, + "nauc_map_at_100_diff1": 63.12866509393162, + "nauc_map_at_100_max": 57.70176426013332, + "nauc_map_at_100_std": -24.96012290790273, + "nauc_map_at_10_diff1": 62.847709436211204, + "nauc_map_at_10_max": 57.408873624779524, + "nauc_map_at_10_std": -25.635130363219062, + "nauc_map_at_1_diff1": 71.89683981857102, + "nauc_map_at_1_max": 20.204460967432645, + "nauc_map_at_1_std": -23.07894656629493, + "nauc_map_at_20_diff1": 63.00504457011043, + "nauc_map_at_20_max": 57.66009512514262, + "nauc_map_at_20_std": -25.100138593754885, + "nauc_map_at_3_diff1": 63.199874607788274, + "nauc_map_at_3_max": 47.54482033763308, + "nauc_map_at_3_std": -27.714557098916963, + "nauc_map_at_5_diff1": 63.01006523518669, + "nauc_map_at_5_max": 56.501965964288495, + "nauc_map_at_5_std": -25.367825762790925, + "nauc_mrr_at_1000_diff1": 66.24988063948112, + "nauc_mrr_at_1000_max": 63.56921667744273, + "nauc_mrr_at_1000_std": -22.073973768031863, + "nauc_mrr_at_100_diff1": 66.24919554296275, + "nauc_mrr_at_100_max": 63.57382447608361, + "nauc_mrr_at_100_std": -22.084627248538187, + "nauc_mrr_at_10_diff1": 66.0143885124066, + "nauc_mrr_at_10_max": 63.51277586011898, + "nauc_mrr_at_10_std": -22.477523960705454, + "nauc_mrr_at_1_diff1": 68.25415199323474, + "nauc_mrr_at_1_max": 63.069019003272416, + "nauc_mrr_at_1_std": -18.77085924093244, + "nauc_mrr_at_20_diff1": 66.16203167351055, + "nauc_mrr_at_20_max": 63.607477776215845, + "nauc_mrr_at_20_std": -22.15083176017266, + "nauc_mrr_at_3_diff1": 66.39368842782302, + "nauc_mrr_at_3_max": 63.11411066585295, + "nauc_mrr_at_3_std": -22.63174342814071, + "nauc_mrr_at_5_diff1": 66.17932562332354, + "nauc_mrr_at_5_max": 63.70434825329594, + "nauc_mrr_at_5_std": -21.704012812430438, + "nauc_ndcg_at_1000_diff1": 63.958010361549356, + "nauc_ndcg_at_1000_max": 60.516445000134624, + "nauc_ndcg_at_1000_std": -24.264672248289923, + "nauc_ndcg_at_100_diff1": 63.97654644758022, + "nauc_ndcg_at_100_max": 60.62187552803407, + "nauc_ndcg_at_100_std": -24.317149225778312, + "nauc_ndcg_at_10_diff1": 62.505321221321566, + "nauc_ndcg_at_10_max": 59.77891112351258, + "nauc_ndcg_at_10_std": -26.90910005589911, + "nauc_ndcg_at_1_diff1": 68.25415199323474, + "nauc_ndcg_at_1_max": 63.069019003272416, + "nauc_ndcg_at_1_std": -18.77085924093244, + "nauc_ndcg_at_20_diff1": 63.04281805056225, + "nauc_ndcg_at_20_max": 60.600957307444226, + "nauc_ndcg_at_20_std": -24.954862079889203, + "nauc_ndcg_at_3_diff1": 62.970441139740316, + "nauc_ndcg_at_3_max": 57.543715669055295, + "nauc_ndcg_at_3_std": -25.659388431714703, + "nauc_ndcg_at_5_diff1": 62.82652127664541, + "nauc_ndcg_at_5_max": 58.6970443258532, + "nauc_ndcg_at_5_std": -25.66329354851023, + "nauc_precision_at_1000_diff1": -33.38530947486223, + "nauc_precision_at_1000_max": 25.972468024345414, + "nauc_precision_at_1000_std": 17.460222955117978, + "nauc_precision_at_100_diff1": -32.45175999251703, + "nauc_precision_at_100_max": 26.367996120487337, + "nauc_precision_at_100_std": 17.097957946391208, + "nauc_precision_at_10_diff1": -26.97411235289487, + "nauc_precision_at_10_max": 31.504961687240762, + "nauc_precision_at_10_std": 11.125341183874687, + "nauc_precision_at_1_diff1": 68.25415199323474, + "nauc_precision_at_1_max": 63.069019003272416, + "nauc_precision_at_1_std": -18.77085924093244, + "nauc_precision_at_20_diff1": -29.8678078736273, + "nauc_precision_at_20_max": 29.031222186584504, + "nauc_precision_at_20_std": 14.943600563087928, + "nauc_precision_at_3_diff1": -15.92947221299854, + "nauc_precision_at_3_max": 37.73833494235097, + "nauc_precision_at_3_std": 3.1573228443500847, + "nauc_precision_at_5_diff1": -22.269156821101642, + "nauc_precision_at_5_max": 35.65821838116355, + "nauc_precision_at_5_std": 9.265930386198972, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": 66.17058859539249, + "nauc_recall_at_100_max": 78.066942935192, + "nauc_recall_at_100_std": -22.213377762074686, + "nauc_recall_at_10_diff1": 50.82149700700275, + "nauc_recall_at_10_max": 56.68053325008221, + "nauc_recall_at_10_std": -41.81657941433277, + "nauc_recall_at_1_diff1": 71.89683981857102, + "nauc_recall_at_1_max": 20.204460967432645, + "nauc_recall_at_1_std": -23.07894656629493, + "nauc_recall_at_20_diff1": 48.28076011857885, + "nauc_recall_at_20_max": 63.29641555519295, + "nauc_recall_at_20_std": -32.953559708819405, + "nauc_recall_at_3_diff1": 58.15516956312558, + "nauc_recall_at_3_max": 42.66315890283056, + "nauc_recall_at_3_std": -32.16572530544806, + "nauc_recall_at_5_diff1": 55.900844052439766, + "nauc_recall_at_5_max": 55.23702018862884, + "nauc_recall_at_5_std": -30.105929528165, + "ndcg_at_1": 77.676, + "ndcg_at_10": 84.552, + "ndcg_at_100": 86.232, + "ndcg_at_1000": 86.33800000000001, + "ndcg_at_20": 85.515, + "ndcg_at_3": 81.112, + "ndcg_at_5": 82.943, + "precision_at_1": 77.676, + "precision_at_10": 15.17, + "precision_at_100": 1.6230000000000002, + "precision_at_1000": 0.163, + "precision_at_20": 7.858999999999999, + "precision_at_3": 42.994, + "precision_at_5": 28.747, + "recall_at_1": 59.023, + "recall_at_10": 92.465, + "recall_at_100": 99.18400000000001, + "recall_at_1000": 100.0, + "recall_at_20": 95.844, + "recall_at_3": 81.826, + "recall_at_5": 88.22 + }, + { + "hf_subset": "deu-eng", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "main_score": 82.149, + "map_at_1": 56.277, + "map_at_10": 78.36999999999999, + "map_at_100": 78.94, + "map_at_1000": 78.95, + "map_at_20": 78.818, + "map_at_3": 74.25, + "map_at_5": 77.11099999999999, + "mrr_at_1": 74.28198433420366, + "mrr_at_10": 80.57487877657589, + "mrr_at_100": 80.94025764149008, + "mrr_at_1000": 80.94608738871234, + "mrr_at_20": 80.86240675885023, + "mrr_at_3": 79.4604003481288, + "mrr_at_5": 80.10008703220191, + "nauc_map_at_1000_diff1": 60.44369249057189, + "nauc_map_at_1000_max": 49.822240441830246, + "nauc_map_at_1000_std": -27.34026380762817, + "nauc_map_at_100_diff1": 60.44635668050401, + "nauc_map_at_100_max": 49.838675926660684, + "nauc_map_at_100_std": -27.310365556055583, + "nauc_map_at_10_diff1": 60.18546951726522, + "nauc_map_at_10_max": 49.72075398096832, + "nauc_map_at_10_std": -27.86056102461558, + "nauc_map_at_1_diff1": 71.2906657099758, + "nauc_map_at_1_max": 18.970399251589, + "nauc_map_at_1_std": -27.260776614286602, + "nauc_map_at_20_diff1": 60.3525975566164, + "nauc_map_at_20_max": 49.852487866710646, + "nauc_map_at_20_std": -27.305173830170332, + "nauc_map_at_3_diff1": 60.66803500571236, + "nauc_map_at_3_max": 41.18191941521972, + "nauc_map_at_3_std": -28.71383593401732, + "nauc_map_at_5_diff1": 60.57216514504887, + "nauc_map_at_5_max": 47.99837400446299, + "nauc_map_at_5_std": -28.756183015949986, + "nauc_mrr_at_1000_diff1": 63.77031955602516, + "nauc_mrr_at_1000_max": 54.26907383811417, + "nauc_mrr_at_1000_std": -26.227442087164714, + "nauc_mrr_at_100_diff1": 63.77196650108669, + "nauc_mrr_at_100_max": 54.281801457913126, + "nauc_mrr_at_100_std": -26.216077891830793, + "nauc_mrr_at_10_diff1": 63.50095284903051, + "nauc_mrr_at_10_max": 54.3186301730016, + "nauc_mrr_at_10_std": -26.29570241722173, + "nauc_mrr_at_1_diff1": 65.15855770999057, + "nauc_mrr_at_1_max": 53.213286738515066, + "nauc_mrr_at_1_std": -24.683178252901943, + "nauc_mrr_at_20_diff1": 63.74936550280859, + "nauc_mrr_at_20_max": 54.355343751439065, + "nauc_mrr_at_20_std": -26.197316900009817, + "nauc_mrr_at_3_diff1": 63.912612979082695, + "nauc_mrr_at_3_max": 53.75399024225975, + "nauc_mrr_at_3_std": -27.194143264554675, + "nauc_mrr_at_5_diff1": 63.72491059053639, + "nauc_mrr_at_5_max": 53.66107604019352, + "nauc_mrr_at_5_std": -26.92281560584754, + "nauc_ndcg_at_1000_diff1": 61.304218998714354, + "nauc_ndcg_at_1000_max": 52.409135743660386, + "nauc_ndcg_at_1000_std": -26.539796489464056, + "nauc_ndcg_at_100_diff1": 61.40355045085304, + "nauc_ndcg_at_100_max": 52.79402259608008, + "nauc_ndcg_at_100_std": -25.927273456979965, + "nauc_ndcg_at_10_diff1": 59.93675608684116, + "nauc_ndcg_at_10_max": 52.617848197542706, + "nauc_ndcg_at_10_std": -27.314820020095887, + "nauc_ndcg_at_1_diff1": 65.15855770999057, + "nauc_ndcg_at_1_max": 53.213286738515066, + "nauc_ndcg_at_1_std": -24.683178252901943, + "nauc_ndcg_at_20_diff1": 60.85093704358376, + "nauc_ndcg_at_20_max": 53.14529242671602, + "nauc_ndcg_at_20_std": -25.93187916231906, + "nauc_ndcg_at_3_diff1": 60.42301123518882, + "nauc_ndcg_at_3_max": 49.59021992975956, + "nauc_ndcg_at_3_std": -27.397117967810363, + "nauc_ndcg_at_5_diff1": 60.78655153154219, + "nauc_ndcg_at_5_max": 49.54194799556953, + "nauc_ndcg_at_5_std": -29.467910172913413, + "nauc_precision_at_1000_diff1": -34.35027108027456, + "nauc_precision_at_1000_max": 23.762671066858815, + "nauc_precision_at_1000_std": 16.1704780298982, + "nauc_precision_at_100_diff1": -32.66610016754961, + "nauc_precision_at_100_max": 25.504044603109588, + "nauc_precision_at_100_std": 16.932402988816786, + "nauc_precision_at_10_diff1": -25.720903145017342, + "nauc_precision_at_10_max": 30.37029690599926, + "nauc_precision_at_10_std": 10.560753160200314, + "nauc_precision_at_1_diff1": 65.15855770999057, + "nauc_precision_at_1_max": 53.213286738515066, + "nauc_precision_at_1_std": -24.683178252901943, + "nauc_precision_at_20_diff1": -29.577582332619084, + "nauc_precision_at_20_max": 27.984145595920417, + "nauc_precision_at_20_std": 15.083711704044727, + "nauc_precision_at_3_diff1": -14.736267532892697, + "nauc_precision_at_3_max": 36.12211021824307, + "nauc_precision_at_3_std": 3.068643876519412, + "nauc_precision_at_5_diff1": -19.846707283120825, + "nauc_precision_at_5_max": 33.573804532177896, + "nauc_precision_at_5_std": 5.700545622744924, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": 68.24749796604452, + "nauc_recall_at_100_max": 83.30024864929815, + "nauc_recall_at_100_std": 21.23763053711522, + "nauc_recall_at_10_diff1": 50.704049683241436, + "nauc_recall_at_10_max": 57.64578984555556, + "nauc_recall_at_10_std": -26.632759037746073, + "nauc_recall_at_1_diff1": 71.2906657099758, + "nauc_recall_at_1_max": 18.970399251589, + "nauc_recall_at_1_std": -27.260776614286602, + "nauc_recall_at_20_diff1": 54.124480837579505, + "nauc_recall_at_20_max": 66.4641515433479, + "nauc_recall_at_20_std": -14.615911455379393, + "nauc_recall_at_3_diff1": 56.54358788321059, + "nauc_recall_at_3_max": 37.765735322465744, + "nauc_recall_at_3_std": -30.824147408598574, + "nauc_recall_at_5_diff1": 56.392894535029214, + "nauc_recall_at_5_max": 45.959268387521554, + "nauc_recall_at_5_std": -33.58175576925282, + "ndcg_at_1": 74.28200000000001, + "ndcg_at_10": 82.149, + "ndcg_at_100": 84.129, + "ndcg_at_1000": 84.307, + "ndcg_at_20": 83.39999999999999, + "ndcg_at_3": 78.583, + "ndcg_at_5": 80.13900000000001, + "precision_at_1": 74.28200000000001, + "precision_at_10": 14.960999999999999, + "precision_at_100": 1.6119999999999999, + "precision_at_1000": 0.163, + "precision_at_20": 7.813000000000001, + "precision_at_3": 41.819, + "precision_at_5": 27.911, + "recall_at_1": 56.277, + "recall_at_10": 90.729, + "recall_at_100": 98.792, + "recall_at_1000": 100.0, + "recall_at_20": 95.148, + "recall_at_3": 79.989, + "recall_at_5": 85.603 + }, + { + "hf_subset": "eng-deu", + "languages": [ + "eng-Latn", + "deu-Latn" + ], + "main_score": 60.428000000000004, + "map_at_1": 33.453, + "map_at_10": 54.217000000000006, + "map_at_100": 55.832, + "map_at_1000": 55.884, + "map_at_20": 55.236, + "map_at_3": 48.302, + "map_at_5": 51.902, + "mrr_at_1": 53.916449086161876, + "mrr_at_10": 61.4685647975465, + "mrr_at_100": 62.13718159287348, + "mrr_at_1000": 62.15799113826325, + "mrr_at_20": 61.885388764243544, + "mrr_at_3": 59.44299390774582, + "mrr_at_5": 60.26544821583981, + "nauc_map_at_1000_diff1": 39.824412602121804, + "nauc_map_at_1000_max": 39.49332709959374, + "nauc_map_at_1000_std": -17.27462623749702, + "nauc_map_at_100_diff1": 39.80528910003463, + "nauc_map_at_100_max": 39.51471609156093, + "nauc_map_at_100_std": -17.275536933094937, + "nauc_map_at_10_diff1": 39.28558292349772, + "nauc_map_at_10_max": 38.13220294838968, + "nauc_map_at_10_std": -18.235985574392863, + "nauc_map_at_1_diff1": 43.68892397816937, + "nauc_map_at_1_max": 14.478978190224353, + "nauc_map_at_1_std": -18.435031919225477, + "nauc_map_at_20_diff1": 39.8733530971344, + "nauc_map_at_20_max": 39.30513202591992, + "nauc_map_at_20_std": -17.62362848144766, + "nauc_map_at_3_diff1": 40.31116611188815, + "nauc_map_at_3_max": 31.107314675202165, + "nauc_map_at_3_std": -19.52930881946966, + "nauc_map_at_5_diff1": 39.1241499095765, + "nauc_map_at_5_max": 37.330543901034055, + "nauc_map_at_5_std": -17.893862772447548, + "nauc_mrr_at_1000_diff1": 43.07490530140024, + "nauc_mrr_at_1000_max": 42.28469195779226, + "nauc_mrr_at_1000_std": -15.583217110180737, + "nauc_mrr_at_100_diff1": 43.068836494603886, + "nauc_mrr_at_100_max": 42.29612450479168, + "nauc_mrr_at_100_std": -15.57218089438229, + "nauc_mrr_at_10_diff1": 42.88685919151777, + "nauc_mrr_at_10_max": 41.89944452003811, + "nauc_mrr_at_10_std": -15.909673572763165, + "nauc_mrr_at_1_diff1": 45.67646898532131, + "nauc_mrr_at_1_max": 43.0541870425035, + "nauc_mrr_at_1_std": -15.597124291613563, + "nauc_mrr_at_20_diff1": 43.14141873150977, + "nauc_mrr_at_20_max": 42.33063543184022, + "nauc_mrr_at_20_std": -15.607612016107304, + "nauc_mrr_at_3_diff1": 43.18370928261982, + "nauc_mrr_at_3_max": 42.18529980773961, + "nauc_mrr_at_3_std": -15.900151400673629, + "nauc_mrr_at_5_diff1": 42.43443044877765, + "nauc_mrr_at_5_max": 42.05818605278972, + "nauc_mrr_at_5_std": -15.436502733299893, + "nauc_ndcg_at_1000_diff1": 40.60606676178781, + "nauc_ndcg_at_1000_max": 41.71923393878376, + "nauc_ndcg_at_1000_std": -15.694740326899556, + "nauc_ndcg_at_100_diff1": 40.15270376312309, + "nauc_ndcg_at_100_max": 42.234126305709225, + "nauc_ndcg_at_100_std": -15.436051984708952, + "nauc_ndcg_at_10_diff1": 39.142259831299455, + "nauc_ndcg_at_10_max": 38.61470104273746, + "nauc_ndcg_at_10_std": -18.577452829132742, + "nauc_ndcg_at_1_diff1": 45.67646898532131, + "nauc_ndcg_at_1_max": 43.0541870425035, + "nauc_ndcg_at_1_std": -15.597124291613563, + "nauc_ndcg_at_20_diff1": 40.805159395901306, + "nauc_ndcg_at_20_max": 41.58685629374952, + "nauc_ndcg_at_20_std": -16.862408156222592, + "nauc_ndcg_at_3_diff1": 39.12028215488432, + "nauc_ndcg_at_3_max": 39.70580596343164, + "nauc_ndcg_at_3_std": -16.705546903936213, + "nauc_ndcg_at_5_diff1": 38.42075404927361, + "nauc_ndcg_at_5_max": 38.064219879504385, + "nauc_ndcg_at_5_std": -17.20282111665876, + "nauc_precision_at_1000_diff1": -4.419224540552891, + "nauc_precision_at_1000_max": 35.686022591225246, + "nauc_precision_at_1000_std": 15.023520191032972, + "nauc_precision_at_100_diff1": -2.9027602601603895, + "nauc_precision_at_100_max": 39.99864013028808, + "nauc_precision_at_100_std": 13.863497117255525, + "nauc_precision_at_10_diff1": 5.539104839809501, + "nauc_precision_at_10_max": 42.41625740557432, + "nauc_precision_at_10_std": 1.0894693748662556, + "nauc_precision_at_1_diff1": 45.67646898532131, + "nauc_precision_at_1_max": 43.0541870425035, + "nauc_precision_at_1_std": -15.597124291613563, + "nauc_precision_at_20_diff1": 4.734562571681868, + "nauc_precision_at_20_max": 44.35081213316202, + "nauc_precision_at_20_std": 6.642891478284595, + "nauc_precision_at_3_diff1": 13.936559341472101, + "nauc_precision_at_3_max": 45.426668552497524, + "nauc_precision_at_3_std": -5.219785419247125, + "nauc_precision_at_5_diff1": 8.366706789546015, + "nauc_precision_at_5_max": 46.161942989326896, + "nauc_precision_at_5_std": -0.193140343545876, + "nauc_recall_at_1000_diff1": 45.61785312444842, + "nauc_recall_at_1000_max": 75.68258976531774, + "nauc_recall_at_1000_std": 37.469059422121575, + "nauc_recall_at_100_diff1": 26.798748531805096, + "nauc_recall_at_100_max": 54.72134095197765, + "nauc_recall_at_100_std": -1.5967608233799417, + "nauc_recall_at_10_diff1": 32.13211696200521, + "nauc_recall_at_10_max": 31.13866254975895, + "nauc_recall_at_10_std": -22.31404161136118, + "nauc_recall_at_1_diff1": 43.68892397816937, + "nauc_recall_at_1_max": 14.478978190224353, + "nauc_recall_at_1_std": -18.435031919225477, + "nauc_recall_at_20_diff1": 38.597996930461385, + "nauc_recall_at_20_max": 42.49849027366794, + "nauc_recall_at_20_std": -16.536471900752154, + "nauc_recall_at_3_diff1": 35.343730012759266, + "nauc_recall_at_3_max": 26.898722085043392, + "nauc_recall_at_3_std": -19.4459792273884, + "nauc_recall_at_5_diff1": 31.8310298012186, + "nauc_recall_at_5_max": 32.67800489655844, + "nauc_recall_at_5_std": -16.800929103347283, + "ndcg_at_1": 53.916, + "ndcg_at_10": 60.428000000000004, + "ndcg_at_100": 65.95, + "ndcg_at_1000": 66.88, + "ndcg_at_20": 62.989, + "ndcg_at_3": 55.204, + "ndcg_at_5": 56.42700000000001, + "precision_at_1": 53.916, + "precision_at_10": 14.346999999999998, + "precision_at_100": 1.849, + "precision_at_1000": 0.196, + "precision_at_20": 8.022, + "precision_at_3": 34.552, + "precision_at_5": 24.569, + "recall_at_1": 33.453, + "recall_at_10": 71.07900000000001, + "recall_at_100": 93.207, + "recall_at_1000": 99.60799999999999, + "recall_at_20": 79.482, + "recall_at_3": 53.98, + "recall_at_5": 60.781 + }, + { + "hf_subset": "eng-pol", + "languages": [ + "eng-Latn", + "pol-Latn" + ], + "main_score": 34.042, + "map_at_1": 13.236, + "map_at_10": 27.839999999999996, + "map_at_100": 30.171999999999997, + "map_at_1000": 30.349999999999998, + "map_at_20": 29.044999999999998, + "map_at_3": 22.58, + "map_at_5": 25.83, + "mrr_at_1": 30.318471337579616, + "mrr_at_10": 37.4983823678091, + "mrr_at_100": 38.5784523175009, + "mrr_at_1000": 38.63608698968148, + "mrr_at_20": 38.02996157871825, + "mrr_at_3": 34.798301486199584, + "mrr_at_5": 36.39702760084925, + "nauc_map_at_1000_diff1": 21.07199789609177, + "nauc_map_at_1000_max": 25.959233507893277, + "nauc_map_at_1000_std": -28.011925372852826, + "nauc_map_at_100_diff1": 21.086788412737548, + "nauc_map_at_100_max": 25.8611620203686, + "nauc_map_at_100_std": -28.179239912057515, + "nauc_map_at_10_diff1": 21.23841745922078, + "nauc_map_at_10_max": 25.44290342378288, + "nauc_map_at_10_std": -28.75578689110275, + "nauc_map_at_1_diff1": 28.87454015638211, + "nauc_map_at_1_max": 17.50681123879997, + "nauc_map_at_1_std": -30.382831850562432, + "nauc_map_at_20_diff1": 21.076559713540455, + "nauc_map_at_20_max": 25.538154202494535, + "nauc_map_at_20_std": -28.518764617658555, + "nauc_map_at_3_diff1": 22.159185358766468, + "nauc_map_at_3_max": 23.01652660927249, + "nauc_map_at_3_std": -29.567722713221862, + "nauc_map_at_5_diff1": 21.35578810370897, + "nauc_map_at_5_max": 25.550550437767395, + "nauc_map_at_5_std": -28.7889035461355, + "nauc_mrr_at_1000_diff1": 22.28633009221923, + "nauc_mrr_at_1000_max": 26.920205393136392, + "nauc_mrr_at_1000_std": -25.887791634977642, + "nauc_mrr_at_100_diff1": 22.2754975739755, + "nauc_mrr_at_100_max": 26.90235716615346, + "nauc_mrr_at_100_std": -25.891596020584345, + "nauc_mrr_at_10_diff1": 22.415076305593534, + "nauc_mrr_at_10_max": 26.504643796222222, + "nauc_mrr_at_10_std": -26.6046081215833, + "nauc_mrr_at_1_diff1": 23.406748619244368, + "nauc_mrr_at_1_max": 29.058228240823553, + "nauc_mrr_at_1_std": -26.450169820901078, + "nauc_mrr_at_20_diff1": 22.29233141817678, + "nauc_mrr_at_20_max": 26.69021351064081, + "nauc_mrr_at_20_std": -26.086596227376656, + "nauc_mrr_at_3_diff1": 22.20746187500145, + "nauc_mrr_at_3_max": 27.143725946169457, + "nauc_mrr_at_3_std": -26.7017708594376, + "nauc_mrr_at_5_diff1": 22.71898965233195, + "nauc_mrr_at_5_max": 26.932386658571662, + "nauc_mrr_at_5_std": -26.725541058780234, + "nauc_ndcg_at_1000_diff1": 20.541734305148466, + "nauc_ndcg_at_1000_max": 27.180534238090758, + "nauc_ndcg_at_1000_std": -23.74197745177845, + "nauc_ndcg_at_100_diff1": 20.570052839937468, + "nauc_ndcg_at_100_max": 26.21605034405486, + "nauc_ndcg_at_100_std": -25.359817188805028, + "nauc_ndcg_at_10_diff1": 21.241423075073467, + "nauc_ndcg_at_10_max": 24.599199195239475, + "nauc_ndcg_at_10_std": -28.404540333309008, + "nauc_ndcg_at_1_diff1": 23.406748619244368, + "nauc_ndcg_at_1_max": 29.058228240823553, + "nauc_ndcg_at_1_std": -26.450169820901078, + "nauc_ndcg_at_20_diff1": 20.740460046196873, + "nauc_ndcg_at_20_max": 24.82380195169634, + "nauc_ndcg_at_20_std": -27.376298834244313, + "nauc_ndcg_at_3_diff1": 19.994948682426504, + "nauc_ndcg_at_3_max": 26.153790759405105, + "nauc_ndcg_at_3_std": -27.194548404540885, + "nauc_ndcg_at_5_diff1": 21.48414272096384, + "nauc_ndcg_at_5_max": 25.239652015076373, + "nauc_ndcg_at_5_std": -28.2620160957961, + "nauc_precision_at_1000_diff1": -0.7557639926687744, + "nauc_precision_at_1000_max": 24.265591636994436, + "nauc_precision_at_1000_std": 16.833104654292654, + "nauc_precision_at_100_diff1": 4.647847665941115, + "nauc_precision_at_100_max": 24.42192644844434, + "nauc_precision_at_100_std": 0.2718848568876648, + "nauc_precision_at_10_diff1": 9.465969286722654, + "nauc_precision_at_10_max": 27.448993150448043, + "nauc_precision_at_10_std": -16.519099596502212, + "nauc_precision_at_1_diff1": 23.406748619244368, + "nauc_precision_at_1_max": 29.058228240823553, + "nauc_precision_at_1_std": -26.450169820901078, + "nauc_precision_at_20_diff1": 8.021421615668114, + "nauc_precision_at_20_max": 26.18556481398635, + "nauc_precision_at_20_std": -12.207152108668367, + "nauc_precision_at_3_diff1": 11.783572803634241, + "nauc_precision_at_3_max": 29.259715774978893, + "nauc_precision_at_3_std": -20.407524967717425, + "nauc_precision_at_5_diff1": 10.371728615220821, + "nauc_precision_at_5_max": 30.270642833482864, + "nauc_precision_at_5_std": -18.407334880575494, + "nauc_recall_at_1000_diff1": 6.008969959111555, + "nauc_recall_at_1000_max": 39.79691734058127, + "nauc_recall_at_1000_std": 32.43591825510109, + "nauc_recall_at_100_diff1": 15.2374566058917, + "nauc_recall_at_100_max": 23.058785539503717, + "nauc_recall_at_100_std": -15.962888794058165, + "nauc_recall_at_10_diff1": 19.46184821807753, + "nauc_recall_at_10_max": 19.001003513986866, + "nauc_recall_at_10_std": -27.753332786663876, + "nauc_recall_at_1_diff1": 28.87454015638211, + "nauc_recall_at_1_max": 17.50681123879997, + "nauc_recall_at_1_std": -30.382831850562432, + "nauc_recall_at_20_diff1": 17.237090858517405, + "nauc_recall_at_20_max": 18.42118474134871, + "nauc_recall_at_20_std": -24.862787724031957, + "nauc_recall_at_3_diff1": 18.813019521758577, + "nauc_recall_at_3_max": 19.198572333053544, + "nauc_recall_at_3_std": -28.5644958605618, + "nauc_recall_at_5_diff1": 20.247501986329482, + "nauc_recall_at_5_max": 21.121526202170358, + "nauc_recall_at_5_std": -27.220378617864853, + "ndcg_at_1": 30.318, + "ndcg_at_10": 34.042, + "ndcg_at_100": 42.733, + "ndcg_at_1000": 46.015, + "ndcg_at_20": 37.053999999999995, + "ndcg_at_3": 29.254, + "ndcg_at_5": 30.514000000000003, + "precision_at_1": 30.318, + "precision_at_10": 10.981, + "precision_at_100": 1.889, + "precision_at_1000": 0.234, + "precision_at_20": 6.643000000000001, + "precision_at_3": 22.166, + "precision_at_5": 17.477999999999998, + "recall_at_1": 13.236, + "recall_at_10": 41.461, + "recall_at_100": 75.008, + "recall_at_1000": 96.775, + "recall_at_20": 50.754, + "recall_at_3": 26.081, + "recall_at_5": 33.168 + }, + { + "hf_subset": "eng-cmn", + "languages": [ + "eng-Latn", + "cmn-Hans" + ], + "main_score": 37.504, + "map_at_1": 16.019, + "map_at_10": 30.794, + "map_at_100": 33.157, + "map_at_1000": 33.324999999999996, + "map_at_20": 32.161, + "map_at_3": 25.372, + "map_at_5": 28.246, + "mrr_at_1": 30.461165048543688, + "mrr_at_10": 39.393107566651224, + "mrr_at_100": 40.570039540602295, + "mrr_at_1000": 40.6306116407744, + "mrr_at_20": 40.09428159978876, + "mrr_at_3": 37.176375404530745, + "mrr_at_5": 38.09870550161812, + "nauc_map_at_1000_diff1": 30.82306881892873, + "nauc_map_at_1000_max": 5.877636000666466, + "nauc_map_at_1000_std": -30.7140513386797, + "nauc_map_at_100_diff1": 30.85192449151961, + "nauc_map_at_100_max": 5.809195131550909, + "nauc_map_at_100_std": -30.838556702972063, + "nauc_map_at_10_diff1": 30.50359163635058, + "nauc_map_at_10_max": 6.373491595869303, + "nauc_map_at_10_std": -29.89368007827676, + "nauc_map_at_1_diff1": 38.60240510083884, + "nauc_map_at_1_max": 10.407392664609139, + "nauc_map_at_1_std": -17.76327278732833, + "nauc_map_at_20_diff1": 30.897489125753598, + "nauc_map_at_20_max": 5.9303381898248, + "nauc_map_at_20_std": -30.863345188760515, + "nauc_map_at_3_diff1": 32.8150951852729, + "nauc_map_at_3_max": 7.671931402215177, + "nauc_map_at_3_std": -25.654809758216533, + "nauc_map_at_5_diff1": 31.19558194781019, + "nauc_map_at_5_max": 6.426885613116939, + "nauc_map_at_5_std": -28.609027858850016, + "nauc_mrr_at_1000_diff1": 30.7596332048733, + "nauc_mrr_at_1000_max": 1.1970748115580212, + "nauc_mrr_at_1000_std": -34.647570668150216, + "nauc_mrr_at_100_diff1": 30.74693370788581, + "nauc_mrr_at_100_max": 1.1673272262754841, + "nauc_mrr_at_100_std": -34.67761028542745, + "nauc_mrr_at_10_diff1": 30.537820575183076, + "nauc_mrr_at_10_max": 1.0261868725502707, + "nauc_mrr_at_10_std": -34.999990560631204, + "nauc_mrr_at_1_diff1": 35.51868580113285, + "nauc_mrr_at_1_max": 5.117103773147307, + "nauc_mrr_at_1_std": -30.633913466736956, + "nauc_mrr_at_20_diff1": 30.67318175430903, + "nauc_mrr_at_20_max": 1.0979983974981327, + "nauc_mrr_at_20_std": -34.8388339739997, + "nauc_mrr_at_3_diff1": 30.884642006045702, + "nauc_mrr_at_3_max": 1.7970996544095983, + "nauc_mrr_at_3_std": -34.290172894906085, + "nauc_mrr_at_5_diff1": 30.89687518368571, + "nauc_mrr_at_5_max": 1.2123714988495347, + "nauc_mrr_at_5_std": -35.01704580471926, + "nauc_ndcg_at_1000_diff1": 29.214476799077342, + "nauc_ndcg_at_1000_max": 3.6379035546112872, + "nauc_ndcg_at_1000_std": -32.35757522049194, + "nauc_ndcg_at_100_diff1": 29.130004541376298, + "nauc_ndcg_at_100_max": 2.9580589185293045, + "nauc_ndcg_at_100_std": -33.26884643871724, + "nauc_ndcg_at_10_diff1": 28.521001084366393, + "nauc_ndcg_at_10_max": 3.630223957267483, + "nauc_ndcg_at_10_std": -33.14524140940815, + "nauc_ndcg_at_1_diff1": 35.51868580113285, + "nauc_ndcg_at_1_max": 5.117103773147307, + "nauc_ndcg_at_1_std": -30.633913466736956, + "nauc_ndcg_at_20_diff1": 29.194462756848782, + "nauc_ndcg_at_20_max": 2.61162903136461, + "nauc_ndcg_at_20_std": -34.59161403211834, + "nauc_ndcg_at_3_diff1": 30.183555327135203, + "nauc_ndcg_at_3_max": 5.61949040917093, + "nauc_ndcg_at_3_std": -30.350117794058175, + "nauc_ndcg_at_5_diff1": 29.74420394139971, + "nauc_ndcg_at_5_max": 3.952183813937688, + "nauc_ndcg_at_5_std": -31.807833795302038, + "nauc_precision_at_1000_diff1": -5.467049121617333, + "nauc_precision_at_1000_max": -3.993986884198271, + "nauc_precision_at_1000_std": -13.703967324212224, + "nauc_precision_at_100_diff1": 1.5585428307943647, + "nauc_precision_at_100_max": -4.250455723613214, + "nauc_precision_at_100_std": -22.294689856776493, + "nauc_precision_at_10_diff1": 11.076036917255259, + "nauc_precision_at_10_max": -1.5859394644365377, + "nauc_precision_at_10_std": -34.94912594413202, + "nauc_precision_at_1_diff1": 35.51868580113285, + "nauc_precision_at_1_max": 5.117103773147307, + "nauc_precision_at_1_std": -30.633913466736956, + "nauc_precision_at_20_diff1": 9.311484455773828, + "nauc_precision_at_20_max": -3.678383428592432, + "nauc_precision_at_20_std": -33.700002761401635, + "nauc_precision_at_3_diff1": 19.2787260874381, + "nauc_precision_at_3_max": 0.18292109396940018, + "nauc_precision_at_3_std": -35.23939824276542, + "nauc_precision_at_5_diff1": 14.97930592298584, + "nauc_precision_at_5_max": -1.63540635880963, + "nauc_precision_at_5_std": -35.908283558321315, + "nauc_recall_at_1000_diff1": 26.63056473607804, + "nauc_recall_at_1000_max": 62.7304558520689, + "nauc_recall_at_1000_std": 58.12421701377561, + "nauc_recall_at_100_diff1": 21.42127379898579, + "nauc_recall_at_100_max": 1.4748203516921914, + "nauc_recall_at_100_std": -27.56467339041136, + "nauc_recall_at_10_diff1": 21.20479652609812, + "nauc_recall_at_10_max": 1.7394881489709888, + "nauc_recall_at_10_std": -32.15116902585072, + "nauc_recall_at_1_diff1": 38.60240510083884, + "nauc_recall_at_1_max": 10.407392664609139, + "nauc_recall_at_1_std": -17.76327278732833, + "nauc_recall_at_20_diff1": 23.049652721582632, + "nauc_recall_at_20_max": -1.7715787106286838, + "nauc_recall_at_20_std": -36.14203686002867, + "nauc_recall_at_3_diff1": 26.522179829461873, + "nauc_recall_at_3_max": 6.078208732431124, + "nauc_recall_at_3_std": -25.02625711226274, + "nauc_recall_at_5_diff1": 24.19538553561693, + "nauc_recall_at_5_max": 2.4963810785503524, + "nauc_recall_at_5_std": -30.449635496921257, + "ndcg_at_1": 30.461, + "ndcg_at_10": 37.504, + "ndcg_at_100": 46.156000000000006, + "ndcg_at_1000": 48.985, + "ndcg_at_20": 41.025, + "ndcg_at_3": 32.165, + "ndcg_at_5": 33.072, + "precision_at_1": 30.461, + "precision_at_10": 11.032, + "precision_at_100": 1.8870000000000002, + "precision_at_1000": 0.22499999999999998, + "precision_at_20": 6.833, + "precision_at_3": 22.532, + "precision_at_5": 16.966, + "recall_at_1": 16.019, + "recall_at_10": 47.557, + "recall_at_100": 80.376, + "recall_at_1000": 98.904, + "recall_at_20": 58.48100000000001, + "recall_at_3": 30.682, + "recall_at_5": 36.714999999999996 + }, + { + "hf_subset": "eng-spa", + "languages": [ + "eng-Latn", + "spa-Latn" + ], + "main_score": 53.359, + "map_at_1": 22.892000000000003, + "map_at_10": 45.773, + "map_at_100": 47.778999999999996, + "map_at_1000": 47.882999999999996, + "map_at_20": 46.869, + "map_at_3": 37.643, + "map_at_5": 43.120999999999995, + "mrr_at_1": 47.28877679697352, + "mrr_at_10": 56.95890630316857, + "mrr_at_100": 57.71103367009639, + "mrr_at_1000": 57.73661441948852, + "mrr_at_20": 57.37701091311334, + "mrr_at_3": 54.74989491382929, + "mrr_at_5": 56.08659100462372, + "nauc_map_at_1000_diff1": 27.8347129954991, + "nauc_map_at_1000_max": 38.04300600762859, + "nauc_map_at_1000_std": -18.294653328262868, + "nauc_map_at_100_diff1": 27.818449297770858, + "nauc_map_at_100_max": 38.03533462156633, + "nauc_map_at_100_std": -18.332989980880644, + "nauc_map_at_10_diff1": 27.520664180018358, + "nauc_map_at_10_max": 37.67109855753314, + "nauc_map_at_10_std": -18.496721673888683, + "nauc_map_at_1_diff1": 37.56020148060502, + "nauc_map_at_1_max": 10.298394230150745, + "nauc_map_at_1_std": -20.41359936101547, + "nauc_map_at_20_diff1": 27.615023038189722, + "nauc_map_at_20_max": 37.808525116320254, + "nauc_map_at_20_std": -18.49235775420803, + "nauc_map_at_3_diff1": 30.797347567428424, + "nauc_map_at_3_max": 29.374407828869497, + "nauc_map_at_3_std": -19.75905772914969, + "nauc_map_at_5_diff1": 28.431802888884803, + "nauc_map_at_5_max": 35.57723911610521, + "nauc_map_at_5_std": -19.093588845366824, + "nauc_mrr_at_1000_diff1": 33.263611009054586, + "nauc_mrr_at_1000_max": 40.620639901613664, + "nauc_mrr_at_1000_std": -17.083016011032036, + "nauc_mrr_at_100_diff1": 33.25375012559163, + "nauc_mrr_at_100_max": 40.62376205172005, + "nauc_mrr_at_100_std": -17.091930575226684, + "nauc_mrr_at_10_diff1": 33.05787202690095, + "nauc_mrr_at_10_max": 40.4516362611674, + "nauc_mrr_at_10_std": -17.088910666499892, + "nauc_mrr_at_1_diff1": 36.424151087824555, + "nauc_mrr_at_1_max": 40.955715626650445, + "nauc_mrr_at_1_std": -16.56636409111209, + "nauc_mrr_at_20_diff1": 33.12029456858138, + "nauc_mrr_at_20_max": 40.56409347292635, + "nauc_mrr_at_20_std": -17.102034817242068, + "nauc_mrr_at_3_diff1": 33.52377926814156, + "nauc_mrr_at_3_max": 40.824911575046876, + "nauc_mrr_at_3_std": -16.855935748811092, + "nauc_mrr_at_5_diff1": 33.08646471768442, + "nauc_mrr_at_5_max": 40.59323589955881, + "nauc_mrr_at_5_std": -16.77829710500156, + "nauc_ndcg_at_1000_diff1": 28.741186244590207, + "nauc_ndcg_at_1000_max": 40.0113825410539, + "nauc_ndcg_at_1000_std": -17.15655081742458, + "nauc_ndcg_at_100_diff1": 28.680521359782972, + "nauc_ndcg_at_100_max": 39.94751899984445, + "nauc_ndcg_at_100_std": -17.82813814043932, + "nauc_ndcg_at_10_diff1": 27.22858072673168, + "nauc_ndcg_at_10_max": 38.600188968554725, + "nauc_ndcg_at_10_std": -18.517203924893614, + "nauc_ndcg_at_1_diff1": 36.424151087824555, + "nauc_ndcg_at_1_max": 40.955715626650445, + "nauc_ndcg_at_1_std": -16.56636409111209, + "nauc_ndcg_at_20_diff1": 27.56875900623774, + "nauc_ndcg_at_20_max": 38.95264310199067, + "nauc_ndcg_at_20_std": -18.709973965688445, + "nauc_ndcg_at_3_diff1": 28.682842749851574, + "nauc_ndcg_at_3_max": 38.361215408395964, + "nauc_ndcg_at_3_std": -16.800291231827515, + "nauc_ndcg_at_5_diff1": 28.178239259093484, + "nauc_ndcg_at_5_max": 36.77096292606479, + "nauc_ndcg_at_5_std": -18.718861696641145, + "nauc_precision_at_1000_diff1": -7.3686253252869305, + "nauc_precision_at_1000_max": 31.98896996987639, + "nauc_precision_at_1000_std": 13.125659676392267, + "nauc_precision_at_100_diff1": -2.8239113056969156, + "nauc_precision_at_100_max": 36.95062472971812, + "nauc_precision_at_100_std": 7.230228733647562, + "nauc_precision_at_10_diff1": 2.5515545798843555, + "nauc_precision_at_10_max": 45.46146019314904, + "nauc_precision_at_10_std": -1.3249340536211553, + "nauc_precision_at_1_diff1": 36.424151087824555, + "nauc_precision_at_1_max": 40.955715626650445, + "nauc_precision_at_1_std": -16.56636409111209, + "nauc_precision_at_20_diff1": 0.7202861770489576, + "nauc_precision_at_20_max": 41.9937596214609, + "nauc_precision_at_20_std": 0.2756400069730064, + "nauc_precision_at_3_diff1": 12.89221206929447, + "nauc_precision_at_3_max": 48.57775126381142, + "nauc_precision_at_3_std": -8.042242254131068, + "nauc_precision_at_5_diff1": 7.063616193387763, + "nauc_precision_at_5_max": 47.26496887331675, + "nauc_precision_at_5_std": -4.735805200913049, + "nauc_recall_at_1000_diff1": 2.6650052980682224, + "nauc_recall_at_1000_max": 81.94826279951472, + "nauc_recall_at_1000_std": 48.46012388224573, + "nauc_recall_at_100_diff1": 24.516371948375827, + "nauc_recall_at_100_max": 39.17639620389552, + "nauc_recall_at_100_std": -17.884197602579533, + "nauc_recall_at_10_diff1": 19.93892097640112, + "nauc_recall_at_10_max": 33.079079440022106, + "nauc_recall_at_10_std": -20.22227622801884, + "nauc_recall_at_1_diff1": 37.56020148060502, + "nauc_recall_at_1_max": 10.298394230150745, + "nauc_recall_at_1_std": -20.41359936101547, + "nauc_recall_at_20_diff1": 20.363784035670633, + "nauc_recall_at_20_max": 33.39352971625336, + "nauc_recall_at_20_std": -21.712050932168875, + "nauc_recall_at_3_diff1": 26.220072121604655, + "nauc_recall_at_3_max": 25.853218030218507, + "nauc_recall_at_3_std": -17.830613372910907, + "nauc_recall_at_5_diff1": 22.25850162680252, + "nauc_recall_at_5_max": 30.89620539042785, + "nauc_recall_at_5_std": -19.16786434439169, + "ndcg_at_1": 47.288999999999994, + "ndcg_at_10": 53.359, + "ndcg_at_100": 60.25899999999999, + "ndcg_at_1000": 61.902, + "ndcg_at_20": 56.025000000000006, + "ndcg_at_3": 47.221999999999994, + "ndcg_at_5": 49.333, + "precision_at_1": 47.288999999999994, + "precision_at_10": 16.003, + "precision_at_100": 2.221, + "precision_at_1000": 0.246, + "precision_at_20": 8.985, + "precision_at_3": 34.510000000000005, + "precision_at_5": 26.961000000000002, + "recall_at_1": 22.892000000000003, + "recall_at_10": 62.928, + "recall_at_100": 89.105, + "recall_at_1000": 99.319, + "recall_at_20": 71.387, + "recall_at_3": 43.492999999999995, + "recall_at_5": 53.529 + }, + { + "hf_subset": "eng-fra", + "languages": [ + "eng-Latn", + "fra-Latn" + ], + "main_score": 54.888000000000005, + "map_at_1": 26.079, + "map_at_10": 47.434, + "map_at_100": 49.376, + "map_at_1000": 49.461, + "map_at_20": 48.634, + "map_at_3": 40.409, + "map_at_5": 44.531, + "mrr_at_1": 46.86248331108144, + "mrr_at_10": 56.45506177548896, + "mrr_at_100": 57.20360629445577, + "mrr_at_1000": 57.227004696897986, + "mrr_at_20": 56.905302765737865, + "mrr_at_3": 54.09434801958164, + "mrr_at_5": 55.40943480195811, + "nauc_map_at_1000_diff1": 37.739936045535885, + "nauc_map_at_1000_max": 35.92625003516368, + "nauc_map_at_1000_std": -15.825119611638398, + "nauc_map_at_100_diff1": 37.71697833661983, + "nauc_map_at_100_max": 35.91174068136317, + "nauc_map_at_100_std": -15.838841891589006, + "nauc_map_at_10_diff1": 37.52309268219689, + "nauc_map_at_10_max": 35.4887130483351, + "nauc_map_at_10_std": -16.61132378136234, + "nauc_map_at_1_diff1": 42.705087329207984, + "nauc_map_at_1_max": 12.047671550242974, + "nauc_map_at_1_std": -17.156030827065834, + "nauc_map_at_20_diff1": 37.59446680137666, + "nauc_map_at_20_max": 35.80559546695052, + "nauc_map_at_20_std": -16.158338316249786, + "nauc_map_at_3_diff1": 38.618415267131816, + "nauc_map_at_3_max": 27.030227996183925, + "nauc_map_at_3_std": -18.962500694157857, + "nauc_map_at_5_diff1": 37.980845601534256, + "nauc_map_at_5_max": 32.82374761283266, + "nauc_map_at_5_std": -17.856875825229565, + "nauc_mrr_at_1000_diff1": 40.26059509279346, + "nauc_mrr_at_1000_max": 39.28453752990871, + "nauc_mrr_at_1000_std": -13.306217279524212, + "nauc_mrr_at_100_diff1": 40.23390833398881, + "nauc_mrr_at_100_max": 39.26041461025653, + "nauc_mrr_at_100_std": -13.317700798873153, + "nauc_mrr_at_10_diff1": 40.163737640180145, + "nauc_mrr_at_10_max": 39.27138538165913, + "nauc_mrr_at_10_std": -13.472971360323038, + "nauc_mrr_at_1_diff1": 42.95339241383707, + "nauc_mrr_at_1_max": 40.62982307619158, + "nauc_mrr_at_1_std": -10.429597045942748, + "nauc_mrr_at_20_diff1": 40.23703505923782, + "nauc_mrr_at_20_max": 39.27051308063652, + "nauc_mrr_at_20_std": -13.390197643922038, + "nauc_mrr_at_3_diff1": 40.5721313555661, + "nauc_mrr_at_3_max": 39.254774354468594, + "nauc_mrr_at_3_std": -13.773803807863827, + "nauc_mrr_at_5_diff1": 40.41081287079734, + "nauc_mrr_at_5_max": 39.515241132077335, + "nauc_mrr_at_5_std": -13.306544090087336, + "nauc_ndcg_at_1000_diff1": 38.04772268296103, + "nauc_ndcg_at_1000_max": 38.03364565521176, + "nauc_ndcg_at_1000_std": -14.203182726102263, + "nauc_ndcg_at_100_diff1": 37.51752795463643, + "nauc_ndcg_at_100_max": 37.809671511710604, + "nauc_ndcg_at_100_std": -13.880578225081408, + "nauc_ndcg_at_10_diff1": 36.78438984005559, + "nauc_ndcg_at_10_max": 36.98105155993232, + "nauc_ndcg_at_10_std": -16.886308645939113, + "nauc_ndcg_at_1_diff1": 42.95339241383707, + "nauc_ndcg_at_1_max": 40.62982307619158, + "nauc_ndcg_at_1_std": -10.429597045942748, + "nauc_ndcg_at_20_diff1": 36.94164323893683, + "nauc_ndcg_at_20_max": 37.333583379288285, + "nauc_ndcg_at_20_std": -15.853318071434716, + "nauc_ndcg_at_3_diff1": 36.905604845477384, + "nauc_ndcg_at_3_max": 35.10252586688781, + "nauc_ndcg_at_3_std": -17.128435988977742, + "nauc_ndcg_at_5_diff1": 37.96742463612705, + "nauc_ndcg_at_5_max": 34.65945109443365, + "nauc_ndcg_at_5_std": -17.916428667861183, + "nauc_precision_at_1000_diff1": -3.740861894117653, + "nauc_precision_at_1000_max": 31.993854396874177, + "nauc_precision_at_1000_std": 17.445629474196448, + "nauc_precision_at_100_diff1": -0.4825948747911606, + "nauc_precision_at_100_max": 35.834638448782954, + "nauc_precision_at_100_std": 16.82718796079511, + "nauc_precision_at_10_diff1": 8.285949866268147, + "nauc_precision_at_10_max": 45.3292519726866, + "nauc_precision_at_10_std": 4.5574850748441555, + "nauc_precision_at_1_diff1": 42.95339241383707, + "nauc_precision_at_1_max": 40.62982307619158, + "nauc_precision_at_1_std": -10.429597045942748, + "nauc_precision_at_20_diff1": 4.890590733611442, + "nauc_precision_at_20_max": 41.83051757078859, + "nauc_precision_at_20_std": 9.197347125630467, + "nauc_precision_at_3_diff1": 17.79940075411976, + "nauc_precision_at_3_max": 45.224103632426946, + "nauc_precision_at_3_std": -5.017203435609909, + "nauc_precision_at_5_diff1": 13.548063145911929, + "nauc_precision_at_5_max": 46.84837547409909, + "nauc_precision_at_5_std": -0.8925939386354484, + "nauc_recall_at_1000_diff1": 74.48441717138078, + "nauc_recall_at_1000_max": 74.66717137705027, + "nauc_recall_at_1000_std": 0.24030117471512125, + "nauc_recall_at_100_diff1": 22.553777341988656, + "nauc_recall_at_100_max": 31.67861029246527, + "nauc_recall_at_100_std": 0.2707450517253687, + "nauc_recall_at_10_diff1": 28.490866614443235, + "nauc_recall_at_10_max": 31.722970141434352, + "nauc_recall_at_10_std": -21.97893365028007, + "nauc_recall_at_1_diff1": 42.705087329207984, + "nauc_recall_at_1_max": 12.047671550242974, + "nauc_recall_at_1_std": -17.156030827065834, + "nauc_recall_at_20_diff1": 27.44043454173112, + "nauc_recall_at_20_max": 31.454281772040716, + "nauc_recall_at_20_std": -20.1735695305415, + "nauc_recall_at_3_diff1": 34.08447534706394, + "nauc_recall_at_3_max": 21.793973773840865, + "nauc_recall_at_3_std": -22.753978372378906, + "nauc_recall_at_5_diff1": 33.59686526199479, + "nauc_recall_at_5_max": 29.188889073761302, + "nauc_recall_at_5_std": -21.96156333744562, + "ndcg_at_1": 46.861999999999995, + "ndcg_at_10": 54.888000000000005, + "ndcg_at_100": 61.477000000000004, + "ndcg_at_1000": 62.768, + "ndcg_at_20": 57.812, + "ndcg_at_3": 48.721, + "ndcg_at_5": 50.282000000000004, + "precision_at_1": 46.861999999999995, + "precision_at_10": 15.167, + "precision_at_100": 2.072, + "precision_at_1000": 0.22499999999999998, + "precision_at_20": 8.672, + "precision_at_3": 33.066, + "precision_at_5": 24.726, + "recall_at_1": 26.079, + "recall_at_10": 66.095, + "recall_at_100": 91.65299999999999, + "recall_at_1000": 99.83999999999999, + "recall_at_20": 75.28, + "recall_at_3": 46.874, + "recall_at_5": 55.062 + }, + { + "hf_subset": "pol-eng", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "main_score": 50.831, + "map_at_1": 25.549, + "map_at_10": 44.432, + "map_at_100": 46.431, + "map_at_1000": 46.525, + "map_at_20": 45.595, + "map_at_3": 38.574000000000005, + "map_at_5": 42.266999999999996, + "mrr_at_1": 43.5006435006435, + "mrr_at_10": 51.561255132683684, + "mrr_at_100": 52.59912482635216, + "mrr_at_1000": 52.631337587043056, + "mrr_at_20": 52.23234440063273, + "mrr_at_3": 48.97039897039895, + "mrr_at_5": 50.31531531531527, + "nauc_map_at_1000_diff1": 35.907901295900174, + "nauc_map_at_1000_max": 24.573763602041687, + "nauc_map_at_1000_std": -29.524077960309313, + "nauc_map_at_100_diff1": 35.86869121827827, + "nauc_map_at_100_max": 24.532343818487494, + "nauc_map_at_100_std": -29.613979124488864, + "nauc_map_at_10_diff1": 35.90171794022391, + "nauc_map_at_10_max": 23.90914892943268, + "nauc_map_at_10_std": -30.43698820061533, + "nauc_map_at_1_diff1": 50.80313333312038, + "nauc_map_at_1_max": 16.649890421888156, + "nauc_map_at_1_std": -22.323989416471683, + "nauc_map_at_20_diff1": 35.77755470212964, + "nauc_map_at_20_max": 24.199895270297034, + "nauc_map_at_20_std": -30.223411960170647, + "nauc_map_at_3_diff1": 38.964124882315936, + "nauc_map_at_3_max": 21.187432510177167, + "nauc_map_at_3_std": -28.976663506389887, + "nauc_map_at_5_diff1": 36.04644236616672, + "nauc_map_at_5_max": 23.501186429317094, + "nauc_map_at_5_std": -30.068144596060748, + "nauc_mrr_at_1000_diff1": 41.36555452105447, + "nauc_mrr_at_1000_max": 26.376799280402867, + "nauc_mrr_at_1000_std": -30.008603028757424, + "nauc_mrr_at_100_diff1": 41.35523965220727, + "nauc_mrr_at_100_max": 26.402612115967706, + "nauc_mrr_at_100_std": -29.991754627128024, + "nauc_mrr_at_10_diff1": 41.001395127259315, + "nauc_mrr_at_10_max": 26.104860505051384, + "nauc_mrr_at_10_std": -30.38420449487516, + "nauc_mrr_at_1_diff1": 44.882846373248206, + "nauc_mrr_at_1_max": 26.61905322890808, + "nauc_mrr_at_1_std": -28.724565662206153, + "nauc_mrr_at_20_diff1": 41.278009142648834, + "nauc_mrr_at_20_max": 26.284565529087295, + "nauc_mrr_at_20_std": -30.19549140549242, + "nauc_mrr_at_3_diff1": 41.74663893951077, + "nauc_mrr_at_3_max": 26.263048464325884, + "nauc_mrr_at_3_std": -30.676733442965688, + "nauc_mrr_at_5_diff1": 41.11461477846568, + "nauc_mrr_at_5_max": 25.94713927964926, + "nauc_mrr_at_5_std": -30.317066480767817, + "nauc_ndcg_at_1000_diff1": 36.34161052445199, + "nauc_ndcg_at_1000_max": 26.321036033696206, + "nauc_ndcg_at_1000_std": -27.59146917115399, + "nauc_ndcg_at_100_diff1": 35.66557800007035, + "nauc_ndcg_at_100_max": 26.282211208336136, + "nauc_ndcg_at_100_std": -27.905634124461333, + "nauc_ndcg_at_10_diff1": 35.34872687407275, + "nauc_ndcg_at_10_max": 24.018561915792272, + "nauc_ndcg_at_10_std": -31.57712772869015, + "nauc_ndcg_at_1_diff1": 44.882846373248206, + "nauc_ndcg_at_1_max": 26.865602442152554, + "nauc_ndcg_at_1_std": -28.509295454329152, + "nauc_ndcg_at_20_diff1": 35.46177768045546, + "nauc_ndcg_at_20_max": 24.921273675141542, + "nauc_ndcg_at_20_std": -30.84348812979793, + "nauc_ndcg_at_3_diff1": 36.84688489063923, + "nauc_ndcg_at_3_max": 24.088513229463736, + "nauc_ndcg_at_3_std": -30.05640995379297, + "nauc_ndcg_at_5_diff1": 35.623143276796185, + "nauc_ndcg_at_5_max": 23.76654250474061, + "nauc_ndcg_at_5_std": -30.87847710074466, + "nauc_precision_at_1000_diff1": -16.270532533886932, + "nauc_precision_at_1000_max": 17.37365042394671, + "nauc_precision_at_1000_std": 16.27166715693082, + "nauc_precision_at_100_diff1": -13.175264889436313, + "nauc_precision_at_100_max": 19.488571046893963, + "nauc_precision_at_100_std": 9.055429698007798, + "nauc_precision_at_10_diff1": 0.6806938753592942, + "nauc_precision_at_10_max": 21.933083960522616, + "nauc_precision_at_10_std": -18.2147036942157, + "nauc_precision_at_1_diff1": 44.882846373248206, + "nauc_precision_at_1_max": 26.865602442152554, + "nauc_precision_at_1_std": -28.509295454329152, + "nauc_precision_at_20_diff1": -4.318119150162302, + "nauc_precision_at_20_max": 21.089702301041687, + "nauc_precision_at_20_std": -10.333077681479546, + "nauc_precision_at_3_diff1": 11.496076462671107, + "nauc_precision_at_3_max": 23.018301549827008, + "nauc_precision_at_3_std": -23.98652995416454, + "nauc_precision_at_5_diff1": 4.271050668117355, + "nauc_precision_at_5_max": 23.61051327966779, + "nauc_precision_at_5_std": -21.557618503107847, + "nauc_recall_at_1000_diff1": 62.23955911850697, + "nauc_recall_at_1000_max": 83.20491723365542, + "nauc_recall_at_1000_std": 66.5173462601958, + "nauc_recall_at_100_diff1": 20.503778602988177, + "nauc_recall_at_100_max": 29.379026288767506, + "nauc_recall_at_100_std": -16.139120874540573, + "nauc_recall_at_10_diff1": 27.659110249896557, + "nauc_recall_at_10_max": 19.69557968026332, + "nauc_recall_at_10_std": -33.95657132767551, + "nauc_recall_at_1_diff1": 50.80313333312038, + "nauc_recall_at_1_max": 16.649890421888156, + "nauc_recall_at_1_std": -22.323989416471683, + "nauc_recall_at_20_diff1": 27.084453724565176, + "nauc_recall_at_20_max": 21.40080632474994, + "nauc_recall_at_20_std": -32.83683639340239, + "nauc_recall_at_3_diff1": 34.32950941333572, + "nauc_recall_at_3_max": 18.55616615958199, + "nauc_recall_at_3_std": -30.375983327454076, + "nauc_recall_at_5_diff1": 29.44516734974564, + "nauc_recall_at_5_max": 20.630543534300312, + "nauc_recall_at_5_std": -31.30763062499127, + "ndcg_at_1": 43.501, + "ndcg_at_10": 50.831, + "ndcg_at_100": 58.17099999999999, + "ndcg_at_1000": 59.705, + "ndcg_at_20": 54.047999999999995, + "ndcg_at_3": 44.549, + "ndcg_at_5": 46.861000000000004, + "precision_at_1": 43.501, + "precision_at_10": 12.895999999999999, + "precision_at_100": 1.9, + "precision_at_1000": 0.21, + "precision_at_20": 7.593, + "precision_at_3": 29.215000000000003, + "precision_at_5": 21.57, + "recall_at_1": 25.549, + "recall_at_10": 61.795, + "recall_at_100": 90.019, + "recall_at_1000": 99.807, + "recall_at_20": 72.096, + "recall_at_3": 43.836999999999996, + "recall_at_5": 51.714000000000006 + }, + { + "hf_subset": "pol-pol", + "languages": [ + "pol-Latn", + "pol-Latn" + ], + "main_score": 53.70399999999999, + "map_at_1": 27.739000000000004, + "map_at_10": 47.469, + "map_at_100": 49.392, + "map_at_1000": 49.483, + "map_at_20": 48.646, + "map_at_3": 41.467, + "map_at_5": 45.467, + "mrr_at_1": 47.00636942675159, + "mrr_at_10": 54.63699322616519, + "mrr_at_100": 55.54525182833755, + "mrr_at_1000": 55.581331515356155, + "mrr_at_20": 55.22918377451415, + "mrr_at_3": 52.03821656050952, + "mrr_at_5": 53.38216560509549, + "nauc_map_at_1000_diff1": 45.03530825034854, + "nauc_map_at_1000_max": 34.22740272603397, + "nauc_map_at_1000_std": -30.428880484199244, + "nauc_map_at_100_diff1": 44.978704455592805, + "nauc_map_at_100_max": 34.20908357964765, + "nauc_map_at_100_std": -30.47325365059666, + "nauc_map_at_10_diff1": 44.9560579177672, + "nauc_map_at_10_max": 33.70097588985278, + "nauc_map_at_10_std": -31.205563222357885, + "nauc_map_at_1_diff1": 57.94711780881773, + "nauc_map_at_1_max": 21.60278071836319, + "nauc_map_at_1_std": -23.273741268035923, + "nauc_map_at_20_diff1": 44.97859054699532, + "nauc_map_at_20_max": 34.153729150181846, + "nauc_map_at_20_std": -30.97482545902907, + "nauc_map_at_3_diff1": 47.52016138686765, + "nauc_map_at_3_max": 30.176197065298417, + "nauc_map_at_3_std": -29.90628984041898, + "nauc_map_at_5_diff1": 45.36581638257985, + "nauc_map_at_5_max": 33.697200263698036, + "nauc_map_at_5_std": -31.165331120088453, + "nauc_mrr_at_1000_diff1": 53.32889526818364, + "nauc_mrr_at_1000_max": 36.104118340589736, + "nauc_mrr_at_1000_std": -31.321132494516984, + "nauc_mrr_at_100_diff1": 53.30695875258367, + "nauc_mrr_at_100_max": 36.114890079024455, + "nauc_mrr_at_100_std": -31.291749322117447, + "nauc_mrr_at_10_diff1": 53.189084772141435, + "nauc_mrr_at_10_max": 35.939061062282484, + "nauc_mrr_at_10_std": -31.502185884653645, + "nauc_mrr_at_1_diff1": 56.89368291041337, + "nauc_mrr_at_1_max": 36.07581125496313, + "nauc_mrr_at_1_std": -29.703764232519475, + "nauc_mrr_at_20_diff1": 53.23955737199497, + "nauc_mrr_at_20_max": 36.068824838215676, + "nauc_mrr_at_20_std": -31.420039428197594, + "nauc_mrr_at_3_diff1": 53.74385074861207, + "nauc_mrr_at_3_max": 35.57054587735015, + "nauc_mrr_at_3_std": -32.356894834537684, + "nauc_mrr_at_5_diff1": 53.66669556981826, + "nauc_mrr_at_5_max": 36.02102289605049, + "nauc_mrr_at_5_std": -32.030437067359124, + "nauc_ndcg_at_1000_diff1": 46.34900536768847, + "nauc_ndcg_at_1000_max": 35.6314995837715, + "nauc_ndcg_at_1000_std": -28.965103958822624, + "nauc_ndcg_at_100_diff1": 45.1587893788861, + "nauc_ndcg_at_100_max": 35.62430753595297, + "nauc_ndcg_at_100_std": -28.77303405812772, + "nauc_ndcg_at_10_diff1": 44.928781590765965, + "nauc_ndcg_at_10_max": 34.315200006430366, + "nauc_ndcg_at_10_std": -32.05164097076614, + "nauc_ndcg_at_1_diff1": 57.228262350455125, + "nauc_ndcg_at_1_max": 35.645285703387366, + "nauc_ndcg_at_1_std": -29.893553821348718, + "nauc_ndcg_at_20_diff1": 44.959903633039865, + "nauc_ndcg_at_20_max": 35.493022926282755, + "nauc_ndcg_at_20_std": -31.54989291850644, + "nauc_ndcg_at_3_diff1": 46.65266185996905, + "nauc_ndcg_at_3_max": 33.74458119579594, + "nauc_ndcg_at_3_std": -31.493683304534176, + "nauc_ndcg_at_5_diff1": 46.08707037187612, + "nauc_ndcg_at_5_max": 34.7401426055243, + "nauc_ndcg_at_5_std": -32.44390676345172, + "nauc_precision_at_1000_diff1": -12.11355300492561, + "nauc_precision_at_1000_max": 14.490738062121233, + "nauc_precision_at_1000_std": 14.448811005059097, + "nauc_precision_at_100_diff1": -9.742085657181239, + "nauc_precision_at_100_max": 18.030305489251223, + "nauc_precision_at_100_std": 8.213089709529765, + "nauc_precision_at_10_diff1": 5.153466672774969, + "nauc_precision_at_10_max": 27.29412644661678, + "nauc_precision_at_10_std": -15.505053884112355, + "nauc_precision_at_1_diff1": 57.228262350455125, + "nauc_precision_at_1_max": 35.645285703387366, + "nauc_precision_at_1_std": -29.893553821348718, + "nauc_precision_at_20_diff1": -0.6812430761066635, + "nauc_precision_at_20_max": 25.81911286466295, + "nauc_precision_at_20_std": -8.388506222482595, + "nauc_precision_at_3_diff1": 18.263873866510576, + "nauc_precision_at_3_max": 30.879576105862345, + "nauc_precision_at_3_std": -24.0342929870108, + "nauc_precision_at_5_diff1": 10.9905804265327, + "nauc_precision_at_5_max": 30.88468087429045, + "nauc_precision_at_5_std": -20.458684056213507, + "nauc_recall_at_1000_diff1": -64.887668417171, + "nauc_recall_at_1000_max": 52.25501730358092, + "nauc_recall_at_1000_std": 85.13647916200132, + "nauc_recall_at_100_diff1": 18.956777346127655, + "nauc_recall_at_100_max": 36.10473493564588, + "nauc_recall_at_100_std": -10.007474558899949, + "nauc_recall_at_10_diff1": 33.810344497568046, + "nauc_recall_at_10_max": 31.395430183214245, + "nauc_recall_at_10_std": -33.12920524433795, + "nauc_recall_at_1_diff1": 57.94711780881773, + "nauc_recall_at_1_max": 21.60278071836319, + "nauc_recall_at_1_std": -23.273741268035923, + "nauc_recall_at_20_diff1": 31.449657437065397, + "nauc_recall_at_20_max": 34.519574934321945, + "nauc_recall_at_20_std": -33.43406862055647, + "nauc_recall_at_3_diff1": 42.07841848382365, + "nauc_recall_at_3_max": 28.7648772833266, + "nauc_recall_at_3_std": -31.56367736320086, + "nauc_recall_at_5_diff1": 39.21392858246301, + "nauc_recall_at_5_max": 34.28338202081927, + "nauc_recall_at_5_std": -33.725680523721906, + "ndcg_at_1": 46.879, + "ndcg_at_10": 53.70399999999999, + "ndcg_at_100": 60.532, + "ndcg_at_1000": 61.997, + "ndcg_at_20": 56.818999999999996, + "ndcg_at_3": 47.441, + "ndcg_at_5": 49.936, + "precision_at_1": 46.879, + "precision_at_10": 13.376, + "precision_at_100": 1.8980000000000001, + "precision_at_1000": 0.208, + "precision_at_20": 7.771, + "precision_at_3": 30.658, + "precision_at_5": 22.828, + "recall_at_1": 27.739000000000004, + "recall_at_10": 64.197, + "recall_at_100": 90.54100000000001, + "recall_at_1000": 99.90400000000001, + "recall_at_20": 74.178, + "recall_at_3": 46.312, + "recall_at_5": 54.581999999999994 + }, + { + "hf_subset": "cmn-eng", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "main_score": 64.64, + "map_at_1": 35.858000000000004, + "map_at_10": 58.547000000000004, + "map_at_100": 60.108, + "map_at_1000": 60.153999999999996, + "map_at_20": 59.528000000000006, + "map_at_3": 51.578, + "map_at_5": 56.206999999999994, + "mrr_at_1": 56.95121951219512, + "mrr_at_10": 64.93975029036001, + "mrr_at_100": 65.63357055718294, + "mrr_at_1000": 65.64844109026834, + "mrr_at_20": 65.41280668715439, + "mrr_at_3": 62.68292682926826, + "mrr_at_5": 64.1585365853658, + "nauc_map_at_1000_diff1": 45.82740870907091, + "nauc_map_at_1000_max": 21.9696540066807, + "nauc_map_at_1000_std": -32.028262356639495, + "nauc_map_at_100_diff1": 45.802053117616396, + "nauc_map_at_100_max": 21.946002070290966, + "nauc_map_at_100_std": -32.06190418866229, + "nauc_map_at_10_diff1": 46.017774155748945, + "nauc_map_at_10_max": 21.876909086095544, + "nauc_map_at_10_std": -32.13913568843985, + "nauc_map_at_1_diff1": 56.34671160956164, + "nauc_map_at_1_max": 17.6796949796236, + "nauc_map_at_1_std": -13.741140688066045, + "nauc_map_at_20_diff1": 46.027469176858716, + "nauc_map_at_20_max": 21.80738432042703, + "nauc_map_at_20_std": -32.430379634015395, + "nauc_map_at_3_diff1": 48.40096725254027, + "nauc_map_at_3_max": 21.15442803574233, + "nauc_map_at_3_std": -26.205850292181417, + "nauc_map_at_5_diff1": 45.77800041356389, + "nauc_map_at_5_max": 22.11718771798752, + "nauc_map_at_5_std": -30.32876338031471, + "nauc_mrr_at_1000_diff1": 49.748274798877944, + "nauc_mrr_at_1000_max": 24.547774167219906, + "nauc_mrr_at_1000_std": -32.728447209433504, + "nauc_mrr_at_100_diff1": 49.734549290377856, + "nauc_mrr_at_100_max": 24.536933315055222, + "nauc_mrr_at_100_std": -32.74076335880697, + "nauc_mrr_at_10_diff1": 49.82827711456392, + "nauc_mrr_at_10_max": 24.536773657485075, + "nauc_mrr_at_10_std": -33.05707547166962, + "nauc_mrr_at_1_diff1": 51.954289992321044, + "nauc_mrr_at_1_max": 26.336255074856886, + "nauc_mrr_at_1_std": -29.042962019692446, + "nauc_mrr_at_20_diff1": 49.70938465628863, + "nauc_mrr_at_20_max": 24.433219849576947, + "nauc_mrr_at_20_std": -32.94123791846049, + "nauc_mrr_at_3_diff1": 50.289486880347134, + "nauc_mrr_at_3_max": 24.978796972860142, + "nauc_mrr_at_3_std": -32.11305594784892, + "nauc_mrr_at_5_diff1": 49.95013396316144, + "nauc_mrr_at_5_max": 24.514452761198303, + "nauc_mrr_at_5_std": -32.865859962984146, + "nauc_ndcg_at_1000_diff1": 45.73806489233998, + "nauc_ndcg_at_1000_max": 22.404941391043867, + "nauc_ndcg_at_1000_std": -33.063445720849685, + "nauc_ndcg_at_100_diff1": 45.1046206923062, + "nauc_ndcg_at_100_max": 22.081133719684658, + "nauc_ndcg_at_100_std": -33.299291459450146, + "nauc_ndcg_at_10_diff1": 46.140608688357496, + "nauc_ndcg_at_10_max": 21.442489279388916, + "nauc_ndcg_at_10_std": -35.115870342856006, + "nauc_ndcg_at_1_diff1": 51.954289992321044, + "nauc_ndcg_at_1_max": 26.336255074856886, + "nauc_ndcg_at_1_std": -29.042962019692446, + "nauc_ndcg_at_20_diff1": 45.966784725457046, + "nauc_ndcg_at_20_max": 21.166632858613145, + "nauc_ndcg_at_20_std": -35.65112890375392, + "nauc_ndcg_at_3_diff1": 46.7404863978999, + "nauc_ndcg_at_3_max": 22.701743709129456, + "nauc_ndcg_at_3_std": -30.907633466983192, + "nauc_ndcg_at_5_diff1": 45.86487199083486, + "nauc_ndcg_at_5_max": 22.088804840002513, + "nauc_ndcg_at_5_std": -32.3853481632832, + "nauc_precision_at_1000_diff1": -25.69710612774455, + "nauc_precision_at_1000_max": 1.3964400247388091, + "nauc_precision_at_1000_std": -8.873947511634814, + "nauc_precision_at_100_diff1": -24.013497191077978, + "nauc_precision_at_100_max": 2.0197725715909343, + "nauc_precision_at_100_std": -11.387423148770633, + "nauc_precision_at_10_diff1": -6.47728645242781, + "nauc_precision_at_10_max": 6.815261443768304, + "nauc_precision_at_10_std": -26.825062292855943, + "nauc_precision_at_1_diff1": 51.954289992321044, + "nauc_precision_at_1_max": 26.336255074856886, + "nauc_precision_at_1_std": -29.042962019692446, + "nauc_precision_at_20_diff1": -12.355232044747511, + "nauc_precision_at_20_max": 4.022126850949725, + "nauc_precision_at_20_std": -23.688935769326772, + "nauc_precision_at_3_diff1": 7.662671665835864, + "nauc_precision_at_3_max": 14.372394760986248, + "nauc_precision_at_3_std": -28.635125665532453, + "nauc_precision_at_5_diff1": -1.4592476425511611, + "nauc_precision_at_5_max": 11.124310161474174, + "nauc_precision_at_5_std": -27.89526669318053, + "nauc_recall_at_1000_diff1": -19.58450046684932, + "nauc_recall_at_1000_max": 70.71661998133165, + "nauc_recall_at_1000_std": 93.05555555556315, + "nauc_recall_at_100_diff1": 15.06356457571853, + "nauc_recall_at_100_max": 14.051414749344806, + "nauc_recall_at_100_std": -29.461874235153008, + "nauc_recall_at_10_diff1": 41.29842726117901, + "nauc_recall_at_10_max": 15.768699673830898, + "nauc_recall_at_10_std": -42.11585661287712, + "nauc_recall_at_1_diff1": 56.34671160956164, + "nauc_recall_at_1_max": 17.6796949796236, + "nauc_recall_at_1_std": -13.741140688066045, + "nauc_recall_at_20_diff1": 38.8078283585263, + "nauc_recall_at_20_max": 12.06816084005326, + "nauc_recall_at_20_std": -48.20956170056591, + "nauc_recall_at_3_diff1": 44.71028758038993, + "nauc_recall_at_3_max": 19.1059093689162, + "nauc_recall_at_3_std": -26.795164453784253, + "nauc_recall_at_5_diff1": 41.06320797773054, + "nauc_recall_at_5_max": 19.117028272530998, + "nauc_recall_at_5_std": -33.985747504612156, + "ndcg_at_1": 56.95099999999999, + "ndcg_at_10": 64.64, + "ndcg_at_100": 70.017, + "ndcg_at_1000": 70.662, + "ndcg_at_20": 67.256, + "ndcg_at_3": 58.269000000000005, + "ndcg_at_5": 60.94199999999999, + "precision_at_1": 56.95099999999999, + "precision_at_10": 15.671, + "precision_at_100": 2.002, + "precision_at_1000": 0.208, + "precision_at_20": 8.689, + "precision_at_3": 36.341, + "precision_at_5": 26.854, + "recall_at_1": 35.858000000000004, + "recall_at_10": 75.02, + "recall_at_100": 95.76, + "recall_at_1000": 99.837, + "recall_at_20": 83.732, + "recall_at_3": 57.093, + "recall_at_5": 66.193 + }, + { + "hf_subset": "cmn-cmn", + "languages": [ + "cmn-Hans", + "cmn-Hans" + ], + "main_score": 69.446, + "map_at_1": 39.995999999999995, + "map_at_10": 64.033, + "map_at_100": 65.51599999999999, + "map_at_1000": 65.545, + "map_at_20": 64.958, + "map_at_3": 57.767, + "map_at_5": 61.998, + "mrr_at_1": 63.3495145631068, + "mrr_at_10": 70.21146363075978, + "mrr_at_100": 70.82810974202124, + "mrr_at_1000": 70.83816803303915, + "mrr_at_20": 70.60140248428802, + "mrr_at_3": 68.66909385113267, + "mrr_at_5": 69.56108414239482, + "nauc_map_at_1000_diff1": 51.649897072831465, + "nauc_map_at_1000_max": 38.25222728655331, + "nauc_map_at_1000_std": -39.10327919949334, + "nauc_map_at_100_diff1": 51.644205886401465, + "nauc_map_at_100_max": 38.23611154355255, + "nauc_map_at_100_std": -39.1677073977285, + "nauc_map_at_10_diff1": 51.81444145636039, + "nauc_map_at_10_max": 38.03382104326485, + "nauc_map_at_10_std": -38.999395639812015, + "nauc_map_at_1_diff1": 59.785298201044704, + "nauc_map_at_1_max": 23.273537759937785, + "nauc_map_at_1_std": -17.838712689290194, + "nauc_map_at_20_diff1": 51.680208795601004, + "nauc_map_at_20_max": 38.23334583518634, + "nauc_map_at_20_std": -39.24344495939061, + "nauc_map_at_3_diff1": 52.180913298194056, + "nauc_map_at_3_max": 33.45482478000481, + "nauc_map_at_3_std": -31.682911030586297, + "nauc_map_at_5_diff1": 50.804900676175436, + "nauc_map_at_5_max": 37.68924816012326, + "nauc_map_at_5_std": -36.85016896616712, + "nauc_mrr_at_1000_diff1": 56.371477471577535, + "nauc_mrr_at_1000_max": 42.773877962050086, + "nauc_mrr_at_1000_std": -40.41765081873682, + "nauc_mrr_at_100_diff1": 56.3619751528192, + "nauc_mrr_at_100_max": 42.76298794859916, + "nauc_mrr_at_100_std": -40.44070582448831, + "nauc_mrr_at_10_diff1": 56.33810523477712, + "nauc_mrr_at_10_max": 42.76591937795783, + "nauc_mrr_at_10_std": -40.69339583030244, + "nauc_mrr_at_1_diff1": 58.90399906884378, + "nauc_mrr_at_1_max": 43.38806571165292, + "nauc_mrr_at_1_std": -38.224015285584, + "nauc_mrr_at_20_diff1": 56.32629070537032, + "nauc_mrr_at_20_max": 42.79615263472604, + "nauc_mrr_at_20_std": -40.496777397603076, + "nauc_mrr_at_3_diff1": 55.96989454480743, + "nauc_mrr_at_3_max": 42.49832220744744, + "nauc_mrr_at_3_std": -39.883799467132384, + "nauc_mrr_at_5_diff1": 56.003080766475755, + "nauc_mrr_at_5_max": 42.73308051011805, + "nauc_mrr_at_5_std": -39.87179511166683, + "nauc_ndcg_at_1000_diff1": 52.49054229225255, + "nauc_ndcg_at_1000_max": 39.61644750719859, + "nauc_ndcg_at_1000_std": -40.89845763194674, + "nauc_ndcg_at_100_diff1": 52.33511250864434, + "nauc_ndcg_at_100_max": 39.25530146124452, + "nauc_ndcg_at_100_std": -41.92444498004374, + "nauc_ndcg_at_10_diff1": 52.62031505931842, + "nauc_ndcg_at_10_max": 38.667195545396766, + "nauc_ndcg_at_10_std": -42.59503924641507, + "nauc_ndcg_at_1_diff1": 58.90399906884378, + "nauc_ndcg_at_1_max": 43.38806571165292, + "nauc_ndcg_at_1_std": -38.224015285584, + "nauc_ndcg_at_20_diff1": 52.15061629809436, + "nauc_ndcg_at_20_max": 39.09332400054708, + "nauc_ndcg_at_20_std": -42.80018671618001, + "nauc_ndcg_at_3_diff1": 51.04210728138207, + "nauc_ndcg_at_3_max": 38.19034802567046, + "nauc_ndcg_at_3_std": -38.179821090765216, + "nauc_ndcg_at_5_diff1": 51.04399574045204, + "nauc_ndcg_at_5_max": 38.42492210204548, + "nauc_ndcg_at_5_std": -38.868073241617715, + "nauc_precision_at_1000_diff1": -25.151369907213734, + "nauc_precision_at_1000_max": 9.012549147054989, + "nauc_precision_at_1000_std": -9.319786589947698, + "nauc_precision_at_100_diff1": -23.20945211843088, + "nauc_precision_at_100_max": 9.860701593969862, + "nauc_precision_at_100_std": -13.073877818347231, + "nauc_precision_at_10_diff1": -6.970781124246847, + "nauc_precision_at_10_max": 19.392675322254487, + "nauc_precision_at_10_std": -26.74943490717657, + "nauc_precision_at_1_diff1": 58.90399906884378, + "nauc_precision_at_1_max": 43.38806571165292, + "nauc_precision_at_1_std": -38.224015285584, + "nauc_precision_at_20_diff1": -13.046456108081102, + "nauc_precision_at_20_max": 15.69439950383875, + "nauc_precision_at_20_std": -23.836004512018093, + "nauc_precision_at_3_diff1": 3.5444232965528846, + "nauc_precision_at_3_max": 27.08858445453865, + "nauc_precision_at_3_std": -29.12757283665593, + "nauc_precision_at_5_diff1": -3.6853986353320267, + "nauc_precision_at_5_max": 24.32059689571271, + "nauc_precision_at_5_std": -27.46188072134163, + "nauc_recall_at_1000_diff1": 86.93515141907919, + "nauc_recall_at_1000_max": 100.0, + "nauc_recall_at_1000_std": 100.0, + "nauc_recall_at_100_diff1": 39.7052887613879, + "nauc_recall_at_100_max": 18.40943977796887, + "nauc_recall_at_100_std": -88.74014854144974, + "nauc_recall_at_10_diff1": 48.85342500870892, + "nauc_recall_at_10_max": 32.69617204234419, + "nauc_recall_at_10_std": -51.9937231860804, + "nauc_recall_at_1_diff1": 59.785298201044704, + "nauc_recall_at_1_max": 23.273537759937785, + "nauc_recall_at_1_std": -17.838712689290194, + "nauc_recall_at_20_diff1": 45.40839773314378, + "nauc_recall_at_20_max": 33.02458321493215, + "nauc_recall_at_20_std": -55.97800739448166, + "nauc_recall_at_3_diff1": 47.05565693416531, + "nauc_recall_at_3_max": 28.743850400344297, + "nauc_recall_at_3_std": -32.436470486397475, + "nauc_recall_at_5_diff1": 45.30223758669577, + "nauc_recall_at_5_max": 33.6567274747059, + "nauc_recall_at_5_std": -39.946712017948514, + "ndcg_at_1": 63.349999999999994, + "ndcg_at_10": 69.446, + "ndcg_at_100": 74.439, + "ndcg_at_1000": 74.834, + "ndcg_at_20": 71.763, + "ndcg_at_3": 64.752, + "ndcg_at_5": 66.316, + "precision_at_1": 63.349999999999994, + "precision_at_10": 16.286, + "precision_at_100": 2.024, + "precision_at_1000": 0.207, + "precision_at_20": 8.908000000000001, + "precision_at_3": 40.655, + "precision_at_5": 28.859, + "recall_at_1": 39.995999999999995, + "recall_at_10": 78.107, + "recall_at_100": 97.538, + "recall_at_1000": 99.96000000000001, + "recall_at_20": 85.72, + "recall_at_3": 63.291, + "recall_at_5": 70.625 + }, + { + "hf_subset": "spa-eng", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "main_score": 68.258, + "map_at_1": 33.06, + "map_at_10": 61.590999999999994, + "map_at_100": 63.341, + "map_at_1000": 63.385999999999996, + "map_at_20": 62.77700000000001, + "map_at_3": 52.547999999999995, + "map_at_5": 58.824, + "mrr_at_1": 63.80832282471627, + "mrr_at_10": 70.76848015372607, + "mrr_at_100": 71.33996704518061, + "mrr_at_1000": 71.35368444388072, + "mrr_at_20": 71.18191741103522, + "mrr_at_3": 68.83144178226142, + "mrr_at_5": 69.88440521227405, + "nauc_map_at_1000_diff1": 41.59255746310511, + "nauc_map_at_1000_max": 42.064075373358065, + "nauc_map_at_1000_std": -25.130730194381723, + "nauc_map_at_100_diff1": 41.56447648820406, + "nauc_map_at_100_max": 42.06711634651607, + "nauc_map_at_100_std": -25.14871585556968, + "nauc_map_at_10_diff1": 41.28968387107058, + "nauc_map_at_10_max": 41.511538272139774, + "nauc_map_at_10_std": -25.99906440164276, + "nauc_map_at_1_diff1": 51.09859596320021, + "nauc_map_at_1_max": 12.406789321338222, + "nauc_map_at_1_std": -18.227486548655076, + "nauc_map_at_20_diff1": 41.39469672947315, + "nauc_map_at_20_max": 41.98309315808902, + "nauc_map_at_20_std": -25.44704720985219, + "nauc_map_at_3_diff1": 43.16164995512842, + "nauc_map_at_3_max": 30.935400935562818, + "nauc_map_at_3_std": -23.53095555148866, + "nauc_map_at_5_diff1": 41.23474352142375, + "nauc_map_at_5_max": 39.03088859147947, + "nauc_map_at_5_std": -26.046526443708366, + "nauc_mrr_at_1000_diff1": 51.79649678213789, + "nauc_mrr_at_1000_max": 50.50340748045259, + "nauc_mrr_at_1000_std": -24.777183703493407, + "nauc_mrr_at_100_diff1": 51.78609028166551, + "nauc_mrr_at_100_max": 50.51732896833555, + "nauc_mrr_at_100_std": -24.760054686874717, + "nauc_mrr_at_10_diff1": 51.705268395036995, + "nauc_mrr_at_10_max": 50.35818415293149, + "nauc_mrr_at_10_std": -25.170367120250404, + "nauc_mrr_at_1_diff1": 53.91475115581825, + "nauc_mrr_at_1_max": 49.122529616282016, + "nauc_mrr_at_1_std": -22.377647552937155, + "nauc_mrr_at_20_diff1": 51.778984221197774, + "nauc_mrr_at_20_max": 50.5070957827813, + "nauc_mrr_at_20_std": -24.908935023607285, + "nauc_mrr_at_3_diff1": 51.82683773090423, + "nauc_mrr_at_3_max": 50.77993196421369, + "nauc_mrr_at_3_std": -24.3925832021831, + "nauc_mrr_at_5_diff1": 51.722232683543034, + "nauc_mrr_at_5_max": 50.334865493961864, + "nauc_mrr_at_5_std": -25.513593495703297, + "nauc_ndcg_at_1000_diff1": 44.21851582991263, + "nauc_ndcg_at_1000_max": 45.73539068637836, + "nauc_ndcg_at_1000_std": -24.716522467580397, + "nauc_ndcg_at_100_diff1": 43.8002401615357, + "nauc_ndcg_at_100_max": 45.801409410061915, + "nauc_ndcg_at_100_std": -24.73171742499903, + "nauc_ndcg_at_10_diff1": 42.540922778755885, + "nauc_ndcg_at_10_max": 44.348836943874595, + "nauc_ndcg_at_10_std": -28.05403666494785, + "nauc_ndcg_at_1_diff1": 53.91475115581825, + "nauc_ndcg_at_1_max": 49.122529616282016, + "nauc_ndcg_at_1_std": -22.377647552937155, + "nauc_ndcg_at_20_diff1": 43.10347921163421, + "nauc_ndcg_at_20_max": 45.53253270265022, + "nauc_ndcg_at_20_std": -26.63902791862846, + "nauc_ndcg_at_3_diff1": 42.41720274782384, + "nauc_ndcg_at_3_max": 42.91778219334943, + "nauc_ndcg_at_3_std": -24.793252033594076, + "nauc_ndcg_at_5_diff1": 42.51515034945093, + "nauc_ndcg_at_5_max": 41.62080576508792, + "nauc_ndcg_at_5_std": -28.209669314955065, + "nauc_precision_at_1000_diff1": -14.89794075433148, + "nauc_precision_at_1000_max": 27.85387929356412, + "nauc_precision_at_1000_std": 10.728618597190849, + "nauc_precision_at_100_diff1": -13.075270046295856, + "nauc_precision_at_100_max": 29.77208946756632, + "nauc_precision_at_100_std": 8.491662697326039, + "nauc_precision_at_10_diff1": -4.0826025188781205, + "nauc_precision_at_10_max": 39.04278085180075, + "nauc_precision_at_10_std": -5.925408651372333, + "nauc_precision_at_1_diff1": 53.91475115581825, + "nauc_precision_at_1_max": 49.122529616282016, + "nauc_precision_at_1_std": -22.377647552937155, + "nauc_precision_at_20_diff1": -7.93186440645135, + "nauc_precision_at_20_max": 35.81281308891365, + "nauc_precision_at_20_std": 0.1241277857515697, + "nauc_precision_at_3_diff1": 7.563562511484409, + "nauc_precision_at_3_max": 43.43738862378524, + "nauc_precision_at_3_std": -11.958059731912615, + "nauc_precision_at_5_diff1": -0.1801152449011624, + "nauc_precision_at_5_max": 41.32486715619513, + "nauc_precision_at_5_std": -10.088699021919552, + "nauc_recall_at_1000_diff1": 86.93359696819986, + "nauc_recall_at_1000_max": 100.0, + "nauc_recall_at_1000_std": 72.21843645604022, + "nauc_recall_at_100_diff1": 29.86050842714198, + "nauc_recall_at_100_max": 48.106658251136245, + "nauc_recall_at_100_std": -14.981886214880035, + "nauc_recall_at_10_diff1": 33.67119240737528, + "nauc_recall_at_10_max": 39.271984859561414, + "nauc_recall_at_10_std": -35.6434883839217, + "nauc_recall_at_1_diff1": 51.09859596320021, + "nauc_recall_at_1_max": 12.406789321338222, + "nauc_recall_at_1_std": -18.227486548655076, + "nauc_recall_at_20_diff1": 33.211979983240724, + "nauc_recall_at_20_max": 43.47676074743184, + "nauc_recall_at_20_std": -33.88107138395349, + "nauc_recall_at_3_diff1": 39.22513750146998, + "nauc_recall_at_3_max": 27.066674083840166, + "nauc_recall_at_3_std": -26.963282529629893, + "nauc_recall_at_5_diff1": 36.53718917129459, + "nauc_recall_at_5_max": 35.40550013169686, + "nauc_recall_at_5_std": -34.209159379410806, + "ndcg_at_1": 63.808, + "ndcg_at_10": 68.258, + "ndcg_at_100": 73.38799999999999, + "ndcg_at_1000": 74.03, + "ndcg_at_20": 70.968, + "ndcg_at_3": 62.33, + "ndcg_at_5": 64.096, + "precision_at_1": 63.808, + "precision_at_10": 19.243, + "precision_at_100": 2.367, + "precision_at_1000": 0.245, + "precision_at_20": 10.599, + "precision_at_3": 44.515, + "precision_at_5": 33.467999999999996, + "recall_at_1": 33.06, + "recall_at_10": 77.423, + "recall_at_100": 95.923, + "recall_at_1000": 99.874, + "recall_at_20": 85.782, + "recall_at_3": 57.098000000000006, + "recall_at_5": 67.472 + }, + { + "hf_subset": "spa-spa", + "languages": [ + "spa-Latn", + "spa-Latn" + ], + "main_score": 72.004, + "map_at_1": 36.248000000000005, + "map_at_10": 65.679, + "map_at_100": 67.22399999999999, + "map_at_1000": 67.264, + "map_at_20": 66.705, + "map_at_3": 56.455, + "map_at_5": 62.997, + "mrr_at_1": 67.71752837326608, + "mrr_at_10": 74.59782021257429, + "mrr_at_100": 75.0640960767943, + "mrr_at_1000": 75.07324799466076, + "mrr_at_20": 74.9323963386884, + "mrr_at_3": 72.95081967213115, + "mrr_at_5": 73.82723833543506, + "nauc_map_at_1000_diff1": 43.111810717567714, + "nauc_map_at_1000_max": 44.835247208972476, + "nauc_map_at_1000_std": -32.798405973931985, + "nauc_map_at_100_diff1": 43.090223482932764, + "nauc_map_at_100_max": 44.83392441557943, + "nauc_map_at_100_std": -32.81149166676563, + "nauc_map_at_10_diff1": 42.87841934951979, + "nauc_map_at_10_max": 43.9838653389494, + "nauc_map_at_10_std": -33.588084643627084, + "nauc_map_at_1_diff1": 54.509245848379095, + "nauc_map_at_1_max": 10.05921648322742, + "nauc_map_at_1_std": -24.652326014826762, + "nauc_map_at_20_diff1": 43.07468612984794, + "nauc_map_at_20_max": 44.75663122615032, + "nauc_map_at_20_std": -33.11788887878321, + "nauc_map_at_3_diff1": 44.63272828938906, + "nauc_map_at_3_max": 32.1584369869227, + "nauc_map_at_3_std": -30.761662210142944, + "nauc_map_at_5_diff1": 42.77296997803048, + "nauc_map_at_5_max": 41.78894616737652, + "nauc_map_at_5_std": -33.56459774477362, + "nauc_mrr_at_1000_diff1": 53.097544131833494, + "nauc_mrr_at_1000_max": 50.61134979184588, + "nauc_mrr_at_1000_std": -35.6221191487669, + "nauc_mrr_at_100_diff1": 53.096609856182106, + "nauc_mrr_at_100_max": 50.61951585642645, + "nauc_mrr_at_100_std": -35.62396157508327, + "nauc_mrr_at_10_diff1": 52.771534471912304, + "nauc_mrr_at_10_max": 50.430863224435726, + "nauc_mrr_at_10_std": -36.027992076620365, + "nauc_mrr_at_1_diff1": 55.05316238884337, + "nauc_mrr_at_1_max": 49.461858515275196, + "nauc_mrr_at_1_std": -31.87492636319712, + "nauc_mrr_at_20_diff1": 53.083253469629746, + "nauc_mrr_at_20_max": 50.62156424256193, + "nauc_mrr_at_20_std": -35.879153692447154, + "nauc_mrr_at_3_diff1": 52.98283109188415, + "nauc_mrr_at_3_max": 50.83561260429378, + "nauc_mrr_at_3_std": -35.30839538038797, + "nauc_mrr_at_5_diff1": 52.93270510879709, + "nauc_mrr_at_5_max": 50.54595596761199, + "nauc_mrr_at_5_std": -35.84059376434395, + "nauc_ndcg_at_1000_diff1": 45.343685089209416, + "nauc_ndcg_at_1000_max": 47.801141576669465, + "nauc_ndcg_at_1000_std": -33.512958862879195, + "nauc_ndcg_at_100_diff1": 45.255590461515894, + "nauc_ndcg_at_100_max": 47.99240031881967, + "nauc_ndcg_at_100_std": -33.614465006695205, + "nauc_ndcg_at_10_diff1": 43.93472511731019, + "nauc_ndcg_at_10_max": 45.92599752897053, + "nauc_ndcg_at_10_std": -36.43629114491574, + "nauc_ndcg_at_1_diff1": 55.05316238884337, + "nauc_ndcg_at_1_max": 49.461858515275196, + "nauc_ndcg_at_1_std": -31.87492636319712, + "nauc_ndcg_at_20_diff1": 44.93534591273201, + "nauc_ndcg_at_20_max": 47.55153940713458, + "nauc_ndcg_at_20_std": -35.56392448745206, + "nauc_ndcg_at_3_diff1": 43.17916122133396, + "nauc_ndcg_at_3_max": 45.603634205103276, + "nauc_ndcg_at_3_std": -32.473227507181214, + "nauc_ndcg_at_5_diff1": 44.10242961669216, + "nauc_ndcg_at_5_max": 43.61666669031808, + "nauc_ndcg_at_5_std": -35.98808321497782, + "nauc_precision_at_1000_diff1": -23.264714449991146, + "nauc_precision_at_1000_max": 28.505729576735465, + "nauc_precision_at_1000_std": 11.987379232920926, + "nauc_precision_at_100_diff1": -21.156119174614627, + "nauc_precision_at_100_max": 30.711646221646255, + "nauc_precision_at_100_std": 9.650486536340322, + "nauc_precision_at_10_diff1": -10.98001328477502, + "nauc_precision_at_10_max": 39.25638073760597, + "nauc_precision_at_10_std": -4.3456859257488, + "nauc_precision_at_1_diff1": 55.05316238884337, + "nauc_precision_at_1_max": 49.461858515275196, + "nauc_precision_at_1_std": -31.87492636319712, + "nauc_precision_at_20_diff1": -14.97565390664424, + "nauc_precision_at_20_max": 36.383835295942355, + "nauc_precision_at_20_std": 1.525158880381114, + "nauc_precision_at_3_diff1": 1.0448345623903483, + "nauc_precision_at_3_max": 45.69772060667404, + "nauc_precision_at_3_std": -13.002685018948293, + "nauc_precision_at_5_diff1": -5.434185597628904, + "nauc_precision_at_5_max": 42.99162431099203, + "nauc_precision_at_5_std": -9.789308817624534, + "nauc_recall_at_1000_diff1": 12.309303236094845, + "nauc_recall_at_1000_max": 100.0, + "nauc_recall_at_1000_std": 86.93359696819986, + "nauc_recall_at_100_diff1": 39.093544920901415, + "nauc_recall_at_100_max": 55.62814395062938, + "nauc_recall_at_100_std": -22.6919033301514, + "nauc_recall_at_10_diff1": 35.50100141633622, + "nauc_recall_at_10_max": 39.25750019586647, + "nauc_recall_at_10_std": -43.01273078031791, + "nauc_recall_at_1_diff1": 54.509245848379095, + "nauc_recall_at_1_max": 10.05921648322742, + "nauc_recall_at_1_std": -24.652326014826762, + "nauc_recall_at_20_diff1": 38.1281707132327, + "nauc_recall_at_20_max": 43.97950642900301, + "nauc_recall_at_20_std": -44.049952771307574, + "nauc_recall_at_3_diff1": 40.01986938242728, + "nauc_recall_at_3_max": 27.517114421061173, + "nauc_recall_at_3_std": -32.99056780232045, + "nauc_recall_at_5_diff1": 38.52035606499483, + "nauc_recall_at_5_max": 37.05834604678859, + "nauc_recall_at_5_std": -39.86196378897912, + "ndcg_at_1": 67.718, + "ndcg_at_10": 72.004, + "ndcg_at_100": 76.554, + "ndcg_at_1000": 77.07300000000001, + "ndcg_at_20": 74.37899999999999, + "ndcg_at_3": 66.379, + "ndcg_at_5": 68.082, + "precision_at_1": 67.718, + "precision_at_10": 19.849, + "precision_at_100": 2.3800000000000003, + "precision_at_1000": 0.245, + "precision_at_20": 10.813, + "precision_at_3": 46.574, + "precision_at_5": 34.83, + "recall_at_1": 36.248000000000005, + "recall_at_10": 80.252, + "recall_at_100": 96.73, + "recall_at_1000": 99.874, + "recall_at_20": 87.703, + "recall_at_3": 60.815, + "recall_at_5": 71.16 + }, + { + "hf_subset": "fra-eng", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "main_score": 73.729, + "map_at_1": 43.964999999999996, + "map_at_10": 67.803, + "map_at_100": 69.188, + "map_at_1000": 69.21000000000001, + "map_at_20": 68.747, + "map_at_3": 60.972, + "map_at_5": 65.39399999999999, + "mrr_at_1": 68.4913217623498, + "mrr_at_10": 75.2600822260368, + "mrr_at_100": 75.6599169808848, + "mrr_at_1000": 75.66720883727534, + "mrr_at_20": 75.52375865860405, + "mrr_at_3": 73.54250111259452, + "mrr_at_5": 74.51713395638626, + "nauc_map_at_1000_diff1": 46.81533703002097, + "nauc_map_at_1000_max": 46.30794757084772, + "nauc_map_at_1000_std": -14.953470500312335, + "nauc_map_at_100_diff1": 46.82464740277745, + "nauc_map_at_100_max": 46.32852879948254, + "nauc_map_at_100_std": -14.950035098066172, + "nauc_map_at_10_diff1": 46.31406143369831, + "nauc_map_at_10_max": 45.337593270786634, + "nauc_map_at_10_std": -16.011789445907876, + "nauc_map_at_1_diff1": 57.097134715065835, + "nauc_map_at_1_max": 21.93931500350721, + "nauc_map_at_1_std": -15.134457251301637, + "nauc_map_at_20_diff1": 46.47030891134173, + "nauc_map_at_20_max": 46.29169960276292, + "nauc_map_at_20_std": -15.14241106541829, + "nauc_map_at_3_diff1": 50.27064228648596, + "nauc_map_at_3_max": 39.43058773971639, + "nauc_map_at_3_std": -16.16545993089126, + "nauc_map_at_5_diff1": 46.974867679747426, + "nauc_map_at_5_max": 44.31091104855002, + "nauc_map_at_5_std": -16.50175337658926, + "nauc_mrr_at_1000_diff1": 55.20294005110399, + "nauc_mrr_at_1000_max": 51.947725719119966, + "nauc_mrr_at_1000_std": -14.586112939597232, + "nauc_mrr_at_100_diff1": 55.20426251109304, + "nauc_mrr_at_100_max": 51.95648725402534, + "nauc_mrr_at_100_std": -14.579769236539143, + "nauc_mrr_at_10_diff1": 54.93870506205835, + "nauc_mrr_at_10_max": 51.89312772900638, + "nauc_mrr_at_10_std": -14.692635010092939, + "nauc_mrr_at_1_diff1": 56.54945935175171, + "nauc_mrr_at_1_max": 51.28134504197991, + "nauc_mrr_at_1_std": -12.909042186563061, + "nauc_mrr_at_20_diff1": 55.10667018041461, + "nauc_mrr_at_20_max": 51.98236870783707, + "nauc_mrr_at_20_std": -14.599377575198025, + "nauc_mrr_at_3_diff1": 55.67124311746892, + "nauc_mrr_at_3_max": 51.77903236246767, + "nauc_mrr_at_3_std": -14.94452633860763, + "nauc_mrr_at_5_diff1": 55.42849172366371, + "nauc_mrr_at_5_max": 51.76902965753959, + "nauc_mrr_at_5_std": -15.357993534727072, + "nauc_ndcg_at_1000_diff1": 48.736844959280326, + "nauc_ndcg_at_1000_max": 48.92891159935398, + "nauc_ndcg_at_1000_std": -13.983968675611056, + "nauc_ndcg_at_100_diff1": 48.73859328503975, + "nauc_ndcg_at_100_max": 49.31867149556439, + "nauc_ndcg_at_100_std": -13.72387564912742, + "nauc_ndcg_at_10_diff1": 46.50313862975287, + "nauc_ndcg_at_10_max": 47.13599793554596, + "nauc_ndcg_at_10_std": -16.317919977400113, + "nauc_ndcg_at_1_diff1": 56.54945935175171, + "nauc_ndcg_at_1_max": 51.28134504197991, + "nauc_ndcg_at_1_std": -12.909042186563061, + "nauc_ndcg_at_20_diff1": 47.01727117133912, + "nauc_ndcg_at_20_max": 49.121366036709105, + "nauc_ndcg_at_20_std": -14.411078677638775, + "nauc_ndcg_at_3_diff1": 49.229581145458276, + "nauc_ndcg_at_3_max": 47.427609717032, + "nauc_ndcg_at_3_std": -16.52066627289908, + "nauc_ndcg_at_5_diff1": 48.0152514127505, + "nauc_ndcg_at_5_max": 46.12152407850816, + "nauc_ndcg_at_5_std": -17.613295491954656, + "nauc_precision_at_1000_diff1": -25.959006032642463, + "nauc_precision_at_1000_max": 12.81002362947137, + "nauc_precision_at_1000_std": 12.575312826061513, + "nauc_precision_at_100_diff1": -24.35413527283394, + "nauc_precision_at_100_max": 14.878359236477303, + "nauc_precision_at_100_std": 12.384426050018428, + "nauc_precision_at_10_diff1": -17.93220761770618, + "nauc_precision_at_10_max": 23.523485811847294, + "nauc_precision_at_10_std": 4.424456968716939, + "nauc_precision_at_1_diff1": 56.54945935175171, + "nauc_precision_at_1_max": 51.28134504197991, + "nauc_precision_at_1_std": -12.909042186563061, + "nauc_precision_at_20_diff1": -21.776871398686936, + "nauc_precision_at_20_max": 21.18436338264366, + "nauc_precision_at_20_std": 9.937274986573321, + "nauc_precision_at_3_diff1": -1.2411845580934435, + "nauc_precision_at_3_max": 34.962281941875, + "nauc_precision_at_3_std": -2.447892908501237, + "nauc_precision_at_5_diff1": -11.134164534114085, + "nauc_precision_at_5_max": 30.22079740070525, + "nauc_precision_at_5_std": -0.24232594421765946, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": 43.3647412452869, + "nauc_recall_at_100_max": 63.50094950500327, + "nauc_recall_at_100_std": 2.3911909633714044, + "nauc_recall_at_10_diff1": 33.993445071666855, + "nauc_recall_at_10_max": 41.38694129134144, + "nauc_recall_at_10_std": -19.308698266099096, + "nauc_recall_at_1_diff1": 57.097134715065835, + "nauc_recall_at_1_max": 21.93931500350721, + "nauc_recall_at_1_std": -15.134457251301637, + "nauc_recall_at_20_diff1": 32.03888531880772, + "nauc_recall_at_20_max": 49.660787482562085, + "nauc_recall_at_20_std": -12.641456758778382, + "nauc_recall_at_3_diff1": 47.94527082900579, + "nauc_recall_at_3_max": 36.51733131437679, + "nauc_recall_at_3_std": -18.65511713247495, + "nauc_recall_at_5_diff1": 42.04545772092305, + "nauc_recall_at_5_max": 41.21440912972303, + "nauc_recall_at_5_std": -21.47386527081128, + "ndcg_at_1": 68.491, + "ndcg_at_10": 73.729, + "ndcg_at_100": 77.684, + "ndcg_at_1000": 78.084, + "ndcg_at_20": 75.795, + "ndcg_at_3": 68.568, + "ndcg_at_5": 70.128, + "precision_at_1": 68.491, + "precision_at_10": 16.996, + "precision_at_100": 2.023, + "precision_at_1000": 0.207, + "precision_at_20": 9.246, + "precision_at_3": 41.923, + "precision_at_5": 29.826000000000004, + "recall_at_1": 43.964999999999996, + "recall_at_10": 82.777, + "recall_at_100": 97.287, + "recall_at_1000": 100.0, + "recall_at_20": 89.183, + "recall_at_3": 65.803, + "recall_at_5": 74.119 + }, + { + "hf_subset": "fra-fra", + "languages": [ + "fra-Latn", + "fra-Latn" + ], + "main_score": 77.581, + "map_at_1": 46.444, + "map_at_10": 72.084, + "map_at_100": 73.175, + "map_at_1000": 73.193, + "map_at_20": 72.77799999999999, + "map_at_3": 65.242, + "map_at_5": 69.926, + "mrr_at_1": 71.82910547396529, + "mrr_at_10": 78.66594612923046, + "mrr_at_100": 78.97334934049613, + "mrr_at_1000": 78.97687021803557, + "mrr_at_20": 78.85701141744282, + "mrr_at_3": 76.96929238985311, + "mrr_at_5": 77.99732977303067, + "nauc_map_at_1000_diff1": 49.090956807097804, + "nauc_map_at_1000_max": 52.01095354889508, + "nauc_map_at_1000_std": -12.182870421711026, + "nauc_map_at_100_diff1": 49.091664766684566, + "nauc_map_at_100_max": 52.017499797253755, + "nauc_map_at_100_std": -12.188342487271528, + "nauc_map_at_10_diff1": 48.6619338205362, + "nauc_map_at_10_max": 50.93591260329888, + "nauc_map_at_10_std": -12.899399261673365, + "nauc_map_at_1_diff1": 61.89699552471587, + "nauc_map_at_1_max": 22.387748207421946, + "nauc_map_at_1_std": -17.139518194308437, + "nauc_map_at_20_diff1": 48.72828404686453, + "nauc_map_at_20_max": 51.781074586075434, + "nauc_map_at_20_std": -12.174270605093136, + "nauc_map_at_3_diff1": 53.11509580126934, + "nauc_map_at_3_max": 42.1768380145106, + "nauc_map_at_3_std": -14.98340833032363, + "nauc_map_at_5_diff1": 49.60521390803235, + "nauc_map_at_5_max": 49.80360562029127, + "nauc_map_at_5_std": -13.900652140457618, + "nauc_mrr_at_1000_diff1": 58.10782478654255, + "nauc_mrr_at_1000_max": 61.31083013535486, + "nauc_mrr_at_1000_std": -9.624904298545921, + "nauc_mrr_at_100_diff1": 58.11041683306092, + "nauc_mrr_at_100_max": 61.31590199755797, + "nauc_mrr_at_100_std": -9.625991053580865, + "nauc_mrr_at_10_diff1": 57.883701815695375, + "nauc_mrr_at_10_max": 61.36276126424689, + "nauc_mrr_at_10_std": -9.495072468420386, + "nauc_mrr_at_1_diff1": 60.18176977079093, + "nauc_mrr_at_1_max": 59.697615236642555, + "nauc_mrr_at_1_std": -9.396133077966779, + "nauc_mrr_at_20_diff1": 57.964817434006754, + "nauc_mrr_at_20_max": 61.34073539502932, + "nauc_mrr_at_20_std": -9.602378876645131, + "nauc_mrr_at_3_diff1": 58.44338049427257, + "nauc_mrr_at_3_max": 60.92272989411293, + "nauc_mrr_at_3_std": -9.928970439416162, + "nauc_mrr_at_5_diff1": 58.01513016866578, + "nauc_mrr_at_5_max": 61.46805302986586, + "nauc_mrr_at_5_std": -9.842227002440984, + "nauc_ndcg_at_1000_diff1": 50.99293152828167, + "nauc_ndcg_at_1000_max": 56.14232784664811, + "nauc_ndcg_at_1000_std": -10.529213072410288, + "nauc_ndcg_at_100_diff1": 50.99385944312529, + "nauc_ndcg_at_100_max": 56.34825518954588, + "nauc_ndcg_at_100_std": -10.398943874846047, + "nauc_ndcg_at_10_diff1": 48.51273364357823, + "nauc_ndcg_at_10_max": 53.77871849486298, + "nauc_ndcg_at_10_std": -11.82105972112472, + "nauc_ndcg_at_1_diff1": 60.18176977079093, + "nauc_ndcg_at_1_max": 59.697615236642555, + "nauc_ndcg_at_1_std": -9.396133077966779, + "nauc_ndcg_at_20_diff1": 49.04268319033412, + "nauc_ndcg_at_20_max": 55.47011381097071, + "nauc_ndcg_at_20_std": -10.486452945493042, + "nauc_ndcg_at_3_diff1": 50.95112745400584, + "nauc_ndcg_at_3_max": 53.45473828705577, + "nauc_ndcg_at_3_std": -13.420699384045728, + "nauc_ndcg_at_5_diff1": 50.313156212000074, + "nauc_ndcg_at_5_max": 52.78539129309866, + "nauc_ndcg_at_5_std": -13.586274096509122, + "nauc_precision_at_1000_diff1": -31.13772049254778, + "nauc_precision_at_1000_max": 17.2847598361294, + "nauc_precision_at_1000_std": 15.497531773816887, + "nauc_precision_at_100_diff1": -29.98812263553739, + "nauc_precision_at_100_max": 19.048620003227654, + "nauc_precision_at_100_std": 15.38499952171958, + "nauc_precision_at_10_diff1": -25.33028097412579, + "nauc_precision_at_10_max": 26.077919168306853, + "nauc_precision_at_10_std": 11.35352933466097, + "nauc_precision_at_1_diff1": 60.18176977079093, + "nauc_precision_at_1_max": 59.697615236642555, + "nauc_precision_at_1_std": -9.396133077966779, + "nauc_precision_at_20_diff1": -28.417606311068905, + "nauc_precision_at_20_max": 23.958679828637692, + "nauc_precision_at_20_std": 14.442021499194205, + "nauc_precision_at_3_diff1": -8.127396049790482, + "nauc_precision_at_3_max": 37.348067982957076, + "nauc_precision_at_3_std": 4.747913619596849, + "nauc_precision_at_5_diff1": -16.902418446058395, + "nauc_precision_at_5_max": 32.73583852552014, + "nauc_precision_at_5_std": 7.031446423850052, + "nauc_recall_at_1000_diff1": -14.485978369112514, + "nauc_recall_at_1000_max": 78.59123887333172, + "nauc_recall_at_1000_std": 90.7384575424963, + "nauc_recall_at_100_diff1": 41.47842281590715, + "nauc_recall_at_100_max": 67.47271545727422, + "nauc_recall_at_100_std": 14.555561992253999, + "nauc_recall_at_10_diff1": 33.05308907973924, + "nauc_recall_at_10_max": 45.49878918493155, + "nauc_recall_at_10_std": -11.560069806810926, + "nauc_recall_at_1_diff1": 61.89699552471587, + "nauc_recall_at_1_max": 22.387748207421946, + "nauc_recall_at_1_std": -17.139518194308437, + "nauc_recall_at_20_diff1": 31.305721376453754, + "nauc_recall_at_20_max": 51.24817763724019, + "nauc_recall_at_20_std": -5.0809908162023145, + "nauc_recall_at_3_diff1": 49.27109038342917, + "nauc_recall_at_3_max": 37.69188317998447, + "nauc_recall_at_3_std": -17.119900758664336, + "nauc_recall_at_5_diff1": 42.74501803377967, + "nauc_recall_at_5_max": 46.877008503354844, + "nauc_recall_at_5_std": -15.704892082115975, + "ndcg_at_1": 71.829, + "ndcg_at_10": 77.581, + "ndcg_at_100": 80.75, + "ndcg_at_1000": 81.026, + "ndcg_at_20": 79.092, + "ndcg_at_3": 72.81, + "ndcg_at_5": 74.22999999999999, + "precision_at_1": 71.829, + "precision_at_10": 17.717, + "precision_at_100": 2.031, + "precision_at_1000": 0.207, + "precision_at_20": 9.399000000000001, + "precision_at_3": 44.458999999999996, + "precision_at_5": 31.535000000000004, + "recall_at_1": 46.444, + "recall_at_10": 86.275, + "recall_at_100": 98.017, + "recall_at_1000": 99.8, + "recall_at_20": 90.935, + "recall_at_3": 70.167, + "recall_at_5": 78.2 + } + ] + } +} \ No newline at end of file diff --git a/results/DivineNnamdi__jina-embeddings-v3/external/model_meta.json b/results/DivineNnamdi__jina-embeddings-v3/external/model_meta.json new file mode 100644 index 000000000..c95e05d00 --- /dev/null +++ b/results/DivineNnamdi__jina-embeddings-v3/external/model_meta.json @@ -0,0 +1,115 @@ +{ + "name": "DivineNnamdi/jina-embeddings-v3", + "revision": "c4ebb2e8b3b7aa56f89e18ff41842218409c6d56", + "release_date": "2024-10-20", + "languages": [ + "multilingual", + "af", + "am", + "ar", + "as", + "az", + "be", + "bg", + "bn", + "br", + "bs", + "ca", + "cs", + "cy", + "da", + "de", + "el", + "en", + "eo", + "es", + "et", + "eu", + "fa", + "fi", + "fr", + "fy", + "ga", + "gd", + "gl", + "gu", + "ha", + "he", + "hi", + "hr", + "hu", + "hy", + "id", + "is", + "it", + "ja", + "jv", + "ka", + "kk", + "km", + "kn", + "ko", + "ku", + "ky", + "la", + "lo", + "lt", + "lv", + "mg", + "mk", + "ml", + "mn", + "mr", + "ms", + "my", + "ne", + "nl", + "no", + "om", + "or", + "pa", + "pl", + "ps", + "pt", + "ro", + "ru", + "sa", + "sd", + "si", + "sk", + "sl", + "so", + "sq", + "sr", + "su", + "sv", + "sw", + "ta", + "te", + "th", + "tl", + "tr", + "ug", + "uk", + "ur", + "uz", + "vi", + "xh", + "yi", + "zh" + ], + "loader": null, + "n_parameters": 572310396, + "memory_usage": null, + "max_tokens": 8194, + "embed_dim": 1024, + "license": "cc-by-nc-4.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/AFQMC.json b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/AFQMC.json new file mode 100644 index 000000000..aa3ab75f9 --- /dev/null +++ b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/AFQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 15.582251984126666, + "cos_sim_spearman": 15.69467748963597, + "euclidean_pearson": 16.2494479187005, + "euclidean_spearman": 15.69467748963597, + "manhattan_pearson": 16.10975022496916, + "manhattan_spearman": 15.599765124154125, + "cosine_pearson": 15.582251984126666, + "cosine_spearman": 15.69467748963597, + "main_score": 15.69467748963597 + } + ] + } +} \ No newline at end of file diff --git a/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/ATEC.json b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/ATEC.json new file mode 100644 index 000000000..4bc2e67a1 --- /dev/null +++ b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/ATEC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 19.07752310222746, + "cos_sim_spearman": 20.26726582178988, + "euclidean_pearson": 21.46028997787012, + "euclidean_spearman": 20.26726694759729, + "manhattan_pearson": 21.21116198565279, + "manhattan_spearman": 20.036477476049843, + "cosine_pearson": 19.07752310222746, + "cosine_spearman": 20.26726582178988, + "main_score": 20.26726582178988 + } + ] + } +} \ No newline at end of file diff --git a/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/AmazonReviewsClassification.json b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..a01e5c784 --- /dev/null +++ b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 38.248000000000005, + "f1": 36.51864988321388, + "main_score": 38.248000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/BQ.json b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/BQ.json new file mode 100644 index 000000000..b26fd2fd1 --- /dev/null +++ b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/BQ.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 36.035921295879945, + "cos_sim_spearman": 36.32879592292982, + "euclidean_pearson": 37.01984887739531, + "euclidean_spearman": 36.32879592292982, + "manhattan_pearson": 36.82576491213651, + "manhattan_spearman": 36.144748202867035, + "cosine_pearson": 36.035921295879945, + "cosine_spearman": 36.32879592292982, + "main_score": 36.32879592292982 + } + ] + } +} \ No newline at end of file diff --git a/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/CLSClusteringP2P.json b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/CLSClusteringP2P.json new file mode 100644 index 000000000..4975ea1dd --- /dev/null +++ b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/CLSClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 39.23871809483964, + "main_score": 39.23871809483964 + } + ] + } +} \ No newline at end of file diff --git a/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/CLSClusteringS2S.json b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/CLSClusteringS2S.json new file mode 100644 index 000000000..e4bfa8e0c --- /dev/null +++ b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/CLSClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 35.364138763920494, + "main_score": 35.364138763920494 + } + ] + } +} \ No newline at end of file diff --git a/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/CmedqaRetrieval.json b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/CmedqaRetrieval.json new file mode 100644 index 000000000..87d15e583 --- /dev/null +++ b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/CmedqaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 4.642, + "map_at_10": 7.561, + "map_at_100": 8.423, + "map_at_1000": 8.6, + "map_at_3": 6.433999999999999, + "map_at_5": 7.065, + "mrr_at_1": 8.126999999999999, + "mrr_at_10": 11.693000000000001, + "mrr_at_100": 12.485, + "mrr_at_1000": 12.61, + "mrr_at_3": 10.344000000000001, + "mrr_at_5": 11.089, + "ndcg_at_1": 8.126999999999999, + "ndcg_at_10": 10.147, + "ndcg_at_100": 14.631, + "ndcg_at_1000": 19.372, + "ndcg_at_3": 8.285, + "ndcg_at_5": 9.074, + "precision_at_1": 8.126999999999999, + "precision_at_10": 2.558, + "precision_at_100": 0.629, + "precision_at_1000": 0.126, + "precision_at_3": 5.035, + "precision_at_5": 3.866, + "recall_at_1": 4.642, + "recall_at_10": 13.91, + "recall_at_100": 33.17, + "recall_at_1000": 66.916, + "recall_at_3": 8.279, + "recall_at_5": 10.716000000000001, + "main_score": 10.147 + } + ] + } +} \ No newline at end of file diff --git a/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/Cmnli.json b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/Cmnli.json new file mode 100644 index 000000000..6c71f30fc --- /dev/null +++ b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/Cmnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Cmnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 78.90559230306675, + "cos_sim_ap": 86.6988666945878, + "cos_sim_f1": 80.14296226216756, + "cos_sim_precision": 72.80366692131398, + "cos_sim_recall": 89.12789338321254, + "dot_accuracy": 78.90559230306675, + "dot_ap": 86.69489796769942, + "dot_f1": 80.14296226216756, + "dot_precision": 72.80366692131398, + "dot_recall": 89.12789338321254, + "euclidean_accuracy": 78.90559230306675, + "euclidean_ap": 86.69887318853196, + "euclidean_f1": 80.14296226216756, + "euclidean_precision": 72.80366692131398, + "euclidean_recall": 89.12789338321254, + "manhattan_accuracy": 79.01383042693926, + "manhattan_ap": 86.68915849492038, + "manhattan_f1": 80.34006376195538, + "manhattan_precision": 73.64114552893045, + "manhattan_recall": 88.379705400982, + "max_accuracy": 79.01383042693926, + "max_ap": 86.69887318853196, + "max_f1": 80.34006376195538, + "main_score": 79.01383042693926 + } + ] + } +} \ No newline at end of file diff --git a/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/CovidRetrieval.json b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/CovidRetrieval.json new file mode 100644 index 000000000..b7729eff6 --- /dev/null +++ b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/CovidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 18.967, + "map_at_10": 25.325999999999997, + "map_at_100": 26.313, + "map_at_1000": 26.41, + "map_at_3": 23.358, + "map_at_5": 24.391, + "mrr_at_1": 18.862000000000002, + "mrr_at_10": 25.261, + "mrr_at_100": 26.243, + "mrr_at_1000": 26.337, + "mrr_at_3": 23.288, + "mrr_at_5": 24.32, + "ndcg_at_1": 18.967, + "ndcg_at_10": 28.852, + "ndcg_at_100": 34.061, + "ndcg_at_1000": 36.886, + "ndcg_at_3": 24.75, + "ndcg_at_5": 26.613999999999997, + "precision_at_1": 18.967, + "precision_at_10": 4.025, + "precision_at_100": 0.66, + "precision_at_1000": 0.089, + "precision_at_3": 9.589, + "precision_at_5": 6.660000000000001, + "recall_at_1": 18.967, + "recall_at_10": 40.148, + "recall_at_100": 65.358, + "recall_at_1000": 88.145, + "recall_at_3": 28.767, + "recall_at_5": 33.298, + "main_score": 28.852 + } + ] + } +} \ No newline at end of file diff --git a/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/DuRetrieval.json b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/DuRetrieval.json new file mode 100644 index 000000000..d482a367c --- /dev/null +++ b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/DuRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 9.415999999999999, + "map_at_10": 24.324, + "map_at_100": 27.298000000000002, + "map_at_1000": 27.592, + "map_at_3": 17.343, + "map_at_5": 20.849, + "mrr_at_1": 37.25, + "mrr_at_10": 46.056999999999995, + "mrr_at_100": 46.784, + "mrr_at_1000": 46.827999999999996, + "mrr_at_3": 43.867, + "mrr_at_5": 45.094, + "ndcg_at_1": 37.25, + "ndcg_at_10": 33.413, + "ndcg_at_100": 41.315000000000005, + "ndcg_at_1000": 45.501000000000005, + "ndcg_at_3": 32.79, + "ndcg_at_5": 31.421, + "precision_at_1": 37.25, + "precision_at_10": 16.77, + "precision_at_100": 2.954, + "precision_at_1000": 0.4, + "precision_at_3": 29.282999999999998, + "precision_at_5": 24.15, + "recall_at_1": 9.415999999999999, + "recall_at_10": 34.885, + "recall_at_100": 59.136, + "recall_at_1000": 80.28699999999999, + "recall_at_3": 20.063, + "recall_at_5": 26.088, + "main_score": 33.413 + } + ] + } +} \ No newline at end of file diff --git a/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/EcomRetrieval.json b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/EcomRetrieval.json new file mode 100644 index 000000000..e2647562e --- /dev/null +++ b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/EcomRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 4.3, + "map_at_10": 7.628, + "map_at_100": 8.248999999999999, + "map_at_1000": 8.355, + "map_at_3": 6.35, + "map_at_5": 7.03, + "mrr_at_1": 4.3, + "mrr_at_10": 7.628, + "mrr_at_100": 8.248999999999999, + "mrr_at_1000": 8.355, + "mrr_at_3": 6.35, + "mrr_at_5": 7.03, + "ndcg_at_1": 4.3, + "ndcg_at_10": 9.69, + "ndcg_at_100": 13.543, + "ndcg_at_1000": 16.862, + "ndcg_at_3": 7.005999999999999, + "ndcg_at_5": 8.237, + "precision_at_1": 4.3, + "precision_at_10": 1.6400000000000001, + "precision_at_100": 0.363, + "precision_at_1000": 0.064, + "precision_at_3": 2.9669999999999996, + "precision_at_5": 2.3800000000000003, + "recall_at_1": 4.3, + "recall_at_10": 16.400000000000002, + "recall_at_100": 36.3, + "recall_at_1000": 63.5, + "recall_at_3": 8.9, + "recall_at_5": 11.899999999999999, + "main_score": 9.69 + } + ] + } +} \ No newline at end of file diff --git a/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/IFlyTek.json b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/IFlyTek.json new file mode 100644 index 000000000..095e1a0e6 --- /dev/null +++ b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/IFlyTek.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 43.13197383609081, + "f1": 33.19723983169144, + "main_score": 43.13197383609081 + } + ] + } +} \ No newline at end of file diff --git a/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/JDReview.json b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/JDReview.json new file mode 100644 index 000000000..b798e503e --- /dev/null +++ b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/JDReview.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 69.08067542213884, + "ap": 31.497021246386026, + "f1": 63.10432314478336, + "main_score": 69.08067542213884 + } + ] + } +} \ No newline at end of file diff --git a/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/LCQMC.json b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/LCQMC.json new file mode 100644 index 000000000..121680f8f --- /dev/null +++ b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/LCQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 54.02193542004488, + "cos_sim_spearman": 63.29956119287726, + "euclidean_pearson": 60.824093753187505, + "euclidean_spearman": 63.29955451768957, + "manhattan_pearson": 60.6562745233606, + "manhattan_spearman": 63.15715056564471, + "cosine_pearson": 54.02193542004488, + "cosine_spearman": 63.29956119287726, + "main_score": 63.29956119287726 + } + ] + } +} \ No newline at end of file diff --git a/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/MMarcoReranking.json b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/MMarcoReranking.json new file mode 100644 index 000000000..1177c425e --- /dev/null +++ b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 14.567487648388411, + "mrr": 13.480555555555556, + "main_score": 14.567487648388411 + } + ] + } +} \ No newline at end of file diff --git a/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/MMarcoRetrieval.json b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/MMarcoRetrieval.json new file mode 100644 index 000000000..a86c8c91d --- /dev/null +++ b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/MMarcoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 31.494, + "map_at_10": 40.034, + "map_at_100": 40.905, + "map_at_1000": 40.964, + "map_at_3": 37.531, + "map_at_5": 38.927, + "mrr_at_1": 32.708, + "mrr_at_10": 40.785, + "mrr_at_100": 41.597, + "mrr_at_1000": 41.650999999999996, + "mrr_at_3": 38.448, + "mrr_at_5": 39.729, + "ndcg_at_1": 32.708, + "ndcg_at_10": 44.623000000000005, + "ndcg_at_100": 48.964, + "ndcg_at_1000": 50.623, + "ndcg_at_3": 39.6, + "ndcg_at_5": 42.01, + "precision_at_1": 32.708, + "precision_at_10": 6.193, + "precision_at_100": 0.8410000000000001, + "precision_at_1000": 0.098, + "precision_at_3": 15.706999999999999, + "precision_at_5": 10.685, + "recall_at_1": 31.494, + "recall_at_10": 58.367999999999995, + "recall_at_100": 78.874, + "recall_at_1000": 92.065, + "recall_at_3": 44.668, + "recall_at_5": 50.424, + "main_score": 44.623000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/MassiveIntentClassification.json b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/MassiveIntentClassification.json new file mode 100644 index 000000000..cbeaf0ad3 --- /dev/null +++ b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 61.23066577000673, + "f1": 59.761305591910464, + "main_score": 61.23066577000673 + } + ] + } +} \ No newline at end of file diff --git a/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/MassiveScenarioClassification.json b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..d72cbcc8a --- /dev/null +++ b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 68.12373907195696, + "f1": 67.76061327147141, + "main_score": 68.12373907195696 + } + ] + } +} \ No newline at end of file diff --git a/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/MedicalRetrieval.json b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/MedicalRetrieval.json new file mode 100644 index 000000000..4625146c4 --- /dev/null +++ b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/MedicalRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 9.3, + "map_at_10": 12.374, + "map_at_100": 12.931000000000001, + "map_at_1000": 13.008000000000001, + "map_at_3": 11.283, + "map_at_5": 12.058, + "mrr_at_1": 9.5, + "mrr_at_10": 12.472999999999999, + "mrr_at_100": 13.03, + "mrr_at_1000": 13.107, + "mrr_at_3": 11.383000000000001, + "mrr_at_5": 12.158, + "ndcg_at_1": 9.3, + "ndcg_at_10": 14.099999999999998, + "ndcg_at_100": 17.198, + "ndcg_at_1000": 19.852, + "ndcg_at_3": 11.93, + "ndcg_at_5": 13.328000000000001, + "precision_at_1": 9.3, + "precision_at_10": 1.96, + "precision_at_100": 0.35000000000000003, + "precision_at_1000": 0.056999999999999995, + "precision_at_3": 4.6, + "precision_at_5": 3.44, + "recall_at_1": 9.3, + "recall_at_10": 19.6, + "recall_at_100": 35, + "recall_at_1000": 57.199999999999996, + "recall_at_3": 13.8, + "recall_at_5": 17.2, + "main_score": 14.099999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/MultilingualSentiment.json b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/MultilingualSentiment.json new file mode 100644 index 000000000..29597372e --- /dev/null +++ b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/MultilingualSentiment.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 67.83, + "f1": 67.50431678051608, + "main_score": 67.83 + } + ] + } +} \ No newline at end of file diff --git a/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/Ocnli.json b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/Ocnli.json new file mode 100644 index 000000000..56b328993 --- /dev/null +++ b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/Ocnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Ocnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 69.89713048186248, + "cos_sim_ap": 75.10270746572424, + "cos_sim_f1": 73.33046100818613, + "cos_sim_precision": 61.93595342066958, + "cos_sim_recall": 89.86272439281943, + "dot_accuracy": 69.89713048186248, + "dot_ap": 75.10270746572424, + "dot_f1": 73.33046100818613, + "dot_precision": 61.93595342066958, + "dot_recall": 89.86272439281943, + "euclidean_accuracy": 69.89713048186248, + "euclidean_ap": 75.10270746572424, + "euclidean_f1": 73.33046100818613, + "euclidean_precision": 61.93595342066958, + "euclidean_recall": 89.86272439281943, + "manhattan_accuracy": 70.00541418516514, + "manhattan_ap": 75.07347960628417, + "manhattan_f1": 73.24675324675324, + "manhattan_precision": 62.06896551724138, + "manhattan_recall": 89.33474128827878, + "max_accuracy": 70.00541418516514, + "max_ap": 75.10270746572424, + "max_f1": 73.33046100818613, + "main_score": 70.00541418516514 + } + ] + } +} \ No newline at end of file diff --git a/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/OnlineShopping.json b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/OnlineShopping.json new file mode 100644 index 000000000..456a5e2a1 --- /dev/null +++ b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/OnlineShopping.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 88.13000000000001, + "ap": 85.7357456225748, + "f1": 88.12469116496673, + "main_score": 88.13000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/PAWSX.json b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/PAWSX.json new file mode 100644 index 000000000..f90c4c941 --- /dev/null +++ b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/PAWSX.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 11.713881723907775, + "cos_sim_spearman": 12.159392805493383, + "euclidean_pearson": 13.764163101613821, + "euclidean_spearman": 12.17319102585978, + "manhattan_pearson": 13.743967979398372, + "manhattan_spearman": 12.134172992222004, + "cosine_pearson": 11.713881723907775, + "cosine_spearman": 12.159392805493383, + "main_score": 12.159392805493383 + } + ] + } +} \ No newline at end of file diff --git a/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/QBQTC.json b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/QBQTC.json new file mode 100644 index 000000000..fcc04fa12 --- /dev/null +++ b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/QBQTC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "QBQTC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 21.767902610816733, + "cos_sim_spearman": 22.530506869886555, + "euclidean_pearson": 21.17191447535752, + "euclidean_spearman": 22.53064562928237, + "manhattan_pearson": 21.240920686498587, + "manhattan_spearman": 22.57471787959808, + "cosine_pearson": 21.767902610816733, + "cosine_spearman": 22.530506869886555, + "main_score": 22.530506869886555 + } + ] + } +} \ No newline at end of file diff --git a/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/STS22.json b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/STS22.json new file mode 100644 index 000000000..5efc182e9 --- /dev/null +++ b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 59.118709223447084, + "cos_sim_spearman": 61.7500061568468, + "euclidean_pearson": 58.90022905396264, + "euclidean_spearman": 61.74799303717487, + "manhattan_pearson": 58.82808730371198, + "manhattan_spearman": 61.70225906009564, + "cosine_pearson": 59.118709223447084, + "cosine_spearman": 61.7500061568468, + "main_score": 61.7500061568468 + } + ] + } +} \ No newline at end of file diff --git a/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/STSB.json b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/STSB.json new file mode 100644 index 000000000..6917e8b1a --- /dev/null +++ b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/STSB.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 79.53607014031085, + "cos_sim_spearman": 80.83740035804547, + "euclidean_pearson": 80.94021759403765, + "euclidean_spearman": 80.83713307198732, + "manhattan_pearson": 80.89426880038783, + "manhattan_spearman": 80.75956591778406, + "cosine_pearson": 79.53607014031085, + "cosine_spearman": 80.83740035804547, + "main_score": 80.83740035804547 + } + ] + } +} \ No newline at end of file diff --git a/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/T2Reranking.json b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/T2Reranking.json new file mode 100644 index 000000000..01e7ae66c --- /dev/null +++ b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 64.49344121348362, + "mrr": 74.23022052422864, + "main_score": 64.49344121348362 + } + ] + } +} \ No newline at end of file diff --git a/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/T2Retrieval.json b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/T2Retrieval.json new file mode 100644 index 000000000..a97337be3 --- /dev/null +++ b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/T2Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 7.964, + "map_at_10": 20.035, + "map_at_100": 22.862, + "map_at_1000": 23.177, + "map_at_3": 14.327000000000002, + "map_at_5": 17.230999999999998, + "mrr_at_1": 33.495999999999995, + "mrr_at_10": 41.165, + "mrr_at_100": 41.9, + "mrr_at_1000": 41.953, + "mrr_at_3": 39.088, + "mrr_at_5": 40.254, + "ndcg_at_1": 33.495999999999995, + "ndcg_at_10": 28.348000000000003, + "ndcg_at_100": 35.845, + "ndcg_at_1000": 40.333999999999996, + "ndcg_at_3": 29.500999999999998, + "ndcg_at_5": 28.083999999999996, + "precision_at_1": 33.495999999999995, + "precision_at_10": 15.120000000000001, + "precision_at_100": 2.825, + "precision_at_1000": 0.39899999999999997, + "precision_at_3": 26.245, + "precision_at_5": 21.668000000000003, + "recall_at_1": 7.964, + "recall_at_10": 28.58, + "recall_at_100": 51.837, + "recall_at_1000": 74.27, + "recall_at_3": 16.537, + "recall_at_5": 21.632, + "main_score": 28.348000000000003 + } + ] + } +} \ No newline at end of file diff --git a/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/TNews.json b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/TNews.json new file mode 100644 index 000000000..d34fe358d --- /dev/null +++ b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/TNews.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 44.416, + "f1": 42.755758297432024, + "main_score": 44.416 + } + ] + } +} \ No newline at end of file diff --git a/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/ThuNewsClusteringP2P.json b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/ThuNewsClusteringP2P.json new file mode 100644 index 000000000..23da8c0c4 --- /dev/null +++ b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/ThuNewsClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 47.29874955201481, + "main_score": 47.29874955201481 + } + ] + } +} \ No newline at end of file diff --git a/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/ThuNewsClusteringS2S.json b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/ThuNewsClusteringS2S.json new file mode 100644 index 000000000..82e5af6b3 --- /dev/null +++ b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/ThuNewsClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 36.76574996149121, + "main_score": 36.76574996149121 + } + ] + } +} \ No newline at end of file diff --git a/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/VideoRetrieval.json b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/VideoRetrieval.json new file mode 100644 index 000000000..01b217a9a --- /dev/null +++ b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/VideoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 9.700000000000001, + "map_at_10": 12.537999999999998, + "map_at_100": 13.012, + "map_at_1000": 13.062000000000001, + "map_at_3": 11.517, + "map_at_5": 12.157, + "mrr_at_1": 9.700000000000001, + "mrr_at_10": 12.537999999999998, + "mrr_at_100": 13.012, + "mrr_at_1000": 13.062000000000001, + "mrr_at_3": 11.517, + "mrr_at_5": 12.157, + "ndcg_at_1": 9.700000000000001, + "ndcg_at_10": 14.174999999999999, + "ndcg_at_100": 16.692999999999998, + "ndcg_at_1000": 18.337999999999997, + "ndcg_at_3": 12.127, + "ndcg_at_5": 13.281, + "precision_at_1": 9.700000000000001, + "precision_at_10": 1.94, + "precision_at_100": 0.317, + "precision_at_1000": 0.045, + "precision_at_3": 4.633, + "precision_at_5": 3.34, + "recall_at_1": 9.700000000000001, + "recall_at_10": 19.400000000000002, + "recall_at_100": 31.7, + "recall_at_1000": 45.300000000000004, + "recall_at_3": 13.900000000000002, + "recall_at_5": 16.7, + "main_score": 14.174999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/Waimai.json b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/Waimai.json new file mode 100644 index 000000000..b48d0414f --- /dev/null +++ b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/Waimai.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 84.14999999999999, + "ap": 65.29278050315834, + "f1": 82.14463322877558, + "main_score": 84.14999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/model_meta.json b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/model_meta.json new file mode 100644 index 000000000..ea6cf196a --- /dev/null +++ b/results/EdwardBurgin__paraphrase-multilingual-mpnet-base-v2/external/model_meta.json @@ -0,0 +1,20 @@ +{ + "name": "EdwardBurgin/paraphrase-multilingual-mpnet-base-v2", + "revision": "4edab14af7a2e8b9a513d3ebe81242d89b77dde1", + "release_date": "2023-10-17", + "languages": [], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": null, + "embed_dim": null, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Erin__IYun-large-zh/external/AFQMC.json b/results/Erin__IYun-large-zh/external/AFQMC.json new file mode 100644 index 000000000..9e2ae6699 --- /dev/null +++ b/results/Erin__IYun-large-zh/external/AFQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 57.37728676415047, + "cos_sim_spearman": 60.89131895307699, + "euclidean_pearson": 60.056754800315595, + "euclidean_spearman": 60.891479787418966, + "manhattan_pearson": 60.03850823371572, + "manhattan_spearman": 60.8597150048781, + "cosine_pearson": 57.37728676415047, + "cosine_spearman": 60.89131895307699, + "main_score": 60.89131895307699 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__IYun-large-zh/external/ATEC.json b/results/Erin__IYun-large-zh/external/ATEC.json new file mode 100644 index 000000000..5d7ef8f86 --- /dev/null +++ b/results/Erin__IYun-large-zh/external/ATEC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 57.29704921148904, + "cos_sim_spearman": 58.81607331373972, + "euclidean_pearson": 63.69251756281332, + "euclidean_spearman": 58.81608232068536, + "manhattan_pearson": 63.665668138742284, + "manhattan_spearman": 58.80224314871406, + "cosine_pearson": 57.29704921148904, + "cosine_spearman": 58.81607331373972, + "main_score": 58.81607331373972 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__IYun-large-zh/external/AmazonReviewsClassification.json b/results/Erin__IYun-large-zh/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..b7834cd2d --- /dev/null +++ b/results/Erin__IYun-large-zh/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 49.672, + "f1": 47.27737512126165, + "main_score": 49.672 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__IYun-large-zh/external/BQ.json b/results/Erin__IYun-large-zh/external/BQ.json new file mode 100644 index 000000000..e0dfbe189 --- /dev/null +++ b/results/Erin__IYun-large-zh/external/BQ.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 71.65025725548176, + "cos_sim_spearman": 72.53278026251562, + "euclidean_pearson": 71.29771814474996, + "euclidean_spearman": 72.53241999594584, + "manhattan_pearson": 71.29290351258575, + "manhattan_spearman": 72.52505531587519, + "cosine_pearson": 71.65025725548176, + "cosine_spearman": 72.53278026251562, + "main_score": 72.53278026251562 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__IYun-large-zh/external/CLSClusteringP2P.json b/results/Erin__IYun-large-zh/external/CLSClusteringP2P.json new file mode 100644 index 000000000..40c8fe1fe --- /dev/null +++ b/results/Erin__IYun-large-zh/external/CLSClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 60.19892651814847, + "main_score": 60.19892651814847 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__IYun-large-zh/external/CLSClusteringS2S.json b/results/Erin__IYun-large-zh/external/CLSClusteringS2S.json new file mode 100644 index 000000000..47efded80 --- /dev/null +++ b/results/Erin__IYun-large-zh/external/CLSClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 58.39897986042561, + "main_score": 58.39897986042561 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__IYun-large-zh/external/CmedqaRetrieval.json b/results/Erin__IYun-large-zh/external/CmedqaRetrieval.json new file mode 100644 index 000000000..6bd5f1f32 --- /dev/null +++ b/results/Erin__IYun-large-zh/external/CmedqaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 26.950000000000003, + "map_at_10": 39.982, + "map_at_100": 41.844, + "map_at_1000": 41.948, + "map_at_3": 35.664, + "map_at_5": 38.061, + "mrr_at_1": 41.11, + "mrr_at_10": 49.183, + "mrr_at_100": 50.166999999999994, + "mrr_at_1000": 50.205999999999996, + "mrr_at_3": 46.778, + "mrr_at_5": 48.120000000000005, + "ndcg_at_1": 41.11, + "ndcg_at_10": 46.678, + "ndcg_at_100": 53.876000000000005, + "ndcg_at_1000": 55.627, + "ndcg_at_3": 41.429, + "ndcg_at_5": 43.551, + "precision_at_1": 41.11, + "precision_at_10": 10.325, + "precision_at_100": 1.6119999999999999, + "precision_at_1000": 0.184, + "precision_at_3": 23.498, + "precision_at_5": 16.894000000000002, + "recall_at_1": 26.950000000000003, + "recall_at_10": 57.239, + "recall_at_100": 86.9, + "recall_at_1000": 98.581, + "recall_at_3": 41.221000000000004, + "recall_at_5": 47.976, + "main_score": 46.678 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__IYun-large-zh/external/Cmnli.json b/results/Erin__IYun-large-zh/external/Cmnli.json new file mode 100644 index 000000000..837ba3d37 --- /dev/null +++ b/results/Erin__IYun-large-zh/external/Cmnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Cmnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 86.13968597726043, + "cos_sim_ap": 90.86724630443385, + "cos_sim_f1": 86.9653767820774, + "cos_sim_precision": 83.9724680432645, + "cos_sim_recall": 90.17951425554382, + "dot_accuracy": 86.13968597726043, + "dot_ap": 90.85181504536696, + "dot_f1": 86.9653767820774, + "dot_precision": 83.9724680432645, + "dot_recall": 90.17951425554382, + "euclidean_accuracy": 86.13968597726043, + "euclidean_ap": 90.86657368513809, + "euclidean_f1": 86.95208970438327, + "euclidean_precision": 84.03940886699507, + "euclidean_recall": 90.07391763463569, + "manhattan_accuracy": 85.97726042230644, + "manhattan_ap": 90.85259484237685, + "manhattan_f1": 86.79435483870968, + "manhattan_precision": 83.02796528447445, + "manhattan_recall": 90.91869060190075, + "max_accuracy": 86.13968597726043, + "max_ap": 90.86724630443385, + "max_f1": 86.9653767820774, + "main_score": 86.13968597726043 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__IYun-large-zh/external/CovidRetrieval.json b/results/Erin__IYun-large-zh/external/CovidRetrieval.json new file mode 100644 index 000000000..8cd4fb913 --- /dev/null +++ b/results/Erin__IYun-large-zh/external/CovidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 73.34, + "map_at_10": 81.722, + "map_at_100": 81.916, + "map_at_1000": 81.919, + "map_at_3": 80.25999999999999, + "map_at_5": 81.11699999999999, + "mrr_at_1": 73.551, + "mrr_at_10": 81.727, + "mrr_at_100": 81.911, + "mrr_at_1000": 81.914, + "mrr_at_3": 80.242, + "mrr_at_5": 81.149, + "ndcg_at_1": 73.551, + "ndcg_at_10": 85.244, + "ndcg_at_100": 86.005, + "ndcg_at_1000": 86.084, + "ndcg_at_3": 82.334, + "ndcg_at_5": 83.878, + "precision_at_1": 73.551, + "precision_at_10": 9.705, + "precision_at_100": 1.0030000000000001, + "precision_at_1000": 0.101, + "precision_at_3": 29.645, + "precision_at_5": 18.567, + "recall_at_1": 73.34, + "recall_at_10": 96.048, + "recall_at_100": 99.262, + "recall_at_1000": 99.895, + "recall_at_3": 88.303, + "recall_at_5": 91.99199999999999, + "main_score": 85.244 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__IYun-large-zh/external/DuRetrieval.json b/results/Erin__IYun-large-zh/external/DuRetrieval.json new file mode 100644 index 000000000..df133b6a2 --- /dev/null +++ b/results/Erin__IYun-large-zh/external/DuRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 26.506, + "map_at_10": 81.29899999999999, + "map_at_100": 83.997, + "map_at_1000": 84.03399999999999, + "map_at_3": 56.69, + "map_at_5": 71.389, + "mrr_at_1": 91.10000000000001, + "mrr_at_10": 93.952, + "mrr_at_100": 94.00500000000001, + "mrr_at_1000": 94.00699999999999, + "mrr_at_3": 93.683, + "mrr_at_5": 93.858, + "ndcg_at_1": 91.10000000000001, + "ndcg_at_10": 88.25699999999999, + "ndcg_at_100": 90.84100000000001, + "ndcg_at_1000": 91.167, + "ndcg_at_3": 87.595, + "ndcg_at_5": 86.346, + "precision_at_1": 91.10000000000001, + "precision_at_10": 42.04, + "precision_at_100": 4.804, + "precision_at_1000": 0.48900000000000005, + "precision_at_3": 78.583, + "precision_at_5": 66.09, + "recall_at_1": 26.506, + "recall_at_10": 89.12299999999999, + "recall_at_100": 97.717, + "recall_at_1000": 99.285, + "recall_at_3": 58.865, + "recall_at_5": 75.753, + "main_score": 88.25699999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__IYun-large-zh/external/EcomRetrieval.json b/results/Erin__IYun-large-zh/external/EcomRetrieval.json new file mode 100644 index 000000000..df68b6195 --- /dev/null +++ b/results/Erin__IYun-large-zh/external/EcomRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 52.7, + "map_at_10": 62.239, + "map_at_100": 62.744, + "map_at_1000": 62.755, + "map_at_3": 59.75, + "map_at_5": 61.050000000000004, + "mrr_at_1": 52.7, + "mrr_at_10": 62.239, + "mrr_at_100": 62.744, + "mrr_at_1000": 62.755, + "mrr_at_3": 59.75, + "mrr_at_5": 61.050000000000004, + "ndcg_at_1": 52.7, + "ndcg_at_10": 67.23, + "ndcg_at_100": 69.729, + "ndcg_at_1000": 70.00999999999999, + "ndcg_at_3": 62.025, + "ndcg_at_5": 64.37, + "precision_at_1": 52.7, + "precision_at_10": 8.309999999999999, + "precision_at_100": 0.9490000000000001, + "precision_at_1000": 0.097, + "precision_at_3": 22.867, + "precision_at_5": 14.860000000000001, + "recall_at_1": 52.7, + "recall_at_10": 83.1, + "recall_at_100": 94.89999999999999, + "recall_at_1000": 97.1, + "recall_at_3": 68.60000000000001, + "recall_at_5": 74.3, + "main_score": 67.23 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__IYun-large-zh/external/IFlyTek.json b/results/Erin__IYun-large-zh/external/IFlyTek.json new file mode 100644 index 000000000..5d52f5df5 --- /dev/null +++ b/results/Erin__IYun-large-zh/external/IFlyTek.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 52.64332435552135, + "f1": 42.17147347490132, + "main_score": 52.64332435552135 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__IYun-large-zh/external/JDReview.json b/results/Erin__IYun-large-zh/external/JDReview.json new file mode 100644 index 000000000..e56aa166b --- /dev/null +++ b/results/Erin__IYun-large-zh/external/JDReview.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 87.5984990619137, + "ap": 57.59814850574554, + "f1": 82.62140959655022, + "main_score": 87.5984990619137 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__IYun-large-zh/external/LCQMC.json b/results/Erin__IYun-large-zh/external/LCQMC.json new file mode 100644 index 000000000..20766b1ec --- /dev/null +++ b/results/Erin__IYun-large-zh/external/LCQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 74.58027418203673, + "cos_sim_spearman": 79.19473724464046, + "euclidean_pearson": 79.2941422188887, + "euclidean_spearman": 79.1944889378359, + "manhattan_pearson": 79.26535092062532, + "manhattan_spearman": 79.17298822899023, + "cosine_pearson": 74.58027418203673, + "cosine_spearman": 79.19473724464046, + "main_score": 79.19473724464046 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__IYun-large-zh/external/MMarcoReranking.json b/results/Erin__IYun-large-zh/external/MMarcoReranking.json new file mode 100644 index 000000000..fc0910903 --- /dev/null +++ b/results/Erin__IYun-large-zh/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 31.611379937191025, + "mrr": 30.88968253968254, + "main_score": 31.611379937191025 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__IYun-large-zh/external/MMarcoRetrieval.json b/results/Erin__IYun-large-zh/external/MMarcoRetrieval.json new file mode 100644 index 000000000..f1827a23e --- /dev/null +++ b/results/Erin__IYun-large-zh/external/MMarcoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 65.603, + "map_at_10": 74.834, + "map_at_100": 75.16199999999999, + "map_at_1000": 75.17399999999999, + "map_at_3": 72.979, + "map_at_5": 74.154, + "mrr_at_1": 67.837, + "mrr_at_10": 75.46199999999999, + "mrr_at_100": 75.751, + "mrr_at_1000": 75.762, + "mrr_at_3": 73.832, + "mrr_at_5": 74.875, + "ndcg_at_1": 67.837, + "ndcg_at_10": 78.636, + "ndcg_at_100": 80.083, + "ndcg_at_1000": 80.394, + "ndcg_at_3": 75.12, + "ndcg_at_5": 77.12, + "precision_at_1": 67.837, + "precision_at_10": 9.536999999999999, + "precision_at_100": 1.0250000000000001, + "precision_at_1000": 0.105, + "precision_at_3": 28.352, + "precision_at_5": 18.074, + "recall_at_1": 65.603, + "recall_at_10": 89.704, + "recall_at_100": 96.2, + "recall_at_1000": 98.588, + "recall_at_3": 80.444, + "recall_at_5": 85.205, + "main_score": 78.636 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__IYun-large-zh/external/MassiveIntentClassification.json b/results/Erin__IYun-large-zh/external/MassiveIntentClassification.json new file mode 100644 index 000000000..1abc03897 --- /dev/null +++ b/results/Erin__IYun-large-zh/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 77.43106926698049, + "f1": 73.96808004721824, + "main_score": 77.43106926698049 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__IYun-large-zh/external/MassiveScenarioClassification.json b/results/Erin__IYun-large-zh/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..0505e21cd --- /dev/null +++ b/results/Erin__IYun-large-zh/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 83.86684599865501, + "f1": 83.05645257324346, + "main_score": 83.86684599865501 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__IYun-large-zh/external/MedicalRetrieval.json b/results/Erin__IYun-large-zh/external/MedicalRetrieval.json new file mode 100644 index 000000000..7605b9795 --- /dev/null +++ b/results/Erin__IYun-large-zh/external/MedicalRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 55.00000000000001, + "map_at_10": 61.129, + "map_at_100": 61.61, + "map_at_1000": 61.655, + "map_at_3": 59.533, + "map_at_5": 60.478, + "mrr_at_1": 54.900000000000006, + "mrr_at_10": 61.090999999999994, + "mrr_at_100": 61.562, + "mrr_at_1000": 61.608, + "mrr_at_3": 59.483, + "mrr_at_5": 60.428000000000004, + "ndcg_at_1": 55.00000000000001, + "ndcg_at_10": 64.288, + "ndcg_at_100": 66.991, + "ndcg_at_1000": 68.27, + "ndcg_at_3": 61.014, + "ndcg_at_5": 62.68899999999999, + "precision_at_1": 55.00000000000001, + "precision_at_10": 7.430000000000001, + "precision_at_100": 0.878, + "precision_at_1000": 0.098, + "precision_at_3": 21.767, + "precision_at_5": 13.86, + "recall_at_1": 55.00000000000001, + "recall_at_10": 74.3, + "recall_at_100": 87.8, + "recall_at_1000": 98.0, + "recall_at_3": 65.3, + "recall_at_5": 69.3, + "main_score": 64.288 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__IYun-large-zh/external/MultilingualSentiment.json b/results/Erin__IYun-large-zh/external/MultilingualSentiment.json new file mode 100644 index 000000000..b7edf4186 --- /dev/null +++ b/results/Erin__IYun-large-zh/external/MultilingualSentiment.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 78.48333333333333, + "f1": 78.36516159631131, + "main_score": 78.48333333333333 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__IYun-large-zh/external/Ocnli.json b/results/Erin__IYun-large-zh/external/Ocnli.json new file mode 100644 index 000000000..fe2a6d643 --- /dev/null +++ b/results/Erin__IYun-large-zh/external/Ocnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Ocnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 86.13968597726043, + "cos_sim_ap": 90.86724630443385, + "cos_sim_f1": 86.9653767820774, + "cos_sim_precision": 83.9724680432645, + "cos_sim_recall": 90.17951425554382, + "dot_accuracy": 86.13968597726043, + "dot_ap": 90.85181504536696, + "dot_f1": 86.9653767820774, + "dot_precision": 83.9724680432645, + "dot_recall": 90.17951425554382, + "euclidean_accuracy": 86.13968597726043, + "euclidean_ap": 90.86657368513809, + "euclidean_f1": 86.95208970438327, + "euclidean_precision": 84.03940886699507, + "euclidean_recall": 90.07391763463569, + "manhattan_accuracy": 85.97726042230644, + "manhattan_ap": 90.85259484237685, + "manhattan_f1": 86.79435483870968, + "manhattan_precision": 83.02796528447445, + "manhattan_recall": 90.91869060190075, + "max_accuracy": 86.13968597726043, + "max_ap": 90.86724630443385, + "max_f1": 86.9653767820774, + "main_score": 86.13968597726043 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__IYun-large-zh/external/OnlineShopping.json b/results/Erin__IYun-large-zh/external/OnlineShopping.json new file mode 100644 index 000000000..e96a685de --- /dev/null +++ b/results/Erin__IYun-large-zh/external/OnlineShopping.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 94.33999999999999, + "ap": 92.566213965377, + "f1": 94.32981412505542, + "main_score": 94.33999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__IYun-large-zh/external/PAWSX.json b/results/Erin__IYun-large-zh/external/PAWSX.json new file mode 100644 index 000000000..c1dd1000d --- /dev/null +++ b/results/Erin__IYun-large-zh/external/PAWSX.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 40.59979992480721, + "cos_sim_spearman": 45.80272854477526, + "euclidean_pearson": 45.51435650601272, + "euclidean_spearman": 45.80481880049892, + "manhattan_pearson": 45.50783698090448, + "manhattan_spearman": 45.7962835896273, + "cosine_pearson": 40.59979992480721, + "cosine_spearman": 45.80272854477526, + "main_score": 45.80272854477526 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__IYun-large-zh/external/QBQTC.json b/results/Erin__IYun-large-zh/external/QBQTC.json new file mode 100644 index 000000000..07bbaa67f --- /dev/null +++ b/results/Erin__IYun-large-zh/external/QBQTC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "QBQTC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 41.95530336245604, + "cos_sim_spearman": 43.94205325290135, + "euclidean_pearson": 38.01893281522651, + "euclidean_spearman": 43.9411389356089, + "manhattan_pearson": 38.158512461951446, + "manhattan_spearman": 44.055211140130815, + "cosine_pearson": 41.95530336245604, + "cosine_spearman": 43.94205325290135, + "main_score": 43.94205325290135 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__IYun-large-zh/external/STS22.json b/results/Erin__IYun-large-zh/external/STS22.json new file mode 100644 index 000000000..55561966f --- /dev/null +++ b/results/Erin__IYun-large-zh/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 63.64131281514482, + "cos_sim_spearman": 65.17753570208333, + "euclidean_pearson": 62.72868744500848, + "euclidean_spearman": 65.17730738350589, + "manhattan_pearson": 62.76099444782981, + "manhattan_spearman": 65.2421498595002, + "cosine_pearson": 63.64131281514482, + "cosine_spearman": 65.17753570208333, + "main_score": 65.17753570208333 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__IYun-large-zh/external/STSB.json b/results/Erin__IYun-large-zh/external/STSB.json new file mode 100644 index 000000000..8d3048a1a --- /dev/null +++ b/results/Erin__IYun-large-zh/external/STSB.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 79.15762053490425, + "cos_sim_spearman": 79.47824157657848, + "euclidean_pearson": 79.11217669696227, + "euclidean_spearman": 79.47857091559331, + "manhattan_pearson": 79.07701011877683, + "manhattan_spearman": 79.43942682897884, + "cosine_pearson": 79.15762053490425, + "cosine_spearman": 79.47824157657848, + "main_score": 79.47824157657848 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__IYun-large-zh/external/T2Reranking.json b/results/Erin__IYun-large-zh/external/T2Reranking.json new file mode 100644 index 000000000..621c2711e --- /dev/null +++ b/results/Erin__IYun-large-zh/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 67.45068053105526, + "mrr": 77.63560439973777, + "main_score": 67.45068053105526 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__IYun-large-zh/external/T2Retrieval.json b/results/Erin__IYun-large-zh/external/T2Retrieval.json new file mode 100644 index 000000000..0b56a293a --- /dev/null +++ b/results/Erin__IYun-large-zh/external/T2Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 27.837, + "map_at_10": 77.803, + "map_at_100": 81.402, + "map_at_1000": 81.464, + "map_at_3": 54.879, + "map_at_5": 67.32900000000001, + "mrr_at_1": 90.584, + "mrr_at_10": 93.059, + "mrr_at_100": 93.135, + "mrr_at_1000": 93.138, + "mrr_at_3": 92.659, + "mrr_at_5": 92.914, + "ndcg_at_1": 90.584, + "ndcg_at_10": 85.29299999999999, + "ndcg_at_100": 88.824, + "ndcg_at_1000": 89.4, + "ndcg_at_3": 86.79599999999999, + "ndcg_at_5": 85.353, + "precision_at_1": 90.584, + "precision_at_10": 42.191, + "precision_at_100": 5.0200000000000005, + "precision_at_1000": 0.516, + "precision_at_3": 75.785, + "precision_at_5": 63.417, + "recall_at_1": 27.837, + "recall_at_10": 84.21600000000001, + "recall_at_100": 95.719, + "recall_at_1000": 98.565, + "recall_at_3": 56.574999999999996, + "recall_at_5": 70.682, + "main_score": 85.29299999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__IYun-large-zh/external/TNews.json b/results/Erin__IYun-large-zh/external/TNews.json new file mode 100644 index 000000000..3bef0c05c --- /dev/null +++ b/results/Erin__IYun-large-zh/external/TNews.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 54.37, + "f1": 52.57500124627352, + "main_score": 54.37 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__IYun-large-zh/external/ThuNewsClusteringP2P.json b/results/Erin__IYun-large-zh/external/ThuNewsClusteringP2P.json new file mode 100644 index 000000000..b12570a96 --- /dev/null +++ b/results/Erin__IYun-large-zh/external/ThuNewsClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 76.9781904739968, + "main_score": 76.9781904739968 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__IYun-large-zh/external/ThuNewsClusteringS2S.json b/results/Erin__IYun-large-zh/external/ThuNewsClusteringS2S.json new file mode 100644 index 000000000..be78d7da6 --- /dev/null +++ b/results/Erin__IYun-large-zh/external/ThuNewsClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 69.82661181746705, + "main_score": 69.82661181746705 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__IYun-large-zh/external/VideoRetrieval.json b/results/Erin__IYun-large-zh/external/VideoRetrieval.json new file mode 100644 index 000000000..3d0f597c8 --- /dev/null +++ b/results/Erin__IYun-large-zh/external/VideoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 58.699999999999996, + "map_at_10": 68.512, + "map_at_100": 69.018, + "map_at_1000": 69.028, + "map_at_3": 66.51700000000001, + "map_at_5": 67.91199999999999, + "mrr_at_1": 58.599999999999994, + "mrr_at_10": 68.462, + "mrr_at_100": 68.96799999999999, + "mrr_at_1000": 68.978, + "mrr_at_3": 66.467, + "mrr_at_5": 67.862, + "ndcg_at_1": 58.699999999999996, + "ndcg_at_10": 72.88900000000001, + "ndcg_at_100": 75.262, + "ndcg_at_1000": 75.48700000000001, + "ndcg_at_3": 68.96, + "ndcg_at_5": 71.452, + "precision_at_1": 58.699999999999996, + "precision_at_10": 8.64, + "precision_at_100": 0.9730000000000001, + "precision_at_1000": 0.099, + "precision_at_3": 25.333, + "precision_at_5": 16.400000000000002, + "recall_at_1": 58.699999999999996, + "recall_at_10": 86.4, + "recall_at_100": 97.3, + "recall_at_1000": 99.0, + "recall_at_3": 76.0, + "recall_at_5": 82.0, + "main_score": 72.88900000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__IYun-large-zh/external/Waimai.json b/results/Erin__IYun-large-zh/external/Waimai.json new file mode 100644 index 000000000..167c652b4 --- /dev/null +++ b/results/Erin__IYun-large-zh/external/Waimai.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 89.23, + "ap": 75.03115536738895, + "f1": 87.71601665295442, + "main_score": 89.23 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__IYun-large-zh/external/model_meta.json b/results/Erin__IYun-large-zh/external/model_meta.json new file mode 100644 index 000000000..1ed168e19 --- /dev/null +++ b/results/Erin__IYun-large-zh/external/model_meta.json @@ -0,0 +1,20 @@ +{ + "name": "Erin/IYun-large-zh", + "revision": "b62bc17a9ec1d7918ece4e9014eac04bb01ddb0a", + "release_date": "2024-05-14", + "languages": [], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": null, + "embed_dim": null, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Erin__mist-zh/external/AFQMC.json b/results/Erin__mist-zh/external/AFQMC.json new file mode 100644 index 000000000..61ddc20da --- /dev/null +++ b/results/Erin__mist-zh/external/AFQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 44.80910972039708, + "cos_sim_spearman": 46.97947004057185, + "euclidean_pearson": 45.36774158404125, + "euclidean_spearman": 46.97947004232487, + "manhattan_pearson": 45.23486628014998, + "manhattan_spearman": 46.87721960765866, + "cosine_pearson": 44.80910972039708, + "cosine_spearman": 46.97947004057185, + "main_score": 46.97947004057185 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__mist-zh/external/ATEC.json b/results/Erin__mist-zh/external/ATEC.json new file mode 100644 index 000000000..5be10a789 --- /dev/null +++ b/results/Erin__mist-zh/external/ATEC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 49.5294624928126, + "cos_sim_spearman": 51.34771777448503, + "euclidean_pearson": 53.56859824288157, + "euclidean_spearman": 51.34771439634126, + "manhattan_pearson": 53.581640877132685, + "manhattan_spearman": 51.349656519071274, + "cosine_pearson": 49.5294624928126, + "cosine_spearman": 51.34771777448503, + "main_score": 51.34771777448503 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__mist-zh/external/AmazonReviewsClassification.json b/results/Erin__mist-zh/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..9fc339183 --- /dev/null +++ b/results/Erin__mist-zh/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 39.318, + "f1": 37.37720144558489, + "main_score": 39.318 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__mist-zh/external/BQ.json b/results/Erin__mist-zh/external/BQ.json new file mode 100644 index 000000000..6cdd46243 --- /dev/null +++ b/results/Erin__mist-zh/external/BQ.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 62.12016334764962, + "cos_sim_spearman": 65.08208654969742, + "euclidean_pearson": 63.53078822303454, + "euclidean_spearman": 65.0820865487212, + "manhattan_pearson": 63.510532363654725, + "manhattan_spearman": 65.06622789125241, + "cosine_pearson": 62.12016334764962, + "cosine_spearman": 65.08208654969742, + "main_score": 65.08208654969742 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__mist-zh/external/CLSClusteringP2P.json b/results/Erin__mist-zh/external/CLSClusteringP2P.json new file mode 100644 index 000000000..d6a81af51 --- /dev/null +++ b/results/Erin__mist-zh/external/CLSClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 39.5071157612481, + "main_score": 39.5071157612481 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__mist-zh/external/CLSClusteringS2S.json b/results/Erin__mist-zh/external/CLSClusteringS2S.json new file mode 100644 index 000000000..bb8f6552f --- /dev/null +++ b/results/Erin__mist-zh/external/CLSClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 37.99964332311132, + "main_score": 37.99964332311132 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__mist-zh/external/CmedqaRetrieval.json b/results/Erin__mist-zh/external/CmedqaRetrieval.json new file mode 100644 index 000000000..a90ecb97a --- /dev/null +++ b/results/Erin__mist-zh/external/CmedqaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 23.949, + "map_at_10": 35.394, + "map_at_100": 37.235, + "map_at_1000": 37.364999999999995, + "map_at_3": 31.433, + "map_at_5": 33.668, + "mrr_at_1": 36.834, + "mrr_at_10": 44.451, + "mrr_at_100": 45.445, + "mrr_at_1000": 45.501000000000005, + "mrr_at_3": 42.010999999999996, + "mrr_at_5": 43.34, + "ndcg_at_1": 36.834, + "ndcg_at_10": 41.803000000000004, + "ndcg_at_100": 49.091, + "ndcg_at_1000": 51.474, + "ndcg_at_3": 36.736000000000004, + "ndcg_at_5": 38.868, + "precision_at_1": 36.834, + "precision_at_10": 9.354999999999999, + "precision_at_100": 1.5310000000000001, + "precision_at_1000": 0.183, + "precision_at_3": 20.78, + "precision_at_5": 15.238999999999999, + "recall_at_1": 23.949, + "recall_at_10": 51.68000000000001, + "recall_at_100": 81.938, + "recall_at_1000": 98.091, + "recall_at_3": 36.408, + "recall_at_5": 42.952, + "main_score": 41.803000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__mist-zh/external/Cmnli.json b/results/Erin__mist-zh/external/Cmnli.json new file mode 100644 index 000000000..7dc7e6c6c --- /dev/null +++ b/results/Erin__mist-zh/external/Cmnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Cmnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 76.24774503908598, + "cos_sim_ap": 84.76081551540754, + "cos_sim_f1": 77.76321537789427, + "cos_sim_precision": 72.96577167452347, + "cos_sim_recall": 83.23591302314706, + "dot_accuracy": 76.24774503908598, + "dot_ap": 84.75968761251127, + "dot_f1": 77.76321537789427, + "dot_precision": 72.96577167452347, + "dot_recall": 83.23591302314706, + "euclidean_accuracy": 76.24774503908598, + "euclidean_ap": 84.7608250840413, + "euclidean_f1": 77.76321537789427, + "euclidean_precision": 72.96577167452347, + "euclidean_recall": 83.23591302314706, + "manhattan_accuracy": 76.19963920625375, + "manhattan_ap": 84.76313920535411, + "manhattan_f1": 77.74253527288636, + "manhattan_precision": 73.0374023838882, + "manhattan_recall": 83.09562777647884, + "max_accuracy": 76.24774503908598, + "max_ap": 84.76313920535411, + "max_f1": 77.76321537789427, + "main_score": 76.24774503908598 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__mist-zh/external/CovidRetrieval.json b/results/Erin__mist-zh/external/CovidRetrieval.json new file mode 100644 index 000000000..49d669446 --- /dev/null +++ b/results/Erin__mist-zh/external/CovidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 66.149, + "map_at_10": 75.22999999999999, + "map_at_100": 75.536, + "map_at_1000": 75.542, + "map_at_3": 73.384, + "map_at_5": 74.459, + "mrr_at_1": 66.28, + "mrr_at_10": 75.232, + "mrr_at_100": 75.52799999999999, + "mrr_at_1000": 75.534, + "mrr_at_3": 73.446, + "mrr_at_5": 74.473, + "ndcg_at_1": 66.386, + "ndcg_at_10": 79.295, + "ndcg_at_100": 80.741, + "ndcg_at_1000": 80.891, + "ndcg_at_3": 75.613, + "ndcg_at_5": 77.46300000000001, + "precision_at_1": 66.386, + "precision_at_10": 9.283, + "precision_at_100": 0.996, + "precision_at_1000": 0.101, + "precision_at_3": 27.503, + "precision_at_5": 17.408, + "recall_at_1": 66.149, + "recall_at_10": 91.886, + "recall_at_100": 98.52499999999999, + "recall_at_1000": 99.684, + "recall_at_3": 81.849, + "recall_at_5": 86.275, + "main_score": 79.295 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__mist-zh/external/DuRetrieval.json b/results/Erin__mist-zh/external/DuRetrieval.json new file mode 100644 index 000000000..53de7a743 --- /dev/null +++ b/results/Erin__mist-zh/external/DuRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 25.166, + "map_at_10": 78.805, + "map_at_100": 81.782, + "map_at_1000": 81.818, + "map_at_3": 54.226, + "map_at_5": 68.783, + "mrr_at_1": 88.6, + "mrr_at_10": 92.244, + "mrr_at_100": 92.31899999999999, + "mrr_at_1000": 92.321, + "mrr_at_3": 91.867, + "mrr_at_5": 92.119, + "ndcg_at_1": 88.6, + "ndcg_at_10": 86.432, + "ndcg_at_100": 89.357, + "ndcg_at_1000": 89.688, + "ndcg_at_3": 84.90299999999999, + "ndcg_at_5": 84.137, + "precision_at_1": 88.6, + "precision_at_10": 41.685, + "precision_at_100": 4.811, + "precision_at_1000": 0.48900000000000005, + "precision_at_3": 76.44999999999999, + "precision_at_5": 64.87, + "recall_at_1": 25.166, + "recall_at_10": 88.227, + "recall_at_100": 97.597, + "recall_at_1000": 99.359, + "recall_at_3": 56.946, + "recall_at_5": 74.261, + "main_score": 86.432 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__mist-zh/external/EcomRetrieval.json b/results/Erin__mist-zh/external/EcomRetrieval.json new file mode 100644 index 000000000..4937165f8 --- /dev/null +++ b/results/Erin__mist-zh/external/EcomRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 48.3, + "map_at_10": 57.635999999999996, + "map_at_100": 58.306000000000004, + "map_at_1000": 58.326, + "map_at_3": 54.900000000000006, + "map_at_5": 56.620000000000005, + "mrr_at_1": 48.3, + "mrr_at_10": 57.635999999999996, + "mrr_at_100": 58.306000000000004, + "mrr_at_1000": 58.326, + "mrr_at_3": 54.900000000000006, + "mrr_at_5": 56.620000000000005, + "ndcg_at_1": 48.3, + "ndcg_at_10": 62.638000000000005, + "ndcg_at_100": 65.726, + "ndcg_at_1000": 66.253, + "ndcg_at_3": 57.081, + "ndcg_at_5": 60.217, + "precision_at_1": 48.3, + "precision_at_10": 7.85, + "precision_at_100": 0.9249999999999999, + "precision_at_1000": 0.097, + "precision_at_3": 21.133, + "precision_at_5": 14.219999999999999, + "recall_at_1": 48.3, + "recall_at_10": 78.5, + "recall_at_100": 92.5, + "recall_at_1000": 96.6, + "recall_at_3": 63.4, + "recall_at_5": 71.1, + "main_score": 62.638000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__mist-zh/external/IFlyTek.json b/results/Erin__mist-zh/external/IFlyTek.json new file mode 100644 index 000000000..163d80772 --- /dev/null +++ b/results/Erin__mist-zh/external/IFlyTek.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 47.9646017699115, + "f1": 35.03552351349023, + "main_score": 47.9646017699115 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__mist-zh/external/JDReview.json b/results/Erin__mist-zh/external/JDReview.json new file mode 100644 index 000000000..05f2b34f2 --- /dev/null +++ b/results/Erin__mist-zh/external/JDReview.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 84.8968105065666, + "ap": 52.564605306946774, + "f1": 79.59880155481291, + "main_score": 84.8968105065666 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__mist-zh/external/LCQMC.json b/results/Erin__mist-zh/external/LCQMC.json new file mode 100644 index 000000000..25a0bd2c0 --- /dev/null +++ b/results/Erin__mist-zh/external/LCQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 70.03662039861051, + "cos_sim_spearman": 76.9642260444222, + "euclidean_pearson": 75.47376966815843, + "euclidean_spearman": 76.9642282583736, + "manhattan_pearson": 75.45535385433548, + "manhattan_spearman": 76.94609742735338, + "cosine_pearson": 70.03662039861051, + "cosine_spearman": 76.9642260444222, + "main_score": 76.9642260444222 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__mist-zh/external/MMarcoReranking.json b/results/Erin__mist-zh/external/MMarcoReranking.json new file mode 100644 index 000000000..04e3fb6e2 --- /dev/null +++ b/results/Erin__mist-zh/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 27.838972963193314, + "mrr": 26.65238095238095, + "main_score": 27.838972963193314 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__mist-zh/external/MMarcoRetrieval.json b/results/Erin__mist-zh/external/MMarcoRetrieval.json new file mode 100644 index 000000000..f4d3de4b3 --- /dev/null +++ b/results/Erin__mist-zh/external/MMarcoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 65.604, + "map_at_10": 74.522, + "map_at_100": 74.878, + "map_at_1000": 74.889, + "map_at_3": 72.61, + "map_at_5": 73.882, + "mrr_at_1": 67.75099999999999, + "mrr_at_10": 75.08399999999999, + "mrr_at_100": 75.402, + "mrr_at_1000": 75.412, + "mrr_at_3": 73.446, + "mrr_at_5": 74.531, + "ndcg_at_1": 67.75099999999999, + "ndcg_at_10": 78.172, + "ndcg_at_100": 79.753, + "ndcg_at_1000": 80.06400000000001, + "ndcg_at_3": 74.607, + "ndcg_at_5": 76.728, + "precision_at_1": 67.75099999999999, + "precision_at_10": 9.443999999999999, + "precision_at_100": 1.023, + "precision_at_1000": 0.105, + "precision_at_3": 28.009, + "precision_at_5": 17.934, + "recall_at_1": 65.604, + "recall_at_10": 88.84100000000001, + "recall_at_100": 95.954, + "recall_at_1000": 98.425, + "recall_at_3": 79.497, + "recall_at_5": 84.515, + "main_score": 78.172 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__mist-zh/external/MassiveIntentClassification.json b/results/Erin__mist-zh/external/MassiveIntentClassification.json new file mode 100644 index 000000000..cd1347fb1 --- /dev/null +++ b/results/Erin__mist-zh/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 67.64963012777405, + "f1": 65.01092085388518, + "main_score": 67.64963012777405 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__mist-zh/external/MassiveScenarioClassification.json b/results/Erin__mist-zh/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..4e043409c --- /dev/null +++ b/results/Erin__mist-zh/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 72.9724277067922, + "f1": 72.48003852874602, + "main_score": 72.9724277067922 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__mist-zh/external/MedicalRetrieval.json b/results/Erin__mist-zh/external/MedicalRetrieval.json new file mode 100644 index 000000000..cf6351cab --- /dev/null +++ b/results/Erin__mist-zh/external/MedicalRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 48.9, + "map_at_10": 55.189, + "map_at_100": 55.687, + "map_at_1000": 55.74400000000001, + "map_at_3": 53.75, + "map_at_5": 54.555, + "mrr_at_1": 49.1, + "mrr_at_10": 55.289, + "mrr_at_100": 55.788000000000004, + "mrr_at_1000": 55.845, + "mrr_at_3": 53.849999999999994, + "mrr_at_5": 54.655, + "ndcg_at_1": 48.9, + "ndcg_at_10": 58.275, + "ndcg_at_100": 60.980000000000004, + "ndcg_at_1000": 62.672000000000004, + "ndcg_at_3": 55.282, + "ndcg_at_5": 56.749, + "precision_at_1": 48.9, + "precision_at_10": 6.800000000000001, + "precision_at_100": 0.8130000000000001, + "precision_at_1000": 0.095, + "precision_at_3": 19.900000000000002, + "precision_at_5": 12.659999999999998, + "recall_at_1": 48.9, + "recall_at_10": 68.0, + "recall_at_100": 81.3, + "recall_at_1000": 95.0, + "recall_at_3": 59.699999999999996, + "recall_at_5": 63.3, + "main_score": 58.275 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__mist-zh/external/MultilingualSentiment.json b/results/Erin__mist-zh/external/MultilingualSentiment.json new file mode 100644 index 000000000..2c33adc46 --- /dev/null +++ b/results/Erin__mist-zh/external/MultilingualSentiment.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 71.53666666666668, + "f1": 70.74267338218574, + "main_score": 71.53666666666668 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__mist-zh/external/Ocnli.json b/results/Erin__mist-zh/external/Ocnli.json new file mode 100644 index 000000000..8b90263a0 --- /dev/null +++ b/results/Erin__mist-zh/external/Ocnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Ocnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 70.43854899837575, + "cos_sim_ap": 75.25713109733296, + "cos_sim_f1": 73.18777292576418, + "cos_sim_precision": 62.397617274758, + "cos_sim_recall": 88.48996832101372, + "dot_accuracy": 70.43854899837575, + "dot_ap": 75.25713109733296, + "dot_f1": 73.18777292576418, + "dot_precision": 62.397617274758, + "dot_recall": 88.48996832101372, + "euclidean_accuracy": 70.43854899837575, + "euclidean_ap": 75.25713109733296, + "euclidean_f1": 73.18777292576418, + "euclidean_precision": 62.397617274758, + "euclidean_recall": 88.48996832101372, + "manhattan_accuracy": 70.60097455332972, + "manhattan_ap": 75.22177995740668, + "manhattan_f1": 73.13750532141337, + "manhattan_precision": 61.26961483594865, + "manhattan_recall": 90.70749736008447, + "max_accuracy": 70.60097455332972, + "max_ap": 75.25713109733296, + "max_f1": 73.18777292576418, + "main_score": 70.60097455332972 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__mist-zh/external/OnlineShopping.json b/results/Erin__mist-zh/external/OnlineShopping.json new file mode 100644 index 000000000..da72e3ea9 --- /dev/null +++ b/results/Erin__mist-zh/external/OnlineShopping.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 91.3, + "ap": 89.03601366589187, + "f1": 91.28612226957141, + "main_score": 91.3 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__mist-zh/external/PAWSX.json b/results/Erin__mist-zh/external/PAWSX.json new file mode 100644 index 000000000..1bd1d8bc0 --- /dev/null +++ b/results/Erin__mist-zh/external/PAWSX.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 24.254041798082984, + "cos_sim_spearman": 30.029755057178846, + "euclidean_pearson": 30.394005237465905, + "euclidean_spearman": 30.029751825186153, + "manhattan_pearson": 30.400683181995863, + "manhattan_spearman": 29.981240616043326, + "cosine_pearson": 24.254041798082984, + "cosine_spearman": 30.029755057178846, + "main_score": 30.029755057178846 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__mist-zh/external/QBQTC.json b/results/Erin__mist-zh/external/QBQTC.json new file mode 100644 index 000000000..837564e01 --- /dev/null +++ b/results/Erin__mist-zh/external/QBQTC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "QBQTC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 35.09911024323138, + "cos_sim_spearman": 37.49790006053554, + "euclidean_pearson": 35.65689785105493, + "euclidean_spearman": 37.498032509597344, + "manhattan_pearson": 35.68350134483341, + "manhattan_spearman": 37.54046578100128, + "cosine_pearson": 35.09911024323138, + "cosine_spearman": 37.49790006053554, + "main_score": 37.49790006053554 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__mist-zh/external/STS22.json b/results/Erin__mist-zh/external/STS22.json new file mode 100644 index 000000000..342ae8c4f --- /dev/null +++ b/results/Erin__mist-zh/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 68.26707578158273, + "cos_sim_spearman": 69.19741429899995, + "euclidean_pearson": 68.53026048034656, + "euclidean_spearman": 69.1974135636389, + "manhattan_pearson": 70.02306646353263, + "manhattan_spearman": 70.46158498712836, + "cosine_pearson": 68.26707578158273, + "cosine_spearman": 69.19741429899995, + "main_score": 69.19741429899995 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__mist-zh/external/STSB.json b/results/Erin__mist-zh/external/STSB.json new file mode 100644 index 000000000..4f87e8d12 --- /dev/null +++ b/results/Erin__mist-zh/external/STSB.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 78.88749955421177, + "cos_sim_spearman": 79.56695106617856, + "euclidean_pearson": 79.13787024514338, + "euclidean_spearman": 79.56690827015423, + "manhattan_pearson": 79.08154812411563, + "manhattan_spearman": 79.52391077945943, + "cosine_pearson": 78.88749955421177, + "cosine_spearman": 79.56695106617856, + "main_score": 79.56695106617856 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__mist-zh/external/T2Reranking.json b/results/Erin__mist-zh/external/T2Reranking.json new file mode 100644 index 000000000..4a43a8463 --- /dev/null +++ b/results/Erin__mist-zh/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 65.78663254562939, + "mrr": 74.9786877626248, + "main_score": 65.78663254562939 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__mist-zh/external/T2Retrieval.json b/results/Erin__mist-zh/external/T2Retrieval.json new file mode 100644 index 000000000..4ca301511 --- /dev/null +++ b/results/Erin__mist-zh/external/T2Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 26.169999999999998, + "map_at_10": 74.009, + "map_at_100": 77.788, + "map_at_1000": 77.866, + "map_at_3": 51.861000000000004, + "map_at_5": 63.775000000000006, + "mrr_at_1": 87.748, + "mrr_at_10": 90.737, + "mrr_at_100": 90.84400000000001, + "mrr_at_1000": 90.849, + "mrr_at_3": 90.257, + "mrr_at_5": 90.54299999999999, + "ndcg_at_1": 87.748, + "ndcg_at_10": 82.114, + "ndcg_at_100": 86.148, + "ndcg_at_1000": 86.913, + "ndcg_at_3": 83.54599999999999, + "ndcg_at_5": 81.987, + "precision_at_1": 87.748, + "precision_at_10": 41.076, + "precision_at_100": 4.976, + "precision_at_1000": 0.515, + "precision_at_3": 73.282, + "precision_at_5": 61.351, + "recall_at_1": 26.169999999999998, + "recall_at_10": 81.292, + "recall_at_100": 94.285, + "recall_at_1000": 98.221, + "recall_at_3": 53.824000000000005, + "recall_at_5": 67.547, + "main_score": 82.114 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__mist-zh/external/TNews.json b/results/Erin__mist-zh/external/TNews.json new file mode 100644 index 000000000..e5def6c14 --- /dev/null +++ b/results/Erin__mist-zh/external/TNews.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 51.564, + "f1": 49.711462885083286, + "main_score": 51.564 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__mist-zh/external/ThuNewsClusteringP2P.json b/results/Erin__mist-zh/external/ThuNewsClusteringP2P.json new file mode 100644 index 000000000..46c4bab4b --- /dev/null +++ b/results/Erin__mist-zh/external/ThuNewsClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 62.57078038998942, + "main_score": 62.57078038998942 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__mist-zh/external/ThuNewsClusteringS2S.json b/results/Erin__mist-zh/external/ThuNewsClusteringS2S.json new file mode 100644 index 000000000..e6b054e35 --- /dev/null +++ b/results/Erin__mist-zh/external/ThuNewsClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 57.842602165392144, + "main_score": 57.842602165392144 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__mist-zh/external/VideoRetrieval.json b/results/Erin__mist-zh/external/VideoRetrieval.json new file mode 100644 index 000000000..44a449d6b --- /dev/null +++ b/results/Erin__mist-zh/external/VideoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 52.0, + "map_at_10": 62.932, + "map_at_100": 63.471999999999994, + "map_at_1000": 63.483999999999995, + "map_at_3": 60.516999999999996, + "map_at_5": 62.097, + "mrr_at_1": 52.0, + "mrr_at_10": 62.932, + "mrr_at_100": 63.471999999999994, + "mrr_at_1000": 63.483999999999995, + "mrr_at_3": 60.516999999999996, + "mrr_at_5": 62.097, + "ndcg_at_1": 52.0, + "ndcg_at_10": 67.963, + "ndcg_at_100": 70.598, + "ndcg_at_1000": 70.896, + "ndcg_at_3": 63.144, + "ndcg_at_5": 65.988, + "precision_at_1": 52.0, + "precision_at_10": 8.36, + "precision_at_100": 0.959, + "precision_at_1000": 0.098, + "precision_at_3": 23.567, + "precision_at_5": 15.52, + "recall_at_1": 52.0, + "recall_at_10": 83.6, + "recall_at_100": 95.89999999999999, + "recall_at_1000": 98.2, + "recall_at_3": 70.7, + "recall_at_5": 77.60000000000001, + "main_score": 67.963 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__mist-zh/external/Waimai.json b/results/Erin__mist-zh/external/Waimai.json new file mode 100644 index 000000000..d33fe386e --- /dev/null +++ b/results/Erin__mist-zh/external/Waimai.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 86.65999999999998, + "ap": 69.91988858863054, + "f1": 84.92982698422784, + "main_score": 86.65999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/Erin__mist-zh/external/model_meta.json b/results/Erin__mist-zh/external/model_meta.json new file mode 100644 index 000000000..3e912679e --- /dev/null +++ b/results/Erin__mist-zh/external/model_meta.json @@ -0,0 +1,20 @@ +{ + "name": "Erin/mist-zh", + "revision": "edbaeeffbff2422e02c748988a340a3cfbf98283", + "release_date": "2023-11-30", + "languages": [], + "loader": null, + "n_parameters": 51150506, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 768, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/AmazonCounterfactualClassification.json b/results/GameScribes__stella_en_400M_v5/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..c790dbe18 --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/AmazonCounterfactualClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.35820895522387, + "ap": 70.81322736988783, + "ap_weighted": 70.81322736988783, + "f1": 88.9505466159595, + "f1_weighted": 92.68630932872613, + "main_score": 92.35820895522387 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/AmazonPolarityClassification.json b/results/GameScribes__stella_en_400M_v5/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..489a49c56 --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/AmazonPolarityClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 97.1945, + "ap": 96.08192192244094, + "ap_weighted": 96.08192192244094, + "f1": 97.1936887167346, + "f1_weighted": 97.1936887167346, + "main_score": 97.1945 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/AmazonReviewsClassification.json b/results/GameScribes__stella_en_400M_v5/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..6e645c7a2 --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/AmazonReviewsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 59.528000000000006, + "f1": 59.21016819840188, + "f1_weighted": 59.21016819840188, + "main_score": 59.528000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/ArguAna.json b/results/GameScribes__stella_en_400M_v5/external/ArguAna.json new file mode 100644 index 000000000..128530186 --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/ArguAna.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 64.24, + "map_at_1": 40.398, + "map_at_10": 56.215, + "map_at_100": 56.833999999999996, + "map_at_1000": 56.835, + "map_at_20": 56.747, + "map_at_3": 52.181, + "map_at_5": 54.628, + "mrr_at_1": 41.25177809388336, + "mrr_at_10": 56.570762491815216, + "mrr_at_100": 57.17548614361504, + "mrr_at_1000": 57.176650626377466, + "mrr_at_20": 57.08916253512566, + "mrr_at_3": 52.47747747747754, + "mrr_at_5": 54.94547178757718, + "nauc_map_at_1000_diff1": 22.408086887100158, + "nauc_map_at_1000_max": -8.730419096847543, + "nauc_map_at_1000_std": -17.789262741255737, + "nauc_map_at_100_diff1": 22.407371684274025, + "nauc_map_at_100_max": -8.732263549026266, + "nauc_map_at_100_std": -17.79550515579994, + "nauc_map_at_10_diff1": 21.925005073301246, + "nauc_map_at_10_max": -8.990323944492134, + "nauc_map_at_10_std": -18.199246301671458, + "nauc_map_at_1_diff1": 26.23276644969203, + "nauc_map_at_1_max": -12.376511389571245, + "nauc_map_at_1_std": -18.11411715207284, + "nauc_map_at_20_diff1": 22.32455790850922, + "nauc_map_at_20_max": -8.664671547236034, + "nauc_map_at_20_std": -17.8290016125137, + "nauc_map_at_3_diff1": 22.395462147465064, + "nauc_map_at_3_max": -8.206580750918844, + "nauc_map_at_3_std": -17.604490446911484, + "nauc_map_at_5_diff1": 21.95307379904799, + "nauc_map_at_5_max": -8.03958102978443, + "nauc_map_at_5_std": -17.36578866595004, + "nauc_mrr_at_1000_diff1": 20.124236798365587, + "nauc_mrr_at_1000_max": -9.587376069575898, + "nauc_mrr_at_1000_std": -17.79191612151833, + "nauc_mrr_at_100_diff1": 20.123612603474033, + "nauc_mrr_at_100_max": -9.589187218607831, + "nauc_mrr_at_100_std": -17.7981617777748, + "nauc_mrr_at_10_diff1": 19.723683875738075, + "nauc_mrr_at_10_max": -9.774151729178815, + "nauc_mrr_at_10_std": -18.168668675495162, + "nauc_mrr_at_1_diff1": 23.945332059908132, + "nauc_mrr_at_1_max": -12.260461466152819, + "nauc_mrr_at_1_std": -18.007194922921148, + "nauc_mrr_at_20_diff1": 20.04819461810257, + "nauc_mrr_at_20_max": -9.518368283588936, + "nauc_mrr_at_20_std": -17.831608149836136, + "nauc_mrr_at_3_diff1": 19.8571785245832, + "nauc_mrr_at_3_max": -9.464375021240478, + "nauc_mrr_at_3_std": -17.728533927330453, + "nauc_mrr_at_5_diff1": 19.670313652167827, + "nauc_mrr_at_5_max": -8.966372585728434, + "nauc_mrr_at_5_std": -17.468955834324817, + "nauc_ndcg_at_1000_diff1": 21.863049281767417, + "nauc_ndcg_at_1000_max": -8.18698520924057, + "nauc_ndcg_at_1000_std": -17.634483364794804, + "nauc_ndcg_at_100_diff1": 21.849924385738586, + "nauc_ndcg_at_100_max": -8.226437560889345, + "nauc_ndcg_at_100_std": -17.774648478087002, + "nauc_ndcg_at_10_diff1": 19.888395590413573, + "nauc_ndcg_at_10_max": -8.968706085632382, + "nauc_ndcg_at_10_std": -19.31386964628115, + "nauc_ndcg_at_1_diff1": 26.23276644969203, + "nauc_ndcg_at_1_max": -12.376511389571245, + "nauc_ndcg_at_1_std": -18.11411715207284, + "nauc_ndcg_at_20_diff1": 21.38413342416933, + "nauc_ndcg_at_20_max": -7.636238194084164, + "nauc_ndcg_at_20_std": -17.946390844693028, + "nauc_ndcg_at_3_diff1": 21.29169165029195, + "nauc_ndcg_at_3_max": -6.793840499730093, + "nauc_ndcg_at_3_std": -17.52359001586737, + "nauc_ndcg_at_5_diff1": 20.238297656671364, + "nauc_ndcg_at_5_max": -6.424992706950072, + "nauc_ndcg_at_5_std": -17.082391132291356, + "nauc_precision_at_1000_diff1": -7.05195108528572, + "nauc_precision_at_1000_max": 34.439879624882145, + "nauc_precision_at_1000_std": 68.72436351659353, + "nauc_precision_at_100_diff1": -2.769464113932605, + "nauc_precision_at_100_max": 9.89562961226698, + "nauc_precision_at_100_std": -0.5880967482224028, + "nauc_precision_at_10_diff1": 2.1371544726832323, + "nauc_precision_at_10_max": -11.93051325147756, + "nauc_precision_at_10_std": -30.83144187392059, + "nauc_precision_at_1_diff1": 26.23276644969203, + "nauc_precision_at_1_max": -12.376511389571245, + "nauc_precision_at_1_std": -18.11411715207284, + "nauc_precision_at_20_diff1": 3.780146814257504, + "nauc_precision_at_20_max": 17.06527540214615, + "nauc_precision_at_20_std": -20.36832563035565, + "nauc_precision_at_3_diff1": 17.63894384012077, + "nauc_precision_at_3_max": -2.0220490624638887, + "nauc_precision_at_3_std": -17.285601413493918, + "nauc_precision_at_5_diff1": 12.557855071944601, + "nauc_precision_at_5_max": 0.5840236463956658, + "nauc_precision_at_5_std": -15.827224420217846, + "nauc_recall_at_1000_diff1": -7.051951085286463, + "nauc_recall_at_1000_max": 34.43987962487738, + "nauc_recall_at_1000_std": 68.724363516591, + "nauc_recall_at_100_diff1": -2.769464113930314, + "nauc_recall_at_100_max": 9.895629612270017, + "nauc_recall_at_100_std": -0.58809674821745, + "nauc_recall_at_10_diff1": 2.1371544726834495, + "nauc_recall_at_10_max": -11.930513251477253, + "nauc_recall_at_10_std": -30.83144187392047, + "nauc_recall_at_1_diff1": 26.23276644969203, + "nauc_recall_at_1_max": -12.376511389571245, + "nauc_recall_at_1_std": -18.11411715207284, + "nauc_recall_at_20_diff1": 3.7801468142575922, + "nauc_recall_at_20_max": 17.0652754021456, + "nauc_recall_at_20_std": -20.36832563035559, + "nauc_recall_at_3_diff1": 17.63894384012074, + "nauc_recall_at_3_max": -2.02204906246383, + "nauc_recall_at_3_std": -17.28560141349386, + "nauc_recall_at_5_diff1": 12.55785507194463, + "nauc_recall_at_5_max": 0.5840236463957296, + "nauc_recall_at_5_std": -15.827224420217856, + "ndcg_at_1": 40.398, + "ndcg_at_10": 64.24, + "ndcg_at_100": 66.631, + "ndcg_at_1000": 66.65100000000001, + "ndcg_at_20": 66.086, + "ndcg_at_3": 55.938, + "ndcg_at_5": 60.370000000000005, + "precision_at_1": 40.398, + "precision_at_10": 8.962, + "precision_at_100": 0.9950000000000001, + "precision_at_1000": 0.1, + "precision_at_20": 4.836, + "precision_at_3": 22.262, + "precision_at_5": 15.519, + "recall_at_1": 40.398, + "recall_at_10": 89.616, + "recall_at_100": 99.502, + "recall_at_1000": 99.644, + "recall_at_20": 96.72800000000001, + "recall_at_3": 66.78500000000001, + "recall_at_5": 77.596 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/ArxivClusteringP2P.json b/results/GameScribes__stella_en_400M_v5/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..53b30307e --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/ArxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 55.1564333205451, + "v_measure": 55.1564333205451, + "v_measure_std": 14.696883012214512 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/ArxivClusteringS2S.json b/results/GameScribes__stella_en_400M_v5/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..d53383759 --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/ArxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 49.823698316694795, + "v_measure": 49.823698316694795, + "v_measure_std": 14.951660654298186 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/AskUbuntuDupQuestions.json b/results/GameScribes__stella_en_400M_v5/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..97b6fd7b4 --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/AskUbuntuDupQuestions.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 66.15294503553424, + "map": 66.15294503553424, + "mrr": 78.53438420612935, + "nAUC_map_diff1": 12.569697092717997, + "nAUC_map_max": 21.50670312412572, + "nAUC_map_std": 16.943786429229064, + "nAUC_mrr_diff1": 15.590272897361238, + "nAUC_mrr_max": 34.96072022474653, + "nAUC_mrr_std": 21.649217605241045 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/BIOSSES.json b/results/GameScribes__stella_en_400M_v5/external/BIOSSES.json new file mode 100644 index 000000000..84a650387 --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 85.7824546319275, + "cosine_spearman": 83.29587385660628, + "euclidean_pearson": 84.58764190565167, + "euclidean_spearman": 83.30069324352772, + "main_score": 83.29587385660628, + "manhattan_pearson": 84.95996839947179, + "manhattan_spearman": 83.87480271054358, + "pearson": 85.7824546319275, + "spearman": 83.29587385660628 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/Banking77Classification.json b/results/GameScribes__stella_en_400M_v5/external/Banking77Classification.json new file mode 100644 index 000000000..a7e09ca02 --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/Banking77Classification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 89.30194805194806, + "f1": 89.26182507266391, + "f1_weighted": 89.26182507266391, + "main_score": 89.30194805194806 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/BiorxivClusteringP2P.json b/results/GameScribes__stella_en_400M_v5/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..a178ed7cb --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/BiorxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 50.67972171889736, + "v_measure": 50.67972171889736, + "v_measure_std": 0.7687409980036303 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/BiorxivClusteringS2S.json b/results/GameScribes__stella_en_400M_v5/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..1c12ee799 --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/BiorxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 45.80539715556144, + "v_measure": 45.80539715556144, + "v_measure_std": 0.9601346216579142 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/ClimateFEVER.json b/results/GameScribes__stella_en_400M_v5/external/ClimateFEVER.json new file mode 100644 index 000000000..27919b94c --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/ClimateFEVER.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 43.525999999999996, + "map_at_1": 19.291, + "map_at_10": 33.471000000000004, + "map_at_100": 35.388999999999996, + "map_at_1000": 35.568, + "map_at_20": 34.496, + "map_at_3": 28.713, + "map_at_5": 31.384, + "mrr_at_1": 43.77850162866449, + "mrr_at_10": 56.28576598934912, + "mrr_at_100": 56.8588518168194, + "mrr_at_1000": 56.878236725973544, + "mrr_at_20": 56.6409328120183, + "mrr_at_3": 53.56134636264935, + "mrr_at_5": 55.27795874049956, + "nauc_map_at_1000_diff1": 27.262513153363876, + "nauc_map_at_1000_max": 40.099398684385584, + "nauc_map_at_1000_std": 18.847812394005512, + "nauc_map_at_100_diff1": 27.238993503030745, + "nauc_map_at_100_max": 40.07730434492169, + "nauc_map_at_100_std": 18.795349250833684, + "nauc_map_at_10_diff1": 27.70929180366227, + "nauc_map_at_10_max": 39.55987024970173, + "nauc_map_at_10_std": 17.214881544648996, + "nauc_map_at_1_diff1": 43.34155892182403, + "nauc_map_at_1_max": 38.23324890148018, + "nauc_map_at_1_std": 6.0781444393516075, + "nauc_map_at_20_diff1": 27.311577477800103, + "nauc_map_at_20_max": 39.624414083413456, + "nauc_map_at_20_std": 18.149811054163287, + "nauc_map_at_3_diff1": 30.475965062734367, + "nauc_map_at_3_max": 38.49324825043695, + "nauc_map_at_3_std": 13.357656038648487, + "nauc_map_at_5_diff1": 28.425110095017747, + "nauc_map_at_5_max": 39.017894870747796, + "nauc_map_at_5_std": 15.543817194122564, + "nauc_mrr_at_1000_diff1": 33.16689354701644, + "nauc_mrr_at_1000_max": 41.70755363247148, + "nauc_mrr_at_1000_std": 24.61667417463176, + "nauc_mrr_at_100_diff1": 33.147229262917506, + "nauc_mrr_at_100_max": 41.712455697170725, + "nauc_mrr_at_100_std": 24.6418922043652, + "nauc_mrr_at_10_diff1": 32.94185191112572, + "nauc_mrr_at_10_max": 41.64272730141954, + "nauc_mrr_at_10_std": 24.663391015702707, + "nauc_mrr_at_1_diff1": 39.571969559016395, + "nauc_mrr_at_1_max": 39.396249211263495, + "nauc_mrr_at_1_std": 16.984149923258357, + "nauc_mrr_at_20_diff1": 33.10040770334742, + "nauc_mrr_at_20_max": 41.807565560083034, + "nauc_mrr_at_20_std": 24.8064180365271, + "nauc_mrr_at_3_diff1": 33.065406161485704, + "nauc_mrr_at_3_max": 41.049510969934694, + "nauc_mrr_at_3_std": 23.18371458928609, + "nauc_mrr_at_5_diff1": 33.2389593543916, + "nauc_mrr_at_5_max": 41.629486918949915, + "nauc_mrr_at_5_std": 24.5777253036149, + "nauc_ndcg_at_1000_diff1": 25.868840609197637, + "nauc_ndcg_at_1000_max": 42.79564910784761, + "nauc_ndcg_at_1000_std": 27.035091271680113, + "nauc_ndcg_at_100_diff1": 25.019789319579942, + "nauc_ndcg_at_100_max": 42.482345143533735, + "nauc_ndcg_at_100_std": 26.76872010731345, + "nauc_ndcg_at_10_diff1": 25.949464660653238, + "nauc_ndcg_at_10_max": 40.79769544643906, + "nauc_ndcg_at_10_std": 22.486116508973204, + "nauc_ndcg_at_1_diff1": 39.571969559016395, + "nauc_ndcg_at_1_max": 39.396249211263495, + "nauc_ndcg_at_1_std": 16.984149923258357, + "nauc_ndcg_at_20_diff1": 25.173455685962214, + "nauc_ndcg_at_20_max": 40.88873540662413, + "nauc_ndcg_at_20_std": 24.4451041955519, + "nauc_ndcg_at_3_diff1": 28.185416070726333, + "nauc_ndcg_at_3_max": 39.10600031163912, + "nauc_ndcg_at_3_std": 18.42694044215541, + "nauc_ndcg_at_5_diff1": 27.112647584005583, + "nauc_ndcg_at_5_max": 40.154045682322526, + "nauc_ndcg_at_5_std": 20.26822517176828, + "nauc_precision_at_1000_diff1": -16.42087927044017, + "nauc_precision_at_1000_max": 3.5326295053913, + "nauc_precision_at_1000_std": 24.406810708493197, + "nauc_precision_at_100_diff1": -12.17648135724982, + "nauc_precision_at_100_max": 15.895489260126183, + "nauc_precision_at_100_std": 32.48346122610907, + "nauc_precision_at_10_diff1": -1.2493131347748072, + "nauc_precision_at_10_max": 26.409459305604376, + "nauc_precision_at_10_std": 31.115432019300016, + "nauc_precision_at_1_diff1": 39.571969559016395, + "nauc_precision_at_1_max": 39.396249211263495, + "nauc_precision_at_1_std": 16.984149923258357, + "nauc_precision_at_20_diff1": -6.597509397240593, + "nauc_precision_at_20_max": 21.461984620659695, + "nauc_precision_at_20_std": 32.9450259748889, + "nauc_precision_at_3_diff1": 9.46378764865453, + "nauc_precision_at_3_max": 32.03650819375425, + "nauc_precision_at_3_std": 26.489382638510765, + "nauc_precision_at_5_diff1": 3.5987036728169537, + "nauc_precision_at_5_max": 30.633955978579703, + "nauc_precision_at_5_std": 30.532430088014443, + "nauc_recall_at_1000_diff1": 10.714633106872254, + "nauc_recall_at_1000_max": 43.94958623961, + "nauc_recall_at_1000_std": 51.78914468954123, + "nauc_recall_at_100_diff1": 9.63781472255557, + "nauc_recall_at_100_max": 38.50917465255336, + "nauc_recall_at_100_std": 37.78623984642377, + "nauc_recall_at_10_diff1": 16.480342820841688, + "nauc_recall_at_10_max": 35.982566867357406, + "nauc_recall_at_10_std": 23.30688188788895, + "nauc_recall_at_1_diff1": 43.34155892182403, + "nauc_recall_at_1_max": 38.23324890148018, + "nauc_recall_at_1_std": 6.0781444393516075, + "nauc_recall_at_20_diff1": 13.521048985146367, + "nauc_recall_at_20_max": 34.62462209239834, + "nauc_recall_at_20_std": 27.85924191501618, + "nauc_recall_at_3_diff1": 23.57032748533523, + "nauc_recall_at_3_max": 36.32703197635613, + "nauc_recall_at_3_std": 15.730238734014337, + "nauc_recall_at_5_diff1": 19.61387036368584, + "nauc_recall_at_5_max": 36.22030835529556, + "nauc_recall_at_5_std": 19.76310648649897, + "ndcg_at_1": 43.779, + "ndcg_at_10": 43.525999999999996, + "ndcg_at_100": 50.138000000000005, + "ndcg_at_1000": 52.991, + "ndcg_at_20": 46.083, + "ndcg_at_3": 38.002, + "ndcg_at_5": 39.842, + "precision_at_1": 43.779, + "precision_at_10": 13.205, + "precision_at_100": 2.051, + "precision_at_1000": 0.259, + "precision_at_20": 7.722999999999999, + "precision_at_3": 28.903000000000002, + "precision_at_5": 21.368000000000002, + "recall_at_1": 19.291, + "recall_at_10": 48.754, + "recall_at_100": 70.97200000000001, + "recall_at_1000": 86.611, + "recall_at_20": 55.884, + "recall_at_3": 34.101, + "recall_at_5": 40.784 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/DBPedia.json b/results/GameScribes__stella_en_400M_v5/external/DBPedia.json new file mode 100644 index 000000000..9a808f82d --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/DBPedia.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 49.884, + "map_at_1": 9.913, + "map_at_10": 23.186999999999998, + "map_at_100": 34.207, + "map_at_1000": 36.318, + "map_at_20": 27.419, + "map_at_3": 15.656, + "map_at_5": 18.945999999999998, + "mrr_at_1": 75.75, + "mrr_at_10": 82.16279761904761, + "mrr_at_100": 82.48445635330299, + "mrr_at_1000": 82.4870246719901, + "mrr_at_20": 82.36203632968338, + "mrr_at_3": 81.29166666666666, + "mrr_at_5": 82.02916666666667, + "nauc_map_at_1000_diff1": 17.0739966990996, + "nauc_map_at_1000_max": 28.440065298437133, + "nauc_map_at_1000_std": 20.83498154003865, + "nauc_map_at_100_diff1": 17.75982086107111, + "nauc_map_at_100_max": 26.87850835673573, + "nauc_map_at_100_std": 18.350282298599275, + "nauc_map_at_10_diff1": 17.15984258564116, + "nauc_map_at_10_max": 10.846179132675553, + "nauc_map_at_10_std": -6.263534464094614, + "nauc_map_at_1_diff1": 24.014897777973694, + "nauc_map_at_1_max": -4.556638938723358, + "nauc_map_at_1_std": -22.7844467526989, + "nauc_map_at_20_diff1": 16.3179372493187, + "nauc_map_at_20_max": 17.176378915498915, + "nauc_map_at_20_std": 1.9378637630340372, + "nauc_map_at_3_diff1": 19.12786794046792, + "nauc_map_at_3_max": 0.09063919305677291, + "nauc_map_at_3_std": -16.713143158330492, + "nauc_map_at_5_diff1": 18.76504725420023, + "nauc_map_at_5_max": 5.040867712207419, + "nauc_map_at_5_std": -12.382578318931165, + "nauc_mrr_at_1000_diff1": 54.61266255011247, + "nauc_mrr_at_1000_max": 60.83961280977112, + "nauc_mrr_at_1000_std": 32.70429260443016, + "nauc_mrr_at_100_diff1": 54.61346236538542, + "nauc_mrr_at_100_max": 60.8407974416647, + "nauc_mrr_at_100_std": 32.69272843993462, + "nauc_mrr_at_10_diff1": 54.74633685810871, + "nauc_mrr_at_10_max": 61.084525933097865, + "nauc_mrr_at_10_std": 33.001220210025565, + "nauc_mrr_at_1_diff1": 56.12708423835806, + "nauc_mrr_at_1_max": 58.9314540998289, + "nauc_mrr_at_1_std": 27.39422607651012, + "nauc_mrr_at_20_diff1": 54.58896150245695, + "nauc_mrr_at_20_max": 60.890929983464815, + "nauc_mrr_at_20_std": 32.65559641276393, + "nauc_mrr_at_3_diff1": 54.38229071443791, + "nauc_mrr_at_3_max": 59.987849044098596, + "nauc_mrr_at_3_std": 33.439813880719974, + "nauc_mrr_at_5_diff1": 54.961790262449824, + "nauc_mrr_at_5_max": 61.17705173908951, + "nauc_mrr_at_5_std": 33.30939850734856, + "nauc_ndcg_at_1000_diff1": 29.27465932507067, + "nauc_ndcg_at_1000_max": 47.952543312315214, + "nauc_ndcg_at_1000_std": 36.17132236391485, + "nauc_ndcg_at_100_diff1": 28.63072328980134, + "nauc_ndcg_at_100_max": 41.460833419186564, + "nauc_ndcg_at_100_std": 27.157100358988135, + "nauc_ndcg_at_10_diff1": 23.41488013023301, + "nauc_ndcg_at_10_max": 39.27798133072349, + "nauc_ndcg_at_10_std": 21.979241438928312, + "nauc_ndcg_at_1_diff1": 46.12120543657642, + "nauc_ndcg_at_1_max": 47.28452124039853, + "nauc_ndcg_at_1_std": 19.799884708952543, + "nauc_ndcg_at_20_diff1": 23.627669045115574, + "nauc_ndcg_at_20_max": 35.88225062457673, + "nauc_ndcg_at_20_std": 18.218628030529498, + "nauc_ndcg_at_3_diff1": 25.37309228946118, + "nauc_ndcg_at_3_max": 40.64426332992231, + "nauc_ndcg_at_3_std": 24.608330645901482, + "nauc_ndcg_at_5_diff1": 24.055798594999654, + "nauc_ndcg_at_5_max": 41.16180524175431, + "nauc_ndcg_at_5_std": 24.048305528761315, + "nauc_precision_at_1000_diff1": -18.234943251015576, + "nauc_precision_at_1000_max": 0.48708502364659184, + "nauc_precision_at_1000_std": 2.4473601543134027, + "nauc_precision_at_100_diff1": -3.0077810947381227, + "nauc_precision_at_100_max": 25.27249321108913, + "nauc_precision_at_100_std": 37.36575792126928, + "nauc_precision_at_10_diff1": -0.2393778190297635, + "nauc_precision_at_10_max": 36.40513293547299, + "nauc_precision_at_10_std": 37.4827885766009, + "nauc_precision_at_1_diff1": 56.12708423835806, + "nauc_precision_at_1_max": 58.9314540998289, + "nauc_precision_at_1_std": 27.39422607651012, + "nauc_precision_at_20_diff1": -1.2010133229402933, + "nauc_precision_at_20_max": 34.117541814385966, + "nauc_precision_at_20_std": 39.13273254177449, + "nauc_precision_at_3_diff1": 11.757378092198486, + "nauc_precision_at_3_max": 42.637962482588875, + "nauc_precision_at_3_std": 37.42465077352342, + "nauc_precision_at_5_diff1": 7.233177203405101, + "nauc_precision_at_5_max": 43.1663582897407, + "nauc_precision_at_5_std": 38.848449220750055, + "nauc_recall_at_1000_diff1": 27.33938551969145, + "nauc_recall_at_1000_max": 45.5614254479334, + "nauc_recall_at_1000_std": 50.58528916250458, + "nauc_recall_at_100_diff1": 23.610383761920097, + "nauc_recall_at_100_max": 31.422168485847184, + "nauc_recall_at_100_std": 25.58649926458304, + "nauc_recall_at_10_diff1": 14.62495111808408, + "nauc_recall_at_10_max": 7.4295041277681095, + "nauc_recall_at_10_std": -9.32297089600654, + "nauc_recall_at_1_diff1": 24.014897777973694, + "nauc_recall_at_1_max": -4.556638938723358, + "nauc_recall_at_1_std": -22.7844467526989, + "nauc_recall_at_20_diff1": 14.027862330014662, + "nauc_recall_at_20_max": 12.437478731690844, + "nauc_recall_at_20_std": -3.0740743798103676, + "nauc_recall_at_3_diff1": 16.354018356566712, + "nauc_recall_at_3_max": -2.9812231240997917, + "nauc_recall_at_3_std": -18.27746460743442, + "nauc_recall_at_5_diff1": 16.81486583473587, + "nauc_recall_at_5_max": 2.420128513974744, + "nauc_recall_at_5_std": -14.441820321214108, + "ndcg_at_1": 63.87500000000001, + "ndcg_at_10": 49.884, + "ndcg_at_100": 54.738, + "ndcg_at_1000": 61.635, + "ndcg_at_20": 48.894999999999996, + "ndcg_at_3": 54.287, + "ndcg_at_5": 52.40899999999999, + "precision_at_1": 75.75, + "precision_at_10": 40.9, + "precision_at_100": 13.139999999999999, + "precision_at_1000": 2.533, + "precision_at_20": 30.8, + "precision_at_3": 57.667, + "precision_at_5": 51.05, + "recall_at_1": 9.913, + "recall_at_10": 28.591, + "recall_at_100": 61.017999999999994, + "recall_at_1000": 83.383, + "recall_at_20": 37.834, + "recall_at_3": 17.049, + "recall_at_5": 21.685 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/EmotionClassification.json b/results/GameScribes__stella_en_400M_v5/external/EmotionClassification.json new file mode 100644 index 000000000..a3d0da231 --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/EmotionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.77499999999999, + "f1": 73.74058240799386, + "f1_weighted": 79.78804377638227, + "main_score": 78.77499999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/FEVER.json b/results/GameScribes__stella_en_400M_v5/external/FEVER.json new file mode 100644 index 000000000..7c8745a71 --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/FEVER.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 90.986, + "map_at_1": 81.601, + "map_at_10": 88.242, + "map_at_100": 88.46000000000001, + "map_at_1000": 88.472, + "map_at_20": 88.375, + "map_at_3": 87.237, + "map_at_5": 87.85300000000001, + "mrr_at_1": 87.81878187818782, + "mrr_at_10": 92.20301196786335, + "mrr_at_100": 92.24884236673292, + "mrr_at_1000": 92.2496338899362, + "mrr_at_20": 92.23112073283473, + "mrr_at_3": 91.77417741774165, + "mrr_at_5": 92.03970397039689, + "nauc_map_at_1000_diff1": 56.54670664910505, + "nauc_map_at_1000_max": 33.08375749975477, + "nauc_map_at_1000_std": 2.7491595418252865, + "nauc_map_at_100_diff1": 56.50887688686924, + "nauc_map_at_100_max": 33.075487189958494, + "nauc_map_at_100_std": 2.7675869969253375, + "nauc_map_at_10_diff1": 56.08080806610569, + "nauc_map_at_10_max": 32.776972098819066, + "nauc_map_at_10_std": 2.5904846711290097, + "nauc_map_at_1_diff1": 60.645344065853145, + "nauc_map_at_1_max": 31.232776777514797, + "nauc_map_at_1_std": -1.1946138176109171, + "nauc_map_at_20_diff1": 56.28378454162355, + "nauc_map_at_20_max": 32.98207150385811, + "nauc_map_at_20_std": 2.8469814040214025, + "nauc_map_at_3_diff1": 55.81958007095375, + "nauc_map_at_3_max": 31.602707711038313, + "nauc_map_at_3_std": 0.8117019292273401, + "nauc_map_at_5_diff1": 55.706025752316535, + "nauc_map_at_5_max": 32.16032683604737, + "nauc_map_at_5_std": 1.8853201503498669, + "nauc_mrr_at_1000_diff1": 75.4997173366251, + "nauc_mrr_at_1000_max": 41.49117135484116, + "nauc_mrr_at_1000_std": -2.0636172883680852, + "nauc_mrr_at_100_diff1": 75.50118860648519, + "nauc_mrr_at_100_max": 41.49490161517194, + "nauc_mrr_at_100_std": -2.057024385178682, + "nauc_mrr_at_10_diff1": 75.47295153099428, + "nauc_mrr_at_10_max": 41.55003304042536, + "nauc_mrr_at_10_std": -2.0353663198929253, + "nauc_mrr_at_1_diff1": 76.632058433229, + "nauc_mrr_at_1_max": 39.754483718891656, + "nauc_mrr_at_1_std": -2.962241058101701, + "nauc_mrr_at_20_diff1": 75.47221882396194, + "nauc_mrr_at_20_max": 41.50779280480839, + "nauc_mrr_at_20_std": -1.9620212266426307, + "nauc_mrr_at_3_diff1": 75.5682297897137, + "nauc_mrr_at_3_max": 41.53543801506081, + "nauc_mrr_at_3_std": -3.391681195945978, + "nauc_mrr_at_5_diff1": 75.37562775183947, + "nauc_mrr_at_5_max": 41.42028509006753, + "nauc_mrr_at_5_std": -2.418698675622726, + "nauc_ndcg_at_1000_diff1": 59.364557011624, + "nauc_ndcg_at_1000_max": 35.4112238125149, + "nauc_ndcg_at_1000_std": 3.717516193303376, + "nauc_ndcg_at_100_diff1": 58.55706703023122, + "nauc_ndcg_at_100_max": 35.352285999934594, + "nauc_ndcg_at_100_std": 4.273437944266781, + "nauc_ndcg_at_10_diff1": 56.77422701267037, + "nauc_ndcg_at_10_max": 34.24909893882957, + "nauc_ndcg_at_10_std": 4.178151434006727, + "nauc_ndcg_at_1_diff1": 76.632058433229, + "nauc_ndcg_at_1_max": 39.754483718891656, + "nauc_ndcg_at_1_std": -2.962241058101701, + "nauc_ndcg_at_20_diff1": 57.27343398231262, + "nauc_ndcg_at_20_max": 34.7416626740278, + "nauc_ndcg_at_20_std": 4.955858766014002, + "nauc_ndcg_at_3_diff1": 57.69267803121093, + "nauc_ndcg_at_3_max": 33.13744317023105, + "nauc_ndcg_at_3_std": 0.40380284030057023, + "nauc_ndcg_at_5_diff1": 56.57461019113917, + "nauc_ndcg_at_5_max": 33.244657840804386, + "nauc_ndcg_at_5_std": 2.5121440827702046, + "nauc_precision_at_1000_diff1": -14.54492513449718, + "nauc_precision_at_1000_max": -5.94552147573623, + "nauc_precision_at_1000_std": 1.2446209816057374, + "nauc_precision_at_100_diff1": -15.452676132568344, + "nauc_precision_at_100_max": -3.760241749847617, + "nauc_precision_at_100_std": 4.623534605290865, + "nauc_precision_at_10_diff1": -12.712908026086176, + "nauc_precision_at_10_max": 0.45241316994816805, + "nauc_precision_at_10_std": 7.849478570138391, + "nauc_precision_at_1_diff1": 76.632058433229, + "nauc_precision_at_1_max": 39.754483718891656, + "nauc_precision_at_1_std": -2.962241058101701, + "nauc_precision_at_20_diff1": -14.514618673172041, + "nauc_precision_at_20_max": -1.113635490621818, + "nauc_precision_at_20_std": 8.599811730457576, + "nauc_precision_at_3_diff1": 6.1367799850003815, + "nauc_precision_at_3_max": 8.466271950897857, + "nauc_precision_at_3_std": 1.7458051543195068, + "nauc_precision_at_5_diff1": -5.804548945783379, + "nauc_precision_at_5_max": 3.4060251839074818, + "nauc_precision_at_5_std": 5.583410511782371, + "nauc_recall_at_1000_diff1": 19.329432953574095, + "nauc_recall_at_1000_max": 43.260442595158736, + "nauc_recall_at_1000_std": 53.89644660661804, + "nauc_recall_at_100_diff1": 21.265326296051235, + "nauc_recall_at_100_max": 38.573000195373695, + "nauc_recall_at_100_std": 42.169391082152785, + "nauc_recall_at_10_diff1": 29.785129558987432, + "nauc_recall_at_10_max": 28.379657867558034, + "nauc_recall_at_10_std": 21.132574624091973, + "nauc_recall_at_1_diff1": 60.645344065853145, + "nauc_recall_at_1_max": 31.232776777514797, + "nauc_recall_at_1_std": -1.1946138176109171, + "nauc_recall_at_20_diff1": 25.88845612373954, + "nauc_recall_at_20_max": 30.24785945821152, + "nauc_recall_at_20_std": 31.73911437468067, + "nauc_recall_at_3_diff1": 42.2968464797395, + "nauc_recall_at_3_max": 26.494318009870018, + "nauc_recall_at_3_std": 2.6045977160467544, + "nauc_recall_at_5_diff1": 35.81340094401374, + "nauc_recall_at_5_max": 25.91082947510634, + "nauc_recall_at_5_std": 9.759404930864779, + "ndcg_at_1": 87.819, + "ndcg_at_10": 90.986, + "ndcg_at_100": 91.69, + "ndcg_at_1000": 91.863, + "ndcg_at_20": 91.293, + "ndcg_at_3": 89.621, + "ndcg_at_5": 90.333, + "precision_at_1": 87.819, + "precision_at_10": 10.753, + "precision_at_100": 1.138, + "precision_at_1000": 0.117, + "precision_at_20": 5.4879999999999995, + "precision_at_3": 33.703, + "precision_at_5": 20.831, + "recall_at_1": 81.601, + "recall_at_10": 95.44200000000001, + "recall_at_100": 98.14399999999999, + "recall_at_1000": 99.157, + "recall_at_20": 96.43, + "recall_at_3": 91.729, + "recall_at_5": 93.552 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/FiQA2018.json b/results/GameScribes__stella_en_400M_v5/external/FiQA2018.json new file mode 100644 index 000000000..86429e380 --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/FiQA2018.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 56.056, + "map_at_1": 28.666000000000004, + "map_at_10": 47.437000000000005, + "map_at_100": 49.537, + "map_at_1000": 49.665, + "map_at_20": 48.618, + "map_at_3": 41.355, + "map_at_5": 44.525, + "mrr_at_1": 55.55555555555556, + "mrr_at_10": 63.705173427395614, + "mrr_at_100": 64.25449940779741, + "mrr_at_1000": 64.27635581092147, + "mrr_at_20": 64.03796029079103, + "mrr_at_3": 61.49691358024688, + "mrr_at_5": 62.73148148148143, + "nauc_map_at_1000_diff1": 43.24282910397747, + "nauc_map_at_1000_max": 28.506093180265644, + "nauc_map_at_1000_std": -13.040508386155054, + "nauc_map_at_100_diff1": 43.23650442904607, + "nauc_map_at_100_max": 28.470565635459156, + "nauc_map_at_100_std": -12.988098780714935, + "nauc_map_at_10_diff1": 43.393840733087686, + "nauc_map_at_10_max": 26.637302062720153, + "nauc_map_at_10_std": -14.47500292113762, + "nauc_map_at_1_diff1": 47.705150227211725, + "nauc_map_at_1_max": 15.354189686550129, + "nauc_map_at_1_std": -14.559819859039067, + "nauc_map_at_20_diff1": 43.14121075706104, + "nauc_map_at_20_max": 27.811170590408395, + "nauc_map_at_20_std": -13.459413585283583, + "nauc_map_at_3_diff1": 44.33938667720801, + "nauc_map_at_3_max": 21.785619884549398, + "nauc_map_at_3_std": -15.569980103071593, + "nauc_map_at_5_diff1": 43.39280905665027, + "nauc_map_at_5_max": 25.021492190645017, + "nauc_map_at_5_std": -14.48856622187443, + "nauc_mrr_at_1000_diff1": 52.971563939946286, + "nauc_mrr_at_1000_max": 38.88019486172324, + "nauc_mrr_at_1000_std": -12.412991642381616, + "nauc_mrr_at_100_diff1": 52.978468139876945, + "nauc_mrr_at_100_max": 38.89751787948751, + "nauc_mrr_at_100_std": -12.3677876252269, + "nauc_mrr_at_10_diff1": 52.78507148048174, + "nauc_mrr_at_10_max": 38.55079809310022, + "nauc_mrr_at_10_std": -12.944127025078755, + "nauc_mrr_at_1_diff1": 55.52626805861546, + "nauc_mrr_at_1_max": 40.49306809164979, + "nauc_mrr_at_1_std": -12.886607701317681, + "nauc_mrr_at_20_diff1": 52.9592152665678, + "nauc_mrr_at_20_max": 38.88514014589964, + "nauc_mrr_at_20_std": -12.434464359819444, + "nauc_mrr_at_3_diff1": 52.73696844091174, + "nauc_mrr_at_3_max": 38.61018727252859, + "nauc_mrr_at_3_std": -13.123989867364166, + "nauc_mrr_at_5_diff1": 53.037110010188, + "nauc_mrr_at_5_max": 38.44770729849151, + "nauc_mrr_at_5_std": -13.49318771828972, + "nauc_ndcg_at_1000_diff1": 44.73813840091289, + "nauc_ndcg_at_1000_max": 33.70113904685389, + "nauc_ndcg_at_1000_std": -10.328687058192742, + "nauc_ndcg_at_100_diff1": 44.595174119928835, + "nauc_ndcg_at_100_max": 33.4788285112467, + "nauc_ndcg_at_100_std": -8.695355259716946, + "nauc_ndcg_at_10_diff1": 44.39837225263, + "nauc_ndcg_at_10_max": 29.188289725593393, + "nauc_ndcg_at_10_std": -13.67608323673103, + "nauc_ndcg_at_1_diff1": 55.52626805861546, + "nauc_ndcg_at_1_max": 40.49306809164979, + "nauc_ndcg_at_1_std": -12.886607701317681, + "nauc_ndcg_at_20_diff1": 44.24661739902305, + "nauc_ndcg_at_20_max": 31.667868318249965, + "nauc_ndcg_at_20_std": -10.65470780066342, + "nauc_ndcg_at_3_diff1": 43.39857166975522, + "nauc_ndcg_at_3_max": 31.764668313577495, + "nauc_ndcg_at_3_std": -14.494866954678152, + "nauc_ndcg_at_5_diff1": 43.16976647347281, + "nauc_ndcg_at_5_max": 29.878329062643143, + "nauc_ndcg_at_5_std": -13.987689089179739, + "nauc_precision_at_1000_diff1": -9.807973252625484, + "nauc_precision_at_1000_max": 26.6279603849494, + "nauc_precision_at_1000_std": 7.113187103520632, + "nauc_precision_at_100_diff1": -4.777149603323976, + "nauc_precision_at_100_max": 31.03410463692187, + "nauc_precision_at_100_std": 10.463144150275435, + "nauc_precision_at_10_diff1": 8.691528703215962, + "nauc_precision_at_10_max": 33.329579434123374, + "nauc_precision_at_10_std": -0.8002015226329403, + "nauc_precision_at_1_diff1": 55.52626805861546, + "nauc_precision_at_1_max": 40.49306809164979, + "nauc_precision_at_1_std": -12.886607701317681, + "nauc_precision_at_20_diff1": 3.4564653474184284, + "nauc_precision_at_20_max": 34.401070158471136, + "nauc_precision_at_20_std": 5.813431200164549, + "nauc_precision_at_3_diff1": 22.463219705462187, + "nauc_precision_at_3_max": 34.77413976546924, + "nauc_precision_at_3_std": -7.083890789741479, + "nauc_precision_at_5_diff1": 14.011006004883154, + "nauc_precision_at_5_max": 35.73655466853702, + "nauc_precision_at_5_std": -2.8395172077771598, + "nauc_recall_at_1000_diff1": 16.478046357391555, + "nauc_recall_at_1000_max": 43.231704288282344, + "nauc_recall_at_1000_std": 38.430684937573645, + "nauc_recall_at_100_diff1": 30.764718344602436, + "nauc_recall_at_100_max": 31.769050487166655, + "nauc_recall_at_100_std": 23.48468311677149, + "nauc_recall_at_10_diff1": 34.47339565324045, + "nauc_recall_at_10_max": 19.054212335800454, + "nauc_recall_at_10_std": -11.039734015330437, + "nauc_recall_at_1_diff1": 47.705150227211725, + "nauc_recall_at_1_max": 15.354189686550129, + "nauc_recall_at_1_std": -14.559819859039067, + "nauc_recall_at_20_diff1": 32.1011474016873, + "nauc_recall_at_20_max": 25.546372988304423, + "nauc_recall_at_20_std": -0.007233471152482897, + "nauc_recall_at_3_diff1": 37.5708138019065, + "nauc_recall_at_3_max": 16.66410785756736, + "nauc_recall_at_3_std": -15.404817020108966, + "nauc_recall_at_5_diff1": 35.714519648479595, + "nauc_recall_at_5_max": 19.02075233009296, + "nauc_recall_at_5_std": -13.180963359760725, + "ndcg_at_1": 55.556000000000004, + "ndcg_at_10": 56.056, + "ndcg_at_100": 62.44, + "ndcg_at_1000": 64.263, + "ndcg_at_20": 58.638999999999996, + "ndcg_at_3": 51.722, + "ndcg_at_5": 52.701, + "precision_at_1": 55.556000000000004, + "precision_at_10": 15.679000000000002, + "precision_at_100": 2.252, + "precision_at_1000": 0.257, + "precision_at_20": 9.02, + "precision_at_3": 34.619, + "precision_at_5": 25.093, + "recall_at_1": 28.666000000000004, + "recall_at_10": 63.717999999999996, + "recall_at_100": 86.938, + "recall_at_1000": 97.603, + "recall_at_20": 71.649, + "recall_at_3": 46.663, + "recall_at_5": 53.313 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/HotpotQA.json b/results/GameScribes__stella_en_400M_v5/external/HotpotQA.json new file mode 100644 index 000000000..76cf32b61 --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/HotpotQA.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 71.74199999999999, + "map_at_1": 41.729, + "map_at_10": 63.168, + "map_at_100": 64.132, + "map_at_1000": 64.199, + "map_at_20": 63.736000000000004, + "map_at_3": 59.826, + "map_at_5": 61.882000000000005, + "mrr_at_1": 83.45712356515868, + "mrr_at_10": 87.850342432719, + "mrr_at_100": 88.0016320691113, + "mrr_at_1000": 88.00576596968136, + "mrr_at_20": 87.94463253190389, + "mrr_at_3": 87.13706954760278, + "mrr_at_5": 87.59419311276136, + "nauc_map_at_1000_diff1": 13.635446621095054, + "nauc_map_at_1000_max": 18.670632529445633, + "nauc_map_at_1000_std": 10.444842636150575, + "nauc_map_at_100_diff1": 13.599262398010783, + "nauc_map_at_100_max": 18.636389405484806, + "nauc_map_at_100_std": 10.460027483576043, + "nauc_map_at_10_diff1": 13.235053919323942, + "nauc_map_at_10_max": 18.252140477080047, + "nauc_map_at_10_std": 9.9075337042203, + "nauc_map_at_1_diff1": 76.51940497836482, + "nauc_map_at_1_max": 51.251419487235474, + "nauc_map_at_1_std": 0.16714896857146574, + "nauc_map_at_20_diff1": 13.4178245722222, + "nauc_map_at_20_max": 18.40988771210718, + "nauc_map_at_20_std": 10.216685163366282, + "nauc_map_at_3_diff1": 13.38370761663418, + "nauc_map_at_3_max": 17.760962555456537, + "nauc_map_at_3_std": 7.15741965624388, + "nauc_map_at_5_diff1": 13.138133309724855, + "nauc_map_at_5_max": 17.871761295251044, + "nauc_map_at_5_std": 8.475147426940074, + "nauc_mrr_at_1000_diff1": 75.82650818891959, + "nauc_mrr_at_1000_max": 53.6736100668434, + "nauc_mrr_at_1000_std": 1.8025016349213916, + "nauc_mrr_at_100_diff1": 75.82530574210111, + "nauc_mrr_at_100_max": 53.68067545829002, + "nauc_mrr_at_100_std": 1.8147470536495791, + "nauc_mrr_at_10_diff1": 75.8330135686799, + "nauc_mrr_at_10_max": 53.78626885349077, + "nauc_mrr_at_10_std": 1.7975782717226636, + "nauc_mrr_at_1_diff1": 76.51940497836482, + "nauc_mrr_at_1_max": 51.251419487235474, + "nauc_mrr_at_1_std": 0.16714896857146574, + "nauc_mrr_at_20_diff1": 75.82783382464166, + "nauc_mrr_at_20_max": 53.68364567043885, + "nauc_mrr_at_20_std": 1.742037904463963, + "nauc_mrr_at_3_diff1": 75.6944609768663, + "nauc_mrr_at_3_max": 53.803941340341666, + "nauc_mrr_at_3_std": 1.1849945458077804, + "nauc_mrr_at_5_diff1": 75.73006960604903, + "nauc_mrr_at_5_max": 53.62223096420106, + "nauc_mrr_at_5_std": 1.6144067563410909, + "nauc_ndcg_at_1000_diff1": 21.58025241642726, + "nauc_ndcg_at_1000_max": 24.675747527001153, + "nauc_ndcg_at_1000_std": 13.075943547492718, + "nauc_ndcg_at_100_diff1": 20.30260137544846, + "nauc_ndcg_at_100_max": 23.757528813872018, + "nauc_ndcg_at_100_std": 13.648994687574062, + "nauc_ndcg_at_10_diff1": 18.995052360997818, + "nauc_ndcg_at_10_max": 22.254260808196037, + "nauc_ndcg_at_10_std": 11.27212390633054, + "nauc_ndcg_at_1_diff1": 76.51940497836482, + "nauc_ndcg_at_1_max": 51.251419487235474, + "nauc_ndcg_at_1_std": 0.16714896857146574, + "nauc_ndcg_at_20_diff1": 19.333742380695757, + "nauc_ndcg_at_20_max": 22.527779834633364, + "nauc_ndcg_at_20_std": 12.161009000707917, + "nauc_ndcg_at_3_diff1": 20.013329040965534, + "nauc_ndcg_at_3_max": 21.99692460311921, + "nauc_ndcg_at_3_std": 6.8076290638386165, + "nauc_ndcg_at_5_diff1": 19.08226315942471, + "nauc_ndcg_at_5_max": 21.71185964294168, + "nauc_ndcg_at_5_std": 8.671911269518214, + "nauc_precision_at_1000_diff1": 2.4462475489446764, + "nauc_precision_at_1000_max": 29.145662064268578, + "nauc_precision_at_1000_std": 49.20704909525856, + "nauc_precision_at_100_diff1": 0.11271196725540299, + "nauc_precision_at_100_max": 17.37584606388067, + "nauc_precision_at_100_std": 34.66099346244071, + "nauc_precision_at_10_diff1": 2.9923183951227825, + "nauc_precision_at_10_max": 14.261884731124264, + "nauc_precision_at_10_std": 18.084188795498378, + "nauc_precision_at_1_diff1": 76.51940497836482, + "nauc_precision_at_1_max": 51.251419487235474, + "nauc_precision_at_1_std": 0.16714896857146574, + "nauc_precision_at_20_diff1": 1.9180293008303761, + "nauc_precision_at_20_max": 13.832269193468512, + "nauc_precision_at_20_std": 21.65284406055607, + "nauc_precision_at_3_diff1": 7.226609484731811, + "nauc_precision_at_3_max": 15.162908526977272, + "nauc_precision_at_3_std": 8.451859972962776, + "nauc_precision_at_5_diff1": 4.705236845538159, + "nauc_precision_at_5_max": 14.022910843582666, + "nauc_precision_at_5_std": 11.777269322821605, + "nauc_recall_at_1000_diff1": 2.446247548945172, + "nauc_recall_at_1000_max": 29.14566206426889, + "nauc_recall_at_1000_std": 49.20704909525879, + "nauc_recall_at_100_diff1": 0.1127119672553316, + "nauc_recall_at_100_max": 17.37584606388062, + "nauc_recall_at_100_std": 34.660993462440686, + "nauc_recall_at_10_diff1": 2.9923183951227927, + "nauc_recall_at_10_max": 14.261884731124299, + "nauc_recall_at_10_std": 18.08418879549837, + "nauc_recall_at_1_diff1": 76.51940497836482, + "nauc_recall_at_1_max": 51.251419487235474, + "nauc_recall_at_1_std": 0.16714896857146574, + "nauc_recall_at_20_diff1": 1.918029300830432, + "nauc_recall_at_20_max": 13.832269193468566, + "nauc_recall_at_20_std": 21.65284406055605, + "nauc_recall_at_3_diff1": 7.226609484731802, + "nauc_recall_at_3_max": 15.162908526977182, + "nauc_recall_at_3_std": 8.451859972962634, + "nauc_recall_at_5_diff1": 4.705236845538197, + "nauc_recall_at_5_max": 14.02291084358265, + "nauc_recall_at_5_std": 11.777269322821638, + "ndcg_at_1": 83.45700000000001, + "ndcg_at_10": 71.74199999999999, + "ndcg_at_100": 75.008, + "ndcg_at_1000": 76.242, + "ndcg_at_20": 73.114, + "ndcg_at_3": 67.128, + "ndcg_at_5": 69.645, + "precision_at_1": 83.45700000000001, + "precision_at_10": 14.747, + "precision_at_100": 1.73, + "precision_at_1000": 0.189, + "precision_at_20": 7.8149999999999995, + "precision_at_3": 42.323, + "precision_at_5": 27.381, + "recall_at_1": 41.729, + "recall_at_10": 73.734, + "recall_at_100": 86.502, + "recall_at_1000": 94.60499999999999, + "recall_at_20": 78.14999999999999, + "recall_at_3": 63.483999999999995, + "recall_at_5": 68.45400000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/ImdbClassification.json b/results/GameScribes__stella_en_400M_v5/external/ImdbClassification.json new file mode 100644 index 000000000..31bea8dda --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/ImdbClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 96.4904, + "ap": 94.85481918794709, + "ap_weighted": 94.85481918794709, + "f1": 96.4898592305707, + "f1_weighted": 96.4898592305707, + "main_score": 96.4904 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/MSMARCO.json b/results/GameScribes__stella_en_400M_v5/external/MSMARCO.json new file mode 100644 index 000000000..b0cb62af2 --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/MSMARCO.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 43.692, + "map_at_1": 23.751, + "map_at_10": 36.553999999999995, + "map_at_100": 37.721, + "map_at_1000": 37.763999999999996, + "map_at_20": 37.289, + "map_at_3": 32.643, + "map_at_5": 34.851, + "mrr_at_1": 24.455587392550143, + "mrr_at_10": 37.18388706963206, + "mrr_at_100": 38.28330737932916, + "mrr_at_1000": 38.32054399710817, + "mrr_at_20": 37.8818001216278, + "mrr_at_3": 33.35721107927405, + "mrr_at_5": 35.52483285577843, + "nauc_map_at_1000_diff1": 36.3576177260684, + "nauc_map_at_1000_max": 7.854511605962703, + "nauc_map_at_1000_std": -17.701121059746878, + "nauc_map_at_100_diff1": 36.356075649230505, + "nauc_map_at_100_max": 7.862168042999533, + "nauc_map_at_100_std": -17.670102459097233, + "nauc_map_at_10_diff1": 36.22122978875574, + "nauc_map_at_10_max": 7.80848606967416, + "nauc_map_at_10_std": -18.3265151386167, + "nauc_map_at_1_diff1": 39.28605466408357, + "nauc_map_at_1_max": 6.20202977590459, + "nauc_map_at_1_std": -15.734334090045026, + "nauc_map_at_20_diff1": 36.33637880909657, + "nauc_map_at_20_max": 7.843437969476022, + "nauc_map_at_20_std": -17.917533363025996, + "nauc_map_at_3_diff1": 36.24864976076741, + "nauc_map_at_3_max": 7.420345251835957, + "nauc_map_at_3_std": -18.71678497722944, + "nauc_map_at_5_diff1": 36.0789619291824, + "nauc_map_at_5_max": 7.7314285669514495, + "nauc_map_at_5_std": -18.748688764538706, + "nauc_mrr_at_1000_diff1": 36.23912675623378, + "nauc_mrr_at_1000_max": 7.690553436255147, + "nauc_mrr_at_1000_std": -17.609526070212304, + "nauc_mrr_at_100_diff1": 36.23782651189002, + "nauc_mrr_at_100_max": 7.70075095171647, + "nauc_mrr_at_100_std": -17.575714144960184, + "nauc_mrr_at_10_diff1": 36.125229472534215, + "nauc_mrr_at_10_max": 7.635472248755658, + "nauc_mrr_at_10_std": -18.208166616511086, + "nauc_mrr_at_1_diff1": 39.20986875554532, + "nauc_mrr_at_1_max": 6.062668487561363, + "nauc_mrr_at_1_std": -16.04130340817602, + "nauc_mrr_at_20_diff1": 36.21207088739667, + "nauc_mrr_at_20_max": 7.699610250145951, + "nauc_mrr_at_20_std": -17.778245221724028, + "nauc_mrr_at_3_diff1": 36.03957583885305, + "nauc_mrr_at_3_max": 7.225515576504581, + "nauc_mrr_at_3_std": -18.74478742943741, + "nauc_mrr_at_5_diff1": 35.969152496648974, + "nauc_mrr_at_5_max": 7.584059789018233, + "nauc_mrr_at_5_std": -18.569374723129332, + "nauc_ndcg_at_1000_diff1": 35.894655529841806, + "nauc_ndcg_at_1000_max": 8.579327424366236, + "nauc_ndcg_at_1000_std": -16.359677367747896, + "nauc_ndcg_at_100_diff1": 35.89861902483983, + "nauc_ndcg_at_100_max": 8.830873623962242, + "nauc_ndcg_at_100_std": -15.173125564722978, + "nauc_ndcg_at_10_diff1": 35.36499811105169, + "nauc_ndcg_at_10_max": 8.449267180956992, + "nauc_ndcg_at_10_std": -18.41978802362402, + "nauc_ndcg_at_1_diff1": 39.15422481210622, + "nauc_ndcg_at_1_max": 6.055515791928331, + "nauc_ndcg_at_1_std": -16.042779610876252, + "nauc_ndcg_at_20_diff1": 35.73402868264468, + "nauc_ndcg_at_20_max": 8.695705518210847, + "nauc_ndcg_at_20_std": -16.7735829470466, + "nauc_ndcg_at_3_diff1": 35.31358242856231, + "nauc_ndcg_at_3_max": 7.645692789058997, + "nauc_ndcg_at_3_std": -19.460003734786874, + "nauc_ndcg_at_5_diff1": 35.05216588927143, + "nauc_ndcg_at_5_max": 8.216690520604715, + "nauc_ndcg_at_5_std": -19.3982054492159, + "nauc_precision_at_1000_diff1": -4.440002625111349, + "nauc_precision_at_1000_max": 7.886988951901723, + "nauc_precision_at_1000_std": 9.88111187048247, + "nauc_precision_at_100_diff1": 15.728286119463325, + "nauc_precision_at_100_max": 13.218650824470654, + "nauc_precision_at_100_std": 16.113245895522553, + "nauc_precision_at_10_diff1": 29.51218489610567, + "nauc_precision_at_10_max": 10.197432401942912, + "nauc_precision_at_10_std": -16.950603431359493, + "nauc_precision_at_1_diff1": 39.15422481210622, + "nauc_precision_at_1_max": 6.055515791928331, + "nauc_precision_at_1_std": -16.042779610876252, + "nauc_precision_at_20_diff1": 27.825993070397338, + "nauc_precision_at_20_max": 11.437632287846007, + "nauc_precision_at_20_std": -7.450353566405601, + "nauc_precision_at_3_diff1": 32.14135556796588, + "nauc_precision_at_3_max": 7.989252443574163, + "nauc_precision_at_3_std": -21.566254595671055, + "nauc_precision_at_5_diff1": 30.68778685307082, + "nauc_precision_at_5_max": 9.332160758499892, + "nauc_precision_at_5_std": -20.928554713448914, + "nauc_recall_at_1000_diff1": 25.00810478716878, + "nauc_recall_at_1000_max": 46.518165765201644, + "nauc_recall_at_1000_std": 61.4734635576085, + "nauc_recall_at_100_diff1": 33.895581318261726, + "nauc_recall_at_100_max": 20.10706035872801, + "nauc_recall_at_100_std": 24.204226584457047, + "nauc_recall_at_10_diff1": 32.363127359576296, + "nauc_recall_at_10_max": 10.729923804989545, + "nauc_recall_at_10_std": -18.1335370184202, + "nauc_recall_at_1_diff1": 39.28605466408357, + "nauc_recall_at_1_max": 6.20202977590459, + "nauc_recall_at_1_std": -15.734334090045026, + "nauc_recall_at_20_diff1": 33.47804003169795, + "nauc_recall_at_20_max": 12.781494765263382, + "nauc_recall_at_20_std": -9.263970132202658, + "nauc_recall_at_3_diff1": 32.71001429428999, + "nauc_recall_at_3_max": 8.353439197382693, + "nauc_recall_at_3_std": -21.235097744366954, + "nauc_recall_at_5_diff1": 31.87451464963415, + "nauc_recall_at_5_max": 9.635051450907305, + "nauc_recall_at_5_std": -21.113235357132794, + "ndcg_at_1": 24.47, + "ndcg_at_10": 43.692, + "ndcg_at_100": 49.211, + "ndcg_at_1000": 50.244, + "ndcg_at_20": 46.278000000000006, + "ndcg_at_3": 35.719, + "ndcg_at_5": 39.652, + "precision_at_1": 24.47, + "precision_at_10": 6.857, + "precision_at_100": 0.9610000000000001, + "precision_at_1000": 0.105, + "precision_at_20": 3.968, + "precision_at_3": 15.181000000000001, + "precision_at_5": 11.117, + "recall_at_1": 23.751, + "recall_at_10": 65.64, + "recall_at_100": 90.967, + "recall_at_1000": 98.738, + "recall_at_20": 75.639, + "recall_at_3": 43.927, + "recall_at_5": 53.366 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/MTOPDomainClassification.json b/results/GameScribes__stella_en_400M_v5/external/MTOPDomainClassification.json new file mode 100644 index 000000000..2962e9f00 --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/MTOPDomainClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 98.82580939352485, + "f1": 98.75201754333801, + "f1_weighted": 98.82795205108245, + "main_score": 98.82580939352485 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/MTOPIntentClassification.json b/results/GameScribes__stella_en_400M_v5/external/MTOPIntentClassification.json new file mode 100644 index 000000000..8c421cd2e --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/MTOPIntentClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.29822161422709, + "f1": 77.75210224871594, + "f1_weighted": 93.58661422540348, + "main_score": 92.29822161422709 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/MassiveIntentClassification.json b/results/GameScribes__stella_en_400M_v5/external/MassiveIntentClassification.json new file mode 100644 index 000000000..4183a483b --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/MassiveIntentClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "4672e20407010da34463acc759c162ca9734bca6", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 85.17484868863484, + "f1": 81.94484244487094, + "f1_weighted": 85.21022593423332, + "main_score": 85.17484868863484 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/MassiveScenarioClassification.json b/results/GameScribes__stella_en_400M_v5/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..a82dce0d9 --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/MassiveScenarioClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "fad2c6e8459f9e1c45d9315f4953d921437d70f8", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 89.61667787491594, + "f1": 89.02701927621264, + "f1_weighted": 89.56306982022801, + "main_score": 89.61667787491594 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/MedrxivClusteringP2P.json b/results/GameScribes__stella_en_400M_v5/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..bf232514b --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/MedrxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 46.318282423948574, + "v_measure": 46.318282423948574, + "v_measure_std": 0.9729055662461538 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/MedrxivClusteringS2S.json b/results/GameScribes__stella_en_400M_v5/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..6b267e93f --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/MedrxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 44.29033625273981, + "v_measure": 44.29033625273981, + "v_measure_std": 1.0596383629128594 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/MindSmallReranking.json b/results/GameScribes__stella_en_400M_v5/external/MindSmallReranking.json new file mode 100644 index 000000000..2cf580ba8 --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/MindSmallReranking.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "59042f120c80e8afa9cdbb224f67076cec0fc9a7", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 33.0526129239962, + "map": 33.0526129239962, + "mrr": 34.29260046890935, + "nAUC_map_diff1": 12.579738077238032, + "nAUC_map_max": -20.936629344962, + "nAUC_map_std": -1.6096805784945216, + "nAUC_mrr_diff1": 11.597584463580807, + "nAUC_mrr_max": -15.723702838537504, + "nAUC_mrr_std": 0.2719172965777737 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/NFCorpus.json b/results/GameScribes__stella_en_400M_v5/external/NFCorpus.json new file mode 100644 index 000000000..0d67ffdf1 --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/NFCorpus.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 41.486000000000004, + "map_at_1": 6.866, + "map_at_10": 15.895999999999999, + "map_at_100": 21.093, + "map_at_1000": 23.067, + "map_at_20": 18.125, + "map_at_3": 11.421000000000001, + "map_at_5": 13.415, + "mrr_at_1": 52.63157894736842, + "mrr_at_10": 61.486805248415166, + "mrr_at_100": 62.08211009182091, + "mrr_at_1000": 62.10828701365016, + "mrr_at_20": 61.904411187915784, + "mrr_at_3": 59.90712074303407, + "mrr_at_5": 60.91331269349847, + "nauc_map_at_1000_diff1": 25.484625278529403, + "nauc_map_at_1000_max": 31.206600396418853, + "nauc_map_at_1000_std": 15.569448072357156, + "nauc_map_at_100_diff1": 27.636750226316764, + "nauc_map_at_100_max": 29.66992681250722, + "nauc_map_at_100_std": 10.570600484002671, + "nauc_map_at_10_diff1": 32.76642525548697, + "nauc_map_at_10_max": 21.459225397237663, + "nauc_map_at_10_std": -3.546494734209264, + "nauc_map_at_1_diff1": 48.8002894871328, + "nauc_map_at_1_max": 5.7236722609868815, + "nauc_map_at_1_std": -13.283554044471352, + "nauc_map_at_20_diff1": 30.57169701502308, + "nauc_map_at_20_max": 25.79666139518404, + "nauc_map_at_20_std": 1.781732492989651, + "nauc_map_at_3_diff1": 40.076315947201095, + "nauc_map_at_3_max": 12.862524429140054, + "nauc_map_at_3_std": -9.188349777126817, + "nauc_map_at_5_diff1": 36.9918718052938, + "nauc_map_at_5_max": 16.74234374361876, + "nauc_map_at_5_std": -7.818523349307494, + "nauc_mrr_at_1000_diff1": 26.88183002609805, + "nauc_mrr_at_1000_max": 47.10209348428658, + "nauc_mrr_at_1000_std": 32.067825924992924, + "nauc_mrr_at_100_diff1": 26.871482491566745, + "nauc_mrr_at_100_max": 47.11303868498556, + "nauc_mrr_at_100_std": 32.08961428818868, + "nauc_mrr_at_10_diff1": 26.6356914977722, + "nauc_mrr_at_10_max": 47.091624558810366, + "nauc_mrr_at_10_std": 31.942424120660164, + "nauc_mrr_at_1_diff1": 28.19774198483673, + "nauc_mrr_at_1_max": 41.44380927834253, + "nauc_mrr_at_1_std": 25.18222691885917, + "nauc_mrr_at_20_diff1": 26.86487347109452, + "nauc_mrr_at_20_max": 47.1987778214726, + "nauc_mrr_at_20_std": 32.143517921610034, + "nauc_mrr_at_3_diff1": 27.34340373236422, + "nauc_mrr_at_3_max": 46.358726506276646, + "nauc_mrr_at_3_std": 31.74924155572593, + "nauc_mrr_at_5_diff1": 27.209667205060672, + "nauc_mrr_at_5_max": 46.79883369072009, + "nauc_mrr_at_5_std": 31.655605306670758, + "nauc_ndcg_at_1000_diff1": 18.940195769769687, + "nauc_ndcg_at_1000_max": 46.48551313937331, + "nauc_ndcg_at_1000_std": 33.64819502089232, + "nauc_ndcg_at_100_diff1": 19.50885253809146, + "nauc_ndcg_at_100_max": 40.53174462354878, + "nauc_ndcg_at_100_std": 28.516152877751118, + "nauc_ndcg_at_10_diff1": 16.01699218096564, + "nauc_ndcg_at_10_max": 41.17322878314514, + "nauc_ndcg_at_10_std": 29.002233224832196, + "nauc_ndcg_at_1_diff1": 27.443547710102205, + "nauc_ndcg_at_1_max": 40.66529763309582, + "nauc_ndcg_at_1_std": 24.15016766225869, + "nauc_ndcg_at_20_diff1": 17.541197675685062, + "nauc_ndcg_at_20_max": 40.53231266973844, + "nauc_ndcg_at_20_std": 29.54096347876548, + "nauc_ndcg_at_3_diff1": 18.649628357473716, + "nauc_ndcg_at_3_max": 41.18603570171764, + "nauc_ndcg_at_3_std": 27.125524188420396, + "nauc_ndcg_at_5_diff1": 17.519593751448483, + "nauc_ndcg_at_5_max": 42.715997890377345, + "nauc_ndcg_at_5_std": 27.902627839899868, + "nauc_precision_at_1000_diff1": -15.528797630565155, + "nauc_precision_at_1000_max": 13.741640921778671, + "nauc_precision_at_1000_std": 44.50896053788372, + "nauc_precision_at_100_diff1": -14.491464489721887, + "nauc_precision_at_100_max": 23.136434418999457, + "nauc_precision_at_100_std": 49.73145147863128, + "nauc_precision_at_10_diff1": -4.829188942994277, + "nauc_precision_at_10_max": 40.327612559528866, + "nauc_precision_at_10_std": 39.34919529635044, + "nauc_precision_at_1_diff1": 28.19774198483673, + "nauc_precision_at_1_max": 41.44380927834253, + "nauc_precision_at_1_std": 25.18222691885917, + "nauc_precision_at_20_diff1": -7.210726293112847, + "nauc_precision_at_20_max": 37.195679576636984, + "nauc_precision_at_20_std": 45.4597096418357, + "nauc_precision_at_3_diff1": 7.578219537774854, + "nauc_precision_at_3_max": 41.59775233475654, + "nauc_precision_at_3_std": 30.764584790895118, + "nauc_precision_at_5_diff1": 1.655451789039598, + "nauc_precision_at_5_max": 43.435739407610455, + "nauc_precision_at_5_std": 33.42552263325999, + "nauc_recall_at_1000_diff1": 5.030705700690516, + "nauc_recall_at_1000_max": 19.108072570815583, + "nauc_recall_at_1000_std": 14.697734974217308, + "nauc_recall_at_100_diff1": 14.746540318132407, + "nauc_recall_at_100_max": 21.798705033854795, + "nauc_recall_at_100_std": 11.416195108842587, + "nauc_recall_at_10_diff1": 25.548642427860486, + "nauc_recall_at_10_max": 18.711677681987474, + "nauc_recall_at_10_std": -5.988904818971677, + "nauc_recall_at_1_diff1": 48.8002894871328, + "nauc_recall_at_1_max": 5.7236722609868815, + "nauc_recall_at_1_std": -13.283554044471352, + "nauc_recall_at_20_diff1": 23.39140739154809, + "nauc_recall_at_20_max": 19.351150636155474, + "nauc_recall_at_20_std": -2.757280266915132, + "nauc_recall_at_3_diff1": 38.17453576012812, + "nauc_recall_at_3_max": 13.47003839643972, + "nauc_recall_at_3_std": -8.75780163862688, + "nauc_recall_at_5_diff1": 33.02812855226899, + "nauc_recall_at_5_max": 15.477626408978477, + "nauc_recall_at_5_std": -9.072206441070708, + "ndcg_at_1": 50.773999999999994, + "ndcg_at_10": 41.486000000000004, + "ndcg_at_100": 39.051, + "ndcg_at_1000": 48.106, + "ndcg_at_20": 39.432, + "ndcg_at_3": 47.428, + "ndcg_at_5": 45.227000000000004, + "precision_at_1": 52.632, + "precision_at_10": 31.146, + "precision_at_100": 10.328, + "precision_at_1000": 2.432, + "precision_at_20": 23.793, + "precision_at_3": 45.201, + "precision_at_5": 39.876, + "recall_at_1": 6.866, + "recall_at_10": 20.447000000000003, + "recall_at_100": 40.607, + "recall_at_1000": 73.411, + "recall_at_20": 26.082, + "recall_at_3": 12.484, + "recall_at_5": 15.847 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/NQ.json b/results/GameScribes__stella_en_400M_v5/external/NQ.json new file mode 100644 index 000000000..9643671ef --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/NQ.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 69.072, + "map_at_1": 45.483000000000004, + "map_at_10": 62.050000000000004, + "map_at_100": 62.693, + "map_at_1000": 62.702999999999996, + "map_at_20": 62.498, + "map_at_3": 58.285, + "map_at_5": 60.711000000000006, + "mrr_at_1": 50.840092699884124, + "mrr_at_10": 64.54635224116673, + "mrr_at_100": 64.9526548702289, + "mrr_at_1000": 64.95908460752281, + "mrr_at_20": 64.82949565799959, + "mrr_at_3": 61.89165701042856, + "mrr_at_5": 63.632676709154026, + "nauc_map_at_1000_diff1": 43.187285304185224, + "nauc_map_at_1000_max": 32.39921659632756, + "nauc_map_at_1000_std": -5.780901333066553, + "nauc_map_at_100_diff1": 43.184487221204456, + "nauc_map_at_100_max": 32.41176116347982, + "nauc_map_at_100_std": -5.76422606662383, + "nauc_map_at_10_diff1": 42.967066814031746, + "nauc_map_at_10_max": 32.489617364418514, + "nauc_map_at_10_std": -6.029045531102664, + "nauc_map_at_1_diff1": 46.16376563218624, + "nauc_map_at_1_max": 26.342624776802232, + "nauc_map_at_1_std": -7.142171388751972, + "nauc_map_at_20_diff1": 43.15894358608328, + "nauc_map_at_20_max": 32.46492198956245, + "nauc_map_at_20_std": -5.788373305449195, + "nauc_map_at_3_diff1": 43.231752344608545, + "nauc_map_at_3_max": 31.68003009949564, + "nauc_map_at_3_std": -8.015235132765458, + "nauc_map_at_5_diff1": 42.86197608819917, + "nauc_map_at_5_max": 32.363857571094485, + "nauc_map_at_5_std": -6.780487416387977, + "nauc_mrr_at_1000_diff1": 43.40542912045782, + "nauc_mrr_at_1000_max": 32.8461770324533, + "nauc_mrr_at_1000_std": -3.6505425530008204, + "nauc_mrr_at_100_diff1": 43.40233508014468, + "nauc_mrr_at_100_max": 32.85598538385942, + "nauc_mrr_at_100_std": -3.637477352635459, + "nauc_mrr_at_10_diff1": 43.260179162806054, + "nauc_mrr_at_10_max": 32.942643527040474, + "nauc_mrr_at_10_std": -3.712052825320437, + "nauc_mrr_at_1_diff1": 46.354919460881206, + "nauc_mrr_at_1_max": 29.1760258591106, + "nauc_mrr_at_1_std": -4.107225031227406, + "nauc_mrr_at_20_diff1": 43.37092385434311, + "nauc_mrr_at_20_max": 32.93390254712846, + "nauc_mrr_at_20_std": -3.5719056112132006, + "nauc_mrr_at_3_diff1": 43.1744474040527, + "nauc_mrr_at_3_max": 32.741290559777994, + "nauc_mrr_at_3_std": -4.72677925120697, + "nauc_mrr_at_5_diff1": 43.108396819975674, + "nauc_mrr_at_5_max": 32.970519514893084, + "nauc_mrr_at_5_std": -4.090906158975974, + "nauc_ndcg_at_1000_diff1": 42.786664193638714, + "nauc_ndcg_at_1000_max": 33.65554095609296, + "nauc_ndcg_at_1000_std": -4.024030130584482, + "nauc_ndcg_at_100_diff1": 42.691246775210814, + "nauc_ndcg_at_100_max": 34.063232335110875, + "nauc_ndcg_at_100_std": -3.477813807415248, + "nauc_ndcg_at_10_diff1": 41.90988990571757, + "nauc_ndcg_at_10_max": 34.58934812881633, + "nauc_ndcg_at_10_std": -4.3295110195497655, + "nauc_ndcg_at_1_diff1": 46.354919460881206, + "nauc_ndcg_at_1_max": 29.1760258591106, + "nauc_ndcg_at_1_std": -4.107225031227406, + "nauc_ndcg_at_20_diff1": 42.493206675867114, + "nauc_ndcg_at_20_max": 34.562441307459544, + "nauc_ndcg_at_20_std": -3.4456116866749107, + "nauc_ndcg_at_3_diff1": 42.24180336502808, + "nauc_ndcg_at_3_max": 33.064267018100594, + "nauc_ndcg_at_3_std": -7.786248093572142, + "nauc_ndcg_at_5_diff1": 41.692714787779565, + "nauc_ndcg_at_5_max": 34.20502498949156, + "nauc_ndcg_at_5_std": -5.979557859282785, + "nauc_precision_at_1000_diff1": -13.779832506640702, + "nauc_precision_at_1000_max": 1.243001688631421, + "nauc_precision_at_1000_std": 17.351623398622323, + "nauc_precision_at_100_diff1": -11.310526816290297, + "nauc_precision_at_100_max": 5.771669506192959, + "nauc_precision_at_100_std": 19.917795079540113, + "nauc_precision_at_10_diff1": 2.163699384635286, + "nauc_precision_at_10_max": 19.66440698458386, + "nauc_precision_at_10_std": 13.689876348315726, + "nauc_precision_at_1_diff1": 46.354919460881206, + "nauc_precision_at_1_max": 29.1760258591106, + "nauc_precision_at_1_std": -4.107225031227406, + "nauc_precision_at_20_diff1": -3.038735879584471, + "nauc_precision_at_20_max": 14.132968299701695, + "nauc_precision_at_20_std": 17.78069734664346, + "nauc_precision_at_3_diff1": 21.783760758070095, + "nauc_precision_at_3_max": 30.244127986404497, + "nauc_precision_at_3_std": -0.12411163467738723, + "nauc_precision_at_5_diff1": 10.980635723302418, + "nauc_precision_at_5_max": 25.302293738975575, + "nauc_precision_at_5_std": 6.4740817488722024, + "nauc_recall_at_1000_diff1": 34.10343772356593, + "nauc_recall_at_1000_max": 80.72497340357538, + "nauc_recall_at_1000_std": 69.54564103264093, + "nauc_recall_at_100_diff1": 33.427719956774126, + "nauc_recall_at_100_max": 71.54086768335449, + "nauc_recall_at_100_std": 49.66157377654885, + "nauc_recall_at_10_diff1": 33.70139560054039, + "nauc_recall_at_10_max": 45.47878072860151, + "nauc_recall_at_10_std": 1.4188516615716378, + "nauc_recall_at_1_diff1": 46.16376563218624, + "nauc_recall_at_1_max": 26.342624776802232, + "nauc_recall_at_1_std": -7.142171388751972, + "nauc_recall_at_20_diff1": 35.805379874970086, + "nauc_recall_at_20_max": 51.80479822253392, + "nauc_recall_at_20_std": 13.531467576460143, + "nauc_recall_at_3_diff1": 37.288500141631616, + "nauc_recall_at_3_max": 35.07078243516728, + "nauc_recall_at_3_std": -10.452926441410405, + "nauc_recall_at_5_diff1": 34.83186104526897, + "nauc_recall_at_5_max": 39.58488976496973, + "nauc_recall_at_5_std": -6.3049292065708835, + "ndcg_at_1": 50.839999999999996, + "ndcg_at_10": 69.072, + "ndcg_at_100": 71.538, + "ndcg_at_1000": 71.77799999999999, + "ndcg_at_20": 70.41, + "ndcg_at_3": 62.544999999999995, + "ndcg_at_5": 66.33099999999999, + "precision_at_1": 50.839999999999996, + "precision_at_10": 10.495000000000001, + "precision_at_100": 1.1900000000000002, + "precision_at_1000": 0.121, + "precision_at_20": 5.5809999999999995, + "precision_at_3": 27.636, + "precision_at_5": 18.864, + "recall_at_1": 45.483000000000004, + "recall_at_10": 87.483, + "recall_at_100": 97.844, + "recall_at_1000": 99.66199999999999, + "recall_at_20": 92.294, + "recall_at_3": 71.2, + "recall_at_5": 79.753 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/QuoraRetrieval.json b/results/GameScribes__stella_en_400M_v5/external/QuoraRetrieval.json new file mode 100644 index 000000000..3ba548a9a --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/QuoraRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "e4e08e0b7dbe3c8700f0daef558ff32256715259", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 89.58, + "map_at_1": 71.819, + "map_at_10": 86.04899999999999, + "map_at_100": 86.648, + "map_at_1000": 86.66199999999999, + "map_at_20": 86.441, + "map_at_3": 83.114, + "map_at_5": 84.981, + "mrr_at_1": 82.62, + "mrr_at_10": 88.62899999999979, + "mrr_at_100": 88.70918591324215, + "mrr_at_1000": 88.70973091492397, + "mrr_at_20": 88.68914765317221, + "mrr_at_3": 87.74999999999979, + "mrr_at_5": 88.36799999999974, + "nauc_map_at_1000_diff1": 77.89207709760448, + "nauc_map_at_1000_max": 29.63371361495422, + "nauc_map_at_1000_std": -48.628180385874344, + "nauc_map_at_100_diff1": 77.89592179104915, + "nauc_map_at_100_max": 29.617171506130756, + "nauc_map_at_100_std": -48.66057170774648, + "nauc_map_at_10_diff1": 78.0618161228185, + "nauc_map_at_10_max": 29.178490609366737, + "nauc_map_at_10_std": -50.74755004592002, + "nauc_map_at_1_diff1": 81.64335579973574, + "nauc_map_at_1_max": 21.813832226652174, + "nauc_map_at_1_std": -42.57570978190876, + "nauc_map_at_20_diff1": 77.9299081005938, + "nauc_map_at_20_max": 29.458718470003888, + "nauc_map_at_20_std": -49.63337236763102, + "nauc_map_at_3_diff1": 78.72941448509229, + "nauc_map_at_3_max": 26.600997896960056, + "nauc_map_at_3_std": -51.889002227479885, + "nauc_map_at_5_diff1": 78.31466610917171, + "nauc_map_at_5_max": 28.09863984582896, + "nauc_map_at_5_std": -52.14058096096497, + "nauc_mrr_at_1000_diff1": 78.42667263739992, + "nauc_mrr_at_1000_max": 31.98996235127974, + "nauc_mrr_at_1000_std": -44.380439148429296, + "nauc_mrr_at_100_diff1": 78.42661032698115, + "nauc_mrr_at_100_max": 31.991652631740102, + "nauc_mrr_at_100_std": -44.37854108460535, + "nauc_mrr_at_10_diff1": 78.39126022544136, + "nauc_mrr_at_10_max": 32.02023484451197, + "nauc_mrr_at_10_std": -44.561252349176954, + "nauc_mrr_at_1_diff1": 79.21630894647448, + "nauc_mrr_at_1_max": 31.526303156060177, + "nauc_mrr_at_1_std": -41.887504422443136, + "nauc_mrr_at_20_diff1": 78.42548039170424, + "nauc_mrr_at_20_max": 31.99588275070137, + "nauc_mrr_at_20_std": -44.44957722627042, + "nauc_mrr_at_3_diff1": 78.26165151833735, + "nauc_mrr_at_3_max": 32.18028826126801, + "nauc_mrr_at_3_std": -44.6998237213182, + "nauc_mrr_at_5_diff1": 78.34786430903962, + "nauc_mrr_at_5_max": 32.168476272879566, + "nauc_mrr_at_5_std": -44.7915919956712, + "nauc_ndcg_at_1000_diff1": 77.79198355957816, + "nauc_ndcg_at_1000_max": 31.14363511518406, + "nauc_ndcg_at_1000_std": -46.69335151274275, + "nauc_ndcg_at_100_diff1": 77.79898090286419, + "nauc_ndcg_at_100_max": 31.115103811629215, + "nauc_ndcg_at_100_std": -46.73078913421965, + "nauc_ndcg_at_10_diff1": 77.74856635461343, + "nauc_ndcg_at_10_max": 30.279584686212747, + "nauc_ndcg_at_10_std": -50.23514662356807, + "nauc_ndcg_at_1_diff1": 79.17833000040999, + "nauc_ndcg_at_1_max": 31.703788144510746, + "nauc_ndcg_at_1_std": -41.854817402870715, + "nauc_ndcg_at_20_diff1": 77.7380353804671, + "nauc_ndcg_at_20_max": 30.622294129001553, + "nauc_ndcg_at_20_std": -49.035794761065254, + "nauc_ndcg_at_3_diff1": 77.41476880573593, + "nauc_ndcg_at_3_max": 29.015949978243032, + "nauc_ndcg_at_3_std": -49.78627087622648, + "nauc_ndcg_at_5_diff1": 77.64439137502896, + "nauc_ndcg_at_5_max": 29.444684897492206, + "nauc_ndcg_at_5_std": -51.21908400252501, + "nauc_precision_at_1000_diff1": -44.92396459446822, + "nauc_precision_at_1000_max": -3.674153720989045, + "nauc_precision_at_1000_std": 39.56552468277785, + "nauc_precision_at_100_diff1": -44.75143023259094, + "nauc_precision_at_100_max": -3.705280025140011, + "nauc_precision_at_100_std": 39.433619999113326, + "nauc_precision_at_10_diff1": -41.0651074726579, + "nauc_precision_at_10_max": -0.21097985601783667, + "nauc_precision_at_10_std": 26.24652824589493, + "nauc_precision_at_1_diff1": 79.17833000040999, + "nauc_precision_at_1_max": 31.703788144510746, + "nauc_precision_at_1_std": -41.854817402870715, + "nauc_precision_at_20_diff1": -43.368001340920294, + "nauc_precision_at_20_max": -2.036990010399129, + "nauc_precision_at_20_std": 32.37747041406297, + "nauc_precision_at_3_diff1": -22.089307548346877, + "nauc_precision_at_3_max": 6.2280973175296, + "nauc_precision_at_3_std": 5.323992514036145, + "nauc_precision_at_5_diff1": -34.07115055244003, + "nauc_precision_at_5_max": 2.5955315789198834, + "nauc_precision_at_5_std": 16.26096689407332, + "nauc_recall_at_1000_diff1": 58.27703860947467, + "nauc_recall_at_1000_max": 68.59835835315768, + "nauc_recall_at_1000_std": 77.96687006056064, + "nauc_recall_at_100_diff1": 73.24371223081737, + "nauc_recall_at_100_max": 39.55925344664591, + "nauc_recall_at_100_std": -32.25605030215798, + "nauc_recall_at_10_diff1": 73.41261201339202, + "nauc_recall_at_10_max": 26.822979434062926, + "nauc_recall_at_10_std": -74.2909332592806, + "nauc_recall_at_1_diff1": 81.64335579973574, + "nauc_recall_at_1_max": 21.813832226652174, + "nauc_recall_at_1_std": -42.57570978190876, + "nauc_recall_at_20_diff1": 72.7621297920656, + "nauc_recall_at_20_max": 26.02492304096079, + "nauc_recall_at_20_std": -77.8724532438279, + "nauc_recall_at_3_diff1": 75.25149312810714, + "nauc_recall_at_3_max": 23.20545662481487, + "nauc_recall_at_3_std": -59.69689982140521, + "nauc_recall_at_5_diff1": 73.69807273001406, + "nauc_recall_at_5_max": 24.073666798066057, + "nauc_recall_at_5_std": -67.91121268130719, + "ndcg_at_1": 82.64, + "ndcg_at_10": 89.58, + "ndcg_at_100": 90.606, + "ndcg_at_1000": 90.676, + "ndcg_at_20": 90.132, + "ndcg_at_3": 86.88, + "ndcg_at_5": 88.40299999999999, + "precision_at_1": 82.64, + "precision_at_10": 13.604, + "precision_at_100": 1.539, + "precision_at_1000": 0.157, + "precision_at_20": 7.188, + "precision_at_3": 38.083, + "precision_at_5": 25.018, + "recall_at_1": 71.819, + "recall_at_10": 96.34700000000001, + "recall_at_100": 99.715, + "recall_at_1000": 99.995, + "recall_at_20": 98.073, + "recall_at_3": 88.57300000000001, + "recall_at_5": 92.908 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/RedditClustering.json b/results/GameScribes__stella_en_400M_v5/external/RedditClustering.json new file mode 100644 index 000000000..16ae00d6d --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/RedditClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 71.18966762070158, + "v_measure": 71.18966762070158, + "v_measure_std": 2.7498969054457048 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/RedditClusteringP2P.json b/results/GameScribes__stella_en_400M_v5/external/RedditClusteringP2P.json new file mode 100644 index 000000000..5aded128d --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/RedditClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 74.42014716862516, + "v_measure": 74.42014716862516, + "v_measure_std": 9.909739891410648 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/SCIDOCS.json b/results/GameScribes__stella_en_400M_v5/external/SCIDOCS.json new file mode 100644 index 000000000..7ff073ec4 --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/SCIDOCS.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f8c2fcf00f625baaa80f62ec5bd9e1fff3b8ae88", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 25.041999999999998, + "map_at_1": 5.893000000000001, + "map_at_10": 15.260000000000002, + "map_at_100": 18.084, + "map_at_1000": 18.467, + "map_at_20": 16.675, + "map_at_3": 10.526, + "map_at_5": 12.775, + "mrr_at_1": 28.999999999999996, + "mrr_at_10": 41.03575396825395, + "mrr_at_100": 42.136771862785835, + "mrr_at_1000": 42.16698555415099, + "mrr_at_20": 41.707493696104315, + "mrr_at_3": 37.34999999999998, + "mrr_at_5": 39.59999999999995, + "nauc_map_at_1000_diff1": 12.080002654911883, + "nauc_map_at_1000_max": 29.813563682286276, + "nauc_map_at_1000_std": 20.36659817908673, + "nauc_map_at_100_diff1": 12.108735517749706, + "nauc_map_at_100_max": 29.76830671710955, + "nauc_map_at_100_std": 20.3433621032846, + "nauc_map_at_10_diff1": 12.91575031185637, + "nauc_map_at_10_max": 29.427600958386318, + "nauc_map_at_10_std": 16.89867275177153, + "nauc_map_at_1_diff1": 19.353069488987916, + "nauc_map_at_1_max": 17.093914951159693, + "nauc_map_at_1_std": 8.19886078055046, + "nauc_map_at_20_diff1": 11.977233457943113, + "nauc_map_at_20_max": 29.171812822948805, + "nauc_map_at_20_std": 18.780517506173965, + "nauc_map_at_3_diff1": 14.453129464176092, + "nauc_map_at_3_max": 25.801958649112077, + "nauc_map_at_3_std": 11.572823684429643, + "nauc_map_at_5_diff1": 13.167155808104997, + "nauc_map_at_5_max": 27.355626948365792, + "nauc_map_at_5_std": 14.414151839192183, + "nauc_mrr_at_1000_diff1": 17.262104643988636, + "nauc_mrr_at_1000_max": 23.991373837217058, + "nauc_mrr_at_1000_std": 12.44755488671623, + "nauc_mrr_at_100_diff1": 17.267280132318703, + "nauc_mrr_at_100_max": 24.022189287889294, + "nauc_mrr_at_100_std": 12.480695500214788, + "nauc_mrr_at_10_diff1": 17.012383998246268, + "nauc_mrr_at_10_max": 24.192637911171722, + "nauc_mrr_at_10_std": 12.524608847408917, + "nauc_mrr_at_1_diff1": 19.43518811038007, + "nauc_mrr_at_1_max": 17.747482933395602, + "nauc_mrr_at_1_std": 8.410779775558684, + "nauc_mrr_at_20_diff1": 17.202663281407446, + "nauc_mrr_at_20_max": 24.091991130543118, + "nauc_mrr_at_20_std": 12.503814263019908, + "nauc_mrr_at_3_diff1": 17.52733013432995, + "nauc_mrr_at_3_max": 23.569459518780214, + "nauc_mrr_at_3_std": 11.770846827520726, + "nauc_mrr_at_5_diff1": 17.10817561975543, + "nauc_mrr_at_5_max": 23.945141435234678, + "nauc_mrr_at_5_std": 12.034468615317719, + "nauc_ndcg_at_1000_diff1": 12.317811393346936, + "nauc_ndcg_at_1000_max": 30.809991350156103, + "nauc_ndcg_at_1000_std": 24.517501065205067, + "nauc_ndcg_at_100_diff1": 12.824804203182936, + "nauc_ndcg_at_100_max": 30.895499817010748, + "nauc_ndcg_at_100_std": 25.424376279745402, + "nauc_ndcg_at_10_diff1": 13.32724552457439, + "nauc_ndcg_at_10_max": 30.409088666807456, + "nauc_ndcg_at_10_std": 18.216330475714113, + "nauc_ndcg_at_1_diff1": 19.43518811038007, + "nauc_ndcg_at_1_max": 17.747482933395602, + "nauc_ndcg_at_1_std": 8.410779775558684, + "nauc_ndcg_at_20_diff1": 12.224399111852902, + "nauc_ndcg_at_20_max": 29.86352330445272, + "nauc_ndcg_at_20_std": 21.196937851331807, + "nauc_ndcg_at_3_diff1": 15.367489533734027, + "nauc_ndcg_at_3_max": 26.76486390741532, + "nauc_ndcg_at_3_std": 12.606077508789923, + "nauc_ndcg_at_5_diff1": 13.831157482390935, + "nauc_ndcg_at_5_max": 28.070226983968904, + "nauc_ndcg_at_5_std": 15.236787943125435, + "nauc_precision_at_1000_diff1": 0.016122957101357048, + "nauc_precision_at_1000_max": 24.380929903557334, + "nauc_precision_at_1000_std": 34.54045112720052, + "nauc_precision_at_100_diff1": 7.255224788507301, + "nauc_precision_at_100_max": 27.98453788447542, + "nauc_precision_at_100_std": 35.38999555441665, + "nauc_precision_at_10_diff1": 9.69185099834181, + "nauc_precision_at_10_max": 32.532315522580454, + "nauc_precision_at_10_std": 21.48948348473612, + "nauc_precision_at_1_diff1": 19.43518811038007, + "nauc_precision_at_1_max": 17.747482933395602, + "nauc_precision_at_1_std": 8.410779775558684, + "nauc_precision_at_20_diff1": 6.964076536695672, + "nauc_precision_at_20_max": 29.30087236410044, + "nauc_precision_at_20_std": 26.413625895571986, + "nauc_precision_at_3_diff1": 14.145134359925155, + "nauc_precision_at_3_max": 29.915650960808303, + "nauc_precision_at_3_std": 14.095370019867797, + "nauc_precision_at_5_diff1": 11.043933558522692, + "nauc_precision_at_5_max": 30.93016505807111, + "nauc_precision_at_5_std": 17.749256196062603, + "nauc_recall_at_1000_diff1": -0.7776817772090345, + "nauc_recall_at_1000_max": 23.094717340324518, + "nauc_recall_at_1000_std": 37.189908681396425, + "nauc_recall_at_100_diff1": 6.887748742013364, + "nauc_recall_at_100_max": 27.00798435230277, + "nauc_recall_at_100_std": 35.908147807345344, + "nauc_recall_at_10_diff1": 9.605632017480751, + "nauc_recall_at_10_max": 31.845202901168655, + "nauc_recall_at_10_std": 21.497414586634683, + "nauc_recall_at_1_diff1": 19.353069488987916, + "nauc_recall_at_1_max": 17.093914951159693, + "nauc_recall_at_1_std": 8.19886078055046, + "nauc_recall_at_20_diff1": 6.927503731844782, + "nauc_recall_at_20_max": 28.611698183338202, + "nauc_recall_at_20_std": 26.69018660149911, + "nauc_recall_at_3_diff1": 14.043724087062268, + "nauc_recall_at_3_max": 29.269835821380465, + "nauc_recall_at_3_std": 14.104419605998094, + "nauc_recall_at_5_diff1": 11.017319452873336, + "nauc_recall_at_5_max": 30.295720628306228, + "nauc_recall_at_5_std": 17.758048545573825, + "ndcg_at_1": 28.999999999999996, + "ndcg_at_10": 25.041999999999998, + "ndcg_at_100": 35.045, + "ndcg_at_1000": 40.803, + "ndcg_at_20": 28.584, + "ndcg_at_3": 23.249, + "ndcg_at_5": 20.533, + "precision_at_1": 28.999999999999996, + "precision_at_10": 13.120000000000001, + "precision_at_100": 2.7470000000000003, + "precision_at_1000": 0.41200000000000003, + "precision_at_20": 8.584999999999999, + "precision_at_3": 21.633, + "precision_at_5": 18.099999999999998, + "recall_at_1": 5.893000000000001, + "recall_at_10": 26.567, + "recall_at_100": 55.800000000000004, + "recall_at_1000": 83.608, + "recall_at_20": 34.86, + "recall_at_3": 13.153, + "recall_at_5": 18.323 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/SICK-R.json b/results/GameScribes__stella_en_400M_v5/external/SICK-R.json new file mode 100644 index 000000000..a1e23a637 --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 86.57284584320382, + "cosine_spearman": 82.20531642680812, + "euclidean_pearson": 83.94261758556554, + "euclidean_spearman": 82.20721497738559, + "main_score": 82.20531642680812, + "manhattan_pearson": 84.15902154703083, + "manhattan_spearman": 82.19506027155957, + "pearson": 86.57284584320382, + "spearman": 82.20531642680812 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/STS12.json b/results/GameScribes__stella_en_400M_v5/external/STS12.json new file mode 100644 index 000000000..76a2e56c6 --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 86.28047602146931, + "cosine_spearman": 79.51504881448884, + "euclidean_pearson": 83.10545189967856, + "euclidean_spearman": 79.50586960492797, + "main_score": 79.51504881448884, + "manhattan_pearson": 83.44244457500889, + "manhattan_spearman": 79.730303339846, + "pearson": 86.28047602146931, + "spearman": 79.51504881448884 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/STS13.json b/results/GameScribes__stella_en_400M_v5/external/STS13.json new file mode 100644 index 000000000..2d08320bc --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 88.74723553048702, + "cosine_spearman": 89.18936052329725, + "euclidean_pearson": 88.90400878928668, + "euclidean_spearman": 89.19174821431281, + "main_score": 89.18936052329725, + "manhattan_pearson": 88.81504628424054, + "manhattan_spearman": 89.18063294142597, + "pearson": 88.74723553048702, + "spearman": 89.18936052329725 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/STS14.json b/results/GameScribes__stella_en_400M_v5/external/STS14.json new file mode 100644 index 000000000..14402fd71 --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 86.45403437836023, + "cosine_spearman": 85.14654611519086, + "euclidean_pearson": 85.87509624462743, + "euclidean_spearman": 85.1391108856681, + "main_score": 85.14654611519086, + "manhattan_pearson": 85.96635794953866, + "manhattan_spearman": 85.3271371527667, + "pearson": 86.45403437836023, + "spearman": 85.14654611519086 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/STS15.json b/results/GameScribes__stella_en_400M_v5/external/STS15.json new file mode 100644 index 000000000..f729d7b65 --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 87.84742260009705, + "cosine_spearman": 89.10215217191254, + "euclidean_pearson": 88.97393286325477, + "euclidean_spearman": 89.1014105509662, + "main_score": 89.10215217191254, + "manhattan_pearson": 89.31698781090151, + "manhattan_spearman": 89.53000001764433, + "pearson": 87.84742260009705, + "spearman": 89.10215217191254 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/STS16.json b/results/GameScribes__stella_en_400M_v5/external/STS16.json new file mode 100644 index 000000000..7ec4cea8c --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 85.22397535461835, + "cosine_spearman": 87.14066355879785, + "euclidean_pearson": 86.31393364087295, + "euclidean_spearman": 87.14018892702765, + "main_score": 87.14066355879785, + "manhattan_pearson": 86.36366855248434, + "manhattan_spearman": 87.20858630423012, + "pearson": 85.22397535461835, + "spearman": 87.14066355879785 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/STS17.json b/results/GameScribes__stella_en_400M_v5/external/STS17.json new file mode 100644 index 000000000..cad9c3ce4 --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "faeb762787bd10488a50c8b5be4a3b82e411949c", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 90.66131612061355, + "cosine_spearman": 90.97082650129164, + "euclidean_pearson": 90.98181906744969, + "euclidean_spearman": 90.99008476850047, + "main_score": 90.97082650129164, + "manhattan_pearson": 90.75245040709021, + "manhattan_spearman": 90.6199877691265, + "pearson": 90.66131612061355, + "spearman": 90.97082650129164 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/STS22.json b/results/GameScribes__stella_en_400M_v5/external/STS22.json new file mode 100644 index 000000000..e71da1938 --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "de9d86b3b84231dc21f76c7b7af1f28e2f57f6e3", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 67.270656447085, + "cosine_spearman": 67.82870469746828, + "euclidean_pearson": 69.03857775285664, + "euclidean_spearman": 67.74455108773341, + "main_score": 67.82870469746828, + "manhattan_pearson": 69.25304172245812, + "manhattan_spearman": 68.00987097916055, + "pearson": 67.270656447085, + "spearman": 67.82870469746828 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/STSBenchmark.json b/results/GameScribes__stella_en_400M_v5/external/STSBenchmark.json new file mode 100644 index 000000000..d1695da39 --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 87.17245205384889, + "cosine_spearman": 87.7360146030987, + "euclidean_pearson": 87.48919412794656, + "euclidean_spearman": 87.7312047878383, + "main_score": 87.7360146030987, + "manhattan_pearson": 87.61476224354806, + "manhattan_spearman": 87.95220889254693, + "pearson": 87.17245205384889, + "spearman": 87.7360146030987 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/SciDocsRR.json b/results/GameScribes__stella_en_400M_v5/external/SciDocsRR.json new file mode 100644 index 000000000..955a4fc3c --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/SciDocsRR.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 88.43547871921146, + "map": 88.43547871921146, + "mrr": 96.5564473652709, + "nAUC_map_diff1": -13.66029392579231, + "nAUC_map_max": 50.325613574053506, + "nAUC_map_std": 60.02986231275796, + "nAUC_mrr_diff1": 23.83821476411125, + "nAUC_mrr_max": 86.72643311769906, + "nAUC_mrr_std": 72.12741063469213 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/SciFact.json b/results/GameScribes__stella_en_400M_v5/external/SciFact.json new file mode 100644 index 000000000..c83f26f96 --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/SciFact.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 78.233, + "map_at_1": 61.49400000000001, + "map_at_10": 73.30600000000001, + "map_at_100": 73.719, + "map_at_1000": 73.724, + "map_at_20": 73.611, + "map_at_3": 70.626, + "map_at_5": 72.417, + "mrr_at_1": 64.66666666666666, + "mrr_at_10": 74.30357142857143, + "mrr_at_100": 74.56950898079988, + "mrr_at_1000": 74.57295833098681, + "mrr_at_20": 74.46165223665226, + "mrr_at_3": 72.3888888888889, + "mrr_at_5": 73.60555555555557, + "nauc_map_at_1000_diff1": 76.51524604780636, + "nauc_map_at_1000_max": 53.48521938401881, + "nauc_map_at_1000_std": -7.347799382158861, + "nauc_map_at_100_diff1": 76.5122888096236, + "nauc_map_at_100_max": 53.49221847471618, + "nauc_map_at_100_std": -7.329683735681086, + "nauc_map_at_10_diff1": 76.30928630674504, + "nauc_map_at_10_max": 53.00102977185941, + "nauc_map_at_10_std": -7.7467740085108705, + "nauc_map_at_1_diff1": 79.54189281784247, + "nauc_map_at_1_max": 46.630071622109526, + "nauc_map_at_1_std": -14.395943134644112, + "nauc_map_at_20_diff1": 76.41604361947962, + "nauc_map_at_20_max": 53.578883876146875, + "nauc_map_at_20_std": -7.403103451288041, + "nauc_map_at_3_diff1": 76.25911617571941, + "nauc_map_at_3_max": 49.140287380513605, + "nauc_map_at_3_std": -11.35992449218983, + "nauc_map_at_5_diff1": 76.35122077770336, + "nauc_map_at_5_max": 52.1744367901208, + "nauc_map_at_5_std": -7.85753955055384, + "nauc_mrr_at_1000_diff1": 76.97223309515867, + "nauc_mrr_at_1000_max": 57.263787498613326, + "nauc_mrr_at_1000_std": -4.884090708840035, + "nauc_mrr_at_100_diff1": 76.97312970894603, + "nauc_mrr_at_100_max": 57.26850730446478, + "nauc_mrr_at_100_std": -4.875200894216617, + "nauc_mrr_at_10_diff1": 76.65927674223613, + "nauc_mrr_at_10_max": 57.30979763941454, + "nauc_mrr_at_10_std": -4.863331094022142, + "nauc_mrr_at_1_diff1": 80.0454932568644, + "nauc_mrr_at_1_max": 56.76038421319305, + "nauc_mrr_at_1_std": -4.101939392632653, + "nauc_mrr_at_20_diff1": 76.87237970440503, + "nauc_mrr_at_20_max": 57.33843605225869, + "nauc_mrr_at_20_std": -4.96248984417978, + "nauc_mrr_at_3_diff1": 76.74130186666727, + "nauc_mrr_at_3_max": 56.19313244846155, + "nauc_mrr_at_3_std": -5.684365934009136, + "nauc_mrr_at_5_diff1": 76.66406918799962, + "nauc_mrr_at_5_max": 57.56110093228628, + "nauc_mrr_at_5_std": -3.7464413085588073, + "nauc_ndcg_at_1000_diff1": 76.19194173971773, + "nauc_ndcg_at_1000_max": 55.57464600170693, + "nauc_ndcg_at_1000_std": -6.0761689532372625, + "nauc_ndcg_at_100_diff1": 76.14631273843654, + "nauc_ndcg_at_100_max": 55.72246565373382, + "nauc_ndcg_at_100_std": -5.595160698860595, + "nauc_ndcg_at_10_diff1": 75.0108223611192, + "nauc_ndcg_at_10_max": 55.27894212877493, + "nauc_ndcg_at_10_std": -6.968331740214591, + "nauc_ndcg_at_1_diff1": 80.0454932568644, + "nauc_ndcg_at_1_max": 56.76038421319305, + "nauc_ndcg_at_1_std": -4.101939392632653, + "nauc_ndcg_at_20_diff1": 75.54887755702472, + "nauc_ndcg_at_20_max": 56.406879417251496, + "nauc_ndcg_at_20_std": -6.495231061329629, + "nauc_ndcg_at_3_diff1": 75.03620356688509, + "nauc_ndcg_at_3_max": 52.147381077773424, + "nauc_ndcg_at_3_std": -8.448005688956199, + "nauc_ndcg_at_5_diff1": 75.1195898074229, + "nauc_ndcg_at_5_max": 54.2321033861173, + "nauc_ndcg_at_5_std": -5.882690780895338, + "nauc_precision_at_1000_diff1": -28.081979732100532, + "nauc_precision_at_1000_max": 35.055348014832916, + "nauc_precision_at_1000_std": 59.61280468927384, + "nauc_precision_at_100_diff1": -25.112740730587458, + "nauc_precision_at_100_max": 38.26331300116496, + "nauc_precision_at_100_std": 62.46316222328831, + "nauc_precision_at_10_diff1": -2.6766206473658833, + "nauc_precision_at_10_max": 45.95321867204845, + "nauc_precision_at_10_std": 45.07212468670564, + "nauc_precision_at_1_diff1": 80.0454932568644, + "nauc_precision_at_1_max": 56.76038421319305, + "nauc_precision_at_1_std": -4.101939392632653, + "nauc_precision_at_20_diff1": -10.698911116738385, + "nauc_precision_at_20_max": 43.467275950182994, + "nauc_precision_at_20_std": 48.00467321991766, + "nauc_precision_at_3_diff1": 33.6344708541193, + "nauc_precision_at_3_max": 49.309242331670504, + "nauc_precision_at_3_std": 21.02940391379915, + "nauc_precision_at_5_diff1": 13.560415600596318, + "nauc_precision_at_5_max": 48.918726500100085, + "nauc_precision_at_5_std": 39.940930429172184, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": 70.82166199813196, + "nauc_recall_at_100_max": 76.6106442577042, + "nauc_recall_at_100_std": 66.47992530345513, + "nauc_recall_at_10_diff1": 62.68908885556092, + "nauc_recall_at_10_max": 58.14262437741839, + "nauc_recall_at_10_std": -12.946717875063369, + "nauc_recall_at_1_diff1": 79.54189281784247, + "nauc_recall_at_1_max": 46.630071622109526, + "nauc_recall_at_1_std": -14.395943134644112, + "nauc_recall_at_20_diff1": 65.79470497876567, + "nauc_recall_at_20_max": 71.68308183488456, + "nauc_recall_at_20_std": -12.556850697268453, + "nauc_recall_at_3_diff1": 68.3240211318129, + "nauc_recall_at_3_max": 45.05998217275036, + "nauc_recall_at_3_std": -14.23179772593869, + "nauc_recall_at_5_diff1": 67.53366869904056, + "nauc_recall_at_5_max": 53.57935627081027, + "nauc_recall_at_5_std": -3.3271112904853393, + "ndcg_at_1": 64.667, + "ndcg_at_10": 78.233, + "ndcg_at_100": 79.806, + "ndcg_at_1000": 79.92099999999999, + "ndcg_at_20": 79.006, + "ndcg_at_3": 74.018, + "ndcg_at_5": 76.334, + "precision_at_1": 64.667, + "precision_at_10": 10.4, + "precision_at_100": 1.1199999999999999, + "precision_at_1000": 0.11299999999999999, + "precision_at_20": 5.383, + "precision_at_3": 29.444, + "precision_at_5": 19.467000000000002, + "recall_at_1": 61.49400000000001, + "recall_at_10": 92.156, + "recall_at_100": 99.167, + "recall_at_1000": 100.0, + "recall_at_20": 94.833, + "recall_at_3": 80.833, + "recall_at_5": 86.6 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/SprintDuplicateQuestions.json b/results/GameScribes__stella_en_400M_v5/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..71672adcf --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/SprintDuplicateQuestions.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 99.8039603960396, + "cosine_accuracy_threshold": 84.54211950302124, + "cosine_ap": 95.59056372734358, + "cosine_f1": 90.1394422310757, + "cosine_f1_threshold": 84.54211950302124, + "cosine_precision": 89.78174603174604, + "cosine_recall": 90.5, + "dot_accuracy": 99.80594059405941, + "dot_accuracy_threshold": 85.57180166244507, + "dot_ap": 95.53453431914399, + "dot_f1": 90.10442565887618, + "dot_f1_threshold": 84.59715843200684, + "dot_precision": 89.61424332344214, + "dot_recall": 90.60000000000001, + "euclidean_accuracy": 99.8039603960396, + "euclidean_accuracy_threshold": 53.253382444381714, + "euclidean_ap": 95.5850992402159, + "euclidean_f1": 90.09457441513192, + "euclidean_f1_threshold": 55.725520849227905, + "euclidean_precision": 89.69276511397423, + "euclidean_recall": 90.5, + "main_score": 95.7485189884476, + "manhattan_accuracy": 99.81485148514851, + "manhattan_accuracy_threshold": 3491.29638671875, + "manhattan_ap": 95.7485189884476, + "manhattan_f1": 90.464048954615, + "manhattan_f1_threshold": 3491.29638671875, + "manhattan_precision": 92.2996878251821, + "manhattan_recall": 88.7, + "max_ap": 95.7485189884476, + "max_f1": 90.464048954615, + "max_precision": 92.2996878251821, + "max_recall": 90.60000000000001, + "similarity_accuracy": 99.8039603960396, + "similarity_accuracy_threshold": 84.54211950302124, + "similarity_ap": 95.59056372734358, + "similarity_f1": 90.1394422310757, + "similarity_f1_threshold": 84.54211950302124, + "similarity_precision": 89.78174603174604, + "similarity_recall": 90.5 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/StackExchangeClustering.json b/results/GameScribes__stella_en_400M_v5/external/StackExchangeClustering.json new file mode 100644 index 000000000..054c8aad6 --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/StackExchangeClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 78.49205191950675, + "v_measure": 78.49205191950675, + "v_measure_std": 2.84869550699959 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/StackExchangeClusteringP2P.json b/results/GameScribes__stella_en_400M_v5/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..5808a6ac1 --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/StackExchangeClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 48.90421736513028, + "v_measure": 48.90421736513028, + "v_measure_std": 1.6875865714471023 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/StackOverflowDupQuestions.json b/results/GameScribes__stella_en_400M_v5/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..a177725d1 --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/StackOverflowDupQuestions.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 52.9874730481696, + "map": 52.9874730481696, + "mrr": 53.85867604617604, + "nAUC_map_diff1": 39.633429293407616, + "nAUC_map_max": 10.236807988858546, + "nAUC_map_std": 10.276522217929674, + "nAUC_mrr_diff1": 40.0543079218377, + "nAUC_mrr_max": 10.96209807382042, + "nAUC_mrr_std": 10.524400196109918 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/SummEval.json b/results/GameScribes__stella_en_400M_v5/external/SummEval.json new file mode 100644 index 000000000..62426278f --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 30.727801109114232, + "cosine_spearman": 31.66058223980157, + "dot_pearson": 30.78818248622866, + "dot_spearman": 31.525158776890265, + "main_score": 31.66058223980157, + "pearson": 30.727801109114232, + "spearman": 31.66058223980157 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/TRECCOVID.json b/results/GameScribes__stella_en_400M_v5/external/TRECCOVID.json new file mode 100644 index 000000000..93c51ae54 --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/TRECCOVID.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "bb9466bac8153a0349341eb1b22e06409e78ef4e", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 85.206, + "map_at_1": 0.246, + "map_at_10": 2.1950000000000003, + "map_at_100": 14.179, + "map_at_1000": 35.037, + "map_at_20": 4.143, + "map_at_3": 0.7100000000000001, + "map_at_5": 1.135, + "mrr_at_1": 94.0, + "mrr_at_10": 96.66666666666666, + "mrr_at_100": 96.66666666666666, + "mrr_at_1000": 96.66666666666666, + "mrr_at_20": 96.66666666666666, + "mrr_at_3": 96.66666666666666, + "mrr_at_5": 96.66666666666666, + "nauc_map_at_1000_diff1": -4.6264497624527525, + "nauc_map_at_1000_max": 44.594457564749355, + "nauc_map_at_1000_std": 73.17642341400133, + "nauc_map_at_100_diff1": 23.451335157405726, + "nauc_map_at_100_max": 25.426398857299525, + "nauc_map_at_100_std": 64.07416694472633, + "nauc_map_at_10_diff1": 46.57568738568346, + "nauc_map_at_10_max": 9.693233249079238, + "nauc_map_at_10_std": 28.549530265164357, + "nauc_map_at_1_diff1": 53.48238396620123, + "nauc_map_at_1_max": 0.33476619393733076, + "nauc_map_at_1_std": 8.906362219128463, + "nauc_map_at_20_diff1": 39.40719602207749, + "nauc_map_at_20_max": 9.635915072074045, + "nauc_map_at_20_std": 35.15634791346394, + "nauc_map_at_3_diff1": 53.11784737840137, + "nauc_map_at_3_max": 3.059682761072153, + "nauc_map_at_3_std": 21.310633086556617, + "nauc_map_at_5_diff1": 49.91570701185436, + "nauc_map_at_5_max": 8.045082896244576, + "nauc_map_at_5_std": 20.597686235051647, + "nauc_mrr_at_1000_diff1": 41.98412698412726, + "nauc_mrr_at_1000_max": 78.24463118580779, + "nauc_mrr_at_1000_std": 0.30812324930028195, + "nauc_mrr_at_100_diff1": 41.98412698412726, + "nauc_mrr_at_100_max": 78.24463118580779, + "nauc_mrr_at_100_std": 0.30812324930028195, + "nauc_mrr_at_10_diff1": 41.98412698412726, + "nauc_mrr_at_10_max": 78.24463118580779, + "nauc_mrr_at_10_std": 0.30812324930028195, + "nauc_mrr_at_1_diff1": 38.62433862433873, + "nauc_mrr_at_1_max": 80.78120136943666, + "nauc_mrr_at_1_std": -10.768751945222197, + "nauc_mrr_at_20_diff1": 41.98412698412726, + "nauc_mrr_at_20_max": 78.24463118580779, + "nauc_mrr_at_20_std": 0.30812324930028195, + "nauc_mrr_at_3_diff1": 41.98412698412726, + "nauc_mrr_at_3_max": 78.24463118580779, + "nauc_mrr_at_3_std": 0.30812324930028195, + "nauc_mrr_at_5_diff1": 41.98412698412726, + "nauc_mrr_at_5_max": 78.24463118580779, + "nauc_mrr_at_5_std": 0.30812324930028195, + "nauc_ndcg_at_1000_diff1": 0.5174948602880207, + "nauc_ndcg_at_1000_max": 48.60686602077053, + "nauc_ndcg_at_1000_std": 75.72456343175277, + "nauc_ndcg_at_100_diff1": -20.747252137999254, + "nauc_ndcg_at_100_max": 49.985132618254994, + "nauc_ndcg_at_100_std": 61.096383293836574, + "nauc_ndcg_at_10_diff1": 6.791377920463332, + "nauc_ndcg_at_10_max": 57.50019332833286, + "nauc_ndcg_at_10_std": 49.201028841219426, + "nauc_ndcg_at_1_diff1": 54.92683440362145, + "nauc_ndcg_at_1_max": 83.8667228129276, + "nauc_ndcg_at_1_std": 1.6738604063586122, + "nauc_ndcg_at_20_diff1": -5.1948699196314925, + "nauc_ndcg_at_20_max": 54.483087684806556, + "nauc_ndcg_at_20_std": 50.54823818118781, + "nauc_ndcg_at_3_diff1": 26.267246500164372, + "nauc_ndcg_at_3_max": 63.0173212926611, + "nauc_ndcg_at_3_std": 41.025597406368256, + "nauc_ndcg_at_5_diff1": 16.910185454343036, + "nauc_ndcg_at_5_max": 60.9328683868778, + "nauc_ndcg_at_5_std": 36.70169905857712, + "nauc_precision_at_1000_diff1": -46.374447765983525, + "nauc_precision_at_1000_max": 35.36052337813863, + "nauc_precision_at_1000_std": 14.219220668161018, + "nauc_precision_at_100_diff1": -29.7838083657744, + "nauc_precision_at_100_max": 43.93589400385112, + "nauc_precision_at_100_std": 55.425045718579945, + "nauc_precision_at_10_diff1": -12.016613405227687, + "nauc_precision_at_10_max": 57.79924427743131, + "nauc_precision_at_10_std": 49.022036703550675, + "nauc_precision_at_1_diff1": 38.62433862433873, + "nauc_precision_at_1_max": 80.78120136943666, + "nauc_precision_at_1_std": -10.768751945222197, + "nauc_precision_at_20_diff1": -23.95633847880195, + "nauc_precision_at_20_max": 48.34715917258276, + "nauc_precision_at_20_std": 48.82198285255887, + "nauc_precision_at_3_diff1": 6.871296905858807, + "nauc_precision_at_3_max": 70.54805793285054, + "nauc_precision_at_3_std": 44.65108624094803, + "nauc_precision_at_5_diff1": -9.074932448759695, + "nauc_precision_at_5_max": 67.41284242437573, + "nauc_precision_at_5_std": 23.876891983919577, + "nauc_recall_at_1000_diff1": 8.142288830293255, + "nauc_recall_at_1000_max": 38.85182826835104, + "nauc_recall_at_1000_std": 68.60783819217335, + "nauc_recall_at_100_diff1": 34.262914076287466, + "nauc_recall_at_100_max": 12.87009658528838, + "nauc_recall_at_100_std": 56.21330603762995, + "nauc_recall_at_10_diff1": 49.33830945338758, + "nauc_recall_at_10_max": 0.3539875530671406, + "nauc_recall_at_10_std": 26.85864465557644, + "nauc_recall_at_1_diff1": 53.48238396620123, + "nauc_recall_at_1_max": 0.33476619393733076, + "nauc_recall_at_1_std": 8.906362219128463, + "nauc_recall_at_20_diff1": 44.21928181266254, + "nauc_recall_at_20_max": -0.9198356057088594, + "nauc_recall_at_20_std": 31.484376992896784, + "nauc_recall_at_3_diff1": 53.038093080990876, + "nauc_recall_at_3_max": -1.4170895916973003, + "nauc_recall_at_3_std": 21.890202855574497, + "nauc_recall_at_5_diff1": 49.39742214825278, + "nauc_recall_at_5_max": 2.8412267611894517, + "nauc_recall_at_5_std": 18.01598921859512, + "ndcg_at_1": 91.0, + "ndcg_at_10": 85.206, + "ndcg_at_100": 67.29, + "ndcg_at_1000": 60.584, + "ndcg_at_20": 82.321, + "ndcg_at_3": 88.642, + "ndcg_at_5": 87.063, + "precision_at_1": 94.0, + "precision_at_10": 89.8, + "precision_at_100": 69.78, + "precision_at_1000": 26.738, + "precision_at_20": 87.2, + "precision_at_3": 92.0, + "precision_at_5": 90.8, + "recall_at_1": 0.246, + "recall_at_10": 2.344, + "recall_at_100": 16.962, + "recall_at_1000": 57.325, + "recall_at_20": 4.517, + "recall_at_3": 0.731, + "recall_at_5": 1.1780000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/Touche2020.json b/results/GameScribes__stella_en_400M_v5/external/Touche2020.json new file mode 100644 index 000000000..00409a702 --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/Touche2020.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 31.455, + "map_at_1": 2.9739999999999998, + "map_at_10": 12.183, + "map_at_100": 18.772, + "map_at_1000": 20.415, + "map_at_20": 14.451, + "map_at_3": 6.507000000000001, + "map_at_5": 8.66, + "mrr_at_1": 40.816326530612244, + "mrr_at_10": 57.70975056689341, + "mrr_at_100": 58.18379126542391, + "mrr_at_1000": 58.18379126542391, + "mrr_at_20": 57.85552316164561, + "mrr_at_3": 54.08163265306123, + "mrr_at_5": 56.42857142857143, + "nauc_map_at_1000_diff1": 3.1567471051481437, + "nauc_map_at_1000_max": -1.5882060729791523, + "nauc_map_at_1000_std": 18.69622198722074, + "nauc_map_at_100_diff1": 3.3449677678147536, + "nauc_map_at_100_max": -2.8928606866168405, + "nauc_map_at_100_std": 15.789984947653412, + "nauc_map_at_10_diff1": 2.9696743570444264, + "nauc_map_at_10_max": -9.096749212011876, + "nauc_map_at_10_std": -5.38545817258353, + "nauc_map_at_1_diff1": 20.680780404542546, + "nauc_map_at_1_max": -7.04722927447817, + "nauc_map_at_1_std": -7.062494733973898, + "nauc_map_at_20_diff1": 4.070437790119271, + "nauc_map_at_20_max": -4.84491434686032, + "nauc_map_at_20_std": 0.5846341109021014, + "nauc_map_at_3_diff1": 11.9634978045925, + "nauc_map_at_3_max": -8.27834591046608, + "nauc_map_at_3_std": -8.687615453381065, + "nauc_map_at_5_diff1": 0.9195191526009436, + "nauc_map_at_5_max": -1.673813362719489, + "nauc_map_at_5_std": -6.67549753473631, + "nauc_mrr_at_1000_diff1": 19.877993208719573, + "nauc_mrr_at_1000_max": -10.37776706406218, + "nauc_mrr_at_1000_std": 7.132169578056367, + "nauc_mrr_at_100_diff1": 19.877993208719573, + "nauc_mrr_at_100_max": -10.37776706406218, + "nauc_mrr_at_100_std": 7.132169578056367, + "nauc_mrr_at_10_diff1": 20.414285568401457, + "nauc_mrr_at_10_max": -9.677800295687861, + "nauc_mrr_at_10_std": 8.001103690180859, + "nauc_mrr_at_1_diff1": 22.393284073955723, + "nauc_mrr_at_1_max": -5.889370191243167, + "nauc_mrr_at_1_std": -1.5183536173658247, + "nauc_mrr_at_20_diff1": 20.455564720604055, + "nauc_mrr_at_20_max": -10.230642830103074, + "nauc_mrr_at_20_std": 7.863582453266621, + "nauc_mrr_at_3_diff1": 17.554895390732618, + "nauc_mrr_at_3_max": -15.618463505555052, + "nauc_mrr_at_3_std": 5.913231577966864, + "nauc_mrr_at_5_diff1": 18.393678507779914, + "nauc_mrr_at_5_max": -11.903593353147762, + "nauc_mrr_at_5_std": 7.580745996262831, + "nauc_ndcg_at_1000_diff1": 13.746937095530473, + "nauc_ndcg_at_1000_max": -0.9319249687895838, + "nauc_ndcg_at_1000_std": 38.56328031451904, + "nauc_ndcg_at_100_diff1": 13.854865944415895, + "nauc_ndcg_at_100_max": -7.142142012591404, + "nauc_ndcg_at_100_std": 35.61341954818848, + "nauc_ndcg_at_10_diff1": 9.010144273248759, + "nauc_ndcg_at_10_max": -15.320014897424574, + "nauc_ndcg_at_10_std": 2.84883880489144, + "nauc_ndcg_at_1_diff1": 20.939533945592967, + "nauc_ndcg_at_1_max": -6.387319972188946, + "nauc_ndcg_at_1_std": -0.5258673122126726, + "nauc_ndcg_at_20_diff1": 14.660827309009496, + "nauc_ndcg_at_20_max": -13.476196120145994, + "nauc_ndcg_at_20_std": 8.22391881710838, + "nauc_ndcg_at_3_diff1": 13.429985227235935, + "nauc_ndcg_at_3_max": -14.904544592570247, + "nauc_ndcg_at_3_std": 1.599779998183342, + "nauc_ndcg_at_5_diff1": 8.085466231900622, + "nauc_ndcg_at_5_max": -9.09591969526831, + "nauc_ndcg_at_5_std": 3.5794092637248505, + "nauc_precision_at_1000_diff1": -9.31941215946743, + "nauc_precision_at_1000_max": 31.52913520470716, + "nauc_precision_at_1000_std": 22.720784312185856, + "nauc_precision_at_100_diff1": 8.958548406995279, + "nauc_precision_at_100_max": 15.100597910674104, + "nauc_precision_at_100_std": 71.04548238175113, + "nauc_precision_at_10_diff1": 12.4698194690008, + "nauc_precision_at_10_max": -15.84870544871496, + "nauc_precision_at_10_std": 7.575297622501928, + "nauc_precision_at_1_diff1": 22.393284073955723, + "nauc_precision_at_1_max": -5.889370191243167, + "nauc_precision_at_1_std": -1.5183536173658247, + "nauc_precision_at_20_diff1": 15.393505718138758, + "nauc_precision_at_20_max": -3.70684298539384, + "nauc_precision_at_20_std": 29.426137824970304, + "nauc_precision_at_3_diff1": 9.997768085465394, + "nauc_precision_at_3_max": -17.12224314347674, + "nauc_precision_at_3_std": -1.343018166772313, + "nauc_precision_at_5_diff1": 3.8936997437913554, + "nauc_precision_at_5_max": -5.689104289687632, + "nauc_precision_at_5_std": 3.181098051304285, + "nauc_recall_at_1000_diff1": 9.908303508158387, + "nauc_recall_at_1000_max": 6.174506592699848, + "nauc_recall_at_1000_std": 77.41931114780012, + "nauc_recall_at_100_diff1": 10.286839241876192, + "nauc_recall_at_100_max": -6.6138697026666815, + "nauc_recall_at_100_std": 49.608313692633224, + "nauc_recall_at_10_diff1": 2.215545846659851, + "nauc_recall_at_10_max": -17.83025802478445, + "nauc_recall_at_10_std": -3.3784768673705465, + "nauc_recall_at_1_diff1": 20.680780404542546, + "nauc_recall_at_1_max": -7.04722927447817, + "nauc_recall_at_1_std": -7.062494733973898, + "nauc_recall_at_20_diff1": 6.974410239251615, + "nauc_recall_at_20_max": -14.161147924731646, + "nauc_recall_at_20_std": 9.328412057721454, + "nauc_recall_at_3_diff1": 7.904589805754212, + "nauc_recall_at_3_max": -12.1912388648593, + "nauc_recall_at_3_std": -9.221542013385555, + "nauc_recall_at_5_diff1": -3.2604132752706914, + "nauc_recall_at_5_max": -6.886351441658915, + "nauc_recall_at_5_std": -7.014252851712789, + "ndcg_at_1": 39.796, + "ndcg_at_10": 31.455, + "ndcg_at_100": 42.388999999999996, + "ndcg_at_1000": 53.556000000000004, + "ndcg_at_20": 30.808000000000003, + "ndcg_at_3": 35.831, + "ndcg_at_5": 32.845, + "precision_at_1": 40.816, + "precision_at_10": 27.143, + "precision_at_100": 8.449, + "precision_at_1000": 1.6179999999999999, + "precision_at_20": 19.387999999999998, + "precision_at_3": 35.374, + "precision_at_5": 31.019999999999996, + "recall_at_1": 2.9739999999999998, + "recall_at_10": 19.39, + "recall_at_100": 51.636, + "recall_at_1000": 86.99900000000001, + "recall_at_20": 26.478, + "recall_at_3": 7.703, + "recall_at_5": 11.42 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/ToxicConversationsClassification.json b/results/GameScribes__stella_en_400M_v5/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..dfeb54799 --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/ToxicConversationsClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.9384765625, + "ap": 31.737513704141552, + "ap_weighted": 31.737513704141552, + "f1": 71.5490757306975, + "f1_weighted": 89.14632533489856, + "main_score": 86.9384765625 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/TweetSentimentExtractionClassification.json b/results/GameScribes__stella_en_400M_v5/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..67018c611 --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.57668364459535, + "f1": 73.90467103648074, + "f1_weighted": 73.42158415034704, + "main_score": 73.57668364459535 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/TwentyNewsgroupsClustering.json b/results/GameScribes__stella_en_400M_v5/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..39b8e9acf --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 58.574148097494685, + "v_measure": 58.574148097494685, + "v_measure_std": 0.9443161637490822 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/TwitterSemEval2015.json b/results/GameScribes__stella_en_400M_v5/external/TwitterSemEval2015.json new file mode 100644 index 000000000..1cde182cc --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/TwitterSemEval2015.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 88.1385229778864, + "cosine_accuracy_threshold": 83.86307954788208, + "cosine_ap": 80.17965893449055, + "cosine_f1": 73.0614300100705, + "cosine_f1_threshold": 80.7942807674408, + "cosine_precision": 69.8603755416466, + "cosine_recall": 76.56992084432717, + "dot_accuracy": 88.2100494724921, + "dot_accuracy_threshold": 83.84793996810913, + "dot_ap": 80.18603932881858, + "dot_f1": 73.07643714466204, + "dot_f1_threshold": 80.87586164474487, + "dot_precision": 70.10909090909091, + "dot_recall": 76.3060686015831, + "euclidean_accuracy": 88.1385229778864, + "euclidean_accuracy_threshold": 56.77661895751953, + "euclidean_ap": 80.1784070881624, + "euclidean_f1": 73.04830369529574, + "euclidean_f1_threshold": 61.91838979721069, + "euclidean_precision": 69.96859144720948, + "euclidean_recall": 76.41160949868075, + "main_score": 80.18603932881858, + "manhattan_accuracy": 88.0431543184121, + "manhattan_accuracy_threshold": 3755.6137084960938, + "manhattan_ap": 79.98270453664578, + "manhattan_f1": 72.68242015061023, + "manhattan_f1_threshold": 3892.494583129883, + "manhattan_precision": 71.54907975460122, + "manhattan_recall": 73.85224274406332, + "max_ap": 80.18603932881858, + "max_f1": 73.07643714466204, + "max_precision": 71.54907975460122, + "max_recall": 76.56992084432717, + "similarity_accuracy": 88.1385229778864, + "similarity_accuracy_threshold": 83.86307954788208, + "similarity_ap": 80.17965893449055, + "similarity_f1": 73.0614300100705, + "similarity_f1_threshold": 80.7942807674408, + "similarity_precision": 69.8603755416466, + "similarity_recall": 76.56992084432717 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/TwitterURLCorpus.json b/results/GameScribes__stella_en_400M_v5/external/TwitterURLCorpus.json new file mode 100644 index 000000000..0327d0010 --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/TwitterURLCorpus.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 89.7892653393876, + "cosine_accuracy_threshold": 79.69566583633423, + "cosine_ap": 87.4579867302024, + "cosine_f1": 79.91620843152658, + "cosine_f1_threshold": 78.53609323501587, + "cosine_precision": 77.7155329210622, + "cosine_recall": 82.24514936864799, + "dot_accuracy": 89.78732487289945, + "dot_accuracy_threshold": 80.05315661430359, + "dot_ap": 87.44916182456272, + "dot_f1": 79.90419878751591, + "dot_f1_threshold": 78.57890725135803, + "dot_precision": 77.73409057812728, + "dot_recall": 82.19895287958116, + "euclidean_accuracy": 89.78538440641131, + "euclidean_accuracy_threshold": 62.29925751686096, + "euclidean_ap": 87.45904868911386, + "euclidean_f1": 79.93127404474657, + "euclidean_f1_threshold": 65.61101078987122, + "euclidean_precision": 77.62060210373595, + "euclidean_recall": 82.38373883584848, + "main_score": 87.46554314325058, + "manhattan_accuracy": 89.76597974152986, + "manhattan_accuracy_threshold": 3988.5299682617188, + "manhattan_ap": 87.46554314325058, + "manhattan_f1": 79.97181740645973, + "manhattan_f1_threshold": 4235.905838012695, + "manhattan_precision": 77.13713427283783, + "manhattan_recall": 83.02279026793964, + "max_ap": 87.46554314325058, + "max_f1": 79.97181740645973, + "max_precision": 77.73409057812728, + "max_recall": 83.02279026793964, + "similarity_accuracy": 89.7892653393876, + "similarity_accuracy_threshold": 79.69566583633423, + "similarity_ap": 87.4579867302024, + "similarity_f1": 79.91620843152658, + "similarity_f1_threshold": 78.53609323501587, + "similarity_precision": 77.7155329210622, + "similarity_recall": 82.24514936864799 + } + ] + } +} \ No newline at end of file diff --git a/results/GameScribes__stella_en_400M_v5/external/model_meta.json b/results/GameScribes__stella_en_400M_v5/external/model_meta.json new file mode 100644 index 000000000..167a6ae21 --- /dev/null +++ b/results/GameScribes__stella_en_400M_v5/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "GameScribes/stella_en_400M_v5", + "revision": "f11a6463b3348fe9646d6f013d725d3833d8b3b6", + "release_date": "2024-11-02", + "languages": [], + "loader": null, + "n_parameters": 435188736, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 8192, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Gameselo__STS-multilingual-mpnet-base-v2/external/STS17.json b/results/Gameselo__STS-multilingual-mpnet-base-v2/external/STS17.json new file mode 100644 index 000000000..8a5d5b5cc --- /dev/null +++ b/results/Gameselo__STS-multilingual-mpnet-base-v2/external/STS17.json @@ -0,0 +1,105 @@ +{ + "dataset_revision": "faeb762787bd10488a50c8b5be4a3b82e411949c", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-tr", + "languages": [ + "eng-Latn", + "tur-Latn" + ], + "cosine_spearman": 0.7987027653005363, + "main_score": 0.7987027653005363 + }, + { + "hf_subset": "ko-ko", + "languages": [ + "kor-Hang" + ], + "cosine_spearman": 0.9766336939338607, + "main_score": 0.9766336939338607 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "cosine_spearman": 0.9067607122592818, + "main_score": 0.9067607122592818 + }, + { + "hf_subset": "en-ar", + "languages": [ + "eng-Latn", + "ara-Arab" + ], + "cosine_spearman": 0.7703365842088069, + "main_score": 0.7703365842088069 + }, + { + "hf_subset": "nl-en", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "cosine_spearman": 0.9114826394926738, + "main_score": 0.9114826394926738 + }, + { + "hf_subset": "it-en", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "cosine_spearman": 0.9246785886944904, + "main_score": 0.9246785886944904 + }, + { + "hf_subset": "ar-ar", + "languages": [ + "ara-Arab" + ], + "cosine_spearman": 0.8124393788492182, + "main_score": 0.8124393788492182 + }, + { + "hf_subset": "es-es", + "languages": [ + "spa-Latn" + ], + "cosine_spearman": 0.872701191632785, + "main_score": 0.872701191632785 + }, + { + "hf_subset": "en-de", + "languages": [ + "eng-Latn", + "deu-Latn" + ], + "cosine_spearman": 0.9109414091487618, + "main_score": 0.9109414091487618 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cosine_spearman": 0.8553203530552356, + "main_score": 0.8553203530552356 + }, + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cosine_spearman": 0.9378741534997558, + "main_score": 0.9378741534997558 + } + ] + } +} \ No newline at end of file diff --git a/results/Gameselo__STS-multilingual-mpnet-base-v2/external/STS22.json b/results/Gameselo__STS-multilingual-mpnet-base-v2/external/STS22.json new file mode 100644 index 000000000..88cde2762 --- /dev/null +++ b/results/Gameselo__STS-multilingual-mpnet-base-v2/external/STS22.json @@ -0,0 +1,162 @@ +{ + "dataset_revision": "de9d86b3b84231dc21f76c7b7af1f28e2f57f6e3", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "cosine_spearman": 0.6847049462613332, + "main_score": 0.6847049462613332 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "cosine_spearman": 0.6620948502618977, + "main_score": 0.6620948502618977 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cosine_spearman": 0.7875616631597785, + "main_score": 0.7875616631597785 + }, + { + "hf_subset": "pl-en", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "cosine_spearman": 0.7510805416538202, + "main_score": 0.7510805416538202 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "cosine_spearman": 0.6265329479575293, + "main_score": 0.6265329479575293 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "cosine_spearman": 0.4335552432730643, + "main_score": 0.4335552432730643 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "cosine_spearman": 0.5774252131250034, + "main_score": 0.5774252131250034 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "cosine_spearman": 0.6383757017928495, + "main_score": 0.6383757017928495 + }, + { + "hf_subset": "es-it", + "languages": [ + "spa-Latn", + "ita-Latn" + ], + "cosine_spearman": 0.6624635951676386, + "main_score": 0.6624635951676386 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "cosine_spearman": 0.5866853707548388, + "main_score": 0.5866853707548388 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cosine_spearman": 0.6385354535483773, + "main_score": 0.6385354535483773 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "cosine_spearman": 0.6537294853166558, + "main_score": 0.6537294853166558 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cosine_spearman": 0.6319430830291571, + "main_score": 0.6319430830291571 + }, + { + "hf_subset": "fr-pl", + "languages": [ + "fra-Latn", + "pol-Latn" + ], + "cosine_spearman": 0.8451542547285167, + "main_score": 0.8451542547285167 + }, + { + "hf_subset": "de-fr", + "languages": [ + "deu-Latn", + "fra-Latn" + ], + "cosine_spearman": 0.5798716781400349, + "main_score": 0.5798716781400349 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cosine_spearman": 0.7518021273920814, + "main_score": 0.7518021273920814 + }, + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "cosine_spearman": 0.5749790581441845, + "main_score": 0.5749790581441845 + }, + { + "hf_subset": "de-pl", + "languages": [ + "deu-Latn", + "pol-Latn" + ], + "cosine_spearman": 0.44220332625465214, + "main_score": 0.44220332625465214 + } + ] + } +} \ No newline at end of file diff --git a/results/Gameselo__STS-multilingual-mpnet-base-v2/external/STSBenchmark.json b/results/Gameselo__STS-multilingual-mpnet-base-v2/external/STSBenchmark.json new file mode 100644 index 000000000..2f8ac21ca --- /dev/null +++ b/results/Gameselo__STS-multilingual-mpnet-base-v2/external/STSBenchmark.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_spearman": 0.9762486352335524, + "main_score": 0.9762486352335524 + } + ] + } +} \ No newline at end of file diff --git a/results/Gameselo__STS-multilingual-mpnet-base-v2/external/model_meta.json b/results/Gameselo__STS-multilingual-mpnet-base-v2/external/model_meta.json new file mode 100644 index 000000000..0cd960c4d --- /dev/null +++ b/results/Gameselo__STS-multilingual-mpnet-base-v2/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "Gameselo/STS-multilingual-mpnet-base-v2", + "revision": "449f917af30f590fc31f9ffb226c94f21a2f47b8", + "release_date": "2024-06-07", + "languages": [], + "loader": null, + "n_parameters": 278043648, + "memory_usage": null, + "max_tokens": 514, + "embed_dim": 768, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/AmazonCounterfactualClassification.json b/results/GritLM__GritLM-7B/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..70680eb07 --- /dev/null +++ b/results/GritLM__GritLM-7B/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 81.17910447761194, + "ap": 46.26260671758199, + "f1": 75.44565719934167, + "main_score": 81.17910447761194 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/AmazonPolarityClassification.json b/results/GritLM__GritLM-7B/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..9300d902b --- /dev/null +++ b/results/GritLM__GritLM-7B/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 96.5161, + "ap": 94.79131981460425, + "f1": 96.51506148413065, + "main_score": 96.5161 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/AmazonReviewsClassification.json b/results/GritLM__GritLM-7B/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..893f0da55 --- /dev/null +++ b/results/GritLM__GritLM-7B/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 57.806000000000004, + "f1": 56.78350156257903, + "main_score": 57.806000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/ArguAna.json b/results/GritLM__GritLM-7B/external/ArguAna.json new file mode 100644 index 000000000..41492b762 --- /dev/null +++ b/results/GritLM__GritLM-7B/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.478, + "map_at_10": 54.955, + "map_at_100": 54.955, + "map_at_1000": 54.955, + "map_at_3": 50.888999999999996, + "map_at_5": 53.349999999999994, + "mrr_at_1": 39.757999999999996, + "mrr_at_10": 55.449000000000005, + "mrr_at_100": 55.449000000000005, + "mrr_at_1000": 55.449000000000005, + "mrr_at_3": 51.37500000000001, + "mrr_at_5": 53.822, + "ndcg_at_1": 38.478, + "ndcg_at_10": 63.239999999999995, + "ndcg_at_100": 63.239999999999995, + "ndcg_at_1000": 63.239999999999995, + "ndcg_at_3": 54.935, + "ndcg_at_5": 59.379000000000005, + "precision_at_1": 38.478, + "precision_at_10": 8.933, + "precision_at_100": 0.893, + "precision_at_1000": 0.089, + "precision_at_3": 22.214, + "precision_at_5": 15.491, + "recall_at_1": 38.478, + "recall_at_10": 89.331, + "recall_at_100": 89.331, + "recall_at_1000": 89.331, + "recall_at_3": 66.643, + "recall_at_5": 77.45400000000001, + "main_score": 63.239999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/ArxivClusteringP2P.json b/results/GritLM__GritLM-7B/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..77d68c21c --- /dev/null +++ b/results/GritLM__GritLM-7B/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 51.67144081472449, + "main_score": 51.67144081472449 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/ArxivClusteringS2S.json b/results/GritLM__GritLM-7B/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..61a0ce752 --- /dev/null +++ b/results/GritLM__GritLM-7B/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.11256154264126, + "main_score": 48.11256154264126 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/AskUbuntuDupQuestions.json b/results/GritLM__GritLM-7B/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..fd61978b2 --- /dev/null +++ b/results/GritLM__GritLM-7B/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 67.33801955487878, + "mrr": 80.71549487754474, + "main_score": 67.33801955487878 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/BIOSSES.json b/results/GritLM__GritLM-7B/external/BIOSSES.json new file mode 100644 index 000000000..d20b7af71 --- /dev/null +++ b/results/GritLM__GritLM-7B/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.1935203751726, + "cos_sim_spearman": 86.35497970498659, + "euclidean_pearson": 85.46910708503744, + "euclidean_spearman": 85.13928935405485, + "manhattan_pearson": 85.68373836333303, + "manhattan_spearman": 85.40013867117746, + "cosine_pearson": 88.1935203751726, + "cosine_spearman": 86.35497970498659, + "main_score": 86.35497970498659 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/Banking77Classification.json b/results/GritLM__GritLM-7B/external/Banking77Classification.json new file mode 100644 index 000000000..33a2e2dd0 --- /dev/null +++ b/results/GritLM__GritLM-7B/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 88.46753246753248, + "f1": 88.43006344981134, + "main_score": 88.46753246753248 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/BiorxivClusteringP2P.json b/results/GritLM__GritLM-7B/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..437f505e0 --- /dev/null +++ b/results/GritLM__GritLM-7B/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.86793640310432, + "main_score": 40.86793640310432 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/BiorxivClusteringS2S.json b/results/GritLM__GritLM-7B/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..1e64b98c0 --- /dev/null +++ b/results/GritLM__GritLM-7B/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.80291334130727, + "main_score": 39.80291334130727 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/CQADupstackAndroidRetrieval.json b/results/GritLM__GritLM-7B/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..fe6868af0 --- /dev/null +++ b/results/GritLM__GritLM-7B/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.421, + "map_at_10": 52.349000000000004, + "map_at_100": 52.349000000000004, + "map_at_1000": 52.349000000000004, + "map_at_3": 48.17, + "map_at_5": 50.432, + "mrr_at_1": 47.353, + "mrr_at_10": 58.387, + "mrr_at_100": 58.387, + "mrr_at_1000": 58.387, + "mrr_at_3": 56.199, + "mrr_at_5": 57.487, + "ndcg_at_1": 47.353, + "ndcg_at_10": 59.202, + "ndcg_at_100": 58.848, + "ndcg_at_1000": 58.831999999999994, + "ndcg_at_3": 54.112, + "ndcg_at_5": 56.312, + "precision_at_1": 47.353, + "precision_at_10": 11.459, + "precision_at_100": 1.146, + "precision_at_1000": 0.11499999999999999, + "precision_at_3": 26.133, + "precision_at_5": 18.627, + "recall_at_1": 38.421, + "recall_at_10": 71.89, + "recall_at_100": 71.89, + "recall_at_1000": 71.89, + "recall_at_3": 56.58, + "recall_at_5": 63.125, + "main_score": 59.202 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.025999999999996, + "map_at_10": 50.590999999999994, + "map_at_100": 51.99700000000001, + "map_at_1000": 52.11599999999999, + "map_at_3": 47.435, + "map_at_5": 49.236000000000004, + "mrr_at_1": 48.28, + "mrr_at_10": 56.814, + "mrr_at_100": 57.446, + "mrr_at_1000": 57.476000000000006, + "mrr_at_3": 54.958, + "mrr_at_5": 56.084999999999994, + "ndcg_at_1": 48.28, + "ndcg_at_10": 56.442, + "ndcg_at_100": 60.651999999999994, + "ndcg_at_1000": 62.187000000000005, + "ndcg_at_3": 52.866, + "ndcg_at_5": 54.515, + "precision_at_1": 48.28, + "precision_at_10": 10.586, + "precision_at_100": 1.6310000000000002, + "precision_at_1000": 0.20600000000000002, + "precision_at_3": 25.945, + "precision_at_5": 18.076, + "recall_at_1": 38.025999999999996, + "recall_at_10": 66.11399999999999, + "recall_at_100": 83.339, + "recall_at_1000": 92.413, + "recall_at_3": 54.493, + "recall_at_5": 59.64699999999999, + "main_score": 56.442 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 47.905, + "map_at_10": 61.58, + "map_at_100": 62.605, + "map_at_1000": 62.637, + "map_at_3": 58.074000000000005, + "map_at_5": 60.260000000000005, + "mrr_at_1": 54.42, + "mrr_at_10": 64.847, + "mrr_at_100": 65.403, + "mrr_at_1000": 65.41900000000001, + "mrr_at_3": 62.675000000000004, + "mrr_at_5": 64.101, + "ndcg_at_1": 54.42, + "ndcg_at_10": 67.394, + "ndcg_at_100": 70.846, + "ndcg_at_1000": 71.403, + "ndcg_at_3": 62.025, + "ndcg_at_5": 65.032, + "precision_at_1": 54.42, + "precision_at_10": 10.646, + "precision_at_100": 1.325, + "precision_at_1000": 0.13999999999999999, + "precision_at_3": 27.398, + "precision_at_5": 18.796, + "recall_at_1": 47.905, + "recall_at_10": 80.84599999999999, + "recall_at_100": 95.078, + "recall_at_1000": 98.878, + "recall_at_3": 67.05600000000001, + "recall_at_5": 74.261, + "main_score": 67.394 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.745, + "map_at_10": 41.021, + "map_at_100": 41.021, + "map_at_1000": 41.021, + "map_at_3": 37.714999999999996, + "map_at_5": 39.766, + "mrr_at_1": 33.559, + "mrr_at_10": 43.537, + "mrr_at_100": 43.537, + "mrr_at_1000": 43.537, + "mrr_at_3": 40.546, + "mrr_at_5": 42.439, + "ndcg_at_1": 33.559, + "ndcg_at_10": 46.781, + "ndcg_at_100": 46.781, + "ndcg_at_1000": 46.781, + "ndcg_at_3": 40.516000000000005, + "ndcg_at_5": 43.957, + "precision_at_1": 33.559, + "precision_at_10": 7.198, + "precision_at_100": 0.72, + "precision_at_1000": 0.07200000000000001, + "precision_at_3": 17.1, + "precision_at_5": 12.316, + "recall_at_1": 30.745, + "recall_at_10": 62.038000000000004, + "recall_at_100": 62.038000000000004, + "recall_at_1000": 62.038000000000004, + "recall_at_3": 45.378, + "recall_at_5": 53.580000000000005, + "main_score": 46.781 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.637999999999998, + "map_at_10": 31.05, + "map_at_100": 31.05, + "map_at_1000": 31.05, + "map_at_3": 27.628000000000004, + "map_at_5": 29.767, + "mrr_at_1": 25.0, + "mrr_at_10": 36.131, + "mrr_at_100": 36.131, + "mrr_at_1000": 36.131, + "mrr_at_3": 33.333, + "mrr_at_5": 35.143, + "ndcg_at_1": 25.0, + "ndcg_at_10": 37.478, + "ndcg_at_100": 37.469, + "ndcg_at_1000": 37.469, + "ndcg_at_3": 31.757999999999996, + "ndcg_at_5": 34.821999999999996, + "precision_at_1": 25.0, + "precision_at_10": 7.188999999999999, + "precision_at_100": 0.719, + "precision_at_1000": 0.07200000000000001, + "precision_at_3": 15.837000000000002, + "precision_at_5": 11.841, + "recall_at_1": 19.637999999999998, + "recall_at_10": 51.836000000000006, + "recall_at_100": 51.836000000000006, + "recall_at_1000": 51.836000000000006, + "recall_at_3": 36.384, + "recall_at_5": 43.964, + "main_score": 37.478 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 34.884, + "map_at_10": 47.88, + "map_at_100": 47.88, + "map_at_1000": 47.88, + "map_at_3": 43.85, + "map_at_5": 46.414, + "mrr_at_1": 43.022, + "mrr_at_10": 53.569, + "mrr_at_100": 53.569, + "mrr_at_1000": 53.569, + "mrr_at_3": 51.075, + "mrr_at_5": 52.725, + "ndcg_at_1": 43.022, + "ndcg_at_10": 54.461000000000006, + "ndcg_at_100": 54.388000000000005, + "ndcg_at_1000": 54.388000000000005, + "ndcg_at_3": 48.864999999999995, + "ndcg_at_5": 52.032000000000004, + "precision_at_1": 43.022, + "precision_at_10": 9.885, + "precision_at_100": 0.988, + "precision_at_1000": 0.099, + "precision_at_3": 23.612, + "precision_at_5": 16.997, + "recall_at_1": 34.884, + "recall_at_10": 68.12899999999999, + "recall_at_100": 68.12899999999999, + "recall_at_1000": 68.12899999999999, + "recall_at_3": 52.428, + "recall_at_5": 60.662000000000006, + "main_score": 54.461000000000006 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.588, + "map_at_10": 43.85, + "map_at_100": 45.317, + "map_at_1000": 45.408, + "map_at_3": 39.73, + "map_at_5": 42.122, + "mrr_at_1": 38.927, + "mrr_at_10": 49.582, + "mrr_at_100": 50.39, + "mrr_at_1000": 50.426, + "mrr_at_3": 46.518, + "mrr_at_5": 48.271, + "ndcg_at_1": 38.927, + "ndcg_at_10": 50.605999999999995, + "ndcg_at_100": 56.22200000000001, + "ndcg_at_1000": 57.724, + "ndcg_at_3": 44.232, + "ndcg_at_5": 47.233999999999995, + "precision_at_1": 38.927, + "precision_at_10": 9.429, + "precision_at_100": 1.435, + "precision_at_1000": 0.172, + "precision_at_3": 21.271, + "precision_at_5": 15.434000000000001, + "recall_at_1": 31.588, + "recall_at_10": 64.836, + "recall_at_100": 88.066, + "recall_at_1000": 97.748, + "recall_at_3": 47.128, + "recall_at_5": 54.954, + "main_score": 50.605999999999995 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.956083333333336, + "map_at_10": 43.33483333333333, + "map_at_100": 44.64883333333333, + "map_at_1000": 44.75, + "map_at_3": 39.87741666666666, + "map_at_5": 41.86766666666667, + "mrr_at_1": 38.06341666666667, + "mrr_at_10": 47.839666666666666, + "mrr_at_100": 48.644000000000005, + "mrr_at_1000": 48.68566666666667, + "mrr_at_3": 45.26358333333334, + "mrr_at_5": 46.790000000000006, + "ndcg_at_1": 38.06341666666667, + "ndcg_at_10": 49.419333333333334, + "ndcg_at_100": 54.50166666666667, + "ndcg_at_1000": 56.161166666666674, + "ndcg_at_3": 43.982416666666666, + "ndcg_at_5": 46.638083333333334, + "precision_at_1": 38.06341666666667, + "precision_at_10": 8.70858333333333, + "precision_at_100": 1.327, + "precision_at_1000": 0.165, + "precision_at_3": 20.37816666666667, + "precision_at_5": 14.516333333333334, + "recall_at_1": 31.956083333333336, + "recall_at_10": 62.69458333333334, + "recall_at_100": 84.46433333333334, + "recall_at_1000": 95.58449999999999, + "recall_at_3": 47.52016666666666, + "recall_at_5": 54.36066666666666, + "main_score": 49.419333333333334 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.912, + "map_at_10": 38.291, + "map_at_100": 39.44, + "map_at_1000": 39.528, + "map_at_3": 35.638, + "map_at_5": 37.218, + "mrr_at_1": 32.822, + "mrr_at_10": 41.661, + "mrr_at_100": 42.546, + "mrr_at_1000": 42.603, + "mrr_at_3": 39.238, + "mrr_at_5": 40.726, + "ndcg_at_1": 32.822, + "ndcg_at_10": 43.373, + "ndcg_at_100": 48.638, + "ndcg_at_1000": 50.654999999999994, + "ndcg_at_3": 38.643, + "ndcg_at_5": 41.126000000000005, + "precision_at_1": 32.822, + "precision_at_10": 6.8709999999999996, + "precision_at_100": 1.032, + "precision_at_1000": 0.128, + "precision_at_3": 16.82, + "precision_at_5": 11.718, + "recall_at_1": 28.912, + "recall_at_10": 55.376999999999995, + "recall_at_100": 79.066, + "recall_at_1000": 93.664, + "recall_at_3": 42.569, + "recall_at_5": 48.719, + "main_score": 43.373 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.181, + "map_at_10": 31.462, + "map_at_100": 32.73, + "map_at_1000": 32.848, + "map_at_3": 28.57, + "map_at_5": 30.182, + "mrr_at_1": 27.185, + "mrr_at_10": 35.846000000000004, + "mrr_at_100": 36.811, + "mrr_at_1000": 36.873, + "mrr_at_3": 33.437, + "mrr_at_5": 34.813, + "ndcg_at_1": 27.185, + "ndcg_at_10": 36.858000000000004, + "ndcg_at_100": 42.501, + "ndcg_at_1000": 44.945, + "ndcg_at_3": 32.066, + "ndcg_at_5": 34.29, + "precision_at_1": 27.185, + "precision_at_10": 6.752, + "precision_at_100": 1.111, + "precision_at_1000": 0.151, + "precision_at_3": 15.290000000000001, + "precision_at_5": 11.004999999999999, + "recall_at_1": 22.181, + "recall_at_10": 48.513, + "recall_at_100": 73.418, + "recall_at_1000": 90.306, + "recall_at_3": 35.003, + "recall_at_5": 40.876000000000005, + "main_score": 36.858000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 33.934999999999995, + "map_at_10": 44.727, + "map_at_100": 44.727, + "map_at_1000": 44.727, + "map_at_3": 40.918, + "map_at_5": 42.961, + "mrr_at_1": 39.646, + "mrr_at_10": 48.898, + "mrr_at_100": 48.898, + "mrr_at_1000": 48.898, + "mrr_at_3": 45.896, + "mrr_at_5": 47.514, + "ndcg_at_1": 39.646, + "ndcg_at_10": 50.817, + "ndcg_at_100": 50.803, + "ndcg_at_1000": 50.803, + "ndcg_at_3": 44.507999999999996, + "ndcg_at_5": 47.259, + "precision_at_1": 39.646, + "precision_at_10": 8.759, + "precision_at_100": 0.876, + "precision_at_1000": 0.08800000000000001, + "precision_at_3": 20.274, + "precision_at_5": 14.366000000000001, + "recall_at_1": 33.934999999999995, + "recall_at_10": 65.037, + "recall_at_100": 65.037, + "recall_at_1000": 65.037, + "recall_at_3": 47.439, + "recall_at_5": 54.567, + "main_score": 50.817 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.058, + "map_at_10": 43.137, + "map_at_100": 43.137, + "map_at_1000": 43.137, + "map_at_3": 39.882, + "map_at_5": 41.379, + "mrr_at_1": 38.933, + "mrr_at_10": 48.344, + "mrr_at_100": 48.344, + "mrr_at_1000": 48.344, + "mrr_at_3": 45.652, + "mrr_at_5": 46.877, + "ndcg_at_1": 38.933, + "ndcg_at_10": 49.964, + "ndcg_at_100": 49.242000000000004, + "ndcg_at_1000": 49.222, + "ndcg_at_3": 44.605, + "ndcg_at_5": 46.501999999999995, + "precision_at_1": 38.933, + "precision_at_10": 9.427000000000001, + "precision_at_100": 0.943, + "precision_at_1000": 0.094, + "precision_at_3": 20.685000000000002, + "precision_at_5": 14.585, + "recall_at_1": 32.058, + "recall_at_10": 63.074, + "recall_at_100": 63.074, + "recall_at_1000": 63.074, + "recall_at_3": 47.509, + "recall_at_5": 52.455, + "main_score": 49.964 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.029000000000003, + "map_at_10": 34.646, + "map_at_100": 34.646, + "map_at_1000": 34.646, + "map_at_3": 31.456, + "map_at_5": 33.138, + "mrr_at_1": 28.281, + "mrr_at_10": 36.905, + "mrr_at_100": 36.905, + "mrr_at_1000": 36.905, + "mrr_at_3": 34.011, + "mrr_at_5": 35.638, + "ndcg_at_1": 28.281, + "ndcg_at_10": 40.159, + "ndcg_at_100": 40.159, + "ndcg_at_1000": 40.159, + "ndcg_at_3": 33.995, + "ndcg_at_5": 36.836999999999996, + "precision_at_1": 28.281, + "precision_at_10": 6.358999999999999, + "precision_at_100": 0.636, + "precision_at_1000": 0.064, + "precision_at_3": 14.233, + "precision_at_5": 10.314, + "recall_at_1": 26.029000000000003, + "recall_at_10": 55.08, + "recall_at_100": 55.08, + "recall_at_1000": 55.08, + "recall_at_3": 38.487, + "recall_at_5": 45.308, + "main_score": 40.159 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/ClimateFEVER.json b/results/GritLM__GritLM-7B/external/ClimateFEVER.json new file mode 100644 index 000000000..a3a6bae01 --- /dev/null +++ b/results/GritLM__GritLM-7B/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 12.842999999999998, + "map_at_10": 22.101000000000003, + "map_at_100": 24.319, + "map_at_1000": 24.51, + "map_at_3": 18.372, + "map_at_5": 20.323, + "mrr_at_1": 27.948, + "mrr_at_10": 40.321, + "mrr_at_100": 41.262, + "mrr_at_1000": 41.297, + "mrr_at_3": 36.558, + "mrr_at_5": 38.824999999999996, + "ndcg_at_1": 27.948, + "ndcg_at_10": 30.906, + "ndcg_at_100": 38.986, + "ndcg_at_1000": 42.136, + "ndcg_at_3": 24.911, + "ndcg_at_5": 27.168999999999997, + "precision_at_1": 27.948, + "precision_at_10": 9.798, + "precision_at_100": 1.8399999999999999, + "precision_at_1000": 0.243, + "precision_at_3": 18.328, + "precision_at_5": 14.502, + "recall_at_1": 12.842999999999998, + "recall_at_10": 37.245, + "recall_at_100": 64.769, + "recall_at_1000": 82.055, + "recall_at_3": 23.159, + "recall_at_5": 29.113, + "main_score": 30.906 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/DBPedia.json b/results/GritLM__GritLM-7B/external/DBPedia.json new file mode 100644 index 000000000..7c0d863ed --- /dev/null +++ b/results/GritLM__GritLM-7B/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.934000000000001, + "map_at_10": 21.915000000000003, + "map_at_100": 21.915000000000003, + "map_at_1000": 21.915000000000003, + "map_at_3": 14.623, + "map_at_5": 17.841, + "mrr_at_1": 71.25, + "mrr_at_10": 78.994, + "mrr_at_100": 78.994, + "mrr_at_1000": 78.994, + "mrr_at_3": 77.208, + "mrr_at_5": 78.55799999999999, + "ndcg_at_1": 60.62499999999999, + "ndcg_at_10": 46.604, + "ndcg_at_100": 35.653, + "ndcg_at_1000": 35.531, + "ndcg_at_3": 50.605, + "ndcg_at_5": 48.730000000000004, + "precision_at_1": 71.25, + "precision_at_10": 37.75, + "precision_at_100": 3.775, + "precision_at_1000": 0.377, + "precision_at_3": 54.417, + "precision_at_5": 48.15, + "recall_at_1": 8.934000000000001, + "recall_at_10": 28.471000000000004, + "recall_at_100": 28.471000000000004, + "recall_at_1000": 28.471000000000004, + "recall_at_3": 16.019, + "recall_at_5": 21.410999999999998, + "main_score": 46.604 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/EmotionClassification.json b/results/GritLM__GritLM-7B/external/EmotionClassification.json new file mode 100644 index 000000000..bd8586283 --- /dev/null +++ b/results/GritLM__GritLM-7B/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 52.81, + "f1": 47.987573380720114, + "main_score": 52.81 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/FEVER.json b/results/GritLM__GritLM-7B/external/FEVER.json new file mode 100644 index 000000000..2e600fce8 --- /dev/null +++ b/results/GritLM__GritLM-7B/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 66.81899999999999, + "map_at_10": 78.034, + "map_at_100": 78.034, + "map_at_1000": 78.034, + "map_at_3": 76.43100000000001, + "map_at_5": 77.515, + "mrr_at_1": 71.542, + "mrr_at_10": 81.638, + "mrr_at_100": 81.638, + "mrr_at_1000": 81.638, + "mrr_at_3": 80.403, + "mrr_at_5": 81.256, + "ndcg_at_1": 71.542, + "ndcg_at_10": 82.742, + "ndcg_at_100": 82.741, + "ndcg_at_1000": 82.741, + "ndcg_at_3": 80.039, + "ndcg_at_5": 81.695, + "precision_at_1": 71.542, + "precision_at_10": 10.387, + "precision_at_100": 1.039, + "precision_at_1000": 0.104, + "precision_at_3": 31.447999999999997, + "precision_at_5": 19.91, + "recall_at_1": 66.81899999999999, + "recall_at_10": 93.372, + "recall_at_100": 93.372, + "recall_at_1000": 93.372, + "recall_at_3": 86.33, + "recall_at_5": 90.347, + "main_score": 82.742 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/FiQA2018.json b/results/GritLM__GritLM-7B/external/FiQA2018.json new file mode 100644 index 000000000..b70ddf203 --- /dev/null +++ b/results/GritLM__GritLM-7B/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.158, + "map_at_10": 52.017, + "map_at_100": 54.259, + "map_at_1000": 54.367, + "map_at_3": 45.738, + "map_at_5": 49.283, + "mrr_at_1": 57.87, + "mrr_at_10": 66.215, + "mrr_at_100": 66.735, + "mrr_at_1000": 66.75, + "mrr_at_3": 64.043, + "mrr_at_5": 65.116, + "ndcg_at_1": 57.87, + "ndcg_at_10": 59.946999999999996, + "ndcg_at_100": 66.31099999999999, + "ndcg_at_1000": 67.75999999999999, + "ndcg_at_3": 55.483000000000004, + "ndcg_at_5": 56.891000000000005, + "precision_at_1": 57.87, + "precision_at_10": 16.497, + "precision_at_100": 2.321, + "precision_at_1000": 0.258, + "precision_at_3": 37.14, + "precision_at_5": 27.067999999999998, + "recall_at_1": 31.158, + "recall_at_10": 67.381, + "recall_at_100": 89.464, + "recall_at_1000": 97.989, + "recall_at_3": 50.553000000000004, + "recall_at_5": 57.824, + "main_score": 59.946999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/HotpotQA.json b/results/GritLM__GritLM-7B/external/HotpotQA.json new file mode 100644 index 000000000..50b6fcb66 --- /dev/null +++ b/results/GritLM__GritLM-7B/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 42.073, + "map_at_10": 72.418, + "map_at_100": 73.175, + "map_at_1000": 73.215, + "map_at_3": 68.791, + "map_at_5": 71.19, + "mrr_at_1": 84.146, + "mrr_at_10": 88.994, + "mrr_at_100": 89.116, + "mrr_at_1000": 89.12, + "mrr_at_3": 88.373, + "mrr_at_5": 88.82, + "ndcg_at_1": 84.146, + "ndcg_at_10": 79.404, + "ndcg_at_100": 81.83200000000001, + "ndcg_at_1000": 82.524, + "ndcg_at_3": 74.595, + "ndcg_at_5": 77.474, + "precision_at_1": 84.146, + "precision_at_10": 16.753999999999998, + "precision_at_100": 1.8599999999999999, + "precision_at_1000": 0.19499999999999998, + "precision_at_3": 48.854, + "precision_at_5": 31.579, + "recall_at_1": 42.073, + "recall_at_10": 83.768, + "recall_at_100": 93.018, + "recall_at_1000": 97.481, + "recall_at_3": 73.282, + "recall_at_5": 78.947, + "main_score": 79.404 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/ImdbClassification.json b/results/GritLM__GritLM-7B/external/ImdbClassification.json new file mode 100644 index 000000000..954e39201 --- /dev/null +++ b/results/GritLM__GritLM-7B/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 94.9968, + "ap": 92.93892195862824, + "f1": 94.99327998213761, + "main_score": 94.9968 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/MSMARCO.json b/results/GritLM__GritLM-7B/external/MSMARCO.json new file mode 100644 index 000000000..3eade0719 --- /dev/null +++ b/results/GritLM__GritLM-7B/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.698, + "map_at_10": 34.585, + "map_at_100": 35.782000000000004, + "map_at_1000": 35.825, + "map_at_3": 30.397999999999996, + "map_at_5": 32.72, + "mrr_at_1": 22.192, + "mrr_at_10": 35.085, + "mrr_at_100": 36.218, + "mrr_at_1000": 36.256, + "mrr_at_3": 30.986000000000004, + "mrr_at_5": 33.268, + "ndcg_at_1": 22.192, + "ndcg_at_10": 41.957, + "ndcg_at_100": 47.658, + "ndcg_at_1000": 48.697, + "ndcg_at_3": 33.433, + "ndcg_at_5": 37.551, + "precision_at_1": 22.192, + "precision_at_10": 6.781, + "precision_at_100": 0.963, + "precision_at_1000": 0.105, + "precision_at_3": 14.365, + "precision_at_5": 10.713000000000001, + "recall_at_1": 21.698, + "recall_at_10": 64.79, + "recall_at_100": 91.071, + "recall_at_1000": 98.883, + "recall_at_3": 41.611, + "recall_at_5": 51.459999999999994, + "main_score": 41.957 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/MTOPDomainClassification.json b/results/GritLM__GritLM-7B/external/MTOPDomainClassification.json new file mode 100644 index 000000000..3e932b2cd --- /dev/null +++ b/results/GritLM__GritLM-7B/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 96.15823073415413, + "f1": 96.00362034963248, + "main_score": 96.15823073415413 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/MTOPIntentClassification.json b/results/GritLM__GritLM-7B/external/MTOPIntentClassification.json new file mode 100644 index 000000000..699f46e0f --- /dev/null +++ b/results/GritLM__GritLM-7B/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 87.12722298221614, + "f1": 70.46888967516227, + "main_score": 87.12722298221614 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/MassiveIntentClassification.json b/results/GritLM__GritLM-7B/external/MassiveIntentClassification.json new file mode 100644 index 000000000..d7c0e5bef --- /dev/null +++ b/results/GritLM__GritLM-7B/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.77673167451245, + "f1": 77.60202561132175, + "main_score": 80.77673167451245 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/MassiveScenarioClassification.json b/results/GritLM__GritLM-7B/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..7edc08cf6 --- /dev/null +++ b/results/GritLM__GritLM-7B/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 82.09145931405514, + "f1": 81.7701921473406, + "main_score": 82.09145931405514 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/MedrxivClusteringP2P.json b/results/GritLM__GritLM-7B/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..a590f7a50 --- /dev/null +++ b/results/GritLM__GritLM-7B/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.52153488185864, + "main_score": 36.52153488185864 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/MedrxivClusteringS2S.json b/results/GritLM__GritLM-7B/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..2b9702e43 --- /dev/null +++ b/results/GritLM__GritLM-7B/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.80090398444147, + "main_score": 36.80090398444147 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/MindSmallReranking.json b/results/GritLM__GritLM-7B/external/MindSmallReranking.json new file mode 100644 index 000000000..7fbc46932 --- /dev/null +++ b/results/GritLM__GritLM-7B/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.807141746058605, + "mrr": 32.85025611455029, + "main_score": 31.807141746058605 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/NFCorpus.json b/results/GritLM__GritLM-7B/external/NFCorpus.json new file mode 100644 index 000000000..c63fc8864 --- /dev/null +++ b/results/GritLM__GritLM-7B/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.920999999999999, + "map_at_10": 16.049, + "map_at_100": 16.049, + "map_at_1000": 16.049, + "map_at_3": 11.865, + "map_at_5": 13.657, + "mrr_at_1": 53.87, + "mrr_at_10": 62.291, + "mrr_at_100": 62.291, + "mrr_at_1000": 62.291, + "mrr_at_3": 60.681, + "mrr_at_5": 61.61, + "ndcg_at_1": 51.23799999999999, + "ndcg_at_10": 40.892, + "ndcg_at_100": 26.951999999999998, + "ndcg_at_1000": 26.474999999999998, + "ndcg_at_3": 46.821, + "ndcg_at_5": 44.333, + "precision_at_1": 53.251000000000005, + "precision_at_10": 30.124000000000002, + "precision_at_100": 3.012, + "precision_at_1000": 0.301, + "precision_at_3": 43.55, + "precision_at_5": 38.266, + "recall_at_1": 6.920999999999999, + "recall_at_10": 20.852, + "recall_at_100": 20.852, + "recall_at_1000": 20.852, + "recall_at_3": 13.628000000000002, + "recall_at_5": 16.273, + "main_score": 40.892 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/NQ.json b/results/GritLM__GritLM-7B/external/NQ.json new file mode 100644 index 000000000..cb62d53e5 --- /dev/null +++ b/results/GritLM__GritLM-7B/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 46.827999999999996, + "map_at_10": 63.434000000000005, + "map_at_100": 63.434000000000005, + "map_at_1000": 63.434000000000005, + "map_at_3": 59.794000000000004, + "map_at_5": 62.08, + "mrr_at_1": 52.288999999999994, + "mrr_at_10": 65.95, + "mrr_at_100": 65.95, + "mrr_at_1000": 65.95, + "mrr_at_3": 63.413, + "mrr_at_5": 65.08, + "ndcg_at_1": 52.288999999999994, + "ndcg_at_10": 70.301, + "ndcg_at_100": 70.301, + "ndcg_at_1000": 70.301, + "ndcg_at_3": 63.979, + "ndcg_at_5": 67.582, + "precision_at_1": 52.288999999999994, + "precision_at_10": 10.576, + "precision_at_100": 1.058, + "precision_at_1000": 0.106, + "precision_at_3": 28.177000000000003, + "precision_at_5": 19.073, + "recall_at_1": 46.827999999999996, + "recall_at_10": 88.236, + "recall_at_100": 88.236, + "recall_at_1000": 88.236, + "recall_at_3": 72.371, + "recall_at_5": 80.56, + "main_score": 70.301 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/QuoraRetrieval.json b/results/GritLM__GritLM-7B/external/QuoraRetrieval.json new file mode 100644 index 000000000..754c05813 --- /dev/null +++ b/results/GritLM__GritLM-7B/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 71.652, + "map_at_10": 85.953, + "map_at_100": 85.953, + "map_at_1000": 85.953, + "map_at_3": 83.05399999999999, + "map_at_5": 84.89, + "mrr_at_1": 82.42, + "mrr_at_10": 88.473, + "mrr_at_100": 88.473, + "mrr_at_1000": 88.473, + "mrr_at_3": 87.592, + "mrr_at_5": 88.211, + "ndcg_at_1": 82.44, + "ndcg_at_10": 89.467, + "ndcg_at_100": 89.33, + "ndcg_at_1000": 89.33, + "ndcg_at_3": 86.822, + "ndcg_at_5": 88.307, + "precision_at_1": 82.44, + "precision_at_10": 13.616, + "precision_at_100": 1.362, + "precision_at_1000": 0.136, + "precision_at_3": 38.117000000000004, + "precision_at_5": 25.05, + "recall_at_1": 71.652, + "recall_at_10": 96.224, + "recall_at_100": 96.224, + "recall_at_1000": 96.224, + "recall_at_3": 88.571, + "recall_at_5": 92.812, + "main_score": 89.467 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/RedditClustering.json b/results/GritLM__GritLM-7B/external/RedditClustering.json new file mode 100644 index 000000000..d82a0e00c --- /dev/null +++ b/results/GritLM__GritLM-7B/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 61.295010338050474, + "main_score": 61.295010338050474 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/RedditClusteringP2P.json b/results/GritLM__GritLM-7B/external/RedditClusteringP2P.json new file mode 100644 index 000000000..6b9c962f6 --- /dev/null +++ b/results/GritLM__GritLM-7B/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 67.26380819328142, + "main_score": 67.26380819328142 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/SCIDOCS.json b/results/GritLM__GritLM-7B/external/SCIDOCS.json new file mode 100644 index 000000000..e535755f3 --- /dev/null +++ b/results/GritLM__GritLM-7B/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.683, + "map_at_10": 14.924999999999999, + "map_at_100": 17.532, + "map_at_1000": 17.875, + "map_at_3": 10.392, + "map_at_5": 12.592, + "mrr_at_1": 28.000000000000004, + "mrr_at_10": 39.951, + "mrr_at_100": 41.025, + "mrr_at_1000": 41.056, + "mrr_at_3": 36.317, + "mrr_at_5": 38.412, + "ndcg_at_1": 28.000000000000004, + "ndcg_at_10": 24.410999999999998, + "ndcg_at_100": 33.79, + "ndcg_at_1000": 39.035, + "ndcg_at_3": 22.845, + "ndcg_at_5": 20.080000000000002, + "precision_at_1": 28.000000000000004, + "precision_at_10": 12.790000000000001, + "precision_at_100": 2.633, + "precision_at_1000": 0.388, + "precision_at_3": 21.367, + "precision_at_5": 17.7, + "recall_at_1": 5.683, + "recall_at_10": 25.91, + "recall_at_100": 53.443, + "recall_at_1000": 78.73, + "recall_at_3": 13.003, + "recall_at_5": 17.932000000000002, + "main_score": 24.410999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/SICK-R.json b/results/GritLM__GritLM-7B/external/SICK-R.json new file mode 100644 index 000000000..1e01fe88c --- /dev/null +++ b/results/GritLM__GritLM-7B/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.677978681023, + "cos_sim_spearman": 83.13093441058189, + "euclidean_pearson": 83.35535759341572, + "euclidean_spearman": 83.42583744219611, + "manhattan_pearson": 83.2243124045889, + "manhattan_spearman": 83.39801618652632, + "cosine_pearson": 84.677978681023, + "cosine_spearman": 83.13093441058189, + "main_score": 83.13093441058189 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/STS12.json b/results/GritLM__GritLM-7B/external/STS12.json new file mode 100644 index 000000000..a7bd2f609 --- /dev/null +++ b/results/GritLM__GritLM-7B/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.68960206569666, + "cos_sim_spearman": 77.3368966488535, + "euclidean_pearson": 77.62828980560303, + "euclidean_spearman": 76.77951481444651, + "manhattan_pearson": 77.88637240839041, + "manhattan_spearman": 77.22157841466188, + "cosine_pearson": 81.68960206569666, + "cosine_spearman": 77.3368966488535, + "main_score": 77.3368966488535 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/STS13.json b/results/GritLM__GritLM-7B/external/STS13.json new file mode 100644 index 000000000..a9d6e79de --- /dev/null +++ b/results/GritLM__GritLM-7B/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.18745821650724, + "cos_sim_spearman": 85.04423285574542, + "euclidean_pearson": 85.46604816931023, + "euclidean_spearman": 85.5230593932974, + "manhattan_pearson": 85.57912805986261, + "manhattan_spearman": 85.65955905111873, + "cosine_pearson": 84.18745821650724, + "cosine_spearman": 85.04423285574542, + "main_score": 85.04423285574542 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/STS14.json b/results/GritLM__GritLM-7B/external/STS14.json new file mode 100644 index 000000000..3ff7f94ea --- /dev/null +++ b/results/GritLM__GritLM-7B/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.6715333300355, + "cos_sim_spearman": 82.9058522514908, + "euclidean_pearson": 83.9640357424214, + "euclidean_spearman": 83.60415457472637, + "manhattan_pearson": 84.05621005853469, + "manhattan_spearman": 83.87077724707746, + "cosine_pearson": 83.6715333300355, + "cosine_spearman": 82.9058522514908, + "main_score": 82.9058522514908 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/STS15.json b/results/GritLM__GritLM-7B/external/STS15.json new file mode 100644 index 000000000..4b3e27763 --- /dev/null +++ b/results/GritLM__GritLM-7B/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.82422928098886, + "cos_sim_spearman": 88.12660311894628, + "euclidean_pearson": 87.50974805056555, + "euclidean_spearman": 87.91957275596677, + "manhattan_pearson": 87.74119404878883, + "manhattan_spearman": 88.2808922165719, + "cosine_pearson": 87.82422928098886, + "cosine_spearman": 88.12660311894628, + "main_score": 88.12660311894628 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/STS16.json b/results/GritLM__GritLM-7B/external/STS16.json new file mode 100644 index 000000000..d80ae749a --- /dev/null +++ b/results/GritLM__GritLM-7B/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.80605838552093, + "cos_sim_spearman": 86.24123388765678, + "euclidean_pearson": 85.32648347339814, + "euclidean_spearman": 85.60046671950158, + "manhattan_pearson": 85.53800168487811, + "manhattan_spearman": 85.89542420480763, + "cosine_pearson": 84.80605838552093, + "cosine_spearman": 86.24123388765678, + "main_score": 86.24123388765678 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/STS17.json b/results/GritLM__GritLM-7B/external/STS17.json new file mode 100644 index 000000000..87ed6843d --- /dev/null +++ b/results/GritLM__GritLM-7B/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 89.87540978988132, + "cos_sim_spearman": 90.12715295099461, + "euclidean_pearson": 91.61085993525275, + "euclidean_spearman": 91.31835942311758, + "manhattan_pearson": 91.57500202032934, + "manhattan_spearman": 91.1790925526635, + "cosine_pearson": 89.87540978988132, + "cosine_spearman": 90.12715295099461, + "main_score": 90.12715295099461 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/STS22.json b/results/GritLM__GritLM-7B/external/STS22.json new file mode 100644 index 000000000..7ea4cb459 --- /dev/null +++ b/results/GritLM__GritLM-7B/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "eea2b4fe26a775864c896887d910b76a8098ad3f", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 69.87136205329556, + "cos_sim_spearman": 68.6253154635078, + "euclidean_pearson": 68.91536015034222, + "euclidean_spearman": 67.63744649352542, + "manhattan_pearson": 69.2000713045275, + "manhattan_spearman": 68.16002901587316, + "cosine_pearson": 69.87136205329556, + "cosine_spearman": 68.6253154635078, + "main_score": 68.6253154635078 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/STSBenchmark.json b/results/GritLM__GritLM-7B/external/STSBenchmark.json new file mode 100644 index 000000000..a90a444ce --- /dev/null +++ b/results/GritLM__GritLM-7B/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.21849551039082, + "cos_sim_spearman": 85.6392959372461, + "euclidean_pearson": 85.92050852609488, + "euclidean_spearman": 85.97205649009734, + "manhattan_pearson": 86.1031154802254, + "manhattan_spearman": 86.26791155517466, + "cosine_pearson": 85.21849551039082, + "cosine_spearman": 85.6392959372461, + "main_score": 85.6392959372461 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/SciDocsRR.json b/results/GritLM__GritLM-7B/external/SciDocsRR.json new file mode 100644 index 000000000..fc4c82b90 --- /dev/null +++ b/results/GritLM__GritLM-7B/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 86.83953958636627, + "mrr": 96.71167612344082, + "main_score": 86.83953958636627 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/SciFact.json b/results/GritLM__GritLM-7B/external/SciFact.json new file mode 100644 index 000000000..7fc724d9a --- /dev/null +++ b/results/GritLM__GritLM-7B/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 64.994, + "map_at_10": 74.763, + "map_at_100": 75.127, + "map_at_1000": 75.143, + "map_at_3": 71.824, + "map_at_5": 73.71, + "mrr_at_1": 68.333, + "mrr_at_10": 75.749, + "mrr_at_100": 75.922, + "mrr_at_1000": 75.938, + "mrr_at_3": 73.556, + "mrr_at_5": 74.739, + "ndcg_at_1": 68.333, + "ndcg_at_10": 79.174, + "ndcg_at_100": 80.41, + "ndcg_at_1000": 80.804, + "ndcg_at_3": 74.361, + "ndcg_at_5": 76.861, + "precision_at_1": 68.333, + "precision_at_10": 10.333, + "precision_at_100": 1.0999999999999999, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 28.778, + "precision_at_5": 19.067, + "recall_at_1": 64.994, + "recall_at_10": 91.822, + "recall_at_100": 97.0, + "recall_at_1000": 100.0, + "recall_at_3": 78.878, + "recall_at_5": 85.172, + "main_score": 79.174 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/SprintDuplicateQuestions.json b/results/GritLM__GritLM-7B/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..63f13241b --- /dev/null +++ b/results/GritLM__GritLM-7B/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.72079207920792, + "cos_sim_ap": 93.00265215525152, + "cos_sim_f1": 85.06596306068602, + "cos_sim_precision": 90.05586592178771, + "cos_sim_recall": 80.60000000000001, + "dot_accuracy": 99.66039603960397, + "dot_ap": 91.22371407479089, + "dot_f1": 82.34693877551021, + "dot_precision": 84.0625, + "dot_recall": 80.7, + "euclidean_accuracy": 99.71881188118812, + "euclidean_ap": 92.88449963304728, + "euclidean_f1": 85.19480519480518, + "euclidean_precision": 88.64864864864866, + "euclidean_recall": 82.0, + "manhattan_accuracy": 99.73267326732673, + "manhattan_ap": 93.23055393056883, + "manhattan_f1": 85.88957055214725, + "manhattan_precision": 87.86610878661088, + "manhattan_recall": 84.0, + "max_accuracy": 99.73267326732673, + "max_ap": 93.23055393056883, + "max_f1": 85.88957055214725, + "main_score": 93.23055393056883 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/StackExchangeClustering.json b/results/GritLM__GritLM-7B/external/StackExchangeClustering.json new file mode 100644 index 000000000..746f3fc10 --- /dev/null +++ b/results/GritLM__GritLM-7B/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 77.3305735900358, + "main_score": 77.3305735900358 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/StackExchangeClusteringP2P.json b/results/GritLM__GritLM-7B/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..41a8e0019 --- /dev/null +++ b/results/GritLM__GritLM-7B/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 41.32967136540674, + "main_score": 41.32967136540674 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/StackOverflowDupQuestions.json b/results/GritLM__GritLM-7B/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..9e5cda4da --- /dev/null +++ b/results/GritLM__GritLM-7B/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 55.95514866379359, + "mrr": 56.95423245055598, + "main_score": 55.95514866379359 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/SummEval.json b/results/GritLM__GritLM-7B/external/SummEval.json new file mode 100644 index 000000000..771665cf8 --- /dev/null +++ b/results/GritLM__GritLM-7B/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.783007208997144, + "cos_sim_spearman": 30.373444721540533, + "dot_pearson": 29.210604111143905, + "dot_spearman": 29.98809758085659, + "cosine_pearson": 30.783007208997144, + "cosine_spearman": 30.373444721540533, + "main_score": 30.373444721540533 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/TRECCOVID.json b/results/GritLM__GritLM-7B/external/TRECCOVID.json new file mode 100644 index 000000000..583ea96ad --- /dev/null +++ b/results/GritLM__GritLM-7B/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.234, + "map_at_10": 1.894, + "map_at_100": 1.894, + "map_at_1000": 1.894, + "map_at_3": 0.636, + "map_at_5": 1.0, + "mrr_at_1": 88.0, + "mrr_at_10": 93.667, + "mrr_at_100": 93.667, + "mrr_at_1000": 93.667, + "mrr_at_3": 93.667, + "mrr_at_5": 93.667, + "ndcg_at_1": 85.0, + "ndcg_at_10": 74.798, + "ndcg_at_100": 16.462, + "ndcg_at_1000": 7.0889999999999995, + "ndcg_at_3": 80.754, + "ndcg_at_5": 77.319, + "precision_at_1": 88.0, + "precision_at_10": 78.0, + "precision_at_100": 7.8, + "precision_at_1000": 0.7799999999999999, + "precision_at_3": 83.333, + "precision_at_5": 80.80000000000001, + "recall_at_1": 0.234, + "recall_at_10": 2.093, + "recall_at_100": 2.093, + "recall_at_1000": 2.093, + "recall_at_3": 0.662, + "recall_at_5": 1.0739999999999998, + "main_score": 74.798 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/Touche2020.json b/results/GritLM__GritLM-7B/external/Touche2020.json new file mode 100644 index 000000000..96c2cbb72 --- /dev/null +++ b/results/GritLM__GritLM-7B/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.703, + "map_at_10": 10.866000000000001, + "map_at_100": 10.866000000000001, + "map_at_1000": 10.866000000000001, + "map_at_3": 5.909, + "map_at_5": 7.35, + "mrr_at_1": 36.735, + "mrr_at_10": 53.583000000000006, + "mrr_at_100": 53.583000000000006, + "mrr_at_1000": 53.583000000000006, + "mrr_at_3": 49.32, + "mrr_at_5": 51.769, + "ndcg_at_1": 34.694, + "ndcg_at_10": 27.926000000000002, + "ndcg_at_100": 22.701, + "ndcg_at_1000": 22.701, + "ndcg_at_3": 32.073, + "ndcg_at_5": 28.327999999999996, + "precision_at_1": 36.735, + "precision_at_10": 24.694, + "precision_at_100": 2.469, + "precision_at_1000": 0.247, + "precision_at_3": 31.973000000000003, + "precision_at_5": 26.939, + "recall_at_1": 2.703, + "recall_at_10": 17.702, + "recall_at_100": 17.702, + "recall_at_1000": 17.702, + "recall_at_3": 7.208, + "recall_at_5": 9.748999999999999, + "main_score": 27.926000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/ToxicConversationsClassification.json b/results/GritLM__GritLM-7B/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..da88626c6 --- /dev/null +++ b/results/GritLM__GritLM-7B/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.79960000000001, + "ap": 15.467565415565815, + "f1": 55.28639823443618, + "main_score": 70.79960000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/TweetSentimentExtractionClassification.json b/results/GritLM__GritLM-7B/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..08c74a0fd --- /dev/null +++ b/results/GritLM__GritLM-7B/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 64.7792869269949, + "f1": 65.08597154774318, + "main_score": 64.7792869269949 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/TwentyNewsgroupsClustering.json b/results/GritLM__GritLM-7B/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..68fdae39a --- /dev/null +++ b/results/GritLM__GritLM-7B/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 55.70352297774293, + "main_score": 55.70352297774293 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/TwitterSemEval2015.json b/results/GritLM__GritLM-7B/external/TwitterSemEval2015.json new file mode 100644 index 000000000..bf5070c32 --- /dev/null +++ b/results/GritLM__GritLM-7B/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.27561542588067, + "cos_sim_ap": 81.08262141256193, + "cos_sim_f1": 73.82341501361338, + "cos_sim_precision": 72.5720112159062, + "cos_sim_recall": 75.11873350923483, + "dot_accuracy": 86.66030875603504, + "dot_ap": 76.6052349228621, + "dot_f1": 70.13897280966768, + "dot_precision": 64.70457079152732, + "dot_recall": 76.56992084432717, + "euclidean_accuracy": 88.37098408535495, + "euclidean_ap": 81.12515230092113, + "euclidean_f1": 74.10338225909379, + "euclidean_precision": 71.76761433868974, + "euclidean_recall": 76.59630606860158, + "manhattan_accuracy": 88.34118137926924, + "manhattan_ap": 80.95751834536561, + "manhattan_f1": 73.9119496855346, + "manhattan_precision": 70.625, + "manhattan_recall": 77.5197889182058, + "max_accuracy": 88.37098408535495, + "max_ap": 81.12515230092113, + "max_f1": 74.10338225909379, + "main_score": 81.12515230092113 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/TwitterURLCorpus.json b/results/GritLM__GritLM-7B/external/TwitterURLCorpus.json new file mode 100644 index 000000000..13e5ff112 --- /dev/null +++ b/results/GritLM__GritLM-7B/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.79896767182831, + "cos_sim_ap": 87.40071784061065, + "cos_sim_f1": 79.87753144712087, + "cos_sim_precision": 76.67304015296367, + "cos_sim_recall": 83.3615645210964, + "dot_accuracy": 88.95486474948578, + "dot_ap": 86.00227979119943, + "dot_f1": 78.54601474525914, + "dot_precision": 75.00525394045535, + "dot_recall": 82.43763473975977, + "euclidean_accuracy": 89.7892653393876, + "euclidean_ap": 87.42174706480819, + "euclidean_f1": 80.07283321194465, + "euclidean_precision": 75.96738529574351, + "euclidean_recall": 84.6473668001232, + "manhattan_accuracy": 89.8474793340319, + "manhattan_ap": 87.47814292587448, + "manhattan_f1": 80.15461150280949, + "manhattan_precision": 74.88798234468, + "manhattan_recall": 86.21804742839544, + "max_accuracy": 89.8474793340319, + "max_ap": 87.47814292587448, + "max_f1": 80.15461150280949, + "main_score": 87.47814292587448 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-7B/external/model_meta.json b/results/GritLM__GritLM-7B/external/model_meta.json new file mode 100644 index 000000000..66a9a2fba --- /dev/null +++ b/results/GritLM__GritLM-7B/external/model_meta.json @@ -0,0 +1,20 @@ +{ + "name": "GritLM/GritLM-7B", + "revision": "13f00a0e36500c80ce12870ea513846a066004af", + "release_date": "2024-02-11", + "languages": [], + "loader": null, + "n_parameters": 7241732096, + "memory_usage": null, + "max_tokens": 32768, + "embed_dim": 4096, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/AmazonCounterfactualClassification.json b/results/GritLM__GritLM-8x7B/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..fc0f518da --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.47761194029852, + "ap": 44.38751347932197, + "f1": 74.33580162208256, + "main_score": 80.47761194029852 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/AmazonPolarityClassification.json b/results/GritLM__GritLM-8x7B/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..636544554 --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 96.32155000000002, + "ap": 94.8026654593679, + "f1": 96.3209869463974, + "main_score": 96.32155000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/AmazonReviewsClassification.json b/results/GritLM__GritLM-8x7B/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..5cda60db2 --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 57.18400000000001, + "f1": 55.945160479400954, + "main_score": 57.18400000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/ArguAna.json b/results/GritLM__GritLM-8x7B/external/ArguAna.json new file mode 100644 index 000000000..d5321d239 --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 34.353, + "map_at_10": 50.773, + "map_at_100": 51.515, + "map_at_1000": 51.517, + "map_at_3": 46.29, + "map_at_5": 48.914, + "mrr_at_1": 35.135, + "mrr_at_10": 51.036, + "mrr_at_100": 51.785000000000004, + "mrr_at_1000": 51.787000000000006, + "mrr_at_3": 46.562, + "mrr_at_5": 49.183, + "ndcg_at_1": 34.353, + "ndcg_at_10": 59.492, + "ndcg_at_100": 62.395999999999994, + "ndcg_at_1000": 62.44499999999999, + "ndcg_at_3": 50.217, + "ndcg_at_5": 54.98499999999999, + "precision_at_1": 34.353, + "precision_at_10": 8.72, + "precision_at_100": 0.993, + "precision_at_1000": 0.1, + "precision_at_3": 20.531, + "precision_at_5": 14.651, + "recall_at_1": 34.353, + "recall_at_10": 87.198, + "recall_at_100": 99.289, + "recall_at_1000": 99.644, + "recall_at_3": 61.592999999999996, + "recall_at_5": 73.257, + "main_score": 59.492 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/ArxivClusteringP2P.json b/results/GritLM__GritLM-8x7B/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..afeb871ac --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 50.720077577006286, + "main_score": 50.720077577006286 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/ArxivClusteringS2S.json b/results/GritLM__GritLM-8x7B/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..c03173f84 --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.01021098734129, + "main_score": 48.01021098734129 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/AskUbuntuDupQuestions.json b/results/GritLM__GritLM-8x7B/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..5ecff7dcb --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 65.59672236627206, + "mrr": 78.01191575429802, + "main_score": 65.59672236627206 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/BIOSSES.json b/results/GritLM__GritLM-8x7B/external/BIOSSES.json new file mode 100644 index 000000000..b1526ae73 --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 89.52452252271826, + "cos_sim_spearman": 87.34415887061094, + "euclidean_pearson": 87.46187616533932, + "euclidean_spearman": 85.44712769366146, + "manhattan_pearson": 87.56696679505373, + "manhattan_spearman": 86.01581535039067, + "cosine_pearson": 89.52452252271826, + "cosine_spearman": 87.34415887061094, + "main_score": 87.34415887061094 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/Banking77Classification.json b/results/GritLM__GritLM-8x7B/external/Banking77Classification.json new file mode 100644 index 000000000..7045269f0 --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 87.4577922077922, + "f1": 87.38432712848123, + "main_score": 87.4577922077922 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/BiorxivClusteringP2P.json b/results/GritLM__GritLM-8x7B/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..24143903a --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 41.41290357360428, + "main_score": 41.41290357360428 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/BiorxivClusteringS2S.json b/results/GritLM__GritLM-8x7B/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..613bd2e4c --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.67213605633667, + "main_score": 38.67213605633667 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/CQADupstackAndroidRetrieval.json b/results/GritLM__GritLM-8x7B/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..41e8fae24 --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 37.545, + "map_at_10": 50.015, + "map_at_100": 51.763999999999996, + "map_at_1000": 51.870000000000005, + "map_at_3": 46.129999999999995, + "map_at_5": 48.473, + "mrr_at_1": 47.638999999999996, + "mrr_at_10": 56.913000000000004, + "mrr_at_100": 57.619, + "mrr_at_1000": 57.648999999999994, + "mrr_at_3": 54.435, + "mrr_at_5": 56.059000000000005, + "ndcg_at_1": 47.638999999999996, + "ndcg_at_10": 56.664, + "ndcg_at_100": 62.089000000000006, + "ndcg_at_1000": 63.415, + "ndcg_at_3": 51.842999999999996, + "ndcg_at_5": 54.30199999999999, + "precision_at_1": 47.638999999999996, + "precision_at_10": 10.886999999999999, + "precision_at_100": 1.722, + "precision_at_1000": 0.212, + "precision_at_3": 25.179000000000002, + "precision_at_5": 18.226, + "recall_at_1": 37.545, + "recall_at_10": 68.118, + "recall_at_100": 90.381, + "recall_at_1000": 98.556, + "recall_at_3": 53.319, + "recall_at_5": 60.574, + "main_score": 56.664 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 37.066, + "map_at_10": 49.464000000000006, + "map_at_100": 50.79900000000001, + "map_at_1000": 50.928, + "map_at_3": 46.133, + "map_at_5": 47.941, + "mrr_at_1": 48.025, + "mrr_at_10": 56.16100000000001, + "mrr_at_100": 56.725, + "mrr_at_1000": 56.757000000000005, + "mrr_at_3": 54.31, + "mrr_at_5": 55.285, + "ndcg_at_1": 48.025, + "ndcg_at_10": 55.467, + "ndcg_at_100": 59.391000000000005, + "ndcg_at_1000": 61.086, + "ndcg_at_3": 51.733, + "ndcg_at_5": 53.223, + "precision_at_1": 48.025, + "precision_at_10": 10.656, + "precision_at_100": 1.6070000000000002, + "precision_at_1000": 0.20600000000000002, + "precision_at_3": 25.499, + "precision_at_5": 17.771, + "recall_at_1": 37.066, + "recall_at_10": 65.062, + "recall_at_100": 81.662, + "recall_at_1000": 91.913, + "recall_at_3": 52.734, + "recall_at_5": 57.696999999999996, + "main_score": 55.467 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 46.099000000000004, + "map_at_10": 59.721999999999994, + "map_at_100": 60.675000000000004, + "map_at_1000": 60.708, + "map_at_3": 55.852000000000004, + "map_at_5": 58.426, + "mrr_at_1": 53.417, + "mrr_at_10": 63.597, + "mrr_at_100": 64.12299999999999, + "mrr_at_1000": 64.13799999999999, + "mrr_at_3": 61.149, + "mrr_at_5": 62.800999999999995, + "ndcg_at_1": 53.417, + "ndcg_at_10": 65.90899999999999, + "ndcg_at_100": 69.312, + "ndcg_at_1000": 69.89, + "ndcg_at_3": 60.089999999999996, + "ndcg_at_5": 63.575, + "precision_at_1": 53.417, + "precision_at_10": 10.533, + "precision_at_100": 1.313, + "precision_at_1000": 0.13899999999999998, + "precision_at_3": 26.667, + "precision_at_5": 18.671, + "recall_at_1": 46.099000000000004, + "recall_at_10": 80.134, + "recall_at_100": 94.536, + "recall_at_1000": 98.543, + "recall_at_3": 65.026, + "recall_at_5": 73.462, + "main_score": 65.90899999999999 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.261999999999997, + "map_at_10": 38.012, + "map_at_100": 39.104, + "map_at_1000": 39.177, + "map_at_3": 35.068, + "map_at_5": 36.620000000000005, + "mrr_at_1": 30.847, + "mrr_at_10": 40.251999999999995, + "mrr_at_100": 41.174, + "mrr_at_1000": 41.227999999999994, + "mrr_at_3": 37.74, + "mrr_at_5": 38.972, + "ndcg_at_1": 30.847, + "ndcg_at_10": 43.513000000000005, + "ndcg_at_100": 48.771, + "ndcg_at_1000": 50.501, + "ndcg_at_3": 37.861, + "ndcg_at_5": 40.366, + "precision_at_1": 30.847, + "precision_at_10": 6.7909999999999995, + "precision_at_100": 0.992, + "precision_at_1000": 0.117, + "precision_at_3": 16.234, + "precision_at_5": 11.254, + "recall_at_1": 28.261999999999997, + "recall_at_10": 58.292, + "recall_at_100": 82.24000000000001, + "recall_at_1000": 95.042, + "recall_at_3": 42.955, + "recall_at_5": 48.973, + "main_score": 43.513000000000005 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.281, + "map_at_10": 27.687, + "map_at_100": 28.9, + "map_at_1000": 29.019000000000002, + "map_at_3": 24.773, + "map_at_5": 26.180999999999997, + "mrr_at_1": 23.01, + "mrr_at_10": 32.225, + "mrr_at_100": 33.054, + "mrr_at_1000": 33.119, + "mrr_at_3": 29.353, + "mrr_at_5": 30.846, + "ndcg_at_1": 23.01, + "ndcg_at_10": 33.422000000000004, + "ndcg_at_100": 39.108, + "ndcg_at_1000": 41.699999999999996, + "ndcg_at_3": 28.083999999999996, + "ndcg_at_5": 30.164, + "precision_at_1": 23.01, + "precision_at_10": 6.493, + "precision_at_100": 1.077, + "precision_at_1000": 0.14100000000000001, + "precision_at_3": 13.930000000000001, + "precision_at_5": 10.075000000000001, + "recall_at_1": 18.281, + "recall_at_10": 46.318, + "recall_at_100": 71.327, + "recall_at_1000": 89.716, + "recall_at_3": 31.517, + "recall_at_5": 36.821, + "main_score": 33.422000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 36.575, + "map_at_10": 49.235, + "map_at_100": 50.723, + "map_at_1000": 50.809000000000005, + "map_at_3": 45.696999999999996, + "map_at_5": 47.588, + "mrr_at_1": 45.525, + "mrr_at_10": 55.334, + "mrr_at_100": 56.092, + "mrr_at_1000": 56.118, + "mrr_at_3": 53.032000000000004, + "mrr_at_5": 54.19199999999999, + "ndcg_at_1": 45.525, + "ndcg_at_10": 55.542, + "ndcg_at_100": 60.879000000000005, + "ndcg_at_1000": 62.224999999999994, + "ndcg_at_3": 50.688, + "ndcg_at_5": 52.76499999999999, + "precision_at_1": 45.525, + "precision_at_10": 10.067, + "precision_at_100": 1.471, + "precision_at_1000": 0.173, + "precision_at_3": 24.382, + "precision_at_5": 16.919999999999998, + "recall_at_1": 36.575, + "recall_at_10": 67.903, + "recall_at_100": 89.464, + "recall_at_1000": 97.799, + "recall_at_3": 53.493, + "recall_at_5": 59.372, + "main_score": 55.542 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.099000000000004, + "map_at_10": 42.147, + "map_at_100": 43.522, + "map_at_1000": 43.624, + "map_at_3": 38.104, + "map_at_5": 40.435, + "mrr_at_1": 36.416, + "mrr_at_10": 47.922, + "mrr_at_100": 48.664, + "mrr_at_1000": 48.709, + "mrr_at_3": 44.977000000000004, + "mrr_at_5": 46.838, + "ndcg_at_1": 36.416, + "ndcg_at_10": 49.307, + "ndcg_at_100": 54.332, + "ndcg_at_1000": 56.145, + "ndcg_at_3": 42.994, + "ndcg_at_5": 46.119, + "precision_at_1": 36.416, + "precision_at_10": 9.452, + "precision_at_100": 1.4080000000000001, + "precision_at_1000": 0.172, + "precision_at_3": 21.081, + "precision_at_5": 15.501999999999999, + "recall_at_1": 29.099000000000004, + "recall_at_10": 64.485, + "recall_at_100": 84.753, + "recall_at_1000": 96.875, + "recall_at_3": 47.06, + "recall_at_5": 55.077, + "main_score": 49.307 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.69458333333333, + "map_at_10": 41.65291666666666, + "map_at_100": 42.95775, + "map_at_1000": 43.06258333333333, + "map_at_3": 38.335750000000004, + "map_at_5": 40.20941666666666, + "mrr_at_1": 37.013000000000005, + "mrr_at_10": 46.30600000000001, + "mrr_at_100": 47.094666666666676, + "mrr_at_1000": 47.139583333333334, + "mrr_at_3": 43.805749999999996, + "mrr_at_5": 45.22366666666666, + "ndcg_at_1": 37.013000000000005, + "ndcg_at_10": 47.63491666666667, + "ndcg_at_100": 52.71083333333334, + "ndcg_at_1000": 54.493583333333326, + "ndcg_at_3": 42.43616666666666, + "ndcg_at_5": 44.87583333333334, + "precision_at_1": 37.013000000000005, + "precision_at_10": 8.481583333333333, + "precision_at_100": 1.3073333333333337, + "precision_at_1000": 0.16341666666666668, + "precision_at_3": 19.811833333333333, + "precision_at_5": 14.07691666666667, + "recall_at_1": 30.69458333333333, + "recall_at_10": 60.462083333333325, + "recall_at_100": 82.42325000000001, + "recall_at_1000": 94.53291666666667, + "recall_at_3": 45.7405, + "recall_at_5": 52.14025, + "main_score": 47.63491666666667 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.833000000000002, + "map_at_10": 36.55, + "map_at_100": 37.524, + "map_at_1000": 37.613, + "map_at_3": 33.552, + "map_at_5": 35.173, + "mrr_at_1": 31.135, + "mrr_at_10": 39.637, + "mrr_at_100": 40.361000000000004, + "mrr_at_1000": 40.422000000000004, + "mrr_at_3": 36.887, + "mrr_at_5": 38.428000000000004, + "ndcg_at_1": 31.135, + "ndcg_at_10": 42.007, + "ndcg_at_100": 46.531, + "ndcg_at_1000": 48.643, + "ndcg_at_3": 36.437999999999995, + "ndcg_at_5": 39.021, + "precision_at_1": 31.135, + "precision_at_10": 6.856, + "precision_at_100": 0.988, + "precision_at_1000": 0.125, + "precision_at_3": 15.9, + "precision_at_5": 11.227, + "recall_at_1": 27.833000000000002, + "recall_at_10": 55.711, + "recall_at_100": 76.255, + "recall_at_1000": 91.51899999999999, + "recall_at_3": 40.22, + "recall_at_5": 46.69, + "main_score": 42.007 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.274, + "map_at_10": 29.925, + "map_at_100": 31.171, + "map_at_1000": 31.296000000000003, + "map_at_3": 27.209, + "map_at_5": 28.707, + "mrr_at_1": 26.462000000000003, + "mrr_at_10": 34.604, + "mrr_at_100": 35.554, + "mrr_at_1000": 35.622, + "mrr_at_3": 32.295, + "mrr_at_5": 33.598, + "ndcg_at_1": 26.462000000000003, + "ndcg_at_10": 35.193000000000005, + "ndcg_at_100": 40.876000000000005, + "ndcg_at_1000": 43.442, + "ndcg_at_3": 30.724, + "ndcg_at_5": 32.735, + "precision_at_1": 26.462000000000003, + "precision_at_10": 6.438000000000001, + "precision_at_100": 1.093, + "precision_at_1000": 0.15, + "precision_at_3": 14.636, + "precision_at_5": 10.496, + "recall_at_1": 21.274, + "recall_at_10": 46.322, + "recall_at_100": 71.702, + "recall_at_1000": 89.405, + "recall_at_3": 33.444, + "recall_at_5": 38.83, + "main_score": 35.193000000000005 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.174000000000003, + "map_at_10": 42.798, + "map_at_100": 43.996, + "map_at_1000": 44.088, + "map_at_3": 39.255, + "map_at_5": 41.336, + "mrr_at_1": 37.22, + "mrr_at_10": 47.035, + "mrr_at_100": 47.833999999999996, + "mrr_at_1000": 47.88, + "mrr_at_3": 44.248, + "mrr_at_5": 45.815, + "ndcg_at_1": 37.22, + "ndcg_at_10": 48.931999999999995, + "ndcg_at_100": 53.991, + "ndcg_at_1000": 55.825, + "ndcg_at_3": 43.144, + "ndcg_at_5": 45.964, + "precision_at_1": 37.22, + "precision_at_10": 8.451, + "precision_at_100": 1.2189999999999999, + "precision_at_1000": 0.149, + "precision_at_3": 20.087, + "precision_at_5": 14.235000000000001, + "recall_at_1": 31.174000000000003, + "recall_at_10": 63.232, + "recall_at_100": 84.747, + "recall_at_1000": 97.006, + "recall_at_3": 47.087, + "recall_at_5": 54.493, + "main_score": 48.931999999999995 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.628, + "map_at_10": 39.995999999999995, + "map_at_100": 41.899, + "map_at_1000": 42.125, + "map_at_3": 36.345, + "map_at_5": 38.474000000000004, + "mrr_at_1": 36.364000000000004, + "mrr_at_10": 45.293, + "mrr_at_100": 46.278999999999996, + "mrr_at_1000": 46.318, + "mrr_at_3": 42.522999999999996, + "mrr_at_5": 44.104, + "ndcg_at_1": 36.364000000000004, + "ndcg_at_10": 46.622, + "ndcg_at_100": 52.617000000000004, + "ndcg_at_1000": 54.529, + "ndcg_at_3": 40.971999999999994, + "ndcg_at_5": 43.738, + "precision_at_1": 36.364000000000004, + "precision_at_10": 9.110999999999999, + "precision_at_100": 1.846, + "precision_at_1000": 0.256, + "precision_at_3": 19.236, + "precision_at_5": 14.269000000000002, + "recall_at_1": 29.628, + "recall_at_10": 58.706, + "recall_at_100": 85.116, + "recall_at_1000": 97.258, + "recall_at_3": 42.655, + "recall_at_5": 49.909, + "main_score": 46.622 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.499, + "map_at_10": 34.284, + "map_at_100": 35.416, + "map_at_1000": 35.494, + "map_at_3": 31.911, + "map_at_5": 33.159, + "mrr_at_1": 28.096, + "mrr_at_10": 36.699, + "mrr_at_100": 37.657000000000004, + "mrr_at_1000": 37.714999999999996, + "mrr_at_3": 34.72, + "mrr_at_5": 35.746, + "ndcg_at_1": 28.096, + "ndcg_at_10": 39.041, + "ndcg_at_100": 44.633, + "ndcg_at_1000": 46.522000000000006, + "ndcg_at_3": 34.663, + "ndcg_at_5": 36.538, + "precision_at_1": 28.096, + "precision_at_10": 6.0440000000000005, + "precision_at_100": 0.9520000000000001, + "precision_at_1000": 0.121, + "precision_at_3": 14.911, + "precision_at_5": 10.277, + "recall_at_1": 25.499, + "recall_at_10": 51.26199999999999, + "recall_at_100": 76.896, + "recall_at_1000": 90.763, + "recall_at_3": 39.376, + "recall_at_5": 43.785000000000004, + "main_score": 39.041 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/ClimateFEVER.json b/results/GritLM__GritLM-8x7B/external/ClimateFEVER.json new file mode 100644 index 000000000..d8e0f1b67 --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 10.532, + "map_at_10": 19.911, + "map_at_100": 21.926000000000002, + "map_at_1000": 22.113, + "map_at_3": 16.118, + "map_at_5": 18.043, + "mrr_at_1": 23.909, + "mrr_at_10": 37.029, + "mrr_at_100": 38.015, + "mrr_at_1000": 38.054, + "mrr_at_3": 33.29, + "mrr_at_5": 35.446, + "ndcg_at_1": 23.909, + "ndcg_at_10": 28.691, + "ndcg_at_100": 36.341, + "ndcg_at_1000": 39.644, + "ndcg_at_3": 22.561, + "ndcg_at_5": 24.779999999999998, + "precision_at_1": 23.909, + "precision_at_10": 9.433, + "precision_at_100": 1.763, + "precision_at_1000": 0.23800000000000002, + "precision_at_3": 17.438000000000002, + "precision_at_5": 13.758999999999999, + "recall_at_1": 10.532, + "recall_at_10": 36.079, + "recall_at_100": 62.156, + "recall_at_1000": 80.53099999999999, + "recall_at_3": 21.384, + "recall_at_5": 27.29, + "main_score": 28.691 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/DBPedia.json b/results/GritLM__GritLM-8x7B/external/DBPedia.json new file mode 100644 index 000000000..00c63a752 --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.483, + "map_at_10": 21.986, + "map_at_100": 31.319000000000003, + "map_at_1000": 33.231, + "map_at_3": 15.193000000000001, + "map_at_5": 18.116, + "mrr_at_1": 74.0, + "mrr_at_10": 80.047, + "mrr_at_100": 80.406, + "mrr_at_1000": 80.414, + "mrr_at_3": 78.667, + "mrr_at_5": 79.467, + "ndcg_at_1": 61.875, + "ndcg_at_10": 46.544999999999995, + "ndcg_at_100": 51.097, + "ndcg_at_1000": 58.331999999999994, + "ndcg_at_3": 51.622, + "ndcg_at_5": 49.016, + "precision_at_1": 74.0, + "precision_at_10": 37.325, + "precision_at_100": 11.743, + "precision_at_1000": 2.423, + "precision_at_3": 54.75, + "precision_at_5": 47.699999999999996, + "recall_at_1": 9.483, + "recall_at_10": 27.477, + "recall_at_100": 57.099999999999994, + "recall_at_1000": 80.56, + "recall_at_3": 16.543, + "recall_at_5": 20.830000000000002, + "main_score": 46.544999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/EmotionClassification.json b/results/GritLM__GritLM-8x7B/external/EmotionClassification.json new file mode 100644 index 000000000..56a79a155 --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 50.06, + "f1": 44.99375486940016, + "main_score": 50.06 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/FEVER.json b/results/GritLM__GritLM-8x7B/external/FEVER.json new file mode 100644 index 000000000..ca5537894 --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 70.94, + "map_at_10": 80.854, + "map_at_100": 81.096, + "map_at_1000": 81.109, + "map_at_3": 79.589, + "map_at_5": 80.431, + "mrr_at_1": 76.44800000000001, + "mrr_at_10": 85.07000000000001, + "mrr_at_100": 85.168, + "mrr_at_1000": 85.17, + "mrr_at_3": 84.221, + "mrr_at_5": 84.832, + "ndcg_at_1": 76.44800000000001, + "ndcg_at_10": 85.019, + "ndcg_at_100": 85.886, + "ndcg_at_1000": 86.09400000000001, + "ndcg_at_3": 83.023, + "ndcg_at_5": 84.223, + "precision_at_1": 76.44800000000001, + "precision_at_10": 10.405000000000001, + "precision_at_100": 1.105, + "precision_at_1000": 0.11399999999999999, + "precision_at_3": 32.208, + "precision_at_5": 20.122999999999998, + "recall_at_1": 70.94, + "recall_at_10": 93.508, + "recall_at_100": 96.962, + "recall_at_1000": 98.24300000000001, + "recall_at_3": 88.17099999999999, + "recall_at_5": 91.191, + "main_score": 85.019 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/FiQA2018.json b/results/GritLM__GritLM-8x7B/external/FiQA2018.json new file mode 100644 index 000000000..ab8abc8a2 --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.844, + "map_at_10": 41.629, + "map_at_100": 43.766, + "map_at_1000": 43.916, + "map_at_3": 35.992000000000004, + "map_at_5": 39.302, + "mrr_at_1": 45.988, + "mrr_at_10": 56.050999999999995, + "mrr_at_100": 56.741, + "mrr_at_1000": 56.767999999999994, + "mrr_at_3": 53.498000000000005, + "mrr_at_5": 55.071999999999996, + "ndcg_at_1": 45.988, + "ndcg_at_10": 49.891999999999996, + "ndcg_at_100": 56.727000000000004, + "ndcg_at_1000": 58.952000000000005, + "ndcg_at_3": 45.09, + "ndcg_at_5": 46.943, + "precision_at_1": 45.988, + "precision_at_10": 13.980999999999998, + "precision_at_100": 2.136, + "precision_at_1000": 0.252, + "precision_at_3": 30.556, + "precision_at_5": 22.778000000000002, + "recall_at_1": 23.844, + "recall_at_10": 58.46, + "recall_at_100": 82.811, + "recall_at_1000": 96.084, + "recall_at_3": 41.636, + "recall_at_5": 49.271, + "main_score": 49.891999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/HotpotQA.json b/results/GritLM__GritLM-8x7B/external/HotpotQA.json new file mode 100644 index 000000000..612bdd03a --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.108, + "map_at_10": 65.846, + "map_at_100": 66.691, + "map_at_1000": 66.743, + "map_at_3": 62.09, + "map_at_5": 64.412, + "mrr_at_1": 80.216, + "mrr_at_10": 85.768, + "mrr_at_100": 85.92699999999999, + "mrr_at_1000": 85.932, + "mrr_at_3": 85.012, + "mrr_at_5": 85.495, + "ndcg_at_1": 80.216, + "ndcg_at_10": 73.833, + "ndcg_at_100": 76.68, + "ndcg_at_1000": 77.639, + "ndcg_at_3": 68.7, + "ndcg_at_5": 71.514, + "precision_at_1": 80.216, + "precision_at_10": 15.616, + "precision_at_100": 1.783, + "precision_at_1000": 0.191, + "precision_at_3": 44.483, + "precision_at_5": 28.904999999999998, + "recall_at_1": 40.108, + "recall_at_10": 78.082, + "recall_at_100": 89.129, + "recall_at_1000": 95.381, + "recall_at_3": 66.725, + "recall_at_5": 72.262, + "main_score": 73.833 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/ImdbClassification.json b/results/GritLM__GritLM-8x7B/external/ImdbClassification.json new file mode 100644 index 000000000..24f96b225 --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 94.3208, + "ap": 91.64852216825692, + "f1": 94.31672442494217, + "main_score": 94.3208 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/MSMARCO.json b/results/GritLM__GritLM-8x7B/external/MSMARCO.json new file mode 100644 index 000000000..c288b3d4d --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.954, + "map_at_10": 28.605000000000004, + "map_at_100": 29.875, + "map_at_1000": 29.934, + "map_at_3": 24.57, + "map_at_5": 26.845000000000002, + "mrr_at_1": 17.407, + "mrr_at_10": 29.082, + "mrr_at_100": 30.309, + "mrr_at_1000": 30.361, + "mrr_at_3": 25.112000000000002, + "mrr_at_5": 27.37, + "ndcg_at_1": 17.407, + "ndcg_at_10": 35.555, + "ndcg_at_100": 41.808, + "ndcg_at_1000": 43.277, + "ndcg_at_3": 27.291999999999998, + "ndcg_at_5": 31.369999999999997, + "precision_at_1": 17.407, + "precision_at_10": 5.9670000000000005, + "precision_at_100": 0.9119999999999999, + "precision_at_1000": 0.104, + "precision_at_3": 11.939, + "precision_at_5": 9.223, + "recall_at_1": 16.954, + "recall_at_10": 57.216, + "recall_at_100": 86.384, + "recall_at_1000": 97.64, + "recall_at_3": 34.660999999999994, + "recall_at_5": 44.484, + "main_score": 35.555 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/MTOPDomainClassification.json b/results/GritLM__GritLM-8x7B/external/MTOPDomainClassification.json new file mode 100644 index 000000000..6a637324c --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 95.29183766529867, + "f1": 95.01282555921513, + "main_score": 95.29183766529867 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/MTOPIntentClassification.json b/results/GritLM__GritLM-8x7B/external/MTOPIntentClassification.json new file mode 100644 index 000000000..1604bb2f6 --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 87.07934336525307, + "f1": 69.58693991783085, + "main_score": 87.07934336525307 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/MassiveIntentClassification.json b/results/GritLM__GritLM-8x7B/external/MassiveIntentClassification.json new file mode 100644 index 000000000..cdd594811 --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.71755211835911, + "f1": 77.08207736007755, + "main_score": 79.71755211835911 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/MassiveScenarioClassification.json b/results/GritLM__GritLM-8x7B/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..b85efb49d --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 81.08607935440484, + "f1": 80.71191664406739, + "main_score": 81.08607935440484 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/MedrxivClusteringP2P.json b/results/GritLM__GritLM-8x7B/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..3bf0dd50b --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.5355083590869, + "main_score": 36.5355083590869 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/MedrxivClusteringS2S.json b/results/GritLM__GritLM-8x7B/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..20fbc0444 --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.24173539348128, + "main_score": 37.24173539348128 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/MindSmallReranking.json b/results/GritLM__GritLM-8x7B/external/MindSmallReranking.json new file mode 100644 index 000000000..5c705b382 --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 32.84293003435578, + "mrr": 34.09721970493348, + "main_score": 32.84293003435578 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/NFCorpus.json b/results/GritLM__GritLM-8x7B/external/NFCorpus.json new file mode 100644 index 000000000..8d121d8da --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.369, + "map_at_10": 14.892, + "map_at_100": 18.884999999999998, + "map_at_1000": 20.43, + "map_at_3": 10.735999999999999, + "map_at_5": 12.703000000000001, + "mrr_at_1": 50.15500000000001, + "mrr_at_10": 59.948, + "mrr_at_100": 60.422, + "mrr_at_1000": 60.455999999999996, + "mrr_at_3": 58.204, + "mrr_at_5": 59.35, + "ndcg_at_1": 47.678, + "ndcg_at_10": 39.050000000000004, + "ndcg_at_100": 35.905, + "ndcg_at_1000": 44.662, + "ndcg_at_3": 44.781, + "ndcg_at_5": 42.549, + "precision_at_1": 49.226, + "precision_at_10": 28.762, + "precision_at_100": 8.767999999999999, + "precision_at_1000": 2.169, + "precision_at_3": 41.796, + "precision_at_5": 37.09, + "recall_at_1": 6.369, + "recall_at_10": 19.842000000000002, + "recall_at_100": 37.017, + "recall_at_1000": 68.444, + "recall_at_3": 12.446, + "recall_at_5": 15.525, + "main_score": 39.050000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/NQ.json b/results/GritLM__GritLM-8x7B/external/NQ.json new file mode 100644 index 000000000..09b72050a --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 39.663, + "map_at_10": 56.252, + "map_at_100": 57.018, + "map_at_1000": 57.031, + "map_at_3": 52.020999999999994, + "map_at_5": 54.626, + "mrr_at_1": 44.699, + "mrr_at_10": 58.819, + "mrr_at_100": 59.351, + "mrr_at_1000": 59.358, + "mrr_at_3": 55.615, + "mrr_at_5": 57.598000000000006, + "ndcg_at_1": 44.699, + "ndcg_at_10": 63.873999999999995, + "ndcg_at_100": 66.973, + "ndcg_at_1000": 67.23700000000001, + "ndcg_at_3": 56.25599999999999, + "ndcg_at_5": 60.44199999999999, + "precision_at_1": 44.699, + "precision_at_10": 10.075000000000001, + "precision_at_100": 1.185, + "precision_at_1000": 0.121, + "precision_at_3": 25.202999999999996, + "precision_at_5": 17.584, + "recall_at_1": 39.663, + "recall_at_10": 84.313, + "recall_at_100": 97.56700000000001, + "recall_at_1000": 99.44, + "recall_at_3": 64.938, + "recall_at_5": 74.515, + "main_score": 63.873999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/QuoraRetrieval.json b/results/GritLM__GritLM-8x7B/external/QuoraRetrieval.json new file mode 100644 index 000000000..fb1829432 --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 69.708, + "map_at_10": 83.86099999999999, + "map_at_100": 84.513, + "map_at_1000": 84.53, + "map_at_3": 80.854, + "map_at_5": 82.757, + "mrr_at_1": 80.15, + "mrr_at_10": 86.70400000000001, + "mrr_at_100": 86.81400000000001, + "mrr_at_1000": 86.815, + "mrr_at_3": 85.658, + "mrr_at_5": 86.37599999999999, + "ndcg_at_1": 80.17, + "ndcg_at_10": 87.7, + "ndcg_at_100": 88.979, + "ndcg_at_1000": 89.079, + "ndcg_at_3": 84.71600000000001, + "ndcg_at_5": 86.385, + "precision_at_1": 80.17, + "precision_at_10": 13.369, + "precision_at_100": 1.53, + "precision_at_1000": 0.157, + "precision_at_3": 37.123, + "precision_at_5": 24.498, + "recall_at_1": 69.708, + "recall_at_10": 95.17099999999999, + "recall_at_100": 99.529, + "recall_at_1000": 99.97500000000001, + "recall_at_3": 86.761, + "recall_at_5": 91.34, + "main_score": 87.7 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/RedditClustering.json b/results/GritLM__GritLM-8x7B/external/RedditClustering.json new file mode 100644 index 000000000..1f55d858c --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 63.005610557842786, + "main_score": 63.005610557842786 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/RedditClusteringP2P.json b/results/GritLM__GritLM-8x7B/external/RedditClusteringP2P.json new file mode 100644 index 000000000..2dfc13d0b --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 65.85897055439158, + "main_score": 65.85897055439158 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/SCIDOCS.json b/results/GritLM__GritLM-8x7B/external/SCIDOCS.json new file mode 100644 index 000000000..a27ed3982 --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.388, + "map_at_10": 14.087, + "map_at_100": 16.618, + "map_at_1000": 16.967, + "map_at_3": 9.8, + "map_at_5": 11.907, + "mrr_at_1": 26.5, + "mrr_at_10": 37.905, + "mrr_at_100": 39.053, + "mrr_at_1000": 39.091, + "mrr_at_3": 34.567, + "mrr_at_5": 36.307, + "ndcg_at_1": 26.5, + "ndcg_at_10": 23.06, + "ndcg_at_100": 32.164, + "ndcg_at_1000": 37.574000000000005, + "ndcg_at_3": 21.623, + "ndcg_at_5": 18.95, + "precision_at_1": 26.5, + "precision_at_10": 12.030000000000001, + "precision_at_100": 2.5020000000000002, + "precision_at_1000": 0.379, + "precision_at_3": 20.200000000000003, + "precision_at_5": 16.64, + "recall_at_1": 5.388, + "recall_at_10": 24.375, + "recall_at_100": 50.818, + "recall_at_1000": 76.86699999999999, + "recall_at_3": 12.273, + "recall_at_5": 16.858, + "main_score": 23.06 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/SICK-R.json b/results/GritLM__GritLM-8x7B/external/SICK-R.json new file mode 100644 index 000000000..9bd2f4cb3 --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.09465497223438, + "cos_sim_spearman": 80.55601111843897, + "euclidean_pearson": 82.40135168520864, + "euclidean_spearman": 80.05606361845396, + "manhattan_pearson": 82.24092291787754, + "manhattan_spearman": 79.89739846820373, + "cosine_pearson": 85.09465497223438, + "cosine_spearman": 80.55601111843897, + "main_score": 80.55601111843897 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/STS12.json b/results/GritLM__GritLM-8x7B/external/STS12.json new file mode 100644 index 000000000..f5352f174 --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.14210597635189, + "cos_sim_spearman": 73.69447481152118, + "euclidean_pearson": 75.08507068029972, + "euclidean_spearman": 71.04077458564372, + "manhattan_pearson": 75.64918699307383, + "manhattan_spearman": 71.61677355593945, + "cosine_pearson": 81.14210597635189, + "cosine_spearman": 73.69447481152118, + "main_score": 73.69447481152118 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/STS13.json b/results/GritLM__GritLM-8x7B/external/STS13.json new file mode 100644 index 000000000..d4b084f92 --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.41396417076866, + "cos_sim_spearman": 85.82245898186092, + "euclidean_pearson": 85.58527168297935, + "euclidean_spearman": 85.94613250938504, + "manhattan_pearson": 85.88114899068759, + "manhattan_spearman": 86.42494392145366, + "cosine_pearson": 85.41396417076866, + "cosine_spearman": 85.82245898186092, + "main_score": 85.82245898186092 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/STS14.json b/results/GritLM__GritLM-8x7B/external/STS14.json new file mode 100644 index 000000000..4e89b6237 --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.7431948980468, + "cos_sim_spearman": 82.05114289801895, + "euclidean_pearson": 83.06116666914892, + "euclidean_spearman": 81.82060562251957, + "manhattan_pearson": 83.1858437025367, + "manhattan_spearman": 82.09604293088852, + "cosine_pearson": 83.7431948980468, + "cosine_spearman": 82.05114289801895, + "main_score": 82.05114289801895 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/STS15.json b/results/GritLM__GritLM-8x7B/external/STS15.json new file mode 100644 index 000000000..e12c91286 --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.455985912287, + "cos_sim_spearman": 88.8044343107975, + "euclidean_pearson": 87.155336804123, + "euclidean_spearman": 87.79371420531842, + "manhattan_pearson": 87.5784376507174, + "manhattan_spearman": 88.429877987816, + "cosine_pearson": 88.455985912287, + "cosine_spearman": 88.8044343107975, + "main_score": 88.8044343107975 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/STS16.json b/results/GritLM__GritLM-8x7B/external/STS16.json new file mode 100644 index 000000000..4c6530020 --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.1631000795076, + "cos_sim_spearman": 86.20042158061408, + "euclidean_pearson": 84.88605965960737, + "euclidean_spearman": 85.45926745772432, + "manhattan_pearson": 85.18333987666729, + "manhattan_spearman": 85.86048911387192, + "cosine_pearson": 85.1631000795076, + "cosine_spearman": 86.20042158061408, + "main_score": 86.20042158061408 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/STS17.json b/results/GritLM__GritLM-8x7B/external/STS17.json new file mode 100644 index 000000000..04f6a4773 --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 91.51301667439836, + "cos_sim_spearman": 91.46469919011143, + "euclidean_pearson": 91.15157693133415, + "euclidean_spearman": 91.02656400119739, + "manhattan_pearson": 91.08411259466446, + "manhattan_spearman": 90.84339904461068, + "cosine_pearson": 91.51301667439836, + "cosine_spearman": 91.46469919011143, + "main_score": 91.46469919011143 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/STS22.json b/results/GritLM__GritLM-8x7B/external/STS22.json new file mode 100644 index 000000000..6ee4e189d --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "eea2b4fe26a775864c896887d910b76a8098ad3f", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 69.08993728439704, + "cos_sim_spearman": 69.20885645170797, + "euclidean_pearson": 69.65638507632245, + "euclidean_spearman": 68.69831912688514, + "manhattan_pearson": 69.86621764969294, + "manhattan_spearman": 69.05446631856769, + "cosine_pearson": 69.08993728439704, + "cosine_spearman": 69.20885645170797, + "main_score": 69.20885645170797 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/STSBenchmark.json b/results/GritLM__GritLM-8x7B/external/STSBenchmark.json new file mode 100644 index 000000000..a451ae531 --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.96149243197495, + "cos_sim_spearman": 87.43145597912833, + "euclidean_pearson": 86.6762329641158, + "euclidean_spearman": 86.67085254401809, + "manhattan_pearson": 87.06412701458164, + "manhattan_spearman": 87.10197412769807, + "cosine_pearson": 86.96149243197495, + "cosine_spearman": 87.43145597912833, + "main_score": 87.43145597912833 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/SciDocsRR.json b/results/GritLM__GritLM-8x7B/external/SciDocsRR.json new file mode 100644 index 000000000..698622ee1 --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 86.43440918697488, + "mrr": 96.3954826945023, + "main_score": 86.43440918697488 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/SciFact.json b/results/GritLM__GritLM-8x7B/external/SciFact.json new file mode 100644 index 000000000..fdf534b27 --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 60.494, + "map_at_10": 72.074, + "map_at_100": 72.475, + "map_at_1000": 72.483, + "map_at_3": 68.983, + "map_at_5": 71.161, + "mrr_at_1": 63.666999999999994, + "mrr_at_10": 73.31299999999999, + "mrr_at_100": 73.566, + "mrr_at_1000": 73.574, + "mrr_at_3": 71.111, + "mrr_at_5": 72.72800000000001, + "ndcg_at_1": 63.666999999999994, + "ndcg_at_10": 77.024, + "ndcg_at_100": 78.524, + "ndcg_at_1000": 78.842, + "ndcg_at_3": 72.019, + "ndcg_at_5": 75.22999999999999, + "precision_at_1": 63.666999999999994, + "precision_at_10": 10.2, + "precision_at_100": 1.103, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 28.111000000000004, + "precision_at_5": 19.0, + "recall_at_1": 60.494, + "recall_at_10": 90.8, + "recall_at_100": 97.333, + "recall_at_1000": 100.0, + "recall_at_3": 77.644, + "recall_at_5": 85.694, + "main_score": 77.024 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/SprintDuplicateQuestions.json b/results/GritLM__GritLM-8x7B/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..7d10fd684 --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.68415841584158, + "cos_sim_ap": 91.23713949701548, + "cos_sim_f1": 83.70221327967808, + "cos_sim_precision": 84.21052631578947, + "cos_sim_recall": 83.2, + "dot_accuracy": 99.5, + "dot_ap": 79.46312132270363, + "dot_f1": 72.75320970042794, + "dot_precision": 69.35630099728014, + "dot_recall": 76.5, + "euclidean_accuracy": 99.69108910891089, + "euclidean_ap": 90.9016163254649, + "euclidean_f1": 83.91752577319586, + "euclidean_precision": 86.59574468085106, + "euclidean_recall": 81.39999999999999, + "manhattan_accuracy": 99.7039603960396, + "manhattan_ap": 91.5593806619311, + "manhattan_f1": 85.08124076809453, + "manhattan_precision": 83.80213385063045, + "manhattan_recall": 86.4, + "max_accuracy": 99.7039603960396, + "max_ap": 91.5593806619311, + "max_f1": 85.08124076809453, + "main_score": 91.5593806619311 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/StackExchangeClustering.json b/results/GritLM__GritLM-8x7B/external/StackExchangeClustering.json new file mode 100644 index 000000000..890f4e28a --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 74.40806543281603, + "main_score": 74.40806543281603 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/StackExchangeClusteringP2P.json b/results/GritLM__GritLM-8x7B/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..be23d28ae --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.51757703316821, + "main_score": 38.51757703316821 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/StackOverflowDupQuestions.json b/results/GritLM__GritLM-8x7B/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..4ef978997 --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 54.33475593449746, + "mrr": 55.3374474789916, + "main_score": 54.33475593449746 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/SummEval.json b/results/GritLM__GritLM-8x7B/external/SummEval.json new file mode 100644 index 000000000..763b13961 --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.249926396023596, + "cos_sim_spearman": 29.820375700458158, + "dot_pearson": 28.820307635930355, + "dot_spearman": 28.824273052746825, + "cosine_pearson": 30.249926396023596, + "cosine_spearman": 29.820375700458158, + "main_score": 29.820375700458158 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/TRECCOVID.json b/results/GritLM__GritLM-8x7B/external/TRECCOVID.json new file mode 100644 index 000000000..699b67fb9 --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.233, + "map_at_10": 2.061, + "map_at_100": 12.607, + "map_at_1000": 30.031000000000002, + "map_at_3": 0.6669999999999999, + "map_at_5": 1.091, + "mrr_at_1": 88.0, + "mrr_at_10": 93.067, + "mrr_at_100": 93.067, + "mrr_at_1000": 93.067, + "mrr_at_3": 92.667, + "mrr_at_5": 93.067, + "ndcg_at_1": 84.0, + "ndcg_at_10": 81.072, + "ndcg_at_100": 62.875, + "ndcg_at_1000": 55.641, + "ndcg_at_3": 85.296, + "ndcg_at_5": 84.10499999999999, + "precision_at_1": 88.0, + "precision_at_10": 83.39999999999999, + "precision_at_100": 63.7, + "precision_at_1000": 24.622, + "precision_at_3": 88.0, + "precision_at_5": 87.2, + "recall_at_1": 0.233, + "recall_at_10": 2.188, + "recall_at_100": 15.52, + "recall_at_1000": 52.05499999999999, + "recall_at_3": 0.6859999999999999, + "recall_at_5": 1.1440000000000001, + "main_score": 81.072 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/Touche2020.json b/results/GritLM__GritLM-8x7B/external/Touche2020.json new file mode 100644 index 000000000..6baff08f6 --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.19, + "map_at_10": 11.491999999999999, + "map_at_100": 17.251, + "map_at_1000": 18.795, + "map_at_3": 6.146, + "map_at_5": 8.113, + "mrr_at_1": 44.897999999999996, + "mrr_at_10": 56.57, + "mrr_at_100": 57.348, + "mrr_at_1000": 57.357, + "mrr_at_3": 52.041000000000004, + "mrr_at_5": 55.408, + "ndcg_at_1": 40.816, + "ndcg_at_10": 27.968, + "ndcg_at_100": 39.0, + "ndcg_at_1000": 50.292, + "ndcg_at_3": 31.256, + "ndcg_at_5": 28.855999999999998, + "precision_at_1": 44.897999999999996, + "precision_at_10": 24.285999999999998, + "precision_at_100": 7.898, + "precision_at_1000": 1.541, + "precision_at_3": 30.612000000000002, + "precision_at_5": 27.346999999999998, + "recall_at_1": 3.19, + "recall_at_10": 17.954, + "recall_at_100": 48.793, + "recall_at_1000": 83.357, + "recall_at_3": 6.973999999999999, + "recall_at_5": 10.391, + "main_score": 27.968 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/ToxicConversationsClassification.json b/results/GritLM__GritLM-8x7B/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..c6c7766e6 --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.89139999999999, + "ap": 15.562539739828049, + "f1": 55.38685639741247, + "main_score": 70.89139999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/TweetSentimentExtractionClassification.json b/results/GritLM__GritLM-8x7B/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..6b73560bb --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 62.48160724391625, + "f1": 62.76700854121342, + "main_score": 62.48160724391625 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/TwentyNewsgroupsClustering.json b/results/GritLM__GritLM-8x7B/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..19542b212 --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 57.157071531498275, + "main_score": 57.157071531498275 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/TwitterSemEval2015.json b/results/GritLM__GritLM-8x7B/external/TwitterSemEval2015.json new file mode 100644 index 000000000..d552ea189 --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 87.15503367705789, + "cos_sim_ap": 77.20584529783206, + "cos_sim_f1": 71.3558088770313, + "cos_sim_precision": 66.02333931777379, + "cos_sim_recall": 77.62532981530343, + "dot_accuracy": 83.10186564940096, + "dot_ap": 64.34160146443133, + "dot_f1": 63.23048153342683, + "dot_precision": 56.75618967687789, + "dot_recall": 71.37203166226914, + "euclidean_accuracy": 86.94045419324074, + "euclidean_ap": 76.08471767931738, + "euclidean_f1": 71.41248592518455, + "euclidean_precision": 67.90387818225078, + "euclidean_recall": 75.30343007915567, + "manhattan_accuracy": 86.80932228646361, + "manhattan_ap": 76.03862870753638, + "manhattan_f1": 71.2660917385327, + "manhattan_precision": 67.70363334124912, + "manhattan_recall": 75.22427440633246, + "max_accuracy": 87.15503367705789, + "max_ap": 77.20584529783206, + "max_f1": 71.41248592518455, + "main_score": 77.20584529783206 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/TwitterURLCorpus.json b/results/GritLM__GritLM-8x7B/external/TwitterURLCorpus.json new file mode 100644 index 000000000..457be45db --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.42639810610471, + "cos_sim_ap": 86.45196525133669, + "cos_sim_f1": 79.25172592977508, + "cos_sim_precision": 76.50852802063925, + "cos_sim_recall": 82.19895287958116, + "dot_accuracy": 87.03768385919976, + "dot_ap": 80.86465404774172, + "dot_f1": 74.50351637940457, + "dot_precision": 70.72293324109305, + "dot_recall": 78.71111795503542, + "euclidean_accuracy": 89.29056545193464, + "euclidean_ap": 86.25102188096191, + "euclidean_f1": 79.05038057267126, + "euclidean_precision": 74.681550472538, + "euclidean_recall": 83.9621188789652, + "manhattan_accuracy": 89.34877944657896, + "manhattan_ap": 86.35336214205911, + "manhattan_f1": 79.20192588269623, + "manhattan_precision": 75.24951483227058, + "manhattan_recall": 83.59254696643055, + "max_accuracy": 89.42639810610471, + "max_ap": 86.45196525133669, + "max_f1": 79.25172592977508, + "main_score": 86.45196525133669 + } + ] + } +} \ No newline at end of file diff --git a/results/GritLM__GritLM-8x7B/external/model_meta.json b/results/GritLM__GritLM-8x7B/external/model_meta.json new file mode 100644 index 000000000..96add21ba --- /dev/null +++ b/results/GritLM__GritLM-8x7B/external/model_meta.json @@ -0,0 +1,20 @@ +{ + "name": "GritLM/GritLM-8x7B", + "revision": "7f089b13e3345510281733ca1e6ff871b5b4bc76", + "release_date": "2024-02-11", + "languages": [], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": null, + "embed_dim": null, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/AFQMC.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/AFQMC.json new file mode 100644 index 000000000..c159731be --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/AFQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b44c3b011063adb25877c13823db83bb193913c4", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 38.59465613249044, + "cosine_spearman": 39.876884773191065, + "euclidean_pearson": 38.370163017159996, + "euclidean_spearman": 39.87692498028858, + "main_score": 39.876884773191065, + "manhattan_pearson": 38.058013850119785, + "manhattan_spearman": 39.531271872106856, + "pearson": 38.59465613249044, + "spearman": 39.876884773191065 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/ATEC.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/ATEC.json new file mode 100644 index 000000000..d40ee0638 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/ATEC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "0f319b1142f28d00e055a6770f3f726ae9b7d865", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 46.457799031090666, + "cosine_spearman": 47.170032935367935, + "euclidean_pearson": 49.399858337266004, + "euclidean_spearman": 47.17003293450119, + "main_score": 47.170032935367935, + "manhattan_pearson": 49.19428772786887, + "manhattan_spearman": 46.94649743167009, + "pearson": 46.457799031090666, + "spearman": 47.170032935367935 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/AllegroReviews.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/AllegroReviews.json new file mode 100644 index 000000000..86e36e04b --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/AllegroReviews.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "b89853e6de927b0e3bfa8ecc0e56fe4e02ceafc6", + "task_name": "AllegroReviews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 53.48906560636182, + "f1": 41.948000361532074, + "f1_weighted": 50.64284561538599, + "main_score": 53.48906560636182 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/AlloProfClusteringP2P.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/AlloProfClusteringP2P.json new file mode 100644 index 000000000..a16e240c2 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/AlloProfClusteringP2P.json @@ -0,0 +1,175 @@ +{ + "dataset_revision": "392ba3f5bcc8c51f578786c1fc3dae648662cb9b", + "task_name": "AlloProfClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "main_score": 66.7100274116735, + "v_measure": 66.7100274116735, + "v_measure_std": 2.065600197695283 + }, + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "main_score": 47.67572024379311, + "v_measure": 47.67572024379311, + "v_measure_std": 3.1905282169494953 + }, + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "main_score": 50.638000000000005, + "map_at_1": 33.161, + "map_at_10": 44.698, + "map_at_100": 45.596, + "map_at_1000": 45.635999999999996, + "map_at_20": 45.265, + "map_at_3": 41.703, + "map_at_5": 43.488, + "mrr_at_1": 33.160621761658035, + "mrr_at_10": 44.697771883652734, + "mrr_at_100": 45.59624815182174, + "mrr_at_1000": 45.63609361771601, + "mrr_at_20": 45.26480516767501, + "mrr_at_3": 41.70264824409908, + "mrr_at_5": 43.488054116292574, + "nauc_map_at_1000_diff1": 38.49809004106204, + "nauc_map_at_1000_max": 31.640827883359986, + "nauc_map_at_1000_std": 2.5944833693677563, + "nauc_map_at_100_diff1": 38.47974017961114, + "nauc_map_at_100_max": 31.6745580307424, + "nauc_map_at_100_std": 2.6197669693649965, + "nauc_map_at_10_diff1": 38.43029274269754, + "nauc_map_at_10_max": 31.669351274164402, + "nauc_map_at_10_std": 2.2938216424530955, + "nauc_map_at_1_diff1": 42.39449280665502, + "nauc_map_at_1_max": 27.396202491464315, + "nauc_map_at_1_std": 0.39154393747181304, + "nauc_map_at_20_diff1": 38.44710465218088, + "nauc_map_at_20_max": 31.618626111686442, + "nauc_map_at_20_std": 2.5092690901463994, + "nauc_map_at_3_diff1": 38.68180058655341, + "nauc_map_at_3_max": 30.48704606797293, + "nauc_map_at_3_std": 1.6764325554613773, + "nauc_map_at_5_diff1": 38.27528363570654, + "nauc_map_at_5_max": 31.105696409714735, + "nauc_map_at_5_std": 2.3132867223174043, + "nauc_mrr_at_1000_diff1": 38.49809004106204, + "nauc_mrr_at_1000_max": 31.640827883359986, + "nauc_mrr_at_1000_std": 2.5944833693677563, + "nauc_mrr_at_100_diff1": 38.47974017961114, + "nauc_mrr_at_100_max": 31.6745580307424, + "nauc_mrr_at_100_std": 2.6197669693649965, + "nauc_mrr_at_10_diff1": 38.43029274269754, + "nauc_mrr_at_10_max": 31.669351274164402, + "nauc_mrr_at_10_std": 2.2938216424530955, + "nauc_mrr_at_1_diff1": 42.39449280665502, + "nauc_mrr_at_1_max": 27.396202491464315, + "nauc_mrr_at_1_std": 0.39154393747181304, + "nauc_mrr_at_20_diff1": 38.44710465218088, + "nauc_mrr_at_20_max": 31.618626111686442, + "nauc_mrr_at_20_std": 2.5092690901463994, + "nauc_mrr_at_3_diff1": 38.68180058655341, + "nauc_mrr_at_3_max": 30.48704606797293, + "nauc_mrr_at_3_std": 1.6764325554613773, + "nauc_mrr_at_5_diff1": 38.27528363570654, + "nauc_mrr_at_5_max": 31.105696409714735, + "nauc_mrr_at_5_std": 2.3132867223174043, + "nauc_ndcg_at_1000_diff1": 37.94639112622322, + "nauc_ndcg_at_1000_max": 33.25000406312992, + "nauc_ndcg_at_1000_std": 3.927246572224288, + "nauc_ndcg_at_100_diff1": 37.488139235799, + "nauc_ndcg_at_100_max": 34.38011697151766, + "nauc_ndcg_at_100_std": 4.94760159362139, + "nauc_ndcg_at_10_diff1": 37.318669958427996, + "nauc_ndcg_at_10_max": 34.19162673981376, + "nauc_ndcg_at_10_std": 3.2011892955083256, + "nauc_ndcg_at_1_diff1": 42.39449280665502, + "nauc_ndcg_at_1_max": 27.396202491464315, + "nauc_ndcg_at_1_std": 0.39154393747181304, + "nauc_ndcg_at_20_diff1": 37.290108058390985, + "nauc_ndcg_at_20_max": 34.108858641349556, + "nauc_ndcg_at_20_std": 4.169459504439506, + "nauc_ndcg_at_3_diff1": 37.62224828453568, + "nauc_ndcg_at_3_max": 31.519305313909218, + "nauc_ndcg_at_3_std": 2.087339522812091, + "nauc_ndcg_at_5_diff1": 36.888334499663785, + "nauc_ndcg_at_5_max": 32.6601407781184, + "nauc_ndcg_at_5_std": 3.2124484680546175, + "nauc_precision_at_1000_diff1": 59.19282490825572, + "nauc_precision_at_1000_max": 68.32089152822621, + "nauc_precision_at_1000_std": 67.77161809421868, + "nauc_precision_at_100_diff1": 29.47575945272322, + "nauc_precision_at_100_max": 63.42195725833949, + "nauc_precision_at_100_std": 34.923105379547344, + "nauc_precision_at_10_diff1": 33.52501919318297, + "nauc_precision_at_10_max": 44.49893440034256, + "nauc_precision_at_10_std": 6.680426129369459, + "nauc_precision_at_1_diff1": 42.39449280665502, + "nauc_precision_at_1_max": 27.396202491464315, + "nauc_precision_at_1_std": 0.39154393747181304, + "nauc_precision_at_20_diff1": 32.17682672599943, + "nauc_precision_at_20_max": 46.87049521936974, + "nauc_precision_at_20_std": 13.53258332473726, + "nauc_precision_at_3_diff1": 34.54132207851944, + "nauc_precision_at_3_max": 34.574775459010255, + "nauc_precision_at_3_std": 3.298031208443393, + "nauc_precision_at_5_diff1": 32.475852196639195, + "nauc_precision_at_5_max": 37.73978486643185, + "nauc_precision_at_5_std": 6.185472179658329, + "nauc_recall_at_1000_diff1": 59.19282490825427, + "nauc_recall_at_1000_max": 68.32089152822542, + "nauc_recall_at_1000_std": 67.77161809421989, + "nauc_recall_at_100_diff1": 29.475759452723388, + "nauc_recall_at_100_max": 63.421957258339425, + "nauc_recall_at_100_std": 34.92310537954746, + "nauc_recall_at_10_diff1": 33.525019193182956, + "nauc_recall_at_10_max": 44.498934400342485, + "nauc_recall_at_10_std": 6.680426129369434, + "nauc_recall_at_1_diff1": 42.39449280665502, + "nauc_recall_at_1_max": 27.396202491464315, + "nauc_recall_at_1_std": 0.39154393747181304, + "nauc_recall_at_20_diff1": 32.17682672599945, + "nauc_recall_at_20_max": 46.87049521936974, + "nauc_recall_at_20_std": 13.53258332473721, + "nauc_recall_at_3_diff1": 34.54132207851946, + "nauc_recall_at_3_max": 34.5747754590102, + "nauc_recall_at_3_std": 3.2980312084433936, + "nauc_recall_at_5_diff1": 32.47585219663912, + "nauc_recall_at_5_max": 37.73978486643183, + "nauc_recall_at_5_std": 6.18547217965832, + "ndcg_at_1": 33.161, + "ndcg_at_10": 50.638000000000005, + "ndcg_at_100": 55.076, + "ndcg_at_1000": 56.18300000000001, + "ndcg_at_20": 52.681, + "ndcg_at_3": 44.488, + "ndcg_at_5": 47.705999999999996, + "precision_at_1": 33.161, + "precision_at_10": 6.9430000000000005, + "precision_at_100": 0.9039999999999999, + "precision_at_1000": 0.099, + "precision_at_20": 3.873, + "precision_at_3": 17.516000000000002, + "precision_at_5": 12.073, + "recall_at_1": 33.161, + "recall_at_10": 69.43, + "recall_at_100": 90.371, + "recall_at_1000": 99.18, + "recall_at_20": 77.461, + "recall_at_3": 52.547, + "recall_at_5": 60.363 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/AlloprofReranking.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/AlloprofReranking.json new file mode 100644 index 000000000..efbbf3b98 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/AlloprofReranking.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "65393d0d7a08a10b4e348135e824f385d420b0fd", + "task_name": "AlloprofReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "main_score": 75.04647907753767, + "map": 75.04647907753767, + "mrr": 76.25801875154207, + "nAUC_map_diff1": 56.38279442235466, + "nAUC_map_max": 20.009630947768642, + "nAUC_map_std": 21.626818227466185, + "nAUC_mrr_diff1": 56.33463291672874, + "nAUC_mrr_max": 20.472794140230853, + "nAUC_mrr_std": 21.491759650866392 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/AlloprofRetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/AlloprofRetrieval.json new file mode 100644 index 000000000..1a06d8806 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/AlloprofRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "fcf295ea64c750f41fadbaa37b9b861558e1bfbd", + "task_name": "AlloprofRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "main_score": 50.638000000000005, + "map_at_1": 33.161, + "map_at_10": 44.698, + "map_at_100": 45.596, + "map_at_1000": 45.635999999999996, + "map_at_20": 45.265, + "map_at_3": 41.703, + "map_at_5": 43.488, + "mrr_at_1": 33.160621761658035, + "mrr_at_10": 44.697771883652734, + "mrr_at_100": 45.59624815182174, + "mrr_at_1000": 45.63609361771601, + "mrr_at_20": 45.26480516767501, + "mrr_at_3": 41.70264824409908, + "mrr_at_5": 43.488054116292574, + "nauc_map_at_1000_diff1": 38.49809004106204, + "nauc_map_at_1000_max": 31.640827883359986, + "nauc_map_at_1000_std": 2.5944833693677563, + "nauc_map_at_100_diff1": 38.47974017961114, + "nauc_map_at_100_max": 31.6745580307424, + "nauc_map_at_100_std": 2.6197669693649965, + "nauc_map_at_10_diff1": 38.43029274269754, + "nauc_map_at_10_max": 31.669351274164402, + "nauc_map_at_10_std": 2.2938216424530955, + "nauc_map_at_1_diff1": 42.39449280665502, + "nauc_map_at_1_max": 27.396202491464315, + "nauc_map_at_1_std": 0.39154393747181304, + "nauc_map_at_20_diff1": 38.44710465218088, + "nauc_map_at_20_max": 31.618626111686442, + "nauc_map_at_20_std": 2.5092690901463994, + "nauc_map_at_3_diff1": 38.68180058655341, + "nauc_map_at_3_max": 30.48704606797293, + "nauc_map_at_3_std": 1.6764325554613773, + "nauc_map_at_5_diff1": 38.27528363570654, + "nauc_map_at_5_max": 31.105696409714735, + "nauc_map_at_5_std": 2.3132867223174043, + "nauc_mrr_at_1000_diff1": 38.49809004106204, + "nauc_mrr_at_1000_max": 31.640827883359986, + "nauc_mrr_at_1000_std": 2.5944833693677563, + "nauc_mrr_at_100_diff1": 38.47974017961114, + "nauc_mrr_at_100_max": 31.6745580307424, + "nauc_mrr_at_100_std": 2.6197669693649965, + "nauc_mrr_at_10_diff1": 38.43029274269754, + "nauc_mrr_at_10_max": 31.669351274164402, + "nauc_mrr_at_10_std": 2.2938216424530955, + "nauc_mrr_at_1_diff1": 42.39449280665502, + "nauc_mrr_at_1_max": 27.396202491464315, + "nauc_mrr_at_1_std": 0.39154393747181304, + "nauc_mrr_at_20_diff1": 38.44710465218088, + "nauc_mrr_at_20_max": 31.618626111686442, + "nauc_mrr_at_20_std": 2.5092690901463994, + "nauc_mrr_at_3_diff1": 38.68180058655341, + "nauc_mrr_at_3_max": 30.48704606797293, + "nauc_mrr_at_3_std": 1.6764325554613773, + "nauc_mrr_at_5_diff1": 38.27528363570654, + "nauc_mrr_at_5_max": 31.105696409714735, + "nauc_mrr_at_5_std": 2.3132867223174043, + "nauc_ndcg_at_1000_diff1": 37.94639112622322, + "nauc_ndcg_at_1000_max": 33.25000406312992, + "nauc_ndcg_at_1000_std": 3.927246572224288, + "nauc_ndcg_at_100_diff1": 37.488139235799, + "nauc_ndcg_at_100_max": 34.38011697151766, + "nauc_ndcg_at_100_std": 4.94760159362139, + "nauc_ndcg_at_10_diff1": 37.318669958427996, + "nauc_ndcg_at_10_max": 34.19162673981376, + "nauc_ndcg_at_10_std": 3.2011892955083256, + "nauc_ndcg_at_1_diff1": 42.39449280665502, + "nauc_ndcg_at_1_max": 27.396202491464315, + "nauc_ndcg_at_1_std": 0.39154393747181304, + "nauc_ndcg_at_20_diff1": 37.290108058390985, + "nauc_ndcg_at_20_max": 34.108858641349556, + "nauc_ndcg_at_20_std": 4.169459504439506, + "nauc_ndcg_at_3_diff1": 37.62224828453568, + "nauc_ndcg_at_3_max": 31.519305313909218, + "nauc_ndcg_at_3_std": 2.087339522812091, + "nauc_ndcg_at_5_diff1": 36.888334499663785, + "nauc_ndcg_at_5_max": 32.6601407781184, + "nauc_ndcg_at_5_std": 3.2124484680546175, + "nauc_precision_at_1000_diff1": 59.19282490825572, + "nauc_precision_at_1000_max": 68.32089152822621, + "nauc_precision_at_1000_std": 67.77161809421868, + "nauc_precision_at_100_diff1": 29.47575945272322, + "nauc_precision_at_100_max": 63.42195725833949, + "nauc_precision_at_100_std": 34.923105379547344, + "nauc_precision_at_10_diff1": 33.52501919318297, + "nauc_precision_at_10_max": 44.49893440034256, + "nauc_precision_at_10_std": 6.680426129369459, + "nauc_precision_at_1_diff1": 42.39449280665502, + "nauc_precision_at_1_max": 27.396202491464315, + "nauc_precision_at_1_std": 0.39154393747181304, + "nauc_precision_at_20_diff1": 32.17682672599943, + "nauc_precision_at_20_max": 46.87049521936974, + "nauc_precision_at_20_std": 13.53258332473726, + "nauc_precision_at_3_diff1": 34.54132207851944, + "nauc_precision_at_3_max": 34.574775459010255, + "nauc_precision_at_3_std": 3.298031208443393, + "nauc_precision_at_5_diff1": 32.475852196639195, + "nauc_precision_at_5_max": 37.73978486643185, + "nauc_precision_at_5_std": 6.185472179658329, + "nauc_recall_at_1000_diff1": 59.19282490825427, + "nauc_recall_at_1000_max": 68.32089152822542, + "nauc_recall_at_1000_std": 67.77161809421989, + "nauc_recall_at_100_diff1": 29.475759452723388, + "nauc_recall_at_100_max": 63.421957258339425, + "nauc_recall_at_100_std": 34.92310537954746, + "nauc_recall_at_10_diff1": 33.525019193182956, + "nauc_recall_at_10_max": 44.498934400342485, + "nauc_recall_at_10_std": 6.680426129369434, + "nauc_recall_at_1_diff1": 42.39449280665502, + "nauc_recall_at_1_max": 27.396202491464315, + "nauc_recall_at_1_std": 0.39154393747181304, + "nauc_recall_at_20_diff1": 32.17682672599945, + "nauc_recall_at_20_max": 46.87049521936974, + "nauc_recall_at_20_std": 13.53258332473721, + "nauc_recall_at_3_diff1": 34.54132207851946, + "nauc_recall_at_3_max": 34.5747754590102, + "nauc_recall_at_3_std": 3.2980312084433936, + "nauc_recall_at_5_diff1": 32.47585219663912, + "nauc_recall_at_5_max": 37.73978486643183, + "nauc_recall_at_5_std": 6.18547217965832, + "ndcg_at_1": 33.161, + "ndcg_at_10": 50.638000000000005, + "ndcg_at_100": 55.076, + "ndcg_at_1000": 56.18300000000001, + "ndcg_at_20": 52.681, + "ndcg_at_3": 44.488, + "ndcg_at_5": 47.705999999999996, + "precision_at_1": 33.161, + "precision_at_10": 6.9430000000000005, + "precision_at_100": 0.9039999999999999, + "precision_at_1000": 0.099, + "precision_at_20": 3.873, + "precision_at_3": 17.516000000000002, + "precision_at_5": 12.073, + "recall_at_1": 33.161, + "recall_at_10": 69.43, + "recall_at_100": 90.371, + "recall_at_1000": 99.18, + "recall_at_20": 77.461, + "recall_at_3": 52.547, + "recall_at_5": 60.363 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/AmazonCounterfactualClassification.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..5216c495d --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/AmazonCounterfactualClassification.json @@ -0,0 +1,34 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-ext", + "languages": [ + "eng-Latn" + ], + "accuracy": 94.35532233883059, + "ap": 60.40219300665376, + "ap_weighted": 60.40219300665376, + "f1": 86.52001470357649, + "f1_weighted": 94.65531755022661, + "main_score": 94.35532233883059 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.71641791044776, + "ap": 68.4050364584575, + "ap_weighted": 68.4050364584575, + "f1": 87.91854774634491, + "f1_weighted": 92.0430596057422, + "main_score": 91.71641791044776 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/AmazonPolarityClassification.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..63defa7d2 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/AmazonPolarityClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 96.49945000000001, + "ap": 94.97348227456295, + "ap_weighted": 94.97348227456295, + "f1": 96.49855824500423, + "f1_weighted": 96.49855824500422, + "main_score": 96.49945000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/AmazonReviewsClassification.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..c96d2d496 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/AmazonReviewsClassification.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.242, + "f1": 59.353696237560094, + "f1_weighted": 59.35369623756011, + "main_score": 61.242 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 50.246, + "f1": 45.84988588370862, + "f1_weighted": 45.84988588370862, + "main_score": 50.246 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 52.622, + "f1": 48.89589865194384, + "f1_weighted": 48.89589865194384, + "main_score": 52.622 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/ArguAna-PL.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/ArguAna-PL.json new file mode 100644 index 000000000..b0ba89f2b --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/ArguAna-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "63fc86750af76253e8c760fc9e534bbf24d260a2", + "task_name": "ArguAna-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 49.913000000000004, + "map_at_1": 24.04, + "map_at_10": 40.493, + "map_at_100": 41.447, + "map_at_1000": 41.454, + "map_at_20": 41.197, + "map_at_3": 35.099999999999994, + "map_at_5": 38.196999999999996, + "mrr_at_1": 24.537695590327168, + "mrr_at_10": 40.67259929102034, + "mrr_at_100": 41.639618460436125, + "mrr_at_1000": 41.64596845247576, + "mrr_at_20": 41.38915253517258, + "mrr_at_3": 35.27738264580362, + "mrr_at_5": 38.40327169274532, + "nauc_map_at_1000_diff1": 7.431509810863732, + "nauc_map_at_1000_max": -2.981272220393634, + "nauc_map_at_1000_std": -7.60710973485905, + "nauc_map_at_100_diff1": 7.436737619273204, + "nauc_map_at_100_max": -2.967184788185936, + "nauc_map_at_100_std": -7.597426337410871, + "nauc_map_at_10_diff1": 7.255093659685807, + "nauc_map_at_10_max": -2.9042962900147544, + "nauc_map_at_10_std": -7.934694729089717, + "nauc_map_at_1_diff1": 12.509203312194646, + "nauc_map_at_1_max": -5.881727148045224, + "nauc_map_at_1_std": -7.791332615643759, + "nauc_map_at_20_diff1": 7.327100008464186, + "nauc_map_at_20_max": -2.837417061935196, + "nauc_map_at_20_std": -7.727026459254324, + "nauc_map_at_3_diff1": 6.852993254257847, + "nauc_map_at_3_max": -4.051470844228069, + "nauc_map_at_3_std": -7.896963683580916, + "nauc_map_at_5_diff1": 6.528299731268904, + "nauc_map_at_5_max": -3.6970340215693476, + "nauc_map_at_5_std": -7.655276417735266, + "nauc_mrr_at_1000_diff1": 5.711449969160694, + "nauc_mrr_at_1000_max": -3.4753506470039266, + "nauc_mrr_at_1000_std": -7.794020380041222, + "nauc_mrr_at_100_diff1": 5.717019799542202, + "nauc_mrr_at_100_max": -3.461221495753972, + "nauc_mrr_at_100_std": -7.784340755281538, + "nauc_mrr_at_10_diff1": 5.509993731954919, + "nauc_mrr_at_10_max": -3.4562614853854345, + "nauc_mrr_at_10_std": -8.172557318463994, + "nauc_mrr_at_1_diff1": 10.815838583441858, + "nauc_mrr_at_1_max": -5.323382194534891, + "nauc_mrr_at_1_std": -8.038288156705363, + "nauc_mrr_at_20_diff1": 5.622966175346149, + "nauc_mrr_at_20_max": -3.3271519171448602, + "nauc_mrr_at_20_std": -7.911979321248223, + "nauc_mrr_at_3_diff1": 5.1203118177676945, + "nauc_mrr_at_3_max": -4.663436282182911, + "nauc_mrr_at_3_std": -8.16687342201878, + "nauc_mrr_at_5_diff1": 4.899936200607895, + "nauc_mrr_at_5_max": -4.238888324916206, + "nauc_mrr_at_5_std": -7.911378372003927, + "nauc_ndcg_at_1000_diff1": 7.208621858675132, + "nauc_ndcg_at_1000_max": -1.9047927444267347, + "nauc_ndcg_at_1000_std": -6.986137159109878, + "nauc_ndcg_at_100_diff1": 7.409545817332008, + "nauc_ndcg_at_100_max": -1.4631671846013694, + "nauc_ndcg_at_100_std": -6.630280309037233, + "nauc_ndcg_at_10_diff1": 6.4667756391170395, + "nauc_ndcg_at_10_max": -0.6950268010456382, + "nauc_ndcg_at_10_std": -8.022144927522392, + "nauc_ndcg_at_1_diff1": 12.509203312194646, + "nauc_ndcg_at_1_max": -5.881727148045224, + "nauc_ndcg_at_1_std": -7.791332615643759, + "nauc_ndcg_at_20_diff1": 6.726279074146785, + "nauc_ndcg_at_20_max": -0.3861052348420354, + "nauc_ndcg_at_20_std": -7.221277273790139, + "nauc_ndcg_at_3_diff1": 5.5538863803913365, + "nauc_ndcg_at_3_max": -3.5651217527245946, + "nauc_ndcg_at_3_std": -7.826880086024049, + "nauc_ndcg_at_5_diff1": 4.878905871379252, + "nauc_ndcg_at_5_max": -2.821048486985759, + "nauc_ndcg_at_5_std": -7.31598311150453, + "nauc_precision_at_1000_diff1": 31.595672412803232, + "nauc_precision_at_1000_max": 42.56487657246246, + "nauc_precision_at_1000_std": 76.77064740096077, + "nauc_precision_at_100_diff1": 37.959767569852325, + "nauc_precision_at_100_max": 61.03819238774345, + "nauc_precision_at_100_std": 57.75475522584779, + "nauc_precision_at_10_diff1": 3.679895666980749, + "nauc_precision_at_10_max": 11.38829056417457, + "nauc_precision_at_10_std": -8.650914185729293, + "nauc_precision_at_1_diff1": 12.509203312194646, + "nauc_precision_at_1_max": -5.881727148045224, + "nauc_precision_at_1_std": -7.791332615643759, + "nauc_precision_at_20_diff1": 4.065515107956777, + "nauc_precision_at_20_max": 23.888067135216097, + "nauc_precision_at_20_std": -1.4622436922054596, + "nauc_precision_at_3_diff1": 2.1003082872796663, + "nauc_precision_at_3_max": -2.24675019839533, + "nauc_precision_at_3_std": -7.604178336955303, + "nauc_precision_at_5_diff1": -0.246824792648523, + "nauc_precision_at_5_max": 0.0642032358424201, + "nauc_precision_at_5_std": -6.0892549043276745, + "nauc_recall_at_1000_diff1": 31.59567241280578, + "nauc_recall_at_1000_max": 42.564876572459895, + "nauc_recall_at_1000_std": 76.7706474009625, + "nauc_recall_at_100_diff1": 37.95976756985206, + "nauc_recall_at_100_max": 61.03819238774383, + "nauc_recall_at_100_std": 57.75475522584684, + "nauc_recall_at_10_diff1": 3.679895666980674, + "nauc_recall_at_10_max": 11.388290564174538, + "nauc_recall_at_10_std": -8.650914185729265, + "nauc_recall_at_1_diff1": 12.509203312194646, + "nauc_recall_at_1_max": -5.881727148045224, + "nauc_recall_at_1_std": -7.791332615643759, + "nauc_recall_at_20_diff1": 4.065515107957231, + "nauc_recall_at_20_max": 23.888067135216005, + "nauc_recall_at_20_std": -1.462243692205622, + "nauc_recall_at_3_diff1": 2.100308287279676, + "nauc_recall_at_3_max": -2.2467501983953024, + "nauc_recall_at_3_std": -7.604178336955286, + "nauc_recall_at_5_diff1": -0.24682479264852286, + "nauc_recall_at_5_max": 0.06420323584243659, + "nauc_recall_at_5_std": -6.089254904327643, + "ndcg_at_1": 24.04, + "ndcg_at_10": 49.913000000000004, + "ndcg_at_100": 54.057, + "ndcg_at_1000": 54.213, + "ndcg_at_20": 52.42400000000001, + "ndcg_at_3": 38.842999999999996, + "ndcg_at_5": 44.416, + "precision_at_1": 24.04, + "precision_at_10": 8.009, + "precision_at_100": 0.984, + "precision_at_1000": 0.1, + "precision_at_20": 4.495, + "precision_at_3": 16.572, + "precision_at_5": 12.645999999999999, + "recall_at_1": 24.04, + "recall_at_10": 80.085, + "recall_at_100": 98.36399999999999, + "recall_at_1000": 99.57300000000001, + "recall_at_20": 89.9, + "recall_at_3": 49.716, + "recall_at_5": 63.229 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/ArguAna.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/ArguAna.json new file mode 100644 index 000000000..4ef6dd0d5 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/ArguAna.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 56.569, + "map_at_1": 31.080999999999996, + "map_at_10": 47.432, + "map_at_100": 48.247, + "map_at_1000": 48.251, + "map_at_20": 48.114000000000004, + "map_at_3": 42.425000000000004, + "map_at_5": 45.128, + "mrr_at_1": 31.57894736842105, + "mrr_at_10": 47.6253132832081, + "mrr_at_100": 48.440395388879296, + "mrr_at_1000": 48.44416076630039, + "mrr_at_20": 48.30706364782469, + "mrr_at_3": 42.59127548601235, + "mrr_at_5": 45.347321005215804, + "nauc_map_at_1000_diff1": 7.110790588301176, + "nauc_map_at_1000_max": -12.892696039828866, + "nauc_map_at_1000_std": -15.5709273320573, + "nauc_map_at_100_diff1": 7.117551663882657, + "nauc_map_at_100_max": -12.882680977142957, + "nauc_map_at_100_std": -15.56350483617667, + "nauc_map_at_10_diff1": 6.903272993199564, + "nauc_map_at_10_max": -13.012877497725961, + "nauc_map_at_10_std": -15.947400478856006, + "nauc_map_at_1_diff1": 10.03503740028087, + "nauc_map_at_1_max": -13.351553937797, + "nauc_map_at_1_std": -14.137614923859612, + "nauc_map_at_20_diff1": 7.01754882034529, + "nauc_map_at_20_max": -12.864438636302197, + "nauc_map_at_20_std": -15.541510619190976, + "nauc_map_at_3_diff1": 7.018587254951812, + "nauc_map_at_3_max": -13.38420244471981, + "nauc_map_at_3_std": -16.127099270987785, + "nauc_map_at_5_diff1": 6.920961668066123, + "nauc_map_at_5_max": -13.169892625713931, + "nauc_map_at_5_std": -16.21272880801226, + "nauc_mrr_at_1000_diff1": 5.5525831294754004, + "nauc_mrr_at_1000_max": -12.98089269414052, + "nauc_mrr_at_1000_std": -15.396489593627944, + "nauc_mrr_at_100_diff1": 5.559525360367539, + "nauc_mrr_at_100_max": -12.970885236428334, + "nauc_mrr_at_100_std": -15.389102542398783, + "nauc_mrr_at_10_diff1": 5.38828048977972, + "nauc_mrr_at_10_max": -13.096637253890634, + "nauc_mrr_at_10_std": -15.775810422484374, + "nauc_mrr_at_1_diff1": 8.58091801149426, + "nauc_mrr_at_1_max": -12.352949021555306, + "nauc_mrr_at_1_std": -13.545487974417847, + "nauc_mrr_at_20_diff1": 5.4666282281067735, + "nauc_mrr_at_20_max": -12.952039027828944, + "nauc_mrr_at_20_std": -15.367907454271231, + "nauc_mrr_at_3_diff1": 5.1862331302405735, + "nauc_mrr_at_3_max": -13.816401285559108, + "nauc_mrr_at_3_std": -15.872101319770382, + "nauc_mrr_at_5_diff1": 5.471097057115419, + "nauc_mrr_at_5_max": -13.269134531334442, + "nauc_mrr_at_5_std": -15.95735511276538, + "nauc_ndcg_at_1000_diff1": 6.8032235432235275, + "nauc_ndcg_at_1000_max": -12.52617810408163, + "nauc_ndcg_at_1000_std": -15.38677998208727, + "nauc_ndcg_at_100_diff1": 6.971743190062509, + "nauc_ndcg_at_100_max": -12.284060222136334, + "nauc_ndcg_at_100_std": -15.203583619739097, + "nauc_ndcg_at_10_diff1": 5.9423315360857005, + "nauc_ndcg_at_10_max": -12.649746010742199, + "nauc_ndcg_at_10_std": -16.72153869758235, + "nauc_ndcg_at_1_diff1": 10.03503740028087, + "nauc_ndcg_at_1_max": -13.351553937797, + "nauc_ndcg_at_1_std": -14.137614923859612, + "nauc_ndcg_at_20_diff1": 6.379802915097805, + "nauc_ndcg_at_20_max": -12.01427315352701, + "nauc_ndcg_at_20_std": -15.108250307425825, + "nauc_ndcg_at_3_diff1": 6.298556094258956, + "nauc_ndcg_at_3_max": -13.536187803253377, + "nauc_ndcg_at_3_std": -16.999347732797407, + "nauc_ndcg_at_5_diff1": 6.099858591554027, + "nauc_ndcg_at_5_max": -13.097631098081774, + "nauc_ndcg_at_5_std": -17.215525664264348, + "nauc_precision_at_1000_diff1": -21.130247827110427, + "nauc_precision_at_1000_max": 24.21748822806628, + "nauc_precision_at_1000_std": 83.6578697460551, + "nauc_precision_at_100_diff1": 29.395727608507894, + "nauc_precision_at_100_max": 51.676651935775695, + "nauc_precision_at_100_std": 62.92260397258278, + "nauc_precision_at_10_diff1": -0.25306953208178373, + "nauc_precision_at_10_max": -9.710491261292093, + "nauc_precision_at_10_std": -21.697648668302183, + "nauc_precision_at_1_diff1": 10.03503740028087, + "nauc_precision_at_1_max": -13.351553937797, + "nauc_precision_at_1_std": -14.137614923859612, + "nauc_precision_at_20_diff1": -2.084669856957687, + "nauc_precision_at_20_max": 6.736841084303921, + "nauc_precision_at_20_std": -0.330152716888139, + "nauc_precision_at_3_diff1": 4.202256387521114, + "nauc_precision_at_3_max": -14.043068948669681, + "nauc_precision_at_3_std": -19.71625712734227, + "nauc_precision_at_5_diff1": 3.2694130100522667, + "nauc_precision_at_5_max": -12.7772753118202, + "nauc_precision_at_5_std": -20.917228577779888, + "nauc_recall_at_1000_diff1": -21.13024782711332, + "nauc_recall_at_1000_max": 24.21748822806101, + "nauc_recall_at_1000_std": 83.6578697460535, + "nauc_recall_at_100_diff1": 29.395727608504448, + "nauc_recall_at_100_max": 51.67665193577227, + "nauc_recall_at_100_std": 62.92260397258032, + "nauc_recall_at_10_diff1": -0.2530695320818313, + "nauc_recall_at_10_max": -9.710491261292015, + "nauc_recall_at_10_std": -21.697648668302048, + "nauc_recall_at_1_diff1": 10.03503740028087, + "nauc_recall_at_1_max": -13.351553937797, + "nauc_recall_at_1_std": -14.137614923859612, + "nauc_recall_at_20_diff1": -2.0846698569576856, + "nauc_recall_at_20_max": 6.736841084303534, + "nauc_recall_at_20_std": -0.3301527168878837, + "nauc_recall_at_3_diff1": 4.202256387521115, + "nauc_recall_at_3_max": -14.043068948669694, + "nauc_recall_at_3_std": -19.716257127342317, + "nauc_recall_at_5_diff1": 3.26941301005235, + "nauc_recall_at_5_max": -12.777275311820102, + "nauc_recall_at_5_std": -20.917228577779866, + "ndcg_at_1": 31.080999999999996, + "ndcg_at_10": 56.569, + "ndcg_at_100": 59.772999999999996, + "ndcg_at_1000": 59.843, + "ndcg_at_20": 58.933, + "ndcg_at_3": 46.209, + "ndcg_at_5": 51.090999999999994, + "precision_at_1": 31.080999999999996, + "precision_at_10": 8.578, + "precision_at_100": 0.991, + "precision_at_1000": 0.1, + "precision_at_20": 4.744000000000001, + "precision_at_3": 19.061, + "precision_at_5": 13.812, + "recall_at_1": 31.080999999999996, + "recall_at_10": 85.775, + "recall_at_100": 99.14699999999999, + "recall_at_1000": 99.644, + "recall_at_20": 94.879, + "recall_at_3": 57.18299999999999, + "recall_at_5": 69.06099999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/ArxivClusteringP2P.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..bb386a0ef --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/ArxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 48.009758343820856, + "v_measure": 48.009758343820856, + "v_measure_std": 14.203651443985635 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/ArxivClusteringS2S.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..0cc92f8b2 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/ArxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 39.401811401341035, + "v_measure": 39.401811401341035, + "v_measure_std": 14.736655369522248 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/AskUbuntuDupQuestions.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..1649c1fac --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/AskUbuntuDupQuestions.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 60.158996366210474, + "map": 60.158996366210474, + "mrr": 74.69034428175702, + "nAUC_map_diff1": 7.7660414737755605, + "nAUC_map_max": 20.377348037855818, + "nAUC_map_std": 18.290516035806565, + "nAUC_mrr_diff1": 10.721266751736124, + "nAUC_mrr_max": 31.3686330442438, + "nAUC_mrr_std": 19.240868443170196 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/BIOSSES.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/BIOSSES.json new file mode 100644 index 000000000..b9d23484e --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 87.53887478826596, + "cosine_spearman": 86.32606338345799, + "euclidean_pearson": 86.76233071291158, + "euclidean_spearman": 86.32606338345799, + "main_score": 86.32606338345799, + "manhattan_pearson": 86.05455915524152, + "manhattan_spearman": 85.8868967502423, + "pearson": 87.53887478826596, + "spearman": 86.32606338345799 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/BQ.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/BQ.json new file mode 100644 index 000000000..b2c9c84a9 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/BQ.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e3dda5e115e487b39ec7e618c0c6a29137052a55", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 53.67950003884396, + "cosine_spearman": 54.36088598761955, + "euclidean_pearson": 53.09394654913335, + "euclidean_spearman": 54.36088252221325, + "main_score": 54.36088598761955, + "manhattan_pearson": 52.805415867146955, + "manhattan_spearman": 54.06705049402532, + "pearson": 53.67950003884396, + "spearman": 54.36088598761955 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/BSARDRetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/BSARDRetrieval.json new file mode 100644 index 000000000..71fdb979d --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/BSARDRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "5effa1b9b5fa3b0f9e12523e6e43e5f86a6e6d59", + "task_name": "BSARDRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "main_score": 59.458999999999996, + "map_at_1": 8.559, + "map_at_10": 15.853, + "map_at_100": 16.955000000000002, + "map_at_1000": 17.039, + "map_at_20": 16.491, + "map_at_3": 13.739, + "map_at_5": 14.887, + "mrr_at_1": 8.558558558558559, + "mrr_at_10": 15.852995852995852, + "mrr_at_100": 16.95536191852861, + "mrr_at_1000": 17.03894008776081, + "mrr_at_20": 16.490710101391212, + "mrr_at_3": 13.738738738738734, + "mrr_at_5": 14.887387387387385, + "nauc_map_at_1000_diff1": 22.6427616709538, + "nauc_map_at_1000_max": 30.273021433334108, + "nauc_map_at_1000_std": 8.648862859092157, + "nauc_map_at_100_diff1": 22.523593314805954, + "nauc_map_at_100_max": 30.197098780769366, + "nauc_map_at_100_std": 8.638222954134465, + "nauc_map_at_10_diff1": 22.382593376046035, + "nauc_map_at_10_max": 30.80647774104949, + "nauc_map_at_10_std": 7.6451773140303825, + "nauc_map_at_1_diff1": 32.27835486300824, + "nauc_map_at_1_max": 31.839925744574, + "nauc_map_at_1_std": 7.524965617228806, + "nauc_map_at_20_diff1": 22.78130766181537, + "nauc_map_at_20_max": 30.207832515412452, + "nauc_map_at_20_std": 7.988030006241385, + "nauc_map_at_3_diff1": 21.54291029527254, + "nauc_map_at_3_max": 30.60738044134162, + "nauc_map_at_3_std": 5.115709517278456, + "nauc_map_at_5_diff1": 22.891658440504543, + "nauc_map_at_5_max": 30.40238430175482, + "nauc_map_at_5_std": 6.496264144977426, + "nauc_mrr_at_1000_diff1": 22.6427616709538, + "nauc_mrr_at_1000_max": 30.273021433334108, + "nauc_mrr_at_1000_std": 8.648862859092157, + "nauc_mrr_at_100_diff1": 22.523593314805954, + "nauc_mrr_at_100_max": 30.197098780769366, + "nauc_mrr_at_100_std": 8.638222954134465, + "nauc_mrr_at_10_diff1": 22.382593376046035, + "nauc_mrr_at_10_max": 30.80647774104949, + "nauc_mrr_at_10_std": 7.6451773140303825, + "nauc_mrr_at_1_diff1": 32.27835486300824, + "nauc_mrr_at_1_max": 31.839925744574, + "nauc_mrr_at_1_std": 7.524965617228806, + "nauc_mrr_at_20_diff1": 22.78130766181537, + "nauc_mrr_at_20_max": 30.207832515412452, + "nauc_mrr_at_20_std": 7.988030006241385, + "nauc_mrr_at_3_diff1": 21.54291029527254, + "nauc_mrr_at_3_max": 30.60738044134162, + "nauc_mrr_at_3_std": 5.115709517278456, + "nauc_mrr_at_5_diff1": 22.891658440504543, + "nauc_mrr_at_5_max": 30.40238430175482, + "nauc_mrr_at_5_std": 6.496264144977426, + "nauc_ndcg_at_1000_diff1": 22.131590111018863, + "nauc_ndcg_at_1000_max": 30.119495176526417, + "nauc_ndcg_at_1000_std": 14.152746889343884, + "nauc_ndcg_at_100_diff1": 19.59019307197614, + "nauc_ndcg_at_100_max": 29.26698074164439, + "nauc_ndcg_at_100_std": 14.64843229218199, + "nauc_ndcg_at_10_diff1": 20.04399986794229, + "nauc_ndcg_at_10_max": 30.370494010101606, + "nauc_ndcg_at_10_std": 9.076324266988427, + "nauc_ndcg_at_1_diff1": 32.27835486300824, + "nauc_ndcg_at_1_max": 31.839925744574, + "nauc_ndcg_at_1_std": 7.524965617228806, + "nauc_ndcg_at_20_diff1": 21.047174465558204, + "nauc_ndcg_at_20_max": 28.383850745017487, + "nauc_ndcg_at_20_std": 10.079085665060253, + "nauc_ndcg_at_3_diff1": 18.696202337264843, + "nauc_ndcg_at_3_max": 29.95559912145818, + "nauc_ndcg_at_3_std": 4.515594333379446, + "nauc_ndcg_at_5_diff1": 21.14710675076888, + "nauc_ndcg_at_5_max": 29.60877022537729, + "nauc_ndcg_at_5_std": 6.721635773882387, + "nauc_precision_at_1000_diff1": 30.982325786968197, + "nauc_precision_at_1000_max": 34.26481840304951, + "nauc_precision_at_1000_std": 43.39003460634655, + "nauc_precision_at_100_diff1": 11.987279247967425, + "nauc_precision_at_100_max": 28.50285582800895, + "nauc_precision_at_100_std": 35.49648389671331, + "nauc_precision_at_10_diff1": 15.562900584507142, + "nauc_precision_at_10_max": 29.558066061869663, + "nauc_precision_at_10_std": 12.47595674036553, + "nauc_precision_at_1_diff1": 32.27835486300824, + "nauc_precision_at_1_max": 31.839925744574, + "nauc_precision_at_1_std": 7.524965617228806, + "nauc_precision_at_20_diff1": 18.081035071003427, + "nauc_precision_at_20_max": 23.85063262716287, + "nauc_precision_at_20_std": 15.071481920870877, + "nauc_precision_at_3_diff1": 12.597351208698534, + "nauc_precision_at_3_max": 28.496818992459538, + "nauc_precision_at_3_std": 3.2373330095471893, + "nauc_precision_at_5_diff1": 17.904830065631092, + "nauc_precision_at_5_max": 27.89909851354525, + "nauc_precision_at_5_std": 7.3432451499420734, + "nauc_recall_at_1000_diff1": 30.982325786968097, + "nauc_recall_at_1000_max": 34.264818403049496, + "nauc_recall_at_1000_std": 43.39003460634647, + "nauc_recall_at_100_diff1": 11.987279247967388, + "nauc_recall_at_100_max": 28.502855828008883, + "nauc_recall_at_100_std": 35.49648389671325, + "nauc_recall_at_10_diff1": 15.562900584507085, + "nauc_recall_at_10_max": 29.558066061869624, + "nauc_recall_at_10_std": 12.475956740365447, + "nauc_recall_at_1_diff1": 32.27835486300824, + "nauc_recall_at_1_max": 31.839925744574, + "nauc_recall_at_1_std": 7.524965617228806, + "nauc_recall_at_20_diff1": 18.081035071003342, + "nauc_recall_at_20_max": 23.850632627162785, + "nauc_recall_at_20_std": 15.071481920870786, + "nauc_recall_at_3_diff1": 12.597351208698562, + "nauc_recall_at_3_max": 28.496818992459545, + "nauc_recall_at_3_std": 3.237333009547214, + "nauc_recall_at_5_diff1": 17.90483006563107, + "nauc_recall_at_5_max": 27.89909851354522, + "nauc_recall_at_5_std": 7.343245149942006, + "ndcg_at_1": 8.559, + "ndcg_at_10": 19.828000000000003, + "ndcg_at_100": 25.468000000000004, + "ndcg_at_1000": 28.058, + "ndcg_at_20": 22.122, + "ndcg_at_3": 15.524, + "ndcg_at_5": 17.579, + "precision_at_1": 8.559, + "precision_at_10": 3.243, + "precision_at_100": 0.5950000000000001, + "precision_at_1000": 0.08099999999999999, + "precision_at_20": 2.072, + "precision_at_3": 6.907000000000001, + "precision_at_5": 5.135, + "recall_at_1": 8.559, + "recall_at_10": 32.432, + "recall_at_100": 59.458999999999996, + "recall_at_1000": 80.631, + "recall_at_20": 41.441, + "recall_at_3": 20.721, + "recall_at_5": 25.676 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/Banking77Classification.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/Banking77Classification.json new file mode 100644 index 000000000..7e56d5461 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/Banking77Classification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 84.92857142857144, + "f1": 84.30505630131526, + "f1_weighted": 84.30505630131528, + "main_score": 84.92857142857144 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/BiorxivClusteringP2P.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..bf0dbdb2b --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/BiorxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 40.014867273983484, + "v_measure": 40.014867273983484, + "v_measure_std": 0.6558905123714063 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/BiorxivClusteringS2S.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..5edf15b55 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/BiorxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 33.79424302438114, + "v_measure": 33.79424302438114, + "v_measure_std": 0.837779778459544 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CBD.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CBD.json new file mode 100644 index 000000000..66a46dc71 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CBD.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "36ddb419bcffe6a5374c3891957912892916f28d", + "task_name": "CBD", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 64.91, + "ap": 20.253009474993238, + "ap_weighted": 20.253009474993238, + "f1": 54.83698737303514, + "f1_weighted": 69.53194816160229, + "main_score": 64.91 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CDSC-E.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CDSC-E.json new file mode 100644 index 000000000..7eef95c1f --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CDSC-E.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "0a3d4aa409b22f80eb22cbf59b492637637b536d", + "task_name": "CDSC-E", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cosine_accuracy": 87.5, + "cosine_accuracy_threshold": 97.39001989364624, + "cosine_ap": 71.63899566137869, + "cosine_f1": 64.39024390243902, + "cosine_f1_threshold": 94.18535828590393, + "cosine_precision": 60.0, + "cosine_recall": 69.47368421052632, + "dot_accuracy": 87.5, + "dot_accuracy_threshold": 97.39001989364624, + "dot_ap": 71.63899566137869, + "dot_f1": 64.39024390243902, + "dot_f1_threshold": 94.18535232543945, + "dot_precision": 60.0, + "dot_recall": 69.47368421052632, + "euclidean_accuracy": 87.5, + "euclidean_accuracy_threshold": 22.847232222557068, + "euclidean_ap": 71.63899566137869, + "euclidean_f1": 64.39024390243902, + "euclidean_f1_threshold": 34.101736545562744, + "euclidean_precision": 60.0, + "euclidean_recall": 69.47368421052632, + "main_score": 71.83631821171632, + "manhattan_accuracy": 87.6, + "manhattan_accuracy_threshold": 499.97105598449707, + "manhattan_ap": 71.83631821171632, + "manhattan_f1": 64.5631067961165, + "manhattan_f1_threshold": 809.0234756469727, + "manhattan_precision": 59.909909909909906, + "manhattan_recall": 70.0, + "max_ap": 71.83631821171632, + "max_f1": 64.5631067961165, + "max_precision": 60.0, + "max_recall": 70.0, + "similarity_accuracy": 87.5, + "similarity_accuracy_threshold": 97.39001989364624, + "similarity_ap": 71.63899566137869, + "similarity_f1": 64.39024390243902, + "similarity_f1_threshold": 94.18535828590393, + "similarity_precision": 60.0, + "similarity_recall": 69.47368421052632 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CDSC-R.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CDSC-R.json new file mode 100644 index 000000000..81ac092d4 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CDSC-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "1cd6abbb00df7d14be3dbd76a7dcc64b3a79a7cd", + "task_name": "CDSC-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cosine_pearson": 89.9839992597087, + "cosine_spearman": 90.27044716786627, + "euclidean_pearson": 87.74719535276023, + "euclidean_spearman": 90.2703874383013, + "main_score": 90.27044716786627, + "manhattan_pearson": 87.81149530960033, + "manhattan_spearman": 90.37098083828207, + "pearson": 89.9839992597087, + "spearman": 90.27044716786627 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CEDRClassification.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CEDRClassification.json new file mode 100644 index 000000000..26f2c761f --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CEDRClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "c0ba03d058e3e1b2f3fd20518875a4563dd12db4", + "task_name": "CEDRClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 43.29968119022317, + "f1": 41.112000768648386, + "lrap": 72.06216790648348, + "main_score": 43.29968119022317 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CLSClusteringP2P.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CLSClusteringP2P.json new file mode 100644 index 000000000..a84244f2a --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CLSClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4b6227591c6c1a73bc76b1055f3b7f3588e72476", + "task_name": "CLSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 41.608876653105966, + "v_measure": 41.608876653105966, + "v_measure_std": 1.0624705258546963 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CLSClusteringS2S.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CLSClusteringS2S.json new file mode 100644 index 000000000..541b0f0be --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CLSClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e458b3f5414b62b7f9f83499ac1f5497ae2e869f", + "task_name": "CLSClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 39.7110966049789, + "v_measure": 39.7110966049789, + "v_measure_std": 0.875231943450341 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CQADupstackAndroidRetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..4d19cf110 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f46a197baaae43b4f621051089b82a364682dfeb", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 52.884, + "map_at_1": 34.634, + "map_at_10": 46.339000000000006, + "map_at_100": 47.857, + "map_at_1000": 47.97, + "map_at_20": 47.205000000000005, + "map_at_3": 42.543, + "map_at_5": 44.772, + "mrr_at_1": 41.3447782546495, + "mrr_at_10": 52.23857210981671, + "mrr_at_100": 52.90915062899396, + "mrr_at_1000": 52.95240146583995, + "mrr_at_20": 52.655345331835804, + "mrr_at_3": 49.71387696709583, + "mrr_at_5": 51.23748211731041, + "nauc_map_at_1000_diff1": 51.49705927936061, + "nauc_map_at_1000_max": 35.528845247090466, + "nauc_map_at_1000_std": -4.253741985593714, + "nauc_map_at_100_diff1": 51.508584685268886, + "nauc_map_at_100_max": 35.56248075672379, + "nauc_map_at_100_std": -4.176500881199186, + "nauc_map_at_10_diff1": 51.338718973920614, + "nauc_map_at_10_max": 34.946543347441214, + "nauc_map_at_10_std": -5.33037717427031, + "nauc_map_at_1_diff1": 56.23620820617472, + "nauc_map_at_1_max": 30.320970401424987, + "nauc_map_at_1_std": -6.655365474007067, + "nauc_map_at_20_diff1": 51.51775947048102, + "nauc_map_at_20_max": 35.25983470448141, + "nauc_map_at_20_std": -4.612859125963163, + "nauc_map_at_3_diff1": 52.725269902770755, + "nauc_map_at_3_max": 33.299803481018195, + "nauc_map_at_3_std": -6.33353874546021, + "nauc_map_at_5_diff1": 51.672349084315485, + "nauc_map_at_5_max": 34.645370794379886, + "nauc_map_at_5_std": -5.94117791112353, + "nauc_mrr_at_1000_diff1": 49.12249635354981, + "nauc_mrr_at_1000_max": 36.29480359532615, + "nauc_mrr_at_1000_std": -4.665759763477847, + "nauc_mrr_at_100_diff1": 49.11255442003998, + "nauc_mrr_at_100_max": 36.29806935257465, + "nauc_mrr_at_100_std": -4.663481407381479, + "nauc_mrr_at_10_diff1": 48.779673215220065, + "nauc_mrr_at_10_max": 36.12766214960087, + "nauc_mrr_at_10_std": -5.0778877090392625, + "nauc_mrr_at_1_diff1": 53.70331290003521, + "nauc_mrr_at_1_max": 35.17671705244682, + "nauc_mrr_at_1_std": -6.289432335416569, + "nauc_mrr_at_20_diff1": 48.98440189775321, + "nauc_mrr_at_20_max": 36.24567442841102, + "nauc_mrr_at_20_std": -4.808524080549843, + "nauc_mrr_at_3_diff1": 50.09142180621504, + "nauc_mrr_at_3_max": 36.57201237478509, + "nauc_mrr_at_3_std": -5.10258589719658, + "nauc_mrr_at_5_diff1": 49.15413181233011, + "nauc_mrr_at_5_max": 36.64387975128488, + "nauc_mrr_at_5_std": -5.2142664019104, + "nauc_ndcg_at_1000_diff1": 49.48338541267995, + "nauc_ndcg_at_1000_max": 36.71225124867686, + "nauc_ndcg_at_1000_std": -2.1565353674328636, + "nauc_ndcg_at_100_diff1": 49.378803009143354, + "nauc_ndcg_at_100_max": 37.05072158645242, + "nauc_ndcg_at_100_std": -1.1554881315239078, + "nauc_ndcg_at_10_diff1": 48.217255194293706, + "nauc_ndcg_at_10_max": 35.70709987917217, + "nauc_ndcg_at_10_std": -4.5843409864100835, + "nauc_ndcg_at_1_diff1": 53.70331290003521, + "nauc_ndcg_at_1_max": 35.17671705244682, + "nauc_ndcg_at_1_std": -6.289432335416569, + "nauc_ndcg_at_20_diff1": 48.90479671421663, + "nauc_ndcg_at_20_max": 35.63061062961699, + "nauc_ndcg_at_20_std": -3.2759049624453924, + "nauc_ndcg_at_3_diff1": 50.66992100707998, + "nauc_ndcg_at_3_max": 35.647144096807054, + "nauc_ndcg_at_3_std": -4.675684277632912, + "nauc_ndcg_at_5_diff1": 48.86023024957704, + "nauc_ndcg_at_5_max": 36.36204191994049, + "nauc_ndcg_at_5_std": -4.979721506683613, + "nauc_precision_at_1000_diff1": -20.176146428291695, + "nauc_precision_at_1000_max": -4.944333530911747, + "nauc_precision_at_1000_std": -2.6416464331580256, + "nauc_precision_at_100_diff1": -11.455305661135391, + "nauc_precision_at_100_max": 9.563783942313348, + "nauc_precision_at_100_std": 9.987888995757324, + "nauc_precision_at_10_diff1": 6.577302086017673, + "nauc_precision_at_10_max": 25.67586949524924, + "nauc_precision_at_10_std": 5.543682394632135, + "nauc_precision_at_1_diff1": 53.70331290003521, + "nauc_precision_at_1_max": 35.17671705244682, + "nauc_precision_at_1_std": -6.289432335416569, + "nauc_precision_at_20_diff1": 0.0352451246393809, + "nauc_precision_at_20_max": 19.02340589034973, + "nauc_precision_at_20_std": 10.156322995661567, + "nauc_precision_at_3_diff1": 31.114868446262108, + "nauc_precision_at_3_max": 35.740653736733925, + "nauc_precision_at_3_std": -0.4754489918596968, + "nauc_precision_at_5_diff1": 17.05966182310583, + "nauc_precision_at_5_max": 32.37346687203089, + "nauc_precision_at_5_std": 1.4954175443689899, + "nauc_recall_at_1000_diff1": 42.86116448480766, + "nauc_recall_at_1000_max": 63.759509563968976, + "nauc_recall_at_1000_std": 61.175429354991614, + "nauc_recall_at_100_diff1": 40.88375670987642, + "nauc_recall_at_100_max": 44.62608189829668, + "nauc_recall_at_100_std": 25.55163256804942, + "nauc_recall_at_10_diff1": 37.759771219935175, + "nauc_recall_at_10_max": 31.146081092167627, + "nauc_recall_at_10_std": -4.512890345394815, + "nauc_recall_at_1_diff1": 56.23620820617472, + "nauc_recall_at_1_max": 30.320970401424987, + "nauc_recall_at_1_std": -6.655365474007067, + "nauc_recall_at_20_diff1": 38.4827047216752, + "nauc_recall_at_20_max": 30.50125803520275, + "nauc_recall_at_20_std": 0.8771358044937425, + "nauc_recall_at_3_diff1": 47.487079446530906, + "nauc_recall_at_3_max": 32.19896007873808, + "nauc_recall_at_3_std": -5.164803420738882, + "nauc_recall_at_5_diff1": 41.699415045286415, + "nauc_recall_at_5_max": 33.168829040464196, + "nauc_recall_at_5_std": -5.366546702094067, + "ndcg_at_1": 41.345, + "ndcg_at_10": 52.884, + "ndcg_at_100": 57.94200000000001, + "ndcg_at_1000": 59.68, + "ndcg_at_20": 54.957, + "ndcg_at_3": 47.692, + "ndcg_at_5": 50.251000000000005, + "precision_at_1": 41.345, + "precision_at_10": 10.057, + "precision_at_100": 1.574, + "precision_at_1000": 0.201, + "precision_at_20": 5.9799999999999995, + "precision_at_3": 22.842000000000002, + "precision_at_5": 16.595, + "recall_at_1": 34.634, + "recall_at_10": 65.185, + "recall_at_100": 85.703, + "recall_at_1000": 96.65599999999999, + "recall_at_20": 72.322, + "recall_at_3": 50.182, + "recall_at_5": 57.159000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CQADupstackEnglishRetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CQADupstackEnglishRetrieval.json new file mode 100644 index 000000000..6652443b5 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CQADupstackEnglishRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ad9991cb51e31e31e430383c75ffb2885547b5f0", + "task_name": "CQADupstackEnglishRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 48.264, + "map_at_1": 31.224, + "map_at_10": 42.332, + "map_at_100": 43.533, + "map_at_1000": 43.662, + "map_at_20": 42.972, + "map_at_3": 39.159, + "map_at_5": 41.047, + "mrr_at_1": 39.04458598726115, + "mrr_at_10": 48.18686179354971, + "mrr_at_100": 48.803902946647234, + "mrr_at_1000": 48.84702137486075, + "mrr_at_20": 48.56368295512913, + "mrr_at_3": 45.83864118895968, + "mrr_at_5": 47.20806794055207, + "nauc_map_at_1000_diff1": 51.86414274615986, + "nauc_map_at_1000_max": 34.717053941484025, + "nauc_map_at_1000_std": -4.340680651811943, + "nauc_map_at_100_diff1": 51.84970191815774, + "nauc_map_at_100_max": 34.64676814212115, + "nauc_map_at_100_std": -4.4387297635880385, + "nauc_map_at_10_diff1": 52.119436277416945, + "nauc_map_at_10_max": 33.94135075756255, + "nauc_map_at_10_std": -5.625757602694689, + "nauc_map_at_1_diff1": 57.92845763299044, + "nauc_map_at_1_max": 29.3199164115535, + "nauc_map_at_1_std": -11.586283921183611, + "nauc_map_at_20_diff1": 51.92734614822424, + "nauc_map_at_20_max": 34.35250084161699, + "nauc_map_at_20_std": -5.049283716884917, + "nauc_map_at_3_diff1": 52.783776450874356, + "nauc_map_at_3_max": 32.394255917655535, + "nauc_map_at_3_std": -8.05902730660978, + "nauc_map_at_5_diff1": 52.14993873615333, + "nauc_map_at_5_max": 33.48431923578608, + "nauc_map_at_5_std": -6.472903440360678, + "nauc_mrr_at_1000_diff1": 50.49829531271091, + "nauc_mrr_at_1000_max": 37.183131918098425, + "nauc_mrr_at_1000_std": 0.4928095353543418, + "nauc_mrr_at_100_diff1": 50.494636141021424, + "nauc_mrr_at_100_max": 37.185446950719715, + "nauc_mrr_at_100_std": 0.5056844413835279, + "nauc_mrr_at_10_diff1": 50.55418166759066, + "nauc_mrr_at_10_max": 37.17369235180479, + "nauc_mrr_at_10_std": 0.3511264489316608, + "nauc_mrr_at_1_diff1": 55.09381247060509, + "nauc_mrr_at_1_max": 37.17089033507927, + "nauc_mrr_at_1_std": -2.545073558300969, + "nauc_mrr_at_20_diff1": 50.46232349188045, + "nauc_mrr_at_20_max": 37.22028938157565, + "nauc_mrr_at_20_std": 0.4342508184428254, + "nauc_mrr_at_3_diff1": 50.98797216868357, + "nauc_mrr_at_3_max": 37.32821622965925, + "nauc_mrr_at_3_std": -0.6918122573096884, + "nauc_mrr_at_5_diff1": 50.477903924122025, + "nauc_mrr_at_5_max": 37.343161615517296, + "nauc_mrr_at_5_std": 0.34187371397979793, + "nauc_ndcg_at_1000_diff1": 49.71083273417971, + "nauc_ndcg_at_1000_max": 36.08714449707927, + "nauc_ndcg_at_1000_std": 0.3359295264579242, + "nauc_ndcg_at_100_diff1": 49.64047591726873, + "nauc_ndcg_at_100_max": 36.0502827680962, + "nauc_ndcg_at_100_std": 0.4394585830222923, + "nauc_ndcg_at_10_diff1": 50.3895028633975, + "nauc_ndcg_at_10_max": 35.51838515595454, + "nauc_ndcg_at_10_std": -1.8340842845181509, + "nauc_ndcg_at_1_diff1": 55.09381247060509, + "nauc_ndcg_at_1_max": 37.17089033507927, + "nauc_ndcg_at_1_std": -2.545073558300969, + "nauc_ndcg_at_20_diff1": 49.975850062007375, + "nauc_ndcg_at_20_max": 35.8777155711073, + "nauc_ndcg_at_20_std": -1.1833564484981665, + "nauc_ndcg_at_3_diff1": 50.3823214340417, + "nauc_ndcg_at_3_max": 35.776477162991746, + "nauc_ndcg_at_3_std": -3.0969092422279623, + "nauc_ndcg_at_5_diff1": 50.18424405483706, + "nauc_ndcg_at_5_max": 35.886540678742485, + "nauc_ndcg_at_5_std": -2.2048728336054912, + "nauc_precision_at_1000_diff1": -8.409825453277659, + "nauc_precision_at_1000_max": 14.148796859940632, + "nauc_precision_at_1000_std": 28.34712816378856, + "nauc_precision_at_100_diff1": -4.133099395945424, + "nauc_precision_at_100_max": 23.436894225838895, + "nauc_precision_at_100_std": 31.777687917658554, + "nauc_precision_at_10_diff1": 12.456499608847746, + "nauc_precision_at_10_max": 34.40385767678226, + "nauc_precision_at_10_std": 22.64168731207244, + "nauc_precision_at_1_diff1": 55.09381247060509, + "nauc_precision_at_1_max": 37.17089033507927, + "nauc_precision_at_1_std": -2.545073558300969, + "nauc_precision_at_20_diff1": 4.838516065171166, + "nauc_precision_at_20_max": 31.381417947568412, + "nauc_precision_at_20_std": 26.974660907322917, + "nauc_precision_at_3_diff1": 28.180760599976384, + "nauc_precision_at_3_max": 36.40321247194992, + "nauc_precision_at_3_std": 9.375871028699667, + "nauc_precision_at_5_diff1": 19.689988735115058, + "nauc_precision_at_5_max": 35.98837508752083, + "nauc_precision_at_5_std": 16.284464606894232, + "nauc_recall_at_1000_diff1": 33.594125915695884, + "nauc_recall_at_1000_max": 31.574941156196807, + "nauc_recall_at_1000_std": 20.460707032380316, + "nauc_recall_at_100_diff1": 38.54327301097089, + "nauc_recall_at_100_max": 33.368528599783126, + "nauc_recall_at_100_std": 15.321500393966641, + "nauc_recall_at_10_diff1": 44.219731053687255, + "nauc_recall_at_10_max": 31.484342080988824, + "nauc_recall_at_10_std": 0.22452148883121484, + "nauc_recall_at_1_diff1": 57.92845763299044, + "nauc_recall_at_1_max": 29.3199164115535, + "nauc_recall_at_1_std": -11.586283921183611, + "nauc_recall_at_20_diff1": 41.39285600168573, + "nauc_recall_at_20_max": 32.966202138611465, + "nauc_recall_at_20_std": 3.365583403518244, + "nauc_recall_at_3_diff1": 47.33546382576856, + "nauc_recall_at_3_max": 30.988541475501425, + "nauc_recall_at_3_std": -5.87940259105687, + "nauc_recall_at_5_diff1": 45.27313627261692, + "nauc_recall_at_5_max": 32.34545008582682, + "nauc_recall_at_5_std": -1.6738776274622713, + "ndcg_at_1": 39.045, + "ndcg_at_10": 48.264, + "ndcg_at_100": 52.493, + "ndcg_at_1000": 54.457, + "ndcg_at_20": 49.888, + "ndcg_at_3": 43.86, + "ndcg_at_5": 45.983000000000004, + "precision_at_1": 39.045, + "precision_at_10": 9.096, + "precision_at_100": 1.442, + "precision_at_1000": 0.191, + "precision_at_20": 5.309, + "precision_at_3": 21.316, + "precision_at_5": 15.197, + "recall_at_1": 31.224, + "recall_at_10": 59.080999999999996, + "recall_at_100": 76.897, + "recall_at_1000": 89.23, + "recall_at_20": 64.891, + "recall_at_3": 46.076, + "recall_at_5": 51.964 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CQADupstackGamingRetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CQADupstackGamingRetrieval.json new file mode 100644 index 000000000..8c86b92d8 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CQADupstackGamingRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "4885aa143210c98657558c04aaf3dc47cfb54340", + "task_name": "CQADupstackGamingRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 62.366, + "map_at_1": 42.703, + "map_at_10": 56.281000000000006, + "map_at_100": 57.260999999999996, + "map_at_1000": 57.30800000000001, + "map_at_20": 56.871, + "map_at_3": 52.897000000000006, + "map_at_5": 54.773, + "mrr_at_1": 48.589341692789965, + "mrr_at_10": 59.43538836642291, + "mrr_at_100": 59.999373625798235, + "mrr_at_1000": 60.02341349127948, + "mrr_at_20": 59.78236245014694, + "mrr_at_3": 56.99059561128534, + "mrr_at_5": 58.373040752351216, + "nauc_map_at_1000_diff1": 51.724911969542475, + "nauc_map_at_1000_max": 31.59720256654406, + "nauc_map_at_1000_std": -8.448863423330733, + "nauc_map_at_100_diff1": 51.721207885585294, + "nauc_map_at_100_max": 31.598189555174677, + "nauc_map_at_100_std": -8.415293705149518, + "nauc_map_at_10_diff1": 51.74316546903847, + "nauc_map_at_10_max": 31.370796021816087, + "nauc_map_at_10_std": -9.144187110965651, + "nauc_map_at_1_diff1": 55.602123379999405, + "nauc_map_at_1_max": 26.15423784568626, + "nauc_map_at_1_std": -11.354042579102689, + "nauc_map_at_20_diff1": 51.71343659271482, + "nauc_map_at_20_max": 31.53988815092091, + "nauc_map_at_20_std": -8.65212495986148, + "nauc_map_at_3_diff1": 52.064639443577846, + "nauc_map_at_3_max": 30.3485604522721, + "nauc_map_at_3_std": -10.751274075635509, + "nauc_map_at_5_diff1": 51.72321940513861, + "nauc_map_at_5_max": 30.392319659455435, + "nauc_map_at_5_std": -9.939778501885101, + "nauc_mrr_at_1000_diff1": 51.184984251728025, + "nauc_mrr_at_1000_max": 32.69216958808548, + "nauc_mrr_at_1000_std": -8.500776574802599, + "nauc_mrr_at_100_diff1": 51.17941032241811, + "nauc_mrr_at_100_max": 32.70608756736136, + "nauc_mrr_at_100_std": -8.477679942920167, + "nauc_mrr_at_10_diff1": 51.07904444322852, + "nauc_mrr_at_10_max": 32.65962497893277, + "nauc_mrr_at_10_std": -8.709383804816481, + "nauc_mrr_at_1_diff1": 54.53142920528978, + "nauc_mrr_at_1_max": 30.926785799334677, + "nauc_mrr_at_1_std": -10.41145527848442, + "nauc_mrr_at_20_diff1": 51.14693383001116, + "nauc_mrr_at_20_max": 32.73093259139165, + "nauc_mrr_at_20_std": -8.447633887171534, + "nauc_mrr_at_3_diff1": 51.17432400675771, + "nauc_mrr_at_3_max": 32.85252288214242, + "nauc_mrr_at_3_std": -9.21642979066159, + "nauc_mrr_at_5_diff1": 51.036935248981905, + "nauc_mrr_at_5_max": 32.502626235077095, + "nauc_mrr_at_5_std": -8.948887571702919, + "nauc_ndcg_at_1000_diff1": 50.73024891705996, + "nauc_ndcg_at_1000_max": 33.26584662078177, + "nauc_ndcg_at_1000_std": -6.163854205845618, + "nauc_ndcg_at_100_diff1": 50.67040290788501, + "nauc_ndcg_at_100_max": 33.68165097437155, + "nauc_ndcg_at_100_std": -5.301942481514177, + "nauc_ndcg_at_10_diff1": 50.407269736351054, + "nauc_ndcg_at_10_max": 33.1723247102446, + "nauc_ndcg_at_10_std": -7.313191608002288, + "nauc_ndcg_at_1_diff1": 54.53142920528978, + "nauc_ndcg_at_1_max": 30.926785799334677, + "nauc_ndcg_at_1_std": -10.41145527848442, + "nauc_ndcg_at_20_diff1": 50.45722009686969, + "nauc_ndcg_at_20_max": 33.54250850995858, + "nauc_ndcg_at_20_std": -6.008420175252642, + "nauc_ndcg_at_3_diff1": 50.769657622259686, + "nauc_ndcg_at_3_max": 31.792120043553002, + "nauc_ndcg_at_3_std": -10.040327445335686, + "nauc_ndcg_at_5_diff1": 50.398976656987614, + "nauc_ndcg_at_5_max": 31.61780666125045, + "nauc_ndcg_at_5_std": -8.943124136769121, + "nauc_precision_at_1000_diff1": -17.275717791952, + "nauc_precision_at_1000_max": 7.275527027803384, + "nauc_precision_at_1000_std": 16.685486896410826, + "nauc_precision_at_100_diff1": -11.162266422032406, + "nauc_precision_at_100_max": 12.70258577369679, + "nauc_precision_at_100_std": 21.391285680664513, + "nauc_precision_at_10_diff1": 7.81828602576801, + "nauc_precision_at_10_max": 24.78598247621288, + "nauc_precision_at_10_std": 9.374021745818432, + "nauc_precision_at_1_diff1": 54.53142920528978, + "nauc_precision_at_1_max": 30.926785799334677, + "nauc_precision_at_1_std": -10.41145527848442, + "nauc_precision_at_20_diff1": 0.1631191398252266, + "nauc_precision_at_20_max": 20.619391150501272, + "nauc_precision_at_20_std": 16.276264697116872, + "nauc_precision_at_3_diff1": 27.04714503298839, + "nauc_precision_at_3_max": 30.101606964258337, + "nauc_precision_at_3_std": -3.681729229946907, + "nauc_precision_at_5_diff1": 17.843974173274304, + "nauc_precision_at_5_max": 25.676881643654763, + "nauc_precision_at_5_std": 1.5965157990195873, + "nauc_recall_at_1000_diff1": 29.087262485289735, + "nauc_recall_at_1000_max": 59.55059060998873, + "nauc_recall_at_1000_std": 62.21218125216127, + "nauc_recall_at_100_diff1": 41.30594954847261, + "nauc_recall_at_100_max": 48.03865105456248, + "nauc_recall_at_100_std": 28.904820877938946, + "nauc_recall_at_10_diff1": 43.528832373563795, + "nauc_recall_at_10_max": 36.333747103215266, + "nauc_recall_at_10_std": -0.586937217589867, + "nauc_recall_at_1_diff1": 55.602123379999405, + "nauc_recall_at_1_max": 26.15423784568626, + "nauc_recall_at_1_std": -11.354042579102689, + "nauc_recall_at_20_diff1": 42.86486871096986, + "nauc_recall_at_20_max": 39.37052680687811, + "nauc_recall_at_20_std": 7.7270172598031985, + "nauc_recall_at_3_diff1": 46.744057097749746, + "nauc_recall_at_3_max": 32.0901543978326, + "nauc_recall_at_3_std": -9.836059759091158, + "nauc_recall_at_5_diff1": 44.52443640046374, + "nauc_recall_at_5_max": 31.155871822952808, + "nauc_recall_at_5_std": -7.116612032547676, + "ndcg_at_1": 48.589, + "ndcg_at_10": 62.366, + "ndcg_at_100": 66.011, + "ndcg_at_1000": 66.88199999999999, + "ndcg_at_20": 63.979, + "ndcg_at_3": 56.764, + "ndcg_at_5": 59.426, + "precision_at_1": 48.589, + "precision_at_10": 9.981, + "precision_at_100": 1.277, + "precision_at_1000": 0.13899999999999998, + "precision_at_20": 5.514, + "precision_at_3": 25.308000000000003, + "precision_at_5": 17.241, + "recall_at_1": 42.703, + "recall_at_10": 77.08, + "recall_at_100": 92.374, + "recall_at_1000": 98.402, + "recall_at_20": 82.87400000000001, + "recall_at_3": 62.138000000000005, + "recall_at_5": 68.679 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CQADupstackGisRetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CQADupstackGisRetrieval.json new file mode 100644 index 000000000..a598e6b2f --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CQADupstackGisRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "5003b3064772da1887988e05400cf3806fe491f2", + "task_name": "CQADupstackGisRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 39.971000000000004, + "map_at_1": 25.06, + "map_at_10": 34.551, + "map_at_100": 35.568, + "map_at_1000": 35.65, + "map_at_20": 35.127, + "map_at_3": 31.936999999999998, + "map_at_5": 33.186, + "mrr_at_1": 27.11864406779661, + "mrr_at_10": 36.72652676889963, + "mrr_at_100": 37.57204686098606, + "mrr_at_1000": 37.63141267969674, + "mrr_at_20": 37.19310670147632, + "mrr_at_3": 34.27495291902072, + "mrr_at_5": 35.438794726930304, + "nauc_map_at_1000_diff1": 43.63829107634628, + "nauc_map_at_1000_max": 23.954060999822257, + "nauc_map_at_1000_std": -0.5807446969781898, + "nauc_map_at_100_diff1": 43.610748406014466, + "nauc_map_at_100_max": 23.94949736158448, + "nauc_map_at_100_std": -0.5982601848367343, + "nauc_map_at_10_diff1": 43.72900243122612, + "nauc_map_at_10_max": 23.508469522079885, + "nauc_map_at_10_std": -0.5258931194184133, + "nauc_map_at_1_diff1": 50.922871467903654, + "nauc_map_at_1_max": 24.6067671408884, + "nauc_map_at_1_std": -4.630126214452492, + "nauc_map_at_20_diff1": 43.63024854824786, + "nauc_map_at_20_max": 23.874524344212734, + "nauc_map_at_20_std": -0.556366665388133, + "nauc_map_at_3_diff1": 44.38253552931588, + "nauc_map_at_3_max": 22.561513802056236, + "nauc_map_at_3_std": -3.005119773408719, + "nauc_map_at_5_diff1": 44.016586535650795, + "nauc_map_at_5_max": 23.302456735449038, + "nauc_map_at_5_std": -1.7618309245289323, + "nauc_mrr_at_1000_diff1": 42.68205493907015, + "nauc_mrr_at_1000_max": 26.024690905326025, + "nauc_mrr_at_1000_std": 0.6287706252427459, + "nauc_mrr_at_100_diff1": 42.654961103491004, + "nauc_mrr_at_100_max": 26.029087860328065, + "nauc_mrr_at_100_std": 0.6163052064323858, + "nauc_mrr_at_10_diff1": 42.56564515109072, + "nauc_mrr_at_10_max": 25.666414824261224, + "nauc_mrr_at_10_std": 0.7949641234835698, + "nauc_mrr_at_1_diff1": 49.966125488185206, + "nauc_mrr_at_1_max": 27.193710462071348, + "nauc_mrr_at_1_std": -2.2786990240033718, + "nauc_mrr_at_20_diff1": 42.65274684886744, + "nauc_mrr_at_20_max": 26.052180768841172, + "nauc_mrr_at_20_std": 0.7171447318848092, + "nauc_mrr_at_3_diff1": 43.22408289408012, + "nauc_mrr_at_3_max": 25.34061478734211, + "nauc_mrr_at_3_std": -1.1093305128661515, + "nauc_mrr_at_5_diff1": 42.87983482470224, + "nauc_mrr_at_5_max": 25.91557396366082, + "nauc_mrr_at_5_std": -0.13066697110897257, + "nauc_ndcg_at_1000_diff1": 41.53426396594562, + "nauc_ndcg_at_1000_max": 25.526814765685046, + "nauc_ndcg_at_1000_std": 2.2841859589382487, + "nauc_ndcg_at_100_diff1": 40.61825803826763, + "nauc_ndcg_at_100_max": 25.344384823963455, + "nauc_ndcg_at_100_std": 1.9818508179504288, + "nauc_ndcg_at_10_diff1": 40.82184056229221, + "nauc_ndcg_at_10_max": 23.832384873845786, + "nauc_ndcg_at_10_std": 2.4835478280573966, + "nauc_ndcg_at_1_diff1": 49.966125488185206, + "nauc_ndcg_at_1_max": 27.193710462071348, + "nauc_ndcg_at_1_std": -2.2786990240033718, + "nauc_ndcg_at_20_diff1": 40.648257910495396, + "nauc_ndcg_at_20_max": 25.1143676738966, + "nauc_ndcg_at_20_std": 2.2994895733337084, + "nauc_ndcg_at_3_diff1": 42.115026070978224, + "nauc_ndcg_at_3_max": 22.895171049309084, + "nauc_ndcg_at_3_std": -2.160818780944711, + "nauc_ndcg_at_5_diff1": 41.608274106869516, + "nauc_ndcg_at_5_max": 23.8694881434902, + "nauc_ndcg_at_5_std": -0.2034244843217431, + "nauc_precision_at_1000_diff1": -0.08291845059826138, + "nauc_precision_at_1000_max": 20.313650012376964, + "nauc_precision_at_1000_std": 13.510706405842074, + "nauc_precision_at_100_diff1": 9.885311318637227, + "nauc_precision_at_100_max": 26.374081882816075, + "nauc_precision_at_100_std": 12.021731392392521, + "nauc_precision_at_10_diff1": 25.883633917220507, + "nauc_precision_at_10_max": 26.552638392568888, + "nauc_precision_at_10_std": 14.460458912586468, + "nauc_precision_at_1_diff1": 49.966125488185206, + "nauc_precision_at_1_max": 27.193710462071348, + "nauc_precision_at_1_std": -2.2786990240033718, + "nauc_precision_at_20_diff1": 20.695053025711932, + "nauc_precision_at_20_max": 29.151449538281586, + "nauc_precision_at_20_std": 13.496486151691874, + "nauc_precision_at_3_diff1": 33.475423305252995, + "nauc_precision_at_3_max": 24.486060318210537, + "nauc_precision_at_3_std": 1.9847009660547001, + "nauc_precision_at_5_diff1": 31.14043721035368, + "nauc_precision_at_5_max": 27.224889907879906, + "nauc_precision_at_5_std": 6.539905565691817, + "nauc_recall_at_1000_diff1": 34.33506268392135, + "nauc_recall_at_1000_max": 37.11939420491589, + "nauc_recall_at_1000_std": 31.371417780064085, + "nauc_recall_at_100_diff1": 26.348832193119886, + "nauc_recall_at_100_max": 28.096364816659065, + "nauc_recall_at_100_std": 11.980597075104523, + "nauc_recall_at_10_diff1": 31.684763745718985, + "nauc_recall_at_10_max": 21.556273820201323, + "nauc_recall_at_10_std": 10.480665669920347, + "nauc_recall_at_1_diff1": 50.922871467903654, + "nauc_recall_at_1_max": 24.6067671408884, + "nauc_recall_at_1_std": -4.630126214452492, + "nauc_recall_at_20_diff1": 30.160960913064304, + "nauc_recall_at_20_max": 26.303437539000505, + "nauc_recall_at_20_std": 10.389326804314718, + "nauc_recall_at_3_diff1": 36.88184391262179, + "nauc_recall_at_3_max": 20.190953608016223, + "nauc_recall_at_3_std": -1.3089868832214695, + "nauc_recall_at_5_diff1": 34.99254305849935, + "nauc_recall_at_5_max": 22.230820355560727, + "nauc_recall_at_5_std": 2.678023175693563, + "ndcg_at_1": 27.119, + "ndcg_at_10": 39.971000000000004, + "ndcg_at_100": 44.952, + "ndcg_at_1000": 46.821, + "ndcg_at_20": 41.881, + "ndcg_at_3": 34.727000000000004, + "ndcg_at_5": 36.814, + "precision_at_1": 27.119, + "precision_at_10": 6.271, + "precision_at_100": 0.9249999999999999, + "precision_at_1000": 0.11199999999999999, + "precision_at_20": 3.605, + "precision_at_3": 14.991, + "precision_at_5": 10.26, + "recall_at_1": 25.06, + "recall_at_10": 54.635, + "recall_at_100": 77.639, + "recall_at_1000": 91.301, + "recall_at_20": 61.763, + "recall_at_3": 40.143, + "recall_at_5": 45.193 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CQADupstackMathematicaRetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CQADupstackMathematicaRetrieval.json new file mode 100644 index 000000000..4cebf9954 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CQADupstackMathematicaRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "90fceea13679c63fe563ded68f3b6f06e50061de", + "task_name": "CQADupstackMathematicaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 30.308, + "map_at_1": 16.154, + "map_at_10": 24.743000000000002, + "map_at_100": 26.069, + "map_at_1000": 26.197, + "map_at_20": 25.46, + "map_at_3": 21.816, + "map_at_5": 23.443, + "mrr_at_1": 20.149253731343283, + "mrr_at_10": 29.10847547974411, + "mrr_at_100": 30.13595361660887, + "mrr_at_1000": 30.211025784243766, + "mrr_at_20": 29.706267830545784, + "mrr_at_3": 26.451077943615264, + "mrr_at_5": 27.868988391376444, + "nauc_map_at_1000_diff1": 31.47263576493308, + "nauc_map_at_1000_max": 18.49384617286511, + "nauc_map_at_1000_std": 0.5754985941500461, + "nauc_map_at_100_diff1": 31.44160594144755, + "nauc_map_at_100_max": 18.46607563648124, + "nauc_map_at_100_std": 0.5879794819886102, + "nauc_map_at_10_diff1": 31.71626861875994, + "nauc_map_at_10_max": 18.662179744257916, + "nauc_map_at_10_std": -0.013163124651967131, + "nauc_map_at_1_diff1": 37.33971420967126, + "nauc_map_at_1_max": 17.543923177907566, + "nauc_map_at_1_std": -0.6312070176608349, + "nauc_map_at_20_diff1": 31.443960381506987, + "nauc_map_at_20_max": 18.39695256653282, + "nauc_map_at_20_std": 0.24204111048796523, + "nauc_map_at_3_diff1": 32.66647821102399, + "nauc_map_at_3_max": 17.166769100670678, + "nauc_map_at_3_std": 0.2511302116485242, + "nauc_map_at_5_diff1": 31.814363889022516, + "nauc_map_at_5_max": 17.450292361372707, + "nauc_map_at_5_std": -0.45123652210324744, + "nauc_mrr_at_1000_diff1": 31.885514197021163, + "nauc_mrr_at_1000_max": 18.697001653609462, + "nauc_mrr_at_1000_std": -0.7075589181761113, + "nauc_mrr_at_100_diff1": 31.859235999194958, + "nauc_mrr_at_100_max": 18.685923862530778, + "nauc_mrr_at_100_std": -0.7027394321332194, + "nauc_mrr_at_10_diff1": 32.00819090481358, + "nauc_mrr_at_10_max": 18.858552402155677, + "nauc_mrr_at_10_std": -0.8729017160389365, + "nauc_mrr_at_1_diff1": 36.55463496530352, + "nauc_mrr_at_1_max": 17.893580417517832, + "nauc_mrr_at_1_std": -2.7268036629932895, + "nauc_mrr_at_20_diff1": 31.79086317678036, + "nauc_mrr_at_20_max": 18.72847970596078, + "nauc_mrr_at_20_std": -0.7526268512949703, + "nauc_mrr_at_3_diff1": 32.24844813811655, + "nauc_mrr_at_3_max": 17.810304497390504, + "nauc_mrr_at_3_std": -1.3573591649881485, + "nauc_mrr_at_5_diff1": 32.29719658849603, + "nauc_mrr_at_5_max": 18.01176246232617, + "nauc_mrr_at_5_std": -1.3156140758149915, + "nauc_ndcg_at_1000_diff1": 30.420235654700672, + "nauc_ndcg_at_1000_max": 20.14284394608303, + "nauc_ndcg_at_1000_std": 2.409633449702056, + "nauc_ndcg_at_100_diff1": 29.54867297316048, + "nauc_ndcg_at_100_max": 19.63470407851956, + "nauc_ndcg_at_100_std": 3.062730904774899, + "nauc_ndcg_at_10_diff1": 30.288655944213627, + "nauc_ndcg_at_10_max": 20.304033843092395, + "nauc_ndcg_at_10_std": 0.7042902099149692, + "nauc_ndcg_at_1_diff1": 36.55463496530352, + "nauc_ndcg_at_1_max": 17.893580417517832, + "nauc_ndcg_at_1_std": -2.7268036629932895, + "nauc_ndcg_at_20_diff1": 29.315712836253248, + "nauc_ndcg_at_20_max": 19.55539590463071, + "nauc_ndcg_at_20_std": 1.4238452417516618, + "nauc_ndcg_at_3_diff1": 31.54355638372054, + "nauc_ndcg_at_3_max": 17.766299875547816, + "nauc_ndcg_at_3_std": 0.28964137714040095, + "nauc_ndcg_at_5_diff1": 30.818060499932542, + "nauc_ndcg_at_5_max": 18.068091310151164, + "nauc_ndcg_at_5_std": -0.16020203299958868, + "nauc_precision_at_1000_diff1": 1.8177927649439825, + "nauc_precision_at_1000_max": 1.9156412467603505, + "nauc_precision_at_1000_std": -1.0195378172264247, + "nauc_precision_at_100_diff1": 7.852064632368817, + "nauc_precision_at_100_max": 11.41378732164787, + "nauc_precision_at_100_std": 8.845589790612463, + "nauc_precision_at_10_diff1": 19.576158908850957, + "nauc_precision_at_10_max": 22.963840017872794, + "nauc_precision_at_10_std": 2.426835326713512, + "nauc_precision_at_1_diff1": 36.55463496530352, + "nauc_precision_at_1_max": 17.893580417517832, + "nauc_precision_at_1_std": -2.7268036629932895, + "nauc_precision_at_20_diff1": 15.305985286454149, + "nauc_precision_at_20_max": 18.827005672571858, + "nauc_precision_at_20_std": 3.992229421735929, + "nauc_precision_at_3_diff1": 26.358279542321966, + "nauc_precision_at_3_max": 19.340749761958552, + "nauc_precision_at_3_std": 0.8501109386129221, + "nauc_precision_at_5_diff1": 22.462129435924727, + "nauc_precision_at_5_max": 18.890119720243188, + "nauc_precision_at_5_std": 0.21756962337473482, + "nauc_recall_at_1000_diff1": 25.079504569576184, + "nauc_recall_at_1000_max": 36.71138367024086, + "nauc_recall_at_1000_std": 18.882277140819067, + "nauc_recall_at_100_diff1": 19.980741195591563, + "nauc_recall_at_100_max": 21.648381374802273, + "nauc_recall_at_100_std": 14.541121099803092, + "nauc_recall_at_10_diff1": 24.61930855038573, + "nauc_recall_at_10_max": 22.98083391642699, + "nauc_recall_at_10_std": 2.860945348018573, + "nauc_recall_at_1_diff1": 37.33971420967126, + "nauc_recall_at_1_max": 17.543923177907566, + "nauc_recall_at_1_std": -0.6312070176608349, + "nauc_recall_at_20_diff1": 20.478434900407255, + "nauc_recall_at_20_max": 20.439655780702832, + "nauc_recall_at_20_std": 5.4039574030039885, + "nauc_recall_at_3_diff1": 27.845972047264578, + "nauc_recall_at_3_max": 16.649682003649193, + "nauc_recall_at_3_std": 2.171037068117454, + "nauc_recall_at_5_diff1": 26.76354795664187, + "nauc_recall_at_5_max": 17.488511178851763, + "nauc_recall_at_5_std": 0.7909085800561211, + "ndcg_at_1": 20.149, + "ndcg_at_10": 30.308, + "ndcg_at_100": 36.361, + "ndcg_at_1000": 39.128, + "ndcg_at_20": 32.719, + "ndcg_at_3": 24.969, + "ndcg_at_5": 27.409, + "precision_at_1": 20.149, + "precision_at_10": 5.784000000000001, + "precision_at_100": 1.011, + "precision_at_1000": 0.13799999999999998, + "precision_at_20": 3.5319999999999996, + "precision_at_3": 12.106, + "precision_at_5": 9.030000000000001, + "recall_at_1": 16.154, + "recall_at_10": 43.092000000000006, + "recall_at_100": 68.998, + "recall_at_1000": 88.127, + "recall_at_20": 51.937999999999995, + "recall_at_3": 28.473, + "recall_at_5": 34.624 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CQADupstackPhysicsRetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CQADupstackPhysicsRetrieval.json new file mode 100644 index 000000000..55738a999 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CQADupstackPhysicsRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "79531abbd1fb92d06c6d6315a0cbbbf5bb247ea4", + "task_name": "CQADupstackPhysicsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 46.931, + "map_at_1": 30.036, + "map_at_10": 40.753, + "map_at_100": 42.098, + "map_at_1000": 42.201, + "map_at_20": 41.494, + "map_at_3": 37.55, + "map_at_5": 39.266, + "mrr_at_1": 36.57362848893166, + "mrr_at_10": 46.15953985058891, + "mrr_at_100": 46.964409847048735, + "mrr_at_1000": 47.006684152310186, + "mrr_at_20": 46.63576095668375, + "mrr_at_3": 43.39108116778952, + "mrr_at_5": 45.0609560474815, + "nauc_map_at_1000_diff1": 50.008393482865934, + "nauc_map_at_1000_max": 27.44292854668337, + "nauc_map_at_1000_std": -1.1827744848485413, + "nauc_map_at_100_diff1": 50.01593736030433, + "nauc_map_at_100_max": 27.401227555060693, + "nauc_map_at_100_std": -1.226830892874052, + "nauc_map_at_10_diff1": 50.22186852707843, + "nauc_map_at_10_max": 26.882005386152162, + "nauc_map_at_10_std": -1.7817280491798217, + "nauc_map_at_1_diff1": 53.70420852974904, + "nauc_map_at_1_max": 25.134260139256465, + "nauc_map_at_1_std": -5.16360510676616, + "nauc_map_at_20_diff1": 50.03553131371993, + "nauc_map_at_20_max": 27.028712351429306, + "nauc_map_at_20_std": -1.4264982725018232, + "nauc_map_at_3_diff1": 50.56170061459129, + "nauc_map_at_3_max": 27.125222360081885, + "nauc_map_at_3_std": -2.1772011676637457, + "nauc_map_at_5_diff1": 50.55287654401218, + "nauc_map_at_5_max": 27.179943148291034, + "nauc_map_at_5_std": -1.9278191493666326, + "nauc_mrr_at_1000_diff1": 50.19001608358556, + "nauc_mrr_at_1000_max": 30.11015154646845, + "nauc_mrr_at_1000_std": -0.01731538046574592, + "nauc_mrr_at_100_diff1": 50.17990723644671, + "nauc_mrr_at_100_max": 30.08888004508371, + "nauc_mrr_at_100_std": -0.03777479539357456, + "nauc_mrr_at_10_diff1": 50.29875316793952, + "nauc_mrr_at_10_max": 30.0700394599554, + "nauc_mrr_at_10_std": -0.1129279328368799, + "nauc_mrr_at_1_diff1": 53.13267349109123, + "nauc_mrr_at_1_max": 29.600631965679142, + "nauc_mrr_at_1_std": -1.0534342020289145, + "nauc_mrr_at_20_diff1": 50.20426738346865, + "nauc_mrr_at_20_max": 30.03033165917099, + "nauc_mrr_at_20_std": -0.0990630706915973, + "nauc_mrr_at_3_diff1": 50.44930547118647, + "nauc_mrr_at_3_max": 30.18069271699821, + "nauc_mrr_at_3_std": -0.4106548753200651, + "nauc_mrr_at_5_diff1": 50.42405239937933, + "nauc_mrr_at_5_max": 30.323511080797132, + "nauc_mrr_at_5_std": -0.10914898852912731, + "nauc_ndcg_at_1000_diff1": 48.4023648301636, + "nauc_ndcg_at_1000_max": 29.372043713546457, + "nauc_ndcg_at_1000_std": 1.4160068477128542, + "nauc_ndcg_at_100_diff1": 48.43331450594402, + "nauc_ndcg_at_100_max": 28.62936981969224, + "nauc_ndcg_at_100_std": 0.8983763064461433, + "nauc_ndcg_at_10_diff1": 49.03974183137114, + "nauc_ndcg_at_10_max": 27.134352966349006, + "nauc_ndcg_at_10_std": -0.7394110214476277, + "nauc_ndcg_at_1_diff1": 53.13267349109123, + "nauc_ndcg_at_1_max": 29.600631965679142, + "nauc_ndcg_at_1_std": -1.0534342020289145, + "nauc_ndcg_at_20_diff1": 48.48145045039039, + "nauc_ndcg_at_20_max": 27.312478220117836, + "nauc_ndcg_at_20_std": -0.08007639532022988, + "nauc_ndcg_at_3_diff1": 49.795198984753725, + "nauc_ndcg_at_3_max": 28.851373164423457, + "nauc_ndcg_at_3_std": -0.7114306314589505, + "nauc_ndcg_at_5_diff1": 49.76549299850904, + "nauc_ndcg_at_5_max": 28.333095297025384, + "nauc_ndcg_at_5_std": -0.6065340225903514, + "nauc_precision_at_1000_diff1": -14.995860825405593, + "nauc_precision_at_1000_max": 10.497503977177239, + "nauc_precision_at_1000_std": 15.472908805216562, + "nauc_precision_at_100_diff1": -5.056728888436733, + "nauc_precision_at_100_max": 16.225279572994932, + "nauc_precision_at_100_std": 17.333024162674036, + "nauc_precision_at_10_diff1": 18.485355184593836, + "nauc_precision_at_10_max": 21.53388484848657, + "nauc_precision_at_10_std": 9.864926100512946, + "nauc_precision_at_1_diff1": 53.13267349109123, + "nauc_precision_at_1_max": 29.600631965679142, + "nauc_precision_at_1_std": -1.0534342020289145, + "nauc_precision_at_20_diff1": 9.420119338006966, + "nauc_precision_at_20_max": 19.132214665647382, + "nauc_precision_at_20_std": 13.168229893698857, + "nauc_precision_at_3_diff1": 34.51509644827664, + "nauc_precision_at_3_max": 28.988501800675305, + "nauc_precision_at_3_std": 6.887544108087535, + "nauc_precision_at_5_diff1": 29.728890633704864, + "nauc_precision_at_5_max": 27.527807375891044, + "nauc_precision_at_5_std": 8.615115789487243, + "nauc_recall_at_1000_diff1": 21.30536250453658, + "nauc_recall_at_1000_max": 45.66826079811565, + "nauc_recall_at_1000_std": 40.948489257124734, + "nauc_recall_at_100_diff1": 36.41578755512283, + "nauc_recall_at_100_max": 25.843843547872236, + "nauc_recall_at_100_std": 9.98566808528975, + "nauc_recall_at_10_diff1": 42.73428373449279, + "nauc_recall_at_10_max": 22.45723124505396, + "nauc_recall_at_10_std": 0.6596133636511106, + "nauc_recall_at_1_diff1": 53.70420852974904, + "nauc_recall_at_1_max": 25.134260139256465, + "nauc_recall_at_1_std": -5.16360510676616, + "nauc_recall_at_20_diff1": 39.67103657607903, + "nauc_recall_at_20_max": 21.767425036370714, + "nauc_recall_at_20_std": 2.792759310018829, + "nauc_recall_at_3_diff1": 46.672591160111224, + "nauc_recall_at_3_max": 26.876529270231792, + "nauc_recall_at_3_std": -1.1160005181114536, + "nauc_recall_at_5_diff1": 45.77174277314153, + "nauc_recall_at_5_max": 26.349199537996853, + "nauc_recall_at_5_std": -0.09454430813945205, + "ndcg_at_1": 36.574, + "ndcg_at_10": 46.931, + "ndcg_at_100": 52.40899999999999, + "ndcg_at_1000": 54.31, + "ndcg_at_20": 49.098000000000006, + "ndcg_at_3": 41.585, + "ndcg_at_5": 44.009, + "precision_at_1": 36.574, + "precision_at_10": 8.518, + "precision_at_100": 1.317, + "precision_at_1000": 0.167, + "precision_at_20": 4.99, + "precision_at_3": 19.794999999999998, + "precision_at_5": 13.879, + "recall_at_1": 30.036, + "recall_at_10": 60.043, + "recall_at_100": 82.78999999999999, + "recall_at_1000": 95.017, + "recall_at_20": 67.509, + "recall_at_3": 44.769, + "recall_at_5": 51.23 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CQADupstackProgrammersRetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CQADupstackProgrammersRetrieval.json new file mode 100644 index 000000000..a257e0716 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CQADupstackProgrammersRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "6184bc1440d2dbc7612be22b50686b8826d22b32", + "task_name": "CQADupstackProgrammersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 43.147999999999996, + "map_at_1": 27.299, + "map_at_10": 37.441, + "map_at_100": 38.977000000000004, + "map_at_1000": 39.068999999999996, + "map_at_20": 38.282, + "map_at_3": 34.217, + "map_at_5": 36.027, + "mrr_at_1": 33.44748858447489, + "mrr_at_10": 42.456738783793554, + "mrr_at_100": 43.485313174917046, + "mrr_at_1000": 43.52577210412886, + "mrr_at_20": 43.02431629929082, + "mrr_at_3": 39.72602739726027, + "mrr_at_5": 41.32420091324198, + "nauc_map_at_1000_diff1": 42.430993099089214, + "nauc_map_at_1000_max": 28.098034312926952, + "nauc_map_at_1000_std": 3.231295090968473, + "nauc_map_at_100_diff1": 42.42649976590143, + "nauc_map_at_100_max": 28.07518501114065, + "nauc_map_at_100_std": 3.2663627223954257, + "nauc_map_at_10_diff1": 42.37108247761657, + "nauc_map_at_10_max": 27.784006301694887, + "nauc_map_at_10_std": 2.1562734801370382, + "nauc_map_at_1_diff1": 46.996543750833226, + "nauc_map_at_1_max": 23.22775877678291, + "nauc_map_at_1_std": -3.185987618625673, + "nauc_map_at_20_diff1": 42.285605547136605, + "nauc_map_at_20_max": 27.87619604505037, + "nauc_map_at_20_std": 2.868182127790041, + "nauc_map_at_3_diff1": 43.17884748984982, + "nauc_map_at_3_max": 26.640107029543174, + "nauc_map_at_3_std": -0.6337177522670645, + "nauc_map_at_5_diff1": 42.55295619170691, + "nauc_map_at_5_max": 27.09386543850697, + "nauc_map_at_5_std": 1.1172301120800785, + "nauc_mrr_at_1000_diff1": 41.44240071604904, + "nauc_mrr_at_1000_max": 29.942727017459177, + "nauc_mrr_at_1000_std": 4.847580130462551, + "nauc_mrr_at_100_diff1": 41.43634208329461, + "nauc_mrr_at_100_max": 29.94502158371524, + "nauc_mrr_at_100_std": 4.873085525046516, + "nauc_mrr_at_10_diff1": 41.434406767394215, + "nauc_mrr_at_10_max": 29.961051443508534, + "nauc_mrr_at_10_std": 4.490183376727645, + "nauc_mrr_at_1_diff1": 46.01681006012476, + "nauc_mrr_at_1_max": 28.39735171499139, + "nauc_mrr_at_1_std": 0.8500045602957598, + "nauc_mrr_at_20_diff1": 41.324947979964605, + "nauc_mrr_at_20_max": 29.939799023317963, + "nauc_mrr_at_20_std": 4.8458435024129685, + "nauc_mrr_at_3_diff1": 41.87918200877444, + "nauc_mrr_at_3_max": 29.878707844397507, + "nauc_mrr_at_3_std": 2.754394941481161, + "nauc_mrr_at_5_diff1": 41.17158211294708, + "nauc_mrr_at_5_max": 29.525114418603625, + "nauc_mrr_at_5_std": 3.6695976231626792, + "nauc_ndcg_at_1000_diff1": 40.85015584223998, + "nauc_ndcg_at_1000_max": 30.175833847400003, + "nauc_ndcg_at_1000_std": 7.454581754774201, + "nauc_ndcg_at_100_diff1": 40.679563549502475, + "nauc_ndcg_at_100_max": 30.105638179098303, + "nauc_ndcg_at_100_std": 8.61962835140906, + "nauc_ndcg_at_10_diff1": 40.37700967457906, + "nauc_ndcg_at_10_max": 29.33300077317775, + "nauc_ndcg_at_10_std": 5.023758212980035, + "nauc_ndcg_at_1_diff1": 46.01681006012476, + "nauc_ndcg_at_1_max": 28.39735171499139, + "nauc_ndcg_at_1_std": 0.8500045602957598, + "nauc_ndcg_at_20_diff1": 39.98886010789604, + "nauc_ndcg_at_20_max": 29.36296219371212, + "nauc_ndcg_at_20_std": 7.1201782062536925, + "nauc_ndcg_at_3_diff1": 40.92324084648135, + "nauc_ndcg_at_3_max": 28.520942397787785, + "nauc_ndcg_at_3_std": 1.0293165278727892, + "nauc_ndcg_at_5_diff1": 40.317533959797814, + "nauc_ndcg_at_5_max": 28.339428764903264, + "nauc_ndcg_at_5_std": 3.1896497530161687, + "nauc_precision_at_1000_diff1": -6.9969817860247625, + "nauc_precision_at_1000_max": 9.347778794059506, + "nauc_precision_at_1000_std": 7.9646208472184625, + "nauc_precision_at_100_diff1": 2.991937395454712, + "nauc_precision_at_100_max": 18.71624281667294, + "nauc_precision_at_100_std": 21.600526590609512, + "nauc_precision_at_10_diff1": 18.37445514123775, + "nauc_precision_at_10_max": 29.699257376065063, + "nauc_precision_at_10_std": 18.095751349204832, + "nauc_precision_at_1_diff1": 46.01681006012476, + "nauc_precision_at_1_max": 28.39735171499139, + "nauc_precision_at_1_std": 0.8500045602957598, + "nauc_precision_at_20_diff1": 11.472713745988054, + "nauc_precision_at_20_max": 25.690985880662325, + "nauc_precision_at_20_std": 22.46754877988948, + "nauc_precision_at_3_diff1": 29.052028827439607, + "nauc_precision_at_3_max": 31.04481903220871, + "nauc_precision_at_3_std": 8.208096616199493, + "nauc_precision_at_5_diff1": 23.711708272374533, + "nauc_precision_at_5_max": 30.24946804680551, + "nauc_precision_at_5_std": 12.681259000978528, + "nauc_recall_at_1000_diff1": 16.82259171106293, + "nauc_recall_at_1000_max": 42.76820203485854, + "nauc_recall_at_1000_std": 55.97238149176407, + "nauc_recall_at_100_diff1": 27.21094062723115, + "nauc_recall_at_100_max": 33.698956290459584, + "nauc_recall_at_100_std": 37.63664733891902, + "nauc_recall_at_10_diff1": 33.26348363515544, + "nauc_recall_at_10_max": 29.5718227632449, + "nauc_recall_at_10_std": 10.62584355073482, + "nauc_recall_at_1_diff1": 46.996543750833226, + "nauc_recall_at_1_max": 23.22775877678291, + "nauc_recall_at_1_std": -3.185987618625673, + "nauc_recall_at_20_diff1": 30.615386537256107, + "nauc_recall_at_20_max": 29.459243404458636, + "nauc_recall_at_20_std": 18.849849153868913, + "nauc_recall_at_3_diff1": 37.22492629427872, + "nauc_recall_at_3_max": 27.49351222866847, + "nauc_recall_at_3_std": 0.31700586087567145, + "nauc_recall_at_5_diff1": 34.4555753891359, + "nauc_recall_at_5_max": 27.219221048995283, + "nauc_recall_at_5_std": 6.057763073329902, + "ndcg_at_1": 33.446999999999996, + "ndcg_at_10": 43.147999999999996, + "ndcg_at_100": 49.601, + "ndcg_at_1000": 51.437, + "ndcg_at_20": 45.704, + "ndcg_at_3": 37.978, + "ndcg_at_5": 40.431, + "precision_at_1": 33.446999999999996, + "precision_at_10": 7.888000000000001, + "precision_at_100": 1.298, + "precision_at_1000": 0.16199999999999998, + "precision_at_20": 4.749, + "precision_at_3": 17.922, + "precision_at_5": 12.9, + "recall_at_1": 27.299, + "recall_at_10": 54.92399999999999, + "recall_at_100": 82.308, + "recall_at_1000": 94.451, + "recall_at_20": 63.952, + "recall_at_3": 40.788000000000004, + "recall_at_5": 47.198 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CQADupstackStatsRetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CQADupstackStatsRetrieval.json new file mode 100644 index 000000000..7d838ce3a --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CQADupstackStatsRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "65ac3a16b8e91f9cee4c9828cc7c335575432a2a", + "task_name": "CQADupstackStatsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 35.535, + "map_at_1": 23.082, + "map_at_10": 30.991000000000003, + "map_at_100": 31.968000000000004, + "map_at_1000": 32.07, + "map_at_20": 31.535000000000004, + "map_at_3": 28.605000000000004, + "map_at_5": 30.06, + "mrr_at_1": 25.920245398773005, + "mrr_at_10": 33.93191888207225, + "mrr_at_100": 34.77251067424867, + "mrr_at_1000": 34.838890717603476, + "mrr_at_20": 34.396659782410225, + "mrr_at_3": 31.722903885480587, + "mrr_at_5": 33.11860940695298, + "nauc_map_at_1000_diff1": 50.959235687536655, + "nauc_map_at_1000_max": 30.655083426929526, + "nauc_map_at_1000_std": 4.551329335263164, + "nauc_map_at_100_diff1": 50.95439619487166, + "nauc_map_at_100_max": 30.623042271335667, + "nauc_map_at_100_std": 4.553201745695824, + "nauc_map_at_10_diff1": 50.67983398647876, + "nauc_map_at_10_max": 30.286986966981583, + "nauc_map_at_10_std": 3.9148983660544125, + "nauc_map_at_1_diff1": 58.20205266764334, + "nauc_map_at_1_max": 28.58134257489169, + "nauc_map_at_1_std": 0.40198884745343, + "nauc_map_at_20_diff1": 50.90472178620438, + "nauc_map_at_20_max": 30.563325966498205, + "nauc_map_at_20_std": 4.369655492671673, + "nauc_map_at_3_diff1": 52.084512866747325, + "nauc_map_at_3_max": 29.374244156637356, + "nauc_map_at_3_std": 2.0818606642419963, + "nauc_map_at_5_diff1": 51.27705609284862, + "nauc_map_at_5_max": 30.17700495077409, + "nauc_map_at_5_std": 3.2722185125269103, + "nauc_mrr_at_1000_diff1": 51.909591752092425, + "nauc_mrr_at_1000_max": 33.36453135370183, + "nauc_mrr_at_1000_std": 7.404496516950065, + "nauc_mrr_at_100_diff1": 51.900856693619126, + "nauc_mrr_at_100_max": 33.350334085938364, + "nauc_mrr_at_100_std": 7.410015907741515, + "nauc_mrr_at_10_diff1": 51.82074175684569, + "nauc_mrr_at_10_max": 33.32820656085001, + "nauc_mrr_at_10_std": 7.043558257826565, + "nauc_mrr_at_1_diff1": 60.46456002140532, + "nauc_mrr_at_1_max": 33.31049028455304, + "nauc_mrr_at_1_std": 4.830131026566884, + "nauc_mrr_at_20_diff1": 51.8644842944308, + "nauc_mrr_at_20_max": 33.3675144190388, + "nauc_mrr_at_20_std": 7.256444002173675, + "nauc_mrr_at_3_diff1": 52.904828169011154, + "nauc_mrr_at_3_max": 32.55024244450511, + "nauc_mrr_at_3_std": 6.014060915782276, + "nauc_mrr_at_5_diff1": 52.361187623943614, + "nauc_mrr_at_5_max": 33.38079408144374, + "nauc_mrr_at_5_std": 6.854165091950606, + "nauc_ndcg_at_1000_diff1": 48.30949790825087, + "nauc_ndcg_at_1000_max": 32.568281800544476, + "nauc_ndcg_at_1000_std": 8.966636096573168, + "nauc_ndcg_at_100_diff1": 47.9550901718591, + "nauc_ndcg_at_100_max": 31.969231434862483, + "nauc_ndcg_at_100_std": 8.909343996509326, + "nauc_ndcg_at_10_diff1": 47.56929495928323, + "nauc_ndcg_at_10_max": 31.131109409439638, + "nauc_ndcg_at_10_std": 6.03049937873584, + "nauc_ndcg_at_1_diff1": 60.46456002140532, + "nauc_ndcg_at_1_max": 33.31049028455304, + "nauc_ndcg_at_1_std": 4.830131026566884, + "nauc_ndcg_at_20_diff1": 47.99938648902949, + "nauc_ndcg_at_20_max": 31.584023047520475, + "nauc_ndcg_at_20_std": 7.3552147944361685, + "nauc_ndcg_at_3_diff1": 50.28269131499986, + "nauc_ndcg_at_3_max": 30.233582570806007, + "nauc_ndcg_at_3_std": 3.78476869218036, + "nauc_ndcg_at_5_diff1": 49.049921852112895, + "nauc_ndcg_at_5_max": 31.174764383636816, + "nauc_ndcg_at_5_std": 4.931908749150788, + "nauc_precision_at_1000_diff1": 6.883972818358869, + "nauc_precision_at_1000_max": 21.834322765687677, + "nauc_precision_at_1000_std": 20.000731976327703, + "nauc_precision_at_100_diff1": 19.786688523669632, + "nauc_precision_at_100_max": 30.328428959273722, + "nauc_precision_at_100_std": 26.147922491368902, + "nauc_precision_at_10_diff1": 31.41218497795092, + "nauc_precision_at_10_max": 33.95003889463453, + "nauc_precision_at_10_std": 19.08301072890509, + "nauc_precision_at_1_diff1": 60.46456002140532, + "nauc_precision_at_1_max": 33.31049028455304, + "nauc_precision_at_1_std": 4.830131026566884, + "nauc_precision_at_20_diff1": 30.502712564255486, + "nauc_precision_at_20_max": 35.178872501427975, + "nauc_precision_at_20_std": 23.358935743161783, + "nauc_precision_at_3_diff1": 43.1022211297112, + "nauc_precision_at_3_max": 33.93732742672912, + "nauc_precision_at_3_std": 10.823942310140167, + "nauc_precision_at_5_diff1": 38.63486834833309, + "nauc_precision_at_5_max": 36.23894828623807, + "nauc_precision_at_5_std": 14.675475211699615, + "nauc_recall_at_1000_diff1": 23.04089688983766, + "nauc_recall_at_1000_max": 40.167606539321355, + "nauc_recall_at_1000_std": 43.02153663005034, + "nauc_recall_at_100_diff1": 32.000202612409794, + "nauc_recall_at_100_max": 31.12741249551696, + "nauc_recall_at_100_std": 24.54365478830203, + "nauc_recall_at_10_diff1": 36.14374447048929, + "nauc_recall_at_10_max": 29.498316079260555, + "nauc_recall_at_10_std": 8.641435315254533, + "nauc_recall_at_1_diff1": 58.20205266764334, + "nauc_recall_at_1_max": 28.58134257489169, + "nauc_recall_at_1_std": 0.40198884745343, + "nauc_recall_at_20_diff1": 36.22347557385489, + "nauc_recall_at_20_max": 29.750817583764405, + "nauc_recall_at_20_std": 13.219998916877149, + "nauc_recall_at_3_diff1": 43.42606106046774, + "nauc_recall_at_3_max": 27.02370831585066, + "nauc_recall_at_3_std": 2.148594878901326, + "nauc_recall_at_5_diff1": 40.74252027743906, + "nauc_recall_at_5_max": 29.661893704694375, + "nauc_recall_at_5_std": 5.8950594952457145, + "ndcg_at_1": 25.919999999999998, + "ndcg_at_10": 35.535, + "ndcg_at_100": 40.316, + "ndcg_at_1000": 42.84, + "ndcg_at_20": 37.424, + "ndcg_at_3": 31.223, + "ndcg_at_5": 33.521, + "precision_at_1": 25.919999999999998, + "precision_at_10": 5.736, + "precision_at_100": 0.876, + "precision_at_1000": 0.117, + "precision_at_20": 3.359, + "precision_at_3": 13.804, + "precision_at_5": 9.754999999999999, + "recall_at_1": 23.082, + "recall_at_10": 46.399, + "recall_at_100": 68.06, + "recall_at_1000": 86.821, + "recall_at_20": 53.525, + "recall_at_3": 34.871, + "recall_at_5": 40.492 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CQADupstackTexRetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CQADupstackTexRetrieval.json new file mode 100644 index 000000000..3d671822a --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CQADupstackTexRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "46989137a86843e03a6195de44b09deda022eec7", + "task_name": "CQADupstackTexRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 29.707, + "map_at_1": 17.159, + "map_at_10": 24.869, + "map_at_100": 26.021, + "map_at_1000": 26.151000000000003, + "map_at_20": 25.526, + "map_at_3": 22.538, + "map_at_5": 23.796999999999997, + "mrr_at_1": 20.99105299380592, + "mrr_at_10": 28.786336971127096, + "mrr_at_100": 29.74490721636805, + "mrr_at_1000": 29.823214274100618, + "mrr_at_20": 29.363881329195756, + "mrr_at_3": 26.531314521679345, + "mrr_at_5": 27.7339986235376, + "nauc_map_at_1000_diff1": 37.13825685322779, + "nauc_map_at_1000_max": 25.949209359787055, + "nauc_map_at_1000_std": -0.1789880172036093, + "nauc_map_at_100_diff1": 37.13565311027618, + "nauc_map_at_100_max": 25.909889375022395, + "nauc_map_at_100_std": -0.20169274828783654, + "nauc_map_at_10_diff1": 37.412949674073325, + "nauc_map_at_10_max": 25.837714322449912, + "nauc_map_at_10_std": -0.7989713426808079, + "nauc_map_at_1_diff1": 43.66535106611136, + "nauc_map_at_1_max": 24.934157845499076, + "nauc_map_at_1_std": -2.798761696625911, + "nauc_map_at_20_diff1": 37.25188765578179, + "nauc_map_at_20_max": 25.887533682661708, + "nauc_map_at_20_std": -0.48710070531162597, + "nauc_map_at_3_diff1": 38.747478927053876, + "nauc_map_at_3_max": 25.551679823476835, + "nauc_map_at_3_std": -1.5848393331273871, + "nauc_map_at_5_diff1": 38.11902875922142, + "nauc_map_at_5_max": 25.84766602647597, + "nauc_map_at_5_std": -1.0063039730468788, + "nauc_mrr_at_1000_diff1": 35.409856966860396, + "nauc_mrr_at_1000_max": 27.86922067595656, + "nauc_mrr_at_1000_std": -0.0734512410447464, + "nauc_mrr_at_100_diff1": 35.400804471162054, + "nauc_mrr_at_100_max": 27.866591373962002, + "nauc_mrr_at_100_std": -0.04959722841487173, + "nauc_mrr_at_10_diff1": 35.5199909370886, + "nauc_mrr_at_10_max": 27.962695735822045, + "nauc_mrr_at_10_std": -0.5296125062220955, + "nauc_mrr_at_1_diff1": 41.65630429652082, + "nauc_mrr_at_1_max": 27.826862844728982, + "nauc_mrr_at_1_std": -2.0718644041769205, + "nauc_mrr_at_20_diff1": 35.38119545574273, + "nauc_mrr_at_20_max": 27.888497220693953, + "nauc_mrr_at_20_std": -0.2890434589026467, + "nauc_mrr_at_3_diff1": 36.603117913849466, + "nauc_mrr_at_3_max": 27.947449591583933, + "nauc_mrr_at_3_std": -1.0865714056168478, + "nauc_mrr_at_5_diff1": 35.92459791709931, + "nauc_mrr_at_5_max": 28.035251623858272, + "nauc_mrr_at_5_std": -0.8711878495606741, + "nauc_ndcg_at_1000_diff1": 34.06248430947299, + "nauc_ndcg_at_1000_max": 26.7997542315953, + "nauc_ndcg_at_1000_std": 3.3240363708933742, + "nauc_ndcg_at_100_diff1": 33.68748871110203, + "nauc_ndcg_at_100_max": 26.362138300414788, + "nauc_ndcg_at_100_std": 3.3435049793759717, + "nauc_ndcg_at_10_diff1": 34.50272053437263, + "nauc_ndcg_at_10_max": 26.41321919372202, + "nauc_ndcg_at_10_std": 0.44722981908997034, + "nauc_ndcg_at_1_diff1": 41.65630429652082, + "nauc_ndcg_at_1_max": 27.826862844728982, + "nauc_ndcg_at_1_std": -2.0718644041769205, + "nauc_ndcg_at_20_diff1": 34.095928245730065, + "nauc_ndcg_at_20_max": 26.278658129351108, + "nauc_ndcg_at_20_std": 1.333694029082928, + "nauc_ndcg_at_3_diff1": 36.69705632103637, + "nauc_ndcg_at_3_max": 26.78968350373072, + "nauc_ndcg_at_3_std": -1.0804397591306258, + "nauc_ndcg_at_5_diff1": 35.72910772416993, + "nauc_ndcg_at_5_max": 26.70057707274289, + "nauc_ndcg_at_5_std": -0.13486271460127894, + "nauc_precision_at_1000_diff1": 0.05861252770643225, + "nauc_precision_at_1000_max": 18.601946335509112, + "nauc_precision_at_1000_std": 9.800060286260463, + "nauc_precision_at_100_diff1": 7.363883419620025, + "nauc_precision_at_100_max": 22.20848267682575, + "nauc_precision_at_100_std": 12.714551550333642, + "nauc_precision_at_10_diff1": 21.331506854435275, + "nauc_precision_at_10_max": 28.684902701505965, + "nauc_precision_at_10_std": 3.6550639959191207, + "nauc_precision_at_1_diff1": 41.65630429652082, + "nauc_precision_at_1_max": 27.826862844728982, + "nauc_precision_at_1_std": -2.0718644041769205, + "nauc_precision_at_20_diff1": 16.844978902521646, + "nauc_precision_at_20_max": 27.441958887770646, + "nauc_precision_at_20_std": 6.3826805047558315, + "nauc_precision_at_3_diff1": 30.639398097322594, + "nauc_precision_at_3_max": 29.939776959172697, + "nauc_precision_at_3_std": -0.20286831584574574, + "nauc_precision_at_5_diff1": 26.70376825047474, + "nauc_precision_at_5_max": 29.60604358978513, + "nauc_precision_at_5_std": 1.5809149742471655, + "nauc_recall_at_1000_diff1": 17.785715749599042, + "nauc_recall_at_1000_max": 23.48376672770539, + "nauc_recall_at_1000_std": 30.385000337970858, + "nauc_recall_at_100_diff1": 21.05284222570054, + "nauc_recall_at_100_max": 21.945063586716614, + "nauc_recall_at_100_std": 17.466562038077875, + "nauc_recall_at_10_diff1": 26.597231762971674, + "nauc_recall_at_10_max": 23.5079436519741, + "nauc_recall_at_10_std": 3.263135880492641, + "nauc_recall_at_1_diff1": 43.66535106611136, + "nauc_recall_at_1_max": 24.934157845499076, + "nauc_recall_at_1_std": -2.798761696625911, + "nauc_recall_at_20_diff1": 24.832091637143787, + "nauc_recall_at_20_max": 22.315764495952237, + "nauc_recall_at_20_std": 6.129833251765541, + "nauc_recall_at_3_diff1": 32.85408650886733, + "nauc_recall_at_3_max": 24.409412121823397, + "nauc_recall_at_3_std": 0.04999270761091106, + "nauc_recall_at_5_diff1": 30.258414223370007, + "nauc_recall_at_5_max": 24.512878195644664, + "nauc_recall_at_5_std": 1.849046122226546, + "ndcg_at_1": 20.991, + "ndcg_at_10": 29.707, + "ndcg_at_100": 35.043, + "ndcg_at_1000": 38.032, + "ndcg_at_20": 31.828, + "ndcg_at_3": 25.488, + "ndcg_at_5": 27.348, + "precision_at_1": 20.991, + "precision_at_10": 5.416, + "precision_at_100": 0.947, + "precision_at_1000": 0.13899999999999998, + "precision_at_20": 3.324, + "precision_at_3": 12.113, + "precision_at_5": 8.734, + "recall_at_1": 17.159, + "recall_at_10": 40.397, + "recall_at_100": 64.139, + "recall_at_1000": 85.328, + "recall_at_20": 48.193000000000005, + "recall_at_3": 28.555999999999997, + "recall_at_5": 33.394 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CQADupstackUnixRetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CQADupstackUnixRetrieval.json new file mode 100644 index 000000000..f6294009b --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CQADupstackUnixRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "6c6430d3a6d36f8d2a829195bc5dc94d7e063e53", + "task_name": "CQADupstackUnixRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 41.831, + "map_at_1": 25.889, + "map_at_10": 36.131, + "map_at_100": 37.277, + "map_at_1000": 37.383, + "map_at_20": 36.797000000000004, + "map_at_3": 33.194, + "map_at_5": 34.88, + "mrr_at_1": 30.69029850746269, + "mrr_at_10": 40.34274312959011, + "mrr_at_100": 41.15568315924076, + "mrr_at_1000": 41.21534922643823, + "mrr_at_20": 40.81612888073637, + "mrr_at_3": 37.624378109452735, + "mrr_at_5": 39.25217661691539, + "nauc_map_at_1000_diff1": 51.0475973810661, + "nauc_map_at_1000_max": 38.75825500903846, + "nauc_map_at_1000_std": 1.6136905986292485, + "nauc_map_at_100_diff1": 51.04820272616417, + "nauc_map_at_100_max": 38.74584044282816, + "nauc_map_at_100_std": 1.5969607728429231, + "nauc_map_at_10_diff1": 50.94166583581915, + "nauc_map_at_10_max": 38.37738102486977, + "nauc_map_at_10_std": 1.2635889890868346, + "nauc_map_at_1_diff1": 59.242331404755774, + "nauc_map_at_1_max": 39.02663876284084, + "nauc_map_at_1_std": -0.4739614669668662, + "nauc_map_at_20_diff1": 50.97455684751073, + "nauc_map_at_20_max": 38.57646135094768, + "nauc_map_at_20_std": 1.4640361871795349, + "nauc_map_at_3_diff1": 51.608034622903176, + "nauc_map_at_3_max": 38.433045221071325, + "nauc_map_at_3_std": 0.5831392788488381, + "nauc_map_at_5_diff1": 50.947880732714445, + "nauc_map_at_5_max": 38.60925399151572, + "nauc_map_at_5_std": 1.291960076749259, + "nauc_mrr_at_1000_diff1": 50.210650177335104, + "nauc_mrr_at_1000_max": 37.951469256285804, + "nauc_mrr_at_1000_std": 0.7902286837699785, + "nauc_mrr_at_100_diff1": 50.20638219267218, + "nauc_mrr_at_100_max": 37.9377948931531, + "nauc_mrr_at_100_std": 0.774713370156735, + "nauc_mrr_at_10_diff1": 49.836111870473935, + "nauc_mrr_at_10_max": 37.65348449064669, + "nauc_mrr_at_10_std": 0.5231944356104865, + "nauc_mrr_at_1_diff1": 57.56522049860187, + "nauc_mrr_at_1_max": 39.39798439825698, + "nauc_mrr_at_1_std": -0.4516317740083426, + "nauc_mrr_at_20_diff1": 50.1006649557446, + "nauc_mrr_at_20_max": 37.84223094800734, + "nauc_mrr_at_20_std": 0.8086280885894073, + "nauc_mrr_at_3_diff1": 50.441725884115996, + "nauc_mrr_at_3_max": 37.90807984566849, + "nauc_mrr_at_3_std": 0.02550782712808399, + "nauc_mrr_at_5_diff1": 49.85802035503023, + "nauc_mrr_at_5_max": 38.065589153711116, + "nauc_mrr_at_5_std": 0.6274639011716443, + "nauc_ndcg_at_1000_diff1": 49.03659827838649, + "nauc_ndcg_at_1000_max": 39.132735746113575, + "nauc_ndcg_at_1000_std": 3.627422164709519, + "nauc_ndcg_at_100_diff1": 49.00264137357818, + "nauc_ndcg_at_100_max": 39.01919928439472, + "nauc_ndcg_at_100_std": 3.558699165061359, + "nauc_ndcg_at_10_diff1": 48.26671791603934, + "nauc_ndcg_at_10_max": 37.571416815576114, + "nauc_ndcg_at_10_std": 1.9403797342170153, + "nauc_ndcg_at_1_diff1": 57.56522049860187, + "nauc_ndcg_at_1_max": 39.39798439825698, + "nauc_ndcg_at_1_std": -0.4516317740083426, + "nauc_ndcg_at_20_diff1": 48.66105608484808, + "nauc_ndcg_at_20_max": 38.22139553816886, + "nauc_ndcg_at_20_std": 2.8911511133753782, + "nauc_ndcg_at_3_diff1": 49.00804557017609, + "nauc_ndcg_at_3_max": 37.72179482159779, + "nauc_ndcg_at_3_std": 0.8400931058476853, + "nauc_ndcg_at_5_diff1": 48.24457268105435, + "nauc_ndcg_at_5_max": 38.191301845180604, + "nauc_ndcg_at_5_std": 1.9471919379129263, + "nauc_precision_at_1000_diff1": -12.33889190395623, + "nauc_precision_at_1000_max": -1.3115353486004107, + "nauc_precision_at_1000_std": 2.495795006465732, + "nauc_precision_at_100_diff1": 2.1703067538960084, + "nauc_precision_at_100_max": 15.898479441971332, + "nauc_precision_at_100_std": 7.910076672658263, + "nauc_precision_at_10_diff1": 22.20759907514248, + "nauc_precision_at_10_max": 25.51471885225117, + "nauc_precision_at_10_std": 2.3609262388624512, + "nauc_precision_at_1_diff1": 57.56522049860187, + "nauc_precision_at_1_max": 39.39798439825698, + "nauc_precision_at_1_std": -0.4516317740083426, + "nauc_precision_at_20_diff1": 15.94035009026911, + "nauc_precision_at_20_max": 23.178150944386744, + "nauc_precision_at_20_std": 5.207387751900332, + "nauc_precision_at_3_diff1": 34.99396954995648, + "nauc_precision_at_3_max": 33.14418980052923, + "nauc_precision_at_3_std": 1.660740116435417, + "nauc_precision_at_5_diff1": 29.544849162475362, + "nauc_precision_at_5_max": 32.150735196144645, + "nauc_precision_at_5_std": 3.323068902360027, + "nauc_recall_at_1000_diff1": 30.978839058267006, + "nauc_recall_at_1000_max": 48.722880061794, + "nauc_recall_at_1000_std": 46.28381322993451, + "nauc_recall_at_100_diff1": 40.22130846505397, + "nauc_recall_at_100_max": 38.28644243336189, + "nauc_recall_at_100_std": 15.77321980757386, + "nauc_recall_at_10_diff1": 38.9910969333204, + "nauc_recall_at_10_max": 32.807008720875984, + "nauc_recall_at_10_std": 5.065337152044106, + "nauc_recall_at_1_diff1": 59.242331404755774, + "nauc_recall_at_1_max": 39.02663876284084, + "nauc_recall_at_1_std": -0.4739614669668662, + "nauc_recall_at_20_diff1": 40.14875646536079, + "nauc_recall_at_20_max": 34.83600129324774, + "nauc_recall_at_20_std": 9.01370840232733, + "nauc_recall_at_3_diff1": 42.65832338786475, + "nauc_recall_at_3_max": 35.56970517818321, + "nauc_recall_at_3_std": 1.8050805176967801, + "nauc_recall_at_5_diff1": 40.07274624634327, + "nauc_recall_at_5_max": 35.74226371272684, + "nauc_recall_at_5_std": 4.873290118594757, + "ndcg_at_1": 30.69, + "ndcg_at_10": 41.831, + "ndcg_at_100": 46.966, + "ndcg_at_1000": 49.334, + "ndcg_at_20": 43.927, + "ndcg_at_3": 36.534, + "ndcg_at_5": 39.126, + "precision_at_1": 30.69, + "precision_at_10": 7.1739999999999995, + "precision_at_100": 1.095, + "precision_at_1000": 0.14200000000000002, + "precision_at_20": 4.184, + "precision_at_3": 16.853, + "precision_at_5": 11.922, + "recall_at_1": 25.889, + "recall_at_10": 54.962999999999994, + "recall_at_100": 77.239, + "recall_at_1000": 93.729, + "recall_at_20": 62.534, + "recall_at_3": 40.336, + "recall_at_5": 47.083000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CQADupstackWebmastersRetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CQADupstackWebmastersRetrieval.json new file mode 100644 index 000000000..bcc498cd0 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CQADupstackWebmastersRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "160c094312a0e1facb97e55eeddb698c0abe3571", + "task_name": "CQADupstackWebmastersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 41.695, + "map_at_1": 26.296999999999997, + "map_at_10": 35.929, + "map_at_100": 37.625, + "map_at_1000": 37.856, + "map_at_20": 36.831, + "map_at_3": 33.042, + "map_at_5": 34.552, + "mrr_at_1": 31.422924901185773, + "mrr_at_10": 40.36718112805069, + "mrr_at_100": 41.48635728771627, + "mrr_at_1000": 41.53760971899895, + "mrr_at_20": 41.05566983667548, + "mrr_at_3": 38.24110671936759, + "mrr_at_5": 39.49604743083004, + "nauc_map_at_1000_diff1": 45.88419073101831, + "nauc_map_at_1000_max": 32.272696879964606, + "nauc_map_at_1000_std": 6.435633876271509, + "nauc_map_at_100_diff1": 46.118272363764085, + "nauc_map_at_100_max": 32.459168722724094, + "nauc_map_at_100_std": 6.292246088710509, + "nauc_map_at_10_diff1": 46.603302676569655, + "nauc_map_at_10_max": 32.38318941747706, + "nauc_map_at_10_std": 4.720511340512196, + "nauc_map_at_1_diff1": 53.474193431022286, + "nauc_map_at_1_max": 30.096745684269028, + "nauc_map_at_1_std": 0.1635051536400562, + "nauc_map_at_20_diff1": 46.25945687266626, + "nauc_map_at_20_max": 32.47553839186572, + "nauc_map_at_20_std": 5.566329221862548, + "nauc_map_at_3_diff1": 47.86679192761851, + "nauc_map_at_3_max": 31.531646616728803, + "nauc_map_at_3_std": 3.1837781149112496, + "nauc_map_at_5_diff1": 46.4585625030729, + "nauc_map_at_5_max": 32.013423473733624, + "nauc_map_at_5_std": 4.403527966937636, + "nauc_mrr_at_1000_diff1": 44.168029521898646, + "nauc_mrr_at_1000_max": 33.231405944995004, + "nauc_mrr_at_1000_std": 8.153326593928266, + "nauc_mrr_at_100_diff1": 44.17027683367582, + "nauc_mrr_at_100_max": 33.23422175046355, + "nauc_mrr_at_100_std": 8.198284732472755, + "nauc_mrr_at_10_diff1": 44.2496903067119, + "nauc_mrr_at_10_max": 33.055178332856116, + "nauc_mrr_at_10_std": 7.831026978775937, + "nauc_mrr_at_1_diff1": 48.4273290718694, + "nauc_mrr_at_1_max": 31.89937877913926, + "nauc_mrr_at_1_std": 3.873149993747884, + "nauc_mrr_at_20_diff1": 44.09113284049905, + "nauc_mrr_at_20_max": 33.22019452622306, + "nauc_mrr_at_20_std": 8.133802855890329, + "nauc_mrr_at_3_diff1": 44.86167450862544, + "nauc_mrr_at_3_max": 32.98194923216794, + "nauc_mrr_at_3_std": 6.9890614678195, + "nauc_mrr_at_5_diff1": 43.939080994503634, + "nauc_mrr_at_5_max": 33.25648484685068, + "nauc_mrr_at_5_std": 7.943963197772268, + "nauc_ndcg_at_1000_diff1": 43.42006126140444, + "nauc_ndcg_at_1000_max": 32.89416354016926, + "nauc_ndcg_at_1000_std": 9.740672987523162, + "nauc_ndcg_at_100_diff1": 43.737763705105145, + "nauc_ndcg_at_100_max": 33.102019342275725, + "nauc_ndcg_at_100_std": 10.354524698232671, + "nauc_ndcg_at_10_diff1": 43.574979909615, + "nauc_ndcg_at_10_max": 32.22335464466024, + "nauc_ndcg_at_10_std": 7.827717817165889, + "nauc_ndcg_at_1_diff1": 48.4273290718694, + "nauc_ndcg_at_1_max": 31.89937877913926, + "nauc_ndcg_at_1_std": 3.873149993747884, + "nauc_ndcg_at_20_diff1": 43.135943873988566, + "nauc_ndcg_at_20_max": 32.88264995288679, + "nauc_ndcg_at_20_std": 9.104351404942863, + "nauc_ndcg_at_3_diff1": 45.18739397775064, + "nauc_ndcg_at_3_max": 31.580166756620283, + "nauc_ndcg_at_3_std": 6.137398763080745, + "nauc_ndcg_at_5_diff1": 42.950299500112955, + "nauc_ndcg_at_5_max": 32.04130248991469, + "nauc_ndcg_at_5_std": 8.322547993875903, + "nauc_precision_at_1000_diff1": -23.129419591612365, + "nauc_precision_at_1000_max": -11.41420275910081, + "nauc_precision_at_1000_std": 19.146268912764334, + "nauc_precision_at_100_diff1": -12.413671568737618, + "nauc_precision_at_100_max": 0.537649304108213, + "nauc_precision_at_100_std": 27.325180241816415, + "nauc_precision_at_10_diff1": 15.277020606429655, + "nauc_precision_at_10_max": 23.51972448360081, + "nauc_precision_at_10_std": 19.103862771406927, + "nauc_precision_at_1_diff1": 48.4273290718694, + "nauc_precision_at_1_max": 31.89937877913926, + "nauc_precision_at_1_std": 3.873149993747884, + "nauc_precision_at_20_diff1": 4.910626579631313, + "nauc_precision_at_20_max": 17.000613397246163, + "nauc_precision_at_20_std": 24.370825263718903, + "nauc_precision_at_3_diff1": 31.259123635562613, + "nauc_precision_at_3_max": 28.91653697836493, + "nauc_precision_at_3_std": 11.718828024267332, + "nauc_precision_at_5_diff1": 21.896001023343413, + "nauc_precision_at_5_max": 26.53717311029016, + "nauc_precision_at_5_std": 17.506215861477873, + "nauc_recall_at_1000_diff1": 15.545423862859614, + "nauc_recall_at_1000_max": 33.54097556941026, + "nauc_recall_at_1000_std": 41.970927423554926, + "nauc_recall_at_100_diff1": 32.29112323650048, + "nauc_recall_at_100_max": 31.72353031716839, + "nauc_recall_at_100_std": 30.06509939448423, + "nauc_recall_at_10_diff1": 36.223842357407875, + "nauc_recall_at_10_max": 29.16462133003001, + "nauc_recall_at_10_std": 9.404694229411104, + "nauc_recall_at_1_diff1": 53.474193431022286, + "nauc_recall_at_1_max": 30.096745684269028, + "nauc_recall_at_1_std": 0.1635051536400562, + "nauc_recall_at_20_diff1": 32.2732032299642, + "nauc_recall_at_20_max": 30.699505625402928, + "nauc_recall_at_20_std": 15.947782026021681, + "nauc_recall_at_3_diff1": 41.746081012759426, + "nauc_recall_at_3_max": 29.019436574100016, + "nauc_recall_at_3_std": 4.757836484193213, + "nauc_recall_at_5_diff1": 35.74337633697516, + "nauc_recall_at_5_max": 30.17283125351457, + "nauc_recall_at_5_std": 9.488723875013253, + "ndcg_at_1": 31.423000000000002, + "ndcg_at_10": 41.695, + "ndcg_at_100": 48.109, + "ndcg_at_1000": 50.39900000000001, + "ndcg_at_20": 44.208999999999996, + "ndcg_at_3": 37.241, + "ndcg_at_5": 39.228, + "precision_at_1": 31.423000000000002, + "precision_at_10": 7.866, + "precision_at_100": 1.603, + "precision_at_1000": 0.245, + "precision_at_20": 4.99, + "precision_at_3": 17.523, + "precision_at_5": 12.49, + "recall_at_1": 26.296999999999997, + "recall_at_10": 52.778000000000006, + "recall_at_100": 80.961, + "recall_at_1000": 94.894, + "recall_at_20": 62.239, + "recall_at_3": 39.814, + "recall_at_5": 45.381 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CQADupstackWordpressRetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CQADupstackWordpressRetrieval.json new file mode 100644 index 000000000..02bbf325e --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CQADupstackWordpressRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "4ffe81d471b1924886b33c7567bfb200e9eec5c4", + "task_name": "CQADupstackWordpressRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 33.936, + "map_at_1": 21.297, + "map_at_10": 29.29, + "map_at_100": 30.407, + "map_at_1000": 30.514999999999997, + "map_at_20": 29.983999999999998, + "map_at_3": 26.950000000000003, + "map_at_5": 28.287000000000003, + "mrr_at_1": 23.65988909426987, + "mrr_at_10": 31.57996655224012, + "mrr_at_100": 32.58133076268842, + "mrr_at_1000": 32.659811204298656, + "mrr_at_20": 32.18205959735665, + "mrr_at_3": 29.482439926062852, + "mrr_at_5": 30.600739371534207, + "nauc_map_at_1000_diff1": 33.65655465193916, + "nauc_map_at_1000_max": 29.523610574712706, + "nauc_map_at_1000_std": -0.48883917163984836, + "nauc_map_at_100_diff1": 33.657822812150975, + "nauc_map_at_100_max": 29.531870292234302, + "nauc_map_at_100_std": -0.49454342105691873, + "nauc_map_at_10_diff1": 34.03649741206849, + "nauc_map_at_10_max": 29.48133710519135, + "nauc_map_at_10_std": -1.3003031064360702, + "nauc_map_at_1_diff1": 41.319491034458395, + "nauc_map_at_1_max": 30.08436727224079, + "nauc_map_at_1_std": -4.283931261517225, + "nauc_map_at_20_diff1": 33.644132189750856, + "nauc_map_at_20_max": 29.57915168728321, + "nauc_map_at_20_std": -0.71252104365507, + "nauc_map_at_3_diff1": 33.8965524645013, + "nauc_map_at_3_max": 28.898722773976697, + "nauc_map_at_3_std": -1.8649217196078969, + "nauc_map_at_5_diff1": 33.65177546877711, + "nauc_map_at_5_max": 29.449552621308055, + "nauc_map_at_5_std": -1.9217932476234898, + "nauc_mrr_at_1000_diff1": 34.21675867856096, + "nauc_mrr_at_1000_max": 30.198504997318466, + "nauc_mrr_at_1000_std": 0.5352461648974925, + "nauc_mrr_at_100_diff1": 34.210091539379874, + "nauc_mrr_at_100_max": 30.19136090320817, + "nauc_mrr_at_100_std": 0.5431068443349623, + "nauc_mrr_at_10_diff1": 34.50092238629405, + "nauc_mrr_at_10_max": 30.360381404088816, + "nauc_mrr_at_10_std": 0.007947172236616928, + "nauc_mrr_at_1_diff1": 41.47500594264137, + "nauc_mrr_at_1_max": 30.932862195893563, + "nauc_mrr_at_1_std": -3.0060183101242157, + "nauc_mrr_at_20_diff1": 34.15523281231642, + "nauc_mrr_at_20_max": 30.251528444714324, + "nauc_mrr_at_20_std": 0.41483749048122587, + "nauc_mrr_at_3_diff1": 34.54541333351149, + "nauc_mrr_at_3_max": 30.357741809442512, + "nauc_mrr_at_3_std": -0.5977586679572796, + "nauc_mrr_at_5_diff1": 34.058033979119465, + "nauc_mrr_at_5_max": 30.19093785155445, + "nauc_mrr_at_5_std": -0.6829700596355942, + "nauc_ndcg_at_1000_diff1": 31.530363860261506, + "nauc_ndcg_at_1000_max": 29.90327018263153, + "nauc_ndcg_at_1000_std": 3.033100623143071, + "nauc_ndcg_at_100_diff1": 31.56967408174602, + "nauc_ndcg_at_100_max": 29.53643288504651, + "nauc_ndcg_at_100_std": 3.4997411689634883, + "nauc_ndcg_at_10_diff1": 32.27374955735248, + "nauc_ndcg_at_10_max": 29.519348153684348, + "nauc_ndcg_at_10_std": 0.3042011208954651, + "nauc_ndcg_at_1_diff1": 41.47500594264137, + "nauc_ndcg_at_1_max": 30.932862195893563, + "nauc_ndcg_at_1_std": -3.0060183101242157, + "nauc_ndcg_at_20_diff1": 31.102403306150194, + "nauc_ndcg_at_20_max": 29.677553740846967, + "nauc_ndcg_at_20_std": 2.1195261321395766, + "nauc_ndcg_at_3_diff1": 32.02333047452249, + "nauc_ndcg_at_3_max": 28.888372073027796, + "nauc_ndcg_at_3_std": -0.924661397180436, + "nauc_ndcg_at_5_diff1": 31.466174122311667, + "nauc_ndcg_at_5_max": 29.307628068867754, + "nauc_ndcg_at_5_std": -1.2046829876982417, + "nauc_precision_at_1000_diff1": -6.075546300902165, + "nauc_precision_at_1000_max": -2.187623217222419, + "nauc_precision_at_1000_std": 12.584752959282211, + "nauc_precision_at_100_diff1": 14.295101079499434, + "nauc_precision_at_100_max": 20.388641516894513, + "nauc_precision_at_100_std": 21.887960759975524, + "nauc_precision_at_10_diff1": 24.536039003837043, + "nauc_precision_at_10_max": 29.357326635020637, + "nauc_precision_at_10_std": 7.65955284021577, + "nauc_precision_at_1_diff1": 41.47500594264137, + "nauc_precision_at_1_max": 30.932862195893563, + "nauc_precision_at_1_std": -3.0060183101242157, + "nauc_precision_at_20_diff1": 18.634308701475955, + "nauc_precision_at_20_max": 27.88621903726711, + "nauc_precision_at_20_std": 14.96789816785273, + "nauc_precision_at_3_diff1": 26.928594601514146, + "nauc_precision_at_3_max": 29.653482500006007, + "nauc_precision_at_3_std": 2.114869053308719, + "nauc_precision_at_5_diff1": 24.137817643228992, + "nauc_precision_at_5_max": 29.467809315433215, + "nauc_precision_at_5_std": 2.2335268351775777, + "nauc_recall_at_1000_diff1": 7.561889223723366, + "nauc_recall_at_1000_max": 34.64462683484328, + "nauc_recall_at_1000_std": 32.07766726976165, + "nauc_recall_at_100_diff1": 21.87202458692393, + "nauc_recall_at_100_max": 26.060326662408357, + "nauc_recall_at_100_std": 20.038540279921996, + "nauc_recall_at_10_diff1": 26.59257905849799, + "nauc_recall_at_10_max": 27.840231433969887, + "nauc_recall_at_10_std": 3.547350776489353, + "nauc_recall_at_1_diff1": 41.319491034458395, + "nauc_recall_at_1_max": 30.08436727224079, + "nauc_recall_at_1_std": -4.283931261517225, + "nauc_recall_at_20_diff1": 21.84062118775981, + "nauc_recall_at_20_max": 27.960813344120865, + "nauc_recall_at_20_std": 9.945117730379264, + "nauc_recall_at_3_diff1": 26.240584213234957, + "nauc_recall_at_3_max": 27.32563942378109, + "nauc_recall_at_3_std": 0.15754039149189397, + "nauc_recall_at_5_diff1": 25.327116061029542, + "nauc_recall_at_5_max": 28.12294625143933, + "nauc_recall_at_5_std": -0.7151467503960333, + "ndcg_at_1": 23.66, + "ndcg_at_10": 33.936, + "ndcg_at_100": 39.172000000000004, + "ndcg_at_1000": 41.858000000000004, + "ndcg_at_20": 36.248999999999995, + "ndcg_at_3": 29.454, + "ndcg_at_5": 31.555, + "precision_at_1": 23.66, + "precision_at_10": 5.323, + "precision_at_100": 0.8500000000000001, + "precision_at_1000": 0.11900000000000001, + "precision_at_20": 3.216, + "precision_at_3": 12.568999999999999, + "precision_at_5": 8.909, + "recall_at_1": 21.297, + "recall_at_10": 46.007, + "recall_at_100": 69.73700000000001, + "recall_at_1000": 89.91900000000001, + "recall_at_20": 54.806, + "recall_at_3": 33.727000000000004, + "recall_at_5": 38.675 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/ClimateFEVER.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/ClimateFEVER.json new file mode 100644 index 000000000..fb8370945 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/ClimateFEVER.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 27.794999999999998, + "map_at_1": 11.138, + "map_at_10": 19.56, + "map_at_100": 21.416, + "map_at_1000": 21.6, + "map_at_20": 20.556, + "map_at_3": 16.066, + "map_at_5": 17.883, + "mrr_at_1": 24.364820846905538, + "mrr_at_10": 36.21314823432085, + "mrr_at_100": 37.17398469553677, + "mrr_at_1000": 37.21013480329614, + "mrr_at_20": 36.78840955357927, + "mrr_at_3": 32.486427795874, + "mrr_at_5": 34.77958740499451, + "nauc_map_at_1000_diff1": 22.20775473369687, + "nauc_map_at_1000_max": 36.19769366030157, + "nauc_map_at_1000_std": 17.568432565671753, + "nauc_map_at_100_diff1": 22.202037755951228, + "nauc_map_at_100_max": 36.13800341266643, + "nauc_map_at_100_std": 17.486248132972992, + "nauc_map_at_10_diff1": 22.9042018284273, + "nauc_map_at_10_max": 36.08475064127247, + "nauc_map_at_10_std": 15.726587888083884, + "nauc_map_at_1_diff1": 28.652249616122717, + "nauc_map_at_1_max": 32.05131359795648, + "nauc_map_at_1_std": 11.262948253532807, + "nauc_map_at_20_diff1": 22.451026108322598, + "nauc_map_at_20_max": 36.32385371085683, + "nauc_map_at_20_std": 16.64337500445571, + "nauc_map_at_3_diff1": 23.16011840834893, + "nauc_map_at_3_max": 33.24586608916762, + "nauc_map_at_3_std": 12.56332091941363, + "nauc_map_at_5_diff1": 22.93957941358747, + "nauc_map_at_5_max": 34.699460514009, + "nauc_map_at_5_std": 14.063661191876298, + "nauc_mrr_at_1000_diff1": 23.24777062437872, + "nauc_mrr_at_1000_max": 33.450026215376866, + "nauc_mrr_at_1000_std": 20.426349474081853, + "nauc_mrr_at_100_diff1": 23.23401699847253, + "nauc_mrr_at_100_max": 33.45459692613422, + "nauc_mrr_at_100_std": 20.440070448958714, + "nauc_mrr_at_10_diff1": 23.281604083585396, + "nauc_mrr_at_10_max": 33.4988527620155, + "nauc_mrr_at_10_std": 20.367252947781857, + "nauc_mrr_at_1_diff1": 26.355328110953575, + "nauc_mrr_at_1_max": 30.471508547730092, + "nauc_mrr_at_1_std": 16.11568495246132, + "nauc_mrr_at_20_diff1": 23.140683139461732, + "nauc_mrr_at_20_max": 33.48554958878313, + "nauc_mrr_at_20_std": 20.44494070529154, + "nauc_mrr_at_3_diff1": 23.301943271387042, + "nauc_mrr_at_3_max": 32.422994068557635, + "nauc_mrr_at_3_std": 18.939596173947923, + "nauc_mrr_at_5_diff1": 23.33922409006143, + "nauc_mrr_at_5_max": 33.0752792306208, + "nauc_mrr_at_5_std": 19.768166202806604, + "nauc_ndcg_at_1000_diff1": 19.998881742304263, + "nauc_ndcg_at_1000_max": 37.786993391629984, + "nauc_ndcg_at_1000_std": 24.51994563648888, + "nauc_ndcg_at_100_diff1": 19.98463107036392, + "nauc_ndcg_at_100_max": 37.00722603001812, + "nauc_ndcg_at_100_std": 23.717744758974426, + "nauc_ndcg_at_10_diff1": 21.62784861661253, + "nauc_ndcg_at_10_max": 37.16285223589196, + "nauc_ndcg_at_10_std": 19.34332938831155, + "nauc_ndcg_at_1_diff1": 26.355328110953575, + "nauc_ndcg_at_1_max": 30.471508547730092, + "nauc_ndcg_at_1_std": 16.11568495246132, + "nauc_ndcg_at_20_diff1": 20.55696079927241, + "nauc_ndcg_at_20_max": 37.60669992563356, + "nauc_ndcg_at_20_std": 21.09713313195671, + "nauc_ndcg_at_3_diff1": 22.08438430773322, + "nauc_ndcg_at_3_max": 32.68110059834722, + "nauc_ndcg_at_3_std": 15.267429669015595, + "nauc_ndcg_at_5_diff1": 21.715020935808575, + "nauc_ndcg_at_5_max": 35.17110301407326, + "nauc_ndcg_at_5_std": 16.78243466311895, + "nauc_precision_at_1000_diff1": -3.2231794613702007, + "nauc_precision_at_1000_max": 10.42559310530991, + "nauc_precision_at_1000_std": 24.602086786850514, + "nauc_precision_at_100_diff1": 1.7021223120345566, + "nauc_precision_at_100_max": 17.38852629914526, + "nauc_precision_at_100_std": 29.337128327095286, + "nauc_precision_at_10_diff1": 12.164922485567033, + "nauc_precision_at_10_max": 32.37319082664107, + "nauc_precision_at_10_std": 26.300541100072984, + "nauc_precision_at_1_diff1": 26.355328110953575, + "nauc_precision_at_1_max": 30.471508547730092, + "nauc_precision_at_1_std": 16.11568495246132, + "nauc_precision_at_20_diff1": 7.385735474290768, + "nauc_precision_at_20_max": 28.422173054750115, + "nauc_precision_at_20_std": 27.035109636511876, + "nauc_precision_at_3_diff1": 16.418314508072836, + "nauc_precision_at_3_max": 31.785139366157615, + "nauc_precision_at_3_std": 20.32896371836789, + "nauc_precision_at_5_diff1": 14.937559885788062, + "nauc_precision_at_5_max": 32.24391988837453, + "nauc_precision_at_5_std": 23.17707476156323, + "nauc_recall_at_1000_diff1": 5.616430433184691, + "nauc_recall_at_1000_max": 36.55384286718441, + "nauc_recall_at_1000_std": 38.50298604014725, + "nauc_recall_at_100_diff1": 8.877636292128273, + "nauc_recall_at_100_max": 30.860213540250705, + "nauc_recall_at_100_std": 28.929321541751467, + "nauc_recall_at_10_diff1": 16.07834176997954, + "nauc_recall_at_10_max": 35.937627989165364, + "nauc_recall_at_10_std": 18.808606461025498, + "nauc_recall_at_1_diff1": 28.652249616122717, + "nauc_recall_at_1_max": 32.05131359795648, + "nauc_recall_at_1_std": 11.262948253532807, + "nauc_recall_at_20_diff1": 12.600911526162099, + "nauc_recall_at_20_max": 35.177943309574985, + "nauc_recall_at_20_std": 21.99092004265232, + "nauc_recall_at_3_diff1": 17.49507952659312, + "nauc_recall_at_3_max": 31.406559780417105, + "nauc_recall_at_3_std": 12.274503076493051, + "nauc_recall_at_5_diff1": 16.612956574037305, + "nauc_recall_at_5_max": 33.34670088062603, + "nauc_recall_at_5_std": 14.445553526736607, + "ndcg_at_1": 24.365000000000002, + "ndcg_at_10": 27.794999999999998, + "ndcg_at_100": 35.11, + "ndcg_at_1000": 38.383, + "ndcg_at_20": 30.616, + "ndcg_at_3": 21.97, + "ndcg_at_5": 24.264, + "precision_at_1": 24.365000000000002, + "precision_at_10": 8.827, + "precision_at_100": 1.6660000000000001, + "precision_at_1000": 0.22799999999999998, + "precision_at_20": 5.6160000000000005, + "precision_at_3": 16.2, + "precision_at_5": 13.055, + "recall_at_1": 11.138, + "recall_at_10": 34.454, + "recall_at_100": 59.648, + "recall_at_1000": 77.823, + "recall_at_20": 42.476, + "recall_at_3": 20.630000000000003, + "recall_at_5": 26.517000000000003 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CmedqaRetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CmedqaRetrieval.json new file mode 100644 index 000000000..ac7ad137c --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CmedqaRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "cd540c506dae1cf9e9a59c3e06f42030d54e7301", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 42.631, + "map_at_1": 24.834, + "map_at_10": 36.447, + "map_at_100": 38.04, + "map_at_1000": 38.179, + "map_at_20": 37.281, + "map_at_3": 32.761, + "map_at_5": 34.871, + "mrr_at_1": 38.05951487871968, + "mrr_at_10": 45.57554071057435, + "mrr_at_100": 46.447190120013, + "mrr_at_1000": 46.50606585607273, + "mrr_at_20": 46.057122452003696, + "mrr_at_3": 43.34000166708336, + "mrr_at_5": 44.58531299491537, + "nauc_map_at_1000_diff1": 48.47252945149055, + "nauc_map_at_1000_max": 34.62100533042246, + "nauc_map_at_1000_std": -2.684326419049642, + "nauc_map_at_100_diff1": 48.43175156549248, + "nauc_map_at_100_max": 34.58371253483366, + "nauc_map_at_100_std": -2.719072576245476, + "nauc_map_at_10_diff1": 48.18476956739444, + "nauc_map_at_10_max": 33.52918292302435, + "nauc_map_at_10_std": -3.746440821126843, + "nauc_map_at_1_diff1": 52.68253139221022, + "nauc_map_at_1_max": 26.033202075590157, + "nauc_map_at_1_std": -5.756330655143574, + "nauc_map_at_20_diff1": 48.33335064427594, + "nauc_map_at_20_max": 34.08423189594616, + "nauc_map_at_20_std": -3.2957587803371693, + "nauc_map_at_3_diff1": 49.07970552101722, + "nauc_map_at_3_max": 30.931354812941592, + "nauc_map_at_3_std": -5.397714078300849, + "nauc_map_at_5_diff1": 48.582852045037974, + "nauc_map_at_5_max": 32.37350218464533, + "nauc_map_at_5_std": -4.604286079722004, + "nauc_mrr_at_1000_diff1": 55.36516647246729, + "nauc_mrr_at_1000_max": 41.8197309169163, + "nauc_mrr_at_1000_std": 1.2938880389263046, + "nauc_mrr_at_100_diff1": 55.33480230365865, + "nauc_mrr_at_100_max": 41.82044267368069, + "nauc_mrr_at_100_std": 1.3168989639934452, + "nauc_mrr_at_10_diff1": 55.25761484350501, + "nauc_mrr_at_10_max": 41.625145381930565, + "nauc_mrr_at_10_std": 1.0129282219497187, + "nauc_mrr_at_1_diff1": 60.68654871568434, + "nauc_mrr_at_1_max": 43.033167419208546, + "nauc_mrr_at_1_std": 0.4003726817671297, + "nauc_mrr_at_20_diff1": 55.265505678078995, + "nauc_mrr_at_20_max": 41.7232926738926, + "nauc_mrr_at_20_std": 1.1959474260609984, + "nauc_mrr_at_3_diff1": 56.49797535079964, + "nauc_mrr_at_3_max": 41.922468081636865, + "nauc_mrr_at_3_std": 0.7461678066019137, + "nauc_mrr_at_5_diff1": 55.726696029505305, + "nauc_mrr_at_5_max": 41.7068087576993, + "nauc_mrr_at_5_std": 0.9345604936396126, + "nauc_ndcg_at_1000_diff1": 49.12475845061519, + "nauc_ndcg_at_1000_max": 38.13450613159849, + "nauc_ndcg_at_1000_std": 0.9070870161011241, + "nauc_ndcg_at_100_diff1": 48.12044160559342, + "nauc_ndcg_at_100_max": 37.98858612073559, + "nauc_ndcg_at_100_std": 1.398027778560473, + "nauc_ndcg_at_10_diff1": 47.49083707975477, + "nauc_ndcg_at_10_max": 35.424124038022484, + "nauc_ndcg_at_10_std": -1.9285006153671742, + "nauc_ndcg_at_1_diff1": 60.68654871568434, + "nauc_ndcg_at_1_max": 43.033167419208546, + "nauc_ndcg_at_1_std": 0.4003726817671297, + "nauc_ndcg_at_20_diff1": 47.692259910508014, + "nauc_ndcg_at_20_max": 36.20333827999666, + "nauc_ndcg_at_20_std": -1.1366081258269927, + "nauc_ndcg_at_3_diff1": 49.926059859304004, + "nauc_ndcg_at_3_max": 36.554915901584614, + "nauc_ndcg_at_3_std": -1.7727717324767251, + "nauc_ndcg_at_5_diff1": 48.504726113001304, + "nauc_ndcg_at_5_max": 35.2222520201459, + "nauc_ndcg_at_5_std": -2.1147823162180046, + "nauc_precision_at_1000_diff1": 5.95771915067704, + "nauc_precision_at_1000_max": 29.222734901088483, + "nauc_precision_at_1000_std": 21.021319062045514, + "nauc_precision_at_100_diff1": 12.441767269549631, + "nauc_precision_at_100_max": 37.028610753731876, + "nauc_precision_at_100_std": 22.59370573792191, + "nauc_precision_at_10_diff1": 25.3055255305395, + "nauc_precision_at_10_max": 41.57346735024518, + "nauc_precision_at_10_std": 10.851514810119529, + "nauc_precision_at_1_diff1": 60.68654871568434, + "nauc_precision_at_1_max": 43.033167419208546, + "nauc_precision_at_1_std": 0.4003726817671297, + "nauc_precision_at_20_diff1": 21.503387725334118, + "nauc_precision_at_20_max": 40.35637914704234, + "nauc_precision_at_20_std": 14.15622720179941, + "nauc_precision_at_3_diff1": 37.92102588120911, + "nauc_precision_at_3_max": 42.61959379379323, + "nauc_precision_at_3_std": 4.531204029823331, + "nauc_precision_at_5_diff1": 31.822114101121624, + "nauc_precision_at_5_max": 42.00621213856077, + "nauc_precision_at_5_std": 7.038453918682581, + "nauc_recall_at_1000_diff1": 30.906717381989445, + "nauc_recall_at_1000_max": 49.86631344507457, + "nauc_recall_at_1000_std": 44.77133994051694, + "nauc_recall_at_100_diff1": 29.06337979940958, + "nauc_recall_at_100_max": 35.64030149194558, + "nauc_recall_at_100_std": 16.019430611168264, + "nauc_recall_at_10_diff1": 34.92848768468913, + "nauc_recall_at_10_max": 28.566945065867454, + "nauc_recall_at_10_std": -2.1058035354561557, + "nauc_recall_at_1_diff1": 52.68253139221022, + "nauc_recall_at_1_max": 26.033202075590157, + "nauc_recall_at_1_std": -5.756330655143574, + "nauc_recall_at_20_diff1": 33.82932775397309, + "nauc_recall_at_20_max": 29.679872190739044, + "nauc_recall_at_20_std": 0.10165951410954753, + "nauc_recall_at_3_diff1": 42.53700938223526, + "nauc_recall_at_3_max": 27.477725171266385, + "nauc_recall_at_3_std": -5.201557627828334, + "nauc_recall_at_5_diff1": 39.158896850349116, + "nauc_recall_at_5_max": 27.90842581577196, + "nauc_recall_at_5_std": -3.646479982111823, + "ndcg_at_1": 38.06, + "ndcg_at_10": 42.631, + "ndcg_at_100": 49.114000000000004, + "ndcg_at_1000": 51.745, + "ndcg_at_20": 44.895, + "ndcg_at_3": 38.153999999999996, + "ndcg_at_5": 39.994, + "precision_at_1": 38.06, + "precision_at_10": 9.35, + "precision_at_100": 1.471, + "precision_at_1000": 0.181, + "precision_at_20": 5.461, + "precision_at_3": 21.555, + "precision_at_5": 15.443999999999999, + "recall_at_1": 24.834, + "recall_at_10": 51.881, + "recall_at_100": 79.095, + "recall_at_1000": 97.077, + "recall_at_20": 59.471, + "recall_at_3": 37.836, + "recall_at_5": 43.913999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/Cmnli.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/Cmnli.json new file mode 100644 index 000000000..fc9bcd428 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/Cmnli.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "41bc36f332156f7adc9e38f53777c959b2ae9766", + "task_name": "Cmnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_accuracy": 69.29645219482863, + "cosine_accuracy_threshold": 83.89029502868652, + "cosine_ap": 76.28529631089978, + "cosine_f1": 72.18316549496485, + "cosine_f1_threshold": 79.37869429588318, + "cosine_precision": 60.79372699631941, + "cosine_recall": 88.82394201543138, + "dot_accuracy": 69.29645219482863, + "dot_accuracy_threshold": 83.890300989151, + "dot_ap": 76.28533525182606, + "dot_f1": 72.18316549496485, + "dot_f1_threshold": 79.37869429588318, + "dot_precision": 60.79372699631941, + "dot_recall": 88.82394201543138, + "euclidean_accuracy": 69.29645219482863, + "euclidean_accuracy_threshold": 56.762146949768066, + "euclidean_ap": 76.28547969937172, + "euclidean_f1": 72.18316549496485, + "euclidean_f1_threshold": 64.22040462493896, + "euclidean_precision": 60.79372699631941, + "euclidean_recall": 88.82394201543138, + "main_score": 76.28547969937172, + "manhattan_accuracy": 68.86349969933855, + "manhattan_accuracy_threshold": 1325.539207458496, + "manhattan_ap": 75.73527179489312, + "manhattan_f1": 71.93284110448064, + "manhattan_f1_threshold": 1450.2345085144043, + "manhattan_precision": 63.386809269162214, + "manhattan_recall": 83.14238952536824, + "max_ap": 76.28547969937172, + "max_f1": 72.18316549496485, + "max_precision": 63.386809269162214, + "max_recall": 88.82394201543138, + "similarity_accuracy": 69.29645219482863, + "similarity_accuracy_threshold": 83.89029502868652, + "similarity_ap": 76.28529631089978, + "similarity_f1": 72.18316549496485, + "similarity_f1_threshold": 79.37869429588318, + "similarity_precision": 60.79372699631941, + "similarity_recall": 88.82394201543138 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CovidRetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CovidRetrieval.json new file mode 100644 index 000000000..99629e329 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/CovidRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "1271c7809071a13532e05f25fb53511ffce77117", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 82.76599999999999, + "map_at_1": 70.99600000000001, + "map_at_10": 79.022, + "map_at_100": 79.262, + "map_at_1000": 79.266, + "map_at_20": 79.211, + "map_at_3": 77.081, + "map_at_5": 78.348, + "mrr_at_1": 71.12750263435194, + "mrr_at_10": 79.00563667686959, + "mrr_at_100": 79.24545000482046, + "mrr_at_1000": 79.24986213861123, + "mrr_at_20": 79.19503716749968, + "mrr_at_3": 77.1338250790306, + "mrr_at_5": 78.38250790305591, + "nauc_map_at_1000_diff1": 79.78007097062118, + "nauc_map_at_1000_max": 31.495494389521216, + "nauc_map_at_1000_std": -44.554113523471585, + "nauc_map_at_100_diff1": 79.77901003479913, + "nauc_map_at_100_max": 31.501728637681925, + "nauc_map_at_100_std": -44.54526589087225, + "nauc_map_at_10_diff1": 79.70465086616332, + "nauc_map_at_10_max": 31.447942385382856, + "nauc_map_at_10_std": -44.86102015819248, + "nauc_map_at_1_diff1": 81.89774804895447, + "nauc_map_at_1_max": 29.53109235427305, + "nauc_map_at_1_std": -42.80277721451948, + "nauc_map_at_20_diff1": 79.77871635635559, + "nauc_map_at_20_max": 31.560274527206733, + "nauc_map_at_20_std": -44.55008236120152, + "nauc_map_at_3_diff1": 79.37871528079008, + "nauc_map_at_3_max": 30.314627717947655, + "nauc_map_at_3_std": -46.583081505018214, + "nauc_map_at_5_diff1": 79.47410569600237, + "nauc_map_at_5_max": 30.717452787943255, + "nauc_map_at_5_std": -45.56487302807213, + "nauc_mrr_at_1000_diff1": 79.83396133475738, + "nauc_mrr_at_1000_max": 31.902081193300802, + "nauc_mrr_at_1000_std": -44.32825329012893, + "nauc_mrr_at_100_diff1": 79.832888351025, + "nauc_mrr_at_100_max": 31.90821451879506, + "nauc_mrr_at_100_std": -44.31946551133598, + "nauc_mrr_at_10_diff1": 79.75766328526763, + "nauc_mrr_at_10_max": 31.84709271229474, + "nauc_mrr_at_10_std": -44.64251370779262, + "nauc_mrr_at_1_diff1": 81.88675621341875, + "nauc_mrr_at_1_max": 30.624768062722435, + "nauc_mrr_at_1_std": -41.826968180693456, + "nauc_mrr_at_20_diff1": 79.83221800317402, + "nauc_mrr_at_20_max": 31.96340672339527, + "nauc_mrr_at_20_std": -44.32956320098315, + "nauc_mrr_at_3_diff1": 79.34629346809106, + "nauc_mrr_at_3_max": 31.358295528236113, + "nauc_mrr_at_3_std": -45.97803582281396, + "nauc_mrr_at_5_diff1": 79.494177213373, + "nauc_mrr_at_5_max": 31.52236804483443, + "nauc_mrr_at_5_std": -45.138775893398694, + "nauc_ndcg_at_1000_diff1": 79.42223230573576, + "nauc_ndcg_at_1000_max": 32.28843903409106, + "nauc_ndcg_at_1000_std": -44.3133954110294, + "nauc_ndcg_at_100_diff1": 79.3929907054809, + "nauc_ndcg_at_100_max": 32.49291426150998, + "nauc_ndcg_at_100_std": -43.996604718501075, + "nauc_ndcg_at_10_diff1": 79.11644773352661, + "nauc_ndcg_at_10_max": 32.54744027915217, + "nauc_ndcg_at_10_std": -45.44820798746672, + "nauc_ndcg_at_1_diff1": 81.71471193659804, + "nauc_ndcg_at_1_max": 30.56723762753589, + "nauc_ndcg_at_1_std": -42.00582595178881, + "nauc_ndcg_at_20_diff1": 79.34070754205227, + "nauc_ndcg_at_20_max": 33.08175655505984, + "nauc_ndcg_at_20_std": -43.93297429354463, + "nauc_ndcg_at_3_diff1": 78.41040890432154, + "nauc_ndcg_at_3_max": 30.540602587995053, + "nauc_ndcg_at_3_std": -48.682741281966244, + "nauc_ndcg_at_5_diff1": 78.52045059102817, + "nauc_ndcg_at_5_max": 31.145620595701786, + "nauc_ndcg_at_5_std": -46.96161213475506, + "nauc_precision_at_1000_diff1": -26.20700295711843, + "nauc_precision_at_1000_max": 50.992072309587066, + "nauc_precision_at_1000_std": 49.034232966809896, + "nauc_precision_at_100_diff1": -1.2318650992746658, + "nauc_precision_at_100_max": 54.103623972545876, + "nauc_precision_at_100_std": 38.158651434354105, + "nauc_precision_at_10_diff1": 47.40081635911143, + "nauc_precision_at_10_max": 46.01760789553407, + "nauc_precision_at_10_std": -22.545587533051467, + "nauc_precision_at_1_diff1": 81.71471193659804, + "nauc_precision_at_1_max": 30.56723762753589, + "nauc_precision_at_1_std": -42.00582595178881, + "nauc_precision_at_20_diff1": 31.902645462266044, + "nauc_precision_at_20_max": 60.06037928799191, + "nauc_precision_at_20_std": 10.125381568485691, + "nauc_precision_at_3_diff1": 70.23181696295782, + "nauc_precision_at_3_max": 31.33307476962615, + "nauc_precision_at_3_std": -52.773523783308995, + "nauc_precision_at_5_diff1": 63.24118340779976, + "nauc_precision_at_5_max": 35.536460706118284, + "nauc_precision_at_5_std": -43.859100503715496, + "nauc_recall_at_1000_diff1": 63.10783066308766, + "nauc_recall_at_1000_max": 64.17746555050037, + "nauc_recall_at_1000_std": -1.1314627694685895, + "nauc_recall_at_100_diff1": 70.70747402244945, + "nauc_recall_at_100_max": 63.81462634298472, + "nauc_recall_at_100_std": 2.7329437124855858, + "nauc_recall_at_10_diff1": 74.5724683430861, + "nauc_recall_at_10_max": 42.06028697147503, + "nauc_recall_at_10_std": -50.426163431789384, + "nauc_recall_at_1_diff1": 81.89774804895447, + "nauc_recall_at_1_max": 29.53109235427305, + "nauc_recall_at_1_std": -42.80277721451948, + "nauc_recall_at_20_diff1": 74.1386367152198, + "nauc_recall_at_20_max": 60.26605112943992, + "nauc_recall_at_20_std": -24.167905489617926, + "nauc_recall_at_3_diff1": 74.68360442418249, + "nauc_recall_at_3_max": 29.73174978017023, + "nauc_recall_at_3_std": -58.048521143234844, + "nauc_recall_at_5_diff1": 73.33434605574439, + "nauc_recall_at_5_max": 31.829043506426963, + "nauc_recall_at_5_std": -55.33176739081927, + "ndcg_at_1": 71.233, + "ndcg_at_10": 82.76599999999999, + "ndcg_at_100": 83.799, + "ndcg_at_1000": 83.898, + "ndcg_at_20": 83.44, + "ndcg_at_3": 79.03999999999999, + "ndcg_at_5": 81.285, + "precision_at_1": 71.233, + "precision_at_10": 9.526, + "precision_at_100": 0.9990000000000001, + "precision_at_1000": 0.101, + "precision_at_20": 4.8950000000000005, + "precision_at_3": 28.346, + "precision_at_5": 18.124000000000002, + "recall_at_1": 70.99600000000001, + "recall_at_10": 94.31, + "recall_at_100": 98.84100000000001, + "recall_at_1000": 99.579, + "recall_at_20": 96.944, + "recall_at_3": 84.589, + "recall_at_5": 89.98899999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/DBPedia-PL.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/DBPedia-PL.json new file mode 100644 index 000000000..620020fdb --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/DBPedia-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "76afe41d9af165cc40999fcaa92312b8b012064a", + "task_name": "DBPedia-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 29.225, + "map_at_1": 5.92, + "map_at_10": 13.052, + "map_at_100": 18.054000000000002, + "map_at_1000": 19.378999999999998, + "map_at_20": 14.921000000000001, + "map_at_3": 9.517000000000001, + "map_at_5": 11.122, + "mrr_at_1": 45.0, + "mrr_at_10": 57.3967261904762, + "mrr_at_100": 57.83804567388388, + "mrr_at_1000": 57.86075000832548, + "mrr_at_20": 57.66969785675282, + "mrr_at_3": 55.16666666666667, + "mrr_at_5": 56.64166666666669, + "nauc_map_at_1000_diff1": 29.411798531506246, + "nauc_map_at_1000_max": 20.900134633305655, + "nauc_map_at_1000_std": 31.404039472246353, + "nauc_map_at_100_diff1": 30.843903551109808, + "nauc_map_at_100_max": 17.39151067247246, + "nauc_map_at_100_std": 27.44650726590824, + "nauc_map_at_10_diff1": 37.979613569219495, + "nauc_map_at_10_max": 9.222700346624988, + "nauc_map_at_10_std": 12.007799385555293, + "nauc_map_at_1_diff1": 53.50284116730185, + "nauc_map_at_1_max": 1.370522275254312, + "nauc_map_at_1_std": -0.30640006292692257, + "nauc_map_at_20_diff1": 35.67559578714465, + "nauc_map_at_20_max": 12.765002402346221, + "nauc_map_at_20_std": 17.73265858605054, + "nauc_map_at_3_diff1": 45.619789003130585, + "nauc_map_at_3_max": 1.045838638341231, + "nauc_map_at_3_std": 2.319308580529236, + "nauc_map_at_5_diff1": 42.08058689946505, + "nauc_map_at_5_max": 5.337616164644746, + "nauc_map_at_5_std": 4.73118790791731, + "nauc_mrr_at_1000_diff1": 34.33930133013396, + "nauc_mrr_at_1000_max": 29.38799773918778, + "nauc_mrr_at_1000_std": 32.26009048699902, + "nauc_mrr_at_100_diff1": 34.3197444457885, + "nauc_mrr_at_100_max": 29.413059576309497, + "nauc_mrr_at_100_std": 32.26908951100588, + "nauc_mrr_at_10_diff1": 34.30610810384026, + "nauc_mrr_at_10_max": 29.25358347303212, + "nauc_mrr_at_10_std": 32.42735770220712, + "nauc_mrr_at_1_diff1": 38.47836050546717, + "nauc_mrr_at_1_max": 25.549990178746796, + "nauc_mrr_at_1_std": 27.017285405617763, + "nauc_mrr_at_20_diff1": 34.32685063678914, + "nauc_mrr_at_20_max": 29.382152716878547, + "nauc_mrr_at_20_std": 32.36225065070027, + "nauc_mrr_at_3_diff1": 34.94513788944085, + "nauc_mrr_at_3_max": 28.948106098297938, + "nauc_mrr_at_3_std": 31.752978523564845, + "nauc_mrr_at_5_diff1": 34.22773791436512, + "nauc_mrr_at_5_max": 28.645995406061914, + "nauc_mrr_at_5_std": 31.947761641656065, + "nauc_ndcg_at_1000_diff1": 23.59930215160307, + "nauc_ndcg_at_1000_max": 30.004827423326873, + "nauc_ndcg_at_1000_std": 45.14606063029462, + "nauc_ndcg_at_100_diff1": 27.150265390833766, + "nauc_ndcg_at_100_max": 21.542350038665962, + "nauc_ndcg_at_100_std": 37.04783459199997, + "nauc_ndcg_at_10_diff1": 30.44928623138369, + "nauc_ndcg_at_10_max": 21.38523283782705, + "nauc_ndcg_at_10_std": 31.948655996496527, + "nauc_ndcg_at_1_diff1": 38.141954118151105, + "nauc_ndcg_at_1_max": 20.764788523221725, + "nauc_ndcg_at_1_std": 24.457971796268065, + "nauc_ndcg_at_20_diff1": 31.668458090974728, + "nauc_ndcg_at_20_max": 20.1903988669924, + "nauc_ndcg_at_20_std": 30.646872442412544, + "nauc_ndcg_at_3_diff1": 30.030850630038053, + "nauc_ndcg_at_3_max": 19.919461574491066, + "nauc_ndcg_at_3_std": 28.065728170179188, + "nauc_ndcg_at_5_diff1": 30.06324115773368, + "nauc_ndcg_at_5_max": 21.013491210996943, + "nauc_ndcg_at_5_std": 29.390767365137947, + "nauc_precision_at_1000_diff1": -15.2968288893292, + "nauc_precision_at_1000_max": 48.371418703337305, + "nauc_precision_at_1000_std": 33.90852748893144, + "nauc_precision_at_100_diff1": -7.607176962046647, + "nauc_precision_at_100_max": 35.35122884806948, + "nauc_precision_at_100_std": 46.4742326977524, + "nauc_precision_at_10_diff1": 0.0234083902358811, + "nauc_precision_at_10_max": 34.310462135642645, + "nauc_precision_at_10_std": 46.22745495492598, + "nauc_precision_at_1_diff1": 38.47836050546717, + "nauc_precision_at_1_max": 25.549990178746796, + "nauc_precision_at_1_std": 27.017285405617763, + "nauc_precision_at_20_diff1": -0.7281234339501458, + "nauc_precision_at_20_max": 34.879992298927796, + "nauc_precision_at_20_std": 46.6455237720046, + "nauc_precision_at_3_diff1": 12.557632325001943, + "nauc_precision_at_3_max": 27.472641291674343, + "nauc_precision_at_3_std": 32.76253410590738, + "nauc_precision_at_5_diff1": 5.72403051661784, + "nauc_precision_at_5_max": 31.623557984213747, + "nauc_precision_at_5_std": 37.60956680129879, + "nauc_recall_at_1000_diff1": 5.745409852861974, + "nauc_recall_at_1000_max": 27.497512598172698, + "nauc_recall_at_1000_std": 48.07303762126119, + "nauc_recall_at_100_diff1": 17.211282922855617, + "nauc_recall_at_100_max": 17.98582110327383, + "nauc_recall_at_100_std": 34.86455715009784, + "nauc_recall_at_10_diff1": 28.755279638184874, + "nauc_recall_at_10_max": 8.106029595934537, + "nauc_recall_at_10_std": 12.493783688335569, + "nauc_recall_at_1_diff1": 53.50284116730185, + "nauc_recall_at_1_max": 1.370522275254312, + "nauc_recall_at_1_std": -0.30640006292692257, + "nauc_recall_at_20_diff1": 27.994527440411993, + "nauc_recall_at_20_max": 12.916323071056604, + "nauc_recall_at_20_std": 17.70928825635808, + "nauc_recall_at_3_diff1": 39.80550258552395, + "nauc_recall_at_3_max": -0.8593780074939045, + "nauc_recall_at_3_std": 2.086691158003704, + "nauc_recall_at_5_diff1": 34.29080510342918, + "nauc_recall_at_5_max": 2.8885937240283113, + "nauc_recall_at_5_std": 2.6609799835271852, + "ndcg_at_1": 35.875, + "ndcg_at_10": 29.225, + "ndcg_at_100": 33.554, + "ndcg_at_1000": 40.908, + "ndcg_at_20": 28.910000000000004, + "ndcg_at_3": 32.405, + "ndcg_at_5": 30.408, + "precision_at_1": 45.0, + "precision_at_10": 23.599999999999998, + "precision_at_100": 7.68, + "precision_at_1000": 1.804, + "precision_at_20": 17.5, + "precision_at_3": 36.167, + "precision_at_5": 30.15, + "recall_at_1": 5.92, + "recall_at_10": 18.658, + "recall_at_100": 40.144999999999996, + "recall_at_1000": 63.914, + "recall_at_20": 23.91, + "recall_at_3": 11.334, + "recall_at_5": 14.251 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/DBPedia.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/DBPedia.json new file mode 100644 index 000000000..42a1b1267 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/DBPedia.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 39.582, + "map_at_1": 8.193, + "map_at_10": 18.838, + "map_at_100": 26.791999999999998, + "map_at_1000": 28.659000000000002, + "map_at_20": 21.678, + "map_at_3": 13.535, + "map_at_5": 15.706000000000001, + "mrr_at_1": 61.25000000000001, + "mrr_at_10": 71.5827380952381, + "mrr_at_100": 71.92227940484834, + "mrr_at_1000": 71.92843656364919, + "mrr_at_20": 71.82391254578756, + "mrr_at_3": 69.54166666666667, + "mrr_at_5": 70.89166666666667, + "nauc_map_at_1000_diff1": 20.81525104511085, + "nauc_map_at_1000_max": 12.28738487676873, + "nauc_map_at_1000_std": 24.87551199629768, + "nauc_map_at_100_diff1": 21.693837182713217, + "nauc_map_at_100_max": 8.69725977707396, + "nauc_map_at_100_std": 21.354633072475515, + "nauc_map_at_10_diff1": 24.388731902741767, + "nauc_map_at_10_max": -4.0866423282629585, + "nauc_map_at_10_std": -0.9510081645949322, + "nauc_map_at_1_diff1": 32.58191575261803, + "nauc_map_at_1_max": -10.57813486927926, + "nauc_map_at_1_std": -9.588423425329879, + "nauc_map_at_20_diff1": 24.050743021827124, + "nauc_map_at_20_max": 0.6686240161106345, + "nauc_map_at_20_std": 6.53795559839344, + "nauc_map_at_3_diff1": 26.43827919066607, + "nauc_map_at_3_max": -10.727017270257825, + "nauc_map_at_3_std": -9.512078389268677, + "nauc_map_at_5_diff1": 25.71002404847907, + "nauc_map_at_5_max": -7.097015507701878, + "nauc_map_at_5_std": -6.476602516100202, + "nauc_mrr_at_1000_diff1": 45.608034553728835, + "nauc_mrr_at_1000_max": 30.922028122514266, + "nauc_mrr_at_1000_std": 34.21750207725521, + "nauc_mrr_at_100_diff1": 45.590642197534805, + "nauc_mrr_at_100_max": 30.930031708368194, + "nauc_mrr_at_100_std": 34.21945637610545, + "nauc_mrr_at_10_diff1": 45.540994123130126, + "nauc_mrr_at_10_max": 30.83734303048343, + "nauc_mrr_at_10_std": 34.348404162478694, + "nauc_mrr_at_1_diff1": 49.560483335546415, + "nauc_mrr_at_1_max": 28.883661816871232, + "nauc_mrr_at_1_std": 30.89553654418874, + "nauc_mrr_at_20_diff1": 45.499322734057515, + "nauc_mrr_at_20_max": 30.918972161205733, + "nauc_mrr_at_20_std": 34.282904222510595, + "nauc_mrr_at_3_diff1": 45.39622724954005, + "nauc_mrr_at_3_max": 31.457074078677454, + "nauc_mrr_at_3_std": 34.079043384571555, + "nauc_mrr_at_5_diff1": 44.71358730464237, + "nauc_mrr_at_5_max": 30.69295376764748, + "nauc_mrr_at_5_std": 34.31128800389916, + "nauc_ndcg_at_1000_diff1": 23.109017019057422, + "nauc_ndcg_at_1000_max": 23.08462483716398, + "nauc_ndcg_at_1000_std": 36.8911815972109, + "nauc_ndcg_at_100_diff1": 23.827280037818173, + "nauc_ndcg_at_100_max": 13.309666633249211, + "nauc_ndcg_at_100_std": 28.44384667395871, + "nauc_ndcg_at_10_diff1": 26.972856731999386, + "nauc_ndcg_at_10_max": 14.620707258357266, + "nauc_ndcg_at_10_std": 23.111341368346462, + "nauc_ndcg_at_1_diff1": 43.59088178770794, + "nauc_ndcg_at_1_max": 21.904917923054317, + "nauc_ndcg_at_1_std": 21.98647522718905, + "nauc_ndcg_at_20_diff1": 26.283361626051914, + "nauc_ndcg_at_20_max": 11.10518046266052, + "nauc_ndcg_at_20_std": 21.355473505613944, + "nauc_ndcg_at_3_diff1": 30.024148446672083, + "nauc_ndcg_at_3_max": 18.48737788479935, + "nauc_ndcg_at_3_std": 23.24967559220411, + "nauc_ndcg_at_5_diff1": 27.31687195788342, + "nauc_ndcg_at_5_max": 17.233426051712428, + "nauc_ndcg_at_5_std": 22.98467702068255, + "nauc_precision_at_1000_diff1": -13.448141290306074, + "nauc_precision_at_1000_max": 42.26049965587544, + "nauc_precision_at_1000_std": 17.838997647650835, + "nauc_precision_at_100_diff1": -5.070670934466766, + "nauc_precision_at_100_max": 33.96276536553548, + "nauc_precision_at_100_std": 47.592571562595765, + "nauc_precision_at_10_diff1": 5.079452111840327, + "nauc_precision_at_10_max": 33.145301874068146, + "nauc_precision_at_10_std": 46.26256386765269, + "nauc_precision_at_1_diff1": 49.560483335546415, + "nauc_precision_at_1_max": 28.883661816871232, + "nauc_precision_at_1_std": 30.89553654418874, + "nauc_precision_at_20_diff1": 3.253674888888517, + "nauc_precision_at_20_max": 34.667104498369575, + "nauc_precision_at_20_std": 49.202859485875535, + "nauc_precision_at_3_diff1": 15.790066053828234, + "nauc_precision_at_3_max": 27.215083484496542, + "nauc_precision_at_3_std": 33.11505410450215, + "nauc_precision_at_5_diff1": 9.530674873702113, + "nauc_precision_at_5_max": 31.21998248355014, + "nauc_precision_at_5_std": 39.07247161423012, + "nauc_recall_at_1000_diff1": 5.70231960458697, + "nauc_recall_at_1000_max": 16.173798281531525, + "nauc_recall_at_1000_std": 40.45772368713694, + "nauc_recall_at_100_diff1": 9.815485122352673, + "nauc_recall_at_100_max": 3.5894004884530735, + "nauc_recall_at_100_std": 23.442799836302864, + "nauc_recall_at_10_diff1": 14.537879655467389, + "nauc_recall_at_10_max": -10.56087357341994, + "nauc_recall_at_10_std": -7.372934296480146, + "nauc_recall_at_1_diff1": 32.58191575261803, + "nauc_recall_at_1_max": -10.57813486927926, + "nauc_recall_at_1_std": -9.588423425329879, + "nauc_recall_at_20_diff1": 13.359604621352824, + "nauc_recall_at_20_max": -6.037674048018859, + "nauc_recall_at_20_std": -0.191231970406073, + "nauc_recall_at_3_diff1": 20.620776298724362, + "nauc_recall_at_3_max": -14.34692846751201, + "nauc_recall_at_3_std": -12.202460021792232, + "nauc_recall_at_5_diff1": 17.573424943863706, + "nauc_recall_at_5_max": -10.968843043485661, + "nauc_recall_at_5_std": -10.513373048008399, + "ndcg_at_1": 48.375, + "ndcg_at_10": 39.582, + "ndcg_at_100": 45.259, + "ndcg_at_1000": 53.022000000000006, + "ndcg_at_20": 39.038000000000004, + "ndcg_at_3": 42.802, + "ndcg_at_5": 40.538000000000004, + "precision_at_1": 61.25000000000001, + "precision_at_10": 32.2, + "precision_at_100": 10.545, + "precision_at_1000": 2.2880000000000003, + "precision_at_20": 24.05, + "precision_at_3": 48.083, + "precision_at_5": 40.65, + "recall_at_1": 8.193, + "recall_at_10": 25.519, + "recall_at_100": 54.124, + "recall_at_1000": 77.92099999999999, + "recall_at_20": 32.385999999999996, + "recall_at_3": 15.211, + "recall_at_5": 18.891 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/DuRetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/DuRetrieval.json new file mode 100644 index 000000000..ecfd03241 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/DuRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "a1a333e290fe30b10f3f56498e3a0d911a693ced", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 82.353, + "map_at_1": 23.408, + "map_at_10": 73.302, + "map_at_100": 76.532, + "map_at_1000": 76.578, + "map_at_20": 75.765, + "map_at_3": 49.297999999999995, + "map_at_5": 62.96000000000001, + "mrr_at_1": 83.3, + "mrr_at_10": 88.85841269841264, + "mrr_at_100": 88.937851229216, + "mrr_at_1000": 88.94253811030754, + "mrr_at_20": 88.90522789194803, + "mrr_at_3": 88.31666666666662, + "mrr_at_5": 88.66416666666662, + "nauc_map_at_1000_diff1": 3.978108165433077, + "nauc_map_at_1000_max": 32.84013060265069, + "nauc_map_at_1000_std": 17.104374545928255, + "nauc_map_at_100_diff1": 3.9594456007844183, + "nauc_map_at_100_max": 32.84323698444807, + "nauc_map_at_100_std": 17.083360165851175, + "nauc_map_at_10_diff1": 6.564428602685249, + "nauc_map_at_10_max": 29.490007273766956, + "nauc_map_at_10_std": 6.955854455105477, + "nauc_map_at_1_diff1": 43.01902060700144, + "nauc_map_at_1_max": -8.940094269879843, + "nauc_map_at_1_std": -28.063233795166276, + "nauc_map_at_20_diff1": 4.446904145850981, + "nauc_map_at_20_max": 32.47424290913474, + "nauc_map_at_20_std": 14.957146942696257, + "nauc_map_at_3_diff1": 25.91745605988797, + "nauc_map_at_3_max": 3.661124903759869, + "nauc_map_at_3_std": -21.936610233451646, + "nauc_map_at_5_diff1": 16.629939273347865, + "nauc_map_at_5_max": 14.666913498454564, + "nauc_map_at_5_std": -12.39941441022446, + "nauc_mrr_at_1000_diff1": 26.08525262735903, + "nauc_mrr_at_1000_max": 47.86393129438558, + "nauc_mrr_at_1000_std": 28.811634091001743, + "nauc_mrr_at_100_diff1": 26.081836904532153, + "nauc_mrr_at_100_max": 47.880134050815, + "nauc_mrr_at_100_std": 28.828980969011475, + "nauc_mrr_at_10_diff1": 26.09549377249783, + "nauc_mrr_at_10_max": 48.11004429436051, + "nauc_mrr_at_10_std": 29.041772733561455, + "nauc_mrr_at_1_diff1": 26.095576390896717, + "nauc_mrr_at_1_max": 40.102786808829485, + "nauc_mrr_at_1_std": 21.16142603421125, + "nauc_mrr_at_20_diff1": 26.078553311053394, + "nauc_mrr_at_20_max": 47.9955055491724, + "nauc_mrr_at_20_std": 28.92844826033336, + "nauc_mrr_at_3_diff1": 25.736821420614447, + "nauc_mrr_at_3_max": 48.30695057366758, + "nauc_mrr_at_3_std": 29.295726311215475, + "nauc_mrr_at_5_diff1": 25.979034861669714, + "nauc_mrr_at_5_max": 48.500915285456344, + "nauc_mrr_at_5_std": 29.449704923164106, + "nauc_ndcg_at_1000_diff1": 6.624272455812551, + "nauc_ndcg_at_1000_max": 41.526519286613414, + "nauc_ndcg_at_1000_std": 27.91983541845217, + "nauc_ndcg_at_100_diff1": 6.033169661320914, + "nauc_ndcg_at_100_max": 41.6841728152419, + "nauc_ndcg_at_100_std": 28.35967524719135, + "nauc_ndcg_at_10_diff1": 5.627968389448389, + "nauc_ndcg_at_10_max": 37.18261001317417, + "nauc_ndcg_at_10_std": 19.757054878692408, + "nauc_ndcg_at_1_diff1": 26.095576390896717, + "nauc_ndcg_at_1_max": 40.102786808829485, + "nauc_ndcg_at_1_std": 21.16142603421125, + "nauc_ndcg_at_20_diff1": 5.678380464964442, + "nauc_ndcg_at_20_max": 40.70268508824627, + "nauc_ndcg_at_20_std": 25.003203457508622, + "nauc_ndcg_at_3_diff1": 5.7196343030730645, + "nauc_ndcg_at_3_max": 34.50950904905902, + "nauc_ndcg_at_3_std": 20.099411226966403, + "nauc_ndcg_at_5_diff1": 7.398974214665505, + "nauc_ndcg_at_5_max": 31.777872881596885, + "nauc_ndcg_at_5_std": 14.212532410116573, + "nauc_precision_at_1000_diff1": -26.784369186388286, + "nauc_precision_at_1000_max": 20.9055343942668, + "nauc_precision_at_1000_std": 48.97851074406537, + "nauc_precision_at_100_diff1": -27.79381730090699, + "nauc_precision_at_100_max": 22.80005440633608, + "nauc_precision_at_100_std": 50.935594672026795, + "nauc_precision_at_10_diff1": -30.285772529280557, + "nauc_precision_at_10_max": 32.73392928068347, + "nauc_precision_at_10_std": 47.96878369413408, + "nauc_precision_at_1_diff1": 26.095576390896717, + "nauc_precision_at_1_max": 40.102786808829485, + "nauc_precision_at_1_std": 21.16142603421125, + "nauc_precision_at_20_diff1": -28.93118180068221, + "nauc_precision_at_20_max": 27.34554979821627, + "nauc_precision_at_20_std": 50.768062841591245, + "nauc_precision_at_3_diff1": -20.842604987632818, + "nauc_precision_at_3_max": 38.567385349160865, + "nauc_precision_at_3_std": 34.962189381111585, + "nauc_precision_at_5_diff1": -27.39434681486595, + "nauc_precision_at_5_max": 36.46059763518038, + "nauc_precision_at_5_std": 39.893251684847286, + "nauc_recall_at_1000_diff1": -11.949093496228018, + "nauc_recall_at_1000_max": 73.88534051191724, + "nauc_recall_at_1000_std": 74.63173870654316, + "nauc_recall_at_100_diff1": -10.612653444299633, + "nauc_recall_at_100_max": 55.332461824335255, + "nauc_recall_at_100_std": 55.6971441098854, + "nauc_recall_at_10_diff1": 1.6381390695279527, + "nauc_recall_at_10_max": 30.7773121587242, + "nauc_recall_at_10_std": 5.983376763709044, + "nauc_recall_at_1_diff1": 43.01902060700144, + "nauc_recall_at_1_max": -8.940094269879843, + "nauc_recall_at_1_std": -28.063233795166276, + "nauc_recall_at_20_diff1": -3.5879888483690268, + "nauc_recall_at_20_max": 42.56780359254684, + "nauc_recall_at_20_std": 28.64620011473346, + "nauc_recall_at_3_diff1": 24.423753178927363, + "nauc_recall_at_3_max": 0.28631207577281326, + "nauc_recall_at_3_std": -24.79099042560129, + "nauc_recall_at_5_diff1": 15.716357450134492, + "nauc_recall_at_5_max": 9.923967009889193, + "nauc_recall_at_5_std": -18.11714448988651, + "ndcg_at_1": 83.3, + "ndcg_at_10": 82.353, + "ndcg_at_100": 85.952, + "ndcg_at_1000": 86.393, + "ndcg_at_20": 84.333, + "ndcg_at_3": 79.128, + "ndcg_at_5": 78.96300000000001, + "precision_at_1": 83.3, + "precision_at_10": 40.36, + "precision_at_100": 4.769, + "precision_at_1000": 0.488, + "precision_at_20": 22.295, + "precision_at_3": 71.25, + "precision_at_5": 61.18, + "recall_at_1": 23.408, + "recall_at_10": 85.44800000000001, + "recall_at_100": 96.712, + "recall_at_1000": 98.988, + "recall_at_20": 91.304, + "recall_at_3": 52.65, + "recall_at_5": 69.81 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/EcomRetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/EcomRetrieval.json new file mode 100644 index 000000000..65058139f --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/EcomRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "687de13dc7294d6fd9be10c6945f9e8fec8166b9", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 63.712999999999994, + "map_at_1": 49.0, + "map_at_10": 58.620000000000005, + "map_at_100": 59.183, + "map_at_1000": 59.19799999999999, + "map_at_20": 58.948, + "map_at_3": 55.883, + "map_at_5": 57.452999999999996, + "mrr_at_1": 49.0, + "mrr_at_10": 58.61988095238089, + "mrr_at_100": 59.18251462760907, + "mrr_at_1000": 59.1981896580556, + "mrr_at_20": 58.94805232134562, + "mrr_at_3": 55.883333333333304, + "mrr_at_5": 57.4533333333333, + "nauc_map_at_1000_diff1": 60.33101842801658, + "nauc_map_at_1000_max": 19.502683068762945, + "nauc_map_at_1000_std": -9.052741690420172, + "nauc_map_at_100_diff1": 60.320202163437884, + "nauc_map_at_100_max": 19.511425958183473, + "nauc_map_at_100_std": -9.046775711361885, + "nauc_map_at_10_diff1": 60.32228179956949, + "nauc_map_at_10_max": 19.6159978656515, + "nauc_map_at_10_std": -9.132522477977544, + "nauc_map_at_1_diff1": 61.89621977613427, + "nauc_map_at_1_max": 15.015734335373715, + "nauc_map_at_1_std": -12.641774992365185, + "nauc_map_at_20_diff1": 60.351130642660486, + "nauc_map_at_20_max": 19.433343357030232, + "nauc_map_at_20_std": -9.21598413872683, + "nauc_map_at_3_diff1": 60.26725821298107, + "nauc_map_at_3_max": 18.3498595109406, + "nauc_map_at_3_std": -10.051517839346984, + "nauc_map_at_5_diff1": 60.164921439673925, + "nauc_map_at_5_max": 18.593900545400267, + "nauc_map_at_5_std": -9.934110598947624, + "nauc_mrr_at_1000_diff1": 60.33101842801658, + "nauc_mrr_at_1000_max": 19.502683068762945, + "nauc_mrr_at_1000_std": -9.052741690420172, + "nauc_mrr_at_100_diff1": 60.320202163437884, + "nauc_mrr_at_100_max": 19.511425958183473, + "nauc_mrr_at_100_std": -9.046775711361885, + "nauc_mrr_at_10_diff1": 60.32228179956949, + "nauc_mrr_at_10_max": 19.6159978656515, + "nauc_mrr_at_10_std": -9.132522477977544, + "nauc_mrr_at_1_diff1": 61.89621977613427, + "nauc_mrr_at_1_max": 15.015734335373715, + "nauc_mrr_at_1_std": -12.641774992365185, + "nauc_mrr_at_20_diff1": 60.351130642660486, + "nauc_mrr_at_20_max": 19.433343357030232, + "nauc_mrr_at_20_std": -9.21598413872683, + "nauc_mrr_at_3_diff1": 60.26725821298107, + "nauc_mrr_at_3_max": 18.3498595109406, + "nauc_mrr_at_3_std": -10.051517839346984, + "nauc_mrr_at_5_diff1": 60.164921439673925, + "nauc_mrr_at_5_max": 18.593900545400267, + "nauc_mrr_at_5_std": -9.934110598947624, + "nauc_ndcg_at_1000_diff1": 60.190733838614676, + "nauc_ndcg_at_1000_max": 22.361539210340222, + "nauc_ndcg_at_1000_std": -5.745163462434749, + "nauc_ndcg_at_100_diff1": 59.89473232352801, + "nauc_ndcg_at_100_max": 22.68282893350434, + "nauc_ndcg_at_100_std": -5.4179387740783, + "nauc_ndcg_at_10_diff1": 60.07971889322107, + "nauc_ndcg_at_10_max": 22.591286648072977, + "nauc_ndcg_at_10_std": -6.68500894448089, + "nauc_ndcg_at_1_diff1": 61.89621977613427, + "nauc_ndcg_at_1_max": 15.015734335373715, + "nauc_ndcg_at_1_std": -12.641774992365185, + "nauc_ndcg_at_20_diff1": 60.182873920240475, + "nauc_ndcg_at_20_max": 21.964898434175247, + "nauc_ndcg_at_20_std": -6.906365610289816, + "nauc_ndcg_at_3_diff1": 59.8208566369894, + "nauc_ndcg_at_3_max": 19.388884168625417, + "nauc_ndcg_at_3_std": -9.151250601081255, + "nauc_ndcg_at_5_diff1": 59.599342583351955, + "nauc_ndcg_at_5_max": 19.8910854628725, + "nauc_ndcg_at_5_std": -8.885354650481215, + "nauc_precision_at_1000_diff1": 63.58164887576627, + "nauc_precision_at_1000_max": 92.23383046912454, + "nauc_precision_at_1000_std": 87.13881949176067, + "nauc_precision_at_100_diff1": 53.73002142033278, + "nauc_precision_at_100_max": 70.37128576920941, + "nauc_precision_at_100_std": 55.41687263140533, + "nauc_precision_at_10_diff1": 59.41629120257138, + "nauc_precision_at_10_max": 38.24957021696883, + "nauc_precision_at_10_std": 6.335412380239172, + "nauc_precision_at_1_diff1": 61.89621977613427, + "nauc_precision_at_1_max": 15.015734335373715, + "nauc_precision_at_1_std": -12.641774992365185, + "nauc_precision_at_20_diff1": 59.95367722749617, + "nauc_precision_at_20_max": 38.11970211089507, + "nauc_precision_at_20_std": 8.468361991180146, + "nauc_precision_at_3_diff1": 58.418401476502524, + "nauc_precision_at_3_max": 22.708479411978058, + "nauc_precision_at_3_std": -6.238867799833925, + "nauc_precision_at_5_diff1": 57.54249152786323, + "nauc_precision_at_5_max": 24.64947877432984, + "nauc_precision_at_5_std": -5.018047100033905, + "nauc_recall_at_1000_diff1": 63.581648875766604, + "nauc_recall_at_1000_max": 92.23383046912458, + "nauc_recall_at_1000_std": 87.13881949176098, + "nauc_recall_at_100_diff1": 53.73002142033278, + "nauc_recall_at_100_max": 70.37128576920976, + "nauc_recall_at_100_std": 55.41687263140555, + "nauc_recall_at_10_diff1": 59.41629120257145, + "nauc_recall_at_10_max": 38.2495702169689, + "nauc_recall_at_10_std": 6.335412380239176, + "nauc_recall_at_1_diff1": 61.89621977613427, + "nauc_recall_at_1_max": 15.015734335373715, + "nauc_recall_at_1_std": -12.641774992365185, + "nauc_recall_at_20_diff1": 59.95367722749639, + "nauc_recall_at_20_max": 38.11970211089514, + "nauc_recall_at_20_std": 8.468361991180268, + "nauc_recall_at_3_diff1": 58.41840147650248, + "nauc_recall_at_3_max": 22.708479411978043, + "nauc_recall_at_3_std": -6.238867799833981, + "nauc_recall_at_5_diff1": 57.542491527863206, + "nauc_recall_at_5_max": 24.649478774330014, + "nauc_recall_at_5_std": -5.018047100033782, + "ndcg_at_1": 49.0, + "ndcg_at_10": 63.712999999999994, + "ndcg_at_100": 66.523, + "ndcg_at_1000": 66.922, + "ndcg_at_20": 64.904, + "ndcg_at_3": 58.099000000000004, + "ndcg_at_5": 60.913, + "precision_at_1": 49.0, + "precision_at_10": 7.99, + "precision_at_100": 0.932, + "precision_at_1000": 0.096, + "precision_at_20": 4.2299999999999995, + "precision_at_3": 21.5, + "precision_at_5": 14.26, + "recall_at_1": 49.0, + "recall_at_10": 79.9, + "recall_at_100": 93.2, + "recall_at_1000": 96.3, + "recall_at_20": 84.6, + "recall_at_3": 64.5, + "recall_at_5": 71.3 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/EmotionClassification.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/EmotionClassification.json new file mode 100644 index 000000000..716a4559e --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/EmotionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 85.565, + "f1": 81.12346731656551, + "f1_weighted": 85.98372374550102, + "main_score": 85.565 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/FEVER.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/FEVER.json new file mode 100644 index 000000000..331c58d7c --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/FEVER.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 86.026, + "map_at_1": 73.339, + "map_at_10": 81.943, + "map_at_100": 82.12899999999999, + "map_at_1000": 82.145, + "map_at_20": 82.05799999999999, + "map_at_3": 80.827, + "map_at_5": 81.628, + "mrr_at_1": 78.98289828982898, + "mrr_at_10": 87.04412703175062, + "mrr_at_100": 87.1023996343652, + "mrr_at_1000": 87.10370910386118, + "mrr_at_20": 87.08615223713309, + "mrr_at_3": 86.2386238623861, + "mrr_at_5": 86.86568656865666, + "nauc_map_at_1000_diff1": 48.22616948132843, + "nauc_map_at_1000_max": 1.6340021380561394, + "nauc_map_at_1000_std": -25.200746351372793, + "nauc_map_at_100_diff1": 48.198187398812806, + "nauc_map_at_100_max": 1.6220191408228601, + "nauc_map_at_100_std": -25.193042721137566, + "nauc_map_at_10_diff1": 48.00585391806132, + "nauc_map_at_10_max": 1.4817376575907626, + "nauc_map_at_10_std": -25.201484788329843, + "nauc_map_at_1_diff1": 52.76212226788538, + "nauc_map_at_1_max": 0.0520314144507071, + "nauc_map_at_1_std": -26.20833932232049, + "nauc_map_at_20_diff1": 48.12533777970878, + "nauc_map_at_20_max": 1.5240294773565493, + "nauc_map_at_20_std": -25.192450618181123, + "nauc_map_at_3_diff1": 47.96480519565094, + "nauc_map_at_3_max": 1.1887774816136902, + "nauc_map_at_3_std": -26.31363833371711, + "nauc_map_at_5_diff1": 47.79080333430883, + "nauc_map_at_5_max": 1.6220551876503297, + "nauc_map_at_5_std": -25.250585439913415, + "nauc_mrr_at_1000_diff1": 64.95992140968579, + "nauc_mrr_at_1000_max": 1.6737288643493216, + "nauc_mrr_at_1000_std": -37.732249646223224, + "nauc_mrr_at_100_diff1": 64.95845005240741, + "nauc_mrr_at_100_max": 1.6807060884331666, + "nauc_mrr_at_100_std": -37.73314881154047, + "nauc_mrr_at_10_diff1": 64.9115307834577, + "nauc_mrr_at_10_max": 1.7195209183889257, + "nauc_mrr_at_10_std": -37.88536525017639, + "nauc_mrr_at_1_diff1": 66.13713227430745, + "nauc_mrr_at_1_max": 0.37082095312916874, + "nauc_mrr_at_1_std": -34.379038222842254, + "nauc_mrr_at_20_diff1": 64.95488651854674, + "nauc_mrr_at_20_max": 1.6985375216432168, + "nauc_mrr_at_20_std": -37.755703989608705, + "nauc_mrr_at_3_diff1": 64.9535677343948, + "nauc_mrr_at_3_max": 1.5195414353630512, + "nauc_mrr_at_3_std": -39.21735562852805, + "nauc_mrr_at_5_diff1": 64.85513437757459, + "nauc_mrr_at_5_max": 1.9382830256224208, + "nauc_mrr_at_5_std": -38.043842104083545, + "nauc_ndcg_at_1000_diff1": 49.74095915307536, + "nauc_ndcg_at_1000_max": 2.605169283095937, + "nauc_ndcg_at_1000_std": -25.835814259340832, + "nauc_ndcg_at_100_diff1": 49.002859024867945, + "nauc_ndcg_at_100_max": 2.5116469969385884, + "nauc_ndcg_at_100_std": -25.479921013562272, + "nauc_ndcg_at_10_diff1": 48.25197176801494, + "nauc_ndcg_at_10_max": 1.9108104946028264, + "nauc_ndcg_at_10_std": -25.780784974391295, + "nauc_ndcg_at_1_diff1": 66.13713227430745, + "nauc_ndcg_at_1_max": 0.37082095312916874, + "nauc_ndcg_at_1_std": -34.379038222842254, + "nauc_ndcg_at_20_diff1": 48.59674729644139, + "nauc_ndcg_at_20_max": 1.9950884849133927, + "nauc_ndcg_at_20_std": -25.569135598052622, + "nauc_ndcg_at_3_diff1": 49.305511135576275, + "nauc_ndcg_at_3_max": 1.8638668857901368, + "nauc_ndcg_at_3_std": -29.02269314595723, + "nauc_ndcg_at_5_diff1": 48.1680764938404, + "nauc_ndcg_at_5_max": 2.4842182285117964, + "nauc_ndcg_at_5_std": -26.244542780767375, + "nauc_precision_at_1000_diff1": -4.478420343136971, + "nauc_precision_at_1000_max": 11.70949232501659, + "nauc_precision_at_1000_std": 1.7386198733671119, + "nauc_precision_at_100_diff1": -4.172269763651759, + "nauc_precision_at_100_max": 13.082661117154743, + "nauc_precision_at_100_std": 1.8002212793127355, + "nauc_precision_at_10_diff1": 5.702289274109695, + "nauc_precision_at_10_max": 8.484620250928458, + "nauc_precision_at_10_std": -8.132389694515703, + "nauc_precision_at_1_diff1": 66.13713227430745, + "nauc_precision_at_1_max": 0.37082095312916874, + "nauc_precision_at_1_std": -34.379038222842254, + "nauc_precision_at_20_diff1": 0.5564831263316283, + "nauc_precision_at_20_max": 8.881191911131173, + "nauc_precision_at_20_std": -3.696180671957281, + "nauc_precision_at_3_diff1": 35.75913314270679, + "nauc_precision_at_3_max": 7.896253718358011, + "nauc_precision_at_3_std": -33.8336411888768, + "nauc_precision_at_5_diff1": 17.101795422527648, + "nauc_precision_at_5_max": 11.993885038446976, + "nauc_precision_at_5_std": -16.39044303210142, + "nauc_recall_at_1000_diff1": 1.765610982286282, + "nauc_recall_at_1000_max": 16.0490507693684, + "nauc_recall_at_1000_std": 28.474043694387696, + "nauc_recall_at_100_diff1": 6.2725603406909265, + "nauc_recall_at_100_max": 10.665282199745704, + "nauc_recall_at_100_std": 13.266482323582757, + "nauc_recall_at_10_diff1": 16.010002473322103, + "nauc_recall_at_10_max": 4.051158641772395, + "nauc_recall_at_10_std": -3.963886778602456, + "nauc_recall_at_1_diff1": 52.76212226788538, + "nauc_recall_at_1_max": 0.0520314144507071, + "nauc_recall_at_1_std": -26.20833932232049, + "nauc_recall_at_20_diff1": 12.763325751516286, + "nauc_recall_at_20_max": 4.589618045061225, + "nauc_recall_at_20_std": 2.3135711002947525, + "nauc_recall_at_3_diff1": 31.878202992328298, + "nauc_recall_at_3_max": 2.398044119809843, + "nauc_recall_at_3_std": -22.48228292127779, + "nauc_recall_at_5_diff1": 22.01091185405021, + "nauc_recall_at_5_max": 6.161863454884261, + "nauc_recall_at_5_std": -10.442113305092082, + "ndcg_at_1": 78.983, + "ndcg_at_10": 86.026, + "ndcg_at_100": 86.666, + "ndcg_at_1000": 86.945, + "ndcg_at_20": 86.333, + "ndcg_at_3": 84.269, + "ndcg_at_5": 85.439, + "precision_at_1": 78.983, + "precision_at_10": 10.282, + "precision_at_100": 1.078, + "precision_at_1000": 0.11199999999999999, + "precision_at_20": 5.2330000000000005, + "precision_at_3": 32.218, + "precision_at_5": 20.06, + "recall_at_1": 73.339, + "recall_at_10": 93.557, + "recall_at_100": 96.03399999999999, + "recall_at_1000": 97.784, + "recall_at_20": 94.6, + "recall_at_3": 88.851, + "recall_at_5": 91.81 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/FiQA-PL.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/FiQA-PL.json new file mode 100644 index 000000000..ae561804a --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/FiQA-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "2e535829717f8bf9dc829b7f911cc5bbd4e6608e", + "task_name": "FiQA-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 25.322, + "map_at_1": 12.084, + "map_at_10": 19.402, + "map_at_100": 20.766000000000002, + "map_at_1000": 20.958, + "map_at_20": 20.085, + "map_at_3": 16.794, + "map_at_5": 18.242, + "mrr_at_1": 23.30246913580247, + "mrr_at_10": 31.084594846168915, + "mrr_at_100": 32.081458268143486, + "mrr_at_1000": 32.15082259510916, + "mrr_at_20": 31.641799089124518, + "mrr_at_3": 28.703703703703713, + "mrr_at_5": 30.12345679012346, + "nauc_map_at_1000_diff1": 33.497391865616606, + "nauc_map_at_1000_max": 15.431683878656488, + "nauc_map_at_1000_std": 10.827813213986468, + "nauc_map_at_100_diff1": 33.534068616502886, + "nauc_map_at_100_max": 15.291439989133599, + "nauc_map_at_100_std": 10.715061061847777, + "nauc_map_at_10_diff1": 33.49437614167937, + "nauc_map_at_10_max": 14.377484560226964, + "nauc_map_at_10_std": 9.487834206589557, + "nauc_map_at_1_diff1": 39.87810373637443, + "nauc_map_at_1_max": 10.730137705508765, + "nauc_map_at_1_std": 3.2660873686456195, + "nauc_map_at_20_diff1": 33.37736866727796, + "nauc_map_at_20_max": 14.70143784805556, + "nauc_map_at_20_std": 9.989663285421791, + "nauc_map_at_3_diff1": 34.368864609204216, + "nauc_map_at_3_max": 12.768667645519768, + "nauc_map_at_3_std": 7.982752811874638, + "nauc_map_at_5_diff1": 33.58267051366728, + "nauc_map_at_5_max": 13.529005222918848, + "nauc_map_at_5_std": 8.565140707894367, + "nauc_mrr_at_1000_diff1": 34.518749214862446, + "nauc_mrr_at_1000_max": 20.004412541379317, + "nauc_mrr_at_1000_std": 10.794450592562008, + "nauc_mrr_at_100_diff1": 34.502828469831684, + "nauc_mrr_at_100_max": 20.016402128122674, + "nauc_mrr_at_100_std": 10.770953740589398, + "nauc_mrr_at_10_diff1": 34.464123530074744, + "nauc_mrr_at_10_max": 19.812317084561315, + "nauc_mrr_at_10_std": 10.660604975440622, + "nauc_mrr_at_1_diff1": 39.735267543303344, + "nauc_mrr_at_1_max": 20.218792748481526, + "nauc_mrr_at_1_std": 7.574870456628672, + "nauc_mrr_at_20_diff1": 34.4112636812203, + "nauc_mrr_at_20_max": 19.736403323847995, + "nauc_mrr_at_20_std": 10.58825811173397, + "nauc_mrr_at_3_diff1": 34.322321922524765, + "nauc_mrr_at_3_max": 19.48120229919887, + "nauc_mrr_at_3_std": 10.241852033769396, + "nauc_mrr_at_5_diff1": 34.41273362560696, + "nauc_mrr_at_5_max": 19.80166599189298, + "nauc_mrr_at_5_std": 10.535257678547225, + "nauc_ndcg_at_1000_diff1": 31.756209625205372, + "nauc_ndcg_at_1000_max": 19.79815198505404, + "nauc_ndcg_at_1000_std": 15.747292429924494, + "nauc_ndcg_at_100_diff1": 32.24612802150064, + "nauc_ndcg_at_100_max": 18.490724459073633, + "nauc_ndcg_at_100_std": 14.606523975785374, + "nauc_ndcg_at_10_diff1": 32.17599943968043, + "nauc_ndcg_at_10_max": 15.73203247263979, + "nauc_ndcg_at_10_std": 11.361059016427816, + "nauc_ndcg_at_1_diff1": 39.735267543303344, + "nauc_ndcg_at_1_max": 20.218792748481526, + "nauc_ndcg_at_1_std": 7.574870456628672, + "nauc_ndcg_at_20_diff1": 31.750276068192886, + "nauc_ndcg_at_20_max": 15.761403266813346, + "nauc_ndcg_at_20_std": 11.939341736048261, + "nauc_ndcg_at_3_diff1": 32.60001850916417, + "nauc_ndcg_at_3_max": 16.484580482661286, + "nauc_ndcg_at_3_std": 9.93945065513519, + "nauc_ndcg_at_5_diff1": 32.44524427279313, + "nauc_ndcg_at_5_max": 15.875506598237141, + "nauc_ndcg_at_5_std": 9.982281820511833, + "nauc_precision_at_1000_diff1": 5.371199115978502, + "nauc_precision_at_1000_max": 32.2390464051828, + "nauc_precision_at_1000_std": 14.878904307648414, + "nauc_precision_at_100_diff1": 16.16681952079101, + "nauc_precision_at_100_max": 31.799356005933838, + "nauc_precision_at_100_std": 19.248994737500986, + "nauc_precision_at_10_diff1": 22.009585966198923, + "nauc_precision_at_10_max": 25.75349877480564, + "nauc_precision_at_10_std": 16.27236030310856, + "nauc_precision_at_1_diff1": 39.735267543303344, + "nauc_precision_at_1_max": 20.218792748481526, + "nauc_precision_at_1_std": 7.574870456628672, + "nauc_precision_at_20_diff1": 18.58140182399686, + "nauc_precision_at_20_max": 25.678514022441874, + "nauc_precision_at_20_std": 16.797936080303757, + "nauc_precision_at_3_diff1": 26.928025721272824, + "nauc_precision_at_3_max": 20.657641661666794, + "nauc_precision_at_3_std": 13.0985390930848, + "nauc_precision_at_5_diff1": 23.36859898010871, + "nauc_precision_at_5_max": 22.374908445175237, + "nauc_precision_at_5_std": 14.246505892972294, + "nauc_recall_at_1000_diff1": 11.980972712740272, + "nauc_recall_at_1000_max": 19.76758314007667, + "nauc_recall_at_1000_std": 37.01896226544845, + "nauc_recall_at_100_diff1": 21.23333081030157, + "nauc_recall_at_100_max": 17.273702477754753, + "nauc_recall_at_100_std": 22.66184024937999, + "nauc_recall_at_10_diff1": 24.654784002876422, + "nauc_recall_at_10_max": 11.299238954418193, + "nauc_recall_at_10_std": 12.933536657323804, + "nauc_recall_at_1_diff1": 39.87810373637443, + "nauc_recall_at_1_max": 10.730137705508765, + "nauc_recall_at_1_std": 3.2660873686456195, + "nauc_recall_at_20_diff1": 22.912968265183142, + "nauc_recall_at_20_max": 10.463163094071744, + "nauc_recall_at_20_std": 13.342666469120315, + "nauc_recall_at_3_diff1": 26.200195626449702, + "nauc_recall_at_3_max": 10.661728055293116, + "nauc_recall_at_3_std": 10.101882781882052, + "nauc_recall_at_5_diff1": 25.286289446845807, + "nauc_recall_at_5_max": 11.353540373539142, + "nauc_recall_at_5_std": 10.67026258089847, + "ndcg_at_1": 23.302, + "ndcg_at_10": 25.322, + "ndcg_at_100": 31.452, + "ndcg_at_1000": 35.378, + "ndcg_at_20": 27.392, + "ndcg_at_3": 22.238, + "ndcg_at_5": 23.436, + "precision_at_1": 23.302, + "precision_at_10": 7.037, + "precision_at_100": 1.321, + "precision_at_1000": 0.2, + "precision_at_20": 4.344, + "precision_at_3": 14.557999999999998, + "precision_at_5": 10.988000000000001, + "recall_at_1": 12.084, + "recall_at_10": 31.011, + "recall_at_100": 54.782, + "recall_at_1000": 78.828, + "recall_at_20": 37.573, + "recall_at_3": 20.918999999999997, + "recall_at_5": 25.434 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/FiQA2018.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/FiQA2018.json new file mode 100644 index 000000000..0b4170e16 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/FiQA2018.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 45.019, + "map_at_1": 21.923000000000002, + "map_at_10": 36.661, + "map_at_100": 38.727000000000004, + "map_at_1000": 38.896, + "map_at_20": 37.821, + "map_at_3": 31.812, + "map_at_5": 34.474, + "mrr_at_1": 43.05555555555556, + "mrr_at_10": 52.714824612972755, + "mrr_at_100": 53.47543808894285, + "mrr_at_1000": 53.50616025822894, + "mrr_at_20": 53.14543059863263, + "mrr_at_3": 50.10288065843621, + "mrr_at_5": 51.715534979423836, + "nauc_map_at_1000_diff1": 41.776705312708486, + "nauc_map_at_1000_max": 24.93532754336337, + "nauc_map_at_1000_std": -2.794190590614799, + "nauc_map_at_100_diff1": 41.73579109673881, + "nauc_map_at_100_max": 24.80625280860252, + "nauc_map_at_100_std": -2.814441295874619, + "nauc_map_at_10_diff1": 41.75395538260581, + "nauc_map_at_10_max": 23.219207680303324, + "nauc_map_at_10_std": -3.5779070328036138, + "nauc_map_at_1_diff1": 48.46545399169614, + "nauc_map_at_1_max": 16.49315969594624, + "nauc_map_at_1_std": -7.505787454483636, + "nauc_map_at_20_diff1": 41.53641801097531, + "nauc_map_at_20_max": 24.00770569213574, + "nauc_map_at_20_std": -3.191754163523877, + "nauc_map_at_3_diff1": 41.75052616046243, + "nauc_map_at_3_max": 19.115081667001014, + "nauc_map_at_3_std": -6.668596004487064, + "nauc_map_at_5_diff1": 42.45446754604312, + "nauc_map_at_5_max": 20.947253345126185, + "nauc_map_at_5_std": -5.125992439200763, + "nauc_mrr_at_1000_diff1": 52.09717084990717, + "nauc_mrr_at_1000_max": 38.086957556354456, + "nauc_mrr_at_1000_std": -0.68079244284855, + "nauc_mrr_at_100_diff1": 52.081504543550686, + "nauc_mrr_at_100_max": 38.10189737899758, + "nauc_mrr_at_100_std": -0.6731400759499799, + "nauc_mrr_at_10_diff1": 51.962775327926934, + "nauc_mrr_at_10_max": 37.860734658269976, + "nauc_mrr_at_10_std": -0.8627588620266099, + "nauc_mrr_at_1_diff1": 56.643374967422865, + "nauc_mrr_at_1_max": 37.424164231372195, + "nauc_mrr_at_1_std": -3.808604224746232, + "nauc_mrr_at_20_diff1": 51.9634718440668, + "nauc_mrr_at_20_max": 37.99992134394818, + "nauc_mrr_at_20_std": -0.5725435512805715, + "nauc_mrr_at_3_diff1": 51.9083290591896, + "nauc_mrr_at_3_max": 37.49495462369628, + "nauc_mrr_at_3_std": -2.193915400523023, + "nauc_mrr_at_5_diff1": 52.24074329239152, + "nauc_mrr_at_5_max": 37.96365352861984, + "nauc_mrr_at_5_std": -1.5116002789297864, + "nauc_ndcg_at_1000_diff1": 43.88564426048843, + "nauc_ndcg_at_1000_max": 31.371070838376326, + "nauc_ndcg_at_1000_std": 1.182058822041445, + "nauc_ndcg_at_100_diff1": 43.47882005622348, + "nauc_ndcg_at_100_max": 30.23626893448966, + "nauc_ndcg_at_100_std": 1.3554256181078206, + "nauc_ndcg_at_10_diff1": 42.78328747987686, + "nauc_ndcg_at_10_max": 26.971284497406334, + "nauc_ndcg_at_10_std": -0.9361763271905158, + "nauc_ndcg_at_1_diff1": 56.643374967422865, + "nauc_ndcg_at_1_max": 37.424164231372195, + "nauc_ndcg_at_1_std": -3.808604224746232, + "nauc_ndcg_at_20_diff1": 42.51200178317055, + "nauc_ndcg_at_20_max": 27.807479427212844, + "nauc_ndcg_at_20_std": -0.16279719845344157, + "nauc_ndcg_at_3_diff1": 41.983935082179556, + "nauc_ndcg_at_3_max": 28.446235814415143, + "nauc_ndcg_at_3_std": -3.0007943000595003, + "nauc_ndcg_at_5_diff1": 43.21852196702825, + "nauc_ndcg_at_5_max": 26.601248066336986, + "nauc_ndcg_at_5_std": -2.5471886292781702, + "nauc_precision_at_1000_diff1": -0.26010199321259797, + "nauc_precision_at_1000_max": 35.79601474558423, + "nauc_precision_at_1000_std": 14.342818001909988, + "nauc_precision_at_100_diff1": 6.004698224173632, + "nauc_precision_at_100_max": 38.52857855255943, + "nauc_precision_at_100_std": 16.21705591642149, + "nauc_precision_at_10_diff1": 17.49728453546782, + "nauc_precision_at_10_max": 38.24671033647839, + "nauc_precision_at_10_std": 12.030940471652098, + "nauc_precision_at_1_diff1": 56.643374967422865, + "nauc_precision_at_1_max": 37.424164231372195, + "nauc_precision_at_1_std": -3.808604224746232, + "nauc_precision_at_20_diff1": 13.057739432783794, + "nauc_precision_at_20_max": 37.84177604877064, + "nauc_precision_at_20_std": 13.135243737603359, + "nauc_precision_at_3_diff1": 29.106393446078787, + "nauc_precision_at_3_max": 33.51402929333319, + "nauc_precision_at_3_std": 1.9298573035534488, + "nauc_precision_at_5_diff1": 25.039378213923403, + "nauc_precision_at_5_max": 36.213261098065125, + "nauc_precision_at_5_std": 7.142334933169122, + "nauc_recall_at_1000_diff1": 24.897608581023757, + "nauc_recall_at_1000_max": 24.60932291382376, + "nauc_recall_at_1000_std": 30.05990115014322, + "nauc_recall_at_100_diff1": 30.807527684131564, + "nauc_recall_at_100_max": 22.540558835740985, + "nauc_recall_at_100_std": 14.493739358980907, + "nauc_recall_at_10_diff1": 31.683742260409076, + "nauc_recall_at_10_max": 17.828711448272134, + "nauc_recall_at_10_std": 1.899605838015785, + "nauc_recall_at_1_diff1": 48.46545399169614, + "nauc_recall_at_1_max": 16.49315969594624, + "nauc_recall_at_1_std": -7.505787454483636, + "nauc_recall_at_20_diff1": 30.08305577595204, + "nauc_recall_at_20_max": 18.75062281011906, + "nauc_recall_at_20_std": 4.502661433146342, + "nauc_recall_at_3_diff1": 33.53153516576839, + "nauc_recall_at_3_max": 14.790607412204485, + "nauc_recall_at_3_std": -6.1140323409194846, + "nauc_recall_at_5_diff1": 35.64279484984148, + "nauc_recall_at_5_max": 15.401875599379574, + "nauc_recall_at_5_std": -3.2844856697915774, + "ndcg_at_1": 43.056, + "ndcg_at_10": 45.019, + "ndcg_at_100": 51.98199999999999, + "ndcg_at_1000": 54.581999999999994, + "ndcg_at_20": 47.721999999999994, + "ndcg_at_3": 40.54, + "ndcg_at_5": 42.142, + "precision_at_1": 43.056, + "precision_at_10": 12.531, + "precision_at_100": 1.9949999999999999, + "precision_at_1000": 0.245, + "precision_at_20": 7.446, + "precision_at_3": 27.058, + "precision_at_5": 20.061999999999998, + "recall_at_1": 21.923000000000002, + "recall_at_10": 52.85300000000001, + "recall_at_100": 78.133, + "recall_at_1000": 93.75, + "recall_at_20": 61.085, + "recall_at_3": 37.118, + "recall_at_5": 44.031 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/GeoreviewClassification.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/GeoreviewClassification.json new file mode 100644 index 000000000..496e9368b --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/GeoreviewClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3765c0d1de6b7d264bc459433c45e5a75513839c", + "task_name": "GeoreviewClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 52.0361328125, + "f1": 47.84397823612054, + "f1_weighted": 47.84111706041435, + "main_score": 52.0361328125 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/GeoreviewClusteringP2P.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/GeoreviewClusteringP2P.json new file mode 100644 index 000000000..20ec9c3f9 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/GeoreviewClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "97a313c8fc85b47f13f33e7e9a95c1ad888c7fec", + "task_name": "GeoreviewClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "main_score": 60.28266888390485, + "v_measure": 60.28266888390485, + "v_measure_std": 1.0348363132473835 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/HALClusteringS2S.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/HALClusteringS2S.json new file mode 100644 index 000000000..fbb7063cf --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/HALClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e06ebbbb123f8144bef1a5d18796f3dec9ae2915", + "task_name": "HALClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "main_score": 26.958035381361377, + "v_measure": 26.958035381361377, + "v_measure_std": 2.401353383071989 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/HeadlineClassification.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/HeadlineClassification.json new file mode 100644 index 000000000..5334087f7 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/HeadlineClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "2fe05ee6b5832cda29f2ef7aaad7b7fe6a3609eb", + "task_name": "HeadlineClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 83.4033203125, + "f1": 83.39708551274371, + "f1_weighted": 83.39502222187862, + "main_score": 83.4033203125 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/HotpotQA-PL.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/HotpotQA-PL.json new file mode 100644 index 000000000..19b629e9f --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/HotpotQA-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "a0bd479ac97b4ccb5bd6ce320c415d0bb4beb907", + "task_name": "HotpotQA-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 61.76199999999999, + "map_at_1": 36.462, + "map_at_10": 52.595000000000006, + "map_at_100": 53.486, + "map_at_1000": 53.561, + "map_at_20": 53.116, + "map_at_3": 49.55, + "map_at_5": 51.468, + "mrr_at_1": 72.92370020256584, + "mrr_at_10": 79.14170498269061, + "mrr_at_100": 79.39082829565201, + "mrr_at_1000": 79.4039312237504, + "mrr_at_20": 79.30320990617905, + "mrr_at_3": 78.06887238352448, + "mrr_at_5": 78.74746792707597, + "nauc_map_at_1000_diff1": 26.629197478945656, + "nauc_map_at_1000_max": 20.417296536263652, + "nauc_map_at_1000_std": 7.824861166949661, + "nauc_map_at_100_diff1": 26.597747680876964, + "nauc_map_at_100_max": 20.394321293004854, + "nauc_map_at_100_std": 7.812277969136019, + "nauc_map_at_10_diff1": 26.733323682484784, + "nauc_map_at_10_max": 20.271344228458663, + "nauc_map_at_10_std": 7.0935616016511815, + "nauc_map_at_1_diff1": 73.40480136620272, + "nauc_map_at_1_max": 38.86815860879837, + "nauc_map_at_1_std": 4.8325955891477275, + "nauc_map_at_20_diff1": 26.568842010897114, + "nauc_map_at_20_max": 20.275169904863905, + "nauc_map_at_20_std": 7.56661656432979, + "nauc_map_at_3_diff1": 28.824845889064793, + "nauc_map_at_3_max": 20.76852907202902, + "nauc_map_at_3_std": 5.754512537392399, + "nauc_map_at_5_diff1": 27.454615905979974, + "nauc_map_at_5_max": 20.352277144385937, + "nauc_map_at_5_std": 6.601409288581079, + "nauc_mrr_at_1000_diff1": 72.29337975556386, + "nauc_mrr_at_1000_max": 41.162812968303555, + "nauc_mrr_at_1000_std": 7.658983139015768, + "nauc_mrr_at_100_diff1": 72.28963649528013, + "nauc_mrr_at_100_max": 41.16405855619647, + "nauc_mrr_at_100_std": 7.671105812656405, + "nauc_mrr_at_10_diff1": 72.20735283859506, + "nauc_mrr_at_10_max": 41.22707207638071, + "nauc_mrr_at_10_std": 7.642216005282447, + "nauc_mrr_at_1_diff1": 73.40480136620272, + "nauc_mrr_at_1_max": 38.86815860879837, + "nauc_mrr_at_1_std": 4.8325955891477275, + "nauc_mrr_at_20_diff1": 72.28084176981353, + "nauc_mrr_at_20_max": 41.19699794135133, + "nauc_mrr_at_20_std": 7.673602725654943, + "nauc_mrr_at_3_diff1": 72.2517312298736, + "nauc_mrr_at_3_max": 41.23050336709122, + "nauc_mrr_at_3_std": 7.055398076214827, + "nauc_mrr_at_5_diff1": 72.3010580466702, + "nauc_mrr_at_5_max": 41.16023128418148, + "nauc_mrr_at_5_std": 7.224799100313062, + "nauc_ndcg_at_1000_diff1": 31.836096618552684, + "nauc_ndcg_at_1000_max": 24.19594101782851, + "nauc_ndcg_at_1000_std": 11.27051039772318, + "nauc_ndcg_at_100_diff1": 31.010910429281985, + "nauc_ndcg_at_100_max": 23.73763527936943, + "nauc_ndcg_at_100_std": 11.202567249866915, + "nauc_ndcg_at_10_diff1": 31.630736903110733, + "nauc_ndcg_at_10_max": 23.29057670190408, + "nauc_ndcg_at_10_std": 8.622063436605352, + "nauc_ndcg_at_1_diff1": 73.40480136620272, + "nauc_ndcg_at_1_max": 38.86815860879837, + "nauc_ndcg_at_1_std": 4.8325955891477275, + "nauc_ndcg_at_20_diff1": 31.022867077795073, + "nauc_ndcg_at_20_max": 23.20240329652894, + "nauc_ndcg_at_20_std": 9.910412291823127, + "nauc_ndcg_at_3_diff1": 35.496569057786346, + "nauc_ndcg_at_3_max": 24.448277354535833, + "nauc_ndcg_at_3_std": 6.498237519761217, + "nauc_ndcg_at_5_diff1": 33.251227793460906, + "nauc_ndcg_at_5_max": 23.605853646520984, + "nauc_ndcg_at_5_std": 7.54284385208763, + "nauc_precision_at_1000_diff1": -0.47079501803456375, + "nauc_precision_at_1000_max": 15.089814566667142, + "nauc_precision_at_1000_std": 27.847788246114057, + "nauc_precision_at_100_diff1": 3.0595485970514704, + "nauc_precision_at_100_max": 14.360431203666717, + "nauc_precision_at_100_std": 22.31753410548815, + "nauc_precision_at_10_diff1": 11.454235819834814, + "nauc_precision_at_10_max": 14.979788854311145, + "nauc_precision_at_10_std": 11.290542607411098, + "nauc_precision_at_1_diff1": 73.40480136620272, + "nauc_precision_at_1_max": 38.86815860879837, + "nauc_precision_at_1_std": 4.8325955891477275, + "nauc_precision_at_20_diff1": 7.60972218209098, + "nauc_precision_at_20_max": 13.692113405742418, + "nauc_precision_at_20_std": 15.359273788872974, + "nauc_precision_at_3_diff1": 22.002230799209492, + "nauc_precision_at_3_max": 19.075064977055266, + "nauc_precision_at_3_std": 7.1760372858256956, + "nauc_precision_at_5_diff1": 16.565606958337607, + "nauc_precision_at_5_max": 16.550935196750206, + "nauc_precision_at_5_std": 8.807234374696868, + "nauc_recall_at_1000_diff1": -0.47079501803429247, + "nauc_recall_at_1000_max": 15.089814566667334, + "nauc_recall_at_1000_std": 27.847788246114025, + "nauc_recall_at_100_diff1": 3.0595485970514558, + "nauc_recall_at_100_max": 14.360431203666705, + "nauc_recall_at_100_std": 22.317534105488054, + "nauc_recall_at_10_diff1": 11.4542358198349, + "nauc_recall_at_10_max": 14.979788854311154, + "nauc_recall_at_10_std": 11.290542607411085, + "nauc_recall_at_1_diff1": 73.40480136620272, + "nauc_recall_at_1_max": 38.86815860879837, + "nauc_recall_at_1_std": 4.8325955891477275, + "nauc_recall_at_20_diff1": 7.609722182091017, + "nauc_recall_at_20_max": 13.692113405742424, + "nauc_recall_at_20_std": 15.35927378887301, + "nauc_recall_at_3_diff1": 22.002230799209435, + "nauc_recall_at_3_max": 19.07506497705519, + "nauc_recall_at_3_std": 7.176037285825619, + "nauc_recall_at_5_diff1": 16.56560695833764, + "nauc_recall_at_5_max": 16.55093519675023, + "nauc_recall_at_5_std": 8.807234374696902, + "ndcg_at_1": 72.924, + "ndcg_at_10": 61.76199999999999, + "ndcg_at_100": 64.943, + "ndcg_at_1000": 66.42, + "ndcg_at_20": 63.105, + "ndcg_at_3": 57.318000000000005, + "ndcg_at_5": 59.80799999999999, + "precision_at_1": 72.924, + "precision_at_10": 12.723999999999998, + "precision_at_100": 1.521, + "precision_at_1000": 0.172, + "precision_at_20": 6.795, + "precision_at_3": 35.863, + "precision_at_5": 23.487, + "recall_at_1": 36.462, + "recall_at_10": 63.619, + "recall_at_100": 76.036, + "recall_at_1000": 85.8, + "recall_at_20": 67.95400000000001, + "recall_at_3": 53.795, + "recall_at_5": 58.717 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/HotpotQA.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/HotpotQA.json new file mode 100644 index 000000000..d6808298f --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/HotpotQA.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 68.65299999999999, + "map_at_1": 38.893, + "map_at_10": 59.375, + "map_at_100": 60.303, + "map_at_1000": 60.364, + "map_at_20": 59.964, + "map_at_3": 55.718, + "map_at_5": 57.99999999999999, + "mrr_at_1": 77.78528021607022, + "mrr_at_10": 84.49470006323453, + "mrr_at_100": 84.6519637218647, + "mrr_at_1000": 84.65768034160618, + "mrr_at_20": 84.61055874712832, + "mrr_at_3": 83.59441818591013, + "mrr_at_5": 84.19266261534956, + "nauc_map_at_1000_diff1": 15.948378928650673, + "nauc_map_at_1000_max": 15.711635353869994, + "nauc_map_at_1000_std": 0.937019577383957, + "nauc_map_at_100_diff1": 15.918426215773247, + "nauc_map_at_100_max": 15.699627284031124, + "nauc_map_at_100_std": 0.9584857374941618, + "nauc_map_at_10_diff1": 15.879270822613408, + "nauc_map_at_10_max": 15.463063162099125, + "nauc_map_at_10_std": 0.15481877422177437, + "nauc_map_at_1_diff1": 71.30652188008001, + "nauc_map_at_1_max": 32.60802008342313, + "nauc_map_at_1_std": -12.29496015891874, + "nauc_map_at_20_diff1": 15.853758892635852, + "nauc_map_at_20_max": 15.570900027569573, + "nauc_map_at_20_std": 0.6783433634347852, + "nauc_map_at_3_diff1": 17.97014394473015, + "nauc_map_at_3_max": 15.218485551181926, + "nauc_map_at_3_std": -2.4303445320319272, + "nauc_map_at_5_diff1": 16.50404017618271, + "nauc_map_at_5_max": 15.285663669100073, + "nauc_map_at_5_std": -0.989351556289713, + "nauc_mrr_at_1000_diff1": 70.0763435325149, + "nauc_mrr_at_1000_max": 34.01106818267054, + "nauc_mrr_at_1000_std": -10.558570244805534, + "nauc_mrr_at_100_diff1": 70.0763826742575, + "nauc_mrr_at_100_max": 34.01329127860268, + "nauc_mrr_at_100_std": -10.553859035770314, + "nauc_mrr_at_10_diff1": 70.03690200308235, + "nauc_mrr_at_10_max": 34.10786779680883, + "nauc_mrr_at_10_std": -10.509981664609755, + "nauc_mrr_at_1_diff1": 71.30652188008001, + "nauc_mrr_at_1_max": 32.60802008342313, + "nauc_mrr_at_1_std": -12.29496015891874, + "nauc_mrr_at_20_diff1": 70.07320564989382, + "nauc_mrr_at_20_max": 34.01911070550699, + "nauc_mrr_at_20_std": -10.532501476325248, + "nauc_mrr_at_3_diff1": 69.73518331018965, + "nauc_mrr_at_3_max": 33.7438084424745, + "nauc_mrr_at_3_std": -11.302692900313119, + "nauc_mrr_at_5_diff1": 69.86565354847778, + "nauc_mrr_at_5_max": 34.135593857390504, + "nauc_mrr_at_5_std": -10.380178093077621, + "nauc_ndcg_at_1000_diff1": 20.865436555566845, + "nauc_ndcg_at_1000_max": 18.83121871269731, + "nauc_ndcg_at_1000_std": 3.566623532300052, + "nauc_ndcg_at_100_diff1": 19.90357263881322, + "nauc_ndcg_at_100_max": 18.387111355628193, + "nauc_ndcg_at_100_std": 4.243680531655493, + "nauc_ndcg_at_10_diff1": 19.721051339510907, + "nauc_ndcg_at_10_max": 17.558512453515227, + "nauc_ndcg_at_10_std": 1.2891095080720567, + "nauc_ndcg_at_1_diff1": 71.30652188008001, + "nauc_ndcg_at_1_max": 32.60802008342313, + "nauc_ndcg_at_1_std": -12.29496015891874, + "nauc_ndcg_at_20_diff1": 19.519425870891023, + "nauc_ndcg_at_20_max": 17.77152674804043, + "nauc_ndcg_at_20_std": 2.7253915106561712, + "nauc_ndcg_at_3_diff1": 23.595619290089495, + "nauc_ndcg_at_3_max": 17.443501928111456, + "nauc_ndcg_at_3_std": -3.1185231896019183, + "nauc_ndcg_at_5_diff1": 21.128676475251222, + "nauc_ndcg_at_5_max": 17.427440887891148, + "nauc_ndcg_at_5_std": -0.8006655617871765, + "nauc_precision_at_1000_diff1": -18.605360521020412, + "nauc_precision_at_1000_max": 13.992651128348118, + "nauc_precision_at_1000_std": 34.896942379633316, + "nauc_precision_at_100_diff1": -11.425102107370272, + "nauc_precision_at_100_max": 11.216164840931667, + "nauc_precision_at_100_std": 27.722125456439343, + "nauc_precision_at_10_diff1": -3.1401539776631653, + "nauc_precision_at_10_max": 10.416214004945402, + "nauc_precision_at_10_std": 10.251563605515335, + "nauc_precision_at_1_diff1": 71.30652188008001, + "nauc_precision_at_1_max": 32.60802008342313, + "nauc_precision_at_1_std": -12.29496015891874, + "nauc_precision_at_20_diff1": -6.456921653790667, + "nauc_precision_at_20_max": 10.23022445081364, + "nauc_precision_at_20_std": 15.935771905722302, + "nauc_precision_at_3_diff1": 8.38156786039047, + "nauc_precision_at_3_max": 12.08129239567508, + "nauc_precision_at_3_std": 0.05626041327325479, + "nauc_precision_at_5_diff1": 2.4102262974666653, + "nauc_precision_at_5_max": 11.160384909564122, + "nauc_precision_at_5_std": 4.587163311214582, + "nauc_recall_at_1000_diff1": -18.605360521019925, + "nauc_recall_at_1000_max": 13.992651128348363, + "nauc_recall_at_1000_std": 34.89694237963353, + "nauc_recall_at_100_diff1": -11.425102107370193, + "nauc_recall_at_100_max": 11.216164840931476, + "nauc_recall_at_100_std": 27.72212545643919, + "nauc_recall_at_10_diff1": -3.140153977663016, + "nauc_recall_at_10_max": 10.416214004945413, + "nauc_recall_at_10_std": 10.251563605515395, + "nauc_recall_at_1_diff1": 71.30652188008001, + "nauc_recall_at_1_max": 32.60802008342313, + "nauc_recall_at_1_std": -12.29496015891874, + "nauc_recall_at_20_diff1": -6.45692165379055, + "nauc_recall_at_20_max": 10.230224450813735, + "nauc_recall_at_20_std": 15.935771905722335, + "nauc_recall_at_3_diff1": 8.381567860390362, + "nauc_recall_at_3_max": 12.081292395675078, + "nauc_recall_at_3_std": 0.05626041327321052, + "nauc_recall_at_5_diff1": 2.4102262974666355, + "nauc_recall_at_5_max": 11.160384909564078, + "nauc_recall_at_5_std": 4.587163311214529, + "ndcg_at_1": 77.78500000000001, + "ndcg_at_10": 68.65299999999999, + "ndcg_at_100": 71.69200000000001, + "ndcg_at_1000": 72.869, + "ndcg_at_20": 70.078, + "ndcg_at_3": 63.568000000000005, + "ndcg_at_5": 66.402, + "precision_at_1": 77.78500000000001, + "precision_at_10": 14.386, + "precision_at_100": 1.672, + "precision_at_1000": 0.183, + "precision_at_20": 7.6499999999999995, + "precision_at_3": 40.473, + "precision_at_5": 26.515, + "recall_at_1": 38.893, + "recall_at_10": 71.931, + "recall_at_100": 83.619, + "recall_at_1000": 91.431, + "recall_at_20": 76.496, + "recall_at_3": 60.709, + "recall_at_5": 66.286 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/IFlyTek.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/IFlyTek.json new file mode 100644 index 000000000..84ed8c191 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/IFlyTek.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "421605374b29664c5fc098418fe20ada9bd55f8a", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 49.188149288187766, + "f1": 35.82742058478872, + "f1_weighted": 46.33812923348324, + "main_score": 49.188149288187766 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/ImdbClassification.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/ImdbClassification.json new file mode 100644 index 000000000..277fd45a8 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/ImdbClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 95.0268, + "ap": 92.72653250341486, + "ap_weighted": 92.72653250341486, + "f1": 95.02503365717179, + "f1_weighted": 95.02503365717179, + "main_score": 95.0268 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/InappropriatenessClassification.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/InappropriatenessClassification.json new file mode 100644 index 000000000..e24e6fa0b --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/InappropriatenessClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "601651fdc45ef243751676e62dd7a19f491c0285", + "task_name": "InappropriatenessClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 64.140625, + "ap": 59.28880813167948, + "ap_weighted": 59.28880813167948, + "f1": 63.72032598814496, + "f1_weighted": 63.72032598814496, + "main_score": 64.140625 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/JDReview.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/JDReview.json new file mode 100644 index 000000000..84369ee98 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/JDReview.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "b7c64bd89eb87f8ded463478346f76731f07bf8b", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 83.45215759849907, + "ap": 49.602287249765666, + "ap_weighted": 49.602287249765666, + "f1": 77.84519218126933, + "f1_weighted": 84.83784419250833, + "main_score": 83.45215759849907 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/KinopoiskClassification.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/KinopoiskClassification.json new file mode 100644 index 000000000..38e615294 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/KinopoiskClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "5911f26666ac11af46cb9c6849d0dc80a378af24", + "task_name": "KinopoiskClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 63.15333333333333, + "f1": 59.395986541732384, + "f1_weighted": 59.395986541732384, + "main_score": 63.15333333333333 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/LCQMC.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/LCQMC.json new file mode 100644 index 000000000..ad8355a38 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/LCQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "17f9b096f80380fce5ed12a9be8be7784b337daf", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 66.78399631818323, + "cosine_spearman": 70.38648345929874, + "euclidean_pearson": 68.79036522204457, + "euclidean_spearman": 70.38649454085622, + "main_score": 70.38648345929874, + "manhattan_pearson": 68.74927335399974, + "manhattan_spearman": 70.3453886791424, + "pearson": 66.78399631818323, + "spearman": 70.38648345929874 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MIRACLReranking.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MIRACLReranking.json new file mode 100644 index 000000000..a83e67d1b --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MIRACLReranking.json @@ -0,0 +1,129 @@ +{ + "dataset_revision": "6d1962c527217f8927fca80f890f14f36b2802af", + "task_name": "MIRACLReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "MAP@1(MIRACL)": 29.732999999999997, + "MAP@10(MIRACL)": 48.333, + "MAP@100(MIRACL)": 50.517, + "MAP@1000(MIRACL)": 50.517, + "MAP@20(MIRACL)": 49.85, + "MAP@3(MIRACL)": 41.843, + "MAP@5(MIRACL)": 45.323, + "NDCG@1(MIRACL)": 48.436, + "NDCG@10(MIRACL)": 56.111999999999995, + "NDCG@100(MIRACL)": 60.617, + "NDCG@1000(MIRACL)": 60.617, + "NDCG@20(MIRACL)": 58.826, + "NDCG@3(MIRACL)": 50.483999999999995, + "NDCG@5(MIRACL)": 52.61, + "P@1(MIRACL)": 48.436, + "P@10(MIRACL)": 14.667, + "P@100(MIRACL)": 1.9529999999999998, + "P@1000(MIRACL)": 0.19499999999999998, + "P@20(MIRACL)": 8.665000000000001, + "P@3(MIRACL)": 31.302000000000003, + "P@5(MIRACL)": 23.384, + "Recall@1(MIRACL)": 29.732999999999997, + "Recall@10(MIRACL)": 66.532, + "Recall@100(MIRACL)": 79.952, + "Recall@1000(MIRACL)": 79.952, + "Recall@20(MIRACL)": 73.75, + "Recall@3(MIRACL)": 49.541000000000004, + "Recall@5(MIRACL)": 57.389, + "main_score": 56.111999999999995, + "nAUC_MAP@1000_diff1(MIRACL)": 15.8510181843185, + "nAUC_MAP@1000_max(MIRACL)": 27.452155305037095, + "nAUC_MAP@1000_std(MIRACL)": 15.147015882448075, + "nAUC_MAP@100_diff1(MIRACL)": 15.8510181843185, + "nAUC_MAP@100_max(MIRACL)": 27.452155305037095, + "nAUC_MAP@100_std(MIRACL)": 15.147015882448075, + "nAUC_MAP@10_diff1(MIRACL)": 17.808742699385363, + "nAUC_MAP@10_max(MIRACL)": 25.21217663908093, + "nAUC_MAP@10_std(MIRACL)": 13.970995033749716, + "nAUC_MAP@1_diff1(MIRACL)": 34.30066727981356, + "nAUC_MAP@1_max(MIRACL)": 11.096793012814972, + "nAUC_MAP@1_std(MIRACL)": 4.298644702770651, + "nAUC_MAP@20_diff1(MIRACL)": 16.499957004860978, + "nAUC_MAP@20_max(MIRACL)": 26.676987318433714, + "nAUC_MAP@20_std(MIRACL)": 15.166175199040485, + "nAUC_MAP@3_diff1(MIRACL)": 23.797870452650084, + "nAUC_MAP@3_max(MIRACL)": 18.20460307122738, + "nAUC_MAP@3_std(MIRACL)": 8.985118628338126, + "nAUC_MAP@5_diff1(MIRACL)": 20.549029352694866, + "nAUC_MAP@5_max(MIRACL)": 21.528805328834324, + "nAUC_MAP@5_std(MIRACL)": 11.131951589460492, + "nAUC_NDCG@1000_diff1(MIRACL)": 5.973372149854828, + "nAUC_NDCG@1000_max(MIRACL)": 36.70565868748619, + "nAUC_NDCG@1000_std(MIRACL)": 19.551007976769245, + "nAUC_NDCG@100_diff1(MIRACL)": 5.973372149854828, + "nAUC_NDCG@100_max(MIRACL)": 36.70565868748619, + "nAUC_NDCG@100_std(MIRACL)": 19.551007976769245, + "nAUC_NDCG@10_diff1(MIRACL)": 10.894100451667919, + "nAUC_NDCG@10_max(MIRACL)": 31.735109695399416, + "nAUC_NDCG@10_std(MIRACL)": 17.674556265190706, + "nAUC_NDCG@1_diff1(MIRACL)": 22.04892839322977, + "nAUC_NDCG@1_max(MIRACL)": 32.51034181981298, + "nAUC_NDCG@1_std(MIRACL)": 14.343760356007765, + "nAUC_NDCG@20_diff1(MIRACL)": 8.074119776676103, + "nAUC_NDCG@20_max(MIRACL)": 34.52221220694718, + "nAUC_NDCG@20_std(MIRACL)": 19.94006423667, + "nAUC_NDCG@3_diff1(MIRACL)": 16.284195830367825, + "nAUC_NDCG@3_max(MIRACL)": 26.521965826220352, + "nAUC_NDCG@3_std(MIRACL)": 13.850033289666094, + "nAUC_NDCG@5_diff1(MIRACL)": 14.362693198633952, + "nAUC_NDCG@5_max(MIRACL)": 27.781809390068872, + "nAUC_NDCG@5_std(MIRACL)": 14.879808284537981, + "nAUC_P@1000_diff1(MIRACL)": -27.606682296231373, + "nAUC_P@1000_max(MIRACL)": 33.03084251491326, + "nAUC_P@1000_std(MIRACL)": 15.674013757663898, + "nAUC_P@100_diff1(MIRACL)": -27.606682296231327, + "nAUC_P@100_max(MIRACL)": 33.03084251491332, + "nAUC_P@100_std(MIRACL)": 15.674013757663937, + "nAUC_P@10_diff1(MIRACL)": -23.575685602922174, + "nAUC_P@10_max(MIRACL)": 36.72548498655645, + "nAUC_P@10_std(MIRACL)": 21.317694028285104, + "nAUC_P@1_diff1(MIRACL)": 22.04892839322977, + "nAUC_P@1_max(MIRACL)": 32.51034181981298, + "nAUC_P@1_std(MIRACL)": 14.343760356007765, + "nAUC_P@20_diff1(MIRACL)": -26.064734965649322, + "nAUC_P@20_max(MIRACL)": 34.10936682680113, + "nAUC_P@20_std(MIRACL)": 20.31615496254574, + "nAUC_P@3_diff1(MIRACL)": -10.903444655544746, + "nAUC_P@3_max(MIRACL)": 34.33585029049373, + "nAUC_P@3_std(MIRACL)": 18.620142249622834, + "nAUC_P@5_diff1(MIRACL)": -18.454884144221385, + "nAUC_P@5_max(MIRACL)": 35.620428961110036, + "nAUC_P@5_std(MIRACL)": 20.265460635926893, + "nAUC_Recall@1000_diff1(MIRACL)": -28.25716669219796, + "nAUC_Recall@1000_max(MIRACL)": 59.88673755432144, + "nAUC_Recall@1000_std(MIRACL)": 29.916576785101622, + "nAUC_Recall@100_diff1(MIRACL)": -28.25716669219796, + "nAUC_Recall@100_max(MIRACL)": 59.88673755432144, + "nAUC_Recall@100_std(MIRACL)": 29.916576785101622, + "nAUC_Recall@10_diff1(MIRACL)": -2.5731369116803466, + "nAUC_Recall@10_max(MIRACL)": 34.37108435281944, + "nAUC_Recall@10_std(MIRACL)": 20.744457001608925, + "nAUC_Recall@1_diff1(MIRACL)": 34.30066727981356, + "nAUC_Recall@1_max(MIRACL)": 11.096793012814972, + "nAUC_Recall@1_std(MIRACL)": 4.298644702770651, + "nAUC_Recall@20_diff1(MIRACL)": -13.667980220614172, + "nAUC_Recall@20_max(MIRACL)": 44.947659106700044, + "nAUC_Recall@20_std(MIRACL)": 29.413435369376923, + "nAUC_Recall@3_diff1(MIRACL)": 15.838199908854786, + "nAUC_Recall@3_max(MIRACL)": 17.368565662731196, + "nAUC_Recall@3_std(MIRACL)": 10.538072940876807, + "nAUC_Recall@5_diff1(MIRACL)": 8.199967584892176, + "nAUC_Recall@5_max(MIRACL)": 23.500985460573578, + "nAUC_Recall@5_std(MIRACL)": 13.477424183539433 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MIRACLRetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MIRACLRetrieval.json new file mode 100644 index 000000000..e15586233 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MIRACLRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "main", + "task_name": "MIRACLRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "main_score": 52.211, + "map_at_1": 23.238, + "map_at_10": 41.559000000000005, + "map_at_100": 44.757999999999996, + "map_at_1000": 44.861000000000004, + "map_at_20": 43.461, + "map_at_3": 34.593, + "map_at_5": 38.056, + "mrr_at_1": 47.04472843450479, + "mrr_at_10": 59.587485420153286, + "mrr_at_100": 60.17662556783717, + "mrr_at_1000": 60.1850174860852, + "mrr_at_20": 60.003979383733544, + "mrr_at_3": 56.62939297124608, + "mrr_at_5": 58.33067092651768, + "nauc_map_at_1000_diff1": 26.665139374258256, + "nauc_map_at_1000_max": 20.20801190375824, + "nauc_map_at_1000_std": 3.35434510540552, + "nauc_map_at_100_diff1": 26.691816652639787, + "nauc_map_at_100_max": 20.193510183457917, + "nauc_map_at_100_std": 3.371679544337864, + "nauc_map_at_10_diff1": 27.24904607990151, + "nauc_map_at_10_max": 18.26589731339405, + "nauc_map_at_10_std": 1.0177924180874538, + "nauc_map_at_1_diff1": 34.53595808193455, + "nauc_map_at_1_max": 10.970155439499656, + "nauc_map_at_1_std": -3.8626873246816373, + "nauc_map_at_20_diff1": 26.8513788979128, + "nauc_map_at_20_max": 19.367475736662428, + "nauc_map_at_20_std": 2.2475091146613564, + "nauc_map_at_3_diff1": 28.911815196615866, + "nauc_map_at_3_max": 15.474121149651292, + "nauc_map_at_3_std": -1.0664535264565158, + "nauc_map_at_5_diff1": 27.772031743222787, + "nauc_map_at_5_max": 16.241638808384145, + "nauc_map_at_5_std": -0.6044307972013538, + "nauc_mrr_at_1000_diff1": 26.66563442138901, + "nauc_mrr_at_1000_max": 27.74734004586503, + "nauc_mrr_at_1000_std": 10.663042801330587, + "nauc_mrr_at_100_diff1": 26.66809693875436, + "nauc_mrr_at_100_max": 27.7565667281779, + "nauc_mrr_at_100_std": 10.671838040923266, + "nauc_mrr_at_10_diff1": 26.587658592417736, + "nauc_mrr_at_10_max": 27.872712998242328, + "nauc_mrr_at_10_std": 10.979716151856918, + "nauc_mrr_at_1_diff1": 29.30751401472168, + "nauc_mrr_at_1_max": 24.98212676568516, + "nauc_mrr_at_1_std": 6.094206809391165, + "nauc_mrr_at_20_diff1": 26.52396413399926, + "nauc_mrr_at_20_max": 27.720568784204847, + "nauc_mrr_at_20_std": 10.749903126459412, + "nauc_mrr_at_3_diff1": 26.993782403961802, + "nauc_mrr_at_3_max": 27.810128603605342, + "nauc_mrr_at_3_std": 10.526250026174825, + "nauc_mrr_at_5_diff1": 26.491056284663404, + "nauc_mrr_at_5_max": 27.938292238745838, + "nauc_mrr_at_5_std": 10.620036152236098, + "nauc_ndcg_at_1000_diff1": 24.743263734342236, + "nauc_ndcg_at_1000_max": 25.632023742967196, + "nauc_ndcg_at_1000_std": 9.54979482991325, + "nauc_ndcg_at_100_diff1": 24.884477288371073, + "nauc_ndcg_at_100_max": 25.856099754401797, + "nauc_ndcg_at_100_std": 10.275002448873611, + "nauc_ndcg_at_10_diff1": 25.813663674330005, + "nauc_ndcg_at_10_max": 21.4632558325771, + "nauc_ndcg_at_10_std": 4.793772488457711, + "nauc_ndcg_at_1_diff1": 29.30751401472168, + "nauc_ndcg_at_1_max": 24.98212676568516, + "nauc_ndcg_at_1_std": 6.094206809391165, + "nauc_ndcg_at_20_diff1": 24.96712085611002, + "nauc_ndcg_at_20_max": 23.176681160212546, + "nauc_ndcg_at_20_std": 6.936886476037671, + "nauc_ndcg_at_3_diff1": 25.475637018641205, + "nauc_ndcg_at_3_max": 22.040672063815855, + "nauc_ndcg_at_3_std": 5.327531594448605, + "nauc_ndcg_at_5_diff1": 25.70702625003538, + "nauc_ndcg_at_5_max": 20.273499330943313, + "nauc_ndcg_at_5_std": 3.733783938564952, + "nauc_precision_at_1000_diff1": -14.918023025551047, + "nauc_precision_at_1000_max": 18.668936317187704, + "nauc_precision_at_1000_std": 19.15643973163778, + "nauc_precision_at_100_diff1": -12.902497092152561, + "nauc_precision_at_100_max": 22.117700522212857, + "nauc_precision_at_100_std": 23.367379142816734, + "nauc_precision_at_10_diff1": -3.319884895143968, + "nauc_precision_at_10_max": 25.207453700919412, + "nauc_precision_at_10_std": 16.768944029523773, + "nauc_precision_at_1_diff1": 29.30751401472168, + "nauc_precision_at_1_max": 24.98212676568516, + "nauc_precision_at_1_std": 6.094206809391165, + "nauc_precision_at_20_diff1": -8.101925051455304, + "nauc_precision_at_20_max": 23.93155685736234, + "nauc_precision_at_20_std": 19.599852197885983, + "nauc_precision_at_3_diff1": 8.604157546918138, + "nauc_precision_at_3_max": 26.8274074367336, + "nauc_precision_at_3_std": 13.210078569814973, + "nauc_precision_at_5_diff1": 2.0240126571446004, + "nauc_precision_at_5_max": 25.068271323836683, + "nauc_precision_at_5_std": 13.423044252359, + "nauc_recall_at_1000_diff1": 2.5057442905176264, + "nauc_recall_at_1000_max": 57.765040045333485, + "nauc_recall_at_1000_std": 75.40225417846978, + "nauc_recall_at_100_diff1": 13.982399962667946, + "nauc_recall_at_100_max": 36.06499090419987, + "nauc_recall_at_100_std": 38.55877836909554, + "nauc_recall_at_10_diff1": 19.09907433139298, + "nauc_recall_at_10_max": 14.320755651797818, + "nauc_recall_at_10_std": 3.68835109545608, + "nauc_recall_at_1_diff1": 34.53595808193455, + "nauc_recall_at_1_max": 10.970155439499656, + "nauc_recall_at_1_std": -3.8626873246816373, + "nauc_recall_at_20_diff1": 15.80854510984775, + "nauc_recall_at_20_max": 17.20627614536354, + "nauc_recall_at_20_std": 9.028188051323042, + "nauc_recall_at_3_diff1": 23.88853757885772, + "nauc_recall_at_3_max": 13.29954353582913, + "nauc_recall_at_3_std": -0.42190904806759966, + "nauc_recall_at_5_diff1": 20.720312115028822, + "nauc_recall_at_5_max": 12.324541527710025, + "nauc_recall_at_5_std": -0.19420222400103399, + "ndcg_at_1": 47.044999999999995, + "ndcg_at_10": 52.211, + "ndcg_at_100": 60.777, + "ndcg_at_1000": 61.951, + "ndcg_at_20": 56.215, + "ndcg_at_3": 45.871, + "ndcg_at_5": 47.643, + "precision_at_1": 47.044999999999995, + "precision_at_10": 16.062, + "precision_at_100": 2.563, + "precision_at_1000": 0.27899999999999997, + "precision_at_20": 9.9, + "precision_at_3": 31.575999999999997, + "precision_at_5": 24.153, + "recall_at_1": 23.238, + "recall_at_10": 63.479, + "recall_at_100": 91.51899999999999, + "recall_at_1000": 97.906, + "recall_at_20": 74.705, + "recall_at_3": 42.082, + "recall_at_5": 50.708 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MLSUMClusteringP2P.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MLSUMClusteringP2P.json new file mode 100644 index 000000000..3eadedf6f --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MLSUMClusteringP2P.json @@ -0,0 +1,28 @@ +{ + "dataset_revision": "b5d54f8f3b61ae17845046286940f03c6bc79bc7", + "task_name": "MLSUMClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "main_score": 46.15554988136895, + "v_measure": 46.15554988136895, + "v_measure_std": 2.459531525134688 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "main_score": 45.73187202144909, + "v_measure": 45.73187202144909, + "v_measure_std": 1.6402520163270633 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MMarcoReranking.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MMarcoReranking.json new file mode 100644 index 000000000..d4c0828ac --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MMarcoReranking.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "8e0c766dbe9e16e1d221116a3f36795fbade07f6", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 26.991570930656568, + "map": 26.991570930656568, + "mrr": 25.460714285714285, + "nAUC_map_diff1": 12.174277381054415, + "nAUC_map_max": 5.768145859960792, + "nAUC_map_std": -0.6863999286086584, + "nAUC_mrr_diff1": 11.83053464449912, + "nAUC_mrr_max": 4.893060023643725, + "nAUC_mrr_std": -0.22755376963555723 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MMarcoRetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MMarcoRetrieval.json new file mode 100644 index 000000000..f47049822 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MMarcoRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "539bbde593d947e2a124ba72651aafc09eb33fc2", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 78.679, + "map_at_1": 65.349, + "map_at_10": 74.802, + "map_at_100": 75.141, + "map_at_1000": 75.151, + "map_at_20": 75.03999999999999, + "map_at_3": 72.831, + "map_at_5": 74.09400000000001, + "mrr_at_1": 67.55014326647564, + "mrr_at_10": 75.31912038932084, + "mrr_at_100": 75.6225574951573, + "mrr_at_1000": 75.63176308010398, + "mrr_at_20": 75.53574557856176, + "mrr_at_3": 73.59598853868198, + "mrr_at_5": 74.70343839541526, + "nauc_map_at_1000_diff1": 77.81972509758704, + "nauc_map_at_1000_max": 27.445457824343595, + "nauc_map_at_1000_std": -18.60670002314929, + "nauc_map_at_100_diff1": 77.81776087022583, + "nauc_map_at_100_max": 27.465677796741794, + "nauc_map_at_100_std": -18.574455053179566, + "nauc_map_at_10_diff1": 77.668921503636, + "nauc_map_at_10_max": 27.564476726876563, + "nauc_map_at_10_std": -18.67577233314456, + "nauc_map_at_1_diff1": 80.13251752826227, + "nauc_map_at_1_max": 19.700940114548352, + "nauc_map_at_1_std": -24.276498497801104, + "nauc_map_at_20_diff1": 77.76444686257037, + "nauc_map_at_20_max": 27.507355610895434, + "nauc_map_at_20_std": -18.570029885207234, + "nauc_map_at_3_diff1": 77.62870706241021, + "nauc_map_at_3_max": 25.979199504514654, + "nauc_map_at_3_std": -20.480776195240768, + "nauc_map_at_5_diff1": 77.68046637184071, + "nauc_map_at_5_max": 27.068345296401887, + "nauc_map_at_5_std": -19.515458511154968, + "nauc_mrr_at_1000_diff1": 78.12673001253819, + "nauc_mrr_at_1000_max": 28.23584877768183, + "nauc_mrr_at_1000_std": -17.765605843184606, + "nauc_mrr_at_100_diff1": 78.12476632443614, + "nauc_mrr_at_100_max": 28.255499574563654, + "nauc_mrr_at_100_std": -17.73302695902061, + "nauc_mrr_at_10_diff1": 77.98552897771079, + "nauc_mrr_at_10_max": 28.433270245298903, + "nauc_mrr_at_10_std": -17.721467674164725, + "nauc_mrr_at_1_diff1": 80.74164178463916, + "nauc_mrr_at_1_max": 23.400992011183135, + "nauc_mrr_at_1_std": -23.155846305708668, + "nauc_mrr_at_20_diff1": 78.08519488707572, + "nauc_mrr_at_20_max": 28.305974768972476, + "nauc_mrr_at_20_std": -17.70766096956611, + "nauc_mrr_at_3_diff1": 77.99203426607973, + "nauc_mrr_at_3_max": 27.39053740753677, + "nauc_mrr_at_3_std": -19.110899565832597, + "nauc_mrr_at_5_diff1": 77.99012861357085, + "nauc_mrr_at_5_max": 28.018453732422905, + "nauc_mrr_at_5_std": -18.45275089190139, + "nauc_ndcg_at_1000_diff1": 77.37899152370498, + "nauc_ndcg_at_1000_max": 29.715512454119402, + "nauc_ndcg_at_1000_std": -15.311768186844196, + "nauc_ndcg_at_100_diff1": 77.30487512550962, + "nauc_ndcg_at_100_max": 30.358291073116767, + "nauc_ndcg_at_100_std": -14.276238712942787, + "nauc_ndcg_at_10_diff1": 76.55306779956729, + "nauc_ndcg_at_10_max": 31.003218536597576, + "nauc_ndcg_at_10_std": -14.528637377688142, + "nauc_ndcg_at_1_diff1": 80.74164178463916, + "nauc_ndcg_at_1_max": 23.400992011183135, + "nauc_ndcg_at_1_std": -23.155846305708668, + "nauc_ndcg_at_20_diff1": 76.92359358217516, + "nauc_ndcg_at_20_max": 30.734983558658648, + "nauc_ndcg_at_20_std": -14.12117266760052, + "nauc_ndcg_at_3_diff1": 76.65174056138369, + "nauc_ndcg_at_3_max": 27.744998584618365, + "nauc_ndcg_at_3_std": -18.596857381234265, + "nauc_ndcg_at_5_diff1": 76.64434516875298, + "nauc_ndcg_at_5_max": 29.580949778455096, + "nauc_ndcg_at_5_std": -16.820146947848347, + "nauc_precision_at_1000_diff1": -15.819998326963425, + "nauc_precision_at_1000_max": 22.790060032171432, + "nauc_precision_at_1000_std": 25.646210332652032, + "nauc_precision_at_100_diff1": -3.225658983047692, + "nauc_precision_at_100_max": 31.046785086458396, + "nauc_precision_at_100_std": 30.64496213174489, + "nauc_precision_at_10_diff1": 22.399826113454544, + "nauc_precision_at_10_max": 37.17215584865757, + "nauc_precision_at_10_std": 16.375879066453813, + "nauc_precision_at_1_diff1": 80.74164178463916, + "nauc_precision_at_1_max": 23.400992011183135, + "nauc_precision_at_1_std": -23.155846305708668, + "nauc_precision_at_20_diff1": 11.824890141102545, + "nauc_precision_at_20_max": 35.7858012680296, + "nauc_precision_at_20_std": 24.36537306318588, + "nauc_precision_at_3_diff1": 46.964579254137156, + "nauc_precision_at_3_max": 31.240508812172248, + "nauc_precision_at_3_std": -4.790609954536406, + "nauc_precision_at_5_diff1": 35.92331054363029, + "nauc_precision_at_5_max": 34.58921599366064, + "nauc_precision_at_5_std": 3.955705927038542, + "nauc_recall_at_1000_diff1": 69.82124326053469, + "nauc_recall_at_1000_max": 77.26332872982017, + "nauc_recall_at_1000_std": 74.20589405678723, + "nauc_recall_at_100_diff1": 71.09335151657598, + "nauc_recall_at_100_max": 74.66551138520433, + "nauc_recall_at_100_std": 62.296014312578606, + "nauc_recall_at_10_diff1": 68.34266216578438, + "nauc_recall_at_10_max": 51.776074855673635, + "nauc_recall_at_10_std": 11.551590635685633, + "nauc_recall_at_1_diff1": 80.13251752826227, + "nauc_recall_at_1_max": 19.700940114548352, + "nauc_recall_at_1_std": -24.276498497801104, + "nauc_recall_at_20_diff1": 68.44098404116468, + "nauc_recall_at_20_max": 58.0709257934264, + "nauc_recall_at_20_std": 27.20288447881239, + "nauc_recall_at_3_diff1": 72.224364274587, + "nauc_recall_at_3_max": 32.11973511168104, + "nauc_recall_at_3_std": -13.287781131985849, + "nauc_recall_at_5_diff1": 70.97684486885963, + "nauc_recall_at_5_max": 39.47238239221433, + "nauc_recall_at_5_std": -5.749985209368605, + "ndcg_at_1": 67.55, + "ndcg_at_10": 78.679, + "ndcg_at_100": 80.16, + "ndcg_at_1000": 80.42, + "ndcg_at_20": 79.50500000000001, + "ndcg_at_3": 74.96199999999999, + "ndcg_at_5": 77.093, + "precision_at_1": 67.55, + "precision_at_10": 9.589, + "precision_at_100": 1.031, + "precision_at_1000": 0.105, + "precision_at_20": 4.966, + "precision_at_3": 28.319, + "precision_at_5": 18.129, + "recall_at_1": 65.349, + "recall_at_10": 90.10000000000001, + "recall_at_100": 96.685, + "recall_at_1000": 98.714, + "recall_at_20": 93.298, + "recall_at_3": 80.324, + "recall_at_5": 85.37700000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MSMARCO-PL.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MSMARCO-PL.json new file mode 100644 index 000000000..10fda974f --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MSMARCO-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "8634c07806d5cce3a6138e260e59b81760a0a640", + "task_name": "MSMARCO-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 45.132, + "map_at_1": 1.667, + "map_at_10": 8.405999999999999, + "map_at_100": 20.796, + "map_at_1000": 25.679999999999996, + "map_at_20": 11.882, + "map_at_3": 3.4000000000000004, + "map_at_5": 5.289, + "mrr_at_1": 62.7906976744186, + "mrr_at_10": 71.9767441860465, + "mrr_at_100": 72.19001178866145, + "mrr_at_1000": 72.21077590826278, + "mrr_at_20": 71.9767441860465, + "mrr_at_3": 69.76744186046511, + "mrr_at_5": 71.9767441860465, + "nauc_map_at_1000_diff1": 13.121496890926018, + "nauc_map_at_1000_max": 64.4620914971356, + "nauc_map_at_1000_std": 70.89107882842627, + "nauc_map_at_100_diff1": 6.569373263154751, + "nauc_map_at_100_max": 54.52329917268778, + "nauc_map_at_100_std": 57.970012281008195, + "nauc_map_at_10_diff1": 12.479881525075633, + "nauc_map_at_10_max": 16.416934605814358, + "nauc_map_at_10_std": 16.562025084061755, + "nauc_map_at_1_diff1": -13.480148625088354, + "nauc_map_at_1_max": -12.48386553446901, + "nauc_map_at_1_std": -19.47568765990734, + "nauc_map_at_20_diff1": 8.75113737642458, + "nauc_map_at_20_max": 28.316394733873455, + "nauc_map_at_20_std": 28.706433416288757, + "nauc_map_at_3_diff1": 0.4892858373106769, + "nauc_map_at_3_max": 4.82429174133813, + "nauc_map_at_3_std": 2.685691736161667, + "nauc_map_at_5_diff1": 7.407280581282287, + "nauc_map_at_5_max": 7.810182361989069, + "nauc_map_at_5_std": 7.1694430987177915, + "nauc_mrr_at_1000_diff1": -1.3143171207174462, + "nauc_mrr_at_1000_max": 55.56132775818817, + "nauc_mrr_at_1000_std": 44.747614607383106, + "nauc_mrr_at_100_diff1": -1.224506180649995, + "nauc_mrr_at_100_max": 55.600720798015224, + "nauc_mrr_at_100_std": 44.73970951740156, + "nauc_mrr_at_10_diff1": -1.404072265069855, + "nauc_mrr_at_10_max": 55.81202913496246, + "nauc_mrr_at_10_std": 45.1755213724528, + "nauc_mrr_at_1_diff1": -3.3932017924925764, + "nauc_mrr_at_1_max": 45.85906083891651, + "nauc_mrr_at_1_std": 36.94174294169342, + "nauc_mrr_at_20_diff1": -1.404072265069855, + "nauc_mrr_at_20_max": 55.81202913496246, + "nauc_mrr_at_20_std": 45.1755213724528, + "nauc_mrr_at_3_diff1": -1.9535315867645546, + "nauc_mrr_at_3_max": 54.66533478368106, + "nauc_mrr_at_3_std": 42.93031026511843, + "nauc_mrr_at_5_diff1": -1.404072265069855, + "nauc_mrr_at_5_max": 55.81202913496246, + "nauc_mrr_at_5_std": 45.1755213724528, + "nauc_ndcg_at_1000_diff1": 15.612187648926648, + "nauc_ndcg_at_1000_max": 66.0369696987196, + "nauc_ndcg_at_1000_std": 69.96669745374349, + "nauc_ndcg_at_100_diff1": 8.757636842486582, + "nauc_ndcg_at_100_max": 60.74693277069104, + "nauc_ndcg_at_100_std": 63.76108092965522, + "nauc_ndcg_at_10_diff1": 6.45234697262411, + "nauc_ndcg_at_10_max": 47.130858592103536, + "nauc_ndcg_at_10_std": 46.654922458779126, + "nauc_ndcg_at_1_diff1": -4.400276896768569, + "nauc_ndcg_at_1_max": 24.736725318748277, + "nauc_ndcg_at_1_std": 15.100951232927404, + "nauc_ndcg_at_20_diff1": -0.44419635404462504, + "nauc_ndcg_at_20_max": 53.81470890104093, + "nauc_ndcg_at_20_std": 54.65514527813791, + "nauc_ndcg_at_3_diff1": 4.176276992379476, + "nauc_ndcg_at_3_max": 33.4079755228582, + "nauc_ndcg_at_3_std": 26.097236468435497, + "nauc_ndcg_at_5_diff1": 9.966039505450683, + "nauc_ndcg_at_5_max": 40.118178652342394, + "nauc_ndcg_at_5_std": 34.33405125137147, + "nauc_precision_at_1000_diff1": 13.757669487153102, + "nauc_precision_at_1000_max": 52.007228955531794, + "nauc_precision_at_1000_std": 62.70603005119199, + "nauc_precision_at_100_diff1": 7.1595084301066105, + "nauc_precision_at_100_max": 57.56055309573276, + "nauc_precision_at_100_std": 69.09674838687823, + "nauc_precision_at_10_diff1": 10.548904389246808, + "nauc_precision_at_10_max": 58.361747853932435, + "nauc_precision_at_10_std": 62.35890309913381, + "nauc_precision_at_1_diff1": -3.3932017924925764, + "nauc_precision_at_1_max": 45.85906083891651, + "nauc_precision_at_1_std": 36.94174294169342, + "nauc_precision_at_20_diff1": 0.5486557649755647, + "nauc_precision_at_20_max": 55.8966200841496, + "nauc_precision_at_20_std": 64.46833667077514, + "nauc_precision_at_3_diff1": 3.74969726265482, + "nauc_precision_at_3_max": 50.98538299147468, + "nauc_precision_at_3_std": 47.52256580019106, + "nauc_precision_at_5_diff1": 14.409304075805396, + "nauc_precision_at_5_max": 52.63426384539844, + "nauc_precision_at_5_std": 48.72540538657435, + "nauc_recall_at_1000_diff1": 14.810856570503505, + "nauc_recall_at_1000_max": 56.70402594077228, + "nauc_recall_at_1000_std": 62.44988045776601, + "nauc_recall_at_100_diff1": -0.547033022823402, + "nauc_recall_at_100_max": 37.5943435400723, + "nauc_recall_at_100_std": 42.055737611040904, + "nauc_recall_at_10_diff1": 5.6072575274918695, + "nauc_recall_at_10_max": 6.244507044627988, + "nauc_recall_at_10_std": 5.1959433044082575, + "nauc_recall_at_1_diff1": -13.480148625088354, + "nauc_recall_at_1_max": -12.48386553446901, + "nauc_recall_at_1_std": -19.47568765990734, + "nauc_recall_at_20_diff1": 1.5008424440815344, + "nauc_recall_at_20_max": 16.711622731636748, + "nauc_recall_at_20_std": 16.46978349884905, + "nauc_recall_at_3_diff1": -2.3329900069251996, + "nauc_recall_at_3_max": 2.511711071593615, + "nauc_recall_at_3_std": -0.5855889251226093, + "nauc_recall_at_5_diff1": 4.1075104414046315, + "nauc_recall_at_5_max": 0.34189966462509463, + "nauc_recall_at_5_std": -1.89085195502975, + "ndcg_at_1": 50.0, + "ndcg_at_10": 45.132, + "ndcg_at_100": 41.504999999999995, + "ndcg_at_1000": 49.738, + "ndcg_at_20": 42.569, + "ndcg_at_3": 45.423, + "ndcg_at_5": 45.611000000000004, + "precision_at_1": 62.791, + "precision_at_10": 54.419, + "precision_at_100": 25.047000000000004, + "precision_at_1000": 5.002, + "precision_at_20": 46.394999999999996, + "precision_at_3": 57.364000000000004, + "precision_at_5": 57.208999999999996, + "recall_at_1": 1.667, + "recall_at_10": 10.933, + "recall_at_100": 35.169, + "recall_at_1000": 59.955999999999996, + "recall_at_20": 16.399, + "recall_at_3": 3.7379999999999995, + "recall_at_5": 6.365 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MSMARCO.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MSMARCO.json new file mode 100644 index 000000000..0c2d6a801 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MSMARCO.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 35.191, + "map_at_1": 16.139, + "map_at_10": 28.101, + "map_at_100": 29.461, + "map_at_1000": 29.515, + "map_at_20": 28.936, + "map_at_3": 23.954, + "map_at_5": 26.308999999999997, + "mrr_at_1": 16.59025787965616, + "mrr_at_10": 28.583100241051344, + "mrr_at_100": 29.89488944200741, + "mrr_at_1000": 29.94198818201922, + "mrr_at_20": 29.397153289126486, + "mrr_at_3": 24.512893982807853, + "mrr_at_5": 26.840974212034318, + "nauc_map_at_1000_diff1": 29.92308133337915, + "nauc_map_at_1000_max": -4.792013160789208, + "nauc_map_at_1000_std": -20.365722765519205, + "nauc_map_at_100_diff1": 29.927608009586475, + "nauc_map_at_100_max": -4.813011061550381, + "nauc_map_at_100_std": -20.34066079647475, + "nauc_map_at_10_diff1": 29.85964417677257, + "nauc_map_at_10_max": -5.020819297438392, + "nauc_map_at_10_std": -21.185600868900707, + "nauc_map_at_1_diff1": 31.91727354325134, + "nauc_map_at_1_max": -3.3836191178002637, + "nauc_map_at_1_std": -18.94420033626203, + "nauc_map_at_20_diff1": 29.909409775064265, + "nauc_map_at_20_max": -4.882624170262229, + "nauc_map_at_20_std": -20.737422787243176, + "nauc_map_at_3_diff1": 29.96619551770926, + "nauc_map_at_3_max": -4.521984358305567, + "nauc_map_at_3_std": -20.675567430573214, + "nauc_map_at_5_diff1": 29.672157845793336, + "nauc_map_at_5_max": -4.784226867946108, + "nauc_map_at_5_std": -21.090554010504313, + "nauc_mrr_at_1000_diff1": 29.57786251899136, + "nauc_mrr_at_1000_max": -4.554864207268301, + "nauc_mrr_at_1000_std": -20.124071230468733, + "nauc_mrr_at_100_diff1": 29.57869911178864, + "nauc_mrr_at_100_max": -4.568738533954914, + "nauc_mrr_at_100_std": -20.097461372571754, + "nauc_mrr_at_10_diff1": 29.50101055760309, + "nauc_mrr_at_10_max": -4.699465165716407, + "nauc_mrr_at_10_std": -20.85880213075095, + "nauc_mrr_at_1_diff1": 31.5283761916309, + "nauc_mrr_at_1_max": -3.2410968598060226, + "nauc_mrr_at_1_std": -18.877804738741848, + "nauc_mrr_at_20_diff1": 29.55469091898283, + "nauc_mrr_at_20_max": -4.6114669798589585, + "nauc_mrr_at_20_std": -20.433076769992457, + "nauc_mrr_at_3_diff1": 29.62441465248462, + "nauc_mrr_at_3_max": -4.317634456438896, + "nauc_mrr_at_3_std": -20.545356421989975, + "nauc_mrr_at_5_diff1": 29.3174731757817, + "nauc_mrr_at_5_max": -4.524554398532275, + "nauc_mrr_at_5_std": -20.87564955466439, + "nauc_ndcg_at_1000_diff1": 29.417049449756306, + "nauc_ndcg_at_1000_max": -4.429863573283831, + "nauc_ndcg_at_1000_std": -18.672687178180762, + "nauc_ndcg_at_100_diff1": 29.52545788575206, + "nauc_ndcg_at_100_max": -4.839548635918072, + "nauc_ndcg_at_100_std": -17.445902376477168, + "nauc_ndcg_at_10_diff1": 29.349337034114708, + "nauc_ndcg_at_10_max": -5.654575625474153, + "nauc_ndcg_at_10_std": -21.867391862075433, + "nauc_ndcg_at_1_diff1": 31.5283761916309, + "nauc_ndcg_at_1_max": -3.2410968598060226, + "nauc_ndcg_at_1_std": -18.877804738741848, + "nauc_ndcg_at_20_diff1": 29.478679665234736, + "nauc_ndcg_at_20_max": -5.348280869926551, + "nauc_ndcg_at_20_std": -20.32251566103604, + "nauc_ndcg_at_3_diff1": 29.41586840338385, + "nauc_ndcg_at_3_max": -4.737448759293484, + "nauc_ndcg_at_3_std": -21.114595209094198, + "nauc_ndcg_at_5_diff1": 28.95897834819025, + "nauc_ndcg_at_5_max": -5.144033504465505, + "nauc_ndcg_at_5_std": -21.73482008242439, + "nauc_precision_at_1000_diff1": -4.773246418887565, + "nauc_precision_at_1000_max": 18.94086713593158, + "nauc_precision_at_1000_std": 14.940921913943725, + "nauc_precision_at_100_diff1": 15.529104524208284, + "nauc_precision_at_100_max": 4.152043132226839, + "nauc_precision_at_100_std": 15.362588630598356, + "nauc_precision_at_10_diff1": 26.327252473718293, + "nauc_precision_at_10_max": -6.385696358427295, + "nauc_precision_at_10_std": -22.43695468265468, + "nauc_precision_at_1_diff1": 31.5283761916309, + "nauc_precision_at_1_max": -3.2410968598060226, + "nauc_precision_at_1_std": -18.877804738741848, + "nauc_precision_at_20_diff1": 25.09386904802987, + "nauc_precision_at_20_max": -4.384006847324815, + "nauc_precision_at_20_std": -15.476174306633775, + "nauc_precision_at_3_diff1": 27.88147581285313, + "nauc_precision_at_3_max": -5.10330889992625, + "nauc_precision_at_3_std": -22.17804890064486, + "nauc_precision_at_5_diff1": 26.673260429548385, + "nauc_precision_at_5_max": -5.849985467654149, + "nauc_precision_at_5_std": -23.22704929951935, + "nauc_recall_at_1000_diff1": 11.078337058729081, + "nauc_recall_at_1000_max": 29.31329518339392, + "nauc_recall_at_1000_std": 61.689932707089845, + "nauc_recall_at_100_diff1": 27.694660226790095, + "nauc_recall_at_100_max": -4.662880554456902, + "nauc_recall_at_100_std": 17.291575712920476, + "nauc_recall_at_10_diff1": 28.14620642731046, + "nauc_recall_at_10_max": -7.883918071832969, + "nauc_recall_at_10_std": -23.85382911185965, + "nauc_recall_at_1_diff1": 31.91727354325134, + "nauc_recall_at_1_max": -3.3836191178002637, + "nauc_recall_at_1_std": -18.94420033626203, + "nauc_recall_at_20_diff1": 28.411188230736368, + "nauc_recall_at_20_max": -7.489052404904147, + "nauc_recall_at_20_std": -17.923010929300084, + "nauc_recall_at_3_diff1": 28.13888531840714, + "nauc_recall_at_3_max": -5.385513963117635, + "nauc_recall_at_3_std": -22.09635477229696, + "nauc_recall_at_5_diff1": 27.197531472369057, + "nauc_recall_at_5_max": -6.204044942502606, + "nauc_recall_at_5_std": -23.25902678179945, + "ndcg_at_1": 16.59, + "ndcg_at_10": 35.191, + "ndcg_at_100": 41.778999999999996, + "ndcg_at_1000": 43.126999999999995, + "ndcg_at_20": 38.153, + "ndcg_at_3": 26.718999999999998, + "ndcg_at_5": 30.919999999999998, + "precision_at_1": 16.59, + "precision_at_10": 5.992999999999999, + "precision_at_100": 0.927, + "precision_at_1000": 0.104, + "precision_at_20": 3.6020000000000003, + "precision_at_3": 11.815000000000001, + "precision_at_5": 9.218, + "recall_at_1": 16.139, + "recall_at_10": 57.272999999999996, + "recall_at_100": 87.819, + "recall_at_1000": 98.10900000000001, + "recall_at_20": 68.77, + "recall_at_3": 34.172999999999995, + "recall_at_5": 44.259 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MTOPDomainClassification.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MTOPDomainClassification.json new file mode 100644 index 000000000..b0fe8b2b1 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MTOPDomainClassification.json @@ -0,0 +1,30 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 97.57637938896491, + "f1": 97.39941554989736, + "f1_weighted": 97.58495129362304, + "main_score": 97.57637938896491 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 95.78766050735986, + "f1": 95.61497706645892, + "f1_weighted": 95.79887587161483, + "main_score": 95.78766050735986 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MTOPIntentClassification.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MTOPIntentClassification.json new file mode 100644 index 000000000..db1ead376 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MTOPIntentClassification.json @@ -0,0 +1,30 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.08071135430917, + "f1": 60.67695519910473, + "f1_weighted": 86.22253292076088, + "main_score": 86.08071135430917 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 80.8800501096148, + "f1": 53.9945274705194, + "f1_weighted": 80.94438738414857, + "main_score": 80.8800501096148 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MasakhaNEWSClassification.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MasakhaNEWSClassification.json new file mode 100644 index 000000000..5fa5a65e3 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MasakhaNEWSClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "18193f187b92da67168c655c9973a165ed9593dd", + "task_name": "MasakhaNEWSClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fra", + "languages": [ + "fra-Latn" + ], + "accuracy": 83.6255924170616, + "f1": 79.70294641135138, + "f1_weighted": 83.33457992982105, + "main_score": 83.6255924170616 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MasakhaNEWSClusteringP2P.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MasakhaNEWSClusteringP2P.json new file mode 100644 index 000000000..614bcf0f3 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MasakhaNEWSClusteringP2P.json @@ -0,0 +1,28 @@ +{ + "dataset_revision": "8ccc72e69e65f40c70e117d8b3c08306bb788b60", + "task_name": "MasakhaNEWSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fra", + "languages": [ + "fra-Latn" + ], + "main_score": 77.1970570860131, + "v_measure": 77.1970570860131, + "v_measure_std": 22.0055550035463 + }, + { + "hf_subset": "fra", + "languages": [ + "fra-Latn" + ], + "main_score": 65.92601417312947, + "v_measure": 65.92601417312947, + "v_measure_std": 30.421071440935687 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MassiveIntentClassification.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MassiveIntentClassification.json new file mode 100644 index 000000000..c514418e9 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MassiveIntentClassification.json @@ -0,0 +1,70 @@ +{ + "dataset_revision": "4672e20407010da34463acc759c162ca9734bca6", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.9394754539341, + "f1": 71.84595519829237, + "f1_weighted": 73.7724380212837, + "main_score": 74.9394754539341 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 70.94149293880295, + "f1": 67.43015916458866, + "f1_weighted": 70.02165762549619, + "main_score": 70.94149293880295 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 63.05312710154675, + "f1": 61.11778922874984, + "f1_weighted": 61.425454449692396, + "main_score": 63.05312710154675 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 69.5359784801614, + "f1": 64.640488940591, + "f1_weighted": 67.85916565361048, + "main_score": 69.5359784801614 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 62.55548083389375, + "f1": 55.243883281423955, + "f1_weighted": 61.53554902108963, + "main_score": 62.55548083389375 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 68.61466039004706, + "f1": 63.790707574282045, + "f1_weighted": 67.28456899088164, + "main_score": 68.61466039004706 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MassiveScenarioClassification.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..ec02ebf3c --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MassiveScenarioClassification.json @@ -0,0 +1,70 @@ +{ + "dataset_revision": "fad2c6e8459f9e1c45d9315f4953d921437d70f8", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 82.0611970410222, + "f1": 80.96764019308867, + "f1_weighted": 81.75048816703206, + "main_score": 82.0611970410222 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 77.79757901815736, + "f1": 76.85610655879204, + "f1_weighted": 77.36623686607157, + "main_score": 77.79757901815736 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 71.34498991257566, + "f1": 71.42538497861686, + "f1_weighted": 70.47776598531958, + "main_score": 71.34498991257566 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 78.52723604572965, + "f1": 77.1995224144067, + "f1_weighted": 78.1215987283123, + "main_score": 78.52723604572965 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 71.7518493611298, + "f1": 69.39084021404145, + "f1_weighted": 71.48397679382578, + "main_score": 71.7518493611298 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 77.97579018157364, + "f1": 76.31497051309336, + "f1_weighted": 77.54198422119202, + "main_score": 77.97579018157364 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MedicalRetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MedicalRetrieval.json new file mode 100644 index 000000000..6df38100c --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MedicalRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "2039188fb5800a9803ba5048df7b76e6fb151fc6", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 57.528999999999996, + "map_at_1": 48.699999999999996, + "map_at_10": 54.674, + "map_at_100": 55.187, + "map_at_1000": 55.24, + "map_at_20": 54.933, + "map_at_3": 53.367, + "map_at_5": 54.081999999999994, + "mrr_at_1": 48.8, + "mrr_at_10": 54.71369047619046, + "mrr_at_100": 55.23606881716415, + "mrr_at_1000": 55.2887596380029, + "mrr_at_20": 54.98226974307081, + "mrr_at_3": 53.41666666666666, + "mrr_at_5": 54.131666666666646, + "nauc_map_at_1000_diff1": 79.392997677128, + "nauc_map_at_1000_max": 47.4042544614244, + "nauc_map_at_1000_std": 23.2164546714886, + "nauc_map_at_100_diff1": 79.3811285055918, + "nauc_map_at_100_max": 47.399489637525214, + "nauc_map_at_100_std": 23.24298678047571, + "nauc_map_at_10_diff1": 79.51795702164893, + "nauc_map_at_10_max": 47.3775323018549, + "nauc_map_at_10_std": 22.863584607876017, + "nauc_map_at_1_diff1": 82.77387889149895, + "nauc_map_at_1_max": 48.92316018033766, + "nauc_map_at_1_std": 20.670920881420933, + "nauc_map_at_20_diff1": 79.36321354500926, + "nauc_map_at_20_max": 47.347135287818695, + "nauc_map_at_20_std": 23.128792587733724, + "nauc_map_at_3_diff1": 79.89693675044646, + "nauc_map_at_3_max": 47.999519454025815, + "nauc_map_at_3_std": 22.67285215587248, + "nauc_map_at_5_diff1": 79.72880868956226, + "nauc_map_at_5_max": 47.870829359727615, + "nauc_map_at_5_std": 22.75976001331719, + "nauc_mrr_at_1000_diff1": 79.2558524289943, + "nauc_mrr_at_1000_max": 47.68193948210489, + "nauc_mrr_at_1000_std": 23.488171939833503, + "nauc_mrr_at_100_diff1": 79.2441760972466, + "nauc_mrr_at_100_max": 47.67677923765432, + "nauc_mrr_at_100_std": 23.51432250784555, + "nauc_mrr_at_10_diff1": 79.39423493974832, + "nauc_mrr_at_10_max": 47.672297066929545, + "nauc_mrr_at_10_std": 23.13845505800058, + "nauc_mrr_at_1_diff1": 82.51854957699533, + "nauc_mrr_at_1_max": 49.43475537911197, + "nauc_mrr_at_1_std": 21.172657021240443, + "nauc_mrr_at_20_diff1": 79.22702612117199, + "nauc_mrr_at_20_max": 47.62286080846738, + "nauc_mrr_at_20_std": 23.398587017649174, + "nauc_mrr_at_3_diff1": 79.76301529177348, + "nauc_mrr_at_3_max": 48.26663425470944, + "nauc_mrr_at_3_std": 22.935349467987145, + "nauc_mrr_at_5_diff1": 79.5934610019844, + "nauc_mrr_at_5_max": 48.1407033814883, + "nauc_mrr_at_5_std": 23.025008156084695, + "nauc_ndcg_at_1000_diff1": 77.97548063568358, + "nauc_ndcg_at_1000_max": 46.670156188276266, + "nauc_ndcg_at_1000_std": 25.32524568996684, + "nauc_ndcg_at_100_diff1": 77.58788261282791, + "nauc_ndcg_at_100_max": 46.366231150510664, + "nauc_ndcg_at_100_std": 26.02842093987038, + "nauc_ndcg_at_10_diff1": 78.15883898742274, + "nauc_ndcg_at_10_max": 46.181496192291974, + "nauc_ndcg_at_10_std": 23.997358704992077, + "nauc_ndcg_at_1_diff1": 82.77387889149895, + "nauc_ndcg_at_1_max": 48.92316018033766, + "nauc_ndcg_at_1_std": 20.670920881420933, + "nauc_ndcg_at_20_diff1": 77.51209948232727, + "nauc_ndcg_at_20_max": 46.02903895633775, + "nauc_ndcg_at_20_std": 25.023178998194467, + "nauc_ndcg_at_3_diff1": 79.0464751622174, + "nauc_ndcg_at_3_max": 47.65456262552185, + "nauc_ndcg_at_3_std": 23.50005981191216, + "nauc_ndcg_at_5_diff1": 78.73621060890696, + "nauc_ndcg_at_5_max": 47.4490746627881, + "nauc_ndcg_at_5_std": 23.70727530773819, + "nauc_precision_at_1000_diff1": 63.42066238259988, + "nauc_precision_at_1000_max": 43.54369198659821, + "nauc_precision_at_1000_std": 55.676388202339524, + "nauc_precision_at_100_diff1": 67.14856074074835, + "nauc_precision_at_100_max": 40.92023184354666, + "nauc_precision_at_100_std": 45.790641988757145, + "nauc_precision_at_10_diff1": 73.22243545156664, + "nauc_precision_at_10_max": 41.458823923773686, + "nauc_precision_at_10_std": 28.142697919198138, + "nauc_precision_at_1_diff1": 82.77387889149895, + "nauc_precision_at_1_max": 48.92316018033766, + "nauc_precision_at_1_std": 20.670920881420933, + "nauc_precision_at_20_diff1": 69.5822714276579, + "nauc_precision_at_20_max": 40.258145844180724, + "nauc_precision_at_20_std": 33.443132096498665, + "nauc_precision_at_3_diff1": 76.48729951428531, + "nauc_precision_at_3_max": 46.58972515297812, + "nauc_precision_at_3_std": 26.07700999310317, + "nauc_precision_at_5_diff1": 75.58859746051998, + "nauc_precision_at_5_max": 46.09484444567729, + "nauc_precision_at_5_std": 26.82420134602608, + "nauc_recall_at_1000_diff1": 63.42066238260002, + "nauc_recall_at_1000_max": 43.543691986598645, + "nauc_recall_at_1000_std": 55.67638820233998, + "nauc_recall_at_100_diff1": 67.14856074074834, + "nauc_recall_at_100_max": 40.92023184354673, + "nauc_recall_at_100_std": 45.79064198875728, + "nauc_recall_at_10_diff1": 73.22243545156665, + "nauc_recall_at_10_max": 41.45882392377375, + "nauc_recall_at_10_std": 28.14269791919819, + "nauc_recall_at_1_diff1": 82.77387889149895, + "nauc_recall_at_1_max": 48.92316018033766, + "nauc_recall_at_1_std": 20.670920881420933, + "nauc_recall_at_20_diff1": 69.58227142765797, + "nauc_recall_at_20_max": 40.25814584418081, + "nauc_recall_at_20_std": 33.443132096498665, + "nauc_recall_at_3_diff1": 76.4872995142853, + "nauc_recall_at_3_max": 46.589725152978076, + "nauc_recall_at_3_std": 26.07700999310312, + "nauc_recall_at_5_diff1": 75.58859746051999, + "nauc_recall_at_5_max": 46.09484444567737, + "nauc_recall_at_5_std": 26.8242013460261, + "ndcg_at_1": 48.699999999999996, + "ndcg_at_10": 57.528999999999996, + "ndcg_at_100": 60.38, + "ndcg_at_1000": 61.937, + "ndcg_at_20": 58.518, + "ndcg_at_3": 54.818999999999996, + "ndcg_at_5": 56.101, + "precision_at_1": 48.699999999999996, + "precision_at_10": 6.65, + "precision_at_100": 0.8059999999999999, + "precision_at_1000": 0.093, + "precision_at_20": 3.5249999999999995, + "precision_at_3": 19.667, + "precision_at_5": 12.42, + "recall_at_1": 48.699999999999996, + "recall_at_10": 66.5, + "recall_at_100": 80.60000000000001, + "recall_at_1000": 93.2, + "recall_at_20": 70.5, + "recall_at_3": 59.0, + "recall_at_5": 62.1 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MedrxivClusteringP2P.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..87c2fa242 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MedrxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 35.535315182381275, + "v_measure": 35.535315182381275, + "v_measure_std": 1.2947784991789062 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MedrxivClusteringS2S.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..1aaf2d68b --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MedrxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 32.701317380058356, + "v_measure": 32.701317380058356, + "v_measure_std": 1.212859415243672 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MindSmallReranking.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MindSmallReranking.json new file mode 100644 index 000000000..f51cb7675 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MindSmallReranking.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "59042f120c80e8afa9cdbb224f67076cec0fc9a7", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 31.586146859630325, + "map": 31.586146859630325, + "mrr": 32.74920599119196, + "nAUC_map_diff1": 11.669586995601716, + "nAUC_map_max": -19.043343922416184, + "nAUC_map_std": -0.002926267520007513, + "nAUC_mrr_diff1": 11.132898797866952, + "nAUC_mrr_max": -13.521554137760747, + "nAUC_mrr_std": 1.6662256096686372 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MintakaRetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MintakaRetrieval.json new file mode 100644 index 000000000..108c2ba85 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MintakaRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "efa78cc2f74bbcd21eff2261f9e13aebe40b814e", + "task_name": "MintakaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "main_score": 26.448, + "map_at_1": 14.947, + "map_at_10": 22.303, + "map_at_100": 23.477999999999998, + "map_at_1000": 23.586, + "map_at_20": 22.962, + "map_at_3": 19.949, + "map_at_5": 21.252, + "mrr_at_1": 14.946764946764945, + "mrr_at_10": 22.303001053001033, + "mrr_at_100": 23.478040499941816, + "mrr_at_1000": 23.585987565381252, + "mrr_at_20": 22.96198948271138, + "mrr_at_3": 19.949494949494913, + "mrr_at_5": 21.251706251706192, + "nauc_map_at_1000_diff1": 30.124123232611005, + "nauc_map_at_1000_max": 19.329718056410893, + "nauc_map_at_1000_std": 3.7304142418877606, + "nauc_map_at_100_diff1": 30.06763654065989, + "nauc_map_at_100_max": 19.339926348634375, + "nauc_map_at_100_std": 3.7507886962889376, + "nauc_map_at_10_diff1": 30.235621359267817, + "nauc_map_at_10_max": 19.315231135265865, + "nauc_map_at_10_std": 3.888262415552999, + "nauc_map_at_1_diff1": 37.87356036243269, + "nauc_map_at_1_max": 17.63892349776284, + "nauc_map_at_1_std": -2.0575597858386208, + "nauc_map_at_20_diff1": 30.06800385756772, + "nauc_map_at_20_max": 19.172804564418264, + "nauc_map_at_20_std": 3.721149536049358, + "nauc_map_at_3_diff1": 32.09160567273595, + "nauc_map_at_3_max": 19.055280691204825, + "nauc_map_at_3_std": 1.9160849079572526, + "nauc_map_at_5_diff1": 30.81034541116131, + "nauc_map_at_5_max": 19.172166581396308, + "nauc_map_at_5_std": 3.251197681984862, + "nauc_mrr_at_1000_diff1": 30.12412337741088, + "nauc_mrr_at_1000_max": 19.329717809214035, + "nauc_mrr_at_1000_std": 3.730414425912248, + "nauc_mrr_at_100_diff1": 30.06763654065989, + "nauc_mrr_at_100_max": 19.339926348634375, + "nauc_mrr_at_100_std": 3.7507886962889376, + "nauc_mrr_at_10_diff1": 30.235621359267817, + "nauc_mrr_at_10_max": 19.315231135265865, + "nauc_mrr_at_10_std": 3.888262415552999, + "nauc_mrr_at_1_diff1": 37.87356036243269, + "nauc_mrr_at_1_max": 17.63892349776284, + "nauc_mrr_at_1_std": -2.0575597858386208, + "nauc_mrr_at_20_diff1": 30.06800385756772, + "nauc_mrr_at_20_max": 19.172804564418264, + "nauc_mrr_at_20_std": 3.721149536049358, + "nauc_mrr_at_3_diff1": 32.09160567273595, + "nauc_mrr_at_3_max": 19.055280691204825, + "nauc_mrr_at_3_std": 1.9160849079572526, + "nauc_mrr_at_5_diff1": 30.81034541116131, + "nauc_mrr_at_5_max": 19.172166581396308, + "nauc_mrr_at_5_std": 3.251197681984862, + "nauc_ndcg_at_1000_diff1": 28.057639637340476, + "nauc_ndcg_at_1000_max": 20.172072747981893, + "nauc_ndcg_at_1000_std": 5.991944827605241, + "nauc_ndcg_at_100_diff1": 26.60019642442434, + "nauc_ndcg_at_100_max": 20.47271103053784, + "nauc_ndcg_at_100_std": 6.489412476969333, + "nauc_ndcg_at_10_diff1": 27.165894912173762, + "nauc_ndcg_at_10_max": 19.79447862928707, + "nauc_ndcg_at_10_std": 6.648857204092722, + "nauc_ndcg_at_1_diff1": 37.87356036243269, + "nauc_ndcg_at_1_max": 17.63892349776284, + "nauc_ndcg_at_1_std": -2.0575597858386208, + "nauc_ndcg_at_20_diff1": 26.582793970516843, + "nauc_ndcg_at_20_max": 19.348538329936638, + "nauc_ndcg_at_20_std": 6.138040315782395, + "nauc_ndcg_at_3_diff1": 30.57338000196413, + "nauc_ndcg_at_3_max": 19.37852889877986, + "nauc_ndcg_at_3_std": 3.0568087546329408, + "nauc_ndcg_at_5_diff1": 28.469299405769632, + "nauc_ndcg_at_5_max": 19.599386892314122, + "nauc_ndcg_at_5_std": 5.299940395199246, + "nauc_precision_at_1000_diff1": 24.170281200655943, + "nauc_precision_at_1000_max": 39.623019898347664, + "nauc_precision_at_1000_std": 44.81985014306762, + "nauc_precision_at_100_diff1": 14.474857644755179, + "nauc_precision_at_100_max": 26.05636850160609, + "nauc_precision_at_100_std": 16.53010919038197, + "nauc_precision_at_10_diff1": 19.584122367964167, + "nauc_precision_at_10_max": 20.86686195708289, + "nauc_precision_at_10_std": 13.525636908101404, + "nauc_precision_at_1_diff1": 37.87356036243269, + "nauc_precision_at_1_max": 17.63892349776284, + "nauc_precision_at_1_std": -2.0575597858386208, + "nauc_precision_at_20_diff1": 17.420915050615722, + "nauc_precision_at_20_max": 19.45722509579383, + "nauc_precision_at_20_std": 12.077196513907348, + "nauc_precision_at_3_diff1": 26.865120457860247, + "nauc_precision_at_3_max": 20.154933241021354, + "nauc_precision_at_3_std": 5.86927947299836, + "nauc_precision_at_5_diff1": 22.803351569123205, + "nauc_precision_at_5_max": 20.623962388912666, + "nauc_precision_at_5_std": 10.348629762758872, + "nauc_recall_at_1000_diff1": 24.170281200656042, + "nauc_recall_at_1000_max": 39.62301989834765, + "nauc_recall_at_1000_std": 44.8198501430671, + "nauc_recall_at_100_diff1": 14.474857644755254, + "nauc_recall_at_100_max": 26.056368501606116, + "nauc_recall_at_100_std": 16.530109190381985, + "nauc_recall_at_10_diff1": 19.58412236796417, + "nauc_recall_at_10_max": 20.866861957082875, + "nauc_recall_at_10_std": 13.5256369081014, + "nauc_recall_at_1_diff1": 37.87356036243269, + "nauc_recall_at_1_max": 17.63892349776284, + "nauc_recall_at_1_std": -2.0575597858386208, + "nauc_recall_at_20_diff1": 17.420915050615708, + "nauc_recall_at_20_max": 19.45722509579385, + "nauc_recall_at_20_std": 12.077196513907353, + "nauc_recall_at_3_diff1": 26.865120457860243, + "nauc_recall_at_3_max": 20.15493324102137, + "nauc_recall_at_3_std": 5.869279472998389, + "nauc_recall_at_5_diff1": 22.803351569123215, + "nauc_recall_at_5_max": 20.62396238891266, + "nauc_recall_at_5_std": 10.348629762758849, + "ndcg_at_1": 14.947, + "ndcg_at_10": 26.448, + "ndcg_at_100": 32.78, + "ndcg_at_1000": 35.937000000000005, + "ndcg_at_20": 28.842000000000002, + "ndcg_at_3": 21.587999999999997, + "ndcg_at_5": 23.942, + "precision_at_1": 14.947, + "precision_at_10": 3.972, + "precision_at_100": 0.7080000000000001, + "precision_at_1000": 0.096, + "precision_at_20": 2.459, + "precision_at_3": 8.777, + "precision_at_5": 6.413, + "recall_at_1": 14.947, + "recall_at_10": 39.722, + "recall_at_100": 70.844, + "recall_at_1000": 96.274, + "recall_at_20": 49.181000000000004, + "recall_at_3": 26.331, + "recall_at_5": 32.064 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MultilingualSentiment.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MultilingualSentiment.json new file mode 100644 index 000000000..56699e244 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/MultilingualSentiment.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "46958b007a63fdbf239b7672c25d0bea67b5ea1a", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 78.08, + "f1": 77.44308848942492, + "f1_weighted": 77.44308848942492, + "main_score": 78.08 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/NFCorpus-PL.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/NFCorpus-PL.json new file mode 100644 index 000000000..62598d94d --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/NFCorpus-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "9a6f9567fda928260afed2de480d79c98bf0bec0", + "task_name": "NFCorpus-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 27.359, + "map_at_1": 4.013, + "map_at_10": 9.243, + "map_at_100": 11.417, + "map_at_1000": 12.465, + "map_at_20": 10.241999999999999, + "map_at_3": 6.6739999999999995, + "map_at_5": 7.720000000000001, + "mrr_at_1": 36.84210526315789, + "mrr_at_10": 45.80704211509165, + "mrr_at_100": 46.43056530919217, + "mrr_at_1000": 46.481813685972384, + "mrr_at_20": 46.2328011230761, + "mrr_at_3": 43.653250773993804, + "mrr_at_5": 44.75232198142416, + "nauc_map_at_1000_diff1": 24.84177430292285, + "nauc_map_at_1000_max": 17.115036682746375, + "nauc_map_at_1000_std": 24.075727964418853, + "nauc_map_at_100_diff1": 25.813465171019708, + "nauc_map_at_100_max": 15.890774948775189, + "nauc_map_at_100_std": 20.733065453457606, + "nauc_map_at_10_diff1": 29.488943622716107, + "nauc_map_at_10_max": 9.776720754233569, + "nauc_map_at_10_std": 10.581345052422016, + "nauc_map_at_1_diff1": 48.57974934948135, + "nauc_map_at_1_max": 1.149527115405564, + "nauc_map_at_1_std": -2.0301983395175363, + "nauc_map_at_20_diff1": 27.744545091489826, + "nauc_map_at_20_max": 12.800210322701194, + "nauc_map_at_20_std": 15.036851255880851, + "nauc_map_at_3_diff1": 37.25540055051418, + "nauc_map_at_3_max": 4.906473702901897, + "nauc_map_at_3_std": 1.462933406016024, + "nauc_map_at_5_diff1": 33.75262117705747, + "nauc_map_at_5_max": 5.349094540200769, + "nauc_map_at_5_std": 4.009473353212513, + "nauc_mrr_at_1000_diff1": 25.923316236906224, + "nauc_mrr_at_1000_max": 30.218473131172814, + "nauc_mrr_at_1000_std": 34.32841034971355, + "nauc_mrr_at_100_diff1": 25.89160877435761, + "nauc_mrr_at_100_max": 30.26076316909358, + "nauc_mrr_at_100_std": 34.38168790885202, + "nauc_mrr_at_10_diff1": 25.94165965662626, + "nauc_mrr_at_10_max": 29.92861838955619, + "nauc_mrr_at_10_std": 34.217857324602384, + "nauc_mrr_at_1_diff1": 27.77544038178182, + "nauc_mrr_at_1_max": 23.544571519690063, + "nauc_mrr_at_1_std": 29.133288904288985, + "nauc_mrr_at_20_diff1": 25.817823276199377, + "nauc_mrr_at_20_max": 30.212951519162534, + "nauc_mrr_at_20_std": 34.38656845672502, + "nauc_mrr_at_3_diff1": 27.253167791083772, + "nauc_mrr_at_3_max": 28.668229911423044, + "nauc_mrr_at_3_std": 32.24039598508148, + "nauc_mrr_at_5_diff1": 26.50152942042588, + "nauc_mrr_at_5_max": 29.014104429398657, + "nauc_mrr_at_5_std": 33.10408829199384, + "nauc_ndcg_at_1000_diff1": 21.670441606508682, + "nauc_ndcg_at_1000_max": 35.085480170350294, + "nauc_ndcg_at_1000_std": 40.26959838435534, + "nauc_ndcg_at_100_diff1": 20.56655267151386, + "nauc_ndcg_at_100_max": 29.059496472106172, + "nauc_ndcg_at_100_std": 36.20604882231693, + "nauc_ndcg_at_10_diff1": 19.327892822047392, + "nauc_ndcg_at_10_max": 22.970443207173847, + "nauc_ndcg_at_10_std": 33.63485024562264, + "nauc_ndcg_at_1_diff1": 29.440869586898806, + "nauc_ndcg_at_1_max": 21.1892146993199, + "nauc_ndcg_at_1_std": 27.715145294772626, + "nauc_ndcg_at_20_diff1": 19.84119342340242, + "nauc_ndcg_at_20_max": 24.648907071153918, + "nauc_ndcg_at_20_std": 34.21144991558109, + "nauc_ndcg_at_3_diff1": 22.475236266303952, + "nauc_ndcg_at_3_max": 22.5673625414089, + "nauc_ndcg_at_3_std": 30.40344427150939, + "nauc_ndcg_at_5_diff1": 20.435706146454795, + "nauc_ndcg_at_5_max": 20.807509478884405, + "nauc_ndcg_at_5_std": 30.50756403953348, + "nauc_precision_at_1000_diff1": -7.734779276193169, + "nauc_precision_at_1000_max": 10.369447288094234, + "nauc_precision_at_1000_std": 38.88122374339474, + "nauc_precision_at_100_diff1": -5.148267935551239, + "nauc_precision_at_100_max": 22.682811622480507, + "nauc_precision_at_100_std": 52.14414978661011, + "nauc_precision_at_10_diff1": 4.2440553409575115, + "nauc_precision_at_10_max": 24.922198902459577, + "nauc_precision_at_10_std": 44.24729160099345, + "nauc_precision_at_1_diff1": 28.683873179972423, + "nauc_precision_at_1_max": 24.333474443231477, + "nauc_precision_at_1_std": 29.657103597064992, + "nauc_precision_at_20_diff1": 0.981459375147628, + "nauc_precision_at_20_max": 26.656822900511944, + "nauc_precision_at_20_std": 47.61829905274704, + "nauc_precision_at_3_diff1": 14.009226282963393, + "nauc_precision_at_3_max": 25.206963221334643, + "nauc_precision_at_3_std": 34.640163356829575, + "nauc_precision_at_5_diff1": 9.732199396026699, + "nauc_precision_at_5_max": 21.620896160839308, + "nauc_precision_at_5_std": 36.54829562203162, + "nauc_recall_at_1000_diff1": 13.592706145413594, + "nauc_recall_at_1000_max": 26.905710458923515, + "nauc_recall_at_1000_std": 27.77232599212786, + "nauc_recall_at_100_diff1": 11.474980161550619, + "nauc_recall_at_100_max": 24.6542606788053, + "nauc_recall_at_100_std": 26.088933416325894, + "nauc_recall_at_10_diff1": 20.86627786542471, + "nauc_recall_at_10_max": 12.310575849201342, + "nauc_recall_at_10_std": 8.93720284107538, + "nauc_recall_at_1_diff1": 48.57974934948135, + "nauc_recall_at_1_max": 1.149527115405564, + "nauc_recall_at_1_std": -2.0301983395175363, + "nauc_recall_at_20_diff1": 17.03977114136929, + "nauc_recall_at_20_max": 15.132361504438405, + "nauc_recall_at_20_std": 14.39504435329145, + "nauc_recall_at_3_diff1": 33.90735954186142, + "nauc_recall_at_3_max": 7.589690453066397, + "nauc_recall_at_3_std": 0.8609172933612455, + "nauc_recall_at_5_diff1": 27.37452904528661, + "nauc_recall_at_5_max": 6.950034812753282, + "nauc_recall_at_5_std": 2.9248007586594396, + "ndcg_at_1": 35.294, + "ndcg_at_10": 27.359, + "ndcg_at_100": 24.285999999999998, + "ndcg_at_1000": 32.438, + "ndcg_at_20": 25.418000000000003, + "ndcg_at_3": 31.328, + "ndcg_at_5": 29.269000000000002, + "precision_at_1": 36.533, + "precision_at_10": 20.681, + "precision_at_100": 6.087, + "precision_at_1000": 1.7469999999999999, + "precision_at_20": 15.325, + "precision_at_3": 29.309, + "precision_at_5": 25.201, + "recall_at_1": 4.013, + "recall_at_10": 13.153, + "recall_at_100": 24.549000000000003, + "recall_at_1000": 53.908, + "recall_at_20": 16.453, + "recall_at_3": 7.832999999999999, + "recall_at_5": 9.693999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/NFCorpus.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/NFCorpus.json new file mode 100644 index 000000000..bf493ddec --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/NFCorpus.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 34.493, + "map_at_1": 5.469, + "map_at_10": 12.681999999999999, + "map_at_100": 16.136, + "map_at_1000": 17.574, + "map_at_20": 14.063, + "map_at_3": 9.252, + "map_at_5": 11.03, + "mrr_at_1": 43.962848297213625, + "mrr_at_10": 53.748095729519854, + "mrr_at_100": 54.31371383821993, + "mrr_at_1000": 54.34550446424, + "mrr_at_20": 54.05753630252571, + "mrr_at_3": 51.34158926728587, + "mrr_at_5": 52.951496388028886, + "nauc_map_at_1000_diff1": 22.42945451651053, + "nauc_map_at_1000_max": 25.044939905094555, + "nauc_map_at_1000_std": 14.6947376252321, + "nauc_map_at_100_diff1": 24.05126858377848, + "nauc_map_at_100_max": 24.260286968462943, + "nauc_map_at_100_std": 11.274560706750162, + "nauc_map_at_10_diff1": 28.610449405636412, + "nauc_map_at_10_max": 17.669350840567517, + "nauc_map_at_10_std": -0.5603965547026133, + "nauc_map_at_1_diff1": 44.546139576048574, + "nauc_map_at_1_max": 3.5966098414779686, + "nauc_map_at_1_std": -15.204463497276185, + "nauc_map_at_20_diff1": 26.93971089998854, + "nauc_map_at_20_max": 20.89952744553902, + "nauc_map_at_20_std": 4.323667205452283, + "nauc_map_at_3_diff1": 34.03753780494977, + "nauc_map_at_3_max": 10.951970261908517, + "nauc_map_at_3_std": -8.942935860299977, + "nauc_map_at_5_diff1": 31.13647526539977, + "nauc_map_at_5_max": 13.55486409562657, + "nauc_map_at_5_std": -6.285335121924455, + "nauc_mrr_at_1000_diff1": 33.04380727929978, + "nauc_mrr_at_1000_max": 40.97460730083534, + "nauc_mrr_at_1000_std": 22.68307762886138, + "nauc_mrr_at_100_diff1": 33.038505852668905, + "nauc_mrr_at_100_max": 41.004813808229976, + "nauc_mrr_at_100_std": 22.727078227914703, + "nauc_mrr_at_10_diff1": 32.945102642427294, + "nauc_mrr_at_10_max": 40.59087425732438, + "nauc_mrr_at_10_std": 22.2969763977488, + "nauc_mrr_at_1_diff1": 34.55355095202985, + "nauc_mrr_at_1_max": 34.35691144716251, + "nauc_mrr_at_1_std": 16.025738199559136, + "nauc_mrr_at_20_diff1": 33.01684360381644, + "nauc_mrr_at_20_max": 40.82433798731643, + "nauc_mrr_at_20_std": 22.56838707992269, + "nauc_mrr_at_3_diff1": 33.2000664328818, + "nauc_mrr_at_3_max": 40.65557927809233, + "nauc_mrr_at_3_std": 21.640445622194292, + "nauc_mrr_at_5_diff1": 33.14724263980201, + "nauc_mrr_at_5_max": 40.37502720649393, + "nauc_mrr_at_5_std": 20.91483571628846, + "nauc_ndcg_at_1000_diff1": 23.13999445390973, + "nauc_ndcg_at_1000_max": 40.904356797688244, + "nauc_ndcg_at_1000_std": 31.135131225973755, + "nauc_ndcg_at_100_diff1": 21.60764588276507, + "nauc_ndcg_at_100_max": 34.72455917031235, + "nauc_ndcg_at_100_std": 26.084570343364895, + "nauc_ndcg_at_10_diff1": 21.273666650824712, + "nauc_ndcg_at_10_max": 36.42637032684147, + "nauc_ndcg_at_10_std": 25.854371107614753, + "nauc_ndcg_at_1_diff1": 35.40190534464431, + "nauc_ndcg_at_1_max": 34.09394953710087, + "nauc_ndcg_at_1_std": 15.082336268368568, + "nauc_ndcg_at_20_diff1": 20.629683502494935, + "nauc_ndcg_at_20_max": 35.01440571472175, + "nauc_ndcg_at_20_std": 26.1516323412204, + "nauc_ndcg_at_3_diff1": 27.314585132007803, + "nauc_ndcg_at_3_max": 38.19301088947643, + "nauc_ndcg_at_3_std": 22.37292581921333, + "nauc_ndcg_at_5_diff1": 24.033794102904647, + "nauc_ndcg_at_5_max": 36.466778291326506, + "nauc_ndcg_at_5_std": 23.15763774408816, + "nauc_precision_at_1000_diff1": -13.984096369493178, + "nauc_precision_at_1000_max": 8.50221544384146, + "nauc_precision_at_1000_std": 35.62592696752026, + "nauc_precision_at_100_diff1": -12.115042643624523, + "nauc_precision_at_100_max": 21.139964351279062, + "nauc_precision_at_100_std": 45.41323150126541, + "nauc_precision_at_10_diff1": 3.5604358960435594, + "nauc_precision_at_10_max": 38.21371536948471, + "nauc_precision_at_10_std": 40.093467246870674, + "nauc_precision_at_1_diff1": 34.55355095202985, + "nauc_precision_at_1_max": 34.35691144716251, + "nauc_precision_at_1_std": 16.025738199559136, + "nauc_precision_at_20_diff1": -2.2994929672216142, + "nauc_precision_at_20_max": 33.41182551515417, + "nauc_precision_at_20_std": 42.926074063475376, + "nauc_precision_at_3_diff1": 17.026846985190286, + "nauc_precision_at_3_max": 40.78926087324481, + "nauc_precision_at_3_std": 28.26154405706766, + "nauc_precision_at_5_diff1": 10.066105504177528, + "nauc_precision_at_5_max": 38.397299240351515, + "nauc_precision_at_5_std": 31.504726528569105, + "nauc_recall_at_1000_diff1": 5.433767085525343, + "nauc_recall_at_1000_max": 17.082294989371675, + "nauc_recall_at_1000_std": 17.867147762696924, + "nauc_recall_at_100_diff1": 10.513494371628159, + "nauc_recall_at_100_max": 19.63867418942476, + "nauc_recall_at_100_std": 14.421450754520809, + "nauc_recall_at_10_diff1": 22.750728383486376, + "nauc_recall_at_10_max": 15.735611146890621, + "nauc_recall_at_10_std": -0.40290229377136233, + "nauc_recall_at_1_diff1": 44.546139576048574, + "nauc_recall_at_1_max": 3.5966098414779686, + "nauc_recall_at_1_std": -15.204463497276185, + "nauc_recall_at_20_diff1": 22.44097500377964, + "nauc_recall_at_20_max": 19.99783526750806, + "nauc_recall_at_20_std": 5.831968175648315, + "nauc_recall_at_3_diff1": 30.742501145388644, + "nauc_recall_at_3_max": 11.887713348765457, + "nauc_recall_at_3_std": -7.507756416467706, + "nauc_recall_at_5_diff1": 25.251057623903268, + "nauc_recall_at_5_max": 11.530971742020508, + "nauc_recall_at_5_std": -6.9727238554804005, + "ndcg_at_1": 42.57, + "ndcg_at_10": 34.493, + "ndcg_at_100": 31.912000000000003, + "ndcg_at_1000": 40.485, + "ndcg_at_20": 32.314, + "ndcg_at_3": 39.546, + "ndcg_at_5": 38.009, + "precision_at_1": 43.963, + "precision_at_10": 25.728, + "precision_at_100": 8.297, + "precision_at_1000": 2.094, + "precision_at_20": 19.288, + "precision_at_3": 37.564, + "precision_at_5": 33.375, + "recall_at_1": 5.469, + "recall_at_10": 16.733, + "recall_at_100": 32.867000000000004, + "recall_at_1000": 63.873000000000005, + "recall_at_20": 20.312, + "recall_at_3": 10.386, + "recall_at_5": 13.679 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/NQ-PL.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/NQ-PL.json new file mode 100644 index 000000000..dd60df811 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/NQ-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f171245712cf85dd4700b06bef18001578d0ca8d", + "task_name": "NQ-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 30.842000000000002, + "map_at_1": 15.584999999999999, + "map_at_10": 25.141999999999996, + "map_at_100": 26.387, + "map_at_1000": 26.458, + "map_at_20": 25.897, + "map_at_3": 21.792, + "map_at_5": 23.605, + "mrr_at_1": 17.526071842410197, + "mrr_at_10": 27.034281943754777, + "mrr_at_100": 28.093499231975112, + "mrr_at_1000": 28.151579697181628, + "mrr_at_20": 27.685578601768064, + "mrr_at_3": 23.966782541521876, + "mrr_at_5": 25.63538045577454, + "nauc_map_at_1000_diff1": 25.629659206470034, + "nauc_map_at_1000_max": 19.50903133109958, + "nauc_map_at_1000_std": 11.369355803540456, + "nauc_map_at_100_diff1": 25.63185640379452, + "nauc_map_at_100_max": 19.49043016244933, + "nauc_map_at_100_std": 11.349471698782217, + "nauc_map_at_10_diff1": 25.801905100212085, + "nauc_map_at_10_max": 18.71914313595772, + "nauc_map_at_10_std": 10.101933080218412, + "nauc_map_at_1_diff1": 27.69756013829008, + "nauc_map_at_1_max": 13.265356278967614, + "nauc_map_at_1_std": 4.845453511488002, + "nauc_map_at_20_diff1": 25.57617091165384, + "nauc_map_at_20_max": 19.22087134146287, + "nauc_map_at_20_std": 10.863338999338074, + "nauc_map_at_3_diff1": 26.04936647826419, + "nauc_map_at_3_max": 17.00014461889098, + "nauc_map_at_3_std": 8.345803797704802, + "nauc_map_at_5_diff1": 25.926914766086163, + "nauc_map_at_5_max": 17.909768342318312, + "nauc_map_at_5_std": 8.99533665314055, + "nauc_mrr_at_1000_diff1": 24.821439280682775, + "nauc_mrr_at_1000_max": 20.48215524313607, + "nauc_mrr_at_1000_std": 13.302755245100787, + "nauc_mrr_at_100_diff1": 24.822888515699727, + "nauc_mrr_at_100_max": 20.476125364875305, + "nauc_mrr_at_100_std": 13.303370196580808, + "nauc_mrr_at_10_diff1": 24.827095834283377, + "nauc_mrr_at_10_max": 19.906455259365014, + "nauc_mrr_at_10_std": 12.461215626420783, + "nauc_mrr_at_1_diff1": 27.354076617153282, + "nauc_mrr_at_1_max": 15.421589080989397, + "nauc_mrr_at_1_std": 7.854191402321044, + "nauc_mrr_at_20_diff1": 24.707829956282353, + "nauc_mrr_at_20_max": 20.343614549048684, + "nauc_mrr_at_20_std": 12.991368337778994, + "nauc_mrr_at_3_diff1": 25.001495195422212, + "nauc_mrr_at_3_max": 18.670877184315987, + "nauc_mrr_at_3_std": 11.073823459359353, + "nauc_mrr_at_5_diff1": 25.09633485104506, + "nauc_mrr_at_5_max": 19.289598809877393, + "nauc_mrr_at_5_std": 11.447861090124427, + "nauc_ndcg_at_1000_diff1": 24.454331896090252, + "nauc_ndcg_at_1000_max": 24.54817880813177, + "nauc_ndcg_at_1000_std": 18.291577235898664, + "nauc_ndcg_at_100_diff1": 24.4900499476292, + "nauc_ndcg_at_100_max": 24.3113863055596, + "nauc_ndcg_at_100_std": 18.283249505464127, + "nauc_ndcg_at_10_diff1": 24.75304628631047, + "nauc_ndcg_at_10_max": 21.346414904765112, + "nauc_ndcg_at_10_std": 13.144087870627114, + "nauc_ndcg_at_1_diff1": 27.354076617153282, + "nauc_ndcg_at_1_max": 15.421589080989397, + "nauc_ndcg_at_1_std": 7.854191402321044, + "nauc_ndcg_at_20_diff1": 24.054443970465634, + "nauc_ndcg_at_20_max": 23.02090178343728, + "nauc_ndcg_at_20_std": 15.466706732549639, + "nauc_ndcg_at_3_diff1": 25.21593203645425, + "nauc_ndcg_at_3_max": 18.366389791319857, + "nauc_ndcg_at_3_std": 9.886764558221312, + "nauc_ndcg_at_5_diff1": 25.18968308632415, + "nauc_ndcg_at_5_max": 19.714457143715883, + "nauc_ndcg_at_5_std": 10.810267333820615, + "nauc_precision_at_1000_diff1": 5.311743560049695, + "nauc_precision_at_1000_max": 31.8449636551786, + "nauc_precision_at_1000_std": 38.560980646256645, + "nauc_precision_at_100_diff1": 11.642708984639716, + "nauc_precision_at_100_max": 33.08348545702312, + "nauc_precision_at_100_std": 38.84569611188958, + "nauc_precision_at_10_diff1": 19.39529546701617, + "nauc_precision_at_10_max": 27.35329522618733, + "nauc_precision_at_10_std": 21.657982938733863, + "nauc_precision_at_1_diff1": 27.354076617153282, + "nauc_precision_at_1_max": 15.421589080989397, + "nauc_precision_at_1_std": 7.854191402321044, + "nauc_precision_at_20_diff1": 15.315200424520157, + "nauc_precision_at_20_max": 30.813032263448335, + "nauc_precision_at_20_std": 28.51929835139947, + "nauc_precision_at_3_diff1": 23.171414749401624, + "nauc_precision_at_3_max": 22.230781193639906, + "nauc_precision_at_3_std": 14.39995607518812, + "nauc_precision_at_5_diff1": 22.12050049652593, + "nauc_precision_at_5_max": 24.47739013891615, + "nauc_precision_at_5_std": 15.911936861665232, + "nauc_recall_at_1000_diff1": 18.49721947186244, + "nauc_recall_at_1000_max": 59.77562391547361, + "nauc_recall_at_1000_std": 67.25992226904116, + "nauc_recall_at_100_diff1": 21.08120571727416, + "nauc_recall_at_100_max": 41.81711687017934, + "nauc_recall_at_100_std": 45.46881224307712, + "nauc_recall_at_10_diff1": 22.267969061265276, + "nauc_recall_at_10_max": 26.20350836241132, + "nauc_recall_at_10_std": 18.312586912516927, + "nauc_recall_at_1_diff1": 27.69756013829008, + "nauc_recall_at_1_max": 13.265356278967614, + "nauc_recall_at_1_std": 4.845453511488002, + "nauc_recall_at_20_diff1": 19.7184358966775, + "nauc_recall_at_20_max": 32.18279692099271, + "nauc_recall_at_20_std": 26.185137240814377, + "nauc_recall_at_3_diff1": 23.501740451271914, + "nauc_recall_at_3_max": 19.91360673787573, + "nauc_recall_at_3_std": 11.210024942573977, + "nauc_recall_at_5_diff1": 23.437183434421655, + "nauc_recall_at_5_max": 22.272023416475623, + "nauc_recall_at_5_std": 12.814496156956142, + "ndcg_at_1": 17.526, + "ndcg_at_10": 30.842000000000002, + "ndcg_at_100": 36.629, + "ndcg_at_1000": 38.495000000000005, + "ndcg_at_20": 33.382, + "ndcg_at_3": 24.252000000000002, + "ndcg_at_5": 27.339000000000002, + "precision_at_1": 17.526, + "precision_at_10": 5.548, + "precision_at_100": 0.88, + "precision_at_1000": 0.106, + "precision_at_20": 3.3649999999999998, + "precision_at_3": 11.25, + "precision_at_5": 8.517, + "recall_at_1": 15.584999999999999, + "recall_at_10": 46.521, + "recall_at_100": 72.571, + "recall_at_1000": 86.86500000000001, + "recall_at_20": 56.004, + "recall_at_3": 29.195999999999998, + "recall_at_5": 36.324 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/NQ.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/NQ.json new file mode 100644 index 000000000..8f2322693 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/NQ.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 49.539, + "map_at_1": 26.016000000000002, + "map_at_10": 41.23, + "map_at_100": 42.466, + "map_at_1000": 42.494, + "map_at_20": 42.049, + "map_at_3": 36.272999999999996, + "map_at_5": 39.172000000000004, + "mrr_at_1": 29.634994206257243, + "mrr_at_10": 43.814949695598514, + "mrr_at_100": 44.75158330890793, + "mrr_at_1000": 44.76933611785972, + "mrr_at_20": 44.450136580422104, + "mrr_at_3": 39.56160679799143, + "mrr_at_5": 42.083333333333336, + "nauc_map_at_1000_diff1": 31.377733390159623, + "nauc_map_at_1000_max": 10.852802240297759, + "nauc_map_at_1000_std": -8.156368414989963, + "nauc_map_at_100_diff1": 31.37926107010834, + "nauc_map_at_100_max": 10.866567017386616, + "nauc_map_at_100_std": -8.13083658675661, + "nauc_map_at_10_diff1": 31.302395420970413, + "nauc_map_at_10_max": 10.696471249499485, + "nauc_map_at_10_std": -8.608828614048587, + "nauc_map_at_1_diff1": 34.515378947817545, + "nauc_map_at_1_max": 8.23278785130009, + "nauc_map_at_1_std": -8.790135666737623, + "nauc_map_at_20_diff1": 31.405784027747636, + "nauc_map_at_20_max": 10.743222784357599, + "nauc_map_at_20_std": -8.336520716356294, + "nauc_map_at_3_diff1": 30.790756885918242, + "nauc_map_at_3_max": 9.611996527156451, + "nauc_map_at_3_std": -10.30419579409286, + "nauc_map_at_5_diff1": 31.018701056437692, + "nauc_map_at_5_max": 10.415471498676181, + "nauc_map_at_5_std": -9.267868426130615, + "nauc_mrr_at_1000_diff1": 30.954103753005274, + "nauc_mrr_at_1000_max": 11.65610034595576, + "nauc_mrr_at_1000_std": -6.236607914879178, + "nauc_mrr_at_100_diff1": 30.95419964742793, + "nauc_mrr_at_100_max": 11.67074501272962, + "nauc_mrr_at_100_std": -6.2148004414091504, + "nauc_mrr_at_10_diff1": 30.909871849241917, + "nauc_mrr_at_10_max": 11.663150347843652, + "nauc_mrr_at_10_std": -6.412145873320221, + "nauc_mrr_at_1_diff1": 33.69803436461973, + "nauc_mrr_at_1_max": 9.810616582626253, + "nauc_mrr_at_1_std": -6.5168183653335845, + "nauc_mrr_at_20_diff1": 30.97036659208301, + "nauc_mrr_at_20_max": 11.615291040042264, + "nauc_mrr_at_20_std": -6.317206649176624, + "nauc_mrr_at_3_diff1": 30.347687412668307, + "nauc_mrr_at_3_max": 11.045997984562728, + "nauc_mrr_at_3_std": -7.344237528386735, + "nauc_mrr_at_5_diff1": 30.607591550974323, + "nauc_mrr_at_5_max": 11.478687020349025, + "nauc_mrr_at_5_std": -6.773130489910162, + "nauc_ndcg_at_1000_diff1": 30.721715941822435, + "nauc_ndcg_at_1000_max": 12.363613568822352, + "nauc_ndcg_at_1000_std": -6.083916245339269, + "nauc_ndcg_at_100_diff1": 30.608831858292408, + "nauc_ndcg_at_100_max": 12.894646588979683, + "nauc_ndcg_at_100_std": -5.148801091143074, + "nauc_ndcg_at_10_diff1": 30.483771661792847, + "nauc_ndcg_at_10_max": 12.18129035771911, + "nauc_ndcg_at_10_std": -7.165744970217042, + "nauc_ndcg_at_1_diff1": 33.79845141868468, + "nauc_ndcg_at_1_max": 9.88864563426806, + "nauc_ndcg_at_1_std": -6.43552016535101, + "nauc_ndcg_at_20_diff1": 30.77504113488907, + "nauc_ndcg_at_20_max": 12.28245448589153, + "nauc_ndcg_at_20_std": -6.325276590452571, + "nauc_ndcg_at_3_diff1": 29.602918057743278, + "nauc_ndcg_at_3_max": 10.39055264754259, + "nauc_ndcg_at_3_std": -10.014843769784985, + "nauc_ndcg_at_5_diff1": 29.94463296702168, + "nauc_ndcg_at_5_max": 11.551920125900473, + "nauc_ndcg_at_5_std": -8.48593988495145, + "nauc_precision_at_1000_diff1": -5.690546724212895, + "nauc_precision_at_1000_max": 9.109366247129207, + "nauc_precision_at_1000_std": 14.65465630262207, + "nauc_precision_at_100_diff1": -1.2336613199255233, + "nauc_precision_at_100_max": 14.632255993612098, + "nauc_precision_at_100_std": 20.106751006299508, + "nauc_precision_at_10_diff1": 16.156638161044377, + "nauc_precision_at_10_max": 15.461271728023455, + "nauc_precision_at_10_std": 4.613330902566019, + "nauc_precision_at_1_diff1": 33.79845141868468, + "nauc_precision_at_1_max": 9.88864563426806, + "nauc_precision_at_1_std": -6.43552016535101, + "nauc_precision_at_20_diff1": 10.833258836740004, + "nauc_precision_at_20_max": 14.399547246551503, + "nauc_precision_at_20_std": 10.691750912308304, + "nauc_precision_at_3_diff1": 23.440967729505452, + "nauc_precision_at_3_max": 12.708378101618688, + "nauc_precision_at_3_std": -7.2002199170375105, + "nauc_precision_at_5_diff1": 20.632161061662867, + "nauc_precision_at_5_max": 14.803138265646187, + "nauc_precision_at_5_std": -1.9170585171231866, + "nauc_recall_at_1000_diff1": 17.469814268756277, + "nauc_recall_at_1000_max": 67.91132861575576, + "nauc_recall_at_1000_std": 59.719785001643054, + "nauc_recall_at_100_diff1": 20.871489158949146, + "nauc_recall_at_100_max": 42.25616221901811, + "nauc_recall_at_100_std": 41.83257983711543, + "nauc_recall_at_10_diff1": 26.116159187824273, + "nauc_recall_at_10_max": 15.673928195577544, + "nauc_recall_at_10_std": -4.068034337550412, + "nauc_recall_at_1_diff1": 34.515378947817545, + "nauc_recall_at_1_max": 8.23278785130009, + "nauc_recall_at_1_std": -8.790135666737623, + "nauc_recall_at_20_diff1": 26.830515495608314, + "nauc_recall_at_20_max": 17.956121895077352, + "nauc_recall_at_20_std": 1.8149755315374414, + "nauc_recall_at_3_diff1": 25.57777694351554, + "nauc_recall_at_3_max": 10.768605841163243, + "nauc_recall_at_3_std": -11.548054988544685, + "nauc_recall_at_5_diff1": 25.69071002325843, + "nauc_recall_at_5_max": 13.248151375739594, + "nauc_recall_at_5_std": -8.31127808515032, + "ndcg_at_1": 29.605999999999998, + "ndcg_at_10": 49.539, + "ndcg_at_100": 54.67999999999999, + "ndcg_at_1000": 55.287, + "ndcg_at_20": 52.196, + "ndcg_at_3": 40.111999999999995, + "ndcg_at_5": 44.983000000000004, + "precision_at_1": 29.605999999999998, + "precision_at_10": 8.607, + "precision_at_100": 1.147, + "precision_at_1000": 0.121, + "precision_at_20": 4.938, + "precision_at_3": 18.627, + "precision_at_5": 13.927999999999999, + "recall_at_1": 26.016000000000002, + "recall_at_10": 72.51100000000001, + "recall_at_100": 94.60499999999999, + "recall_at_1000": 99.054, + "recall_at_20": 82.353, + "recall_at_3": 47.989, + "recall_at_5": 59.243 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/Ocnli.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/Ocnli.json new file mode 100644 index 000000000..9de7a887b --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/Ocnli.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "66e76a618a34d6d565d5538088562851e6daa7ec", + "task_name": "Ocnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_accuracy": 66.8651867893882, + "cosine_accuracy_threshold": 84.34688448905945, + "cosine_ap": 69.83287846115917, + "cosine_f1": 71.33520074696546, + "cosine_f1_threshold": 83.85992050170898, + "cosine_precision": 63.93305439330545, + "cosine_recall": 80.67581837381204, + "dot_accuracy": 66.8651867893882, + "dot_accuracy_threshold": 84.34690237045288, + "dot_ap": 69.83287846115917, + "dot_f1": 71.33520074696546, + "dot_f1_threshold": 83.85992050170898, + "dot_precision": 63.93305439330545, + "dot_recall": 80.67581837381204, + "euclidean_accuracy": 66.8651867893882, + "euclidean_accuracy_threshold": 55.95196485519409, + "euclidean_ap": 69.83287846115917, + "euclidean_f1": 71.33520074696546, + "euclidean_f1_threshold": 56.81561827659607, + "euclidean_precision": 63.93305439330545, + "euclidean_recall": 80.67581837381204, + "main_score": 69.83287846115917, + "manhattan_accuracy": 66.0530590146183, + "manhattan_accuracy_threshold": 1215.458583831787, + "manhattan_ap": 69.51465499538298, + "manhattan_f1": 70.56159420289853, + "manhattan_f1_threshold": 1344.7942733764648, + "manhattan_precision": 61.77636796193497, + "manhattan_recall": 82.259767687434, + "max_ap": 69.83287846115917, + "max_f1": 71.33520074696546, + "max_precision": 63.93305439330545, + "max_recall": 82.259767687434, + "similarity_accuracy": 66.8651867893882, + "similarity_accuracy_threshold": 84.34688448905945, + "similarity_ap": 69.83287846115917, + "similarity_f1": 71.33520074696546, + "similarity_f1_threshold": 83.85992050170898, + "similarity_precision": 63.93305439330545, + "similarity_recall": 80.67581837381204 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/OnlineShopping.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/OnlineShopping.json new file mode 100644 index 000000000..aa3343718 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/OnlineShopping.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "e610f2ebd179a8fda30ae534c3878750a96db120", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 93.66999999999999, + "ap": 92.68160375501351, + "ap_weighted": 92.68160375501351, + "f1": 93.6673524115384, + "f1_weighted": 93.67269842799493, + "main_score": 93.66999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/OpusparcusPC.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/OpusparcusPC.json new file mode 100644 index 000000000..63f5fb36e --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/OpusparcusPC.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "9e9b1f8ef51616073f47f306f7f47dd91663f86a", + "task_name": "OpusparcusPC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cosine_accuracy": 82.62942779291554, + "cosine_accuracy_threshold": 83.4860622882843, + "cosine_ap": 93.39616519364185, + "cosine_f1": 88.03378695448146, + "cosine_f1_threshold": 83.4860622882843, + "cosine_precision": 83.45195729537367, + "cosine_recall": 93.14796425024826, + "dot_accuracy": 82.62942779291554, + "dot_accuracy_threshold": 83.4860622882843, + "dot_ap": 93.39616519364185, + "dot_f1": 88.03378695448146, + "dot_f1_threshold": 83.4860622882843, + "dot_precision": 83.45195729537367, + "dot_recall": 93.14796425024826, + "euclidean_accuracy": 82.62942779291554, + "euclidean_accuracy_threshold": 57.4698805809021, + "euclidean_ap": 93.39616519364185, + "euclidean_f1": 88.03378695448146, + "euclidean_f1_threshold": 57.4698805809021, + "euclidean_precision": 83.45195729537367, + "euclidean_recall": 93.14796425024826, + "main_score": 93.39616519364185, + "manhattan_accuracy": 82.62942779291554, + "manhattan_accuracy_threshold": 1306.7530632019043, + "manhattan_ap": 93.34098710518775, + "manhattan_f1": 87.78409090909089, + "manhattan_f1_threshold": 1335.2685928344727, + "manhattan_precision": 83.89140271493213, + "manhattan_recall": 92.05561072492551, + "max_ap": 93.39616519364185, + "max_f1": 88.03378695448146, + "max_precision": 83.89140271493213, + "max_recall": 93.14796425024826, + "similarity_accuracy": 82.62942779291554, + "similarity_accuracy_threshold": 83.4860622882843, + "similarity_ap": 93.39616519364185, + "similarity_f1": 88.03378695448146, + "similarity_f1_threshold": 83.4860622882843, + "similarity_precision": 83.45195729537367, + "similarity_recall": 93.14796425024826 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/PAC.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/PAC.json new file mode 100644 index 000000000..da0a3c280 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/PAC.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "fc69d1c153a8ccdcf1eef52f4e2a27f88782f543", + "task_name": "PAC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 64.80162177816392, + "ap": 74.10348604798286, + "ap_weighted": 74.10348604798286, + "f1": 61.280331645723685, + "f1_weighted": 65.03859489177282, + "main_score": 64.80162177816392 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/PAWSX.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/PAWSX.json new file mode 100644 index 000000000..ec4eb5eeb --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/PAWSX.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "9c6a90e430ac22b5779fb019a23e820b11a8b5e1", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 14.427978400689973, + "cosine_spearman": 15.182736434509348, + "euclidean_pearson": 17.726048874983753, + "euclidean_spearman": 15.201779286945575, + "main_score": 15.182736434509348, + "manhattan_pearson": 17.715716154164234, + "manhattan_spearman": 15.250986981738777, + "pearson": 14.427978400689973, + "spearman": 15.182736434509348 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/PSC.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/PSC.json new file mode 100644 index 000000000..02312be3f --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/PSC.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "d05a294af9e1d3ff2bfb6b714e08a24a6cabc669", + "task_name": "PSC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cosine_accuracy": 97.77365491651206, + "cosine_accuracy_threshold": 81.08445405960083, + "cosine_ap": 99.43195082030653, + "cosine_f1": 96.40718562874251, + "cosine_f1_threshold": 81.08445405960083, + "cosine_precision": 94.70588235294117, + "cosine_recall": 98.17073170731707, + "dot_accuracy": 97.77365491651206, + "dot_accuracy_threshold": 81.08445405960083, + "dot_ap": 99.43195082030653, + "dot_f1": 96.40718562874251, + "dot_f1_threshold": 81.08445405960083, + "dot_precision": 94.70588235294117, + "dot_recall": 98.17073170731707, + "euclidean_accuracy": 97.77365491651206, + "euclidean_accuracy_threshold": 61.50695085525513, + "euclidean_ap": 99.43195082030653, + "euclidean_f1": 96.40718562874251, + "euclidean_f1_threshold": 61.50695085525513, + "euclidean_precision": 94.70588235294117, + "euclidean_recall": 98.17073170731707, + "main_score": 99.46339853695966, + "manhattan_accuracy": 98.05194805194806, + "manhattan_accuracy_threshold": 1428.3578872680664, + "manhattan_ap": 99.46339853695966, + "manhattan_f1": 96.83257918552036, + "manhattan_f1_threshold": 1428.3578872680664, + "manhattan_precision": 95.82089552238806, + "manhattan_recall": 97.86585365853658, + "max_ap": 99.46339853695966, + "max_f1": 96.83257918552036, + "max_precision": 95.82089552238806, + "max_recall": 98.17073170731707, + "similarity_accuracy": 97.77365491651206, + "similarity_accuracy_threshold": 81.08445405960083, + "similarity_ap": 99.43195082030653, + "similarity_f1": 96.40718562874251, + "similarity_f1_threshold": 81.08445405960083, + "similarity_precision": 94.70588235294117, + "similarity_recall": 98.17073170731707 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/PawsXPairClassification.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/PawsXPairClassification.json new file mode 100644 index 000000000..8b4700b5c --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/PawsXPairClassification.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "8a04d940a42cd40658986fdd8e3da561533a3646", + "task_name": "PawsXPairClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cosine_accuracy": 60.8, + "cosine_accuracy_threshold": 98.90193939208984, + "cosine_ap": 60.50913122978733, + "cosine_f1": 62.69411339833874, + "cosine_f1_threshold": 95.17210125923157, + "cosine_precision": 46.51661307609861, + "cosine_recall": 96.12403100775194, + "dot_accuracy": 60.8, + "dot_accuracy_threshold": 98.9019513130188, + "dot_ap": 60.49770725998639, + "dot_f1": 62.69411339833874, + "dot_f1_threshold": 95.17210721969604, + "dot_precision": 46.51661307609861, + "dot_recall": 96.12403100775194, + "euclidean_accuracy": 60.8, + "euclidean_accuracy_threshold": 14.819307625293732, + "euclidean_ap": 60.50917425308617, + "euclidean_f1": 62.69411339833874, + "euclidean_f1_threshold": 31.07377290725708, + "euclidean_precision": 46.51661307609861, + "euclidean_recall": 96.12403100775194, + "main_score": 60.73371250119265, + "manhattan_accuracy": 60.9, + "manhattan_accuracy_threshold": 354.8734188079834, + "manhattan_ap": 60.73371250119265, + "manhattan_f1": 62.70506744440393, + "manhattan_f1_threshold": 711.578369140625, + "manhattan_precision": 46.73913043478261, + "manhattan_recall": 95.23809523809523, + "max_ap": 60.73371250119265, + "max_f1": 62.70506744440393, + "max_precision": 46.73913043478261, + "max_recall": 96.12403100775194, + "similarity_accuracy": 60.8, + "similarity_accuracy_threshold": 98.90193939208984, + "similarity_ap": 60.50913122978733, + "similarity_f1": 62.69411339833874, + "similarity_f1_threshold": 95.17210125923157, + "similarity_precision": 46.51661307609861, + "similarity_recall": 96.12403100775194 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/PolEmo2.0-IN.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/PolEmo2.0-IN.json new file mode 100644 index 000000000..5e576db5d --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/PolEmo2.0-IN.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d90724373c70959f17d2331ad51fb60c71176b03", + "task_name": "PolEmo2.0-IN", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 80.54016620498614, + "f1": 74.07868803329357, + "f1_weighted": 78.52375884318697, + "main_score": 80.54016620498614 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/PolEmo2.0-OUT.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/PolEmo2.0-OUT.json new file mode 100644 index 000000000..262d1018a --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/PolEmo2.0-OUT.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "6a21ab8716e255ab1867265f8b396105e8aa63d4", + "task_name": "PolEmo2.0-OUT", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 61.37651821862349, + "f1": 46.60510896853889, + "f1_weighted": 61.3956699958363, + "main_score": 61.37651821862349 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/QBQTC.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/QBQTC.json new file mode 100644 index 000000000..072df84d2 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/QBQTC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "790b0510dc52b1553e8c49f3d2afb48c0e5c48b7", + "task_name": "QBQTC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 28.677852039385687, + "cosine_spearman": 30.317414500566187, + "euclidean_pearson": 28.546943523039168, + "euclidean_spearman": 30.31773442605619, + "main_score": 30.317414500566187, + "manhattan_pearson": 29.06524931618951, + "manhattan_spearman": 30.85475318983088, + "pearson": 28.677852039385687, + "spearman": 30.317414500566187 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/Quora-PL.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/Quora-PL.json new file mode 100644 index 000000000..e4af1c7bc --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/Quora-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "0be27e93455051e531182b85e85e425aba12e9d4", + "task_name": "Quora-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 75.235, + "map_at_1": 57.720000000000006, + "map_at_10": 70.322, + "map_at_100": 71.208, + "map_at_1000": 71.247, + "map_at_20": 70.889, + "map_at_3": 67.278, + "map_at_5": 69.07900000000001, + "mrr_at_1": 66.44, + "mrr_at_10": 74.32428571428532, + "mrr_at_100": 74.67001717307676, + "mrr_at_1000": 74.68049849872023, + "mrr_at_20": 74.55920910032467, + "mrr_at_3": 72.6349999999996, + "mrr_at_5": 73.67099999999938, + "nauc_map_at_1000_diff1": 69.03523613954961, + "nauc_map_at_1000_max": 30.29022964222993, + "nauc_map_at_1000_std": -13.13676129820498, + "nauc_map_at_100_diff1": 69.03918889242972, + "nauc_map_at_100_max": 30.28851815152789, + "nauc_map_at_100_std": -13.173343854637487, + "nauc_map_at_10_diff1": 69.11834037559699, + "nauc_map_at_10_max": 29.609089948792388, + "nauc_map_at_10_std": -14.511647137697395, + "nauc_map_at_1_diff1": 72.50653845898617, + "nauc_map_at_1_max": 22.521228683262873, + "nauc_map_at_1_std": -17.72541519468729, + "nauc_map_at_20_diff1": 69.0572096712263, + "nauc_map_at_20_max": 30.09049337817234, + "nauc_map_at_20_std": -13.69213787699562, + "nauc_map_at_3_diff1": 69.4118549460786, + "nauc_map_at_3_max": 27.31606724944123, + "nauc_map_at_3_std": -16.430296769671298, + "nauc_map_at_5_diff1": 69.18608931793607, + "nauc_map_at_5_max": 28.681802217476093, + "nauc_map_at_5_std": -15.492619374306827, + "nauc_mrr_at_1000_diff1": 70.27871731978331, + "nauc_mrr_at_1000_max": 33.89585229097829, + "nauc_mrr_at_1000_std": -9.231498078778678, + "nauc_mrr_at_100_diff1": 70.27656223213475, + "nauc_mrr_at_100_max": 33.90583650980198, + "nauc_mrr_at_100_std": -9.213247629622375, + "nauc_mrr_at_10_diff1": 70.1800255282438, + "nauc_mrr_at_10_max": 33.975132933927085, + "nauc_mrr_at_10_std": -9.344439026014577, + "nauc_mrr_at_1_diff1": 72.72425945481199, + "nauc_mrr_at_1_max": 31.239650246117385, + "nauc_mrr_at_1_std": -11.607242701686696, + "nauc_mrr_at_20_diff1": 70.24166041655792, + "nauc_mrr_at_20_max": 33.9613048334359, + "nauc_mrr_at_20_std": -9.219736983314839, + "nauc_mrr_at_3_diff1": 70.06664104900666, + "nauc_mrr_at_3_max": 33.5732140539362, + "nauc_mrr_at_3_std": -9.778577982149953, + "nauc_mrr_at_5_diff1": 70.14739007028493, + "nauc_mrr_at_5_max": 33.796518466305834, + "nauc_mrr_at_5_std": -9.649151783176043, + "nauc_ndcg_at_1000_diff1": 68.62634218438664, + "nauc_ndcg_at_1000_max": 33.057143795018696, + "nauc_ndcg_at_1000_std": -9.563352961803663, + "nauc_ndcg_at_100_diff1": 68.58213175533443, + "nauc_ndcg_at_100_max": 33.35336572393414, + "nauc_ndcg_at_100_std": -9.127811506992467, + "nauc_ndcg_at_10_diff1": 68.26726256015203, + "nauc_ndcg_at_10_max": 32.33115112923283, + "nauc_ndcg_at_10_std": -11.874276014971688, + "nauc_ndcg_at_1_diff1": 72.66000012395291, + "nauc_ndcg_at_1_max": 31.283711202542207, + "nauc_ndcg_at_1_std": -11.501503096057867, + "nauc_ndcg_at_20_diff1": 68.39658663907474, + "nauc_ndcg_at_20_max": 33.08529095010713, + "nauc_ndcg_at_20_std": -10.437492609480433, + "nauc_ndcg_at_3_diff1": 68.05324210316826, + "nauc_ndcg_at_3_max": 30.30824001099573, + "nauc_ndcg_at_3_std": -13.044199992428771, + "nauc_ndcg_at_5_diff1": 68.10994364753626, + "nauc_ndcg_at_5_max": 31.182072802471055, + "nauc_ndcg_at_5_std": -12.836057047748234, + "nauc_precision_at_1000_diff1": -32.848796455727836, + "nauc_precision_at_1000_max": 6.715546095139156, + "nauc_precision_at_1000_std": 32.9655373056535, + "nauc_precision_at_100_diff1": -28.794521134307093, + "nauc_precision_at_100_max": 11.155432738297682, + "nauc_precision_at_100_std": 33.30986182557851, + "nauc_precision_at_10_diff1": -10.613535245108128, + "nauc_precision_at_10_max": 19.057316698279582, + "nauc_precision_at_10_std": 19.87457963908978, + "nauc_precision_at_1_diff1": 72.66000012395291, + "nauc_precision_at_1_max": 31.283711202542207, + "nauc_precision_at_1_std": -11.501503096057867, + "nauc_precision_at_20_diff1": -19.6984185276961, + "nauc_precision_at_20_max": 16.497527862287058, + "nauc_precision_at_20_std": 26.871607334073012, + "nauc_precision_at_3_diff1": 17.130494007304765, + "nauc_precision_at_3_max": 23.99199625132106, + "nauc_precision_at_3_std": 5.234797091652211, + "nauc_precision_at_5_diff1": 3.0202641879085697, + "nauc_precision_at_5_max": 22.31257369308076, + "nauc_precision_at_5_std": 12.502866671883032, + "nauc_recall_at_1000_diff1": 49.899967761974196, + "nauc_recall_at_1000_max": 54.39990257883846, + "nauc_recall_at_1000_std": 42.663306287015196, + "nauc_recall_at_100_diff1": 57.87887190551234, + "nauc_recall_at_100_max": 48.03395851487758, + "nauc_recall_at_100_std": 25.008694604591312, + "nauc_recall_at_10_diff1": 60.99359933290845, + "nauc_recall_at_10_max": 34.817508290483154, + "nauc_recall_at_10_std": -10.355946195658207, + "nauc_recall_at_1_diff1": 72.50653845898617, + "nauc_recall_at_1_max": 22.521228683262873, + "nauc_recall_at_1_std": -17.72541519468729, + "nauc_recall_at_20_diff1": 59.63721580389802, + "nauc_recall_at_20_max": 39.78324293003396, + "nauc_recall_at_20_std": -0.7738431870195353, + "nauc_recall_at_3_diff1": 64.28146361759069, + "nauc_recall_at_3_max": 27.55821665783294, + "nauc_recall_at_3_std": -16.385154477134336, + "nauc_recall_at_5_diff1": 62.687585623754046, + "nauc_recall_at_5_max": 30.357420406058328, + "nauc_recall_at_5_std": -14.95291415876769, + "ndcg_at_1": 66.47, + "ndcg_at_10": 75.235, + "ndcg_at_100": 77.847, + "ndcg_at_1000": 78.396, + "ndcg_at_20": 76.539, + "ndcg_at_3": 71.219, + "ndcg_at_5": 73.235, + "precision_at_1": 66.47, + "precision_at_10": 11.596, + "precision_at_100": 1.424, + "precision_at_1000": 0.153, + "precision_at_20": 6.331, + "precision_at_3": 31.130000000000003, + "precision_at_5": 20.735999999999997, + "recall_at_1": 57.720000000000006, + "recall_at_10": 85.249, + "recall_at_100": 95.39699999999999, + "recall_at_1000": 98.81, + "recall_at_20": 89.739, + "recall_at_3": 73.978, + "recall_at_5": 79.355 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/QuoraRetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/QuoraRetrieval.json new file mode 100644 index 000000000..2d1fd539e --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/QuoraRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "e4e08e0b7dbe3c8700f0daef558ff32256715259", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 89.387, + "map_at_1": 71.61699999999999, + "map_at_10": 85.785, + "map_at_100": 86.407, + "map_at_1000": 86.42, + "map_at_20": 86.206, + "map_at_3": 82.867, + "map_at_5": 84.736, + "mrr_at_1": 82.49, + "mrr_at_10": 88.59147619047603, + "mrr_at_100": 88.67100295673903, + "mrr_at_1000": 88.67132516200078, + "mrr_at_20": 88.6561804240649, + "mrr_at_3": 87.72499999999982, + "mrr_at_5": 88.34599999999975, + "nauc_map_at_1000_diff1": 77.75322227698767, + "nauc_map_at_1000_max": 27.15325474904755, + "nauc_map_at_1000_std": -45.950703261401266, + "nauc_map_at_100_diff1": 77.75046471198675, + "nauc_map_at_100_max": 27.125684918574887, + "nauc_map_at_100_std": -46.00793046653974, + "nauc_map_at_10_diff1": 77.96301805869726, + "nauc_map_at_10_max": 26.63787475984541, + "nauc_map_at_10_std": -48.2092244990593, + "nauc_map_at_1_diff1": 81.04847175933422, + "nauc_map_at_1_max": 20.828021860691376, + "nauc_map_at_1_std": -40.4427741623345, + "nauc_map_at_20_diff1": 77.82691021180123, + "nauc_map_at_20_max": 26.979439675350086, + "nauc_map_at_20_std": -46.94206477224242, + "nauc_map_at_3_diff1": 78.57251235300281, + "nauc_map_at_3_max": 24.306776325229592, + "nauc_map_at_3_std": -50.446232609379706, + "nauc_map_at_5_diff1": 78.23538738312993, + "nauc_map_at_5_max": 26.005150155221003, + "nauc_map_at_5_std": -49.72081450369548, + "nauc_mrr_at_1000_diff1": 78.29655431237718, + "nauc_mrr_at_1000_max": 29.392496550114718, + "nauc_mrr_at_1000_std": -41.08607589889516, + "nauc_mrr_at_100_diff1": 78.29662146607758, + "nauc_mrr_at_100_max": 29.393300424020218, + "nauc_mrr_at_100_std": -41.086465937239026, + "nauc_mrr_at_10_diff1": 78.30206302797494, + "nauc_mrr_at_10_max": 29.367617601691403, + "nauc_mrr_at_10_std": -41.241804159667225, + "nauc_mrr_at_1_diff1": 79.00375724290345, + "nauc_mrr_at_1_max": 29.763227602149133, + "nauc_mrr_at_1_std": -37.58361433096388, + "nauc_mrr_at_20_diff1": 78.29875275029173, + "nauc_mrr_at_20_max": 29.39463895371502, + "nauc_mrr_at_20_std": -41.13808938179999, + "nauc_mrr_at_3_diff1": 78.04981713424701, + "nauc_mrr_at_3_max": 28.760448174610858, + "nauc_mrr_at_3_std": -42.25770370267669, + "nauc_mrr_at_5_diff1": 78.24030781659526, + "nauc_mrr_at_5_max": 29.4627965404159, + "nauc_mrr_at_5_std": -41.48382971161236, + "nauc_ndcg_at_1000_diff1": 77.63586978346414, + "nauc_ndcg_at_1000_max": 28.36041361858413, + "nauc_ndcg_at_1000_std": -43.84956631664592, + "nauc_ndcg_at_100_diff1": 77.5782899412669, + "nauc_ndcg_at_100_max": 28.175349147299023, + "nauc_ndcg_at_100_std": -44.03384730985532, + "nauc_ndcg_at_10_diff1": 77.65612732311726, + "nauc_ndcg_at_10_max": 27.447934213310145, + "nauc_ndcg_at_10_std": -47.477846933136206, + "nauc_ndcg_at_1_diff1": 79.00375724290345, + "nauc_ndcg_at_1_max": 29.763227602149133, + "nauc_ndcg_at_1_std": -37.58361433096388, + "nauc_ndcg_at_20_diff1": 77.6857905925127, + "nauc_ndcg_at_20_max": 27.85965135690326, + "nauc_ndcg_at_20_std": -46.035623659567534, + "nauc_ndcg_at_3_diff1": 77.20000663124452, + "nauc_ndcg_at_3_max": 25.83926946771269, + "nauc_ndcg_at_3_std": -48.46047480037077, + "nauc_ndcg_at_5_diff1": 77.47304156996891, + "nauc_ndcg_at_5_max": 27.277217473255703, + "nauc_ndcg_at_5_std": -48.29036456924513, + "nauc_precision_at_1000_diff1": -44.34289619168728, + "nauc_precision_at_1000_max": -3.3267888861609882, + "nauc_precision_at_1000_std": 40.7640626789122, + "nauc_precision_at_100_diff1": -44.40180123691582, + "nauc_precision_at_100_max": -4.036815279824888, + "nauc_precision_at_100_std": 40.258738157948144, + "nauc_precision_at_10_diff1": -40.174969736392725, + "nauc_precision_at_10_max": -1.2107921107014503, + "nauc_precision_at_10_std": 26.914317558152383, + "nauc_precision_at_1_diff1": 79.00375724290345, + "nauc_precision_at_1_max": 29.763227602149133, + "nauc_precision_at_1_std": -37.58361433096388, + "nauc_precision_at_20_diff1": -42.997551532370395, + "nauc_precision_at_20_max": -2.7260912846581435, + "nauc_precision_at_20_std": 33.47494527610656, + "nauc_precision_at_3_diff1": -21.172181060238913, + "nauc_precision_at_3_max": 4.5591660958836835, + "nauc_precision_at_3_std": 4.474651862429931, + "nauc_precision_at_5_diff1": -33.376618015297154, + "nauc_precision_at_5_max": 1.7302644290575764, + "nauc_precision_at_5_std": 16.980633045220895, + "nauc_recall_at_1000_diff1": 58.24743045343488, + "nauc_recall_at_1000_max": -21.258859048904625, + "nauc_recall_at_1000_std": 5.841590725271873, + "nauc_recall_at_100_diff1": 64.62432244425025, + "nauc_recall_at_100_max": 11.438889005688548, + "nauc_recall_at_100_std": -48.21565456849923, + "nauc_recall_at_10_diff1": 73.84516212868728, + "nauc_recall_at_10_max": 21.581336143130912, + "nauc_recall_at_10_std": -71.40446430175044, + "nauc_recall_at_1_diff1": 81.04847175933422, + "nauc_recall_at_1_max": 20.828021860691376, + "nauc_recall_at_1_std": -40.4427741623345, + "nauc_recall_at_20_diff1": 74.07490425440125, + "nauc_recall_at_20_max": 22.741699258253938, + "nauc_recall_at_20_std": -75.22910750948694, + "nauc_recall_at_3_diff1": 74.81258758793922, + "nauc_recall_at_3_max": 19.256464797371688, + "nauc_recall_at_3_std": -61.27309744783545, + "nauc_recall_at_5_diff1": 73.49570838483187, + "nauc_recall_at_5_max": 22.485129670655922, + "nauc_recall_at_5_std": -64.95541946081566, + "ndcg_at_1": 82.49, + "ndcg_at_10": 89.387, + "ndcg_at_100": 90.464, + "ndcg_at_1000": 90.533, + "ndcg_at_20": 90.01599999999999, + "ndcg_at_3": 86.726, + "ndcg_at_5": 88.249, + "precision_at_1": 82.49, + "precision_at_10": 13.543, + "precision_at_100": 1.5350000000000001, + "precision_at_1000": 0.157, + "precision_at_20": 7.185, + "precision_at_3": 37.983, + "precision_at_5": 24.954, + "recall_at_1": 71.61699999999999, + "recall_at_10": 96.207, + "recall_at_100": 99.726, + "recall_at_1000": 99.991, + "recall_at_20": 98.188, + "recall_at_3": 88.466, + "recall_at_5": 92.83200000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/RUParaPhraserSTS.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/RUParaPhraserSTS.json new file mode 100644 index 000000000..20eb26014 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/RUParaPhraserSTS.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "43265056790b8f7c59e0139acb4be0a8dad2c8f4", + "task_name": "RUParaPhraserSTS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "cosine_pearson": 62.072853635744465, + "cosine_spearman": 68.32627155640247, + "euclidean_pearson": 65.56072460948485, + "euclidean_spearman": 68.32632364995054, + "main_score": 68.32627155640247, + "manhattan_pearson": 65.54799770948776, + "manhattan_spearman": 68.2428132570697, + "pearson": 62.072853635744465, + "spearman": 68.32627155640247 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/RedditClustering.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/RedditClustering.json new file mode 100644 index 000000000..a65fb3416 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/RedditClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 55.165421795067815, + "v_measure": 55.165421795067815, + "v_measure_std": 4.407201142010862 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/RedditClusteringP2P.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/RedditClusteringP2P.json new file mode 100644 index 000000000..126e3caca --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/RedditClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 64.40104113698271, + "v_measure": 64.40104113698271, + "v_measure_std": 13.302523246335362 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/RiaNewsRetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/RiaNewsRetrieval.json new file mode 100644 index 000000000..f7a7a12dd --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/RiaNewsRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "82374b0bbacda6114f39ff9c5b925fa1512ca5d7", + "task_name": "RiaNewsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "main_score": 79.42399999999999, + "map_at_1": 67.42, + "map_at_10": 75.81700000000001, + "map_at_100": 76.103, + "map_at_1000": 76.11099999999999, + "map_at_20": 76.011, + "map_at_3": 74.38, + "map_at_5": 75.31400000000001, + "mrr_at_1": 67.42, + "mrr_at_10": 75.81702380952322, + "mrr_at_100": 76.10294206257022, + "mrr_at_1000": 76.11127333184083, + "mrr_at_20": 76.01092756817413, + "mrr_at_3": 74.37999999999947, + "mrr_at_5": 75.31449999999931, + "nauc_map_at_1000_diff1": 74.47312749692254, + "nauc_map_at_1000_max": 24.255650636762592, + "nauc_map_at_1000_std": -13.538045103707466, + "nauc_map_at_100_diff1": 74.46935527123232, + "nauc_map_at_100_max": 24.260637479032273, + "nauc_map_at_100_std": -13.526893488105108, + "nauc_map_at_10_diff1": 74.37904649319015, + "nauc_map_at_10_max": 24.25477514829031, + "nauc_map_at_10_std": -13.673101053529166, + "nauc_map_at_1_diff1": 77.41742450291483, + "nauc_map_at_1_max": 21.561634939014, + "nauc_map_at_1_std": -15.302925641163046, + "nauc_map_at_20_diff1": 74.44339113303336, + "nauc_map_at_20_max": 24.281346979231508, + "nauc_map_at_20_std": -13.533874833150467, + "nauc_map_at_3_diff1": 74.31017752460161, + "nauc_map_at_3_max": 24.209272036097506, + "nauc_map_at_3_std": -14.053104049162751, + "nauc_map_at_5_diff1": 74.42859541067173, + "nauc_map_at_5_max": 24.16570861589971, + "nauc_map_at_5_std": -13.948432311463257, + "nauc_mrr_at_1000_diff1": 74.47312785315074, + "nauc_mrr_at_1000_max": 24.255652429274488, + "nauc_mrr_at_1000_std": -13.538043692357599, + "nauc_mrr_at_100_diff1": 74.46935527123232, + "nauc_mrr_at_100_max": 24.260637479032273, + "nauc_mrr_at_100_std": -13.526893488105108, + "nauc_mrr_at_10_diff1": 74.37904649319015, + "nauc_mrr_at_10_max": 24.25477514829031, + "nauc_mrr_at_10_std": -13.673101053529166, + "nauc_mrr_at_1_diff1": 77.41742450291483, + "nauc_mrr_at_1_max": 21.561634939014, + "nauc_mrr_at_1_std": -15.302925641163046, + "nauc_mrr_at_20_diff1": 74.44339113303336, + "nauc_mrr_at_20_max": 24.281346979231508, + "nauc_mrr_at_20_std": -13.533874833150467, + "nauc_mrr_at_3_diff1": 74.31017752460161, + "nauc_mrr_at_3_max": 24.209272036097506, + "nauc_mrr_at_3_std": -14.053104049162751, + "nauc_mrr_at_5_diff1": 74.42859541067173, + "nauc_mrr_at_5_max": 24.16570861589971, + "nauc_mrr_at_5_std": -13.948432311463257, + "nauc_ndcg_at_1000_diff1": 73.67049349073889, + "nauc_ndcg_at_1000_max": 25.36219767677513, + "nauc_ndcg_at_1000_std": -12.018149673769434, + "nauc_ndcg_at_100_diff1": 73.52540106541404, + "nauc_ndcg_at_100_max": 25.54104779422804, + "nauc_ndcg_at_100_std": -11.596858470683141, + "nauc_ndcg_at_10_diff1": 73.13668875552696, + "nauc_ndcg_at_10_max": 25.555285618887662, + "nauc_ndcg_at_10_std": -12.31485256997023, + "nauc_ndcg_at_1_diff1": 77.41742450291483, + "nauc_ndcg_at_1_max": 21.561634939014, + "nauc_ndcg_at_1_std": -15.302925641163046, + "nauc_ndcg_at_20_diff1": 73.35771732216482, + "nauc_ndcg_at_20_max": 25.73112191366883, + "nauc_ndcg_at_20_std": -11.69854261340669, + "nauc_ndcg_at_3_diff1": 73.20274751289709, + "nauc_ndcg_at_3_max": 25.285529084214925, + "nauc_ndcg_at_3_std": -13.37770120862227, + "nauc_ndcg_at_5_diff1": 73.33594229336342, + "nauc_ndcg_at_5_max": 25.281830078361644, + "nauc_ndcg_at_5_std": -13.088615162069974, + "nauc_precision_at_1000_diff1": 55.90120106013352, + "nauc_precision_at_1000_max": 55.70083105705886, + "nauc_precision_at_1000_std": 36.2217350708384, + "nauc_precision_at_100_diff1": 59.2870776629234, + "nauc_precision_at_100_max": 47.133189559008834, + "nauc_precision_at_100_std": 28.301920571571802, + "nauc_precision_at_10_diff1": 65.12757705051081, + "nauc_precision_at_10_max": 34.0578425463014, + "nauc_precision_at_10_std": -2.7826038995063618, + "nauc_precision_at_1_diff1": 77.41742450291483, + "nauc_precision_at_1_max": 21.561634939014, + "nauc_precision_at_1_std": -15.302925641163046, + "nauc_precision_at_20_diff1": 64.13592064044578, + "nauc_precision_at_20_max": 39.3269437952694, + "nauc_precision_at_20_std": 7.181669511985859, + "nauc_precision_at_3_diff1": 68.88283614651107, + "nauc_precision_at_3_max": 29.546078723110387, + "nauc_precision_at_3_std": -10.635148066667597, + "nauc_precision_at_5_diff1": 68.11610612745827, + "nauc_precision_at_5_max": 30.708733892411683, + "nauc_precision_at_5_std": -8.722606142068399, + "nauc_recall_at_1000_diff1": 55.90120106013372, + "nauc_recall_at_1000_max": 55.70083105705975, + "nauc_recall_at_1000_std": 36.22173507083937, + "nauc_recall_at_100_diff1": 59.287077662923856, + "nauc_recall_at_100_max": 47.1331895590096, + "nauc_recall_at_100_std": 28.30192057157174, + "nauc_recall_at_10_diff1": 65.1275770505108, + "nauc_recall_at_10_max": 34.057842546301245, + "nauc_recall_at_10_std": -2.7826038995065376, + "nauc_recall_at_1_diff1": 77.41742450291483, + "nauc_recall_at_1_max": 21.561634939014, + "nauc_recall_at_1_std": -15.302925641163046, + "nauc_recall_at_20_diff1": 64.13592064044556, + "nauc_recall_at_20_max": 39.32694379526965, + "nauc_recall_at_20_std": 7.181669511986287, + "nauc_recall_at_3_diff1": 68.88283614651114, + "nauc_recall_at_3_max": 29.54607872311032, + "nauc_recall_at_3_std": -10.635148066667742, + "nauc_recall_at_5_diff1": 68.11610612745811, + "nauc_recall_at_5_max": 30.70873389241151, + "nauc_recall_at_5_std": -8.722606142068207, + "ndcg_at_1": 67.42, + "ndcg_at_10": 79.42399999999999, + "ndcg_at_100": 80.754, + "ndcg_at_1000": 80.979, + "ndcg_at_20": 80.118, + "ndcg_at_3": 76.543, + "ndcg_at_5": 78.215, + "precision_at_1": 67.42, + "precision_at_10": 9.052, + "precision_at_100": 0.966, + "precision_at_1000": 0.098, + "precision_at_20": 4.662, + "precision_at_3": 27.589999999999996, + "precision_at_5": 17.36, + "recall_at_1": 67.42, + "recall_at_10": 90.52, + "recall_at_100": 96.61, + "recall_at_1000": 98.39, + "recall_at_20": 93.24, + "recall_at_3": 82.77, + "recall_at_5": 86.8 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/RuBQReranking.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/RuBQReranking.json new file mode 100644 index 000000000..e305f5b7d --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/RuBQReranking.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "2e96b8f098fa4b0950fc58eacadeb31c0d0c7fa2", + "task_name": "RuBQReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "main_score": 68.48180892753541, + "map": 68.48180892753541, + "mrr": 73.69372550223615, + "nAUC_map_diff1": 37.93778560797301, + "nAUC_map_max": 10.858022431340633, + "nAUC_map_std": 6.446466714820493, + "nAUC_mrr_diff1": 39.83698029227208, + "nAUC_mrr_max": 14.378309445768284, + "nAUC_mrr_std": 10.579567761464919 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/RuBQRetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/RuBQRetrieval.json new file mode 100644 index 000000000..a243876fb --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/RuBQRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "e19b6ffa60b3bc248e0b41f4cc37c26a55c2a67b", + "task_name": "RuBQRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "main_score": 66.77, + "map_at_1": 36.525, + "map_at_10": 58.021, + "map_at_100": 59.016000000000005, + "map_at_1000": 59.041999999999994, + "map_at_20": 58.709, + "map_at_3": 51.808, + "map_at_5": 55.706999999999994, + "mrr_at_1": 52.95508274231678, + "mrr_at_10": 66.10029926076034, + "mrr_at_100": 66.46489903689454, + "mrr_at_1000": 66.47135430048212, + "mrr_at_20": 66.36282360130573, + "mrr_at_3": 63.347123719464236, + "mrr_at_5": 65.20291568163925, + "nauc_map_at_1000_diff1": 36.39353112777031, + "nauc_map_at_1000_max": 14.511234479555156, + "nauc_map_at_1000_std": -12.003784393055856, + "nauc_map_at_100_diff1": 36.396297354858326, + "nauc_map_at_100_max": 14.532932252459755, + "nauc_map_at_100_std": -11.9933713072409, + "nauc_map_at_10_diff1": 36.19731963995984, + "nauc_map_at_10_max": 14.331593327284844, + "nauc_map_at_10_std": -12.607001882190588, + "nauc_map_at_1_diff1": 39.04224394212489, + "nauc_map_at_1_max": 9.44079807509392, + "nauc_map_at_1_std": -8.725551038382205, + "nauc_map_at_20_diff1": 36.27250811060138, + "nauc_map_at_20_max": 14.521970331255876, + "nauc_map_at_20_std": -12.033391150828098, + "nauc_map_at_3_diff1": 35.966460233965485, + "nauc_map_at_3_max": 11.62955834976298, + "nauc_map_at_3_std": -13.649024048480133, + "nauc_map_at_5_diff1": 36.131815002934644, + "nauc_map_at_5_max": 13.157509275481777, + "nauc_map_at_5_std": -13.36839170298778, + "nauc_mrr_at_1000_diff1": 40.191647456610056, + "nauc_mrr_at_1000_max": 16.63142892913043, + "nauc_mrr_at_1000_std": -12.671951113868769, + "nauc_mrr_at_100_diff1": 40.18726742271696, + "nauc_mrr_at_100_max": 16.638314382103207, + "nauc_mrr_at_100_std": -12.664912420744438, + "nauc_mrr_at_10_diff1": 40.028293277796855, + "nauc_mrr_at_10_max": 16.841638035795718, + "nauc_mrr_at_10_std": -12.781785759758687, + "nauc_mrr_at_1_diff1": 42.26303997344821, + "nauc_mrr_at_1_max": 14.211014905785252, + "nauc_mrr_at_1_std": -11.030701637062437, + "nauc_mrr_at_20_diff1": 40.12680433695074, + "nauc_mrr_at_20_max": 16.75915749592042, + "nauc_mrr_at_20_std": -12.613807048523782, + "nauc_mrr_at_3_diff1": 40.32434278687767, + "nauc_mrr_at_3_max": 15.811615950737387, + "nauc_mrr_at_3_std": -13.957860180387636, + "nauc_mrr_at_5_diff1": 40.09422159913817, + "nauc_mrr_at_5_max": 16.64090259238879, + "nauc_mrr_at_5_std": -13.230746065794726, + "nauc_ndcg_at_1000_diff1": 36.67352791454268, + "nauc_ndcg_at_1000_max": 16.749915190801016, + "nauc_ndcg_at_1000_std": -11.008545008175378, + "nauc_ndcg_at_100_diff1": 36.58072887287039, + "nauc_ndcg_at_100_max": 17.22374718832945, + "nauc_ndcg_at_100_std": -10.559637745205016, + "nauc_ndcg_at_10_diff1": 35.786024269753334, + "nauc_ndcg_at_10_max": 17.217091860749864, + "nauc_ndcg_at_10_std": -12.505927857541066, + "nauc_ndcg_at_1_diff1": 42.41055520049291, + "nauc_ndcg_at_1_max": 14.001922648893919, + "nauc_ndcg_at_1_std": -11.224085018036103, + "nauc_ndcg_at_20_diff1": 35.9577978619838, + "nauc_ndcg_at_20_max": 17.612142353807204, + "nauc_ndcg_at_20_std": -10.715656533623179, + "nauc_ndcg_at_3_diff1": 35.92331458170165, + "nauc_ndcg_at_3_max": 12.972908846104833, + "nauc_ndcg_at_3_std": -14.90499944816046, + "nauc_ndcg_at_5_diff1": 35.87509174776851, + "nauc_ndcg_at_5_max": 15.016606655112842, + "nauc_ndcg_at_5_std": -14.252766370474959, + "nauc_precision_at_1000_diff1": -7.854237065573715, + "nauc_precision_at_1000_max": 7.340193640831781, + "nauc_precision_at_1000_std": 5.270139452495764, + "nauc_precision_at_100_diff1": -5.433762342336105, + "nauc_precision_at_100_max": 10.323131724715576, + "nauc_precision_at_100_std": 6.065361232063088, + "nauc_precision_at_10_diff1": 1.6163013309854788, + "nauc_precision_at_10_max": 13.853149437703955, + "nauc_precision_at_10_std": -0.4630873244645538, + "nauc_precision_at_1_diff1": 42.41055520049291, + "nauc_precision_at_1_max": 14.001922648893919, + "nauc_precision_at_1_std": -11.224085018036103, + "nauc_precision_at_20_diff1": -2.406608082278331, + "nauc_precision_at_20_max": 12.672408320017443, + "nauc_precision_at_20_std": 4.420612595577876, + "nauc_precision_at_3_diff1": 15.724555799730243, + "nauc_precision_at_3_max": 12.818558415088615, + "nauc_precision_at_3_std": -11.49979730611224, + "nauc_precision_at_5_diff1": 8.485573750280292, + "nauc_precision_at_5_max": 13.304773839372094, + "nauc_precision_at_5_std": -6.633911950881821, + "nauc_recall_at_1000_diff1": -7.902591492154048, + "nauc_recall_at_1000_max": 54.202835032879946, + "nauc_recall_at_1000_std": 68.22401286555711, + "nauc_recall_at_100_diff1": 14.88281690495126, + "nauc_recall_at_100_max": 41.9305338281276, + "nauc_recall_at_100_std": 30.260295038603324, + "nauc_recall_at_10_diff1": 23.09613458762812, + "nauc_recall_at_10_max": 24.921985669652386, + "nauc_recall_at_10_std": -9.990910822464661, + "nauc_recall_at_1_diff1": 39.04224394212489, + "nauc_recall_at_1_max": 9.44079807509392, + "nauc_recall_at_1_std": -8.725551038382205, + "nauc_recall_at_20_diff1": 19.41298369752395, + "nauc_recall_at_20_max": 31.91169321346991, + "nauc_recall_at_20_std": 4.514353181881159, + "nauc_recall_at_3_diff1": 29.514018426239197, + "nauc_recall_at_3_max": 10.600179069626673, + "nauc_recall_at_3_std": -17.02685998662361, + "nauc_recall_at_5_diff1": 26.66966838912029, + "nauc_recall_at_5_max": 15.359436829533934, + "nauc_recall_at_5_std": -15.87666175175801, + "ndcg_at_1": 52.896, + "ndcg_at_10": 66.77, + "ndcg_at_100": 69.98100000000001, + "ndcg_at_1000": 70.408, + "ndcg_at_20": 68.53200000000001, + "ndcg_at_3": 58.074999999999996, + "ndcg_at_5": 62.841, + "precision_at_1": 52.896, + "precision_at_10": 13.8, + "precision_at_100": 1.609, + "precision_at_1000": 0.166, + "precision_at_20": 7.444000000000001, + "precision_at_3": 32.623999999999995, + "precision_at_5": 23.735, + "recall_at_1": 36.525, + "recall_at_10": 83.893, + "recall_at_100": 96.345, + "recall_at_1000": 99.126, + "recall_at_20": 89.812, + "recall_at_3": 62.58899999999999, + "recall_at_5": 73.64500000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/RuReviewsClassification.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/RuReviewsClassification.json new file mode 100644 index 000000000..781324cf4 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/RuReviewsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "f6d2c31f4dc6b88f468552750bfec05b4b41b05a", + "task_name": "RuReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 68.2373046875, + "f1": 66.6798984937843, + "f1_weighted": 66.67858774240374, + "main_score": 68.2373046875 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/RuSTSBenchmarkSTS.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/RuSTSBenchmarkSTS.json new file mode 100644 index 000000000..5020f969c --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/RuSTSBenchmarkSTS.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7cf24f325c6da6195df55bef3d86b5e0616f3018", + "task_name": "RuSTSBenchmarkSTS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "cosine_pearson": 77.06911833905438, + "cosine_spearman": 77.84605139753621, + "euclidean_pearson": 76.3616511204864, + "euclidean_spearman": 77.84487946345095, + "main_score": 77.84605139753621, + "manhattan_pearson": 76.35303659263998, + "manhattan_spearman": 77.87677782965115, + "pearson": 77.06911833905438, + "spearman": 77.84605139753621 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/RuSciBenchGRNTIClassification.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/RuSciBenchGRNTIClassification.json new file mode 100644 index 000000000..b3968008f --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/RuSciBenchGRNTIClassification.json @@ -0,0 +1,29 @@ +{ + "dataset_revision": "673a610d6d3dd91a547a0d57ae1b56f37ebbf6a1", + "task_name": "RuSciBenchGRNTIClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 61.23535156249999, + "f1": 59.029291161802334, + "f1_weighted": 59.041548793589406, + "main_score": 61.23535156249999 + }, + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "main_score": 56.82815630686135, + "v_measure": 56.82815630686135, + "v_measure_std": 0.6871068462323323 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/RuSciBenchOECDClassification.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/RuSciBenchOECDClassification.json new file mode 100644 index 000000000..5fad3b648 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/RuSciBenchOECDClassification.json @@ -0,0 +1,29 @@ +{ + "dataset_revision": "26c88e99dcaba32bb45d0e1bfc21902337f6d471", + "task_name": "RuSciBenchOECDClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 48.1005859375, + "f1": 44.918516110124315, + "f1_weighted": 44.91942618115105, + "main_score": 48.1005859375 + }, + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "main_score": 48.72707742931753, + "v_measure": 48.72707742931753, + "v_measure_std": 0.7258468439420995 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/SCIDOCS-PL.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/SCIDOCS-PL.json new file mode 100644 index 000000000..bc84de828 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/SCIDOCS-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "45452b03f05560207ef19149545f168e596c9337", + "task_name": "SCIDOCS-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 15.174000000000001, + "map_at_1": 3.6580000000000004, + "map_at_10": 8.796, + "map_at_100": 10.391, + "map_at_1000": 10.646, + "map_at_20": 9.592, + "map_at_3": 6.489000000000001, + "map_at_5": 7.600999999999999, + "mrr_at_1": 18.0, + "mrr_at_10": 26.845317460317457, + "mrr_at_100": 28.04995949015167, + "mrr_at_1000": 28.121893269944824, + "mrr_at_20": 27.566026091211864, + "mrr_at_3": 23.916666666666686, + "mrr_at_5": 25.551666666666666, + "nauc_map_at_1000_diff1": 17.302827041650488, + "nauc_map_at_1000_max": 26.65992706695422, + "nauc_map_at_1000_std": 18.96964501922404, + "nauc_map_at_100_diff1": 17.21226432890004, + "nauc_map_at_100_max": 26.45824637348571, + "nauc_map_at_100_std": 18.573352847100065, + "nauc_map_at_10_diff1": 17.02056023363081, + "nauc_map_at_10_max": 24.48428170985602, + "nauc_map_at_10_std": 14.014378375804235, + "nauc_map_at_1_diff1": 21.638506619768716, + "nauc_map_at_1_max": 19.709230810058283, + "nauc_map_at_1_std": 9.042419739024966, + "nauc_map_at_20_diff1": 17.067893569553323, + "nauc_map_at_20_max": 25.69106547536296, + "nauc_map_at_20_std": 16.535327068913993, + "nauc_map_at_3_diff1": 18.56349850011108, + "nauc_map_at_3_max": 22.127177599224744, + "nauc_map_at_3_std": 9.47260767358392, + "nauc_map_at_5_diff1": 18.05585009830461, + "nauc_map_at_5_max": 23.31477343090323, + "nauc_map_at_5_std": 11.257936348356862, + "nauc_mrr_at_1000_diff1": 19.71318833342125, + "nauc_mrr_at_1000_max": 22.359300102570092, + "nauc_mrr_at_1000_std": 13.89561747692388, + "nauc_mrr_at_100_diff1": 19.709804653242603, + "nauc_mrr_at_100_max": 22.365551370687967, + "nauc_mrr_at_100_std": 13.918573803759068, + "nauc_mrr_at_10_diff1": 19.74677273038544, + "nauc_mrr_at_10_max": 22.348783997030335, + "nauc_mrr_at_10_std": 13.606175345418963, + "nauc_mrr_at_1_diff1": 21.957688664351128, + "nauc_mrr_at_1_max": 19.50356102866365, + "nauc_mrr_at_1_std": 9.323755394169037, + "nauc_mrr_at_20_diff1": 19.5076818806823, + "nauc_mrr_at_20_max": 22.192342439483934, + "nauc_mrr_at_20_std": 13.705438410110608, + "nauc_mrr_at_3_diff1": 19.784830140193804, + "nauc_mrr_at_3_max": 21.606746947165416, + "nauc_mrr_at_3_std": 12.289045699872666, + "nauc_mrr_at_5_diff1": 20.139962218896674, + "nauc_mrr_at_5_max": 22.139813460789266, + "nauc_mrr_at_5_std": 13.177813432176084, + "nauc_ndcg_at_1000_diff1": 17.78059204124948, + "nauc_ndcg_at_1000_max": 29.830544327132436, + "nauc_ndcg_at_1000_std": 28.03254237837783, + "nauc_ndcg_at_100_diff1": 17.62481104076364, + "nauc_ndcg_at_100_max": 28.629131876483665, + "nauc_ndcg_at_100_std": 26.019853664301124, + "nauc_ndcg_at_10_diff1": 17.25237540570343, + "nauc_ndcg_at_10_max": 25.128032787033604, + "nauc_ndcg_at_10_std": 16.571629975349868, + "nauc_ndcg_at_1_diff1": 21.957688664351128, + "nauc_ndcg_at_1_max": 19.50356102866365, + "nauc_ndcg_at_1_std": 9.323755394169037, + "nauc_ndcg_at_20_diff1": 16.549388210526494, + "nauc_ndcg_at_20_max": 26.1871953370256, + "nauc_ndcg_at_20_std": 19.971064555030125, + "nauc_ndcg_at_3_diff1": 18.707127276019474, + "nauc_ndcg_at_3_max": 22.042786711511813, + "nauc_ndcg_at_3_std": 11.103829353868623, + "nauc_ndcg_at_5_diff1": 18.45321448876598, + "nauc_ndcg_at_5_max": 23.475902453066492, + "nauc_ndcg_at_5_std": 13.216222368946411, + "nauc_precision_at_1000_diff1": 11.843768977161584, + "nauc_precision_at_1000_max": 30.300299347010352, + "nauc_precision_at_1000_std": 41.123748924498585, + "nauc_precision_at_100_diff1": 13.765676375073074, + "nauc_precision_at_100_max": 29.769561801824956, + "nauc_precision_at_100_std": 37.56343888054612, + "nauc_precision_at_10_diff1": 14.123009605345343, + "nauc_precision_at_10_max": 26.045793706986558, + "nauc_precision_at_10_std": 20.45802977436883, + "nauc_precision_at_1_diff1": 21.957688664351128, + "nauc_precision_at_1_max": 19.50356102866365, + "nauc_precision_at_1_std": 9.323755394169037, + "nauc_precision_at_20_diff1": 12.080580953868749, + "nauc_precision_at_20_max": 26.741203934729374, + "nauc_precision_at_20_std": 26.249289307014976, + "nauc_precision_at_3_diff1": 17.390833784290034, + "nauc_precision_at_3_max": 22.639415005064585, + "nauc_precision_at_3_std": 11.481404394862311, + "nauc_precision_at_5_diff1": 17.18007614612505, + "nauc_precision_at_5_max": 24.244045184229563, + "nauc_precision_at_5_std": 15.180528647694574, + "nauc_recall_at_1000_diff1": 11.507406580463488, + "nauc_recall_at_1000_max": 30.78976497232251, + "nauc_recall_at_1000_std": 41.618419379918855, + "nauc_recall_at_100_diff1": 13.408507737517144, + "nauc_recall_at_100_max": 29.849796157178197, + "nauc_recall_at_100_std": 37.58778281760627, + "nauc_recall_at_10_diff1": 13.942112101503866, + "nauc_recall_at_10_max": 26.228452951171487, + "nauc_recall_at_10_std": 20.14835260352246, + "nauc_recall_at_1_diff1": 21.638506619768716, + "nauc_recall_at_1_max": 19.709230810058283, + "nauc_recall_at_1_std": 9.042419739024966, + "nauc_recall_at_20_diff1": 11.905542570350702, + "nauc_recall_at_20_max": 26.84107459006622, + "nauc_recall_at_20_std": 25.888986621614645, + "nauc_recall_at_3_diff1": 17.056201299401692, + "nauc_recall_at_3_max": 22.94288018834461, + "nauc_recall_at_3_std": 11.337560544201224, + "nauc_recall_at_5_diff1": 16.89022137209632, + "nauc_recall_at_5_max": 24.564195711081545, + "nauc_recall_at_5_std": 14.979769166201622, + "ndcg_at_1": 18.0, + "ndcg_at_10": 15.174000000000001, + "ndcg_at_100": 22.047, + "ndcg_at_1000": 27.057, + "ndcg_at_20": 17.628, + "ndcg_at_3": 14.536999999999999, + "ndcg_at_5": 12.590000000000002, + "precision_at_1": 18.0, + "precision_at_10": 7.82, + "precision_at_100": 1.773, + "precision_at_1000": 0.298, + "precision_at_20": 5.335, + "precision_at_3": 13.5, + "precision_at_5": 10.92, + "recall_at_1": 3.6580000000000004, + "recall_at_10": 15.867999999999999, + "recall_at_100": 36.068, + "recall_at_1000": 60.608, + "recall_at_20": 21.653, + "recall_at_3": 8.248, + "recall_at_5": 11.108 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/SCIDOCS.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/SCIDOCS.json new file mode 100644 index 000000000..51c058032 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/SCIDOCS.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f8c2fcf00f625baaa80f62ec5bd9e1fff3b8ae88", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 20.429, + "map_at_1": 4.868, + "map_at_10": 12.27, + "map_at_100": 14.332, + "map_at_1000": 14.625, + "map_at_20": 13.333, + "map_at_3": 8.795, + "map_at_5": 10.392, + "mrr_at_1": 24.0, + "mrr_at_10": 34.65333333333329, + "mrr_at_100": 35.674251079833766, + "mrr_at_1000": 35.73520785942911, + "mrr_at_20": 35.22774876654128, + "mrr_at_3": 31.166666666666664, + "mrr_at_5": 33.281666666666624, + "nauc_map_at_1000_diff1": 17.399043123319522, + "nauc_map_at_1000_max": 31.2734183775543, + "nauc_map_at_1000_std": 17.077403711100832, + "nauc_map_at_100_diff1": 17.403713887640865, + "nauc_map_at_100_max": 31.27377201272501, + "nauc_map_at_100_std": 16.87360366282937, + "nauc_map_at_10_diff1": 17.359001538120168, + "nauc_map_at_10_max": 30.468920168811948, + "nauc_map_at_10_std": 13.380268231544715, + "nauc_map_at_1_diff1": 21.421764472532455, + "nauc_map_at_1_max": 22.406495947870948, + "nauc_map_at_1_std": 7.278461750059741, + "nauc_map_at_20_diff1": 17.309681501618616, + "nauc_map_at_20_max": 30.723309484933736, + "nauc_map_at_20_std": 15.103661234366466, + "nauc_map_at_3_diff1": 19.21373088647576, + "nauc_map_at_3_max": 28.20473469906757, + "nauc_map_at_3_std": 8.112728025403056, + "nauc_map_at_5_diff1": 18.058060387271972, + "nauc_map_at_5_max": 30.126841947570814, + "nauc_map_at_5_std": 10.52754125285907, + "nauc_mrr_at_1000_diff1": 19.441702934302622, + "nauc_mrr_at_1000_max": 25.596393086654306, + "nauc_mrr_at_1000_std": 12.03335655261492, + "nauc_mrr_at_100_diff1": 19.45550504725835, + "nauc_mrr_at_100_max": 25.616075945406113, + "nauc_mrr_at_100_std": 12.064272002353919, + "nauc_mrr_at_10_diff1": 19.439283557585867, + "nauc_mrr_at_10_max": 25.630347604493288, + "nauc_mrr_at_10_std": 12.031032042077703, + "nauc_mrr_at_1_diff1": 21.522585669781943, + "nauc_mrr_at_1_max": 22.47948118859334, + "nauc_mrr_at_1_std": 7.382278936017263, + "nauc_mrr_at_20_diff1": 19.41398208318509, + "nauc_mrr_at_20_max": 25.627882587061446, + "nauc_mrr_at_20_std": 12.073194157092846, + "nauc_mrr_at_3_diff1": 19.605200019472257, + "nauc_mrr_at_3_max": 25.325244620209876, + "nauc_mrr_at_3_std": 9.621890524197736, + "nauc_mrr_at_5_diff1": 19.39540169944071, + "nauc_mrr_at_5_max": 25.603584740156034, + "nauc_mrr_at_5_std": 11.176904475558963, + "nauc_ndcg_at_1000_diff1": 16.677472512130397, + "nauc_ndcg_at_1000_max": 30.803531883263386, + "nauc_ndcg_at_1000_std": 24.271183062150264, + "nauc_ndcg_at_100_diff1": 17.36630862763037, + "nauc_ndcg_at_100_max": 31.94802140143363, + "nauc_ndcg_at_100_std": 23.50492571448407, + "nauc_ndcg_at_10_diff1": 16.96591943739385, + "nauc_ndcg_at_10_max": 29.983229462186355, + "nauc_ndcg_at_10_std": 16.195748077489096, + "nauc_ndcg_at_1_diff1": 21.522585669781943, + "nauc_ndcg_at_1_max": 22.47948118859334, + "nauc_ndcg_at_1_std": 7.382278936017263, + "nauc_ndcg_at_20_diff1": 16.95752397256498, + "nauc_ndcg_at_20_max": 30.17083071239411, + "nauc_ndcg_at_20_std": 18.58280825082001, + "nauc_ndcg_at_3_diff1": 18.84612108439313, + "nauc_ndcg_at_3_max": 27.98191818651593, + "nauc_ndcg_at_3_std": 9.424277024329921, + "nauc_ndcg_at_5_diff1": 17.508065912086675, + "nauc_ndcg_at_5_max": 29.611412732203608, + "nauc_ndcg_at_5_std": 12.623793734445126, + "nauc_precision_at_1000_diff1": 6.265199779097322, + "nauc_precision_at_1000_max": 20.008066463216657, + "nauc_precision_at_1000_std": 35.98021866405677, + "nauc_precision_at_100_diff1": 11.877723135952802, + "nauc_precision_at_100_max": 28.979530033834557, + "nauc_precision_at_100_std": 33.61448120665875, + "nauc_precision_at_10_diff1": 13.347374773447774, + "nauc_precision_at_10_max": 29.532781336663056, + "nauc_precision_at_10_std": 20.58195880074721, + "nauc_precision_at_1_diff1": 21.522585669781943, + "nauc_precision_at_1_max": 22.47948118859334, + "nauc_precision_at_1_std": 7.382278936017263, + "nauc_precision_at_20_diff1": 12.623490622184555, + "nauc_precision_at_20_max": 27.985132320790147, + "nauc_precision_at_20_std": 24.017624920206707, + "nauc_precision_at_3_diff1": 17.586564287642346, + "nauc_precision_at_3_max": 30.03148650786217, + "nauc_precision_at_3_std": 10.379451374554094, + "nauc_precision_at_5_diff1": 14.824891223085926, + "nauc_precision_at_5_max": 31.410239486293527, + "nauc_precision_at_5_std": 15.624402346760954, + "nauc_recall_at_1000_diff1": 6.310837044332995, + "nauc_recall_at_1000_max": 20.095529403256776, + "nauc_recall_at_1000_std": 36.54872612878018, + "nauc_recall_at_100_diff1": 12.038563848928966, + "nauc_recall_at_100_max": 28.986817020127525, + "nauc_recall_at_100_std": 33.54721716249713, + "nauc_recall_at_10_diff1": 13.26933896316366, + "nauc_recall_at_10_max": 29.38186602785486, + "nauc_recall_at_10_std": 20.275621953504526, + "nauc_recall_at_1_diff1": 21.421764472532455, + "nauc_recall_at_1_max": 22.406495947870948, + "nauc_recall_at_1_std": 7.278461750059741, + "nauc_recall_at_20_diff1": 12.570312459960123, + "nauc_recall_at_20_max": 27.709620758158497, + "nauc_recall_at_20_std": 23.607200666051515, + "nauc_recall_at_3_diff1": 17.403838471827413, + "nauc_recall_at_3_max": 30.03567479942994, + "nauc_recall_at_3_std": 10.168877039526405, + "nauc_recall_at_5_diff1": 14.617283448905278, + "nauc_recall_at_5_max": 31.260794318671316, + "nauc_recall_at_5_std": 15.292480271424239, + "ndcg_at_1": 24.0, + "ndcg_at_10": 20.429, + "ndcg_at_100": 28.327999999999996, + "ndcg_at_1000": 33.489999999999995, + "ndcg_at_20": 23.236, + "ndcg_at_3": 19.36, + "ndcg_at_5": 16.866, + "precision_at_1": 24.0, + "precision_at_10": 10.58, + "precision_at_100": 2.196, + "precision_at_1000": 0.344, + "precision_at_20": 6.9, + "precision_at_3": 17.967, + "precision_at_5": 14.74, + "recall_at_1": 4.868, + "recall_at_10": 21.47, + "recall_at_100": 44.622, + "recall_at_1000": 69.777, + "recall_at_20": 28.028, + "recall_at_3": 10.933, + "recall_at_5": 14.948 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/SICK-E-PL.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/SICK-E-PL.json new file mode 100644 index 000000000..b51d2f9a2 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/SICK-E-PL.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "71bba34b0ece6c56dfcf46d9758a27f7a90f17e9", + "task_name": "SICK-E-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cosine_accuracy": 78.12882185079495, + "cosine_accuracy_threshold": 95.76345682144165, + "cosine_ap": 63.56538407363026, + "cosine_f1": 60.88388690639582, + "cosine_f1_threshold": 92.86266565322876, + "cosine_precision": 49.53104064314426, + "cosine_recall": 78.98860398860398, + "dot_accuracy": 78.12882185079495, + "dot_accuracy_threshold": 95.76345682144165, + "dot_ap": 63.56553287602377, + "dot_f1": 60.88388690639582, + "dot_f1_threshold": 92.86266565322876, + "dot_precision": 49.53104064314426, + "dot_recall": 78.98860398860398, + "euclidean_accuracy": 78.12882185079495, + "euclidean_accuracy_threshold": 29.108554124832153, + "euclidean_ap": 63.56543484315041, + "euclidean_f1": 60.88388690639582, + "euclidean_f1_threshold": 37.781822681427, + "euclidean_precision": 49.53104064314426, + "euclidean_recall": 78.98860398860398, + "main_score": 63.56553287602377, + "manhattan_accuracy": 77.82307378719935, + "manhattan_accuracy_threshold": 658.8656902313232, + "manhattan_ap": 63.12761769067177, + "manhattan_f1": 60.76436623590872, + "manhattan_f1_threshold": 888.3136749267578, + "manhattan_precision": 49.48499776085983, + "manhattan_recall": 78.70370370370371, + "max_ap": 63.56553287602377, + "max_f1": 60.88388690639582, + "max_precision": 49.53104064314426, + "max_recall": 78.98860398860398, + "similarity_accuracy": 78.12882185079495, + "similarity_accuracy_threshold": 95.76345682144165, + "similarity_ap": 63.56538407363026, + "similarity_f1": 60.88388690639582, + "similarity_f1_threshold": 92.86266565322876, + "similarity_precision": 49.53104064314426, + "similarity_recall": 78.98860398860398 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/SICK-R-PL.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/SICK-R-PL.json new file mode 100644 index 000000000..842063db0 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/SICK-R-PL.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "fd5c2441b7eeff8676768036142af4cfa42c1339", + "task_name": "SICK-R-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cosine_pearson": 71.75502609028113, + "cosine_spearman": 66.52097638938338, + "euclidean_pearson": 68.6974439167054, + "euclidean_spearman": 66.52095939114172, + "main_score": 66.52097638938338, + "manhattan_pearson": 68.53848708135571, + "manhattan_spearman": 66.29909223435631, + "pearson": 71.75502609028113, + "spearman": 66.52097638938338 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/SICK-R.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/SICK-R.json new file mode 100644 index 000000000..228843005 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 83.56937382314794, + "cosine_spearman": 79.63245426461405, + "euclidean_pearson": 81.23038281326936, + "euclidean_spearman": 79.63246287500021, + "main_score": 79.63245426461405, + "manhattan_pearson": 81.22715334724163, + "manhattan_spearman": 79.47235517811446, + "pearson": 83.56937382314794, + "spearman": 79.63245426461405 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/SICKFr.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/SICKFr.json new file mode 100644 index 000000000..1b3fe0a67 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/SICKFr.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e077ab4cf4774a1e36d86d593b150422fafd8e8a", + "task_name": "SICKFr", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "cosine_pearson": 81.02846310969592, + "cosine_spearman": 77.47140335069184, + "euclidean_pearson": 77.4818795209704, + "euclidean_spearman": 77.4714043813526, + "main_score": 77.47140335069184, + "manhattan_pearson": 77.44622115854098, + "manhattan_spearman": 77.29743297817558, + "pearson": 81.02846310969592, + "spearman": 77.47140335069184 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/STS12.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/STS12.json new file mode 100644 index 000000000..c0dc55f5e --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 87.94074172378106, + "cosine_spearman": 81.49535893255212, + "euclidean_pearson": 85.67127466141365, + "euclidean_spearman": 81.49519105826656, + "main_score": 81.49535893255212, + "manhattan_pearson": 85.7939378777207, + "manhattan_spearman": 81.68788285150019, + "pearson": 87.94074172378106, + "spearman": 81.49535893255212 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/STS13.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/STS13.json new file mode 100644 index 000000000..b54ec6247 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 83.13868249088958, + "cosine_spearman": 84.49255715794354, + "euclidean_pearson": 83.94702761019037, + "euclidean_spearman": 84.49261181536836, + "main_score": 84.49255715794354, + "manhattan_pearson": 84.05461037469608, + "manhattan_spearman": 84.58504951653568, + "pearson": 83.13868249088958, + "spearman": 84.49255715794354 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/STS14.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/STS14.json new file mode 100644 index 000000000..7e98456e7 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 80.86639951141099, + "cosine_spearman": 80.05601661201852, + "euclidean_pearson": 80.97495767233256, + "euclidean_spearman": 80.05600716279979, + "main_score": 80.05601661201852, + "manhattan_pearson": 80.68673997093622, + "manhattan_spearman": 79.895855702411, + "pearson": 80.86639951141099, + "spearman": 80.05601661201852 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/STS15.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/STS15.json new file mode 100644 index 000000000..859823c25 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 84.13791770600066, + "cosine_spearman": 86.54345663501209, + "euclidean_pearson": 85.62978165451675, + "euclidean_spearman": 86.54346234593214, + "main_score": 86.54345663501209, + "manhattan_pearson": 85.3032964455555, + "manhattan_spearman": 86.30088652823572, + "pearson": 84.13791770600066, + "spearman": 86.54345663501209 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/STS16.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/STS16.json new file mode 100644 index 000000000..79c048b5f --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 84.40315982722548, + "cosine_spearman": 85.40751435377788, + "euclidean_pearson": 84.35271010578505, + "euclidean_spearman": 85.40751373941698, + "main_score": 85.40751435377788, + "manhattan_pearson": 84.17785174793401, + "manhattan_spearman": 85.23156904732424, + "pearson": 84.40315982722548, + "spearman": 85.40751435377788 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/STS17.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/STS17.json new file mode 100644 index 000000000..d72ecbb41 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/STS17.json @@ -0,0 +1,137 @@ +{ + "dataset_revision": "faeb762787bd10488a50c8b5be4a3b82e411949c", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-ar", + "languages": [ + "eng-Latn", + "ara-Arab" + ], + "cosine_pearson": 59.98924365555529, + "cosine_spearman": 60.12821686053337, + "euclidean_pearson": 60.90431312863765, + "euclidean_spearman": 60.12821686053337, + "main_score": 60.12821686053337, + "manhattan_pearson": 59.05369093717122, + "manhattan_spearman": 57.65837693471568, + "pearson": 59.98924365555529, + "spearman": 60.12821686053337 + }, + { + "hf_subset": "en-de", + "languages": [ + "eng-Latn", + "deu-Latn" + ], + "cosine_pearson": 74.95271349225828, + "cosine_spearman": 75.43839974308261, + "euclidean_pearson": 75.68179466828151, + "euclidean_spearman": 75.43839974308261, + "main_score": 75.43839974308261, + "manhattan_pearson": 75.4848070012919, + "manhattan_spearman": 74.92507658877852, + "pearson": 74.95271349225828, + "spearman": 75.43839974308261 + }, + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 86.18555151297676, + "cosine_spearman": 86.40304228488033, + "euclidean_pearson": 86.8788548303146, + "euclidean_spearman": 86.40304228488033, + "main_score": 86.40304228488033, + "manhattan_pearson": 86.79312171236047, + "manhattan_spearman": 86.26008520753594, + "pearson": 86.18555151297676, + "spearman": 86.40304228488033 + }, + { + "hf_subset": "en-tr", + "languages": [ + "eng-Latn", + "tur-Latn" + ], + "cosine_pearson": 54.99479996647493, + "cosine_spearman": 53.67766339389046, + "euclidean_pearson": 55.32473081178422, + "euclidean_spearman": 53.67766339389046, + "main_score": 53.67766339389046, + "manhattan_pearson": 54.66604584985125, + "manhattan_spearman": 52.48322788533404, + "pearson": 54.99479996647493, + "spearman": 53.67766339389046 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cosine_pearson": 76.65184590191937, + "cosine_spearman": 78.04569100389011, + "euclidean_pearson": 77.11425698246029, + "euclidean_spearman": 78.04569100389011, + "main_score": 78.04569100389011, + "manhattan_pearson": 77.34799982307821, + "manhattan_spearman": 78.22975685912238, + "pearson": 76.65184590191937, + "spearman": 78.04569100389011 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "cosine_pearson": 76.30743924244035, + "cosine_spearman": 75.2110676227775, + "euclidean_pearson": 77.10837892816058, + "euclidean_spearman": 75.2110676227775, + "main_score": 75.2110676227775, + "manhattan_pearson": 76.814009334774, + "manhattan_spearman": 74.96159426113054, + "pearson": 76.30743924244035, + "spearman": 75.2110676227775 + }, + { + "hf_subset": "it-en", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "cosine_pearson": 75.11771819741416, + "cosine_spearman": 74.96778304560281, + "euclidean_pearson": 75.56941540554674, + "euclidean_spearman": 74.96778304560281, + "main_score": 74.96778304560281, + "manhattan_pearson": 75.18422319871718, + "manhattan_spearman": 74.45788102060328, + "pearson": 75.11771819741416, + "spearman": 74.96778304560281 + }, + { + "hf_subset": "nl-en", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "cosine_pearson": 72.42454093118816, + "cosine_spearman": 71.9097547231894, + "euclidean_pearson": 73.04051728705643, + "euclidean_spearman": 71.9097547231894, + "main_score": 71.9097547231894, + "manhattan_pearson": 72.5487755597775, + "manhattan_spearman": 71.080265405627, + "pearson": 72.42454093118816, + "spearman": 71.9097547231894 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/STS22.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/STS22.json new file mode 100644 index 000000000..fdb22ef9e --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/STS22.json @@ -0,0 +1,245 @@ +{ + "dataset_revision": "de9d86b3b84231dc21f76c7b7af1f28e2f57f6e3", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 69.3881685924264, + "cosine_spearman": 69.37162939123382, + "euclidean_pearson": 70.5377770359738, + "euclidean_spearman": 69.37162939123382, + "main_score": 69.37162939123382, + "manhattan_pearson": 70.86501303890763, + "manhattan_spearman": 69.54018077011284, + "pearson": 69.3881685924264, + "spearman": 69.37162939123382 + }, + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "cosine_pearson": 64.64985744446284, + "cosine_spearman": 63.89323074678119, + "euclidean_pearson": 66.9623010036117, + "euclidean_spearman": 63.89323074678119, + "main_score": 63.89323074678119, + "manhattan_pearson": 68.60076281156398, + "manhattan_spearman": 64.80183430943912, + "pearson": 64.64985744446284, + "spearman": 63.89323074678119 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cosine_pearson": 78.95094282575697, + "cosine_spearman": 80.66341954222823, + "euclidean_pearson": 79.7677956183949, + "euclidean_spearman": 80.66341954222823, + "main_score": 80.66341954222823, + "manhattan_pearson": 81.52201735972797, + "manhattan_spearman": 81.65309541429473, + "pearson": 78.95094282575697, + "spearman": 80.66341954222823 + }, + { + "hf_subset": "pl-en", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "cosine_pearson": 77.99167158750629, + "cosine_spearman": 77.00326330683939, + "euclidean_pearson": 77.60571751826936, + "euclidean_spearman": 77.00326330683939, + "main_score": 77.00326330683939, + "manhattan_pearson": 78.19839585217989, + "manhattan_spearman": 78.44894390841364, + "pearson": 77.99167158750629, + "spearman": 77.00326330683939 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "cosine_pearson": 77.21035942564082, + "cosine_spearman": 76.57212143103963, + "euclidean_pearson": 78.03973868360728, + "euclidean_spearman": 76.57212143103963, + "main_score": 76.57212143103963, + "manhattan_pearson": 78.16591898142042, + "manhattan_spearman": 76.83958214147293, + "pearson": 77.21035942564082, + "spearman": 76.57212143103963 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 74.25169654144152, + "cosine_spearman": 74.02188505990078, + "euclidean_pearson": 71.78459076777199, + "euclidean_spearman": 74.02188505990078, + "main_score": 74.02188505990078, + "manhattan_pearson": 71.38471936226554, + "manhattan_spearman": 73.72453020549669, + "pearson": 74.25169654144152, + "spearman": 74.02188505990078 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "cosine_pearson": 77.21035942564082, + "cosine_spearman": 76.57212143103963, + "euclidean_pearson": 78.03973868360728, + "euclidean_spearman": 76.57212143103963, + "main_score": 76.57212143103963, + "manhattan_pearson": 78.16591898142042, + "manhattan_spearman": 76.83958214147293, + "pearson": 77.21035942564082, + "spearman": 76.57212143103963 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cosine_pearson": 77.1356210910051, + "cosine_spearman": 81.7065039306575, + "euclidean_pearson": 79.32575551712296, + "euclidean_spearman": 81.75624482168821, + "main_score": 81.7065039306575, + "manhattan_pearson": 81.05436417153798, + "manhattan_spearman": 82.13370902176736, + "pearson": 77.1356210910051, + "spearman": 81.7065039306575 + }, + { + "hf_subset": "de-fr", + "languages": [ + "deu-Latn", + "fra-Latn" + ], + "cosine_pearson": 61.40659325490285, + "cosine_spearman": 64.21007088135842, + "euclidean_pearson": 61.051174476106, + "euclidean_spearman": 64.21007088135842, + "main_score": 64.21007088135842, + "manhattan_pearson": 60.225817072214525, + "manhattan_spearman": 64.32288638294209, + "pearson": 61.40659325490285, + "spearman": 64.21007088135842 + }, + { + "hf_subset": "fr-pl", + "languages": [ + "fra-Latn", + "pol-Latn" + ], + "cosine_pearson": 88.17138238483673, + "cosine_spearman": 84.51542547285167, + "euclidean_pearson": 87.99782696047525, + "euclidean_spearman": 84.51542547285167, + "main_score": 84.51542547285167, + "manhattan_pearson": 85.811937669563, + "manhattan_spearman": 84.51542547285167, + "pearson": 88.17138238483673, + "spearman": 84.51542547285167 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "cosine_pearson": 40.06621394078099, + "cosine_spearman": 45.160446103264285, + "euclidean_pearson": 25.38908314629843, + "euclidean_spearman": 45.160446103264285, + "main_score": 45.160446103264285, + "manhattan_pearson": 25.13217941116968, + "manhattan_spearman": 45.05397285684081, + "pearson": 40.06621394078099, + "spearman": 45.160446103264285 + }, + { + "hf_subset": "pl-en", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "cosine_pearson": 77.99167158750629, + "cosine_spearman": 77.00326330683939, + "euclidean_pearson": 77.60571751826936, + "euclidean_spearman": 77.00326330683939, + "main_score": 77.00326330683939, + "manhattan_pearson": 78.19839585217989, + "manhattan_spearman": 78.44894390841364, + "pearson": 77.99167158750629, + "spearman": 77.00326330683939 + }, + { + "hf_subset": "de-pl", + "languages": [ + "deu-Latn", + "pol-Latn" + ], + "cosine_pearson": 40.2221719679774, + "cosine_spearman": 57.18465019880842, + "euclidean_pearson": 42.11211158455479, + "euclidean_spearman": 57.18465019880842, + "main_score": 57.18465019880842, + "manhattan_pearson": 43.24148614152723, + "manhattan_spearman": 56.35320940431847, + "pearson": 40.2221719679774, + "spearman": 57.18465019880842 + }, + { + "hf_subset": "fr-pl", + "languages": [ + "fra-Latn", + "pol-Latn" + ], + "cosine_pearson": 88.17138238483673, + "cosine_spearman": 84.51542547285167, + "euclidean_pearson": 87.99782696047525, + "euclidean_spearman": 84.51542547285167, + "main_score": 84.51542547285167, + "manhattan_pearson": 85.811937669563, + "manhattan_spearman": 84.51542547285167, + "pearson": 88.17138238483673, + "spearman": 84.51542547285167 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "cosine_pearson": 64.95220904597029, + "cosine_spearman": 67.35282990065247, + "euclidean_pearson": 64.72045496418937, + "euclidean_spearman": 67.35282990065247, + "main_score": 67.35282990065247, + "manhattan_pearson": 64.40621455763392, + "manhattan_spearman": 66.99408273892949, + "pearson": 64.95220904597029, + "spearman": 67.35282990065247 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/STSB.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/STSB.json new file mode 100644 index 000000000..c578a1596 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/STSB.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "0cde68302b3541bb8b3c340dc0644b0b745b3dc0", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 76.73366278962006, + "cosine_spearman": 78.136597096582, + "euclidean_pearson": 77.15227584574502, + "euclidean_spearman": 78.13622498113003, + "main_score": 78.136597096582, + "manhattan_pearson": 77.02225035694117, + "manhattan_spearman": 78.03964720563964, + "pearson": 76.73366278962006, + "spearman": 78.136597096582 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/STSBenchmark.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/STSBenchmark.json new file mode 100644 index 000000000..5fc3b5ec4 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 81.21615375003084, + "cosine_spearman": 84.2970803211202, + "euclidean_pearson": 83.54765755364517, + "euclidean_spearman": 84.2970803211202, + "main_score": 84.2970803211202, + "manhattan_pearson": 83.2769664077453, + "manhattan_spearman": 84.09545601307758, + "pearson": 81.21615375003084, + "spearman": 84.2970803211202 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/STSBenchmarkMultilingualSTS.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/STSBenchmarkMultilingualSTS.json new file mode 100644 index 000000000..5314460c8 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/STSBenchmarkMultilingualSTS.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "29afa2569dcedaaa2fe6a3dcfebab33d28b82e8c", + "task_name": "STSBenchmarkMultilingualSTS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cosine_pearson": 79.98375089796882, + "cosine_spearman": 81.06570417849169, + "euclidean_pearson": 79.44759787417051, + "euclidean_spearman": 81.06430479357311, + "main_score": 81.06570417849169, + "manhattan_pearson": 79.34683573713086, + "manhattan_spearman": 81.00584846124926, + "pearson": 79.98375089796882, + "spearman": 81.06570417849169 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/SciDocsRR.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/SciDocsRR.json new file mode 100644 index 000000000..e7a14c40a --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/SciDocsRR.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 80.72245608609909, + "map": 80.72245608609909, + "mrr": 94.86804408373035, + "nAUC_map_diff1": 3.565293868431913, + "nAUC_map_max": 53.87118155384518, + "nAUC_map_std": 69.73850807835032, + "nAUC_mrr_diff1": 48.33938058863373, + "nAUC_mrr_max": 82.0796869926262, + "nAUC_mrr_std": 79.20228314778093 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/SciFact-PL.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/SciFact-PL.json new file mode 100644 index 000000000..59a3e3a81 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/SciFact-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "47932a35f045ef8ed01ba82bf9ff67f6e109207e", + "task_name": "SciFact-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 62.064, + "map_at_1": 48.317, + "map_at_10": 57.693000000000005, + "map_at_100": 58.392999999999994, + "map_at_1000": 58.428999999999995, + "map_at_20": 58.108000000000004, + "map_at_3": 55.293000000000006, + "map_at_5": 56.595, + "mrr_at_1": 51.0, + "mrr_at_10": 59.019576719576705, + "mrr_at_100": 59.58007358566797, + "mrr_at_1000": 59.61403985820887, + "mrr_at_20": 59.35199007075942, + "mrr_at_3": 57.166666666666664, + "mrr_at_5": 58.08333333333332, + "nauc_map_at_1000_diff1": 55.90310480193163, + "nauc_map_at_1000_max": 40.922646499130586, + "nauc_map_at_1000_std": 6.308307542867231, + "nauc_map_at_100_diff1": 55.87923016501095, + "nauc_map_at_100_max": 40.930429212300396, + "nauc_map_at_100_std": 6.302652510324859, + "nauc_map_at_10_diff1": 55.96811326806582, + "nauc_map_at_10_max": 40.91912121040118, + "nauc_map_at_10_std": 6.315081020792943, + "nauc_map_at_1_diff1": 61.615316460538374, + "nauc_map_at_1_max": 34.4312789344494, + "nauc_map_at_1_std": -2.151749018851701, + "nauc_map_at_20_diff1": 55.781940594193316, + "nauc_map_at_20_max": 40.877518039008585, + "nauc_map_at_20_std": 6.170527123248918, + "nauc_map_at_3_diff1": 58.104315292507216, + "nauc_map_at_3_max": 39.524635028616544, + "nauc_map_at_3_std": 4.367263811245541, + "nauc_map_at_5_diff1": 56.60725686218003, + "nauc_map_at_5_max": 40.362341129747456, + "nauc_map_at_5_std": 5.222556427559299, + "nauc_mrr_at_1000_diff1": 56.243518111487454, + "nauc_mrr_at_1000_max": 41.92306224416779, + "nauc_mrr_at_1000_std": 7.331011181148979, + "nauc_mrr_at_100_diff1": 56.21745814714038, + "nauc_mrr_at_100_max": 41.92847851363498, + "nauc_mrr_at_100_std": 7.322136402819359, + "nauc_mrr_at_10_diff1": 56.22224221410973, + "nauc_mrr_at_10_max": 42.020110225540144, + "nauc_mrr_at_10_std": 7.367785001729785, + "nauc_mrr_at_1_diff1": 61.65968884760533, + "nauc_mrr_at_1_max": 39.22611274899148, + "nauc_mrr_at_1_std": 3.3484556807524357, + "nauc_mrr_at_20_diff1": 56.140226618395495, + "nauc_mrr_at_20_max": 41.92506913405156, + "nauc_mrr_at_20_std": 7.20339996949852, + "nauc_mrr_at_3_diff1": 57.82506573973446, + "nauc_mrr_at_3_max": 41.962001263558484, + "nauc_mrr_at_3_std": 6.909954113302328, + "nauc_mrr_at_5_diff1": 56.659054585223565, + "nauc_mrr_at_5_max": 42.220145330498326, + "nauc_mrr_at_5_std": 6.914754115832333, + "nauc_ndcg_at_1000_diff1": 54.101423320176956, + "nauc_ndcg_at_1000_max": 42.35761455565217, + "nauc_ndcg_at_1000_std": 9.158968107515042, + "nauc_ndcg_at_100_diff1": 53.193377266960695, + "nauc_ndcg_at_100_max": 42.39818084789296, + "nauc_ndcg_at_100_std": 8.982680006715663, + "nauc_ndcg_at_10_diff1": 52.7521864873992, + "nauc_ndcg_at_10_max": 42.25954681169497, + "nauc_ndcg_at_10_std": 9.025856795668409, + "nauc_ndcg_at_1_diff1": 61.65968884760533, + "nauc_ndcg_at_1_max": 39.22611274899148, + "nauc_ndcg_at_1_std": 3.3484556807524357, + "nauc_ndcg_at_20_diff1": 52.24054304553779, + "nauc_ndcg_at_20_max": 42.14484844258701, + "nauc_ndcg_at_20_std": 8.522811774790046, + "nauc_ndcg_at_3_diff1": 56.65801023652111, + "nauc_ndcg_at_3_max": 41.59901000744857, + "nauc_ndcg_at_3_std": 6.866411754213651, + "nauc_ndcg_at_5_diff1": 54.25032835371862, + "nauc_ndcg_at_5_max": 41.52568005051319, + "nauc_ndcg_at_5_std": 6.747184564934237, + "nauc_precision_at_1000_diff1": -12.438995870489618, + "nauc_precision_at_1000_max": 33.65458584888833, + "nauc_precision_at_1000_std": 38.65000092313945, + "nauc_precision_at_100_diff1": -3.7051397832573696, + "nauc_precision_at_100_max": 36.777033924925384, + "nauc_precision_at_100_std": 32.24732998272339, + "nauc_precision_at_10_diff1": 14.458974499542448, + "nauc_precision_at_10_max": 45.75828754327736, + "nauc_precision_at_10_std": 31.734511856215665, + "nauc_precision_at_1_diff1": 61.65968884760533, + "nauc_precision_at_1_max": 39.22611274899148, + "nauc_precision_at_1_std": 3.3484556807524357, + "nauc_precision_at_20_diff1": 6.911000226020142, + "nauc_precision_at_20_max": 42.75953196446269, + "nauc_precision_at_20_std": 30.293217657388254, + "nauc_precision_at_3_diff1": 39.95888414475174, + "nauc_precision_at_3_max": 46.81095681980396, + "nauc_precision_at_3_std": 20.732734118894037, + "nauc_precision_at_5_diff1": 27.25227607416867, + "nauc_precision_at_5_max": 45.278620768210615, + "nauc_precision_at_5_std": 22.7094842525771, + "nauc_recall_at_1000_diff1": 54.66853408029846, + "nauc_recall_at_1000_max": 69.49112978524705, + "nauc_recall_at_1000_std": 84.76890756302552, + "nauc_recall_at_100_diff1": 33.641140071848085, + "nauc_recall_at_100_max": 49.94619316653212, + "nauc_recall_at_100_std": 26.970675275760104, + "nauc_recall_at_10_diff1": 38.56340942303001, + "nauc_recall_at_10_max": 44.13889679913801, + "nauc_recall_at_10_std": 17.814455740104584, + "nauc_recall_at_1_diff1": 61.615316460538374, + "nauc_recall_at_1_max": 34.4312789344494, + "nauc_recall_at_1_std": -2.151749018851701, + "nauc_recall_at_20_diff1": 33.86997626483988, + "nauc_recall_at_20_max": 44.31136705663488, + "nauc_recall_at_20_std": 16.58271492635832, + "nauc_recall_at_3_diff1": 52.39739118413791, + "nauc_recall_at_3_max": 40.56472420414715, + "nauc_recall_at_3_std": 7.856902134348368, + "nauc_recall_at_5_diff1": 45.693766776717595, + "nauc_recall_at_5_max": 41.817545551209086, + "nauc_recall_at_5_std": 9.066813773598692, + "ndcg_at_1": 51.0, + "ndcg_at_10": 62.064, + "ndcg_at_100": 65.45, + "ndcg_at_1000": 66.366, + "ndcg_at_20": 63.418, + "ndcg_at_3": 57.915000000000006, + "ndcg_at_5": 59.65200000000001, + "precision_at_1": 51.0, + "precision_at_10": 8.433, + "precision_at_100": 1.03, + "precision_at_1000": 0.11, + "precision_at_20": 4.517, + "precision_at_3": 23.0, + "precision_at_5": 15.067, + "recall_at_1": 48.317, + "recall_at_10": 74.078, + "recall_at_100": 90.167, + "recall_at_1000": 97.333, + "recall_at_20": 79.256, + "recall_at_3": 62.561, + "recall_at_5": 67.039 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/SciFact.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/SciFact.json new file mode 100644 index 000000000..b4177c406 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/SciFact.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 72.604, + "map_at_1": 57.05, + "map_at_10": 68.026, + "map_at_100": 68.54299999999999, + "map_at_1000": 68.56, + "map_at_20": 68.329, + "map_at_3": 65.565, + "map_at_5": 66.81899999999999, + "mrr_at_1": 60.0, + "mrr_at_10": 68.97116402116401, + "mrr_at_100": 69.43171438050388, + "mrr_at_1000": 69.44900642374887, + "mrr_at_20": 69.25799802049801, + "mrr_at_3": 67.11111111111111, + "mrr_at_5": 68.27777777777779, + "nauc_map_at_1000_diff1": 66.45098144160822, + "nauc_map_at_1000_max": 52.26713946112144, + "nauc_map_at_1000_std": -3.2435941711161194, + "nauc_map_at_100_diff1": 66.45069255591629, + "nauc_map_at_100_max": 52.277529223166994, + "nauc_map_at_100_std": -3.236289003540743, + "nauc_map_at_10_diff1": 66.50847900934123, + "nauc_map_at_10_max": 52.56336813799116, + "nauc_map_at_10_std": -3.2225840417202547, + "nauc_map_at_1_diff1": 69.8066007922827, + "nauc_map_at_1_max": 46.19700236373352, + "nauc_map_at_1_std": -11.167127232139137, + "nauc_map_at_20_diff1": 66.49775686319742, + "nauc_map_at_20_max": 52.31488178119375, + "nauc_map_at_20_std": -3.528866881477926, + "nauc_map_at_3_diff1": 67.0124735448113, + "nauc_map_at_3_max": 51.47207513467635, + "nauc_map_at_3_std": -4.688170694240992, + "nauc_map_at_5_diff1": 66.37338579400031, + "nauc_map_at_5_max": 51.03182506884805, + "nauc_map_at_5_std": -4.090110073585303, + "nauc_mrr_at_1000_diff1": 66.13316468798861, + "nauc_mrr_at_1000_max": 53.18661162667272, + "nauc_mrr_at_1000_std": -1.1549432899803578, + "nauc_mrr_at_100_diff1": 66.13308912088833, + "nauc_mrr_at_100_max": 53.196523181344176, + "nauc_mrr_at_100_std": -1.148961396684306, + "nauc_mrr_at_10_diff1": 66.11198414850364, + "nauc_mrr_at_10_max": 53.45434553493992, + "nauc_mrr_at_10_std": -1.0202103385535555, + "nauc_mrr_at_1_diff1": 69.18818640546156, + "nauc_mrr_at_1_max": 50.224102107450285, + "nauc_mrr_at_1_std": -4.4508756307510104, + "nauc_mrr_at_20_diff1": 66.12038286624204, + "nauc_mrr_at_20_max": 53.23900442821744, + "nauc_mrr_at_20_std": -1.3453691424031584, + "nauc_mrr_at_3_diff1": 66.23482655095762, + "nauc_mrr_at_3_max": 53.519304370411625, + "nauc_mrr_at_3_std": -1.0512555098049736, + "nauc_mrr_at_5_diff1": 65.63605277411375, + "nauc_mrr_at_5_max": 53.17390536531564, + "nauc_mrr_at_5_std": -0.5198682324341892, + "nauc_ndcg_at_1000_diff1": 65.85075826609345, + "nauc_ndcg_at_1000_max": 53.814329968179045, + "nauc_ndcg_at_1000_std": -0.9856729250792472, + "nauc_ndcg_at_100_diff1": 65.78229528993444, + "nauc_ndcg_at_100_max": 54.1747645815977, + "nauc_ndcg_at_100_std": -0.47502756295876847, + "nauc_ndcg_at_10_diff1": 66.00876580480991, + "nauc_ndcg_at_10_max": 55.06235713538037, + "nauc_ndcg_at_10_std": -1.5534145585575012, + "nauc_ndcg_at_1_diff1": 69.18818640546156, + "nauc_ndcg_at_1_max": 50.224102107450285, + "nauc_ndcg_at_1_std": -4.4508756307510104, + "nauc_ndcg_at_20_diff1": 65.95831573232856, + "nauc_ndcg_at_20_max": 54.24206688010573, + "nauc_ndcg_at_20_std": -2.705254164112238, + "nauc_ndcg_at_3_diff1": 66.14046065126678, + "nauc_ndcg_at_3_max": 54.07332075118414, + "nauc_ndcg_at_3_std": -2.0119140501882793, + "nauc_ndcg_at_5_diff1": 65.21102868019805, + "nauc_ndcg_at_5_max": 52.596880916483165, + "nauc_ndcg_at_5_std": -2.1720193236802023, + "nauc_precision_at_1000_diff1": -21.99504940846271, + "nauc_precision_at_1000_max": 19.25403291298791, + "nauc_precision_at_1000_std": 46.296476764054404, + "nauc_precision_at_100_diff1": -11.741691903205695, + "nauc_precision_at_100_max": 25.699636707900623, + "nauc_precision_at_100_std": 43.96233624765463, + "nauc_precision_at_10_diff1": 11.568895847591932, + "nauc_precision_at_10_max": 39.43006347212197, + "nauc_precision_at_10_std": 28.751839941496836, + "nauc_precision_at_1_diff1": 69.18818640546156, + "nauc_precision_at_1_max": 50.224102107450285, + "nauc_precision_at_1_std": -4.4508756307510104, + "nauc_precision_at_20_diff1": 4.854833212085455, + "nauc_precision_at_20_max": 34.19851755381116, + "nauc_precision_at_20_std": 28.728626880402068, + "nauc_precision_at_3_diff1": 35.04823458092479, + "nauc_precision_at_3_max": 47.8670338954734, + "nauc_precision_at_3_std": 19.389299130775157, + "nauc_precision_at_5_diff1": 25.605002849466736, + "nauc_precision_at_5_max": 43.50575999348689, + "nauc_precision_at_5_std": 24.80257266140189, + "nauc_recall_at_1000_diff1": 55.07703081232429, + "nauc_recall_at_1000_max": 70.71661998132596, + "nauc_recall_at_1000_std": 64.58916900093288, + "nauc_recall_at_100_diff1": 59.97732426303837, + "nauc_recall_at_100_max": 71.64532479658504, + "nauc_recall_at_100_std": 37.87515006002412, + "nauc_recall_at_10_diff1": 64.45621875630812, + "nauc_recall_at_10_max": 64.72171592433827, + "nauc_recall_at_10_std": 0.9026532647803642, + "nauc_recall_at_1_diff1": 69.8066007922827, + "nauc_recall_at_1_max": 46.19700236373352, + "nauc_recall_at_1_std": -11.167127232139137, + "nauc_recall_at_20_diff1": 63.79448821637328, + "nauc_recall_at_20_max": 61.597381158568524, + "nauc_recall_at_20_std": -7.27449509788767, + "nauc_recall_at_3_diff1": 64.75442031192492, + "nauc_recall_at_3_max": 56.12106077054382, + "nauc_recall_at_3_std": -2.661587128227682, + "nauc_recall_at_5_diff1": 60.82940800383688, + "nauc_recall_at_5_max": 53.647222430433736, + "nauc_recall_at_5_std": -0.793229884870239, + "ndcg_at_1": 60.0, + "ndcg_at_10": 72.604, + "ndcg_at_100": 74.83800000000001, + "ndcg_at_1000": 75.27199999999999, + "ndcg_at_20": 73.599, + "ndcg_at_3": 68.509, + "ndcg_at_5": 70.352, + "precision_at_1": 60.0, + "precision_at_10": 9.733, + "precision_at_100": 1.083, + "precision_at_1000": 0.11199999999999999, + "precision_at_20": 5.067, + "precision_at_3": 27.444000000000003, + "precision_at_5": 17.666999999999998, + "recall_at_1": 57.05, + "recall_at_10": 85.422, + "recall_at_100": 95.333, + "recall_at_1000": 98.667, + "recall_at_20": 89.156, + "recall_at_3": 74.211, + "recall_at_5": 79.094 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/SensitiveTopicsClassification.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/SensitiveTopicsClassification.json new file mode 100644 index 000000000..569ddfc99 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/SensitiveTopicsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "416b34a802308eac30e4192afc0ff99bb8dcc7f2", + "task_name": "SensitiveTopicsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 29.624023437500004, + "f1": 33.214028020582894, + "lrap": 44.53599717881868, + "main_score": 29.624023437500004 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/SprintDuplicateQuestions.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..e79c98fa6 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/SprintDuplicateQuestions.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 99.76237623762376, + "cosine_accuracy_threshold": 89.08973932266235, + "cosine_ap": 93.82184396471453, + "cosine_f1": 87.87878787878789, + "cosine_f1_threshold": 89.08973932266235, + "cosine_precision": 88.77551020408163, + "cosine_recall": 87.0, + "dot_accuracy": 99.76237623762376, + "dot_accuracy_threshold": 89.08973932266235, + "dot_ap": 93.82179339271785, + "dot_f1": 87.87878787878789, + "dot_f1_threshold": 89.08973932266235, + "dot_precision": 88.77551020408163, + "dot_recall": 87.0, + "euclidean_accuracy": 99.76237623762376, + "euclidean_accuracy_threshold": 46.71244025230408, + "euclidean_ap": 93.82184396471453, + "euclidean_f1": 87.87878787878789, + "euclidean_f1_threshold": 46.71244025230408, + "euclidean_precision": 88.77551020408163, + "euclidean_recall": 87.0, + "main_score": 94.18170827750167, + "manhattan_accuracy": 99.77425742574258, + "manhattan_accuracy_threshold": 1095.131492614746, + "manhattan_ap": 94.18170827750167, + "manhattan_f1": 88.45577211394303, + "manhattan_f1_threshold": 1108.85648727417, + "manhattan_precision": 88.41158841158841, + "manhattan_recall": 88.5, + "max_ap": 94.18170827750167, + "max_f1": 88.45577211394303, + "max_precision": 88.77551020408163, + "max_recall": 88.5, + "similarity_accuracy": 99.76237623762376, + "similarity_accuracy_threshold": 89.08973932266235, + "similarity_ap": 93.82184396471453, + "similarity_f1": 87.87878787878789, + "similarity_f1_threshold": 89.08973932266235, + "similarity_precision": 88.77551020408163, + "similarity_recall": 87.0 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/StackExchangeClustering.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/StackExchangeClustering.json new file mode 100644 index 000000000..e3a98ca51 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/StackExchangeClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 65.93583959980214, + "v_measure": 65.93583959980214, + "v_measure_std": 3.9403815544270233 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/StackExchangeClusteringP2P.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..7d21923e0 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/StackExchangeClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 35.594885571404724, + "v_measure": 35.594885571404724, + "v_measure_std": 1.5163847345337254 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/StackOverflowDupQuestions.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..95fb57004 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/StackOverflowDupQuestions.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 49.85213562933509, + "map": 49.85213562933509, + "mrr": 50.62702922077922, + "nAUC_map_diff1": 36.55011836042864, + "nAUC_map_max": 13.45991062036654, + "nAUC_map_std": 10.192881915639742, + "nAUC_mrr_diff1": 37.058265888016976, + "nAUC_mrr_max": 14.081819232783383, + "nAUC_mrr_std": 11.215978874656958 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/SummEval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/SummEval.json new file mode 100644 index 000000000..d03cdd35f --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 25.349220308622627, + "cosine_spearman": 27.880975911253458, + "dot_pearson": 25.349197273883224, + "dot_spearman": 27.880903951553655, + "main_score": 27.880975911253458, + "pearson": 25.349220308622627, + "spearman": 27.880975911253458 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/SummEvalFr.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/SummEvalFr.json new file mode 100644 index 000000000..8680fe97e --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/SummEvalFr.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "b385812de6a9577b6f4d0f88c6a6e35395a94054", + "task_name": "SummEvalFr", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "cosine_pearson": 31.198220154029464, + "cosine_spearman": 30.886000528607877, + "dot_pearson": 31.19822718500702, + "dot_spearman": 30.86590068433314, + "main_score": 30.886000528607877, + "pearson": 31.198220154029464, + "spearman": 30.886000528607877 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/SyntecReranking.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/SyntecReranking.json new file mode 100644 index 000000000..4417d28a8 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/SyntecReranking.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "daf0863838cd9e3ba50544cdce3ac2b338a1b0ad", + "task_name": "SyntecReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "main_score": 86.6, + "map": 86.6, + "mrr": 86.6, + "nAUC_map_diff1": 59.66160008216082, + "nAUC_map_max": 19.768885092568734, + "nAUC_map_std": 44.66975354255961, + "nAUC_mrr_diff1": 59.66160008216082, + "nAUC_mrr_max": 19.768885092568734, + "nAUC_mrr_std": 44.66975354255961 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/SyntecRetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/SyntecRetrieval.json new file mode 100644 index 000000000..3098ceea1 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/SyntecRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "19661ccdca4dfc2d15122d776b61685f48c68ca9", + "task_name": "SyntecRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "main_score": 81.899, + "map_at_1": 64.0, + "map_at_10": 76.594, + "map_at_100": 76.66199999999999, + "map_at_1000": 76.66199999999999, + "map_at_20": 76.644, + "map_at_3": 74.833, + "map_at_5": 76.183, + "mrr_at_1": 64.0, + "mrr_at_10": 76.59404761904761, + "mrr_at_100": 76.66159147869675, + "mrr_at_1000": 76.66159147869675, + "mrr_at_20": 76.64404761904763, + "mrr_at_3": 74.83333333333333, + "mrr_at_5": 76.18333333333334, + "nauc_map_at_1000_diff1": 53.82627007182553, + "nauc_map_at_1000_max": 17.927045359651704, + "nauc_map_at_1000_std": -6.973071195715382, + "nauc_map_at_100_diff1": 53.82627007182553, + "nauc_map_at_100_max": 17.927045359651704, + "nauc_map_at_100_std": -6.973071195715382, + "nauc_map_at_10_diff1": 53.90625505629818, + "nauc_map_at_10_max": 18.12979815440444, + "nauc_map_at_10_std": -6.664265062780913, + "nauc_map_at_1_diff1": 57.671797164388835, + "nauc_map_at_1_max": 16.9354323668412, + "nauc_map_at_1_std": -11.064631498275675, + "nauc_map_at_20_diff1": 53.789271077104125, + "nauc_map_at_20_max": 17.922015037605867, + "nauc_map_at_20_std": -6.934974465544576, + "nauc_map_at_3_diff1": 52.10054809507078, + "nauc_map_at_3_max": 17.282564201023686, + "nauc_map_at_3_std": -7.316507696153171, + "nauc_map_at_5_diff1": 53.84305456072319, + "nauc_map_at_5_max": 18.0761340059772, + "nauc_map_at_5_std": -6.788097105243701, + "nauc_mrr_at_1000_diff1": 53.82627007182553, + "nauc_mrr_at_1000_max": 17.927045359651704, + "nauc_mrr_at_1000_std": -6.973071195715382, + "nauc_mrr_at_100_diff1": 53.82627007182553, + "nauc_mrr_at_100_max": 17.927045359651704, + "nauc_mrr_at_100_std": -6.973071195715382, + "nauc_mrr_at_10_diff1": 53.90625505629818, + "nauc_mrr_at_10_max": 18.12979815440444, + "nauc_mrr_at_10_std": -6.664265062780913, + "nauc_mrr_at_1_diff1": 57.671797164388835, + "nauc_mrr_at_1_max": 16.9354323668412, + "nauc_mrr_at_1_std": -11.064631498275675, + "nauc_mrr_at_20_diff1": 53.789271077104125, + "nauc_mrr_at_20_max": 17.922015037605867, + "nauc_mrr_at_20_std": -6.934974465544576, + "nauc_mrr_at_3_diff1": 52.10054809507078, + "nauc_mrr_at_3_max": 17.282564201023686, + "nauc_mrr_at_3_std": -7.316507696153171, + "nauc_mrr_at_5_diff1": 53.84305456072319, + "nauc_mrr_at_5_max": 18.0761340059772, + "nauc_mrr_at_5_std": -6.788097105243701, + "nauc_ndcg_at_1000_diff1": 53.47773846493816, + "nauc_ndcg_at_1000_max": 18.270810672735895, + "nauc_ndcg_at_1000_std": -6.204392784046327, + "nauc_ndcg_at_100_diff1": 53.47773846493816, + "nauc_ndcg_at_100_max": 18.270810672735895, + "nauc_ndcg_at_100_std": -6.204392784046327, + "nauc_ndcg_at_10_diff1": 53.70897446254982, + "nauc_ndcg_at_10_max": 19.41340528944212, + "nauc_ndcg_at_10_std": -4.167245194562443, + "nauc_ndcg_at_1_diff1": 57.671797164388835, + "nauc_ndcg_at_1_max": 16.9354323668412, + "nauc_ndcg_at_1_std": -11.064631498275675, + "nauc_ndcg_at_20_diff1": 53.013882632385034, + "nauc_ndcg_at_20_max": 18.20334171980294, + "nauc_ndcg_at_20_std": -5.7313885736485455, + "nauc_ndcg_at_3_diff1": 49.798853568516044, + "nauc_ndcg_at_3_max": 17.88910440624622, + "nauc_ndcg_at_3_std": -5.959252175174665, + "nauc_ndcg_at_5_diff1": 53.565830685346896, + "nauc_ndcg_at_5_max": 19.301209293805627, + "nauc_ndcg_at_5_std": -4.5368156313357435, + "nauc_precision_at_1000_diff1": NaN, + "nauc_precision_at_1000_max": NaN, + "nauc_precision_at_1000_std": NaN, + "nauc_precision_at_100_diff1": NaN, + "nauc_precision_at_100_max": NaN, + "nauc_precision_at_100_std": NaN, + "nauc_precision_at_10_diff1": 56.13912231559286, + "nauc_precision_at_10_max": 56.13912231559286, + "nauc_precision_at_10_std": 67.9038281979461, + "nauc_precision_at_1_diff1": 57.671797164388835, + "nauc_precision_at_1_max": 16.9354323668412, + "nauc_precision_at_1_std": -11.064631498275675, + "nauc_precision_at_20_diff1": 12.278244631185926, + "nauc_precision_at_20_max": 12.278244631185926, + "nauc_precision_at_20_std": 35.80765639589114, + "nauc_precision_at_3_diff1": 36.90404604415416, + "nauc_precision_at_3_max": 21.58749248346349, + "nauc_precision_at_3_std": 1.5204879305900956, + "nauc_precision_at_5_diff1": 53.47338935574264, + "nauc_precision_at_5_max": 33.86554621848775, + "nauc_precision_at_5_std": 22.00746965452886, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": NaN, + "nauc_recall_at_100_max": NaN, + "nauc_recall_at_100_std": NaN, + "nauc_recall_at_10_diff1": 56.13912231559305, + "nauc_recall_at_10_max": 56.13912231559305, + "nauc_recall_at_10_std": 67.903828197946, + "nauc_recall_at_1_diff1": 57.671797164388835, + "nauc_recall_at_1_max": 16.9354323668412, + "nauc_recall_at_1_std": -11.064631498275675, + "nauc_recall_at_20_diff1": 12.278244631185359, + "nauc_recall_at_20_max": 12.278244631185359, + "nauc_recall_at_20_std": 35.80765639589109, + "nauc_recall_at_3_diff1": 36.904046044154384, + "nauc_recall_at_3_max": 21.587492483463492, + "nauc_recall_at_3_std": 1.5204879305901602, + "nauc_recall_at_5_diff1": 53.47338935574226, + "nauc_recall_at_5_max": 33.86554621848721, + "nauc_recall_at_5_std": 22.00746965452852, + "ndcg_at_1": 64.0, + "ndcg_at_10": 81.899, + "ndcg_at_100": 82.297, + "ndcg_at_1000": 82.297, + "ndcg_at_20": 82.126, + "ndcg_at_3": 78.464, + "ndcg_at_5": 80.917, + "precision_at_1": 64.0, + "precision_at_10": 9.8, + "precision_at_100": 1.0, + "precision_at_1000": 0.1, + "precision_at_20": 4.95, + "precision_at_3": 29.666999999999998, + "precision_at_5": 19.0, + "recall_at_1": 64.0, + "recall_at_10": 98.0, + "recall_at_100": 100.0, + "recall_at_1000": 100.0, + "recall_at_20": 99.0, + "recall_at_3": 89.0, + "recall_at_5": 95.0 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/T2Reranking.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/T2Reranking.json new file mode 100644 index 000000000..d11a7abd2 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/T2Reranking.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "76631901a18387f85eaa53e5450019b87ad58ef9", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 66.38154648171584, + "map": 66.38154648171584, + "mrr": 76.14530606871499, + "nAUC_map_diff1": -9.806394737932642, + "nAUC_map_max": 33.96115791248053, + "nAUC_map_std": -3.643316859964786, + "nAUC_mrr_diff1": -6.510263484170889, + "nAUC_mrr_max": 26.441557887574124, + "nAUC_mrr_std": -4.608018494327204 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/T2Retrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/T2Retrieval.json new file mode 100644 index 000000000..b83623050 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/T2Retrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "8731a845f1bf500a4f111cf1070785c793d10e64", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 84.133, + "map_at_1": 27.297, + "map_at_10": 76.494, + "map_at_100": 80.119, + "map_at_1000": 80.185, + "map_at_20": 79.251, + "map_at_3": 53.864999999999995, + "map_at_5": 66.143, + "mrr_at_1": 89.57566193231632, + "mrr_at_10": 92.13000711126722, + "mrr_at_100": 92.21882184581148, + "mrr_at_1000": 92.22214774256558, + "mrr_at_20": 92.18699134744894, + "mrr_at_3": 91.66228300894257, + "mrr_at_5": 91.97264597580231, + "nauc_map_at_1000_diff1": 15.207460819974095, + "nauc_map_at_1000_max": 42.32453165892631, + "nauc_map_at_1000_std": 21.593634336302127, + "nauc_map_at_100_diff1": 15.216272171820561, + "nauc_map_at_100_max": 42.22983840076597, + "nauc_map_at_100_std": 21.534370324932652, + "nauc_map_at_10_diff1": 19.599553856210008, + "nauc_map_at_10_max": 30.246318219245573, + "nauc_map_at_10_std": 5.914404965156733, + "nauc_map_at_1_diff1": 52.87085305237716, + "nauc_map_at_1_max": -24.27989564325726, + "nauc_map_at_1_std": -35.442050298290376, + "nauc_map_at_20_diff1": 15.87998380728732, + "nauc_map_at_20_max": 39.78308211411551, + "nauc_map_at_20_std": 18.241218939315434, + "nauc_map_at_3_diff1": 39.155089053329014, + "nauc_map_at_3_max": -11.970155586820502, + "nauc_map_at_3_std": -31.83333979404834, + "nauc_map_at_5_diff1": 31.43539185744996, + "nauc_map_at_5_max": 3.5586067754503152, + "nauc_map_at_5_std": -20.89939723260621, + "nauc_mrr_at_1000_diff1": 47.58856242843391, + "nauc_mrr_at_1000_max": 73.33044542878086, + "nauc_mrr_at_1000_std": 41.41370720044016, + "nauc_mrr_at_100_diff1": 47.58885589082642, + "nauc_mrr_at_100_max": 73.33895048178488, + "nauc_mrr_at_100_std": 41.42862248729776, + "nauc_mrr_at_10_diff1": 47.60432720674615, + "nauc_mrr_at_10_max": 73.47964069672504, + "nauc_mrr_at_10_std": 41.60604407817306, + "nauc_mrr_at_1_diff1": 47.84195771830615, + "nauc_mrr_at_1_max": 68.95221045759685, + "nauc_mrr_at_1_std": 35.145250281429824, + "nauc_mrr_at_20_diff1": 47.58534671931297, + "nauc_mrr_at_20_max": 73.39618815713096, + "nauc_mrr_at_20_std": 41.50538366605475, + "nauc_mrr_at_3_diff1": 47.54080143480509, + "nauc_mrr_at_3_max": 73.27456449852177, + "nauc_mrr_at_3_std": 41.190010138623364, + "nauc_mrr_at_5_diff1": 47.631799071300314, + "nauc_mrr_at_5_max": 73.50427384392508, + "nauc_mrr_at_5_std": 41.41445819292792, + "nauc_ndcg_at_1000_diff1": 19.178203338132032, + "nauc_ndcg_at_1000_max": 54.846002008332206, + "nauc_ndcg_at_1000_std": 33.669755579706234, + "nauc_ndcg_at_100_diff1": 18.825625578528154, + "nauc_ndcg_at_100_max": 53.96154830438667, + "nauc_ndcg_at_100_std": 33.63879617215427, + "nauc_ndcg_at_10_diff1": 18.95559446945268, + "nauc_ndcg_at_10_max": 44.21334528575739, + "nauc_ndcg_at_10_std": 22.47737214494352, + "nauc_ndcg_at_1_diff1": 47.84195771830615, + "nauc_ndcg_at_1_max": 68.95221045759685, + "nauc_ndcg_at_1_std": 35.145250281429824, + "nauc_ndcg_at_20_diff1": 18.915787332802143, + "nauc_ndcg_at_20_max": 48.64628634208606, + "nauc_ndcg_at_20_std": 27.471901227649102, + "nauc_ndcg_at_3_diff1": 14.800326460175548, + "nauc_ndcg_at_3_max": 58.714123081214986, + "nauc_ndcg_at_3_std": 32.87146819333138, + "nauc_ndcg_at_5_diff1": 15.117887863548916, + "nauc_ndcg_at_5_max": 51.62270126506565, + "nauc_ndcg_at_5_std": 28.21637936542305, + "nauc_precision_at_1000_diff1": -34.6115257538737, + "nauc_precision_at_1000_max": 46.57505454335497, + "nauc_precision_at_1000_std": 58.73410354296305, + "nauc_precision_at_100_diff1": -34.51864090348213, + "nauc_precision_at_100_max": 48.12778307352527, + "nauc_precision_at_100_std": 60.33112526548986, + "nauc_precision_at_10_diff1": -33.913446995683536, + "nauc_precision_at_10_max": 51.827800576762726, + "nauc_precision_at_10_std": 56.15214316846719, + "nauc_precision_at_1_diff1": 47.84195771830615, + "nauc_precision_at_1_max": 68.95221045759685, + "nauc_precision_at_1_std": 35.145250281429824, + "nauc_precision_at_20_diff1": -34.25535498799855, + "nauc_precision_at_20_max": 50.23119733433027, + "nauc_precision_at_20_std": 59.671418737988546, + "nauc_precision_at_3_diff1": -28.417107232598877, + "nauc_precision_at_3_max": 61.16886341335774, + "nauc_precision_at_3_std": 48.34533128391697, + "nauc_precision_at_5_diff1": -33.54570066440394, + "nauc_precision_at_5_max": 56.522769824532936, + "nauc_precision_at_5_std": 51.704950593707935, + "nauc_recall_at_1000_diff1": 2.93977183499487, + "nauc_recall_at_1000_max": 59.19161397622145, + "nauc_recall_at_1000_std": 62.44563668374114, + "nauc_recall_at_100_diff1": 8.013825549311562, + "nauc_recall_at_100_max": 49.846341160862714, + "nauc_recall_at_100_std": 48.1170998033127, + "nauc_recall_at_10_diff1": 18.010735796887985, + "nauc_recall_at_10_max": 21.358569425898903, + "nauc_recall_at_10_std": 1.3301139186106035, + "nauc_recall_at_1_diff1": 52.87085305237716, + "nauc_recall_at_1_max": -24.27989564325726, + "nauc_recall_at_1_std": -35.442050298290376, + "nauc_recall_at_20_diff1": 11.816321531579238, + "nauc_recall_at_20_max": 36.13782953010234, + "nauc_recall_at_20_std": 23.555109581359886, + "nauc_recall_at_3_diff1": 37.46336191367832, + "nauc_recall_at_3_max": -16.038670342884316, + "nauc_recall_at_3_std": -34.074784083025214, + "nauc_recall_at_5_diff1": 30.274716744272567, + "nauc_recall_at_5_max": -4.34067124108913, + "nauc_recall_at_5_std": -26.21894992157237, + "ndcg_at_1": 89.576, + "ndcg_at_10": 84.133, + "ndcg_at_100": 87.773, + "ndcg_at_1000": 88.421, + "ndcg_at_20": 85.909, + "ndcg_at_3": 85.539, + "ndcg_at_5": 84.143, + "precision_at_1": 89.576, + "precision_at_10": 41.789, + "precision_at_100": 4.995, + "precision_at_1000": 0.515, + "precision_at_20": 23.224, + "precision_at_3": 74.79400000000001, + "precision_at_5": 62.683, + "recall_at_1": 27.297, + "recall_at_10": 83.035, + "recall_at_100": 94.915, + "recall_at_1000": 98.225, + "recall_at_20": 88.984, + "recall_at_3": 55.533, + "recall_at_5": 69.575 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/TERRa.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/TERRa.json new file mode 100644 index 000000000..7b27f70b3 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/TERRa.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "7b58f24536063837d644aab9a023c62199b2a612", + "task_name": "TERRa", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "cosine_accuracy": 57.98045602605863, + "cosine_accuracy_threshold": 83.04829597473145, + "cosine_ap": 55.56580974377611, + "cosine_f1": 66.9603524229075, + "cosine_f1_threshold": 73.216313123703, + "cosine_precision": 50.498338870431894, + "cosine_recall": 99.34640522875817, + "dot_accuracy": 57.98045602605863, + "dot_accuracy_threshold": 83.04829597473145, + "dot_ap": 55.56580974377611, + "dot_f1": 66.9603524229075, + "dot_f1_threshold": 73.21631908416748, + "dot_precision": 50.498338870431894, + "dot_recall": 99.34640522875817, + "euclidean_accuracy": 57.98045602605863, + "euclidean_accuracy_threshold": 58.226633071899414, + "euclidean_ap": 55.56580974377611, + "euclidean_f1": 66.9603524229075, + "euclidean_f1_threshold": 73.18969368934631, + "euclidean_precision": 50.498338870431894, + "euclidean_recall": 99.34640522875817, + "main_score": 55.56580974377611, + "manhattan_accuracy": 57.98045602605863, + "manhattan_accuracy_threshold": 1336.6012573242188, + "manhattan_ap": 55.5371135438789, + "manhattan_f1": 66.95842450765863, + "manhattan_f1_threshold": 1720.5078125, + "manhattan_precision": 50.32894736842105, + "manhattan_recall": 100.0, + "max_ap": 55.56580974377611, + "max_f1": 66.9603524229075, + "max_precision": 50.498338870431894, + "max_recall": 100.0, + "similarity_accuracy": 57.98045602605863, + "similarity_accuracy_threshold": 83.04829597473145, + "similarity_ap": 55.56580974377611, + "similarity_f1": 66.9603524229075, + "similarity_f1_threshold": 73.216313123703, + "similarity_precision": 50.498338870431894, + "similarity_recall": 99.34640522875817 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/TNews.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/TNews.json new file mode 100644 index 000000000..3436c822b --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/TNews.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "317f262bf1e6126357bbe89e875451e4b0938fe4", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 51.664, + "f1": 49.254634831292336, + "f1_weighted": 51.23047453836118, + "main_score": 51.664 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/TRECCOVID-PL.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/TRECCOVID-PL.json new file mode 100644 index 000000000..976d1e308 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/TRECCOVID-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "81bcb408f33366c2a20ac54adafad1ae7e877fdd", + "task_name": "TRECCOVID-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 69.244, + "map_at_1": 0.216, + "map_at_10": 1.717, + "map_at_100": 9.051, + "map_at_1000": 21.688, + "map_at_20": 2.972, + "map_at_3": 0.624, + "map_at_5": 0.9809999999999999, + "mrr_at_1": 82.0, + "mrr_at_10": 88.41666666666666, + "mrr_at_100": 88.57051282051282, + "mrr_at_1000": 88.57051282051282, + "mrr_at_20": 88.57051282051282, + "mrr_at_3": 87.66666666666666, + "mrr_at_5": 88.16666666666666, + "nauc_map_at_1000_diff1": -21.210172839828886, + "nauc_map_at_1000_max": 50.364439193708456, + "nauc_map_at_1000_std": 82.23413161215711, + "nauc_map_at_100_diff1": -3.737989437317314, + "nauc_map_at_100_max": 40.24314095187729, + "nauc_map_at_100_std": 74.6556355692718, + "nauc_map_at_10_diff1": 24.069758586207186, + "nauc_map_at_10_max": 25.978576944212445, + "nauc_map_at_10_std": 30.92185789388276, + "nauc_map_at_1_diff1": 33.44422662406722, + "nauc_map_at_1_max": 18.58849173002632, + "nauc_map_at_1_std": 23.001195148863555, + "nauc_map_at_20_diff1": 16.195748164952704, + "nauc_map_at_20_max": 32.418991157208055, + "nauc_map_at_20_std": 45.053299350375795, + "nauc_map_at_3_diff1": 32.94899528110181, + "nauc_map_at_3_max": 16.721379232494304, + "nauc_map_at_3_std": 18.336699336799814, + "nauc_map_at_5_diff1": 30.34930846309755, + "nauc_map_at_5_max": 19.37661209832802, + "nauc_map_at_5_std": 20.312897662543314, + "nauc_mrr_at_1000_diff1": 49.418158929182006, + "nauc_mrr_at_1000_max": 67.05328023364747, + "nauc_mrr_at_1000_std": 70.85520896614209, + "nauc_mrr_at_100_diff1": 49.418158929182006, + "nauc_mrr_at_100_max": 67.05328023364747, + "nauc_mrr_at_100_std": 70.85520896614209, + "nauc_mrr_at_10_diff1": 49.50157932873256, + "nauc_mrr_at_10_max": 65.88227845429796, + "nauc_mrr_at_10_std": 70.87422352601853, + "nauc_mrr_at_1_diff1": 44.82872563057607, + "nauc_mrr_at_1_max": 70.45930168520755, + "nauc_mrr_at_1_std": 69.88104416785988, + "nauc_mrr_at_20_diff1": 49.418158929182006, + "nauc_mrr_at_20_max": 67.05328023364747, + "nauc_mrr_at_20_std": 70.85520896614209, + "nauc_mrr_at_3_diff1": 49.71407489393107, + "nauc_mrr_at_3_max": 67.77215590165227, + "nauc_mrr_at_3_std": 72.72379898279185, + "nauc_mrr_at_5_diff1": 50.328834220772976, + "nauc_mrr_at_5_max": 66.34746357369875, + "nauc_mrr_at_5_std": 71.51800332961842, + "nauc_ndcg_at_1000_diff1": -11.723371568664843, + "nauc_ndcg_at_1000_max": 53.41150083076567, + "nauc_ndcg_at_1000_std": 81.94372023908832, + "nauc_ndcg_at_100_diff1": -15.990454633114279, + "nauc_ndcg_at_100_max": 45.35431514782352, + "nauc_ndcg_at_100_std": 75.73014493320755, + "nauc_ndcg_at_10_diff1": 4.30050518239422, + "nauc_ndcg_at_10_max": 50.83631607203189, + "nauc_ndcg_at_10_std": 63.1087699434136, + "nauc_ndcg_at_1_diff1": 17.206529677661354, + "nauc_ndcg_at_1_max": 62.14050255620695, + "nauc_ndcg_at_1_std": 64.51116243264046, + "nauc_ndcg_at_20_diff1": -5.9182205607515685, + "nauc_ndcg_at_20_max": 49.12802457140552, + "nauc_ndcg_at_20_std": 68.77672262568693, + "nauc_ndcg_at_3_diff1": 22.158007969692125, + "nauc_ndcg_at_3_max": 48.17593837968984, + "nauc_ndcg_at_3_std": 58.4991887813489, + "nauc_ndcg_at_5_diff1": 16.89487399786786, + "nauc_ndcg_at_5_max": 46.752900245009414, + "nauc_ndcg_at_5_std": 60.870638593862914, + "nauc_precision_at_1000_diff1": -24.67751088399524, + "nauc_precision_at_1000_max": 42.70887481946044, + "nauc_precision_at_1000_std": 49.219386318590566, + "nauc_precision_at_100_diff1": -19.829901963316278, + "nauc_precision_at_100_max": 44.4613898680245, + "nauc_precision_at_100_std": 74.8829067578589, + "nauc_precision_at_10_diff1": -0.6759004971171398, + "nauc_precision_at_10_max": 52.16154071543153, + "nauc_precision_at_10_std": 62.98886080224083, + "nauc_precision_at_1_diff1": 44.82872563057607, + "nauc_precision_at_1_max": 70.45930168520755, + "nauc_precision_at_1_std": 69.88104416785988, + "nauc_precision_at_20_diff1": -11.458671607862547, + "nauc_precision_at_20_max": 49.71202888307331, + "nauc_precision_at_20_std": 71.79100842422972, + "nauc_precision_at_3_diff1": 30.23048096153466, + "nauc_precision_at_3_max": 48.24954855245538, + "nauc_precision_at_3_std": 54.344575833478935, + "nauc_precision_at_5_diff1": 13.925893655561437, + "nauc_precision_at_5_max": 46.23506752573775, + "nauc_precision_at_5_std": 59.610666544378944, + "nauc_recall_at_1000_diff1": -13.691809447793393, + "nauc_recall_at_1000_max": 50.39633577248049, + "nauc_recall_at_1000_std": 76.65225154588104, + "nauc_recall_at_100_diff1": 4.67778695632382, + "nauc_recall_at_100_max": 30.19071079451134, + "nauc_recall_at_100_std": 65.03682595699173, + "nauc_recall_at_10_diff1": 26.24600831247693, + "nauc_recall_at_10_max": 22.235399614875632, + "nauc_recall_at_10_std": 27.653841671594176, + "nauc_recall_at_1_diff1": 33.44422662406722, + "nauc_recall_at_1_max": 18.58849173002632, + "nauc_recall_at_1_std": 23.001195148863555, + "nauc_recall_at_20_diff1": 19.13211263378722, + "nauc_recall_at_20_max": 26.697525172621827, + "nauc_recall_at_20_std": 40.9095035359023, + "nauc_recall_at_3_diff1": 30.47343886364865, + "nauc_recall_at_3_max": 12.854379330237647, + "nauc_recall_at_3_std": 14.711252261798258, + "nauc_recall_at_5_diff1": 28.344400535065112, + "nauc_recall_at_5_max": 14.755638630484144, + "nauc_recall_at_5_std": 15.864031786019787, + "ndcg_at_1": 72.0, + "ndcg_at_10": 69.244, + "ndcg_at_100": 50.834, + "ndcg_at_1000": 45.535, + "ndcg_at_20": 65.676, + "ndcg_at_3": 73.776, + "ndcg_at_5": 72.715, + "precision_at_1": 82.0, + "precision_at_10": 73.6, + "precision_at_100": 52.22, + "precision_at_1000": 20.380000000000003, + "precision_at_20": 69.0, + "precision_at_3": 81.333, + "precision_at_5": 79.2, + "recall_at_1": 0.216, + "recall_at_10": 1.8900000000000001, + "recall_at_100": 12.359, + "recall_at_1000": 42.791000000000004, + "recall_at_20": 3.44, + "recall_at_3": 0.653, + "recall_at_5": 1.048 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/TRECCOVID.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/TRECCOVID.json new file mode 100644 index 000000000..9bcc2296a --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/TRECCOVID.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "bb9466bac8153a0349341eb1b22e06409e78ef4e", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 79.536, + "map_at_1": 0.215, + "map_at_10": 2.048, + "map_at_100": 12.842999999999998, + "map_at_1000": 31.032, + "map_at_20": 3.8379999999999996, + "map_at_3": 0.64, + "map_at_5": 1.052, + "mrr_at_1": 84.0, + "mrr_at_10": 91.16666666666666, + "mrr_at_100": 91.16666666666666, + "mrr_at_1000": 91.16666666666666, + "mrr_at_20": 91.16666666666666, + "mrr_at_3": 90.66666666666666, + "mrr_at_5": 91.16666666666666, + "nauc_map_at_1000_diff1": -18.530580290412697, + "nauc_map_at_1000_max": 43.14744028154331, + "nauc_map_at_1000_std": 79.6699665194256, + "nauc_map_at_100_diff1": -21.271315814062437, + "nauc_map_at_100_max": 17.55081814849073, + "nauc_map_at_100_std": 48.17729810787553, + "nauc_map_at_10_diff1": -11.002124943974252, + "nauc_map_at_10_max": -9.6495971981689, + "nauc_map_at_10_std": 6.648364965330221, + "nauc_map_at_1_diff1": 0.1251393811417004, + "nauc_map_at_1_max": -12.601700488498643, + "nauc_map_at_1_std": -3.5018878780762366, + "nauc_map_at_20_diff1": -19.526191160714987, + "nauc_map_at_20_max": -4.175483070077258, + "nauc_map_at_20_std": 16.014345473073693, + "nauc_map_at_3_diff1": -0.8632406748675692, + "nauc_map_at_3_max": -12.9654502212951, + "nauc_map_at_3_std": -1.5551804410996426, + "nauc_map_at_5_diff1": -9.294941718115151, + "nauc_map_at_5_max": -12.795655812948572, + "nauc_map_at_5_std": 0.6128051906803516, + "nauc_mrr_at_1000_diff1": 33.997935217447434, + "nauc_mrr_at_1000_max": 41.160149696734955, + "nauc_mrr_at_1000_std": 27.657024869568446, + "nauc_mrr_at_100_diff1": 33.997935217447434, + "nauc_mrr_at_100_max": 41.160149696734955, + "nauc_mrr_at_100_std": 27.657024869568446, + "nauc_mrr_at_10_diff1": 33.997935217447434, + "nauc_mrr_at_10_max": 41.160149696734955, + "nauc_mrr_at_10_std": 27.657024869568446, + "nauc_mrr_at_1_diff1": 37.279086892488884, + "nauc_mrr_at_1_max": 43.292832596956316, + "nauc_mrr_at_1_std": 20.305596465390227, + "nauc_mrr_at_20_diff1": 33.997935217447434, + "nauc_mrr_at_20_max": 41.160149696734955, + "nauc_mrr_at_20_std": 27.657024869568446, + "nauc_mrr_at_3_diff1": 31.138610414926326, + "nauc_mrr_at_3_max": 39.545043163464186, + "nauc_mrr_at_3_std": 31.70252018936244, + "nauc_mrr_at_5_diff1": 33.997935217447434, + "nauc_mrr_at_5_max": 41.160149696734955, + "nauc_mrr_at_5_std": 27.657024869568446, + "nauc_ndcg_at_1000_diff1": -20.948326611476556, + "nauc_ndcg_at_1000_max": 36.766927406101956, + "nauc_ndcg_at_1000_std": 75.32635798841658, + "nauc_ndcg_at_100_diff1": -14.54815381092273, + "nauc_ndcg_at_100_max": 51.38801585344711, + "nauc_ndcg_at_100_std": 76.47002281413397, + "nauc_ndcg_at_10_diff1": -12.80351464937073, + "nauc_ndcg_at_10_max": 35.71831279387225, + "nauc_ndcg_at_10_std": 52.15347275643156, + "nauc_ndcg_at_1_diff1": 20.42160737812909, + "nauc_ndcg_at_1_max": 34.20619235836624, + "nauc_ndcg_at_1_std": 13.088179936005965, + "nauc_ndcg_at_20_diff1": -18.116251292365128, + "nauc_ndcg_at_20_max": 46.9808896232964, + "nauc_ndcg_at_20_std": 61.73761431506857, + "nauc_ndcg_at_3_diff1": -4.44558396286013, + "nauc_ndcg_at_3_max": 26.953553278525938, + "nauc_ndcg_at_3_std": 33.375410187254786, + "nauc_ndcg_at_5_diff1": -15.495190925371652, + "nauc_ndcg_at_5_max": 29.21035888164427, + "nauc_ndcg_at_5_std": 41.168078957076396, + "nauc_precision_at_1000_diff1": 6.339888107354097, + "nauc_precision_at_1000_max": 51.87294743895088, + "nauc_precision_at_1000_std": 49.22667294372217, + "nauc_precision_at_100_diff1": -10.245901160105356, + "nauc_precision_at_100_max": 56.07707608097002, + "nauc_precision_at_100_std": 78.96626562096216, + "nauc_precision_at_10_diff1": -4.590219332829025, + "nauc_precision_at_10_max": 47.52908614003191, + "nauc_precision_at_10_std": 59.53043786106239, + "nauc_precision_at_1_diff1": 37.279086892488884, + "nauc_precision_at_1_max": 43.292832596956316, + "nauc_precision_at_1_std": 20.305596465390227, + "nauc_precision_at_20_diff1": -14.763079024242392, + "nauc_precision_at_20_max": 56.25820402898436, + "nauc_precision_at_20_std": 67.6952843431086, + "nauc_precision_at_3_diff1": 2.9292734630949067, + "nauc_precision_at_3_max": 41.296148445888285, + "nauc_precision_at_3_std": 46.551771604768255, + "nauc_precision_at_5_diff1": -15.368719472623535, + "nauc_precision_at_5_max": 39.706937186186984, + "nauc_precision_at_5_std": 45.991734125764275, + "nauc_recall_at_1000_diff1": -18.70157967410686, + "nauc_recall_at_1000_max": 27.303031147629746, + "nauc_recall_at_1000_std": 63.59247900235757, + "nauc_recall_at_100_diff1": -21.505202598262795, + "nauc_recall_at_100_max": 3.1053955846040666, + "nauc_recall_at_100_std": 35.59388419574821, + "nauc_recall_at_10_diff1": -13.309140466736356, + "nauc_recall_at_10_max": -16.90482412154473, + "nauc_recall_at_10_std": 2.1355678490728542, + "nauc_recall_at_1_diff1": 0.1251393811417004, + "nauc_recall_at_1_max": -12.601700488498643, + "nauc_recall_at_1_std": -3.5018878780762366, + "nauc_recall_at_20_diff1": -21.303497421292096, + "nauc_recall_at_20_max": -13.765429909809388, + "nauc_recall_at_20_std": 9.07482009539061, + "nauc_recall_at_3_diff1": -6.017177782774693, + "nauc_recall_at_3_max": -19.064966459546255, + "nauc_recall_at_3_std": -3.0227410013796967, + "nauc_recall_at_5_diff1": -14.078289790672653, + "nauc_recall_at_5_max": -19.52038684292809, + "nauc_recall_at_5_std": -2.6267198328675994, + "ndcg_at_1": 78.0, + "ndcg_at_10": 79.536, + "ndcg_at_100": 62.65500000000001, + "ndcg_at_1000": 56.359, + "ndcg_at_20": 77.561, + "ndcg_at_3": 80.296, + "ndcg_at_5": 79.806, + "precision_at_1": 84.0, + "precision_at_10": 85.6, + "precision_at_100": 64.92, + "precision_at_1000": 24.89, + "precision_at_20": 83.2, + "precision_at_3": 87.333, + "precision_at_5": 87.2, + "recall_at_1": 0.215, + "recall_at_10": 2.246, + "recall_at_100": 15.784, + "recall_at_1000": 53.427, + "recall_at_20": 4.281, + "recall_at_3": 0.688, + "recall_at_5": 1.142 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/ThuNewsClusteringP2P.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/ThuNewsClusteringP2P.json new file mode 100644 index 000000000..22a56ecd5 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/ThuNewsClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "5798586b105c0434e4f0fe5e767abe619442cf93", + "task_name": "ThuNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 62.931149356482294, + "v_measure": 62.931149356482294, + "v_measure_std": 1.2113879267357022 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/ThuNewsClusteringS2S.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/ThuNewsClusteringS2S.json new file mode 100644 index 000000000..afa3b827e --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/ThuNewsClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "8a8b2caeda43f39e13c4bc5bea0f8a667896e10d", + "task_name": "ThuNewsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 59.18138500076393, + "v_measure": 59.18138500076393, + "v_measure_std": 1.441163494106974 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/Touche2020.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/Touche2020.json new file mode 100644 index 000000000..5587d0284 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/Touche2020.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 31.186999999999998, + "map_at_1": 3.4070000000000005, + "map_at_10": 13.313, + "map_at_100": 19.900000000000002, + "map_at_1000": 21.437, + "map_at_20": 15.714, + "map_at_3": 6.923, + "map_at_5": 9.054, + "mrr_at_1": 44.89795918367347, + "mrr_at_10": 56.63832199546485, + "mrr_at_100": 57.666166033512965, + "mrr_at_1000": 57.666166033512965, + "mrr_at_20": 57.51229496127455, + "mrr_at_3": 53.40136054421768, + "mrr_at_5": 55.1360544217687, + "nauc_map_at_1000_diff1": 6.929929189103678, + "nauc_map_at_1000_max": -20.5925373398606, + "nauc_map_at_1000_std": 7.835669658058121, + "nauc_map_at_100_diff1": 7.528899533894891, + "nauc_map_at_100_max": -21.032199268806018, + "nauc_map_at_100_std": 5.370650925959299, + "nauc_map_at_10_diff1": 14.176770339374578, + "nauc_map_at_10_max": -19.194036092916633, + "nauc_map_at_10_std": -14.964801890692026, + "nauc_map_at_1_diff1": 16.059944358241733, + "nauc_map_at_1_max": -25.302527766801695, + "nauc_map_at_1_std": -13.565207797491604, + "nauc_map_at_20_diff1": 11.361043123465297, + "nauc_map_at_20_max": -18.0301938420575, + "nauc_map_at_20_std": -7.25573010108597, + "nauc_map_at_3_diff1": 21.973707928327727, + "nauc_map_at_3_max": -20.079194093834058, + "nauc_map_at_3_std": -20.173080790091422, + "nauc_map_at_5_diff1": 19.669071376698206, + "nauc_map_at_5_max": -23.679751632414845, + "nauc_map_at_5_std": -20.28001860761147, + "nauc_mrr_at_1000_diff1": 6.875737447320781, + "nauc_mrr_at_1000_max": -44.8769334243922, + "nauc_mrr_at_1000_std": 7.361962913444513, + "nauc_mrr_at_100_diff1": 6.875737447320781, + "nauc_mrr_at_100_max": -44.8769334243922, + "nauc_mrr_at_100_std": 7.361962913444513, + "nauc_mrr_at_10_diff1": 6.574806453972689, + "nauc_mrr_at_10_max": -47.267277277496596, + "nauc_mrr_at_10_std": 8.783148855636174, + "nauc_mrr_at_1_diff1": 12.940754496022242, + "nauc_mrr_at_1_max": -35.544013626458145, + "nauc_mrr_at_1_std": 6.0616339439628915, + "nauc_mrr_at_20_diff1": 7.179017109424859, + "nauc_mrr_at_20_max": -45.52183055340191, + "nauc_mrr_at_20_std": 6.960503593984209, + "nauc_mrr_at_3_diff1": 2.10431985300728, + "nauc_mrr_at_3_max": -41.662819302741184, + "nauc_mrr_at_3_std": 5.68448693989341, + "nauc_mrr_at_5_diff1": 5.25929369032379, + "nauc_mrr_at_5_max": -44.62592534259141, + "nauc_mrr_at_5_std": 6.26151671868977, + "nauc_ndcg_at_1000_diff1": -6.563466320842519, + "nauc_ndcg_at_1000_max": -33.15200693567147, + "nauc_ndcg_at_1000_std": 29.09290649197198, + "nauc_ndcg_at_100_diff1": -4.290185637900728, + "nauc_ndcg_at_100_max": -35.6991058391752, + "nauc_ndcg_at_100_std": 24.47606141799262, + "nauc_ndcg_at_10_diff1": 4.171305930645993, + "nauc_ndcg_at_10_max": -33.02156808389195, + "nauc_ndcg_at_10_std": -0.7115167969929295, + "nauc_ndcg_at_1_diff1": 4.295135743080979, + "nauc_ndcg_at_1_max": -30.841816609035575, + "nauc_ndcg_at_1_std": 11.08702259742227, + "nauc_ndcg_at_20_diff1": 5.716130418772172, + "nauc_ndcg_at_20_max": -32.02017772879846, + "nauc_ndcg_at_20_std": 0.42043490374547515, + "nauc_ndcg_at_3_diff1": 0.7696408676847266, + "nauc_ndcg_at_3_max": -28.19446012238678, + "nauc_ndcg_at_3_std": 1.4270173161697919, + "nauc_ndcg_at_5_diff1": 4.011877087450832, + "nauc_ndcg_at_5_max": -35.474817068811866, + "nauc_ndcg_at_5_std": -1.0183501951460643, + "nauc_precision_at_1000_diff1": -18.852617887278956, + "nauc_precision_at_1000_max": 26.536677685298997, + "nauc_precision_at_1000_std": 31.17777014427175, + "nauc_precision_at_100_diff1": -21.993356262198738, + "nauc_precision_at_100_max": -14.151354806872973, + "nauc_precision_at_100_std": 68.01931004336306, + "nauc_precision_at_10_diff1": 3.518175306600991, + "nauc_precision_at_10_max": -34.29876549408336, + "nauc_precision_at_10_std": 8.571886047048881, + "nauc_precision_at_1_diff1": 12.940754496022242, + "nauc_precision_at_1_max": -35.544013626458145, + "nauc_precision_at_1_std": 6.0616339439628915, + "nauc_precision_at_20_diff1": 6.23454071647187, + "nauc_precision_at_20_max": -29.16565290719762, + "nauc_precision_at_20_std": 25.567483624610297, + "nauc_precision_at_3_diff1": 8.77511441582519, + "nauc_precision_at_3_max": -29.389312907952135, + "nauc_precision_at_3_std": -6.397150206890867, + "nauc_precision_at_5_diff1": 9.795445750266063, + "nauc_precision_at_5_max": -38.88827845334236, + "nauc_precision_at_5_std": -3.397760151003072, + "nauc_recall_at_1000_diff1": -28.033327034031043, + "nauc_recall_at_1000_max": -15.30930042500693, + "nauc_recall_at_1000_std": 69.27496829698434, + "nauc_recall_at_100_diff1": -12.558500592244782, + "nauc_recall_at_100_max": -27.109814142314832, + "nauc_recall_at_100_std": 40.23660136119213, + "nauc_recall_at_10_diff1": 8.859020421080002, + "nauc_recall_at_10_max": -26.101835112681034, + "nauc_recall_at_10_std": -12.02508230851673, + "nauc_recall_at_1_diff1": 16.059944358241733, + "nauc_recall_at_1_max": -25.302527766801695, + "nauc_recall_at_1_std": -13.565207797491604, + "nauc_recall_at_20_diff1": 6.598503996413421, + "nauc_recall_at_20_max": -25.661355219947264, + "nauc_recall_at_20_std": -0.5270972932429998, + "nauc_recall_at_3_diff1": 15.848752699477423, + "nauc_recall_at_3_max": -20.67227958185249, + "nauc_recall_at_3_std": -19.687883601951533, + "nauc_recall_at_5_diff1": 15.210234895525055, + "nauc_recall_at_5_max": -30.20253332454299, + "nauc_recall_at_5_std": -19.986130369906242, + "ndcg_at_1": 40.816, + "ndcg_at_10": 31.186999999999998, + "ndcg_at_100": 42.742000000000004, + "ndcg_at_1000": 53.230999999999995, + "ndcg_at_20": 31.057000000000002, + "ndcg_at_3": 34.382000000000005, + "ndcg_at_5": 32.038, + "precision_at_1": 44.897999999999996, + "precision_at_10": 27.143, + "precision_at_100": 8.735, + "precision_at_1000": 1.59, + "precision_at_20": 19.898, + "precision_at_3": 34.694, + "precision_at_5": 31.019999999999996, + "recall_at_1": 3.4070000000000005, + "recall_at_10": 19.987, + "recall_at_100": 52.888999999999996, + "recall_at_1000": 85.172, + "recall_at_20": 27.025, + "recall_at_3": 7.774, + "recall_at_5": 11.571 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/ToxicConversationsClassification.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..feb2097e2 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/ToxicConversationsClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 89.0380859375, + "ap": 34.26536468203791, + "ap_weighted": 34.26536468203791, + "f1": 73.86921962038298, + "f1_weighted": 90.61132302248866, + "main_score": 89.0380859375 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/TweetSentimentExtractionClassification.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..e3c1da387 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.49405772495754, + "f1": 76.73610452546936, + "f1_weighted": 76.14362047024868, + "main_score": 76.49405772495754 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/TwentyNewsgroupsClustering.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..0e8138520 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 49.554702818248735, + "v_measure": 49.554702818248735, + "v_measure_std": 0.9278298624304031 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/TwitterSemEval2015.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/TwitterSemEval2015.json new file mode 100644 index 000000000..38189248a --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/TwitterSemEval2015.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 85.29534481730941, + "cosine_accuracy_threshold": 90.6567394733429, + "cosine_ap": 71.59976408272617, + "cosine_f1": 66.54452180285818, + "cosine_f1_threshold": 88.94971013069153, + "cosine_precision": 61.95133045258131, + "cosine_recall": 71.87335092348285, + "dot_accuracy": 85.29534481730941, + "dot_accuracy_threshold": 90.65674543380737, + "dot_ap": 71.5997871796046, + "dot_f1": 66.54452180285818, + "dot_f1_threshold": 88.94971013069153, + "dot_precision": 61.95133045258131, + "dot_recall": 71.87335092348285, + "euclidean_accuracy": 85.29534481730941, + "euclidean_accuracy_threshold": 43.2279109954834, + "euclidean_ap": 71.59977967634174, + "euclidean_f1": 66.54452180285818, + "euclidean_f1_threshold": 47.01125621795654, + "euclidean_precision": 61.95133045258131, + "euclidean_recall": 71.87335092348285, + "main_score": 71.5997871796046, + "manhattan_accuracy": 85.1820945341837, + "manhattan_accuracy_threshold": 1019.9851989746094, + "manhattan_ap": 71.22149639016482, + "manhattan_f1": 66.31834750911301, + "manhattan_f1_threshold": 1109.6149444580078, + "manhattan_precision": 61.46396396396396, + "manhattan_recall": 72.00527704485488, + "max_ap": 71.5997871796046, + "max_f1": 66.54452180285818, + "max_precision": 61.95133045258131, + "max_recall": 72.00527704485488, + "similarity_accuracy": 85.29534481730941, + "similarity_accuracy_threshold": 90.6567394733429, + "similarity_ap": 71.59976408272617, + "similarity_f1": 66.54452180285818, + "similarity_f1_threshold": 88.94971013069153, + "similarity_precision": 61.95133045258131, + "similarity_recall": 71.87335092348285 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/TwitterURLCorpus.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/TwitterURLCorpus.json new file mode 100644 index 000000000..85c17fd77 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/TwitterURLCorpus.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 89.19936352699189, + "cosine_accuracy_threshold": 87.72701621055603, + "cosine_ap": 86.32764736710979, + "cosine_f1": 78.40269966254218, + "cosine_f1_threshold": 86.80565357208252, + "cosine_precision": 76.41426692004093, + "cosine_recall": 80.49738219895288, + "dot_accuracy": 89.19936352699189, + "dot_accuracy_threshold": 87.72701621055603, + "dot_ap": 86.32762879051161, + "dot_f1": 78.40269966254218, + "dot_f1_threshold": 86.80565357208252, + "dot_precision": 76.41426692004093, + "dot_recall": 80.49738219895288, + "euclidean_accuracy": 89.19936352699189, + "euclidean_accuracy_threshold": 49.54388439655304, + "euclidean_ap": 86.3276630523782, + "euclidean_f1": 78.40269966254218, + "euclidean_f1_threshold": 51.36992931365967, + "euclidean_precision": 76.41426692004093, + "euclidean_recall": 80.49738219895288, + "main_score": 86.3276630523782, + "manhattan_accuracy": 89.16637559669344, + "manhattan_accuracy_threshold": 1150.1700401306152, + "manhattan_ap": 86.28674414277404, + "manhattan_f1": 78.34183768482997, + "manhattan_f1_threshold": 1213.088321685791, + "manhattan_precision": 75.87475651107424, + "manhattan_recall": 80.97474591931014, + "max_ap": 86.3276630523782, + "max_f1": 78.40269966254218, + "max_precision": 76.41426692004093, + "max_recall": 80.97474591931014, + "similarity_accuracy": 89.19936352699189, + "similarity_accuracy_threshold": 87.72701621055603, + "similarity_ap": 86.32764736710979, + "similarity_f1": 78.40269966254218, + "similarity_f1_threshold": 86.80565357208252, + "similarity_precision": 76.41426692004093, + "similarity_recall": 80.49738219895288 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/VideoRetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/VideoRetrieval.json new file mode 100644 index 000000000..c8ea16146 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/VideoRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "58c2597a5943a2ba48f4668c3b90d796283c5639", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 72.14500000000001, + "map_at_1": 58.8, + "map_at_10": 68.014, + "map_at_100": 68.506, + "map_at_1000": 68.51899999999999, + "map_at_20": 68.333, + "map_at_3": 66.31700000000001, + "map_at_5": 67.31200000000001, + "mrr_at_1": 58.8, + "mrr_at_10": 68.01432539682544, + "mrr_at_100": 68.50595347947811, + "mrr_at_1000": 68.51919475199976, + "mrr_at_20": 68.33299226014789, + "mrr_at_3": 66.3166666666667, + "mrr_at_5": 67.31166666666671, + "nauc_map_at_1000_diff1": 68.3842603726721, + "nauc_map_at_1000_max": 5.841784848188991, + "nauc_map_at_1000_std": -31.890361063810364, + "nauc_map_at_100_diff1": 68.38290538651279, + "nauc_map_at_100_max": 5.851346250195991, + "nauc_map_at_100_std": -31.88363804217233, + "nauc_map_at_10_diff1": 68.42162270332948, + "nauc_map_at_10_max": 5.545878771437991, + "nauc_map_at_10_std": -32.33063386887081, + "nauc_map_at_1_diff1": 69.28202470263717, + "nauc_map_at_1_max": 5.263512365959786, + "nauc_map_at_1_std": -29.659416343096055, + "nauc_map_at_20_diff1": 68.3987969552634, + "nauc_map_at_20_max": 5.7847092517499785, + "nauc_map_at_20_std": -32.0616280955644, + "nauc_map_at_3_diff1": 68.42478821018057, + "nauc_map_at_3_max": 4.861120340503774, + "nauc_map_at_3_std": -33.56938270962587, + "nauc_map_at_5_diff1": 68.20507686427763, + "nauc_map_at_5_max": 5.369798374942801, + "nauc_map_at_5_std": -32.83081659270383, + "nauc_mrr_at_1000_diff1": 68.3842603726721, + "nauc_mrr_at_1000_max": 5.841784848188991, + "nauc_mrr_at_1000_std": -31.890361063810364, + "nauc_mrr_at_100_diff1": 68.38290538651279, + "nauc_mrr_at_100_max": 5.851346250195991, + "nauc_mrr_at_100_std": -31.88363804217233, + "nauc_mrr_at_10_diff1": 68.42162270332948, + "nauc_mrr_at_10_max": 5.545878771437991, + "nauc_mrr_at_10_std": -32.33063386887081, + "nauc_mrr_at_1_diff1": 69.28202470263717, + "nauc_mrr_at_1_max": 5.263512365959786, + "nauc_mrr_at_1_std": -29.659416343096055, + "nauc_mrr_at_20_diff1": 68.3987969552634, + "nauc_mrr_at_20_max": 5.7847092517499785, + "nauc_mrr_at_20_std": -32.0616280955644, + "nauc_mrr_at_3_diff1": 68.42478821018057, + "nauc_mrr_at_3_max": 4.861120340503774, + "nauc_mrr_at_3_std": -33.56938270962587, + "nauc_mrr_at_5_diff1": 68.20507686427763, + "nauc_mrr_at_5_max": 5.369798374942801, + "nauc_mrr_at_5_std": -32.83081659270383, + "nauc_ndcg_at_1000_diff1": 68.14552912036231, + "nauc_ndcg_at_1000_max": 7.562355001802865, + "nauc_ndcg_at_1000_std": -30.13999419402607, + "nauc_ndcg_at_100_diff1": 68.09990028004812, + "nauc_ndcg_at_100_max": 7.917285926128676, + "nauc_ndcg_at_100_std": -29.909889861196902, + "nauc_ndcg_at_10_diff1": 68.32387598538823, + "nauc_ndcg_at_10_max": 6.442888130533218, + "nauc_ndcg_at_10_std": -32.43505234576926, + "nauc_ndcg_at_1_diff1": 69.28202470263717, + "nauc_ndcg_at_1_max": 5.263512365959786, + "nauc_ndcg_at_1_std": -29.659416343096055, + "nauc_ndcg_at_20_diff1": 68.19058463118989, + "nauc_ndcg_at_20_max": 7.4710128713487975, + "nauc_ndcg_at_20_std": -31.212367402512527, + "nauc_ndcg_at_3_diff1": 68.2422738747729, + "nauc_ndcg_at_3_max": 4.866392479207864, + "nauc_ndcg_at_3_std": -35.0611297009806, + "nauc_ndcg_at_5_diff1": 67.76867006392196, + "nauc_ndcg_at_5_max": 5.876702580928499, + "nauc_ndcg_at_5_std": -33.66450752679279, + "nauc_precision_at_1000_diff1": 59.01318860877509, + "nauc_precision_at_1000_max": 92.88340336134347, + "nauc_precision_at_1000_std": 92.92425303454743, + "nauc_precision_at_100_diff1": 62.909039584826274, + "nauc_precision_at_100_max": 53.748941437039655, + "nauc_precision_at_100_std": 25.24916943521579, + "nauc_precision_at_10_diff1": 68.09729905629663, + "nauc_precision_at_10_max": 12.03384315001613, + "nauc_precision_at_10_std": -31.81483891962282, + "nauc_precision_at_1_diff1": 69.28202470263717, + "nauc_precision_at_1_max": 5.263512365959786, + "nauc_precision_at_1_std": -29.659416343096055, + "nauc_precision_at_20_diff1": 66.6897634037554, + "nauc_precision_at_20_max": 23.11402140195658, + "nauc_precision_at_20_std": -20.564049852242167, + "nauc_precision_at_3_diff1": 67.64170624528396, + "nauc_precision_at_3_max": 4.945160628945999, + "nauc_precision_at_3_std": -40.41499950328566, + "nauc_precision_at_5_diff1": 65.92840910208848, + "nauc_precision_at_5_max": 8.229706730154186, + "nauc_precision_at_5_std": -36.74013989591443, + "nauc_recall_at_1000_diff1": 59.01318860877662, + "nauc_recall_at_1000_max": 92.88340336134418, + "nauc_recall_at_1000_std": 92.92425303454706, + "nauc_recall_at_100_diff1": 62.90903958482619, + "nauc_recall_at_100_max": 53.748941437040145, + "nauc_recall_at_100_std": 25.249169435216018, + "nauc_recall_at_10_diff1": 68.0972990562968, + "nauc_recall_at_10_max": 12.033843150016319, + "nauc_recall_at_10_std": -31.814838919622566, + "nauc_recall_at_1_diff1": 69.28202470263717, + "nauc_recall_at_1_max": 5.263512365959786, + "nauc_recall_at_1_std": -29.659416343096055, + "nauc_recall_at_20_diff1": 66.6897634037554, + "nauc_recall_at_20_max": 23.114021401956656, + "nauc_recall_at_20_std": -20.564049852241986, + "nauc_recall_at_3_diff1": 67.64170624528384, + "nauc_recall_at_3_max": 4.9451606289460095, + "nauc_recall_at_3_std": -40.41499950328563, + "nauc_recall_at_5_diff1": 65.92840910208865, + "nauc_recall_at_5_max": 8.229706730154424, + "nauc_recall_at_5_std": -36.740139895914325, + "ndcg_at_1": 58.8, + "ndcg_at_10": 72.14500000000001, + "ndcg_at_100": 74.477, + "ndcg_at_1000": 74.821, + "ndcg_at_20": 73.34, + "ndcg_at_3": 68.634, + "ndcg_at_5": 70.416, + "precision_at_1": 58.8, + "precision_at_10": 8.5, + "precision_at_100": 0.9570000000000001, + "precision_at_1000": 0.098, + "precision_at_20": 4.49, + "precision_at_3": 25.1, + "precision_at_5": 15.920000000000002, + "recall_at_1": 58.8, + "recall_at_10": 85.0, + "recall_at_100": 95.7, + "recall_at_1000": 98.4, + "recall_at_20": 89.8, + "recall_at_3": 75.3, + "recall_at_5": 79.60000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/Waimai.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/Waimai.json new file mode 100644 index 000000000..7634a6bf7 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/Waimai.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "339287def212450dcaa9df8c22bf93e9980c7023", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 89.12, + "ap": 74.85094489946682, + "ap_weighted": 74.85094489946682, + "f1": 87.58964139879481, + "f1_weighted": 89.11267843686537, + "main_score": 89.12 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/XPQARetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/XPQARetrieval.json new file mode 100644 index 000000000..5fa80654e --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/XPQARetrieval.json @@ -0,0 +1,454 @@ +{ + "dataset_revision": "c99d599f0a6ab9b85b065da6f9d94f9cf731679f", + "task_name": "XPQARetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fra-fra", + "languages": [ + "fra-Latn", + "fra-Latn" + ], + "main_score": 62.09, + "map_at_1": 36.073, + "map_at_10": 55.677, + "map_at_100": 57.118, + "map_at_1000": 57.199, + "map_at_20": 56.501999999999995, + "map_at_3": 49.619, + "map_at_5": 53.455, + "mrr_at_1": 57.543391188251, + "mrr_at_10": 65.30018861127007, + "mrr_at_100": 65.94099315822325, + "mrr_at_1000": 65.96453864135188, + "mrr_at_20": 65.71224590825028, + "mrr_at_3": 63.351134846461946, + "mrr_at_5": 64.42590120160212, + "nauc_map_at_1000_diff1": 50.58271523935874, + "nauc_map_at_1000_max": 43.13816564852953, + "nauc_map_at_1000_std": 0.1844114463791253, + "nauc_map_at_100_diff1": 50.55402514007517, + "nauc_map_at_100_max": 43.131135237384484, + "nauc_map_at_100_std": 0.1962985407010382, + "nauc_map_at_10_diff1": 50.211948710332386, + "nauc_map_at_10_max": 42.56586858276775, + "nauc_map_at_10_std": -0.21682461914908613, + "nauc_map_at_1_diff1": 58.97288229253611, + "nauc_map_at_1_max": 27.09256578748547, + "nauc_map_at_1_std": -3.128360909366587, + "nauc_map_at_20_diff1": 50.33687763446524, + "nauc_map_at_20_max": 42.89316787999387, + "nauc_map_at_20_std": -0.2224194056336769, + "nauc_map_at_3_diff1": 51.23147801843447, + "nauc_map_at_3_max": 37.22691523640508, + "nauc_map_at_3_std": -1.4704387784247346, + "nauc_map_at_5_diff1": 50.66157676518992, + "nauc_map_at_5_max": 41.58957149577394, + "nauc_map_at_5_std": 0.16909716462753255, + "nauc_mrr_at_1000_diff1": 58.88383847534171, + "nauc_mrr_at_1000_max": 49.3245365217643, + "nauc_mrr_at_1000_std": 2.1575868813952894, + "nauc_mrr_at_100_diff1": 58.885865820137276, + "nauc_mrr_at_100_max": 49.32954909327622, + "nauc_mrr_at_100_std": 2.1750885487117024, + "nauc_mrr_at_10_diff1": 58.83761987066026, + "nauc_mrr_at_10_max": 49.37803355533766, + "nauc_mrr_at_10_std": 1.927477967317313, + "nauc_mrr_at_1_diff1": 60.897823384674496, + "nauc_mrr_at_1_max": 48.79303626218842, + "nauc_mrr_at_1_std": 3.68732973455558, + "nauc_mrr_at_20_diff1": 58.80334636154898, + "nauc_mrr_at_20_max": 49.299926776474535, + "nauc_mrr_at_20_std": 1.9599488796786029, + "nauc_mrr_at_3_diff1": 59.21037240205004, + "nauc_mrr_at_3_max": 49.14597672580709, + "nauc_mrr_at_3_std": 1.0051764061328385, + "nauc_mrr_at_5_diff1": 58.98849095570841, + "nauc_mrr_at_5_max": 49.68364568027881, + "nauc_mrr_at_5_std": 2.4739579029654366, + "nauc_ndcg_at_1000_diff1": 52.31164533549997, + "nauc_ndcg_at_1000_max": 45.69420989458311, + "nauc_ndcg_at_1000_std": 1.1608489877596142, + "nauc_ndcg_at_100_diff1": 51.87286842964108, + "nauc_ndcg_at_100_max": 45.685834956792895, + "nauc_ndcg_at_100_std": 1.8157949218428466, + "nauc_ndcg_at_10_diff1": 50.57331251457611, + "nauc_ndcg_at_10_max": 44.44795063905562, + "nauc_ndcg_at_10_std": -0.3915488786381922, + "nauc_ndcg_at_1_diff1": 60.897823384674496, + "nauc_ndcg_at_1_max": 48.79303626218842, + "nauc_ndcg_at_1_std": 3.68732973455558, + "nauc_ndcg_at_20_diff1": 50.76487704699518, + "nauc_ndcg_at_20_max": 44.79388134049559, + "nauc_ndcg_at_20_std": -0.4213693889586553, + "nauc_ndcg_at_3_diff1": 51.177774035828605, + "nauc_ndcg_at_3_max": 43.73405047316084, + "nauc_ndcg_at_3_std": -1.18104282095782, + "nauc_ndcg_at_5_diff1": 51.15375930024702, + "nauc_ndcg_at_5_max": 43.7940523142017, + "nauc_ndcg_at_5_std": 0.8224796779269716, + "nauc_precision_at_1000_diff1": -13.700846719394837, + "nauc_precision_at_1000_max": 15.005182092410575, + "nauc_precision_at_1000_std": 6.913901876028514, + "nauc_precision_at_100_diff1": -8.919890455110265, + "nauc_precision_at_100_max": 20.85944528699816, + "nauc_precision_at_100_std": 8.934660613911344, + "nauc_precision_at_10_diff1": 2.0626021976371662, + "nauc_precision_at_10_max": 30.851331908454423, + "nauc_precision_at_10_std": 4.512923316711585, + "nauc_precision_at_1_diff1": 60.897823384674496, + "nauc_precision_at_1_max": 48.79303626218842, + "nauc_precision_at_1_std": 3.68732973455558, + "nauc_precision_at_20_diff1": -1.9918582602200585, + "nauc_precision_at_20_max": 27.779932491338315, + "nauc_precision_at_20_std": 4.734186088720616, + "nauc_precision_at_3_diff1": 14.5090169489911, + "nauc_precision_at_3_max": 37.59006778251299, + "nauc_precision_at_3_std": 3.677659738072369, + "nauc_precision_at_5_diff1": 7.705804886616575, + "nauc_precision_at_5_max": 36.0216894270471, + "nauc_precision_at_5_std": 6.513474617464925, + "nauc_recall_at_1000_diff1": 20.71811619738829, + "nauc_recall_at_1000_max": 23.217180195398225, + "nauc_recall_at_1000_std": 26.037508089878237, + "nauc_recall_at_100_diff1": 38.44958378050671, + "nauc_recall_at_100_max": 40.99327582118083, + "nauc_recall_at_100_std": 16.36015422588489, + "nauc_recall_at_10_diff1": 40.027789080211576, + "nauc_recall_at_10_max": 38.82613587358396, + "nauc_recall_at_10_std": -3.5237192778606596, + "nauc_recall_at_1_diff1": 58.97288229253611, + "nauc_recall_at_1_max": 27.09256578748547, + "nauc_recall_at_1_std": -3.128360909366587, + "nauc_recall_at_20_diff1": 37.818919303571406, + "nauc_recall_at_20_max": 37.42703966259237, + "nauc_recall_at_20_std": -4.770317748130178, + "nauc_recall_at_3_diff1": 45.13163472734054, + "nauc_recall_at_3_max": 33.72267598718042, + "nauc_recall_at_3_std": -4.443802840190085, + "nauc_recall_at_5_diff1": 43.05114612174671, + "nauc_recall_at_5_max": 39.10347802906311, + "nauc_recall_at_5_std": 0.4813526343602913, + "ndcg_at_1": 57.543, + "ndcg_at_10": 62.09, + "ndcg_at_100": 67.216, + "ndcg_at_1000": 68.60000000000001, + "ndcg_at_20": 64.20700000000001, + "ndcg_at_3": 56.952999999999996, + "ndcg_at_5": 58.631, + "precision_at_1": 57.543, + "precision_at_10": 14.499, + "precision_at_100": 1.8739999999999999, + "precision_at_1000": 0.20600000000000002, + "precision_at_20": 7.971, + "precision_at_3": 34.446, + "precision_at_5": 24.993000000000002, + "recall_at_1": 36.073, + "recall_at_10": 70.532, + "recall_at_100": 90.63600000000001, + "recall_at_1000": 99.577, + "recall_at_20": 77.388, + "recall_at_3": 54.786, + "recall_at_5": 62.365 + }, + { + "hf_subset": "eng-fra", + "languages": [ + "eng-Latn", + "fra-Latn" + ], + "main_score": 34.795, + "map_at_1": 13.818, + "map_at_10": 28.221, + "map_at_100": 30.715999999999998, + "map_at_1000": 30.86, + "map_at_20": 29.601, + "map_at_3": 23.194, + "map_at_5": 26.057999999999996, + "mrr_at_1": 27.236315086782376, + "mrr_at_10": 36.39890224002375, + "mrr_at_100": 37.73446796439471, + "mrr_at_1000": 37.79021013088287, + "mrr_at_20": 37.17175635350331, + "mrr_at_3": 33.73386737872722, + "mrr_at_5": 35.24922118380064, + "nauc_map_at_1000_diff1": 32.30220782845437, + "nauc_map_at_1000_max": 39.87665001530303, + "nauc_map_at_1000_std": 5.7695221727058055, + "nauc_map_at_100_diff1": 32.2694600306288, + "nauc_map_at_100_max": 39.8855550981263, + "nauc_map_at_100_std": 5.776881467271089, + "nauc_map_at_10_diff1": 31.804039669931537, + "nauc_map_at_10_max": 39.311719475930005, + "nauc_map_at_10_std": 4.733050895784147, + "nauc_map_at_1_diff1": 37.6388258626095, + "nauc_map_at_1_max": 25.192760889147102, + "nauc_map_at_1_std": 0.84012346712856, + "nauc_map_at_20_diff1": 31.970587565845022, + "nauc_map_at_20_max": 39.68812698793437, + "nauc_map_at_20_std": 5.466710545588436, + "nauc_map_at_3_diff1": 33.9083845702625, + "nauc_map_at_3_max": 35.88443788757562, + "nauc_map_at_3_std": 2.956590608487331, + "nauc_map_at_5_diff1": 32.97116962607063, + "nauc_map_at_5_max": 38.37964967819906, + "nauc_map_at_5_std": 4.573297881379916, + "nauc_mrr_at_1000_diff1": 32.44126725520097, + "nauc_mrr_at_1000_max": 39.246349656799985, + "nauc_mrr_at_1000_std": 7.779126542191918, + "nauc_mrr_at_100_diff1": 32.416259735518885, + "nauc_mrr_at_100_max": 39.258316221246965, + "nauc_mrr_at_100_std": 7.7944505673136, + "nauc_mrr_at_10_diff1": 32.06932803779604, + "nauc_mrr_at_10_max": 39.04853109147614, + "nauc_mrr_at_10_std": 7.4138965935269505, + "nauc_mrr_at_1_diff1": 37.27173489316227, + "nauc_mrr_at_1_max": 40.3355905491979, + "nauc_mrr_at_1_std": 6.933728079474825, + "nauc_mrr_at_20_diff1": 32.329474296004804, + "nauc_mrr_at_20_max": 39.0764118546337, + "nauc_mrr_at_20_std": 7.696441003623004, + "nauc_mrr_at_3_diff1": 33.08673004752433, + "nauc_mrr_at_3_max": 39.95985433324281, + "nauc_mrr_at_3_std": 7.62764311528151, + "nauc_mrr_at_5_diff1": 32.818965514653684, + "nauc_mrr_at_5_max": 39.34493265770003, + "nauc_mrr_at_5_std": 7.778531920242, + "nauc_ndcg_at_1000_diff1": 31.02864530261756, + "nauc_ndcg_at_1000_max": 39.64187241406462, + "nauc_ndcg_at_1000_std": 7.768459120817835, + "nauc_ndcg_at_100_diff1": 30.39095044516521, + "nauc_ndcg_at_100_max": 39.956877555291406, + "nauc_ndcg_at_100_std": 8.813305671545828, + "nauc_ndcg_at_10_diff1": 29.09294115578835, + "nauc_ndcg_at_10_max": 38.59245602933513, + "nauc_ndcg_at_10_std": 5.516145701680656, + "nauc_ndcg_at_1_diff1": 37.27173489316227, + "nauc_ndcg_at_1_max": 40.3355905491979, + "nauc_ndcg_at_1_std": 6.933728079474825, + "nauc_ndcg_at_20_diff1": 29.725541536865684, + "nauc_ndcg_at_20_max": 39.12781667827556, + "nauc_ndcg_at_20_std": 7.464557759930056, + "nauc_ndcg_at_3_diff1": 32.2472918241563, + "nauc_ndcg_at_3_max": 39.38528978160266, + "nauc_ndcg_at_3_std": 5.126228097274878, + "nauc_ndcg_at_5_diff1": 31.39000117667687, + "nauc_ndcg_at_5_max": 38.16838826710958, + "nauc_ndcg_at_5_std": 5.747613838798295, + "nauc_precision_at_1000_diff1": 3.926032418467635, + "nauc_precision_at_1000_max": 19.08045437036499, + "nauc_precision_at_1000_std": 6.796129044597931, + "nauc_precision_at_100_diff1": 9.73958477384916, + "nauc_precision_at_100_max": 29.07096859484853, + "nauc_precision_at_100_std": 12.96991105140292, + "nauc_precision_at_10_diff1": 17.1980255233314, + "nauc_precision_at_10_max": 43.52273606745023, + "nauc_precision_at_10_std": 10.958034153583304, + "nauc_precision_at_1_diff1": 37.27173489316227, + "nauc_precision_at_1_max": 40.3355905491979, + "nauc_precision_at_1_std": 6.933728079474825, + "nauc_precision_at_20_diff1": 15.369446454490415, + "nauc_precision_at_20_max": 39.48680497589929, + "nauc_precision_at_20_std": 12.929898425260022, + "nauc_precision_at_3_diff1": 23.95767667939835, + "nauc_precision_at_3_max": 45.09931497087944, + "nauc_precision_at_3_std": 8.770453872723321, + "nauc_precision_at_5_diff1": 21.065461642416665, + "nauc_precision_at_5_max": 44.72202962458711, + "nauc_precision_at_5_std": 10.750776410192397, + "nauc_recall_at_1000_diff1": 6.039018739578919, + "nauc_recall_at_1000_max": 11.436015450640827, + "nauc_recall_at_1000_std": 66.07591419148011, + "nauc_recall_at_100_diff1": 18.65963295269777, + "nauc_recall_at_100_max": 38.12793731004431, + "nauc_recall_at_100_std": 22.877750142093177, + "nauc_recall_at_10_diff1": 19.342831730746934, + "nauc_recall_at_10_max": 31.63232417200137, + "nauc_recall_at_10_std": 3.271699563530961, + "nauc_recall_at_1_diff1": 37.6388258626095, + "nauc_recall_at_1_max": 25.192760889147102, + "nauc_recall_at_1_std": 0.84012346712856, + "nauc_recall_at_20_diff1": 20.61391084945006, + "nauc_recall_at_20_max": 32.5842740511191, + "nauc_recall_at_20_std": 9.819500541742485, + "nauc_recall_at_3_diff1": 28.687240532045937, + "nauc_recall_at_3_max": 31.72988302079546, + "nauc_recall_at_3_std": 2.7062500297360295, + "nauc_recall_at_5_diff1": 25.62354289856022, + "nauc_recall_at_5_max": 32.13732981730723, + "nauc_recall_at_5_std": 4.661623958812741, + "ndcg_at_1": 27.236, + "ndcg_at_10": 34.795, + "ndcg_at_100": 44.352000000000004, + "ndcg_at_1000": 46.98, + "ndcg_at_20": 38.537, + "ndcg_at_3": 29.448, + "ndcg_at_5": 30.996000000000002, + "precision_at_1": 27.236, + "precision_at_10": 10.427, + "precision_at_100": 1.8769999999999998, + "precision_at_1000": 0.22300000000000003, + "precision_at_20": 6.589, + "precision_at_3": 21.584, + "precision_at_5": 16.555, + "recall_at_1": 13.818, + "recall_at_10": 44.826, + "recall_at_100": 82.047, + "recall_at_1000": 99.286, + "recall_at_20": 56.615, + "recall_at_3": 28.509, + "recall_at_5": 35.472 + }, + { + "hf_subset": "fra-eng", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "main_score": 55.165, + "map_at_1": 30.070999999999998, + "map_at_10": 48.391, + "map_at_100": 50.077000000000005, + "map_at_1000": 50.175000000000004, + "map_at_20": 49.425999999999995, + "map_at_3": 43.108999999999995, + "map_at_5": 46.331, + "mrr_at_1": 47.79706275033378, + "mrr_at_10": 57.112499205289545, + "mrr_at_100": 57.77653857554601, + "mrr_at_1000": 57.810309267669155, + "mrr_at_20": 57.50639791688323, + "mrr_at_3": 55.028927458833955, + "mrr_at_5": 56.19715175789934, + "nauc_map_at_1000_diff1": 48.30744877651571, + "nauc_map_at_1000_max": 41.304811375830106, + "nauc_map_at_1000_std": -3.319640191562977, + "nauc_map_at_100_diff1": 48.24792131158136, + "nauc_map_at_100_max": 41.289809346155096, + "nauc_map_at_100_std": -3.3322490840754044, + "nauc_map_at_10_diff1": 48.51735869545944, + "nauc_map_at_10_max": 41.39091467858207, + "nauc_map_at_10_std": -3.816834529081366, + "nauc_map_at_1_diff1": 55.20976873300869, + "nauc_map_at_1_max": 29.31564406699001, + "nauc_map_at_1_std": -3.531295202744916, + "nauc_map_at_20_diff1": 48.15994357210226, + "nauc_map_at_20_max": 41.27059573974859, + "nauc_map_at_20_std": -3.553567850461392, + "nauc_map_at_3_diff1": 49.07638331745524, + "nauc_map_at_3_max": 37.4344180429373, + "nauc_map_at_3_std": -4.793107974869855, + "nauc_map_at_5_diff1": 48.610911544450566, + "nauc_map_at_5_max": 40.36936409939194, + "nauc_map_at_5_std": -4.494930285823858, + "nauc_mrr_at_1000_diff1": 54.361185624681966, + "nauc_mrr_at_1000_max": 44.38223734909631, + "nauc_mrr_at_1000_std": -4.6407251183091045, + "nauc_mrr_at_100_diff1": 54.3534593950135, + "nauc_mrr_at_100_max": 44.378173894610114, + "nauc_mrr_at_100_std": -4.625111682775984, + "nauc_mrr_at_10_diff1": 54.24312662266002, + "nauc_mrr_at_10_max": 44.30746970923868, + "nauc_mrr_at_10_std": -4.965217414238369, + "nauc_mrr_at_1_diff1": 58.26954724773496, + "nauc_mrr_at_1_max": 45.03422518009353, + "nauc_mrr_at_1_std": -4.069334933239831, + "nauc_mrr_at_20_diff1": 54.25997769977666, + "nauc_mrr_at_20_max": 44.38402056799441, + "nauc_mrr_at_20_std": -4.671395366726689, + "nauc_mrr_at_3_diff1": 54.499361492963985, + "nauc_mrr_at_3_max": 43.81936137776164, + "nauc_mrr_at_3_std": -5.644776625702544, + "nauc_mrr_at_5_diff1": 54.44957576550037, + "nauc_mrr_at_5_max": 43.983826735470124, + "nauc_mrr_at_5_std": -5.796801921865972, + "nauc_ndcg_at_1000_diff1": 49.15241156513385, + "nauc_ndcg_at_1000_max": 42.45980120922761, + "nauc_ndcg_at_1000_std": -2.3353260193872605, + "nauc_ndcg_at_100_diff1": 48.24122686676774, + "nauc_ndcg_at_100_max": 42.27679493782058, + "nauc_ndcg_at_100_std": -1.5752369584570114, + "nauc_ndcg_at_10_diff1": 48.5509813605824, + "nauc_ndcg_at_10_max": 42.59298249833255, + "nauc_ndcg_at_10_std": -3.672669315491546, + "nauc_ndcg_at_1_diff1": 58.26954724773496, + "nauc_ndcg_at_1_max": 45.03422518009353, + "nauc_ndcg_at_1_std": -4.069334933239831, + "nauc_ndcg_at_20_diff1": 47.729261088005316, + "nauc_ndcg_at_20_max": 42.49497033902468, + "nauc_ndcg_at_20_std": -2.6719433358977773, + "nauc_ndcg_at_3_diff1": 48.68223689824344, + "nauc_ndcg_at_3_max": 40.9157048148036, + "nauc_ndcg_at_3_std": -5.637336437839516, + "nauc_ndcg_at_5_diff1": 48.69726991107552, + "nauc_ndcg_at_5_max": 41.152294520697076, + "nauc_ndcg_at_5_std": -5.48123275220102, + "nauc_precision_at_1000_diff1": -10.425039324403782, + "nauc_precision_at_1000_max": 7.051352071885475, + "nauc_precision_at_1000_std": 4.456043136940008, + "nauc_precision_at_100_diff1": -6.528489272274514, + "nauc_precision_at_100_max": 12.611149343017736, + "nauc_precision_at_100_std": 5.918229501417929, + "nauc_precision_at_10_diff1": 9.37469315859335, + "nauc_precision_at_10_max": 29.792160957981938, + "nauc_precision_at_10_std": 0.2316309488416353, + "nauc_precision_at_1_diff1": 58.26954724773496, + "nauc_precision_at_1_max": 45.03422518009353, + "nauc_precision_at_1_std": -4.069334933239831, + "nauc_precision_at_20_diff1": 2.981751622851337, + "nauc_precision_at_20_max": 23.312084195651227, + "nauc_precision_at_20_std": 2.560521133286893, + "nauc_precision_at_3_diff1": 20.831474725533468, + "nauc_precision_at_3_max": 34.732843194059996, + "nauc_precision_at_3_std": -3.379064346220114, + "nauc_precision_at_5_diff1": 14.628778037588857, + "nauc_precision_at_5_max": 33.5567398421705, + "nauc_precision_at_5_std": -2.4525869923256236, + "nauc_recall_at_1000_diff1": 24.629562614981076, + "nauc_recall_at_1000_max": 37.74776159843809, + "nauc_recall_at_1000_std": 45.84365921167674, + "nauc_recall_at_100_diff1": 28.656294603430176, + "nauc_recall_at_100_max": 34.99333512037935, + "nauc_recall_at_100_std": 18.07167333451945, + "nauc_recall_at_10_diff1": 39.579271628779686, + "nauc_recall_at_10_max": 39.65055294313406, + "nauc_recall_at_10_std": -1.4953189564586904, + "nauc_recall_at_1_diff1": 55.20976873300869, + "nauc_recall_at_1_max": 29.31564406699001, + "nauc_recall_at_1_std": -3.531295202744916, + "nauc_recall_at_20_diff1": 35.59952531108398, + "nauc_recall_at_20_max": 39.735665662589234, + "nauc_recall_at_20_std": 2.746812413081314, + "nauc_recall_at_3_diff1": 42.180790443876234, + "nauc_recall_at_3_max": 33.23529070499019, + "nauc_recall_at_3_std": -7.102867270573987, + "nauc_recall_at_5_diff1": 41.34875509720362, + "nauc_recall_at_5_max": 36.67737500141328, + "nauc_recall_at_5_std": -7.16711230678949, + "ndcg_at_1": 47.797, + "ndcg_at_10": 55.165, + "ndcg_at_100": 61.072, + "ndcg_at_1000": 62.766999999999996, + "ndcg_at_20": 57.603, + "ndcg_at_3": 50.134, + "ndcg_at_5": 51.711, + "precision_at_1": 47.797, + "precision_at_10": 13.150999999999998, + "precision_at_100": 1.8370000000000002, + "precision_at_1000": 0.20600000000000002, + "precision_at_20": 7.517, + "precision_at_3": 30.975, + "precision_at_5": 22.27, + "recall_at_1": 30.070999999999998, + "recall_at_10": 65.352, + "recall_at_100": 88.31099999999999, + "recall_at_1000": 99.417, + "recall_at_20": 72.65, + "recall_at_3": 49.891000000000005, + "recall_at_5": 56.949000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/model_meta.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/model_meta.json new file mode 100644 index 000000000..33c840f9b --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-instruct-v1/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "HIT-TMG/KaLM-embedding-multilingual-mini-instruct-v1", + "revision": "45e42c89990c40aca042659133fc8b13c28634b5", + "release_date": "2024-10-23", + "languages": [], + "loader": null, + "n_parameters": 494032768, + "memory_usage": null, + "max_tokens": 131072, + "embed_dim": 896, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/AFQMC.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/AFQMC.json new file mode 100644 index 000000000..c60e3406b --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/AFQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b44c3b011063adb25877c13823db83bb193913c4", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 38.29145368837485, + "cosine_spearman": 39.41056570139273, + "euclidean_pearson": 38.0651461534699, + "euclidean_spearman": 39.41056569992215, + "main_score": 39.41056570139273, + "manhattan_pearson": 37.70876309636298, + "manhattan_spearman": 39.04864822187025, + "pearson": 38.29145368837485, + "spearman": 39.41056570139273 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/ATEC.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/ATEC.json new file mode 100644 index 000000000..6a47429ca --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/ATEC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "0f319b1142f28d00e055a6770f3f726ae9b7d865", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 46.47704725371303, + "cosine_spearman": 46.9183608596495, + "euclidean_pearson": 49.36420417260176, + "euclidean_spearman": 46.91835860770197, + "main_score": 46.9183608596495, + "manhattan_pearson": 49.124318954541145, + "manhattan_spearman": 46.69432997494852, + "pearson": 46.47704725371303, + "spearman": 46.9183608596495 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/AllegroReviews.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/AllegroReviews.json new file mode 100644 index 000000000..dfee38cfe --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/AllegroReviews.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "b89853e6de927b0e3bfa8ecc0e56fe4e02ceafc6", + "task_name": "AllegroReviews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 49.22465208747514, + "f1": 35.68158330115517, + "f1_weighted": 44.81425765760541, + "main_score": 49.22465208747514 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/AlloProfClusteringP2P.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/AlloProfClusteringP2P.json new file mode 100644 index 000000000..27feac52f --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/AlloProfClusteringP2P.json @@ -0,0 +1,175 @@ +{ + "dataset_revision": "392ba3f5bcc8c51f578786c1fc3dae648662cb9b", + "task_name": "AlloProfClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "main_score": 66.69235568790974, + "v_measure": 66.69235568790974, + "v_measure_std": 2.537794350741746 + }, + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "main_score": 49.27280056656315, + "v_measure": 49.27280056656315, + "v_measure_std": 3.2810861239751716 + }, + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "main_score": 46.752, + "map_at_1": 29.404000000000003, + "map_at_10": 40.695, + "map_at_100": 41.638999999999996, + "map_at_1000": 41.686, + "map_at_20": 41.293, + "map_at_3": 37.464, + "map_at_5": 39.314, + "mrr_at_1": 29.404145077720205, + "mrr_at_10": 40.69454724895149, + "mrr_at_100": 41.6387718358502, + "mrr_at_1000": 41.686352032537386, + "mrr_at_20": 41.29302173047876, + "mrr_at_3": 37.46401842256771, + "mrr_at_5": 39.314191134139456, + "nauc_map_at_1000_diff1": 36.81140646424009, + "nauc_map_at_1000_max": 32.558382675482015, + "nauc_map_at_1000_std": 1.3209245482601717, + "nauc_map_at_100_diff1": 36.80623533104676, + "nauc_map_at_100_max": 32.58259240121919, + "nauc_map_at_100_std": 1.3357049662565006, + "nauc_map_at_10_diff1": 36.701137264179415, + "nauc_map_at_10_max": 32.39187216040168, + "nauc_map_at_10_std": 1.080168559171855, + "nauc_map_at_1_diff1": 41.17578040220583, + "nauc_map_at_1_max": 29.250697582326456, + "nauc_map_at_1_std": 0.015878420007215115, + "nauc_map_at_20_diff1": 36.78320606729714, + "nauc_map_at_20_max": 32.62394229122364, + "nauc_map_at_20_std": 1.2875500759697867, + "nauc_map_at_3_diff1": 36.61724743709236, + "nauc_map_at_3_max": 31.439128101338948, + "nauc_map_at_3_std": 0.6643615364760862, + "nauc_map_at_5_diff1": 36.51290373132519, + "nauc_map_at_5_max": 32.06362001986431, + "nauc_map_at_5_std": 1.0077803528775056, + "nauc_mrr_at_1000_diff1": 36.81140646424009, + "nauc_mrr_at_1000_max": 32.558382675482015, + "nauc_mrr_at_1000_std": 1.3209245482601717, + "nauc_mrr_at_100_diff1": 36.80623533104676, + "nauc_mrr_at_100_max": 32.58259240121919, + "nauc_mrr_at_100_std": 1.3357049662565006, + "nauc_mrr_at_10_diff1": 36.701137264179415, + "nauc_mrr_at_10_max": 32.39187216040168, + "nauc_mrr_at_10_std": 1.080168559171855, + "nauc_mrr_at_1_diff1": 41.17578040220583, + "nauc_mrr_at_1_max": 29.250697582326456, + "nauc_mrr_at_1_std": 0.015878420007215115, + "nauc_mrr_at_20_diff1": 36.78320606729714, + "nauc_mrr_at_20_max": 32.62394229122364, + "nauc_mrr_at_20_std": 1.2875500759697867, + "nauc_mrr_at_3_diff1": 36.61724743709236, + "nauc_mrr_at_3_max": 31.439128101338948, + "nauc_mrr_at_3_std": 0.6643615364760862, + "nauc_mrr_at_5_diff1": 36.51290373132519, + "nauc_mrr_at_5_max": 32.06362001986431, + "nauc_mrr_at_5_std": 1.0077803528775056, + "nauc_ndcg_at_1000_diff1": 36.24076511538488, + "nauc_ndcg_at_1000_max": 34.064413351133496, + "nauc_ndcg_at_1000_std": 2.4530947188501884, + "nauc_ndcg_at_100_diff1": 36.0927603024548, + "nauc_ndcg_at_100_max": 34.98071528431376, + "nauc_ndcg_at_100_std": 3.2048812019743806, + "nauc_ndcg_at_10_diff1": 35.48231357450575, + "nauc_ndcg_at_10_max": 34.23901754126376, + "nauc_ndcg_at_10_std": 1.8216358086555313, + "nauc_ndcg_at_1_diff1": 41.17578040220583, + "nauc_ndcg_at_1_max": 29.250697582326456, + "nauc_ndcg_at_1_std": 0.015878420007215115, + "nauc_ndcg_at_20_diff1": 35.762077351924866, + "nauc_ndcg_at_20_max": 35.131282428172504, + "nauc_ndcg_at_20_std": 2.6314418022317088, + "nauc_ndcg_at_3_diff1": 35.20458098278931, + "nauc_ndcg_at_3_max": 32.10452974167028, + "nauc_ndcg_at_3_std": 0.8794682266965334, + "nauc_ndcg_at_5_diff1": 34.98508114807989, + "nauc_ndcg_at_5_max": 33.262089912366264, + "nauc_ndcg_at_5_std": 1.5319350722125793, + "nauc_precision_at_1000_diff1": 44.666620982624345, + "nauc_precision_at_1000_max": 75.29393255580452, + "nauc_precision_at_1000_std": 55.59900299317424, + "nauc_precision_at_100_diff1": 34.231014793455486, + "nauc_precision_at_100_max": 57.643182221569056, + "nauc_precision_at_100_std": 24.69069946083384, + "nauc_precision_at_10_diff1": 31.574888849159986, + "nauc_precision_at_10_max": 41.421761956959116, + "nauc_precision_at_10_std": 4.763962617424729, + "nauc_precision_at_1_diff1": 41.17578040220583, + "nauc_precision_at_1_max": 29.250697582326456, + "nauc_precision_at_1_std": 0.015878420007215115, + "nauc_precision_at_20_diff1": 32.180018178061836, + "nauc_precision_at_20_max": 47.75245184649933, + "nauc_precision_at_20_std": 9.788615791772633, + "nauc_precision_at_3_diff1": 31.174995495672274, + "nauc_precision_at_3_max": 33.99858581358525, + "nauc_precision_at_3_std": 1.4974582520924251, + "nauc_precision_at_5_diff1": 30.35676602203525, + "nauc_precision_at_5_max": 37.047443567623354, + "nauc_precision_at_5_std": 3.2312689286293024, + "nauc_recall_at_1000_diff1": 44.666620982624515, + "nauc_recall_at_1000_max": 75.29393255580267, + "nauc_recall_at_1000_std": 55.59900299317372, + "nauc_recall_at_100_diff1": 34.23101479345545, + "nauc_recall_at_100_max": 57.64318222156907, + "nauc_recall_at_100_std": 24.690699460833915, + "nauc_recall_at_10_diff1": 31.574888849159976, + "nauc_recall_at_10_max": 41.42176195695914, + "nauc_recall_at_10_std": 4.763962617424782, + "nauc_recall_at_1_diff1": 41.17578040220583, + "nauc_recall_at_1_max": 29.250697582326456, + "nauc_recall_at_1_std": 0.015878420007215115, + "nauc_recall_at_20_diff1": 32.18001817806187, + "nauc_recall_at_20_max": 47.75245184649934, + "nauc_recall_at_20_std": 9.788615791772733, + "nauc_recall_at_3_diff1": 31.17499549567227, + "nauc_recall_at_3_max": 33.99858581358531, + "nauc_recall_at_3_std": 1.4974582520924073, + "nauc_recall_at_5_diff1": 30.356766022035238, + "nauc_recall_at_5_max": 37.047443567623354, + "nauc_recall_at_5_std": 3.2312689286292806, + "ndcg_at_1": 29.404000000000003, + "ndcg_at_10": 46.752, + "ndcg_at_100": 51.43, + "ndcg_at_1000": 52.76499999999999, + "ndcg_at_20": 48.92, + "ndcg_at_3": 40.106, + "ndcg_at_5": 43.445, + "precision_at_1": 29.404000000000003, + "precision_at_10": 6.601999999999999, + "precision_at_100": 0.881, + "precision_at_1000": 0.099, + "precision_at_20": 3.728, + "precision_at_3": 15.918, + "precision_at_5": 11.174000000000001, + "recall_at_1": 29.404000000000003, + "recall_at_10": 66.019, + "recall_at_100": 88.126, + "recall_at_1000": 98.791, + "recall_at_20": 74.568, + "recall_at_3": 47.754999999999995, + "recall_at_5": 55.872 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/AlloprofReranking.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/AlloprofReranking.json new file mode 100644 index 000000000..b77fb349f --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/AlloprofReranking.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "65393d0d7a08a10b4e348135e824f385d420b0fd", + "task_name": "AlloprofReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "main_score": 74.05051363767075, + "map": 74.05051363767075, + "mrr": 75.32834046111249, + "nAUC_map_diff1": 53.43142734542149, + "nAUC_map_max": 10.45363593380914, + "nAUC_map_std": 18.04797969501808, + "nAUC_mrr_diff1": 52.84895215306421, + "nAUC_mrr_max": 11.161569184920731, + "nAUC_mrr_std": 18.116278051231706 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/AmazonCounterfactualClassification.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..6f02e6b26 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/AmazonCounterfactualClassification.json @@ -0,0 +1,34 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-ext", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.16041979010495, + "ap": 22.731316107205824, + "ap_weighted": 22.731316107205824, + "f1": 61.311184650259634, + "f1_weighted": 78.92070802470501, + "main_score": 74.16041979010495 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.35820895522387, + "ap": 34.13026440006763, + "ap_weighted": 34.13026440006763, + "f1": 65.91101941691169, + "f1_weighted": 74.90947851184335, + "main_score": 72.35820895522387 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/AmazonPolarityClassification.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..aa2178b82 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/AmazonPolarityClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 95.2693, + "ap": 93.69278757537118, + "ap_weighted": 93.69278757537118, + "f1": 95.26705627226383, + "f1_weighted": 95.26705627226384, + "main_score": 95.2693 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/AmazonReviewsClassification.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..4a7acdbc8 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/AmazonReviewsClassification.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 51.01, + "f1": 48.69903082137716, + "f1_weighted": 48.69903082137716, + "main_score": 51.01 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 41.858000000000004, + "f1": 38.04731113109237, + "f1_weighted": 38.04731113109237, + "main_score": 41.858000000000004 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 44.847999999999985, + "f1": 41.93605853189159, + "f1_weighted": 41.93605853189159, + "main_score": 44.847999999999985 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/ArguAna-PL.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/ArguAna-PL.json new file mode 100644 index 000000000..86febe078 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/ArguAna-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "63fc86750af76253e8c760fc9e534bbf24d260a2", + "task_name": "ArguAna-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 49.668, + "map_at_1": 24.751, + "map_at_10": 40.36, + "map_at_100": 41.368, + "map_at_1000": 41.379, + "map_at_20": 41.134, + "map_at_3": 34.945, + "map_at_5": 38.043, + "mrr_at_1": 25.03556187766714, + "mrr_at_10": 40.47856126803494, + "mrr_at_100": 41.49280025917654, + "mrr_at_1000": 41.50319481040459, + "mrr_at_20": 41.25788030596975, + "mrr_at_3": 35.0521574205784, + "mrr_at_5": 38.167377904219954, + "nauc_map_at_1000_diff1": 7.731653729111241, + "nauc_map_at_1000_max": -6.3011371446014115, + "nauc_map_at_1000_std": -6.06100995003556, + "nauc_map_at_100_diff1": 7.740664698795466, + "nauc_map_at_100_max": -6.278576653918305, + "nauc_map_at_100_std": -6.048854855804748, + "nauc_map_at_10_diff1": 7.58994360921921, + "nauc_map_at_10_max": -6.486918896565689, + "nauc_map_at_10_std": -6.590603504257126, + "nauc_map_at_1_diff1": 10.018749983163797, + "nauc_map_at_1_max": -9.286741407015537, + "nauc_map_at_1_std": -6.604729499204554, + "nauc_map_at_20_diff1": 7.706256252764164, + "nauc_map_at_20_max": -6.168914547814974, + "nauc_map_at_20_std": -6.083566639755691, + "nauc_map_at_3_diff1": 7.033893231381659, + "nauc_map_at_3_max": -6.945660103296161, + "nauc_map_at_3_std": -6.0565345896842135, + "nauc_map_at_5_diff1": 7.205099657249722, + "nauc_map_at_5_max": -6.776921990255051, + "nauc_map_at_5_std": -5.907533989245036, + "nauc_mrr_at_1000_diff1": 6.668270267618491, + "nauc_mrr_at_1000_max": -6.803645974646868, + "nauc_mrr_at_1000_std": -6.110358020715999, + "nauc_mrr_at_100_diff1": 6.677624675636143, + "nauc_mrr_at_100_max": -6.78097136036329, + "nauc_mrr_at_100_std": -6.098217879471153, + "nauc_mrr_at_10_diff1": 6.468832159598689, + "nauc_mrr_at_10_max": -7.0315355572474925, + "nauc_mrr_at_10_std": -6.601932672455336, + "nauc_mrr_at_1_diff1": 9.07223439791323, + "nauc_mrr_at_1_max": -9.264510377291506, + "nauc_mrr_at_1_std": -6.764808343700734, + "nauc_mrr_at_20_diff1": 6.65302226067872, + "nauc_mrr_at_20_max": -6.666040499900585, + "nauc_mrr_at_20_std": -6.132351790646591, + "nauc_mrr_at_3_diff1": 5.824560443333769, + "nauc_mrr_at_3_max": -7.573354775954246, + "nauc_mrr_at_3_std": -6.106371480222379, + "nauc_mrr_at_5_diff1": 6.209821468263958, + "nauc_mrr_at_5_max": -7.271141379552105, + "nauc_mrr_at_5_std": -5.938481110932588, + "nauc_ndcg_at_1000_diff1": 7.773930949495924, + "nauc_ndcg_at_1000_max": -5.1914799213542535, + "nauc_ndcg_at_1000_std": -5.443963700763181, + "nauc_ndcg_at_100_diff1": 8.057028087355645, + "nauc_ndcg_at_100_max": -4.531668964685114, + "nauc_ndcg_at_100_std": -5.043531367158232, + "nauc_ndcg_at_10_diff1": 7.464635855577513, + "nauc_ndcg_at_10_max": -4.878234464633695, + "nauc_ndcg_at_10_std": -7.040243622992924, + "nauc_ndcg_at_1_diff1": 10.018749983163797, + "nauc_ndcg_at_1_max": -9.286741407015537, + "nauc_ndcg_at_1_std": -6.604729499204554, + "nauc_ndcg_at_20_diff1": 7.927592870050634, + "nauc_ndcg_at_20_max": -3.5850025129078804, + "nauc_ndcg_at_20_std": -5.171152516248472, + "nauc_ndcg_at_3_diff1": 6.2883775843899485, + "nauc_ndcg_at_3_max": -6.088799255371655, + "nauc_ndcg_at_3_std": -5.718514280311179, + "nauc_ndcg_at_5_diff1": 6.560041121192067, + "nauc_ndcg_at_5_max": -5.667390479730649, + "nauc_ndcg_at_5_std": -5.345467266005971, + "nauc_precision_at_1000_diff1": 3.3584681799320566, + "nauc_precision_at_1000_max": 27.67410378535401, + "nauc_precision_at_1000_std": 73.59018487762006, + "nauc_precision_at_100_diff1": 31.86229567780328, + "nauc_precision_at_100_max": 57.759019425342615, + "nauc_precision_at_100_std": 45.17932914356757, + "nauc_precision_at_10_diff1": 7.59135628113755, + "nauc_precision_at_10_max": 3.3516129835437254, + "nauc_precision_at_10_std": -9.981248425456624, + "nauc_precision_at_1_diff1": 10.018749983163797, + "nauc_precision_at_1_max": -9.286741407015537, + "nauc_precision_at_1_std": -6.604729499204554, + "nauc_precision_at_20_diff1": 12.340895595423683, + "nauc_precision_at_20_max": 22.834947429467178, + "nauc_precision_at_20_std": 5.3105422687851425, + "nauc_precision_at_3_diff1": 4.279842180460012, + "nauc_precision_at_3_max": -3.6828818164493162, + "nauc_precision_at_3_std": -4.735859463411824, + "nauc_precision_at_5_diff1": 4.654912773566626, + "nauc_precision_at_5_max": -2.0537304325752452, + "nauc_precision_at_5_std": -3.419667795061248, + "nauc_recall_at_1000_diff1": 3.358468179927671, + "nauc_recall_at_1000_max": 27.674103785350603, + "nauc_recall_at_1000_std": 73.59018487761793, + "nauc_recall_at_100_diff1": 31.862295677802706, + "nauc_recall_at_100_max": 57.75901942534214, + "nauc_recall_at_100_std": 45.17932914356684, + "nauc_recall_at_10_diff1": 7.591356281137633, + "nauc_recall_at_10_max": 3.351612983543776, + "nauc_recall_at_10_std": -9.981248425456481, + "nauc_recall_at_1_diff1": 10.018749983163797, + "nauc_recall_at_1_max": -9.286741407015537, + "nauc_recall_at_1_std": -6.604729499204554, + "nauc_recall_at_20_diff1": 12.340895595423826, + "nauc_recall_at_20_max": 22.834947429467274, + "nauc_recall_at_20_std": 5.310542268785199, + "nauc_recall_at_3_diff1": 4.279842180460059, + "nauc_recall_at_3_max": -3.682881816449298, + "nauc_recall_at_3_std": -4.735859463411806, + "nauc_recall_at_5_diff1": 4.6549127735666795, + "nauc_recall_at_5_max": -2.0537304325752013, + "nauc_recall_at_5_std": -3.419667795061247, + "ndcg_at_1": 24.751, + "ndcg_at_10": 49.668, + "ndcg_at_100": 53.867, + "ndcg_at_1000": 54.102, + "ndcg_at_20": 52.34799999999999, + "ndcg_at_3": 38.451, + "ndcg_at_5": 44.069, + "precision_at_1": 24.751, + "precision_at_10": 7.965999999999999, + "precision_at_100": 0.9780000000000001, + "precision_at_1000": 0.1, + "precision_at_20": 4.4990000000000006, + "precision_at_3": 16.216, + "precision_at_5": 12.475, + "recall_at_1": 24.751, + "recall_at_10": 79.659, + "recall_at_100": 97.795, + "recall_at_1000": 99.57300000000001, + "recall_at_20": 89.972, + "recall_at_3": 48.649, + "recall_at_5": 62.376 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/ArguAna.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/ArguAna.json new file mode 100644 index 000000000..6b89a07a7 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/ArguAna.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 56.713, + "map_at_1": 31.436999999999998, + "map_at_10": 47.632000000000005, + "map_at_100": 48.418, + "map_at_1000": 48.421, + "map_at_20": 48.274, + "map_at_3": 42.568, + "map_at_5": 45.473, + "mrr_at_1": 31.934566145092464, + "mrr_at_10": 47.80803359750735, + "mrr_at_100": 48.594181951484266, + "mrr_at_1000": 48.59689299100106, + "mrr_at_20": 48.450028297368256, + "mrr_at_3": 42.7453769559033, + "mrr_at_5": 45.625889046941744, + "nauc_map_at_1000_diff1": 11.309764384647323, + "nauc_map_at_1000_max": -12.696935142377729, + "nauc_map_at_1000_std": -12.712119206533423, + "nauc_map_at_100_diff1": 11.311862879869643, + "nauc_map_at_100_max": -12.688064356825764, + "nauc_map_at_100_std": -12.708245196445258, + "nauc_map_at_10_diff1": 11.180369964075947, + "nauc_map_at_10_max": -12.557609097774142, + "nauc_map_at_10_std": -12.86587547951096, + "nauc_map_at_1_diff1": 13.545199807116537, + "nauc_map_at_1_max": -15.05694303234355, + "nauc_map_at_1_std": -13.135999468701948, + "nauc_map_at_20_diff1": 11.301805884587152, + "nauc_map_at_20_max": -12.580961418657783, + "nauc_map_at_20_std": -12.626994998566007, + "nauc_map_at_3_diff1": 11.021077829815507, + "nauc_map_at_3_max": -13.20022886911152, + "nauc_map_at_3_std": -13.127711855412471, + "nauc_map_at_5_diff1": 11.138694322935278, + "nauc_map_at_5_max": -12.748146823323433, + "nauc_map_at_5_std": -13.183789787796002, + "nauc_mrr_at_1000_diff1": 9.677867008889587, + "nauc_mrr_at_1000_max": -13.420330905625857, + "nauc_mrr_at_1000_std": -12.792519437553008, + "nauc_mrr_at_100_diff1": 9.680107626011944, + "nauc_mrr_at_100_max": -13.411410836965254, + "nauc_mrr_at_100_std": -12.788644939208261, + "nauc_mrr_at_10_diff1": 9.589680890065521, + "nauc_mrr_at_10_max": -13.261739941834202, + "nauc_mrr_at_10_std": -12.944134710141187, + "nauc_mrr_at_1_diff1": 12.085031779160564, + "nauc_mrr_at_1_max": -15.02002211766975, + "nauc_mrr_at_1_std": -13.355756268733016, + "nauc_mrr_at_20_diff1": 9.677873154739816, + "nauc_mrr_at_20_max": -13.300790622622587, + "nauc_mrr_at_20_std": -12.707185337847148, + "nauc_mrr_at_3_diff1": 9.472988614112802, + "nauc_mrr_at_3_max": -13.919505060412762, + "nauc_mrr_at_3_std": -13.164277574722277, + "nauc_mrr_at_5_diff1": 9.467059127457365, + "nauc_mrr_at_5_max": -13.584824274866206, + "nauc_mrr_at_5_std": -13.199173673034172, + "nauc_ndcg_at_1000_diff1": 11.117383537119457, + "nauc_ndcg_at_1000_max": -12.047108406166398, + "nauc_ndcg_at_1000_std": -12.4255053792295, + "nauc_ndcg_at_100_diff1": 11.199092599092824, + "nauc_ndcg_at_100_max": -11.816562361312737, + "nauc_ndcg_at_100_std": -12.321599738274934, + "nauc_ndcg_at_10_diff1": 10.619688096042301, + "nauc_ndcg_at_10_max": -10.991140718309158, + "nauc_ndcg_at_10_std": -12.913717053782964, + "nauc_ndcg_at_1_diff1": 13.545199807116537, + "nauc_ndcg_at_1_max": -15.05694303234355, + "nauc_ndcg_at_1_std": -13.135999468701948, + "nauc_ndcg_at_20_diff1": 11.079239059115043, + "nauc_ndcg_at_20_max": -11.107522795986476, + "nauc_ndcg_at_20_std": -11.917269092652596, + "nauc_ndcg_at_3_diff1": 10.328082482022936, + "nauc_ndcg_at_3_max": -12.609971276627075, + "nauc_ndcg_at_3_std": -13.581875503621793, + "nauc_ndcg_at_5_diff1": 10.598034768408395, + "nauc_ndcg_at_5_max": -11.664284036838387, + "nauc_ndcg_at_5_std": -13.738318585447246, + "nauc_precision_at_1000_diff1": 3.733355117431035, + "nauc_precision_at_1000_max": 22.126811641224737, + "nauc_precision_at_1000_std": 77.22610895194498, + "nauc_precision_at_100_diff1": 27.682371417569136, + "nauc_precision_at_100_max": 55.30719621706036, + "nauc_precision_at_100_std": 51.87386775498134, + "nauc_precision_at_10_diff1": 7.322656348885176, + "nauc_precision_at_10_max": 0.2704135680738493, + "nauc_precision_at_10_std": -12.841217202927321, + "nauc_precision_at_1_diff1": 13.545199807116537, + "nauc_precision_at_1_max": -15.05694303234355, + "nauc_precision_at_1_std": -13.135999468701948, + "nauc_precision_at_20_diff1": 10.486079260481048, + "nauc_precision_at_20_max": 14.003109613986817, + "nauc_precision_at_20_std": 4.910816164725959, + "nauc_precision_at_3_diff1": 8.271896718206264, + "nauc_precision_at_3_max": -10.827383320727357, + "nauc_precision_at_3_std": -15.106532989878312, + "nauc_precision_at_5_diff1": 8.834654894956898, + "nauc_precision_at_5_max": -7.540039352361894, + "nauc_precision_at_5_std": -15.969132098353741, + "nauc_recall_at_1000_diff1": 3.733355117431255, + "nauc_recall_at_1000_max": 22.126811641217202, + "nauc_recall_at_1000_std": 77.22610895193765, + "nauc_recall_at_100_diff1": 27.682371417566458, + "nauc_recall_at_100_max": 55.30719621705814, + "nauc_recall_at_100_std": 51.8738677549813, + "nauc_recall_at_10_diff1": 7.322656348885266, + "nauc_recall_at_10_max": 0.27041356807404016, + "nauc_recall_at_10_std": -12.841217202927096, + "nauc_recall_at_1_diff1": 13.545199807116537, + "nauc_recall_at_1_max": -15.05694303234355, + "nauc_recall_at_1_std": -13.135999468701948, + "nauc_recall_at_20_diff1": 10.486079260481167, + "nauc_recall_at_20_max": 14.003109613986972, + "nauc_recall_at_20_std": 4.910816164726593, + "nauc_recall_at_3_diff1": 8.271896718206312, + "nauc_recall_at_3_max": -10.827383320727314, + "nauc_recall_at_3_std": -15.106532989878287, + "nauc_recall_at_5_diff1": 8.834654894956909, + "nauc_recall_at_5_max": -7.540039352361923, + "nauc_recall_at_5_std": -15.969132098353715, + "ndcg_at_1": 31.436999999999998, + "ndcg_at_10": 56.713, + "ndcg_at_100": 59.887, + "ndcg_at_1000": 59.94500000000001, + "ndcg_at_20": 58.98, + "ndcg_at_3": 46.261, + "ndcg_at_5": 51.501, + "precision_at_1": 31.436999999999998, + "precision_at_10": 8.578, + "precision_at_100": 0.992, + "precision_at_1000": 0.1, + "precision_at_20": 4.73, + "precision_at_3": 18.990000000000002, + "precision_at_5": 13.94, + "recall_at_1": 31.436999999999998, + "recall_at_10": 85.775, + "recall_at_100": 99.21799999999999, + "recall_at_1000": 99.644, + "recall_at_20": 94.595, + "recall_at_3": 56.97, + "recall_at_5": 69.70100000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/ArxivClusteringP2P.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..dc1a350b2 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/ArxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 47.077382303485514, + "v_measure": 47.077382303485514, + "v_measure_std": 14.00039477846898 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/ArxivClusteringS2S.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..a260042af --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/ArxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 39.11589804504639, + "v_measure": 39.11589804504639, + "v_measure_std": 14.697039096668583 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/AskUbuntuDupQuestions.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..97677f2ec --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/AskUbuntuDupQuestions.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 60.01096720382656, + "map": 60.01096720382656, + "mrr": 74.4235588972431, + "nAUC_map_diff1": 14.296647950054817, + "nAUC_map_max": 21.720215707737303, + "nAUC_map_std": 18.20845510591147, + "nAUC_mrr_diff1": 23.769639422872142, + "nAUC_mrr_max": 33.07785201075024, + "nAUC_mrr_std": 18.461570711690968 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/BIOSSES.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/BIOSSES.json new file mode 100644 index 000000000..d11a80194 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 87.60987223075549, + "cosine_spearman": 86.23750714877664, + "euclidean_pearson": 86.21541799525612, + "euclidean_spearman": 86.23750714877664, + "main_score": 86.23750714877664, + "manhattan_pearson": 86.1758097383748, + "manhattan_spearman": 86.37365482930716, + "pearson": 87.60987223075549, + "spearman": 86.23750714877664 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/BQ.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/BQ.json new file mode 100644 index 000000000..9ee31b222 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/BQ.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e3dda5e115e487b39ec7e618c0c6a29137052a55", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 51.2270285721989, + "cosine_spearman": 51.53381532349815, + "euclidean_pearson": 50.83672339980501, + "euclidean_spearman": 51.53382225123762, + "main_score": 51.53381532349815, + "manhattan_pearson": 50.481897254555655, + "manhattan_spearman": 51.165938122581764, + "pearson": 51.2270285721989, + "spearman": 51.53381532349815 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/BSARDRetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/BSARDRetrieval.json new file mode 100644 index 000000000..383f378bc --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/BSARDRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "5effa1b9b5fa3b0f9e12523e6e43e5f86a6e6d59", + "task_name": "BSARDRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "main_score": 58.559000000000005, + "map_at_1": 10.36, + "map_at_10": 16.758, + "map_at_100": 17.716, + "map_at_1000": 17.816000000000003, + "map_at_20": 17.221, + "map_at_3": 14.565, + "map_at_5": 15.870999999999999, + "mrr_at_1": 10.36036036036036, + "mrr_at_10": 16.758186758186753, + "mrr_at_100": 17.715800685239955, + "mrr_at_1000": 17.816056728488995, + "mrr_at_20": 17.221227569524782, + "mrr_at_3": 14.564564564564561, + "mrr_at_5": 15.870870870870865, + "nauc_map_at_1000_diff1": 13.581189454277641, + "nauc_map_at_1000_max": 23.489691228117813, + "nauc_map_at_1000_std": 5.6307865456405395, + "nauc_map_at_100_diff1": 13.454198011114709, + "nauc_map_at_100_max": 23.45922415373145, + "nauc_map_at_100_std": 5.616848031628102, + "nauc_map_at_10_diff1": 13.320234520737017, + "nauc_map_at_10_max": 23.234237599237463, + "nauc_map_at_10_std": 4.544384095472259, + "nauc_map_at_1_diff1": 19.723683325024975, + "nauc_map_at_1_max": 20.464053097615416, + "nauc_map_at_1_std": 2.099858103167991, + "nauc_map_at_20_diff1": 13.743084308870731, + "nauc_map_at_20_max": 23.529304709994932, + "nauc_map_at_20_std": 5.326637193786957, + "nauc_map_at_3_diff1": 11.829713917206632, + "nauc_map_at_3_max": 20.982180859889315, + "nauc_map_at_3_std": 2.6604076449483416, + "nauc_map_at_5_diff1": 13.25993802690841, + "nauc_map_at_5_max": 21.63314647686895, + "nauc_map_at_5_std": 2.762539517745844, + "nauc_mrr_at_1000_diff1": 13.581189454277641, + "nauc_mrr_at_1000_max": 23.489691228117813, + "nauc_mrr_at_1000_std": 5.6307865456405395, + "nauc_mrr_at_100_diff1": 13.454198011114709, + "nauc_mrr_at_100_max": 23.45922415373145, + "nauc_mrr_at_100_std": 5.616848031628102, + "nauc_mrr_at_10_diff1": 13.320234520737017, + "nauc_mrr_at_10_max": 23.234237599237463, + "nauc_mrr_at_10_std": 4.544384095472259, + "nauc_mrr_at_1_diff1": 19.723683325024975, + "nauc_mrr_at_1_max": 20.464053097615416, + "nauc_mrr_at_1_std": 2.099858103167991, + "nauc_mrr_at_20_diff1": 13.743084308870731, + "nauc_mrr_at_20_max": 23.529304709994932, + "nauc_mrr_at_20_std": 5.326637193786957, + "nauc_mrr_at_3_diff1": 11.829713917206632, + "nauc_mrr_at_3_max": 20.982180859889315, + "nauc_mrr_at_3_std": 2.6604076449483416, + "nauc_mrr_at_5_diff1": 13.25993802690841, + "nauc_mrr_at_5_max": 21.63314647686895, + "nauc_mrr_at_5_std": 2.762539517745844, + "nauc_ndcg_at_1000_diff1": 13.707503108989783, + "nauc_ndcg_at_1000_max": 25.949859334474194, + "nauc_ndcg_at_1000_std": 11.30077185095291, + "nauc_ndcg_at_100_diff1": 11.488652396242538, + "nauc_ndcg_at_100_max": 25.577496900047457, + "nauc_ndcg_at_100_std": 11.594574152798417, + "nauc_ndcg_at_10_diff1": 12.238261856743057, + "nauc_ndcg_at_10_max": 25.70940084264975, + "nauc_ndcg_at_10_std": 6.674709323258127, + "nauc_ndcg_at_1_diff1": 19.723683325024975, + "nauc_ndcg_at_1_max": 20.464053097615416, + "nauc_ndcg_at_1_std": 2.099858103167991, + "nauc_ndcg_at_20_diff1": 13.554982508741379, + "nauc_ndcg_at_20_max": 26.121920197241778, + "nauc_ndcg_at_20_std": 8.855936872536278, + "nauc_ndcg_at_3_diff1": 9.59924858769597, + "nauc_ndcg_at_3_max": 21.202502594505308, + "nauc_ndcg_at_3_std": 2.9122811723533566, + "nauc_ndcg_at_5_diff1": 12.117243393169327, + "nauc_ndcg_at_5_max": 22.382086327774463, + "nauc_ndcg_at_5_std": 3.068185747546371, + "nauc_precision_at_1000_diff1": 21.314687056528214, + "nauc_precision_at_1000_max": 35.85736416644202, + "nauc_precision_at_1000_std": 41.215589583356014, + "nauc_precision_at_100_diff1": 4.841538567838315, + "nauc_precision_at_100_max": 29.796025601556465, + "nauc_precision_at_100_std": 31.66461426950881, + "nauc_precision_at_10_diff1": 10.2769925656981, + "nauc_precision_at_10_max": 31.610465042792512, + "nauc_precision_at_10_std": 11.729838363348398, + "nauc_precision_at_1_diff1": 19.723683325024975, + "nauc_precision_at_1_max": 20.464053097615416, + "nauc_precision_at_1_std": 2.099858103167991, + "nauc_precision_at_20_diff1": 14.122666091725545, + "nauc_precision_at_20_max": 31.813794575630656, + "nauc_precision_at_20_std": 17.44031269111964, + "nauc_precision_at_3_diff1": 4.41887012868526, + "nauc_precision_at_3_max": 21.73037689396608, + "nauc_precision_at_3_std": 3.5177146563010777, + "nauc_precision_at_5_diff1": 9.911736958870145, + "nauc_precision_at_5_max": 24.17828887763417, + "nauc_precision_at_5_std": 3.758711226096333, + "nauc_recall_at_1000_diff1": 21.314687056528154, + "nauc_recall_at_1000_max": 35.85736416644197, + "nauc_recall_at_1000_std": 41.21558958335586, + "nauc_recall_at_100_diff1": 4.841538567838269, + "nauc_recall_at_100_max": 29.79602560155637, + "nauc_recall_at_100_std": 31.66461426950869, + "nauc_recall_at_10_diff1": 10.276992565698032, + "nauc_recall_at_10_max": 31.610465042792473, + "nauc_recall_at_10_std": 11.729838363348378, + "nauc_recall_at_1_diff1": 19.723683325024975, + "nauc_recall_at_1_max": 20.464053097615416, + "nauc_recall_at_1_std": 2.099858103167991, + "nauc_recall_at_20_diff1": 14.122666091725526, + "nauc_recall_at_20_max": 31.813794575630638, + "nauc_recall_at_20_std": 17.440312691119587, + "nauc_recall_at_3_diff1": 4.4188701286852785, + "nauc_recall_at_3_max": 21.7303768939661, + "nauc_recall_at_3_std": 3.5177146563010853, + "nauc_recall_at_5_diff1": 9.911736958870106, + "nauc_recall_at_5_max": 24.178288877634106, + "nauc_recall_at_5_std": 3.758711226096281, + "ndcg_at_1": 10.36, + "ndcg_at_10": 20.471, + "ndcg_at_100": 25.777, + "ndcg_at_1000": 28.593000000000004, + "ndcg_at_20": 22.246, + "ndcg_at_3": 15.916, + "ndcg_at_5": 18.3, + "precision_at_1": 10.36, + "precision_at_10": 3.243, + "precision_at_100": 0.586, + "precision_at_1000": 0.08099999999999999, + "precision_at_20": 1.982, + "precision_at_3": 6.607, + "precision_at_5": 5.135, + "recall_at_1": 10.36, + "recall_at_10": 32.432, + "recall_at_100": 58.559000000000005, + "recall_at_1000": 81.081, + "recall_at_20": 39.64, + "recall_at_3": 19.82, + "recall_at_5": 25.676 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/Banking77Classification.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/Banking77Classification.json new file mode 100644 index 000000000..4cdbb682e --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/Banking77Classification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.16883116883118, + "f1": 78.34840435712427, + "f1_weighted": 78.3484043571243, + "main_score": 79.16883116883118 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/BiorxivClusteringP2P.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..1c29df7da --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/BiorxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 39.29881417268574, + "v_measure": 39.29881417268574, + "v_measure_std": 1.1874002185778423 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/BiorxivClusteringS2S.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..4f7acb8b6 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/BiorxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 33.9614529554878, + "v_measure": 33.9614529554878, + "v_measure_std": 0.6283058974037568 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CBD.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CBD.json new file mode 100644 index 000000000..f49781173 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CBD.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "36ddb419bcffe6a5374c3891957912892916f28d", + "task_name": "CBD", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 62.85999999999999, + "ap": 18.744713128220596, + "ap_weighted": 18.744713128220596, + "f1": 53.296341093646696, + "f1_weighted": 68.61665005768842, + "main_score": 62.85999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CDSC-E.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CDSC-E.json new file mode 100644 index 000000000..ea4a437c4 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CDSC-E.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "0a3d4aa409b22f80eb22cbf59b492637637b536d", + "task_name": "CDSC-E", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cosine_accuracy": 87.3, + "cosine_accuracy_threshold": 95.8031415939331, + "cosine_ap": 69.77225668650979, + "cosine_f1": 63.04909560723513, + "cosine_f1_threshold": 86.9259238243103, + "cosine_precision": 61.92893401015228, + "cosine_recall": 64.21052631578948, + "dot_accuracy": 87.3, + "dot_accuracy_threshold": 95.8031415939331, + "dot_ap": 69.77225668650979, + "dot_f1": 63.04909560723513, + "dot_f1_threshold": 86.9259238243103, + "dot_precision": 61.92893401015228, + "dot_recall": 64.21052631578948, + "euclidean_accuracy": 87.3, + "euclidean_accuracy_threshold": 28.971904516220093, + "euclidean_ap": 69.77225668650979, + "euclidean_f1": 63.04909560723513, + "euclidean_f1_threshold": 51.135218143463135, + "euclidean_precision": 61.92893401015228, + "euclidean_recall": 64.21052631578948, + "main_score": 70.04616767691698, + "manhattan_accuracy": 87.5, + "manhattan_accuracy_threshold": 790.4520988464355, + "manhattan_ap": 70.04616767691698, + "manhattan_f1": 63.54166666666667, + "manhattan_f1_threshold": 1195.075511932373, + "manhattan_precision": 62.88659793814433, + "manhattan_recall": 64.21052631578948, + "max_ap": 70.04616767691698, + "max_f1": 63.54166666666667, + "max_precision": 62.88659793814433, + "max_recall": 64.21052631578948, + "similarity_accuracy": 87.3, + "similarity_accuracy_threshold": 95.8031415939331, + "similarity_ap": 69.77225668650979, + "similarity_f1": 63.04909560723513, + "similarity_f1_threshold": 86.9259238243103, + "similarity_precision": 61.92893401015228, + "similarity_recall": 64.21052631578948 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CDSC-R.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CDSC-R.json new file mode 100644 index 000000000..751c099d2 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CDSC-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "1cd6abbb00df7d14be3dbd76a7dcc64b3a79a7cd", + "task_name": "CDSC-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cosine_pearson": 90.1467539156439, + "cosine_spearman": 90.37983178422222, + "euclidean_pearson": 87.54100647769168, + "euclidean_spearman": 90.37983178422222, + "main_score": 90.37983178422222, + "manhattan_pearson": 87.6231001602879, + "manhattan_spearman": 90.52798044659546, + "pearson": 90.1467539156439, + "spearman": 90.37983178422222 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CEDRClassification.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CEDRClassification.json new file mode 100644 index 000000000..1f110f9c5 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CEDRClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "c0ba03d058e3e1b2f3fd20518875a4563dd12db4", + "task_name": "CEDRClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 42.15727948990436, + "f1": 39.09194730362947, + "lrap": 71.07199787460253, + "main_score": 42.15727948990436 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CLSClusteringP2P.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CLSClusteringP2P.json new file mode 100644 index 000000000..53ad4f180 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CLSClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4b6227591c6c1a73bc76b1055f3b7f3588e72476", + "task_name": "CLSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 42.6351765343486, + "v_measure": 42.6351765343486, + "v_measure_std": 0.8266776246358534 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CLSClusteringS2S.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CLSClusteringS2S.json new file mode 100644 index 000000000..5c8b2ffed --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CLSClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e458b3f5414b62b7f9f83499ac1f5497ae2e869f", + "task_name": "CLSClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 39.14026434895999, + "v_measure": 39.14026434895999, + "v_measure_std": 0.8843326244130124 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CQADupstackAndroidRetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..87893ad28 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f46a197baaae43b4f621051089b82a364682dfeb", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 51.891, + "map_at_1": 33.335, + "map_at_10": 45.206, + "map_at_100": 46.794000000000004, + "map_at_1000": 46.910000000000004, + "map_at_20": 46.107, + "map_at_3": 41.478, + "map_at_5": 43.491, + "mrr_at_1": 40.2002861230329, + "mrr_at_10": 51.27449644617026, + "mrr_at_100": 51.94262681998448, + "mrr_at_1000": 51.98748435659779, + "mrr_at_20": 51.679253979427365, + "mrr_at_3": 48.545541249403904, + "mrr_at_5": 50.26943252265138, + "nauc_map_at_1000_diff1": 53.279892622864466, + "nauc_map_at_1000_max": 37.30026325175372, + "nauc_map_at_1000_std": -5.31272778840401, + "nauc_map_at_100_diff1": 53.260255242354035, + "nauc_map_at_100_max": 37.34138849578408, + "nauc_map_at_100_std": -5.223853769998806, + "nauc_map_at_10_diff1": 53.01168904143889, + "nauc_map_at_10_max": 36.52985848709173, + "nauc_map_at_10_std": -6.60737122397934, + "nauc_map_at_1_diff1": 57.48774969135532, + "nauc_map_at_1_max": 32.87239964104006, + "nauc_map_at_1_std": -9.65950934039381, + "nauc_map_at_20_diff1": 53.014218960477145, + "nauc_map_at_20_max": 36.95460780612761, + "nauc_map_at_20_std": -5.7846033314898975, + "nauc_map_at_3_diff1": 53.386035964079085, + "nauc_map_at_3_max": 35.494196154327376, + "nauc_map_at_3_std": -7.761241655463379, + "nauc_map_at_5_diff1": 52.52045589069632, + "nauc_map_at_5_max": 35.87189518536011, + "nauc_map_at_5_std": -7.280825988785475, + "nauc_mrr_at_1000_diff1": 52.21043432899831, + "nauc_mrr_at_1000_max": 37.52636619273335, + "nauc_mrr_at_1000_std": -5.458572482733526, + "nauc_mrr_at_100_diff1": 52.19543099780388, + "nauc_mrr_at_100_max": 37.528593941814115, + "nauc_mrr_at_100_std": -5.434274045688043, + "nauc_mrr_at_10_diff1": 51.89698285990516, + "nauc_mrr_at_10_max": 37.444484137976744, + "nauc_mrr_at_10_std": -5.682595266827838, + "nauc_mrr_at_1_diff1": 56.17142686081959, + "nauc_mrr_at_1_max": 36.815076888109125, + "nauc_mrr_at_1_std": -9.1961282634956, + "nauc_mrr_at_20_diff1": 52.13365466798001, + "nauc_mrr_at_20_max": 37.47508491548877, + "nauc_mrr_at_20_std": -5.38723388397372, + "nauc_mrr_at_3_diff1": 52.261215410063635, + "nauc_mrr_at_3_max": 38.06288987541818, + "nauc_mrr_at_3_std": -6.3586931672947555, + "nauc_mrr_at_5_diff1": 51.361626281443954, + "nauc_mrr_at_5_max": 37.21931557944178, + "nauc_mrr_at_5_std": -6.2463983922879125, + "nauc_ndcg_at_1000_diff1": 52.302043350366354, + "nauc_ndcg_at_1000_max": 38.20021133882071, + "nauc_ndcg_at_1000_std": -2.4092846074901835, + "nauc_ndcg_at_100_diff1": 52.08002602041293, + "nauc_ndcg_at_100_max": 38.59011692167586, + "nauc_ndcg_at_100_std": -1.1028958529707618, + "nauc_ndcg_at_10_diff1": 50.96919959110156, + "nauc_ndcg_at_10_max": 37.27781873450064, + "nauc_ndcg_at_10_std": -4.275751021315601, + "nauc_ndcg_at_1_diff1": 56.17142686081959, + "nauc_ndcg_at_1_max": 36.815076888109125, + "nauc_ndcg_at_1_std": -9.1961282634956, + "nauc_ndcg_at_20_diff1": 51.18802925052476, + "nauc_ndcg_at_20_max": 37.37541430996012, + "nauc_ndcg_at_20_std": -2.535809483675881, + "nauc_ndcg_at_3_diff1": 51.55692622850066, + "nauc_ndcg_at_3_max": 38.161090909217535, + "nauc_ndcg_at_3_std": -5.451913542383229, + "nauc_ndcg_at_5_diff1": 49.79865041898466, + "nauc_ndcg_at_5_max": 37.05367743749936, + "nauc_ndcg_at_5_std": -5.333995413688977, + "nauc_precision_at_1000_diff1": -9.765182693652369, + "nauc_precision_at_1000_max": -6.187402469203501, + "nauc_precision_at_1000_std": -1.6165299667925566, + "nauc_precision_at_100_diff1": -3.3699636809298488, + "nauc_precision_at_100_max": 10.763143757354227, + "nauc_precision_at_100_std": 14.6134300235666, + "nauc_precision_at_10_diff1": 12.380848989838922, + "nauc_precision_at_10_max": 27.814295948898703, + "nauc_precision_at_10_std": 9.281809355379423, + "nauc_precision_at_1_diff1": 56.17142686081959, + "nauc_precision_at_1_max": 36.815076888109125, + "nauc_precision_at_1_std": -9.1961282634956, + "nauc_precision_at_20_diff1": 5.172974864217038, + "nauc_precision_at_20_max": 21.610380863767407, + "nauc_precision_at_20_std": 14.897216777831563, + "nauc_precision_at_3_diff1": 32.62574902686228, + "nauc_precision_at_3_max": 38.23786681054578, + "nauc_precision_at_3_std": 1.5049286474387453, + "nauc_precision_at_5_diff1": 20.157338510243537, + "nauc_precision_at_5_max": 33.504499592506924, + "nauc_precision_at_5_std": 5.128885224590291, + "nauc_recall_at_1000_diff1": 52.32430518946571, + "nauc_recall_at_1000_max": 56.03264454563954, + "nauc_recall_at_1000_std": 59.06408303625301, + "nauc_recall_at_100_diff1": 44.41661317138834, + "nauc_recall_at_100_max": 43.511654367641746, + "nauc_recall_at_100_std": 28.435889217482348, + "nauc_recall_at_10_diff1": 41.091326330340564, + "nauc_recall_at_10_max": 32.634495610887825, + "nauc_recall_at_10_std": 0.4940136136777342, + "nauc_recall_at_1_diff1": 57.48774969135532, + "nauc_recall_at_1_max": 32.87239964104006, + "nauc_recall_at_1_std": -9.65950934039381, + "nauc_recall_at_20_diff1": 40.31827375470033, + "nauc_recall_at_20_max": 32.29591796577925, + "nauc_recall_at_20_std": 9.003204772501102, + "nauc_recall_at_3_diff1": 45.516327838347145, + "nauc_recall_at_3_max": 34.64131339427055, + "nauc_recall_at_3_std": -4.883112425443149, + "nauc_recall_at_5_diff1": 40.04821220854672, + "nauc_recall_at_5_max": 31.778912319343245, + "nauc_recall_at_5_std": -3.7415628516202455, + "ndcg_at_1": 40.2, + "ndcg_at_10": 51.891, + "ndcg_at_100": 57.176, + "ndcg_at_1000": 58.923, + "ndcg_at_20": 54.069, + "ndcg_at_3": 46.598, + "ndcg_at_5": 49.09, + "precision_at_1": 40.2, + "precision_at_10": 9.914000000000001, + "precision_at_100": 1.567, + "precision_at_1000": 0.201, + "precision_at_20": 5.88, + "precision_at_3": 22.413, + "precision_at_5": 16.166, + "recall_at_1": 33.335, + "recall_at_10": 64.551, + "recall_at_100": 85.821, + "recall_at_1000": 96.762, + "recall_at_20": 72.174, + "recall_at_3": 49.486000000000004, + "recall_at_5": 56.333 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CQADupstackEnglishRetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CQADupstackEnglishRetrieval.json new file mode 100644 index 000000000..b2a0f2da0 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CQADupstackEnglishRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ad9991cb51e31e31e430383c75ffb2885547b5f0", + "task_name": "CQADupstackEnglishRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 47.743, + "map_at_1": 30.749, + "map_at_10": 41.893, + "map_at_100": 43.074, + "map_at_1000": 43.206, + "map_at_20": 42.484, + "map_at_3": 38.832, + "map_at_5": 40.56, + "mrr_at_1": 38.47133757961784, + "mrr_at_10": 47.47879385299764, + "mrr_at_100": 48.13041682690096, + "mrr_at_1000": 48.16908094151714, + "mrr_at_20": 47.83975520310091, + "mrr_at_3": 45.24416135881104, + "mrr_at_5": 46.4575371549894, + "nauc_map_at_1000_diff1": 53.06462034979563, + "nauc_map_at_1000_max": 40.432105687788656, + "nauc_map_at_1000_std": 0.8039549983504692, + "nauc_map_at_100_diff1": 53.05370086178664, + "nauc_map_at_100_max": 40.35039423002031, + "nauc_map_at_100_std": 0.6926327616039866, + "nauc_map_at_10_diff1": 53.1830045138059, + "nauc_map_at_10_max": 39.627286670538595, + "nauc_map_at_10_std": -0.22464993353878815, + "nauc_map_at_1_diff1": 56.871781522537766, + "nauc_map_at_1_max": 32.96704680744524, + "nauc_map_at_1_std": -5.921602493857661, + "nauc_map_at_20_diff1": 53.145249746486044, + "nauc_map_at_20_max": 40.01420443810482, + "nauc_map_at_20_std": 0.08024012298451409, + "nauc_map_at_3_diff1": 53.61256390241628, + "nauc_map_at_3_max": 37.718761042447355, + "nauc_map_at_3_std": -3.1494217572705643, + "nauc_map_at_5_diff1": 53.42451370773802, + "nauc_map_at_5_max": 39.10211508999835, + "nauc_map_at_5_std": -1.3726005124064382, + "nauc_mrr_at_1000_diff1": 52.366327228586826, + "nauc_mrr_at_1000_max": 42.79408822085321, + "nauc_mrr_at_1000_std": 5.269519433666342, + "nauc_mrr_at_100_diff1": 52.35603052240957, + "nauc_mrr_at_100_max": 42.79000481880218, + "nauc_mrr_at_100_std": 5.2750737033839, + "nauc_mrr_at_10_diff1": 52.39562273635053, + "nauc_mrr_at_10_max": 42.89003586620541, + "nauc_mrr_at_10_std": 5.271670669960424, + "nauc_mrr_at_1_diff1": 55.23898880710424, + "nauc_mrr_at_1_max": 40.54533981737213, + "nauc_mrr_at_1_std": 2.8970042155061764, + "nauc_mrr_at_20_diff1": 52.37981625369539, + "nauc_mrr_at_20_max": 42.84997042876778, + "nauc_mrr_at_20_std": 5.227463826093572, + "nauc_mrr_at_3_diff1": 52.72571788614424, + "nauc_mrr_at_3_max": 42.345870917325726, + "nauc_mrr_at_3_std": 3.299097645280945, + "nauc_mrr_at_5_diff1": 52.62188834616699, + "nauc_mrr_at_5_max": 42.903468515894396, + "nauc_mrr_at_5_std": 4.747245788723795, + "nauc_ndcg_at_1000_diff1": 51.35755860941204, + "nauc_ndcg_at_1000_max": 42.52609999052394, + "nauc_ndcg_at_1000_std": 5.642311193436153, + "nauc_ndcg_at_100_diff1": 51.28342511372341, + "nauc_ndcg_at_100_max": 42.37095542860874, + "nauc_ndcg_at_100_std": 5.438433970975347, + "nauc_ndcg_at_10_diff1": 51.71963256563276, + "nauc_ndcg_at_10_max": 42.02346709779174, + "nauc_ndcg_at_10_std": 3.824062263424335, + "nauc_ndcg_at_1_diff1": 55.23898880710424, + "nauc_ndcg_at_1_max": 40.54533981737213, + "nauc_ndcg_at_1_std": 2.8970042155061764, + "nauc_ndcg_at_20_diff1": 51.62634477715352, + "nauc_ndcg_at_20_max": 42.29963927857424, + "nauc_ndcg_at_20_std": 3.9028710206367236, + "nauc_ndcg_at_3_diff1": 52.222449202755016, + "nauc_ndcg_at_3_max": 41.46992245846295, + "nauc_ndcg_at_3_std": 1.0823436332685996, + "nauc_ndcg_at_5_diff1": 52.16212705304167, + "nauc_ndcg_at_5_max": 42.13209332939894, + "nauc_ndcg_at_5_std": 2.4542588912655274, + "nauc_precision_at_1000_diff1": -8.401668509217943, + "nauc_precision_at_1000_max": 15.032825183812085, + "nauc_precision_at_1000_std": 26.43305637512703, + "nauc_precision_at_100_diff1": -1.8634808652246229, + "nauc_precision_at_100_max": 25.81140765391014, + "nauc_precision_at_100_std": 30.416905158069866, + "nauc_precision_at_10_diff1": 17.41557757307102, + "nauc_precision_at_10_max": 39.14885850946607, + "nauc_precision_at_10_std": 24.95280377881581, + "nauc_precision_at_1_diff1": 55.23898880710424, + "nauc_precision_at_1_max": 40.54533981737213, + "nauc_precision_at_1_std": 2.8970042155061764, + "nauc_precision_at_20_diff1": 10.062640125327128, + "nauc_precision_at_20_max": 35.045402951191846, + "nauc_precision_at_20_std": 25.70168197296463, + "nauc_precision_at_3_diff1": 33.46362110931572, + "nauc_precision_at_3_max": 41.412992322808925, + "nauc_precision_at_3_std": 11.979383703068118, + "nauc_precision_at_5_diff1": 26.683507518187668, + "nauc_precision_at_5_max": 41.72280139069927, + "nauc_precision_at_5_std": 19.17798438251631, + "nauc_recall_at_1000_diff1": 38.735635750923215, + "nauc_recall_at_1000_max": 44.86473643316888, + "nauc_recall_at_1000_std": 31.25373100446453, + "nauc_recall_at_100_diff1": 40.57017590339941, + "nauc_recall_at_100_max": 41.58935193499359, + "nauc_recall_at_100_std": 19.64130480064006, + "nauc_recall_at_10_diff1": 45.17360514460368, + "nauc_recall_at_10_max": 40.261115967269255, + "nauc_recall_at_10_std": 7.455967519438798, + "nauc_recall_at_1_diff1": 56.871781522537766, + "nauc_recall_at_1_max": 32.96704680744524, + "nauc_recall_at_1_std": -5.921602493857661, + "nauc_recall_at_20_diff1": 43.72345233115324, + "nauc_recall_at_20_max": 41.57606589762751, + "nauc_recall_at_20_std": 8.691613720578838, + "nauc_recall_at_3_diff1": 49.05085474723903, + "nauc_recall_at_3_max": 37.76677336796684, + "nauc_recall_at_3_std": -2.60155821559317, + "nauc_recall_at_5_diff1": 47.93530083560441, + "nauc_recall_at_5_max": 40.34510386143269, + "nauc_recall_at_5_std": 2.490510815950763, + "ndcg_at_1": 38.471, + "ndcg_at_10": 47.743, + "ndcg_at_100": 52.105999999999995, + "ndcg_at_1000": 54.047, + "ndcg_at_20": 49.277, + "ndcg_at_3": 43.423, + "ndcg_at_5": 45.308, + "precision_at_1": 38.471, + "precision_at_10": 8.936, + "precision_at_100": 1.439, + "precision_at_1000": 0.191, + "precision_at_20": 5.197, + "precision_at_3": 21.21, + "precision_at_5": 14.764, + "recall_at_1": 30.749, + "recall_at_10": 58.769000000000005, + "recall_at_100": 77.12599999999999, + "recall_at_1000": 89.131, + "recall_at_20": 64.23299999999999, + "recall_at_3": 45.722, + "recall_at_5": 51.434999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CQADupstackGamingRetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CQADupstackGamingRetrieval.json new file mode 100644 index 000000000..f677cc44c --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CQADupstackGamingRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "4885aa143210c98657558c04aaf3dc47cfb54340", + "task_name": "CQADupstackGamingRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 61.763999999999996, + "map_at_1": 41.738, + "map_at_10": 55.54900000000001, + "map_at_100": 56.595, + "map_at_1000": 56.641, + "map_at_20": 56.211, + "map_at_3": 52.11900000000001, + "map_at_5": 54.11, + "mrr_at_1": 47.460815047021946, + "mrr_at_10": 58.77068716723895, + "mrr_at_100": 59.38209751192344, + "mrr_at_1000": 59.40317589090272, + "mrr_at_20": 59.18129234953538, + "mrr_at_3": 56.269592476489095, + "mrr_at_5": 57.708463949843356, + "nauc_map_at_1000_diff1": 51.887217799463734, + "nauc_map_at_1000_max": 38.476238579220265, + "nauc_map_at_1000_std": -8.909798628947804, + "nauc_map_at_100_diff1": 51.89673571830934, + "nauc_map_at_100_max": 38.49528851775263, + "nauc_map_at_100_std": -8.889935720271557, + "nauc_map_at_10_diff1": 51.91349178068071, + "nauc_map_at_10_max": 38.245010697659836, + "nauc_map_at_10_std": -9.52932907514524, + "nauc_map_at_1_diff1": 55.367152126889216, + "nauc_map_at_1_max": 31.488529193663776, + "nauc_map_at_1_std": -11.70055580794173, + "nauc_map_at_20_diff1": 51.85824325926638, + "nauc_map_at_20_max": 38.46667850988723, + "nauc_map_at_20_std": -9.073982957469298, + "nauc_map_at_3_diff1": 52.453646927521646, + "nauc_map_at_3_max": 37.17158366121139, + "nauc_map_at_3_std": -11.075317328080358, + "nauc_map_at_5_diff1": 52.18170093862806, + "nauc_map_at_5_max": 37.87875768077388, + "nauc_map_at_5_std": -10.419858401874496, + "nauc_mrr_at_1000_diff1": 50.893763535986395, + "nauc_mrr_at_1000_max": 38.27283318452696, + "nauc_mrr_at_1000_std": -8.965768039001496, + "nauc_mrr_at_100_diff1": 50.89248813810169, + "nauc_mrr_at_100_max": 38.28950132255245, + "nauc_mrr_at_100_std": -8.95128100093488, + "nauc_mrr_at_10_diff1": 50.77022223657664, + "nauc_mrr_at_10_max": 38.375655546871265, + "nauc_mrr_at_10_std": -9.095822436312883, + "nauc_mrr_at_1_diff1": 54.273269231030376, + "nauc_mrr_at_1_max": 35.215199363709694, + "nauc_mrr_at_1_std": -11.475700374314476, + "nauc_mrr_at_20_diff1": 50.81456113949372, + "nauc_mrr_at_20_max": 38.302175737552055, + "nauc_mrr_at_20_std": -8.934574273523289, + "nauc_mrr_at_3_diff1": 50.78862027858185, + "nauc_mrr_at_3_max": 37.897265642308774, + "nauc_mrr_at_3_std": -9.7051681225179, + "nauc_mrr_at_5_diff1": 50.90492316147762, + "nauc_mrr_at_5_max": 38.53722687374221, + "nauc_mrr_at_5_std": -9.299890938504227, + "nauc_ndcg_at_1000_diff1": 50.73638139548288, + "nauc_ndcg_at_1000_max": 39.85802557514683, + "nauc_ndcg_at_1000_std": -6.70113183960232, + "nauc_ndcg_at_100_diff1": 50.779535406638765, + "nauc_ndcg_at_100_max": 40.394251354245036, + "nauc_ndcg_at_100_std": -6.17206367606794, + "nauc_ndcg_at_10_diff1": 50.303282528711016, + "nauc_ndcg_at_10_max": 40.231987371813275, + "nauc_ndcg_at_10_std": -7.639018988100839, + "nauc_ndcg_at_1_diff1": 54.273269231030376, + "nauc_ndcg_at_1_max": 35.215199363709694, + "nauc_ndcg_at_1_std": -11.475700374314476, + "nauc_ndcg_at_20_diff1": 50.356050127103714, + "nauc_ndcg_at_20_max": 40.55568084242222, + "nauc_ndcg_at_20_std": -6.483107726038491, + "nauc_ndcg_at_3_diff1": 51.05296014104886, + "nauc_ndcg_at_3_max": 38.43234794308373, + "nauc_ndcg_at_3_std": -10.439005270644946, + "nauc_ndcg_at_5_diff1": 50.910744514124396, + "nauc_ndcg_at_5_max": 39.65997793063013, + "nauc_ndcg_at_5_std": -9.301232437151493, + "nauc_precision_at_1000_diff1": -20.181933493165733, + "nauc_precision_at_1000_max": 2.578307678316095, + "nauc_precision_at_1000_std": 15.686799365012833, + "nauc_precision_at_100_diff1": -13.795727875316347, + "nauc_precision_at_100_max": 9.709062354686774, + "nauc_precision_at_100_std": 18.961613263814677, + "nauc_precision_at_10_diff1": 7.40872143060594, + "nauc_precision_at_10_max": 26.809993041042556, + "nauc_precision_at_10_std": 10.236067383032058, + "nauc_precision_at_1_diff1": 54.273269231030376, + "nauc_precision_at_1_max": 35.215199363709694, + "nauc_precision_at_1_std": -11.475700374314476, + "nauc_precision_at_20_diff1": -1.688941886501611, + "nauc_precision_at_20_max": 21.268201038992522, + "nauc_precision_at_20_std": 16.07376773498563, + "nauc_precision_at_3_diff1": 28.74741840390366, + "nauc_precision_at_3_max": 35.76072260864896, + "nauc_precision_at_3_std": -3.417692124530744, + "nauc_precision_at_5_diff1": 19.548619556271156, + "nauc_precision_at_5_max": 31.886919665943346, + "nauc_precision_at_5_std": 1.862934756145585, + "nauc_recall_at_1000_diff1": 31.041694793670338, + "nauc_recall_at_1000_max": 63.91892534071412, + "nauc_recall_at_1000_std": 69.14154944882482, + "nauc_recall_at_100_diff1": 43.49542559947028, + "nauc_recall_at_100_max": 56.03185734090638, + "nauc_recall_at_100_std": 22.095792306102354, + "nauc_recall_at_10_diff1": 43.14512549298462, + "nauc_recall_at_10_max": 45.22069238009228, + "nauc_recall_at_10_std": -1.2112961961367767, + "nauc_recall_at_1_diff1": 55.367152126889216, + "nauc_recall_at_1_max": 31.488529193663776, + "nauc_recall_at_1_std": -11.70055580794173, + "nauc_recall_at_20_diff1": 41.80793189392197, + "nauc_recall_at_20_max": 48.68496142311243, + "nauc_recall_at_20_std": 7.150814199044829, + "nauc_recall_at_3_diff1": 47.569484872499665, + "nauc_recall_at_3_max": 39.60379791030235, + "nauc_recall_at_3_std": -9.958304202022761, + "nauc_recall_at_5_diff1": 46.3357445159555, + "nauc_recall_at_5_max": 42.69508638941086, + "nauc_recall_at_5_std": -6.991079788988482, + "ndcg_at_1": 47.461, + "ndcg_at_10": 61.763999999999996, + "ndcg_at_100": 65.613, + "ndcg_at_1000": 66.435, + "ndcg_at_20": 63.577, + "ndcg_at_3": 56.119, + "ndcg_at_5": 58.897, + "precision_at_1": 47.461, + "precision_at_10": 9.925, + "precision_at_100": 1.283, + "precision_at_1000": 0.13899999999999998, + "precision_at_20": 5.542, + "precision_at_3": 25.119999999999997, + "precision_at_5": 17.204, + "recall_at_1": 41.738, + "recall_at_10": 76.78399999999999, + "recall_at_100": 92.917, + "recall_at_1000": 98.63499999999999, + "recall_at_20": 83.313, + "recall_at_3": 61.803, + "recall_at_5": 68.49199999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CQADupstackGisRetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CQADupstackGisRetrieval.json new file mode 100644 index 000000000..b112332e3 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CQADupstackGisRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "5003b3064772da1887988e05400cf3806fe491f2", + "task_name": "CQADupstackGisRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 37.997, + "map_at_1": 24.316, + "map_at_10": 32.673, + "map_at_100": 33.757, + "map_at_1000": 33.839999999999996, + "map_at_20": 33.289, + "map_at_3": 29.705, + "map_at_5": 31.258999999999997, + "mrr_at_1": 26.55367231638418, + "mrr_at_10": 34.95045287418165, + "mrr_at_100": 35.88860620376054, + "mrr_at_1000": 35.94690680526854, + "mrr_at_20": 35.51689167162481, + "mrr_at_3": 32.090395480226, + "mrr_at_5": 33.59887005649716, + "nauc_map_at_1000_diff1": 40.05626085462073, + "nauc_map_at_1000_max": 27.805616301644108, + "nauc_map_at_1000_std": 2.70246695251992, + "nauc_map_at_100_diff1": 40.059278877458546, + "nauc_map_at_100_max": 27.77648271649888, + "nauc_map_at_100_std": 2.722441305955515, + "nauc_map_at_10_diff1": 40.31968856988776, + "nauc_map_at_10_max": 27.476489831549973, + "nauc_map_at_10_std": 2.317366284056495, + "nauc_map_at_1_diff1": 44.48148871072693, + "nauc_map_at_1_max": 28.919146703924675, + "nauc_map_at_1_std": -0.1434376879249071, + "nauc_map_at_20_diff1": 40.06730497906938, + "nauc_map_at_20_max": 27.668823515524004, + "nauc_map_at_20_std": 2.493103019008483, + "nauc_map_at_3_diff1": 41.12772700221662, + "nauc_map_at_3_max": 27.174803787199824, + "nauc_map_at_3_std": -0.10118635015762467, + "nauc_map_at_5_diff1": 40.77458823783091, + "nauc_map_at_5_max": 27.080426477470642, + "nauc_map_at_5_std": 1.485466402750173, + "nauc_mrr_at_1000_diff1": 38.312224992745385, + "nauc_mrr_at_1000_max": 28.950414700386702, + "nauc_mrr_at_1000_std": 4.633122302505108, + "nauc_mrr_at_100_diff1": 38.293568602643354, + "nauc_mrr_at_100_max": 28.935077067979293, + "nauc_mrr_at_100_std": 4.6507547334542005, + "nauc_mrr_at_10_diff1": 38.43539906942557, + "nauc_mrr_at_10_max": 28.740524868553607, + "nauc_mrr_at_10_std": 4.465395711794246, + "nauc_mrr_at_1_diff1": 42.806114694868, + "nauc_mrr_at_1_max": 30.818773809580115, + "nauc_mrr_at_1_std": 3.132175800569368, + "nauc_mrr_at_20_diff1": 38.28878516887039, + "nauc_mrr_at_20_max": 28.88291682526864, + "nauc_mrr_at_20_std": 4.5635678164546, + "nauc_mrr_at_3_diff1": 38.92127952259694, + "nauc_mrr_at_3_max": 28.807748404698803, + "nauc_mrr_at_3_std": 2.849609058088602, + "nauc_mrr_at_5_diff1": 38.75107428963604, + "nauc_mrr_at_5_max": 28.497437908040883, + "nauc_mrr_at_5_std": 4.014347384415091, + "nauc_ndcg_at_1000_diff1": 37.76456270291222, + "nauc_ndcg_at_1000_max": 28.89838003177218, + "nauc_ndcg_at_1000_std": 5.749873835705088, + "nauc_ndcg_at_100_diff1": 37.364173569182555, + "nauc_ndcg_at_100_max": 28.188496756099386, + "nauc_ndcg_at_100_std": 6.336162952356489, + "nauc_ndcg_at_10_diff1": 37.99346022671752, + "nauc_ndcg_at_10_max": 27.216283907868817, + "nauc_ndcg_at_10_std": 4.675349793835876, + "nauc_ndcg_at_1_diff1": 42.806114694868, + "nauc_ndcg_at_1_max": 30.818773809580115, + "nauc_ndcg_at_1_std": 3.132175800569368, + "nauc_ndcg_at_20_diff1": 37.15938715631981, + "nauc_ndcg_at_20_max": 27.79557864495994, + "nauc_ndcg_at_20_std": 5.100109928397954, + "nauc_ndcg_at_3_diff1": 39.48583283953628, + "nauc_ndcg_at_3_max": 27.134700120340693, + "nauc_ndcg_at_3_std": 0.5675585179642199, + "nauc_ndcg_at_5_diff1": 38.95882101952427, + "nauc_ndcg_at_5_max": 26.610181412750727, + "nauc_ndcg_at_5_std": 3.148006615861485, + "nauc_precision_at_1000_diff1": -7.764948775245091, + "nauc_precision_at_1000_max": 20.155338612433443, + "nauc_precision_at_1000_std": 17.83459760938805, + "nauc_precision_at_100_diff1": 6.237678147150076, + "nauc_precision_at_100_max": 23.771296767151856, + "nauc_precision_at_100_std": 22.753492059234574, + "nauc_precision_at_10_diff1": 24.993500697049335, + "nauc_precision_at_10_max": 27.990139005076152, + "nauc_precision_at_10_std": 15.431533372397558, + "nauc_precision_at_1_diff1": 42.806114694868, + "nauc_precision_at_1_max": 30.818773809580115, + "nauc_precision_at_1_std": 3.132175800569368, + "nauc_precision_at_20_diff1": 17.590012469188235, + "nauc_precision_at_20_max": 29.169967468169116, + "nauc_precision_at_20_std": 17.493501613866094, + "nauc_precision_at_3_diff1": 34.08623278149959, + "nauc_precision_at_3_max": 27.285348347045286, + "nauc_precision_at_3_std": 3.5484785893106574, + "nauc_precision_at_5_diff1": 31.448816122094613, + "nauc_precision_at_5_max": 26.885293174661605, + "nauc_precision_at_5_std": 11.257484431730946, + "nauc_recall_at_1000_diff1": 28.46487014213398, + "nauc_recall_at_1000_max": 44.900835555926356, + "nauc_recall_at_1000_std": 31.16409093849983, + "nauc_recall_at_100_diff1": 26.72900863714146, + "nauc_recall_at_100_max": 26.941137208153993, + "nauc_recall_at_100_std": 22.621547900809624, + "nauc_recall_at_10_diff1": 31.133823078109412, + "nauc_recall_at_10_max": 23.89984601851163, + "nauc_recall_at_10_std": 9.445198373476424, + "nauc_recall_at_1_diff1": 44.48148871072693, + "nauc_recall_at_1_max": 28.919146703924675, + "nauc_recall_at_1_std": -0.1434376879249071, + "nauc_recall_at_20_diff1": 27.26129142150393, + "nauc_recall_at_20_max": 25.6868355894244, + "nauc_recall_at_20_std": 11.26722787869625, + "nauc_recall_at_3_diff1": 36.67176156769862, + "nauc_recall_at_3_max": 24.517784284441092, + "nauc_recall_at_3_std": -0.06621021628144753, + "nauc_recall_at_5_diff1": 34.52566897138122, + "nauc_recall_at_5_max": 22.720135055519073, + "nauc_recall_at_5_std": 5.15363865803676, + "ndcg_at_1": 26.554, + "ndcg_at_10": 37.997, + "ndcg_at_100": 43.305, + "ndcg_at_1000": 45.282, + "ndcg_at_20": 40.129, + "ndcg_at_3": 32.057, + "ndcg_at_5": 34.758, + "precision_at_1": 26.554, + "precision_at_10": 6.023, + "precision_at_100": 0.918, + "precision_at_1000": 0.11199999999999999, + "precision_at_20": 3.514, + "precision_at_3": 13.559, + "precision_at_5": 9.672, + "recall_at_1": 24.316, + "recall_at_10": 52.413, + "recall_at_100": 76.80399999999999, + "recall_at_1000": 91.623, + "recall_at_20": 60.462, + "recall_at_3": 36.351, + "recall_at_5": 42.858000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CQADupstackMathematicaRetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CQADupstackMathematicaRetrieval.json new file mode 100644 index 000000000..ad52d58b0 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CQADupstackMathematicaRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "90fceea13679c63fe563ded68f3b6f06e50061de", + "task_name": "CQADupstackMathematicaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 28.412, + "map_at_1": 14.859, + "map_at_10": 22.944, + "map_at_100": 24.301000000000002, + "map_at_1000": 24.422, + "map_at_20": 23.699, + "map_at_3": 19.88, + "map_at_5": 21.617, + "mrr_at_1": 18.781094527363184, + "mrr_at_10": 27.092316196793792, + "mrr_at_100": 28.237861305761868, + "mrr_at_1000": 28.309422454313843, + "mrr_at_20": 27.796436582724766, + "mrr_at_3": 24.191542288557226, + "mrr_at_5": 25.97014925373134, + "nauc_map_at_1000_diff1": 31.282762294834683, + "nauc_map_at_1000_max": 22.10753198129143, + "nauc_map_at_1000_std": 7.464766818611464, + "nauc_map_at_100_diff1": 31.20876547623262, + "nauc_map_at_100_max": 22.04855783261337, + "nauc_map_at_100_std": 7.46756154956561, + "nauc_map_at_10_diff1": 32.063025777530946, + "nauc_map_at_10_max": 22.192839864708276, + "nauc_map_at_10_std": 6.935246733242942, + "nauc_map_at_1_diff1": 37.124675662048645, + "nauc_map_at_1_max": 21.705513335758486, + "nauc_map_at_1_std": 5.125960085146019, + "nauc_map_at_20_diff1": 31.460350111051543, + "nauc_map_at_20_max": 22.01600381936477, + "nauc_map_at_20_std": 7.320346261837271, + "nauc_map_at_3_diff1": 33.549284246016946, + "nauc_map_at_3_max": 21.3496504436454, + "nauc_map_at_3_std": 5.629135047549884, + "nauc_map_at_5_diff1": 33.40126100368468, + "nauc_map_at_5_max": 22.07074975303988, + "nauc_map_at_5_std": 6.0009506331816915, + "nauc_mrr_at_1000_diff1": 31.676659452959417, + "nauc_mrr_at_1000_max": 22.893987786799595, + "nauc_mrr_at_1000_std": 6.023049236283401, + "nauc_mrr_at_100_diff1": 31.61103328375909, + "nauc_mrr_at_100_max": 22.868698340353365, + "nauc_mrr_at_100_std": 6.017352015320805, + "nauc_mrr_at_10_diff1": 31.953429710735765, + "nauc_mrr_at_10_max": 22.88953587703519, + "nauc_mrr_at_10_std": 5.736962509390694, + "nauc_mrr_at_1_diff1": 35.97635527682404, + "nauc_mrr_at_1_max": 22.800448037132163, + "nauc_mrr_at_1_std": 3.2117385280672455, + "nauc_mrr_at_20_diff1": 31.595235519229487, + "nauc_mrr_at_20_max": 22.799886818509123, + "nauc_mrr_at_20_std": 6.072525408593461, + "nauc_mrr_at_3_diff1": 33.18342375116275, + "nauc_mrr_at_3_max": 22.52374592963976, + "nauc_mrr_at_3_std": 4.767522697706218, + "nauc_mrr_at_5_diff1": 33.119779061591515, + "nauc_mrr_at_5_max": 23.003248125501745, + "nauc_mrr_at_5_std": 4.976805747506817, + "nauc_ndcg_at_1000_diff1": 28.292015382102793, + "nauc_ndcg_at_1000_max": 22.68404765768237, + "nauc_ndcg_at_1000_std": 9.589972055962098, + "nauc_ndcg_at_100_diff1": 26.96479405167567, + "nauc_ndcg_at_100_max": 21.991567834408762, + "nauc_ndcg_at_100_std": 10.039949830937676, + "nauc_ndcg_at_10_diff1": 29.467288216868713, + "nauc_ndcg_at_10_max": 22.44104565858907, + "nauc_ndcg_at_10_std": 8.461186039677754, + "nauc_ndcg_at_1_diff1": 35.97635527682404, + "nauc_ndcg_at_1_max": 22.800448037132163, + "nauc_ndcg_at_1_std": 3.2117385280672455, + "nauc_ndcg_at_20_diff1": 27.651039113853848, + "nauc_ndcg_at_20_max": 21.865976465118173, + "nauc_ndcg_at_20_std": 9.612409644962762, + "nauc_ndcg_at_3_diff1": 32.261234884088516, + "nauc_ndcg_at_3_max": 21.569892122182054, + "nauc_ndcg_at_3_std": 5.934094272513952, + "nauc_ndcg_at_5_diff1": 32.177187585868275, + "nauc_ndcg_at_5_max": 22.501692436415365, + "nauc_ndcg_at_5_std": 6.628292970421619, + "nauc_precision_at_1000_diff1": -3.119953273272669, + "nauc_precision_at_1000_max": 1.1513386014161908, + "nauc_precision_at_1000_std": -2.164470131685831, + "nauc_precision_at_100_diff1": 0.5849985774022525, + "nauc_precision_at_100_max": 10.237261683711365, + "nauc_precision_at_100_std": 9.57755547972335, + "nauc_precision_at_10_diff1": 15.246412164216192, + "nauc_precision_at_10_max": 19.899416826328565, + "nauc_precision_at_10_std": 10.003123363456073, + "nauc_precision_at_1_diff1": 35.97635527682404, + "nauc_precision_at_1_max": 22.800448037132163, + "nauc_precision_at_1_std": 3.2117385280672455, + "nauc_precision_at_20_diff1": 7.606434579256874, + "nauc_precision_at_20_max": 15.445346072441597, + "nauc_precision_at_20_std": 11.538639325143942, + "nauc_precision_at_3_diff1": 25.28573060963354, + "nauc_precision_at_3_max": 20.11025294163431, + "nauc_precision_at_3_std": 5.4367185562279525, + "nauc_precision_at_5_diff1": 23.428693353532925, + "nauc_precision_at_5_max": 21.87288793778549, + "nauc_precision_at_5_std": 6.350278856507092, + "nauc_recall_at_1000_diff1": 11.030800804748713, + "nauc_recall_at_1000_max": 28.207037540270484, + "nauc_recall_at_1000_std": 26.53322787470092, + "nauc_recall_at_100_diff1": 9.45619750103627, + "nauc_recall_at_100_max": 18.641295313722722, + "nauc_recall_at_100_std": 19.89094444759181, + "nauc_recall_at_10_diff1": 21.59965548683592, + "nauc_recall_at_10_max": 20.983235462917357, + "nauc_recall_at_10_std": 12.421019075877183, + "nauc_recall_at_1_diff1": 37.124675662048645, + "nauc_recall_at_1_max": 21.705513335758486, + "nauc_recall_at_1_std": 5.125960085146019, + "nauc_recall_at_20_diff1": 15.356277525370507, + "nauc_recall_at_20_max": 18.853996115586888, + "nauc_recall_at_20_std": 16.118805288983083, + "nauc_recall_at_3_diff1": 28.945843357597685, + "nauc_recall_at_3_max": 19.8912702523286, + "nauc_recall_at_3_std": 7.5851361764687795, + "nauc_recall_at_5_diff1": 28.36471699123168, + "nauc_recall_at_5_max": 21.17015525566982, + "nauc_recall_at_5_std": 8.24163064970665, + "ndcg_at_1": 18.781, + "ndcg_at_10": 28.412, + "ndcg_at_100": 34.782999999999994, + "ndcg_at_1000": 37.518, + "ndcg_at_20": 30.962, + "ndcg_at_3": 22.782, + "ndcg_at_5": 25.568, + "precision_at_1": 18.781, + "precision_at_10": 5.498, + "precision_at_100": 0.9979999999999999, + "precision_at_1000": 0.13799999999999998, + "precision_at_20": 3.4389999999999996, + "precision_at_3": 11.193999999999999, + "precision_at_5": 8.607, + "recall_at_1": 14.859, + "recall_at_10": 41.229, + "recall_at_100": 68.853, + "recall_at_1000": 87.86, + "recall_at_20": 50.333000000000006, + "recall_at_3": 25.889, + "recall_at_5": 32.798 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CQADupstackPhysicsRetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CQADupstackPhysicsRetrieval.json new file mode 100644 index 000000000..781f9fc9b --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CQADupstackPhysicsRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "79531abbd1fb92d06c6d6315a0cbbbf5bb247ea4", + "task_name": "CQADupstackPhysicsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 46.627, + "map_at_1": 29.110999999999997, + "map_at_10": 40.157, + "map_at_100": 41.5, + "map_at_1000": 41.615, + "map_at_20": 40.907, + "map_at_3": 36.741, + "map_at_5": 38.532, + "mrr_at_1": 35.899903753609244, + "mrr_at_10": 45.89913989336511, + "mrr_at_100": 46.66580649720437, + "mrr_at_1000": 46.71327306556841, + "mrr_at_20": 46.35048991522675, + "mrr_at_3": 43.10234199550849, + "mrr_at_5": 44.623034969521925, + "nauc_map_at_1000_diff1": 48.819197227113, + "nauc_map_at_1000_max": 30.225193936185452, + "nauc_map_at_1000_std": -0.11387170703748546, + "nauc_map_at_100_diff1": 48.81653586975879, + "nauc_map_at_100_max": 30.18941718252035, + "nauc_map_at_100_std": -0.16136876140004403, + "nauc_map_at_10_diff1": 49.02711545619007, + "nauc_map_at_10_max": 29.54513048209343, + "nauc_map_at_10_std": -1.0721344424269519, + "nauc_map_at_1_diff1": 54.55373479956459, + "nauc_map_at_1_max": 28.68525621187728, + "nauc_map_at_1_std": -3.828505921327198, + "nauc_map_at_20_diff1": 48.80329695009258, + "nauc_map_at_20_max": 29.98470278569913, + "nauc_map_at_20_std": -0.4907024448684188, + "nauc_map_at_3_diff1": 49.49325346627698, + "nauc_map_at_3_max": 30.001118629451362, + "nauc_map_at_3_std": -1.8332855957955085, + "nauc_map_at_5_diff1": 49.15308703989204, + "nauc_map_at_5_max": 29.9743736651634, + "nauc_map_at_5_std": -1.471848560457071, + "nauc_mrr_at_1000_diff1": 49.6267405356935, + "nauc_mrr_at_1000_max": 31.775511464032213, + "nauc_mrr_at_1000_std": 2.1941676606625573, + "nauc_mrr_at_100_diff1": 49.60865287375136, + "nauc_mrr_at_100_max": 31.766711114897124, + "nauc_mrr_at_100_std": 2.1958339273429597, + "nauc_mrr_at_10_diff1": 49.731748265273836, + "nauc_mrr_at_10_max": 31.510802716434373, + "nauc_mrr_at_10_std": 1.850952038635735, + "nauc_mrr_at_1_diff1": 54.326742857864915, + "nauc_mrr_at_1_max": 31.714793704362155, + "nauc_mrr_at_1_std": 1.4094420435868311, + "nauc_mrr_at_20_diff1": 49.582036904653584, + "nauc_mrr_at_20_max": 31.71211967406404, + "nauc_mrr_at_20_std": 2.1307901281304202, + "nauc_mrr_at_3_diff1": 49.99569893552195, + "nauc_mrr_at_3_max": 32.010092946562025, + "nauc_mrr_at_3_std": 1.4910063885459364, + "nauc_mrr_at_5_diff1": 49.40329460354263, + "nauc_mrr_at_5_max": 31.990047727579483, + "nauc_mrr_at_5_std": 1.663734759562975, + "nauc_ndcg_at_1000_diff1": 47.146065393209135, + "nauc_ndcg_at_1000_max": 31.637365672232075, + "nauc_ndcg_at_1000_std": 3.2425314915817105, + "nauc_ndcg_at_100_diff1": 46.96953007559477, + "nauc_ndcg_at_100_max": 31.16768307276679, + "nauc_ndcg_at_100_std": 2.942488981572898, + "nauc_ndcg_at_10_diff1": 47.63345306694598, + "nauc_ndcg_at_10_max": 29.371578333227998, + "nauc_ndcg_at_10_std": 0.06472978934137909, + "nauc_ndcg_at_1_diff1": 54.326742857864915, + "nauc_ndcg_at_1_max": 31.714793704362155, + "nauc_ndcg_at_1_std": 1.4094420435868311, + "nauc_ndcg_at_20_diff1": 46.81989380207635, + "nauc_ndcg_at_20_max": 30.412570241892183, + "nauc_ndcg_at_20_std": 1.5075658935703282, + "nauc_ndcg_at_3_diff1": 48.410857274941726, + "nauc_ndcg_at_3_max": 31.365778148874384, + "nauc_ndcg_at_3_std": -0.3887448200634908, + "nauc_ndcg_at_5_diff1": 47.65943245882207, + "nauc_ndcg_at_5_max": 30.786802287608232, + "nauc_ndcg_at_5_std": -0.3340427915788538, + "nauc_precision_at_1000_diff1": -13.616360194561903, + "nauc_precision_at_1000_max": 4.606458024282346, + "nauc_precision_at_1000_std": 20.097753702338583, + "nauc_precision_at_100_diff1": -3.8203411621014363, + "nauc_precision_at_100_max": 12.195338438332039, + "nauc_precision_at_100_std": 21.277772831047834, + "nauc_precision_at_10_diff1": 17.41015815840667, + "nauc_precision_at_10_max": 20.49327554673419, + "nauc_precision_at_10_std": 14.317393694887748, + "nauc_precision_at_1_diff1": 54.326742857864915, + "nauc_precision_at_1_max": 31.714793704362155, + "nauc_precision_at_1_std": 1.4094420435868311, + "nauc_precision_at_20_diff1": 8.063727537918783, + "nauc_precision_at_20_max": 19.39335288125252, + "nauc_precision_at_20_std": 18.93106122331836, + "nauc_precision_at_3_diff1": 32.705924980475146, + "nauc_precision_at_3_max": 30.24641865632296, + "nauc_precision_at_3_std": 7.195922370578724, + "nauc_precision_at_5_diff1": 25.471170302890012, + "nauc_precision_at_5_max": 27.2559781097725, + "nauc_precision_at_5_std": 10.423480799933591, + "nauc_recall_at_1000_diff1": 15.871912487469162, + "nauc_recall_at_1000_max": 41.69115237346833, + "nauc_recall_at_1000_std": 44.74346531949558, + "nauc_recall_at_100_diff1": 32.150465708991376, + "nauc_recall_at_100_max": 28.9450065694084, + "nauc_recall_at_100_std": 16.12971379538094, + "nauc_recall_at_10_diff1": 40.42003119650161, + "nauc_recall_at_10_max": 23.798461011276167, + "nauc_recall_at_10_std": -0.8906910654707625, + "nauc_recall_at_1_diff1": 54.55373479956459, + "nauc_recall_at_1_max": 28.68525621187728, + "nauc_recall_at_1_std": -3.828505921327198, + "nauc_recall_at_20_diff1": 36.08908544861558, + "nauc_recall_at_20_max": 26.51340931742042, + "nauc_recall_at_20_std": 4.67558978611164, + "nauc_recall_at_3_diff1": 44.109094420929466, + "nauc_recall_at_3_max": 29.817084024730185, + "nauc_recall_at_3_std": -1.9280901477621615, + "nauc_recall_at_5_diff1": 41.53929190979217, + "nauc_recall_at_5_max": 28.682740378721512, + "nauc_recall_at_5_std": -2.1436179905847705, + "ndcg_at_1": 35.9, + "ndcg_at_10": 46.627, + "ndcg_at_100": 52.03, + "ndcg_at_1000": 53.982, + "ndcg_at_20": 48.748999999999995, + "ndcg_at_3": 40.96, + "ndcg_at_5": 43.389, + "precision_at_1": 35.9, + "precision_at_10": 8.652999999999999, + "precision_at_100": 1.324, + "precision_at_1000": 0.168, + "precision_at_20": 5.053, + "precision_at_3": 19.666, + "precision_at_5": 13.879, + "recall_at_1": 29.110999999999997, + "recall_at_10": 60.21300000000001, + "recall_at_100": 82.829, + "recall_at_1000": 95.236, + "recall_at_20": 67.506, + "recall_at_3": 44.198, + "recall_at_5": 50.62 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CQADupstackProgrammersRetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CQADupstackProgrammersRetrieval.json new file mode 100644 index 000000000..781a50493 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CQADupstackProgrammersRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "6184bc1440d2dbc7612be22b50686b8826d22b32", + "task_name": "CQADupstackProgrammersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 42.711, + "map_at_1": 25.912000000000003, + "map_at_10": 36.827, + "map_at_100": 38.323, + "map_at_1000": 38.426, + "map_at_20": 37.674, + "map_at_3": 33.815, + "map_at_5": 35.253, + "mrr_at_1": 31.621004566210047, + "mrr_at_10": 41.63106110023917, + "mrr_at_100": 42.68788468525227, + "mrr_at_1000": 42.737936476792896, + "mrr_at_20": 42.3034469946844, + "mrr_at_3": 39.44063926940638, + "mrr_at_5": 40.479452054794486, + "nauc_map_at_1000_diff1": 41.21238459815453, + "nauc_map_at_1000_max": 31.731913362155538, + "nauc_map_at_1000_std": 4.095602573199812, + "nauc_map_at_100_diff1": 41.2386060670619, + "nauc_map_at_100_max": 31.745863964229752, + "nauc_map_at_100_std": 4.152539294264819, + "nauc_map_at_10_diff1": 41.06730435812859, + "nauc_map_at_10_max": 31.154866667403546, + "nauc_map_at_10_std": 3.352195309556991, + "nauc_map_at_1_diff1": 46.719436307788634, + "nauc_map_at_1_max": 27.23331305118017, + "nauc_map_at_1_std": -3.294310698511136, + "nauc_map_at_20_diff1": 41.02754767769435, + "nauc_map_at_20_max": 31.360864488023783, + "nauc_map_at_20_std": 3.738456116200237, + "nauc_map_at_3_diff1": 41.6933203031956, + "nauc_map_at_3_max": 29.89624455457615, + "nauc_map_at_3_std": -0.01536463182866681, + "nauc_map_at_5_diff1": 40.94567456109745, + "nauc_map_at_5_max": 30.458349943583702, + "nauc_map_at_5_std": 1.9655221641608267, + "nauc_mrr_at_1000_diff1": 40.652351064681724, + "nauc_mrr_at_1000_max": 33.01007429614183, + "nauc_mrr_at_1000_std": 6.26143705110491, + "nauc_mrr_at_100_diff1": 40.65741819780518, + "nauc_mrr_at_100_max": 33.01722581370414, + "nauc_mrr_at_100_std": 6.302551967295325, + "nauc_mrr_at_10_diff1": 40.60567647703471, + "nauc_mrr_at_10_max": 32.94692660407874, + "nauc_mrr_at_10_std": 6.082085894261765, + "nauc_mrr_at_1_diff1": 46.11518802989986, + "nauc_mrr_at_1_max": 31.625471357672307, + "nauc_mrr_at_1_std": 1.234566602020697, + "nauc_mrr_at_20_diff1": 40.558484630555064, + "nauc_mrr_at_20_max": 32.97107821653968, + "nauc_mrr_at_20_std": 6.265323697745393, + "nauc_mrr_at_3_diff1": 40.68096006055527, + "nauc_mrr_at_3_max": 32.53822188043154, + "nauc_mrr_at_3_std": 4.345818715177205, + "nauc_mrr_at_5_diff1": 40.23796517179139, + "nauc_mrr_at_5_max": 32.56979439355811, + "nauc_mrr_at_5_std": 5.595951651809914, + "nauc_ndcg_at_1000_diff1": 39.7027614173243, + "nauc_ndcg_at_1000_max": 33.498346699070375, + "nauc_ndcg_at_1000_std": 8.559325736291138, + "nauc_ndcg_at_100_diff1": 39.97452504741169, + "nauc_ndcg_at_100_max": 33.89577471481737, + "nauc_ndcg_at_100_std": 10.167129337536283, + "nauc_ndcg_at_10_diff1": 39.16788466313522, + "nauc_ndcg_at_10_max": 32.47905308816861, + "nauc_ndcg_at_10_std": 7.295048419911472, + "nauc_ndcg_at_1_diff1": 46.11518802989986, + "nauc_ndcg_at_1_max": 31.625471357672307, + "nauc_ndcg_at_1_std": 1.234566602020697, + "nauc_ndcg_at_20_diff1": 38.859039216458626, + "nauc_ndcg_at_20_max": 32.741280842100274, + "nauc_ndcg_at_20_std": 8.532519680049697, + "nauc_ndcg_at_3_diff1": 39.50414846792753, + "nauc_ndcg_at_3_max": 31.436293574105246, + "nauc_ndcg_at_3_std": 2.7912054661515513, + "nauc_ndcg_at_5_diff1": 38.70681148905142, + "nauc_ndcg_at_5_max": 31.437135456835662, + "nauc_ndcg_at_5_std": 5.162466911691187, + "nauc_precision_at_1000_diff1": -3.3602607374185633, + "nauc_precision_at_1000_max": 4.971880762242277, + "nauc_precision_at_1000_std": 9.19452758668974, + "nauc_precision_at_100_diff1": 7.510065324630119, + "nauc_precision_at_100_max": 20.08725395064176, + "nauc_precision_at_100_std": 24.3347599479104, + "nauc_precision_at_10_diff1": 17.288987492657895, + "nauc_precision_at_10_max": 30.523796629978005, + "nauc_precision_at_10_std": 21.72855091830218, + "nauc_precision_at_1_diff1": 46.11518802989986, + "nauc_precision_at_1_max": 31.625471357672307, + "nauc_precision_at_1_std": 1.234566602020697, + "nauc_precision_at_20_diff1": 12.228489950055032, + "nauc_precision_at_20_max": 27.04368010402764, + "nauc_precision_at_20_std": 24.15754031166108, + "nauc_precision_at_3_diff1": 26.83713388263207, + "nauc_precision_at_3_max": 33.23777507125749, + "nauc_precision_at_3_std": 10.323356806632543, + "nauc_precision_at_5_diff1": 21.61560839260508, + "nauc_precision_at_5_max": 32.66946145310579, + "nauc_precision_at_5_std": 16.353775624744003, + "nauc_recall_at_1000_diff1": 18.969678611942875, + "nauc_recall_at_1000_max": 44.65492230931943, + "nauc_recall_at_1000_std": 57.57661658969986, + "nauc_recall_at_100_diff1": 32.144682780578435, + "nauc_recall_at_100_max": 39.039873233473685, + "nauc_recall_at_100_std": 41.27073159300163, + "nauc_recall_at_10_diff1": 32.15567564970661, + "nauc_recall_at_10_max": 32.11964259760779, + "nauc_recall_at_10_std": 15.891022254121328, + "nauc_recall_at_1_diff1": 46.719436307788634, + "nauc_recall_at_1_max": 27.23331305118017, + "nauc_recall_at_1_std": -3.294310698511136, + "nauc_recall_at_20_diff1": 28.851896672624644, + "nauc_recall_at_20_max": 32.287799296155114, + "nauc_recall_at_20_std": 21.67937291007234, + "nauc_recall_at_3_diff1": 34.39542239770237, + "nauc_recall_at_3_max": 28.587385654425223, + "nauc_recall_at_3_std": 3.1462139418981865, + "nauc_recall_at_5_diff1": 31.662335151844633, + "nauc_recall_at_5_max": 29.169339984865907, + "nauc_recall_at_5_std": 9.423550205691733, + "ndcg_at_1": 31.621, + "ndcg_at_10": 42.711, + "ndcg_at_100": 49.033, + "ndcg_at_1000": 51.085, + "ndcg_at_20": 45.443, + "ndcg_at_3": 38.005, + "ndcg_at_5": 39.751999999999995, + "precision_at_1": 31.621, + "precision_at_10": 7.968, + "precision_at_100": 1.2890000000000001, + "precision_at_1000": 0.163, + "precision_at_20": 4.795, + "precision_at_3": 18.379, + "precision_at_5": 12.740000000000002, + "recall_at_1": 25.912000000000003, + "recall_at_10": 55.08, + "recall_at_100": 81.922, + "recall_at_1000": 95.543, + "recall_at_20": 65.082, + "recall_at_3": 41.899, + "recall_at_5": 46.708 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CQADupstackStatsRetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CQADupstackStatsRetrieval.json new file mode 100644 index 000000000..522fc1973 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CQADupstackStatsRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "65ac3a16b8e91f9cee4c9828cc7c335575432a2a", + "task_name": "CQADupstackStatsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 35.053, + "map_at_1": 23.291999999999998, + "map_at_10": 30.61, + "map_at_100": 31.549, + "map_at_1000": 31.644, + "map_at_20": 31.041999999999998, + "map_at_3": 28.011999999999997, + "map_at_5": 29.425, + "mrr_at_1": 26.07361963190184, + "mrr_at_10": 33.167421365274116, + "mrr_at_100": 34.029277736438495, + "mrr_at_1000": 34.09235069536584, + "mrr_at_20": 33.59034373634008, + "mrr_at_3": 30.7515337423313, + "mrr_at_5": 32.08588957055215, + "nauc_map_at_1000_diff1": 43.481986624980415, + "nauc_map_at_1000_max": 28.952163698686732, + "nauc_map_at_1000_std": 10.782598183324414, + "nauc_map_at_100_diff1": 43.45584335416967, + "nauc_map_at_100_max": 28.911137574377232, + "nauc_map_at_100_std": 10.76701853563041, + "nauc_map_at_10_diff1": 43.47116890578832, + "nauc_map_at_10_max": 28.653166569212946, + "nauc_map_at_10_std": 10.17426104854042, + "nauc_map_at_1_diff1": 49.75958213376796, + "nauc_map_at_1_max": 24.470618320089454, + "nauc_map_at_1_std": 6.492564751094104, + "nauc_map_at_20_diff1": 43.35481926885264, + "nauc_map_at_20_max": 28.699469771138414, + "nauc_map_at_20_std": 10.45940778146071, + "nauc_map_at_3_diff1": 44.485234854591035, + "nauc_map_at_3_max": 28.38719705365597, + "nauc_map_at_3_std": 9.000376354032333, + "nauc_map_at_5_diff1": 43.44946037663669, + "nauc_map_at_5_max": 28.476659272609623, + "nauc_map_at_5_std": 9.703474173706583, + "nauc_mrr_at_1000_diff1": 45.954395007886525, + "nauc_mrr_at_1000_max": 31.50968463706721, + "nauc_mrr_at_1000_std": 13.707444407915146, + "nauc_mrr_at_100_diff1": 45.93279568895946, + "nauc_mrr_at_100_max": 31.49035735663133, + "nauc_mrr_at_100_std": 13.696695107846951, + "nauc_mrr_at_10_diff1": 46.00075381149564, + "nauc_mrr_at_10_max": 31.35587522300911, + "nauc_mrr_at_10_std": 13.319928784978059, + "nauc_mrr_at_1_diff1": 53.86601247498458, + "nauc_mrr_at_1_max": 29.05934941003339, + "nauc_mrr_at_1_std": 10.991599490187589, + "nauc_mrr_at_20_diff1": 45.86633939971638, + "nauc_mrr_at_20_max": 31.355545429804543, + "nauc_mrr_at_20_std": 13.461168244272576, + "nauc_mrr_at_3_diff1": 47.46632656927442, + "nauc_mrr_at_3_max": 31.868101191363152, + "nauc_mrr_at_3_std": 13.134952192744528, + "nauc_mrr_at_5_diff1": 46.216287976414655, + "nauc_mrr_at_5_max": 31.22808984287798, + "nauc_mrr_at_5_std": 13.052212637671804, + "nauc_ndcg_at_1000_diff1": 41.636814427170584, + "nauc_ndcg_at_1000_max": 31.493143528814294, + "nauc_ndcg_at_1000_std": 14.770912529263397, + "nauc_ndcg_at_100_diff1": 41.12015328320773, + "nauc_ndcg_at_100_max": 30.74936949964077, + "nauc_ndcg_at_100_std": 14.126317942292099, + "nauc_ndcg_at_10_diff1": 41.363853256357004, + "nauc_ndcg_at_10_max": 29.967593685883593, + "nauc_ndcg_at_10_std": 11.745736297343958, + "nauc_ndcg_at_1_diff1": 53.86601247498458, + "nauc_ndcg_at_1_max": 29.05934941003339, + "nauc_ndcg_at_1_std": 10.991599490187589, + "nauc_ndcg_at_20_diff1": 40.75029632252196, + "nauc_ndcg_at_20_max": 29.8909640874289, + "nauc_ndcg_at_20_std": 12.454934718956409, + "nauc_ndcg_at_3_diff1": 43.63306400143029, + "nauc_ndcg_at_3_max": 30.487292567301395, + "nauc_ndcg_at_3_std": 11.38385449149101, + "nauc_ndcg_at_5_diff1": 41.60699357804944, + "nauc_ndcg_at_5_max": 29.677122670631594, + "nauc_ndcg_at_5_std": 11.219704931901058, + "nauc_precision_at_1000_diff1": 14.098873228986914, + "nauc_precision_at_1000_max": 24.17087547157802, + "nauc_precision_at_1000_std": 19.888193749463685, + "nauc_precision_at_100_diff1": 23.179467074556886, + "nauc_precision_at_100_max": 31.865564772690984, + "nauc_precision_at_100_std": 25.13985731761706, + "nauc_precision_at_10_diff1": 32.107718641883146, + "nauc_precision_at_10_max": 34.91859600075913, + "nauc_precision_at_10_std": 22.79400955617237, + "nauc_precision_at_1_diff1": 53.86601247498458, + "nauc_precision_at_1_max": 29.05934941003339, + "nauc_precision_at_1_std": 10.991599490187589, + "nauc_precision_at_20_diff1": 29.993188469468002, + "nauc_precision_at_20_max": 35.296458769573086, + "nauc_precision_at_20_std": 24.20327572204019, + "nauc_precision_at_3_diff1": 38.99151580407392, + "nauc_precision_at_3_max": 36.357023065975284, + "nauc_precision_at_3_std": 19.43463406590944, + "nauc_precision_at_5_diff1": 34.334835167755124, + "nauc_precision_at_5_max": 35.54403568911307, + "nauc_precision_at_5_std": 21.297076675377635, + "nauc_recall_at_1000_diff1": 21.37160644447469, + "nauc_recall_at_1000_max": 42.69368632941223, + "nauc_recall_at_1000_std": 44.69786965651591, + "nauc_recall_at_100_diff1": 26.1829124199152, + "nauc_recall_at_100_max": 31.05778051148635, + "nauc_recall_at_100_std": 24.13788905724134, + "nauc_recall_at_10_diff1": 32.277913345812316, + "nauc_recall_at_10_max": 29.95426768325743, + "nauc_recall_at_10_std": 12.182289596195755, + "nauc_recall_at_1_diff1": 49.75958213376796, + "nauc_recall_at_1_max": 24.470618320089454, + "nauc_recall_at_1_std": 6.492564751094104, + "nauc_recall_at_20_diff1": 28.594583651409373, + "nauc_recall_at_20_max": 28.61050190860186, + "nauc_recall_at_20_std": 14.453928140032604, + "nauc_recall_at_3_diff1": 37.26827475373021, + "nauc_recall_at_3_max": 30.24664533196025, + "nauc_recall_at_3_std": 10.088814497838317, + "nauc_recall_at_5_diff1": 33.012511168504346, + "nauc_recall_at_5_max": 28.863956457849227, + "nauc_recall_at_5_std": 10.866060080770383, + "ndcg_at_1": 26.074, + "ndcg_at_10": 35.053, + "ndcg_at_100": 39.877, + "ndcg_at_1000": 42.219, + "ndcg_at_20": 36.553999999999995, + "ndcg_at_3": 30.25, + "ndcg_at_5": 32.46, + "precision_at_1": 26.074, + "precision_at_10": 5.675, + "precision_at_100": 0.88, + "precision_at_1000": 0.116, + "precision_at_20": 3.213, + "precision_at_3": 13.088, + "precision_at_5": 9.325, + "recall_at_1": 23.291999999999998, + "recall_at_10": 46.148, + "recall_at_100": 68.24799999999999, + "recall_at_1000": 85.455, + "recall_at_20": 51.734, + "recall_at_3": 33.131, + "recall_at_5": 38.546 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CQADupstackTexRetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CQADupstackTexRetrieval.json new file mode 100644 index 000000000..b733f7e57 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CQADupstackTexRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "46989137a86843e03a6195de44b09deda022eec7", + "task_name": "CQADupstackTexRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 27.525, + "map_at_1": 15.812999999999999, + "map_at_10": 22.878999999999998, + "map_at_100": 23.992, + "map_at_1000": 24.127000000000002, + "map_at_20": 23.452, + "map_at_3": 20.467, + "map_at_5": 21.767, + "mrr_at_1": 19.201651754989676, + "mrr_at_10": 26.47224133975686, + "mrr_at_100": 27.412766979166342, + "mrr_at_1000": 27.49631476670978, + "mrr_at_20": 26.9691663879413, + "mrr_at_3": 24.013535214498745, + "mrr_at_5": 25.441615049323303, + "nauc_map_at_1000_diff1": 33.697813145909535, + "nauc_map_at_1000_max": 26.509494140027996, + "nauc_map_at_1000_std": 2.993849542775133, + "nauc_map_at_100_diff1": 33.671087749349674, + "nauc_map_at_100_max": 26.472678055525336, + "nauc_map_at_100_std": 2.956494527720355, + "nauc_map_at_10_diff1": 33.914740537035435, + "nauc_map_at_10_max": 26.5349486074814, + "nauc_map_at_10_std": 2.3474576992114304, + "nauc_map_at_1_diff1": 39.451484530341254, + "nauc_map_at_1_max": 25.790802427354205, + "nauc_map_at_1_std": -1.8340911432347162, + "nauc_map_at_20_diff1": 33.766215747904695, + "nauc_map_at_20_max": 26.440032024795805, + "nauc_map_at_20_std": 2.6591992745156485, + "nauc_map_at_3_diff1": 34.80477662436832, + "nauc_map_at_3_max": 26.232579057821294, + "nauc_map_at_3_std": 1.0628053044692038, + "nauc_map_at_5_diff1": 34.44953511091354, + "nauc_map_at_5_max": 26.329117036695354, + "nauc_map_at_5_std": 1.6829673952842554, + "nauc_mrr_at_1000_diff1": 33.13732180476133, + "nauc_mrr_at_1000_max": 27.911825182206524, + "nauc_mrr_at_1000_std": 3.570486982023914, + "nauc_mrr_at_100_diff1": 33.112653270534636, + "nauc_mrr_at_100_max": 27.897770062852732, + "nauc_mrr_at_100_std": 3.5920129247128028, + "nauc_mrr_at_10_diff1": 33.27584578509099, + "nauc_mrr_at_10_max": 28.123344470902044, + "nauc_mrr_at_10_std": 3.1806023776161005, + "nauc_mrr_at_1_diff1": 38.697906401251565, + "nauc_mrr_at_1_max": 27.526788964221176, + "nauc_mrr_at_1_std": -0.3872399197836332, + "nauc_mrr_at_20_diff1": 33.14710189298942, + "nauc_mrr_at_20_max": 27.925418071214477, + "nauc_mrr_at_20_std": 3.410762781508218, + "nauc_mrr_at_3_diff1": 33.87772552463924, + "nauc_mrr_at_3_max": 28.007003297502216, + "nauc_mrr_at_3_std": 1.9486591805981224, + "nauc_mrr_at_5_diff1": 33.62067092202846, + "nauc_mrr_at_5_max": 28.14249070532696, + "nauc_mrr_at_5_std": 2.6447040667824218, + "nauc_ndcg_at_1000_diff1": 31.23455010115525, + "nauc_ndcg_at_1000_max": 26.928025566178913, + "nauc_ndcg_at_1000_std": 6.941305960469611, + "nauc_ndcg_at_100_diff1": 30.584344786502747, + "nauc_ndcg_at_100_max": 26.404821521795537, + "nauc_ndcg_at_100_std": 7.0334275625510925, + "nauc_ndcg_at_10_diff1": 31.53451395934299, + "nauc_ndcg_at_10_max": 27.05918031675037, + "nauc_ndcg_at_10_std": 4.439717091540959, + "nauc_ndcg_at_1_diff1": 38.697906401251565, + "nauc_ndcg_at_1_max": 27.526788964221176, + "nauc_ndcg_at_1_std": -0.3872399197836332, + "nauc_ndcg_at_20_diff1": 31.12144557343197, + "nauc_ndcg_at_20_max": 26.542119575357965, + "nauc_ndcg_at_20_std": 5.3406069749732525, + "nauc_ndcg_at_3_diff1": 33.01724233874462, + "nauc_ndcg_at_3_max": 27.140135730286946, + "nauc_ndcg_at_3_std": 1.9208853678075062, + "nauc_ndcg_at_5_diff1": 32.55051796045806, + "nauc_ndcg_at_5_max": 26.955239421636346, + "nauc_ndcg_at_5_std": 3.0379868805913652, + "nauc_precision_at_1000_diff1": 4.618759880285172, + "nauc_precision_at_1000_max": 15.135402391589992, + "nauc_precision_at_1000_std": 17.641125584501353, + "nauc_precision_at_100_diff1": 10.39883535965785, + "nauc_precision_at_100_max": 20.08846103789256, + "nauc_precision_at_100_std": 19.449422467727224, + "nauc_precision_at_10_diff1": 22.298962818126192, + "nauc_precision_at_10_max": 28.89863016237585, + "nauc_precision_at_10_std": 11.063401323032155, + "nauc_precision_at_1_diff1": 38.697906401251565, + "nauc_precision_at_1_max": 27.526788964221176, + "nauc_precision_at_1_std": -0.3872399197836332, + "nauc_precision_at_20_diff1": 19.176385926878414, + "nauc_precision_at_20_max": 25.917593281871675, + "nauc_precision_at_20_std": 13.11450466413103, + "nauc_precision_at_3_diff1": 28.031695189128474, + "nauc_precision_at_3_max": 28.9642194082244, + "nauc_precision_at_3_std": 4.347834807504182, + "nauc_precision_at_5_diff1": 26.272317529418892, + "nauc_precision_at_5_max": 29.150315424317114, + "nauc_precision_at_5_std": 6.880885398540699, + "nauc_recall_at_1000_diff1": 17.4273150148978, + "nauc_recall_at_1000_max": 24.306401198860677, + "nauc_recall_at_1000_std": 29.662613615698568, + "nauc_recall_at_100_diff1": 18.43107428764886, + "nauc_recall_at_100_max": 20.971000173192305, + "nauc_recall_at_100_std": 19.71647423515453, + "nauc_recall_at_10_diff1": 24.16733448276029, + "nauc_recall_at_10_max": 24.352699469715134, + "nauc_recall_at_10_std": 8.209628518853242, + "nauc_recall_at_1_diff1": 39.451484530341254, + "nauc_recall_at_1_max": 25.790802427354205, + "nauc_recall_at_1_std": -1.8340911432347162, + "nauc_recall_at_20_diff1": 22.67002641081412, + "nauc_recall_at_20_max": 22.634810976567632, + "nauc_recall_at_20_std": 11.08185078231441, + "nauc_recall_at_3_diff1": 28.883409519249298, + "nauc_recall_at_3_max": 25.08426193015333, + "nauc_recall_at_3_std": 3.332702402821052, + "nauc_recall_at_5_diff1": 27.248817428767353, + "nauc_recall_at_5_max": 24.488697770907862, + "nauc_recall_at_5_std": 5.150559322926742, + "ndcg_at_1": 19.201999999999998, + "ndcg_at_10": 27.525, + "ndcg_at_100": 32.917, + "ndcg_at_1000": 36.071999999999996, + "ndcg_at_20": 29.369, + "ndcg_at_3": 22.997999999999998, + "ndcg_at_5": 25.089, + "precision_at_1": 19.201999999999998, + "precision_at_10": 5.114, + "precision_at_100": 0.914, + "precision_at_1000": 0.13799999999999998, + "precision_at_20": 3.068, + "precision_at_3": 10.84, + "precision_at_5": 8.039, + "recall_at_1": 15.812999999999999, + "recall_at_10": 38.011, + "recall_at_100": 62.316, + "recall_at_1000": 84.787, + "recall_at_20": 44.796, + "recall_at_3": 25.534000000000002, + "recall_at_5": 30.869000000000003 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CQADupstackUnixRetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CQADupstackUnixRetrieval.json new file mode 100644 index 000000000..221129272 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CQADupstackUnixRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "6c6430d3a6d36f8d2a829195bc5dc94d7e063e53", + "task_name": "CQADupstackUnixRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 40.521, + "map_at_1": 25.471, + "map_at_10": 35.022, + "map_at_100": 36.189, + "map_at_1000": 36.307, + "map_at_20": 35.669000000000004, + "map_at_3": 32.106, + "map_at_5": 33.77, + "mrr_at_1": 30.50373134328358, + "mrr_at_10": 39.24503227908077, + "mrr_at_100": 40.151748706499774, + "mrr_at_1000": 40.22220003252721, + "mrr_at_20": 39.8059758148897, + "mrr_at_3": 36.73818407960197, + "mrr_at_5": 38.1467661691542, + "nauc_map_at_1000_diff1": 46.16248622121721, + "nauc_map_at_1000_max": 40.52646385518007, + "nauc_map_at_1000_std": 3.148266275747802, + "nauc_map_at_100_diff1": 46.17396178097105, + "nauc_map_at_100_max": 40.54391828366793, + "nauc_map_at_100_std": 3.1465539515114047, + "nauc_map_at_10_diff1": 46.235749959339614, + "nauc_map_at_10_max": 40.440734073263016, + "nauc_map_at_10_std": 2.8300771576177626, + "nauc_map_at_1_diff1": 52.31836017894301, + "nauc_map_at_1_max": 39.98411755588766, + "nauc_map_at_1_std": -1.3807664175034557, + "nauc_map_at_20_diff1": 46.22956225666944, + "nauc_map_at_20_max": 40.38149532254275, + "nauc_map_at_20_std": 2.9376913527139608, + "nauc_map_at_3_diff1": 46.66513417112219, + "nauc_map_at_3_max": 39.42343560398367, + "nauc_map_at_3_std": 1.2211402555017814, + "nauc_map_at_5_diff1": 46.458786087674014, + "nauc_map_at_5_max": 40.55062568009025, + "nauc_map_at_5_std": 2.874713984722366, + "nauc_mrr_at_1000_diff1": 45.02880964596229, + "nauc_mrr_at_1000_max": 40.54670837151151, + "nauc_mrr_at_1000_std": 1.9361943758959246, + "nauc_mrr_at_100_diff1": 45.0141231687371, + "nauc_mrr_at_100_max": 40.563093939846254, + "nauc_mrr_at_100_std": 1.95631717346565, + "nauc_mrr_at_10_diff1": 45.02510345908053, + "nauc_mrr_at_10_max": 40.65201686211006, + "nauc_mrr_at_10_std": 1.765797491494287, + "nauc_mrr_at_1_diff1": 50.97368399162673, + "nauc_mrr_at_1_max": 40.90768065197206, + "nauc_mrr_at_1_std": -1.4950717729817018, + "nauc_mrr_at_20_diff1": 45.01757033486232, + "nauc_mrr_at_20_max": 40.469096874526066, + "nauc_mrr_at_20_std": 1.8814650823309433, + "nauc_mrr_at_3_diff1": 45.41619994832078, + "nauc_mrr_at_3_max": 39.97134246014811, + "nauc_mrr_at_3_std": 0.351963662304222, + "nauc_mrr_at_5_diff1": 45.1751735123411, + "nauc_mrr_at_5_max": 40.78799409404439, + "nauc_mrr_at_5_std": 1.9642777530569973, + "nauc_ndcg_at_1000_diff1": 43.718675542961904, + "nauc_ndcg_at_1000_max": 40.77838921628359, + "nauc_ndcg_at_1000_std": 5.566597131514415, + "nauc_ndcg_at_100_diff1": 43.60801649469792, + "nauc_ndcg_at_100_max": 41.178769387330796, + "nauc_ndcg_at_100_std": 6.049517999609993, + "nauc_ndcg_at_10_diff1": 43.842412361059004, + "nauc_ndcg_at_10_max": 40.6519609548175, + "nauc_ndcg_at_10_std": 4.201266898997162, + "nauc_ndcg_at_1_diff1": 50.97368399162673, + "nauc_ndcg_at_1_max": 40.90768065197206, + "nauc_ndcg_at_1_std": -1.4950717729817018, + "nauc_ndcg_at_20_diff1": 43.85304850871846, + "nauc_ndcg_at_20_max": 40.32052013131906, + "nauc_ndcg_at_20_std": 4.728903608087234, + "nauc_ndcg_at_3_diff1": 44.21918974277671, + "nauc_ndcg_at_3_max": 38.960642621790456, + "nauc_ndcg_at_3_std": 1.5413581396590283, + "nauc_ndcg_at_5_diff1": 44.17111959292946, + "nauc_ndcg_at_5_max": 40.879393486870796, + "nauc_ndcg_at_5_std": 4.292430322369627, + "nauc_precision_at_1000_diff1": -15.217116951096473, + "nauc_precision_at_1000_max": -3.2195266520788293, + "nauc_precision_at_1000_std": 3.9128797066726846, + "nauc_precision_at_100_diff1": 0.3739578597713093, + "nauc_precision_at_100_max": 16.020214815116475, + "nauc_precision_at_100_std": 12.407216133940173, + "nauc_precision_at_10_diff1": 22.78622694355213, + "nauc_precision_at_10_max": 30.934571158762775, + "nauc_precision_at_10_std": 7.387132441153662, + "nauc_precision_at_1_diff1": 50.97368399162673, + "nauc_precision_at_1_max": 40.90768065197206, + "nauc_precision_at_1_std": -1.4950717729817018, + "nauc_precision_at_20_diff1": 15.851699766979477, + "nauc_precision_at_20_max": 25.760376623349373, + "nauc_precision_at_20_std": 8.843769866250064, + "nauc_precision_at_3_diff1": 33.40916192309544, + "nauc_precision_at_3_max": 34.62137182252703, + "nauc_precision_at_3_std": 2.6723118388566376, + "nauc_precision_at_5_diff1": 29.839568032323736, + "nauc_precision_at_5_max": 35.79411746926457, + "nauc_precision_at_5_std": 8.075263629982045, + "nauc_recall_at_1000_diff1": 22.684337017050314, + "nauc_recall_at_1000_max": 38.75083488225343, + "nauc_recall_at_1000_std": 46.20014728505404, + "nauc_recall_at_100_diff1": 32.16637906784691, + "nauc_recall_at_100_max": 41.16460712003215, + "nauc_recall_at_100_std": 22.666195059036536, + "nauc_recall_at_10_diff1": 35.53872376778553, + "nauc_recall_at_10_max": 38.239674930598554, + "nauc_recall_at_10_std": 8.764170731037375, + "nauc_recall_at_1_diff1": 52.31836017894301, + "nauc_recall_at_1_max": 39.98411755588766, + "nauc_recall_at_1_std": -1.3807664175034557, + "nauc_recall_at_20_diff1": 34.77159952615243, + "nauc_recall_at_20_max": 35.99268561688956, + "nauc_recall_at_20_std": 11.063781846789626, + "nauc_recall_at_3_diff1": 38.59836732978252, + "nauc_recall_at_3_max": 36.14336770585555, + "nauc_recall_at_3_std": 3.330194066081952, + "nauc_recall_at_5_diff1": 37.471534644016785, + "nauc_recall_at_5_max": 39.941421167584906, + "nauc_recall_at_5_std": 9.330375158059901, + "ndcg_at_1": 30.503999999999998, + "ndcg_at_10": 40.521, + "ndcg_at_100": 45.869, + "ndcg_at_1000": 48.381, + "ndcg_at_20": 42.664, + "ndcg_at_3": 35.537, + "ndcg_at_5": 37.874, + "precision_at_1": 30.503999999999998, + "precision_at_10": 6.922000000000001, + "precision_at_100": 1.087, + "precision_at_1000": 0.14100000000000001, + "precision_at_20": 4.062, + "precision_at_3": 16.448999999999998, + "precision_at_5": 11.53, + "recall_at_1": 25.471, + "recall_at_10": 53.115, + "recall_at_100": 76.247, + "recall_at_1000": 93.633, + "recall_at_20": 60.856, + "recall_at_3": 39.149, + "recall_at_5": 45.355000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CQADupstackWebmastersRetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CQADupstackWebmastersRetrieval.json new file mode 100644 index 000000000..1fbfd3be5 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CQADupstackWebmastersRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "160c094312a0e1facb97e55eeddb698c0abe3571", + "task_name": "CQADupstackWebmastersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 40.083999999999996, + "map_at_1": 23.916, + "map_at_10": 33.898, + "map_at_100": 35.524, + "map_at_1000": 35.763, + "map_at_20": 34.699999999999996, + "map_at_3": 30.72, + "map_at_5": 32.444, + "mrr_at_1": 27.865612648221344, + "mrr_at_10": 38.110373925591325, + "mrr_at_100": 39.103867355603136, + "mrr_at_1000": 39.155682308778616, + "mrr_at_20": 38.674497071725696, + "mrr_at_3": 35.210803689064576, + "mrr_at_5": 36.99934123847168, + "nauc_map_at_1000_diff1": 43.04370425444575, + "nauc_map_at_1000_max": 30.664333341508517, + "nauc_map_at_1000_std": 13.255841990616501, + "nauc_map_at_100_diff1": 43.30950288942624, + "nauc_map_at_100_max": 30.88701122881409, + "nauc_map_at_100_std": 13.044875063416047, + "nauc_map_at_10_diff1": 43.13368196505275, + "nauc_map_at_10_max": 30.510777038103758, + "nauc_map_at_10_std": 11.718306205503097, + "nauc_map_at_1_diff1": 51.34182005448936, + "nauc_map_at_1_max": 29.964954096304396, + "nauc_map_at_1_std": 7.929661027160745, + "nauc_map_at_20_diff1": 43.31624587145438, + "nauc_map_at_20_max": 30.74154334111207, + "nauc_map_at_20_std": 12.32652647361836, + "nauc_map_at_3_diff1": 43.1491545591217, + "nauc_map_at_3_max": 29.448225669130128, + "nauc_map_at_3_std": 9.735131796506169, + "nauc_map_at_5_diff1": 43.33647018722699, + "nauc_map_at_5_max": 29.82004211927872, + "nauc_map_at_5_std": 10.811941747327253, + "nauc_mrr_at_1000_diff1": 42.09165265772457, + "nauc_mrr_at_1000_max": 32.05875923131647, + "nauc_mrr_at_1000_std": 15.019814870801303, + "nauc_mrr_at_100_diff1": 42.08967964203582, + "nauc_mrr_at_100_max": 32.07299417006864, + "nauc_mrr_at_100_std": 15.057319380447614, + "nauc_mrr_at_10_diff1": 41.841369406148246, + "nauc_mrr_at_10_max": 31.767693589635538, + "nauc_mrr_at_10_std": 14.602638735669798, + "nauc_mrr_at_1_diff1": 50.062677615419304, + "nauc_mrr_at_1_max": 33.35584104516006, + "nauc_mrr_at_1_std": 11.42115012466949, + "nauc_mrr_at_20_diff1": 41.93352325907799, + "nauc_mrr_at_20_max": 32.015602545857945, + "nauc_mrr_at_20_std": 15.048275956047814, + "nauc_mrr_at_3_diff1": 41.918393480229014, + "nauc_mrr_at_3_max": 31.253629045078224, + "nauc_mrr_at_3_std": 13.577771791747217, + "nauc_mrr_at_5_diff1": 42.020303609879015, + "nauc_mrr_at_5_max": 31.71276631449414, + "nauc_mrr_at_5_std": 14.160071868742637, + "nauc_ndcg_at_1000_diff1": 41.073313917406516, + "nauc_ndcg_at_1000_max": 31.874785583667343, + "nauc_ndcg_at_1000_std": 17.392846103885827, + "nauc_ndcg_at_100_diff1": 41.36609192671821, + "nauc_ndcg_at_100_max": 32.1429966230732, + "nauc_ndcg_at_100_std": 17.635443742312578, + "nauc_ndcg_at_10_diff1": 40.16969739206176, + "nauc_ndcg_at_10_max": 30.655050133517907, + "nauc_ndcg_at_10_std": 15.31416270805731, + "nauc_ndcg_at_1_diff1": 50.062677615419304, + "nauc_ndcg_at_1_max": 33.35584104516006, + "nauc_ndcg_at_1_std": 11.42115012466949, + "nauc_ndcg_at_20_diff1": 40.65149703452073, + "nauc_ndcg_at_20_max": 31.49158572383702, + "nauc_ndcg_at_20_std": 16.515600802503588, + "nauc_ndcg_at_3_diff1": 40.978434285347326, + "nauc_ndcg_at_3_max": 30.152983643295965, + "nauc_ndcg_at_3_std": 12.216265569919356, + "nauc_ndcg_at_5_diff1": 41.08935148839345, + "nauc_ndcg_at_5_max": 30.270289469266555, + "nauc_ndcg_at_5_std": 13.872257416203936, + "nauc_precision_at_1000_diff1": -23.49105492946047, + "nauc_precision_at_1000_max": -14.82348334333618, + "nauc_precision_at_1000_std": 25.58547404406785, + "nauc_precision_at_100_diff1": -7.981292902854982, + "nauc_precision_at_100_max": 0.3216310748533712, + "nauc_precision_at_100_std": 30.619279987080606, + "nauc_precision_at_10_diff1": 16.699669745243195, + "nauc_precision_at_10_max": 24.848221992404866, + "nauc_precision_at_10_std": 25.483080484054128, + "nauc_precision_at_1_diff1": 50.062677615419304, + "nauc_precision_at_1_max": 33.35584104516006, + "nauc_precision_at_1_std": 11.42115012466949, + "nauc_precision_at_20_diff1": 9.661364668172661, + "nauc_precision_at_20_max": 18.15490912668976, + "nauc_precision_at_20_std": 28.942530404656207, + "nauc_precision_at_3_diff1": 28.173149805964336, + "nauc_precision_at_3_max": 29.125517533363045, + "nauc_precision_at_3_std": 16.440247682256874, + "nauc_precision_at_5_diff1": 26.337016666473417, + "nauc_precision_at_5_max": 27.91482399852503, + "nauc_precision_at_5_std": 20.584790906600297, + "nauc_recall_at_1000_diff1": 25.27962582492483, + "nauc_recall_at_1000_max": 53.4157087239144, + "nauc_recall_at_1000_std": 64.84320824589436, + "nauc_recall_at_100_diff1": 32.52503833916644, + "nauc_recall_at_100_max": 34.43578471306039, + "nauc_recall_at_100_std": 37.12451201750556, + "nauc_recall_at_10_diff1": 30.854734920106758, + "nauc_recall_at_10_max": 27.70071769548424, + "nauc_recall_at_10_std": 18.679668303532377, + "nauc_recall_at_1_diff1": 51.34182005448936, + "nauc_recall_at_1_max": 29.964954096304396, + "nauc_recall_at_1_std": 7.929661027160745, + "nauc_recall_at_20_diff1": 31.67584335957749, + "nauc_recall_at_20_max": 30.819782365046017, + "nauc_recall_at_20_std": 24.91327729486532, + "nauc_recall_at_3_diff1": 34.07385889318035, + "nauc_recall_at_3_max": 26.55094252259986, + "nauc_recall_at_3_std": 10.867282036873508, + "nauc_recall_at_5_diff1": 33.23389303702456, + "nauc_recall_at_5_max": 26.993134299145368, + "nauc_recall_at_5_std": 14.066236376235505, + "ndcg_at_1": 27.866000000000003, + "ndcg_at_10": 40.083999999999996, + "ndcg_at_100": 46.267, + "ndcg_at_1000": 48.701, + "ndcg_at_20": 42.34, + "ndcg_at_3": 34.583999999999996, + "ndcg_at_5": 37.264, + "precision_at_1": 27.866000000000003, + "precision_at_10": 7.707999999999999, + "precision_at_100": 1.569, + "precision_at_1000": 0.247, + "precision_at_20": 4.852, + "precision_at_3": 16.337, + "precision_at_5": 12.055, + "recall_at_1": 23.916, + "recall_at_10": 52.903, + "recall_at_100": 79.777, + "recall_at_1000": 94.72, + "recall_at_20": 61.312, + "recall_at_3": 37.711, + "recall_at_5": 44.603 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CQADupstackWordpressRetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CQADupstackWordpressRetrieval.json new file mode 100644 index 000000000..7ee037964 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CQADupstackWordpressRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "4ffe81d471b1924886b33c7567bfb200e9eec5c4", + "task_name": "CQADupstackWordpressRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 29.973, + "map_at_1": 17.23, + "map_at_10": 25.097, + "map_at_100": 26.264, + "map_at_1000": 26.369, + "map_at_20": 25.796000000000003, + "map_at_3": 22.487, + "map_at_5": 23.977999999999998, + "mrr_at_1": 19.038817005545287, + "mrr_at_10": 27.142857142857142, + "mrr_at_100": 28.18400454920016, + "mrr_at_1000": 28.261243392575775, + "mrr_at_20": 27.772863922037278, + "mrr_at_3": 24.645717806531106, + "mrr_at_5": 26.05052372150338, + "nauc_map_at_1000_diff1": 30.011176313385096, + "nauc_map_at_1000_max": 30.68572568741437, + "nauc_map_at_1000_std": 6.891720154828985, + "nauc_map_at_100_diff1": 30.0320356281249, + "nauc_map_at_100_max": 30.721766519272826, + "nauc_map_at_100_std": 6.887771590804904, + "nauc_map_at_10_diff1": 30.18218019028145, + "nauc_map_at_10_max": 30.676695850605086, + "nauc_map_at_10_std": 6.35931077390129, + "nauc_map_at_1_diff1": 36.65613803562446, + "nauc_map_at_1_max": 34.41372061280891, + "nauc_map_at_1_std": 5.643263116945109, + "nauc_map_at_20_diff1": 29.97325431788116, + "nauc_map_at_20_max": 30.6373674319881, + "nauc_map_at_20_std": 6.627175965630369, + "nauc_map_at_3_diff1": 30.86131371052504, + "nauc_map_at_3_max": 31.15523969829247, + "nauc_map_at_3_std": 5.567555712000783, + "nauc_map_at_5_diff1": 30.848087000113118, + "nauc_map_at_5_max": 31.459896541460697, + "nauc_map_at_5_std": 5.518271061275222, + "nauc_mrr_at_1000_diff1": 29.453047003985, + "nauc_mrr_at_1000_max": 30.19882876836656, + "nauc_mrr_at_1000_std": 6.626130218002384, + "nauc_mrr_at_100_diff1": 29.44273618213682, + "nauc_mrr_at_100_max": 30.20792006793222, + "nauc_mrr_at_100_std": 6.6326270055928225, + "nauc_mrr_at_10_diff1": 29.481500991416937, + "nauc_mrr_at_10_max": 30.166282832131248, + "nauc_mrr_at_10_std": 6.194497427521731, + "nauc_mrr_at_1_diff1": 35.00165816992082, + "nauc_mrr_at_1_max": 33.779777100720864, + "nauc_mrr_at_1_std": 5.621116520393843, + "nauc_mrr_at_20_diff1": 29.420661046476237, + "nauc_mrr_at_20_max": 30.096026694199697, + "nauc_mrr_at_20_std": 6.418490136892468, + "nauc_mrr_at_3_diff1": 30.15562602647593, + "nauc_mrr_at_3_max": 31.24169802519362, + "nauc_mrr_at_3_std": 5.292177214159827, + "nauc_mrr_at_5_diff1": 29.85812493582057, + "nauc_mrr_at_5_max": 30.84309432039849, + "nauc_mrr_at_5_std": 5.17373327205622, + "nauc_ndcg_at_1000_diff1": 27.06661442385399, + "nauc_ndcg_at_1000_max": 28.96911571800487, + "nauc_ndcg_at_1000_std": 10.418806432871733, + "nauc_ndcg_at_100_diff1": 27.146281316839314, + "nauc_ndcg_at_100_max": 29.044799456854186, + "nauc_ndcg_at_100_std": 10.508336096486618, + "nauc_ndcg_at_10_diff1": 27.420874599878342, + "nauc_ndcg_at_10_max": 28.714090994664755, + "nauc_ndcg_at_10_std": 7.652695188853375, + "nauc_ndcg_at_1_diff1": 35.00165816992082, + "nauc_ndcg_at_1_max": 33.779777100720864, + "nauc_ndcg_at_1_std": 5.621116520393843, + "nauc_ndcg_at_20_diff1": 26.854270351760974, + "nauc_ndcg_at_20_max": 28.52303486745037, + "nauc_ndcg_at_20_std": 8.34449264443146, + "nauc_ndcg_at_3_diff1": 28.683665095071454, + "nauc_ndcg_at_3_max": 30.21167815580974, + "nauc_ndcg_at_3_std": 5.57510161196495, + "nauc_ndcg_at_5_diff1": 28.568200018893215, + "nauc_ndcg_at_5_max": 30.268878618614377, + "nauc_ndcg_at_5_std": 5.561108887007736, + "nauc_precision_at_1000_diff1": -15.949370649937453, + "nauc_precision_at_1000_max": -12.55230242997234, + "nauc_precision_at_1000_std": 7.964001054475982, + "nauc_precision_at_100_diff1": 3.8015059641621365, + "nauc_precision_at_100_max": 9.502394070121735, + "nauc_precision_at_100_std": 17.651392778848304, + "nauc_precision_at_10_diff1": 18.272370317932598, + "nauc_precision_at_10_max": 22.250936689177696, + "nauc_precision_at_10_std": 11.326091089478126, + "nauc_precision_at_1_diff1": 35.00165816992082, + "nauc_precision_at_1_max": 33.779777100720864, + "nauc_precision_at_1_std": 5.621116520393843, + "nauc_precision_at_20_diff1": 14.701205402696422, + "nauc_precision_at_20_max": 19.479826509253293, + "nauc_precision_at_20_std": 11.944454432741377, + "nauc_precision_at_3_diff1": 24.240226319020405, + "nauc_precision_at_3_max": 28.68870471669554, + "nauc_precision_at_3_std": 6.574024673506498, + "nauc_precision_at_5_diff1": 23.17004836875319, + "nauc_precision_at_5_max": 28.191016385192867, + "nauc_precision_at_5_std": 6.514807345015352, + "nauc_recall_at_1000_diff1": 3.893631175061775, + "nauc_recall_at_1000_max": 19.271373005950228, + "nauc_recall_at_1000_std": 45.08461198752793, + "nauc_recall_at_100_diff1": 16.56155043674209, + "nauc_recall_at_100_max": 22.519466525026544, + "nauc_recall_at_100_std": 27.062281302347973, + "nauc_recall_at_10_diff1": 19.666472561806202, + "nauc_recall_at_10_max": 22.619769621626244, + "nauc_recall_at_10_std": 11.00062407965151, + "nauc_recall_at_1_diff1": 36.65613803562446, + "nauc_recall_at_1_max": 34.41372061280891, + "nauc_recall_at_1_std": 5.643263116945109, + "nauc_recall_at_20_diff1": 16.971894573394206, + "nauc_recall_at_20_max": 21.44001516902887, + "nauc_recall_at_20_std": 13.106111366241002, + "nauc_recall_at_3_diff1": 23.337485705564454, + "nauc_recall_at_3_max": 26.926134944792864, + "nauc_recall_at_3_std": 6.142956932796485, + "nauc_recall_at_5_diff1": 23.052394072882375, + "nauc_recall_at_5_max": 27.026444224445406, + "nauc_recall_at_5_std": 5.735439526218693, + "ndcg_at_1": 19.039, + "ndcg_at_10": 29.973, + "ndcg_at_100": 35.538, + "ndcg_at_1000": 38.196999999999996, + "ndcg_at_20": 32.352, + "ndcg_at_3": 24.89, + "ndcg_at_5": 27.427, + "precision_at_1": 19.039, + "precision_at_10": 5.009, + "precision_at_100": 0.843, + "precision_at_1000": 0.11800000000000001, + "precision_at_20": 3.05, + "precision_at_3": 10.906, + "precision_at_5": 8.059, + "recall_at_1": 17.23, + "recall_at_10": 42.886, + "recall_at_100": 68.309, + "recall_at_1000": 88.263, + "recall_at_20": 52.039, + "recall_at_3": 29.559, + "recall_at_5": 35.49 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/ClimateFEVER.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/ClimateFEVER.json new file mode 100644 index 000000000..9ded14f81 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/ClimateFEVER.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 23.837, + "map_at_1": 9.273000000000001, + "map_at_10": 16.492, + "map_at_100": 18.236, + "map_at_1000": 18.423000000000002, + "map_at_20": 17.395, + "map_at_3": 13.533999999999999, + "map_at_5": 15.012, + "mrr_at_1": 20.521172638436482, + "mrr_at_10": 31.445194147148513, + "mrr_at_100": 32.61483800330437, + "mrr_at_1000": 32.664329496819654, + "mrr_at_20": 32.17294028439281, + "mrr_at_3": 28.013029315960875, + "mrr_at_5": 29.863192182410366, + "nauc_map_at_1000_diff1": 18.01650517854619, + "nauc_map_at_1000_max": 35.00555751580392, + "nauc_map_at_1000_std": 9.786398826312832, + "nauc_map_at_100_diff1": 18.03109714032031, + "nauc_map_at_100_max": 35.02293343117481, + "nauc_map_at_100_std": 9.71347278319927, + "nauc_map_at_10_diff1": 18.123527260203605, + "nauc_map_at_10_max": 34.59737571933771, + "nauc_map_at_10_std": 7.985244526477989, + "nauc_map_at_1_diff1": 24.20116611812359, + "nauc_map_at_1_max": 30.142503127773175, + "nauc_map_at_1_std": 1.7528279249714371, + "nauc_map_at_20_diff1": 17.92941292676869, + "nauc_map_at_20_max": 34.90561535201822, + "nauc_map_at_20_std": 8.806983271002245, + "nauc_map_at_3_diff1": 19.621278199026627, + "nauc_map_at_3_max": 33.04953696007031, + "nauc_map_at_3_std": 4.743775272044947, + "nauc_map_at_5_diff1": 17.84852616035865, + "nauc_map_at_5_max": 33.918937290902676, + "nauc_map_at_5_std": 6.43805539088188, + "nauc_mrr_at_1000_diff1": 15.347525245361156, + "nauc_mrr_at_1000_max": 30.984286548888416, + "nauc_mrr_at_1000_std": 10.51729403704548, + "nauc_mrr_at_100_diff1": 15.35190671644279, + "nauc_mrr_at_100_max": 30.991582390051992, + "nauc_mrr_at_100_std": 10.528113181960542, + "nauc_mrr_at_10_diff1": 15.421448994451428, + "nauc_mrr_at_10_max": 31.13167396372901, + "nauc_mrr_at_10_std": 10.405474460265241, + "nauc_mrr_at_1_diff1": 19.91098871041916, + "nauc_mrr_at_1_max": 28.199940386873457, + "nauc_mrr_at_1_std": 5.155228094170121, + "nauc_mrr_at_20_diff1": 15.299643109767583, + "nauc_mrr_at_20_max": 31.01811956006181, + "nauc_mrr_at_20_std": 10.489072164322263, + "nauc_mrr_at_3_diff1": 15.366450166527843, + "nauc_mrr_at_3_max": 30.34857432681673, + "nauc_mrr_at_3_std": 9.006900103817772, + "nauc_mrr_at_5_diff1": 14.887486492755764, + "nauc_mrr_at_5_max": 31.064197475112508, + "nauc_mrr_at_5_std": 10.031368604363431, + "nauc_ndcg_at_1000_diff1": 15.488355020463965, + "nauc_ndcg_at_1000_max": 35.599964683193356, + "nauc_ndcg_at_1000_std": 17.060985301144974, + "nauc_ndcg_at_100_diff1": 15.854159478255767, + "nauc_ndcg_at_100_max": 35.68620327215392, + "nauc_ndcg_at_100_std": 16.291640368302122, + "nauc_ndcg_at_10_diff1": 16.078556057593055, + "nauc_ndcg_at_10_max": 35.16683300045305, + "nauc_ndcg_at_10_std": 11.600026114771842, + "nauc_ndcg_at_1_diff1": 19.91098871041916, + "nauc_ndcg_at_1_max": 28.199940386873457, + "nauc_ndcg_at_1_std": 5.155228094170121, + "nauc_ndcg_at_20_diff1": 15.488844425483514, + "nauc_ndcg_at_20_max": 35.56107040983233, + "nauc_ndcg_at_20_std": 13.251910512661198, + "nauc_ndcg_at_3_diff1": 16.74489883121594, + "nauc_ndcg_at_3_max": 32.389819879059544, + "nauc_ndcg_at_3_std": 7.493628842692248, + "nauc_ndcg_at_5_diff1": 15.113032176867607, + "nauc_ndcg_at_5_max": 34.3779074616743, + "nauc_ndcg_at_5_std": 9.451124063087098, + "nauc_precision_at_1000_diff1": -3.0336791429010397, + "nauc_precision_at_1000_max": 7.186757791081503, + "nauc_precision_at_1000_std": 24.207475517567993, + "nauc_precision_at_100_diff1": 4.1799378860106025, + "nauc_precision_at_100_max": 19.734149092069195, + "nauc_precision_at_100_std": 27.14752823725515, + "nauc_precision_at_10_diff1": 9.757385921354574, + "nauc_precision_at_10_max": 31.63967138734393, + "nauc_precision_at_10_std": 20.941862722792937, + "nauc_precision_at_1_diff1": 19.91098871041916, + "nauc_precision_at_1_max": 28.199940386873457, + "nauc_precision_at_1_std": 5.155228094170121, + "nauc_precision_at_20_diff1": 6.041242795339366, + "nauc_precision_at_20_max": 28.346626059960002, + "nauc_precision_at_20_std": 23.557255218471095, + "nauc_precision_at_3_diff1": 12.29833478679591, + "nauc_precision_at_3_max": 32.28472659370561, + "nauc_precision_at_3_std": 12.302338064297853, + "nauc_precision_at_5_diff1": 7.992994907910815, + "nauc_precision_at_5_max": 32.957822083112525, + "nauc_precision_at_5_std": 17.171509203185707, + "nauc_recall_at_1000_diff1": 6.546403888329451, + "nauc_recall_at_1000_max": 30.05169708532201, + "nauc_recall_at_1000_std": 33.1025025789684, + "nauc_recall_at_100_diff1": 10.063690002072539, + "nauc_recall_at_100_max": 30.33645832268982, + "nauc_recall_at_100_std": 24.88750198752349, + "nauc_recall_at_10_diff1": 11.557048975359223, + "nauc_recall_at_10_max": 32.570077522651765, + "nauc_recall_at_10_std": 13.351992240284844, + "nauc_recall_at_1_diff1": 24.20116611812359, + "nauc_recall_at_1_max": 30.142503127773175, + "nauc_recall_at_1_std": 1.7528279249714371, + "nauc_recall_at_20_diff1": 10.023860910712143, + "nauc_recall_at_20_max": 31.966797882093502, + "nauc_recall_at_20_std": 16.292044481984295, + "nauc_recall_at_3_diff1": 14.118820470249613, + "nauc_recall_at_3_max": 32.864946121706126, + "nauc_recall_at_3_std": 7.699657726962808, + "nauc_recall_at_5_diff1": 10.13729414622558, + "nauc_recall_at_5_max": 33.482336846118045, + "nauc_recall_at_5_std": 10.497701399887017, + "ndcg_at_1": 20.521, + "ndcg_at_10": 23.837, + "ndcg_at_100": 31.278, + "ndcg_at_1000": 34.852, + "ndcg_at_20": 26.653, + "ndcg_at_3": 18.778, + "ndcg_at_5": 20.535999999999998, + "precision_at_1": 20.521, + "precision_at_10": 7.582999999999999, + "precision_at_100": 1.545, + "precision_at_1000": 0.22100000000000003, + "precision_at_20": 4.974, + "precision_at_3": 13.941, + "precision_at_5": 10.866000000000001, + "recall_at_1": 9.273000000000001, + "recall_at_10": 29.961, + "recall_at_100": 55.855999999999995, + "recall_at_1000": 75.972, + "recall_at_20": 38.045, + "recall_at_3": 17.666, + "recall_at_5": 22.539 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CmedqaRetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CmedqaRetrieval.json new file mode 100644 index 000000000..f4986472b --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CmedqaRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "cd540c506dae1cf9e9a59c3e06f42030d54e7301", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 41.912, + "map_at_1": 24.154, + "map_at_10": 35.771, + "map_at_100": 37.361, + "map_at_1000": 37.501, + "map_at_20": 36.614000000000004, + "map_at_3": 32.208999999999996, + "map_at_5": 34.135, + "mrr_at_1": 36.959239809952486, + "mrr_at_10": 44.68076344482939, + "mrr_at_100": 45.58051326135588, + "mrr_at_1000": 45.63875894256334, + "mrr_at_20": 45.18303299514746, + "mrr_at_3": 42.55230474285231, + "mrr_at_5": 43.73134950404267, + "nauc_map_at_1000_diff1": 48.19593787339997, + "nauc_map_at_1000_max": 45.80793623720016, + "nauc_map_at_1000_std": -4.498738770651924, + "nauc_map_at_100_diff1": 48.14822061537294, + "nauc_map_at_100_max": 45.766276109027565, + "nauc_map_at_100_std": -4.531921171029137, + "nauc_map_at_10_diff1": 48.056275142802576, + "nauc_map_at_10_max": 44.86133659352232, + "nauc_map_at_10_std": -5.678734969973419, + "nauc_map_at_1_diff1": 54.126770601702304, + "nauc_map_at_1_max": 36.294268209121014, + "nauc_map_at_1_std": -8.314309694617984, + "nauc_map_at_20_diff1": 48.040597097872464, + "nauc_map_at_20_max": 45.361480980577554, + "nauc_map_at_20_std": -5.1056219220416414, + "nauc_map_at_3_diff1": 48.824963816099306, + "nauc_map_at_3_max": 42.59637253351721, + "nauc_map_at_3_std": -7.142494643007989, + "nauc_map_at_5_diff1": 48.39295465854973, + "nauc_map_at_5_max": 43.81282348287875, + "nauc_map_at_5_std": -6.551989013310646, + "nauc_mrr_at_1000_diff1": 55.254016903996884, + "nauc_mrr_at_1000_max": 53.09878029734, + "nauc_mrr_at_1000_std": -0.71508532680536, + "nauc_mrr_at_100_diff1": 55.22345420339283, + "nauc_mrr_at_100_max": 53.09592092707568, + "nauc_mrr_at_100_std": -0.6931227079570508, + "nauc_mrr_at_10_diff1": 55.18285620712305, + "nauc_mrr_at_10_max": 53.0128131412299, + "nauc_mrr_at_10_std": -0.9419014092991297, + "nauc_mrr_at_1_diff1": 61.53750424643732, + "nauc_mrr_at_1_max": 54.24674408902589, + "nauc_mrr_at_1_std": -1.9080737950338242, + "nauc_mrr_at_20_diff1": 55.1955850013467, + "nauc_mrr_at_20_max": 53.04094140836042, + "nauc_mrr_at_20_std": -0.8063521557954811, + "nauc_mrr_at_3_diff1": 56.11946877115898, + "nauc_mrr_at_3_max": 53.46308123387505, + "nauc_mrr_at_3_std": -1.25039802843073, + "nauc_mrr_at_5_diff1": 55.59945526594265, + "nauc_mrr_at_5_max": 53.094458463158546, + "nauc_mrr_at_5_std": -1.1485696186251675, + "nauc_ndcg_at_1000_diff1": 48.630394030057936, + "nauc_ndcg_at_1000_max": 49.067370003850804, + "nauc_ndcg_at_1000_std": -0.6379826555665533, + "nauc_ndcg_at_100_diff1": 47.4242704726565, + "nauc_ndcg_at_100_max": 48.72472432340327, + "nauc_ndcg_at_100_std": -0.16567922191922693, + "nauc_ndcg_at_10_diff1": 47.16820763109196, + "nauc_ndcg_at_10_max": 46.69185085844686, + "nauc_ndcg_at_10_std": -3.793946471519526, + "nauc_ndcg_at_1_diff1": 61.53750424643732, + "nauc_ndcg_at_1_max": 54.24674408902589, + "nauc_ndcg_at_1_std": -1.9080737950338242, + "nauc_ndcg_at_20_diff1": 47.062085251805165, + "nauc_ndcg_at_20_max": 47.36804459443504, + "nauc_ndcg_at_20_std": -2.6790807434003154, + "nauc_ndcg_at_3_diff1": 49.37353194021333, + "nauc_ndcg_at_3_max": 48.35156335077874, + "nauc_ndcg_at_3_std": -3.3398102492848656, + "nauc_ndcg_at_5_diff1": 48.0947159130794, + "nauc_ndcg_at_5_max": 46.680994331148504, + "nauc_ndcg_at_5_std": -4.043874632127286, + "nauc_precision_at_1000_diff1": 6.109079873705322, + "nauc_precision_at_1000_max": 29.504954981504778, + "nauc_precision_at_1000_std": 22.93941750032271, + "nauc_precision_at_100_diff1": 11.927597721886762, + "nauc_precision_at_100_max": 39.33748646673334, + "nauc_precision_at_100_std": 23.95901745749321, + "nauc_precision_at_10_diff1": 24.82917619008383, + "nauc_precision_at_10_max": 48.25909614877216, + "nauc_precision_at_10_std": 10.250143723179713, + "nauc_precision_at_1_diff1": 61.53750424643732, + "nauc_precision_at_1_max": 54.24674408902589, + "nauc_precision_at_1_std": -1.9080737950338242, + "nauc_precision_at_20_diff1": 20.46788631872044, + "nauc_precision_at_20_max": 45.80722239546835, + "nauc_precision_at_20_std": 14.720113784118633, + "nauc_precision_at_3_diff1": 36.57074097596536, + "nauc_precision_at_3_max": 52.82030883151323, + "nauc_precision_at_3_std": 3.9283920700632526, + "nauc_precision_at_5_diff1": 31.217047808074472, + "nauc_precision_at_5_max": 51.092762871371654, + "nauc_precision_at_5_std": 6.51063180919143, + "nauc_recall_at_1000_diff1": 31.30321342816756, + "nauc_recall_at_1000_max": 55.469754854393486, + "nauc_recall_at_1000_std": 46.627360786810655, + "nauc_recall_at_100_diff1": 26.36814612505595, + "nauc_recall_at_100_max": 41.98698104560196, + "nauc_recall_at_100_std": 16.01155635795268, + "nauc_recall_at_10_diff1": 34.230500025598566, + "nauc_recall_at_10_max": 38.46622774541338, + "nauc_recall_at_10_std": -3.5976451821598636, + "nauc_recall_at_1_diff1": 54.126770601702304, + "nauc_recall_at_1_max": 36.294268209121014, + "nauc_recall_at_1_std": -8.314309694617984, + "nauc_recall_at_20_diff1": 31.92600233159853, + "nauc_recall_at_20_max": 39.151276414762634, + "nauc_recall_at_20_std": -0.008185757782290744, + "nauc_recall_at_3_diff1": 40.983135298326175, + "nauc_recall_at_3_max": 39.282144240448105, + "nauc_recall_at_3_std": -6.478558331383442, + "nauc_recall_at_5_diff1": 37.96561121548906, + "nauc_recall_at_5_max": 38.25573176800016, + "nauc_recall_at_5_std": -5.896110553981627, + "ndcg_at_1": 36.958999999999996, + "ndcg_at_10": 41.912, + "ndcg_at_100": 48.412, + "ndcg_at_1000": 51.076, + "ndcg_at_20": 44.237, + "ndcg_at_3": 37.596000000000004, + "ndcg_at_5": 39.257, + "precision_at_1": 36.958999999999996, + "precision_at_10": 9.222, + "precision_at_100": 1.456, + "precision_at_1000": 0.18, + "precision_at_20": 5.404, + "precision_at_3": 21.346999999999998, + "precision_at_5": 15.204, + "recall_at_1": 24.154, + "recall_at_10": 51.13799999999999, + "recall_at_100": 78.44200000000001, + "recall_at_1000": 96.607, + "recall_at_20": 59.01499999999999, + "recall_at_3": 37.645, + "recall_at_5": 43.24 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/Cmnli.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/Cmnli.json new file mode 100644 index 000000000..6af9b917b --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/Cmnli.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "41bc36f332156f7adc9e38f53777c959b2ae9766", + "task_name": "Cmnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_accuracy": 70.24654239326519, + "cosine_accuracy_threshold": 65.65687656402588, + "cosine_ap": 76.97337656087815, + "cosine_f1": 72.89293849658314, + "cosine_f1_threshold": 58.187782764434814, + "cosine_precision": 63.230240549828174, + "cosine_recall": 86.04161795651157, + "dot_accuracy": 70.24654239326519, + "dot_accuracy_threshold": 65.65687656402588, + "dot_ap": 76.99306253217402, + "dot_f1": 72.89293849658314, + "dot_f1_threshold": 58.18778872489929, + "dot_precision": 63.230240549828174, + "dot_recall": 86.04161795651157, + "euclidean_accuracy": 70.24654239326519, + "euclidean_accuracy_threshold": 82.8771710395813, + "euclidean_ap": 76.97337656087815, + "euclidean_f1": 72.89293849658314, + "euclidean_f1_threshold": 91.44638776779175, + "euclidean_precision": 63.230240549828174, + "euclidean_recall": 86.04161795651157, + "main_score": 76.99306253217402, + "manhattan_accuracy": 69.74143114852676, + "manhattan_accuracy_threshold": 1963.1107330322266, + "manhattan_ap": 76.44289061856252, + "manhattan_f1": 72.70526528142021, + "manhattan_f1_threshold": 2121.240234375, + "manhattan_precision": 63.93471704807522, + "manhattan_recall": 84.26467149871405, + "max_ap": 76.99306253217402, + "max_f1": 72.89293849658314, + "max_precision": 63.93471704807522, + "max_recall": 86.04161795651157, + "similarity_accuracy": 70.24654239326519, + "similarity_accuracy_threshold": 65.65687656402588, + "similarity_ap": 76.97337656087815, + "similarity_f1": 72.89293849658314, + "similarity_f1_threshold": 58.187782764434814, + "similarity_precision": 63.230240549828174, + "similarity_recall": 86.04161795651157 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CovidRetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CovidRetrieval.json new file mode 100644 index 000000000..c1fe960e2 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/CovidRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "1271c7809071a13532e05f25fb53511ffce77117", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 82.09100000000001, + "map_at_1": 69.679, + "map_at_10": 78.188, + "map_at_100": 78.432, + "map_at_1000": 78.435, + "map_at_20": 78.358, + "map_at_3": 76.458, + "map_at_5": 77.525, + "mrr_at_1": 69.86301369863014, + "mrr_at_10": 78.1891966481008, + "mrr_at_100": 78.43100887014927, + "mrr_at_1000": 78.43409905944281, + "mrr_at_20": 78.3583713625236, + "mrr_at_3": 76.5015806111697, + "mrr_at_5": 77.5816649104321, + "nauc_map_at_1000_diff1": 78.7565094457952, + "nauc_map_at_1000_max": 43.44153271106606, + "nauc_map_at_1000_std": -43.35643127411659, + "nauc_map_at_100_diff1": 78.75464512949722, + "nauc_map_at_100_max": 43.44614729899657, + "nauc_map_at_100_std": -43.35662894001264, + "nauc_map_at_10_diff1": 78.6150484744859, + "nauc_map_at_10_max": 43.22212591985456, + "nauc_map_at_10_std": -43.68204084683379, + "nauc_map_at_1_diff1": 81.86147718901591, + "nauc_map_at_1_max": 43.27595769557031, + "nauc_map_at_1_std": -40.832434398434316, + "nauc_map_at_20_diff1": 78.72313916367459, + "nauc_map_at_20_max": 43.527065459801754, + "nauc_map_at_20_std": -43.299315170766626, + "nauc_map_at_3_diff1": 78.6799910684285, + "nauc_map_at_3_max": 42.319407684110274, + "nauc_map_at_3_std": -45.537423149362695, + "nauc_map_at_5_diff1": 78.25825961555257, + "nauc_map_at_5_max": 42.66902641451189, + "nauc_map_at_5_std": -44.2482231636208, + "nauc_mrr_at_1000_diff1": 78.77840881732628, + "nauc_mrr_at_1000_max": 43.75052183199315, + "nauc_mrr_at_1000_std": -42.89324434781183, + "nauc_mrr_at_100_diff1": 78.7765411998645, + "nauc_mrr_at_100_max": 43.755086077231056, + "nauc_mrr_at_100_std": -42.89351661301109, + "nauc_mrr_at_10_diff1": 78.63610310385711, + "nauc_mrr_at_10_max": 43.52324483162967, + "nauc_mrr_at_10_std": -43.23477882995708, + "nauc_mrr_at_1_diff1": 81.65699303519479, + "nauc_mrr_at_1_max": 44.202391758796914, + "nauc_mrr_at_1_std": -39.36327383599781, + "nauc_mrr_at_20_diff1": 78.7443733650774, + "nauc_mrr_at_20_max": 43.83081490577578, + "nauc_mrr_at_20_std": -42.848142406550764, + "nauc_mrr_at_3_diff1": 78.64356391070008, + "nauc_mrr_at_3_max": 42.76861798176099, + "nauc_mrr_at_3_std": -44.84496156914284, + "nauc_mrr_at_5_diff1": 78.22192606452634, + "nauc_mrr_at_5_max": 43.12757659228294, + "nauc_mrr_at_5_std": -43.471573840955344, + "nauc_ndcg_at_1000_diff1": 78.1838616987732, + "nauc_ndcg_at_1000_max": 43.859382162396884, + "nauc_ndcg_at_1000_std": -43.30653697283926, + "nauc_ndcg_at_100_diff1": 78.13119295479274, + "nauc_ndcg_at_100_max": 44.01086911321529, + "nauc_ndcg_at_100_std": -43.24874302093996, + "nauc_ndcg_at_10_diff1": 77.48152464096923, + "nauc_ndcg_at_10_max": 43.264264169510504, + "nauc_ndcg_at_10_std": -44.580175112852835, + "nauc_ndcg_at_1_diff1": 81.43455985468403, + "nauc_ndcg_at_1_max": 44.252000550874484, + "nauc_ndcg_at_1_std": -39.38237995087698, + "nauc_ndcg_at_20_diff1": 77.85410963490207, + "nauc_ndcg_at_20_max": 44.68578065287876, + "nauc_ndcg_at_20_std": -42.87046493321746, + "nauc_ndcg_at_3_diff1": 77.55400028908774, + "nauc_ndcg_at_3_max": 41.47690499246867, + "nauc_ndcg_at_3_std": -47.96239510251043, + "nauc_ndcg_at_5_diff1": 76.55817027861454, + "nauc_ndcg_at_5_max": 42.01696124525059, + "nauc_ndcg_at_5_std": -45.6385058409844, + "nauc_precision_at_1000_diff1": -28.009627138628257, + "nauc_precision_at_1000_max": 29.24459991455739, + "nauc_precision_at_1000_std": 58.852174419737146, + "nauc_precision_at_100_diff1": -6.814208555904227, + "nauc_precision_at_100_max": 38.58450802218331, + "nauc_precision_at_100_std": 39.48885778925581, + "nauc_precision_at_10_diff1": 42.69404009383913, + "nauc_precision_at_10_max": 39.72607044424161, + "nauc_precision_at_10_std": -22.31713351851116, + "nauc_precision_at_1_diff1": 81.43455985468403, + "nauc_precision_at_1_max": 44.252000550874484, + "nauc_precision_at_1_std": -39.38237995087698, + "nauc_precision_at_20_diff1": 31.218498932644845, + "nauc_precision_at_20_max": 55.11413173622635, + "nauc_precision_at_20_std": 7.702910966907561, + "nauc_precision_at_3_diff1": 67.07260136293569, + "nauc_precision_at_3_max": 37.464338835123904, + "nauc_precision_at_3_std": -51.72773522807322, + "nauc_precision_at_5_diff1": 57.11817879149, + "nauc_precision_at_5_max": 37.78607913838418, + "nauc_precision_at_5_std": -41.3489934177573, + "nauc_recall_at_1000_diff1": 58.37811197433529, + "nauc_recall_at_1000_max": 77.70125019980898, + "nauc_recall_at_1000_std": -7.415635097287519, + "nauc_recall_at_100_diff1": 64.57899134001917, + "nauc_recall_at_100_max": 74.20013410570942, + "nauc_recall_at_100_std": -20.672136729747088, + "nauc_recall_at_10_diff1": 67.93094200727559, + "nauc_recall_at_10_max": 43.42164333462216, + "nauc_recall_at_10_std": -53.33541950399078, + "nauc_recall_at_1_diff1": 81.86147718901591, + "nauc_recall_at_1_max": 43.27595769557031, + "nauc_recall_at_1_std": -40.832434398434316, + "nauc_recall_at_20_diff1": 67.50567004840833, + "nauc_recall_at_20_max": 68.28046074793383, + "nauc_recall_at_20_std": -29.574869314866653, + "nauc_recall_at_3_diff1": 73.0577497285433, + "nauc_recall_at_3_max": 36.948110275313425, + "nauc_recall_at_3_std": -59.30189498397615, + "nauc_recall_at_5_diff1": 66.98956370201739, + "nauc_recall_at_5_max": 37.16579792310329, + "nauc_recall_at_5_std": -54.60597345402122, + "ndcg_at_1": 69.968, + "ndcg_at_10": 82.09100000000001, + "ndcg_at_100": 83.177, + "ndcg_at_1000": 83.258, + "ndcg_at_20": 82.68799999999999, + "ndcg_at_3": 78.666, + "ndcg_at_5": 80.613, + "precision_at_1": 69.968, + "precision_at_10": 9.504999999999999, + "precision_at_100": 1.0, + "precision_at_1000": 0.101, + "precision_at_20": 4.868, + "precision_at_3": 28.486, + "precision_at_5": 18.082, + "recall_at_1": 69.679, + "recall_at_10": 94.099, + "recall_at_100": 98.946, + "recall_at_1000": 99.579, + "recall_at_20": 96.417, + "recall_at_3": 84.958, + "recall_at_5": 89.726 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/DBPedia-PL.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/DBPedia-PL.json new file mode 100644 index 000000000..71571d2a3 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/DBPedia-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "76afe41d9af165cc40999fcaa92312b8b012064a", + "task_name": "DBPedia-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 24.287, + "map_at_1": 5.225, + "map_at_10": 10.774000000000001, + "map_at_100": 14.748, + "map_at_1000": 15.836, + "map_at_20": 12.27, + "map_at_3": 7.724, + "map_at_5": 9.246, + "mrr_at_1": 39.25, + "mrr_at_10": 50.17480158730157, + "mrr_at_100": 50.8519822068327, + "mrr_at_1000": 50.879556078064134, + "mrr_at_20": 50.58405713438607, + "mrr_at_3": 47.250000000000014, + "mrr_at_5": 49.175000000000004, + "nauc_map_at_1000_diff1": 20.045024346779645, + "nauc_map_at_1000_max": 30.337666854953092, + "nauc_map_at_1000_std": 26.557075239939543, + "nauc_map_at_100_diff1": 19.9252316411722, + "nauc_map_at_100_max": 28.226642852584742, + "nauc_map_at_100_std": 22.914021046648696, + "nauc_map_at_10_diff1": 26.566241524936572, + "nauc_map_at_10_max": 21.748824204804716, + "nauc_map_at_10_std": 8.638991435098609, + "nauc_map_at_1_diff1": 36.393726837054814, + "nauc_map_at_1_max": 16.477605805271057, + "nauc_map_at_1_std": 0.5753087963352366, + "nauc_map_at_20_diff1": 23.401102079878182, + "nauc_map_at_20_max": 23.065898894709402, + "nauc_map_at_20_std": 13.423353653712915, + "nauc_map_at_3_diff1": 30.91796624589218, + "nauc_map_at_3_max": 16.45545569680709, + "nauc_map_at_3_std": 0.6366650378026352, + "nauc_map_at_5_diff1": 28.80351568065496, + "nauc_map_at_5_max": 19.084673921482615, + "nauc_map_at_5_std": 4.139131073579019, + "nauc_mrr_at_1000_diff1": 20.16962170000775, + "nauc_mrr_at_1000_max": 38.15430502575843, + "nauc_mrr_at_1000_std": 32.440668939436264, + "nauc_mrr_at_100_diff1": 20.15910246738786, + "nauc_mrr_at_100_max": 38.15774234365609, + "nauc_mrr_at_100_std": 32.44872216192449, + "nauc_mrr_at_10_diff1": 20.049148781541064, + "nauc_mrr_at_10_max": 37.97309789914626, + "nauc_mrr_at_10_std": 32.418004097599166, + "nauc_mrr_at_1_diff1": 23.9620307539266, + "nauc_mrr_at_1_max": 33.83610178961887, + "nauc_mrr_at_1_std": 28.58448609419965, + "nauc_mrr_at_20_diff1": 20.06080688488365, + "nauc_mrr_at_20_max": 38.06868785040665, + "nauc_mrr_at_20_std": 32.22384606323392, + "nauc_mrr_at_3_diff1": 20.71531876285696, + "nauc_mrr_at_3_max": 37.54485901132759, + "nauc_mrr_at_3_std": 31.77679862739285, + "nauc_mrr_at_5_diff1": 20.003442037824826, + "nauc_mrr_at_5_max": 38.37916584335752, + "nauc_mrr_at_5_std": 32.091488996264154, + "nauc_ndcg_at_1000_diff1": 18.932875904116358, + "nauc_ndcg_at_1000_max": 37.69461269411873, + "nauc_ndcg_at_1000_std": 40.49355007241307, + "nauc_ndcg_at_100_diff1": 18.62868572859794, + "nauc_ndcg_at_100_max": 32.5251773358776, + "nauc_ndcg_at_100_std": 34.17298333080795, + "nauc_ndcg_at_10_diff1": 21.33571858413017, + "nauc_ndcg_at_10_max": 32.95411878498034, + "nauc_ndcg_at_10_std": 30.26350297086653, + "nauc_ndcg_at_1_diff1": 25.698485822118034, + "nauc_ndcg_at_1_max": 27.751178850383283, + "nauc_ndcg_at_1_std": 25.499914018590097, + "nauc_ndcg_at_20_diff1": 20.564620650130962, + "nauc_ndcg_at_20_max": 29.636273615266877, + "nauc_ndcg_at_20_std": 29.0657094246048, + "nauc_ndcg_at_3_diff1": 21.331262925027644, + "nauc_ndcg_at_3_max": 32.3211075722955, + "nauc_ndcg_at_3_std": 29.30569912466711, + "nauc_ndcg_at_5_diff1": 20.906573479242933, + "nauc_ndcg_at_5_max": 33.817640032948255, + "nauc_ndcg_at_5_std": 30.210587907489593, + "nauc_precision_at_1000_diff1": 7.9336700303824905, + "nauc_precision_at_1000_max": 25.382181071880133, + "nauc_precision_at_1000_std": 45.03790857159645, + "nauc_precision_at_100_diff1": -2.1616719372797286, + "nauc_precision_at_100_max": 38.41562489705835, + "nauc_precision_at_100_std": 51.0132959449221, + "nauc_precision_at_10_diff1": 2.3699655796458936, + "nauc_precision_at_10_max": 38.87889003229129, + "nauc_precision_at_10_std": 43.071785955076145, + "nauc_precision_at_1_diff1": 23.9620307539266, + "nauc_precision_at_1_max": 33.83610178961887, + "nauc_precision_at_1_std": 28.58448609419965, + "nauc_precision_at_20_diff1": -0.5466417961649375, + "nauc_precision_at_20_max": 36.55638995946497, + "nauc_precision_at_20_std": 46.90182951874849, + "nauc_precision_at_3_diff1": 9.180998281598255, + "nauc_precision_at_3_max": 35.97368107639076, + "nauc_precision_at_3_std": 34.362776108183525, + "nauc_precision_at_5_diff1": 6.188700805809966, + "nauc_precision_at_5_max": 39.69905715436714, + "nauc_precision_at_5_std": 37.630912034924016, + "nauc_recall_at_1000_diff1": 12.957700393477442, + "nauc_recall_at_1000_max": 30.999439787327205, + "nauc_recall_at_1000_std": 39.191755156518575, + "nauc_recall_at_100_diff1": 12.761105551850163, + "nauc_recall_at_100_max": 26.695898719215045, + "nauc_recall_at_100_std": 29.150806165495208, + "nauc_recall_at_10_diff1": 19.097397019523825, + "nauc_recall_at_10_max": 18.259583702998956, + "nauc_recall_at_10_std": 8.897590380469557, + "nauc_recall_at_1_diff1": 36.393726837054814, + "nauc_recall_at_1_max": 16.477605805271057, + "nauc_recall_at_1_std": 0.5753087963352366, + "nauc_recall_at_20_diff1": 14.751462451918885, + "nauc_recall_at_20_max": 17.17387812389538, + "nauc_recall_at_20_std": 11.686450060418395, + "nauc_recall_at_3_diff1": 28.2693968902148, + "nauc_recall_at_3_max": 15.503661857890341, + "nauc_recall_at_3_std": -0.6006615114775526, + "nauc_recall_at_5_diff1": 21.69553199450905, + "nauc_recall_at_5_max": 16.68339699974409, + "nauc_recall_at_5_std": 4.201309425242677, + "ndcg_at_1": 29.375, + "ndcg_at_10": 24.287, + "ndcg_at_100": 28.457, + "ndcg_at_1000": 35.412, + "ndcg_at_20": 24.189, + "ndcg_at_3": 25.813000000000002, + "ndcg_at_5": 25.374999999999996, + "precision_at_1": 39.25, + "precision_at_10": 19.6, + "precision_at_100": 6.2700000000000005, + "precision_at_1000": 1.452, + "precision_at_20": 14.499999999999998, + "precision_at_3": 29.083, + "precision_at_5": 25.75, + "recall_at_1": 5.225, + "recall_at_10": 16.258, + "recall_at_100": 35.569, + "recall_at_1000": 57.958, + "recall_at_20": 21.178, + "recall_at_3": 8.866999999999999, + "recall_at_5": 12.404 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/DBPedia.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/DBPedia.json new file mode 100644 index 000000000..fd38accd5 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/DBPedia.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 36.77, + "map_at_1": 7.879, + "map_at_10": 17.448, + "map_at_100": 24.615000000000002, + "map_at_1000": 26.32, + "map_at_20": 20.115, + "map_at_3": 12.607, + "map_at_5": 14.757000000000001, + "mrr_at_1": 60.75000000000001, + "mrr_at_10": 70.04662698412697, + "mrr_at_100": 70.48374853904342, + "mrr_at_1000": 70.48974912019449, + "mrr_at_20": 70.35767608079914, + "mrr_at_3": 68.04166666666667, + "mrr_at_5": 69.39166666666667, + "nauc_map_at_1000_diff1": 27.22615670354747, + "nauc_map_at_1000_max": 23.117379231999642, + "nauc_map_at_1000_std": 15.590590587924877, + "nauc_map_at_100_diff1": 27.637835658039805, + "nauc_map_at_100_max": 19.836155567809612, + "nauc_map_at_100_std": 11.900741405093758, + "nauc_map_at_10_diff1": 30.728419563300395, + "nauc_map_at_10_max": 6.106892959682543, + "nauc_map_at_10_std": -9.11825174887402, + "nauc_map_at_1_diff1": 39.34845843129211, + "nauc_map_at_1_max": -2.7536297297258354, + "nauc_map_at_1_std": -21.149652784081006, + "nauc_map_at_20_diff1": 29.37489889563395, + "nauc_map_at_20_max": 11.068671486589691, + "nauc_map_at_20_std": -1.9024556480454369, + "nauc_map_at_3_diff1": 35.58217022040217, + "nauc_map_at_3_max": 0.2641479206106634, + "nauc_map_at_3_std": -17.942087104722955, + "nauc_map_at_5_diff1": 32.07485536680787, + "nauc_map_at_5_max": 2.132142953478948, + "nauc_map_at_5_std": -13.959336639125317, + "nauc_mrr_at_1000_diff1": 43.561171278954866, + "nauc_mrr_at_1000_max": 46.86561252904832, + "nauc_mrr_at_1000_std": 25.189090212812044, + "nauc_mrr_at_100_diff1": 43.56311857767914, + "nauc_mrr_at_100_max": 46.87364039655639, + "nauc_mrr_at_100_std": 25.20188703419532, + "nauc_mrr_at_10_diff1": 43.554694361118905, + "nauc_mrr_at_10_max": 46.728242258941464, + "nauc_mrr_at_10_std": 25.25356257708155, + "nauc_mrr_at_1_diff1": 46.435352817539524, + "nauc_mrr_at_1_max": 46.0413071187664, + "nauc_mrr_at_1_std": 20.350129155245682, + "nauc_mrr_at_20_diff1": 43.544595900767, + "nauc_mrr_at_20_max": 46.93717450668172, + "nauc_mrr_at_20_std": 25.25597416021791, + "nauc_mrr_at_3_diff1": 42.553383214077115, + "nauc_mrr_at_3_max": 46.56975257676068, + "nauc_mrr_at_3_std": 24.70327599709596, + "nauc_mrr_at_5_diff1": 43.33215737862213, + "nauc_mrr_at_5_max": 46.97620970583296, + "nauc_mrr_at_5_std": 25.529521260210203, + "nauc_ndcg_at_1000_diff1": 27.589730901498775, + "nauc_ndcg_at_1000_max": 34.18730626989723, + "nauc_ndcg_at_1000_std": 27.79208958504551, + "nauc_ndcg_at_100_diff1": 28.099956032480257, + "nauc_ndcg_at_100_max": 25.076317763406653, + "nauc_ndcg_at_100_std": 19.3393302641812, + "nauc_ndcg_at_10_diff1": 28.10040050055288, + "nauc_ndcg_at_10_max": 27.463719470301168, + "nauc_ndcg_at_10_std": 13.569605959220086, + "nauc_ndcg_at_1_diff1": 39.92817671769714, + "nauc_ndcg_at_1_max": 34.44662945106997, + "nauc_ndcg_at_1_std": 13.388099467140332, + "nauc_ndcg_at_20_diff1": 27.800968512396306, + "nauc_ndcg_at_20_max": 23.78719275004937, + "nauc_ndcg_at_20_std": 11.933811285502157, + "nauc_ndcg_at_3_diff1": 30.362495467731133, + "nauc_ndcg_at_3_max": 31.470527935112507, + "nauc_ndcg_at_3_std": 13.5264322754454, + "nauc_ndcg_at_5_diff1": 27.596193051135042, + "nauc_ndcg_at_5_max": 28.879553439188545, + "nauc_ndcg_at_5_std": 14.002675908790085, + "nauc_precision_at_1000_diff1": -5.902001497187656, + "nauc_precision_at_1000_max": 31.506103503010614, + "nauc_precision_at_1000_std": 30.37757126360957, + "nauc_precision_at_100_diff1": -7.078812736371486, + "nauc_precision_at_100_max": 40.0935402905799, + "nauc_precision_at_100_std": 48.350060964069996, + "nauc_precision_at_10_diff1": 2.9397070998315495, + "nauc_precision_at_10_max": 41.427281680892975, + "nauc_precision_at_10_std": 41.568474216601494, + "nauc_precision_at_1_diff1": 46.435352817539524, + "nauc_precision_at_1_max": 46.0413071187664, + "nauc_precision_at_1_std": 20.350129155245682, + "nauc_precision_at_20_diff1": -0.5003867750646896, + "nauc_precision_at_20_max": 43.11320479268452, + "nauc_precision_at_20_std": 46.31414266215817, + "nauc_precision_at_3_diff1": 16.843701906002153, + "nauc_precision_at_3_max": 39.14348289333492, + "nauc_precision_at_3_std": 28.97286018704868, + "nauc_precision_at_5_diff1": 7.4678851421555255, + "nauc_precision_at_5_max": 39.44725843015022, + "nauc_precision_at_5_std": 36.07126271213125, + "nauc_recall_at_1000_diff1": 12.918659968294232, + "nauc_recall_at_1000_max": 18.912793350749517, + "nauc_recall_at_1000_std": 34.58765147591728, + "nauc_recall_at_100_diff1": 17.75168890570515, + "nauc_recall_at_100_max": 9.431103175972714, + "nauc_recall_at_100_std": 18.236704585602688, + "nauc_recall_at_10_diff1": 22.428401923490217, + "nauc_recall_at_10_max": -2.0581844217543095, + "nauc_recall_at_10_std": -12.095753965206086, + "nauc_recall_at_1_diff1": 39.34845843129211, + "nauc_recall_at_1_max": -2.7536297297258354, + "nauc_recall_at_1_std": -21.149652784081006, + "nauc_recall_at_20_diff1": 19.029969489215137, + "nauc_recall_at_20_max": 0.4313311185111767, + "nauc_recall_at_20_std": -4.001252650460747, + "nauc_recall_at_3_diff1": 32.40881022483858, + "nauc_recall_at_3_max": -2.2448786906703293, + "nauc_recall_at_3_std": -18.736548322855686, + "nauc_recall_at_5_diff1": 25.908532046267744, + "nauc_recall_at_5_max": -2.4645406246201174, + "nauc_recall_at_5_std": -14.819488134588758, + "ndcg_at_1": 47.25, + "ndcg_at_10": 36.77, + "ndcg_at_100": 42.33, + "ndcg_at_1000": 50.382000000000005, + "ndcg_at_20": 36.51, + "ndcg_at_3": 40.128, + "ndcg_at_5": 38.031, + "precision_at_1": 60.75000000000001, + "precision_at_10": 29.549999999999997, + "precision_at_100": 9.62, + "precision_at_1000": 2.0580000000000003, + "precision_at_20": 22.125, + "precision_at_3": 44.833, + "precision_at_5": 38.25, + "recall_at_1": 7.879, + "recall_at_10": 23.783, + "recall_at_100": 51.193, + "recall_at_1000": 75.995, + "recall_at_20": 31.05, + "recall_at_3": 14.16, + "recall_at_5": 17.727 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/DuRetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/DuRetrieval.json new file mode 100644 index 000000000..390ad2ed0 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/DuRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "a1a333e290fe30b10f3f56498e3a0d911a693ced", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 82.093, + "map_at_1": 23.294, + "map_at_10": 73.087, + "map_at_100": 76.378, + "map_at_1000": 76.429, + "map_at_20": 75.645, + "map_at_3": 49.49, + "map_at_5": 62.79900000000001, + "mrr_at_1": 82.65, + "mrr_at_10": 88.56652777777776, + "mrr_at_100": 88.65106019759902, + "mrr_at_1000": 88.65548524359767, + "mrr_at_20": 88.62234385196844, + "mrr_at_3": 88.0333333333333, + "mrr_at_5": 88.43083333333333, + "nauc_map_at_1000_diff1": 3.017682068149073, + "nauc_map_at_1000_max": 43.31894144534087, + "nauc_map_at_1000_std": 14.103477261758462, + "nauc_map_at_100_diff1": 3.01786018428549, + "nauc_map_at_100_max": 43.304578781010584, + "nauc_map_at_100_std": 14.104821995278524, + "nauc_map_at_10_diff1": 6.00776493567358, + "nauc_map_at_10_max": 40.050232117264265, + "nauc_map_at_10_std": 3.8907867883058964, + "nauc_map_at_1_diff1": 40.656271709573616, + "nauc_map_at_1_max": -6.665245760519005, + "nauc_map_at_1_std": -29.384443787821894, + "nauc_map_at_20_diff1": 3.462215302112235, + "nauc_map_at_20_max": 42.97592478608055, + "nauc_map_at_20_std": 11.923153462330815, + "nauc_map_at_3_diff1": 24.857326825495797, + "nauc_map_at_3_max": 7.79715123136744, + "nauc_map_at_3_std": -24.158608608669, + "nauc_map_at_5_diff1": 16.134527943963175, + "nauc_map_at_5_max": 21.945455683828534, + "nauc_map_at_5_std": -15.417311822489824, + "nauc_mrr_at_1000_diff1": 22.608720258580345, + "nauc_mrr_at_1000_max": 57.14809743855488, + "nauc_mrr_at_1000_std": 26.500042115342154, + "nauc_mrr_at_100_diff1": 22.60822245173703, + "nauc_mrr_at_100_max": 57.16085387711407, + "nauc_mrr_at_100_std": 26.52114951859548, + "nauc_mrr_at_10_diff1": 22.698266613067958, + "nauc_mrr_at_10_max": 57.405277806586454, + "nauc_mrr_at_10_std": 26.753463349560942, + "nauc_mrr_at_1_diff1": 25.116149229327394, + "nauc_mrr_at_1_max": 50.18786123051239, + "nauc_mrr_at_1_std": 17.896523926314035, + "nauc_mrr_at_20_diff1": 22.63109662240636, + "nauc_mrr_at_20_max": 57.25789480886964, + "nauc_mrr_at_20_std": 26.628848293894535, + "nauc_mrr_at_3_diff1": 22.29030169026751, + "nauc_mrr_at_3_max": 57.78690245871875, + "nauc_mrr_at_3_std": 26.961874143079275, + "nauc_mrr_at_5_diff1": 22.539256613417436, + "nauc_mrr_at_5_max": 57.640952298152946, + "nauc_mrr_at_5_std": 27.166131522241564, + "nauc_ndcg_at_1000_diff1": 4.335459030896887, + "nauc_ndcg_at_1000_max": 51.40790109857344, + "nauc_ndcg_at_1000_std": 25.223663033428558, + "nauc_ndcg_at_100_diff1": 3.756968920629851, + "nauc_ndcg_at_100_max": 51.23131481991569, + "nauc_ndcg_at_100_std": 25.896007604039635, + "nauc_ndcg_at_10_diff1": 3.7299699790096703, + "nauc_ndcg_at_10_max": 47.98647382256022, + "nauc_ndcg_at_10_std": 17.025514680687277, + "nauc_ndcg_at_1_diff1": 25.116149229327394, + "nauc_ndcg_at_1_max": 50.18786123051239, + "nauc_ndcg_at_1_std": 17.896523926314035, + "nauc_ndcg_at_20_diff1": 3.692033975506179, + "nauc_ndcg_at_20_max": 50.70003527682141, + "nauc_ndcg_at_20_std": 22.512279629260227, + "nauc_ndcg_at_3_diff1": 5.101141943602369, + "nauc_ndcg_at_3_max": 44.526033252737705, + "nauc_ndcg_at_3_std": 17.21985170533644, + "nauc_ndcg_at_5_diff1": 5.128269340707157, + "nauc_ndcg_at_5_max": 40.74953442421861, + "nauc_ndcg_at_5_std": 10.54615337986913, + "nauc_precision_at_1000_diff1": -28.088666590713135, + "nauc_precision_at_1000_max": 23.005522720304104, + "nauc_precision_at_1000_std": 50.173926122648524, + "nauc_precision_at_100_diff1": -28.968645059600682, + "nauc_precision_at_100_max": 25.04622827770351, + "nauc_precision_at_100_std": 52.230491589978115, + "nauc_precision_at_10_diff1": -30.253268763729245, + "nauc_precision_at_10_max": 38.44381775116214, + "nauc_precision_at_10_std": 47.93579661356217, + "nauc_precision_at_1_diff1": 25.116149229327394, + "nauc_precision_at_1_max": 50.18786123051239, + "nauc_precision_at_1_std": 17.896523926314035, + "nauc_precision_at_20_diff1": -29.78333017605082, + "nauc_precision_at_20_max": 30.724852767715742, + "nauc_precision_at_20_std": 51.556480994031176, + "nauc_precision_at_3_diff1": -19.839530913679052, + "nauc_precision_at_3_max": 46.97201811029464, + "nauc_precision_at_3_std": 32.763601276627426, + "nauc_precision_at_5_diff1": -26.491574031749167, + "nauc_precision_at_5_max": 43.298145808496955, + "nauc_precision_at_5_std": 37.30863792820846, + "nauc_recall_at_1000_diff1": -30.13364129325676, + "nauc_recall_at_1000_max": 73.24128272106563, + "nauc_recall_at_1000_std": 78.93831159982587, + "nauc_recall_at_100_diff1": -18.765607920053267, + "nauc_recall_at_100_max": 54.712120419339364, + "nauc_recall_at_100_std": 57.767960027082566, + "nauc_recall_at_10_diff1": -0.6052835404182173, + "nauc_recall_at_10_max": 39.946898924388954, + "nauc_recall_at_10_std": 4.709923580866511, + "nauc_recall_at_1_diff1": 40.656271709573616, + "nauc_recall_at_1_max": -6.665245760519005, + "nauc_recall_at_1_std": -29.384443787821894, + "nauc_recall_at_20_diff1": -5.962280989061532, + "nauc_recall_at_20_max": 50.09170736630004, + "nauc_recall_at_20_std": 29.458350383857574, + "nauc_recall_at_3_diff1": 22.545894407841793, + "nauc_recall_at_3_max": 2.6193977834875533, + "nauc_recall_at_3_std": -26.87014769293195, + "nauc_recall_at_5_diff1": 13.352272138382745, + "nauc_recall_at_5_max": 14.75948274133919, + "nauc_recall_at_5_std": -20.70760567642474, + "ndcg_at_1": 82.65, + "ndcg_at_10": 82.093, + "ndcg_at_100": 85.75500000000001, + "ndcg_at_1000": 86.247, + "ndcg_at_20": 84.218, + "ndcg_at_3": 79.259, + "ndcg_at_5": 78.691, + "precision_at_1": 82.65, + "precision_at_10": 40.21, + "precision_at_100": 4.761, + "precision_at_1000": 0.488, + "precision_at_20": 22.303, + "precision_at_3": 71.48299999999999, + "precision_at_5": 60.83, + "recall_at_1": 23.294, + "recall_at_10": 84.98599999999999, + "recall_at_100": 96.441, + "recall_at_1000": 99.005, + "recall_at_20": 91.263, + "recall_at_3": 52.888000000000005, + "recall_at_5": 69.48100000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/EcomRetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/EcomRetrieval.json new file mode 100644 index 000000000..bc5c4fc6a --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/EcomRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "687de13dc7294d6fd9be10c6945f9e8fec8166b9", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 62.514, + "map_at_1": 46.800000000000004, + "map_at_10": 57.108000000000004, + "map_at_100": 57.665, + "map_at_1000": 57.68600000000001, + "map_at_20": 57.469, + "map_at_3": 54.167, + "map_at_5": 56.077, + "mrr_at_1": 46.800000000000004, + "mrr_at_10": 57.10785714285714, + "mrr_at_100": 57.66479182756831, + "mrr_at_1000": 57.685955034269185, + "mrr_at_20": 57.46916307505702, + "mrr_at_3": 54.16666666666663, + "mrr_at_5": 56.07666666666664, + "nauc_map_at_1000_diff1": 61.542672828066, + "nauc_map_at_1000_max": 31.85700200032805, + "nauc_map_at_1000_std": -11.620181705591662, + "nauc_map_at_100_diff1": 61.53813237491788, + "nauc_map_at_100_max": 31.874036133018084, + "nauc_map_at_100_std": -11.59724786321096, + "nauc_map_at_10_diff1": 61.38313778334582, + "nauc_map_at_10_max": 31.740467380708182, + "nauc_map_at_10_std": -12.100842206709821, + "nauc_map_at_1_diff1": 63.66949701943299, + "nauc_map_at_1_max": 28.133811910672573, + "nauc_map_at_1_std": -14.453510006377535, + "nauc_map_at_20_diff1": 61.5638057215127, + "nauc_map_at_20_max": 31.904214948036756, + "nauc_map_at_20_std": -11.719473194737628, + "nauc_map_at_3_diff1": 61.19354745729959, + "nauc_map_at_3_max": 29.813217610060548, + "nauc_map_at_3_std": -13.883839488771295, + "nauc_map_at_5_diff1": 61.08733612041498, + "nauc_map_at_5_max": 31.255100654464012, + "nauc_map_at_5_std": -12.09065665533858, + "nauc_mrr_at_1000_diff1": 61.542672828066, + "nauc_mrr_at_1000_max": 31.85700200032805, + "nauc_mrr_at_1000_std": -11.620181705591662, + "nauc_mrr_at_100_diff1": 61.53813237491788, + "nauc_mrr_at_100_max": 31.874036133018084, + "nauc_mrr_at_100_std": -11.59724786321096, + "nauc_mrr_at_10_diff1": 61.38313778334582, + "nauc_mrr_at_10_max": 31.740467380708182, + "nauc_mrr_at_10_std": -12.100842206709821, + "nauc_mrr_at_1_diff1": 63.66949701943299, + "nauc_mrr_at_1_max": 28.133811910672573, + "nauc_mrr_at_1_std": -14.453510006377535, + "nauc_mrr_at_20_diff1": 61.5638057215127, + "nauc_mrr_at_20_max": 31.904214948036756, + "nauc_mrr_at_20_std": -11.719473194737628, + "nauc_mrr_at_3_diff1": 61.19354745729959, + "nauc_mrr_at_3_max": 29.813217610060548, + "nauc_mrr_at_3_std": -13.883839488771295, + "nauc_mrr_at_5_diff1": 61.08733612041498, + "nauc_mrr_at_5_max": 31.255100654464012, + "nauc_mrr_at_5_std": -12.09065665533858, + "nauc_ndcg_at_1000_diff1": 61.404354519031024, + "nauc_ndcg_at_1000_max": 34.5568056709905, + "nauc_ndcg_at_1000_std": -8.194258261068375, + "nauc_ndcg_at_100_diff1": 61.31111013617605, + "nauc_ndcg_at_100_max": 35.081274620942295, + "nauc_ndcg_at_100_std": -7.567587216846379, + "nauc_ndcg_at_10_diff1": 60.796642472721004, + "nauc_ndcg_at_10_max": 34.413253540105245, + "nauc_ndcg_at_10_std": -10.263251244353334, + "nauc_ndcg_at_1_diff1": 63.66949701943299, + "nauc_ndcg_at_1_max": 28.133811910672573, + "nauc_ndcg_at_1_std": -14.453510006377535, + "nauc_ndcg_at_20_diff1": 61.439123475952975, + "nauc_ndcg_at_20_max": 35.038091592005536, + "nauc_ndcg_at_20_std": -8.792780272975662, + "nauc_ndcg_at_3_diff1": 60.2950660942529, + "nauc_ndcg_at_3_max": 30.257013442417087, + "nauc_ndcg_at_3_std": -13.671873921177202, + "nauc_ndcg_at_5_diff1": 60.04926753266181, + "nauc_ndcg_at_5_max": 33.00050110783418, + "nauc_ndcg_at_5_std": -10.293915982801868, + "nauc_precision_at_1000_diff1": 65.86104527280983, + "nauc_precision_at_1000_max": 92.22150398620967, + "nauc_precision_at_1000_std": 80.3718068423948, + "nauc_precision_at_100_diff1": 61.343931511998676, + "nauc_precision_at_100_max": 77.89479428134884, + "nauc_precision_at_100_std": 53.242509124861904, + "nauc_precision_at_10_diff1": 58.498529223685814, + "nauc_precision_at_10_max": 48.5105315454464, + "nauc_precision_at_10_std": -0.8844333821952514, + "nauc_precision_at_1_diff1": 63.66949701943299, + "nauc_precision_at_1_max": 28.133811910672573, + "nauc_precision_at_1_std": -14.453510006377535, + "nauc_precision_at_20_diff1": 62.21692302833121, + "nauc_precision_at_20_max": 56.42904519756148, + "nauc_precision_at_20_std": 11.768421717570398, + "nauc_precision_at_3_diff1": 57.386050314704676, + "nauc_precision_at_3_max": 31.63922112989413, + "nauc_precision_at_3_std": -12.983862277916117, + "nauc_precision_at_5_diff1": 56.111301892551865, + "nauc_precision_at_5_max": 39.97271825396829, + "nauc_precision_at_5_std": -2.9622634310133646, + "nauc_recall_at_1000_diff1": 65.86104527280992, + "nauc_recall_at_1000_max": 92.22150398620987, + "nauc_recall_at_1000_std": 80.37180684239502, + "nauc_recall_at_100_diff1": 61.34393151199862, + "nauc_recall_at_100_max": 77.89479428134887, + "nauc_recall_at_100_std": 53.242509124862025, + "nauc_recall_at_10_diff1": 58.49852922368592, + "nauc_recall_at_10_max": 48.51053154544651, + "nauc_recall_at_10_std": -0.8844333821952685, + "nauc_recall_at_1_diff1": 63.66949701943299, + "nauc_recall_at_1_max": 28.133811910672573, + "nauc_recall_at_1_std": -14.453510006377535, + "nauc_recall_at_20_diff1": 62.216923028331315, + "nauc_recall_at_20_max": 56.429045197561635, + "nauc_recall_at_20_std": 11.768421717570599, + "nauc_recall_at_3_diff1": 57.38605031470464, + "nauc_recall_at_3_max": 31.639221129894047, + "nauc_recall_at_3_std": -12.983862277916192, + "nauc_recall_at_5_diff1": 56.111301892551865, + "nauc_recall_at_5_max": 39.97271825396825, + "nauc_recall_at_5_std": -2.962263431013432, + "ndcg_at_1": 46.800000000000004, + "ndcg_at_10": 62.514, + "ndcg_at_100": 65.22, + "ndcg_at_1000": 65.717, + "ndcg_at_20": 63.778999999999996, + "ndcg_at_3": 56.58800000000001, + "ndcg_at_5": 60.039, + "precision_at_1": 46.800000000000004, + "precision_at_10": 7.960000000000001, + "precision_at_100": 0.923, + "precision_at_1000": 0.096, + "precision_at_20": 4.2250000000000005, + "precision_at_3": 21.2, + "precision_at_5": 14.399999999999999, + "recall_at_1": 46.800000000000004, + "recall_at_10": 79.60000000000001, + "recall_at_100": 92.30000000000001, + "recall_at_1000": 96.1, + "recall_at_20": 84.5, + "recall_at_3": 63.6, + "recall_at_5": 72.0 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/EmotionClassification.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/EmotionClassification.json new file mode 100644 index 000000000..c8e9611b6 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/EmotionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 53.94500000000001, + "f1": 46.74955162106079, + "f1_weighted": 55.44564710432288, + "main_score": 53.94500000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/FEVER.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/FEVER.json new file mode 100644 index 000000000..9064b7467 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/FEVER.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 84.127, + "map_at_1": 69.831, + "map_at_10": 79.589, + "map_at_100": 79.77499999999999, + "map_at_1000": 79.788, + "map_at_20": 79.706, + "map_at_3": 78.42099999999999, + "map_at_5": 79.239, + "mrr_at_1": 75.05250525052504, + "mrr_at_10": 84.58987565423183, + "mrr_at_100": 84.65851795351881, + "mrr_at_1000": 84.65972718436838, + "mrr_at_20": 84.64833916172947, + "mrr_at_3": 83.64336433643345, + "mrr_at_5": 84.34018401840153, + "nauc_map_at_1000_diff1": 49.23229610937116, + "nauc_map_at_1000_max": 2.538940503744293, + "nauc_map_at_1000_std": -28.281666551373885, + "nauc_map_at_100_diff1": 49.206748439493715, + "nauc_map_at_100_max": 2.5306616051352426, + "nauc_map_at_100_std": -28.278850840258357, + "nauc_map_at_10_diff1": 49.09546754806344, + "nauc_map_at_10_max": 2.6113492488760803, + "nauc_map_at_10_std": -28.33173942793787, + "nauc_map_at_1_diff1": 54.03823845678141, + "nauc_map_at_1_max": 0.7813055695400233, + "nauc_map_at_1_std": -29.69082254949428, + "nauc_map_at_20_diff1": 49.13309291472015, + "nauc_map_at_20_max": 2.527699255933495, + "nauc_map_at_20_std": -28.273378648376767, + "nauc_map_at_3_diff1": 49.16418319489923, + "nauc_map_at_3_max": 2.4530562838038668, + "nauc_map_at_3_std": -29.749466711737117, + "nauc_map_at_5_diff1": 49.105002115323174, + "nauc_map_at_5_max": 2.730159330614642, + "nauc_map_at_5_std": -28.624757813540224, + "nauc_mrr_at_1000_diff1": 63.27335919243411, + "nauc_mrr_at_1000_max": 4.374350066360141, + "nauc_mrr_at_1000_std": -39.057765474275875, + "nauc_mrr_at_100_diff1": 63.27201389539822, + "nauc_mrr_at_100_max": 4.380072421865697, + "nauc_mrr_at_100_std": -39.05368757884141, + "nauc_mrr_at_10_diff1": 63.24639295001365, + "nauc_mrr_at_10_max": 4.512012375528155, + "nauc_mrr_at_10_std": -39.12854460658675, + "nauc_mrr_at_1_diff1": 65.10605165757288, + "nauc_mrr_at_1_max": 1.9283900321068632, + "nauc_mrr_at_1_std": -36.73128263177301, + "nauc_mrr_at_20_diff1": 63.25714175532876, + "nauc_mrr_at_20_max": 4.401641881007041, + "nauc_mrr_at_20_std": -39.06295724502164, + "nauc_mrr_at_3_diff1": 62.74870913078454, + "nauc_mrr_at_3_max": 4.451662631818057, + "nauc_mrr_at_3_std": -40.362052318194905, + "nauc_mrr_at_5_diff1": 63.15462728579158, + "nauc_mrr_at_5_max": 4.651205798352267, + "nauc_mrr_at_5_std": -39.39561481114499, + "nauc_ndcg_at_1000_diff1": 50.05516269906709, + "nauc_ndcg_at_1000_max": 3.402171494055581, + "nauc_ndcg_at_1000_std": -28.03925061760615, + "nauc_ndcg_at_100_diff1": 49.3532420182713, + "nauc_ndcg_at_100_max": 3.2254197563689253, + "nauc_ndcg_at_100_std": -27.790242243156303, + "nauc_ndcg_at_10_diff1": 48.83916695200456, + "nauc_ndcg_at_10_max": 3.526631254510631, + "nauc_ndcg_at_10_std": -28.107233038143935, + "nauc_ndcg_at_1_diff1": 65.10605165757288, + "nauc_ndcg_at_1_max": 1.9283900321068632, + "nauc_ndcg_at_1_std": -36.73128263177301, + "nauc_ndcg_at_20_diff1": 48.89391205041084, + "nauc_ndcg_at_20_max": 3.193109099886884, + "nauc_ndcg_at_20_std": -27.746898107657486, + "nauc_ndcg_at_3_diff1": 49.700478041463256, + "nauc_ndcg_at_3_max": 3.5597079593645837, + "nauc_ndcg_at_3_std": -31.8276627401069, + "nauc_ndcg_at_5_diff1": 49.13817289744641, + "nauc_ndcg_at_5_max": 3.9842988788044162, + "nauc_ndcg_at_5_std": -29.128133914203897, + "nauc_precision_at_1000_diff1": -5.8168043702291445, + "nauc_precision_at_1000_max": 8.661081932948386, + "nauc_precision_at_1000_std": 7.898154314108613, + "nauc_precision_at_100_diff1": -7.622708807398312, + "nauc_precision_at_100_max": 7.573802349665375, + "nauc_precision_at_100_std": 7.548940358658417, + "nauc_precision_at_10_diff1": 3.651203107718887, + "nauc_precision_at_10_max": 12.027476444641824, + "nauc_precision_at_10_std": -3.8701414226488393, + "nauc_precision_at_1_diff1": 65.10605165757288, + "nauc_precision_at_1_max": 1.9283900321068632, + "nauc_precision_at_1_std": -36.73128263177301, + "nauc_precision_at_20_diff1": -4.51338283591896, + "nauc_precision_at_20_max": 8.574478979483608, + "nauc_precision_at_20_std": 3.8001684359605457, + "nauc_precision_at_3_diff1": 35.12229883441577, + "nauc_precision_at_3_max": 11.461666197502227, + "nauc_precision_at_3_std": -34.430950046529375, + "nauc_precision_at_5_diff1": 19.750032706257066, + "nauc_precision_at_5_max": 15.700101161283891, + "nauc_precision_at_5_std": -17.01470586200846, + "nauc_recall_at_1000_diff1": 5.677803043632773, + "nauc_recall_at_1000_max": 6.013417206823954, + "nauc_recall_at_1000_std": 28.095710500813787, + "nauc_recall_at_100_diff1": 6.062697689760903, + "nauc_recall_at_100_max": 2.918708091666672, + "nauc_recall_at_100_std": 15.009661326828391, + "nauc_recall_at_10_diff1": 15.51901323813468, + "nauc_recall_at_10_max": 5.695538162226332, + "nauc_recall_at_10_std": -1.6573979540762098, + "nauc_recall_at_1_diff1": 54.03823845678141, + "nauc_recall_at_1_max": 0.7813055695400233, + "nauc_recall_at_1_std": -29.69082254949428, + "nauc_recall_at_20_diff1": 9.37823741228587, + "nauc_recall_at_20_max": 3.0566017916814943, + "nauc_recall_at_20_std": 6.9796184911386545, + "nauc_recall_at_3_diff1": 32.07387343667272, + "nauc_recall_at_3_max": 4.789923667382424, + "nauc_recall_at_3_std": -24.74706115680205, + "nauc_recall_at_5_diff1": 24.39694752709738, + "nauc_recall_at_5_max": 7.271133287879929, + "nauc_recall_at_5_std": -12.628276788882612, + "ndcg_at_1": 75.053, + "ndcg_at_10": 84.127, + "ndcg_at_100": 84.77900000000001, + "ndcg_at_1000": 85.028, + "ndcg_at_20": 84.465, + "ndcg_at_3": 82.179, + "ndcg_at_5": 83.42399999999999, + "precision_at_1": 75.053, + "precision_at_10": 10.189, + "precision_at_100": 1.068, + "precision_at_1000": 0.11100000000000002, + "precision_at_20": 5.188000000000001, + "precision_at_3": 31.813000000000002, + "precision_at_5": 19.829, + "recall_at_1": 69.831, + "recall_at_10": 93.119, + "recall_at_100": 95.649, + "recall_at_1000": 97.245, + "recall_at_20": 94.313, + "recall_at_3": 87.787, + "recall_at_5": 90.989 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/FiQA-PL.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/FiQA-PL.json new file mode 100644 index 000000000..8564f5cb7 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/FiQA-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "2e535829717f8bf9dc829b7f911cc5bbd4e6608e", + "task_name": "FiQA-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 24.374000000000002, + "map_at_1": 11.362, + "map_at_10": 18.464, + "map_at_100": 19.791, + "map_at_1000": 19.994, + "map_at_20": 19.156000000000002, + "map_at_3": 15.937000000000001, + "map_at_5": 17.127, + "mrr_at_1": 22.376543209876544, + "mrr_at_10": 30.046724965706435, + "mrr_at_100": 30.99706976191228, + "mrr_at_1000": 31.076490053822308, + "mrr_at_20": 30.59052580100912, + "mrr_at_3": 27.854938271604944, + "mrr_at_5": 28.912037037037035, + "nauc_map_at_1000_diff1": 34.07557471766689, + "nauc_map_at_1000_max": 24.91982727448087, + "nauc_map_at_1000_std": 12.494927606505051, + "nauc_map_at_100_diff1": 34.06635556229055, + "nauc_map_at_100_max": 24.777935848367225, + "nauc_map_at_100_std": 12.362066428153456, + "nauc_map_at_10_diff1": 34.3306140967635, + "nauc_map_at_10_max": 24.086194195608087, + "nauc_map_at_10_std": 11.127465863787245, + "nauc_map_at_1_diff1": 38.942215866162314, + "nauc_map_at_1_max": 23.63998402727614, + "nauc_map_at_1_std": 9.728241161220097, + "nauc_map_at_20_diff1": 34.04736858130041, + "nauc_map_at_20_max": 24.30446046409803, + "nauc_map_at_20_std": 11.82019676487291, + "nauc_map_at_3_diff1": 34.99965810997492, + "nauc_map_at_3_max": 22.472906083967082, + "nauc_map_at_3_std": 9.698945379216992, + "nauc_map_at_5_diff1": 34.42282748114895, + "nauc_map_at_5_max": 23.633268720383512, + "nauc_map_at_5_std": 10.382815603500871, + "nauc_mrr_at_1000_diff1": 34.704948586037965, + "nauc_mrr_at_1000_max": 28.94016888494416, + "nauc_mrr_at_1000_std": 13.914193825823684, + "nauc_mrr_at_100_diff1": 34.67910995484378, + "nauc_mrr_at_100_max": 28.90011297894453, + "nauc_mrr_at_100_std": 13.870339909485788, + "nauc_mrr_at_10_diff1": 34.97862910055978, + "nauc_mrr_at_10_max": 28.891213481314647, + "nauc_mrr_at_10_std": 13.632668727631797, + "nauc_mrr_at_1_diff1": 36.9016752358079, + "nauc_mrr_at_1_max": 30.89530420046735, + "nauc_mrr_at_1_std": 14.386684064942584, + "nauc_mrr_at_20_diff1": 34.73839610262596, + "nauc_mrr_at_20_max": 28.705251186157255, + "nauc_mrr_at_20_std": 13.753299339901334, + "nauc_mrr_at_3_diff1": 34.76877538539127, + "nauc_mrr_at_3_max": 28.77723698514852, + "nauc_mrr_at_3_std": 13.717153469537122, + "nauc_mrr_at_5_diff1": 34.32426309461695, + "nauc_mrr_at_5_max": 28.620967773156714, + "nauc_mrr_at_5_std": 13.382881213134276, + "nauc_ndcg_at_1000_diff1": 32.77974173034191, + "nauc_ndcg_at_1000_max": 28.36858648028177, + "nauc_ndcg_at_1000_std": 17.55654423858263, + "nauc_ndcg_at_100_diff1": 32.632483073737255, + "nauc_ndcg_at_100_max": 26.296829067224515, + "nauc_ndcg_at_100_std": 15.901063315847802, + "nauc_ndcg_at_10_diff1": 33.951354557048134, + "nauc_ndcg_at_10_max": 24.502438497165578, + "nauc_ndcg_at_10_std": 12.270853057785972, + "nauc_ndcg_at_1_diff1": 36.9016752358079, + "nauc_ndcg_at_1_max": 30.89530420046735, + "nauc_ndcg_at_1_std": 14.386684064942584, + "nauc_ndcg_at_20_diff1": 33.28593916274325, + "nauc_ndcg_at_20_max": 24.5380040373484, + "nauc_ndcg_at_20_std": 13.863409012751617, + "nauc_ndcg_at_3_diff1": 34.03004915907343, + "nauc_ndcg_at_3_max": 25.366810943178187, + "nauc_ndcg_at_3_std": 11.99466470963204, + "nauc_ndcg_at_5_diff1": 33.75108435164904, + "nauc_ndcg_at_5_max": 24.89793255411985, + "nauc_ndcg_at_5_std": 11.213101565189755, + "nauc_precision_at_1000_diff1": 8.88694146912782, + "nauc_precision_at_1000_max": 28.194369745942677, + "nauc_precision_at_1000_std": 15.075895083755153, + "nauc_precision_at_100_diff1": 17.33142606816351, + "nauc_precision_at_100_max": 30.560210907187134, + "nauc_precision_at_100_std": 20.006767151320354, + "nauc_precision_at_10_diff1": 27.325474826111495, + "nauc_precision_at_10_max": 28.37196490647728, + "nauc_precision_at_10_std": 14.398272703295254, + "nauc_precision_at_1_diff1": 36.9016752358079, + "nauc_precision_at_1_max": 30.89530420046735, + "nauc_precision_at_1_std": 14.386684064942584, + "nauc_precision_at_20_diff1": 24.927890600833123, + "nauc_precision_at_20_max": 28.6077759408292, + "nauc_precision_at_20_std": 16.922212691823013, + "nauc_precision_at_3_diff1": 30.157161086783603, + "nauc_precision_at_3_max": 27.80088080445145, + "nauc_precision_at_3_std": 13.767444960442354, + "nauc_precision_at_5_diff1": 27.22177598160483, + "nauc_precision_at_5_max": 28.126925412497698, + "nauc_precision_at_5_std": 12.668302840263246, + "nauc_recall_at_1000_diff1": 13.021138171238658, + "nauc_recall_at_1000_max": 29.086331163283578, + "nauc_recall_at_1000_std": 40.165920815231445, + "nauc_recall_at_100_diff1": 20.32032544663283, + "nauc_recall_at_100_max": 19.52693905173919, + "nauc_recall_at_100_std": 21.472521389265815, + "nauc_recall_at_10_diff1": 27.863602171901302, + "nauc_recall_at_10_max": 17.4718078150182, + "nauc_recall_at_10_std": 11.474638155937823, + "nauc_recall_at_1_diff1": 38.942215866162314, + "nauc_recall_at_1_max": 23.63998402727614, + "nauc_recall_at_1_std": 9.728241161220097, + "nauc_recall_at_20_diff1": 24.72857110907966, + "nauc_recall_at_20_max": 16.357016524448234, + "nauc_recall_at_20_std": 15.437317261627213, + "nauc_recall_at_3_diff1": 29.883191548110638, + "nauc_recall_at_3_max": 16.895714663542783, + "nauc_recall_at_3_std": 8.976963489103756, + "nauc_recall_at_5_diff1": 28.877062029269666, + "nauc_recall_at_5_max": 18.25013882823951, + "nauc_recall_at_5_std": 9.760614924170874, + "ndcg_at_1": 22.377, + "ndcg_at_10": 24.374000000000002, + "ndcg_at_100": 30.166999999999998, + "ndcg_at_1000": 34.443, + "ndcg_at_20": 26.457000000000004, + "ndcg_at_3": 21.248, + "ndcg_at_5": 21.976000000000003, + "precision_at_1": 22.377, + "precision_at_10": 6.851999999999999, + "precision_at_100": 1.269, + "precision_at_1000": 0.2, + "precision_at_20": 4.252000000000001, + "precision_at_3": 14.146, + "precision_at_5": 10.432, + "recall_at_1": 11.362, + "recall_at_10": 30.416999999999998, + "recall_at_100": 52.547, + "recall_at_1000": 79.107, + "recall_at_20": 36.927, + "recall_at_3": 19.888, + "recall_at_5": 23.294 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/FiQA2018.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/FiQA2018.json new file mode 100644 index 000000000..86d24c3be --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/FiQA2018.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 46.018, + "map_at_1": 23.239, + "map_at_10": 37.785000000000004, + "map_at_100": 39.78, + "map_at_1000": 39.947, + "map_at_20": 38.873999999999995, + "map_at_3": 32.686, + "map_at_5": 35.725, + "mrr_at_1": 45.21604938271605, + "mrr_at_10": 53.81534146580441, + "mrr_at_100": 54.57479873400386, + "mrr_at_1000": 54.60767741375167, + "mrr_at_20": 54.32374740680479, + "mrr_at_3": 51.02880658436213, + "mrr_at_5": 52.91152263374482, + "nauc_map_at_1000_diff1": 37.39674307076189, + "nauc_map_at_1000_max": 29.499416637029057, + "nauc_map_at_1000_std": -3.159386284834724, + "nauc_map_at_100_diff1": 37.38267938834233, + "nauc_map_at_100_max": 29.450591895687317, + "nauc_map_at_100_std": -3.189530866402903, + "nauc_map_at_10_diff1": 37.202309092714685, + "nauc_map_at_10_max": 27.98261677114554, + "nauc_map_at_10_std": -4.0144873973773985, + "nauc_map_at_1_diff1": 42.42289155172154, + "nauc_map_at_1_max": 20.126387750613056, + "nauc_map_at_1_std": -8.558059645904228, + "nauc_map_at_20_diff1": 36.940935486049106, + "nauc_map_at_20_max": 28.790226950120985, + "nauc_map_at_20_std": -3.5487603793931752, + "nauc_map_at_3_diff1": 38.447143857375835, + "nauc_map_at_3_max": 23.92233021843042, + "nauc_map_at_3_std": -7.139129825565484, + "nauc_map_at_5_diff1": 38.516472169319144, + "nauc_map_at_5_max": 26.413918646667977, + "nauc_map_at_5_std": -5.636728555199194, + "nauc_mrr_at_1000_diff1": 47.74750871610032, + "nauc_mrr_at_1000_max": 40.19499238606483, + "nauc_mrr_at_1000_std": 0.36032080608776107, + "nauc_mrr_at_100_diff1": 47.73322151755956, + "nauc_mrr_at_100_max": 40.20877044107413, + "nauc_mrr_at_100_std": 0.3930328752369529, + "nauc_mrr_at_10_diff1": 47.62649164813202, + "nauc_mrr_at_10_max": 40.31590127628367, + "nauc_mrr_at_10_std": 0.3376782526921225, + "nauc_mrr_at_1_diff1": 50.71224023839513, + "nauc_mrr_at_1_max": 38.12334760187021, + "nauc_mrr_at_1_std": -3.744748522252006, + "nauc_mrr_at_20_diff1": 47.65883289781366, + "nauc_mrr_at_20_max": 40.19386589459899, + "nauc_mrr_at_20_std": 0.3300453619949638, + "nauc_mrr_at_3_diff1": 48.15037455271594, + "nauc_mrr_at_3_max": 39.63517811079612, + "nauc_mrr_at_3_std": -1.2604715431363336, + "nauc_mrr_at_5_diff1": 47.82905935425148, + "nauc_mrr_at_5_max": 40.14477449232483, + "nauc_mrr_at_5_std": -0.6387351420113502, + "nauc_ndcg_at_1000_diff1": 39.62042242051141, + "nauc_ndcg_at_1000_max": 34.95065768372776, + "nauc_ndcg_at_1000_std": 1.2093906933233651, + "nauc_ndcg_at_100_diff1": 39.52715708377756, + "nauc_ndcg_at_100_max": 34.8176627511724, + "nauc_ndcg_at_100_std": 1.8417866916566914, + "nauc_ndcg_at_10_diff1": 38.400363035149454, + "nauc_ndcg_at_10_max": 31.63896107204925, + "nauc_ndcg_at_10_std": -0.8705252027316186, + "nauc_ndcg_at_1_diff1": 50.71224023839513, + "nauc_ndcg_at_1_max": 38.12334760187021, + "nauc_ndcg_at_1_std": -3.744748522252006, + "nauc_ndcg_at_20_diff1": 38.12907512053514, + "nauc_ndcg_at_20_max": 32.497748011049474, + "nauc_ndcg_at_20_std": -0.1752936914305571, + "nauc_ndcg_at_3_diff1": 39.46177721859432, + "nauc_ndcg_at_3_max": 31.939511307389072, + "nauc_ndcg_at_3_std": -3.0727677367802775, + "nauc_ndcg_at_5_diff1": 39.58629354813809, + "nauc_ndcg_at_5_max": 31.534911396228782, + "nauc_ndcg_at_5_std": -2.8301665715597277, + "nauc_precision_at_1000_diff1": -0.8786446062773204, + "nauc_precision_at_1000_max": 29.25589660407707, + "nauc_precision_at_1000_std": 17.455591524848746, + "nauc_precision_at_100_diff1": 5.066275950497446, + "nauc_precision_at_100_max": 35.90713282516485, + "nauc_precision_at_100_std": 19.899761019511562, + "nauc_precision_at_10_diff1": 14.251592016383505, + "nauc_precision_at_10_max": 38.742155587347575, + "nauc_precision_at_10_std": 14.243815134657725, + "nauc_precision_at_1_diff1": 50.71224023839513, + "nauc_precision_at_1_max": 38.12334760187021, + "nauc_precision_at_1_std": -3.744748522252006, + "nauc_precision_at_20_diff1": 9.33294574281467, + "nauc_precision_at_20_max": 37.78712899843252, + "nauc_precision_at_20_std": 15.69120289561787, + "nauc_precision_at_3_diff1": 28.27816983802183, + "nauc_precision_at_3_max": 36.45541405683364, + "nauc_precision_at_3_std": 3.7608923567232626, + "nauc_precision_at_5_diff1": 22.57043202085106, + "nauc_precision_at_5_max": 39.101539898099766, + "nauc_precision_at_5_std": 9.027858223250995, + "nauc_recall_at_1000_diff1": 17.5612669956746, + "nauc_recall_at_1000_max": 25.889529932227624, + "nauc_recall_at_1000_std": 19.57316948655149, + "nauc_recall_at_100_diff1": 28.46905271419406, + "nauc_recall_at_100_max": 31.153388889792833, + "nauc_recall_at_100_std": 17.27258409078373, + "nauc_recall_at_10_diff1": 28.126929700808944, + "nauc_recall_at_10_max": 23.181744909761907, + "nauc_recall_at_10_std": 1.968185972587066, + "nauc_recall_at_1_diff1": 42.42289155172154, + "nauc_recall_at_1_max": 20.126387750613056, + "nauc_recall_at_1_std": -8.558059645904228, + "nauc_recall_at_20_diff1": 26.479542294303787, + "nauc_recall_at_20_max": 24.732180999052623, + "nauc_recall_at_20_std": 4.561070039093053, + "nauc_recall_at_3_diff1": 33.630231249403565, + "nauc_recall_at_3_max": 19.866536816100318, + "nauc_recall_at_3_std": -6.902891630424277, + "nauc_recall_at_5_diff1": 32.374300069152945, + "nauc_recall_at_5_max": 21.609786350615863, + "nauc_recall_at_5_std": -4.250570794176765, + "ndcg_at_1": 45.216, + "ndcg_at_10": 46.018, + "ndcg_at_100": 52.81, + "ndcg_at_1000": 55.437000000000005, + "ndcg_at_20": 48.752, + "ndcg_at_3": 41.143, + "ndcg_at_5": 43.428, + "precision_at_1": 45.216, + "precision_at_10": 12.747, + "precision_at_100": 1.9980000000000002, + "precision_at_1000": 0.246, + "precision_at_20": 7.523000000000001, + "precision_at_3": 26.749000000000002, + "precision_at_5": 20.617, + "recall_at_1": 23.239, + "recall_at_10": 53.64, + "recall_at_100": 78.316, + "recall_at_1000": 94.132, + "recall_at_20": 62.17700000000001, + "recall_at_3": 37.559, + "recall_at_5": 45.605000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/GeoreviewClassification.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/GeoreviewClassification.json new file mode 100644 index 000000000..c4edff3cf --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/GeoreviewClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3765c0d1de6b7d264bc459433c45e5a75513839c", + "task_name": "GeoreviewClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 47.685546875, + "f1": 42.201867616479085, + "f1_weighted": 42.20127250813618, + "main_score": 47.685546875 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/GeoreviewClusteringP2P.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/GeoreviewClusteringP2P.json new file mode 100644 index 000000000..7276e1e8e --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/GeoreviewClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "97a313c8fc85b47f13f33e7e9a95c1ad888c7fec", + "task_name": "GeoreviewClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "main_score": 63.39849666467603, + "v_measure": 63.39849666467603, + "v_measure_std": 0.4433669974776044 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/HALClusteringS2S.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/HALClusteringS2S.json new file mode 100644 index 000000000..d4f6f741e --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/HALClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e06ebbbb123f8144bef1a5d18796f3dec9ae2915", + "task_name": "HALClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "main_score": 26.918470641446472, + "v_measure": 26.918470641446472, + "v_measure_std": 2.717665658348912 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/HeadlineClassification.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/HeadlineClassification.json new file mode 100644 index 000000000..06601d6dc --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/HeadlineClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "2fe05ee6b5832cda29f2ef7aaad7b7fe6a3609eb", + "task_name": "HeadlineClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 83.45703125, + "f1": 83.44147121320216, + "f1_weighted": 83.43953816781061, + "main_score": 83.45703125 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/HotpotQA-PL.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/HotpotQA-PL.json new file mode 100644 index 000000000..83c2c0884 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/HotpotQA-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "a0bd479ac97b4ccb5bd6ce320c415d0bb4beb907", + "task_name": "HotpotQA-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 60.289, + "map_at_1": 35.522999999999996, + "map_at_10": 51.18000000000001, + "map_at_100": 52.051, + "map_at_1000": 52.122, + "map_at_20": 51.673, + "map_at_3": 48.246, + "map_at_5": 50.019999999999996, + "mrr_at_1": 71.04659014179609, + "mrr_at_10": 77.46602467230403, + "mrr_at_100": 77.71701045856283, + "mrr_at_1000": 77.73109333465572, + "mrr_at_20": 77.61606030291657, + "mrr_at_3": 76.2975467026782, + "mrr_at_5": 77.01530497411626, + "nauc_map_at_1000_diff1": 27.072398495156897, + "nauc_map_at_1000_max": 29.92494925850584, + "nauc_map_at_1000_std": 6.122920064016644, + "nauc_map_at_100_diff1": 27.045953237574043, + "nauc_map_at_100_max": 29.91135310131925, + "nauc_map_at_100_std": 6.102830174452808, + "nauc_map_at_10_diff1": 27.14260536879246, + "nauc_map_at_10_max": 29.786180574275033, + "nauc_map_at_10_std": 5.48071498058778, + "nauc_map_at_1_diff1": 71.43831250406643, + "nauc_map_at_1_max": 50.69918783298206, + "nauc_map_at_1_std": 4.065732274269463, + "nauc_map_at_20_diff1": 26.985158932169607, + "nauc_map_at_20_max": 29.769499559141337, + "nauc_map_at_20_std": 5.7846108079403225, + "nauc_map_at_3_diff1": 28.726407496616453, + "nauc_map_at_3_max": 30.257904231332596, + "nauc_map_at_3_std": 4.176791477760867, + "nauc_map_at_5_diff1": 27.599671019792364, + "nauc_map_at_5_max": 29.837459984143866, + "nauc_map_at_5_std": 4.724857569088119, + "nauc_mrr_at_1000_diff1": 69.74462431507696, + "nauc_mrr_at_1000_max": 53.47426820826111, + "nauc_mrr_at_1000_std": 7.017278438144492, + "nauc_mrr_at_100_diff1": 69.7417920598051, + "nauc_mrr_at_100_max": 53.48046534979321, + "nauc_mrr_at_100_std": 7.024164329244427, + "nauc_mrr_at_10_diff1": 69.67042683609824, + "nauc_mrr_at_10_max": 53.481642001920314, + "nauc_mrr_at_10_std": 6.916088911861879, + "nauc_mrr_at_1_diff1": 71.43831250406643, + "nauc_mrr_at_1_max": 50.69918783298206, + "nauc_mrr_at_1_std": 4.065732274269463, + "nauc_mrr_at_20_diff1": 69.69097669322561, + "nauc_mrr_at_20_max": 53.48254877660139, + "nauc_mrr_at_20_std": 6.954450273756836, + "nauc_mrr_at_3_diff1": 69.65550049564045, + "nauc_mrr_at_3_max": 53.423078677284806, + "nauc_mrr_at_3_std": 6.824360632333201, + "nauc_mrr_at_5_diff1": 69.85902124700681, + "nauc_mrr_at_5_max": 53.71608187586825, + "nauc_mrr_at_5_std": 6.90332690250169, + "nauc_ndcg_at_1000_diff1": 32.371178459639395, + "nauc_ndcg_at_1000_max": 34.193107156520355, + "nauc_ndcg_at_1000_std": 9.981416864706453, + "nauc_ndcg_at_100_diff1": 31.65178281180327, + "nauc_ndcg_at_100_max": 33.88863515144708, + "nauc_ndcg_at_100_std": 9.675400500125894, + "nauc_ndcg_at_10_diff1": 32.09701979495255, + "nauc_ndcg_at_10_max": 33.50276312450072, + "nauc_ndcg_at_10_std": 7.191084522028669, + "nauc_ndcg_at_1_diff1": 71.43831250406643, + "nauc_ndcg_at_1_max": 50.69918783298206, + "nauc_ndcg_at_1_std": 4.065732274269463, + "nauc_ndcg_at_20_diff1": 31.562637576493692, + "nauc_ndcg_at_20_max": 33.34017245498174, + "nauc_ndcg_at_20_std": 7.969235939844162, + "nauc_ndcg_at_3_diff1": 35.18977207313904, + "nauc_ndcg_at_3_max": 34.673975073641905, + "nauc_ndcg_at_3_std": 5.325459274582688, + "nauc_ndcg_at_5_diff1": 33.38000278537343, + "nauc_ndcg_at_5_max": 33.97918169254012, + "nauc_ndcg_at_5_std": 5.978030273125264, + "nauc_precision_at_1000_diff1": 2.024497553431021, + "nauc_precision_at_1000_max": 19.574506433204107, + "nauc_precision_at_1000_std": 28.192550360040663, + "nauc_precision_at_100_diff1": 5.188258524609947, + "nauc_precision_at_100_max": 21.306662841801312, + "nauc_precision_at_100_std": 20.7260402080751, + "nauc_precision_at_10_diff1": 12.855802595061384, + "nauc_precision_at_10_max": 23.683240963949206, + "nauc_precision_at_10_std": 9.888003594834135, + "nauc_precision_at_1_diff1": 71.43831250406643, + "nauc_precision_at_1_max": 50.69918783298206, + "nauc_precision_at_1_std": 4.065732274269463, + "nauc_precision_at_20_diff1": 9.630280191534592, + "nauc_precision_at_20_max": 21.779527509411878, + "nauc_precision_at_20_std": 12.159865759201564, + "nauc_precision_at_3_diff1": 21.486219885493664, + "nauc_precision_at_3_max": 28.180666352570384, + "nauc_precision_at_3_std": 5.975796262301398, + "nauc_precision_at_5_diff1": 16.91219034941122, + "nauc_precision_at_5_max": 25.631420440783632, + "nauc_precision_at_5_std": 7.008210555798029, + "nauc_recall_at_1000_diff1": 2.0244975534313734, + "nauc_recall_at_1000_max": 19.574506433204146, + "nauc_recall_at_1000_std": 28.192550360040826, + "nauc_recall_at_100_diff1": 5.188258524609966, + "nauc_recall_at_100_max": 21.306662841801195, + "nauc_recall_at_100_std": 20.72604020807505, + "nauc_recall_at_10_diff1": 12.85580259506137, + "nauc_recall_at_10_max": 23.68324096394915, + "nauc_recall_at_10_std": 9.888003594834109, + "nauc_recall_at_1_diff1": 71.43831250406643, + "nauc_recall_at_1_max": 50.69918783298206, + "nauc_recall_at_1_std": 4.065732274269463, + "nauc_recall_at_20_diff1": 9.630280191534691, + "nauc_recall_at_20_max": 21.779527509411942, + "nauc_recall_at_20_std": 12.159865759201631, + "nauc_recall_at_3_diff1": 21.486219885493682, + "nauc_recall_at_3_max": 28.18066635257036, + "nauc_recall_at_3_std": 5.975796262301328, + "nauc_recall_at_5_diff1": 16.912190349411212, + "nauc_recall_at_5_max": 25.631420440783636, + "nauc_recall_at_5_std": 7.00821055579809, + "ndcg_at_1": 71.04700000000001, + "ndcg_at_10": 60.289, + "ndcg_at_100": 63.499, + "ndcg_at_1000": 64.97500000000001, + "ndcg_at_20": 61.550000000000004, + "ndcg_at_3": 55.901999999999994, + "ndcg_at_5": 58.25, + "precision_at_1": 71.04700000000001, + "precision_at_10": 12.44, + "precision_at_100": 1.498, + "precision_at_1000": 0.169, + "precision_at_20": 6.626, + "precision_at_3": 34.976, + "precision_at_5": 22.839000000000002, + "recall_at_1": 35.522999999999996, + "recall_at_10": 62.20099999999999, + "recall_at_100": 74.91600000000001, + "recall_at_1000": 84.74000000000001, + "recall_at_20": 66.259, + "recall_at_3": 52.464999999999996, + "recall_at_5": 57.096999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/HotpotQA.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/HotpotQA.json new file mode 100644 index 000000000..35043a461 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/HotpotQA.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 67.836, + "map_at_1": 38.292, + "map_at_10": 58.48, + "map_at_100": 59.382999999999996, + "map_at_1000": 59.447, + "map_at_20": 59.016999999999996, + "map_at_3": 54.617000000000004, + "map_at_5": 57.043, + "mrr_at_1": 76.58338960162052, + "mrr_at_10": 83.47652808591329, + "mrr_at_100": 83.63380014525882, + "mrr_at_1000": 83.63933777767011, + "mrr_at_20": 83.57772328539731, + "mrr_at_3": 82.44654512716605, + "mrr_at_5": 83.17240603195998, + "nauc_map_at_1000_diff1": 16.09417706349051, + "nauc_map_at_1000_max": 22.82046255671306, + "nauc_map_at_1000_std": -0.06797864025553367, + "nauc_map_at_100_diff1": 16.05272819609321, + "nauc_map_at_100_max": 22.80861981190222, + "nauc_map_at_100_std": -0.05071783771856927, + "nauc_map_at_10_diff1": 15.997779294340559, + "nauc_map_at_10_max": 22.615988267544513, + "nauc_map_at_10_std": -0.7600035230743971, + "nauc_map_at_1_diff1": 69.24726718948668, + "nauc_map_at_1_max": 43.958413687770644, + "nauc_map_at_1_std": -12.056753426789658, + "nauc_map_at_20_diff1": 15.939881445060319, + "nauc_map_at_20_max": 22.692668502577643, + "nauc_map_at_20_std": -0.283868450708954, + "nauc_map_at_3_diff1": 18.213734472436414, + "nauc_map_at_3_max": 23.0443805721617, + "nauc_map_at_3_std": -3.327751624422928, + "nauc_map_at_5_diff1": 16.680008500993083, + "nauc_map_at_5_max": 22.517396255963348, + "nauc_map_at_5_std": -1.98531389655906, + "nauc_mrr_at_1000_diff1": 67.90848983786418, + "nauc_mrr_at_1000_max": 46.450918836314216, + "nauc_mrr_at_1000_std": -10.897096706171377, + "nauc_mrr_at_100_diff1": 67.90978153374142, + "nauc_mrr_at_100_max": 46.45801498811678, + "nauc_mrr_at_100_std": -10.889452971557144, + "nauc_mrr_at_10_diff1": 67.85232774207358, + "nauc_mrr_at_10_max": 46.519322725477366, + "nauc_mrr_at_10_std": -10.850819066119888, + "nauc_mrr_at_1_diff1": 69.24726718948668, + "nauc_mrr_at_1_max": 43.958413687770644, + "nauc_mrr_at_1_std": -12.056753426789658, + "nauc_mrr_at_20_diff1": 67.89964178495697, + "nauc_mrr_at_20_max": 46.511653631886404, + "nauc_mrr_at_20_std": -10.839214368831332, + "nauc_mrr_at_3_diff1": 67.5836395057384, + "nauc_mrr_at_3_max": 46.669184506889465, + "nauc_mrr_at_3_std": -11.179530780325097, + "nauc_mrr_at_5_diff1": 67.77665440172093, + "nauc_mrr_at_5_max": 46.573672833105725, + "nauc_mrr_at_5_std": -10.982788041572968, + "nauc_ndcg_at_1000_diff1": 21.116945524743244, + "nauc_ndcg_at_1000_max": 26.331821580979415, + "nauc_ndcg_at_1000_std": 2.2115411230013993, + "nauc_ndcg_at_100_diff1": 19.998679336096366, + "nauc_ndcg_at_100_max": 25.965625801662146, + "nauc_ndcg_at_100_std": 2.828817915487286, + "nauc_ndcg_at_10_diff1": 19.806466897776797, + "nauc_ndcg_at_10_max": 25.419244862350304, + "nauc_ndcg_at_10_std": 0.2155926935521766, + "nauc_ndcg_at_1_diff1": 69.24726718948668, + "nauc_ndcg_at_1_max": 43.958413687770644, + "nauc_ndcg_at_1_std": -12.056753426789658, + "nauc_ndcg_at_20_diff1": 19.547932237059364, + "nauc_ndcg_at_20_max": 25.539888431109336, + "nauc_ndcg_at_20_std": 1.6229496555874041, + "nauc_ndcg_at_3_diff1": 23.915468237770344, + "nauc_ndcg_at_3_max": 26.483987322133835, + "nauc_ndcg_at_3_std": -3.927672975648966, + "nauc_ndcg_at_5_diff1": 21.285580255116123, + "nauc_ndcg_at_5_max": 25.39329283776291, + "nauc_ndcg_at_5_std": -1.9981992190798898, + "nauc_precision_at_1000_diff1": -16.397996018930517, + "nauc_precision_at_1000_max": 12.038228696443355, + "nauc_precision_at_1000_std": 30.699566406872442, + "nauc_precision_at_100_diff1": -11.55484201940981, + "nauc_precision_at_100_max": 13.542075140974724, + "nauc_precision_at_100_std": 24.606150356117055, + "nauc_precision_at_10_diff1": -3.0258154194368907, + "nauc_precision_at_10_max": 15.656448807768248, + "nauc_precision_at_10_std": 8.819867674731508, + "nauc_precision_at_1_diff1": 69.24726718948668, + "nauc_precision_at_1_max": 43.958413687770644, + "nauc_precision_at_1_std": -12.056753426789658, + "nauc_precision_at_20_diff1": -6.346117648054698, + "nauc_precision_at_20_max": 14.67028697593907, + "nauc_precision_at_20_std": 14.430033095760397, + "nauc_precision_at_3_diff1": 9.012431714387436, + "nauc_precision_at_3_max": 20.29633246829934, + "nauc_precision_at_3_std": -0.8697076229386467, + "nauc_precision_at_5_diff1": 2.5992309960691435, + "nauc_precision_at_5_max": 16.960051232392598, + "nauc_precision_at_5_std": 3.0677906197565945, + "nauc_recall_at_1000_diff1": -16.397996018930495, + "nauc_recall_at_1000_max": 12.038228696443342, + "nauc_recall_at_1000_std": 30.69956640687237, + "nauc_recall_at_100_diff1": -11.55484201940982, + "nauc_recall_at_100_max": 13.542075140974749, + "nauc_recall_at_100_std": 24.60615035611708, + "nauc_recall_at_10_diff1": -3.025815419436788, + "nauc_recall_at_10_max": 15.656448807768314, + "nauc_recall_at_10_std": 8.819867674731574, + "nauc_recall_at_1_diff1": 69.24726718948668, + "nauc_recall_at_1_max": 43.958413687770644, + "nauc_recall_at_1_std": -12.056753426789658, + "nauc_recall_at_20_diff1": -6.346117648054507, + "nauc_recall_at_20_max": 14.670286975939165, + "nauc_recall_at_20_std": 14.430033095760383, + "nauc_recall_at_3_diff1": 9.012431714387384, + "nauc_recall_at_3_max": 20.296332468299312, + "nauc_recall_at_3_std": -0.8697076229386763, + "nauc_recall_at_5_diff1": 2.599230996069216, + "nauc_recall_at_5_max": 16.960051232392622, + "nauc_recall_at_5_std": 3.0677906197565834, + "ndcg_at_1": 76.583, + "ndcg_at_10": 67.836, + "ndcg_at_100": 70.884, + "ndcg_at_1000": 72.085, + "ndcg_at_20": 69.149, + "ndcg_at_3": 62.434, + "ndcg_at_5": 65.508, + "precision_at_1": 76.583, + "precision_at_10": 14.282, + "precision_at_100": 1.6650000000000003, + "precision_at_1000": 0.182, + "precision_at_20": 7.564, + "precision_at_3": 39.684999999999995, + "precision_at_5": 26.239, + "recall_at_1": 38.292, + "recall_at_10": 71.411, + "recall_at_100": 83.255, + "recall_at_1000": 91.182, + "recall_at_20": 75.645, + "recall_at_3": 59.526999999999994, + "recall_at_5": 65.598 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/IFlyTek.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/IFlyTek.json new file mode 100644 index 000000000..419c7adc9 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/IFlyTek.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "421605374b29664c5fc098418fe20ada9bd55f8a", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 49.018853405155824, + "f1": 36.34797570897239, + "f1_weighted": 46.595946626038284, + "main_score": 49.018853405155824 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/ImdbClassification.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/ImdbClassification.json new file mode 100644 index 000000000..19898d88b --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/ImdbClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.6012, + "ap": 88.68235390495911, + "ap_weighted": 88.68235390495911, + "f1": 91.59668455015077, + "f1_weighted": 91.59668455015077, + "main_score": 91.6012 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/InappropriatenessClassification.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/InappropriatenessClassification.json new file mode 100644 index 000000000..465ad7c73 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/InappropriatenessClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "601651fdc45ef243751676e62dd7a19f491c0285", + "task_name": "InappropriatenessClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 61.318359375, + "ap": 57.103049962056815, + "ap_weighted": 57.103049962056815, + "f1": 60.69364450664112, + "f1_weighted": 60.69364450664112, + "main_score": 61.318359375 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/JDReview.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/JDReview.json new file mode 100644 index 000000000..302e80d80 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/JDReview.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "b7c64bd89eb87f8ded463478346f76731f07bf8b", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 80.76923076923077, + "ap": 43.91219315273788, + "ap_weighted": 43.91219315273788, + "f1": 74.3959076760867, + "f1_weighted": 82.41054854790659, + "main_score": 80.76923076923077 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/KinopoiskClassification.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/KinopoiskClassification.json new file mode 100644 index 000000000..70743f44b --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/KinopoiskClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "5911f26666ac11af46cb9c6849d0dc80a378af24", + "task_name": "KinopoiskClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 59.040000000000006, + "f1": 55.63433742720159, + "f1_weighted": 55.63433742720159, + "main_score": 59.040000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/LCQMC.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/LCQMC.json new file mode 100644 index 000000000..e97d233b8 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/LCQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "17f9b096f80380fce5ed12a9be8be7784b337daf", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 66.42169614903062, + "cosine_spearman": 69.6209380589209, + "euclidean_pearson": 68.13684291689385, + "euclidean_spearman": 69.62093584082648, + "main_score": 69.6209380589209, + "manhattan_pearson": 67.98872700847923, + "manhattan_spearman": 69.46732039256112, + "pearson": 66.42169614903062, + "spearman": 69.6209380589209 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MIRACLReranking.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MIRACLReranking.json new file mode 100644 index 000000000..8e5e173a1 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MIRACLReranking.json @@ -0,0 +1,129 @@ +{ + "dataset_revision": "6d1962c527217f8927fca80f890f14f36b2802af", + "task_name": "MIRACLReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "MAP@1(MIRACL)": 29.729, + "MAP@10(MIRACL)": 48.713, + "MAP@100(MIRACL)": 50.792, + "MAP@1000(MIRACL)": 50.792, + "MAP@20(MIRACL)": 50.197, + "MAP@3(MIRACL)": 41.8, + "MAP@5(MIRACL)": 45.706, + "NDCG@1(MIRACL)": 49.158, + "NDCG@10(MIRACL)": 56.550999999999995, + "NDCG@100(MIRACL)": 60.829, + "NDCG@1000(MIRACL)": 60.829, + "NDCG@20(MIRACL)": 59.229, + "NDCG@3(MIRACL)": 50.397000000000006, + "NDCG@5(MIRACL)": 53.105000000000004, + "P@1(MIRACL)": 49.158, + "P@10(MIRACL)": 14.908, + "P@100(MIRACL)": 1.9529999999999998, + "P@1000(MIRACL)": 0.19499999999999998, + "P@20(MIRACL)": 8.753, + "P@3(MIRACL)": 31.061, + "P@5(MIRACL)": 23.785, + "Recall@1(MIRACL)": 29.729, + "Recall@10(MIRACL)": 67.223, + "Recall@100(MIRACL)": 79.952, + "Recall@1000(MIRACL)": 79.952, + "Recall@20(MIRACL)": 74.417, + "Recall@3(MIRACL)": 49.073, + "Recall@5(MIRACL)": 58.094, + "main_score": 56.550999999999995, + "nAUC_MAP@1000_diff1(MIRACL)": 19.222716664871324, + "nAUC_MAP@1000_max(MIRACL)": 28.91315309273525, + "nAUC_MAP@1000_std(MIRACL)": 15.773770301363973, + "nAUC_MAP@100_diff1(MIRACL)": 19.222716664871324, + "nAUC_MAP@100_max(MIRACL)": 28.91315309273525, + "nAUC_MAP@100_std(MIRACL)": 15.773770301363973, + "nAUC_MAP@10_diff1(MIRACL)": 21.16716217839532, + "nAUC_MAP@10_max(MIRACL)": 26.58073750952478, + "nAUC_MAP@10_std(MIRACL)": 14.98546699381452, + "nAUC_MAP@1_diff1(MIRACL)": 37.50928508734578, + "nAUC_MAP@1_max(MIRACL)": 13.158704351998995, + "nAUC_MAP@1_std(MIRACL)": 4.422878276220556, + "nAUC_MAP@20_diff1(MIRACL)": 19.951045759045467, + "nAUC_MAP@20_max(MIRACL)": 28.25165991244302, + "nAUC_MAP@20_std(MIRACL)": 15.850363419877105, + "nAUC_MAP@3_diff1(MIRACL)": 27.774164479669988, + "nAUC_MAP@3_max(MIRACL)": 20.738889611307496, + "nAUC_MAP@3_std(MIRACL)": 9.22491952318088, + "nAUC_MAP@5_diff1(MIRACL)": 23.86089217267443, + "nAUC_MAP@5_max(MIRACL)": 23.19878810494586, + "nAUC_MAP@5_std(MIRACL)": 11.851875808858123, + "nAUC_NDCG@1000_diff1(MIRACL)": 9.459016218726891, + "nAUC_NDCG@1000_max(MIRACL)": 38.018030050210896, + "nAUC_NDCG@1000_std(MIRACL)": 20.555997574199246, + "nAUC_NDCG@100_diff1(MIRACL)": 9.459016218726891, + "nAUC_NDCG@100_max(MIRACL)": 38.018030050210896, + "nAUC_NDCG@100_std(MIRACL)": 20.555997574199246, + "nAUC_NDCG@10_diff1(MIRACL)": 14.2494195957649, + "nAUC_NDCG@10_max(MIRACL)": 32.87676976986289, + "nAUC_NDCG@10_std(MIRACL)": 19.469852065776976, + "nAUC_NDCG@1_diff1(MIRACL)": 23.312659021070818, + "nAUC_NDCG@1_max(MIRACL)": 31.554119919664593, + "nAUC_NDCG@1_std(MIRACL)": 17.533789813864466, + "nAUC_NDCG@20_diff1(MIRACL)": 11.694064829915717, + "nAUC_NDCG@20_max(MIRACL)": 36.12122229242797, + "nAUC_NDCG@20_std(MIRACL)": 20.886325245384313, + "nAUC_NDCG@3_diff1(MIRACL)": 19.70964037059834, + "nAUC_NDCG@3_max(MIRACL)": 28.271224651385758, + "nAUC_NDCG@3_std(MIRACL)": 14.182889320426757, + "nAUC_NDCG@5_diff1(MIRACL)": 17.143482434537635, + "nAUC_NDCG@5_max(MIRACL)": 28.911278684121744, + "nAUC_NDCG@5_std(MIRACL)": 15.83019582479379, + "nAUC_P@1000_diff1(MIRACL)": -28.806220159210838, + "nAUC_P@1000_max(MIRACL)": 30.19137414854295, + "nAUC_P@1000_std(MIRACL)": 15.577217138606922, + "nAUC_P@100_diff1(MIRACL)": -28.8062201592108, + "nAUC_P@100_max(MIRACL)": 30.191374148543016, + "nAUC_P@100_std(MIRACL)": 15.577217138606963, + "nAUC_P@10_diff1(MIRACL)": -23.950963396253567, + "nAUC_P@10_max(MIRACL)": 32.31620562041691, + "nAUC_P@10_std(MIRACL)": 22.76652888514141, + "nAUC_P@1_diff1(MIRACL)": 23.312659021070818, + "nAUC_P@1_max(MIRACL)": 31.554119919664593, + "nAUC_P@1_std(MIRACL)": 17.533789813864466, + "nAUC_P@20_diff1(MIRACL)": -26.522109242426172, + "nAUC_P@20_max(MIRACL)": 31.490097667881027, + "nAUC_P@20_std(MIRACL)": 20.51757471839622, + "nAUC_P@3_diff1(MIRACL)": -8.494670555442749, + "nAUC_P@3_max(MIRACL)": 33.197306356212295, + "nAUC_P@3_std(MIRACL)": 18.96447162170764, + "nAUC_P@5_diff1(MIRACL)": -19.15325386641154, + "nAUC_P@5_max(MIRACL)": 31.846463690427683, + "nAUC_P@5_std(MIRACL)": 20.914296846825028, + "nAUC_Recall@1000_diff1(MIRACL)": -22.62644777038629, + "nAUC_Recall@1000_max(MIRACL)": 63.09417027858301, + "nAUC_Recall@1000_std(MIRACL)": 31.96936126619333, + "nAUC_Recall@100_diff1(MIRACL)": -22.62644777038629, + "nAUC_Recall@100_max(MIRACL)": 63.09417027858301, + "nAUC_Recall@100_std(MIRACL)": 31.96936126619333, + "nAUC_Recall@10_diff1(MIRACL)": 1.389536667314163, + "nAUC_Recall@10_max(MIRACL)": 36.80168430587649, + "nAUC_Recall@10_std(MIRACL)": 24.6096121100626, + "nAUC_Recall@1_diff1(MIRACL)": 37.50928508734578, + "nAUC_Recall@1_max(MIRACL)": 13.158704351998995, + "nAUC_Recall@1_std(MIRACL)": 4.422878276220556, + "nAUC_Recall@20_diff1(MIRACL)": -8.586661617880036, + "nAUC_Recall@20_max(MIRACL)": 48.977640900606715, + "nAUC_Recall@20_std(MIRACL)": 30.787733282193763, + "nAUC_Recall@3_diff1(MIRACL)": 20.85452801657472, + "nAUC_Recall@3_max(MIRACL)": 20.457796008702196, + "nAUC_Recall@3_std(MIRACL)": 10.422494162066547, + "nAUC_Recall@5_diff1(MIRACL)": 11.294860119295114, + "nAUC_Recall@5_max(MIRACL)": 24.55554040640634, + "nAUC_Recall@5_std(MIRACL)": 15.07523755007524 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MIRACLRetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MIRACLRetrieval.json new file mode 100644 index 000000000..9e987534a --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MIRACLRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "main", + "task_name": "MIRACLRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "main_score": 53.33, + "map_at_1": 23.51, + "map_at_10": 42.506, + "map_at_100": 45.727000000000004, + "map_at_1000": 45.824, + "map_at_20": 44.482, + "map_at_3": 34.903, + "map_at_5": 38.924, + "mrr_at_1": 47.52396166134185, + "mrr_at_10": 60.53929585678796, + "mrr_at_100": 61.08405013111772, + "mrr_at_1000": 61.090960329457786, + "mrr_at_20": 60.942355859942886, + "mrr_at_3": 57.21512247071355, + "mrr_at_5": 59.423588924387715, + "nauc_map_at_1000_diff1": 27.9258851452338, + "nauc_map_at_1000_max": 23.91526202439492, + "nauc_map_at_1000_std": 1.9886186316328294, + "nauc_map_at_100_diff1": 27.950443502043935, + "nauc_map_at_100_max": 23.91952747895155, + "nauc_map_at_100_std": 1.9828664117240875, + "nauc_map_at_10_diff1": 28.591900542084257, + "nauc_map_at_10_max": 22.26715273276218, + "nauc_map_at_10_std": -0.2905582006620209, + "nauc_map_at_1_diff1": 36.29159533442582, + "nauc_map_at_1_max": 14.017798723971604, + "nauc_map_at_1_std": -4.135744714942541, + "nauc_map_at_20_diff1": 28.227642002703888, + "nauc_map_at_20_max": 23.31288716904143, + "nauc_map_at_20_std": 0.8608305708684871, + "nauc_map_at_3_diff1": 31.25854158298961, + "nauc_map_at_3_max": 19.94828898205679, + "nauc_map_at_3_std": -3.055128116323982, + "nauc_map_at_5_diff1": 29.569541485869138, + "nauc_map_at_5_max": 20.295566102579233, + "nauc_map_at_5_std": -2.0623859574064496, + "nauc_mrr_at_1000_diff1": 27.361661005387717, + "nauc_mrr_at_1000_max": 29.835566057491185, + "nauc_mrr_at_1000_std": 9.18992468804867, + "nauc_mrr_at_100_diff1": 27.364549933483367, + "nauc_mrr_at_100_max": 29.841000191685662, + "nauc_mrr_at_100_std": 9.201936238611633, + "nauc_mrr_at_10_diff1": 27.091315668645876, + "nauc_mrr_at_10_max": 30.083804137944814, + "nauc_mrr_at_10_std": 9.295940302357145, + "nauc_mrr_at_1_diff1": 30.096520602983773, + "nauc_mrr_at_1_max": 25.92117667316542, + "nauc_mrr_at_1_std": 6.628159094331555, + "nauc_mrr_at_20_diff1": 27.26907735403706, + "nauc_mrr_at_20_max": 29.91703823542895, + "nauc_mrr_at_20_std": 9.220168448561815, + "nauc_mrr_at_3_diff1": 27.132416524688672, + "nauc_mrr_at_3_max": 29.879006809416147, + "nauc_mrr_at_3_std": 8.495778638777473, + "nauc_mrr_at_5_diff1": 27.164544736044938, + "nauc_mrr_at_5_max": 29.756896839148844, + "nauc_mrr_at_5_std": 8.697141135185072, + "nauc_ndcg_at_1000_diff1": 25.711789502779325, + "nauc_ndcg_at_1000_max": 28.742258668080943, + "nauc_ndcg_at_1000_std": 8.197781962071534, + "nauc_ndcg_at_100_diff1": 25.844850932804846, + "nauc_ndcg_at_100_max": 29.043525248699453, + "nauc_ndcg_at_100_std": 8.810501750069859, + "nauc_ndcg_at_10_diff1": 26.47161747010468, + "nauc_ndcg_at_10_max": 25.36709975989015, + "nauc_ndcg_at_10_std": 3.070985924814878, + "nauc_ndcg_at_1_diff1": 30.096520602983773, + "nauc_ndcg_at_1_max": 25.92117667316542, + "nauc_ndcg_at_1_std": 6.628159094331555, + "nauc_ndcg_at_20_diff1": 26.329559310197325, + "nauc_ndcg_at_20_max": 27.252374736353723, + "nauc_ndcg_at_20_std": 5.279499913033636, + "nauc_ndcg_at_3_diff1": 26.382469083855774, + "nauc_ndcg_at_3_max": 25.667817557434446, + "nauc_ndcg_at_3_std": 2.722781380568278, + "nauc_ndcg_at_5_diff1": 26.63587958392066, + "nauc_ndcg_at_5_max": 24.012746599673562, + "nauc_ndcg_at_5_std": 1.875533584617588, + "nauc_precision_at_1000_diff1": -16.886796017740146, + "nauc_precision_at_1000_max": 13.452350695770388, + "nauc_precision_at_1000_std": 20.253057030417295, + "nauc_precision_at_100_diff1": -15.676681024836736, + "nauc_precision_at_100_max": 17.21039273342314, + "nauc_precision_at_100_std": 23.503219057796482, + "nauc_precision_at_10_diff1": -7.353821346474632, + "nauc_precision_at_10_max": 22.963099870525657, + "nauc_precision_at_10_std": 16.75138999512155, + "nauc_precision_at_1_diff1": 30.096520602983773, + "nauc_precision_at_1_max": 25.92117667316542, + "nauc_precision_at_1_std": 6.628159094331555, + "nauc_precision_at_20_diff1": -11.020811644697545, + "nauc_precision_at_20_max": 21.625978665259115, + "nauc_precision_at_20_std": 20.005095685790348, + "nauc_precision_at_3_diff1": 7.003507657338856, + "nauc_precision_at_3_max": 27.73371213700131, + "nauc_precision_at_3_std": 9.668915001732463, + "nauc_precision_at_5_diff1": -1.715206180870653, + "nauc_precision_at_5_max": 24.29609734679536, + "nauc_precision_at_5_std": 13.402584423111977, + "nauc_recall_at_1000_diff1": 17.28590002253731, + "nauc_recall_at_1000_max": 68.10425916894825, + "nauc_recall_at_1000_std": 73.8411367347451, + "nauc_recall_at_100_diff1": 18.442237799863165, + "nauc_recall_at_100_max": 39.59374558744695, + "nauc_recall_at_100_std": 38.54186929047189, + "nauc_recall_at_10_diff1": 19.243325372129107, + "nauc_recall_at_10_max": 19.111906153501202, + "nauc_recall_at_10_std": 0.8737992988209908, + "nauc_recall_at_1_diff1": 36.29159533442582, + "nauc_recall_at_1_max": 14.017798723971604, + "nauc_recall_at_1_std": -4.135744714942541, + "nauc_recall_at_20_diff1": 19.01527783708535, + "nauc_recall_at_20_max": 22.731910630901435, + "nauc_recall_at_20_std": 5.981218642323668, + "nauc_recall_at_3_diff1": 25.892436310762985, + "nauc_recall_at_3_max": 18.9097432217694, + "nauc_recall_at_3_std": -3.8494373478485033, + "nauc_recall_at_5_diff1": 22.032856212342626, + "nauc_recall_at_5_max": 16.22066351445006, + "nauc_recall_at_5_std": -3.416429358868604, + "ndcg_at_1": 47.524, + "ndcg_at_10": 53.33, + "ndcg_at_100": 61.746, + "ndcg_at_1000": 62.803, + "ndcg_at_20": 57.498000000000005, + "ndcg_at_3": 46.204, + "ndcg_at_5": 48.824, + "precision_at_1": 47.524, + "precision_at_10": 16.478, + "precision_at_100": 2.5860000000000003, + "precision_at_1000": 0.27799999999999997, + "precision_at_20": 10.12, + "precision_at_3": 31.735999999999997, + "precision_at_5": 24.951999999999998, + "recall_at_1": 23.51, + "recall_at_10": 64.98899999999999, + "recall_at_100": 92.241, + "recall_at_1000": 97.929, + "recall_at_20": 76.822, + "recall_at_3": 42.126000000000005, + "recall_at_5": 52.449 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MLSUMClusteringP2P.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MLSUMClusteringP2P.json new file mode 100644 index 000000000..f1fe10c68 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MLSUMClusteringP2P.json @@ -0,0 +1,28 @@ +{ + "dataset_revision": "b5d54f8f3b61ae17845046286940f03c6bc79bc7", + "task_name": "MLSUMClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "main_score": 45.581413658149, + "v_measure": 45.581413658149, + "v_measure_std": 1.646260736751199 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "main_score": 44.45455749734905, + "v_measure": 44.45455749734905, + "v_measure_std": 1.935205028548908 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MMarcoReranking.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MMarcoReranking.json new file mode 100644 index 000000000..df0e29f97 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MMarcoReranking.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "8e0c766dbe9e16e1d221116a3f36795fbade07f6", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 28.40392786552284, + "map": 28.40392786552284, + "mrr": 26.729761904761908, + "nAUC_map_diff1": 11.013649297702722, + "nAUC_map_max": 10.17419646298121, + "nAUC_map_std": -0.8563449479185579, + "nAUC_mrr_diff1": 10.279159084348438, + "nAUC_mrr_max": 9.945986054772508, + "nAUC_mrr_std": -0.7829405326492496 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MMarcoRetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MMarcoRetrieval.json new file mode 100644 index 000000000..e0c335d9c --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MMarcoRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "539bbde593d947e2a124ba72651aafc09eb33fc2", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 78.527, + "map_at_1": 65.179, + "map_at_10": 74.603, + "map_at_100": 74.957, + "map_at_1000": 74.967, + "map_at_20": 74.857, + "map_at_3": 72.611, + "map_at_5": 73.916, + "mrr_at_1": 67.44985673352436, + "mrr_at_10": 75.1962125346795, + "mrr_at_100": 75.50889677029757, + "mrr_at_1000": 75.51801374083685, + "mrr_at_20": 75.42326193241115, + "mrr_at_3": 73.4670487106018, + "mrr_at_5": 74.58166189111732, + "nauc_map_at_1000_diff1": 77.3975532985191, + "nauc_map_at_1000_max": 38.64013999373193, + "nauc_map_at_1000_std": -18.151216910688003, + "nauc_map_at_100_diff1": 77.39458303918599, + "nauc_map_at_100_max": 38.65525502999619, + "nauc_map_at_100_std": -18.12441923873744, + "nauc_map_at_10_diff1": 77.23576973574656, + "nauc_map_at_10_max": 38.79698916303308, + "nauc_map_at_10_std": -18.205472833807896, + "nauc_map_at_1_diff1": 79.56817309653695, + "nauc_map_at_1_max": 30.973318622760697, + "nauc_map_at_1_std": -24.193358631119697, + "nauc_map_at_20_diff1": 77.345553469177, + "nauc_map_at_20_max": 38.72033702371551, + "nauc_map_at_20_std": -18.10235546630277, + "nauc_map_at_3_diff1": 77.1519821962318, + "nauc_map_at_3_max": 37.252293129620995, + "nauc_map_at_3_std": -19.84875198107134, + "nauc_map_at_5_diff1": 77.2287177052444, + "nauc_map_at_5_max": 38.476432730452075, + "nauc_map_at_5_std": -18.833903805578974, + "nauc_mrr_at_1000_diff1": 77.60661485922789, + "nauc_mrr_at_1000_max": 39.26857638609446, + "nauc_mrr_at_1000_std": -17.210038373130672, + "nauc_mrr_at_100_diff1": 77.6047988273367, + "nauc_mrr_at_100_max": 39.28361327448562, + "nauc_mrr_at_100_std": -17.182790454560294, + "nauc_mrr_at_10_diff1": 77.44371207652814, + "nauc_mrr_at_10_max": 39.432881586168236, + "nauc_mrr_at_10_std": -17.187536228701045, + "nauc_mrr_at_1_diff1": 80.1195041268915, + "nauc_mrr_at_1_max": 34.89315898346597, + "nauc_mrr_at_1_std": -22.677099986196357, + "nauc_mrr_at_20_diff1": 77.56988644291731, + "nauc_mrr_at_20_max": 39.36167345604126, + "nauc_mrr_at_20_std": -17.145663178457347, + "nauc_mrr_at_3_diff1": 77.39068122320302, + "nauc_mrr_at_3_max": 38.47661490489044, + "nauc_mrr_at_3_std": -18.43635735134857, + "nauc_mrr_at_5_diff1": 77.4281674181642, + "nauc_mrr_at_5_max": 39.25097124947119, + "nauc_mrr_at_5_std": -17.602522743868, + "nauc_ndcg_at_1000_diff1": 76.95670356559812, + "nauc_ndcg_at_1000_max": 40.6770789376407, + "nauc_ndcg_at_1000_std": -14.94643027722271, + "nauc_ndcg_at_100_diff1": 76.87957397912506, + "nauc_ndcg_at_100_max": 41.19597481618689, + "nauc_ndcg_at_100_std": -13.986176551639787, + "nauc_ndcg_at_10_diff1": 76.10924614757609, + "nauc_ndcg_at_10_max": 41.944551608825854, + "nauc_ndcg_at_10_std": -14.226261266280796, + "nauc_ndcg_at_1_diff1": 80.1195041268915, + "nauc_ndcg_at_1_max": 34.89315898346597, + "nauc_ndcg_at_1_std": -22.677099986196357, + "nauc_ndcg_at_20_diff1": 76.54328645801156, + "nauc_ndcg_at_20_max": 41.74852133446564, + "nauc_ndcg_at_20_std": -13.721836426277093, + "nauc_ndcg_at_3_diff1": 76.10773063555531, + "nauc_ndcg_at_3_max": 38.87928533895388, + "nauc_ndcg_at_3_std": -17.814064081229805, + "nauc_ndcg_at_5_diff1": 76.12333455766735, + "nauc_ndcg_at_5_max": 41.0111924070866, + "nauc_ndcg_at_5_std": -15.867928392632393, + "nauc_precision_at_1000_diff1": -16.14969196445021, + "nauc_precision_at_1000_max": 19.73159766274731, + "nauc_precision_at_1000_std": 27.142682237659233, + "nauc_precision_at_100_diff1": -2.7404602427028384, + "nauc_precision_at_100_max": 29.32737928846563, + "nauc_precision_at_100_std": 31.47152367892466, + "nauc_precision_at_10_diff1": 22.989404353424035, + "nauc_precision_at_10_max": 41.47175896072229, + "nauc_precision_at_10_std": 17.23968993050545, + "nauc_precision_at_1_diff1": 80.1195041268915, + "nauc_precision_at_1_max": 34.89315898346597, + "nauc_precision_at_1_std": -22.677099986196357, + "nauc_precision_at_20_diff1": 11.7431142315164, + "nauc_precision_at_20_max": 37.384349885824264, + "nauc_precision_at_20_std": 25.87695876238002, + "nauc_precision_at_3_diff1": 47.30485784652924, + "nauc_precision_at_3_max": 39.30794798179377, + "nauc_precision_at_3_std": -3.0460303025064817, + "nauc_precision_at_5_diff1": 35.666358661107026, + "nauc_precision_at_5_max": 41.154619102386434, + "nauc_precision_at_5_std": 6.165343239340201, + "nauc_recall_at_1000_diff1": 70.47489516037629, + "nauc_recall_at_1000_max": 86.38892936750754, + "nauc_recall_at_1000_std": 71.41939627488728, + "nauc_recall_at_100_diff1": 71.35454604674862, + "nauc_recall_at_100_max": 78.8056119793468, + "nauc_recall_at_100_std": 56.673602022438885, + "nauc_recall_at_10_diff1": 68.01157430899912, + "nauc_recall_at_10_max": 61.03890280082228, + "nauc_recall_at_10_std": 10.215903390979168, + "nauc_recall_at_1_diff1": 79.56817309653695, + "nauc_recall_at_1_max": 30.973318622760697, + "nauc_recall_at_1_std": -24.193358631119697, + "nauc_recall_at_20_diff1": 68.89627277773923, + "nauc_recall_at_20_max": 68.37263311017512, + "nauc_recall_at_20_std": 26.936453327892735, + "nauc_recall_at_3_diff1": 71.48557875771924, + "nauc_recall_at_3_max": 42.86820384579516, + "nauc_recall_at_3_std": -12.098244840151215, + "nauc_recall_at_5_diff1": 70.2043239041581, + "nauc_recall_at_5_max": 51.32402340231743, + "nauc_recall_at_5_std": -3.7213044749573516, + "ndcg_at_1": 67.45, + "ndcg_at_10": 78.527, + "ndcg_at_100": 80.022, + "ndcg_at_1000": 80.295, + "ndcg_at_20": 79.387, + "ndcg_at_3": 74.775, + "ndcg_at_5": 76.955, + "precision_at_1": 67.45, + "precision_at_10": 9.576, + "precision_at_100": 1.03, + "precision_at_1000": 0.105, + "precision_at_20": 4.968, + "precision_at_3": 28.247, + "precision_at_5": 18.12, + "recall_at_1": 65.179, + "recall_at_10": 90.059, + "recall_at_100": 96.612, + "recall_at_1000": 98.761, + "recall_at_20": 93.345, + "recall_at_3": 80.158, + "recall_at_5": 85.33 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MSMARCO-PL.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MSMARCO-PL.json new file mode 100644 index 000000000..df2df0bfb --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MSMARCO-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "8634c07806d5cce3a6138e260e59b81760a0a640", + "task_name": "MSMARCO-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 35.347, + "map_at_1": 1.469, + "map_at_10": 6.271, + "map_at_100": 15.82, + "map_at_1000": 19.756999999999998, + "map_at_20": 9.132, + "map_at_3": 3.075, + "map_at_5": 4.191000000000001, + "mrr_at_1": 51.162790697674424, + "mrr_at_10": 61.57253599114064, + "mrr_at_100": 61.70237312252635, + "mrr_at_1000": 61.721282111697384, + "mrr_at_20": 61.57253599114064, + "mrr_at_3": 58.52713178294573, + "mrr_at_5": 60.62015503875969, + "nauc_map_at_1000_diff1": -6.26148455784313, + "nauc_map_at_1000_max": 70.23579046863748, + "nauc_map_at_1000_std": 77.42651490963746, + "nauc_map_at_100_diff1": -1.4053806773143986, + "nauc_map_at_100_max": 66.71686830976711, + "nauc_map_at_100_std": 67.38852619857126, + "nauc_map_at_10_diff1": 12.864067292274589, + "nauc_map_at_10_max": 41.38716748783301, + "nauc_map_at_10_std": 32.51689180198407, + "nauc_map_at_1_diff1": -1.536748365124193, + "nauc_map_at_1_max": -6.088587734229212, + "nauc_map_at_1_std": -18.068863144899694, + "nauc_map_at_20_diff1": 8.54318633682049, + "nauc_map_at_20_max": 51.46280940802795, + "nauc_map_at_20_std": 43.84995568398171, + "nauc_map_at_3_diff1": 15.549945155617095, + "nauc_map_at_3_max": 16.423852501631057, + "nauc_map_at_3_std": 1.6301262698881138, + "nauc_map_at_5_diff1": 17.143995737313784, + "nauc_map_at_5_max": 25.892894000158563, + "nauc_map_at_5_std": 13.91119386484427, + "nauc_mrr_at_1000_diff1": 20.75486837047241, + "nauc_mrr_at_1000_max": 48.77384161141147, + "nauc_mrr_at_1000_std": 39.42169406046163, + "nauc_mrr_at_100_diff1": 20.75098937410054, + "nauc_mrr_at_100_max": 48.8055136010899, + "nauc_mrr_at_100_std": 39.44826676492212, + "nauc_mrr_at_10_diff1": 20.55168287172998, + "nauc_mrr_at_10_max": 48.92605606155999, + "nauc_mrr_at_10_std": 39.56397190201471, + "nauc_mrr_at_1_diff1": 27.952914840599213, + "nauc_mrr_at_1_max": 43.02872038128348, + "nauc_mrr_at_1_std": 30.72899446812769, + "nauc_mrr_at_20_diff1": 20.55168287172998, + "nauc_mrr_at_20_max": 48.92605606155999, + "nauc_mrr_at_20_std": 39.56397190201471, + "nauc_mrr_at_3_diff1": 18.318386717289272, + "nauc_mrr_at_3_max": 47.44180800437328, + "nauc_mrr_at_3_std": 38.74641539481817, + "nauc_mrr_at_5_diff1": 21.683568755627515, + "nauc_mrr_at_5_max": 48.05001286700342, + "nauc_mrr_at_5_std": 38.244355740197555, + "nauc_ndcg_at_1000_diff1": -2.468906090162698, + "nauc_ndcg_at_1000_max": 65.57871617608374, + "nauc_ndcg_at_1000_std": 73.3847445547649, + "nauc_ndcg_at_100_diff1": -2.586690833939304, + "nauc_ndcg_at_100_max": 64.70786040635376, + "nauc_ndcg_at_100_std": 70.64166116490425, + "nauc_ndcg_at_10_diff1": 8.118353402716513, + "nauc_ndcg_at_10_max": 49.844180236352955, + "nauc_ndcg_at_10_std": 50.131893853105936, + "nauc_ndcg_at_1_diff1": 29.009521103694098, + "nauc_ndcg_at_1_max": 27.087717021875612, + "nauc_ndcg_at_1_std": 12.6909059627947, + "nauc_ndcg_at_20_diff1": 2.598718647600475, + "nauc_ndcg_at_20_max": 53.91164998936515, + "nauc_ndcg_at_20_std": 56.516639941588664, + "nauc_ndcg_at_3_diff1": 23.836185343273044, + "nauc_ndcg_at_3_max": 36.263454561458765, + "nauc_ndcg_at_3_std": 28.43323538514256, + "nauc_ndcg_at_5_diff1": 16.77391181835752, + "nauc_ndcg_at_5_max": 43.296899586211104, + "nauc_ndcg_at_5_std": 39.1824699044313, + "nauc_precision_at_1000_diff1": -15.186803611287433, + "nauc_precision_at_1000_max": 46.85780719962127, + "nauc_precision_at_1000_std": 70.3960638613034, + "nauc_precision_at_100_diff1": -15.422155872405632, + "nauc_precision_at_100_max": 55.72313908696537, + "nauc_precision_at_100_std": 76.82533899336994, + "nauc_precision_at_10_diff1": -3.067825687414238, + "nauc_precision_at_10_max": 56.91434531209, + "nauc_precision_at_10_std": 66.04691744928004, + "nauc_precision_at_1_diff1": 27.952914840599213, + "nauc_precision_at_1_max": 43.02872038128348, + "nauc_precision_at_1_std": 30.72899446812769, + "nauc_precision_at_20_diff1": -5.544645405468878, + "nauc_precision_at_20_max": 57.8695034639674, + "nauc_precision_at_20_std": 68.93286041931582, + "nauc_precision_at_3_diff1": 20.19348967585854, + "nauc_precision_at_3_max": 45.597437337579386, + "nauc_precision_at_3_std": 42.03959265688183, + "nauc_precision_at_5_diff1": 9.23998523103908, + "nauc_precision_at_5_max": 49.25574086871373, + "nauc_precision_at_5_std": 52.88526969215077, + "nauc_recall_at_1000_diff1": -8.862740141707581, + "nauc_recall_at_1000_max": 55.712545242253256, + "nauc_recall_at_1000_std": 67.30648023155955, + "nauc_recall_at_100_diff1": -3.1881977191212036, + "nauc_recall_at_100_max": 51.673275503044906, + "nauc_recall_at_100_std": 54.48134578839626, + "nauc_recall_at_10_diff1": 13.364983119491827, + "nauc_recall_at_10_max": 36.25593546742792, + "nauc_recall_at_10_std": 27.09713611846276, + "nauc_recall_at_1_diff1": -1.536748365124193, + "nauc_recall_at_1_max": -6.088587734229212, + "nauc_recall_at_1_std": -18.068863144899694, + "nauc_recall_at_20_diff1": 7.510007055555984, + "nauc_recall_at_20_max": 38.09054135617318, + "nauc_recall_at_20_std": 30.40674848457391, + "nauc_recall_at_3_diff1": 14.714490489795676, + "nauc_recall_at_3_max": 13.456002270727083, + "nauc_recall_at_3_std": -1.5169948432854514, + "nauc_recall_at_5_diff1": 15.54314759180975, + "nauc_recall_at_5_max": 21.228461904073818, + "nauc_recall_at_5_std": 9.414065747326763, + "ndcg_at_1": 40.31, + "ndcg_at_10": 35.347, + "ndcg_at_100": 33.467, + "ndcg_at_1000": 40.681, + "ndcg_at_20": 34.001, + "ndcg_at_3": 37.366, + "ndcg_at_5": 36.394, + "precision_at_1": 51.163000000000004, + "precision_at_10": 44.186, + "precision_at_100": 20.837, + "precision_at_1000": 4.2299999999999995, + "precision_at_20": 37.442, + "precision_at_3": 50.388, + "precision_at_5": 48.837, + "recall_at_1": 1.469, + "recall_at_10": 7.9479999999999995, + "recall_at_100": 28.733999999999998, + "recall_at_1000": 50.297000000000004, + "recall_at_20": 12.948, + "recall_at_3": 3.4259999999999997, + "recall_at_5": 4.9110000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MSMARCO.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MSMARCO.json new file mode 100644 index 000000000..a8995a103 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MSMARCO.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 34.216, + "map_at_1": 15.038000000000002, + "map_at_10": 27.046, + "map_at_100": 28.389999999999997, + "map_at_1000": 28.444999999999997, + "map_at_20": 27.872000000000003, + "map_at_3": 22.834, + "map_at_5": 25.153, + "mrr_at_1": 15.4297994269341, + "mrr_at_10": 27.478492973120332, + "mrr_at_100": 28.777080396786463, + "mrr_at_1000": 28.825658730635972, + "mrr_at_20": 28.286636068476597, + "mrr_at_3": 23.33333333333318, + "mrr_at_5": 25.614851957975105, + "nauc_map_at_1000_diff1": 27.54679600584162, + "nauc_map_at_1000_max": 0.41510056128863393, + "nauc_map_at_1000_std": -21.25666818469523, + "nauc_map_at_100_diff1": 27.549865152926362, + "nauc_map_at_100_max": 0.41049620236650397, + "nauc_map_at_100_std": -21.23460305948801, + "nauc_map_at_10_diff1": 27.46238928310728, + "nauc_map_at_10_max": 0.3112462662068356, + "nauc_map_at_10_std": -22.07687152339386, + "nauc_map_at_1_diff1": 30.7476883639058, + "nauc_map_at_1_max": -0.5565808781243076, + "nauc_map_at_1_std": -19.834927817494012, + "nauc_map_at_20_diff1": 27.545155440501322, + "nauc_map_at_20_max": 0.3473346558072676, + "nauc_map_at_20_std": -21.61961934965919, + "nauc_map_at_3_diff1": 27.39879856077741, + "nauc_map_at_3_max": 0.06402240126581103, + "nauc_map_at_3_std": -21.617551469899993, + "nauc_map_at_5_diff1": 27.301329953007926, + "nauc_map_at_5_max": 0.06942838790190704, + "nauc_map_at_5_std": -22.27190645444131, + "nauc_mrr_at_1000_diff1": 27.270571100450564, + "nauc_mrr_at_1000_max": 0.5200299838701339, + "nauc_mrr_at_1000_std": -21.00132445753325, + "nauc_mrr_at_100_diff1": 27.270120718986174, + "nauc_mrr_at_100_max": 0.522377923623997, + "nauc_mrr_at_100_std": -20.974058126628332, + "nauc_mrr_at_10_diff1": 27.170393202051947, + "nauc_mrr_at_10_max": 0.48873943205852266, + "nauc_mrr_at_10_std": -21.738471675337966, + "nauc_mrr_at_1_diff1": 30.283202962075705, + "nauc_mrr_at_1_max": -0.5898023407161855, + "nauc_mrr_at_1_std": -19.75269473049021, + "nauc_mrr_at_20_diff1": 27.274300680490825, + "nauc_mrr_at_20_max": 0.5104058227528672, + "nauc_mrr_at_20_std": -21.30268935462482, + "nauc_mrr_at_3_diff1": 27.10789072891654, + "nauc_mrr_at_3_max": 0.17628020950576678, + "nauc_mrr_at_3_std": -21.472874492804447, + "nauc_mrr_at_5_diff1": 27.042048354996385, + "nauc_mrr_at_5_max": 0.20508452891098314, + "nauc_mrr_at_5_std": -22.006377363109006, + "nauc_ndcg_at_1000_diff1": 27.150914472847965, + "nauc_ndcg_at_1000_max": 1.5041133804769482, + "nauc_ndcg_at_1000_std": -19.524926037821043, + "nauc_ndcg_at_100_diff1": 27.228817990238145, + "nauc_ndcg_at_100_max": 1.5569549852164712, + "nauc_ndcg_at_100_std": -18.37783977195916, + "nauc_ndcg_at_10_diff1": 26.974908852930785, + "nauc_ndcg_at_10_max": 0.9865201816077211, + "nauc_ndcg_at_10_std": -22.744315865574556, + "nauc_ndcg_at_1_diff1": 30.283202962075705, + "nauc_ndcg_at_1_max": -0.5898023407161855, + "nauc_ndcg_at_1_std": -19.75269473049021, + "nauc_ndcg_at_20_diff1": 27.256057260883644, + "nauc_ndcg_at_20_max": 1.1507498856530942, + "nauc_ndcg_at_20_std": -21.119059014816134, + "nauc_ndcg_at_3_diff1": 26.65932420136448, + "nauc_ndcg_at_3_max": 0.36047390996708306, + "nauc_ndcg_at_3_std": -22.129146087673426, + "nauc_ndcg_at_5_diff1": 26.553136747559307, + "nauc_ndcg_at_5_max": 0.3914050774004603, + "nauc_ndcg_at_5_std": -23.162245106694787, + "nauc_precision_at_1000_diff1": -3.219536411196315, + "nauc_precision_at_1000_max": 18.58643056260195, + "nauc_precision_at_1000_std": 13.96483533268961, + "nauc_precision_at_100_diff1": 15.240824308438475, + "nauc_precision_at_100_max": 12.873759519468777, + "nauc_precision_at_100_std": 12.669885011350335, + "nauc_precision_at_10_diff1": 24.02551103443631, + "nauc_precision_at_10_max": 3.3412304054256636, + "nauc_precision_at_10_std": -23.53436237582242, + "nauc_precision_at_1_diff1": 30.283202962075705, + "nauc_precision_at_1_max": -0.5898023407161855, + "nauc_precision_at_1_std": -19.75269473049021, + "nauc_precision_at_20_diff1": 23.383618639354207, + "nauc_precision_at_20_max": 5.1273224302435505, + "nauc_precision_at_20_std": -16.069542485279715, + "nauc_precision_at_3_diff1": 24.289430079622484, + "nauc_precision_at_3_max": 1.0047590622521345, + "nauc_precision_at_3_std": -23.3073066696005, + "nauc_precision_at_5_diff1": 23.91964787477001, + "nauc_precision_at_5_max": 1.503705757938403, + "nauc_precision_at_5_std": -25.080465306807003, + "nauc_recall_at_1000_diff1": 18.559018331553045, + "nauc_recall_at_1000_max": 41.916214927217126, + "nauc_recall_at_1000_std": 59.856708470758704, + "nauc_recall_at_100_diff1": 26.471212604023354, + "nauc_recall_at_100_max": 10.077350060389897, + "nauc_recall_at_100_std": 14.153565507764215, + "nauc_recall_at_10_diff1": 26.05741155724461, + "nauc_recall_at_10_max": 2.6492884997120534, + "nauc_recall_at_10_std": -24.546907108105746, + "nauc_recall_at_1_diff1": 30.7476883639058, + "nauc_recall_at_1_max": -0.5565808781243076, + "nauc_recall_at_1_std": -19.834927817494012, + "nauc_recall_at_20_diff1": 26.95859513457893, + "nauc_recall_at_20_max": 3.521141192333191, + "nauc_recall_at_20_std": -18.30474468147818, + "nauc_recall_at_3_diff1": 25.01086599052385, + "nauc_recall_at_3_max": 0.9901526603339225, + "nauc_recall_at_3_std": -23.299664759244102, + "nauc_recall_at_5_diff1": 24.792290263748747, + "nauc_recall_at_5_max": 0.9968092335084938, + "nauc_recall_at_5_std": -25.345195391263754, + "ndcg_at_1": 15.43, + "ndcg_at_10": 34.216, + "ndcg_at_100": 40.815, + "ndcg_at_1000": 42.202, + "ndcg_at_20": 37.179, + "ndcg_at_3": 25.588, + "ndcg_at_5": 29.724, + "precision_at_1": 15.43, + "precision_at_10": 5.918, + "precision_at_100": 0.922, + "precision_at_1000": 0.104, + "precision_at_20": 3.5700000000000003, + "precision_at_3": 11.442, + "precision_at_5": 8.966000000000001, + "recall_at_1": 15.038000000000002, + "recall_at_10": 56.627, + "recall_at_100": 87.399, + "recall_at_1000": 98.009, + "recall_at_20": 68.176, + "recall_at_3": 33.056000000000004, + "recall_at_5": 42.995 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MTOPDomainClassification.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MTOPDomainClassification.json new file mode 100644 index 000000000..ec07d85cc --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MTOPDomainClassification.json @@ -0,0 +1,30 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 89.54172366621066, + "f1": 88.86345617269791, + "f1_weighted": 89.39824737643146, + "main_score": 89.54172366621066 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 80.14719699342312, + "f1": 79.68802657402165, + "f1_weighted": 79.85763712873417, + "main_score": 80.14719699342312 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MTOPIntentClassification.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MTOPIntentClassification.json new file mode 100644 index 000000000..fd9ad3f3f --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MTOPIntentClassification.json @@ -0,0 +1,30 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 62.08162334701323, + "f1": 43.12730019766516, + "f1_weighted": 63.781545502237925, + "main_score": 62.08162334701323 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 50.241152521139995, + "f1": 34.39524038805554, + "f1_weighted": 53.93775073819592, + "main_score": 50.241152521139995 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MasakhaNEWSClassification.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MasakhaNEWSClassification.json new file mode 100644 index 000000000..0e452759b --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MasakhaNEWSClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "18193f187b92da67168c655c9973a165ed9593dd", + "task_name": "MasakhaNEWSClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fra", + "languages": [ + "fra-Latn" + ], + "accuracy": 83.34123222748818, + "f1": 79.48624508308065, + "f1_weighted": 83.20210238500908, + "main_score": 83.34123222748818 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MasakhaNEWSClusteringP2P.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MasakhaNEWSClusteringP2P.json new file mode 100644 index 000000000..95f569fdc --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MasakhaNEWSClusteringP2P.json @@ -0,0 +1,28 @@ +{ + "dataset_revision": "8ccc72e69e65f40c70e117d8b3c08306bb788b60", + "task_name": "MasakhaNEWSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fra", + "languages": [ + "fra-Latn" + ], + "main_score": 71.51218291988776, + "v_measure": 71.51218291988776, + "v_measure_std": 35.6439739308977 + }, + { + "hf_subset": "fra", + "languages": [ + "fra-Latn" + ], + "main_score": 60.155743100795725, + "v_measure": 60.155743100795725, + "v_measure_std": 28.180226808833797 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MassiveIntentClassification.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MassiveIntentClassification.json new file mode 100644 index 000000000..e64115ea4 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MassiveIntentClassification.json @@ -0,0 +1,70 @@ +{ + "dataset_revision": "4672e20407010da34463acc759c162ca9734bca6", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.35642232683254, + "f1": 68.72302949991845, + "f1_weighted": 69.3283349884127, + "main_score": 70.35642232683254 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 66.3987895090787, + "f1": 64.01687665476737, + "f1_weighted": 65.22982874187167, + "main_score": 66.3987895090787 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 57.36045729657027, + "f1": 56.21747468274314, + "f1_weighted": 55.328390649701, + "main_score": 57.36045729657027 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 59.048419636852735, + "f1": 55.77513997227217, + "f1_weighted": 57.65743868976365, + "main_score": 59.048419636852735 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 51.19031607262945, + "f1": 46.10258936993461, + "f1_weighted": 50.901181253035034, + "main_score": 51.19031607262945 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 60.08069939475453, + "f1": 56.18556634916303, + "f1_weighted": 58.60322135027107, + "main_score": 60.08069939475453 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MassiveScenarioClassification.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..f5f82655e --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MassiveScenarioClassification.json @@ -0,0 +1,70 @@ +{ + "dataset_revision": "fad2c6e8459f9e1c45d9315f4953d921437d70f8", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.72965702757229, + "f1": 75.45057853223203, + "f1_weighted": 75.51989582351723, + "main_score": 75.72965702757229 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 72.56893073301949, + "f1": 72.51154136026366, + "f1_weighted": 72.06311963012884, + "main_score": 72.56893073301949 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 65.85406859448555, + "f1": 66.48372498308458, + "f1_weighted": 64.55871847643539, + "main_score": 65.85406859448555 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 67.2932078009415, + "f1": 66.85444841091169, + "f1_weighted": 66.78952167770717, + "main_score": 67.2932078009415 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 60.645595158036315, + "f1": 59.44482127439026, + "f1_weighted": 60.168807528534984, + "main_score": 60.645595158036315 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 66.43913920645595, + "f1": 66.11191203959372, + "f1_weighted": 65.72977001101279, + "main_score": 66.43913920645595 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MedicalRetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MedicalRetrieval.json new file mode 100644 index 000000000..4c2182b39 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MedicalRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "2039188fb5800a9803ba5048df7b76e6fb151fc6", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 56.908, + "map_at_1": 48.9, + "map_at_10": 54.25, + "map_at_100": 54.83, + "map_at_1000": 54.882, + "map_at_20": 54.56100000000001, + "map_at_3": 52.849999999999994, + "map_at_5": 53.68000000000001, + "mrr_at_1": 48.8, + "mrr_at_10": 54.199801587301565, + "mrr_at_100": 54.77998734976407, + "mrr_at_1000": 54.83211631195485, + "mrr_at_20": 54.5113749215181, + "mrr_at_3": 52.79999999999999, + "mrr_at_5": 53.62999999999998, + "nauc_map_at_1000_diff1": 77.0640933059526, + "nauc_map_at_1000_max": 63.16274968632399, + "nauc_map_at_1000_std": 18.619837049196065, + "nauc_map_at_100_diff1": 77.04445583336185, + "nauc_map_at_100_max": 63.15706393184247, + "nauc_map_at_100_std": 18.64155998589979, + "nauc_map_at_10_diff1": 77.22712088218655, + "nauc_map_at_10_max": 63.30058912930664, + "nauc_map_at_10_std": 18.160155214919893, + "nauc_map_at_1_diff1": 80.61224354354235, + "nauc_map_at_1_max": 62.572123712325435, + "nauc_map_at_1_std": 14.871521237919676, + "nauc_map_at_20_diff1": 77.07286173147263, + "nauc_map_at_20_max": 63.202977088050595, + "nauc_map_at_20_std": 18.57384319939196, + "nauc_map_at_3_diff1": 77.7109995359582, + "nauc_map_at_3_max": 63.78258137206212, + "nauc_map_at_3_std": 18.042684958317746, + "nauc_map_at_5_diff1": 77.5173268034033, + "nauc_map_at_5_max": 63.60896273345633, + "nauc_map_at_5_std": 18.337375109892935, + "nauc_mrr_at_1000_diff1": 77.20209036966065, + "nauc_mrr_at_1000_max": 62.97580811011348, + "nauc_mrr_at_1000_std": 18.44115737398761, + "nauc_mrr_at_100_diff1": 77.18226388841661, + "nauc_mrr_at_100_max": 62.97038456010131, + "nauc_mrr_at_100_std": 18.463125747032876, + "nauc_mrr_at_10_diff1": 77.36328933490991, + "nauc_mrr_at_10_max": 63.11563976266347, + "nauc_mrr_at_10_std": 17.9835435088557, + "nauc_mrr_at_1_diff1": 80.86832719436983, + "nauc_mrr_at_1_max": 62.2229505238464, + "nauc_mrr_at_1_std": 14.538993917649432, + "nauc_mrr_at_20_diff1": 77.2097698787093, + "nauc_mrr_at_20_max": 63.017080064318556, + "nauc_mrr_at_20_std": 18.39623244159318, + "nauc_mrr_at_3_diff1": 77.84444444444445, + "nauc_mrr_at_3_max": 63.60112488521577, + "nauc_mrr_at_3_std": 17.869513314967858, + "nauc_mrr_at_5_diff1": 77.65216072112915, + "nauc_mrr_at_5_max": 63.425697442969195, + "nauc_mrr_at_5_std": 18.162393013741234, + "nauc_ndcg_at_1000_diff1": 75.47130124736644, + "nauc_ndcg_at_1000_max": 62.72720721246217, + "nauc_ndcg_at_1000_std": 21.168388385323816, + "nauc_ndcg_at_100_diff1": 74.89812399955154, + "nauc_ndcg_at_100_max": 62.474891176235936, + "nauc_ndcg_at_100_std": 21.705385352598352, + "nauc_ndcg_at_10_diff1": 75.69785924655157, + "nauc_ndcg_at_10_max": 62.99877901137755, + "nauc_ndcg_at_10_std": 19.277137244210792, + "nauc_ndcg_at_1_diff1": 80.61224354354235, + "nauc_ndcg_at_1_max": 62.572123712325435, + "nauc_ndcg_at_1_std": 14.871521237919676, + "nauc_ndcg_at_20_diff1": 75.0990592321159, + "nauc_ndcg_at_20_max": 62.6109408298258, + "nauc_ndcg_at_20_std": 20.860473361161567, + "nauc_ndcg_at_3_diff1": 76.8207938549394, + "nauc_ndcg_at_3_max": 64.06713431084022, + "nauc_ndcg_at_3_std": 19.115482194273362, + "nauc_ndcg_at_5_diff1": 76.46349661203512, + "nauc_ndcg_at_5_max": 63.75385264512038, + "nauc_ndcg_at_5_std": 19.66201253273682, + "nauc_precision_at_1000_diff1": 59.81158632607264, + "nauc_precision_at_1000_max": 59.760023412349916, + "nauc_precision_at_1000_std": 62.485193082207935, + "nauc_precision_at_100_diff1": 62.08543769977759, + "nauc_precision_at_100_max": 57.926010729102806, + "nauc_precision_at_100_std": 43.01747151823387, + "nauc_precision_at_10_diff1": 70.17035828112795, + "nauc_precision_at_10_max": 61.55881019301375, + "nauc_precision_at_10_std": 22.977660426034763, + "nauc_precision_at_1_diff1": 80.61224354354235, + "nauc_precision_at_1_max": 62.572123712325435, + "nauc_precision_at_1_std": 14.871521237919676, + "nauc_precision_at_20_diff1": 66.83361017733561, + "nauc_precision_at_20_max": 59.54232843146045, + "nauc_precision_at_20_std": 30.852559940015073, + "nauc_precision_at_3_diff1": 74.15534470940514, + "nauc_precision_at_3_max": 64.88848804069414, + "nauc_precision_at_3_std": 22.362855802878954, + "nauc_precision_at_5_diff1": 73.13872413328627, + "nauc_precision_at_5_max": 64.11963501694296, + "nauc_precision_at_5_std": 23.897642502455515, + "nauc_recall_at_1000_diff1": 59.81158632607252, + "nauc_recall_at_1000_max": 59.76002341234993, + "nauc_recall_at_1000_std": 62.48519308220787, + "nauc_recall_at_100_diff1": 62.08543769977762, + "nauc_recall_at_100_max": 57.92601072910286, + "nauc_recall_at_100_std": 43.01747151823391, + "nauc_recall_at_10_diff1": 70.170358281128, + "nauc_recall_at_10_max": 61.55881019301381, + "nauc_recall_at_10_std": 22.97766042603487, + "nauc_recall_at_1_diff1": 80.61224354354235, + "nauc_recall_at_1_max": 62.572123712325435, + "nauc_recall_at_1_std": 14.871521237919676, + "nauc_recall_at_20_diff1": 66.83361017733564, + "nauc_recall_at_20_max": 59.54232843146045, + "nauc_recall_at_20_std": 30.85255994001517, + "nauc_recall_at_3_diff1": 74.15534470940513, + "nauc_recall_at_3_max": 64.88848804069413, + "nauc_recall_at_3_std": 22.362855802878926, + "nauc_recall_at_5_diff1": 73.13872413328633, + "nauc_recall_at_5_max": 64.11963501694305, + "nauc_recall_at_5_std": 23.897642502455604, + "ndcg_at_1": 48.9, + "ndcg_at_10": 56.908, + "ndcg_at_100": 59.992999999999995, + "ndcg_at_1000": 61.583, + "ndcg_at_20": 58.044, + "ndcg_at_3": 54.051, + "ndcg_at_5": 55.54, + "precision_at_1": 48.9, + "precision_at_10": 6.529999999999999, + "precision_at_100": 0.803, + "precision_at_1000": 0.093, + "precision_at_20": 3.49, + "precision_at_3": 19.167, + "precision_at_5": 12.22, + "recall_at_1": 48.9, + "recall_at_10": 65.3, + "recall_at_100": 80.30000000000001, + "recall_at_1000": 93.30000000000001, + "recall_at_20": 69.8, + "recall_at_3": 57.49999999999999, + "recall_at_5": 61.1 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MedrxivClusteringP2P.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..4e5e951c0 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MedrxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 33.84359193475579, + "v_measure": 33.84359193475579, + "v_measure_std": 1.206510814601397 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MedrxivClusteringS2S.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..688a64264 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MedrxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 32.43240060668634, + "v_measure": 32.43240060668634, + "v_measure_std": 1.4462915088372668 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MindSmallReranking.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MindSmallReranking.json new file mode 100644 index 000000000..8bbfd52b4 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MindSmallReranking.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "59042f120c80e8afa9cdbb224f67076cec0fc9a7", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 32.17562277399934, + "map": 32.17562277399934, + "mrr": 33.359132186523716, + "nAUC_map_diff1": 9.64301950935433, + "nAUC_map_max": -21.474489295623783, + "nAUC_map_std": -2.9044953039946035, + "nAUC_mrr_diff1": 9.376542394215578, + "nAUC_mrr_max": -15.773926504219354, + "nAUC_mrr_std": -0.751930669185602 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MintakaRetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MintakaRetrieval.json new file mode 100644 index 000000000..2c40e346a --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MintakaRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "efa78cc2f74bbcd21eff2261f9e13aebe40b814e", + "task_name": "MintakaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "main_score": 27.400000000000002, + "map_at_1": 15.479000000000001, + "map_at_10": 23.213, + "map_at_100": 24.285, + "map_at_1000": 24.397, + "map_at_20": 23.741, + "map_at_3": 20.973, + "map_at_5": 22.212, + "mrr_at_1": 15.47911547911548, + "mrr_at_10": 23.21331071331073, + "mrr_at_100": 24.28515184787565, + "mrr_at_1000": 24.396606382776362, + "mrr_at_20": 23.74068872679202, + "mrr_at_3": 20.973245973245938, + "mrr_at_5": 22.211984711984677, + "nauc_map_at_1000_diff1": 23.49190518969821, + "nauc_map_at_1000_max": 21.816535185868748, + "nauc_map_at_1000_std": 7.898426575861743, + "nauc_map_at_100_diff1": 23.455942061154243, + "nauc_map_at_100_max": 21.80945301878854, + "nauc_map_at_100_std": 7.903289282168091, + "nauc_map_at_10_diff1": 23.674951138068714, + "nauc_map_at_10_max": 21.969792385911845, + "nauc_map_at_10_std": 7.889585005426794, + "nauc_map_at_1_diff1": 29.069568522388433, + "nauc_map_at_1_max": 19.942608291469913, + "nauc_map_at_1_std": 3.1283142332992635, + "nauc_map_at_20_diff1": 23.45502400622297, + "nauc_map_at_20_max": 21.830527331051552, + "nauc_map_at_20_std": 7.994053361768913, + "nauc_map_at_3_diff1": 24.982668301358444, + "nauc_map_at_3_max": 21.883837899231867, + "nauc_map_at_3_std": 6.615976792964795, + "nauc_map_at_5_diff1": 24.09866390229764, + "nauc_map_at_5_max": 21.614008493220986, + "nauc_map_at_5_std": 7.272332396807288, + "nauc_mrr_at_1000_diff1": 23.49190518969821, + "nauc_mrr_at_1000_max": 21.816535185868748, + "nauc_mrr_at_1000_std": 7.898426575861743, + "nauc_mrr_at_100_diff1": 23.455942061154243, + "nauc_mrr_at_100_max": 21.80945301878854, + "nauc_mrr_at_100_std": 7.903289282168091, + "nauc_mrr_at_10_diff1": 23.674951138068714, + "nauc_mrr_at_10_max": 21.969792385911845, + "nauc_mrr_at_10_std": 7.889585005426794, + "nauc_mrr_at_1_diff1": 29.069568522388433, + "nauc_mrr_at_1_max": 19.942608291469913, + "nauc_mrr_at_1_std": 3.1283142332992635, + "nauc_mrr_at_20_diff1": 23.45502400622297, + "nauc_mrr_at_20_max": 21.830527331051552, + "nauc_mrr_at_20_std": 7.994053361768913, + "nauc_mrr_at_3_diff1": 24.982668301358444, + "nauc_mrr_at_3_max": 21.883837899231867, + "nauc_mrr_at_3_std": 6.615976792964795, + "nauc_mrr_at_5_diff1": 24.09866390229764, + "nauc_mrr_at_5_max": 21.614008493220986, + "nauc_mrr_at_5_std": 7.272332396807288, + "nauc_ndcg_at_1000_diff1": 21.92872678950541, + "nauc_ndcg_at_1000_max": 22.388970258338958, + "nauc_ndcg_at_1000_std": 9.807006541293186, + "nauc_ndcg_at_100_diff1": 20.903304276761364, + "nauc_ndcg_at_100_max": 22.209897726716065, + "nauc_ndcg_at_100_std": 10.075543107880176, + "nauc_ndcg_at_10_diff1": 21.508944950669097, + "nauc_ndcg_at_10_max": 22.709862035037514, + "nauc_ndcg_at_10_std": 10.00450608801698, + "nauc_ndcg_at_1_diff1": 29.069568522388433, + "nauc_ndcg_at_1_max": 19.942608291469913, + "nauc_ndcg_at_1_std": 3.1283142332992635, + "nauc_ndcg_at_20_diff1": 20.803145422787512, + "nauc_ndcg_at_20_max": 22.310429618526772, + "nauc_ndcg_at_20_std": 10.366058782551438, + "nauc_ndcg_at_3_diff1": 23.913619145125207, + "nauc_ndcg_at_3_max": 22.441574203993245, + "nauc_ndcg_at_3_std": 7.691311158754716, + "nauc_ndcg_at_5_diff1": 22.4840009470751, + "nauc_ndcg_at_5_max": 22.024641703222514, + "nauc_ndcg_at_5_std": 8.803747702599477, + "nauc_precision_at_1000_diff1": 17.037870101460467, + "nauc_precision_at_1000_max": 42.30306938098229, + "nauc_precision_at_1000_std": 54.251307689225115, + "nauc_precision_at_100_diff1": 12.076659360813839, + "nauc_precision_at_100_max": 23.254576247061777, + "nauc_precision_at_100_std": 17.80398606936446, + "nauc_precision_at_10_diff1": 16.05902741145243, + "nauc_precision_at_10_max": 24.536458909415416, + "nauc_precision_at_10_std": 15.281423796153165, + "nauc_precision_at_1_diff1": 29.069568522388433, + "nauc_precision_at_1_max": 19.942608291469913, + "nauc_precision_at_1_std": 3.1283142332992635, + "nauc_precision_at_20_diff1": 13.618514792543918, + "nauc_precision_at_20_max": 23.357417389310335, + "nauc_precision_at_20_std": 16.6297119945886, + "nauc_precision_at_3_diff1": 21.3058697791068, + "nauc_precision_at_3_max": 23.815582518552716, + "nauc_precision_at_3_std": 10.358496834243757, + "nauc_precision_at_5_diff1": 18.54677328441144, + "nauc_precision_at_5_max": 22.987289739937104, + "nauc_precision_at_5_std": 12.591593599364307, + "nauc_recall_at_1000_diff1": 17.03787010146031, + "nauc_recall_at_1000_max": 42.303069380982336, + "nauc_recall_at_1000_std": 54.25130768922508, + "nauc_recall_at_100_diff1": 12.076659360813771, + "nauc_recall_at_100_max": 23.254576247061777, + "nauc_recall_at_100_std": 17.80398606936441, + "nauc_recall_at_10_diff1": 16.05902741145243, + "nauc_recall_at_10_max": 24.536458909415412, + "nauc_recall_at_10_std": 15.281423796153174, + "nauc_recall_at_1_diff1": 29.069568522388433, + "nauc_recall_at_1_max": 19.942608291469913, + "nauc_recall_at_1_std": 3.1283142332992635, + "nauc_recall_at_20_diff1": 13.618514792543923, + "nauc_recall_at_20_max": 23.3574173893104, + "nauc_recall_at_20_std": 16.629711994588593, + "nauc_recall_at_3_diff1": 21.305869779106818, + "nauc_recall_at_3_max": 23.815582518552738, + "nauc_recall_at_3_std": 10.358496834243747, + "nauc_recall_at_5_diff1": 18.546773284411426, + "nauc_recall_at_5_max": 22.987289739937083, + "nauc_recall_at_5_std": 12.591593599364312, + "ndcg_at_1": 15.479000000000001, + "ndcg_at_10": 27.400000000000002, + "ndcg_at_100": 33.382, + "ndcg_at_1000": 36.691, + "ndcg_at_20": 29.352, + "ndcg_at_3": 22.759999999999998, + "ndcg_at_5": 25.006, + "precision_at_1": 15.479000000000001, + "precision_at_10": 4.075, + "precision_at_100": 0.7040000000000001, + "precision_at_1000": 0.097, + "precision_at_20": 2.426, + "precision_at_3": 9.309000000000001, + "precision_at_5": 6.683, + "recall_at_1": 15.479000000000001, + "recall_at_10": 40.745, + "recall_at_100": 70.434, + "recall_at_1000": 97.21499999999999, + "recall_at_20": 48.526, + "recall_at_3": 27.927999999999997, + "recall_at_5": 33.415 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MultilingualSentiment.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MultilingualSentiment.json new file mode 100644 index 000000000..61707eece --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/MultilingualSentiment.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "46958b007a63fdbf239b7672c25d0bea67b5ea1a", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 73.31666666666668, + "f1": 72.28836634231243, + "f1_weighted": 72.28836634231241, + "main_score": 73.31666666666668 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/NFCorpus-PL.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/NFCorpus-PL.json new file mode 100644 index 000000000..f73ae8fe1 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/NFCorpus-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "9a6f9567fda928260afed2de480d79c98bf0bec0", + "task_name": "NFCorpus-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 25.395, + "map_at_1": 4.162, + "map_at_10": 8.706, + "map_at_100": 10.825, + "map_at_1000": 11.882, + "map_at_20": 9.699, + "map_at_3": 6.370000000000001, + "map_at_5": 7.392, + "mrr_at_1": 36.22291021671827, + "mrr_at_10": 43.31662489557226, + "mrr_at_100": 44.034094585948445, + "mrr_at_1000": 44.08497362710692, + "mrr_at_20": 43.73522641310121, + "mrr_at_3": 41.17647058823529, + "mrr_at_5": 42.19814241486068, + "nauc_map_at_1000_diff1": 20.409989638127485, + "nauc_map_at_1000_max": 21.313793692439358, + "nauc_map_at_1000_std": 26.453432767218242, + "nauc_map_at_100_diff1": 21.1324476885251, + "nauc_map_at_100_max": 20.162732858714488, + "nauc_map_at_100_std": 23.299208899543444, + "nauc_map_at_10_diff1": 25.356667770298184, + "nauc_map_at_10_max": 14.593319794998328, + "nauc_map_at_10_std": 14.307985847242206, + "nauc_map_at_1_diff1": 49.48663924597492, + "nauc_map_at_1_max": 6.253498999289057, + "nauc_map_at_1_std": -1.0237763936348632, + "nauc_map_at_20_diff1": 23.25076257190515, + "nauc_map_at_20_max": 18.067585719861558, + "nauc_map_at_20_std": 18.661482884581616, + "nauc_map_at_3_diff1": 36.09641802781903, + "nauc_map_at_3_max": 10.438404957893699, + "nauc_map_at_3_std": 6.545314741707626, + "nauc_map_at_5_diff1": 31.563017185316582, + "nauc_map_at_5_max": 10.624857568430182, + "nauc_map_at_5_std": 8.071135835564556, + "nauc_mrr_at_1000_diff1": 25.914988046957298, + "nauc_mrr_at_1000_max": 29.500178958357004, + "nauc_mrr_at_1000_std": 30.007836859386217, + "nauc_mrr_at_100_diff1": 25.909334138328415, + "nauc_mrr_at_100_max": 29.52338779009421, + "nauc_mrr_at_100_std": 30.04513581497261, + "nauc_mrr_at_10_diff1": 25.8265466125622, + "nauc_mrr_at_10_max": 29.190136722031696, + "nauc_mrr_at_10_std": 29.91591104432339, + "nauc_mrr_at_1_diff1": 28.59348773396338, + "nauc_mrr_at_1_max": 24.8079752457763, + "nauc_mrr_at_1_std": 23.91126072409742, + "nauc_mrr_at_20_diff1": 25.802689022704183, + "nauc_mrr_at_20_max": 29.530951070963336, + "nauc_mrr_at_20_std": 30.174133821321725, + "nauc_mrr_at_3_diff1": 27.20001662389779, + "nauc_mrr_at_3_max": 27.937268010329507, + "nauc_mrr_at_3_std": 28.192212081421474, + "nauc_mrr_at_5_diff1": 25.808760122402813, + "nauc_mrr_at_5_max": 28.320555828208317, + "nauc_mrr_at_5_std": 28.94783269529472, + "nauc_ndcg_at_1000_diff1": 18.382064145005554, + "nauc_ndcg_at_1000_max": 37.682973683950046, + "nauc_ndcg_at_1000_std": 41.50740480181961, + "nauc_ndcg_at_100_diff1": 17.064373462803946, + "nauc_ndcg_at_100_max": 31.68841170112502, + "nauc_ndcg_at_100_std": 36.129889624470515, + "nauc_ndcg_at_10_diff1": 13.4115588783113, + "nauc_ndcg_at_10_max": 25.02525617768273, + "nauc_ndcg_at_10_std": 34.6721573881345, + "nauc_ndcg_at_1_diff1": 29.894042590382835, + "nauc_ndcg_at_1_max": 20.74535829394909, + "nauc_ndcg_at_1_std": 22.120360699896317, + "nauc_ndcg_at_20_diff1": 15.634409370114245, + "nauc_ndcg_at_20_max": 26.50893784943651, + "nauc_ndcg_at_20_std": 35.038198867324475, + "nauc_ndcg_at_3_diff1": 18.96300171211221, + "nauc_ndcg_at_3_max": 23.33029230184083, + "nauc_ndcg_at_3_std": 29.920377781867707, + "nauc_ndcg_at_5_diff1": 15.79868149715457, + "nauc_ndcg_at_5_max": 22.579264404978712, + "nauc_ndcg_at_5_std": 30.211799699921738, + "nauc_precision_at_1000_diff1": -6.199888311259285, + "nauc_precision_at_1000_max": 9.309794448376303, + "nauc_precision_at_1000_std": 31.78959217396635, + "nauc_precision_at_100_diff1": -6.136903664719646, + "nauc_precision_at_100_max": 22.013385001054626, + "nauc_precision_at_100_std": 48.14689780650813, + "nauc_precision_at_10_diff1": -4.853429266457739, + "nauc_precision_at_10_max": 27.509406452527795, + "nauc_precision_at_10_std": 46.374536894242596, + "nauc_precision_at_1_diff1": 28.59348773396338, + "nauc_precision_at_1_max": 24.8079752457763, + "nauc_precision_at_1_std": 23.91126072409742, + "nauc_precision_at_20_diff1": -3.1905789371666917, + "nauc_precision_at_20_max": 27.176658491295246, + "nauc_precision_at_20_std": 48.18584487920634, + "nauc_precision_at_3_diff1": 8.3848103781276, + "nauc_precision_at_3_max": 27.892039299948824, + "nauc_precision_at_3_std": 36.43253708925813, + "nauc_precision_at_5_diff1": 2.196790718752423, + "nauc_precision_at_5_max": 25.498636373099792, + "nauc_precision_at_5_std": 37.223277286205686, + "nauc_recall_at_1000_diff1": 9.6168415443447, + "nauc_recall_at_1000_max": 30.81068257150451, + "nauc_recall_at_1000_std": 31.23012946206547, + "nauc_recall_at_100_diff1": 8.288803190895507, + "nauc_recall_at_100_max": 28.5985358200399, + "nauc_recall_at_100_std": 29.264243501743554, + "nauc_recall_at_10_diff1": 15.538928611457752, + "nauc_recall_at_10_max": 16.507431812158853, + "nauc_recall_at_10_std": 14.357359644755332, + "nauc_recall_at_1_diff1": 49.48663924597492, + "nauc_recall_at_1_max": 6.253498999289057, + "nauc_recall_at_1_std": -1.0237763936348632, + "nauc_recall_at_20_diff1": 12.33220171683594, + "nauc_recall_at_20_max": 21.401205102336334, + "nauc_recall_at_20_std": 19.894796654272344, + "nauc_recall_at_3_diff1": 32.92453106017296, + "nauc_recall_at_3_max": 12.154084693905993, + "nauc_recall_at_3_std": 7.874826452646235, + "nauc_recall_at_5_diff1": 24.83900378186163, + "nauc_recall_at_5_max": 10.618063467740885, + "nauc_recall_at_5_std": 7.700886647757196, + "ndcg_at_1": 34.83, + "ndcg_at_10": 25.395, + "ndcg_at_100": 23.294, + "ndcg_at_1000": 31.655, + "ndcg_at_20": 23.961, + "ndcg_at_3": 29.720000000000002, + "ndcg_at_5": 27.687, + "precision_at_1": 36.223, + "precision_at_10": 18.884999999999998, + "precision_at_100": 5.944, + "precision_at_1000": 1.757, + "precision_at_20": 14.427000000000001, + "precision_at_3": 27.761000000000003, + "precision_at_5": 23.839, + "recall_at_1": 4.162, + "recall_at_10": 12.139999999999999, + "recall_at_100": 24.006, + "recall_at_1000": 53.617000000000004, + "recall_at_20": 15.412, + "recall_at_3": 7.097, + "recall_at_5": 8.933 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/NFCorpus.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/NFCorpus.json new file mode 100644 index 000000000..115562ca3 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/NFCorpus.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 33.816, + "map_at_1": 4.893, + "map_at_10": 12.154, + "map_at_100": 15.486, + "map_at_1000": 16.952, + "map_at_20": 13.424, + "map_at_3": 8.819, + "map_at_5": 10.238999999999999, + "mrr_at_1": 42.10526315789473, + "mrr_at_10": 52.01742100348912, + "mrr_at_100": 52.6554997087846, + "mrr_at_1000": 52.69599552159355, + "mrr_at_20": 52.51069271775405, + "mrr_at_3": 49.79360165118682, + "mrr_at_5": 50.86171310629517, + "nauc_map_at_1000_diff1": 22.910384139189237, + "nauc_map_at_1000_max": 30.904545032635593, + "nauc_map_at_1000_std": 13.256381971531022, + "nauc_map_at_100_diff1": 23.657922060794174, + "nauc_map_at_100_max": 30.463171555444095, + "nauc_map_at_100_std": 9.403207435293652, + "nauc_map_at_10_diff1": 26.99577933867989, + "nauc_map_at_10_max": 25.74855919514706, + "nauc_map_at_10_std": -1.946481502724064, + "nauc_map_at_1_diff1": 40.87773635213689, + "nauc_map_at_1_max": 18.50327114064488, + "nauc_map_at_1_std": -12.884353353702357, + "nauc_map_at_20_diff1": 25.182212498762404, + "nauc_map_at_20_max": 27.726995459601568, + "nauc_map_at_20_std": 2.265717944376315, + "nauc_map_at_3_diff1": 32.24473894835545, + "nauc_map_at_3_max": 19.73101542872105, + "nauc_map_at_3_std": -10.159375851390948, + "nauc_map_at_5_diff1": 30.660429521421523, + "nauc_map_at_5_max": 22.777642402610702, + "nauc_map_at_5_std": -6.784458070696157, + "nauc_mrr_at_1000_diff1": 35.540967575378694, + "nauc_mrr_at_1000_max": 43.94574660779749, + "nauc_mrr_at_1000_std": 24.857915852637742, + "nauc_mrr_at_100_diff1": 35.54094740404627, + "nauc_mrr_at_100_max": 43.9872938663598, + "nauc_mrr_at_100_std": 24.908343520366564, + "nauc_mrr_at_10_diff1": 35.499666044876456, + "nauc_mrr_at_10_max": 43.372579438993235, + "nauc_mrr_at_10_std": 24.55532928065396, + "nauc_mrr_at_1_diff1": 38.71056728463544, + "nauc_mrr_at_1_max": 39.77501110624803, + "nauc_mrr_at_1_std": 18.0097891637449, + "nauc_mrr_at_20_diff1": 35.4778364740954, + "nauc_mrr_at_20_max": 43.861500828057984, + "nauc_mrr_at_20_std": 24.844940828191785, + "nauc_mrr_at_3_diff1": 36.14951749215073, + "nauc_mrr_at_3_max": 43.66290737939861, + "nauc_mrr_at_3_std": 23.797433124588736, + "nauc_mrr_at_5_diff1": 35.43660972677152, + "nauc_mrr_at_5_max": 43.45685670163132, + "nauc_mrr_at_5_std": 24.304648467662023, + "nauc_ndcg_at_1000_diff1": 22.759045127619025, + "nauc_ndcg_at_1000_max": 44.41137470197231, + "nauc_ndcg_at_1000_std": 31.38899922811944, + "nauc_ndcg_at_100_diff1": 21.163726384696464, + "nauc_ndcg_at_100_max": 39.3884922679833, + "nauc_ndcg_at_100_std": 25.839289801954113, + "nauc_ndcg_at_10_diff1": 22.897812670264933, + "nauc_ndcg_at_10_max": 36.65843413176893, + "nauc_ndcg_at_10_std": 24.11394501649861, + "nauc_ndcg_at_1_diff1": 39.06334823564591, + "nauc_ndcg_at_1_max": 39.06248799073769, + "nauc_ndcg_at_1_std": 18.05518784959287, + "nauc_ndcg_at_20_diff1": 21.898686330422414, + "nauc_ndcg_at_20_max": 35.78404933092488, + "nauc_ndcg_at_20_std": 24.304058306037895, + "nauc_ndcg_at_3_diff1": 29.999089941995827, + "nauc_ndcg_at_3_max": 38.55806893862189, + "nauc_ndcg_at_3_std": 20.82150155152541, + "nauc_ndcg_at_5_diff1": 26.920523658582933, + "nauc_ndcg_at_5_max": 37.903305784392835, + "nauc_ndcg_at_5_std": 22.36973654091273, + "nauc_precision_at_1000_diff1": -4.736357828440193, + "nauc_precision_at_1000_max": 5.778552685188162, + "nauc_precision_at_1000_std": 36.06941146251687, + "nauc_precision_at_100_diff1": -3.915151057855969, + "nauc_precision_at_100_max": 18.188180874141302, + "nauc_precision_at_100_std": 44.921932315349935, + "nauc_precision_at_10_diff1": 6.335673291245972, + "nauc_precision_at_10_max": 33.54781851431339, + "nauc_precision_at_10_std": 36.77684118708833, + "nauc_precision_at_1_diff1": 38.71056728463544, + "nauc_precision_at_1_max": 39.77501110624803, + "nauc_precision_at_1_std": 18.0097891637449, + "nauc_precision_at_20_diff1": 2.937163642087222, + "nauc_precision_at_20_max": 28.379243786948336, + "nauc_precision_at_20_std": 40.35532758983976, + "nauc_precision_at_3_diff1": 20.784494867231487, + "nauc_precision_at_3_max": 38.495138401646045, + "nauc_precision_at_3_std": 25.482915117972993, + "nauc_precision_at_5_diff1": 15.127184520975657, + "nauc_precision_at_5_max": 37.30602533471322, + "nauc_precision_at_5_std": 29.930880073455175, + "nauc_recall_at_1000_diff1": 2.3913140928424705, + "nauc_recall_at_1000_max": 20.737140424377333, + "nauc_recall_at_1000_std": 18.01670749520214, + "nauc_recall_at_100_diff1": 7.687164842123094, + "nauc_recall_at_100_max": 23.62069259941976, + "nauc_recall_at_100_std": 14.411637818706472, + "nauc_recall_at_10_diff1": 18.678074331558783, + "nauc_recall_at_10_max": 19.514135963995347, + "nauc_recall_at_10_std": -2.8989513830052713, + "nauc_recall_at_1_diff1": 40.87773635213689, + "nauc_recall_at_1_max": 18.50327114064488, + "nauc_recall_at_1_std": -12.884353353702357, + "nauc_recall_at_20_diff1": 14.926936076283534, + "nauc_recall_at_20_max": 22.342969389987594, + "nauc_recall_at_20_std": 2.6680867208648666, + "nauc_recall_at_3_diff1": 26.592132793572855, + "nauc_recall_at_3_max": 16.71686152308387, + "nauc_recall_at_3_std": -10.161239210194816, + "nauc_recall_at_5_diff1": 24.899494230211914, + "nauc_recall_at_5_max": 19.59649962842324, + "nauc_recall_at_5_std": -6.76370389227844, + "ndcg_at_1": 40.867, + "ndcg_at_10": 33.816, + "ndcg_at_100": 31.239, + "ndcg_at_1000": 39.879, + "ndcg_at_20": 31.423000000000002, + "ndcg_at_3": 38.911, + "ndcg_at_5": 36.61, + "precision_at_1": 42.105, + "precision_at_10": 25.635, + "precision_at_100": 8.176, + "precision_at_1000": 2.092, + "precision_at_20": 18.823999999999998, + "precision_at_3": 37.461, + "precision_at_5": 32.507999999999996, + "recall_at_1": 4.893, + "recall_at_10": 16.773, + "recall_at_100": 32.958999999999996, + "recall_at_1000": 64.094, + "recall_at_20": 20.557, + "recall_at_3": 10.263, + "recall_at_5": 12.388 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/NQ-PL.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/NQ-PL.json new file mode 100644 index 000000000..395196687 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/NQ-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f171245712cf85dd4700b06bef18001578d0ca8d", + "task_name": "NQ-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 22.603, + "map_at_1": 9.948, + "map_at_10": 17.845, + "map_at_100": 18.959, + "map_at_1000": 19.048000000000002, + "map_at_20": 18.455, + "map_at_3": 15.132000000000001, + "map_at_5": 16.601, + "mrr_at_1": 11.674391657010428, + "mrr_at_10": 19.470320862991787, + "mrr_at_100": 20.446877601173824, + "mrr_at_1000": 20.522814299465214, + "mrr_at_20": 20.008110000836435, + "mrr_at_3": 16.840478949401305, + "mrr_at_5": 18.30484743144072, + "nauc_map_at_1000_diff1": 18.26172777698686, + "nauc_map_at_1000_max": 31.552551452692246, + "nauc_map_at_1000_std": 22.212928434695396, + "nauc_map_at_100_diff1": 18.24688938509314, + "nauc_map_at_100_max": 31.53817410525147, + "nauc_map_at_100_std": 22.17330126384622, + "nauc_map_at_10_diff1": 18.447992786558256, + "nauc_map_at_10_max": 30.60350408504903, + "nauc_map_at_10_std": 20.755467147228096, + "nauc_map_at_1_diff1": 22.418576585549367, + "nauc_map_at_1_max": 25.037598941208795, + "nauc_map_at_1_std": 14.90958753798771, + "nauc_map_at_20_diff1": 18.340722439154305, + "nauc_map_at_20_max": 31.196838529305232, + "nauc_map_at_20_std": 21.552426519419058, + "nauc_map_at_3_diff1": 17.940689608351526, + "nauc_map_at_3_max": 28.32670652769566, + "nauc_map_at_3_std": 18.933678775214837, + "nauc_map_at_5_diff1": 18.391656882948464, + "nauc_map_at_5_max": 29.442343951102085, + "nauc_map_at_5_std": 19.52289104922354, + "nauc_mrr_at_1000_diff1": 17.527174397586858, + "nauc_mrr_at_1000_max": 31.602488727319578, + "nauc_mrr_at_1000_std": 22.93577716482068, + "nauc_mrr_at_100_diff1": 17.522315985248973, + "nauc_mrr_at_100_max": 31.59648863674416, + "nauc_mrr_at_100_std": 22.91993463994322, + "nauc_mrr_at_10_diff1": 17.576986591026188, + "nauc_mrr_at_10_max": 31.004768241816667, + "nauc_mrr_at_10_std": 21.965789582568895, + "nauc_mrr_at_1_diff1": 21.13678758908292, + "nauc_mrr_at_1_max": 26.011414032723156, + "nauc_mrr_at_1_std": 16.254994138259015, + "nauc_mrr_at_20_diff1": 17.53035779699737, + "nauc_mrr_at_20_max": 31.388046420817066, + "nauc_mrr_at_20_std": 22.542621346666966, + "nauc_mrr_at_3_diff1": 17.10815729544247, + "nauc_mrr_at_3_max": 29.09795467526024, + "nauc_mrr_at_3_std": 20.212196884709975, + "nauc_mrr_at_5_diff1": 17.508485448153106, + "nauc_mrr_at_5_max": 30.051730901603225, + "nauc_mrr_at_5_std": 20.812623893192008, + "nauc_ndcg_at_1000_diff1": 17.42831835054262, + "nauc_ndcg_at_1000_max": 36.852823471922896, + "nauc_ndcg_at_1000_std": 29.5092221137645, + "nauc_ndcg_at_100_diff1": 17.18145786352413, + "nauc_ndcg_at_100_max": 36.68127658612261, + "nauc_ndcg_at_100_std": 29.070246776560733, + "nauc_ndcg_at_10_diff1": 17.650254435216336, + "nauc_ndcg_at_10_max": 32.9711852272957, + "nauc_ndcg_at_10_std": 23.33796255600112, + "nauc_ndcg_at_1_diff1": 21.13678758908292, + "nauc_ndcg_at_1_max": 26.011414032723156, + "nauc_ndcg_at_1_std": 16.254994138259015, + "nauc_ndcg_at_20_diff1": 17.41646581029652, + "nauc_ndcg_at_20_max": 34.56260516594143, + "nauc_ndcg_at_20_std": 25.560816497093715, + "nauc_ndcg_at_3_diff1": 16.72984648539772, + "nauc_ndcg_at_3_max": 29.165578029472623, + "nauc_ndcg_at_3_std": 20.016518044505823, + "nauc_ndcg_at_5_diff1": 17.531443204854625, + "nauc_ndcg_at_5_max": 30.813625874766686, + "nauc_ndcg_at_5_std": 20.89999189522855, + "nauc_precision_at_1000_diff1": 8.023671491885642, + "nauc_precision_at_1000_max": 38.57244285086915, + "nauc_precision_at_1000_std": 42.75950436813853, + "nauc_precision_at_100_diff1": 10.533355130718231, + "nauc_precision_at_100_max": 43.7116482300273, + "nauc_precision_at_100_std": 44.060964750358266, + "nauc_precision_at_10_diff1": 14.972903054044348, + "nauc_precision_at_10_max": 38.05240735938072, + "nauc_precision_at_10_std": 29.648310668280097, + "nauc_precision_at_1_diff1": 21.13678758908292, + "nauc_precision_at_1_max": 26.011414032723156, + "nauc_precision_at_1_std": 16.254994138259015, + "nauc_precision_at_20_diff1": 13.554472011508237, + "nauc_precision_at_20_max": 41.02208151220986, + "nauc_precision_at_20_std": 34.85824745823735, + "nauc_precision_at_3_diff1": 14.116040804511186, + "nauc_precision_at_3_max": 31.682445198182435, + "nauc_precision_at_3_std": 23.62076223063366, + "nauc_precision_at_5_diff1": 15.243710801321306, + "nauc_precision_at_5_max": 34.19548751195127, + "nauc_precision_at_5_std": 24.721994359051823, + "nauc_recall_at_1000_diff1": 16.364726224776085, + "nauc_recall_at_1000_max": 61.50384743818951, + "nauc_recall_at_1000_std": 64.05244001475157, + "nauc_recall_at_100_diff1": 14.842800608772844, + "nauc_recall_at_100_max": 51.09642253042941, + "nauc_recall_at_100_std": 48.974514602283755, + "nauc_recall_at_10_diff1": 16.295810264449052, + "nauc_recall_at_10_max": 36.62230075893423, + "nauc_recall_at_10_std": 27.091531221220855, + "nauc_recall_at_1_diff1": 22.418576585549367, + "nauc_recall_at_1_max": 25.037598941208795, + "nauc_recall_at_1_std": 14.90958753798771, + "nauc_recall_at_20_diff1": 15.663708298579454, + "nauc_recall_at_20_max": 40.669425710354055, + "nauc_recall_at_20_std": 32.92105064475319, + "nauc_recall_at_3_diff1": 14.248164870616547, + "nauc_recall_at_3_max": 29.788818279139523, + "nauc_recall_at_3_std": 20.94235306703937, + "nauc_recall_at_5_diff1": 16.12430269320114, + "nauc_recall_at_5_max": 32.56849460357168, + "nauc_recall_at_5_std": 22.28933193164056, + "ndcg_at_1": 11.674, + "ndcg_at_10": 22.603, + "ndcg_at_100": 28.094, + "ndcg_at_1000": 30.489, + "ndcg_at_20": 24.697, + "ndcg_at_3": 17.104, + "ndcg_at_5": 19.708000000000002, + "precision_at_1": 11.674, + "precision_at_10": 4.287, + "precision_at_100": 0.743, + "precision_at_1000": 0.097, + "precision_at_20": 2.64, + "precision_at_3": 8.324, + "precision_at_5": 6.483, + "recall_at_1": 9.948, + "recall_at_10": 35.772, + "recall_at_100": 60.989000000000004, + "recall_at_1000": 79.321, + "recall_at_20": 43.608000000000004, + "recall_at_3": 21.125, + "recall_at_5": 27.211000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/NQ.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/NQ.json new file mode 100644 index 000000000..7c111c54d --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/NQ.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 47.705999999999996, + "map_at_1": 24.09, + "map_at_10": 39.287, + "map_at_100": 40.567, + "map_at_1000": 40.6, + "map_at_20": 40.148, + "map_at_3": 34.302, + "map_at_5": 37.206, + "mrr_at_1": 27.28852838933951, + "mrr_at_10": 41.73792740348356, + "mrr_at_100": 42.700956318341376, + "mrr_at_1000": 42.721500078814096, + "mrr_at_20": 42.39774668731353, + "mrr_at_3": 37.35032831208959, + "mrr_at_5": 40.00965623792975, + "nauc_map_at_1000_diff1": 26.995052198015408, + "nauc_map_at_1000_max": 15.20926829878716, + "nauc_map_at_1000_std": -7.419434404678649, + "nauc_map_at_100_diff1": 26.98675665686633, + "nauc_map_at_100_max": 15.232441822080464, + "nauc_map_at_100_std": -7.3860325680943655, + "nauc_map_at_10_diff1": 27.2055488472847, + "nauc_map_at_10_max": 15.22405773845232, + "nauc_map_at_10_std": -7.997911271237045, + "nauc_map_at_1_diff1": 28.974098579091123, + "nauc_map_at_1_max": 11.321507460392628, + "nauc_map_at_1_std": -7.640518561754067, + "nauc_map_at_20_diff1": 26.975519720067403, + "nauc_map_at_20_max": 15.270333199937241, + "nauc_map_at_20_std": -7.593162904909118, + "nauc_map_at_3_diff1": 26.196529957905334, + "nauc_map_at_3_max": 13.478166583287848, + "nauc_map_at_3_std": -9.053865282739968, + "nauc_map_at_5_diff1": 26.79122911875148, + "nauc_map_at_5_max": 14.282446217191469, + "nauc_map_at_5_std": -9.094186973353946, + "nauc_mrr_at_1000_diff1": 26.759927337618993, + "nauc_mrr_at_1000_max": 14.825954255654228, + "nauc_mrr_at_1000_std": -6.105406137980129, + "nauc_mrr_at_100_diff1": 26.74960844122087, + "nauc_mrr_at_100_max": 14.843683127357762, + "nauc_mrr_at_100_std": -6.076356380149935, + "nauc_mrr_at_10_diff1": 26.944765214641325, + "nauc_mrr_at_10_max": 14.94642107131636, + "nauc_mrr_at_10_std": -6.336027654512049, + "nauc_mrr_at_1_diff1": 28.63557135887537, + "nauc_mrr_at_1_max": 11.997480919271911, + "nauc_mrr_at_1_std": -6.415779575057592, + "nauc_mrr_at_20_diff1": 26.707684527732884, + "nauc_mrr_at_20_max": 14.891955656316206, + "nauc_mrr_at_20_std": -6.170926409650526, + "nauc_mrr_at_3_diff1": 26.09833571219951, + "nauc_mrr_at_3_max": 13.619335397303093, + "nauc_mrr_at_3_std": -6.99260621640241, + "nauc_mrr_at_5_diff1": 26.509106156499758, + "nauc_mrr_at_5_max": 14.309307369143232, + "nauc_mrr_at_5_std": -7.036129929142912, + "nauc_ndcg_at_1000_diff1": 26.58998518885675, + "nauc_ndcg_at_1000_max": 16.730704716377872, + "nauc_ndcg_at_1000_std": -5.39551318704605, + "nauc_ndcg_at_100_diff1": 26.367304449158542, + "nauc_ndcg_at_100_max": 17.497911381186437, + "nauc_ndcg_at_100_std": -4.274806854701229, + "nauc_ndcg_at_10_diff1": 27.275827813350823, + "nauc_ndcg_at_10_max": 17.61502848669633, + "nauc_ndcg_at_10_std": -6.706786953638304, + "nauc_ndcg_at_1_diff1": 28.73750705322627, + "nauc_ndcg_at_1_max": 12.034842420318594, + "nauc_ndcg_at_1_std": -6.331175328355812, + "nauc_ndcg_at_20_diff1": 26.334025198409822, + "nauc_ndcg_at_20_max": 17.855473370518965, + "nauc_ndcg_at_20_std": -5.403020940844481, + "nauc_ndcg_at_3_diff1": 25.45388148358677, + "nauc_ndcg_at_3_max": 14.079983701064627, + "nauc_ndcg_at_3_std": -8.890083252778314, + "nauc_ndcg_at_5_diff1": 26.33612130048854, + "nauc_ndcg_at_5_max": 15.450244767383477, + "nauc_ndcg_at_5_std": -9.054428820466049, + "nauc_precision_at_1000_diff1": -5.4513464358643935, + "nauc_precision_at_1000_max": 5.371939619810606, + "nauc_precision_at_1000_std": 14.8654667034019, + "nauc_precision_at_100_diff1": -1.3987377525099691, + "nauc_precision_at_100_max": 13.911794092689838, + "nauc_precision_at_100_std": 21.429657983736398, + "nauc_precision_at_10_diff1": 17.11455042469293, + "nauc_precision_at_10_max": 22.09155979887235, + "nauc_precision_at_10_std": 4.5779383691575335, + "nauc_precision_at_1_diff1": 28.73750705322627, + "nauc_precision_at_1_max": 12.034842420318594, + "nauc_precision_at_1_std": -6.331175328355812, + "nauc_precision_at_20_diff1": 8.866920301402327, + "nauc_precision_at_20_max": 20.465524038064146, + "nauc_precision_at_20_std": 11.77414197569535, + "nauc_precision_at_3_diff1": 20.723368404844305, + "nauc_precision_at_3_max": 16.257890926808553, + "nauc_precision_at_3_std": -6.290754270412709, + "nauc_precision_at_5_diff1": 20.209421398374488, + "nauc_precision_at_5_max": 18.627423971893325, + "nauc_precision_at_5_std": -4.6989054258140355, + "nauc_recall_at_1000_diff1": 16.326550389848265, + "nauc_recall_at_1000_max": 72.55345747292822, + "nauc_recall_at_1000_std": 63.7692611505317, + "nauc_recall_at_100_diff1": 16.03698346212984, + "nauc_recall_at_100_max": 50.432030846802064, + "nauc_recall_at_100_std": 43.37937315409283, + "nauc_recall_at_10_diff1": 26.91743922623231, + "nauc_recall_at_10_max": 26.28334350051652, + "nauc_recall_at_10_std": -3.6769327984943248, + "nauc_recall_at_1_diff1": 28.974098579091123, + "nauc_recall_at_1_max": 11.321507460392628, + "nauc_recall_at_1_std": -7.640518561754067, + "nauc_recall_at_20_diff1": 21.32293933043855, + "nauc_recall_at_20_max": 31.996089227364994, + "nauc_recall_at_20_std": 5.0730478086085995, + "nauc_recall_at_3_diff1": 22.708520483632753, + "nauc_recall_at_3_max": 14.897940279836913, + "nauc_recall_at_3_std": -10.081304729280403, + "nauc_recall_at_5_diff1": 24.140285353276628, + "nauc_recall_at_5_max": 17.99130898455, + "nauc_recall_at_5_std": -11.006510541854203, + "ndcg_at_1": 27.26, + "ndcg_at_10": 47.705999999999996, + "ndcg_at_100": 53.016, + "ndcg_at_1000": 53.715, + "ndcg_at_20": 50.498, + "ndcg_at_3": 38.124, + "ndcg_at_5": 43.097, + "precision_at_1": 27.26, + "precision_at_10": 8.447000000000001, + "precision_at_100": 1.139, + "precision_at_1000": 0.121, + "precision_at_20": 4.874, + "precision_at_3": 17.835, + "precision_at_5": 13.517000000000001, + "recall_at_1": 24.09, + "recall_at_10": 71.10600000000001, + "recall_at_100": 93.953, + "recall_at_1000": 99.073, + "recall_at_20": 81.523, + "recall_at_3": 46.174, + "recall_at_5": 57.677 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/Ocnli.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/Ocnli.json new file mode 100644 index 000000000..29b4754bd --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/Ocnli.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "66e76a618a34d6d565d5538088562851e6daa7ec", + "task_name": "Ocnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_accuracy": 67.02761234434217, + "cosine_accuracy_threshold": 65.14335870742798, + "cosine_ap": 69.4885294263304, + "cosine_f1": 71.27996381727725, + "cosine_f1_threshold": 58.83575081825256, + "cosine_precision": 62.34177215189873, + "cosine_recall": 83.21013727560718, + "dot_accuracy": 67.02761234434217, + "dot_accuracy_threshold": 65.14337062835693, + "dot_ap": 69.4885294263304, + "dot_f1": 71.27996381727725, + "dot_f1_threshold": 58.83575677871704, + "dot_precision": 62.34177215189873, + "dot_recall": 83.21013727560718, + "euclidean_accuracy": 67.02761234434217, + "euclidean_accuracy_threshold": 83.49447250366211, + "euclidean_ap": 69.4885294263304, + "euclidean_f1": 71.27996381727725, + "euclidean_f1_threshold": 90.7350480556488, + "euclidean_precision": 62.34177215189873, + "euclidean_recall": 83.21013727560718, + "main_score": 69.4885294263304, + "manhattan_accuracy": 66.91932864103953, + "manhattan_accuracy_threshold": 1951.8356323242188, + "manhattan_ap": 69.02432804239183, + "manhattan_f1": 70.89991589571069, + "manhattan_f1_threshold": 2201.4184951782227, + "manhattan_precision": 58.909853249475894, + "manhattan_recall": 89.01795142555439, + "max_ap": 69.4885294263304, + "max_f1": 71.27996381727725, + "max_precision": 62.34177215189873, + "max_recall": 89.01795142555439, + "similarity_accuracy": 67.02761234434217, + "similarity_accuracy_threshold": 65.14335870742798, + "similarity_ap": 69.4885294263304, + "similarity_f1": 71.27996381727725, + "similarity_f1_threshold": 58.83575081825256, + "similarity_precision": 62.34177215189873, + "similarity_recall": 83.21013727560718 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/OnlineShopping.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/OnlineShopping.json new file mode 100644 index 000000000..968e9cd9e --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/OnlineShopping.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "e610f2ebd179a8fda30ae534c3878750a96db120", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 90.09, + "ap": 88.76450265603408, + "ap_weighted": 88.76450265603408, + "f1": 90.08779175324347, + "f1_weighted": 90.08719838771795, + "main_score": 90.09 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/OpusparcusPC.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/OpusparcusPC.json new file mode 100644 index 000000000..1fc940cc4 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/OpusparcusPC.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "9e9b1f8ef51616073f47f306f7f47dd91663f86a", + "task_name": "OpusparcusPC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cosine_accuracy": 82.42506811989101, + "cosine_accuracy_threshold": 59.91581678390503, + "cosine_ap": 92.86245135331164, + "cosine_f1": 88.0, + "cosine_f1_threshold": 59.91581678390503, + "cosine_precision": 82.76465441819772, + "cosine_recall": 93.94240317775571, + "dot_accuracy": 82.42506811989101, + "dot_accuracy_threshold": 59.91581678390503, + "dot_ap": 92.86245135331164, + "dot_f1": 88.0, + "dot_f1_threshold": 59.91581678390503, + "dot_precision": 82.76465441819772, + "dot_recall": 93.94240317775571, + "euclidean_accuracy": 82.42506811989101, + "euclidean_accuracy_threshold": 89.53677415847778, + "euclidean_ap": 92.86245135331164, + "euclidean_f1": 88.0, + "euclidean_f1_threshold": 89.53677415847778, + "euclidean_precision": 82.76465441819772, + "euclidean_recall": 93.94240317775571, + "main_score": 92.86245135331164, + "manhattan_accuracy": 82.28882833787466, + "manhattan_accuracy_threshold": 2091.843032836914, + "manhattan_ap": 92.84258977975239, + "manhattan_f1": 87.88443616029824, + "manhattan_f1_threshold": 2091.843032836914, + "manhattan_precision": 82.79192273924495, + "manhattan_recall": 93.64448857994041, + "max_ap": 92.86245135331164, + "max_f1": 88.0, + "max_precision": 82.79192273924495, + "max_recall": 93.94240317775571, + "similarity_accuracy": 82.42506811989101, + "similarity_accuracy_threshold": 59.91581678390503, + "similarity_ap": 92.86245135331164, + "similarity_f1": 88.0, + "similarity_f1_threshold": 59.91581678390503, + "similarity_precision": 82.76465441819772, + "similarity_recall": 93.94240317775571 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/PAC.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/PAC.json new file mode 100644 index 000000000..76bfe34a3 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/PAC.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "fc69d1c153a8ccdcf1eef52f4e2a27f88782f543", + "task_name": "PAC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 65.58934260063714, + "ap": 74.96037603906956, + "ap_weighted": 74.96037603906956, + "f1": 62.46883531701779, + "f1_weighted": 65.87422072252049, + "main_score": 65.58934260063714 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/PAWSX.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/PAWSX.json new file mode 100644 index 000000000..8bfe10ffb --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/PAWSX.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "9c6a90e430ac22b5779fb019a23e820b11a8b5e1", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 14.271650876491588, + "cosine_spearman": 15.088934657692937, + "euclidean_pearson": 17.64991910323611, + "euclidean_spearman": 15.11015719401991, + "main_score": 15.088934657692937, + "manhattan_pearson": 17.627416265380024, + "manhattan_spearman": 15.186102501045864, + "pearson": 14.271650876491588, + "spearman": 15.088934657692937 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/PSC.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/PSC.json new file mode 100644 index 000000000..45d1ebb91 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/PSC.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "d05a294af9e1d3ff2bfb6b714e08a24a6cabc669", + "task_name": "PSC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cosine_accuracy": 97.49536178107606, + "cosine_accuracy_threshold": 64.87605571746826, + "cosine_ap": 99.41573082613479, + "cosine_f1": 95.98811292719166, + "cosine_f1_threshold": 62.816452980041504, + "cosine_precision": 93.6231884057971, + "cosine_recall": 98.47560975609755, + "dot_accuracy": 97.49536178107606, + "dot_accuracy_threshold": 64.87605571746826, + "dot_ap": 99.41573082613479, + "dot_f1": 95.98811292719166, + "dot_f1_threshold": 62.81645894050598, + "dot_precision": 93.6231884057971, + "dot_recall": 98.47560975609755, + "euclidean_accuracy": 97.49536178107606, + "euclidean_accuracy_threshold": 83.81399512290955, + "euclidean_ap": 99.41573082613479, + "euclidean_f1": 95.98811292719166, + "euclidean_f1_threshold": 86.23623847961426, + "euclidean_precision": 93.6231884057971, + "euclidean_recall": 98.47560975609755, + "main_score": 99.4366325576277, + "manhattan_accuracy": 97.49536178107606, + "manhattan_accuracy_threshold": 1991.1922454833984, + "manhattan_ap": 99.4366325576277, + "manhattan_f1": 95.95202398800599, + "manhattan_f1_threshold": 2005.5305480957031, + "manhattan_precision": 94.3952802359882, + "manhattan_recall": 97.5609756097561, + "max_ap": 99.4366325576277, + "max_f1": 95.98811292719166, + "max_precision": 94.3952802359882, + "max_recall": 98.47560975609755, + "similarity_accuracy": 97.49536178107606, + "similarity_accuracy_threshold": 64.87605571746826, + "similarity_ap": 99.41573082613479, + "similarity_f1": 95.98811292719166, + "similarity_f1_threshold": 62.816452980041504, + "similarity_precision": 93.6231884057971, + "similarity_recall": 98.47560975609755 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/PawsXPairClassification.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/PawsXPairClassification.json new file mode 100644 index 000000000..a4c0b1d1d --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/PawsXPairClassification.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "8a04d940a42cd40658986fdd8e3da561533a3646", + "task_name": "PawsXPairClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cosine_accuracy": 61.050000000000004, + "cosine_accuracy_threshold": 98.11633825302124, + "cosine_ap": 60.385395031891264, + "cosine_f1": 62.60428001450852, + "cosine_f1_threshold": 89.5184874534607, + "cosine_precision": 46.54800431499461, + "cosine_recall": 95.5703211517165, + "dot_accuracy": 61.050000000000004, + "dot_accuracy_threshold": 98.11633825302124, + "dot_ap": 60.37120015758097, + "dot_f1": 62.60428001450852, + "dot_f1_threshold": 89.5184874534607, + "dot_precision": 46.54800431499461, + "dot_recall": 95.5703211517165, + "euclidean_accuracy": 61.050000000000004, + "euclidean_accuracy_threshold": 19.409586489200592, + "euclidean_ap": 60.385395031891264, + "euclidean_f1": 62.60428001450852, + "euclidean_f1_threshold": 45.78540325164795, + "euclidean_precision": 46.54800431499461, + "euclidean_recall": 95.5703211517165, + "main_score": 60.61779879922903, + "manhattan_accuracy": 61.0, + "manhattan_accuracy_threshold": 455.7579040527344, + "manhattan_ap": 60.61779879922903, + "manhattan_f1": 62.56448047162859, + "manhattan_f1_threshold": 1030.442714691162, + "manhattan_precision": 46.880176697956934, + "manhattan_recall": 94.01993355481729, + "max_ap": 60.61779879922903, + "max_f1": 62.60428001450852, + "max_precision": 46.880176697956934, + "max_recall": 95.5703211517165, + "similarity_accuracy": 61.050000000000004, + "similarity_accuracy_threshold": 98.11633825302124, + "similarity_ap": 60.385395031891264, + "similarity_f1": 62.60428001450852, + "similarity_f1_threshold": 89.5184874534607, + "similarity_precision": 46.54800431499461, + "similarity_recall": 95.5703211517165 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/PolEmo2.0-IN.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/PolEmo2.0-IN.json new file mode 100644 index 000000000..fded27283 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/PolEmo2.0-IN.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d90724373c70959f17d2331ad51fb60c71176b03", + "task_name": "PolEmo2.0-IN", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 73.49030470914128, + "f1": 64.44026912860524, + "f1_weighted": 70.76142496919624, + "main_score": 73.49030470914128 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/PolEmo2.0-OUT.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/PolEmo2.0-OUT.json new file mode 100644 index 000000000..479f699d3 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/PolEmo2.0-OUT.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "6a21ab8716e255ab1867265f8b396105e8aa63d4", + "task_name": "PolEmo2.0-OUT", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 56.1336032388664, + "f1": 40.10783686862694, + "f1_weighted": 52.57241968032103, + "main_score": 56.1336032388664 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/QBQTC.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/QBQTC.json new file mode 100644 index 000000000..d658ccda5 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/QBQTC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "790b0510dc52b1553e8c49f3d2afb48c0e5c48b7", + "task_name": "QBQTC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 31.42374000164117, + "cosine_spearman": 34.11139115201034, + "euclidean_pearson": 31.86846452982553, + "euclidean_spearman": 34.11160345676575, + "main_score": 34.11139115201034, + "manhattan_pearson": 31.78171047507477, + "manhattan_spearman": 34.03769440675436, + "pearson": 31.42374000164117, + "spearman": 34.11139115201034 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/Quora-PL.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/Quora-PL.json new file mode 100644 index 000000000..527820a96 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/Quora-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "0be27e93455051e531182b85e85e425aba12e9d4", + "task_name": "Quora-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 76.998, + "map_at_1": 59.391000000000005, + "map_at_10": 72.16900000000001, + "map_at_100": 73.032, + "map_at_1000": 73.06899999999999, + "map_at_20": 72.714, + "map_at_3": 69.15299999999999, + "map_at_5": 70.987, + "mrr_at_1": 68.42, + "mrr_at_10": 76.16671428571387, + "mrr_at_100": 76.47829123882859, + "mrr_at_1000": 76.48677359771172, + "mrr_at_20": 76.37813270222156, + "mrr_at_3": 74.58166666666627, + "mrr_at_5": 75.55716666666603, + "nauc_map_at_1000_diff1": 69.61188513700026, + "nauc_map_at_1000_max": 35.048941479907754, + "nauc_map_at_1000_std": -20.0870344911168, + "nauc_map_at_100_diff1": 69.61947691592164, + "nauc_map_at_100_max": 35.033733604763725, + "nauc_map_at_100_std": -20.139480957962718, + "nauc_map_at_10_diff1": 69.66441777665835, + "nauc_map_at_10_max": 34.37685681869468, + "nauc_map_at_10_std": -21.444655375177106, + "nauc_map_at_1_diff1": 73.03533775469124, + "nauc_map_at_1_max": 28.361321068177816, + "nauc_map_at_1_std": -23.44707326868221, + "nauc_map_at_20_diff1": 69.62828183867681, + "nauc_map_at_20_max": 34.81438496306748, + "nauc_map_at_20_std": -20.70392332573099, + "nauc_map_at_3_diff1": 69.68889489109979, + "nauc_map_at_3_max": 32.46102571539603, + "nauc_map_at_3_std": -23.38999293723788, + "nauc_map_at_5_diff1": 69.78892096736786, + "nauc_map_at_5_max": 33.538196855782914, + "nauc_map_at_5_std": -22.484473756616644, + "nauc_mrr_at_1000_diff1": 70.86605266935713, + "nauc_mrr_at_1000_max": 39.23012904807791, + "nauc_mrr_at_1000_std": -15.7945348852456, + "nauc_mrr_at_100_diff1": 70.86280901414926, + "nauc_mrr_at_100_max": 39.23362334217244, + "nauc_mrr_at_100_std": -15.782514659328978, + "nauc_mrr_at_10_diff1": 70.75755399509156, + "nauc_mrr_at_10_max": 39.272495418437686, + "nauc_mrr_at_10_std": -15.781106645439996, + "nauc_mrr_at_1_diff1": 72.85504028372341, + "nauc_mrr_at_1_max": 37.99685495245659, + "nauc_mrr_at_1_std": -17.459649186396685, + "nauc_mrr_at_20_diff1": 70.82261857160199, + "nauc_mrr_at_20_max": 39.25660219447417, + "nauc_mrr_at_20_std": -15.807365557200281, + "nauc_mrr_at_3_diff1": 70.79376444174159, + "nauc_mrr_at_3_max": 38.97623690163996, + "nauc_mrr_at_3_std": -16.393842407269872, + "nauc_mrr_at_5_diff1": 70.77811077343011, + "nauc_mrr_at_5_max": 39.066661862996334, + "nauc_mrr_at_5_std": -16.06138623512058, + "nauc_ndcg_at_1000_diff1": 69.38432460176631, + "nauc_ndcg_at_1000_max": 37.41326409294141, + "nauc_ndcg_at_1000_std": -16.567106335363547, + "nauc_ndcg_at_100_diff1": 69.33661321994221, + "nauc_ndcg_at_100_max": 37.40443590169158, + "nauc_ndcg_at_100_std": -16.35403457343329, + "nauc_ndcg_at_10_diff1": 68.94489912960861, + "nauc_ndcg_at_10_max": 36.2506071214321, + "nauc_ndcg_at_10_std": -18.82069883161433, + "nauc_ndcg_at_1_diff1": 72.72133417454367, + "nauc_ndcg_at_1_max": 38.331224491505104, + "nauc_ndcg_at_1_std": -17.16079633961818, + "nauc_ndcg_at_20_diff1": 69.15086421535133, + "nauc_ndcg_at_20_max": 36.89767798755098, + "nauc_ndcg_at_20_std": -17.86958697698032, + "nauc_ndcg_at_3_diff1": 68.70396833880102, + "nauc_ndcg_at_3_max": 35.03484635918643, + "nauc_ndcg_at_3_std": -20.273396524173844, + "nauc_ndcg_at_5_diff1": 68.93056915501342, + "nauc_ndcg_at_5_max": 35.38497733312458, + "nauc_ndcg_at_5_std": -19.840947709262004, + "nauc_precision_at_1000_diff1": -34.14718697098016, + "nauc_precision_at_1000_max": 3.6293313781394763, + "nauc_precision_at_1000_std": 35.18150366797986, + "nauc_precision_at_100_diff1": -30.4027079095321, + "nauc_precision_at_100_max": 6.809907739167871, + "nauc_precision_at_100_std": 34.540918468349126, + "nauc_precision_at_10_diff1": -13.640657282621275, + "nauc_precision_at_10_max": 15.027602319886368, + "nauc_precision_at_10_std": 19.99864404314453, + "nauc_precision_at_1_diff1": 72.72133417454367, + "nauc_precision_at_1_max": 38.331224491505104, + "nauc_precision_at_1_std": -17.16079633961818, + "nauc_precision_at_20_diff1": -22.04518115519088, + "nauc_precision_at_20_max": 11.694911426947577, + "nauc_precision_at_20_std": 27.0383781477066, + "nauc_precision_at_3_diff1": 13.551932989888382, + "nauc_precision_at_3_max": 23.434121945030604, + "nauc_precision_at_3_std": 2.691762192244095, + "nauc_precision_at_5_diff1": -0.530904057361583, + "nauc_precision_at_5_max": 19.274513974074186, + "nauc_precision_at_5_std": 11.166696219691481, + "nauc_recall_at_1000_diff1": 57.69646260925434, + "nauc_recall_at_1000_max": 45.515450558710825, + "nauc_recall_at_1000_std": 33.3128999778333, + "nauc_recall_at_100_diff1": 59.44993252237884, + "nauc_recall_at_100_max": 41.168864107589144, + "nauc_recall_at_100_std": 13.174320315241195, + "nauc_recall_at_10_diff1": 61.74029254342778, + "nauc_recall_at_10_max": 33.83885249812004, + "nauc_recall_at_10_std": -17.974403452647497, + "nauc_recall_at_1_diff1": 73.03533775469124, + "nauc_recall_at_1_max": 28.361321068177816, + "nauc_recall_at_1_std": -23.44707326868221, + "nauc_recall_at_20_diff1": 60.43007696085838, + "nauc_recall_at_20_max": 35.90250935704539, + "nauc_recall_at_20_std": -12.539813163606686, + "nauc_recall_at_3_diff1": 64.87577464206726, + "nauc_recall_at_3_max": 30.325674554926348, + "nauc_recall_at_3_std": -24.050361392480443, + "nauc_recall_at_5_diff1": 63.71726415589154, + "nauc_recall_at_5_max": 31.365393247615298, + "nauc_recall_at_5_std": -22.097544116643387, + "ndcg_at_1": 68.47999999999999, + "ndcg_at_10": 76.998, + "ndcg_at_100": 79.45400000000001, + "ndcg_at_1000": 79.935, + "ndcg_at_20": 78.22, + "ndcg_at_3": 73.127, + "ndcg_at_5": 75.13499999999999, + "precision_at_1": 68.47999999999999, + "precision_at_10": 11.821, + "precision_at_100": 1.438, + "precision_at_1000": 0.154, + "precision_at_20": 6.4350000000000005, + "precision_at_3": 31.96, + "precision_at_5": 21.279999999999998, + "recall_at_1": 59.391000000000005, + "recall_at_10": 86.722, + "recall_at_100": 96.143, + "recall_at_1000": 99.092, + "recall_at_20": 90.88300000000001, + "recall_at_3": 75.81400000000001, + "recall_at_5": 81.19800000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/QuoraRetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/QuoraRetrieval.json new file mode 100644 index 000000000..da07f24c0 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/QuoraRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "e4e08e0b7dbe3c8700f0daef558ff32256715259", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 89.676, + "map_at_1": 72.103, + "map_at_10": 86.14500000000001, + "map_at_100": 86.765, + "map_at_1000": 86.776, + "map_at_20": 86.562, + "map_at_3": 83.214, + "map_at_5": 85.103, + "mrr_at_1": 83.05, + "mrr_at_10": 88.93702380952368, + "mrr_at_100": 89.01863878447548, + "mrr_at_1000": 89.01885795102484, + "mrr_at_20": 88.99974718680856, + "mrr_at_3": 88.08333333333313, + "mrr_at_5": 88.71633333333311, + "nauc_map_at_1000_diff1": 78.13997479130329, + "nauc_map_at_1000_max": 33.16799361159121, + "nauc_map_at_1000_std": -55.1863277755837, + "nauc_map_at_100_diff1": 78.14023553984367, + "nauc_map_at_100_max": 33.13369714413867, + "nauc_map_at_100_std": -55.23540842004624, + "nauc_map_at_10_diff1": 78.37080186192892, + "nauc_map_at_10_max": 32.57134371768262, + "nauc_map_at_10_std": -57.373890318858635, + "nauc_map_at_1_diff1": 81.43018798912361, + "nauc_map_at_1_max": 25.19409927583946, + "nauc_map_at_1_std": -48.22311263550707, + "nauc_map_at_20_diff1": 78.2531228519997, + "nauc_map_at_20_max": 32.93544556033276, + "nauc_map_at_20_std": -56.1055098795547, + "nauc_map_at_3_diff1": 78.87676183243428, + "nauc_map_at_3_max": 30.20611964511498, + "nauc_map_at_3_std": -58.43976419533779, + "nauc_map_at_5_diff1": 78.74187209420451, + "nauc_map_at_5_max": 31.54047365144067, + "nauc_map_at_5_std": -58.97219700125237, + "nauc_mrr_at_1000_diff1": 78.95748141758239, + "nauc_mrr_at_1000_max": 35.915215848182335, + "nauc_mrr_at_1000_std": -51.60783225234237, + "nauc_mrr_at_100_diff1": 78.95727688352294, + "nauc_mrr_at_100_max": 35.915856450202206, + "nauc_mrr_at_100_std": -51.60782742807526, + "nauc_mrr_at_10_diff1": 78.97062716064038, + "nauc_mrr_at_10_max": 35.98944352252478, + "nauc_mrr_at_10_std": -51.77952280125023, + "nauc_mrr_at_1_diff1": 79.56130369111403, + "nauc_mrr_at_1_max": 35.942655751158995, + "nauc_mrr_at_1_std": -48.53333294529543, + "nauc_mrr_at_20_diff1": 78.96215019750328, + "nauc_mrr_at_20_max": 35.91684162704735, + "nauc_mrr_at_20_std": -51.67122079763854, + "nauc_mrr_at_3_diff1": 78.70330923531215, + "nauc_mrr_at_3_max": 35.87542341241571, + "nauc_mrr_at_3_std": -51.87635339239034, + "nauc_mrr_at_5_diff1": 78.99544950827739, + "nauc_mrr_at_5_max": 35.965125484837266, + "nauc_mrr_at_5_std": -52.11029578138711, + "nauc_ndcg_at_1000_diff1": 78.10303471223646, + "nauc_ndcg_at_1000_max": 34.72596142439839, + "nauc_ndcg_at_1000_std": -53.2962525848089, + "nauc_ndcg_at_100_diff1": 78.06267135641467, + "nauc_ndcg_at_100_max": 34.54419033520112, + "nauc_ndcg_at_100_std": -53.5392586501254, + "nauc_ndcg_at_10_diff1": 78.17567073559658, + "nauc_ndcg_at_10_max": 33.787109792594144, + "nauc_ndcg_at_10_std": -57.23628218329926, + "nauc_ndcg_at_1_diff1": 79.5420688434198, + "nauc_ndcg_at_1_max": 36.07066857529557, + "nauc_ndcg_at_1_std": -48.48781152561791, + "nauc_ndcg_at_20_diff1": 78.21739679352075, + "nauc_ndcg_at_20_max": 34.04005309785922, + "nauc_ndcg_at_20_std": -55.65001368252659, + "nauc_ndcg_at_3_diff1": 77.47445949226606, + "nauc_ndcg_at_3_max": 32.77007174469541, + "nauc_ndcg_at_3_std": -56.260910342535894, + "nauc_ndcg_at_5_diff1": 78.15994882398387, + "nauc_ndcg_at_5_max": 33.11497252066444, + "nauc_ndcg_at_5_std": -58.346472568678664, + "nauc_precision_at_1000_diff1": -45.22108856190449, + "nauc_precision_at_1000_max": -3.769158876252231, + "nauc_precision_at_1000_std": 43.723870330086925, + "nauc_precision_at_100_diff1": -45.23758967194308, + "nauc_precision_at_100_max": -4.363166810337138, + "nauc_precision_at_100_std": 42.94820379534783, + "nauc_precision_at_10_diff1": -40.752163951230585, + "nauc_precision_at_10_max": -1.6169274191392247, + "nauc_precision_at_10_std": 29.249486658726266, + "nauc_precision_at_1_diff1": 79.5420688434198, + "nauc_precision_at_1_max": 36.07066857529557, + "nauc_precision_at_1_std": -48.48781152561791, + "nauc_precision_at_20_diff1": -43.52965345142954, + "nauc_precision_at_20_max": -3.410765512192599, + "nauc_precision_at_20_std": 36.265002036696245, + "nauc_precision_at_3_diff1": -21.947123522182608, + "nauc_precision_at_3_max": 6.055908914766165, + "nauc_precision_at_3_std": 6.408586281581511, + "nauc_precision_at_5_diff1": -34.130820418059265, + "nauc_precision_at_5_max": 1.1109424247006825, + "nauc_precision_at_5_std": 18.488513018473114, + "nauc_recall_at_1000_diff1": 47.996662934260556, + "nauc_recall_at_1000_max": 11.574413075464337, + "nauc_recall_at_1000_std": -39.2955614699843, + "nauc_recall_at_100_diff1": 64.12162282642701, + "nauc_recall_at_100_max": 17.595341249984035, + "nauc_recall_at_100_std": -74.41045136381057, + "nauc_recall_at_10_diff1": 75.16961616005102, + "nauc_recall_at_10_max": 28.68309207235788, + "nauc_recall_at_10_std": -82.81198733010936, + "nauc_recall_at_1_diff1": 81.43018798912361, + "nauc_recall_at_1_max": 25.19409927583946, + "nauc_recall_at_1_std": -48.22311263550707, + "nauc_recall_at_20_diff1": 75.94655772120838, + "nauc_recall_at_20_max": 26.033082267707137, + "nauc_recall_at_20_std": -87.8035845729173, + "nauc_recall_at_3_diff1": 75.18135051463966, + "nauc_recall_at_3_max": 25.829788998048713, + "nauc_recall_at_3_std": -66.40001628991527, + "nauc_recall_at_5_diff1": 75.32388475941752, + "nauc_recall_at_5_max": 26.600470217631152, + "nauc_recall_at_5_std": -76.75029218302441, + "ndcg_at_1": 83.06, + "ndcg_at_10": 89.676, + "ndcg_at_100": 90.745, + "ndcg_at_1000": 90.802, + "ndcg_at_20": 90.293, + "ndcg_at_3": 87.01299999999999, + "ndcg_at_5": 88.578, + "precision_at_1": 83.06, + "precision_at_10": 13.599, + "precision_at_100": 1.54, + "precision_at_1000": 0.157, + "precision_at_20": 7.2139999999999995, + "precision_at_3": 38.067, + "precision_at_5": 25.06, + "recall_at_1": 72.103, + "recall_at_10": 96.269, + "recall_at_100": 99.776, + "recall_at_1000": 99.995, + "recall_at_20": 98.20400000000001, + "recall_at_3": 88.59700000000001, + "recall_at_5": 93.015 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/RUParaPhraserSTS.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/RUParaPhraserSTS.json new file mode 100644 index 000000000..37795c399 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/RUParaPhraserSTS.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "43265056790b8f7c59e0139acb4be0a8dad2c8f4", + "task_name": "RUParaPhraserSTS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "cosine_pearson": 61.89012659088028, + "cosine_spearman": 68.53279563915628, + "euclidean_pearson": 65.64255392938036, + "euclidean_spearman": 68.53279561028907, + "main_score": 68.53279563915628, + "manhattan_pearson": 65.52758148688461, + "manhattan_spearman": 68.32426605891132, + "pearson": 61.89012659088028, + "spearman": 68.53279563915628 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/RedditClustering.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/RedditClustering.json new file mode 100644 index 000000000..47a98886d --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/RedditClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 57.6315484268519, + "v_measure": 57.6315484268519, + "v_measure_std": 4.96160605448604 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/RedditClusteringP2P.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/RedditClusteringP2P.json new file mode 100644 index 000000000..0a4c6c00a --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/RedditClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 65.10459556169661, + "v_measure": 65.10459556169661, + "v_measure_std": 12.297830143436506 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/RiaNewsRetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/RiaNewsRetrieval.json new file mode 100644 index 000000000..3757c0c00 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/RiaNewsRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "82374b0bbacda6114f39ff9c5b925fa1512ca5d7", + "task_name": "RiaNewsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "main_score": 77.425, + "map_at_1": 64.92, + "map_at_10": 73.646, + "map_at_100": 73.978, + "map_at_1000": 73.988, + "map_at_20": 73.872, + "map_at_3": 72.128, + "map_at_5": 73.083, + "mrr_at_1": 64.92, + "mrr_at_10": 73.64593650793611, + "mrr_at_100": 73.97838585882688, + "mrr_at_1000": 73.98842757843987, + "mrr_at_20": 73.87221333104404, + "mrr_at_3": 72.12833333333288, + "mrr_at_5": 73.08333333333267, + "nauc_map_at_1000_diff1": 70.38564962754138, + "nauc_map_at_1000_max": 30.718444075784006, + "nauc_map_at_1000_std": -10.69552302626205, + "nauc_map_at_100_diff1": 70.37997156234715, + "nauc_map_at_100_max": 30.725651745932925, + "nauc_map_at_100_std": -10.685708218531655, + "nauc_map_at_10_diff1": 70.3374861437528, + "nauc_map_at_10_max": 30.749168340301246, + "nauc_map_at_10_std": -10.799483498655107, + "nauc_map_at_1_diff1": 73.9192388165348, + "nauc_map_at_1_max": 28.442543674061532, + "nauc_map_at_1_std": -11.831889393493318, + "nauc_map_at_20_diff1": 70.34741729027523, + "nauc_map_at_20_max": 30.734754088899564, + "nauc_map_at_20_std": -10.686749277585324, + "nauc_map_at_3_diff1": 70.21568887706891, + "nauc_map_at_3_max": 30.467074420623437, + "nauc_map_at_3_std": -11.472218305675923, + "nauc_map_at_5_diff1": 70.34594531547204, + "nauc_map_at_5_max": 30.754996331475464, + "nauc_map_at_5_std": -11.084635295739732, + "nauc_mrr_at_1000_diff1": 70.38565025595047, + "nauc_mrr_at_1000_max": 30.718444183775805, + "nauc_mrr_at_1000_std": -10.695523162874768, + "nauc_mrr_at_100_diff1": 70.37997156234715, + "nauc_mrr_at_100_max": 30.725651745932925, + "nauc_mrr_at_100_std": -10.685708218531655, + "nauc_mrr_at_10_diff1": 70.3374861437528, + "nauc_mrr_at_10_max": 30.749168340301246, + "nauc_mrr_at_10_std": -10.799483498655107, + "nauc_mrr_at_1_diff1": 73.9192388165348, + "nauc_mrr_at_1_max": 28.442543674061532, + "nauc_mrr_at_1_std": -11.831889393493318, + "nauc_mrr_at_20_diff1": 70.34741729027523, + "nauc_mrr_at_20_max": 30.734754088899564, + "nauc_mrr_at_20_std": -10.686749277585324, + "nauc_mrr_at_3_diff1": 70.21568887706891, + "nauc_mrr_at_3_max": 30.467074420623437, + "nauc_mrr_at_3_std": -11.472218305675923, + "nauc_mrr_at_5_diff1": 70.34594531547204, + "nauc_mrr_at_5_max": 30.754996331475464, + "nauc_mrr_at_5_std": -11.084635295739732, + "nauc_ndcg_at_1000_diff1": 69.33016198036992, + "nauc_ndcg_at_1000_max": 31.609803090952298, + "nauc_ndcg_at_1000_std": -9.411221613110152, + "nauc_ndcg_at_100_diff1": 69.13191582084188, + "nauc_ndcg_at_100_max": 31.83693487089778, + "nauc_ndcg_at_100_std": -9.0400895558464, + "nauc_ndcg_at_10_diff1": 68.89462773551026, + "nauc_ndcg_at_10_max": 31.87478936924236, + "nauc_ndcg_at_10_std": -9.671029388622948, + "nauc_ndcg_at_1_diff1": 73.9192388165348, + "nauc_ndcg_at_1_max": 28.442543674061532, + "nauc_ndcg_at_1_std": -11.831889393493318, + "nauc_ndcg_at_20_diff1": 68.90205731804, + "nauc_ndcg_at_20_max": 31.912656813093044, + "nauc_ndcg_at_20_std": -9.090090804963808, + "nauc_ndcg_at_3_diff1": 68.80670610482917, + "nauc_ndcg_at_3_max": 31.18044464719784, + "nauc_ndcg_at_3_std": -11.278491578164681, + "nauc_ndcg_at_5_diff1": 68.97187216493903, + "nauc_ndcg_at_5_max": 31.793607228058047, + "nauc_ndcg_at_5_std": -10.481133374672472, + "nauc_precision_at_1000_diff1": 43.78852990471418, + "nauc_precision_at_1000_max": 56.047346474821055, + "nauc_precision_at_1000_std": 35.73168397793686, + "nauc_precision_at_100_diff1": 51.06009588636826, + "nauc_precision_at_100_max": 50.40359839963674, + "nauc_precision_at_100_std": 24.17139567398634, + "nauc_precision_at_10_diff1": 60.308720843343444, + "nauc_precision_at_10_max": 38.88883129762611, + "nauc_precision_at_10_std": -1.9703986668774758, + "nauc_precision_at_1_diff1": 73.9192388165348, + "nauc_precision_at_1_max": 28.442543674061532, + "nauc_precision_at_1_std": -11.831889393493318, + "nauc_precision_at_20_diff1": 57.12901999287673, + "nauc_precision_at_20_max": 42.275260619711744, + "nauc_precision_at_20_std": 6.8998045953777165, + "nauc_precision_at_3_diff1": 63.444192537561285, + "nauc_precision_at_3_max": 33.87173673943739, + "nauc_precision_at_3_std": -10.51740059765903, + "nauc_precision_at_5_diff1": 62.70100972326122, + "nauc_precision_at_5_max": 36.67473042882081, + "nauc_precision_at_5_std": -7.4730688523228785, + "nauc_recall_at_1000_diff1": 43.788529904715695, + "nauc_recall_at_1000_max": 56.04734647482148, + "nauc_recall_at_1000_std": 35.731683977938125, + "nauc_recall_at_100_diff1": 51.06009588636825, + "nauc_recall_at_100_max": 50.40359839963603, + "nauc_recall_at_100_std": 24.171395673986428, + "nauc_recall_at_10_diff1": 60.30872084334343, + "nauc_recall_at_10_max": 38.88883129762609, + "nauc_recall_at_10_std": -1.9703986668774112, + "nauc_recall_at_1_diff1": 73.9192388165348, + "nauc_recall_at_1_max": 28.442543674061532, + "nauc_recall_at_1_std": -11.831889393493318, + "nauc_recall_at_20_diff1": 57.12901999287683, + "nauc_recall_at_20_max": 42.27526061971189, + "nauc_recall_at_20_std": 6.899804595377761, + "nauc_recall_at_3_diff1": 63.444192537561136, + "nauc_recall_at_3_max": 33.87173673943714, + "nauc_recall_at_3_std": -10.517400597659156, + "nauc_recall_at_5_diff1": 62.70100972326114, + "nauc_recall_at_5_max": 36.6747304288208, + "nauc_recall_at_5_std": -7.473068852322717, + "ndcg_at_1": 64.92, + "ndcg_at_10": 77.425, + "ndcg_at_100": 78.97, + "ndcg_at_1000": 79.252, + "ndcg_at_20": 78.23400000000001, + "ndcg_at_3": 74.36399999999999, + "ndcg_at_5": 76.081, + "precision_at_1": 64.92, + "precision_at_10": 8.907, + "precision_at_100": 0.9610000000000001, + "precision_at_1000": 0.098, + "precision_at_20": 4.612, + "precision_at_3": 26.933, + "precision_at_5": 16.991999999999997, + "recall_at_1": 64.92, + "recall_at_10": 89.07000000000001, + "recall_at_100": 96.14, + "recall_at_1000": 98.39, + "recall_at_20": 92.24, + "recall_at_3": 80.80000000000001, + "recall_at_5": 84.96000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/RuBQReranking.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/RuBQReranking.json new file mode 100644 index 000000000..a08f0ec83 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/RuBQReranking.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "2e96b8f098fa4b0950fc58eacadeb31c0d0c7fa2", + "task_name": "RuBQReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "main_score": 69.76660332457352, + "map": 69.76660332457352, + "mrr": 74.91840901415368, + "nAUC_map_diff1": 40.77717577386574, + "nAUC_map_max": 16.449821304849507, + "nAUC_map_std": 5.464849678667512, + "nAUC_mrr_diff1": 44.622323940651256, + "nAUC_mrr_max": 20.915686008960645, + "nAUC_mrr_std": 7.742740250688379 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/RuBQRetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/RuBQRetrieval.json new file mode 100644 index 000000000..c9ba43bcb --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/RuBQRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "e19b6ffa60b3bc248e0b41f4cc37c26a55c2a67b", + "task_name": "RuBQRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "main_score": 67.753, + "map_at_1": 38.111, + "map_at_10": 59.25, + "map_at_100": 60.291, + "map_at_1000": 60.31999999999999, + "map_at_20": 60.007, + "map_at_3": 53.39699999999999, + "map_at_5": 57.021, + "mrr_at_1": 54.60992907801418, + "mrr_at_10": 67.53055930804169, + "mrr_at_100": 67.88621490413858, + "mrr_at_1000": 67.89435419716948, + "mrr_at_20": 67.80457820326059, + "mrr_at_3": 64.98226950354619, + "mrr_at_5": 66.6991725768323, + "nauc_map_at_1000_diff1": 38.61460560253499, + "nauc_map_at_1000_max": 24.238741006152296, + "nauc_map_at_1000_std": -12.553887111841771, + "nauc_map_at_100_diff1": 38.604995328219836, + "nauc_map_at_100_max": 24.25372744693149, + "nauc_map_at_100_std": -12.525907529455832, + "nauc_map_at_10_diff1": 38.2802363146203, + "nauc_map_at_10_max": 24.148397487087742, + "nauc_map_at_10_std": -13.02462313254209, + "nauc_map_at_1_diff1": 42.20333973944006, + "nauc_map_at_1_max": 16.04455015933995, + "nauc_map_at_1_std": -11.426950122484298, + "nauc_map_at_20_diff1": 38.49874303734095, + "nauc_map_at_20_max": 24.27079948779279, + "nauc_map_at_20_std": -12.643735833974782, + "nauc_map_at_3_diff1": 38.393442128336126, + "nauc_map_at_3_max": 21.120395203124264, + "nauc_map_at_3_std": -14.57118408415527, + "nauc_map_at_5_diff1": 37.98874776320297, + "nauc_map_at_5_max": 22.75390581241078, + "nauc_map_at_5_std": -13.871096120655116, + "nauc_mrr_at_1000_diff1": 45.08121396075722, + "nauc_mrr_at_1000_max": 27.331313499687486, + "nauc_mrr_at_1000_std": -13.114787616167014, + "nauc_mrr_at_100_diff1": 45.082808269851654, + "nauc_mrr_at_100_max": 27.343021375586257, + "nauc_mrr_at_100_std": -13.104901642101272, + "nauc_mrr_at_10_diff1": 44.89445664817906, + "nauc_mrr_at_10_max": 27.483504407572795, + "nauc_mrr_at_10_std": -13.116664114214782, + "nauc_mrr_at_1_diff1": 47.43773937564259, + "nauc_mrr_at_1_max": 24.3996512246477, + "nauc_mrr_at_1_std": -13.283010969155859, + "nauc_mrr_at_20_diff1": 45.08382953390109, + "nauc_mrr_at_20_max": 27.418666231602508, + "nauc_mrr_at_20_std": -13.101239027782416, + "nauc_mrr_at_3_diff1": 44.695558812456625, + "nauc_mrr_at_3_max": 26.75153207261083, + "nauc_mrr_at_3_std": -14.019251949468694, + "nauc_mrr_at_5_diff1": 44.84929587390349, + "nauc_mrr_at_5_max": 27.508337265101257, + "nauc_mrr_at_5_std": -13.748841022127815, + "nauc_ndcg_at_1000_diff1": 39.706451835474724, + "nauc_ndcg_at_1000_max": 26.633343785995507, + "nauc_ndcg_at_1000_std": -11.207900377782707, + "nauc_ndcg_at_100_diff1": 39.49574863029789, + "nauc_ndcg_at_100_max": 27.03615356082193, + "nauc_ndcg_at_100_std": -10.456416625790485, + "nauc_ndcg_at_10_diff1": 38.36118560524438, + "nauc_ndcg_at_10_max": 27.29115954765498, + "nauc_ndcg_at_10_std": -12.026533782516182, + "nauc_ndcg_at_1_diff1": 47.43773937564259, + "nauc_ndcg_at_1_max": 24.3996512246477, + "nauc_ndcg_at_1_std": -13.283010969155859, + "nauc_ndcg_at_20_diff1": 39.11328986667616, + "nauc_ndcg_at_20_max": 27.48803343585931, + "nauc_ndcg_at_20_std": -11.061481936299867, + "nauc_ndcg_at_3_diff1": 38.09080511583124, + "nauc_ndcg_at_3_max": 22.960624575385577, + "nauc_ndcg_at_3_std": -15.162532187246452, + "nauc_ndcg_at_5_diff1": 37.84051905054443, + "nauc_ndcg_at_5_max": 24.859831442018766, + "nauc_ndcg_at_5_std": -14.208813731290032, + "nauc_precision_at_1000_diff1": -8.235293550747457, + "nauc_precision_at_1000_max": 7.564714965839937, + "nauc_precision_at_1000_std": 5.160867910754626, + "nauc_precision_at_100_diff1": -6.654255562369982, + "nauc_precision_at_100_max": 10.671679751630798, + "nauc_precision_at_100_std": 7.057997024307852, + "nauc_precision_at_10_diff1": 0.4759476932076396, + "nauc_precision_at_10_max": 18.705407595194696, + "nauc_precision_at_10_std": 1.1284269201001864, + "nauc_precision_at_1_diff1": 47.43773937564259, + "nauc_precision_at_1_max": 24.3996512246477, + "nauc_precision_at_1_std": -13.283010969155859, + "nauc_precision_at_20_diff1": -3.1830019504133027, + "nauc_precision_at_20_max": 15.311012950383418, + "nauc_precision_at_20_std": 4.411311445012971, + "nauc_precision_at_3_diff1": 14.900799832530298, + "nauc_precision_at_3_max": 21.59448854239842, + "nauc_precision_at_3_std": -10.383301518031464, + "nauc_precision_at_5_diff1": 6.129583634729085, + "nauc_precision_at_5_max": 19.764705099171525, + "nauc_precision_at_5_std": -4.931119926816597, + "nauc_recall_at_1000_diff1": 7.393009712112532, + "nauc_recall_at_1000_max": 49.79443106358621, + "nauc_recall_at_1000_std": 74.80255240755591, + "nauc_recall_at_100_diff1": 19.35257139711146, + "nauc_recall_at_100_max": 42.80851742013903, + "nauc_recall_at_100_std": 37.546560048377444, + "nauc_recall_at_10_diff1": 24.621169385136398, + "nauc_recall_at_10_max": 33.22268204638332, + "nauc_recall_at_10_std": -4.7401788730268235, + "nauc_recall_at_1_diff1": 42.20333973944006, + "nauc_recall_at_1_max": 16.04455015933995, + "nauc_recall_at_1_std": -11.426950122484298, + "nauc_recall_at_20_diff1": 24.927652532242657, + "nauc_recall_at_20_max": 38.260344944664766, + "nauc_recall_at_20_std": 5.423281114042867, + "nauc_recall_at_3_diff1": 30.44227595912427, + "nauc_recall_at_3_max": 19.94976153694003, + "nauc_recall_at_3_std": -15.928733556196534, + "nauc_recall_at_5_diff1": 27.044814357935724, + "nauc_recall_at_5_max": 23.824668491154366, + "nauc_recall_at_5_std": -13.992845356113314, + "ndcg_at_1": 54.61, + "ndcg_at_10": 67.753, + "ndcg_at_100": 70.926, + "ndcg_at_1000": 71.41, + "ndcg_at_20": 69.61500000000001, + "ndcg_at_3": 59.678, + "ndcg_at_5": 64.012, + "precision_at_1": 54.61, + "precision_at_10": 13.747000000000002, + "precision_at_100": 1.601, + "precision_at_1000": 0.166, + "precision_at_20": 7.446999999999999, + "precision_at_3": 33.255, + "precision_at_5": 23.747, + "recall_at_1": 38.111, + "recall_at_10": 83.878, + "recall_at_100": 95.84899999999999, + "recall_at_1000": 99.05199999999999, + "recall_at_20": 90.048, + "recall_at_3": 64.126, + "recall_at_5": 74.295 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/RuReviewsClassification.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/RuReviewsClassification.json new file mode 100644 index 000000000..29b3b301a --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/RuReviewsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "f6d2c31f4dc6b88f468552750bfec05b4b41b05a", + "task_name": "RuReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 66.0888671875, + "f1": 63.79342584872498, + "f1_weighted": 63.79112620928187, + "main_score": 66.0888671875 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/RuSTSBenchmarkSTS.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/RuSTSBenchmarkSTS.json new file mode 100644 index 000000000..e52f4f69d --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/RuSTSBenchmarkSTS.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7cf24f325c6da6195df55bef3d86b5e0616f3018", + "task_name": "RuSTSBenchmarkSTS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "cosine_pearson": 78.40381860532754, + "cosine_spearman": 78.44128247246344, + "euclidean_pearson": 77.03436669125563, + "euclidean_spearman": 78.44009017152538, + "main_score": 78.44128247246344, + "manhattan_pearson": 77.084766201637, + "manhattan_spearman": 78.46899044600028, + "pearson": 78.40381860532754, + "spearman": 78.44128247246344 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/RuSciBenchGRNTIClassification.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/RuSciBenchGRNTIClassification.json new file mode 100644 index 000000000..e2718133c --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/RuSciBenchGRNTIClassification.json @@ -0,0 +1,29 @@ +{ + "dataset_revision": "673a610d6d3dd91a547a0d57ae1b56f37ebbf6a1", + "task_name": "RuSciBenchGRNTIClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 61.4111328125, + "f1": 59.604229603854044, + "f1_weighted": 59.61906710038802, + "main_score": 61.4111328125 + }, + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "main_score": 55.660781672610625, + "v_measure": 55.660781672610625, + "v_measure_std": 1.0880487214373578 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/RuSciBenchOECDClassification.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/RuSciBenchOECDClassification.json new file mode 100644 index 000000000..0fd9e88da --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/RuSciBenchOECDClassification.json @@ -0,0 +1,29 @@ +{ + "dataset_revision": "26c88e99dcaba32bb45d0e1bfc21902337f6d471", + "task_name": "RuSciBenchOECDClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 48.6669921875, + "f1": 46.24529719568694, + "f1_weighted": 46.24736172369365, + "main_score": 48.6669921875 + }, + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "main_score": 47.95513383500326, + "v_measure": 47.95513383500326, + "v_measure_std": 0.9391146092620886 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/SCIDOCS-PL.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/SCIDOCS-PL.json new file mode 100644 index 000000000..dfb74e35d --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/SCIDOCS-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "45452b03f05560207ef19149545f168e596c9337", + "task_name": "SCIDOCS-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 13.038, + "map_at_1": 2.785, + "map_at_10": 7.24, + "map_at_100": 8.751000000000001, + "map_at_1000": 9.001000000000001, + "map_at_20": 7.997999999999999, + "map_at_3": 5.139, + "map_at_5": 6.142, + "mrr_at_1": 13.700000000000001, + "mrr_at_10": 22.60158730158729, + "mrr_at_100": 23.72791508184251, + "mrr_at_1000": 23.810527360772817, + "mrr_at_20": 23.241815149075197, + "mrr_at_3": 19.60000000000002, + "mrr_at_5": 21.224999999999998, + "nauc_map_at_1000_diff1": 14.792227224924506, + "nauc_map_at_1000_max": 32.301641383960124, + "nauc_map_at_1000_std": 23.083104358905977, + "nauc_map_at_100_diff1": 14.803863271383166, + "nauc_map_at_100_max": 32.24680252823908, + "nauc_map_at_100_std": 22.748086109451773, + "nauc_map_at_10_diff1": 15.795155883364743, + "nauc_map_at_10_max": 30.944058206585463, + "nauc_map_at_10_std": 18.708078547726842, + "nauc_map_at_1_diff1": 21.132398215573865, + "nauc_map_at_1_max": 29.19592327750959, + "nauc_map_at_1_std": 13.996493176089015, + "nauc_map_at_20_diff1": 15.077937784358452, + "nauc_map_at_20_max": 31.657769880494403, + "nauc_map_at_20_std": 20.60155411885354, + "nauc_map_at_3_diff1": 18.674857148125, + "nauc_map_at_3_max": 30.693417190589383, + "nauc_map_at_3_std": 16.47059364780481, + "nauc_map_at_5_diff1": 16.575681500234854, + "nauc_map_at_5_max": 30.082817752366125, + "nauc_map_at_5_std": 16.662663606573776, + "nauc_mrr_at_1000_diff1": 16.522679131105793, + "nauc_mrr_at_1000_max": 27.23085993594398, + "nauc_mrr_at_1000_std": 17.51392936535595, + "nauc_mrr_at_100_diff1": 16.530117282112702, + "nauc_mrr_at_100_max": 27.21672480216746, + "nauc_mrr_at_100_std": 17.537026259653445, + "nauc_mrr_at_10_diff1": 16.487235038131733, + "nauc_mrr_at_10_max": 27.225450717843323, + "nauc_mrr_at_10_std": 17.148693690389308, + "nauc_mrr_at_1_diff1": 21.500757577390356, + "nauc_mrr_at_1_max": 29.155414361425848, + "nauc_mrr_at_1_std": 14.066153856101241, + "nauc_mrr_at_20_diff1": 16.35982399761223, + "nauc_mrr_at_20_max": 27.222179685954384, + "nauc_mrr_at_20_std": 17.446818156563065, + "nauc_mrr_at_3_diff1": 17.458713266374655, + "nauc_mrr_at_3_max": 26.24442929157636, + "nauc_mrr_at_3_std": 15.474103091301044, + "nauc_mrr_at_5_diff1": 16.5126045582872, + "nauc_mrr_at_5_max": 26.997210926210446, + "nauc_mrr_at_5_std": 16.704873410048148, + "nauc_ndcg_at_1000_diff1": 12.907773784346746, + "nauc_ndcg_at_1000_max": 33.34766220820817, + "nauc_ndcg_at_1000_std": 30.482401904164757, + "nauc_ndcg_at_100_diff1": 13.232279099200772, + "nauc_ndcg_at_100_max": 32.36971943877284, + "nauc_ndcg_at_100_std": 28.885308987810603, + "nauc_ndcg_at_10_diff1": 14.263079852214009, + "nauc_ndcg_at_10_max": 29.756761364913597, + "nauc_ndcg_at_10_std": 20.083627271228888, + "nauc_ndcg_at_1_diff1": 21.500757577390356, + "nauc_ndcg_at_1_max": 29.155414361425848, + "nauc_ndcg_at_1_std": 14.066153856101241, + "nauc_ndcg_at_20_diff1": 12.922160932922422, + "nauc_ndcg_at_20_max": 30.932912450602785, + "nauc_ndcg_at_20_std": 23.182250500209516, + "nauc_ndcg_at_3_diff1": 17.21918294663663, + "nauc_ndcg_at_3_max": 28.662429889428637, + "nauc_ndcg_at_3_std": 16.8401928942087, + "nauc_ndcg_at_5_diff1": 15.024056520905358, + "nauc_ndcg_at_5_max": 28.783882370742838, + "nauc_ndcg_at_5_std": 17.956997691110093, + "nauc_precision_at_1000_diff1": 4.853325331972668, + "nauc_precision_at_1000_max": 30.15694152384708, + "nauc_precision_at_1000_std": 38.55692767533825, + "nauc_precision_at_100_diff1": 8.113117956423707, + "nauc_precision_at_100_max": 30.579313799148494, + "nauc_precision_at_100_std": 37.078327072376624, + "nauc_precision_at_10_diff1": 10.323074186311555, + "nauc_precision_at_10_max": 29.267955393045213, + "nauc_precision_at_10_std": 22.493435993948, + "nauc_precision_at_1_diff1": 21.500757577390356, + "nauc_precision_at_1_max": 29.155414361425848, + "nauc_precision_at_1_std": 14.066153856101241, + "nauc_precision_at_20_diff1": 7.296113998064506, + "nauc_precision_at_20_max": 29.990871534639396, + "nauc_precision_at_20_std": 27.109509055275005, + "nauc_precision_at_3_diff1": 15.390787042974221, + "nauc_precision_at_3_max": 28.84488812625923, + "nauc_precision_at_3_std": 18.32236552735027, + "nauc_precision_at_5_diff1": 11.503698423183337, + "nauc_precision_at_5_max": 28.057493966763282, + "nauc_precision_at_5_std": 19.611698266221076, + "nauc_recall_at_1000_diff1": 5.664077565322699, + "nauc_recall_at_1000_max": 30.448757418101447, + "nauc_recall_at_1000_std": 39.27731310660493, + "nauc_recall_at_100_diff1": 8.425909931770086, + "nauc_recall_at_100_max": 30.68171063121248, + "nauc_recall_at_100_std": 37.184544204955074, + "nauc_recall_at_10_diff1": 10.47166367371188, + "nauc_recall_at_10_max": 29.14586678828798, + "nauc_recall_at_10_std": 22.111878920453464, + "nauc_recall_at_1_diff1": 21.132398215573865, + "nauc_recall_at_1_max": 29.19592327750959, + "nauc_recall_at_1_std": 13.996493176089015, + "nauc_recall_at_20_diff1": 7.4486268209490465, + "nauc_recall_at_20_max": 29.759399489054555, + "nauc_recall_at_20_std": 26.731517559908852, + "nauc_recall_at_3_diff1": 15.400192355820627, + "nauc_recall_at_3_max": 28.572542534889312, + "nauc_recall_at_3_std": 17.816298041992443, + "nauc_recall_at_5_diff1": 11.600069164989952, + "nauc_recall_at_5_max": 27.974947140469958, + "nauc_recall_at_5_std": 19.139625890938866, + "ndcg_at_1": 13.700000000000001, + "ndcg_at_10": 13.038, + "ndcg_at_100": 19.628, + "ndcg_at_1000": 24.892, + "ndcg_at_20": 15.296999999999999, + "ndcg_at_3": 11.828, + "ndcg_at_5": 10.532, + "precision_at_1": 13.700000000000001, + "precision_at_10": 6.99, + "precision_at_100": 1.659, + "precision_at_1000": 0.294, + "precision_at_20": 4.8, + "precision_at_3": 11.233, + "precision_at_5": 9.44, + "recall_at_1": 2.785, + "recall_at_10": 14.198, + "recall_at_100": 33.768, + "recall_at_1000": 59.821999999999996, + "recall_at_20": 19.497999999999998, + "recall_at_3": 6.877999999999999, + "recall_at_5": 9.613 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/SCIDOCS.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/SCIDOCS.json new file mode 100644 index 000000000..428411aea --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/SCIDOCS.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f8c2fcf00f625baaa80f62ec5bd9e1fff3b8ae88", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 20.241, + "map_at_1": 4.585, + "map_at_10": 12.179, + "map_at_100": 14.185, + "map_at_1000": 14.485999999999999, + "map_at_20": 13.211, + "map_at_3": 8.671, + "map_at_5": 10.312000000000001, + "mrr_at_1": 22.7, + "mrr_at_10": 33.75805555555551, + "mrr_at_100": 34.817297940294345, + "mrr_at_1000": 34.883397077676406, + "mrr_at_20": 34.38700212283411, + "mrr_at_3": 30.483333333333306, + "mrr_at_5": 32.408333333333275, + "nauc_map_at_1000_diff1": 14.799522136525983, + "nauc_map_at_1000_max": 34.787460217244785, + "nauc_map_at_1000_std": 18.09344563882231, + "nauc_map_at_100_diff1": 14.768945434423111, + "nauc_map_at_100_max": 34.7296008481421, + "nauc_map_at_100_std": 17.862302470008842, + "nauc_map_at_10_diff1": 14.144901666255635, + "nauc_map_at_10_max": 32.717524928702204, + "nauc_map_at_10_std": 14.61297873647561, + "nauc_map_at_1_diff1": 24.110400950369463, + "nauc_map_at_1_max": 28.717709149236846, + "nauc_map_at_1_std": 9.47019097868293, + "nauc_map_at_20_diff1": 14.60910237598006, + "nauc_map_at_20_max": 34.41168874995483, + "nauc_map_at_20_std": 16.8281730049661, + "nauc_map_at_3_diff1": 16.927638840219913, + "nauc_map_at_3_max": 30.943529346638215, + "nauc_map_at_3_std": 8.770011702871889, + "nauc_map_at_5_diff1": 15.149404949142397, + "nauc_map_at_5_max": 32.21505246043176, + "nauc_map_at_5_std": 11.327982631457365, + "nauc_mrr_at_1000_diff1": 20.74353214383309, + "nauc_mrr_at_1000_max": 32.03632971500104, + "nauc_mrr_at_1000_std": 13.888511855973434, + "nauc_mrr_at_100_diff1": 20.729669159574993, + "nauc_mrr_at_100_max": 32.04616144275277, + "nauc_mrr_at_100_std": 13.909503435758552, + "nauc_mrr_at_10_diff1": 20.68902799696533, + "nauc_mrr_at_10_max": 32.06338386152125, + "nauc_mrr_at_10_std": 13.774587429590262, + "nauc_mrr_at_1_diff1": 23.923563127598772, + "nauc_mrr_at_1_max": 28.66045286040102, + "nauc_mrr_at_1_std": 9.324543818990804, + "nauc_mrr_at_20_diff1": 20.75062648249425, + "nauc_mrr_at_20_max": 32.07720087059192, + "nauc_mrr_at_20_std": 13.99626011275507, + "nauc_mrr_at_3_diff1": 21.28016610687942, + "nauc_mrr_at_3_max": 31.378222612242958, + "nauc_mrr_at_3_std": 11.873532774618438, + "nauc_mrr_at_5_diff1": 20.553867571063165, + "nauc_mrr_at_5_max": 32.0086355849153, + "nauc_mrr_at_5_std": 13.390002782582572, + "nauc_ndcg_at_1000_diff1": 16.18725835208729, + "nauc_ndcg_at_1000_max": 36.31956949239469, + "nauc_ndcg_at_1000_std": 24.60962249502986, + "nauc_ndcg_at_100_diff1": 16.080952256468766, + "nauc_ndcg_at_100_max": 36.836773125169934, + "nauc_ndcg_at_100_std": 23.486496647173155, + "nauc_ndcg_at_10_diff1": 14.992050388748346, + "nauc_ndcg_at_10_max": 33.69147398978967, + "nauc_ndcg_at_10_std": 17.50282505569243, + "nauc_ndcg_at_1_diff1": 23.923563127598772, + "nauc_ndcg_at_1_max": 28.66045286040102, + "nauc_ndcg_at_1_std": 9.324543818990804, + "nauc_ndcg_at_20_diff1": 15.823547784233455, + "nauc_ndcg_at_20_max": 36.18197091556912, + "nauc_ndcg_at_20_std": 20.836130350813587, + "nauc_ndcg_at_3_diff1": 17.463404815086445, + "nauc_ndcg_at_3_max": 31.775390145640543, + "nauc_ndcg_at_3_std": 10.613295919918224, + "nauc_ndcg_at_5_diff1": 15.58999290484695, + "nauc_ndcg_at_5_max": 32.98927404083336, + "nauc_ndcg_at_5_std": 13.95090164575397, + "nauc_precision_at_1000_diff1": 8.606689567686072, + "nauc_precision_at_1000_max": 25.80568112038825, + "nauc_precision_at_1000_std": 33.49354016345421, + "nauc_precision_at_100_diff1": 11.096364034281708, + "nauc_precision_at_100_max": 33.095554194808315, + "nauc_precision_at_100_std": 30.31514346435903, + "nauc_precision_at_10_diff1": 10.362661293325996, + "nauc_precision_at_10_max": 32.23480074406134, + "nauc_precision_at_10_std": 21.320659854598354, + "nauc_precision_at_1_diff1": 23.923563127598772, + "nauc_precision_at_1_max": 28.66045286040102, + "nauc_precision_at_1_std": 9.324543818990804, + "nauc_precision_at_20_diff1": 11.731217258112276, + "nauc_precision_at_20_max": 35.49265680709476, + "nauc_precision_at_20_std": 26.68721816769851, + "nauc_precision_at_3_diff1": 14.622634083058628, + "nauc_precision_at_3_max": 32.8256707695311, + "nauc_precision_at_3_std": 11.441812061728767, + "nauc_precision_at_5_diff1": 11.382590357991592, + "nauc_precision_at_5_max": 33.40649468969605, + "nauc_precision_at_5_std": 16.422568951127378, + "nauc_recall_at_1000_diff1": 8.277183806243393, + "nauc_recall_at_1000_max": 25.520354250846594, + "nauc_recall_at_1000_std": 34.48676735616856, + "nauc_recall_at_100_diff1": 10.8973527517937, + "nauc_recall_at_100_max": 32.78606622733229, + "nauc_recall_at_100_std": 30.54756167683916, + "nauc_recall_at_10_diff1": 10.241195369539595, + "nauc_recall_at_10_max": 31.93427995053164, + "nauc_recall_at_10_std": 21.22066565209421, + "nauc_recall_at_1_diff1": 24.110400950369463, + "nauc_recall_at_1_max": 28.717709149236846, + "nauc_recall_at_1_std": 9.47019097868293, + "nauc_recall_at_20_diff1": 11.486528161594357, + "nauc_recall_at_20_max": 35.08150781519915, + "nauc_recall_at_20_std": 26.533619286721965, + "nauc_recall_at_3_diff1": 14.409769092274422, + "nauc_recall_at_3_max": 32.60821765433334, + "nauc_recall_at_3_std": 11.348744265520075, + "nauc_recall_at_5_diff1": 11.156286383427009, + "nauc_recall_at_5_max": 33.060053009570325, + "nauc_recall_at_5_std": 16.305557433000203, + "ndcg_at_1": 22.7, + "ndcg_at_10": 20.241, + "ndcg_at_100": 28.005000000000003, + "ndcg_at_1000": 33.337, + "ndcg_at_20": 23.035, + "ndcg_at_3": 19.225, + "ndcg_at_5": 16.73, + "precision_at_1": 22.7, + "precision_at_10": 10.58, + "precision_at_100": 2.176, + "precision_at_1000": 0.345, + "precision_at_20": 6.9, + "precision_at_3": 18.2, + "precision_at_5": 14.799999999999999, + "recall_at_1": 4.585, + "recall_at_10": 21.462, + "recall_at_100": 44.196999999999996, + "recall_at_1000": 70.1, + "recall_at_20": 28.006999999999998, + "recall_at_3": 11.078000000000001, + "recall_at_5": 15.018 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/SICK-E-PL.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/SICK-E-PL.json new file mode 100644 index 000000000..5c0baf8aa --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/SICK-E-PL.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "71bba34b0ece6c56dfcf46d9758a27f7a90f17e9", + "task_name": "SICK-E-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cosine_accuracy": 77.45617611088463, + "cosine_accuracy_threshold": 88.67492079734802, + "cosine_ap": 62.798198995025665, + "cosine_f1": 60.74950690335306, + "cosine_f1_threshold": 80.56387305259705, + "cosine_precision": 50.256410256410255, + "cosine_recall": 76.78062678062678, + "dot_accuracy": 77.45617611088463, + "dot_accuracy_threshold": 88.6749267578125, + "dot_ap": 62.798159152951385, + "dot_f1": 60.74950690335306, + "dot_f1_threshold": 80.56387305259705, + "dot_precision": 50.256410256410255, + "dot_recall": 76.78062678062678, + "euclidean_accuracy": 77.45617611088463, + "euclidean_accuracy_threshold": 47.592175006866455, + "euclidean_ap": 62.79814750094985, + "euclidean_f1": 60.74950690335306, + "euclidean_f1_threshold": 62.347614765167236, + "euclidean_precision": 50.256410256410255, + "euclidean_recall": 76.78062678062678, + "main_score": 62.798198995025665, + "manhattan_accuracy": 77.27272727272727, + "manhattan_accuracy_threshold": 975.9557723999023, + "manhattan_ap": 62.33701490592974, + "manhattan_f1": 60.3921568627451, + "manhattan_f1_threshold": 1475.3839492797852, + "manhattan_precision": 49.769159741458914, + "manhattan_recall": 76.78062678062678, + "max_ap": 62.798198995025665, + "max_f1": 60.74950690335306, + "max_precision": 50.256410256410255, + "max_recall": 76.78062678062678, + "similarity_accuracy": 77.45617611088463, + "similarity_accuracy_threshold": 88.67492079734802, + "similarity_ap": 62.798198995025665, + "similarity_f1": 60.74950690335306, + "similarity_f1_threshold": 80.56387305259705, + "similarity_precision": 50.256410256410255, + "similarity_recall": 76.78062678062678 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/SICK-R-PL.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/SICK-R-PL.json new file mode 100644 index 000000000..432b609de --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/SICK-R-PL.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "fd5c2441b7eeff8676768036142af4cfa42c1339", + "task_name": "SICK-R-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cosine_pearson": 72.36287255590445, + "cosine_spearman": 66.30825825122318, + "euclidean_pearson": 68.92313932419128, + "euclidean_spearman": 66.30826006369618, + "main_score": 66.30825825122318, + "manhattan_pearson": 68.66991543703946, + "manhattan_spearman": 66.0242047018923, + "pearson": 72.36287255590445, + "spearman": 66.30825825122318 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/SICK-R.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/SICK-R.json new file mode 100644 index 000000000..5e0ef1a33 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 84.36926725932263, + "cosine_spearman": 79.92986896006748, + "euclidean_pearson": 81.60738350267255, + "euclidean_spearman": 79.92986857077926, + "main_score": 79.92986896006748, + "manhattan_pearson": 81.5923069536872, + "manhattan_spearman": 79.73172626220187, + "pearson": 84.36926725932263, + "spearman": 79.92986896006748 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/SICKFr.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/SICKFr.json new file mode 100644 index 000000000..18e904784 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/SICKFr.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e077ab4cf4774a1e36d86d593b150422fafd8e8a", + "task_name": "SICKFr", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "cosine_pearson": 81.36950266249254, + "cosine_spearman": 77.4306890341242, + "euclidean_pearson": 77.47472965962992, + "euclidean_spearman": 77.431649040768, + "main_score": 77.4306890341242, + "manhattan_pearson": 77.44468465408777, + "manhattan_spearman": 77.25503240591341, + "pearson": 81.36950266249254, + "spearman": 77.4306890341242 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/STS12.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/STS12.json new file mode 100644 index 000000000..e7ec185b3 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 85.34145297379273, + "cosine_spearman": 76.66847347731301, + "euclidean_pearson": 81.43408805079034, + "euclidean_spearman": 76.6680945379484, + "main_score": 76.66847347731301, + "manhattan_pearson": 81.69812210080966, + "manhattan_spearman": 77.00962684551284, + "pearson": 85.34145297379273, + "spearman": 76.66847347731301 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/STS13.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/STS13.json new file mode 100644 index 000000000..dbc728f30 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 84.5234167909779, + "cosine_spearman": 84.86841413445535, + "euclidean_pearson": 84.17741655183796, + "euclidean_spearman": 84.86841405901674, + "main_score": 84.86841413445535, + "manhattan_pearson": 84.15491829147086, + "manhattan_spearman": 84.93066841323679, + "pearson": 84.5234167909779, + "spearman": 84.86841413445535 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/STS14.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/STS14.json new file mode 100644 index 000000000..87b8b3195 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 83.42559938022957, + "cosine_spearman": 80.10636060670153, + "euclidean_pearson": 82.31695543050009, + "euclidean_spearman": 80.10637586616073, + "main_score": 80.10636060670153, + "manhattan_pearson": 82.15731596876633, + "manhattan_spearman": 80.02499151302123, + "pearson": 83.42559938022957, + "spearman": 80.10636060670153 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/STS15.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/STS15.json new file mode 100644 index 000000000..1535e986a --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 87.98708135949613, + "cosine_spearman": 88.69670049389599, + "euclidean_pearson": 87.73091071499016, + "euclidean_spearman": 88.69669966606001, + "main_score": 88.69670049389599, + "manhattan_pearson": 87.52276751048582, + "manhattan_spearman": 88.5214230554986, + "pearson": 87.98708135949613, + "spearman": 88.69670049389599 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/STS16.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/STS16.json new file mode 100644 index 000000000..a7d8adc92 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 83.38330950325803, + "cosine_spearman": 84.62194600310691, + "euclidean_pearson": 83.4921014845454, + "euclidean_spearman": 84.62194539439683, + "main_score": 84.62194600310691, + "manhattan_pearson": 83.27754689500482, + "manhattan_spearman": 84.37797144965002, + "pearson": 83.38330950325803, + "spearman": 84.62194600310691 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/STS17.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/STS17.json new file mode 100644 index 000000000..96f8d22f4 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/STS17.json @@ -0,0 +1,137 @@ +{ + "dataset_revision": "faeb762787bd10488a50c8b5be4a3b82e411949c", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-ar", + "languages": [ + "eng-Latn", + "ara-Arab" + ], + "cosine_pearson": 64.3970938916265, + "cosine_spearman": 64.20857293171593, + "euclidean_pearson": 64.70484646950464, + "euclidean_spearman": 64.20857293171593, + "main_score": 64.20857293171593, + "manhattan_pearson": 63.61585574374933, + "manhattan_spearman": 62.52898030084564, + "pearson": 64.3970938916265, + "spearman": 64.20857293171593 + }, + { + "hf_subset": "en-de", + "languages": [ + "eng-Latn", + "deu-Latn" + ], + "cosine_pearson": 78.3035787778662, + "cosine_spearman": 78.85326338385796, + "euclidean_pearson": 78.59090666313418, + "euclidean_spearman": 78.85326338385796, + "main_score": 78.85326338385796, + "manhattan_pearson": 78.4961035895383, + "manhattan_spearman": 78.42104373908565, + "pearson": 78.3035787778662, + "spearman": 78.85326338385796 + }, + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 88.20922919233338, + "cosine_spearman": 87.94347302365394, + "euclidean_pearson": 87.98965741145625, + "euclidean_spearman": 87.94347302365394, + "main_score": 87.94347302365394, + "manhattan_pearson": 87.94636580768939, + "manhattan_spearman": 87.82077364455115, + "pearson": 88.20922919233338, + "spearman": 87.94347302365394 + }, + { + "hf_subset": "en-tr", + "languages": [ + "eng-Latn", + "tur-Latn" + ], + "cosine_pearson": 58.50589296592958, + "cosine_spearman": 57.045627811103, + "euclidean_pearson": 58.54066429107441, + "euclidean_spearman": 57.045627811103, + "main_score": 57.045627811103, + "manhattan_pearson": 57.77923152721202, + "manhattan_spearman": 55.832507020505886, + "pearson": 58.50589296592958, + "spearman": 57.045627811103 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cosine_pearson": 79.01593420315352, + "cosine_spearman": 79.86309144376173, + "euclidean_pearson": 78.85136309334905, + "euclidean_spearman": 79.86309144376173, + "main_score": 79.86309144376173, + "manhattan_pearson": 78.87419337945624, + "manhattan_spearman": 80.0980944874198, + "pearson": 79.01593420315352, + "spearman": 79.86309144376173 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "cosine_pearson": 79.67432399995894, + "cosine_spearman": 79.12303288340163, + "euclidean_pearson": 79.721668775324, + "euclidean_spearman": 79.12303288340163, + "main_score": 79.12303288340163, + "manhattan_pearson": 79.33800466555394, + "manhattan_spearman": 78.30603645374914, + "pearson": 79.67432399995894, + "spearman": 79.12303288340163 + }, + { + "hf_subset": "it-en", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "cosine_pearson": 78.92024449526863, + "cosine_spearman": 79.06471992660374, + "euclidean_pearson": 78.85388657114522, + "euclidean_spearman": 79.06471992660374, + "main_score": 79.06471992660374, + "manhattan_pearson": 78.56658857806735, + "manhattan_spearman": 78.5908742980949, + "pearson": 78.92024449526863, + "spearman": 79.06471992660374 + }, + { + "hf_subset": "nl-en", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "cosine_pearson": 76.64708509569135, + "cosine_spearman": 75.76775070804274, + "euclidean_pearson": 76.69358579979829, + "euclidean_spearman": 75.76775070804274, + "main_score": 75.76775070804274, + "manhattan_pearson": 76.28750520391006, + "manhattan_spearman": 75.30493726054976, + "pearson": 76.64708509569135, + "spearman": 75.76775070804274 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/STS22.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/STS22.json new file mode 100644 index 000000000..36e5ccf46 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/STS22.json @@ -0,0 +1,245 @@ +{ + "dataset_revision": "de9d86b3b84231dc21f76c7b7af1f28e2f57f6e3", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 69.07403446182418, + "cosine_spearman": 68.99668192503603, + "euclidean_pearson": 70.82685591260719, + "euclidean_spearman": 68.99668192503603, + "main_score": 68.99668192503603, + "manhattan_pearson": 70.94201332797343, + "manhattan_spearman": 68.98821773218067, + "pearson": 69.07403446182418, + "spearman": 68.99668192503603 + }, + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "cosine_pearson": 65.95032307094047, + "cosine_spearman": 63.15571038787516, + "euclidean_pearson": 68.31815956207403, + "euclidean_spearman": 63.15571038787516, + "main_score": 63.15571038787516, + "manhattan_pearson": 69.57471678363024, + "manhattan_spearman": 63.78770917466211, + "pearson": 65.95032307094047, + "spearman": 63.15571038787516 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cosine_pearson": 76.57985370197574, + "cosine_spearman": 78.61171041249278, + "euclidean_pearson": 77.64916374513423, + "euclidean_spearman": 78.61182871621082, + "main_score": 78.61171041249278, + "manhattan_pearson": 79.45516154600577, + "manhattan_spearman": 79.81770224017768, + "pearson": 76.57985370197574, + "spearman": 78.61171041249278 + }, + { + "hf_subset": "pl-en", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "cosine_pearson": 78.66979183071325, + "cosine_spearman": 76.74899167835852, + "euclidean_pearson": 78.89780095637012, + "euclidean_spearman": 76.74899167835852, + "main_score": 76.74899167835852, + "manhattan_pearson": 79.18536398264527, + "manhattan_spearman": 77.8533686712189, + "pearson": 78.66979183071325, + "spearman": 76.74899167835852 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "cosine_pearson": 75.65018415517595, + "cosine_spearman": 74.96983110528109, + "euclidean_pearson": 77.0199252096022, + "euclidean_spearman": 75.05313744822759, + "main_score": 74.96983110528109, + "manhattan_pearson": 77.28747618528581, + "manhattan_spearman": 74.95188542213391, + "pearson": 75.65018415517595, + "spearman": 74.96983110528109 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 70.18092147138205, + "cosine_spearman": 69.90638729067848, + "euclidean_pearson": 68.5214594150794, + "euclidean_spearman": 69.8926146345444, + "main_score": 69.90638729067848, + "manhattan_pearson": 68.96098064777406, + "manhattan_spearman": 70.49810937340672, + "pearson": 70.18092147138205, + "spearman": 69.90638729067848 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "cosine_pearson": 75.65018415517595, + "cosine_spearman": 74.96983110528109, + "euclidean_pearson": 77.0199252096022, + "euclidean_spearman": 75.05313744822759, + "main_score": 74.96983110528109, + "manhattan_pearson": 77.28747618528581, + "manhattan_spearman": 74.95188542213391, + "pearson": 75.65018415517595, + "spearman": 74.96983110528109 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cosine_pearson": 81.48671869348665, + "cosine_spearman": 82.57396913836067, + "euclidean_pearson": 81.71206012505978, + "euclidean_spearman": 82.64978141643995, + "main_score": 82.57396913836067, + "manhattan_pearson": 82.22351352342636, + "manhattan_spearman": 83.04856400618516, + "pearson": 81.48671869348665, + "spearman": 82.57396913836067 + }, + { + "hf_subset": "de-fr", + "languages": [ + "deu-Latn", + "fra-Latn" + ], + "cosine_pearson": 60.45418014677442, + "cosine_spearman": 64.66584550775643, + "euclidean_pearson": 60.042908719941124, + "euclidean_spearman": 64.66584550775643, + "main_score": 64.66584550775643, + "manhattan_pearson": 58.56106956676841, + "manhattan_spearman": 64.07469227945803, + "pearson": 60.45418014677442, + "spearman": 64.66584550775643 + }, + { + "hf_subset": "fr-pl", + "languages": [ + "fra-Latn", + "pol-Latn" + ], + "cosine_pearson": 83.39169883126554, + "cosine_spearman": 84.51542547285167, + "euclidean_pearson": 83.79128537281704, + "euclidean_spearman": 84.51542547285167, + "main_score": 84.51542547285167, + "manhattan_pearson": 82.282109060827, + "manhattan_spearman": 84.51542547285167, + "pearson": 83.39169883126554, + "spearman": 84.51542547285167 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "cosine_pearson": 41.56662243222903, + "cosine_spearman": 44.94984671604992, + "euclidean_pearson": 27.88886658631932, + "euclidean_spearman": 44.94984671604992, + "main_score": 44.94984671604992, + "manhattan_pearson": 27.467462847157798, + "manhattan_spearman": 44.990280944902125, + "pearson": 41.56662243222903, + "spearman": 44.94984671604992 + }, + { + "hf_subset": "pl-en", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "cosine_pearson": 78.67129157333113, + "cosine_spearman": 77.17497249706467, + "euclidean_pearson": 78.93527680834069, + "euclidean_spearman": 77.17497249706467, + "main_score": 77.17497249706467, + "manhattan_pearson": 79.17117078125075, + "manhattan_spearman": 77.98920639910075, + "pearson": 78.67129157333113, + "spearman": 77.17497249706467 + }, + { + "hf_subset": "de-pl", + "languages": [ + "deu-Latn", + "pol-Latn" + ], + "cosine_pearson": 38.70216637556677, + "cosine_spearman": 55.768121437825556, + "euclidean_pearson": 41.389482428930485, + "euclidean_spearman": 55.768121437825556, + "main_score": 55.768121437825556, + "manhattan_pearson": 42.7616496232802, + "manhattan_spearman": 54.44397498734157, + "pearson": 38.70216637556677, + "spearman": 55.768121437825556 + }, + { + "hf_subset": "fr-pl", + "languages": [ + "fra-Latn", + "pol-Latn" + ], + "cosine_pearson": 83.39168516605531, + "cosine_spearman": 84.51542547285167, + "euclidean_pearson": 83.7912731376875, + "euclidean_spearman": 84.51542547285167, + "main_score": 84.51542547285167, + "manhattan_pearson": 82.28209868239296, + "manhattan_spearman": 84.51542547285167, + "pearson": 83.39168516605531, + "spearman": 84.51542547285167 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "cosine_pearson": 65.27471390704719, + "cosine_spearman": 68.12010913287949, + "euclidean_pearson": 65.60124415285192, + "euclidean_spearman": 68.12010913287949, + "main_score": 68.12010913287949, + "manhattan_pearson": 65.21850751060232, + "manhattan_spearman": 67.85162022914248, + "pearson": 65.27471390704719, + "spearman": 68.12010913287949 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/STSB.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/STSB.json new file mode 100644 index 000000000..1fa5473d7 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/STSB.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "0cde68302b3541bb8b3c340dc0644b0b745b3dc0", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 78.99516686642797, + "cosine_spearman": 79.32633637626917, + "euclidean_pearson": 78.21051836357536, + "euclidean_spearman": 79.32612616365205, + "main_score": 79.32633637626917, + "manhattan_pearson": 78.18343539953231, + "manhattan_spearman": 79.33355463587682, + "pearson": 78.99516686642797, + "spearman": 79.32633637626917 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/STSBenchmark.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/STSBenchmark.json new file mode 100644 index 000000000..984802b4c --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 84.89952732150343, + "cosine_spearman": 86.06896054399277, + "euclidean_pearson": 85.69195853460913, + "euclidean_spearman": 86.06896054399277, + "main_score": 86.06896054399277, + "manhattan_pearson": 85.56550688049849, + "manhattan_spearman": 85.96422284827248, + "pearson": 84.89952732150343, + "spearman": 86.06896054399277 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/STSBenchmarkMultilingualSTS.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/STSBenchmarkMultilingualSTS.json new file mode 100644 index 000000000..e5f11aaf7 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/STSBenchmarkMultilingualSTS.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "29afa2569dcedaaa2fe6a3dcfebab33d28b82e8c", + "task_name": "STSBenchmarkMultilingualSTS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cosine_pearson": 81.23994381619546, + "cosine_spearman": 81.55923116292537, + "euclidean_pearson": 79.95507984767936, + "euclidean_spearman": 81.55780186152964, + "main_score": 81.55923116292537, + "manhattan_pearson": 79.85599761287939, + "manhattan_spearman": 81.47864706229939, + "pearson": 81.23994381619546, + "spearman": 81.55923116292537 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/SciDocsRR.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/SciDocsRR.json new file mode 100644 index 000000000..d75ff94ae --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/SciDocsRR.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 81.89447973144247, + "map": 81.89447973144247, + "mrr": 95.02511830943203, + "nAUC_map_diff1": 3.3432260393863147, + "nAUC_map_max": 54.252667154593915, + "nAUC_map_std": 68.86046114121041, + "nAUC_mrr_diff1": 48.53496653582678, + "nAUC_mrr_max": 85.71793394587537, + "nAUC_mrr_std": 80.13736591117815 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/SciFact-PL.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/SciFact-PL.json new file mode 100644 index 000000000..a2cd8f57d --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/SciFact-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "47932a35f045ef8ed01ba82bf9ff67f6e109207e", + "task_name": "SciFact-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 57.827, + "map_at_1": 45.083, + "map_at_10": 53.83, + "map_at_100": 54.577, + "map_at_1000": 54.623, + "map_at_20": 54.211, + "map_at_3": 51.304, + "map_at_5": 52.851000000000006, + "mrr_at_1": 47.333333333333336, + "mrr_at_10": 55.07949735449736, + "mrr_at_100": 55.710506477168956, + "mrr_at_1000": 55.748401782889445, + "mrr_at_20": 55.409548920578345, + "mrr_at_3": 53.055555555555564, + "mrr_at_5": 54.422222222222224, + "nauc_map_at_1000_diff1": 56.75114793396484, + "nauc_map_at_1000_max": 45.557101118136366, + "nauc_map_at_1000_std": 21.122840914857495, + "nauc_map_at_100_diff1": 56.738747688350024, + "nauc_map_at_100_max": 45.55491958094813, + "nauc_map_at_100_std": 21.12266632389643, + "nauc_map_at_10_diff1": 56.926041668030855, + "nauc_map_at_10_max": 45.2382783831653, + "nauc_map_at_10_std": 20.922255034211766, + "nauc_map_at_1_diff1": 60.98838903764472, + "nauc_map_at_1_max": 43.22668392792625, + "nauc_map_at_1_std": 17.29004046426385, + "nauc_map_at_20_diff1": 56.848541422173795, + "nauc_map_at_20_max": 45.59725008207042, + "nauc_map_at_20_std": 21.177613569735655, + "nauc_map_at_3_diff1": 58.23995403356206, + "nauc_map_at_3_max": 44.76675994666382, + "nauc_map_at_3_std": 18.839553176727783, + "nauc_map_at_5_diff1": 56.99049510687553, + "nauc_map_at_5_max": 44.71681163401595, + "nauc_map_at_5_std": 19.453824672770455, + "nauc_mrr_at_1000_diff1": 57.4953870158563, + "nauc_mrr_at_1000_max": 46.79551970939633, + "nauc_mrr_at_1000_std": 23.71693511404122, + "nauc_mrr_at_100_diff1": 57.482272276265235, + "nauc_mrr_at_100_max": 46.79105970491737, + "nauc_mrr_at_100_std": 23.705546007429124, + "nauc_mrr_at_10_diff1": 57.630280158288926, + "nauc_mrr_at_10_max": 46.646619843739465, + "nauc_mrr_at_10_std": 23.642389853421577, + "nauc_mrr_at_1_diff1": 61.903420841877356, + "nauc_mrr_at_1_max": 46.95318894276891, + "nauc_mrr_at_1_std": 23.19343113872584, + "nauc_mrr_at_20_diff1": 57.574039026825815, + "nauc_mrr_at_20_max": 46.825490821786545, + "nauc_mrr_at_20_std": 23.747309823079746, + "nauc_mrr_at_3_diff1": 58.634726160884576, + "nauc_mrr_at_3_max": 46.68634348254961, + "nauc_mrr_at_3_std": 22.9939558189414, + "nauc_mrr_at_5_diff1": 57.43527378441584, + "nauc_mrr_at_5_max": 46.82233838319152, + "nauc_mrr_at_5_std": 23.407766325712398, + "nauc_ndcg_at_1000_diff1": 55.303289773692676, + "nauc_ndcg_at_1000_max": 46.703610191621145, + "nauc_ndcg_at_1000_std": 23.57730795756405, + "nauc_ndcg_at_100_diff1": 54.38572710219233, + "nauc_ndcg_at_100_max": 46.37493158024567, + "nauc_ndcg_at_100_std": 23.314588126884324, + "nauc_ndcg_at_10_diff1": 55.21850729666301, + "nauc_ndcg_at_10_max": 45.58511788479343, + "nauc_ndcg_at_10_std": 22.8531636189787, + "nauc_ndcg_at_1_diff1": 61.903420841877356, + "nauc_ndcg_at_1_max": 46.95318894276891, + "nauc_ndcg_at_1_std": 23.19343113872584, + "nauc_ndcg_at_20_diff1": 54.96359325487391, + "nauc_ndcg_at_20_max": 46.525071413272975, + "nauc_ndcg_at_20_std": 23.416022310286206, + "nauc_ndcg_at_3_diff1": 57.33303538179732, + "nauc_ndcg_at_3_max": 45.60081314229553, + "nauc_ndcg_at_3_std": 20.311802683707644, + "nauc_ndcg_at_5_diff1": 55.09370926297347, + "nauc_ndcg_at_5_max": 45.11375173156922, + "nauc_ndcg_at_5_std": 20.676971796560167, + "nauc_precision_at_1000_diff1": -8.792997673585157, + "nauc_precision_at_1000_max": 26.985804617599456, + "nauc_precision_at_1000_std": 38.32145829157333, + "nauc_precision_at_100_diff1": 3.448830291824138, + "nauc_precision_at_100_max": 33.3751058104728, + "nauc_precision_at_100_std": 36.07155861781976, + "nauc_precision_at_10_diff1": 27.905538531066256, + "nauc_precision_at_10_max": 41.57287780821485, + "nauc_precision_at_10_std": 36.11165069712307, + "nauc_precision_at_1_diff1": 61.903420841877356, + "nauc_precision_at_1_max": 46.95318894276891, + "nauc_precision_at_1_std": 23.19343113872584, + "nauc_precision_at_20_diff1": 21.945937631553438, + "nauc_precision_at_20_max": 42.8503772546226, + "nauc_precision_at_20_std": 37.54978789546971, + "nauc_precision_at_3_diff1": 44.695453949094684, + "nauc_precision_at_3_max": 46.25836394647075, + "nauc_precision_at_3_std": 25.448947126738393, + "nauc_precision_at_5_diff1": 34.21739846774853, + "nauc_precision_at_5_max": 43.36271521542134, + "nauc_precision_at_5_std": 28.863168300518954, + "nauc_recall_at_1000_diff1": 50.866272434900374, + "nauc_recall_at_1000_max": 77.90745928000882, + "nauc_recall_at_1000_std": 82.21288515406151, + "nauc_recall_at_100_diff1": 35.307317119527056, + "nauc_recall_at_100_max": 46.922433638935956, + "nauc_recall_at_100_std": 31.814942138236262, + "nauc_recall_at_10_diff1": 47.8121533413515, + "nauc_recall_at_10_max": 43.310991487523246, + "nauc_recall_at_10_std": 25.903501909176917, + "nauc_recall_at_1_diff1": 60.98838903764472, + "nauc_recall_at_1_max": 43.22668392792625, + "nauc_recall_at_1_std": 17.29004046426385, + "nauc_recall_at_20_diff1": 45.83142943406739, + "nauc_recall_at_20_max": 46.73030342771932, + "nauc_recall_at_20_std": 28.07957120284036, + "nauc_recall_at_3_diff1": 54.187633219194495, + "nauc_recall_at_3_max": 43.672283626861066, + "nauc_recall_at_3_std": 18.136469354114993, + "nauc_recall_at_5_diff1": 47.4292849527445, + "nauc_recall_at_5_max": 42.22276792180875, + "nauc_recall_at_5_std": 19.22371392434811, + "ndcg_at_1": 47.333, + "ndcg_at_10": 57.827, + "ndcg_at_100": 61.551, + "ndcg_at_1000": 62.865, + "ndcg_at_20": 59.03699999999999, + "ndcg_at_3": 53.554, + "ndcg_at_5": 55.949000000000005, + "precision_at_1": 47.333, + "precision_at_10": 7.767, + "precision_at_100": 0.987, + "precision_at_1000": 0.11, + "precision_at_20": 4.167, + "precision_at_3": 21.111, + "precision_at_5": 14.133000000000001, + "recall_at_1": 45.083, + "recall_at_10": 68.667, + "recall_at_100": 86.433, + "recall_at_1000": 97.0, + "recall_at_20": 73.078, + "recall_at_3": 57.477999999999994, + "recall_at_5": 63.322 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/SciFact.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/SciFact.json new file mode 100644 index 000000000..45c519956 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/SciFact.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 73.055, + "map_at_1": 57.760999999999996, + "map_at_10": 68.73700000000001, + "map_at_100": 69.248, + "map_at_1000": 69.271, + "map_at_20": 69.059, + "map_at_3": 66.235, + "map_at_5": 67.843, + "mrr_at_1": 60.66666666666667, + "mrr_at_10": 69.7063492063492, + "mrr_at_100": 70.13874332314896, + "mrr_at_1000": 70.16105806682286, + "mrr_at_20": 69.97925265738732, + "mrr_at_3": 68.0, + "mrr_at_5": 69.16666666666667, + "nauc_map_at_1000_diff1": 70.43790903123511, + "nauc_map_at_1000_max": 54.58438799194478, + "nauc_map_at_1000_std": -2.3233833924225875, + "nauc_map_at_100_diff1": 70.43647328927425, + "nauc_map_at_100_max": 54.60393233697298, + "nauc_map_at_100_std": -2.296496281894915, + "nauc_map_at_10_diff1": 70.36871958614046, + "nauc_map_at_10_max": 54.67011099551128, + "nauc_map_at_10_std": -2.7009625352656426, + "nauc_map_at_1_diff1": 74.99352374397856, + "nauc_map_at_1_max": 50.00344836993502, + "nauc_map_at_1_std": -8.698012201837718, + "nauc_map_at_20_diff1": 70.28211747093155, + "nauc_map_at_20_max": 54.553120080500996, + "nauc_map_at_20_std": -2.5857819931480246, + "nauc_map_at_3_diff1": 71.42267536616798, + "nauc_map_at_3_max": 54.14853872152404, + "nauc_map_at_3_std": -3.3672073293896654, + "nauc_map_at_5_diff1": 70.5522364898511, + "nauc_map_at_5_max": 53.82183956625946, + "nauc_map_at_5_std": -3.8112884869905086, + "nauc_mrr_at_1000_diff1": 70.31304494231345, + "nauc_mrr_at_1000_max": 55.634864405262206, + "nauc_mrr_at_1000_std": -0.9073602724006471, + "nauc_mrr_at_100_diff1": 70.31169722312256, + "nauc_mrr_at_100_max": 55.653794547616464, + "nauc_mrr_at_100_std": -0.8812919296154862, + "nauc_mrr_at_10_diff1": 70.20728957800745, + "nauc_mrr_at_10_max": 55.82409315449895, + "nauc_mrr_at_10_std": -1.075930464035488, + "nauc_mrr_at_1_diff1": 74.42858144028513, + "nauc_mrr_at_1_max": 54.28150936595816, + "nauc_mrr_at_1_std": -2.2125887288127233, + "nauc_mrr_at_20_diff1": 70.12751951178618, + "nauc_mrr_at_20_max": 55.646395586345186, + "nauc_mrr_at_20_std": -1.0679937201638918, + "nauc_mrr_at_3_diff1": 70.83694438588687, + "nauc_mrr_at_3_max": 56.13927732102838, + "nauc_mrr_at_3_std": -0.7791089874218045, + "nauc_mrr_at_5_diff1": 70.10204767208957, + "nauc_mrr_at_5_max": 55.42591427914719, + "nauc_mrr_at_5_std": -1.4764758924309185, + "nauc_ndcg_at_1000_diff1": 69.51940238503862, + "nauc_ndcg_at_1000_max": 55.49401934363413, + "nauc_ndcg_at_1000_std": -0.6435033619960048, + "nauc_ndcg_at_100_diff1": 69.42773837942757, + "nauc_ndcg_at_100_max": 56.08697787789855, + "nauc_ndcg_at_100_std": 0.34308668749330745, + "nauc_ndcg_at_10_diff1": 68.78081835695725, + "nauc_ndcg_at_10_max": 56.23279741387973, + "nauc_ndcg_at_10_std": -1.6400901664189715, + "nauc_ndcg_at_1_diff1": 74.42858144028513, + "nauc_ndcg_at_1_max": 54.28150936595816, + "nauc_ndcg_at_1_std": -2.2125887288127233, + "nauc_ndcg_at_20_diff1": 68.4553683006882, + "nauc_ndcg_at_20_max": 55.74277759291753, + "nauc_ndcg_at_20_std": -1.3736010194196164, + "nauc_ndcg_at_3_diff1": 70.04684155763836, + "nauc_ndcg_at_3_max": 56.23593815133674, + "nauc_ndcg_at_3_std": -1.2617917976885795, + "nauc_ndcg_at_5_diff1": 68.88128875602627, + "nauc_ndcg_at_5_max": 54.62301571910928, + "nauc_ndcg_at_5_std": -3.5841002369184762, + "nauc_precision_at_1000_diff1": -27.57874055213611, + "nauc_precision_at_1000_max": 10.69254261980662, + "nauc_precision_at_1000_std": 41.58262996451408, + "nauc_precision_at_100_diff1": -12.950536107683561, + "nauc_precision_at_100_max": 21.16371708839723, + "nauc_precision_at_100_std": 40.951527751953684, + "nauc_precision_at_10_diff1": 8.091679678786514, + "nauc_precision_at_10_max": 33.20925347609484, + "nauc_precision_at_10_std": 25.770968101717557, + "nauc_precision_at_1_diff1": 74.42858144028513, + "nauc_precision_at_1_max": 54.28150936595816, + "nauc_precision_at_1_std": -2.2125887288127233, + "nauc_precision_at_20_diff1": -1.0200005991193168, + "nauc_precision_at_20_max": 27.432174703186323, + "nauc_precision_at_20_std": 29.095729277961407, + "nauc_precision_at_3_diff1": 38.35291080418228, + "nauc_precision_at_3_max": 49.66103007615846, + "nauc_precision_at_3_std": 20.088808571059758, + "nauc_precision_at_5_diff1": 21.518579003608927, + "nauc_precision_at_5_max": 38.7296114841025, + "nauc_precision_at_5_std": 19.47619911691762, + "nauc_recall_at_1000_diff1": 42.25023342670368, + "nauc_recall_at_1000_max": 21.825396825396062, + "nauc_recall_at_1000_std": 33.84687208216713, + "nauc_recall_at_100_diff1": 62.536570183629024, + "nauc_recall_at_100_max": 70.01867413632091, + "nauc_recall_at_100_std": 37.06504824151885, + "nauc_recall_at_10_diff1": 61.1644854039766, + "nauc_recall_at_10_max": 61.074517296862396, + "nauc_recall_at_10_std": -0.5423227215261704, + "nauc_recall_at_1_diff1": 74.99352374397856, + "nauc_recall_at_1_max": 50.00344836993502, + "nauc_recall_at_1_std": -8.698012201837718, + "nauc_recall_at_20_diff1": 56.37978951869162, + "nauc_recall_at_20_max": 58.84099235231809, + "nauc_recall_at_20_std": 1.2224630005733186, + "nauc_recall_at_3_diff1": 66.74850639308315, + "nauc_recall_at_3_max": 58.157377341361084, + "nauc_recall_at_3_std": -1.8661963986343983, + "nauc_recall_at_5_diff1": 61.806012486501395, + "nauc_recall_at_5_max": 54.41470702166602, + "nauc_recall_at_5_std": -7.114468350278654, + "ndcg_at_1": 60.667, + "ndcg_at_10": 73.055, + "ndcg_at_100": 75.312, + "ndcg_at_1000": 75.874, + "ndcg_at_20": 74.166, + "ndcg_at_3": 69.211, + "ndcg_at_5": 71.438, + "precision_at_1": 60.667, + "precision_at_10": 9.700000000000001, + "precision_at_100": 1.08, + "precision_at_1000": 0.11199999999999999, + "precision_at_20": 5.083, + "precision_at_3": 27.444000000000003, + "precision_at_5": 18.0, + "recall_at_1": 57.760999999999996, + "recall_at_10": 84.88900000000001, + "recall_at_100": 95.0, + "recall_at_1000": 99.333, + "recall_at_20": 89.22200000000001, + "recall_at_3": 74.933, + "recall_at_5": 80.511 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/SensitiveTopicsClassification.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/SensitiveTopicsClassification.json new file mode 100644 index 000000000..0a1ed2405 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/SensitiveTopicsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "416b34a802308eac30e4192afc0ff99bb8dcc7f2", + "task_name": "SensitiveTopicsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 30.0537109375, + "f1": 35.12028781898003, + "lrap": 45.91071234808953, + "main_score": 30.0537109375 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/SprintDuplicateQuestions.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..afd20e83c --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/SprintDuplicateQuestions.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 99.8029702970297, + "cosine_accuracy_threshold": 74.40159320831299, + "cosine_ap": 94.58107371506443, + "cosine_f1": 90.01505268439539, + "cosine_f1_threshold": 74.40159320831299, + "cosine_precision": 90.33232628398792, + "cosine_recall": 89.7, + "dot_accuracy": 99.8029702970297, + "dot_accuracy_threshold": 74.40159320831299, + "dot_ap": 94.58108694234896, + "dot_f1": 90.01505268439539, + "dot_f1_threshold": 74.40159320831299, + "dot_precision": 90.33232628398792, + "dot_recall": 89.7, + "euclidean_accuracy": 99.8029702970297, + "euclidean_accuracy_threshold": 71.55194282531738, + "euclidean_ap": 94.58107371506446, + "euclidean_f1": 90.01505268439539, + "euclidean_f1_threshold": 71.55194282531738, + "euclidean_precision": 90.33232628398792, + "euclidean_recall": 89.7, + "main_score": 94.91386698713322, + "manhattan_accuracy": 99.8108910891089, + "manhattan_accuracy_threshold": 1696.7340469360352, + "manhattan_ap": 94.91386698713322, + "manhattan_f1": 90.4927824788452, + "manhattan_f1_threshold": 1696.7340469360352, + "manhattan_precision": 90.08919722497522, + "manhattan_recall": 90.9, + "max_ap": 94.91386698713322, + "max_f1": 90.4927824788452, + "max_precision": 90.33232628398792, + "max_recall": 90.9, + "similarity_accuracy": 99.8029702970297, + "similarity_accuracy_threshold": 74.40159320831299, + "similarity_ap": 94.58107371506443, + "similarity_f1": 90.01505268439539, + "similarity_f1_threshold": 74.40159320831299, + "similarity_precision": 90.33232628398792, + "similarity_recall": 89.7 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/StackExchangeClustering.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/StackExchangeClustering.json new file mode 100644 index 000000000..e01672d44 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/StackExchangeClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 67.22104632684339, + "v_measure": 67.22104632684339, + "v_measure_std": 4.510073189377009 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/StackExchangeClusteringP2P.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..a62f9a740 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/StackExchangeClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 33.69502959609247, + "v_measure": 33.69502959609247, + "v_measure_std": 1.7351941868223697 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/StackOverflowDupQuestions.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..af8b20f98 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/StackOverflowDupQuestions.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 49.33572386600858, + "map": 49.33572386600858, + "mrr": 50.25399743230625, + "nAUC_map_diff1": 36.68702916524911, + "nAUC_map_max": 15.78050039369413, + "nAUC_map_std": 9.735729247790866, + "nAUC_mrr_diff1": 36.82154498603323, + "nAUC_mrr_max": 16.371339214758713, + "nAUC_mrr_std": 9.929514279072379 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/SummEval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/SummEval.json new file mode 100644 index 000000000..e039fa7f0 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 28.78169000462832, + "cosine_spearman": 29.152425546074824, + "dot_pearson": 28.781692477370914, + "dot_spearman": 29.152370579886423, + "main_score": 29.152425546074824, + "pearson": 28.78169000462832, + "spearman": 29.152425546074824 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/SummEvalFr.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/SummEvalFr.json new file mode 100644 index 000000000..6c155f864 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/SummEvalFr.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "b385812de6a9577b6f4d0f88c6a6e35395a94054", + "task_name": "SummEvalFr", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "cosine_pearson": 32.15173983476866, + "cosine_spearman": 30.52126378106083, + "dot_pearson": 32.15174076737564, + "dot_spearman": 30.5195596882719, + "main_score": 30.52126378106083, + "pearson": 32.15173983476866, + "spearman": 30.52126378106083 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/SyntecReranking.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/SyntecReranking.json new file mode 100644 index 000000000..2767f0b3c --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/SyntecReranking.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "daf0863838cd9e3ba50544cdce3ac2b338a1b0ad", + "task_name": "SyntecReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "main_score": 87.26666666666667, + "map": 87.26666666666667, + "mrr": 87.26666666666667, + "nAUC_map_diff1": 61.78899094665834, + "nAUC_map_max": -2.2012304949668993, + "nAUC_map_std": 37.30593860183502, + "nAUC_mrr_diff1": 61.78899094665834, + "nAUC_mrr_max": -2.2012304949668993, + "nAUC_mrr_std": 37.30593860183502 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/SyntecRetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/SyntecRetrieval.json new file mode 100644 index 000000000..ced0a70dc --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/SyntecRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "19661ccdca4dfc2d15122d776b61685f48c68ca9", + "task_name": "SyntecRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "main_score": 82.43599999999999, + "map_at_1": 64.0, + "map_at_10": 76.996, + "map_at_100": 77.013, + "map_at_1000": 77.013, + "map_at_20": 76.996, + "map_at_3": 75.333, + "map_at_5": 76.283, + "mrr_at_1": 64.0, + "mrr_at_10": 76.99563492063493, + "mrr_at_100": 77.01349206349207, + "mrr_at_1000": 77.01349206349207, + "mrr_at_20": 76.99563492063493, + "mrr_at_3": 75.33333333333334, + "mrr_at_5": 76.28333333333335, + "nauc_map_at_1000_diff1": 52.30753137123808, + "nauc_map_at_1000_max": 17.29347799374363, + "nauc_map_at_1000_std": -24.365180584916605, + "nauc_map_at_100_diff1": 52.30753137123808, + "nauc_map_at_100_max": 17.29347799374363, + "nauc_map_at_100_std": -24.365180584916605, + "nauc_map_at_10_diff1": 52.32585614998896, + "nauc_map_at_10_max": 17.261799514404697, + "nauc_map_at_10_std": -24.30981171513401, + "nauc_map_at_1_diff1": 56.0129007536084, + "nauc_map_at_1_max": 18.50970749776472, + "nauc_map_at_1_std": -25.554029888874723, + "nauc_map_at_20_diff1": 52.32585614998896, + "nauc_map_at_20_max": 17.261799514404697, + "nauc_map_at_20_std": -24.30981171513401, + "nauc_map_at_3_diff1": 51.22942949153543, + "nauc_map_at_3_max": 15.992554731586273, + "nauc_map_at_3_std": -25.091588619375383, + "nauc_map_at_5_diff1": 51.96750082957349, + "nauc_map_at_5_max": 17.158674012807587, + "nauc_map_at_5_std": -23.657966651531893, + "nauc_mrr_at_1000_diff1": 52.30753137123808, + "nauc_mrr_at_1000_max": 17.29347799374363, + "nauc_mrr_at_1000_std": -24.365180584916605, + "nauc_mrr_at_100_diff1": 52.30753137123808, + "nauc_mrr_at_100_max": 17.29347799374363, + "nauc_mrr_at_100_std": -24.365180584916605, + "nauc_mrr_at_10_diff1": 52.32585614998896, + "nauc_mrr_at_10_max": 17.261799514404697, + "nauc_mrr_at_10_std": -24.30981171513401, + "nauc_mrr_at_1_diff1": 56.0129007536084, + "nauc_mrr_at_1_max": 18.50970749776472, + "nauc_mrr_at_1_std": -25.554029888874723, + "nauc_mrr_at_20_diff1": 52.32585614998896, + "nauc_mrr_at_20_max": 17.261799514404697, + "nauc_mrr_at_20_std": -24.30981171513401, + "nauc_mrr_at_3_diff1": 51.22942949153543, + "nauc_mrr_at_3_max": 15.992554731586273, + "nauc_mrr_at_3_std": -25.091588619375383, + "nauc_mrr_at_5_diff1": 51.96750082957349, + "nauc_mrr_at_5_max": 17.158674012807587, + "nauc_mrr_at_5_std": -23.657966651531893, + "nauc_ndcg_at_1000_diff1": 52.25936013546259, + "nauc_ndcg_at_1000_max": 17.156377900614427, + "nauc_ndcg_at_1000_std": -23.860918956976775, + "nauc_ndcg_at_100_diff1": 52.25936013546259, + "nauc_ndcg_at_100_max": 17.156377900614427, + "nauc_ndcg_at_100_std": -23.860918956976775, + "nauc_ndcg_at_10_diff1": 52.48908784081352, + "nauc_ndcg_at_10_max": 16.761778191196626, + "nauc_ndcg_at_10_std": -23.1742676723163, + "nauc_ndcg_at_1_diff1": 56.0129007536084, + "nauc_ndcg_at_1_max": 18.50970749776472, + "nauc_ndcg_at_1_std": -25.554029888874723, + "nauc_ndcg_at_20_diff1": 52.48908784081352, + "nauc_ndcg_at_20_max": 16.761778191196626, + "nauc_ndcg_at_20_std": -23.1742676723163, + "nauc_ndcg_at_3_diff1": 50.39571507644849, + "nauc_ndcg_at_3_max": 14.796226924105916, + "nauc_ndcg_at_3_std": -24.55184971150951, + "nauc_ndcg_at_5_diff1": 51.764690566839796, + "nauc_ndcg_at_5_max": 17.064884477394884, + "nauc_ndcg_at_5_std": -21.11624960412319, + "nauc_precision_at_1000_diff1": NaN, + "nauc_precision_at_1000_max": NaN, + "nauc_precision_at_1000_std": NaN, + "nauc_precision_at_100_diff1": NaN, + "nauc_precision_at_100_max": NaN, + "nauc_precision_at_100_std": NaN, + "nauc_precision_at_10_diff1": 72.22222222222277, + "nauc_precision_at_10_max": -17.133520074696808, + "nauc_precision_at_10_std": 35.80765639589114, + "nauc_precision_at_1_diff1": 56.0129007536084, + "nauc_precision_at_1_max": 18.50970749776472, + "nauc_precision_at_1_std": -25.554029888874723, + "nauc_precision_at_20_diff1": 72.22222222222277, + "nauc_precision_at_20_max": -17.133520074696808, + "nauc_precision_at_20_std": 35.80765639589114, + "nauc_precision_at_3_diff1": 46.23716153127904, + "nauc_precision_at_3_max": 7.563025210083932, + "nauc_precision_at_3_std": -21.092436974790093, + "nauc_precision_at_5_diff1": 51.618425147836945, + "nauc_precision_at_5_max": 16.923436041083008, + "nauc_precision_at_5_std": 5.765639589169112, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": NaN, + "nauc_recall_at_100_max": NaN, + "nauc_recall_at_100_std": NaN, + "nauc_recall_at_10_diff1": 72.22222222222202, + "nauc_recall_at_10_max": -17.133520074696147, + "nauc_recall_at_10_std": 35.80765639589109, + "nauc_recall_at_1_diff1": 56.0129007536084, + "nauc_recall_at_1_max": 18.50970749776472, + "nauc_recall_at_1_std": -25.554029888874723, + "nauc_recall_at_20_diff1": 72.22222222222202, + "nauc_recall_at_20_max": -17.133520074696147, + "nauc_recall_at_20_std": 35.80765639589109, + "nauc_recall_at_3_diff1": 46.23716153127918, + "nauc_recall_at_3_max": 7.563025210084062, + "nauc_recall_at_3_std": -21.092436974789898, + "nauc_recall_at_5_diff1": 51.618425147837044, + "nauc_recall_at_5_max": 16.923436041083242, + "nauc_recall_at_5_std": 5.765639589169263, + "ndcg_at_1": 64.0, + "ndcg_at_10": 82.43599999999999, + "ndcg_at_100": 82.607, + "ndcg_at_1000": 82.607, + "ndcg_at_20": 82.43599999999999, + "ndcg_at_3": 79.095, + "ndcg_at_5": 80.774, + "precision_at_1": 64.0, + "precision_at_10": 9.9, + "precision_at_100": 1.0, + "precision_at_1000": 0.1, + "precision_at_20": 4.95, + "precision_at_3": 30.0, + "precision_at_5": 18.8, + "recall_at_1": 64.0, + "recall_at_10": 99.0, + "recall_at_100": 100.0, + "recall_at_1000": 100.0, + "recall_at_20": 99.0, + "recall_at_3": 90.0, + "recall_at_5": 94.0 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/T2Reranking.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/T2Reranking.json new file mode 100644 index 000000000..308dd7524 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/T2Reranking.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "76631901a18387f85eaa53e5450019b87ad58ef9", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 66.50583475592573, + "map": 66.50583475592573, + "mrr": 76.66814435094733, + "nAUC_map_diff1": -7.531687895205624, + "nAUC_map_max": 31.536810866173976, + "nAUC_map_std": 0.584045198013492, + "nAUC_mrr_diff1": -5.20389538556461, + "nAUC_mrr_max": 26.230205943854155, + "nAUC_mrr_std": -2.321422405480513 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/T2Retrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/T2Retrieval.json new file mode 100644 index 000000000..557a0579e --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/T2Retrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "8731a845f1bf500a4f111cf1070785c793d10e64", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 84.048, + "map_at_1": 27.250000000000004, + "map_at_10": 76.43799999999999, + "map_at_100": 80.066, + "map_at_1000": 80.136, + "map_at_20": 79.194, + "map_at_3": 53.787, + "map_at_5": 66.06, + "mrr_at_1": 89.4660704892162, + "mrr_at_10": 92.02673022274553, + "mrr_at_100": 92.11951616133179, + "mrr_at_1000": 92.12325682782645, + "mrr_at_20": 92.08937202287764, + "mrr_at_3": 91.55853644280776, + "mrr_at_5": 91.85947454556089, + "nauc_map_at_1000_diff1": 14.991306664519879, + "nauc_map_at_1000_max": 50.14205870015166, + "nauc_map_at_1000_std": 20.531935138410972, + "nauc_map_at_100_diff1": 14.981377145101368, + "nauc_map_at_100_max": 50.0447401180562, + "nauc_map_at_100_std": 20.47654947572488, + "nauc_map_at_10_diff1": 18.790069500020213, + "nauc_map_at_10_max": 37.18636615175541, + "nauc_map_at_10_std": 4.309216124710264, + "nauc_map_at_1_diff1": 50.94702228516873, + "nauc_map_at_1_max": -23.434673439743328, + "nauc_map_at_1_std": -36.270013046647115, + "nauc_map_at_20_diff1": 15.442991212547918, + "nauc_map_at_20_max": 47.53165224906053, + "nauc_map_at_20_std": 17.091479886176085, + "nauc_map_at_3_diff1": 37.34355641131019, + "nauc_map_at_3_max": -9.627767798276931, + "nauc_map_at_3_std": -33.623788261136816, + "nauc_map_at_5_diff1": 30.08255691506382, + "nauc_map_at_5_max": 7.523532625631027, + "nauc_map_at_5_std": -22.873284280648562, + "nauc_mrr_at_1000_diff1": 48.948136368672685, + "nauc_mrr_at_1000_max": 79.31242146814085, + "nauc_mrr_at_1000_std": 42.09118789494853, + "nauc_mrr_at_100_diff1": 48.95105601935127, + "nauc_mrr_at_100_max": 79.31972489396628, + "nauc_mrr_at_100_std": 42.10749180847621, + "nauc_mrr_at_10_diff1": 48.909737017066334, + "nauc_mrr_at_10_max": 79.438878924473, + "nauc_mrr_at_10_std": 42.22609309864849, + "nauc_mrr_at_1_diff1": 49.17057164590014, + "nauc_mrr_at_1_max": 75.50607518284367, + "nauc_mrr_at_1_std": 36.14082103331818, + "nauc_mrr_at_20_diff1": 48.972145239401705, + "nauc_mrr_at_20_max": 79.37286170468568, + "nauc_mrr_at_20_std": 42.15361640253828, + "nauc_mrr_at_3_diff1": 48.73407413089388, + "nauc_mrr_at_3_max": 79.31526640124694, + "nauc_mrr_at_3_std": 41.87832848049768, + "nauc_mrr_at_5_diff1": 48.92974709753988, + "nauc_mrr_at_5_max": 79.52029263445817, + "nauc_mrr_at_5_std": 42.2387927929394, + "nauc_ndcg_at_1000_diff1": 19.852159219940212, + "nauc_ndcg_at_1000_max": 61.78867818911231, + "nauc_ndcg_at_1000_std": 33.12786556649802, + "nauc_ndcg_at_100_diff1": 19.3709781000508, + "nauc_ndcg_at_100_max": 60.84802300919614, + "nauc_ndcg_at_100_std": 33.09600270707079, + "nauc_ndcg_at_10_diff1": 18.890624683095215, + "nauc_ndcg_at_10_max": 52.07035400648073, + "nauc_ndcg_at_10_std": 21.215632742092755, + "nauc_ndcg_at_1_diff1": 49.17057164590014, + "nauc_ndcg_at_1_max": 75.50607518284367, + "nauc_ndcg_at_1_std": 36.14082103331818, + "nauc_ndcg_at_20_diff1": 19.15746849253811, + "nauc_ndcg_at_20_max": 55.82176951048079, + "nauc_ndcg_at_20_std": 26.477040534373803, + "nauc_ndcg_at_3_diff1": 15.61757086504063, + "nauc_ndcg_at_3_max": 66.07148250075376, + "nauc_ndcg_at_3_std": 33.08315717230347, + "nauc_ndcg_at_5_diff1": 15.934068427718106, + "nauc_ndcg_at_5_max": 59.64275100530712, + "nauc_ndcg_at_5_std": 28.197929106012136, + "nauc_precision_at_1000_diff1": -32.14239275674187, + "nauc_precision_at_1000_max": 49.003598734673425, + "nauc_precision_at_1000_std": 60.77307108185476, + "nauc_precision_at_100_diff1": -32.110716229470334, + "nauc_precision_at_100_max": 50.85328281382415, + "nauc_precision_at_100_std": 62.32808109717699, + "nauc_precision_at_10_diff1": -31.837193489485628, + "nauc_precision_at_10_max": 55.83705208493232, + "nauc_precision_at_10_std": 57.50283019666919, + "nauc_precision_at_1_diff1": 49.17057164590014, + "nauc_precision_at_1_max": 75.50607518284367, + "nauc_precision_at_1_std": 36.14082103331818, + "nauc_precision_at_20_diff1": -32.044968169611735, + "nauc_precision_at_20_max": 53.82174008549685, + "nauc_precision_at_20_std": 61.46528672131028, + "nauc_precision_at_3_diff1": -26.261125878602332, + "nauc_precision_at_3_max": 66.0859983928659, + "nauc_precision_at_3_std": 48.83715827055477, + "nauc_precision_at_5_diff1": -31.13291937399241, + "nauc_precision_at_5_max": 61.01429282172497, + "nauc_precision_at_5_std": 52.76320524351461, + "nauc_recall_at_1000_diff1": 6.214349212436889, + "nauc_recall_at_1000_max": 59.08096875098299, + "nauc_recall_at_1000_std": 62.01528677223324, + "nauc_recall_at_100_diff1": 9.456254682836157, + "nauc_recall_at_100_max": 53.09669357470267, + "nauc_recall_at_100_std": 47.19170803245384, + "nauc_recall_at_10_diff1": 17.067819451151244, + "nauc_recall_at_10_max": 26.995954619298562, + "nauc_recall_at_10_std": -1.358304137922756, + "nauc_recall_at_1_diff1": 50.94702228516873, + "nauc_recall_at_1_max": -23.434673439743328, + "nauc_recall_at_1_std": -36.270013046647115, + "nauc_recall_at_20_diff1": 12.166170322330789, + "nauc_recall_at_20_max": 41.98372262379903, + "nauc_recall_at_20_std": 21.231284446488473, + "nauc_recall_at_3_diff1": 35.585610972927654, + "nauc_recall_at_3_max": -14.184820983265075, + "nauc_recall_at_3_std": -36.14847855262556, + "nauc_recall_at_5_diff1": 29.050625754040084, + "nauc_recall_at_5_max": -1.0410932842186966, + "nauc_recall_at_5_std": -28.261646321102425, + "ndcg_at_1": 89.46600000000001, + "ndcg_at_10": 84.048, + "ndcg_at_100": 87.69, + "ndcg_at_1000": 88.369, + "ndcg_at_20": 85.819, + "ndcg_at_3": 85.473, + "ndcg_at_5": 84.048, + "precision_at_1": 89.46600000000001, + "precision_at_10": 41.772, + "precision_at_100": 4.993, + "precision_at_1000": 0.515, + "precision_at_20": 23.202, + "precision_at_3": 74.779, + "precision_at_5": 62.63999999999999, + "recall_at_1": 27.250000000000004, + "recall_at_10": 82.934, + "recall_at_100": 94.815, + "recall_at_1000": 98.294, + "recall_at_20": 88.883, + "recall_at_3": 55.458, + "recall_at_5": 69.465 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/TERRa.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/TERRa.json new file mode 100644 index 000000000..f77124315 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/TERRa.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "7b58f24536063837d644aab9a023c62199b2a612", + "task_name": "TERRa", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "cosine_accuracy": 60.91205211726385, + "cosine_accuracy_threshold": 68.15387606620789, + "cosine_ap": 57.705995373862805, + "cosine_f1": 67.57990867579909, + "cosine_f1_threshold": 54.87680435180664, + "cosine_precision": 51.92982456140351, + "cosine_recall": 96.73202614379085, + "dot_accuracy": 60.91205211726385, + "dot_accuracy_threshold": 68.15387010574341, + "dot_ap": 57.705995373862805, + "dot_f1": 67.57990867579909, + "dot_f1_threshold": 54.87680435180664, + "dot_precision": 51.92982456140351, + "dot_recall": 96.73202614379085, + "euclidean_accuracy": 60.91205211726385, + "euclidean_accuracy_threshold": 79.80742454528809, + "euclidean_ap": 57.705995373862805, + "euclidean_f1": 67.57990867579909, + "euclidean_f1_threshold": 94.99809741973877, + "euclidean_precision": 51.92982456140351, + "euclidean_recall": 96.73202614379085, + "main_score": 57.705995373862805, + "manhattan_accuracy": 60.586319218241044, + "manhattan_accuracy_threshold": 1858.333969116211, + "manhattan_ap": 57.53277048517774, + "manhattan_f1": 67.59259259259261, + "manhattan_f1_threshold": 2154.4769287109375, + "manhattan_precision": 52.32974910394266, + "manhattan_recall": 95.42483660130719, + "max_ap": 57.705995373862805, + "max_f1": 67.59259259259261, + "max_precision": 52.32974910394266, + "max_recall": 96.73202614379085, + "similarity_accuracy": 60.91205211726385, + "similarity_accuracy_threshold": 68.15387606620789, + "similarity_ap": 57.705995373862805, + "similarity_f1": 67.57990867579909, + "similarity_f1_threshold": 54.87680435180664, + "similarity_precision": 51.92982456140351, + "similarity_recall": 96.73202614379085 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/TNews.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/TNews.json new file mode 100644 index 000000000..17043a666 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/TNews.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "317f262bf1e6126357bbe89e875451e4b0938fe4", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 51.577000000000005, + "f1": 49.3938790995325, + "f1_weighted": 51.49872910589875, + "main_score": 51.577000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/TRECCOVID-PL.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/TRECCOVID-PL.json new file mode 100644 index 000000000..0ae572f99 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/TRECCOVID-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "81bcb408f33366c2a20ac54adafad1ae7e877fdd", + "task_name": "TRECCOVID-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 56.919, + "map_at_1": 0.17600000000000002, + "map_at_10": 1.352, + "map_at_100": 7.253, + "map_at_1000": 18.698, + "map_at_20": 2.313, + "map_at_3": 0.496, + "map_at_5": 0.775, + "mrr_at_1": 68.0, + "mrr_at_10": 80.26904761904761, + "mrr_at_100": 80.26904761904761, + "mrr_at_1000": 80.26904761904761, + "mrr_at_20": 80.26904761904761, + "mrr_at_3": 78.33333333333333, + "mrr_at_5": 79.73333333333332, + "nauc_map_at_1000_diff1": 6.574463369141221, + "nauc_map_at_1000_max": 53.38255229751684, + "nauc_map_at_1000_std": 80.05902957099651, + "nauc_map_at_100_diff1": 11.446821053406707, + "nauc_map_at_100_max": 44.68607496071329, + "nauc_map_at_100_std": 72.78356846807002, + "nauc_map_at_10_diff1": 19.670014556837902, + "nauc_map_at_10_max": 34.81097303843686, + "nauc_map_at_10_std": 33.674183618423335, + "nauc_map_at_1_diff1": 21.506439684761883, + "nauc_map_at_1_max": 28.484715735575577, + "nauc_map_at_1_std": 9.63153171871658, + "nauc_map_at_20_diff1": 21.0792619485704, + "nauc_map_at_20_max": 42.16963284469341, + "nauc_map_at_20_std": 40.700515917035524, + "nauc_map_at_3_diff1": 26.981672835550295, + "nauc_map_at_3_max": 32.974693063997506, + "nauc_map_at_3_std": 16.6022898528941, + "nauc_map_at_5_diff1": 27.87549872058613, + "nauc_map_at_5_max": 33.80977925406638, + "nauc_map_at_5_std": 19.902109058910966, + "nauc_mrr_at_1000_diff1": 12.46327367923585, + "nauc_mrr_at_1000_max": 36.671369778214725, + "nauc_mrr_at_1000_std": 29.65039484236962, + "nauc_mrr_at_100_diff1": 12.46327367923585, + "nauc_mrr_at_100_max": 36.671369778214725, + "nauc_mrr_at_100_std": 29.65039484236962, + "nauc_mrr_at_10_diff1": 12.46327367923585, + "nauc_mrr_at_10_max": 36.671369778214725, + "nauc_mrr_at_10_std": 29.65039484236962, + "nauc_mrr_at_1_diff1": 6.319535622970017, + "nauc_mrr_at_1_max": 33.71225209038767, + "nauc_mrr_at_1_std": 25.834427475640904, + "nauc_mrr_at_20_diff1": 12.46327367923585, + "nauc_mrr_at_20_max": 36.671369778214725, + "nauc_mrr_at_20_std": 29.65039484236962, + "nauc_mrr_at_3_diff1": 14.027551353113887, + "nauc_mrr_at_3_max": 38.329801108575204, + "nauc_mrr_at_3_std": 29.922562764916822, + "nauc_mrr_at_5_diff1": 14.272859057946812, + "nauc_mrr_at_5_max": 36.26521327614547, + "nauc_mrr_at_5_std": 30.35143151694706, + "nauc_ndcg_at_1000_diff1": 11.430252629811264, + "nauc_ndcg_at_1000_max": 54.72660044236807, + "nauc_ndcg_at_1000_std": 78.30081415388416, + "nauc_ndcg_at_100_diff1": 0.3033147120555255, + "nauc_ndcg_at_100_max": 44.79981966050289, + "nauc_ndcg_at_100_std": 70.8722962407257, + "nauc_ndcg_at_10_diff1": 13.708493191967316, + "nauc_ndcg_at_10_max": 45.58714259949, + "nauc_ndcg_at_10_std": 54.25312608750681, + "nauc_ndcg_at_1_diff1": 14.13764957725658, + "nauc_ndcg_at_1_max": 35.89238137772783, + "nauc_ndcg_at_1_std": 26.159271864845252, + "nauc_ndcg_at_20_diff1": 10.821994469339833, + "nauc_ndcg_at_20_max": 49.655194522856874, + "nauc_ndcg_at_20_std": 59.38126671218269, + "nauc_ndcg_at_3_diff1": 21.715565312196077, + "nauc_ndcg_at_3_max": 43.75654188258407, + "nauc_ndcg_at_3_std": 43.06565426451109, + "nauc_ndcg_at_5_diff1": 23.655719788636784, + "nauc_ndcg_at_5_max": 43.918620576813254, + "nauc_ndcg_at_5_std": 43.25044045865146, + "nauc_precision_at_1000_diff1": -7.801822177721561, + "nauc_precision_at_1000_max": 39.258818089435316, + "nauc_precision_at_1000_std": 51.66205821260089, + "nauc_precision_at_100_diff1": -4.119704756180739, + "nauc_precision_at_100_max": 39.712338903322255, + "nauc_precision_at_100_std": 72.21641244608408, + "nauc_precision_at_10_diff1": 8.444233068337487, + "nauc_precision_at_10_max": 42.4676899985165, + "nauc_precision_at_10_std": 56.826333196617604, + "nauc_precision_at_1_diff1": 6.319535622970017, + "nauc_precision_at_1_max": 33.71225209038767, + "nauc_precision_at_1_std": 25.834427475640904, + "nauc_precision_at_20_diff1": 5.9351451055270665, + "nauc_precision_at_20_max": 48.44119310018816, + "nauc_precision_at_20_std": 59.5595391474413, + "nauc_precision_at_3_diff1": 20.49183589553138, + "nauc_precision_at_3_max": 43.97209215954164, + "nauc_precision_at_3_std": 43.38846811953682, + "nauc_precision_at_5_diff1": 23.91193541491969, + "nauc_precision_at_5_max": 42.89037965109586, + "nauc_precision_at_5_std": 43.85307223071737, + "nauc_recall_at_1000_diff1": 14.852243091307962, + "nauc_recall_at_1000_max": 52.716143146467246, + "nauc_recall_at_1000_std": 75.96395414412834, + "nauc_recall_at_100_diff1": 15.714854209882853, + "nauc_recall_at_100_max": 36.02809107498271, + "nauc_recall_at_100_std": 69.13542905710189, + "nauc_recall_at_10_diff1": 21.595214483052263, + "nauc_recall_at_10_max": 30.858824962274056, + "nauc_recall_at_10_std": 32.41949976903557, + "nauc_recall_at_1_diff1": 21.506439684761883, + "nauc_recall_at_1_max": 28.484715735575577, + "nauc_recall_at_1_std": 9.63153171871658, + "nauc_recall_at_20_diff1": 26.088109678326145, + "nauc_recall_at_20_max": 39.30741232084537, + "nauc_recall_at_20_std": 35.63530214277264, + "nauc_recall_at_3_diff1": 30.069120349407143, + "nauc_recall_at_3_max": 30.61753190304264, + "nauc_recall_at_3_std": 18.336355866759682, + "nauc_recall_at_5_diff1": 31.512613211529615, + "nauc_recall_at_5_max": 30.43538310477602, + "nauc_recall_at_5_std": 19.67467281491149, + "ndcg_at_1": 61.0, + "ndcg_at_10": 56.919, + "ndcg_at_100": 44.4, + "ndcg_at_1000": 42.588, + "ndcg_at_20": 54.266999999999996, + "ndcg_at_3": 58.765, + "ndcg_at_5": 58.553, + "precision_at_1": 68.0, + "precision_at_10": 62.0, + "precision_at_100": 45.839999999999996, + "precision_at_1000": 19.31, + "precision_at_20": 58.199999999999996, + "precision_at_3": 66.667, + "precision_at_5": 64.8, + "recall_at_1": 0.17600000000000002, + "recall_at_10": 1.637, + "recall_at_100": 10.764999999999999, + "recall_at_1000": 40.766999999999996, + "recall_at_20": 2.983, + "recall_at_3": 0.5519999999999999, + "recall_at_5": 0.8829999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/TRECCOVID.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/TRECCOVID.json new file mode 100644 index 000000000..056c02fbd --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/TRECCOVID.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "bb9466bac8153a0349341eb1b22e06409e78ef4e", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 78.374, + "map_at_1": 0.22100000000000003, + "map_at_10": 1.9980000000000002, + "map_at_100": 12.812000000000001, + "map_at_1000": 31.823, + "map_at_20": 3.6859999999999995, + "map_at_3": 0.656, + "map_at_5": 1.0670000000000002, + "mrr_at_1": 84.0, + "mrr_at_10": 90.56666666666666, + "mrr_at_100": 90.56666666666666, + "mrr_at_1000": 90.56666666666666, + "mrr_at_20": 90.56666666666666, + "mrr_at_3": 89.66666666666667, + "mrr_at_5": 90.56666666666666, + "nauc_map_at_1000_diff1": 2.825877135411271, + "nauc_map_at_1000_max": 40.607799285634, + "nauc_map_at_1000_std": 75.56929127733711, + "nauc_map_at_100_diff1": 17.09931837591714, + "nauc_map_at_100_max": 26.017672927390556, + "nauc_map_at_100_std": 47.97065512030576, + "nauc_map_at_10_diff1": 18.2493061824924, + "nauc_map_at_10_max": 14.631430140768051, + "nauc_map_at_10_std": 6.843536754351145, + "nauc_map_at_1_diff1": 22.577139455591702, + "nauc_map_at_1_max": 0.15518062954687648, + "nauc_map_at_1_std": 4.518832555249529, + "nauc_map_at_20_diff1": 13.380363593233845, + "nauc_map_at_20_max": 14.364050402931303, + "nauc_map_at_20_std": 14.97367017439393, + "nauc_map_at_3_diff1": 15.885210137428182, + "nauc_map_at_3_max": 3.562057528491576, + "nauc_map_at_3_std": 2.378758614671768, + "nauc_map_at_5_diff1": 14.49860277826242, + "nauc_map_at_5_max": 7.729805934487601, + "nauc_map_at_5_std": 1.4105962147738722, + "nauc_mrr_at_1000_diff1": 56.881060817300266, + "nauc_mrr_at_1000_max": 41.11734189808372, + "nauc_mrr_at_1000_std": 50.43684357282267, + "nauc_mrr_at_100_diff1": 56.881060817300266, + "nauc_mrr_at_100_max": 41.11734189808372, + "nauc_mrr_at_100_std": 50.43684357282267, + "nauc_mrr_at_10_diff1": 56.881060817300266, + "nauc_mrr_at_10_max": 41.11734189808372, + "nauc_mrr_at_10_std": 50.43684357282267, + "nauc_mrr_at_1_diff1": 58.64629356897393, + "nauc_mrr_at_1_max": 32.48649975454101, + "nauc_mrr_at_1_std": 43.955571919489394, + "nauc_mrr_at_20_diff1": 56.881060817300266, + "nauc_mrr_at_20_max": 41.11734189808372, + "nauc_mrr_at_20_std": 50.43684357282267, + "nauc_mrr_at_3_diff1": 53.77571146801908, + "nauc_mrr_at_3_max": 45.26470680316847, + "nauc_mrr_at_3_std": 53.000845308537706, + "nauc_mrr_at_5_diff1": 56.881060817300266, + "nauc_mrr_at_5_max": 41.11734189808372, + "nauc_mrr_at_5_std": 50.43684357282267, + "nauc_ndcg_at_1000_diff1": 5.706304837276804, + "nauc_ndcg_at_1000_max": 40.29128039047473, + "nauc_ndcg_at_1000_std": 71.00623045997143, + "nauc_ndcg_at_100_diff1": 5.781640210958165, + "nauc_ndcg_at_100_max": 43.91454038788984, + "nauc_ndcg_at_100_std": 73.38353180392235, + "nauc_ndcg_at_10_diff1": 26.9639013902839, + "nauc_ndcg_at_10_max": 54.33014371697244, + "nauc_ndcg_at_10_std": 47.792741117341144, + "nauc_ndcg_at_1_diff1": 54.66632834306011, + "nauc_ndcg_at_1_max": 30.289266683582845, + "nauc_ndcg_at_1_std": 33.96599847754379, + "nauc_ndcg_at_20_diff1": 17.30631583279515, + "nauc_ndcg_at_20_max": 51.11318537065157, + "nauc_ndcg_at_20_std": 58.77421488656353, + "nauc_ndcg_at_3_diff1": 29.77344612486348, + "nauc_ndcg_at_3_max": 37.42364187792375, + "nauc_ndcg_at_3_std": 41.1907099151911, + "nauc_ndcg_at_5_diff1": 26.050198501250804, + "nauc_ndcg_at_5_max": 47.51636664318881, + "nauc_ndcg_at_5_std": 42.27162971112885, + "nauc_precision_at_1000_diff1": -5.147193986603446, + "nauc_precision_at_1000_max": 35.2107091684719, + "nauc_precision_at_1000_std": 46.18948291863976, + "nauc_precision_at_100_diff1": 8.820554100487717, + "nauc_precision_at_100_max": 45.45756541797819, + "nauc_precision_at_100_std": 76.13204940288823, + "nauc_precision_at_10_diff1": 24.200964449927067, + "nauc_precision_at_10_max": 63.97368322679529, + "nauc_precision_at_10_std": 51.453029793278795, + "nauc_precision_at_1_diff1": 58.64629356897393, + "nauc_precision_at_1_max": 32.48649975454101, + "nauc_precision_at_1_std": 43.955571919489394, + "nauc_precision_at_20_diff1": 9.308587936619213, + "nauc_precision_at_20_max": 48.79243631270248, + "nauc_precision_at_20_std": 62.069859056289864, + "nauc_precision_at_3_diff1": 33.581669226830584, + "nauc_precision_at_3_max": 56.22119815668209, + "nauc_precision_at_3_std": 51.94572452636975, + "nauc_precision_at_5_diff1": 27.412098506105657, + "nauc_precision_at_5_max": 62.44729045506555, + "nauc_precision_at_5_std": 44.765099619080445, + "nauc_recall_at_1000_diff1": -1.1672849905619294, + "nauc_recall_at_1000_max": 30.24145654488767, + "nauc_recall_at_1000_std": 59.841775004234165, + "nauc_recall_at_100_diff1": 14.955315589973456, + "nauc_recall_at_100_max": 14.182437740698777, + "nauc_recall_at_100_std": 34.85010900316272, + "nauc_recall_at_10_diff1": 13.823849163501494, + "nauc_recall_at_10_max": 7.576291042005819, + "nauc_recall_at_10_std": 1.4227650589393714, + "nauc_recall_at_1_diff1": 22.577139455591702, + "nauc_recall_at_1_max": 0.15518062954687648, + "nauc_recall_at_1_std": 4.518832555249529, + "nauc_recall_at_20_diff1": 9.577895424349496, + "nauc_recall_at_20_max": 4.326841788680218, + "nauc_recall_at_20_std": 8.40592602308462, + "nauc_recall_at_3_diff1": 11.099599191623701, + "nauc_recall_at_3_max": 1.8660565345942584, + "nauc_recall_at_3_std": -0.5969085344249611, + "nauc_recall_at_5_diff1": 8.674608384913736, + "nauc_recall_at_5_max": 3.730380788869587, + "nauc_recall_at_5_std": -3.4877352049852024, + "ndcg_at_1": 80.0, + "ndcg_at_10": 78.374, + "ndcg_at_100": 63.385000000000005, + "ndcg_at_1000": 57.406, + "ndcg_at_20": 75.795, + "ndcg_at_3": 80.419, + "ndcg_at_5": 80.157, + "precision_at_1": 84.0, + "precision_at_10": 84.0, + "precision_at_100": 65.88000000000001, + "precision_at_1000": 25.502000000000002, + "precision_at_20": 80.30000000000001, + "precision_at_3": 86.667, + "precision_at_5": 86.4, + "recall_at_1": 0.22100000000000003, + "recall_at_10": 2.179, + "recall_at_100": 15.934000000000001, + "recall_at_1000": 54.458, + "recall_at_20": 4.144, + "recall_at_3": 0.6859999999999999, + "recall_at_5": 1.1320000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/ThuNewsClusteringP2P.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/ThuNewsClusteringP2P.json new file mode 100644 index 000000000..88595b7c2 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/ThuNewsClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "5798586b105c0434e4f0fe5e767abe619442cf93", + "task_name": "ThuNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 61.3311446133969, + "v_measure": 61.3311446133969, + "v_measure_std": 1.4292037065102101 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/ThuNewsClusteringS2S.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/ThuNewsClusteringS2S.json new file mode 100644 index 000000000..91f552195 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/ThuNewsClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "8a8b2caeda43f39e13c4bc5bea0f8a667896e10d", + "task_name": "ThuNewsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 56.41668748695762, + "v_measure": 56.41668748695762, + "v_measure_std": 1.096715523512711 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/Touche2020.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/Touche2020.json new file mode 100644 index 000000000..483f4ef56 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/Touche2020.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 28.907, + "map_at_1": 2.675, + "map_at_10": 12.215, + "map_at_100": 18.7, + "map_at_1000": 20.398, + "map_at_20": 15.078, + "map_at_3": 6.241, + "map_at_5": 8.289, + "mrr_at_1": 32.6530612244898, + "mrr_at_10": 50.01133786848071, + "mrr_at_100": 50.77517365675259, + "mrr_at_1000": 50.77517365675259, + "mrr_at_20": 50.588814902724664, + "mrr_at_3": 45.578231292517, + "mrr_at_5": 48.53741496598638, + "nauc_map_at_1000_diff1": -5.684538294981354, + "nauc_map_at_1000_max": -33.46305720843361, + "nauc_map_at_1000_std": 1.9671166101260358, + "nauc_map_at_100_diff1": -3.9527668773790374, + "nauc_map_at_100_max": -33.547343271958304, + "nauc_map_at_100_std": -1.4543726200894687, + "nauc_map_at_10_diff1": -3.6912102827982975, + "nauc_map_at_10_max": -37.051501400243644, + "nauc_map_at_10_std": -18.58369649223091, + "nauc_map_at_1_diff1": 8.542642521750217, + "nauc_map_at_1_max": -42.118453460843014, + "nauc_map_at_1_std": -21.4477651608444, + "nauc_map_at_20_diff1": -4.1294483682157335, + "nauc_map_at_20_max": -32.055300714683774, + "nauc_map_at_20_std": -13.633460827906779, + "nauc_map_at_3_diff1": 4.166012812499575, + "nauc_map_at_3_max": -44.421760913346375, + "nauc_map_at_3_std": -22.934729762627693, + "nauc_map_at_5_diff1": 5.0705280599427285, + "nauc_map_at_5_max": -39.880207516910055, + "nauc_map_at_5_std": -19.089070592204358, + "nauc_mrr_at_1000_diff1": 8.136502099178854, + "nauc_mrr_at_1000_max": -54.053135657703564, + "nauc_mrr_at_1000_std": 0.8410793475356224, + "nauc_mrr_at_100_diff1": 8.136502099178854, + "nauc_mrr_at_100_max": -54.053135657703564, + "nauc_mrr_at_100_std": 0.8410793475356224, + "nauc_mrr_at_10_diff1": 7.021058071372796, + "nauc_mrr_at_10_max": -55.576671480124475, + "nauc_mrr_at_10_std": 2.659844175871393, + "nauc_mrr_at_1_diff1": 21.763874961879942, + "nauc_mrr_at_1_max": -42.10185605661237, + "nauc_mrr_at_1_std": -6.492292167140558, + "nauc_mrr_at_20_diff1": 8.441891181402887, + "nauc_mrr_at_20_max": -54.466795585812235, + "nauc_mrr_at_20_std": 0.916114699709143, + "nauc_mrr_at_3_diff1": 7.551389256661414, + "nauc_mrr_at_3_max": -46.97364074837694, + "nauc_mrr_at_3_std": 1.0411397370775466, + "nauc_mrr_at_5_diff1": 5.235804734715955, + "nauc_mrr_at_5_max": -54.37509495435838, + "nauc_mrr_at_5_std": 2.779654633655762, + "nauc_ndcg_at_1000_diff1": -15.397449719696779, + "nauc_ndcg_at_1000_max": -43.619552110596665, + "nauc_ndcg_at_1000_std": 26.3557588044005, + "nauc_ndcg_at_100_diff1": -8.064551008407328, + "nauc_ndcg_at_100_max": -45.62898014606384, + "nauc_ndcg_at_100_std": 19.02252139372526, + "nauc_ndcg_at_10_diff1": -4.128778098656938, + "nauc_ndcg_at_10_max": -47.533595647961825, + "nauc_ndcg_at_10_std": -3.3387983790901616, + "nauc_ndcg_at_1_diff1": 15.241311807512584, + "nauc_ndcg_at_1_max": -41.98413041761103, + "nauc_ndcg_at_1_std": -1.7966111564973624, + "nauc_ndcg_at_20_diff1": -5.70487127711277, + "nauc_ndcg_at_20_max": -43.296928773082485, + "nauc_ndcg_at_20_std": -4.953768651191041, + "nauc_ndcg_at_3_diff1": 10.059341497787937, + "nauc_ndcg_at_3_max": -40.68501908879975, + "nauc_ndcg_at_3_std": -3.6931074797187877, + "nauc_ndcg_at_5_diff1": 7.526983752941929, + "nauc_ndcg_at_5_max": -43.365397576700275, + "nauc_ndcg_at_5_std": 0.32616836825174683, + "nauc_precision_at_1000_diff1": -7.438317571660842, + "nauc_precision_at_1000_max": 34.73241001748508, + "nauc_precision_at_1000_std": 36.25365158109604, + "nauc_precision_at_100_diff1": -4.627005077446657, + "nauc_precision_at_100_max": -15.93628289282409, + "nauc_precision_at_100_std": 68.61386525027707, + "nauc_precision_at_10_diff1": -10.52039936457346, + "nauc_precision_at_10_max": -43.34615042118174, + "nauc_precision_at_10_std": 9.318534549691767, + "nauc_precision_at_1_diff1": 21.763874961879942, + "nauc_precision_at_1_max": -42.10185605661237, + "nauc_precision_at_1_std": -6.492292167140558, + "nauc_precision_at_20_diff1": -2.287812706503246, + "nauc_precision_at_20_max": -28.10959274429549, + "nauc_precision_at_20_std": 16.788667831779485, + "nauc_precision_at_3_diff1": 11.569650243424755, + "nauc_precision_at_3_max": -41.668998559185844, + "nauc_precision_at_3_std": -0.3803285872339615, + "nauc_precision_at_5_diff1": 7.598490650206377, + "nauc_precision_at_5_max": -41.68148813885381, + "nauc_precision_at_5_std": 7.354258555131649, + "nauc_recall_at_1000_diff1": -50.220542196994636, + "nauc_recall_at_1000_max": -16.95193388500635, + "nauc_recall_at_1000_std": 69.28134193017735, + "nauc_recall_at_100_diff1": -15.415419361213853, + "nauc_recall_at_100_max": -33.60910097372997, + "nauc_recall_at_100_std": 35.403748730364256, + "nauc_recall_at_10_diff1": -14.144822663337028, + "nauc_recall_at_10_max": -38.11986778901871, + "nauc_recall_at_10_std": -13.87707926888663, + "nauc_recall_at_1_diff1": 8.542642521750217, + "nauc_recall_at_1_max": -42.118453460843014, + "nauc_recall_at_1_std": -21.4477651608444, + "nauc_recall_at_20_diff1": -12.3394417307943, + "nauc_recall_at_20_max": -32.75019884128939, + "nauc_recall_at_20_std": -6.875770812126497, + "nauc_recall_at_3_diff1": -0.907011119452535, + "nauc_recall_at_3_max": -42.06461204250678, + "nauc_recall_at_3_std": -18.765470997666945, + "nauc_recall_at_5_diff1": -1.063588562013453, + "nauc_recall_at_5_max": -39.15779594344513, + "nauc_recall_at_5_std": -14.839683507905466, + "ndcg_at_1": 29.592000000000002, + "ndcg_at_10": 28.907, + "ndcg_at_100": 40.211000000000006, + "ndcg_at_1000": 51.482000000000006, + "ndcg_at_20": 29.804000000000002, + "ndcg_at_3": 30.802000000000003, + "ndcg_at_5": 29.511, + "precision_at_1": 32.653, + "precision_at_10": 26.531, + "precision_at_100": 8.224, + "precision_at_1000": 1.576, + "precision_at_20": 20.102, + "precision_at_3": 34.014, + "precision_at_5": 30.203999999999997, + "recall_at_1": 2.675, + "recall_at_10": 19.750999999999998, + "recall_at_100": 50.365, + "recall_at_1000": 84.773, + "recall_at_20": 27.632, + "recall_at_3": 7.578, + "recall_at_5": 11.346 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/ToxicConversationsClassification.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..f1466d469 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/ToxicConversationsClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.810546875, + "ap": 14.252152092007437, + "ap_weighted": 14.252152092007437, + "f1": 54.48430687519361, + "f1_weighted": 77.28107973539473, + "main_score": 70.810546875 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/TweetSentimentExtractionClassification.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..2020a198c --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 62.66553480475382, + "f1": 62.053566222838384, + "f1_weighted": 60.48069640139468, + "main_score": 62.66553480475382 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/TwentyNewsgroupsClustering.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..709d92277 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 49.676842982432774, + "v_measure": 49.676842982432774, + "v_measure_std": 1.3041225457855343 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/TwitterSemEval2015.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/TwitterSemEval2015.json new file mode 100644 index 000000000..4b35b9c4f --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/TwitterSemEval2015.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 85.07480479227513, + "cosine_accuracy_threshold": 78.39158177375793, + "cosine_ap": 70.92737526837412, + "cosine_f1": 66.1954959271682, + "cosine_f1_threshold": 74.12481307983398, + "cosine_precision": 60.61869240895129, + "cosine_recall": 72.9023746701847, + "dot_accuracy": 85.07480479227513, + "dot_accuracy_threshold": 78.39158773422241, + "dot_ap": 70.92737601494514, + "dot_f1": 66.1954959271682, + "dot_f1_threshold": 74.12482500076294, + "dot_precision": 60.61869240895129, + "dot_recall": 72.9023746701847, + "euclidean_accuracy": 85.07480479227513, + "euclidean_accuracy_threshold": 65.73951244354248, + "euclidean_ap": 70.92738137519932, + "euclidean_f1": 66.1954959271682, + "euclidean_f1_threshold": 71.93772792816162, + "euclidean_precision": 60.61869240895129, + "euclidean_recall": 72.9023746701847, + "main_score": 70.92738137519932, + "manhattan_accuracy": 84.89002801454372, + "manhattan_accuracy_threshold": 1543.7227249145508, + "manhattan_ap": 70.45819704836475, + "manhattan_f1": 65.75607397558322, + "manhattan_f1_threshold": 1691.067886352539, + "manhattan_precision": 60.673656033905864, + "manhattan_recall": 71.76781002638522, + "max_ap": 70.92738137519932, + "max_f1": 66.1954959271682, + "max_precision": 60.673656033905864, + "max_recall": 72.9023746701847, + "similarity_accuracy": 85.07480479227513, + "similarity_accuracy_threshold": 78.39158177375793, + "similarity_ap": 70.92737526837412, + "similarity_f1": 66.1954959271682, + "similarity_f1_threshold": 74.12481307983398, + "similarity_precision": 60.61869240895129, + "similarity_recall": 72.9023746701847 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/TwitterURLCorpus.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/TwitterURLCorpus.json new file mode 100644 index 000000000..4d00cfa21 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/TwitterURLCorpus.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 89.32355338223309, + "cosine_accuracy_threshold": 72.50972986221313, + "cosine_ap": 86.74895762701595, + "cosine_f1": 79.21738810635873, + "cosine_f1_threshold": 69.94493007659912, + "cosine_precision": 75.82905020066183, + "cosine_recall": 82.9226978749615, + "dot_accuracy": 89.32355338223309, + "dot_accuracy_threshold": 72.50974178314209, + "dot_ap": 86.74894970312789, + "dot_f1": 79.21738810635873, + "dot_f1_threshold": 69.94493007659912, + "dot_precision": 75.82905020066183, + "dot_recall": 82.9226978749615, + "euclidean_accuracy": 89.32355338223309, + "euclidean_accuracy_threshold": 74.14885759353638, + "euclidean_ap": 86.74893799074754, + "euclidean_f1": 79.21738810635873, + "euclidean_f1_threshold": 77.53072381019592, + "euclidean_precision": 75.82905020066183, + "euclidean_recall": 82.9226978749615, + "main_score": 86.74895762701595, + "manhattan_accuracy": 89.28474405247022, + "manhattan_accuracy_threshold": 1725.102424621582, + "manhattan_ap": 86.69699016049593, + "manhattan_f1": 79.00847425990219, + "manhattan_f1_threshold": 1807.0615768432617, + "manhattan_precision": 76.68671642872673, + "manhattan_recall": 81.4752078842008, + "max_ap": 86.74895762701595, + "max_f1": 79.21738810635873, + "max_precision": 76.68671642872673, + "max_recall": 82.9226978749615, + "similarity_accuracy": 89.32355338223309, + "similarity_accuracy_threshold": 72.50972986221313, + "similarity_ap": 86.74895762701595, + "similarity_f1": 79.21738810635873, + "similarity_f1_threshold": 69.94493007659912, + "similarity_precision": 75.82905020066183, + "similarity_recall": 82.9226978749615 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/VideoRetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/VideoRetrieval.json new file mode 100644 index 000000000..3226bc9bc --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/VideoRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "58c2597a5943a2ba48f4668c3b90d796283c5639", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 70.078, + "map_at_1": 55.60000000000001, + "map_at_10": 65.45100000000001, + "map_at_100": 65.972, + "map_at_1000": 65.983, + "map_at_20": 65.807, + "map_at_3": 63.233, + "map_at_5": 64.66300000000001, + "mrr_at_1": 55.60000000000001, + "mrr_at_10": 65.4510714285715, + "mrr_at_100": 65.97165962076099, + "mrr_at_1000": 65.98320753283919, + "mrr_at_20": 65.80718845439051, + "mrr_at_3": 63.23333333333338, + "mrr_at_5": 64.6633333333334, + "nauc_map_at_1000_diff1": 61.870954535069615, + "nauc_map_at_1000_max": 23.090300594918375, + "nauc_map_at_1000_std": -37.76103949466824, + "nauc_map_at_100_diff1": 61.86086531015621, + "nauc_map_at_100_max": 23.103916177822935, + "nauc_map_at_100_std": -37.754472602108585, + "nauc_map_at_10_diff1": 61.95721168001316, + "nauc_map_at_10_max": 22.895572163222226, + "nauc_map_at_10_std": -38.336243891701066, + "nauc_map_at_1_diff1": 64.2441219535636, + "nauc_map_at_1_max": 20.64015444888544, + "nauc_map_at_1_std": -35.13259877775077, + "nauc_map_at_20_diff1": 61.843808986063124, + "nauc_map_at_20_max": 23.043585376021333, + "nauc_map_at_20_std": -37.96548127355041, + "nauc_map_at_3_diff1": 61.69619207556679, + "nauc_map_at_3_max": 23.42210304941044, + "nauc_map_at_3_std": -38.25191353860321, + "nauc_map_at_5_diff1": 61.86402019020591, + "nauc_map_at_5_max": 22.978407043164168, + "nauc_map_at_5_std": -38.543794878087006, + "nauc_mrr_at_1000_diff1": 61.870954535069615, + "nauc_mrr_at_1000_max": 23.090300594918375, + "nauc_mrr_at_1000_std": -37.76103949466824, + "nauc_mrr_at_100_diff1": 61.86086531015621, + "nauc_mrr_at_100_max": 23.103916177822935, + "nauc_mrr_at_100_std": -37.754472602108585, + "nauc_mrr_at_10_diff1": 61.95721168001316, + "nauc_mrr_at_10_max": 22.895572163222226, + "nauc_mrr_at_10_std": -38.336243891701066, + "nauc_mrr_at_1_diff1": 64.2441219535636, + "nauc_mrr_at_1_max": 20.64015444888544, + "nauc_mrr_at_1_std": -35.13259877775077, + "nauc_mrr_at_20_diff1": 61.843808986063124, + "nauc_mrr_at_20_max": 23.043585376021333, + "nauc_mrr_at_20_std": -37.96548127355041, + "nauc_mrr_at_3_diff1": 61.69619207556679, + "nauc_mrr_at_3_max": 23.42210304941044, + "nauc_mrr_at_3_std": -38.25191353860321, + "nauc_mrr_at_5_diff1": 61.86402019020591, + "nauc_mrr_at_5_max": 22.978407043164168, + "nauc_mrr_at_5_std": -38.543794878087006, + "nauc_ndcg_at_1000_diff1": 61.29794077219897, + "nauc_ndcg_at_1000_max": 24.418905186535554, + "nauc_ndcg_at_1000_std": -36.38675333575123, + "nauc_ndcg_at_100_diff1": 61.01225965851154, + "nauc_ndcg_at_100_max": 24.921415589027195, + "nauc_ndcg_at_100_std": -36.16549229025807, + "nauc_ndcg_at_10_diff1": 61.49476150514672, + "nauc_ndcg_at_10_max": 23.679233291979195, + "nauc_ndcg_at_10_std": -39.526250662147326, + "nauc_ndcg_at_1_diff1": 64.2441219535636, + "nauc_ndcg_at_1_max": 20.64015444888544, + "nauc_ndcg_at_1_std": -35.13259877775077, + "nauc_ndcg_at_20_diff1": 61.056344259506254, + "nauc_ndcg_at_20_max": 24.4681696774435, + "nauc_ndcg_at_20_std": -38.002129299338705, + "nauc_ndcg_at_3_diff1": 60.9695336204443, + "nauc_ndcg_at_3_max": 24.561743086278764, + "nauc_ndcg_at_3_std": -39.34620193890538, + "nauc_ndcg_at_5_diff1": 61.28536259871331, + "nauc_ndcg_at_5_max": 23.821597091549947, + "nauc_ndcg_at_5_std": -39.921602604282256, + "nauc_precision_at_1000_diff1": 47.896936552397904, + "nauc_precision_at_1000_max": 66.38433151038132, + "nauc_precision_at_1000_std": 60.53532524120673, + "nauc_precision_at_100_diff1": 44.28363938167843, + "nauc_precision_at_100_max": 64.24732856105429, + "nauc_precision_at_100_std": 17.97489366116728, + "nauc_precision_at_10_diff1": 59.41726414200426, + "nauc_precision_at_10_max": 27.71264331511937, + "nauc_precision_at_10_std": -45.74776538959631, + "nauc_precision_at_1_diff1": 64.2441219535636, + "nauc_precision_at_1_max": 20.64015444888544, + "nauc_precision_at_1_std": -35.13259877775077, + "nauc_precision_at_20_diff1": 54.97651111807045, + "nauc_precision_at_20_max": 36.89454610531955, + "nauc_precision_at_20_std": -34.89329336495018, + "nauc_precision_at_3_diff1": 58.51696906840075, + "nauc_precision_at_3_max": 28.574341882931513, + "nauc_precision_at_3_std": -43.137791865257384, + "nauc_precision_at_5_diff1": 59.104993686253025, + "nauc_precision_at_5_max": 27.228062999541013, + "nauc_precision_at_5_std": -45.6178316381737, + "nauc_recall_at_1000_diff1": 47.89693655239931, + "nauc_recall_at_1000_max": 66.38433151038168, + "nauc_recall_at_1000_std": 60.53532524120724, + "nauc_recall_at_100_diff1": 44.28363938167848, + "nauc_recall_at_100_max": 64.24732856105405, + "nauc_recall_at_100_std": 17.974893661168153, + "nauc_recall_at_10_diff1": 59.417264142004434, + "nauc_recall_at_10_max": 27.7126433151196, + "nauc_recall_at_10_std": -45.74776538959598, + "nauc_recall_at_1_diff1": 64.2441219535636, + "nauc_recall_at_1_max": 20.64015444888544, + "nauc_recall_at_1_std": -35.13259877775077, + "nauc_recall_at_20_diff1": 54.97651111807084, + "nauc_recall_at_20_max": 36.89454610531971, + "nauc_recall_at_20_std": -34.89329336495006, + "nauc_recall_at_3_diff1": 58.51696906840065, + "nauc_recall_at_3_max": 28.574341882931524, + "nauc_recall_at_3_std": -43.13779186525737, + "nauc_recall_at_5_diff1": 59.104993686253046, + "nauc_recall_at_5_max": 27.228062999540985, + "nauc_recall_at_5_std": -45.617831638173556, + "ndcg_at_1": 55.60000000000001, + "ndcg_at_10": 70.078, + "ndcg_at_100": 72.489, + "ndcg_at_1000": 72.794, + "ndcg_at_20": 71.354, + "ndcg_at_3": 65.645, + "ndcg_at_5": 68.189, + "precision_at_1": 55.60000000000001, + "precision_at_10": 8.450000000000001, + "precision_at_100": 0.955, + "precision_at_1000": 0.098, + "precision_at_20": 4.475, + "precision_at_3": 24.2, + "precision_at_5": 15.740000000000002, + "recall_at_1": 55.60000000000001, + "recall_at_10": 84.5, + "recall_at_100": 95.5, + "recall_at_1000": 97.89999999999999, + "recall_at_20": 89.5, + "recall_at_3": 72.6, + "recall_at_5": 78.7 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/Waimai.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/Waimai.json new file mode 100644 index 000000000..b271d453b --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/Waimai.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "339287def212450dcaa9df8c22bf93e9980c7023", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 85.75999999999999, + "ap": 68.22514159752903, + "ap_weighted": 68.22514159752903, + "f1": 83.93158616293009, + "f1_weighted": 85.8229689427759, + "main_score": 85.75999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/XPQARetrieval.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/XPQARetrieval.json new file mode 100644 index 000000000..7ed893274 --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/XPQARetrieval.json @@ -0,0 +1,454 @@ +{ + "dataset_revision": "c99d599f0a6ab9b85b065da6f9d94f9cf731679f", + "task_name": "XPQARetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fra-fra", + "languages": [ + "fra-Latn", + "fra-Latn" + ], + "main_score": 62.190999999999995, + "map_at_1": 35.412, + "map_at_10": 55.372, + "map_at_100": 56.835, + "map_at_1000": 56.913000000000004, + "map_at_20": 56.221, + "map_at_3": 48.903, + "map_at_5": 53.238, + "mrr_at_1": 57.009345794392516, + "mrr_at_10": 64.78569309343675, + "mrr_at_100": 65.37729406210731, + "mrr_at_1000": 65.40232200760255, + "mrr_at_20": 65.19512187170714, + "mrr_at_3": 62.305295950155745, + "mrr_at_5": 63.97418780596347, + "nauc_map_at_1000_diff1": 51.293436542919736, + "nauc_map_at_1000_max": 52.70558085897355, + "nauc_map_at_1000_std": 4.042307291430875, + "nauc_map_at_100_diff1": 51.26892284346969, + "nauc_map_at_100_max": 52.68013316306771, + "nauc_map_at_100_std": 4.026915747351222, + "nauc_map_at_10_diff1": 50.8543852249949, + "nauc_map_at_10_max": 52.15208348725869, + "nauc_map_at_10_std": 3.6915190933761437, + "nauc_map_at_1_diff1": 59.961175322517725, + "nauc_map_at_1_max": 37.84020048887668, + "nauc_map_at_1_std": -1.716395538164829, + "nauc_map_at_20_diff1": 51.07739560575918, + "nauc_map_at_20_max": 52.37861214759321, + "nauc_map_at_20_std": 3.6707917482294397, + "nauc_map_at_3_diff1": 52.519227595940954, + "nauc_map_at_3_max": 48.64938894035591, + "nauc_map_at_3_std": 2.670992373225412, + "nauc_map_at_5_diff1": 51.66705458189757, + "nauc_map_at_5_max": 51.74913250220439, + "nauc_map_at_5_std": 3.987564394588077, + "nauc_mrr_at_1000_diff1": 58.90292049458316, + "nauc_mrr_at_1000_max": 59.02377527770008, + "nauc_mrr_at_1000_std": 6.15239522914937, + "nauc_mrr_at_100_diff1": 58.88627703402866, + "nauc_mrr_at_100_max": 59.01733085707039, + "nauc_mrr_at_100_std": 6.149383764160973, + "nauc_mrr_at_10_diff1": 58.787561655079315, + "nauc_mrr_at_10_max": 58.883901063919616, + "nauc_mrr_at_10_std": 5.955816839989, + "nauc_mrr_at_1_diff1": 61.493169979051274, + "nauc_mrr_at_1_max": 60.26766809318437, + "nauc_mrr_at_1_std": 7.9345773661140555, + "nauc_mrr_at_20_diff1": 58.88172676495632, + "nauc_mrr_at_20_max": 59.01063084619932, + "nauc_mrr_at_20_std": 5.999917023489485, + "nauc_mrr_at_3_diff1": 59.328585273714765, + "nauc_mrr_at_3_max": 59.138843933099984, + "nauc_mrr_at_3_std": 5.867564048529799, + "nauc_mrr_at_5_diff1": 59.01605585266293, + "nauc_mrr_at_5_max": 59.35576576264414, + "nauc_mrr_at_5_std": 6.4159398933971294, + "nauc_ndcg_at_1000_diff1": 52.72831771372173, + "nauc_ndcg_at_1000_max": 55.00758519121888, + "nauc_ndcg_at_1000_std": 4.985669533881848, + "nauc_ndcg_at_100_diff1": 52.108377732208176, + "nauc_ndcg_at_100_max": 54.48165097844046, + "nauc_ndcg_at_100_std": 4.90669931060551, + "nauc_ndcg_at_10_diff1": 50.664291148529664, + "nauc_ndcg_at_10_max": 52.99267789451465, + "nauc_ndcg_at_10_std": 3.2476865951979432, + "nauc_ndcg_at_1_diff1": 61.493169979051274, + "nauc_ndcg_at_1_max": 60.26766809318437, + "nauc_ndcg_at_1_std": 7.9345773661140555, + "nauc_ndcg_at_20_diff1": 51.18525105808147, + "nauc_ndcg_at_20_max": 53.43688504608144, + "nauc_ndcg_at_20_std": 3.0898823820531667, + "nauc_ndcg_at_3_diff1": 51.86574900383314, + "nauc_ndcg_at_3_max": 54.590246592806615, + "nauc_ndcg_at_3_std": 4.145862812422975, + "nauc_ndcg_at_5_diff1": 52.02045236842261, + "nauc_ndcg_at_5_max": 53.32018698876075, + "nauc_ndcg_at_5_std": 4.253069053649545, + "nauc_precision_at_1000_diff1": -15.302260566955942, + "nauc_precision_at_1000_max": 12.78016543871415, + "nauc_precision_at_1000_std": 9.650613541206308, + "nauc_precision_at_100_diff1": -11.169900642295536, + "nauc_precision_at_100_max": 17.997775654873607, + "nauc_precision_at_100_std": 10.335855037587864, + "nauc_precision_at_10_diff1": -0.7223213004392349, + "nauc_precision_at_10_max": 30.1027627113279, + "nauc_precision_at_10_std": 8.226673861581954, + "nauc_precision_at_1_diff1": 61.493169979051274, + "nauc_precision_at_1_max": 60.26766809318437, + "nauc_precision_at_1_std": 7.9345773661140555, + "nauc_precision_at_20_diff1": -4.815929448858574, + "nauc_precision_at_20_max": 25.356128631092655, + "nauc_precision_at_20_std": 7.647974758815793, + "nauc_precision_at_3_diff1": 14.618447863791332, + "nauc_precision_at_3_max": 42.347601836456704, + "nauc_precision_at_3_std": 9.351508502457152, + "nauc_precision_at_5_diff1": 6.989536536316584, + "nauc_precision_at_5_max": 37.43282182319603, + "nauc_precision_at_5_std": 10.294650747748632, + "nauc_recall_at_1000_diff1": 66.00655448172738, + "nauc_recall_at_1000_max": 71.84347765996883, + "nauc_recall_at_1000_std": 50.90067212878784, + "nauc_recall_at_100_diff1": 36.14296627142933, + "nauc_recall_at_100_max": 41.197429505920766, + "nauc_recall_at_100_std": 7.431041060310201, + "nauc_recall_at_10_diff1": 37.65270595753883, + "nauc_recall_at_10_max": 41.691362683452276, + "nauc_recall_at_10_std": -2.3254949626448083, + "nauc_recall_at_1_diff1": 59.961175322517725, + "nauc_recall_at_1_max": 37.84020048887668, + "nauc_recall_at_1_std": -1.716395538164829, + "nauc_recall_at_20_diff1": 36.92285554147242, + "nauc_recall_at_20_max": 40.480804692339525, + "nauc_recall_at_20_std": -4.660293872779451, + "nauc_recall_at_3_diff1": 47.84172346809966, + "nauc_recall_at_3_max": 45.05790681661395, + "nauc_recall_at_3_std": 0.48589911004729147, + "nauc_recall_at_5_diff1": 43.57123230477339, + "nauc_recall_at_5_max": 45.95815692338621, + "nauc_recall_at_5_std": 2.026516305217224, + "ndcg_at_1": 57.009, + "ndcg_at_10": 62.190999999999995, + "ndcg_at_100": 67.174, + "ndcg_at_1000": 68.446, + "ndcg_at_20": 64.348, + "ndcg_at_3": 56.233999999999995, + "ndcg_at_5": 58.709999999999994, + "precision_at_1": 57.009, + "precision_at_10": 14.673, + "precision_at_100": 1.8950000000000002, + "precision_at_1000": 0.20600000000000002, + "precision_at_20": 8.091, + "precision_at_3": 34.624, + "precision_at_5": 25.394, + "recall_at_1": 35.412, + "recall_at_10": 72.214, + "recall_at_100": 91.415, + "recall_at_1000": 99.533, + "recall_at_20": 79.103, + "recall_at_3": 53.529, + "recall_at_5": 63.62 + }, + { + "hf_subset": "eng-fra", + "languages": [ + "eng-Latn", + "fra-Latn" + ], + "main_score": 31.380000000000003, + "map_at_1": 11.257, + "map_at_10": 24.596, + "map_at_100": 27.267000000000003, + "map_at_1000": 27.412999999999997, + "map_at_20": 26.107999999999997, + "map_at_3": 19.236, + "map_at_5": 22.076999999999998, + "mrr_at_1": 23.76502002670227, + "mrr_at_10": 32.646120753597366, + "mrr_at_100": 34.021717341570096, + "mrr_at_1000": 34.08123584522526, + "mrr_at_20": 33.488454614873945, + "mrr_at_3": 29.439252336448607, + "mrr_at_5": 30.97463284379172, + "nauc_map_at_1000_diff1": 23.090590573188127, + "nauc_map_at_1000_max": 37.736493247159515, + "nauc_map_at_1000_std": 10.98069893040178, + "nauc_map_at_100_diff1": 23.08559086307178, + "nauc_map_at_100_max": 37.72263314123226, + "nauc_map_at_100_std": 11.042922887319614, + "nauc_map_at_10_diff1": 22.919253103936867, + "nauc_map_at_10_max": 37.11680228717991, + "nauc_map_at_10_std": 9.851990888901907, + "nauc_map_at_1_diff1": 26.479314334323384, + "nauc_map_at_1_max": 24.606099049654016, + "nauc_map_at_1_std": 7.368843855661875, + "nauc_map_at_20_diff1": 22.84865788594623, + "nauc_map_at_20_max": 37.35013174420624, + "nauc_map_at_20_std": 10.38206527259999, + "nauc_map_at_3_diff1": 24.422040907804902, + "nauc_map_at_3_max": 34.1407580102983, + "nauc_map_at_3_std": 6.90072751192396, + "nauc_map_at_5_diff1": 23.679285267333217, + "nauc_map_at_5_max": 36.69505551539262, + "nauc_map_at_5_std": 9.071400025204603, + "nauc_mrr_at_1000_diff1": 23.91122464190796, + "nauc_mrr_at_1000_max": 38.00739859980611, + "nauc_mrr_at_1000_std": 12.603177305247423, + "nauc_mrr_at_100_diff1": 23.926489219810712, + "nauc_mrr_at_100_max": 38.01653317102498, + "nauc_mrr_at_100_std": 12.631657383704397, + "nauc_mrr_at_10_diff1": 23.793536028816924, + "nauc_mrr_at_10_max": 37.731699667898546, + "nauc_mrr_at_10_std": 12.519721615734111, + "nauc_mrr_at_1_diff1": 26.560927789365497, + "nauc_mrr_at_1_max": 39.34339331908778, + "nauc_mrr_at_1_std": 11.755625469925857, + "nauc_mrr_at_20_diff1": 23.785050335795756, + "nauc_mrr_at_20_max": 37.70507807708539, + "nauc_mrr_at_20_std": 12.401310290425641, + "nauc_mrr_at_3_diff1": 24.760339690704274, + "nauc_mrr_at_3_max": 38.97081556411779, + "nauc_mrr_at_3_std": 12.403416856601224, + "nauc_mrr_at_5_diff1": 24.16786185395756, + "nauc_mrr_at_5_max": 38.675901959087064, + "nauc_mrr_at_5_std": 12.328016386544244, + "nauc_ndcg_at_1000_diff1": 22.575525759807498, + "nauc_ndcg_at_1000_max": 38.08756303764784, + "nauc_ndcg_at_1000_std": 12.993082901884351, + "nauc_ndcg_at_100_diff1": 22.84247295232495, + "nauc_ndcg_at_100_max": 38.07376875349487, + "nauc_ndcg_at_100_std": 14.670272841790322, + "nauc_ndcg_at_10_diff1": 21.851855665665028, + "nauc_ndcg_at_10_max": 36.30808033173574, + "nauc_ndcg_at_10_std": 10.754345146682587, + "nauc_ndcg_at_1_diff1": 26.560927789365497, + "nauc_ndcg_at_1_max": 39.34339331908778, + "nauc_ndcg_at_1_std": 11.755625469925857, + "nauc_ndcg_at_20_diff1": 21.85222563105362, + "nauc_ndcg_at_20_max": 36.49693582912162, + "nauc_ndcg_at_20_std": 11.462407172413222, + "nauc_ndcg_at_3_diff1": 23.835148821074096, + "nauc_ndcg_at_3_max": 37.21286292761239, + "nauc_ndcg_at_3_std": 8.965675045214653, + "nauc_ndcg_at_5_diff1": 22.94941035043304, + "nauc_ndcg_at_5_max": 37.116308712473725, + "nauc_ndcg_at_5_std": 9.96746473363745, + "nauc_precision_at_1000_diff1": 4.391641883500156, + "nauc_precision_at_1000_max": 22.960724719570653, + "nauc_precision_at_1000_std": 9.90771833324347, + "nauc_precision_at_100_diff1": 9.398103008957907, + "nauc_precision_at_100_max": 29.966107038070213, + "nauc_precision_at_100_std": 18.246515814298206, + "nauc_precision_at_10_diff1": 14.642013509002073, + "nauc_precision_at_10_max": 39.865916483254914, + "nauc_precision_at_10_std": 16.389751433271922, + "nauc_precision_at_1_diff1": 26.560927789365497, + "nauc_precision_at_1_max": 39.34339331908778, + "nauc_precision_at_1_std": 11.755625469925857, + "nauc_precision_at_20_diff1": 12.328250607495741, + "nauc_precision_at_20_max": 36.609492322958076, + "nauc_precision_at_20_std": 16.186393097514785, + "nauc_precision_at_3_diff1": 21.43869193024236, + "nauc_precision_at_3_max": 44.92920554318338, + "nauc_precision_at_3_std": 12.93524236487951, + "nauc_precision_at_5_diff1": 17.980792540844075, + "nauc_precision_at_5_max": 44.67180132719046, + "nauc_precision_at_5_std": 15.44379773164089, + "nauc_recall_at_1000_diff1": -18.599562189867928, + "nauc_recall_at_1000_max": -1.233438302856996, + "nauc_recall_at_1000_std": 60.504773500458754, + "nauc_recall_at_100_diff1": 21.73131824226728, + "nauc_recall_at_100_max": 33.813071564297644, + "nauc_recall_at_100_std": 31.938349559054004, + "nauc_recall_at_10_diff1": 17.11887766943705, + "nauc_recall_at_10_max": 28.89674920890047, + "nauc_recall_at_10_std": 7.773984628905876, + "nauc_recall_at_1_diff1": 26.479314334323384, + "nauc_recall_at_1_max": 24.606099049654016, + "nauc_recall_at_1_std": 7.368843855661875, + "nauc_recall_at_20_diff1": 17.295953047798886, + "nauc_recall_at_20_max": 28.434654095893304, + "nauc_recall_at_20_std": 9.427920198911856, + "nauc_recall_at_3_diff1": 21.272960191663262, + "nauc_recall_at_3_max": 30.445386445037144, + "nauc_recall_at_3_std": 4.74984017701616, + "nauc_recall_at_5_diff1": 19.423326866459472, + "nauc_recall_at_5_max": 32.51726362019113, + "nauc_recall_at_5_std": 7.7878756846006185, + "ndcg_at_1": 23.765, + "ndcg_at_10": 31.380000000000003, + "ndcg_at_100": 41.426, + "ndcg_at_1000": 44.168, + "ndcg_at_20": 35.449000000000005, + "ndcg_at_3": 24.845, + "ndcg_at_5": 26.705000000000002, + "precision_at_1": 23.765, + "precision_at_10": 9.879999999999999, + "precision_at_100": 1.865, + "precision_at_1000": 0.22300000000000003, + "precision_at_20": 6.449000000000001, + "precision_at_3": 18.024, + "precision_at_5": 14.472999999999999, + "recall_at_1": 11.257, + "recall_at_10": 42.345, + "recall_at_100": 81.159, + "recall_at_1000": 99.29, + "recall_at_20": 54.989, + "recall_at_3": 23.687, + "recall_at_5": 30.823 + }, + { + "hf_subset": "fra-eng", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "main_score": 56.635999999999996, + "map_at_1": 31.4, + "map_at_10": 50.056, + "map_at_100": 51.663000000000004, + "map_at_1000": 51.761, + "map_at_20": 50.927, + "map_at_3": 44.529999999999994, + "map_at_5": 47.894, + "mrr_at_1": 50.467289719626166, + "mrr_at_10": 58.950823319982185, + "mrr_at_100": 59.70354953666045, + "mrr_at_1000": 59.734711425279755, + "mrr_at_20": 59.40583228190128, + "mrr_at_3": 56.875834445927886, + "mrr_at_5": 58.21762349799728, + "nauc_map_at_1000_diff1": 48.15648920144338, + "nauc_map_at_1000_max": 46.702778511311514, + "nauc_map_at_1000_std": -2.8986084054302346, + "nauc_map_at_100_diff1": 48.07320124865117, + "nauc_map_at_100_max": 46.66060865870994, + "nauc_map_at_100_std": -2.898261800096327, + "nauc_map_at_10_diff1": 48.02406723579077, + "nauc_map_at_10_max": 46.41839190788124, + "nauc_map_at_10_std": -3.2566313465012535, + "nauc_map_at_1_diff1": 54.13992707642448, + "nauc_map_at_1_max": 34.04660478197247, + "nauc_map_at_1_std": -4.558752037228464, + "nauc_map_at_20_diff1": 48.046199789059344, + "nauc_map_at_20_max": 46.720705370675915, + "nauc_map_at_20_std": -3.033997271677673, + "nauc_map_at_3_diff1": 50.009783024030185, + "nauc_map_at_3_max": 42.35942421403899, + "nauc_map_at_3_std": -5.2762823138538515, + "nauc_map_at_5_diff1": 48.8354268056224, + "nauc_map_at_5_max": 45.655213495860814, + "nauc_map_at_5_std": -3.7884263147862267, + "nauc_mrr_at_1000_diff1": 53.36845252957243, + "nauc_mrr_at_1000_max": 51.36922708038703, + "nauc_mrr_at_1000_std": -1.4510764030641954, + "nauc_mrr_at_100_diff1": 53.3537222476053, + "nauc_mrr_at_100_max": 51.38049608859829, + "nauc_mrr_at_100_std": -1.4191780664448506, + "nauc_mrr_at_10_diff1": 53.305802521069, + "nauc_mrr_at_10_max": 51.21960893720018, + "nauc_mrr_at_10_std": -1.6724093244930498, + "nauc_mrr_at_1_diff1": 55.70120557955961, + "nauc_mrr_at_1_max": 53.01658211876319, + "nauc_mrr_at_1_std": -0.6423359202704497, + "nauc_mrr_at_20_diff1": 53.34768541161141, + "nauc_mrr_at_20_max": 51.352620113317805, + "nauc_mrr_at_20_std": -1.5006800933364013, + "nauc_mrr_at_3_diff1": 53.39969881700113, + "nauc_mrr_at_3_max": 50.89022404206973, + "nauc_mrr_at_3_std": -3.1275962557855412, + "nauc_mrr_at_5_diff1": 53.6906061507349, + "nauc_mrr_at_5_max": 51.45261103925232, + "nauc_mrr_at_5_std": -1.7795696130396883, + "nauc_ndcg_at_1000_diff1": 48.95637773496826, + "nauc_ndcg_at_1000_max": 48.197622067566826, + "nauc_ndcg_at_1000_std": -1.4607313404789106, + "nauc_ndcg_at_100_diff1": 47.71577524982021, + "nauc_ndcg_at_100_max": 47.883023532341504, + "nauc_ndcg_at_100_std": -0.6132109059243465, + "nauc_ndcg_at_10_diff1": 47.5329600424363, + "nauc_ndcg_at_10_max": 47.498459285878575, + "nauc_ndcg_at_10_std": -2.330121342823272, + "nauc_ndcg_at_1_diff1": 55.70120557955961, + "nauc_ndcg_at_1_max": 53.01658211876319, + "nauc_ndcg_at_1_std": -0.6423359202704497, + "nauc_ndcg_at_20_diff1": 47.6173989193167, + "nauc_ndcg_at_20_max": 48.19865615901621, + "nauc_ndcg_at_20_std": -1.6128175051145877, + "nauc_ndcg_at_3_diff1": 48.78930092666264, + "nauc_ndcg_at_3_max": 46.4431323615495, + "nauc_ndcg_at_3_std": -5.431496363976204, + "nauc_ndcg_at_5_diff1": 49.11424543999915, + "nauc_ndcg_at_5_max": 47.05648749366126, + "nauc_ndcg_at_5_std": -3.330885962532834, + "nauc_precision_at_1000_diff1": -10.880765837183755, + "nauc_precision_at_1000_max": 8.572817422349692, + "nauc_precision_at_1000_std": 4.766982235965037, + "nauc_precision_at_100_diff1": -8.679642859295267, + "nauc_precision_at_100_max": 13.715180395886897, + "nauc_precision_at_100_std": 6.946301090207475, + "nauc_precision_at_10_diff1": 4.944045819175594, + "nauc_precision_at_10_max": 30.760105361109925, + "nauc_precision_at_10_std": 3.6068920141401626, + "nauc_precision_at_1_diff1": 55.70120557955961, + "nauc_precision_at_1_max": 53.01658211876319, + "nauc_precision_at_1_std": -0.6423359202704497, + "nauc_precision_at_20_diff1": 0.8043591939583385, + "nauc_precision_at_20_max": 26.360434462685422, + "nauc_precision_at_20_std": 4.739891658844582, + "nauc_precision_at_3_diff1": 19.013124811719553, + "nauc_precision_at_3_max": 38.42804762790048, + "nauc_precision_at_3_std": -1.4085959010900053, + "nauc_precision_at_5_diff1": 12.360123599205414, + "nauc_precision_at_5_max": 37.08361417845578, + "nauc_precision_at_5_std": 1.9104788050916797, + "nauc_recall_at_1000_diff1": 64.46395887603528, + "nauc_recall_at_1000_max": 25.40689664838346, + "nauc_recall_at_1000_std": 64.91673770650863, + "nauc_recall_at_100_diff1": 23.04629413894431, + "nauc_recall_at_100_max": 37.70267898773106, + "nauc_recall_at_100_std": 19.483375935785805, + "nauc_recall_at_10_diff1": 37.89470563650895, + "nauc_recall_at_10_max": 41.88446616509962, + "nauc_recall_at_10_std": -0.5968285599827128, + "nauc_recall_at_1_diff1": 54.13992707642448, + "nauc_recall_at_1_max": 34.04660478197247, + "nauc_recall_at_1_std": -4.558752037228464, + "nauc_recall_at_20_diff1": 36.41725409411871, + "nauc_recall_at_20_max": 43.570833102022796, + "nauc_recall_at_20_std": 2.4475141353956724, + "nauc_recall_at_3_diff1": 44.46469511434876, + "nauc_recall_at_3_max": 36.60941837529587, + "nauc_recall_at_3_std": -8.466344004251715, + "nauc_recall_at_5_diff1": 43.140961160644444, + "nauc_recall_at_5_max": 42.12923427424881, + "nauc_recall_at_5_std": -3.2514274060186428, + "ndcg_at_1": 50.467, + "ndcg_at_10": 56.635999999999996, + "ndcg_at_100": 62.575, + "ndcg_at_1000": 64.153, + "ndcg_at_20": 58.909, + "ndcg_at_3": 51.636, + "ndcg_at_5": 53.252, + "precision_at_1": 50.467, + "precision_at_10": 13.458, + "precision_at_100": 1.8530000000000002, + "precision_at_1000": 0.20600000000000002, + "precision_at_20": 7.582999999999999, + "precision_at_3": 31.865, + "precision_at_5": 22.884, + "recall_at_1": 31.4, + "recall_at_10": 66.19, + "recall_at_100": 89.577, + "recall_at_1000": 99.695, + "recall_at_20": 73.213, + "recall_at_3": 50.699000000000005, + "recall_at_5": 58.158 + } + ] + } +} \ No newline at end of file diff --git a/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/model_meta.json b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/model_meta.json new file mode 100644 index 000000000..44860555e --- /dev/null +++ b/results/HIT-TMG__KaLM-embedding-multilingual-mini-v1/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "HIT-TMG/KaLM-embedding-multilingual-mini-v1", + "revision": "8a82a0cd2b322b91723e252486f7cce6fd8ac9d3", + "release_date": "2024-08-27", + "languages": [], + "loader": null, + "n_parameters": 494032768, + "memory_usage": null, + "max_tokens": 131072, + "embed_dim": 896, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/AmazonCounterfactualClassification.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..7704e5153 --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.67164179104478, + "ap": 39.07181577576136, + "f1": 70.25085237742982, + "main_score": 76.67164179104478 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/AmazonPolarityClassification.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..a2cb41fcf --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 96.1775, + "ap": 94.84308844303422, + "f1": 96.17546959843244, + "main_score": 96.1775 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/AmazonReviewsClassification.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..c0092163d --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 56.278000000000006, + "f1": 55.45101875980304, + "main_score": 56.278000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/ArguAna.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/ArguAna.json new file mode 100644 index 000000000..fbee47d67 --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/ArguAna.json @@ -0,0 +1,42 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 33.642, + "ndcg_at_3": 49.399, + "ndcg_at_5": 54.108999999999995, + "ndcg_at_10": 59.294999999999995, + "ndcg_at_100": 62.015, + "map_at_1": 33.642, + "map_at_3": 45.507, + "map_at_5": 48.1, + "map_at_10": 50.248000000000005, + "map_at_100": 50.954, + "recall_at_1": 33.642, + "recall_at_3": 60.669, + "recall_at_5": 72.191, + "recall_at_10": 88.193, + "recall_at_100": 99.431, + "precision_at_1": 33.642, + "precision_at_3": 20.223, + "precision_at_5": 14.438, + "precision_at_10": 8.819, + "precision_at_100": 0.9939999999999999, + "mrr_at_1": 33.997, + "mrr_at_3": 45.614, + "mrr_at_5": 48.263, + "mrr_at_10": 50.388999999999996, + "mrr_at_100": 51.102000000000004, + "main_score": 59.294999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/ArxivClusteringP2P.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..75bcd9a80 --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 51.1249344529392, + "main_score": 51.1249344529392 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/ArxivClusteringS2S.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..89f10c169 --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 47.01575217563573, + "main_score": 47.01575217563573 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/AskUbuntuDupQuestions.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..0cf9859cc --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 67.2259454062751, + "mrr": 79.37508244294948, + "main_score": 67.2259454062751 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/BIOSSES.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/BIOSSES.json new file mode 100644 index 000000000..e3d315388 --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 89.5312396547344, + "cos_sim_spearman": 87.1447567367366, + "euclidean_pearson": 88.67110804544821, + "euclidean_spearman": 87.1447567367366, + "manhattan_pearson": 89.06983994154335, + "manhattan_spearman": 87.59115245033443, + "cosine_pearson": 89.5312396547344, + "cosine_spearman": 87.1447567367366, + "main_score": 87.1447567367366 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/Banking77Classification.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/Banking77Classification.json new file mode 100644 index 000000000..c1ff1fece --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 88.63636363636364, + "f1": 88.58740097633193, + "main_score": 88.63636363636364 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/BiorxivClusteringP2P.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..53f88a3f1 --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 41.99753263006505, + "main_score": 41.99753263006505 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/BiorxivClusteringS2S.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..3d9f10354 --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.623067884052666, + "main_score": 39.623067884052666 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/ClimateFEVER.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/ClimateFEVER.json new file mode 100644 index 000000000..33a692c8c --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/ClimateFEVER.json @@ -0,0 +1,42 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 38.046, + "ndcg_at_3": 31.842, + "ndcg_at_5": 33.698, + "ndcg_at_10": 37.765, + "ndcg_at_100": 44.998, + "map_at_1": 16.682, + "map_at_3": 23.624000000000002, + "map_at_5": 25.812, + "map_at_10": 28.017999999999997, + "map_at_100": 30.064999999999998, + "recall_at_1": 16.682, + "recall_at_3": 28.338, + "recall_at_5": 34.486, + "recall_at_10": 43.474000000000004, + "recall_at_100": 67.984, + "precision_at_1": 38.046, + "precision_at_3": 23.779, + "precision_at_5": 17.849999999999998, + "precision_at_10": 11.642, + "precision_at_100": 1.9429999999999998, + "mrr_at_1": 38.046, + "mrr_at_3": 46.764, + "mrr_at_5": 48.722, + "mrr_at_10": 49.976, + "mrr_at_100": 50.693999999999996, + "main_score": 37.765 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/DBPedia.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/DBPedia.json new file mode 100644 index 000000000..763ef19ee --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/DBPedia.json @@ -0,0 +1,42 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 63.24999999999999, + "ndcg_at_3": 54.005, + "ndcg_at_5": 51.504000000000005, + "ndcg_at_10": 49.738, + "ndcg_at_100": 54.754000000000005, + "map_at_1": 10.639, + "map_at_3": 16.726, + "map_at_5": 20.101, + "map_at_10": 24.569, + "map_at_100": 35.221999999999994, + "recall_at_1": 10.639, + "recall_at_3": 17.861, + "recall_at_5": 22.642, + "recall_at_10": 30.105999999999998, + "recall_at_100": 60.92999999999999, + "precision_at_1": 75.0, + "precision_at_3": 58.083, + "precision_at_5": 50.0, + "precision_at_10": 40.35, + "precision_at_100": 12.659999999999998, + "mrr_at_1": 75.0, + "mrr_at_3": 80.042, + "mrr_at_5": 80.779, + "mrr_at_10": 81.355, + "mrr_at_100": 81.58, + "main_score": 49.738 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/EmotionClassification.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/EmotionClassification.json new file mode 100644 index 000000000..29598fa8c --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 51.025, + "f1": 47.08253474922065, + "main_score": 51.025 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/FEVER.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/FEVER.json new file mode 100644 index 000000000..04061ca4b --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/FEVER.json @@ -0,0 +1,42 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 82.163, + "ndcg_at_3": 86.835, + "ndcg_at_5": 87.802, + "ndcg_at_10": 88.529, + "ndcg_at_100": 89.17, + "map_at_1": 76.335, + "map_at_3": 83.91499999999999, + "map_at_5": 84.64500000000001, + "map_at_10": 85.058, + "map_at_100": 85.257, + "recall_at_1": 76.335, + "recall_at_3": 90.608, + "recall_at_5": 93.098, + "recall_at_10": 95.173, + "recall_at_100": 97.59299999999999, + "precision_at_1": 82.163, + "precision_at_3": 33.257999999999996, + "precision_at_5": 20.654, + "precision_at_10": 10.674999999999999, + "precision_at_100": 1.122, + "mrr_at_1": 82.163, + "mrr_at_3": 88.346, + "mrr_at_5": 88.791, + "mrr_at_10": 88.97699999999999, + "mrr_at_100": 89.031, + "main_score": 88.529 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/FiQA2018.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/FiQA2018.json new file mode 100644 index 000000000..1b90aaf6d --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/FiQA2018.json @@ -0,0 +1,42 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 55.093, + "ndcg_at_3": 52.481, + "ndcg_at_5": 53.545, + "ndcg_at_10": 56.053, + "ndcg_at_100": 62.53999999999999, + "map_at_1": 29.189999999999998, + "map_at_3": 42.603, + "map_at_5": 45.855000000000004, + "map_at_10": 48.241, + "map_at_100": 50.300999999999995, + "recall_at_1": 29.189999999999998, + "recall_at_3": 47.471999999999994, + "recall_at_5": 54.384, + "recall_at_10": 62.731, + "recall_at_100": 86.02300000000001, + "precision_at_1": 55.093, + "precision_at_3": 34.979, + "precision_at_5": 25.278, + "precision_at_10": 15.231, + "precision_at_100": 2.2190000000000003, + "mrr_at_1": 55.093, + "mrr_at_3": 61.317, + "mrr_at_5": 62.358999999999995, + "mrr_at_10": 63.165000000000006, + "mrr_at_100": 63.81, + "main_score": 56.053 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/HotpotQA.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/HotpotQA.json new file mode 100644 index 000000000..8e661ebfc --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/HotpotQA.json @@ -0,0 +1,42 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 78.866, + "ndcg_at_3": 70.128, + "ndcg_at_5": 73.017, + "ndcg_at_10": 75.166, + "ndcg_at_100": 77.97500000000001, + "map_at_1": 39.433, + "map_at_3": 64.165, + "map_at_5": 66.503, + "map_at_10": 67.822, + "map_at_100": 68.675, + "recall_at_1": 39.433, + "recall_at_3": 69.03399999999999, + "recall_at_5": 74.74, + "recall_at_10": 80.108, + "recall_at_100": 90.81700000000001, + "precision_at_1": 78.866, + "precision_at_3": 46.022999999999996, + "precision_at_5": 29.896, + "precision_at_10": 16.022, + "precision_at_100": 1.8159999999999998, + "mrr_at_1": 78.866, + "mrr_at_3": 83.91, + "mrr_at_5": 84.473, + "mrr_at_10": 84.769, + "mrr_at_100": 84.953, + "main_score": 75.166 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/ImdbClassification.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/ImdbClassification.json new file mode 100644 index 000000000..2cab3ceaa --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 94.87799999999999, + "ap": 92.5831019543702, + "f1": 94.87675087619891, + "main_score": 94.87799999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/MSMARCO.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/MSMARCO.json new file mode 100644 index 000000000..2bcfe318b --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/MSMARCO.json @@ -0,0 +1,42 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 23.195, + "ndcg_at_3": 34.419, + "ndcg_at_5": 38.665, + "ndcg_at_10": 42.549, + "ndcg_at_100": 48.256, + "map_at_1": 22.508, + "map_at_3": 31.346, + "map_at_5": 33.73, + "map_at_10": 35.365, + "map_at_100": 36.568, + "recall_at_1": 22.508, + "recall_at_3": 42.63, + "recall_at_5": 52.827999999999996, + "recall_at_10": 64.645, + "recall_at_100": 90.852, + "precision_at_1": 23.195, + "precision_at_3": 14.752, + "precision_at_5": 11.0, + "precision_at_10": 6.755, + "precision_at_100": 0.96, + "mrr_at_1": 23.195, + "mrr_at_3": 32.042, + "mrr_at_5": 34.388000000000005, + "mrr_at_10": 35.974000000000004, + "mrr_at_100": 37.114000000000004, + "main_score": 42.549 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/MTOPDomainClassification.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/MTOPDomainClassification.json new file mode 100644 index 000000000..5e4c13cbb --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 95.84587323301413, + "f1": 95.69948889844318, + "main_score": 95.84587323301413 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/MTOPIntentClassification.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/MTOPIntentClassification.json new file mode 100644 index 000000000..65591752f --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 87.08162334701322, + "f1": 72.237783326283, + "main_score": 87.08162334701322 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/MassiveIntentClassification.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/MassiveIntentClassification.json new file mode 100644 index 000000000..811527146 --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.19502353732346, + "f1": 77.732184986995, + "main_score": 80.19502353732346 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/MassiveScenarioClassification.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..f564c3fff --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 82.26630800268998, + "f1": 82.12747916248556, + "main_score": 82.26630800268998 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/MedrxivClusteringP2P.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..188a1cd05 --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.95240450167033, + "main_score": 36.95240450167033 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/MedrxivClusteringS2S.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..448e15fc4 --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.27758530931266, + "main_score": 36.27758530931266 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/MindSmallReranking.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/MindSmallReranking.json new file mode 100644 index 000000000..86dac19f9 --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 33.35707665482982, + "mrr": 34.60987842278547, + "main_score": 33.35707665482982 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/NFCorpus.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/NFCorpus.json new file mode 100644 index 000000000..08d18c727 --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/NFCorpus.json @@ -0,0 +1,42 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 47.522999999999996, + "ndcg_at_3": 44.489000000000004, + "ndcg_at_5": 41.92, + "ndcg_at_10": 38.738, + "ndcg_at_100": 35.46, + "map_at_1": 5.357, + "map_at_3": 10.537, + "map_at_5": 12.062000000000001, + "map_at_10": 14.264, + "map_at_100": 18.442, + "recall_at_1": 5.357, + "recall_at_3": 12.499, + "recall_at_5": 14.809, + "recall_at_10": 18.765, + "recall_at_100": 36.779, + "precision_at_1": 49.226, + "precision_at_3": 41.899, + "precision_at_5": 36.718, + "precision_at_10": 29.287999999999997, + "precision_at_100": 9.22, + "mrr_at_1": 49.845, + "mrr_at_3": 57.121, + "mrr_at_5": 58.172999999999995, + "mrr_at_10": 58.906000000000006, + "mrr_at_100": 59.486000000000004, + "main_score": 38.738 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/NQ.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/NQ.json new file mode 100644 index 000000000..fd0577b78 --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/NQ.json @@ -0,0 +1,42 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 42.815999999999995, + "ndcg_at_3": 53.766999999999996, + "ndcg_at_5": 57.957, + "ndcg_at_10": 61.661, + "ndcg_at_100": 65.218, + "map_at_1": 38.364, + "map_at_3": 49.782, + "map_at_5": 52.319, + "map_at_10": 54.07300000000001, + "map_at_100": 54.983000000000004, + "recall_at_1": 38.364, + "recall_at_3": 61.744, + "recall_at_5": 71.32300000000001, + "recall_at_10": 82.015, + "recall_at_100": 96.978, + "precision_at_1": 42.815999999999995, + "precision_at_3": 23.976, + "precision_at_5": 16.866, + "precision_at_10": 9.806, + "precision_at_100": 1.1769999999999998, + "mrr_at_1": 42.845, + "mrr_at_3": 53.307, + "mrr_at_5": 55.434000000000005, + "mrr_at_10": 56.702, + "mrr_at_100": 57.342000000000006, + "main_score": 61.661 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/QuoraRetrieval.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/QuoraRetrieval.json new file mode 100644 index 000000000..698b9aadc --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/QuoraRetrieval.json @@ -0,0 +1,42 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 82.46, + "ndcg_at_3": 86.774, + "ndcg_at_5": 88.256, + "ndcg_at_10": 89.35, + "ndcg_at_100": 90.46499999999999, + "map_at_1": 71.562, + "map_at_3": 82.948, + "map_at_5": 84.786, + "map_at_10": 85.82300000000001, + "map_at_100": 86.453, + "recall_at_1": 71.562, + "recall_at_3": 88.51, + "recall_at_5": 92.795, + "recall_at_10": 95.998, + "recall_at_100": 99.701, + "precision_at_1": 82.46, + "precision_at_3": 38.1, + "precision_at_5": 24.990000000000002, + "precision_at_10": 13.553999999999998, + "precision_at_100": 1.539, + "mrr_at_1": 82.43, + "mrr_at_3": 87.653, + "mrr_at_5": 88.26899999999999, + "mrr_at_10": 88.505, + "mrr_at_100": 88.601, + "main_score": 89.35 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/RedditClustering.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/RedditClustering.json new file mode 100644 index 000000000..087873aa7 --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 57.928338007609256, + "main_score": 57.928338007609256 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/RedditClusteringP2P.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/RedditClusteringP2P.json new file mode 100644 index 000000000..c074945cb --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 65.28915417473826, + "main_score": 65.28915417473826 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/SCIDOCS.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/SCIDOCS.json new file mode 100644 index 000000000..6531e4c26 --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/SCIDOCS.json @@ -0,0 +1,42 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 17.2, + "ndcg_at_3": 15.856, + "ndcg_at_5": 13.983, + "ndcg_at_10": 16.628999999999998, + "ndcg_at_100": 23.845, + "map_at_1": 3.4750000000000005, + "map_at_3": 6.905, + "map_at_5": 8.254, + "map_at_10": 9.474, + "map_at_100": 11.242, + "recall_at_1": 3.4750000000000005, + "recall_at_3": 9.298, + "recall_at_5": 12.817, + "recall_at_10": 17.675, + "recall_at_100": 38.678000000000004, + "precision_at_1": 17.2, + "precision_at_3": 15.299999999999999, + "precision_at_5": 12.64, + "precision_at_10": 8.72, + "precision_at_100": 1.907, + "mrr_at_1": 17.2, + "mrr_at_3": 25.55, + "mrr_at_5": 27.485, + "mrr_at_10": 28.809, + "mrr_at_100": 29.964000000000002, + "main_score": 16.628999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/SICK-R.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/SICK-R.json new file mode 100644 index 000000000..797c3de1a --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.10434430387332, + "cos_sim_spearman": 82.46041161692649, + "euclidean_pearson": 83.4010092798136, + "euclidean_spearman": 82.46040715308601, + "manhattan_pearson": 83.6702316837156, + "manhattan_spearman": 82.72271392303014, + "cosine_pearson": 86.10434430387332, + "cosine_spearman": 82.46041161692649, + "main_score": 82.46041161692649 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/STS12.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/STS12.json new file mode 100644 index 000000000..4ad8d6775 --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.3179771524676, + "cos_sim_spearman": 80.15194914870666, + "euclidean_pearson": 84.54005271342946, + "euclidean_spearman": 80.15194914870666, + "manhattan_pearson": 85.24410357734307, + "manhattan_spearman": 80.78274673604562, + "cosine_pearson": 87.3179771524676, + "cosine_spearman": 80.15194914870666, + "main_score": 80.15194914870666 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/STS13.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/STS13.json new file mode 100644 index 000000000..0360a8d55 --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 89.2691354894402, + "cos_sim_spearman": 89.94300436293618, + "euclidean_pearson": 89.5600067781475, + "euclidean_spearman": 89.942989691344, + "manhattan_pearson": 89.80327997794308, + "manhattan_spearman": 90.3964860275568, + "cosine_pearson": 89.2691354894402, + "cosine_spearman": 89.94300436293618, + "main_score": 89.94300436293618 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/STS14.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/STS14.json new file mode 100644 index 000000000..660c25ff3 --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.68003396295498, + "cos_sim_spearman": 86.23848649310362, + "euclidean_pearson": 87.0702308813695, + "euclidean_spearman": 86.23848649310362, + "manhattan_pearson": 87.24495415360472, + "manhattan_spearman": 86.58198464997109, + "cosine_pearson": 87.68003396295498, + "cosine_spearman": 86.23848649310362, + "main_score": 86.23848649310362 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/STS15.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/STS15.json new file mode 100644 index 000000000..877e1ffb1 --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 90.25643329096215, + "cos_sim_spearman": 91.19520084590636, + "euclidean_pearson": 90.68579446788728, + "euclidean_spearman": 91.19519611831312, + "manhattan_pearson": 90.83476867273104, + "manhattan_spearman": 91.4569817842705, + "cosine_pearson": 90.25643329096215, + "cosine_spearman": 91.19520084590636, + "main_score": 91.19520084590636 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/STS16.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/STS16.json new file mode 100644 index 000000000..6b478b2eb --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.41175694023282, + "cos_sim_spearman": 88.18744495989392, + "euclidean_pearson": 87.60085709987156, + "euclidean_spearman": 88.18773792681107, + "manhattan_pearson": 87.83199472909764, + "manhattan_spearman": 88.45824161471776, + "cosine_pearson": 86.41175694023282, + "cosine_spearman": 88.18744495989392, + "main_score": 88.18744495989392 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/STS17.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/STS17.json new file mode 100644 index 000000000..cf96b6dd5 --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 91.78311335565503, + "cos_sim_spearman": 91.93416269793802, + "euclidean_pearson": 91.84163160890154, + "euclidean_spearman": 91.93416269793802, + "manhattan_pearson": 91.77053255749301, + "manhattan_spearman": 91.67392623286098, + "cosine_pearson": 91.78311335565503, + "cosine_spearman": 91.93416269793802, + "main_score": 91.93416269793802 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/STS22.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/STS22.json new file mode 100644 index 000000000..7f8a3aa46 --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 68.2137857919086, + "cos_sim_spearman": 68.31928639693375, + "euclidean_pearson": 69.96072053688385, + "euclidean_spearman": 68.31928639693375, + "manhattan_pearson": 70.47736299273389, + "manhattan_spearman": 68.72439259356818, + "cosine_pearson": 68.2137857919086, + "cosine_spearman": 68.31928639693375, + "main_score": 68.31928639693375 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/STSBenchmark.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/STSBenchmark.json new file mode 100644 index 000000000..c50c0b1ce --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.16092476703817, + "cos_sim_spearman": 89.20507562822989, + "euclidean_pearson": 88.91358225424611, + "euclidean_spearman": 89.20505548241839, + "manhattan_pearson": 88.98787306839809, + "manhattan_spearman": 89.37338458483269, + "cosine_pearson": 88.16092476703817, + "cosine_spearman": 89.20507562822989, + "main_score": 89.20507562822989 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/SciDocsRR.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/SciDocsRR.json new file mode 100644 index 000000000..bcdd4f3fc --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 87.29108971888714, + "mrr": 96.62042024787124, + "main_score": 87.29108971888714 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/SciFact.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/SciFact.json new file mode 100644 index 000000000..82774143a --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/SciFact.json @@ -0,0 +1,42 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 63.333, + "ndcg_at_3": 72.768, + "ndcg_at_5": 75.124, + "ndcg_at_10": 77.178, + "ndcg_at_100": 78.769, + "map_at_1": 60.9, + "map_at_3": 69.69999999999999, + "map_at_5": 71.345, + "map_at_10": 72.36200000000001, + "map_at_100": 72.783, + "recall_at_1": 60.9, + "recall_at_3": 79.172, + "recall_at_5": 84.917, + "recall_at_10": 90.756, + "recall_at_100": 97.667, + "precision_at_1": 63.333, + "precision_at_3": 28.555999999999997, + "precision_at_5": 18.8, + "precision_at_10": 10.233, + "precision_at_100": 1.107, + "mrr_at_1": 63.333, + "mrr_at_3": 71.27799999999999, + "mrr_at_5": 72.478, + "mrr_at_10": 73.163, + "mrr_at_100": 73.457, + "main_score": 77.178 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/SprintDuplicateQuestions.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..b9eb74d55 --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.8009900990099, + "cos_sim_ap": 95.46920445134404, + "cos_sim_f1": 89.70814132104455, + "cos_sim_precision": 91.9202518363064, + "cos_sim_recall": 87.6, + "dot_accuracy": 99.8009900990099, + "dot_ap": 95.46920445134404, + "dot_f1": 89.70814132104455, + "dot_precision": 91.9202518363064, + "dot_recall": 87.6, + "euclidean_accuracy": 99.8009900990099, + "euclidean_ap": 95.46924273007079, + "euclidean_f1": 89.70814132104455, + "euclidean_precision": 91.9202518363064, + "euclidean_recall": 87.6, + "manhattan_accuracy": 99.81188118811882, + "manhattan_ap": 95.77631677784113, + "manhattan_f1": 90.26639344262296, + "manhattan_precision": 92.5420168067227, + "manhattan_recall": 88.1, + "max_accuracy": 99.81188118811882, + "max_ap": 95.77631677784113, + "max_f1": 90.26639344262296, + "main_score": 95.77631677784113 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/StackExchangeClustering.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/StackExchangeClustering.json new file mode 100644 index 000000000..75eeef7e8 --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 71.59238280333025, + "main_score": 71.59238280333025 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/StackExchangeClusteringP2P.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..154c42db6 --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.012562075214035, + "main_score": 39.012562075214035 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/StackOverflowDupQuestions.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..03a6f015c --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 55.16521497700657, + "mrr": 56.1779427680163, + "main_score": 55.16521497700657 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/SummEval.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/SummEval.json new file mode 100644 index 000000000..539600152 --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.04402552863106, + "cos_sim_spearman": 31.05558230938988, + "dot_pearson": 31.04400838015153, + "dot_spearman": 31.05558230938988, + "cosine_pearson": 31.04402552863106, + "cosine_spearman": 31.05558230938988, + "main_score": 31.05558230938988 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/TRECCOVID.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/TRECCOVID.json new file mode 100644 index 000000000..c46d7fcd7 --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/TRECCOVID.json @@ -0,0 +1,42 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 91.0, + "ndcg_at_3": 92.34599999999999, + "ndcg_at_5": 90.89399999999999, + "ndcg_at_10": 87.433, + "ndcg_at_100": 67.06400000000001, + "map_at_1": 0.241, + "map_at_3": 0.735, + "map_at_5": 1.216, + "map_at_10": 2.317, + "map_at_100": 14.151, + "recall_at_1": 0.241, + "recall_at_3": 0.76, + "recall_at_5": 1.254, + "recall_at_10": 2.421, + "recall_at_100": 16.715, + "precision_at_1": 94.0, + "precision_at_3": 96.0, + "precision_at_5": 94.8, + "precision_at_10": 91.4, + "precision_at_100": 68.24, + "mrr_at_1": 94.0, + "mrr_at_3": 96.667, + "mrr_at_5": 96.667, + "mrr_at_10": 96.667, + "mrr_at_100": 96.667, + "main_score": 87.433 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/Touche2020.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/Touche2020.json new file mode 100644 index 000000000..d117f6178 --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/Touche2020.json @@ -0,0 +1,42 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 26.531, + "ndcg_at_3": 27.728, + "ndcg_at_5": 25.668000000000003, + "ndcg_at_10": 25.785999999999998, + "ndcg_at_100": 35.623, + "map_at_1": 2.076, + "map_at_3": 5.29, + "map_at_5": 7.292999999999999, + "map_at_10": 9.81, + "map_at_100": 15.461, + "recall_at_1": 2.076, + "recall_at_3": 6.7250000000000005, + "recall_at_5": 9.808, + "recall_at_10": 16.467000000000002, + "recall_at_100": 45.109, + "precision_at_1": 28.571, + "precision_at_3": 29.252, + "precision_at_5": 25.714, + "precision_at_10": 23.265, + "precision_at_100": 7.184, + "mrr_at_1": 28.571, + "mrr_at_3": 42.857, + "mrr_at_5": 44.184, + "mrr_at_10": 47.564, + "mrr_at_100": 48.142, + "main_score": 25.785999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/ToxicConversationsClassification.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..e9231354f --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 68.43159999999999, + "ap": 14.08119146524032, + "f1": 53.26032318755336, + "main_score": 68.43159999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/TweetSentimentExtractionClassification.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..402ae7743 --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 63.82852292020373, + "f1": 64.14509521870399, + "main_score": 63.82852292020373 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/TwentyNewsgroupsClustering.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..bcc5da980 --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 55.252554461698566, + "main_score": 55.252554461698566 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/TwitterSemEval2015.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/TwitterSemEval2015.json new file mode 100644 index 000000000..2a0dbc705 --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.54383978065208, + "cos_sim_ap": 81.67495128150328, + "cos_sim_f1": 74.58161532864419, + "cos_sim_precision": 69.00807899461401, + "cos_sim_recall": 81.13456464379946, + "dot_accuracy": 88.54383978065208, + "dot_ap": 81.6748330747088, + "dot_f1": 74.58161532864419, + "dot_precision": 69.00807899461401, + "dot_recall": 81.13456464379946, + "euclidean_accuracy": 88.54383978065208, + "euclidean_ap": 81.67496006818212, + "euclidean_f1": 74.58161532864419, + "euclidean_precision": 69.00807899461401, + "euclidean_recall": 81.13456464379946, + "manhattan_accuracy": 88.40674733265782, + "manhattan_ap": 81.56036996969941, + "manhattan_f1": 74.33063129452223, + "manhattan_precision": 69.53125, + "manhattan_recall": 79.84168865435356, + "max_accuracy": 88.54383978065208, + "max_ap": 81.67496006818212, + "max_f1": 74.58161532864419, + "main_score": 81.67496006818212 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/TwitterURLCorpus.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/TwitterURLCorpus.json new file mode 100644 index 000000000..185c5b50f --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.75627740908915, + "cos_sim_ap": 87.41911504007292, + "cos_sim_f1": 79.91742008969888, + "cos_sim_precision": 74.31484178472131, + "cos_sim_recall": 86.43363104404065, + "dot_accuracy": 89.75627740908915, + "dot_ap": 87.41910845717851, + "dot_f1": 79.91742008969888, + "dot_precision": 74.31484178472131, + "dot_recall": 86.43363104404065, + "euclidean_accuracy": 89.75627740908915, + "euclidean_ap": 87.41912150448005, + "euclidean_f1": 79.91742008969888, + "euclidean_precision": 74.31484178472131, + "euclidean_recall": 86.43363104404065, + "manhattan_accuracy": 89.76597974152986, + "manhattan_ap": 87.49835162128704, + "manhattan_f1": 80.05401656994779, + "manhattan_precision": 76.10158906390951, + "manhattan_recall": 84.43948259932245, + "max_accuracy": 89.76597974152986, + "max_ap": 87.49835162128704, + "max_f1": 80.05401656994779, + "main_score": 87.49835162128704 + } + ] + } +} \ No newline at end of file diff --git a/results/Haon-Chen__speed-embedding-7b-instruct/external/model_meta.json b/results/Haon-Chen__speed-embedding-7b-instruct/external/model_meta.json new file mode 100644 index 000000000..7aa2e1164 --- /dev/null +++ b/results/Haon-Chen__speed-embedding-7b-instruct/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "Haon-Chen/speed-embedding-7b-instruct", + "revision": "c167e9a8144b397622ce47b85d9edcdeecef3d3f", + "release_date": "2024-10-31", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 7110660096, + "memory_usage": null, + "max_tokens": 32768, + "embed_dim": 4096, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/AmazonCounterfactualClassification.json b/results/Hum-Works__lodestone-base-4096-v1/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..61842556c --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.7313432835821, + "ap": 31.618259511417733, + "f1": 63.30313825394228, + "main_score": 69.7313432835821 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/AmazonPolarityClassification.json b/results/Hum-Works__lodestone-base-4096-v1/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..08ffb0d11 --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.89837499999999, + "ap": 82.39500885672128, + "f1": 86.87317947399657, + "main_score": 86.89837499999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/AmazonReviewsClassification.json b/results/Hum-Works__lodestone-base-4096-v1/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..a741c689c --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 44.05, + "f1": 42.67624383248947, + "main_score": 44.05 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/ArguAna.json b/results/Hum-Works__lodestone-base-4096-v1/external/ArguAna.json new file mode 100644 index 000000000..7fff1d8a5 --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.173999999999996, + "map_at_10": 40.976, + "map_at_100": 42.067, + "map_at_1000": 42.075, + "map_at_3": 35.917, + "map_at_5": 38.656, + "mrr_at_1": 26.814, + "mrr_at_10": 41.252, + "mrr_at_100": 42.337, + "mrr_at_1000": 42.345, + "mrr_at_3": 36.226, + "mrr_at_5": 38.914, + "ndcg_at_1": 26.173999999999996, + "ndcg_at_10": 49.819, + "ndcg_at_100": 54.403999999999996, + "ndcg_at_1000": 54.59, + "ndcg_at_3": 39.231, + "ndcg_at_5": 44.189, + "precision_at_1": 26.173999999999996, + "precision_at_10": 7.838000000000001, + "precision_at_100": 0.9820000000000001, + "precision_at_1000": 0.1, + "precision_at_3": 16.287, + "precision_at_5": 12.191, + "recall_at_1": 26.173999999999996, + "recall_at_10": 78.378, + "recall_at_100": 98.222, + "recall_at_1000": 99.644, + "recall_at_3": 48.862, + "recall_at_5": 60.953, + "main_score": 49.819 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/ArxivClusteringP2P.json b/results/Hum-Works__lodestone-base-4096-v1/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..104bde0ca --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 42.31689035788179, + "main_score": 42.31689035788179 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/ArxivClusteringS2S.json b/results/Hum-Works__lodestone-base-4096-v1/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..3c450f120 --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.280245136660984, + "main_score": 31.280245136660984 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/AskUbuntuDupQuestions.json b/results/Hum-Works__lodestone-base-4096-v1/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..9c10a66ce --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 58.79109720839415, + "mrr": 71.79615705931495, + "main_score": 58.79109720839415 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/BIOSSES.json b/results/Hum-Works__lodestone-base-4096-v1/external/BIOSSES.json new file mode 100644 index 000000000..9e8142840 --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 76.44918756608115, + "cos_sim_spearman": 70.86607256286257, + "euclidean_pearson": 74.12154678100815, + "euclidean_spearman": 70.86607256286257, + "manhattan_pearson": 74.0078626964417, + "manhattan_spearman": 70.68353828321327, + "cosine_pearson": 76.44918756608115, + "cosine_spearman": 70.86607256286257, + "main_score": 70.86607256286257 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/Banking77Classification.json b/results/Hum-Works__lodestone-base-4096-v1/external/Banking77Classification.json new file mode 100644 index 000000000..3211c2bad --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.40584415584415, + "f1": 74.29514617572676, + "main_score": 75.40584415584415 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/BiorxivClusteringP2P.json b/results/Hum-Works__lodestone-base-4096-v1/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..7d54426ad --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.41860080664014, + "main_score": 37.41860080664014 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/BiorxivClusteringS2S.json b/results/Hum-Works__lodestone-base-4096-v1/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..9a865308d --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 29.319217023090705, + "main_score": 29.319217023090705 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/CQADupstackAndroidRetrieval.json b/results/Hum-Works__lodestone-base-4096-v1/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..9a54dbe7e --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.595000000000002, + "map_at_10": 36.556, + "map_at_100": 37.984, + "map_at_1000": 38.134, + "map_at_3": 33.417, + "map_at_5": 35.160000000000004, + "mrr_at_1": 32.761, + "mrr_at_10": 41.799, + "mrr_at_100": 42.526, + "mrr_at_1000": 42.582, + "mrr_at_3": 39.39, + "mrr_at_5": 40.727000000000004, + "ndcg_at_1": 32.761, + "ndcg_at_10": 42.549, + "ndcg_at_100": 47.915, + "ndcg_at_1000": 50.475, + "ndcg_at_3": 37.93, + "ndcg_at_5": 39.939, + "precision_at_1": 32.761, + "precision_at_10": 8.312, + "precision_at_100": 1.403, + "precision_at_1000": 0.197, + "precision_at_3": 18.741, + "precision_at_5": 13.447999999999999, + "recall_at_1": 26.595000000000002, + "recall_at_10": 54.332, + "recall_at_100": 76.936, + "recall_at_1000": 93.914, + "recall_at_3": 40.666000000000004, + "recall_at_5": 46.513, + "main_score": 42.549 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.528000000000002, + "map_at_10": 30.751, + "map_at_100": 31.855, + "map_at_1000": 31.972, + "map_at_3": 28.465, + "map_at_5": 29.738, + "mrr_at_1": 28.662, + "mrr_at_10": 35.912, + "mrr_at_100": 36.726, + "mrr_at_1000": 36.777, + "mrr_at_3": 34.013, + "mrr_at_5": 35.156, + "ndcg_at_1": 28.662, + "ndcg_at_10": 35.452, + "ndcg_at_100": 40.1, + "ndcg_at_1000": 42.323, + "ndcg_at_3": 32.112, + "ndcg_at_5": 33.638, + "precision_at_1": 28.662, + "precision_at_10": 6.688, + "precision_at_100": 1.13, + "precision_at_1000": 0.16, + "precision_at_3": 15.562999999999999, + "precision_at_5": 11.019, + "recall_at_1": 22.528000000000002, + "recall_at_10": 43.748, + "recall_at_100": 64.235, + "recall_at_1000": 78.609, + "recall_at_3": 33.937, + "recall_at_5": 38.234, + "main_score": 35.452 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 33.117999999999995, + "map_at_10": 44.339, + "map_at_100": 45.367000000000004, + "map_at_1000": 45.437, + "map_at_3": 41.195, + "map_at_5": 42.922, + "mrr_at_1": 38.37, + "mrr_at_10": 47.786, + "mrr_at_100": 48.522, + "mrr_at_1000": 48.567, + "mrr_at_3": 45.371, + "mrr_at_5": 46.857, + "ndcg_at_1": 38.37, + "ndcg_at_10": 50.019999999999996, + "ndcg_at_100": 54.36299999999999, + "ndcg_at_1000": 55.897, + "ndcg_at_3": 44.733000000000004, + "ndcg_at_5": 47.292, + "precision_at_1": 38.37, + "precision_at_10": 8.288, + "precision_at_100": 1.139, + "precision_at_1000": 0.132, + "precision_at_3": 20.293, + "precision_at_5": 14.107, + "recall_at_1": 33.117999999999995, + "recall_at_10": 63.451, + "recall_at_100": 82.767, + "recall_at_1000": 93.786, + "recall_at_3": 48.964999999999996, + "recall_at_5": 55.358, + "main_score": 50.019999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.028000000000002, + "map_at_10": 23.186999999999998, + "map_at_100": 24.236, + "map_at_1000": 24.337, + "map_at_3": 20.816000000000003, + "map_at_5": 22.311, + "mrr_at_1": 17.514, + "mrr_at_10": 24.84, + "mrr_at_100": 25.838, + "mrr_at_1000": 25.924999999999997, + "mrr_at_3": 22.542, + "mrr_at_5": 24.04, + "ndcg_at_1": 17.514, + "ndcg_at_10": 27.391, + "ndcg_at_100": 32.684999999999995, + "ndcg_at_1000": 35.367, + "ndcg_at_3": 22.820999999999998, + "ndcg_at_5": 25.380999999999997, + "precision_at_1": 17.514, + "precision_at_10": 4.463, + "precision_at_100": 0.745, + "precision_at_1000": 0.101, + "precision_at_3": 10.019, + "precision_at_5": 7.457999999999999, + "recall_at_1": 16.028000000000002, + "recall_at_10": 38.81, + "recall_at_100": 63.295, + "recall_at_1000": 83.762, + "recall_at_3": 26.604, + "recall_at_5": 32.727000000000004, + "main_score": 27.391 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 11.962, + "map_at_10": 17.218, + "map_at_100": 18.321, + "map_at_1000": 18.455, + "map_at_3": 15.287999999999998, + "map_at_5": 16.417, + "mrr_at_1": 14.677000000000001, + "mrr_at_10": 20.381, + "mrr_at_100": 21.471999999999998, + "mrr_at_1000": 21.566, + "mrr_at_3": 18.448999999999998, + "mrr_at_5": 19.587, + "ndcg_at_1": 14.677000000000001, + "ndcg_at_10": 20.86, + "ndcg_at_100": 26.519, + "ndcg_at_1000": 30.020000000000003, + "ndcg_at_3": 17.208000000000002, + "ndcg_at_5": 19.037000000000003, + "precision_at_1": 14.677000000000001, + "precision_at_10": 3.856, + "precision_at_100": 0.7889999999999999, + "precision_at_1000": 0.124, + "precision_at_3": 8.043, + "precision_at_5": 6.069999999999999, + "recall_at_1": 11.962, + "recall_at_10": 28.994999999999997, + "recall_at_100": 54.071999999999996, + "recall_at_1000": 79.309, + "recall_at_3": 19.134999999999998, + "recall_at_5": 23.727999999999998, + "main_score": 20.86 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.764, + "map_at_10": 31.744, + "map_at_100": 33.037, + "map_at_1000": 33.156, + "map_at_3": 29.015, + "map_at_5": 30.434, + "mrr_at_1": 28.296, + "mrr_at_10": 37.03, + "mrr_at_100": 37.902, + "mrr_at_1000": 37.966, + "mrr_at_3": 34.568, + "mrr_at_5": 35.786, + "ndcg_at_1": 28.296, + "ndcg_at_10": 37.289, + "ndcg_at_100": 42.787, + "ndcg_at_1000": 45.382, + "ndcg_at_3": 32.598, + "ndcg_at_5": 34.521, + "precision_at_1": 28.296, + "precision_at_10": 6.901, + "precision_at_100": 1.135, + "precision_at_1000": 0.152, + "precision_at_3": 15.367, + "precision_at_5": 11.03, + "recall_at_1": 22.764, + "recall_at_10": 48.807, + "recall_at_100": 71.859, + "recall_at_1000": 89.606, + "recall_at_3": 35.594, + "recall_at_5": 40.541, + "main_score": 37.289 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.742, + "map_at_10": 27.741, + "map_at_100": 29.323, + "map_at_1000": 29.438, + "map_at_3": 25.217, + "map_at_5": 26.583000000000002, + "mrr_at_1": 24.657999999999998, + "mrr_at_10": 32.407000000000004, + "mrr_at_100": 33.631, + "mrr_at_1000": 33.686, + "mrr_at_3": 30.194, + "mrr_at_5": 31.444, + "ndcg_at_1": 24.657999999999998, + "ndcg_at_10": 32.614, + "ndcg_at_100": 39.61, + "ndcg_at_1000": 42.114000000000004, + "ndcg_at_3": 28.516000000000002, + "ndcg_at_5": 30.274, + "precision_at_1": 24.657999999999998, + "precision_at_10": 6.176, + "precision_at_100": 1.1400000000000001, + "precision_at_1000": 0.155, + "precision_at_3": 13.927, + "precision_at_5": 9.954, + "recall_at_1": 19.742, + "recall_at_10": 42.427, + "recall_at_100": 72.687, + "recall_at_1000": 89.89, + "recall_at_3": 30.781, + "recall_at_5": 35.606, + "main_score": 32.614 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.72608333333333, + "map_at_10": 27.165333333333336, + "map_at_100": 28.292499999999997, + "map_at_1000": 28.416333333333327, + "map_at_3": 24.783833333333334, + "map_at_5": 26.101750000000003, + "mrr_at_1": 23.721500000000002, + "mrr_at_10": 30.853333333333328, + "mrr_at_100": 31.741750000000003, + "mrr_at_1000": 31.812999999999995, + "mrr_at_3": 28.732249999999997, + "mrr_at_5": 29.945166666666665, + "ndcg_at_1": 23.721500000000002, + "ndcg_at_10": 31.74883333333333, + "ndcg_at_100": 36.883583333333334, + "ndcg_at_1000": 39.6145, + "ndcg_at_3": 27.639583333333334, + "ndcg_at_5": 29.543666666666667, + "precision_at_1": 23.721500000000002, + "precision_at_10": 5.709083333333333, + "precision_at_100": 0.9859166666666666, + "precision_at_1000": 0.1413333333333333, + "precision_at_3": 12.85683333333333, + "precision_at_5": 9.258166666666668, + "recall_at_1": 19.72608333333333, + "recall_at_10": 41.73583333333334, + "recall_at_100": 64.66566666666668, + "recall_at_1000": 84.09833333333336, + "recall_at_3": 30.223083333333328, + "recall_at_5": 35.153083333333335, + "main_score": 31.74883333333333 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.582, + "map_at_10": 22.803, + "map_at_100": 23.503, + "map_at_1000": 23.599999999999998, + "map_at_3": 21.375, + "map_at_5": 22.052, + "mrr_at_1": 20.399, + "mrr_at_10": 25.369999999999997, + "mrr_at_100": 26.016000000000002, + "mrr_at_1000": 26.090999999999998, + "mrr_at_3": 23.952, + "mrr_at_5": 24.619, + "ndcg_at_1": 20.399, + "ndcg_at_10": 25.964, + "ndcg_at_100": 29.607, + "ndcg_at_1000": 32.349, + "ndcg_at_3": 23.177, + "ndcg_at_5": 24.276, + "precision_at_1": 20.399, + "precision_at_10": 4.018, + "precision_at_100": 0.629, + "precision_at_1000": 0.093, + "precision_at_3": 9.969, + "precision_at_5": 6.748, + "recall_at_1": 17.582, + "recall_at_10": 33.35, + "recall_at_100": 50.219, + "recall_at_1000": 71.06099999999999, + "recall_at_3": 25.619999999999997, + "recall_at_5": 28.291, + "main_score": 25.964 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 11.071, + "map_at_10": 16.201999999999998, + "map_at_100": 17.112, + "map_at_1000": 17.238, + "map_at_3": 14.508, + "map_at_5": 15.440999999999999, + "mrr_at_1": 13.833, + "mrr_at_10": 19.235, + "mrr_at_100": 20.108999999999998, + "mrr_at_1000": 20.196, + "mrr_at_3": 17.515, + "mrr_at_5": 18.505, + "ndcg_at_1": 13.833, + "ndcg_at_10": 19.643, + "ndcg_at_100": 24.298000000000002, + "ndcg_at_1000": 27.614, + "ndcg_at_3": 16.528000000000002, + "ndcg_at_5": 17.991, + "precision_at_1": 13.833, + "precision_at_10": 3.6990000000000003, + "precision_at_100": 0.713, + "precision_at_1000": 0.116, + "precision_at_3": 7.9030000000000005, + "precision_at_5": 5.891, + "recall_at_1": 11.071, + "recall_at_10": 27.019, + "recall_at_100": 48.404, + "recall_at_1000": 72.641, + "recall_at_3": 18.336, + "recall_at_5": 21.991, + "main_score": 19.643 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.573, + "map_at_10": 25.008999999999997, + "map_at_100": 26.015, + "map_at_1000": 26.137, + "map_at_3": 22.798, + "map_at_5": 24.092, + "mrr_at_1": 22.108, + "mrr_at_10": 28.646, + "mrr_at_100": 29.477999999999998, + "mrr_at_1000": 29.57, + "mrr_at_3": 26.415, + "mrr_at_5": 27.693, + "ndcg_at_1": 22.108, + "ndcg_at_10": 29.42, + "ndcg_at_100": 34.385, + "ndcg_at_1000": 37.572, + "ndcg_at_3": 25.274, + "ndcg_at_5": 27.315, + "precision_at_1": 22.108, + "precision_at_10": 5.093, + "precision_at_100": 0.859, + "precision_at_1000": 0.124, + "precision_at_3": 11.474, + "precision_at_5": 8.321000000000002, + "recall_at_1": 18.573, + "recall_at_10": 39.433, + "recall_at_100": 61.597, + "recall_at_1000": 84.69, + "recall_at_3": 27.849, + "recall_at_5": 33.202999999999996, + "main_score": 29.42 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.807, + "map_at_10": 30.014000000000003, + "map_at_100": 31.422, + "map_at_1000": 31.652, + "map_at_3": 27.447, + "map_at_5": 28.711, + "mrr_at_1": 27.668, + "mrr_at_10": 34.489, + "mrr_at_100": 35.453, + "mrr_at_1000": 35.526, + "mrr_at_3": 32.477000000000004, + "mrr_at_5": 33.603, + "ndcg_at_1": 27.668, + "ndcg_at_10": 34.983, + "ndcg_at_100": 40.535, + "ndcg_at_1000": 43.747, + "ndcg_at_3": 31.026999999999997, + "ndcg_at_5": 32.608, + "precision_at_1": 27.668, + "precision_at_10": 6.837999999999999, + "precision_at_100": 1.411, + "precision_at_1000": 0.23600000000000002, + "precision_at_3": 14.295, + "precision_at_5": 10.435, + "recall_at_1": 22.807, + "recall_at_10": 43.545, + "recall_at_100": 69.39800000000001, + "recall_at_1000": 90.706, + "recall_at_3": 32.183, + "recall_at_5": 36.563, + "main_score": 34.983 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 13.943, + "map_at_10": 20.419999999999998, + "map_at_100": 21.335, + "map_at_1000": 21.44, + "map_at_3": 17.865000000000002, + "map_at_5": 19.36, + "mrr_at_1": 15.712000000000002, + "mrr_at_10": 22.345000000000002, + "mrr_at_100": 23.227999999999998, + "mrr_at_1000": 23.304, + "mrr_at_3": 19.901, + "mrr_at_5": 21.325, + "ndcg_at_1": 15.712000000000002, + "ndcg_at_10": 24.801000000000002, + "ndcg_at_100": 29.799, + "ndcg_at_1000": 32.513999999999996, + "ndcg_at_3": 19.750999999999998, + "ndcg_at_5": 22.252, + "precision_at_1": 15.712000000000002, + "precision_at_10": 4.1770000000000005, + "precision_at_100": 0.738, + "precision_at_1000": 0.106, + "precision_at_3": 8.688, + "precision_at_5": 6.617000000000001, + "recall_at_1": 13.943, + "recall_at_10": 36.913000000000004, + "recall_at_100": 60.519, + "recall_at_1000": 81.206, + "recall_at_3": 23.006999999999998, + "recall_at_5": 29.082, + "main_score": 24.801000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/ClimateFEVER.json b/results/Hum-Works__lodestone-base-4096-v1/external/ClimateFEVER.json new file mode 100644 index 000000000..2b3d37e66 --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.468, + "map_at_10": 16.029, + "map_at_100": 17.693, + "map_at_1000": 17.886, + "map_at_3": 13.15, + "map_at_5": 14.568, + "mrr_at_1": 21.173000000000002, + "mrr_at_10": 31.028, + "mrr_at_100": 32.061, + "mrr_at_1000": 32.119, + "mrr_at_3": 27.534999999999997, + "mrr_at_5": 29.431, + "ndcg_at_1": 21.173000000000002, + "ndcg_at_10": 23.224, + "ndcg_at_100": 30.225, + "ndcg_at_1000": 33.961000000000006, + "ndcg_at_3": 18.174, + "ndcg_at_5": 19.897000000000002, + "precision_at_1": 21.173000000000002, + "precision_at_10": 7.4719999999999995, + "precision_at_100": 1.5010000000000001, + "precision_at_1000": 0.219, + "precision_at_3": 13.312, + "precision_at_5": 10.619, + "recall_at_1": 9.468, + "recall_at_10": 28.823, + "recall_at_100": 53.26499999999999, + "recall_at_1000": 74.536, + "recall_at_3": 16.672, + "recall_at_5": 21.302, + "main_score": 23.224 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/DBPedia.json b/results/Hum-Works__lodestone-base-4096-v1/external/DBPedia.json new file mode 100644 index 000000000..4a2009708 --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.343, + "map_at_10": 12.717, + "map_at_100": 16.48, + "map_at_1000": 17.381, + "map_at_3": 9.568999999999999, + "map_at_5": 11.125, + "mrr_at_1": 48.75, + "mrr_at_10": 58.425000000000004, + "mrr_at_100": 59.075, + "mrr_at_1000": 59.095, + "mrr_at_3": 56.291999999999994, + "mrr_at_5": 57.679, + "ndcg_at_1": 37.875, + "ndcg_at_10": 27.77, + "ndcg_at_100": 30.288999999999998, + "ndcg_at_1000": 36.187999999999995, + "ndcg_at_3": 31.385999999999996, + "ndcg_at_5": 29.923, + "precision_at_1": 48.75, + "precision_at_10": 22.375, + "precision_at_100": 6.3420000000000005, + "precision_at_1000": 1.4489999999999998, + "precision_at_3": 35.5, + "precision_at_5": 30.55, + "recall_at_1": 6.343, + "recall_at_10": 16.936, + "recall_at_100": 35.955999999999996, + "recall_at_1000": 55.787, + "recall_at_3": 10.771, + "recall_at_5": 13.669999999999998, + "main_score": 27.77 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/EmotionClassification.json b/results/Hum-Works__lodestone-base-4096-v1/external/EmotionClassification.json new file mode 100644 index 000000000..7fcfd1192 --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 41.99, + "f1": 36.823402174564954, + "main_score": 41.99 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/FEVER.json b/results/Hum-Works__lodestone-base-4096-v1/external/FEVER.json new file mode 100644 index 000000000..483539234 --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.088, + "map_at_10": 52.69200000000001, + "map_at_100": 53.296, + "map_at_1000": 53.325, + "map_at_3": 49.905, + "map_at_5": 51.617000000000004, + "mrr_at_1": 43.009, + "mrr_at_10": 56.203, + "mrr_at_100": 56.75, + "mrr_at_1000": 56.769000000000005, + "mrr_at_3": 53.400000000000006, + "mrr_at_5": 55.163, + "ndcg_at_1": 43.009, + "ndcg_at_10": 59.39, + "ndcg_at_100": 62.129999999999995, + "ndcg_at_1000": 62.793, + "ndcg_at_3": 53.878, + "ndcg_at_5": 56.887, + "precision_at_1": 43.009, + "precision_at_10": 8.366, + "precision_at_100": 0.983, + "precision_at_1000": 0.105, + "precision_at_3": 22.377, + "precision_at_5": 15.035000000000002, + "recall_at_1": 40.088, + "recall_at_10": 76.68700000000001, + "recall_at_100": 88.91, + "recall_at_1000": 93.782, + "recall_at_3": 61.809999999999995, + "recall_at_5": 69.131, + "main_score": 59.39 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/FiQA2018.json b/results/Hum-Works__lodestone-base-4096-v1/external/FiQA2018.json new file mode 100644 index 000000000..6c937d479 --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 10.817, + "map_at_10": 18.9, + "map_at_100": 20.448, + "map_at_1000": 20.660999999999998, + "map_at_3": 15.979, + "map_at_5": 17.415, + "mrr_at_1": 23.148, + "mrr_at_10": 31.208000000000002, + "mrr_at_100": 32.167, + "mrr_at_1000": 32.242, + "mrr_at_3": 28.498, + "mrr_at_5": 29.964000000000002, + "ndcg_at_1": 23.148, + "ndcg_at_10": 25.325999999999997, + "ndcg_at_100": 31.927, + "ndcg_at_1000": 36.081, + "ndcg_at_3": 21.647, + "ndcg_at_5": 22.762999999999998, + "precision_at_1": 23.148, + "precision_at_10": 7.546, + "precision_at_100": 1.415, + "precision_at_1000": 0.216, + "precision_at_3": 14.969, + "precision_at_5": 11.327, + "recall_at_1": 10.817, + "recall_at_10": 32.164, + "recall_at_100": 57.655, + "recall_at_1000": 82.797, + "recall_at_3": 19.709, + "recall_at_5": 24.333, + "main_score": 25.325999999999997 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/HotpotQA.json b/results/Hum-Works__lodestone-base-4096-v1/external/HotpotQA.json new file mode 100644 index 000000000..048ff89c9 --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.380999999999997, + "map_at_10": 33.14, + "map_at_100": 33.948, + "map_at_1000": 34.028000000000006, + "map_at_3": 31.019999999999996, + "map_at_5": 32.23, + "mrr_at_1": 50.763000000000005, + "mrr_at_10": 57.899, + "mrr_at_100": 58.426, + "mrr_at_1000": 58.457, + "mrr_at_3": 56.093, + "mrr_at_5": 57.116, + "ndcg_at_1": 50.763000000000005, + "ndcg_at_10": 41.656, + "ndcg_at_100": 45.079, + "ndcg_at_1000": 46.916999999999994, + "ndcg_at_3": 37.834, + "ndcg_at_5": 39.732, + "precision_at_1": 50.763000000000005, + "precision_at_10": 8.648, + "precision_at_100": 1.135, + "precision_at_1000": 0.13799999999999998, + "precision_at_3": 23.105999999999998, + "precision_at_5": 15.363, + "recall_at_1": 25.380999999999997, + "recall_at_10": 43.241, + "recall_at_100": 56.745000000000005, + "recall_at_1000": 69.048, + "recall_at_3": 34.659, + "recall_at_5": 38.406, + "main_score": 41.656 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/ImdbClassification.json b/results/Hum-Works__lodestone-base-4096-v1/external/ImdbClassification.json new file mode 100644 index 000000000..bc4ad2cc5 --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.544, + "ap": 73.82920133396664, + "f1": 79.51048124883265, + "main_score": 79.544 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/MSMARCO.json b/results/Hum-Works__lodestone-base-4096-v1/external/MSMARCO.json new file mode 100644 index 000000000..04a2f6910 --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 11.174000000000001, + "map_at_10": 19.451999999999998, + "map_at_100": 20.612, + "map_at_1000": 20.703, + "map_at_3": 16.444, + "map_at_5": 18.083, + "mrr_at_1": 11.447000000000001, + "mrr_at_10": 19.808, + "mrr_at_100": 20.958, + "mrr_at_1000": 21.041999999999998, + "mrr_at_3": 16.791, + "mrr_at_5": 18.459, + "ndcg_at_1": 11.447000000000001, + "ndcg_at_10": 24.556, + "ndcg_at_100": 30.637999999999998, + "ndcg_at_1000": 33.14, + "ndcg_at_3": 18.325, + "ndcg_at_5": 21.278, + "precision_at_1": 11.447000000000001, + "precision_at_10": 4.215, + "precision_at_100": 0.732, + "precision_at_1000": 0.095, + "precision_at_3": 8.052, + "precision_at_5": 6.318, + "recall_at_1": 11.174000000000001, + "recall_at_10": 40.543, + "recall_at_100": 69.699, + "recall_at_1000": 89.403, + "recall_at_3": 23.442, + "recall_at_5": 30.536, + "main_score": 24.556 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/MTOPDomainClassification.json b/results/Hum-Works__lodestone-base-4096-v1/external/MTOPDomainClassification.json new file mode 100644 index 000000000..1eeccd04a --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 89.6671226630187, + "f1": 89.57660424361246, + "main_score": 89.6671226630187 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/MTOPIntentClassification.json b/results/Hum-Works__lodestone-base-4096-v1/external/MTOPIntentClassification.json new file mode 100644 index 000000000..470faa630 --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 60.284997720018254, + "f1": 40.30637400152823, + "main_score": 60.284997720018254 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/MassiveIntentClassification.json b/results/Hum-Works__lodestone-base-4096-v1/external/MassiveIntentClassification.json new file mode 100644 index 000000000..2104ea30e --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 63.33557498318763, + "f1": 60.24039910680179, + "main_score": 63.33557498318763 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/MassiveScenarioClassification.json b/results/Hum-Works__lodestone-base-4096-v1/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..c25761c0a --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.37390719569603, + "f1": 72.33097333477316, + "main_score": 72.37390719569603 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/MedrxivClusteringP2P.json b/results/Hum-Works__lodestone-base-4096-v1/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..a6a832f07 --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.68158939060552, + "main_score": 34.68158939060552 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/MedrxivClusteringS2S.json b/results/Hum-Works__lodestone-base-4096-v1/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..bf85dcea7 --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.340061711905236, + "main_score": 30.340061711905236 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/MindSmallReranking.json b/results/Hum-Works__lodestone-base-4096-v1/external/MindSmallReranking.json new file mode 100644 index 000000000..9191d79e4 --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 32.01814326295803, + "mrr": 33.20555240055367, + "main_score": 32.01814326295803 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/NFCorpus.json b/results/Hum-Works__lodestone-base-4096-v1/external/NFCorpus.json new file mode 100644 index 000000000..c935d818a --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.3910000000000005, + "map_at_10": 7.7219999999999995, + "map_at_100": 10.286, + "map_at_1000": 11.668000000000001, + "map_at_3": 5.552, + "map_at_5": 6.468, + "mrr_at_1": 34.365, + "mrr_at_10": 42.555, + "mrr_at_100": 43.295, + "mrr_at_1000": 43.357, + "mrr_at_3": 40.299, + "mrr_at_5": 41.182, + "ndcg_at_1": 31.424000000000003, + "ndcg_at_10": 24.758, + "ndcg_at_100": 23.677999999999997, + "ndcg_at_1000": 33.377, + "ndcg_at_3": 28.302, + "ndcg_at_5": 26.342, + "precision_at_1": 33.437, + "precision_at_10": 19.256999999999998, + "precision_at_100": 6.662999999999999, + "precision_at_1000": 1.9900000000000002, + "precision_at_3": 27.761000000000003, + "precision_at_5": 23.715, + "recall_at_1": 3.3910000000000005, + "recall_at_10": 11.068, + "recall_at_100": 25.878, + "recall_at_1000": 60.19, + "recall_at_3": 6.1690000000000005, + "recall_at_5": 7.767, + "main_score": 24.758 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/NQ.json b/results/Hum-Works__lodestone-base-4096-v1/external/NQ.json new file mode 100644 index 000000000..39ad1b38b --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.168000000000001, + "map_at_10": 26.177, + "map_at_100": 27.564, + "map_at_1000": 27.628999999999998, + "map_at_3": 22.03, + "map_at_5": 24.276, + "mrr_at_1": 17.439, + "mrr_at_10": 28.205000000000002, + "mrr_at_100": 29.357, + "mrr_at_1000": 29.408, + "mrr_at_3": 24.377, + "mrr_at_5": 26.540000000000003, + "ndcg_at_1": 17.41, + "ndcg_at_10": 32.936, + "ndcg_at_100": 39.196999999999996, + "ndcg_at_1000": 40.892, + "ndcg_at_3": 24.721, + "ndcg_at_5": 28.615000000000002, + "precision_at_1": 17.41, + "precision_at_10": 6.199000000000001, + "precision_at_100": 0.9690000000000001, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 11.790000000000001, + "precision_at_5": 9.264, + "recall_at_1": 15.168000000000001, + "recall_at_10": 51.914, + "recall_at_100": 79.804, + "recall_at_1000": 92.75999999999999, + "recall_at_3": 30.212, + "recall_at_5": 39.204, + "main_score": 32.936 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/QuoraRetrieval.json b/results/Hum-Works__lodestone-base-4096-v1/external/QuoraRetrieval.json new file mode 100644 index 000000000..a85e94062 --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 67.306, + "map_at_10": 80.634, + "map_at_100": 81.349, + "map_at_1000": 81.37299999999999, + "map_at_3": 77.691, + "map_at_5": 79.512, + "mrr_at_1": 77.56, + "mrr_at_10": 84.177, + "mrr_at_100": 84.35000000000001, + "mrr_at_1000": 84.353, + "mrr_at_3": 83.003, + "mrr_at_5": 83.799, + "ndcg_at_1": 77.58, + "ndcg_at_10": 84.782, + "ndcg_at_100": 86.443, + "ndcg_at_1000": 86.654, + "ndcg_at_3": 81.67, + "ndcg_at_5": 83.356, + "precision_at_1": 77.58, + "precision_at_10": 12.875, + "precision_at_100": 1.503, + "precision_at_1000": 0.156, + "precision_at_3": 35.63, + "precision_at_5": 23.483999999999998, + "recall_at_1": 67.306, + "recall_at_10": 92.64, + "recall_at_100": 98.681, + "recall_at_1000": 99.79, + "recall_at_3": 83.682, + "recall_at_5": 88.424, + "main_score": 84.782 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/RedditClustering.json b/results/Hum-Works__lodestone-base-4096-v1/external/RedditClustering.json new file mode 100644 index 000000000..7e628f00a --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 50.76319866126382, + "main_score": 50.76319866126382 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/RedditClusteringP2P.json b/results/Hum-Works__lodestone-base-4096-v1/external/RedditClusteringP2P.json new file mode 100644 index 000000000..1e68d5da2 --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 55.024711941648995, + "main_score": 55.024711941648995 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/SCIDOCS.json b/results/Hum-Works__lodestone-base-4096-v1/external/SCIDOCS.json new file mode 100644 index 000000000..559dbbad6 --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.9379999999999997, + "map_at_10": 8.817, + "map_at_100": 10.546999999999999, + "map_at_1000": 10.852, + "map_at_3": 6.351999999999999, + "map_at_5": 7.453, + "mrr_at_1": 19.400000000000002, + "mrr_at_10": 27.371000000000002, + "mrr_at_100": 28.671999999999997, + "mrr_at_1000": 28.747, + "mrr_at_3": 24.583, + "mrr_at_5": 26.143, + "ndcg_at_1": 19.400000000000002, + "ndcg_at_10": 15.264, + "ndcg_at_100": 22.63, + "ndcg_at_1000": 28.559, + "ndcg_at_3": 14.424999999999999, + "ndcg_at_5": 12.520000000000001, + "precision_at_1": 19.400000000000002, + "precision_at_10": 7.8100000000000005, + "precision_at_100": 1.854, + "precision_at_1000": 0.329, + "precision_at_3": 13.100000000000001, + "precision_at_5": 10.68, + "recall_at_1": 3.9379999999999997, + "recall_at_10": 15.903, + "recall_at_100": 37.645, + "recall_at_1000": 66.86, + "recall_at_3": 7.993, + "recall_at_5": 10.885, + "main_score": 15.264 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/SICK-R.json b/results/Hum-Works__lodestone-base-4096-v1/external/SICK-R.json new file mode 100644 index 000000000..f65f1141f --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 80.12689060151425, + "cos_sim_spearman": 70.46515535094771, + "euclidean_pearson": 77.17160003557223, + "euclidean_spearman": 70.4651757047438, + "manhattan_pearson": 77.18129609281937, + "manhattan_spearman": 70.46610403752913, + "cosine_pearson": 80.12689060151425, + "cosine_spearman": 70.46515535094771, + "main_score": 70.46515535094771 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/STS12.json b/results/Hum-Works__lodestone-base-4096-v1/external/STS12.json new file mode 100644 index 000000000..33db68a5a --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 70.451157033355, + "cos_sim_spearman": 63.99899601697852, + "euclidean_pearson": 67.46985359967678, + "euclidean_spearman": 64.00001637764805, + "manhattan_pearson": 67.56534741780037, + "manhattan_spearman": 64.06533893575366, + "cosine_pearson": 70.451157033355, + "cosine_spearman": 63.99899601697852, + "main_score": 63.99899601697852 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/STS13.json b/results/Hum-Works__lodestone-base-4096-v1/external/STS13.json new file mode 100644 index 000000000..add6deb8e --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 77.65086614464292, + "cos_sim_spearman": 78.20169706921848, + "euclidean_pearson": 77.77758172155283, + "euclidean_spearman": 78.20169706921848, + "manhattan_pearson": 77.75077884860052, + "manhattan_spearman": 78.16875216484164, + "cosine_pearson": 77.65086614464292, + "cosine_spearman": 78.20169706921848, + "main_score": 78.20169706921848 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/STS14.json b/results/Hum-Works__lodestone-base-4096-v1/external/STS14.json new file mode 100644 index 000000000..825303b50 --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 76.26381598259717, + "cos_sim_spearman": 70.78377709313477, + "euclidean_pearson": 74.82646556532096, + "euclidean_spearman": 70.78377658155212, + "manhattan_pearson": 74.81784766108225, + "manhattan_spearman": 70.79351454692176, + "cosine_pearson": 76.26381598259717, + "cosine_spearman": 70.78377709313477, + "main_score": 70.78377709313477 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/STS15.json b/results/Hum-Works__lodestone-base-4096-v1/external/STS15.json new file mode 100644 index 000000000..c20ff5b5b --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 79.00532026789739, + "cos_sim_spearman": 80.02708383244838, + "euclidean_pearson": 79.48345422610525, + "euclidean_spearman": 80.02708383244838, + "manhattan_pearson": 79.44519739854803, + "manhattan_spearman": 79.98344094559687, + "cosine_pearson": 79.00532026789739, + "cosine_spearman": 80.02708383244838, + "main_score": 80.02708383244838 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/STS16.json b/results/Hum-Works__lodestone-base-4096-v1/external/STS16.json new file mode 100644 index 000000000..5d2805007 --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 77.32783048164805, + "cos_sim_spearman": 78.79729961288045, + "euclidean_pearson": 78.72111945793154, + "euclidean_spearman": 78.79729904606872, + "manhattan_pearson": 78.72464311117116, + "manhattan_spearman": 78.822591248334, + "cosine_pearson": 77.32783048164805, + "cosine_spearman": 78.79729961288045, + "main_score": 78.79729961288045 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/STS17.json b/results/Hum-Works__lodestone-base-4096-v1/external/STS17.json new file mode 100644 index 000000000..f8bef771e --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.04318630630854, + "cos_sim_spearman": 83.87886389259836, + "euclidean_pearson": 83.40385877895086, + "euclidean_spearman": 83.87886389259836, + "manhattan_pearson": 83.46337128901547, + "manhattan_spearman": 83.9723106941644, + "cosine_pearson": 82.04318630630854, + "cosine_spearman": 83.87886389259836, + "main_score": 83.87886389259836 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/STS22.json b/results/Hum-Works__lodestone-base-4096-v1/external/STS22.json new file mode 100644 index 000000000..33609b222 --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 63.003511169944595, + "cos_sim_spearman": 64.39318805580227, + "euclidean_pearson": 65.4797990735967, + "euclidean_spearman": 64.39318805580227, + "manhattan_pearson": 65.44604544280844, + "manhattan_spearman": 64.38742899984233, + "cosine_pearson": 63.003511169944595, + "cosine_spearman": 64.39318805580227, + "main_score": 64.39318805580227 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/STSBenchmark.json b/results/Hum-Works__lodestone-base-4096-v1/external/STSBenchmark.json new file mode 100644 index 000000000..ff268fdd3 --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 76.63101237585029, + "cos_sim_spearman": 75.57446967644269, + "euclidean_pearson": 76.93491768734478, + "euclidean_spearman": 75.57446967644269, + "manhattan_pearson": 76.92187567800636, + "manhattan_spearman": 75.57239337194585, + "cosine_pearson": 76.63101237585029, + "cosine_spearman": 75.57446967644269, + "main_score": 75.57446967644269 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/SciDocsRR.json b/results/Hum-Works__lodestone-base-4096-v1/external/SciDocsRR.json new file mode 100644 index 000000000..5796b4331 --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 78.5376604868993, + "mrr": 92.94422897364073, + "main_score": 78.5376604868993 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/SciFact.json b/results/Hum-Works__lodestone-base-4096-v1/external/SciFact.json new file mode 100644 index 000000000..ea65cf9be --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.872, + "map_at_10": 50.417, + "map_at_100": 51.202000000000005, + "map_at_1000": 51.25999999999999, + "map_at_3": 47.02, + "map_at_5": 49.326, + "mrr_at_1": 41.0, + "mrr_at_10": 51.674, + "mrr_at_100": 52.32599999999999, + "mrr_at_1000": 52.376999999999995, + "mrr_at_3": 48.778, + "mrr_at_5": 50.744, + "ndcg_at_1": 41.0, + "ndcg_at_10": 56.027, + "ndcg_at_100": 59.362, + "ndcg_at_1000": 60.839, + "ndcg_at_3": 50.019999999999996, + "ndcg_at_5": 53.644999999999996, + "precision_at_1": 41.0, + "precision_at_10": 8.1, + "precision_at_100": 0.987, + "precision_at_1000": 0.11100000000000002, + "precision_at_3": 20.444000000000003, + "precision_at_5": 14.466999999999999, + "recall_at_1": 38.872, + "recall_at_10": 71.906, + "recall_at_100": 86.367, + "recall_at_1000": 98.0, + "recall_at_3": 56.206, + "recall_at_5": 65.05, + "main_score": 56.027 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/SprintDuplicateQuestions.json b/results/Hum-Works__lodestone-base-4096-v1/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..f9938d9df --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.7039603960396, + "cos_sim_ap": 90.40809844250262, + "cos_sim_f1": 84.53181583031557, + "cos_sim_precision": 87.56698821007502, + "cos_sim_recall": 81.69999999999999, + "dot_accuracy": 99.7039603960396, + "dot_ap": 90.40809844250262, + "dot_f1": 84.53181583031557, + "dot_precision": 87.56698821007502, + "dot_recall": 81.69999999999999, + "euclidean_accuracy": 99.7039603960396, + "euclidean_ap": 90.4080982863383, + "euclidean_f1": 84.53181583031557, + "euclidean_precision": 87.56698821007502, + "euclidean_recall": 81.69999999999999, + "manhattan_accuracy": 99.7, + "manhattan_ap": 90.39771161966652, + "manhattan_f1": 84.32989690721648, + "manhattan_precision": 87.02127659574468, + "manhattan_recall": 81.8, + "max_accuracy": 99.7039603960396, + "max_ap": 90.40809844250262, + "max_f1": 84.53181583031557, + "main_score": 90.40809844250262 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/StackExchangeClustering.json b/results/Hum-Works__lodestone-base-4096-v1/external/StackExchangeClustering.json new file mode 100644 index 000000000..10f507e1d --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 59.663210666678715, + "main_score": 59.663210666678715 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/StackExchangeClusteringP2P.json b/results/Hum-Works__lodestone-base-4096-v1/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..d9e79085f --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.107791216468776, + "main_score": 32.107791216468776 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/StackOverflowDupQuestions.json b/results/Hum-Works__lodestone-base-4096-v1/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..093aaf142 --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 46.440691925067604, + "mrr": 47.03390257618199, + "main_score": 46.440691925067604 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/SummEval.json b/results/Hum-Works__lodestone-base-4096-v1/external/SummEval.json new file mode 100644 index 000000000..377eb581c --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.067177519784074, + "cos_sim_spearman": 31.234728424648967, + "dot_pearson": 31.06717083018107, + "dot_spearman": 31.234728424648967, + "cosine_pearson": 31.067177519784074, + "cosine_spearman": 31.234728424648967, + "main_score": 31.234728424648967 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/TRECCOVID.json b/results/Hum-Works__lodestone-base-4096-v1/external/TRECCOVID.json new file mode 100644 index 000000000..861689161 --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.136, + "map_at_10": 0.767, + "map_at_100": 3.3689999999999998, + "map_at_1000": 8.613999999999999, + "map_at_3": 0.369, + "map_at_5": 0.514, + "mrr_at_1": 48.0, + "mrr_at_10": 63.908, + "mrr_at_100": 64.615, + "mrr_at_1000": 64.615, + "mrr_at_3": 62.0, + "mrr_at_5": 63.4, + "ndcg_at_1": 44.0, + "ndcg_at_10": 38.579, + "ndcg_at_100": 26.409, + "ndcg_at_1000": 26.858999999999998, + "ndcg_at_3": 47.134, + "ndcg_at_5": 43.287, + "precision_at_1": 48.0, + "precision_at_10": 40.400000000000006, + "precision_at_100": 26.640000000000004, + "precision_at_1000": 12.04, + "precision_at_3": 52.666999999999994, + "precision_at_5": 46.800000000000004, + "recall_at_1": 0.136, + "recall_at_10": 1.0070000000000001, + "recall_at_100": 6.318, + "recall_at_1000": 26.522000000000002, + "recall_at_3": 0.41700000000000004, + "recall_at_5": 0.606, + "main_score": 38.579 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/Touche2020.json b/results/Hum-Works__lodestone-base-4096-v1/external/Touche2020.json new file mode 100644 index 000000000..baf0accd4 --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 1.9949999999999999, + "map_at_10": 8.304, + "map_at_100": 13.644, + "map_at_1000": 15.43, + "map_at_3": 4.788, + "map_at_5": 6.22, + "mrr_at_1": 22.448999999999998, + "mrr_at_10": 37.658, + "mrr_at_100": 38.491, + "mrr_at_1000": 38.503, + "mrr_at_3": 32.312999999999995, + "mrr_at_5": 35.68, + "ndcg_at_1": 21.429000000000002, + "ndcg_at_10": 18.995, + "ndcg_at_100": 32.029999999999994, + "ndcg_at_1000": 44.852, + "ndcg_at_3": 19.464000000000002, + "ndcg_at_5": 19.172, + "precision_at_1": 22.448999999999998, + "precision_at_10": 17.143, + "precision_at_100": 6.877999999999999, + "precision_at_1000": 1.524, + "precision_at_3": 21.769, + "precision_at_5": 20.0, + "recall_at_1": 1.9949999999999999, + "recall_at_10": 13.395999999999999, + "recall_at_100": 44.348, + "recall_at_1000": 82.622, + "recall_at_3": 5.896, + "recall_at_5": 8.554, + "main_score": 18.995 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/ToxicConversationsClassification.json b/results/Hum-Works__lodestone-base-4096-v1/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..da813a5b1 --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 67.9394, + "ap": 12.943337263423334, + "f1": 52.28243093094156, + "main_score": 67.9394 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/TweetSentimentExtractionClassification.json b/results/Hum-Works__lodestone-base-4096-v1/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..96f395d1e --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 56.414827391058296, + "f1": 56.666412409573105, + "main_score": 56.414827391058296 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/TwentyNewsgroupsClustering.json b/results/Hum-Works__lodestone-base-4096-v1/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..f8b380b6a --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 47.009746255495465, + "main_score": 47.009746255495465 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/TwitterSemEval2015.json b/results/Hum-Works__lodestone-base-4096-v1/external/TwitterSemEval2015.json new file mode 100644 index 000000000..af0883582 --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 84.02574953805807, + "cos_sim_ap": 67.66599910763128, + "cos_sim_f1": 63.491277990844985, + "cos_sim_precision": 59.77172140694154, + "cos_sim_recall": 67.70448548812665, + "dot_accuracy": 84.02574953805807, + "dot_ap": 67.66600090945406, + "dot_f1": 63.491277990844985, + "dot_precision": 59.77172140694154, + "dot_recall": 67.70448548812665, + "euclidean_accuracy": 84.02574953805807, + "euclidean_ap": 67.6659842364448, + "euclidean_f1": 63.491277990844985, + "euclidean_precision": 59.77172140694154, + "euclidean_recall": 67.70448548812665, + "manhattan_accuracy": 84.0317100792752, + "manhattan_ap": 67.66351692448987, + "manhattan_f1": 63.48610948306178, + "manhattan_precision": 57.11875131828729, + "manhattan_recall": 71.45118733509234, + "max_accuracy": 84.0317100792752, + "max_ap": 67.66600090945406, + "max_f1": 63.491277990844985, + "main_score": 67.66600090945406 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/TwitterURLCorpus.json b/results/Hum-Works__lodestone-base-4096-v1/external/TwitterURLCorpus.json new file mode 100644 index 000000000..ee978cdb5 --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 87.53832421314084, + "cos_sim_ap": 83.11416594316626, + "cos_sim_f1": 75.41118114347518, + "cos_sim_precision": 73.12839059674504, + "cos_sim_recall": 77.8410840776101, + "dot_accuracy": 87.53832421314084, + "dot_ap": 83.11416226342155, + "dot_f1": 75.41118114347518, + "dot_precision": 73.12839059674504, + "dot_recall": 77.8410840776101, + "euclidean_accuracy": 87.53832421314084, + "euclidean_ap": 83.11416284455395, + "euclidean_f1": 75.41118114347518, + "euclidean_precision": 73.12839059674504, + "euclidean_recall": 77.8410840776101, + "manhattan_accuracy": 87.49369348391353, + "manhattan_ap": 83.08066812574694, + "manhattan_f1": 75.36561228603892, + "manhattan_precision": 71.9202518363064, + "manhattan_recall": 79.15768401601478, + "max_accuracy": 87.53832421314084, + "max_ap": 83.11416594316626, + "max_f1": 75.41118114347518, + "main_score": 83.11416594316626 + } + ] + } +} \ No newline at end of file diff --git a/results/Hum-Works__lodestone-base-4096-v1/external/model_meta.json b/results/Hum-Works__lodestone-base-4096-v1/external/model_meta.json new file mode 100644 index 000000000..035f3bfdc --- /dev/null +++ b/results/Hum-Works__lodestone-base-4096-v1/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "Hum-Works/lodestone-base-4096-v1", + "revision": "9bbc2d0b57dd2198aea029404b0f976712a7d966", + "release_date": "2023-08-25", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 68695629, + "memory_usage": null, + "max_tokens": 4096, + "embed_dim": 768, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/IEITYuan__Yuan-embedding-1.0/external/AFQMC.json b/results/IEITYuan__Yuan-embedding-1.0/external/AFQMC.json new file mode 100644 index 000000000..64d326925 --- /dev/null +++ b/results/IEITYuan__Yuan-embedding-1.0/external/AFQMC.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "None", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 56.398777687800596, + "cosine_spearman": 60.2976392017466, + "manhattan_pearson": 58.34432755369896, + "manhattan_spearman": 59.633715024557176, + "euclidean_pearson": 58.33199470250656, + "euclidean_spearman": 59.633393360323595, + "main_score": 60.2976392017466 + } + ] + } +} \ No newline at end of file diff --git a/results/IEITYuan__Yuan-embedding-1.0/external/ATEC.json b/results/IEITYuan__Yuan-embedding-1.0/external/ATEC.json new file mode 100644 index 000000000..7993a5222 --- /dev/null +++ b/results/IEITYuan__Yuan-embedding-1.0/external/ATEC.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "None", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 56.418711941754694, + "cosine_spearman": 58.49782527525838, + "manhattan_pearson": 62.05335398720773, + "manhattan_spearman": 58.18176592298454, + "euclidean_pearson": 62.06479799788818, + "euclidean_spearman": 58.18182671971488, + "main_score": 58.49782527525838 + } + ] + } +} \ No newline at end of file diff --git a/results/IEITYuan__Yuan-embedding-1.0/external/AmazonReviewsClassification.json b/results/IEITYuan__Yuan-embedding-1.0/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..d5fbb753d --- /dev/null +++ b/results/IEITYuan__Yuan-embedding-1.0/external/AmazonReviewsClassification.json @@ -0,0 +1,34 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 46.656000000000006, + "accuracy_stderr": 1.1704631561907444, + "f1": 45.75911645865614, + "f1_stderr": 1.323301406018355, + "main_score": 46.656000000000006 + } + ], + "validation": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 45.84599999999999, + "accuracy_stderr": 1.0539468677310073, + "f1": 45.03273670979488, + "f1_stderr": 1.00417269917164, + "main_score": 45.84599999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/IEITYuan__Yuan-embedding-1.0/external/BQ.json b/results/IEITYuan__Yuan-embedding-1.0/external/BQ.json new file mode 100644 index 000000000..5ebe81468 --- /dev/null +++ b/results/IEITYuan__Yuan-embedding-1.0/external/BQ.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "None", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 71.33099160181597, + "cosine_spearman": 73.06963287952199, + "manhattan_pearson": 70.65314181752566, + "manhattan_spearman": 72.34604440078336, + "euclidean_pearson": 70.67624292501411, + "euclidean_spearman": 72.3597691712343, + "main_score": 73.06963287952199 + } + ] + } +} \ No newline at end of file diff --git a/results/IEITYuan__Yuan-embedding-1.0/external/CLSClusteringP2P.json b/results/IEITYuan__Yuan-embedding-1.0/external/CLSClusteringP2P.json new file mode 100644 index 000000000..236d6b23e --- /dev/null +++ b/results/IEITYuan__Yuan-embedding-1.0/external/CLSClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 53.79921861868626, + "v_measure_std": 2.073016548125077, + "main_score": 53.79921861868626 + } + ] + } +} \ No newline at end of file diff --git a/results/IEITYuan__Yuan-embedding-1.0/external/CLSClusteringS2S.json b/results/IEITYuan__Yuan-embedding-1.0/external/CLSClusteringS2S.json new file mode 100644 index 000000000..56f7d84ed --- /dev/null +++ b/results/IEITYuan__Yuan-embedding-1.0/external/CLSClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 46.22496957569903, + "v_measure_std": 1.4660184854965337, + "main_score": 46.22496957569903 + } + ] + } +} \ No newline at end of file diff --git a/results/IEITYuan__Yuan-embedding-1.0/external/CMedQAv1-reranking.json b/results/IEITYuan__Yuan-embedding-1.0/external/CMedQAv1-reranking.json new file mode 100644 index 000000000..3c692279c --- /dev/null +++ b/results/IEITYuan__Yuan-embedding-1.0/external/CMedQAv1-reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "CMedQAv1-reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 90.00883554654739, + "mrr": 92.02547619047618, + "main_score": 90.00883554654739 + } + ] + } +} \ No newline at end of file diff --git a/results/IEITYuan__Yuan-embedding-1.0/external/CMedQAv2-reranking.json b/results/IEITYuan__Yuan-embedding-1.0/external/CMedQAv2-reranking.json new file mode 100644 index 000000000..00216742a --- /dev/null +++ b/results/IEITYuan__Yuan-embedding-1.0/external/CMedQAv2-reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "CMedQAv2-reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 92.47561424216632, + "mrr": 94.60039682539681, + "main_score": 92.47561424216632 + } + ] + } +} \ No newline at end of file diff --git a/results/IEITYuan__Yuan-embedding-1.0/external/CmedqaRetrieval.json b/results/IEITYuan__Yuan-embedding-1.0/external/CmedqaRetrieval.json new file mode 100644 index 000000000..a5ed20cf6 --- /dev/null +++ b/results/IEITYuan__Yuan-embedding-1.0/external/CmedqaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 29.935000000000002, + "map_at_10": 44.143, + "map_at_100": 45.999, + "map_at_1000": 46.084, + "map_at_3": 39.445, + "map_at_5": 42.218, + "mrr_at_1": 44.711, + "mrr_at_10": 53.88699999999999, + "mrr_at_100": 54.813, + "mrr_at_1000": 54.834, + "mrr_at_3": 51.1, + "mrr_at_5": 52.827, + "ndcg_at_1": 44.711, + "ndcg_at_10": 51.471999999999994, + "ndcg_at_100": 58.362, + "ndcg_at_1000": 59.607, + "ndcg_at_3": 45.558, + "ndcg_at_5": 48.345, + "precision_at_1": 44.711, + "precision_at_10": 11.1, + "precision_at_100": 1.6650000000000003, + "precision_at_1000": 0.184, + "precision_at_3": 25.306, + "precision_at_5": 18.404999999999998, + "recall_at_1": 29.935000000000002, + "recall_at_10": 63.366, + "recall_at_100": 91.375, + "recall_at_1000": 99.167, + "recall_at_3": 45.888, + "recall_at_5": 54.169, + "main_score": 51.471999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/IEITYuan__Yuan-embedding-1.0/external/Cmnli.json b/results/IEITYuan__Yuan-embedding-1.0/external/Cmnli.json new file mode 100644 index 000000000..50a129773 --- /dev/null +++ b/results/IEITYuan__Yuan-embedding-1.0/external/Cmnli.json @@ -0,0 +1,48 @@ +{ + "dataset_revision": "None", + "task_name": "Cmnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 80.3968731208659, + "cos_sim_accuracy_threshold": 86.61384582519531, + "cos_sim_ap": 88.21894124132636, + "cos_sim_f1": 81.67308750687947, + "cos_sim_f1_threshold": 86.04017496109009, + "cos_sim_precision": 77.1630615640599, + "cos_sim_recall": 86.7430441898527, + "dot_accuracy": 67.7931449188214, + "dot_accuracy_threshold": 92027.47802734375, + "dot_ap": 75.73048600318765, + "dot_f1": 71.64554512914772, + "dot_f1_threshold": 83535.70556640625, + "dot_precision": 61.1056105610561, + "dot_recall": 86.57937806873977, + "euclidean_accuracy": 78.52074564040889, + "euclidean_accuracy_threshold": 1688.486671447754, + "euclidean_ap": 86.40643721988414, + "euclidean_f1": 79.97822536744692, + "euclidean_f1_threshold": 1748.1914520263672, + "euclidean_precision": 74.83700081499592, + "euclidean_recall": 85.87795183539865, + "manhattan_accuracy": 78.59290438965725, + "manhattan_accuracy_threshold": 57066.162109375, + "manhattan_ap": 86.38300352696045, + "manhattan_f1": 79.84587391630097, + "manhattan_f1_threshold": 59686.376953125, + "manhattan_precision": 73.62810896170548, + "manhattan_recall": 87.21066167874679, + "max_accuracy": 80.3968731208659, + "max_ap": 88.21894124132636, + "max_f1": 81.67308750687947, + "main_score": 80.3968731208659 + } + ] + } +} \ No newline at end of file diff --git a/results/IEITYuan__Yuan-embedding-1.0/external/CovidRetrieval.json b/results/IEITYuan__Yuan-embedding-1.0/external/CovidRetrieval.json new file mode 100644 index 000000000..4b26e4ef1 --- /dev/null +++ b/results/IEITYuan__Yuan-embedding-1.0/external/CovidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 85.485, + "map_at_10": 91.135, + "map_at_100": 91.16199999999999, + "map_at_1000": 91.16300000000001, + "map_at_3": 90.499, + "map_at_5": 90.91, + "mrr_at_1": 85.88, + "mrr_at_10": 91.133, + "mrr_at_100": 91.16, + "mrr_at_1000": 91.161, + "mrr_at_3": 90.551, + "mrr_at_5": 90.904, + "ndcg_at_1": 85.88, + "ndcg_at_10": 93.163, + "ndcg_at_100": 93.282, + "ndcg_at_1000": 93.309, + "ndcg_at_3": 91.943, + "ndcg_at_5": 92.637, + "precision_at_1": 85.88, + "precision_at_10": 10.032, + "precision_at_100": 1.008, + "precision_at_1000": 0.101, + "precision_at_3": 32.315, + "precision_at_5": 19.747, + "recall_at_1": 85.485, + "recall_at_10": 99.262, + "recall_at_100": 99.789, + "recall_at_1000": 100.0, + "recall_at_3": 95.96900000000001, + "recall_at_5": 97.682, + "main_score": 93.163 + } + ] + } +} \ No newline at end of file diff --git a/results/IEITYuan__Yuan-embedding-1.0/external/DuRetrieval.json b/results/IEITYuan__Yuan-embedding-1.0/external/DuRetrieval.json new file mode 100644 index 000000000..6b6d0864b --- /dev/null +++ b/results/IEITYuan__Yuan-embedding-1.0/external/DuRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 27.29, + "map_at_10": 82.832, + "map_at_100": 85.482, + "map_at_1000": 85.52, + "map_at_3": 57.964000000000006, + "map_at_5": 72.962, + "mrr_at_1": 92.35, + "mrr_at_10": 94.77499999999999, + "mrr_at_100": 94.825, + "mrr_at_1000": 94.827, + "mrr_at_3": 94.50800000000001, + "mrr_at_5": 94.688, + "ndcg_at_1": 92.35, + "ndcg_at_10": 89.432, + "ndcg_at_100": 91.813, + "ndcg_at_1000": 92.12, + "ndcg_at_3": 88.804, + "ndcg_at_5": 87.681, + "precision_at_1": 92.35, + "precision_at_10": 42.32, + "precision_at_100": 4.812, + "precision_at_1000": 0.48900000000000005, + "precision_at_3": 79.367, + "precision_at_5": 66.86999999999999, + "recall_at_1": 27.29, + "recall_at_10": 90.093, + "recall_at_100": 97.916, + "recall_at_1000": 99.40299999999999, + "recall_at_3": 59.816, + "recall_at_5": 76.889, + "main_score": 89.432 + } + ] + } +} \ No newline at end of file diff --git a/results/IEITYuan__Yuan-embedding-1.0/external/EcomRetrieval.json b/results/IEITYuan__Yuan-embedding-1.0/external/EcomRetrieval.json new file mode 100644 index 000000000..796482528 --- /dev/null +++ b/results/IEITYuan__Yuan-embedding-1.0/external/EcomRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 55.2, + "map_at_10": 65.767, + "map_at_100": 66.208, + "map_at_1000": 66.219, + "map_at_3": 63.1, + "map_at_5": 64.865, + "mrr_at_1": 55.2, + "mrr_at_10": 65.767, + "mrr_at_100": 66.208, + "mrr_at_1000": 66.219, + "mrr_at_3": 63.1, + "mrr_at_5": 64.865, + "ndcg_at_1": 55.2, + "ndcg_at_10": 70.875, + "ndcg_at_100": 72.931, + "ndcg_at_1000": 73.2, + "ndcg_at_3": 65.526, + "ndcg_at_5": 68.681, + "precision_at_1": 55.2, + "precision_at_10": 8.690000000000001, + "precision_at_100": 0.963, + "precision_at_1000": 0.098, + "precision_at_3": 24.166999999999998, + "precision_at_5": 16.02, + "recall_at_1": 55.2, + "recall_at_10": 86.9, + "recall_at_100": 96.3, + "recall_at_1000": 98.4, + "recall_at_3": 72.5, + "recall_at_5": 80.10000000000001, + "main_score": 70.875 + } + ] + } +} \ No newline at end of file diff --git a/results/IEITYuan__Yuan-embedding-1.0/external/IFlyTek.json b/results/IEITYuan__Yuan-embedding-1.0/external/IFlyTek.json new file mode 100644 index 000000000..806eb0d18 --- /dev/null +++ b/results/IEITYuan__Yuan-embedding-1.0/external/IFlyTek.json @@ -0,0 +1,21 @@ +{ + "dataset_revision": "None", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 46.95652173913043, + "accuracy_stderr": 0.8816372193041417, + "f1": 38.870262239396496, + "f1_stderr": 1.1248427890133785, + "main_score": 46.95652173913043 + } + ] + } +} \ No newline at end of file diff --git a/results/IEITYuan__Yuan-embedding-1.0/external/JDReview.json b/results/IEITYuan__Yuan-embedding-1.0/external/JDReview.json new file mode 100644 index 000000000..5d9a2206e --- /dev/null +++ b/results/IEITYuan__Yuan-embedding-1.0/external/JDReview.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "None", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 87.18574108818011, + "accuracy_stderr": 1.828763099528331, + "ap": 56.516251295719414, + "ap_stderr": 3.3789918068717895, + "f1": 82.04209146803106, + "f1_stderr": 2.005027201503808, + "main_score": 87.18574108818011 + } + ] + } +} \ No newline at end of file diff --git a/results/IEITYuan__Yuan-embedding-1.0/external/LCQMC.json b/results/IEITYuan__Yuan-embedding-1.0/external/LCQMC.json new file mode 100644 index 000000000..01790e35b --- /dev/null +++ b/results/IEITYuan__Yuan-embedding-1.0/external/LCQMC.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "None", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 72.67112275922743, + "cosine_spearman": 78.44376213964316, + "manhattan_pearson": 77.51766838932976, + "manhattan_spearman": 78.02885255071602, + "euclidean_pearson": 77.5292348074114, + "euclidean_spearman": 78.04277103380235, + "main_score": 78.44376213964316 + } + ] + } +} \ No newline at end of file diff --git a/results/IEITYuan__Yuan-embedding-1.0/external/MMarcoReranking.json b/results/IEITYuan__Yuan-embedding-1.0/external/MMarcoReranking.json new file mode 100644 index 000000000..d1fc2b27b --- /dev/null +++ b/results/IEITYuan__Yuan-embedding-1.0/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 37.021133625346174, + "mrr": 35.81428571428572, + "main_score": 37.021133625346174 + } + ] + } +} \ No newline at end of file diff --git a/results/IEITYuan__Yuan-embedding-1.0/external/MMarcoRetrieval.json b/results/IEITYuan__Yuan-embedding-1.0/external/MMarcoRetrieval.json new file mode 100644 index 000000000..04e710c8f --- /dev/null +++ b/results/IEITYuan__Yuan-embedding-1.0/external/MMarcoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 69.624, + "map_at_10": 78.764, + "map_at_100": 79.038, + "map_at_1000": 79.042, + "map_at_3": 76.846, + "map_at_5": 78.106, + "mrr_at_1": 71.905, + "mrr_at_10": 79.268, + "mrr_at_100": 79.508, + "mrr_at_1000": 79.512, + "mrr_at_3": 77.60000000000001, + "mrr_at_5": 78.701, + "ndcg_at_1": 71.905, + "ndcg_at_10": 82.414, + "ndcg_at_100": 83.59, + "ndcg_at_1000": 83.708, + "ndcg_at_3": 78.803, + "ndcg_at_5": 80.94, + "precision_at_1": 71.905, + "precision_at_10": 9.901, + "precision_at_100": 1.048, + "precision_at_1000": 0.106, + "precision_at_3": 29.479, + "precision_at_5": 18.828, + "recall_at_1": 69.624, + "recall_at_10": 93.149, + "recall_at_100": 98.367, + "recall_at_1000": 99.29299999999999, + "recall_at_3": 83.67599999999999, + "recall_at_5": 88.752, + "main_score": 82.414 + } + ] + } +} \ No newline at end of file diff --git a/results/IEITYuan__Yuan-embedding-1.0/external/MassiveIntentClassification.json b/results/IEITYuan__Yuan-embedding-1.0/external/MassiveIntentClassification.json new file mode 100644 index 000000000..38abb489b --- /dev/null +++ b/results/IEITYuan__Yuan-embedding-1.0/external/MassiveIntentClassification.json @@ -0,0 +1,34 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 77.36045729657029, + "accuracy_stderr": 0.8944498935111289, + "f1": 73.73485209304225, + "f1_stderr": 0.8615191738484445, + "main_score": 77.36045729657029 + } + ], + "validation": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 78.16035415641909, + "accuracy_stderr": 0.7514724220154535, + "f1": 75.32402452596266, + "f1_stderr": 0.5969737694527888, + "main_score": 78.16035415641909 + } + ] + } +} \ No newline at end of file diff --git a/results/IEITYuan__Yuan-embedding-1.0/external/MassiveScenarioClassification.json b/results/IEITYuan__Yuan-embedding-1.0/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..308d19c56 --- /dev/null +++ b/results/IEITYuan__Yuan-embedding-1.0/external/MassiveScenarioClassification.json @@ -0,0 +1,34 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 83.31203765971755, + "accuracy_stderr": 1.1063564012537301, + "f1": 82.81655735858999, + "f1_stderr": 0.9643568609098954, + "main_score": 83.31203765971755 + } + ], + "validation": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 83.11362518445647, + "accuracy_stderr": 1.252141689154366, + "f1": 82.56555569957769, + "f1_stderr": 0.858322314243248, + "main_score": 83.11362518445647 + } + ] + } +} \ No newline at end of file diff --git a/results/IEITYuan__Yuan-embedding-1.0/external/MedicalRetrieval.json b/results/IEITYuan__Yuan-embedding-1.0/external/MedicalRetrieval.json new file mode 100644 index 000000000..5d1995e9f --- /dev/null +++ b/results/IEITYuan__Yuan-embedding-1.0/external/MedicalRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 63.1, + "map_at_10": 70.816, + "map_at_100": 71.368, + "map_at_1000": 71.379, + "map_at_3": 69.033, + "map_at_5": 70.028, + "mrr_at_1": 63.4, + "mrr_at_10": 70.98400000000001, + "mrr_at_100": 71.538, + "mrr_at_1000": 71.548, + "mrr_at_3": 69.19999999999999, + "mrr_at_5": 70.195, + "ndcg_at_1": 63.1, + "ndcg_at_10": 74.665, + "ndcg_at_100": 77.16199999999999, + "ndcg_at_1000": 77.408, + "ndcg_at_3": 70.952, + "ndcg_at_5": 72.776, + "precision_at_1": 63.1, + "precision_at_10": 8.68, + "precision_at_100": 0.9809999999999999, + "precision_at_1000": 0.1, + "precision_at_3": 25.5, + "precision_at_5": 16.2, + "recall_at_1": 63.1, + "recall_at_10": 86.8, + "recall_at_100": 98.1, + "recall_at_1000": 100.0, + "recall_at_3": 76.5, + "recall_at_5": 81.0, + "main_score": 74.665 + } + ] + } +} \ No newline at end of file diff --git a/results/IEITYuan__Yuan-embedding-1.0/external/MultilingualSentiment.json b/results/IEITYuan__Yuan-embedding-1.0/external/MultilingualSentiment.json new file mode 100644 index 000000000..6c9796d69 --- /dev/null +++ b/results/IEITYuan__Yuan-embedding-1.0/external/MultilingualSentiment.json @@ -0,0 +1,21 @@ +{ + "dataset_revision": "None", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 75.98, + "accuracy_stderr": 0.8634813257969153, + "f1": 75.98312901227456, + "f1_stderr": 0.9813231777702479, + "main_score": 75.98 + } + ] + } +} \ No newline at end of file diff --git a/results/IEITYuan__Yuan-embedding-1.0/external/Ocnli.json b/results/IEITYuan__Yuan-embedding-1.0/external/Ocnli.json new file mode 100644 index 000000000..0b3e6a7b9 --- /dev/null +++ b/results/IEITYuan__Yuan-embedding-1.0/external/Ocnli.json @@ -0,0 +1,48 @@ +{ + "dataset_revision": "None", + "task_name": "Ocnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 80.02165674066053, + "cos_sim_accuracy_threshold": 84.70024466514587, + "cos_sim_ap": 84.5948682253982, + "cos_sim_f1": 80.84291187739463, + "cos_sim_f1_threshold": 82.62853622436523, + "cos_sim_precision": 73.97020157756354, + "cos_sim_recall": 89.1235480464625, + "dot_accuracy": 71.52138603140227, + "dot_accuracy_threshold": 84206.94580078125, + "dot_ap": 77.69986172282461, + "dot_f1": 74.76467951591216, + "dot_f1_threshold": 78842.08984375, + "dot_precision": 64.95327102803739, + "dot_recall": 88.0675818373812, + "euclidean_accuracy": 76.01515971846237, + "euclidean_accuracy_threshold": 1818.9674377441406, + "euclidean_ap": 80.84369691331835, + "euclidean_f1": 78.08988764044943, + "euclidean_f1_threshold": 1922.1363067626953, + "euclidean_precision": 70.14297729184187, + "euclidean_recall": 88.0675818373812, + "manhattan_accuracy": 76.12344342176502, + "manhattan_accuracy_threshold": 61934.478759765625, + "manhattan_ap": 80.8051823205177, + "manhattan_f1": 78.21596244131456, + "manhattan_f1_threshold": 64840.447998046875, + "manhattan_precision": 70.41420118343196, + "manhattan_recall": 87.96198521647307, + "max_accuracy": 80.02165674066053, + "max_ap": 84.5948682253982, + "max_f1": 80.84291187739463, + "main_score": 80.02165674066053 + } + ] + } +} \ No newline at end of file diff --git a/results/IEITYuan__Yuan-embedding-1.0/external/OnlineShopping.json b/results/IEITYuan__Yuan-embedding-1.0/external/OnlineShopping.json new file mode 100644 index 000000000..76454b9bd --- /dev/null +++ b/results/IEITYuan__Yuan-embedding-1.0/external/OnlineShopping.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "None", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 93.63, + "accuracy_stderr": 0.7253275122315392, + "ap": 91.66092551327398, + "ap_stderr": 0.9661774073521741, + "f1": 93.61696896914624, + "f1_stderr": 0.7232416235078093, + "main_score": 93.63 + } + ] + } +} \ No newline at end of file diff --git a/results/IEITYuan__Yuan-embedding-1.0/external/PAWSX.json b/results/IEITYuan__Yuan-embedding-1.0/external/PAWSX.json new file mode 100644 index 000000000..8f81e769a --- /dev/null +++ b/results/IEITYuan__Yuan-embedding-1.0/external/PAWSX.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "None", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 27.420084312732477, + "cosine_spearman": 36.615019324915316, + "manhattan_pearson": 35.38814491527626, + "manhattan_spearman": 35.989020517540105, + "euclidean_pearson": 35.322828019800475, + "euclidean_spearman": 35.93118948093057, + "main_score": 36.615019324915316 + } + ] + } +} \ No newline at end of file diff --git a/results/IEITYuan__Yuan-embedding-1.0/external/QBQTC.json b/results/IEITYuan__Yuan-embedding-1.0/external/QBQTC.json new file mode 100644 index 000000000..8653b2dc6 --- /dev/null +++ b/results/IEITYuan__Yuan-embedding-1.0/external/QBQTC.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "None", + "task_name": "QBQTC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 36.51779732355864, + "cosine_spearman": 38.35615142712016, + "manhattan_pearson": 31.00096996824444, + "manhattan_spearman": 35.22782463612116, + "euclidean_pearson": 31.04604995563808, + "euclidean_spearman": 35.271420992011485, + "main_score": 38.35615142712016 + } + ] + } +} \ No newline at end of file diff --git a/results/IEITYuan__Yuan-embedding-1.0/external/STS22.json b/results/IEITYuan__Yuan-embedding-1.0/external/STS22.json new file mode 100644 index 000000000..3f2599696 --- /dev/null +++ b/results/IEITYuan__Yuan-embedding-1.0/external/STS22.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 60.76376961662733, + "cosine_spearman": 65.93112312064913, + "manhattan_pearson": 60.18998639945854, + "manhattan_spearman": 64.37697612695015, + "euclidean_pearson": 60.287759656277814, + "euclidean_spearman": 64.37685757691955, + "main_score": 65.93112312064913 + } + ] + } +} \ No newline at end of file diff --git a/results/IEITYuan__Yuan-embedding-1.0/external/STSB.json b/results/IEITYuan__Yuan-embedding-1.0/external/STSB.json new file mode 100644 index 000000000..80cac85f1 --- /dev/null +++ b/results/IEITYuan__Yuan-embedding-1.0/external/STSB.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "None", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 79.6320389543562, + "cosine_spearman": 81.9230633773663, + "manhattan_pearson": 80.20746913195181, + "manhattan_spearman": 80.43150657863002, + "euclidean_pearson": 80.1796408157508, + "euclidean_spearman": 80.42930201788549, + "main_score": 81.9230633773663 + } + ] + } +} \ No newline at end of file diff --git a/results/IEITYuan__Yuan-embedding-1.0/external/T2Reranking.json b/results/IEITYuan__Yuan-embedding-1.0/external/T2Reranking.json new file mode 100644 index 000000000..2b9d1e6e9 --- /dev/null +++ b/results/IEITYuan__Yuan-embedding-1.0/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 66.67836204644267, + "mrr": 76.1707222383424, + "main_score": 66.67836204644267 + } + ] + } +} \ No newline at end of file diff --git a/results/IEITYuan__Yuan-embedding-1.0/external/T2Retrieval.json b/results/IEITYuan__Yuan-embedding-1.0/external/T2Retrieval.json new file mode 100644 index 000000000..724951751 --- /dev/null +++ b/results/IEITYuan__Yuan-embedding-1.0/external/T2Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 28.015, + "map_at_10": 78.281, + "map_at_100": 81.89699999999999, + "map_at_1000": 81.95599999999999, + "map_at_3": 55.117000000000004, + "map_at_5": 67.647, + "mrr_at_1": 90.496, + "mrr_at_10": 93.132, + "mrr_at_100": 93.207, + "mrr_at_1000": 93.209, + "mrr_at_3": 92.714, + "mrr_at_5": 93.0, + "ndcg_at_1": 90.496, + "ndcg_at_10": 85.71600000000001, + "ndcg_at_100": 89.164, + "ndcg_at_1000": 89.71000000000001, + "ndcg_at_3": 86.876, + "ndcg_at_5": 85.607, + "precision_at_1": 90.496, + "precision_at_10": 42.398, + "precision_at_100": 5.031, + "precision_at_1000": 0.516, + "precision_at_3": 75.729, + "precision_at_5": 63.522, + "recall_at_1": 28.015, + "recall_at_10": 84.83000000000001, + "recall_at_100": 95.964, + "recall_at_1000": 98.67399999999999, + "recall_at_3": 56.898, + "recall_at_5": 71.163, + "main_score": 85.71600000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/IEITYuan__Yuan-embedding-1.0/external/TNews.json b/results/IEITYuan__Yuan-embedding-1.0/external/TNews.json new file mode 100644 index 000000000..5fdc6f95a --- /dev/null +++ b/results/IEITYuan__Yuan-embedding-1.0/external/TNews.json @@ -0,0 +1,21 @@ +{ + "dataset_revision": "None", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 51.702999999999996, + "accuracy_stderr": 0.8183526134863877, + "f1": 50.35330734766769, + "f1_stderr": 0.740275098366631, + "main_score": 51.702999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/IEITYuan__Yuan-embedding-1.0/external/ThuNewsClusteringP2P.json b/results/IEITYuan__Yuan-embedding-1.0/external/ThuNewsClusteringP2P.json new file mode 100644 index 000000000..b76955e1d --- /dev/null +++ b/results/IEITYuan__Yuan-embedding-1.0/external/ThuNewsClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 72.78709391223538, + "v_measure_std": 1.5927130767880417, + "main_score": 72.78709391223538 + } + ] + } +} \ No newline at end of file diff --git a/results/IEITYuan__Yuan-embedding-1.0/external/ThuNewsClusteringS2S.json b/results/IEITYuan__Yuan-embedding-1.0/external/ThuNewsClusteringS2S.json new file mode 100644 index 000000000..a471455f4 --- /dev/null +++ b/results/IEITYuan__Yuan-embedding-1.0/external/ThuNewsClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 66.80392174700211, + "v_measure_std": 1.845756306548485, + "main_score": 66.80392174700211 + } + ] + } +} \ No newline at end of file diff --git a/results/IEITYuan__Yuan-embedding-1.0/external/VideoRetrieval.json b/results/IEITYuan__Yuan-embedding-1.0/external/VideoRetrieval.json new file mode 100644 index 000000000..6202da7c6 --- /dev/null +++ b/results/IEITYuan__Yuan-embedding-1.0/external/VideoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 65.5, + "map_at_10": 75.38, + "map_at_100": 75.756, + "map_at_1000": 75.75800000000001, + "map_at_3": 73.8, + "map_at_5": 74.895, + "mrr_at_1": 65.5, + "mrr_at_10": 75.38, + "mrr_at_100": 75.756, + "mrr_at_1000": 75.75800000000001, + "mrr_at_3": 73.8, + "mrr_at_5": 74.895, + "ndcg_at_1": 65.5, + "ndcg_at_10": 79.572, + "ndcg_at_100": 81.17699999999999, + "ndcg_at_1000": 81.227, + "ndcg_at_3": 76.44999999999999, + "ndcg_at_5": 78.404, + "precision_at_1": 65.5, + "precision_at_10": 9.24, + "precision_at_100": 0.9939999999999999, + "precision_at_1000": 0.1, + "precision_at_3": 28.033, + "precision_at_5": 17.76, + "recall_at_1": 65.5, + "recall_at_10": 92.4, + "recall_at_100": 99.4, + "recall_at_1000": 99.8, + "recall_at_3": 84.1, + "recall_at_5": 88.8, + "main_score": 79.572 + } + ] + } +} \ No newline at end of file diff --git a/results/IEITYuan__Yuan-embedding-1.0/external/Waimai.json b/results/IEITYuan__Yuan-embedding-1.0/external/Waimai.json new file mode 100644 index 000000000..17685ca55 --- /dev/null +++ b/results/IEITYuan__Yuan-embedding-1.0/external/Waimai.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "None", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 88.70000000000002, + "accuracy_stderr": 1.1713240371477067, + "ap": 73.95357766936226, + "ap_stderr": 2.3258932220157638, + "f1": 87.27541455081986, + "f1_stderr": 1.185968184225313, + "main_score": 88.70000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/IEITYuan__Yuan-embedding-1.0/external/model_meta.json b/results/IEITYuan__Yuan-embedding-1.0/external/model_meta.json new file mode 100644 index 000000000..f2cc79316 --- /dev/null +++ b/results/IEITYuan__Yuan-embedding-1.0/external/model_meta.json @@ -0,0 +1,20 @@ +{ + "name": "IEITYuan/Yuan-embedding-1.0", + "revision": "eb89f368e03a832cd3cfd0b64083ea30a8ea5d7f", + "release_date": "2024-11-07", + "languages": [], + "loader": null, + "n_parameters": 325522432, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 1792, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/AmazonCounterfactualClassification.json b/results/Intel__neural-embedding-v1/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..322b13c2d --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.10447761194031, + "ap": 72.52673607512206, + "f1": 89.6752355529259, + "main_score": 93.10447761194031 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/AmazonPolarityClassification.json b/results/Intel__neural-embedding-v1/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..fef537f1d --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 97.536525, + "ap": 96.46802431780014, + "f1": 97.53623627430422, + "main_score": 97.536525 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/AmazonReviewsClassification.json b/results/Intel__neural-embedding-v1/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..4588d77bd --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.17399999999999, + "f1": 60.40485236445537, + "main_score": 61.17399999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/ArguAna.json b/results/Intel__neural-embedding-v1/external/ArguAna.json new file mode 100644 index 000000000..2e72d0e7e --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/ArguAna.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 44.452000000000005, + "map_at_10": 59.563, + "map_at_100": 60.014, + "map_at_1000": 60.016000000000005, + "map_at_20": 59.923, + "map_at_3": 55.915000000000006, + "map_at_5": 58.056, + "mrr_at_1": 45.804, + "mrr_at_10": 60.089999999999996, + "mrr_at_100": 60.541, + "mrr_at_1000": 60.543, + "mrr_at_20": 60.45, + "mrr_at_3": 56.294, + "mrr_at_5": 58.54899999999999, + "ndcg_at_1": 44.452000000000005, + "ndcg_at_10": 67.208, + "ndcg_at_100": 69.074, + "ndcg_at_1000": 69.122, + "ndcg_at_20": 68.474, + "ndcg_at_3": 59.758, + "ndcg_at_5": 63.621, + "precision_at_1": 44.452000000000005, + "precision_at_10": 9.125, + "precision_at_100": 0.993, + "precision_at_1000": 0.1, + "precision_at_20": 4.808, + "precision_at_3": 23.637, + "precision_at_5": 16.06, + "recall_at_1": 44.452000000000005, + "recall_at_10": 91.252, + "recall_at_100": 99.289, + "recall_at_1000": 99.644, + "recall_at_20": 96.15899999999999, + "recall_at_3": 70.91, + "recall_at_5": 80.29899999999999, + "main_score": 67.208 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/ArxivClusteringP2P.json b/results/Intel__neural-embedding-v1/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..0774f314c --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 53.445166004781356, + "main_score": 53.445166004781356 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/ArxivClusteringS2S.json b/results/Intel__neural-embedding-v1/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..b075be8a4 --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.82101672589653, + "main_score": 48.82101672589653 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/AskUbuntuDupQuestions.json b/results/Intel__neural-embedding-v1/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..817c20f47 --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 68.44973588765177, + "mrr": 80.355274150288, + "main_score": 68.44973588765177 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/BIOSSES.json b/results/Intel__neural-embedding-v1/external/BIOSSES.json new file mode 100644 index 000000000..827a28e3a --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 90.06690068909613, + "cos_sim_spearman": 87.97730582741434, + "euclidean_pearson": 86.04185393610108, + "euclidean_spearman": 85.91340337831018, + "manhattan_pearson": 86.05913485565931, + "manhattan_spearman": 85.70195277713228, + "cosine_pearson": 90.06690068909613, + "cosine_spearman": 87.97730582741434, + "main_score": 87.97730582741434 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/Banking77Classification.json b/results/Intel__neural-embedding-v1/external/Banking77Classification.json new file mode 100644 index 000000000..e63f13d41 --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 88.73376623376623, + "f1": 88.67733851784945, + "main_score": 88.73376623376623 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/BiorxivClusteringP2P.json b/results/Intel__neural-embedding-v1/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..ce2d33d9b --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.822459956481474, + "main_score": 48.822459956481474 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/BiorxivClusteringS2S.json b/results/Intel__neural-embedding-v1/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..dd5d90ec2 --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 45.068617486695764, + "main_score": 45.068617486695764 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/CQADupstackAndroidRetrieval.json b/results/Intel__neural-embedding-v1/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..09a68e492 --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "f46a197baaae43b4f621051089b82a364682dfeb", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 36.980000000000004, + "map_at_10": 51.151, + "map_at_100": 52.852, + "map_at_1000": 52.957, + "map_at_20": 52.196, + "map_at_3": 46.537, + "map_at_5": 49.025999999999996, + "mrr_at_1": 45.494, + "mrr_at_10": 56.765, + "mrr_at_100": 57.483, + "mrr_at_1000": 57.508, + "mrr_at_20": 57.255, + "mrr_at_3": 53.815000000000005, + "mrr_at_5": 55.725, + "ndcg_at_1": 45.494, + "ndcg_at_10": 58.435, + "ndcg_at_100": 63.318, + "ndcg_at_1000": 64.498, + "ndcg_at_20": 60.88, + "ndcg_at_3": 52.307, + "ndcg_at_5": 55.103, + "precision_at_1": 45.494, + "precision_at_10": 11.488, + "precision_at_100": 1.735, + "precision_at_1000": 0.215, + "precision_at_20": 6.8309999999999995, + "precision_at_3": 25.513, + "precision_at_5": 18.282999999999998, + "recall_at_1": 36.980000000000004, + "recall_at_10": 72.82300000000001, + "recall_at_100": 91.525, + "recall_at_1000": 98.44800000000001, + "recall_at_20": 81.345, + "recall_at_3": 55.044000000000004, + "recall_at_5": 63.441, + "main_score": 58.435 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/CQADupstackEnglishRetrieval.json b/results/Intel__neural-embedding-v1/external/CQADupstackEnglishRetrieval.json new file mode 100644 index 000000000..c6234d776 --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/CQADupstackEnglishRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "ad9991cb51e31e31e430383c75ffb2885547b5f0", + "task_name": "CQADupstackEnglishRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 37.489, + "map_at_10": 50.708, + "map_at_100": 52.101, + "map_at_1000": 52.22, + "map_at_20": 51.514, + "map_at_3": 46.915, + "map_at_5": 49.185, + "mrr_at_1": 47.643, + "mrr_at_10": 56.806, + "mrr_at_100": 57.369, + "mrr_at_1000": 57.399, + "mrr_at_20": 57.141, + "mrr_at_3": 54.437000000000005, + "mrr_at_5": 55.955999999999996, + "ndcg_at_1": 47.643, + "ndcg_at_10": 56.989000000000004, + "ndcg_at_100": 60.995999999999995, + "ndcg_at_1000": 62.668, + "ndcg_at_20": 58.63699999999999, + "ndcg_at_3": 52.26499999999999, + "ndcg_at_5": 54.684999999999995, + "precision_at_1": 47.643, + "precision_at_10": 10.879, + "precision_at_100": 1.6320000000000001, + "precision_at_1000": 0.211, + "precision_at_20": 6.338000000000001, + "precision_at_3": 25.52, + "precision_at_5": 18.229, + "recall_at_1": 37.489, + "recall_at_10": 68.10300000000001, + "recall_at_100": 84.497, + "recall_at_1000": 94.402, + "recall_at_20": 73.849, + "recall_at_3": 53.925, + "recall_at_5": 60.878, + "main_score": 56.989000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/CQADupstackGamingRetrieval.json b/results/Intel__neural-embedding-v1/external/CQADupstackGamingRetrieval.json new file mode 100644 index 000000000..2ac0e1191 --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/CQADupstackGamingRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "4885aa143210c98657558c04aaf3dc47cfb54340", + "task_name": "CQADupstackGamingRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 45.044000000000004, + "map_at_10": 59.804, + "map_at_100": 60.841, + "map_at_1000": 60.870999999999995, + "map_at_20": 60.478, + "map_at_3": 56.169000000000004, + "map_at_5": 58.331999999999994, + "mrr_at_1": 51.849999999999994, + "mrr_at_10": 63.249, + "mrr_at_100": 63.786, + "mrr_at_1000": 63.797000000000004, + "mrr_at_20": 63.592999999999996, + "mrr_at_3": 60.721000000000004, + "mrr_at_5": 62.251, + "ndcg_at_1": 51.849999999999994, + "ndcg_at_10": 66.122, + "ndcg_at_100": 69.614, + "ndcg_at_1000": 70.12, + "ndcg_at_20": 67.805, + "ndcg_at_3": 60.348, + "ndcg_at_5": 63.33800000000001, + "precision_at_1": 51.849999999999994, + "precision_at_10": 10.539, + "precision_at_100": 1.327, + "precision_at_1000": 0.13999999999999999, + "precision_at_20": 5.865, + "precision_at_3": 27.084999999999997, + "precision_at_5": 18.483, + "recall_at_1": 45.044000000000004, + "recall_at_10": 81.192, + "recall_at_100": 95.597, + "recall_at_1000": 98.97200000000001, + "recall_at_20": 87.139, + "recall_at_3": 65.713, + "recall_at_5": 73.213, + "main_score": 66.122 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/CQADupstackGisRetrieval.json b/results/Intel__neural-embedding-v1/external/CQADupstackGisRetrieval.json new file mode 100644 index 000000000..b7c2e3f6c --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/CQADupstackGisRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "5003b3064772da1887988e05400cf3806fe491f2", + "task_name": "CQADupstackGisRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.834, + "map_at_10": 40.363, + "map_at_100": 41.559000000000005, + "map_at_1000": 41.626000000000005, + "map_at_20": 41.160999999999994, + "map_at_3": 36.958999999999996, + "map_at_5": 38.897999999999996, + "mrr_at_1": 32.429, + "mrr_at_10": 42.604, + "mrr_at_100": 43.54, + "mrr_at_1000": 43.59, + "mrr_at_20": 43.247, + "mrr_at_3": 39.528999999999996, + "mrr_at_5": 41.36, + "ndcg_at_1": 32.429, + "ndcg_at_10": 46.39, + "ndcg_at_100": 51.561, + "ndcg_at_1000": 53.071, + "ndcg_at_20": 48.951, + "ndcg_at_3": 39.796, + "ndcg_at_5": 43.07, + "precision_at_1": 32.429, + "precision_at_10": 7.277, + "precision_at_100": 1.038, + "precision_at_1000": 0.11900000000000001, + "precision_at_20": 4.249, + "precision_at_3": 17.024, + "precision_at_5": 12.113, + "recall_at_1": 29.834, + "recall_at_10": 62.808, + "recall_at_100": 85.47200000000001, + "recall_at_1000": 96.503, + "recall_at_20": 72.246, + "recall_at_3": 45.059, + "recall_at_5": 52.907000000000004, + "main_score": 46.39 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/CQADupstackMathematicaRetrieval.json b/results/Intel__neural-embedding-v1/external/CQADupstackMathematicaRetrieval.json new file mode 100644 index 000000000..c403bc76c --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/CQADupstackMathematicaRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "90fceea13679c63fe563ded68f3b6f06e50061de", + "task_name": "CQADupstackMathematicaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.121, + "map_at_10": 33.217, + "map_at_100": 34.671, + "map_at_1000": 34.77, + "map_at_20": 34.039, + "map_at_3": 29.389, + "map_at_5": 31.749, + "mrr_at_1": 27.114, + "mrr_at_10": 37.730999999999995, + "mrr_at_100": 38.673, + "mrr_at_1000": 38.725, + "mrr_at_20": 38.279, + "mrr_at_3": 34.494, + "mrr_at_5": 36.609, + "ndcg_at_1": 27.114, + "ndcg_at_10": 39.723000000000006, + "ndcg_at_100": 45.847, + "ndcg_at_1000": 47.879, + "ndcg_at_20": 42.129, + "ndcg_at_3": 33.194, + "ndcg_at_5": 36.763, + "precision_at_1": 27.114, + "precision_at_10": 7.575, + "precision_at_100": 1.218, + "precision_at_1000": 0.15, + "precision_at_20": 4.527, + "precision_at_3": 16.252, + "precision_at_5": 12.363, + "recall_at_1": 22.121, + "recall_at_10": 54.726, + "recall_at_100": 80.662, + "recall_at_1000": 94.645, + "recall_at_20": 62.977000000000004, + "recall_at_3": 37.348, + "recall_at_5": 46.163, + "main_score": 39.723000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/CQADupstackPhysicsRetrieval.json b/results/Intel__neural-embedding-v1/external/CQADupstackPhysicsRetrieval.json new file mode 100644 index 000000000..81c8a79d9 --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/CQADupstackPhysicsRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "79531abbd1fb92d06c6d6315a0cbbbf5bb247ea4", + "task_name": "CQADupstackPhysicsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 36.346000000000004, + "map_at_10": 50.034, + "map_at_100": 51.37500000000001, + "map_at_1000": 51.464, + "map_at_20": 50.739999999999995, + "map_at_3": 45.948, + "map_at_5": 48.421, + "mrr_at_1": 45.043, + "mrr_at_10": 55.642, + "mrr_at_100": 56.335, + "mrr_at_1000": 56.355999999999995, + "mrr_at_20": 56.027, + "mrr_at_3": 53.224000000000004, + "mrr_at_5": 54.798, + "ndcg_at_1": 45.043, + "ndcg_at_10": 56.627, + "ndcg_at_100": 61.751, + "ndcg_at_1000": 62.873999999999995, + "ndcg_at_20": 58.521, + "ndcg_at_3": 50.995999999999995, + "ndcg_at_5": 54.049, + "precision_at_1": 45.043, + "precision_at_10": 10.51, + "precision_at_100": 1.521, + "precision_at_1000": 0.179, + "precision_at_20": 5.958, + "precision_at_3": 24.703, + "precision_at_5": 17.671, + "recall_at_1": 36.346000000000004, + "recall_at_10": 69.95, + "recall_at_100": 91.449, + "recall_at_1000": 98.021, + "recall_at_20": 76.522, + "recall_at_3": 54.348, + "recall_at_5": 62.271, + "main_score": 56.627 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/CQADupstackProgrammersRetrieval.json b/results/Intel__neural-embedding-v1/external/CQADupstackProgrammersRetrieval.json new file mode 100644 index 000000000..0f7935012 --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/CQADupstackProgrammersRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "6184bc1440d2dbc7612be22b50686b8826d22b32", + "task_name": "CQADupstackProgrammersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.754, + "map_at_10": 42.921, + "map_at_100": 44.440000000000005, + "map_at_1000": 44.516, + "map_at_20": 43.815, + "map_at_3": 38.592999999999996, + "map_at_5": 41.138999999999996, + "mrr_at_1": 36.416, + "mrr_at_10": 48.284, + "mrr_at_100": 49.086, + "mrr_at_1000": 49.116, + "mrr_at_20": 48.741, + "mrr_at_3": 45.301, + "mrr_at_5": 47.104, + "ndcg_at_1": 36.416, + "ndcg_at_10": 50.257, + "ndcg_at_100": 55.931, + "ndcg_at_1000": 57.188, + "ndcg_at_20": 52.607000000000006, + "ndcg_at_3": 43.787, + "ndcg_at_5": 46.941, + "precision_at_1": 36.416, + "precision_at_10": 9.783, + "precision_at_100": 1.465, + "precision_at_1000": 0.173, + "precision_at_20": 5.713, + "precision_at_3": 21.804000000000002, + "precision_at_5": 16.05, + "recall_at_1": 28.754, + "recall_at_10": 66.31099999999999, + "recall_at_100": 90.034, + "recall_at_1000": 98.058, + "recall_at_20": 74.411, + "recall_at_3": 48.332, + "recall_at_5": 56.548, + "main_score": 50.257 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/CQADupstackStatsRetrieval.json b/results/Intel__neural-embedding-v1/external/CQADupstackStatsRetrieval.json new file mode 100644 index 000000000..62dfb5602 --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/CQADupstackStatsRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "65ac3a16b8e91f9cee4c9828cc7c335575432a2a", + "task_name": "CQADupstackStatsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.180999999999997, + "map_at_10": 36.4, + "map_at_100": 37.464999999999996, + "map_at_1000": 37.556, + "map_at_20": 36.984, + "map_at_3": 33.354, + "map_at_5": 35.214, + "mrr_at_1": 29.601, + "mrr_at_10": 39.328, + "mrr_at_100": 40.113, + "mrr_at_1000": 40.176, + "mrr_at_20": 39.751999999999995, + "mrr_at_3": 36.58, + "mrr_at_5": 38.313, + "ndcg_at_1": 29.601, + "ndcg_at_10": 42.037, + "ndcg_at_100": 46.946, + "ndcg_at_1000": 49.075, + "ndcg_at_20": 43.827, + "ndcg_at_3": 36.473, + "ndcg_at_5": 39.482, + "precision_at_1": 29.601, + "precision_at_10": 7.009, + "precision_at_100": 1.0290000000000001, + "precision_at_1000": 0.129, + "precision_at_20": 4.018, + "precision_at_3": 16.36, + "precision_at_5": 11.779, + "recall_at_1": 26.180999999999997, + "recall_at_10": 56.275, + "recall_at_100": 78.61200000000001, + "recall_at_1000": 93.887, + "recall_at_20": 62.798, + "recall_at_3": 41.157, + "recall_at_5": 48.49, + "main_score": 42.037 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/CQADupstackTexRetrieval.json b/results/Intel__neural-embedding-v1/external/CQADupstackTexRetrieval.json new file mode 100644 index 000000000..815767a2d --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/CQADupstackTexRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "46989137a86843e03a6195de44b09deda022eec7", + "task_name": "CQADupstackTexRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.205000000000002, + "map_at_10": 29.947000000000003, + "map_at_100": 31.342, + "map_at_1000": 31.458000000000002, + "map_at_20": 30.741000000000003, + "map_at_3": 26.568, + "map_at_5": 28.372999999999998, + "mrr_at_1": 24.742, + "mrr_at_10": 33.941, + "mrr_at_100": 34.92, + "mrr_at_1000": 34.981, + "mrr_at_20": 34.509, + "mrr_at_3": 31.097, + "mrr_at_5": 32.631, + "ndcg_at_1": 24.742, + "ndcg_at_10": 35.884, + "ndcg_at_100": 41.839999999999996, + "ndcg_at_1000": 44.162, + "ndcg_at_20": 38.273, + "ndcg_at_3": 30.073, + "ndcg_at_5": 32.617000000000004, + "precision_at_1": 24.742, + "precision_at_10": 6.958, + "precision_at_100": 1.155, + "precision_at_1000": 0.154, + "precision_at_20": 4.202, + "precision_at_3": 14.568, + "precision_at_5": 10.757, + "recall_at_1": 20.205000000000002, + "recall_at_10": 49.603, + "recall_at_100": 75.77000000000001, + "recall_at_1000": 91.767, + "recall_at_20": 58.309, + "recall_at_3": 33.353, + "recall_at_5": 39.947, + "main_score": 35.884 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/CQADupstackUnixRetrieval.json b/results/Intel__neural-embedding-v1/external/CQADupstackUnixRetrieval.json new file mode 100644 index 000000000..495be0b1b --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/CQADupstackUnixRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "6c6430d3a6d36f8d2a829195bc5dc94d7e063e53", + "task_name": "CQADupstackUnixRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.543, + "map_at_10": 43.895, + "map_at_100": 45.233000000000004, + "map_at_1000": 45.314, + "map_at_20": 44.707, + "map_at_3": 40.165, + "map_at_5": 42.353, + "mrr_at_1": 37.5, + "mrr_at_10": 47.814, + "mrr_at_100": 48.701, + "mrr_at_1000": 48.74, + "mrr_at_20": 48.378, + "mrr_at_3": 45.04, + "mrr_at_5": 46.729, + "ndcg_at_1": 37.5, + "ndcg_at_10": 50.312999999999995, + "ndcg_at_100": 55.696999999999996, + "ndcg_at_1000": 57.135000000000005, + "ndcg_at_20": 52.734, + "ndcg_at_3": 44.263000000000005, + "ndcg_at_5": 47.268, + "precision_at_1": 37.5, + "precision_at_10": 8.871, + "precision_at_100": 1.278, + "precision_at_1000": 0.149, + "precision_at_20": 5.117, + "precision_at_3": 20.709, + "precision_at_5": 14.832, + "recall_at_1": 31.543, + "recall_at_10": 65.694, + "recall_at_100": 88.105, + "recall_at_1000": 97.38, + "recall_at_20": 74.307, + "recall_at_3": 49.254999999999995, + "recall_at_5": 56.85, + "main_score": 50.312999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/CQADupstackWebmastersRetrieval.json b/results/Intel__neural-embedding-v1/external/CQADupstackWebmastersRetrieval.json new file mode 100644 index 000000000..96f146b85 --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/CQADupstackWebmastersRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "160c094312a0e1facb97e55eeddb698c0abe3571", + "task_name": "CQADupstackWebmastersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.325000000000003, + "map_at_10": 40.653, + "map_at_100": 42.568, + "map_at_1000": 42.782, + "map_at_20": 41.638999999999996, + "map_at_3": 36.726, + "map_at_5": 38.911, + "mrr_at_1": 34.98, + "mrr_at_10": 45.281, + "mrr_at_100": 46.255, + "mrr_at_1000": 46.29, + "mrr_at_20": 45.94, + "mrr_at_3": 41.831, + "mrr_at_5": 44.045, + "ndcg_at_1": 34.98, + "ndcg_at_10": 47.629, + "ndcg_at_100": 53.912000000000006, + "ndcg_at_1000": 55.48, + "ndcg_at_20": 50.281, + "ndcg_at_3": 41.211999999999996, + "ndcg_at_5": 44.529, + "precision_at_1": 34.98, + "precision_at_10": 9.229, + "precision_at_100": 1.854, + "precision_at_1000": 0.258, + "precision_at_20": 5.8500000000000005, + "precision_at_3": 19.631, + "precision_at_5": 14.506, + "recall_at_1": 29.325000000000003, + "recall_at_10": 61.894000000000005, + "recall_at_100": 88.684, + "recall_at_1000": 97.83800000000001, + "recall_at_20": 71.758, + "recall_at_3": 44.265, + "recall_at_5": 53.051, + "main_score": 47.629 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/CQADupstackWordpressRetrieval.json b/results/Intel__neural-embedding-v1/external/CQADupstackWordpressRetrieval.json new file mode 100644 index 000000000..2720d77dd --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/CQADupstackWordpressRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "4ffe81d471b1924886b33c7567bfb200e9eec5c4", + "task_name": "CQADupstackWordpressRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.133, + "map_at_10": 33.263, + "map_at_100": 34.496, + "map_at_1000": 34.582, + "map_at_20": 33.983999999999995, + "map_at_3": 30.12, + "map_at_5": 31.906000000000002, + "mrr_at_1": 25.507999999999996, + "mrr_at_10": 35.663, + "mrr_at_100": 36.659000000000006, + "mrr_at_1000": 36.714, + "mrr_at_20": 36.236000000000004, + "mrr_at_3": 32.748, + "mrr_at_5": 34.365, + "ndcg_at_1": 25.507999999999996, + "ndcg_at_10": 38.968, + "ndcg_at_100": 44.674, + "ndcg_at_1000": 46.725, + "ndcg_at_20": 41.282000000000004, + "ndcg_at_3": 33.038000000000004, + "ndcg_at_5": 35.909, + "precision_at_1": 25.507999999999996, + "precision_at_10": 6.285, + "precision_at_100": 0.98, + "precision_at_1000": 0.128, + "precision_at_20": 3.7249999999999996, + "precision_at_3": 14.171, + "precision_at_5": 10.314, + "recall_at_1": 23.133, + "recall_at_10": 54.042, + "recall_at_100": 80.01599999999999, + "recall_at_1000": 95.05799999999999, + "recall_at_20": 62.643, + "recall_at_3": 38.367000000000004, + "recall_at_5": 45.123000000000005, + "main_score": 38.968 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/ClimateFEVER.json b/results/Intel__neural-embedding-v1/external/ClimateFEVER.json new file mode 100644 index 000000000..28d3be174 --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/ClimateFEVER.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 13.923, + "map_at_10": 23.415, + "map_at_100": 25.389, + "map_at_1000": 25.539, + "map_at_20": 24.462, + "map_at_3": 19.719, + "map_at_5": 21.75, + "mrr_at_1": 31.205, + "mrr_at_10": 43.196, + "mrr_at_100": 44.039, + "mrr_at_1000": 44.071, + "mrr_at_20": 43.744, + "mrr_at_3": 40.033, + "mrr_at_5": 41.967, + "ndcg_at_1": 31.205, + "ndcg_at_10": 32.304, + "ndcg_at_100": 39.717, + "ndcg_at_1000": 42.559999999999995, + "ndcg_at_20": 35.166, + "ndcg_at_3": 26.955000000000002, + "ndcg_at_5": 28.967, + "precision_at_1": 31.205, + "precision_at_10": 9.948, + "precision_at_100": 1.7870000000000001, + "precision_at_1000": 0.233, + "precision_at_20": 6.205, + "precision_at_3": 20.108999999999998, + "precision_at_5": 15.453, + "recall_at_1": 13.923, + "recall_at_10": 37.885000000000005, + "recall_at_100": 63.352, + "recall_at_1000": 79.372, + "recall_at_20": 45.954, + "recall_at_3": 24.511, + "recall_at_5": 30.451, + "main_score": 32.304 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/DBPedia.json b/results/Intel__neural-embedding-v1/external/DBPedia.json new file mode 100644 index 000000000..eb4cb3744 --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/DBPedia.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.584, + "map_at_10": 23.432, + "map_at_100": 32.513, + "map_at_1000": 34.27, + "map_at_20": 27.18, + "map_at_3": 16.145, + "map_at_5": 19.405, + "mrr_at_1": 74.5, + "mrr_at_10": 81.233, + "mrr_at_100": 81.463, + "mrr_at_1000": 81.46900000000001, + "mrr_at_20": 81.394, + "mrr_at_3": 79.958, + "mrr_at_5": 80.808, + "ndcg_at_1": 62.125, + "ndcg_at_10": 48.047000000000004, + "ndcg_at_100": 52.251999999999995, + "ndcg_at_1000": 59.353, + "ndcg_at_20": 47.264, + "ndcg_at_3": 52.891999999999996, + "ndcg_at_5": 50.766999999999996, + "precision_at_1": 74.5, + "precision_at_10": 38.15, + "precision_at_100": 11.51, + "precision_at_1000": 2.183, + "precision_at_20": 28.749999999999996, + "precision_at_3": 56.25, + "precision_at_5": 49.1, + "recall_at_1": 9.584, + "recall_at_10": 29.215999999999998, + "recall_at_100": 57.914, + "recall_at_1000": 80.67699999999999, + "recall_at_20": 37.358000000000004, + "recall_at_3": 17.422, + "recall_at_5": 22.345000000000002, + "main_score": 48.047000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/EmotionClassification.json b/results/Intel__neural-embedding-v1/external/EmotionClassification.json new file mode 100644 index 000000000..50bf46fc6 --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.36000000000001, + "f1": 87.72724279223316, + "main_score": 91.36000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/FEVER.json b/results/Intel__neural-embedding-v1/external/FEVER.json new file mode 100644 index 000000000..2d4f7f7c4 --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/FEVER.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 78.81700000000001, + "map_at_10": 86.392, + "map_at_100": 86.6, + "map_at_1000": 86.611, + "map_at_20": 86.521, + "map_at_3": 85.31, + "map_at_5": 86.047, + "mrr_at_1": 84.878, + "mrr_at_10": 90.359, + "mrr_at_100": 90.426, + "mrr_at_1000": 90.427, + "mrr_at_20": 90.405, + "mrr_at_3": 89.761, + "mrr_at_5": 90.191, + "ndcg_at_1": 84.878, + "ndcg_at_10": 89.459, + "ndcg_at_100": 90.171, + "ndcg_at_1000": 90.349, + "ndcg_at_20": 89.788, + "ndcg_at_3": 87.908, + "ndcg_at_5": 88.844, + "precision_at_1": 84.878, + "precision_at_10": 10.639, + "precision_at_100": 1.123, + "precision_at_1000": 0.11499999999999999, + "precision_at_20": 5.427, + "precision_at_3": 33.333, + "precision_at_5": 20.696, + "recall_at_1": 78.81700000000001, + "recall_at_10": 94.959, + "recall_at_100": 97.72800000000001, + "recall_at_1000": 98.791, + "recall_at_20": 96.036, + "recall_at_3": 90.727, + "recall_at_5": 93.12899999999999, + "main_score": 89.459 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/FiQA2018.json b/results/Intel__neural-embedding-v1/external/FiQA2018.json new file mode 100644 index 000000000..8a521c8b9 --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/FiQA2018.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.596, + "map_at_10": 50.833, + "map_at_100": 53.034000000000006, + "map_at_1000": 53.135, + "map_at_20": 52.195, + "map_at_3": 44.247, + "map_at_5": 48.107, + "mrr_at_1": 57.87, + "mrr_at_10": 65.566, + "mrr_at_100": 66.15299999999999, + "mrr_at_1000": 66.168, + "mrr_at_20": 65.923, + "mrr_at_3": 63.55499999999999, + "mrr_at_5": 64.727, + "ndcg_at_1": 57.87, + "ndcg_at_10": 58.943999999999996, + "ndcg_at_100": 65.283, + "ndcg_at_1000": 66.706, + "ndcg_at_20": 61.778999999999996, + "ndcg_at_3": 54.554, + "ndcg_at_5": 56.159000000000006, + "precision_at_1": 57.87, + "precision_at_10": 16.435, + "precision_at_100": 2.307, + "precision_at_1000": 0.256, + "precision_at_20": 9.522, + "precision_at_3": 36.986000000000004, + "precision_at_5": 27.16, + "recall_at_1": 29.596, + "recall_at_10": 66.705, + "recall_at_100": 89.45, + "recall_at_1000": 97.758, + "recall_at_20": 75.13300000000001, + "recall_at_3": 49.689, + "recall_at_5": 57.701, + "main_score": 58.943999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/HotpotQA.json b/results/Intel__neural-embedding-v1/external/HotpotQA.json new file mode 100644 index 000000000..79dda0ef9 --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/HotpotQA.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 42.532, + "map_at_10": 71.931, + "map_at_100": 72.623, + "map_at_1000": 72.662, + "map_at_20": 72.355, + "map_at_3": 68.72200000000001, + "map_at_5": 70.813, + "mrr_at_1": 85.064, + "mrr_at_10": 89.69500000000001, + "mrr_at_100": 89.792, + "mrr_at_1000": 89.795, + "mrr_at_20": 89.759, + "mrr_at_3": 89.129, + "mrr_at_5": 89.5, + "ndcg_at_1": 85.064, + "ndcg_at_10": 78.86999999999999, + "ndcg_at_100": 81.134, + "ndcg_at_1000": 81.862, + "ndcg_at_20": 79.888, + "ndcg_at_3": 74.579, + "ndcg_at_5": 77.086, + "precision_at_1": 85.064, + "precision_at_10": 16.433, + "precision_at_100": 1.818, + "precision_at_1000": 0.191, + "precision_at_20": 8.545, + "precision_at_3": 48.508, + "precision_at_5": 31.084, + "recall_at_1": 42.532, + "recall_at_10": 82.167, + "recall_at_100": 90.905, + "recall_at_1000": 95.699, + "recall_at_20": 85.449, + "recall_at_3": 72.762, + "recall_at_5": 77.711, + "main_score": 78.86999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/ImdbClassification.json b/results/Intel__neural-embedding-v1/external/ImdbClassification.json new file mode 100644 index 000000000..0f351a00c --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 96.91919999999999, + "ap": 95.88443935380744, + "f1": 96.91873838978964, + "main_score": 96.91919999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/MSMARCO.json b/results/Intel__neural-embedding-v1/external/MSMARCO.json new file mode 100644 index 000000000..f0990d1d9 --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/MSMARCO.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.747, + "map_at_10": 34.764, + "map_at_100": 35.981, + "map_at_1000": 36.027, + "map_at_20": 35.557, + "map_at_3": 30.770999999999997, + "map_at_5": 33.07, + "mrr_at_1": 22.421, + "mrr_at_10": 35.417, + "mrr_at_100": 36.57, + "mrr_at_1000": 36.61, + "mrr_at_20": 36.174, + "mrr_at_3": 31.516, + "mrr_at_5": 33.783, + "ndcg_at_1": 22.421, + "ndcg_at_10": 42.003, + "ndcg_at_100": 47.674, + "ndcg_at_1000": 48.783, + "ndcg_at_20": 44.789, + "ndcg_at_3": 33.918, + "ndcg_at_5": 38.011, + "precision_at_1": 22.421, + "precision_at_10": 6.712, + "precision_at_100": 0.9520000000000001, + "precision_at_1000": 0.105, + "precision_at_20": 3.9309999999999996, + "precision_at_3": 14.632000000000001, + "precision_at_5": 10.845, + "recall_at_1": 21.747, + "recall_at_10": 64.2, + "recall_at_100": 90.04100000000001, + "recall_at_1000": 98.41499999999999, + "recall_at_20": 74.982, + "recall_at_3": 42.303000000000004, + "recall_at_5": 52.11, + "main_score": 42.003 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/MTOPDomainClassification.json b/results/Intel__neural-embedding-v1/external/MTOPDomainClassification.json new file mode 100644 index 000000000..14a95819b --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 99.02872777017784, + "f1": 98.8785703018425, + "main_score": 99.02872777017784 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/MTOPIntentClassification.json b/results/Intel__neural-embedding-v1/external/MTOPIntentClassification.json new file mode 100644 index 000000000..118f6c392 --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 90.93935248518011, + "f1": 75.46510480635821, + "main_score": 90.93935248518011 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/MassiveIntentClassification.json b/results/Intel__neural-embedding-v1/external/MassiveIntentClassification.json new file mode 100644 index 000000000..057300138 --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 82.49831876260927, + "f1": 79.43439001730579, + "main_score": 82.49831876260927 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/MassiveScenarioClassification.json b/results/Intel__neural-embedding-v1/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..6e825c40b --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 84.50235373234702, + "f1": 84.03906668934695, + "main_score": 84.50235373234702 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/MedrxivClusteringP2P.json b/results/Intel__neural-embedding-v1/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..2a2ce21fd --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 42.634572576984716, + "main_score": 42.634572576984716 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/MedrxivClusteringS2S.json b/results/Intel__neural-embedding-v1/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..921a4ff5d --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.96861872930255, + "main_score": 40.96861872930255 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/MindSmallReranking.json b/results/Intel__neural-embedding-v1/external/MindSmallReranking.json new file mode 100644 index 000000000..ae83ebec3 --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.986207669202933, + "mrr": 33.11375583060012, + "main_score": 31.986207669202933 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/NFCorpus.json b/results/Intel__neural-embedding-v1/external/NFCorpus.json new file mode 100644 index 000000000..496df7f43 --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/NFCorpus.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.783, + "map_at_10": 16.276, + "map_at_100": 21.324, + "map_at_1000": 23.166, + "map_at_20": 18.383, + "map_at_3": 11.296000000000001, + "map_at_5": 13.504, + "mrr_at_1": 53.559999999999995, + "mrr_at_10": 61.589000000000006, + "mrr_at_100": 62.11600000000001, + "mrr_at_1000": 62.158, + "mrr_at_20": 61.976, + "mrr_at_3": 59.855999999999995, + "mrr_at_5": 60.877, + "ndcg_at_1": 50.15500000000001, + "ndcg_at_10": 42.598, + "ndcg_at_100": 39.15, + "ndcg_at_1000": 47.888999999999996, + "ndcg_at_20": 39.956, + "ndcg_at_3": 46.836, + "ndcg_at_5": 45.001000000000005, + "precision_at_1": 52.322, + "precision_at_10": 32.601, + "precision_at_100": 10.145999999999999, + "precision_at_1000": 2.358, + "precision_at_20": 24.025, + "precision_at_3": 44.169000000000004, + "precision_at_5": 39.628, + "recall_at_1": 6.783, + "recall_at_10": 21.175, + "recall_at_100": 40.097, + "recall_at_1000": 71.65, + "recall_at_20": 26.465, + "recall_at_3": 12.589, + "recall_at_5": 15.867999999999999, + "main_score": 42.598 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/NQ.json b/results/Intel__neural-embedding-v1/external/NQ.json new file mode 100644 index 000000000..31d2a8f1e --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/NQ.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 43.376, + "map_at_10": 60.968, + "map_at_100": 61.614999999999995, + "map_at_1000": 61.626000000000005, + "map_at_20": 61.441, + "map_at_3": 56.858, + "map_at_5": 59.476, + "mrr_at_1": 48.841, + "mrr_at_10": 63.366, + "mrr_at_100": 63.79, + "mrr_at_1000": 63.797000000000004, + "mrr_at_20": 63.682, + "mrr_at_3": 60.535000000000004, + "mrr_at_5": 62.348000000000006, + "ndcg_at_1": 48.841, + "ndcg_at_10": 68.362, + "ndcg_at_100": 70.799, + "ndcg_at_1000": 71.004, + "ndcg_at_20": 69.804, + "ndcg_at_3": 61.251, + "ndcg_at_5": 65.28500000000001, + "precision_at_1": 48.841, + "precision_at_10": 10.588000000000001, + "precision_at_100": 1.194, + "precision_at_1000": 0.121, + "precision_at_20": 5.646, + "precision_at_3": 27.298000000000002, + "precision_at_5": 18.841, + "recall_at_1": 43.376, + "recall_at_10": 88.053, + "recall_at_100": 98.194, + "recall_at_1000": 99.67200000000001, + "recall_at_20": 93.318, + "recall_at_3": 70.281, + "recall_at_5": 79.28, + "main_score": 68.362 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/QuoraRetrieval.json b/results/Intel__neural-embedding-v1/external/QuoraRetrieval.json new file mode 100644 index 000000000..1a407ab83 --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/QuoraRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "e4e08e0b7dbe3c8700f0daef558ff32256715259", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 71.477, + "map_at_10": 85.548, + "map_at_100": 86.187, + "map_at_1000": 86.199, + "map_at_20": 85.971, + "map_at_3": 82.50999999999999, + "map_at_5": 84.447, + "mrr_at_1": 82.35, + "mrr_at_10": 88.039, + "mrr_at_100": 88.14699999999999, + "mrr_at_1000": 88.14699999999999, + "mrr_at_20": 88.12100000000001, + "mrr_at_3": 87.048, + "mrr_at_5": 87.73100000000001, + "ndcg_at_1": 82.35, + "ndcg_at_10": 89.024, + "ndcg_at_100": 90.18599999999999, + "ndcg_at_1000": 90.245, + "ndcg_at_20": 89.67399999999999, + "ndcg_at_3": 86.167, + "ndcg_at_5": 87.779, + "precision_at_1": 82.35, + "precision_at_10": 13.565, + "precision_at_100": 1.544, + "precision_at_1000": 0.157, + "precision_at_20": 7.2010000000000005, + "precision_at_3": 37.773, + "precision_at_5": 24.924, + "recall_at_1": 71.477, + "recall_at_10": 95.821, + "recall_at_100": 99.737, + "recall_at_1000": 99.98599999999999, + "recall_at_20": 97.90100000000001, + "recall_at_3": 87.61, + "recall_at_5": 92.135, + "main_score": 89.024 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/RedditClustering.json b/results/Intel__neural-embedding-v1/external/RedditClustering.json new file mode 100644 index 000000000..efa06a16b --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 66.43811157811552, + "main_score": 66.43811157811552 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/RedditClusteringP2P.json b/results/Intel__neural-embedding-v1/external/RedditClusteringP2P.json new file mode 100644 index 000000000..1c4891873 --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 69.56403346330322, + "main_score": 69.56403346330322 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/SCIDOCS.json b/results/Intel__neural-embedding-v1/external/SCIDOCS.json new file mode 100644 index 000000000..3f1e3a789 --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/SCIDOCS.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "f8c2fcf00f625baaa80f62ec5bd9e1fff3b8ae88", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.253, + "map_at_10": 17.379, + "map_at_100": 20.51, + "map_at_1000": 20.881, + "map_at_20": 18.983, + "map_at_3": 12.061, + "map_at_5": 14.546000000000001, + "mrr_at_1": 30.8, + "mrr_at_10": 43.814, + "mrr_at_100": 44.883, + "mrr_at_1000": 44.906, + "mrr_at_20": 44.555, + "mrr_at_3": 40.416999999999994, + "mrr_at_5": 42.482, + "ndcg_at_1": 30.8, + "ndcg_at_10": 27.694999999999997, + "ndcg_at_100": 38.248, + "ndcg_at_1000": 43.547000000000004, + "ndcg_at_20": 31.573, + "ndcg_at_3": 26.239, + "ndcg_at_5": 22.817999999999998, + "precision_at_1": 30.8, + "precision_at_10": 14.540000000000001, + "precision_at_100": 2.9690000000000003, + "precision_at_1000": 0.422, + "precision_at_20": 9.5, + "precision_at_3": 24.967, + "precision_at_5": 20.22, + "recall_at_1": 6.253, + "recall_at_10": 29.465000000000003, + "recall_at_100": 60.28, + "recall_at_1000": 85.712, + "recall_at_20": 38.578, + "recall_at_3": 15.201999999999998, + "recall_at_5": 20.507, + "main_score": 27.694999999999997 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/SICK-R.json b/results/Intel__neural-embedding-v1/external/SICK-R.json new file mode 100644 index 000000000..a41f38f01 --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.88263045065128, + "cos_sim_spearman": 83.2199052396249, + "euclidean_pearson": 83.89316748784084, + "euclidean_spearman": 82.80089923470608, + "manhattan_pearson": 83.79340504513027, + "manhattan_spearman": 82.57647453394455, + "cosine_pearson": 86.88263045065128, + "cosine_spearman": 83.2199052396249, + "main_score": 83.2199052396249 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/STS12.json b/results/Intel__neural-embedding-v1/external/STS12.json new file mode 100644 index 000000000..8da7801f2 --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.23417612553622, + "cos_sim_spearman": 79.40077017685032, + "euclidean_pearson": 82.98069591415172, + "euclidean_spearman": 77.72626690650102, + "manhattan_pearson": 83.2549008896714, + "manhattan_spearman": 77.97517379409553, + "cosine_pearson": 87.23417612553622, + "cosine_spearman": 79.40077017685032, + "main_score": 79.40077017685032 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/STS13.json b/results/Intel__neural-embedding-v1/external/STS13.json new file mode 100644 index 000000000..36ebf8916 --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 89.94319057478221, + "cos_sim_spearman": 89.57673217959568, + "euclidean_pearson": 88.52164819479393, + "euclidean_spearman": 89.28792930444656, + "manhattan_pearson": 88.63748131889201, + "manhattan_spearman": 89.5337354128652, + "cosine_pearson": 89.94319057478221, + "cosine_spearman": 89.57673217959568, + "main_score": 89.57673217959568 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/STS14.json b/results/Intel__neural-embedding-v1/external/STS14.json new file mode 100644 index 000000000..d709a0c08 --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.0002285020644, + "cos_sim_spearman": 84.85558709405255, + "euclidean_pearson": 85.76743275817024, + "euclidean_spearman": 84.7900299161083, + "manhattan_pearson": 85.81372778099167, + "manhattan_spearman": 84.88975144080597, + "cosine_pearson": 87.0002285020644, + "cosine_spearman": 84.85558709405255, + "main_score": 84.85558709405255 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/STS15.json b/results/Intel__neural-embedding-v1/external/STS15.json new file mode 100644 index 000000000..021098255 --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 89.90992300865088, + "cos_sim_spearman": 89.89952259773258, + "euclidean_pearson": 88.95472170794739, + "euclidean_spearman": 89.79840257558794, + "manhattan_pearson": 89.00903847816028, + "manhattan_spearman": 89.99292271664685, + "cosine_pearson": 89.90992300865088, + "cosine_spearman": 89.89952259773258, + "main_score": 89.89952259773258 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/STS16.json b/results/Intel__neural-embedding-v1/external/STS16.json new file mode 100644 index 000000000..efffaa9e6 --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.75044299994977, + "cos_sim_spearman": 86.31137676221347, + "euclidean_pearson": 85.03198959400133, + "euclidean_spearman": 85.62611072515675, + "manhattan_pearson": 85.11681545306745, + "manhattan_spearman": 85.75766564037835, + "cosine_pearson": 85.75044299994977, + "cosine_spearman": 86.31137676221347, + "main_score": 86.31137676221347 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/STS17.json b/results/Intel__neural-embedding-v1/external/STS17.json new file mode 100644 index 000000000..7782945f7 --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 91.85595137809975, + "cos_sim_spearman": 91.19454529401669, + "euclidean_pearson": 90.88727698604517, + "euclidean_spearman": 90.93184869101279, + "manhattan_pearson": 90.79591587599141, + "manhattan_spearman": 90.75783237234161, + "cosine_pearson": 91.85595137809975, + "cosine_spearman": 91.19454529401669, + "main_score": 91.19454529401669 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/STS22.json b/results/Intel__neural-embedding-v1/external/STS22.json new file mode 100644 index 000000000..3392ed5a4 --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "eea2b4fe26a775864c896887d910b76a8098ad3f", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 71.60579944207497, + "cos_sim_spearman": 70.08286575049202, + "euclidean_pearson": 71.83195353568124, + "euclidean_spearman": 70.3030975376705, + "manhattan_pearson": 71.80222200714064, + "manhattan_spearman": 70.04005646739672, + "cosine_pearson": 71.60579944207497, + "cosine_spearman": 70.08286575049202, + "main_score": 70.08286575049202 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/STSBenchmark.json b/results/Intel__neural-embedding-v1/external/STSBenchmark.json new file mode 100644 index 000000000..50acb4763 --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 89.65716781275425, + "cos_sim_spearman": 89.90701888074334, + "euclidean_pearson": 88.50498754631819, + "euclidean_spearman": 88.88763469318933, + "manhattan_pearson": 88.58398429591064, + "manhattan_spearman": 89.0138386837653, + "cosine_pearson": 89.65716781275425, + "cosine_spearman": 89.90701888074334, + "main_score": 89.90701888074334 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/SciDocsRR.json b/results/Intel__neural-embedding-v1/external/SciDocsRR.json new file mode 100644 index 000000000..ede5a0b44 --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 89.26199160020026, + "mrr": 96.86981772766087, + "main_score": 89.26199160020026 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/SciFact.json b/results/Intel__neural-embedding-v1/external/SciFact.json new file mode 100644 index 000000000..89bcb1185 --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/SciFact.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 62.827999999999996, + "map_at_10": 74.028, + "map_at_100": 74.264, + "map_at_1000": 74.274, + "map_at_20": 74.18599999999999, + "map_at_3": 70.787, + "map_at_5": 72.87, + "mrr_at_1": 66.333, + "mrr_at_10": 74.894, + "mrr_at_100": 75.09599999999999, + "mrr_at_1000": 75.105, + "mrr_at_20": 75.024, + "mrr_at_3": 72.833, + "mrr_at_5": 73.917, + "ndcg_at_1": 66.333, + "ndcg_at_10": 78.82000000000001, + "ndcg_at_100": 79.95, + "ndcg_at_1000": 80.207, + "ndcg_at_20": 79.324, + "ndcg_at_3": 73.87899999999999, + "ndcg_at_5": 76.399, + "precision_at_1": 66.333, + "precision_at_10": 10.5, + "precision_at_100": 1.11, + "precision_at_1000": 0.11299999999999999, + "precision_at_20": 5.367, + "precision_at_3": 29.110999999999997, + "precision_at_5": 19.333, + "recall_at_1": 62.827999999999996, + "recall_at_10": 92.667, + "recall_at_100": 98.0, + "recall_at_1000": 100.0, + "recall_at_20": 94.5, + "recall_at_3": 79.5, + "recall_at_5": 85.739, + "main_score": 78.82000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/SprintDuplicateQuestions.json b/results/Intel__neural-embedding-v1/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..c8fcf75e6 --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.85940594059406, + "cos_sim_ap": 96.72065839344104, + "cos_sim_f1": 92.85714285714286, + "cos_sim_precision": 93.42105263157895, + "cos_sim_recall": 92.30000000000001, + "dot_accuracy": 99.84752475247525, + "dot_ap": 96.41536649209695, + "dot_f1": 92.24572004028197, + "dot_precision": 92.90060851926978, + "dot_recall": 91.60000000000001, + "euclidean_accuracy": 99.86039603960396, + "euclidean_ap": 96.63078081708719, + "euclidean_f1": 92.87518948964124, + "euclidean_precision": 93.87129724208376, + "euclidean_recall": 91.9, + "manhattan_accuracy": 99.86435643564356, + "manhattan_ap": 96.71272943532432, + "manhattan_f1": 93.05625950329447, + "manhattan_precision": 94.34737923946557, + "manhattan_recall": 91.8, + "max_accuracy": 99.86435643564356, + "max_ap": 96.72065839344104, + "max_f1": 93.05625950329447, + "main_score": 96.72065839344104 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/StackExchangeClustering.json b/results/Intel__neural-embedding-v1/external/StackExchangeClustering.json new file mode 100644 index 000000000..8094346dc --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 75.95483275621876, + "main_score": 75.95483275621876 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/StackExchangeClusteringP2P.json b/results/Intel__neural-embedding-v1/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..ece0004ba --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 46.20364113200157, + "main_score": 46.20364113200157 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/StackOverflowDupQuestions.json b/results/Intel__neural-embedding-v1/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..484924079 --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 56.2577092438525, + "mrr": 57.40251782531194, + "main_score": 56.2577092438525 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/SummEval.json b/results/Intel__neural-embedding-v1/external/SummEval.json new file mode 100644 index 000000000..14a77d89d --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.492357459875645, + "cos_sim_spearman": 30.868968719156825, + "dot_pearson": 29.44619482351129, + "dot_spearman": 31.295984532577215, + "cosine_pearson": 30.492357459875645, + "cosine_spearman": 30.868968719156825, + "main_score": 30.868968719156825 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/TRECCOVID.json b/results/Intel__neural-embedding-v1/external/TRECCOVID.json new file mode 100644 index 000000000..0f53a920d --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/TRECCOVID.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "bb9466bac8153a0349341eb1b22e06409e78ef4e", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.22200000000000003, + "map_at_10": 1.9290000000000003, + "map_at_100": 12.435, + "map_at_1000": 32.352, + "map_at_20": 3.496, + "map_at_3": 0.637, + "map_at_5": 1.016, + "mrr_at_1": 86.0, + "mrr_at_10": 92.333, + "mrr_at_100": 92.333, + "mrr_at_1000": 92.333, + "mrr_at_20": 92.333, + "mrr_at_3": 92.0, + "mrr_at_5": 92.0, + "ndcg_at_1": 81.0, + "ndcg_at_10": 75.32900000000001, + "ndcg_at_100": 62.756, + "ndcg_at_1000": 59.232, + "ndcg_at_20": 73.393, + "ndcg_at_3": 78.469, + "ndcg_at_5": 76.953, + "precision_at_1": 86.0, + "precision_at_10": 79.4, + "precision_at_100": 64.94, + "precision_at_1000": 26.332, + "precision_at_20": 77.3, + "precision_at_3": 82.667, + "precision_at_5": 80.4, + "recall_at_1": 0.22200000000000003, + "recall_at_10": 2.113, + "recall_at_100": 16.02, + "recall_at_1000": 57.227, + "recall_at_20": 4.036, + "recall_at_3": 0.6689999999999999, + "recall_at_5": 1.076, + "main_score": 75.32900000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/Touche2020.json b/results/Intel__neural-embedding-v1/external/Touche2020.json new file mode 100644 index 000000000..be6265568 --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/Touche2020.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.83, + "map_at_10": 8.981, + "map_at_100": 14.796000000000001, + "map_at_1000": 16.451999999999998, + "map_at_20": 11.361, + "map_at_3": 5.143, + "map_at_5": 6.537, + "mrr_at_1": 36.735, + "mrr_at_10": 50.99399999999999, + "mrr_at_100": 51.775000000000006, + "mrr_at_1000": 51.775000000000006, + "mrr_at_20": 51.39, + "mrr_at_3": 47.278999999999996, + "mrr_at_5": 49.626, + "ndcg_at_1": 34.694, + "ndcg_at_10": 24.061, + "ndcg_at_100": 35.832, + "ndcg_at_1000": 47.875, + "ndcg_at_20": 25.022, + "ndcg_at_3": 27.939999999999998, + "ndcg_at_5": 25.246000000000002, + "precision_at_1": 36.735, + "precision_at_10": 20.204, + "precision_at_100": 7.224, + "precision_at_1000": 1.516, + "precision_at_20": 15.714, + "precision_at_3": 27.211000000000002, + "precision_at_5": 23.265, + "recall_at_1": 2.83, + "recall_at_10": 14.564, + "recall_at_100": 45.251000000000005, + "recall_at_1000": 81.849, + "recall_at_20": 22.31, + "recall_at_3": 6.065, + "recall_at_5": 8.588, + "main_score": 24.061 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/ToxicConversationsClassification.json b/results/Intel__neural-embedding-v1/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..ba0f01919 --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.17320000000001, + "ap": 41.18509354980418, + "f1": 77.77470860794351, + "main_score": 91.17320000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/TweetSentimentExtractionClassification.json b/results/Intel__neural-embedding-v1/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..487326ea0 --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.92869269949067, + "f1": 78.23271267071486, + "main_score": 77.92869269949067 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/TwentyNewsgroupsClustering.json b/results/Intel__neural-embedding-v1/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..f38bd9079 --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 59.59735858830448, + "main_score": 59.59735858830448 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/TwitterSemEval2015.json b/results/Intel__neural-embedding-v1/external/TwitterSemEval2015.json new file mode 100644 index 000000000..ea6f3850a --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 87.81069321094355, + "cos_sim_ap": 79.1522153826438, + "cos_sim_f1": 72.83363802559415, + "cos_sim_precision": 67.678369195923, + "cos_sim_recall": 78.83905013192613, + "dot_accuracy": 87.369613160875, + "dot_ap": 78.51617049363121, + "dot_f1": 71.89735998026153, + "dot_precision": 67.516218721038, + "dot_recall": 76.88654353562005, + "euclidean_accuracy": 87.72724563390356, + "euclidean_ap": 78.45799796334607, + "euclidean_f1": 72.7159880834161, + "euclidean_precision": 68.65916549460853, + "euclidean_recall": 77.28232189973615, + "manhattan_accuracy": 87.57823210347499, + "manhattan_ap": 78.24705251626389, + "manhattan_f1": 72.34365129500948, + "manhattan_precision": 69.4060606060606, + "manhattan_recall": 75.54089709762533, + "max_accuracy": 87.81069321094355, + "max_ap": 79.1522153826438, + "max_f1": 72.83363802559415, + "main_score": 79.1522153826438 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/TwitterURLCorpus.json b/results/Intel__neural-embedding-v1/external/TwitterURLCorpus.json new file mode 100644 index 000000000..f55d5578b --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.76597974152986, + "cos_sim_ap": 87.15717597277224, + "cos_sim_f1": 79.71815316150567, + "cos_sim_precision": 76.89776060671103, + "cos_sim_recall": 82.75331074838313, + "dot_accuracy": 89.49237396670159, + "dot_ap": 86.69824401657353, + "dot_f1": 79.39796433985418, + "dot_precision": 74.7316211441772, + "dot_recall": 84.68586387434554, + "euclidean_accuracy": 89.65149221872937, + "euclidean_ap": 86.98932847862545, + "euclidean_f1": 79.65759212314929, + "euclidean_precision": 76.17876466868105, + "euclidean_recall": 83.46935632891899, + "manhattan_accuracy": 89.63402802033609, + "manhattan_ap": 86.99550128469285, + "manhattan_f1": 79.61443655494647, + "manhattan_precision": 76.23476361586697, + "manhattan_recall": 83.30766861718509, + "max_accuracy": 89.76597974152986, + "max_ap": 87.15717597277224, + "max_f1": 79.71815316150567, + "main_score": 87.15717597277224 + } + ] + } +} \ No newline at end of file diff --git a/results/Intel__neural-embedding-v1/external/model_meta.json b/results/Intel__neural-embedding-v1/external/model_meta.json new file mode 100644 index 000000000..777975246 --- /dev/null +++ b/results/Intel__neural-embedding-v1/external/model_meta.json @@ -0,0 +1,20 @@ +{ + "name": "Intel/neural-embedding-v1", + "revision": "9dead9bc8347ad531ac39c57d49c5d93d2d1556f", + "release_date": "2024-06-26", + "languages": [], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": null, + "embed_dim": null, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Jaume__gemma-2b-embeddings/external/AmazonCounterfactualClassification.json b/results/Jaume__gemma-2b-embeddings/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..3a2cac955 --- /dev/null +++ b/results/Jaume__gemma-2b-embeddings/external/AmazonCounterfactualClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 67.49253731343282, + "ap": 30.934850114823686, + "ap_weighted": 30.934850114823686, + "f1": 61.84797708567085, + "f1_weighted": 70.73274750522187, + "main_score": 67.49253731343282 + } + ] + } +} \ No newline at end of file diff --git a/results/Jaume__gemma-2b-embeddings/external/AmazonReviewsClassification.json b/results/Jaume__gemma-2b-embeddings/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..897b5df37 --- /dev/null +++ b/results/Jaume__gemma-2b-embeddings/external/AmazonReviewsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 34.896, + "f1": 34.750819111826075, + "f1_weighted": 34.750819111826075, + "main_score": 34.896 + } + ] + } +} \ No newline at end of file diff --git a/results/Jaume__gemma-2b-embeddings/external/Banking77Classification.json b/results/Jaume__gemma-2b-embeddings/external/Banking77Classification.json new file mode 100644 index 000000000..abfbbf7ed --- /dev/null +++ b/results/Jaume__gemma-2b-embeddings/external/Banking77Classification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 58.425324675324674, + "f1": 58.31484701136234, + "f1_weighted": 58.314847011362325, + "main_score": 58.425324675324674 + } + ] + } +} \ No newline at end of file diff --git a/results/Jaume__gemma-2b-embeddings/external/EmotionClassification.json b/results/Jaume__gemma-2b-embeddings/external/EmotionClassification.json new file mode 100644 index 000000000..fa81bab3e --- /dev/null +++ b/results/Jaume__gemma-2b-embeddings/external/EmotionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 29.685, + "f1": 26.48682675929922, + "f1_weighted": 32.280528326082006, + "main_score": 29.685 + } + ] + } +} \ No newline at end of file diff --git a/results/Jaume__gemma-2b-embeddings/external/model_meta.json b/results/Jaume__gemma-2b-embeddings/external/model_meta.json new file mode 100644 index 000000000..cf0c20319 --- /dev/null +++ b/results/Jaume__gemma-2b-embeddings/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "Jaume/gemma-2b-embeddings", + "revision": "86431f65d7c3f66b2af096c61e614a2958f191f1", + "release_date": "2024-06-29", + "languages": [], + "loader": null, + "n_parameters": 2506172416, + "memory_usage": null, + "max_tokens": 8192, + "embed_dim": 2048, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/AmazonCounterfactualClassification.json b/results/Labib11__MUG-B-1.6/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..2937dccec --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/AmazonCounterfactualClassification.json @@ -0,0 +1,50 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-ext", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.04047976011994, + "ap": 23.622442298323236, + "f1": 61.681362134359354, + "main_score": 74.04047976011994 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.38805970149255, + "ap": 35.14527522183942, + "f1": 66.40004634079556, + "main_score": 72.38805970149255 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 54.3254817987152, + "ap": 71.95259605308317, + "f1": 52.50731386267296, + "main_score": 54.3254817987152 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 56.33832976445397, + "ap": 12.671021199223937, + "f1": 46.127586182990605, + "main_score": 56.33832976445397 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/AmazonPolarityClassification.json b/results/Labib11__MUG-B-1.6/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..491b1490c --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.70805000000001, + "ap": 90.58639913354553, + "f1": 93.69822635061847, + "main_score": 93.70805000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/AmazonReviewsClassification.json b/results/Labib11__MUG-B-1.6/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..8c31156a0 --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/AmazonReviewsClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 50.85000000000001, + "f1": 49.80013009020246, + "main_score": 50.85000000000001 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 27.203999999999994, + "f1": 26.60134413072989, + "main_score": 27.203999999999994 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 34.878, + "f1": 33.072592092252314, + "main_score": 34.878 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 31.557999999999993, + "f1": 30.866094552542624, + "main_score": 31.557999999999993 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 22.706, + "f1": 22.23195837325246, + "main_score": 22.706 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 22.349999999999998, + "f1": 21.80183891680617, + "main_score": 22.349999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/ArguAna.json b/results/Labib11__MUG-B-1.6/external/ArguAna.json new file mode 100644 index 000000000..38ad14340 --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/ArguAna.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 41.892, + "map_at_10": 57.989999999999995, + "map_at_100": 58.45, + "map_at_1000": 58.453, + "map_at_20": 58.392999999999994, + "map_at_3": 53.746, + "map_at_5": 56.566, + "mrr_at_1": 43.314, + "mrr_at_10": 58.535000000000004, + "mrr_at_100": 58.975, + "mrr_at_1000": 58.977999999999994, + "mrr_at_20": 58.916999999999994, + "mrr_at_3": 54.303000000000004, + "mrr_at_5": 57.055, + "ndcg_at_1": 41.892, + "ndcg_at_10": 66.176, + "ndcg_at_100": 67.958, + "ndcg_at_1000": 68.00699999999999, + "ndcg_at_20": 67.565, + "ndcg_at_3": 57.691, + "ndcg_at_5": 62.766, + "precision_at_1": 41.892, + "precision_at_10": 9.189, + "precision_at_100": 0.993, + "precision_at_1000": 0.1, + "precision_at_20": 4.861, + "precision_at_3": 23.044, + "precision_at_5": 16.287, + "recall_at_1": 41.892, + "recall_at_10": 91.892, + "recall_at_100": 99.289, + "recall_at_1000": 99.644, + "recall_at_20": 97.226, + "recall_at_3": 69.132, + "recall_at_5": 81.437, + "main_score": 66.176 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/ArxivClusteringP2P.json b/results/Labib11__MUG-B-1.6/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..fe9489d14 --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 49.03486273664411, + "main_score": 49.03486273664411 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/ArxivClusteringS2S.json b/results/Labib11__MUG-B-1.6/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..47039737a --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 43.04797567338598, + "main_score": 43.04797567338598 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/AskUbuntuDupQuestions.json b/results/Labib11__MUG-B-1.6/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..51455c8a1 --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 64.29499572176032, + "mrr": 77.28861627753592, + "main_score": 64.29499572176032 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/BIOSSES.json b/results/Labib11__MUG-B-1.6/external/BIOSSES.json new file mode 100644 index 000000000..629b539ed --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 89.53248242133246, + "cos_sim_spearman": 88.38032705871927, + "euclidean_pearson": 87.77994445569084, + "euclidean_spearman": 88.38032705871927, + "manhattan_pearson": 87.52369210088627, + "manhattan_spearman": 88.27972235673434, + "cosine_pearson": 89.53248242133246, + "cosine_spearman": 88.38032705871927, + "main_score": 88.38032705871927 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/Banking77Classification.json b/results/Labib11__MUG-B-1.6/external/Banking77Classification.json new file mode 100644 index 000000000..b4c92a2dd --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 85.4090909090909, + "f1": 84.87743757972068, + "main_score": 85.4090909090909 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/BiorxivClusteringP2P.json b/results/Labib11__MUG-B-1.6/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..af7301287 --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.73840151083438, + "main_score": 39.73840151083438 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/BiorxivClusteringS2S.json b/results/Labib11__MUG-B-1.6/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..024f01429 --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.565075977998966, + "main_score": 36.565075977998966 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/CQADupstackAndroidRetrieval.json b/results/Labib11__MUG-B-1.6/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..37347b593 --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "f46a197baaae43b4f621051089b82a364682dfeb", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 33.082, + "map_at_10": 44.787, + "map_at_100": 46.322, + "map_at_1000": 46.446, + "map_at_20": 45.572, + "map_at_3": 40.913, + "map_at_5": 42.922, + "mrr_at_1": 40.629, + "mrr_at_10": 51.119, + "mrr_at_100": 51.783, + "mrr_at_1000": 51.82, + "mrr_at_20": 51.49700000000001, + "mrr_at_3": 48.355, + "mrr_at_5": 49.979, + "ndcg_at_1": 40.629, + "ndcg_at_10": 51.647, + "ndcg_at_100": 56.923, + "ndcg_at_1000": 58.682, + "ndcg_at_20": 53.457, + "ndcg_at_3": 46.065, + "ndcg_at_5": 48.352000000000004, + "precision_at_1": 40.629, + "precision_at_10": 10.072000000000001, + "precision_at_100": 1.5939999999999999, + "precision_at_1000": 0.20600000000000002, + "precision_at_20": 5.908, + "precision_at_3": 22.222, + "precision_at_5": 15.937000000000001, + "recall_at_1": 33.082, + "recall_at_10": 64.55300000000001, + "recall_at_100": 86.86399999999999, + "recall_at_1000": 97.667, + "recall_at_20": 70.988, + "recall_at_3": 48.067, + "recall_at_5": 54.763, + "main_score": 51.647 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/CQADupstackEnglishRetrieval.json b/results/Labib11__MUG-B-1.6/external/CQADupstackEnglishRetrieval.json new file mode 100644 index 000000000..f20242031 --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/CQADupstackEnglishRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "ad9991cb51e31e31e430383c75ffb2885547b5f0", + "task_name": "CQADupstackEnglishRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.272, + "map_at_10": 42.620000000000005, + "map_at_100": 43.936, + "map_at_1000": 44.066, + "map_at_20": 43.349, + "map_at_3": 39.458, + "map_at_5": 41.351, + "mrr_at_1": 40.127, + "mrr_at_10": 48.437000000000005, + "mrr_at_100": 49.096000000000004, + "mrr_at_1000": 49.14, + "mrr_at_20": 48.847, + "mrr_at_3": 46.21, + "mrr_at_5": 47.561, + "ndcg_at_1": 40.127, + "ndcg_at_10": 48.209999999999994, + "ndcg_at_100": 52.632, + "ndcg_at_1000": 54.59, + "ndcg_at_20": 50.012, + "ndcg_at_3": 43.996, + "ndcg_at_5": 46.122, + "precision_at_1": 40.127, + "precision_at_10": 9.051, + "precision_at_100": 1.465, + "precision_at_1000": 0.193, + "precision_at_20": 5.35, + "precision_at_3": 21.104, + "precision_at_5": 15.146, + "recall_at_1": 32.272, + "recall_at_10": 57.870999999999995, + "recall_at_100": 76.211, + "recall_at_1000": 88.389, + "recall_at_20": 64.354, + "recall_at_3": 45.426, + "recall_at_5": 51.23799999999999, + "main_score": 48.209999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/CQADupstackGamingRetrieval.json b/results/Labib11__MUG-B-1.6/external/CQADupstackGamingRetrieval.json new file mode 100644 index 000000000..0eda711e8 --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/CQADupstackGamingRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "4885aa143210c98657558c04aaf3dc47cfb54340", + "task_name": "CQADupstackGamingRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.261, + "map_at_10": 53.400000000000006, + "map_at_100": 54.42399999999999, + "map_at_1000": 54.473000000000006, + "map_at_20": 54.052, + "map_at_3": 49.763000000000005, + "map_at_5": 51.878, + "mrr_at_1": 46.019, + "mrr_at_10": 56.653, + "mrr_at_100": 57.28, + "mrr_at_1000": 57.303000000000004, + "mrr_at_20": 57.057, + "mrr_at_3": 53.971000000000004, + "mrr_at_5": 55.632000000000005, + "ndcg_at_1": 46.019, + "ndcg_at_10": 59.597, + "ndcg_at_100": 63.452, + "ndcg_at_1000": 64.434, + "ndcg_at_20": 61.404, + "ndcg_at_3": 53.620999999999995, + "ndcg_at_5": 56.688, + "precision_at_1": 46.019, + "precision_at_10": 9.748999999999999, + "precision_at_100": 1.261, + "precision_at_1000": 0.13799999999999998, + "precision_at_20": 5.436, + "precision_at_3": 24.075, + "precision_at_5": 16.715, + "recall_at_1": 40.261, + "recall_at_10": 74.522, + "recall_at_100": 91.014, + "recall_at_1000": 98.017, + "recall_at_20": 81.186, + "recall_at_3": 58.72500000000001, + "recall_at_5": 66.23599999999999, + "main_score": 59.597 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/CQADupstackGisRetrieval.json b/results/Labib11__MUG-B-1.6/external/CQADupstackGisRetrieval.json new file mode 100644 index 000000000..1c97d19f1 --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/CQADupstackGisRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "5003b3064772da1887988e05400cf3806fe491f2", + "task_name": "CQADupstackGisRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.666, + "map_at_10": 36.744, + "map_at_100": 37.794, + "map_at_1000": 37.865, + "map_at_20": 37.336999999999996, + "map_at_3": 33.833999999999996, + "map_at_5": 35.61, + "mrr_at_1": 29.944, + "mrr_at_10": 38.838, + "mrr_at_100": 39.765, + "mrr_at_1000": 39.818999999999996, + "mrr_at_20": 39.373000000000005, + "mrr_at_3": 36.234, + "mrr_at_5": 37.844, + "ndcg_at_1": 29.944, + "ndcg_at_10": 41.986000000000004, + "ndcg_at_100": 47.05, + "ndcg_at_1000": 48.897, + "ndcg_at_20": 43.989, + "ndcg_at_3": 36.452, + "ndcg_at_5": 39.395, + "precision_at_1": 29.944, + "precision_at_10": 6.4750000000000005, + "precision_at_100": 0.946, + "precision_at_1000": 0.11399999999999999, + "precision_at_20": 3.6839999999999997, + "precision_at_3": 15.443000000000001, + "precision_at_5": 10.96, + "recall_at_1": 27.666, + "recall_at_10": 56.172999999999995, + "recall_at_100": 79.142, + "recall_at_1000": 93.013, + "recall_at_20": 63.695, + "recall_at_3": 41.285, + "recall_at_5": 48.36, + "main_score": 41.986000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/CQADupstackMathematicaRetrieval.json b/results/Labib11__MUG-B-1.6/external/CQADupstackMathematicaRetrieval.json new file mode 100644 index 000000000..becee9eea --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/CQADupstackMathematicaRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "90fceea13679c63fe563ded68f3b6f06e50061de", + "task_name": "CQADupstackMathematicaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.939, + "map_at_10": 27.301, + "map_at_100": 28.485, + "map_at_1000": 28.616000000000003, + "map_at_20": 27.843, + "map_at_3": 24.342, + "map_at_5": 26.259, + "mrr_at_1": 22.761, + "mrr_at_10": 32.391, + "mrr_at_100": 33.297, + "mrr_at_1000": 33.361000000000004, + "mrr_at_20": 32.845, + "mrr_at_3": 29.498, + "mrr_at_5": 31.375999999999998, + "ndcg_at_1": 22.761, + "ndcg_at_10": 33.036, + "ndcg_at_100": 38.743, + "ndcg_at_1000": 41.568, + "ndcg_at_20": 34.838, + "ndcg_at_3": 27.803, + "ndcg_at_5": 30.781, + "precision_at_1": 22.761, + "precision_at_10": 6.132, + "precision_at_100": 1.031, + "precision_at_1000": 0.14200000000000002, + "precision_at_20": 3.582, + "precision_at_3": 13.474, + "precision_at_5": 10.123999999999999, + "recall_at_1": 17.939, + "recall_at_10": 45.515, + "recall_at_100": 70.56700000000001, + "recall_at_1000": 90.306, + "recall_at_20": 51.946999999999996, + "recall_at_3": 31.459, + "recall_at_5": 39.007, + "main_score": 33.036 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/CQADupstackPhysicsRetrieval.json b/results/Labib11__MUG-B-1.6/external/CQADupstackPhysicsRetrieval.json new file mode 100644 index 000000000..ed7fe33ad --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/CQADupstackPhysicsRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "79531abbd1fb92d06c6d6315a0cbbbf5bb247ea4", + "task_name": "CQADupstackPhysicsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.156, + "map_at_10": 42.317, + "map_at_100": 43.742, + "map_at_1000": 43.852000000000004, + "map_at_20": 43.147999999999996, + "map_at_3": 38.981, + "map_at_5": 40.827000000000005, + "mrr_at_1": 38.401999999999994, + "mrr_at_10": 48.141, + "mrr_at_100": 48.991, + "mrr_at_1000": 49.03, + "mrr_at_20": 48.665000000000006, + "mrr_at_3": 45.684999999999995, + "mrr_at_5": 47.042, + "ndcg_at_1": 38.401999999999994, + "ndcg_at_10": 48.541000000000004, + "ndcg_at_100": 54.063, + "ndcg_at_1000": 56.005, + "ndcg_at_20": 50.895999999999994, + "ndcg_at_3": 43.352000000000004, + "ndcg_at_5": 45.769, + "precision_at_1": 38.401999999999994, + "precision_at_10": 8.738999999999999, + "precision_at_100": 1.335, + "precision_at_1000": 0.16999999999999998, + "precision_at_20": 5.164, + "precision_at_3": 20.468, + "precision_at_5": 14.437, + "recall_at_1": 31.156, + "recall_at_10": 61.172000000000004, + "recall_at_100": 83.772, + "recall_at_1000": 96.192, + "recall_at_20": 69.223, + "recall_at_3": 46.628, + "recall_at_5": 53.032000000000004, + "main_score": 48.541000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/CQADupstackProgrammersRetrieval.json b/results/Labib11__MUG-B-1.6/external/CQADupstackProgrammersRetrieval.json new file mode 100644 index 000000000..7193e4428 --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/CQADupstackProgrammersRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "6184bc1440d2dbc7612be22b50686b8826d22b32", + "task_name": "CQADupstackProgrammersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.741999999999997, + "map_at_10": 36.937, + "map_at_100": 38.452, + "map_at_1000": 38.557, + "map_at_20": 37.858999999999995, + "map_at_3": 33.579, + "map_at_5": 35.415, + "mrr_at_1": 32.991, + "mrr_at_10": 42.297000000000004, + "mrr_at_100": 43.282, + "mrr_at_1000": 43.332, + "mrr_at_20": 42.95, + "mrr_at_3": 39.707, + "mrr_at_5": 41.162, + "ndcg_at_1": 32.991, + "ndcg_at_10": 43.004999999999995, + "ndcg_at_100": 49.053000000000004, + "ndcg_at_1000": 51.166999999999994, + "ndcg_at_20": 45.785, + "ndcg_at_3": 37.589, + "ndcg_at_5": 40.007999999999996, + "precision_at_1": 32.991, + "precision_at_10": 8.025, + "precision_at_100": 1.268, + "precision_at_1000": 0.163, + "precision_at_20": 4.846, + "precision_at_3": 17.922, + "precision_at_5": 13.059000000000001, + "recall_at_1": 26.741999999999997, + "recall_at_10": 55.635999999999996, + "recall_at_100": 80.798, + "recall_at_1000": 94.918, + "recall_at_20": 65.577, + "recall_at_3": 40.658, + "recall_at_5": 46.812, + "main_score": 43.004999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/CQADupstackStatsRetrieval.json b/results/Labib11__MUG-B-1.6/external/CQADupstackStatsRetrieval.json new file mode 100644 index 000000000..fe4de3ebb --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/CQADupstackStatsRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "65ac3a16b8e91f9cee4c9828cc7c335575432a2a", + "task_name": "CQADupstackStatsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.389999999999997, + "map_at_10": 34.107, + "map_at_100": 35.022999999999996, + "map_at_1000": 35.13, + "map_at_20": 34.605999999999995, + "map_at_3": 32.021, + "map_at_5": 32.948, + "mrr_at_1": 30.982, + "mrr_at_10": 37.345, + "mrr_at_100": 38.096999999999994, + "mrr_at_1000": 38.179, + "mrr_at_20": 37.769000000000005, + "mrr_at_3": 35.481, + "mrr_at_5": 36.293, + "ndcg_at_1": 30.982, + "ndcg_at_10": 38.223, + "ndcg_at_100": 42.686, + "ndcg_at_1000": 45.352, + "ndcg_at_20": 39.889, + "ndcg_at_3": 34.259, + "ndcg_at_5": 35.664, + "precision_at_1": 30.982, + "precision_at_10": 5.7669999999999995, + "precision_at_100": 0.877, + "precision_at_1000": 0.11800000000000001, + "precision_at_20": 3.3360000000000003, + "precision_at_3": 14.264, + "precision_at_5": 9.54, + "recall_at_1": 27.389999999999997, + "recall_at_10": 48.009, + "recall_at_100": 68.244, + "recall_at_1000": 87.943, + "recall_at_20": 54.064, + "recall_at_3": 36.813, + "recall_at_5": 40.321, + "main_score": 38.223 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/CQADupstackTexRetrieval.json b/results/Labib11__MUG-B-1.6/external/CQADupstackTexRetrieval.json new file mode 100644 index 000000000..456e0cd5b --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/CQADupstackTexRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "46989137a86843e03a6195de44b09deda022eec7", + "task_name": "CQADupstackTexRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.249000000000002, + "map_at_10": 25.907000000000004, + "map_at_100": 27.105, + "map_at_1000": 27.233, + "map_at_20": 26.541999999999998, + "map_at_3": 23.376, + "map_at_5": 24.673000000000002, + "mrr_at_1": 21.989, + "mrr_at_10": 29.846, + "mrr_at_100": 30.808999999999997, + "mrr_at_1000": 30.885, + "mrr_at_20": 30.384, + "mrr_at_3": 27.46, + "mrr_at_5": 28.758, + "ndcg_at_1": 21.989, + "ndcg_at_10": 30.874000000000002, + "ndcg_at_100": 36.504999999999995, + "ndcg_at_1000": 39.314, + "ndcg_at_20": 32.952999999999996, + "ndcg_at_3": 26.249, + "ndcg_at_5": 28.229, + "precision_at_1": 21.989, + "precision_at_10": 5.705, + "precision_at_100": 0.9990000000000001, + "precision_at_1000": 0.14100000000000001, + "precision_at_20": 3.4459999999999997, + "precision_at_3": 12.377, + "precision_at_5": 8.961, + "recall_at_1": 18.249000000000002, + "recall_at_10": 41.824, + "recall_at_100": 67.071, + "recall_at_1000": 86.863, + "recall_at_20": 49.573, + "recall_at_3": 28.92, + "recall_at_5": 34.003, + "main_score": 30.874000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/CQADupstackUnixRetrieval.json b/results/Labib11__MUG-B-1.6/external/CQADupstackUnixRetrieval.json new file mode 100644 index 000000000..f38960f4a --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/CQADupstackUnixRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "6c6430d3a6d36f8d2a829195bc5dc94d7e063e53", + "task_name": "CQADupstackUnixRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.602999999999998, + "map_at_10": 36.818, + "map_at_100": 37.894, + "map_at_1000": 37.991, + "map_at_20": 37.389, + "map_at_3": 33.615, + "map_at_5": 35.432, + "mrr_at_1": 31.53, + "mrr_at_10": 41.144, + "mrr_at_100": 41.937999999999995, + "mrr_at_1000": 41.993, + "mrr_at_20": 41.585, + "mrr_at_3": 38.385999999999996, + "mrr_at_5": 39.995000000000005, + "ndcg_at_1": 31.53, + "ndcg_at_10": 42.792, + "ndcg_at_100": 47.749, + "ndcg_at_1000": 49.946, + "ndcg_at_20": 44.59, + "ndcg_at_3": 37.025000000000006, + "ndcg_at_5": 39.811, + "precision_at_1": 31.53, + "precision_at_10": 7.2669999999999995, + "precision_at_100": 1.109, + "precision_at_1000": 0.14100000000000001, + "precision_at_20": 4.184, + "precision_at_3": 16.791, + "precision_at_5": 12.09, + "recall_at_1": 26.602999999999998, + "recall_at_10": 56.730999999999995, + "recall_at_100": 78.119, + "recall_at_1000": 93.458, + "recall_at_20": 63.00599999999999, + "recall_at_3": 41.306, + "recall_at_5": 48.004999999999995, + "main_score": 42.792 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/CQADupstackWebmastersRetrieval.json b/results/Labib11__MUG-B-1.6/external/CQADupstackWebmastersRetrieval.json new file mode 100644 index 000000000..e5ed3716c --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/CQADupstackWebmastersRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "160c094312a0e1facb97e55eeddb698c0abe3571", + "task_name": "CQADupstackWebmastersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.988, + "map_at_10": 33.650999999999996, + "map_at_100": 35.263, + "map_at_1000": 35.481, + "map_at_20": 34.463, + "map_at_3": 30.330000000000002, + "map_at_5": 32.056000000000004, + "mrr_at_1": 29.644, + "mrr_at_10": 38.987, + "mrr_at_100": 39.973, + "mrr_at_1000": 40.013, + "mrr_at_20": 39.553, + "mrr_at_3": 36.001, + "mrr_at_5": 37.869, + "ndcg_at_1": 29.644, + "ndcg_at_10": 40.156, + "ndcg_at_100": 46.244, + "ndcg_at_1000": 48.483, + "ndcg_at_20": 42.311, + "ndcg_at_3": 34.492, + "ndcg_at_5": 37.118, + "precision_at_1": 29.644, + "precision_at_10": 7.925, + "precision_at_100": 1.5890000000000002, + "precision_at_1000": 0.245, + "precision_at_20": 4.97, + "precision_at_3": 16.469, + "precision_at_5": 12.174, + "recall_at_1": 23.988, + "recall_at_10": 52.844, + "recall_at_100": 80.143, + "recall_at_1000": 93.884, + "recall_at_20": 61.050000000000004, + "recall_at_3": 36.720000000000006, + "recall_at_5": 43.614999999999995, + "main_score": 40.156 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/CQADupstackWordpressRetrieval.json b/results/Labib11__MUG-B-1.6/external/CQADupstackWordpressRetrieval.json new file mode 100644 index 000000000..84eda07a6 --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/CQADupstackWordpressRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "4ffe81d471b1924886b33c7567bfb200e9eec5c4", + "task_name": "CQADupstackWordpressRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.947, + "map_at_10": 29.902, + "map_at_100": 30.916, + "map_at_1000": 31.016, + "map_at_20": 30.497999999999998, + "map_at_3": 27.044, + "map_at_5": 28.786, + "mrr_at_1": 23.845, + "mrr_at_10": 32.073, + "mrr_at_100": 32.940999999999995, + "mrr_at_1000": 33.015, + "mrr_at_20": 32.603, + "mrr_at_3": 29.205, + "mrr_at_5": 31.044, + "ndcg_at_1": 23.845, + "ndcg_at_10": 34.79, + "ndcg_at_100": 39.573, + "ndcg_at_1000": 42.163000000000004, + "ndcg_at_20": 36.778, + "ndcg_at_3": 29.326, + "ndcg_at_5": 32.289, + "precision_at_1": 23.845, + "precision_at_10": 5.527, + "precision_at_100": 0.847, + "precision_at_1000": 0.11900000000000001, + "precision_at_20": 3.2439999999999998, + "precision_at_3": 12.384, + "precision_at_5": 9.205, + "recall_at_1": 21.947, + "recall_at_10": 47.713, + "recall_at_100": 69.299, + "recall_at_1000": 88.593, + "recall_at_20": 55.032000000000004, + "recall_at_3": 33.518, + "recall_at_5": 40.427, + "main_score": 34.79 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/ClimateFEVER.json b/results/Labib11__MUG-B-1.6/external/ClimateFEVER.json new file mode 100644 index 000000000..7cb6e4657 --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/ClimateFEVER.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 13.655999999999999, + "map_at_10": 23.954, + "map_at_100": 26.07, + "map_at_1000": 26.266000000000002, + "map_at_20": 25.113000000000003, + "map_at_3": 19.85, + "map_at_5": 21.792, + "mrr_at_1": 31.075000000000003, + "mrr_at_10": 43.480000000000004, + "mrr_at_100": 44.39, + "mrr_at_1000": 44.42, + "mrr_at_20": 44.06, + "mrr_at_3": 40.38, + "mrr_at_5": 42.138999999999996, + "ndcg_at_1": 31.075000000000003, + "ndcg_at_10": 33.129999999999995, + "ndcg_at_100": 40.794000000000004, + "ndcg_at_1000": 44.062, + "ndcg_at_20": 36.223, + "ndcg_at_3": 27.224999999999998, + "ndcg_at_5": 28.969, + "precision_at_1": 31.075000000000003, + "precision_at_10": 10.476, + "precision_at_100": 1.864, + "precision_at_1000": 0.247, + "precision_at_20": 6.593, + "precision_at_3": 20.456, + "precision_at_5": 15.440000000000001, + "recall_at_1": 13.655999999999999, + "recall_at_10": 39.678000000000004, + "recall_at_100": 65.523, + "recall_at_1000": 83.59100000000001, + "recall_at_20": 48.27, + "recall_at_3": 24.863, + "recall_at_5": 30.453999999999997, + "main_score": 33.129999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/DBPedia.json b/results/Labib11__MUG-B-1.6/external/DBPedia.json new file mode 100644 index 000000000..175b5a0cd --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/DBPedia.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.139, + "map_at_10": 20.366999999999997, + "map_at_100": 29.755, + "map_at_1000": 31.563999999999997, + "map_at_20": 24.021, + "map_at_3": 14.395, + "map_at_5": 16.853, + "mrr_at_1": 69.0, + "mrr_at_10": 76.778, + "mrr_at_100": 77.116, + "mrr_at_1000": 77.12299999999999, + "mrr_at_20": 77.046, + "mrr_at_3": 75.208, + "mrr_at_5": 76.146, + "ndcg_at_1": 57.125, + "ndcg_at_10": 42.84, + "ndcg_at_100": 48.686, + "ndcg_at_1000": 56.294, + "ndcg_at_20": 42.717, + "ndcg_at_3": 46.842, + "ndcg_at_5": 44.248, + "precision_at_1": 69.0, + "precision_at_10": 34.625, + "precision_at_100": 11.468, + "precision_at_1000": 2.17, + "precision_at_20": 26.562, + "precision_at_3": 50.917, + "precision_at_5": 43.35, + "recall_at_1": 9.139, + "recall_at_10": 26.247999999999998, + "recall_at_100": 56.647000000000006, + "recall_at_1000": 80.784, + "recall_at_20": 35.010999999999996, + "recall_at_3": 15.57, + "recall_at_5": 19.198, + "main_score": 42.84 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/EmotionClassification.json b/results/Labib11__MUG-B-1.6/external/EmotionClassification.json new file mode 100644 index 000000000..88e39edf3 --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 55.93, + "f1": 49.35314406745291, + "main_score": 55.93 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/FEVER.json b/results/Labib11__MUG-B-1.6/external/FEVER.json new file mode 100644 index 000000000..599d55100 --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/FEVER.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 73.198, + "map_at_10": 81.736, + "map_at_100": 82.02000000000001, + "map_at_1000": 82.03399999999999, + "map_at_20": 81.937, + "map_at_3": 80.692, + "map_at_5": 81.369, + "mrr_at_1": 78.803, + "mrr_at_10": 86.144, + "mrr_at_100": 86.263, + "mrr_at_1000": 86.26599999999999, + "mrr_at_20": 86.235, + "mrr_at_3": 85.464, + "mrr_at_5": 85.95, + "ndcg_at_1": 78.803, + "ndcg_at_10": 85.442, + "ndcg_at_100": 86.422, + "ndcg_at_1000": 86.68900000000001, + "ndcg_at_20": 85.996, + "ndcg_at_3": 83.839, + "ndcg_at_5": 84.768, + "precision_at_1": 78.803, + "precision_at_10": 10.261000000000001, + "precision_at_100": 1.0959999999999999, + "precision_at_1000": 0.11399999999999999, + "precision_at_20": 5.286, + "precision_at_3": 32.083, + "precision_at_5": 19.898, + "recall_at_1": 73.198, + "recall_at_10": 92.42099999999999, + "recall_at_100": 96.28, + "recall_at_1000": 97.995, + "recall_at_20": 94.36, + "recall_at_3": 88.042, + "recall_at_5": 90.429, + "main_score": 85.442 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/FiQA2018.json b/results/Labib11__MUG-B-1.6/external/FiQA2018.json new file mode 100644 index 000000000..8da76ee6a --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/FiQA2018.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.583, + "map_at_10": 36.503, + "map_at_100": 38.529, + "map_at_1000": 38.701, + "map_at_20": 37.69, + "map_at_3": 31.807000000000002, + "map_at_5": 34.424, + "mrr_at_1": 43.827, + "mrr_at_10": 53.528, + "mrr_at_100": 54.291, + "mrr_at_1000": 54.32599999999999, + "mrr_at_20": 54.064, + "mrr_at_3": 51.25999999999999, + "mrr_at_5": 52.641000000000005, + "ndcg_at_1": 43.827, + "ndcg_at_10": 44.931, + "ndcg_at_100": 51.778999999999996, + "ndcg_at_1000": 54.532000000000004, + "ndcg_at_20": 47.899, + "ndcg_at_3": 41.062, + "ndcg_at_5": 42.33, + "precision_at_1": 43.827, + "precision_at_10": 12.608, + "precision_at_100": 1.974, + "precision_at_1000": 0.247, + "precision_at_20": 7.585, + "precision_at_3": 27.778000000000002, + "precision_at_5": 20.308999999999997, + "recall_at_1": 21.583, + "recall_at_10": 52.332, + "recall_at_100": 77.256, + "recall_at_1000": 93.613, + "recall_at_20": 61.413, + "recall_at_3": 37.477, + "recall_at_5": 44.184, + "main_score": 44.931 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/HotpotQA.json b/results/Labib11__MUG-B-1.6/external/HotpotQA.json new file mode 100644 index 000000000..4017882e0 --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/HotpotQA.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 39.845000000000006, + "map_at_10": 64.331, + "map_at_100": 65.202, + "map_at_1000": 65.261, + "map_at_20": 64.833, + "map_at_3": 60.663, + "map_at_5": 62.94, + "mrr_at_1": 79.689, + "mrr_at_10": 85.299, + "mrr_at_100": 85.461, + "mrr_at_1000": 85.466, + "mrr_at_20": 85.39099999999999, + "mrr_at_3": 84.396, + "mrr_at_5": 84.974, + "ndcg_at_1": 79.689, + "ndcg_at_10": 72.49, + "ndcg_at_100": 75.485, + "ndcg_at_1000": 76.563, + "ndcg_at_20": 73.707, + "ndcg_at_3": 67.381, + "ndcg_at_5": 70.207, + "precision_at_1": 79.689, + "precision_at_10": 15.267, + "precision_at_100": 1.7610000000000001, + "precision_at_1000": 0.19, + "precision_at_20": 8.024000000000001, + "precision_at_3": 43.363, + "precision_at_5": 28.248, + "recall_at_1": 39.845000000000006, + "recall_at_10": 76.334, + "recall_at_100": 88.042, + "recall_at_1000": 95.09100000000001, + "recall_at_20": 80.243, + "recall_at_3": 65.044, + "recall_at_5": 70.621, + "main_score": 72.49 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/ImdbClassification.json b/results/Labib11__MUG-B-1.6/external/ImdbClassification.json new file mode 100644 index 000000000..32d24c54c --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.57079999999999, + "ap": 90.50045924786099, + "f1": 93.56673497845476, + "main_score": 93.57079999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/MSMARCO.json b/results/Labib11__MUG-B-1.6/external/MSMARCO.json new file mode 100644 index 000000000..08ac88b87 --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/MSMARCO.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.212, + "map_at_10": 34.528, + "map_at_100": 35.69, + "map_at_1000": 35.74, + "map_at_20": 35.251, + "map_at_3": 30.628, + "map_at_5": 32.903999999999996, + "mrr_at_1": 22.794, + "mrr_at_10": 35.160000000000004, + "mrr_at_100": 36.251, + "mrr_at_1000": 36.295, + "mrr_at_20": 35.845, + "mrr_at_3": 31.328, + "mrr_at_5": 33.574, + "ndcg_at_1": 22.779, + "ndcg_at_10": 41.461, + "ndcg_at_100": 47.049, + "ndcg_at_1000": 48.254000000000005, + "ndcg_at_20": 44.031, + "ndcg_at_3": 33.561, + "ndcg_at_5": 37.62, + "precision_at_1": 22.779, + "precision_at_10": 6.552, + "precision_at_100": 0.936, + "precision_at_1000": 0.104, + "precision_at_20": 3.8120000000000003, + "precision_at_3": 14.274000000000001, + "precision_at_5": 10.622, + "recall_at_1": 22.212, + "recall_at_10": 62.732, + "recall_at_100": 88.567, + "recall_at_1000": 97.727, + "recall_at_20": 72.733, + "recall_at_3": 41.367, + "recall_at_5": 51.105999999999995, + "main_score": 41.461 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/MTOPDomainClassification.json b/results/Labib11__MUG-B-1.6/external/MTOPDomainClassification.json new file mode 100644 index 000000000..f1f0b19dd --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/MTOPDomainClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 94.24988600091199, + "f1": 94.06064583085202, + "main_score": 94.24988600091199 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 74.86052409129333, + "f1": 72.24661442078647, + "main_score": 74.86052409129333 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 77.09139426284189, + "f1": 76.3725044443502, + "main_score": 77.09139426284189 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 79.79956154087064, + "f1": 78.41859658401724, + "main_score": 79.79956154087064 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 32.785944783076374, + "f1": 31.182237278594922, + "main_score": 32.785944783076374 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 16.654611211573236, + "f1": 12.088413093236642, + "main_score": 16.654611211573236 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/MTOPIntentClassification.json b/results/Labib11__MUG-B-1.6/external/MTOPIntentClassification.json new file mode 100644 index 000000000..7d0038d97 --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/MTOPIntentClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 67.51481988144094, + "f1": 49.561420234732125, + "main_score": 67.51481988144094 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 42.36122851507467, + "f1": 25.445030887504398, + "main_score": 42.36122851507467 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 44.73315543695797, + "f1": 28.42075153540265, + "main_score": 44.73315543695797 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 38.96022549326651, + "f1": 25.926979537146106, + "main_score": 38.96022549326651 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 13.578343492291141, + "f1": 8.929295550931657, + "main_score": 13.578343492291141 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 5.396021699819168, + "f1": 1.8587148785378742, + "main_score": 5.396021699819168 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/MassiveIntentClassification.json b/results/Labib11__MUG-B-1.6/external/MassiveIntentClassification.json new file mode 100644 index 000000000..95524f2c9 --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/MassiveIntentClassification.json @@ -0,0 +1,469 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 37.22259583053128, + "f1": 34.63013680947778, + "main_score": 37.22259583053128 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 3.194351042367182, + "f1": 1.2612010214639442, + "main_score": 3.194351042367182 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 14.26361802286483, + "f1": 13.70260406613821, + "main_score": 14.26361802286483 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 37.21923335574983, + "f1": 36.33553913878251, + "main_score": 37.21923335574983 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 10.756556825823807, + "f1": 9.676431920229374, + "main_score": 10.756556825823807 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 32.49831876260928, + "f1": 30.818895782691868, + "main_score": 32.49831876260928 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 40.995292535305985, + "f1": 37.68768183180129, + "main_score": 40.995292535305985 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 42.780766644250164, + "f1": 37.82194830667135, + "main_score": 42.780766644250164 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 33.490248823133825, + "f1": 29.71809045584527, + "main_score": 33.490248823133825 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.8836583725622, + "f1": 72.16381047416814, + "main_score": 73.8836583725622 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 44.45191661062542, + "f1": 43.46583297093683, + "main_score": 44.45191661062542 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 26.738399462004036, + "f1": 24.11896530001951, + "main_score": 26.738399462004036 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 38.09683927370545, + "f1": 35.34443269387154, + "main_score": 38.09683927370545 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 46.89307330195024, + "f1": 43.47164092514292, + "main_score": 46.89307330195024 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 25.198386012104912, + "f1": 22.446286736401916, + "main_score": 25.198386012104912 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 13.940820443846672, + "f1": 13.257747189396213, + "main_score": 13.940820443846672 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 34.710827168796236, + "f1": 32.036974696095996, + "main_score": 34.710827168796236 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 6.711499663752522, + "f1": 5.439441019096591, + "main_score": 6.711499663752522 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 38.56758574310693, + "f1": 36.83183505458304, + "main_score": 38.56758574310693 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 32.22595830531271, + "f1": 30.10972675771159, + "main_score": 32.22595830531271 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 45.79690652320107, + "f1": 44.37143784350453, + "main_score": 45.79690652320107 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 29.189643577673163, + "f1": 25.43718135312703, + "main_score": 29.189643577673163 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 34.21990585070612, + "f1": 32.333592263041396, + "main_score": 34.21990585070612 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 8.890383322125084, + "f1": 7.294310113130201, + "main_score": 8.890383322125084 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 4.616677874915938, + "f1": 1.5028537477535886, + "main_score": 4.616677874915938 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 3.170813718897109, + "f1": 1.5771411815826382, + "main_score": 3.170813718897109 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 15.026899798251513, + "f1": 14.077395255366183, + "main_score": 15.026899798251513 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 36.0995292535306, + "f1": 35.0877269083235, + "main_score": 36.0995292535306 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 2.9959650302622727, + "f1": 0.8064424547273695, + "main_score": 2.9959650302622727 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 23.301950235373234, + "f1": 22.477376205075853, + "main_score": 23.301950235373234 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 36.13315400134499, + "f1": 32.99623898888715, + "main_score": 36.13315400134499 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 3.813046402151983, + "f1": 1.1769597223141248, + "main_score": 3.813046402151983 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 39.66711499663752, + "f1": 35.921474753569214, + "main_score": 39.66711499663752 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 41.079354404841965, + "f1": 37.57739961852201, + "main_score": 41.079354404841965 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 38.211163416274374, + "f1": 34.89419275422068, + "main_score": 38.211163416274374 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 45.19838601210491, + "f1": 42.71660225307043, + "main_score": 45.19838601210491 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 39.48554135843981, + "f1": 37.47402102847154, + "main_score": 39.48554135843981 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 31.819098856758576, + "f1": 30.120158288509725, + "main_score": 31.819098856758576 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 35.44720914593141, + "f1": 33.74530063536304, + "main_score": 35.44720914593141 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 36.89307330195024, + "f1": 34.46971619696105, + "main_score": 36.89307330195024 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 38.83322125084062, + "f1": 36.050770344888264, + "main_score": 38.83322125084062 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 37.535305985205106, + "f1": 35.21395700670493, + "main_score": 37.535305985205106 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 7.905178211163418, + "f1": 6.163513326325246, + "main_score": 7.905178211163418 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 2.8480161398789514, + "f1": 1.0163931337986962, + "main_score": 2.8480161398789514 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 10.501008742434433, + "f1": 6.858549418430471, + "main_score": 10.501008742434433 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 39.46536650975118, + "f1": 34.96292597328575, + "main_score": 39.46536650975118 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 37.50168123739071, + "f1": 35.031097269820464, + "main_score": 37.50168123739071 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 16.109616677874918, + "f1": 15.884609726192519, + "main_score": 16.109616677874918 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 36.11297915265636, + "f1": 34.59918716321474, + "main_score": 36.11297915265636 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 18.850033624747812, + "f1": 15.09584388649328, + "main_score": 18.850033624747812 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 17.219233355749832, + "f1": 14.538046039008337, + "main_score": 17.219233355749832 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/MassiveScenarioClassification.json b/results/Labib11__MUG-B-1.6/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..62e1cf650 --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/MassiveScenarioClassification.json @@ -0,0 +1,469 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 47.79757901815736, + "f1": 45.078250421193324, + "main_score": 47.79757901815736 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 7.078009414929388, + "f1": 4.0122456300041645, + "main_score": 7.078009414929388 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 22.831203765971754, + "f1": 20.131610050816555, + "main_score": 22.831203765971754 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 44.952925353059854, + "f1": 42.6865575762921, + "main_score": 44.952925353059854 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 16.593813046402154, + "f1": 14.087144503044291, + "main_score": 16.593813046402154 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 37.91862811028917, + "f1": 34.968402727911915, + "main_score": 37.91862811028917 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 51.923335574983184, + "f1": 49.357147840776335, + "main_score": 51.923335574983184 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 58.73570948217889, + "f1": 54.92084137819753, + "main_score": 58.73570948217889 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 42.995965030262276, + "f1": 38.47512542753069, + "main_score": 42.995965030262276 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.42098184263618, + "f1": 77.03413816048877, + "main_score": 77.42098184263618 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 54.46536650975118, + "f1": 53.08520810835907, + "main_score": 54.46536650975118 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 30.578345662407525, + "f1": 28.822998245702635, + "main_score": 30.578345662407525 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 43.567585743106925, + "f1": 39.79216651714347, + "main_score": 43.567585743106925 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 56.98722259583053, + "f1": 55.31168113501439, + "main_score": 56.98722259583053 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 28.076664425016812, + "f1": 24.927348965627573, + "main_score": 28.076664425016812 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 18.096839273705445, + "f1": 17.386603595777103, + "main_score": 18.096839273705445 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 41.73839946200403, + "f1": 38.65545902563735, + "main_score": 41.73839946200403 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 11.536650975117688, + "f1": 10.898336694524854, + "main_score": 11.536650975117688 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 46.9502353732347, + "f1": 44.332561323528644, + "main_score": 46.9502353732347 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 42.777404169468724, + "f1": 39.378117766055354, + "main_score": 42.777404169468724 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 54.6469401479489, + "f1": 52.512025274851794, + "main_score": 54.6469401479489 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 35.90114324142569, + "f1": 34.90331274712605, + "main_score": 35.90114324142569 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 42.51176866173504, + "f1": 39.417541845685676, + "main_score": 42.51176866173504 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 13.799596503026226, + "f1": 11.587556164962251, + "main_score": 13.799596503026226 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 9.44855413584398, + "f1": 4.30711077076907, + "main_score": 9.44855413584398 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 8.157363819771351, + "f1": 5.5588908736809515, + "main_score": 8.157363819771351 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 19.909213180901144, + "f1": 18.964761241087984, + "main_score": 19.909213180901144 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 40.47747141896436, + "f1": 38.17159556642586, + "main_score": 40.47747141896436 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 6.701412239408204, + "f1": 3.621974155647488, + "main_score": 6.701412239408204 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 28.55413584398117, + "f1": 26.582548923662753, + "main_score": 28.55413584398117 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 46.617350369872234, + "f1": 41.35397419267425, + "main_score": 46.617350369872234 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 9.976462676529927, + "f1": 5.900764382768462, + "main_score": 9.976462676529927 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 50.894418291862806, + "f1": 47.70929403771086, + "main_score": 50.894418291862806 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 51.761936785474106, + "f1": 48.42797973062516, + "main_score": 51.761936785474106 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 46.21385339609952, + "f1": 43.7081546200347, + "main_score": 46.21385339609952 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 55.59852051109617, + "f1": 54.19610878409633, + "main_score": 55.59852051109617 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 50.54135843981169, + "f1": 47.79393938467311, + "main_score": 50.54135843981169 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 37.73032952252858, + "f1": 35.96450149708041, + "main_score": 37.73032952252858 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 41.67114996637525, + "f1": 40.28283538885605, + "main_score": 41.67114996637525 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 47.38063214525891, + "f1": 44.93264016007152, + "main_score": 47.38063214525891 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 49.28379287155347, + "f1": 46.25486396570196, + "main_score": 49.28379287155347 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 44.18291862811029, + "f1": 41.17519157172804, + "main_score": 44.18291862811029 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 12.599193006052452, + "f1": 11.129236666238377, + "main_score": 12.599193006052452 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 7.017484868863484, + "f1": 3.9665415549749077, + "main_score": 7.017484868863484 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 19.788164088769335, + "f1": 15.783384761347582, + "main_score": 19.788164088769335 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 50.35978480161398, + "f1": 47.30586047800275, + "main_score": 50.35978480161398 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 45.484196368527236, + "f1": 44.65101184252231, + "main_score": 45.484196368527236 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 23.681909885675857, + "f1": 22.247817138937524, + "main_score": 23.681909885675857 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 41.63080026899798, + "f1": 39.546896741744, + "main_score": 41.63080026899798 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 30.141223940820446, + "f1": 28.177838960078123, + "main_score": 30.141223940820446 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 27.515131136516473, + "f1": 26.514325837594654, + "main_score": 27.515131136516473 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/MedrxivClusteringP2P.json b/results/Labib11__MUG-B-1.6/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..7e2799839 --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.70592767911301, + "main_score": 33.70592767911301 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/MedrxivClusteringS2S.json b/results/Labib11__MUG-B-1.6/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..e7e5580e9 --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.80943770643908, + "main_score": 31.80943770643908 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/MindSmallReranking.json b/results/Labib11__MUG-B-1.6/external/MindSmallReranking.json new file mode 100644 index 000000000..7f8879365 --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 32.66434973425713, + "mrr": 33.92240574935323, + "main_score": 32.66434973425713 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/NFCorpus.json b/results/Labib11__MUG-B-1.6/external/NFCorpus.json new file mode 100644 index 000000000..0cbd2ea29 --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/NFCorpus.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.561999999999999, + "map_at_10": 14.854000000000001, + "map_at_100": 19.187, + "map_at_1000": 20.812, + "map_at_20": 16.744, + "map_at_3": 10.804, + "map_at_5": 12.555, + "mrr_at_1": 48.916, + "mrr_at_10": 57.644, + "mrr_at_100": 58.17, + "mrr_at_1000": 58.206, + "mrr_at_20": 57.969, + "mrr_at_3": 55.36600000000001, + "mrr_at_5": 56.729, + "ndcg_at_1": 46.594, + "ndcg_at_10": 37.897999999999996, + "ndcg_at_100": 35.711, + "ndcg_at_1000": 44.65, + "ndcg_at_20": 35.989, + "ndcg_at_3": 42.869, + "ndcg_at_5": 40.373, + "precision_at_1": 48.297000000000004, + "precision_at_10": 28.297, + "precision_at_100": 9.099, + "precision_at_1000": 2.229, + "precision_at_20": 21.455, + "precision_at_3": 40.248, + "precision_at_5": 34.675, + "recall_at_1": 6.561999999999999, + "recall_at_10": 19.205, + "recall_at_100": 36.742999999999995, + "recall_at_1000": 69.119, + "recall_at_20": 23.787, + "recall_at_3": 11.918, + "recall_at_5": 14.860000000000001, + "main_score": 37.897999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/NQ.json b/results/Labib11__MUG-B-1.6/external/NQ.json new file mode 100644 index 000000000..3492e30d3 --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/NQ.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.306, + "map_at_10": 46.916999999999994, + "map_at_100": 47.899, + "map_at_1000": 47.925000000000004, + "map_at_20": 47.583, + "map_at_3": 42.235, + "map_at_5": 45.118, + "mrr_at_1": 34.327999999999996, + "mrr_at_10": 49.248999999999995, + "mrr_at_100": 49.96, + "mrr_at_1000": 49.977, + "mrr_at_20": 49.738, + "mrr_at_3": 45.403999999999996, + "mrr_at_5": 47.786, + "ndcg_at_1": 34.327999999999996, + "ndcg_at_10": 55.123999999999995, + "ndcg_at_100": 59.136, + "ndcg_at_1000": 59.71300000000001, + "ndcg_at_20": 57.232000000000006, + "ndcg_at_3": 46.48, + "ndcg_at_5": 51.237, + "precision_at_1": 34.327999999999996, + "precision_at_10": 9.261, + "precision_at_100": 1.1520000000000001, + "precision_at_1000": 0.121, + "precision_at_20": 5.148, + "precision_at_3": 21.523999999999997, + "precision_at_5": 15.659999999999998, + "recall_at_1": 30.306, + "recall_at_10": 77.65100000000001, + "recall_at_100": 94.841, + "recall_at_1000": 99.119, + "recall_at_20": 85.37599999999999, + "recall_at_3": 55.562, + "recall_at_5": 66.5, + "main_score": 55.123999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/QuoraRetrieval.json b/results/Labib11__MUG-B-1.6/external/QuoraRetrieval.json new file mode 100644 index 000000000..c11e5210a --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/QuoraRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "e4e08e0b7dbe3c8700f0daef558ff32256715259", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 71.516, + "map_at_10": 85.48400000000001, + "map_at_100": 86.11, + "map_at_1000": 86.124, + "map_at_20": 85.895, + "map_at_3": 82.606, + "map_at_5": 84.395, + "mrr_at_1": 82.38, + "mrr_at_10": 88.31099999999999, + "mrr_at_100": 88.407, + "mrr_at_1000": 88.407, + "mrr_at_20": 88.385, + "mrr_at_3": 87.42699999999999, + "mrr_at_5": 88.034, + "ndcg_at_1": 82.39999999999999, + "ndcg_at_10": 89.07300000000001, + "ndcg_at_100": 90.23400000000001, + "ndcg_at_1000": 90.304, + "ndcg_at_20": 89.714, + "ndcg_at_3": 86.42699999999999, + "ndcg_at_5": 87.856, + "precision_at_1": 82.39999999999999, + "precision_at_10": 13.499, + "precision_at_100": 1.536, + "precision_at_1000": 0.157, + "precision_at_20": 7.155, + "precision_at_3": 37.846999999999994, + "precision_at_5": 24.778, + "recall_at_1": 71.516, + "recall_at_10": 95.831, + "recall_at_100": 99.714, + "recall_at_1000": 99.979, + "recall_at_20": 97.87599999999999, + "recall_at_3": 88.08, + "recall_at_5": 92.285, + "main_score": 89.07300000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/RedditClustering.json b/results/Labib11__MUG-B-1.6/external/RedditClustering.json new file mode 100644 index 000000000..e3aebfdfb --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 61.3760407207699, + "main_score": 61.3760407207699 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/RedditClusteringP2P.json b/results/Labib11__MUG-B-1.6/external/RedditClusteringP2P.json new file mode 100644 index 000000000..431caa263 --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 65.28621066626943, + "main_score": 65.28621066626943 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/SCIDOCS.json b/results/Labib11__MUG-B-1.6/external/SCIDOCS.json new file mode 100644 index 000000000..49254ba45 --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/SCIDOCS.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "f8c2fcf00f625baaa80f62ec5bd9e1fff3b8ae88", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.163, + "map_at_10": 14.377, + "map_at_100": 17.177, + "map_at_1000": 17.588, + "map_at_20": 15.827, + "map_at_3": 9.879, + "map_at_5": 12.133, + "mrr_at_1": 25.5, + "mrr_at_10": 38.435, + "mrr_at_100": 39.573, + "mrr_at_1000": 39.606, + "mrr_at_20": 39.134, + "mrr_at_3": 34.666999999999994, + "mrr_at_5": 37.117, + "ndcg_at_1": 25.5, + "ndcg_at_10": 23.688000000000002, + "ndcg_at_100": 33.849000000000004, + "ndcg_at_1000": 39.879, + "ndcg_at_20": 27.36, + "ndcg_at_3": 22.009999999999998, + "ndcg_at_5": 19.691, + "precision_at_1": 25.5, + "precision_at_10": 12.540000000000001, + "precision_at_100": 2.721, + "precision_at_1000": 0.415, + "precision_at_20": 8.385, + "precision_at_3": 21.099999999999998, + "precision_at_5": 17.84, + "recall_at_1": 5.163, + "recall_at_10": 25.405, + "recall_at_100": 55.213, + "recall_at_1000": 84.243, + "recall_at_20": 34.003, + "recall_at_3": 12.837000000000002, + "recall_at_5": 18.096999999999998, + "main_score": 23.688000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/SICK-R.json b/results/Labib11__MUG-B-1.6/external/SICK-R.json new file mode 100644 index 000000000..8ee8a5ddc --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.64406884822948, + "cos_sim_spearman": 83.00239648251724, + "euclidean_pearson": 85.03347205351844, + "euclidean_spearman": 83.00240733538445, + "manhattan_pearson": 85.0312758694447, + "manhattan_spearman": 82.99430696077589, + "cosine_pearson": 87.64406884822948, + "cosine_spearman": 83.00239648251724, + "main_score": 83.00239648251724 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/STS12.json b/results/Labib11__MUG-B-1.6/external/STS12.json new file mode 100644 index 000000000..517e7c8aa --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.68832340658764, + "cos_sim_spearman": 79.21679373212476, + "euclidean_pearson": 85.17094885886415, + "euclidean_spearman": 79.21421345946399, + "manhattan_pearson": 85.17409319145995, + "manhattan_spearman": 79.20992207976401, + "cosine_pearson": 87.68832340658764, + "cosine_spearman": 79.21679373212476, + "main_score": 79.21679373212476 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/STS13.json b/results/Labib11__MUG-B-1.6/external/STS13.json new file mode 100644 index 000000000..3db31c737 --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.43733084958856, + "cos_sim_spearman": 89.43082089321751, + "euclidean_pearson": 88.63286785416938, + "euclidean_spearman": 89.43082081372343, + "manhattan_pearson": 88.62969346368385, + "manhattan_spearman": 89.43131586189746, + "cosine_pearson": 88.43733084958856, + "cosine_spearman": 89.43082089321751, + "main_score": 89.43082089321751 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/STS14.json b/results/Labib11__MUG-B-1.6/external/STS14.json new file mode 100644 index 000000000..f3a4aaf1f --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.62185532014894, + "cos_sim_spearman": 84.7923120886599, + "euclidean_pearson": 85.99786490539253, + "euclidean_spearman": 84.79231064318844, + "manhattan_pearson": 85.97647892920392, + "manhattan_spearman": 84.76865232132103, + "cosine_pearson": 86.62185532014894, + "cosine_spearman": 84.7923120886599, + "main_score": 84.7923120886599 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/STS15.json b/results/Labib11__MUG-B-1.6/external/STS15.json new file mode 100644 index 000000000..23c5f20cf --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.39303997282114, + "cos_sim_spearman": 89.54273264876765, + "euclidean_pearson": 88.8848627924181, + "euclidean_spearman": 89.54275013645078, + "manhattan_pearson": 88.86926987108802, + "manhattan_spearman": 89.53259197721715, + "cosine_pearson": 88.39303997282114, + "cosine_spearman": 89.54273264876765, + "main_score": 89.54273264876765 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/STS16.json b/results/Labib11__MUG-B-1.6/external/STS16.json new file mode 100644 index 000000000..66cf9d03f --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.21814352466886, + "cos_sim_spearman": 86.68505223422434, + "euclidean_pearson": 86.07422446469991, + "euclidean_spearman": 86.68505161067375, + "manhattan_pearson": 86.05114200797293, + "manhattan_spearman": 86.6587670422703, + "cosine_pearson": 85.21814352466886, + "cosine_spearman": 86.68505223422434, + "main_score": 86.68505223422434 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/STS17.json b/results/Labib11__MUG-B-1.6/external/STS17.json new file mode 100644 index 000000000..0c3fcb0e7 --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/STS17.json @@ -0,0 +1,182 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "ko-ko", + "languages": [ + "kor-Hang" + ], + "cos_sim_pearson": 39.17871768366095, + "cos_sim_spearman": 39.78510424960567, + "euclidean_pearson": 41.65680175653682, + "euclidean_spearman": 39.78538944779548, + "manhattan_pearson": 41.567603690394755, + "manhattan_spearman": 39.71393388259443, + "cosine_pearson": 39.17871768366095, + "cosine_spearman": 39.78510424960567, + "main_score": 39.78510424960567 + }, + { + "hf_subset": "ar-ar", + "languages": [ + "ara-Arab" + ], + "cos_sim_pearson": 49.26766904195114, + "cos_sim_spearman": 46.79722787057151, + "euclidean_pearson": 51.2329334717446, + "euclidean_spearman": 46.7920623095072, + "manhattan_pearson": 51.26488560860826, + "manhattan_spearman": 47.00400318665492, + "cosine_pearson": 49.26766904195114, + "cosine_spearman": 46.79722787057151, + "main_score": 46.79722787057151 + }, + { + "hf_subset": "en-ar", + "languages": [ + "eng-Latn", + "ara-Arab" + ], + "cos_sim_pearson": 1.6821294132202447, + "cos_sim_spearman": -0.7813676799492025, + "euclidean_pearson": 1.9197388753860283, + "euclidean_spearman": -0.7813676799492025, + "manhattan_pearson": 2.209862430499871, + "manhattan_spearman": -0.863014010062456, + "cosine_pearson": 1.6821294132202447, + "cosine_spearman": -0.7813676799492025, + "main_score": -0.7813676799492025 + }, + { + "hf_subset": "en-de", + "languages": [ + "eng-Latn", + "deu-Latn" + ], + "cos_sim_pearson": 48.76382428941107, + "cos_sim_spearman": 47.50280322999196, + "euclidean_pearson": 48.73919143974209, + "euclidean_spearman": 47.50280322999196, + "manhattan_pearson": 48.76291223862666, + "manhattan_spearman": 47.51318193687094, + "cosine_pearson": 48.76382428941107, + "cosine_spearman": 47.50280322999196, + "main_score": 47.50280322999196 + }, + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 89.6579390263212, + "cos_sim_spearman": 89.64423556388047, + "euclidean_pearson": 90.1160733522703, + "euclidean_spearman": 89.64423556388047, + "manhattan_pearson": 90.1528407376387, + "manhattan_spearman": 89.61290724496793, + "cosine_pearson": 89.6579390263212, + "cosine_spearman": 89.64423556388047, + "main_score": 89.64423556388047 + }, + { + "hf_subset": "en-tr", + "languages": [ + "eng-Latn", + "tur-Latn" + ], + "cos_sim_pearson": 6.717092266815236, + "cos_sim_spearman": 4.180543503488665, + "euclidean_pearson": 7.120267092048099, + "euclidean_spearman": 4.180543503488665, + "manhattan_pearson": 6.396237465828514, + "manhattan_spearman": 3.61244941411957, + "cosine_pearson": 6.717092266815236, + "cosine_spearman": 4.180543503488665, + "main_score": 4.180543503488665 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 44.36476614938953, + "cos_sim_spearman": 44.265723809500685, + "euclidean_pearson": 44.61551298711104, + "euclidean_spearman": 44.265723809500685, + "manhattan_pearson": 44.54302374682193, + "manhattan_spearman": 44.08642490624185, + "cosine_pearson": 44.36476614938953, + "cosine_spearman": 44.265723809500685, + "main_score": 44.265723809500685 + }, + { + "hf_subset": "es-es", + "languages": [ + "spa-Latn" + ], + "cos_sim_pearson": 79.64871991975828, + "cos_sim_spearman": 79.21979030014373, + "euclidean_pearson": 81.8672798988218, + "euclidean_spearman": 79.21950130108661, + "manhattan_pearson": 82.02131606326583, + "manhattan_spearman": 79.44848373553044, + "cosine_pearson": 79.64871991975828, + "cosine_spearman": 79.21979030014373, + "main_score": 79.21979030014373 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 48.73898658957231, + "cos_sim_spearman": 47.15192605817168, + "euclidean_pearson": 49.11990573381456, + "euclidean_spearman": 47.15192605817168, + "manhattan_pearson": 48.5694400358235, + "manhattan_spearman": 46.651326429708135, + "cosine_pearson": 48.73898658957231, + "cosine_spearman": 47.15192605817168, + "main_score": 47.15192605817168 + }, + { + "hf_subset": "it-en", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 44.42168074232218, + "cos_sim_spearman": 42.64799010889372, + "euclidean_pearson": 44.41376048324183, + "euclidean_spearman": 42.64799010889372, + "manhattan_pearson": 44.724522621427546, + "manhattan_spearman": 42.60912761758016, + "cosine_pearson": 44.42168074232218, + "cosine_spearman": 42.64799010889372, + "main_score": 42.64799010889372 + }, + { + "hf_subset": "nl-en", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 40.55050173163197, + "cos_sim_spearman": 36.59720399843921, + "euclidean_pearson": 41.49402389245919, + "euclidean_spearman": 36.59720399843921, + "manhattan_pearson": 41.877514420153666, + "manhattan_spearman": 36.782790653297695, + "cosine_pearson": 40.55050173163197, + "cosine_spearman": 36.59720399843921, + "main_score": 36.59720399843921 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/STS22.json b/results/Labib11__MUG-B-1.6/external/STS22.json new file mode 100644 index 000000000..40573d045 --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/STS22.json @@ -0,0 +1,288 @@ +{ + "dataset_revision": "eea2b4fe26a775864c896887d910b76a8098ad3f", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 69.44405106094861, + "cos_sim_spearman": 70.25621893108706, + "euclidean_pearson": 71.15726637696066, + "euclidean_spearman": 70.25621893108706, + "manhattan_pearson": 71.28565265298322, + "manhattan_spearman": 70.30317892414027, + "cosine_pearson": 69.44405106094861, + "cosine_spearman": 70.25621893108706, + "main_score": 70.25621893108706 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "cos_sim_pearson": 34.56638014500804, + "cos_sim_spearman": 39.48672765878819, + "euclidean_pearson": 31.61811391543846, + "euclidean_spearman": 39.48672765878819, + "manhattan_pearson": 31.839117286689977, + "manhattan_spearman": 39.71519891403971, + "cosine_pearson": 34.56638014500804, + "cosine_spearman": 39.48672765878819, + "main_score": 39.48672765878819 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "cos_sim_pearson": 53.72389957326714, + "cos_sim_spearman": 59.47018781803598, + "euclidean_pearson": 57.02101112722141, + "euclidean_spearman": 59.47018781803598, + "manhattan_pearson": 57.16531255049132, + "manhattan_spearman": 59.57320508684436, + "cosine_pearson": 53.72389957326714, + "cosine_spearman": 59.47018781803598, + "main_score": 59.47018781803598 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "cos_sim_pearson": 24.14602533311477, + "cos_sim_spearman": 35.38039329704056, + "euclidean_pearson": 13.540543553763765, + "euclidean_spearman": 35.38039329704056, + "manhattan_pearson": 13.566377379303256, + "manhattan_spearman": 35.88351047224126, + "cosine_pearson": 24.14602533311477, + "cosine_spearman": 35.38039329704056, + "main_score": 35.38039329704056 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "cos_sim_pearson": 39.07697432450346, + "cos_sim_spearman": 45.65479772235109, + "euclidean_pearson": 41.68913259791294, + "euclidean_spearman": 45.65479772235109, + "manhattan_pearson": 41.58872552392231, + "manhattan_spearman": 45.462070534023404, + "cosine_pearson": 39.07697432450346, + "cosine_spearman": 45.65479772235109, + "main_score": 45.65479772235109 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "cos_sim_pearson": 23.917322166825183, + "cos_sim_spearman": 25.06042767518008, + "euclidean_pearson": 24.29850435278771, + "euclidean_spearman": 25.06042767518008, + "manhattan_pearson": 24.461400062927154, + "manhattan_spearman": 25.285239684773046, + "cosine_pearson": 23.917322166825183, + "cosine_spearman": 25.06042767518008, + "main_score": 25.06042767518008 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "cos_sim_pearson": 20.39987623162105, + "cos_sim_spearman": 30.62427846964406, + "euclidean_pearson": 20.817950942480323, + "euclidean_spearman": 30.618700916425222, + "manhattan_pearson": 20.756787430880788, + "manhattan_spearman": 30.813116243628436, + "cosine_pearson": 20.39987623162105, + "cosine_spearman": 30.62427846964406, + "main_score": 30.62427846964406 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 43.838363041373974, + "cos_sim_spearman": 54.17598089882719, + "euclidean_pearson": 47.51044033919419, + "euclidean_spearman": 54.17598089882719, + "manhattan_pearson": 47.54911083403354, + "manhattan_spearman": 54.2562151204606, + "cosine_pearson": 43.838363041373974, + "cosine_spearman": 54.17598089882719, + "main_score": 54.17598089882719 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 77.69372699157654, + "cos_sim_spearman": 79.88201388457435, + "euclidean_pearson": 78.81259581302578, + "euclidean_spearman": 79.88201388457435, + "manhattan_pearson": 78.85098508555477, + "manhattan_spearman": 80.20154858554835, + "cosine_pearson": 77.69372699157654, + "cosine_spearman": 79.88201388457435, + "main_score": 79.88201388457435 + }, + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 51.83713469138834, + "cos_sim_spearman": 54.2205845288082, + "euclidean_pearson": 54.14828396506985, + "euclidean_spearman": 54.2205845288082, + "manhattan_pearson": 54.10701855179347, + "manhattan_spearman": 54.30261135461622, + "cosine_pearson": 51.83713469138834, + "cosine_spearman": 54.2205845288082, + "main_score": 54.2205845288082 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 61.59147752554915, + "cos_sim_spearman": 66.65350021824162, + "euclidean_pearson": 62.577915098325434, + "euclidean_spearman": 66.65350021824162, + "manhattan_pearson": 62.22817675366819, + "manhattan_spearman": 66.35054389546214, + "cosine_pearson": 61.59147752554915, + "cosine_spearman": 66.65350021824162, + "main_score": 66.65350021824162 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "cos_sim_pearson": 65.23775897743552, + "cos_sim_spearman": 68.1509652709288, + "euclidean_pearson": 66.17577980319408, + "euclidean_spearman": 68.1509652709288, + "manhattan_pearson": 66.40051933918704, + "manhattan_spearman": 68.37138808382802, + "cosine_pearson": 65.23775897743552, + "cosine_spearman": 68.1509652709288, + "main_score": 68.1509652709288 + }, + { + "hf_subset": "pl-en", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 61.943863830043725, + "cos_sim_spearman": 62.699440972016774, + "euclidean_pearson": 62.810366501196, + "euclidean_spearman": 62.699440972016774, + "manhattan_pearson": 63.13065659868621, + "manhattan_spearman": 63.314141373703215, + "cosine_pearson": 61.943863830043725, + "cosine_spearman": 62.699440972016774, + "main_score": 62.699440972016774 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "cos_sim_pearson": 48.1108866326284, + "cos_sim_spearman": 49.25274096772371, + "euclidean_pearson": 47.87203797435136, + "euclidean_spearman": 49.25274096772371, + "manhattan_pearson": 47.39927722979605, + "manhattan_spearman": 48.76629586560382, + "cosine_pearson": 48.1108866326284, + "cosine_spearman": 49.25274096772371, + "main_score": 49.25274096772371 + }, + { + "hf_subset": "es-it", + "languages": [ + "spa-Latn", + "ita-Latn" + ], + "cos_sim_pearson": 58.58401639298775, + "cos_sim_spearman": 64.37272828346495, + "euclidean_pearson": 61.03680632288844, + "euclidean_spearman": 64.37272828346495, + "manhattan_pearson": 61.381331848220675, + "manhattan_spearman": 65.01053960017909, + "cosine_pearson": 58.58401639298775, + "cosine_spearman": 64.37272828346495, + "main_score": 64.37272828346495 + }, + { + "hf_subset": "de-fr", + "languages": [ + "deu-Latn", + "fra-Latn" + ], + "cos_sim_pearson": 44.374682063416735, + "cos_sim_spearman": 48.907776246550185, + "euclidean_pearson": 45.473260322201284, + "euclidean_spearman": 48.907776246550185, + "manhattan_pearson": 46.051779591771854, + "manhattan_spearman": 49.69297213757249, + "cosine_pearson": 44.374682063416735, + "cosine_spearman": 48.907776246550185, + "main_score": 48.907776246550185 + }, + { + "hf_subset": "de-pl", + "languages": [ + "deu-Latn", + "pol-Latn" + ], + "cos_sim_pearson": 31.55497030143048, + "cos_sim_spearman": 33.042073055100396, + "euclidean_pearson": 33.548707962408955, + "euclidean_spearman": 33.042073055100396, + "manhattan_pearson": 31.704989941561873, + "manhattan_spearman": 31.56395608711827, + "cosine_pearson": 31.55497030143048, + "cosine_spearman": 33.042073055100396, + "main_score": 33.042073055100396 + }, + { + "hf_subset": "fr-pl", + "languages": [ + "fra-Latn", + "pol-Latn" + ], + "cos_sim_pearson": 51.253093232573036, + "cos_sim_spearman": 39.440531887330785, + "euclidean_pearson": 51.42758694144294, + "euclidean_spearman": 39.440531887330785, + "manhattan_pearson": 49.623915715149394, + "manhattan_spearman": 39.440531887330785, + "cosine_pearson": 51.253093232573036, + "cosine_spearman": 39.440531887330785, + "main_score": 39.440531887330785 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/STSBenchmark.json b/results/Labib11__MUG-B-1.6/external/STSBenchmark.json new file mode 100644 index 000000000..9e65c4bcf --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.61260941646887, + "cos_sim_spearman": 88.96384726759047, + "euclidean_pearson": 88.72268994912045, + "euclidean_spearman": 88.96384726759047, + "manhattan_pearson": 88.72080954591475, + "manhattan_spearman": 88.92379960545995, + "cosine_pearson": 87.61260941646887, + "cosine_spearman": 88.96384726759047, + "main_score": 88.96384726759047 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/SciDocsRR.json b/results/Labib11__MUG-B-1.6/external/SciDocsRR.json new file mode 100644 index 000000000..404468d44 --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 87.64768404690723, + "mrr": 96.25675341361615, + "main_score": 87.64768404690723 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/SciFact.json b/results/Labib11__MUG-B-1.6/external/SciFact.json new file mode 100644 index 000000000..3b9b02b2b --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/SciFact.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 61.194, + "map_at_10": 70.62899999999999, + "map_at_100": 71.119, + "map_at_1000": 71.14200000000001, + "map_at_20": 71.033, + "map_at_3": 67.51899999999999, + "map_at_5": 69.215, + "mrr_at_1": 63.666999999999994, + "mrr_at_10": 71.456, + "mrr_at_100": 71.844, + "mrr_at_1000": 71.866, + "mrr_at_20": 71.769, + "mrr_at_3": 69.167, + "mrr_at_5": 70.39999999999999, + "ndcg_at_1": 63.666999999999994, + "ndcg_at_10": 75.14, + "ndcg_at_100": 77.071, + "ndcg_at_1000": 77.55199999999999, + "ndcg_at_20": 76.491, + "ndcg_at_3": 69.836, + "ndcg_at_5": 72.263, + "precision_at_1": 63.666999999999994, + "precision_at_10": 10.0, + "precision_at_100": 1.093, + "precision_at_1000": 0.11299999999999999, + "precision_at_20": 5.3, + "precision_at_3": 27.0, + "precision_at_5": 17.867, + "recall_at_1": 61.194, + "recall_at_10": 88.156, + "recall_at_100": 96.5, + "recall_at_1000": 100.0, + "recall_at_20": 93.389, + "recall_at_3": 73.839, + "recall_at_5": 79.828, + "main_score": 75.14 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/SprintDuplicateQuestions.json b/results/Labib11__MUG-B-1.6/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..987d6f041 --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.87425742574257, + "cos_sim_ap": 96.97141655369937, + "cos_sim_f1": 93.6910084451068, + "cos_sim_precision": 93.0898321816387, + "cos_sim_recall": 94.3, + "dot_accuracy": 99.87425742574257, + "dot_ap": 96.97141655369938, + "dot_f1": 93.6910084451068, + "dot_precision": 93.0898321816387, + "dot_recall": 94.3, + "euclidean_accuracy": 99.87425742574257, + "euclidean_ap": 96.97141655369938, + "euclidean_f1": 93.6910084451068, + "euclidean_precision": 93.0898321816387, + "euclidean_recall": 94.3, + "manhattan_accuracy": 99.87425742574257, + "manhattan_ap": 96.98252972861131, + "manhattan_f1": 93.68473396320238, + "manhattan_precision": 93.17507418397626, + "manhattan_recall": 94.19999999999999, + "max_accuracy": 99.87425742574257, + "max_ap": 96.98252972861131, + "max_f1": 93.6910084451068, + "main_score": 96.98252972861131 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/StackExchangeClustering.json b/results/Labib11__MUG-B-1.6/external/StackExchangeClustering.json new file mode 100644 index 000000000..7c322ed4e --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 66.5976926394361, + "main_score": 66.5976926394361 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/StackExchangeClusteringP2P.json b/results/Labib11__MUG-B-1.6/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..456c15507 --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.3221929214798, + "main_score": 36.3221929214798 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/StackOverflowDupQuestions.json b/results/Labib11__MUG-B-1.6/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..0e2a3e87b --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 55.28322662897131, + "mrr": 56.223620129870135, + "main_score": 55.28322662897131 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/SummEval.json b/results/Labib11__MUG-B-1.6/external/SummEval.json new file mode 100644 index 000000000..0e4ba3c74 --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.176396304511282, + "cos_sim_spearman": 32.11989671564906, + "dot_pearson": 31.17639740597169, + "dot_spearman": 32.145586989831564, + "cosine_pearson": 31.176396304511282, + "cosine_spearman": 32.11989671564906, + "main_score": 32.11989671564906 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/TRECCOVID.json b/results/Labib11__MUG-B-1.6/external/TRECCOVID.json new file mode 100644 index 000000000..44cfaa635 --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/TRECCOVID.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "bb9466bac8153a0349341eb1b22e06409e78ef4e", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.186, + "map_at_10": 1.659, + "map_at_100": 9.224, + "map_at_1000": 22.506999999999998, + "map_at_20": 2.937, + "map_at_3": 0.5539999999999999, + "map_at_5": 0.8920000000000001, + "mrr_at_1": 72.0, + "mrr_at_10": 82.633, + "mrr_at_100": 82.633, + "mrr_at_1000": 82.633, + "mrr_at_20": 82.633, + "mrr_at_3": 80.333, + "mrr_at_5": 82.633, + "ndcg_at_1": 69.0, + "ndcg_at_10": 67.327, + "ndcg_at_100": 51.626000000000005, + "ndcg_at_1000": 47.396, + "ndcg_at_20": 63.665000000000006, + "ndcg_at_3": 68.95, + "ndcg_at_5": 69.241, + "precision_at_1": 72.0, + "precision_at_10": 71.6, + "precision_at_100": 53.22, + "precision_at_1000": 20.721999999999998, + "precision_at_20": 67.30000000000001, + "precision_at_3": 72.667, + "precision_at_5": 74.0, + "recall_at_1": 0.186, + "recall_at_10": 1.932, + "recall_at_100": 12.883, + "recall_at_1000": 44.511, + "recall_at_20": 3.583, + "recall_at_3": 0.601, + "recall_at_5": 1.0, + "main_score": 67.327 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/Touche2020.json b/results/Labib11__MUG-B-1.6/external/Touche2020.json new file mode 100644 index 000000000..7963a5ee1 --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/Touche2020.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.308, + "map_at_10": 9.744, + "map_at_100": 15.859000000000002, + "map_at_1000": 17.396, + "map_at_20": 12.49, + "map_at_3": 4.848, + "map_at_5": 6.912999999999999, + "mrr_at_1": 32.653, + "mrr_at_10": 47.207, + "mrr_at_100": 48.116, + "mrr_at_1000": 48.116, + "mrr_at_20": 47.735, + "mrr_at_3": 42.857, + "mrr_at_5": 44.285999999999994, + "ndcg_at_1": 28.571, + "ndcg_at_10": 24.421, + "ndcg_at_100": 35.961, + "ndcg_at_1000": 47.541, + "ndcg_at_20": 25.999, + "ndcg_at_3": 25.333, + "ndcg_at_5": 25.532, + "precision_at_1": 32.653, + "precision_at_10": 22.448999999999998, + "precision_at_100": 7.571, + "precision_at_1000": 1.5310000000000001, + "precision_at_20": 17.959, + "precision_at_3": 26.531, + "precision_at_5": 26.122, + "recall_at_1": 2.308, + "recall_at_10": 16.075, + "recall_at_100": 47.357, + "recall_at_1000": 82.659, + "recall_at_20": 24.554000000000002, + "recall_at_3": 5.909, + "recall_at_5": 9.718, + "main_score": 24.421 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/ToxicConversationsClassification.json b/results/Labib11__MUG-B-1.6/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..6a494b167 --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 67.2998046875, + "ap": 12.796222498684031, + "f1": 51.7465070845071, + "main_score": 67.2998046875 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/TweetSentimentExtractionClassification.json b/results/Labib11__MUG-B-1.6/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..73c3e7213 --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.76004527447652, + "f1": 61.88985723942393, + "main_score": 61.76004527447652 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/TwentyNewsgroupsClustering.json b/results/Labib11__MUG-B-1.6/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..a20e9833d --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 52.69229715788263, + "main_score": 52.69229715788263 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/TwitterSemEval2015.json b/results/Labib11__MUG-B-1.6/external/TwitterSemEval2015.json new file mode 100644 index 000000000..2fd95314c --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 87.42325803182929, + "cos_sim_ap": 78.29203513753492, + "cos_sim_f1": 71.33160557818093, + "cos_sim_precision": 67.00672385810341, + "cos_sim_recall": 76.2532981530343, + "dot_accuracy": 87.42325803182929, + "dot_ap": 78.29208368244002, + "dot_f1": 71.33160557818093, + "dot_precision": 67.00672385810341, + "dot_recall": 76.2532981530343, + "euclidean_accuracy": 87.42325803182929, + "euclidean_ap": 78.29202838891078, + "euclidean_f1": 71.33160557818093, + "euclidean_precision": 67.00672385810341, + "euclidean_recall": 76.2532981530343, + "manhattan_accuracy": 87.42325803182929, + "manhattan_ap": 78.23964459648822, + "manhattan_f1": 71.1651728553137, + "manhattan_precision": 69.12935323383084, + "manhattan_recall": 73.3245382585752, + "max_accuracy": 87.42325803182929, + "max_ap": 78.29208368244002, + "max_f1": 71.33160557818093, + "main_score": 78.29208368244002 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/TwitterURLCorpus.json b/results/Labib11__MUG-B-1.6/external/TwitterURLCorpus.json new file mode 100644 index 000000000..db17429fe --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.00725734466566, + "cos_sim_ap": 86.1594112416402, + "cos_sim_f1": 78.544568993303, + "cos_sim_precision": 73.42484097756947, + "cos_sim_recall": 84.43178318447798, + "dot_accuracy": 89.00725734466566, + "dot_ap": 86.15940795129771, + "dot_f1": 78.544568993303, + "dot_precision": 73.42484097756947, + "dot_recall": 84.43178318447798, + "euclidean_accuracy": 89.00725734466566, + "euclidean_ap": 86.15939689541806, + "euclidean_f1": 78.544568993303, + "euclidean_precision": 73.42484097756947, + "euclidean_recall": 84.43178318447798, + "manhattan_accuracy": 88.97426941436721, + "manhattan_ap": 86.14154348065739, + "manhattan_f1": 78.53991175290814, + "manhattan_precision": 74.60339452719086, + "manhattan_recall": 82.91499846011703, + "max_accuracy": 89.00725734466566, + "max_ap": 86.1594112416402, + "max_f1": 78.544568993303, + "main_score": 86.1594112416402 + } + ] + } +} \ No newline at end of file diff --git a/results/Labib11__MUG-B-1.6/external/model_meta.json b/results/Labib11__MUG-B-1.6/external/model_meta.json new file mode 100644 index 000000000..802cd90b3 --- /dev/null +++ b/results/Labib11__MUG-B-1.6/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "Labib11/MUG-B-1.6", + "revision": "ee7247c4287125f08433d7e578e0ae85448687e4", + "release_date": "2024-05-08", + "languages": [], + "loader": null, + "n_parameters": 335141888, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 1024, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/AlloProfClusteringP2P.json b/results/Lajavaness__bilingual-embedding-base/external/AlloProfClusteringP2P.json new file mode 100644 index 000000000..737f9d83a --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/AlloProfClusteringP2P.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "392ba3f5bcc8c51f578786c1fc3dae648662cb9b", + "task_name": "AlloProfClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "v_measure": 64.71347977413274, + "v_measures": [ + 0.6276406100583347, + 0.6380984027637511, + 0.6322659733117469, + 0.652473343931587, + 0.6411502615838207 + ], + "main_score": 64.71347977413274 + }, + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "v_measure": 45.56886694296516, + "v_measures": [ + 0.4359417286866465, + 0.4218168523895086, + 0.419693469863105, + 0.4981808644314091, + 0.4546120704986696 + ], + "main_score": 45.56886694296516 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/AlloprofReranking.json b/results/Lajavaness__bilingual-embedding-base/external/AlloprofReranking.json new file mode 100644 index 000000000..7f85da4c3 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/AlloprofReranking.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "65393d0d7a08a10b4e348135e824f385d420b0fd", + "task_name": "AlloprofReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map": 70.45979049191963, + "mrr": 71.61250582558874, + "nAUC_map_diff1": 53.81172404763562, + "nAUC_map_max": 11.344605627946006, + "nAUC_mrr_diff1": 53.73572411920392, + "nAUC_mrr_max": 11.900785644756448, + "main_score": 70.45979049191963 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/AmazonCounterfactualClassification.json b/results/Lajavaness__bilingual-embedding-base/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..e5327efd5 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/AmazonCounterfactualClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.41791044776119, + "ap": 41.50313649654625, + "ap_weighted": 41.50313649654625, + "f1": 71.69242302886543, + "f1_weighted": 79.4051024757404, + "main_score": 77.41791044776119 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/AmazonPolarityClassification.json b/results/Lajavaness__bilingual-embedding-base/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..e5763124c --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/AmazonPolarityClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 89.51284999999999, + "ap": 85.78657792017795, + "ap_weighted": 85.78657792017795, + "f1": 89.48680521118494, + "f1_weighted": 89.48680521118494, + "main_score": 89.51284999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/AmazonReviewsClassification.json b/results/Lajavaness__bilingual-embedding-base/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..2fdebfea8 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/AmazonReviewsClassification.json @@ -0,0 +1,30 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 40.354, + "f1": 38.96127209677864, + "f1_weighted": 38.96127209677863, + "main_score": 40.354 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 46.096000000000004, + "f1": 44.75176024696358, + "f1_weighted": 44.75176024696358, + "main_score": 46.096000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/ArguAna.json b/results/Lajavaness__bilingual-embedding-base/external/ArguAna.json new file mode 100644 index 000000000..f8f7968f6 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/ArguAna.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.738000000000003, + "map_at_10": 42.992999999999995, + "map_at_100": 44.025999999999996, + "map_at_1000": 44.037, + "map_at_20": 43.838, + "map_at_3": 37.707, + "map_at_5": 40.851, + "mrr_at_1": 28.02275960170697, + "mrr_at_10": 43.129445234708385, + "mrr_at_100": 44.14842568065762, + "mrr_at_1000": 44.15944224906741, + "mrr_at_20": 43.9604803125253, + "mrr_at_3": 37.79042200094829, + "mrr_at_5": 40.937648174490285, + "nauc_map_at_1000_diff1": 7.819134326851951, + "nauc_map_at_1000_max": -5.363208805959698, + "nauc_map_at_100_diff1": 7.827581788081036, + "nauc_map_at_100_max": -5.343758430445495, + "nauc_map_at_10_diff1": 7.788779237579437, + "nauc_map_at_10_max": -5.212502829074271, + "nauc_map_at_1_diff1": 8.676582434483777, + "nauc_map_at_1_max": -9.028400174777206, + "nauc_map_at_20_diff1": 7.843647300531639, + "nauc_map_at_20_max": -5.171628909368918, + "nauc_map_at_3_diff1": 7.580280985257144, + "nauc_map_at_3_max": -6.508188744493309, + "nauc_map_at_5_diff1": 7.461255107228164, + "nauc_map_at_5_max": -5.150343094282473, + "nauc_mrr_at_1000_diff1": 6.911455227219296, + "nauc_mrr_at_1000_max": -5.866891482528428, + "nauc_mrr_at_100_diff1": 6.920215930616841, + "nauc_mrr_at_100_max": -5.847302915503507, + "nauc_mrr_at_10_diff1": 6.89637694159382, + "nauc_mrr_at_10_max": -5.7267515522713985, + "nauc_mrr_at_1_diff1": 7.784148492423344, + "nauc_mrr_at_1_max": -9.261177003486702, + "nauc_mrr_at_20_diff1": 6.941892867312857, + "nauc_mrr_at_20_max": -5.672366841914248, + "nauc_mrr_at_3_diff1": 6.655156176778528, + "nauc_mrr_at_3_max": -7.08130312539927, + "nauc_mrr_at_5_diff1": 6.474672753475723, + "nauc_mrr_at_5_max": -5.7771100192539455, + "nauc_ndcg_at_1000_diff1": 7.82257902156683, + "nauc_ndcg_at_1000_max": -4.284182821313092, + "nauc_ndcg_at_100_diff1": 7.982663390398444, + "nauc_ndcg_at_100_max": -3.829916815248607, + "nauc_ndcg_at_10_diff1": 7.940691283173258, + "nauc_ndcg_at_10_max": -2.759653230358356, + "nauc_ndcg_at_1_diff1": 8.676582434483777, + "nauc_ndcg_at_1_max": -9.028400174777206, + "nauc_ndcg_at_20_diff1": 8.216154898914834, + "nauc_ndcg_at_20_max": -2.5281250069887644, + "nauc_ndcg_at_3_diff1": 7.397192517335338, + "nauc_ndcg_at_3_max": -5.506567290248059, + "nauc_ndcg_at_5_diff1": 7.224597118942196, + "nauc_ndcg_at_5_max": -2.8306642442626635, + "nauc_precision_at_1000_diff1": -28.424446830488918, + "nauc_precision_at_1000_max": 15.2996011292648, + "nauc_precision_at_100_diff1": 13.817321356393311, + "nauc_precision_at_100_max": 35.62226207701842, + "nauc_precision_at_10_diff1": 9.129870306379654, + "nauc_precision_at_10_max": 10.371721765203494, + "nauc_precision_at_1_diff1": 8.676582434483777, + "nauc_precision_at_1_max": -9.028400174777206, + "nauc_precision_at_20_diff1": 14.378273723959786, + "nauc_precision_at_20_max": 29.411949476113275, + "nauc_precision_at_3_diff1": 6.924474252093112, + "nauc_precision_at_3_max": -2.589098226592611, + "nauc_precision_at_5_diff1": 6.523266339112172, + "nauc_precision_at_5_max": 5.387183619653168, + "nauc_recall_at_1000_diff1": -28.424446830487355, + "nauc_recall_at_1000_max": 15.299601129265062, + "nauc_recall_at_100_diff1": 13.817321356392966, + "nauc_recall_at_100_max": 35.62226207701895, + "nauc_recall_at_10_diff1": 9.129870306379667, + "nauc_recall_at_10_max": 10.371721765203487, + "nauc_recall_at_1_diff1": 8.676582434483777, + "nauc_recall_at_1_max": -9.028400174777206, + "nauc_recall_at_20_diff1": 14.378273723959634, + "nauc_recall_at_20_max": 29.411949476113342, + "nauc_recall_at_3_diff1": 6.924474252093177, + "nauc_recall_at_3_max": -2.589098226592573, + "nauc_recall_at_5_diff1": 6.5232663391122045, + "nauc_recall_at_5_max": 5.38718361965314, + "ndcg_at_1": 27.738000000000003, + "ndcg_at_10": 51.867, + "ndcg_at_100": 56.010000000000005, + "ndcg_at_1000": 56.25599999999999, + "ndcg_at_20": 54.872, + "ndcg_at_3": 41.041, + "ndcg_at_5": 46.7, + "precision_at_1": 27.738000000000003, + "precision_at_10": 8.036999999999999, + "precision_at_100": 0.9780000000000001, + "precision_at_1000": 0.1, + "precision_at_20": 4.605, + "precision_at_3": 16.904, + "precision_at_5": 12.888, + "recall_at_1": 27.738000000000003, + "recall_at_10": 80.36999999999999, + "recall_at_100": 97.795, + "recall_at_1000": 99.644, + "recall_at_20": 92.105, + "recall_at_3": 50.711, + "recall_at_5": 64.43799999999999, + "main_score": 51.867 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/ArxivClusteringP2P.json b/results/Lajavaness__bilingual-embedding-base/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..f6d05f8c3 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/ArxivClusteringP2P.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 44.25989960324142, + "v_measures": [ + 0.4355201593114565, + 0.43400969136008477, + 0.4621501390953121, + 0.4368716556310582, + 0.46142659337392417 + ], + "main_score": 44.25989960324142 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/ArxivClusteringS2S.json b/results/Lajavaness__bilingual-embedding-base/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..588c0723d --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/ArxivClusteringS2S.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.00514206925075, + "v_measures": [ + 0.38194577110919753, + 0.3641834175557571, + 0.3594175019099288, + 0.35392802860850453, + 0.36877397641003723 + ], + "main_score": 36.00514206925075 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/AskUbuntuDupQuestions.json b/results/Lajavaness__bilingual-embedding-base/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..0c3a507c2 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/AskUbuntuDupQuestions.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 59.2761176425466, + "mrr": 73.2264872708086, + "nAUC_map_diff1": 7.0068523566823835, + "nAUC_map_max": 21.51466581178718, + "nAUC_mrr_diff1": 16.619643437951563, + "nAUC_mrr_max": 32.302108972143714, + "main_score": 59.2761176425466 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/BIOSSES.json b/results/Lajavaness__bilingual-embedding-base/external/BIOSSES.json new file mode 100644 index 000000000..d9612169d --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.84186171115664, + "cos_sim_spearman": 87.13150342270266, + "euclidean_pearson": 86.93703588206957, + "euclidean_spearman": 87.13150342270266, + "manhattan_pearson": 86.78921932668315, + "manhattan_spearman": 86.73631369514506, + "cosine_pearson": 87.84186171115664, + "cosine_spearman": 87.13150342270266, + "main_score": 87.13150342270266 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/BSARDRetrieval.json b/results/Lajavaness__bilingual-embedding-base/external/BSARDRetrieval.json new file mode 100644 index 000000000..0e70aa157 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/BSARDRetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "5effa1b9b5fa3b0f9e12523e6e43e5f86a6e6d59", + "task_name": "BSARDRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map_at_1": 5.405, + "map_at_10": 9.715, + "map_at_100": 10.852, + "map_at_1000": 10.986, + "map_at_20": 10.324, + "map_at_3": 8.183, + "map_at_5": 9.129, + "mrr_at_1": 5.405405405405405, + "mrr_at_10": 9.715250965250963, + "mrr_at_100": 10.852488713991455, + "mrr_at_1000": 10.986128810251913, + "mrr_at_20": 10.324372731493472, + "mrr_at_3": 8.183183183183184, + "mrr_at_5": 9.12912912912913, + "nauc_map_at_1000_diff1": 27.989147369852507, + "nauc_map_at_1000_max": 13.956676274011212, + "nauc_map_at_100_diff1": 27.97931691839789, + "nauc_map_at_100_max": 13.885054931557967, + "nauc_map_at_10_diff1": 28.39484917161119, + "nauc_map_at_10_max": 12.859153645903026, + "nauc_map_at_1_diff1": 40.37326707123, + "nauc_map_at_1_max": 19.53225223707901, + "nauc_map_at_20_diff1": 27.969553431914463, + "nauc_map_at_20_max": 13.993555023169318, + "nauc_map_at_3_diff1": 31.130088078198526, + "nauc_map_at_3_max": 11.59332560179606, + "nauc_map_at_5_diff1": 28.51357198186801, + "nauc_map_at_5_max": 12.629395513278464, + "nauc_mrr_at_1000_diff1": 27.989147369852507, + "nauc_mrr_at_1000_max": 13.956676274011212, + "nauc_mrr_at_100_diff1": 27.97931691839789, + "nauc_mrr_at_100_max": 13.885054931557967, + "nauc_mrr_at_10_diff1": 28.39484917161119, + "nauc_mrr_at_10_max": 12.859153645903026, + "nauc_mrr_at_1_diff1": 40.37326707123, + "nauc_mrr_at_1_max": 19.53225223707901, + "nauc_mrr_at_20_diff1": 27.969553431914463, + "nauc_mrr_at_20_max": 13.993555023169318, + "nauc_mrr_at_3_diff1": 31.130088078198526, + "nauc_mrr_at_3_max": 11.59332560179606, + "nauc_mrr_at_5_diff1": 28.51357198186801, + "nauc_mrr_at_5_max": 12.629395513278464, + "nauc_ndcg_at_1000_diff1": 23.808642111518818, + "nauc_ndcg_at_1000_max": 16.627566094152723, + "nauc_ndcg_at_100_diff1": 24.15753828838301, + "nauc_ndcg_at_100_max": 15.687219543962943, + "nauc_ndcg_at_10_diff1": 25.37534871155007, + "nauc_ndcg_at_10_max": 12.129150838266701, + "nauc_ndcg_at_1_diff1": 40.37326707123, + "nauc_ndcg_at_1_max": 19.53225223707901, + "nauc_ndcg_at_20_diff1": 24.446964236295017, + "nauc_ndcg_at_20_max": 15.718345074121808, + "nauc_ndcg_at_3_diff1": 29.121862169292296, + "nauc_ndcg_at_3_max": 9.481317109332187, + "nauc_ndcg_at_5_diff1": 25.17815567035254, + "nauc_ndcg_at_5_max": 11.187689974665869, + "nauc_precision_at_1000_diff1": 10.131813130975075, + "nauc_precision_at_1000_max": 30.42776840947068, + "nauc_precision_at_100_diff1": 17.8621079715631, + "nauc_precision_at_100_max": 20.81364427037172, + "nauc_precision_at_10_diff1": 20.451314767316635, + "nauc_precision_at_10_max": 11.400840293532708, + "nauc_precision_at_1_diff1": 40.37326707123, + "nauc_precision_at_1_max": 19.53225223707901, + "nauc_precision_at_20_diff1": 19.17170129809007, + "nauc_precision_at_20_max": 20.190489899791007, + "nauc_precision_at_3_diff1": 24.905337103765735, + "nauc_precision_at_3_max": 4.960457155777402, + "nauc_precision_at_5_diff1": 18.725510703139488, + "nauc_precision_at_5_max": 8.555964364751343, + "nauc_recall_at_1000_diff1": 10.131813130975143, + "nauc_recall_at_1000_max": 30.427768409470673, + "nauc_recall_at_100_diff1": 17.862107971563105, + "nauc_recall_at_100_max": 20.813644270371707, + "nauc_recall_at_10_diff1": 20.45131476731657, + "nauc_recall_at_10_max": 11.400840293532651, + "nauc_recall_at_1_diff1": 40.37326707123, + "nauc_recall_at_1_max": 19.53225223707901, + "nauc_recall_at_20_diff1": 19.171701298090017, + "nauc_recall_at_20_max": 20.19048989979099, + "nauc_recall_at_3_diff1": 24.905337103765717, + "nauc_recall_at_3_max": 4.9604571557773935, + "nauc_recall_at_5_diff1": 18.72551070313952, + "nauc_recall_at_5_max": 8.55596436475138, + "ndcg_at_1": 5.405, + "ndcg_at_10": 12.217, + "ndcg_at_100": 18.512999999999998, + "ndcg_at_1000": 22.002, + "ndcg_at_20": 14.551, + "ndcg_at_3": 9.089, + "ndcg_at_5": 10.776, + "precision_at_1": 5.405, + "precision_at_10": 2.027, + "precision_at_100": 0.514, + "precision_at_1000": 0.079, + "precision_at_20": 1.486, + "precision_at_3": 3.904, + "precision_at_5": 3.1530000000000005, + "recall_at_1": 5.405, + "recall_at_10": 20.27, + "recall_at_100": 51.351, + "recall_at_1000": 78.82900000000001, + "recall_at_20": 29.73, + "recall_at_3": 11.712, + "recall_at_5": 15.766, + "main_score": 51.351 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/Banking77Classification.json b/results/Lajavaness__bilingual-embedding-base/external/Banking77Classification.json new file mode 100644 index 000000000..6be86d9c3 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/Banking77Classification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.46103896103897, + "f1": 77.72189862815705, + "f1_weighted": 77.72189862815705, + "main_score": 78.46103896103897 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/BiorxivClusteringP2P.json b/results/Lajavaness__bilingual-embedding-base/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..4ecd3129f --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/BiorxivClusteringP2P.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.380764168313746, + "v_measures": [ + 0.37382307264671194, + 0.36301531251106245, + 0.3793738872327412, + 0.35770158136125185, + 0.3555364559997305 + ], + "main_score": 36.380764168313746 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/BiorxivClusteringS2S.json b/results/Lajavaness__bilingual-embedding-base/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..b5d2d5787 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/BiorxivClusteringS2S.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.538017334550577, + "v_measures": [ + 0.30690945509666684, + 0.31808990661791575, + 0.31514802723414864, + 0.3159451399149567, + 0.3171249261521223 + ], + "main_score": 31.538017334550577 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/CQADupstackAndroidRetrieval.json b/results/Lajavaness__bilingual-embedding-base/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..b2a4c6e97 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "f46a197baaae43b4f621051089b82a364682dfeb", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.464, + "map_at_10": 42.91, + "map_at_100": 44.253, + "map_at_1000": 44.378, + "map_at_20": 43.608000000000004, + "map_at_3": 39.21, + "map_at_5": 41.243, + "mrr_at_1": 40.05722460658083, + "mrr_at_10": 49.06050593818831, + "mrr_at_100": 49.75550694943466, + "mrr_at_1000": 49.80211926259268, + "mrr_at_20": 49.466746239607275, + "mrr_at_3": 46.256556986170715, + "mrr_at_5": 48.05197901764422, + "nauc_map_at_1000_diff1": 54.452516877596366, + "nauc_map_at_1000_max": 42.37830524228681, + "nauc_map_at_100_diff1": 54.455120677207944, + "nauc_map_at_100_max": 42.35365218254892, + "nauc_map_at_10_diff1": 54.411476414486735, + "nauc_map_at_10_max": 41.799626583253286, + "nauc_map_at_1_diff1": 56.844131977626574, + "nauc_map_at_1_max": 39.50909847050082, + "nauc_map_at_20_diff1": 54.474114038349, + "nauc_map_at_20_max": 41.95011324047797, + "nauc_map_at_3_diff1": 54.94801787552844, + "nauc_map_at_3_max": 40.93589777136806, + "nauc_map_at_5_diff1": 54.51000824622664, + "nauc_map_at_5_max": 41.942988719761516, + "nauc_mrr_at_1000_diff1": 54.73077714753202, + "nauc_mrr_at_1000_max": 44.79399425080995, + "nauc_mrr_at_100_diff1": 54.72534798039509, + "nauc_mrr_at_100_max": 44.784407506240214, + "nauc_mrr_at_10_diff1": 54.60375865684595, + "nauc_mrr_at_10_max": 44.557364932034154, + "nauc_mrr_at_1_diff1": 57.776230077156235, + "nauc_mrr_at_1_max": 46.471474228551344, + "nauc_mrr_at_20_diff1": 54.70304613396688, + "nauc_mrr_at_20_max": 44.66734285522038, + "nauc_mrr_at_3_diff1": 55.3933778729286, + "nauc_mrr_at_3_max": 44.696022513397615, + "nauc_mrr_at_5_diff1": 54.71004626344184, + "nauc_mrr_at_5_max": 44.965744262291004, + "nauc_ndcg_at_1000_diff1": 53.26255776636424, + "nauc_ndcg_at_1000_max": 43.58732162869603, + "nauc_ndcg_at_100_diff1": 52.99574164185918, + "nauc_ndcg_at_100_max": 43.35845196216733, + "nauc_ndcg_at_10_diff1": 52.660009377886766, + "nauc_ndcg_at_10_max": 41.93002636395951, + "nauc_ndcg_at_1_diff1": 57.776230077156235, + "nauc_ndcg_at_1_max": 46.471474228551344, + "nauc_ndcg_at_20_diff1": 52.925283797059066, + "nauc_ndcg_at_20_max": 41.96413582256493, + "nauc_ndcg_at_3_diff1": 53.86123945887276, + "nauc_ndcg_at_3_max": 42.5192092394243, + "nauc_ndcg_at_5_diff1": 53.02739573145395, + "nauc_ndcg_at_5_max": 42.86255544029417, + "nauc_precision_at_1000_diff1": -14.01444880844629, + "nauc_precision_at_1000_max": -3.2426344768649065, + "nauc_precision_at_100_diff1": -2.665892254195872, + "nauc_precision_at_100_max": 11.174117765610346, + "nauc_precision_at_10_diff1": 17.760500367118006, + "nauc_precision_at_10_max": 25.819513742057314, + "nauc_precision_at_1_diff1": 57.776230077156235, + "nauc_precision_at_1_max": 46.471474228551344, + "nauc_precision_at_20_diff1": 10.720961197841934, + "nauc_precision_at_20_max": 20.104016753843656, + "nauc_precision_at_3_diff1": 38.00682945145973, + "nauc_precision_at_3_max": 39.91552880079303, + "nauc_precision_at_5_diff1": 29.195186929472932, + "nauc_precision_at_5_max": 36.060771452887344, + "nauc_recall_at_1000_diff1": 34.24272104794043, + "nauc_recall_at_1000_max": 56.510230841605825, + "nauc_recall_at_100_diff1": 39.42477153393114, + "nauc_recall_at_100_max": 41.44622822460404, + "nauc_recall_at_10_diff1": 42.98765339932259, + "nauc_recall_at_10_max": 34.34817326152696, + "nauc_recall_at_1_diff1": 56.844131977626574, + "nauc_recall_at_1_max": 39.50909847050082, + "nauc_recall_at_20_diff1": 42.49763875384549, + "nauc_recall_at_20_max": 34.211320392734436, + "nauc_recall_at_3_diff1": 49.54385449610674, + "nauc_recall_at_3_max": 37.050307605313755, + "nauc_recall_at_5_diff1": 45.79369932076432, + "nauc_recall_at_5_max": 38.06187420388636, + "ndcg_at_1": 40.056999999999995, + "ndcg_at_10": 49.228, + "ndcg_at_100": 54.162, + "ndcg_at_1000": 56.205000000000005, + "ndcg_at_20": 51.034, + "ndcg_at_3": 43.94, + "ndcg_at_5": 46.504, + "precision_at_1": 40.056999999999995, + "precision_at_10": 9.528, + "precision_at_100": 1.472, + "precision_at_1000": 0.192, + "precision_at_20": 5.494000000000001, + "precision_at_3": 20.887, + "precision_at_5": 15.193000000000001, + "recall_at_1": 32.464, + "recall_at_10": 60.831, + "recall_at_100": 81.85900000000001, + "recall_at_1000": 95.15, + "recall_at_20": 67.657, + "recall_at_3": 45.489000000000004, + "recall_at_5": 52.839000000000006, + "main_score": 49.228 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/CQADupstackEnglishRetrieval.json b/results/Lajavaness__bilingual-embedding-base/external/CQADupstackEnglishRetrieval.json new file mode 100644 index 000000000..f8fbc2516 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/CQADupstackEnglishRetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "ad9991cb51e31e31e430383c75ffb2885547b5f0", + "task_name": "CQADupstackEnglishRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.204, + "map_at_10": 36.565999999999995, + "map_at_100": 37.706, + "map_at_1000": 37.827, + "map_at_20": 37.124, + "map_at_3": 33.629999999999995, + "map_at_5": 35.345, + "mrr_at_1": 33.88535031847134, + "mrr_at_10": 42.00993327267216, + "mrr_at_100": 42.69324389051348, + "mrr_at_1000": 42.742001707727674, + "mrr_at_20": 42.383657095896574, + "mrr_at_3": 39.61783439490446, + "mrr_at_5": 41.02547770700639, + "nauc_map_at_1000_diff1": 51.2434173008466, + "nauc_map_at_1000_max": 42.89551471851398, + "nauc_map_at_100_diff1": 51.25803151639599, + "nauc_map_at_100_max": 42.84835058448656, + "nauc_map_at_10_diff1": 51.392478648037475, + "nauc_map_at_10_max": 42.520436932382275, + "nauc_map_at_1_diff1": 58.311410816649435, + "nauc_map_at_1_max": 38.78632287563295, + "nauc_map_at_20_diff1": 51.2961213976287, + "nauc_map_at_20_max": 42.5853171119173, + "nauc_map_at_3_diff1": 52.988281664633696, + "nauc_map_at_3_max": 41.255285265369714, + "nauc_map_at_5_diff1": 51.90811230897579, + "nauc_map_at_5_max": 42.25025338907201, + "nauc_mrr_at_1000_diff1": 49.968831428382956, + "nauc_mrr_at_1000_max": 44.835796996668066, + "nauc_mrr_at_100_diff1": 49.96427305359113, + "nauc_mrr_at_100_max": 44.83231841203824, + "nauc_mrr_at_10_diff1": 49.94029375694121, + "nauc_mrr_at_10_max": 44.88750685573963, + "nauc_mrr_at_1_diff1": 56.40160291266728, + "nauc_mrr_at_1_max": 45.557456279594454, + "nauc_mrr_at_20_diff1": 49.948501688516814, + "nauc_mrr_at_20_max": 44.86680460708911, + "nauc_mrr_at_3_diff1": 50.70198183915884, + "nauc_mrr_at_3_max": 44.69764399444459, + "nauc_mrr_at_5_diff1": 50.171095819167164, + "nauc_mrr_at_5_max": 44.81579964530846, + "nauc_ndcg_at_1000_diff1": 48.15540595763338, + "nauc_ndcg_at_1000_max": 43.71537508558133, + "nauc_ndcg_at_100_diff1": 48.272332711054126, + "nauc_ndcg_at_100_max": 43.6322161272428, + "nauc_ndcg_at_10_diff1": 48.18746476758319, + "nauc_ndcg_at_10_max": 43.36809828847912, + "nauc_ndcg_at_1_diff1": 56.40160291266728, + "nauc_ndcg_at_1_max": 45.557456279594454, + "nauc_ndcg_at_20_diff1": 48.17338076733571, + "nauc_ndcg_at_20_max": 43.20321056220099, + "nauc_ndcg_at_3_diff1": 50.105385726603714, + "nauc_ndcg_at_3_max": 43.120332022171915, + "nauc_ndcg_at_5_diff1": 48.8630439359171, + "nauc_ndcg_at_5_max": 43.370066685949446, + "nauc_precision_at_1000_diff1": -11.350357006977681, + "nauc_precision_at_1000_max": 12.582096763421525, + "nauc_precision_at_100_diff1": -2.958036676255927, + "nauc_precision_at_100_max": 22.696487876398155, + "nauc_precision_at_10_diff1": 16.189353401009978, + "nauc_precision_at_10_max": 38.13442143062204, + "nauc_precision_at_1_diff1": 56.40160291266728, + "nauc_precision_at_1_max": 45.557456279594454, + "nauc_precision_at_20_diff1": 8.797894276494759, + "nauc_precision_at_20_max": 32.53273333292465, + "nauc_precision_at_3_diff1": 33.166335907173284, + "nauc_precision_at_3_max": 43.54274244894697, + "nauc_precision_at_5_diff1": 24.890638457308835, + "nauc_precision_at_5_max": 41.85350446231859, + "nauc_recall_at_1000_diff1": 30.966590369789042, + "nauc_recall_at_1000_max": 40.05217189462629, + "nauc_recall_at_100_diff1": 36.50185764515, + "nauc_recall_at_100_max": 40.40225246071926, + "nauc_recall_at_10_diff1": 39.21222014929766, + "nauc_recall_at_10_max": 39.510881532659106, + "nauc_recall_at_1_diff1": 58.311410816649435, + "nauc_recall_at_1_max": 38.78632287563295, + "nauc_recall_at_20_diff1": 37.90625645817586, + "nauc_recall_at_20_max": 38.83095083812718, + "nauc_recall_at_3_diff1": 45.67833862057349, + "nauc_recall_at_3_max": 38.301387193837385, + "nauc_recall_at_5_diff1": 41.97377098035378, + "nauc_recall_at_5_max": 39.44428303279494, + "ndcg_at_1": 33.885, + "ndcg_at_10": 41.959999999999994, + "ndcg_at_100": 46.444, + "ndcg_at_1000": 48.542, + "ndcg_at_20": 43.516, + "ndcg_at_3": 37.662, + "ndcg_at_5": 39.694, + "precision_at_1": 33.885, + "precision_at_10": 7.911, + "precision_at_100": 1.306, + "precision_at_1000": 0.17600000000000002, + "precision_at_20": 4.634, + "precision_at_3": 18.195, + "precision_at_5": 13.032, + "recall_at_1": 27.204, + "recall_at_10": 51.964999999999996, + "recall_at_100": 70.977, + "recall_at_1000": 84.48, + "recall_at_20": 57.568, + "recall_at_3": 39.292, + "recall_at_5": 45.051, + "main_score": 41.959999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/CQADupstackGamingRetrieval.json b/results/Lajavaness__bilingual-embedding-base/external/CQADupstackGamingRetrieval.json new file mode 100644 index 000000000..e00a75bcf --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/CQADupstackGamingRetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "4885aa143210c98657558c04aaf3dc47cfb54340", + "task_name": "CQADupstackGamingRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.092, + "map_at_10": 51.94499999999999, + "map_at_100": 52.952999999999996, + "map_at_1000": 53.010999999999996, + "map_at_20": 52.544000000000004, + "map_at_3": 48.798, + "map_at_5": 50.575, + "mrr_at_1": 45.57993730407524, + "mrr_at_10": 55.19226750261236, + "mrr_at_100": 55.86648188807898, + "mrr_at_1000": 55.893179256732914, + "mrr_at_20": 55.605862164423684, + "mrr_at_3": 52.737722048066914, + "mrr_at_5": 54.142110762800485, + "nauc_map_at_1000_diff1": 56.4825391687947, + "nauc_map_at_1000_max": 42.69718253696078, + "nauc_map_at_100_diff1": 56.472594143313714, + "nauc_map_at_100_max": 42.68390703868357, + "nauc_map_at_10_diff1": 56.60851591326905, + "nauc_map_at_10_max": 42.545318648853254, + "nauc_map_at_1_diff1": 58.78580013920528, + "nauc_map_at_1_max": 37.250129371959034, + "nauc_map_at_20_diff1": 56.522847775596496, + "nauc_map_at_20_max": 42.67436226258157, + "nauc_map_at_3_diff1": 56.41058843854863, + "nauc_map_at_3_max": 41.1447087205128, + "nauc_map_at_5_diff1": 56.615742462460375, + "nauc_map_at_5_max": 42.18432838422091, + "nauc_mrr_at_1000_diff1": 57.02890931424712, + "nauc_mrr_at_1000_max": 44.542419456217395, + "nauc_mrr_at_100_diff1": 57.015358825202966, + "nauc_mrr_at_100_max": 44.53905706111591, + "nauc_mrr_at_10_diff1": 57.04585925976531, + "nauc_mrr_at_10_max": 44.61348989967417, + "nauc_mrr_at_1_diff1": 59.97805122993276, + "nauc_mrr_at_1_max": 43.74889272537995, + "nauc_mrr_at_20_diff1": 57.006157936095484, + "nauc_mrr_at_20_max": 44.59603635627128, + "nauc_mrr_at_3_diff1": 56.917680357532504, + "nauc_mrr_at_3_max": 44.16899447567816, + "nauc_mrr_at_5_diff1": 56.92085593489732, + "nauc_mrr_at_5_max": 44.6067245655727, + "nauc_ndcg_at_1000_diff1": 55.99301213747579, + "nauc_ndcg_at_1000_max": 44.13571318751295, + "nauc_ndcg_at_100_diff1": 55.69267672766463, + "nauc_ndcg_at_100_max": 44.01363451781653, + "nauc_ndcg_at_10_diff1": 56.08101977835497, + "nauc_ndcg_at_10_max": 44.04565223998733, + "nauc_ndcg_at_1_diff1": 59.97805122993276, + "nauc_ndcg_at_1_max": 43.74889272537995, + "nauc_ndcg_at_20_diff1": 55.9395678717101, + "nauc_ndcg_at_20_max": 44.276016640316584, + "nauc_ndcg_at_3_diff1": 55.61181442897005, + "nauc_ndcg_at_3_max": 42.505752873203875, + "nauc_ndcg_at_5_diff1": 55.931533774058074, + "nauc_ndcg_at_5_max": 43.62473544458933, + "nauc_precision_at_1000_diff1": -13.91854408201959, + "nauc_precision_at_1000_max": 8.959796412269117, + "nauc_precision_at_100_diff1": -6.051946111858287, + "nauc_precision_at_100_max": 15.919914740220339, + "nauc_precision_at_10_diff1": 19.584103811469795, + "nauc_precision_at_10_max": 32.679327751531886, + "nauc_precision_at_1_diff1": 59.97805122993276, + "nauc_precision_at_1_max": 43.74889272537995, + "nauc_precision_at_20_diff1": 10.708778552460565, + "nauc_precision_at_20_max": 27.76302369902412, + "nauc_precision_at_3_diff1": 37.72812007268646, + "nauc_precision_at_3_max": 40.9098215392736, + "nauc_precision_at_5_diff1": 29.8927353855664, + "nauc_precision_at_5_max": 38.77105720875548, + "nauc_recall_at_1000_diff1": 49.43352356696205, + "nauc_recall_at_1000_max": 54.87661194579149, + "nauc_recall_at_100_diff1": 46.097079017519164, + "nauc_recall_at_100_max": 44.71576750940437, + "nauc_recall_at_10_diff1": 52.66222731151876, + "nauc_recall_at_10_max": 44.98829150528362, + "nauc_recall_at_1_diff1": 58.78580013920528, + "nauc_recall_at_1_max": 37.250129371959034, + "nauc_recall_at_20_diff1": 51.55229424448056, + "nauc_recall_at_20_max": 46.82438704609937, + "nauc_recall_at_3_diff1": 52.87567308584833, + "nauc_recall_at_3_max": 41.13816110816809, + "nauc_recall_at_5_diff1": 52.83904035972527, + "nauc_recall_at_5_max": 43.519187012248025, + "ndcg_at_1": 45.58, + "ndcg_at_10": 57.534, + "ndcg_at_100": 61.6, + "ndcg_at_1000": 62.742, + "ndcg_at_20": 59.270999999999994, + "ndcg_at_3": 52.193, + "ndcg_at_5": 54.725, + "precision_at_1": 45.58, + "precision_at_10": 9.129, + "precision_at_100": 1.203, + "precision_at_1000": 0.136, + "precision_at_20": 5.082, + "precision_at_3": 23.051, + "precision_at_5": 15.748999999999999, + "recall_at_1": 40.092, + "recall_at_10": 70.889, + "recall_at_100": 88.45100000000001, + "recall_at_1000": 96.447, + "recall_at_20": 77.239, + "recall_at_3": 56.489999999999995, + "recall_at_5": 62.647, + "main_score": 57.534 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/CQADupstackGisRetrieval.json b/results/Lajavaness__bilingual-embedding-base/external/CQADupstackGisRetrieval.json new file mode 100644 index 000000000..26aa8328a --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/CQADupstackGisRetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "5003b3064772da1887988e05400cf3806fe491f2", + "task_name": "CQADupstackGisRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.277, + "map_at_10": 27.969, + "map_at_100": 28.933999999999997, + "map_at_1000": 29.038000000000004, + "map_at_20": 28.486, + "map_at_3": 25.418000000000003, + "map_at_5": 26.709, + "mrr_at_1": 21.694915254237287, + "mrr_at_10": 29.60447493498341, + "mrr_at_100": 30.512620484407922, + "mrr_at_1000": 30.591656063000244, + "mrr_at_20": 30.121039448386362, + "mrr_at_3": 27.19397363465162, + "mrr_at_5": 28.448210922787204, + "nauc_map_at_1000_diff1": 45.363822324742415, + "nauc_map_at_1000_max": 29.509295922731372, + "nauc_map_at_100_diff1": 45.331606636295966, + "nauc_map_at_100_max": 29.505487961576044, + "nauc_map_at_10_diff1": 45.38885724901821, + "nauc_map_at_10_max": 28.946567703884206, + "nauc_map_at_1_diff1": 54.7423053253451, + "nauc_map_at_1_max": 30.202680999900373, + "nauc_map_at_20_diff1": 45.43050910968979, + "nauc_map_at_20_max": 29.35034157464228, + "nauc_map_at_3_diff1": 47.51058437623272, + "nauc_map_at_3_max": 29.740666890218183, + "nauc_map_at_5_diff1": 45.90224481327457, + "nauc_map_at_5_max": 28.80931616822233, + "nauc_mrr_at_1000_diff1": 45.38410126007919, + "nauc_mrr_at_1000_max": 31.462744626905998, + "nauc_mrr_at_100_diff1": 45.36092538448443, + "nauc_mrr_at_100_max": 31.48088167063395, + "nauc_mrr_at_10_diff1": 45.38915659941786, + "nauc_mrr_at_10_max": 31.07285932737546, + "nauc_mrr_at_1_diff1": 54.930775252405226, + "nauc_mrr_at_1_max": 33.5116859460449, + "nauc_mrr_at_20_diff1": 45.418208062544515, + "nauc_mrr_at_20_max": 31.423541265829346, + "nauc_mrr_at_3_diff1": 47.521366857933685, + "nauc_mrr_at_3_max": 32.27219903173878, + "nauc_mrr_at_5_diff1": 45.77958904462302, + "nauc_mrr_at_5_max": 31.03500930751467, + "nauc_ndcg_at_1000_diff1": 41.635595953748044, + "nauc_ndcg_at_1000_max": 29.99928035763284, + "nauc_ndcg_at_100_diff1": 40.88371796938874, + "nauc_ndcg_at_100_max": 30.281800111940075, + "nauc_ndcg_at_10_diff1": 41.21530633973889, + "nauc_ndcg_at_10_max": 28.03405573161477, + "nauc_ndcg_at_1_diff1": 54.930775252405226, + "nauc_ndcg_at_1_max": 33.5116859460449, + "nauc_ndcg_at_20_diff1": 41.354735186387494, + "nauc_ndcg_at_20_max": 29.290000578859498, + "nauc_ndcg_at_3_diff1": 45.31600437511932, + "nauc_ndcg_at_3_max": 30.107259401213447, + "nauc_ndcg_at_5_diff1": 42.46548676756585, + "nauc_ndcg_at_5_max": 28.066140473016777, + "nauc_precision_at_1000_diff1": 3.3001494044534, + "nauc_precision_at_1000_max": 23.86920410371473, + "nauc_precision_at_100_diff1": 14.600936720175225, + "nauc_precision_at_100_max": 34.79005291009276, + "nauc_precision_at_10_diff1": 25.191040884814313, + "nauc_precision_at_10_max": 27.787630029931737, + "nauc_precision_at_1_diff1": 54.930775252405226, + "nauc_precision_at_1_max": 33.5116859460449, + "nauc_precision_at_20_diff1": 23.94526878532444, + "nauc_precision_at_20_max": 31.64356816310904, + "nauc_precision_at_3_diff1": 37.36686654535447, + "nauc_precision_at_3_max": 31.809307942763166, + "nauc_precision_at_5_diff1": 30.658077015337877, + "nauc_precision_at_5_max": 27.987876687409614, + "nauc_recall_at_1000_diff1": 16.313332570062347, + "nauc_recall_at_1000_max": 24.611193005552156, + "nauc_recall_at_100_diff1": 22.517502540871675, + "nauc_recall_at_100_max": 30.270048758028008, + "nauc_recall_at_10_diff1": 28.942161278215146, + "nauc_recall_at_10_max": 22.367333726084272, + "nauc_recall_at_1_diff1": 54.7423053253451, + "nauc_recall_at_1_max": 30.202680999900373, + "nauc_recall_at_20_diff1": 28.593619502228517, + "nauc_recall_at_20_max": 26.029280134895316, + "nauc_recall_at_3_diff1": 38.74661393996696, + "nauc_recall_at_3_max": 27.640169897015266, + "nauc_recall_at_5_diff1": 32.83863931854332, + "nauc_recall_at_5_max": 23.190141862761386, + "ndcg_at_1": 21.695, + "ndcg_at_10": 32.698, + "ndcg_at_100": 37.641000000000005, + "ndcg_at_1000": 40.245, + "ndcg_at_20": 34.55, + "ndcg_at_3": 27.632, + "ndcg_at_5": 29.814, + "precision_at_1": 21.695, + "precision_at_10": 5.311, + "precision_at_100": 0.819, + "precision_at_1000": 0.108, + "precision_at_20": 3.073, + "precision_at_3": 11.977, + "precision_at_5": 8.497, + "recall_at_1": 20.277, + "recall_at_10": 45.751999999999995, + "recall_at_100": 68.72500000000001, + "recall_at_1000": 88.307, + "recall_at_20": 52.845, + "recall_at_3": 31.928, + "recall_at_5": 37.129, + "main_score": 32.698 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/CQADupstackMathematicaRetrieval.json b/results/Lajavaness__bilingual-embedding-base/external/CQADupstackMathematicaRetrieval.json new file mode 100644 index 000000000..11d1f5264 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/CQADupstackMathematicaRetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "90fceea13679c63fe563ded68f3b6f06e50061de", + "task_name": "CQADupstackMathematicaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 13.061, + "map_at_10": 19.952, + "map_at_100": 21.177, + "map_at_1000": 21.304000000000002, + "map_at_20": 20.543, + "map_at_3": 17.552, + "map_at_5": 18.83, + "mrr_at_1": 16.417910447761194, + "mrr_at_10": 23.800146094922205, + "mrr_at_100": 24.80931429553203, + "mrr_at_1000": 24.883782140653754, + "mrr_at_20": 24.263678541366147, + "mrr_at_3": 21.22719734660033, + "mrr_at_5": 22.763266998341624, + "nauc_map_at_1000_diff1": 28.454223094067572, + "nauc_map_at_1000_max": 16.318450252339733, + "nauc_map_at_100_diff1": 28.45468920929943, + "nauc_map_at_100_max": 16.280745093761492, + "nauc_map_at_10_diff1": 28.475318654355913, + "nauc_map_at_10_max": 16.371297539246918, + "nauc_map_at_1_diff1": 31.42806317607707, + "nauc_map_at_1_max": 16.441570076459733, + "nauc_map_at_20_diff1": 28.39188164693206, + "nauc_map_at_20_max": 16.395102199165805, + "nauc_map_at_3_diff1": 29.86515593563127, + "nauc_map_at_3_max": 15.942028463305657, + "nauc_map_at_5_diff1": 28.801171298398238, + "nauc_map_at_5_max": 16.4938392502406, + "nauc_mrr_at_1000_diff1": 29.404578525355905, + "nauc_mrr_at_1000_max": 17.06043073367033, + "nauc_mrr_at_100_diff1": 29.36603539662459, + "nauc_mrr_at_100_max": 17.04266140433032, + "nauc_mrr_at_10_diff1": 29.53064924621513, + "nauc_mrr_at_10_max": 17.262149332295344, + "nauc_mrr_at_1_diff1": 34.4591422232893, + "nauc_mrr_at_1_max": 18.38441531072269, + "nauc_mrr_at_20_diff1": 29.460658307695237, + "nauc_mrr_at_20_max": 17.177008114438692, + "nauc_mrr_at_3_diff1": 31.401082424691413, + "nauc_mrr_at_3_max": 17.3600916517026, + "nauc_mrr_at_5_diff1": 30.215482150264055, + "nauc_mrr_at_5_max": 17.113047363760682, + "nauc_ndcg_at_1000_diff1": 26.56223239664528, + "nauc_ndcg_at_1000_max": 17.183346228015548, + "nauc_ndcg_at_100_diff1": 26.452687521093587, + "nauc_ndcg_at_100_max": 16.227786533978918, + "nauc_ndcg_at_10_diff1": 26.789816487503863, + "nauc_ndcg_at_10_max": 16.746307834455642, + "nauc_ndcg_at_1_diff1": 34.4591422232893, + "nauc_ndcg_at_1_max": 18.38441531072269, + "nauc_ndcg_at_20_diff1": 26.5048210959802, + "nauc_ndcg_at_20_max": 16.715661819049974, + "nauc_ndcg_at_3_diff1": 29.856963970494903, + "nauc_ndcg_at_3_max": 16.30448334725527, + "nauc_ndcg_at_5_diff1": 27.70865544302564, + "nauc_ndcg_at_5_max": 16.848739633174784, + "nauc_precision_at_1000_diff1": 2.8134729866690966, + "nauc_precision_at_1000_max": 4.912645906722423, + "nauc_precision_at_100_diff1": 12.322710301703319, + "nauc_precision_at_100_max": 7.326042531678355, + "nauc_precision_at_10_diff1": 21.62505224748476, + "nauc_precision_at_10_max": 13.898621571795822, + "nauc_precision_at_1_diff1": 34.4591422232893, + "nauc_precision_at_1_max": 18.38441531072269, + "nauc_precision_at_20_diff1": 18.470843518995792, + "nauc_precision_at_20_max": 12.518698137323229, + "nauc_precision_at_3_diff1": 29.716961833159882, + "nauc_precision_at_3_max": 15.75778937513801, + "nauc_precision_at_5_diff1": 25.58620475567927, + "nauc_precision_at_5_max": 15.305405508622808, + "nauc_recall_at_1000_diff1": 14.510689791158532, + "nauc_recall_at_1000_max": 28.477079172098108, + "nauc_recall_at_100_diff1": 17.76094115011345, + "nauc_recall_at_100_max": 14.496601818232598, + "nauc_recall_at_10_diff1": 20.649486228934894, + "nauc_recall_at_10_max": 16.53168596633394, + "nauc_recall_at_1_diff1": 31.42806317607707, + "nauc_recall_at_1_max": 16.441570076459733, + "nauc_recall_at_20_diff1": 19.624191122275327, + "nauc_recall_at_20_max": 16.252919740686675, + "nauc_recall_at_3_diff1": 26.283117235001736, + "nauc_recall_at_3_max": 15.13584134035691, + "nauc_recall_at_5_diff1": 22.423046028190434, + "nauc_recall_at_5_max": 16.432091896884675, + "ndcg_at_1": 16.418, + "ndcg_at_10": 24.565, + "ndcg_at_100": 30.801000000000002, + "ndcg_at_1000": 33.806999999999995, + "ndcg_at_20": 26.512999999999998, + "ndcg_at_3": 20.036, + "ndcg_at_5": 22.131999999999998, + "precision_at_1": 16.418, + "precision_at_10": 4.776, + "precision_at_100": 0.919, + "precision_at_1000": 0.131, + "precision_at_20": 2.91, + "precision_at_3": 9.701, + "precision_at_5": 7.289, + "recall_at_1": 13.061, + "recall_at_10": 34.961999999999996, + "recall_at_100": 63.068000000000005, + "recall_at_1000": 84.441, + "recall_at_20": 42.013, + "recall_at_3": 22.584, + "recall_at_5": 27.950999999999997, + "main_score": 24.565 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/CQADupstackPhysicsRetrieval.json b/results/Lajavaness__bilingual-embedding-base/external/CQADupstackPhysicsRetrieval.json new file mode 100644 index 000000000..2d7a5ff32 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/CQADupstackPhysicsRetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "79531abbd1fb92d06c6d6315a0cbbbf5bb247ea4", + "task_name": "CQADupstackPhysicsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.813, + "map_at_10": 33.593, + "map_at_100": 34.909, + "map_at_1000": 35.03, + "map_at_20": 34.314, + "map_at_3": 30.537999999999997, + "map_at_5": 31.926, + "mrr_at_1": 30.702598652550527, + "mrr_at_10": 39.06545518431948, + "mrr_at_100": 39.96716518258886, + "mrr_at_1000": 40.01632070119006, + "mrr_at_20": 39.530652551228556, + "mrr_at_3": 36.58966955405838, + "mrr_at_5": 37.75906320179657, + "nauc_map_at_1000_diff1": 48.28735795160243, + "nauc_map_at_1000_max": 35.857827572549965, + "nauc_map_at_100_diff1": 48.28389536809195, + "nauc_map_at_100_max": 35.8215491031998, + "nauc_map_at_10_diff1": 48.4740670479628, + "nauc_map_at_10_max": 35.580153501789354, + "nauc_map_at_1_diff1": 53.76162783827061, + "nauc_map_at_1_max": 35.987724515959904, + "nauc_map_at_20_diff1": 48.39315138781542, + "nauc_map_at_20_max": 35.67428155833968, + "nauc_map_at_3_diff1": 49.222529850894034, + "nauc_map_at_3_max": 35.79333062105859, + "nauc_map_at_5_diff1": 49.39208013650273, + "nauc_map_at_5_max": 35.69664733704277, + "nauc_mrr_at_1000_diff1": 49.444671325795056, + "nauc_mrr_at_1000_max": 38.3202725278323, + "nauc_mrr_at_100_diff1": 49.42200393852792, + "nauc_mrr_at_100_max": 38.31143458434877, + "nauc_mrr_at_10_diff1": 49.370146109325866, + "nauc_mrr_at_10_max": 38.160124098730236, + "nauc_mrr_at_1_diff1": 56.1525302339788, + "nauc_mrr_at_1_max": 40.79527109574158, + "nauc_mrr_at_20_diff1": 49.45102444653989, + "nauc_mrr_at_20_max": 38.25756256181159, + "nauc_mrr_at_3_diff1": 50.14838465022493, + "nauc_mrr_at_3_max": 38.52708666540869, + "nauc_mrr_at_5_diff1": 49.904819237426004, + "nauc_mrr_at_5_max": 38.38035220573582, + "nauc_ndcg_at_1000_diff1": 45.58168600860826, + "nauc_ndcg_at_1000_max": 36.563706940380555, + "nauc_ndcg_at_100_diff1": 45.04365109638583, + "nauc_ndcg_at_100_max": 36.033369265758196, + "nauc_ndcg_at_10_diff1": 45.93349643770066, + "nauc_ndcg_at_10_max": 34.89977214117315, + "nauc_ndcg_at_1_diff1": 56.1525302339788, + "nauc_ndcg_at_1_max": 40.79527109574158, + "nauc_ndcg_at_20_diff1": 45.7339281351243, + "nauc_ndcg_at_20_max": 35.06101137124627, + "nauc_ndcg_at_3_diff1": 47.98894511737239, + "nauc_ndcg_at_3_max": 36.848781920983924, + "nauc_ndcg_at_5_diff1": 47.734244333699536, + "nauc_ndcg_at_5_max": 35.698338385055536, + "nauc_precision_at_1000_diff1": -10.146987477879856, + "nauc_precision_at_1000_max": 4.5697671337926735, + "nauc_precision_at_100_diff1": -0.23979892626648153, + "nauc_precision_at_100_max": 16.05933541503149, + "nauc_precision_at_10_diff1": 21.283169904859836, + "nauc_precision_at_10_max": 26.180251486947377, + "nauc_precision_at_1_diff1": 56.1525302339788, + "nauc_precision_at_1_max": 40.79527109574158, + "nauc_precision_at_20_diff1": 15.36557800905963, + "nauc_precision_at_20_max": 23.405016571239443, + "nauc_precision_at_3_diff1": 38.577821157959704, + "nauc_precision_at_3_max": 36.41036363960068, + "nauc_precision_at_5_diff1": 34.52857379797606, + "nauc_precision_at_5_max": 33.5572774413252, + "nauc_recall_at_1000_diff1": 17.59228181321267, + "nauc_recall_at_1000_max": 38.45146719434902, + "nauc_recall_at_100_diff1": 23.718352007830674, + "nauc_recall_at_100_max": 30.191167925909102, + "nauc_recall_at_10_diff1": 35.33833540132451, + "nauc_recall_at_10_max": 27.994679353081946, + "nauc_recall_at_1_diff1": 53.76162783827061, + "nauc_recall_at_1_max": 35.987724515959904, + "nauc_recall_at_20_diff1": 34.02078540569994, + "nauc_recall_at_20_max": 27.685543279801237, + "nauc_recall_at_3_diff1": 42.17648880447465, + "nauc_recall_at_3_max": 32.62814119536231, + "nauc_recall_at_5_diff1": 41.358303440502375, + "nauc_recall_at_5_max": 30.630510317531744, + "ndcg_at_1": 30.703000000000003, + "ndcg_at_10": 39.300000000000004, + "ndcg_at_100": 45.1, + "ndcg_at_1000": 47.386, + "ndcg_at_20": 41.461999999999996, + "ndcg_at_3": 34.277, + "ndcg_at_5": 36.027, + "precision_at_1": 30.703000000000003, + "precision_at_10": 7.401000000000001, + "precision_at_100": 1.218, + "precision_at_1000": 0.16199999999999998, + "precision_at_20": 4.398, + "precision_at_3": 16.426, + "precision_at_5": 11.472999999999999, + "recall_at_1": 24.813, + "recall_at_10": 51.044999999999995, + "recall_at_100": 76.106, + "recall_at_1000": 91.19, + "recall_at_20": 58.744, + "recall_at_3": 36.222, + "recall_at_5": 41.349000000000004, + "main_score": 39.300000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/CQADupstackProgrammersRetrieval.json b/results/Lajavaness__bilingual-embedding-base/external/CQADupstackProgrammersRetrieval.json new file mode 100644 index 000000000..3e5646636 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/CQADupstackProgrammersRetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "6184bc1440d2dbc7612be22b50686b8826d22b32", + "task_name": "CQADupstackProgrammersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.785999999999998, + "map_at_10": 32.908, + "map_at_100": 34.216, + "map_at_1000": 34.345, + "map_at_20": 33.669, + "map_at_3": 30.084, + "map_at_5": 31.692999999999998, + "mrr_at_1": 28.538812785388128, + "mrr_at_10": 37.57986337609625, + "mrr_at_100": 38.51813582385385, + "mrr_at_1000": 38.57741905983437, + "mrr_at_20": 38.12193172703318, + "mrr_at_3": 35.10273972602741, + "mrr_at_5": 36.63812785388129, + "nauc_map_at_1000_diff1": 50.257939242705326, + "nauc_map_at_1000_max": 40.82148200341322, + "nauc_map_at_100_diff1": 50.2364465622847, + "nauc_map_at_100_max": 40.80019994119006, + "nauc_map_at_10_diff1": 50.37138441336593, + "nauc_map_at_10_max": 40.50437470647407, + "nauc_map_at_1_diff1": 56.771276390581896, + "nauc_map_at_1_max": 39.21668184007358, + "nauc_map_at_20_diff1": 50.27381803917208, + "nauc_map_at_20_max": 40.64985824674605, + "nauc_map_at_3_diff1": 51.75055615731813, + "nauc_map_at_3_max": 39.78757508816205, + "nauc_map_at_5_diff1": 50.8734893320248, + "nauc_map_at_5_max": 40.02410017589514, + "nauc_mrr_at_1000_diff1": 50.713285499907116, + "nauc_mrr_at_1000_max": 41.177149045516344, + "nauc_mrr_at_100_diff1": 50.68880760672645, + "nauc_mrr_at_100_max": 41.15209896241968, + "nauc_mrr_at_10_diff1": 50.74366283036783, + "nauc_mrr_at_10_max": 41.282470784533444, + "nauc_mrr_at_1_diff1": 57.84445991591638, + "nauc_mrr_at_1_max": 43.215624153592266, + "nauc_mrr_at_20_diff1": 50.64084950415708, + "nauc_mrr_at_20_max": 41.08394597751598, + "nauc_mrr_at_3_diff1": 51.65659849102624, + "nauc_mrr_at_3_max": 41.60925465118275, + "nauc_mrr_at_5_diff1": 50.950695800932365, + "nauc_mrr_at_5_max": 41.279261412729824, + "nauc_ndcg_at_1000_diff1": 47.749991208061715, + "nauc_ndcg_at_1000_max": 41.127897310574845, + "nauc_ndcg_at_100_diff1": 47.105720634992295, + "nauc_ndcg_at_100_max": 40.47798885234411, + "nauc_ndcg_at_10_diff1": 47.531993133798885, + "nauc_ndcg_at_10_max": 40.31306642364056, + "nauc_ndcg_at_1_diff1": 57.84445991591638, + "nauc_ndcg_at_1_max": 43.215624153592266, + "nauc_ndcg_at_20_diff1": 47.312682165844976, + "nauc_ndcg_at_20_max": 40.288339506648256, + "nauc_ndcg_at_3_diff1": 50.0455086369841, + "nauc_ndcg_at_3_max": 40.54078090764959, + "nauc_ndcg_at_5_diff1": 48.579497493398414, + "nauc_ndcg_at_5_max": 40.12205334756227, + "nauc_precision_at_1000_diff1": -10.060709814882319, + "nauc_precision_at_1000_max": 3.3172918415791113, + "nauc_precision_at_100_diff1": 2.693932701389068, + "nauc_precision_at_100_max": 18.87077564079401, + "nauc_precision_at_10_diff1": 25.065184074398722, + "nauc_precision_at_10_max": 37.59757586895368, + "nauc_precision_at_1_diff1": 57.84445991591638, + "nauc_precision_at_1_max": 43.215624153592266, + "nauc_precision_at_20_diff1": 18.242635445538607, + "nauc_precision_at_20_max": 32.84491156206929, + "nauc_precision_at_3_diff1": 40.10849878825809, + "nauc_precision_at_3_max": 41.60542328360796, + "nauc_precision_at_5_diff1": 33.704250787432464, + "nauc_precision_at_5_max": 39.62104984042399, + "nauc_recall_at_1000_diff1": 20.865834650783867, + "nauc_recall_at_1000_max": 40.46838059326433, + "nauc_recall_at_100_diff1": 27.936404516968814, + "nauc_recall_at_100_max": 31.42492046918158, + "nauc_recall_at_10_diff1": 36.13832214819092, + "nauc_recall_at_10_max": 35.455673437705734, + "nauc_recall_at_1_diff1": 56.771276390581896, + "nauc_recall_at_1_max": 39.21668184007358, + "nauc_recall_at_20_diff1": 34.82064123770155, + "nauc_recall_at_20_max": 34.607469690168344, + "nauc_recall_at_3_diff1": 44.00375363375299, + "nauc_recall_at_3_max": 36.44058673547244, + "nauc_recall_at_5_diff1": 40.13678179130244, + "nauc_recall_at_5_max": 35.72641024766304, + "ndcg_at_1": 28.538999999999998, + "ndcg_at_10": 38.234, + "ndcg_at_100": 44.025, + "ndcg_at_1000": 46.611999999999995, + "ndcg_at_20": 40.528999999999996, + "ndcg_at_3": 33.603, + "ndcg_at_5": 35.91, + "precision_at_1": 28.538999999999998, + "precision_at_10": 6.848999999999999, + "precision_at_100": 1.146, + "precision_at_1000": 0.155, + "precision_at_20": 4.15, + "precision_at_3": 16.02, + "precision_at_5": 11.416, + "recall_at_1": 23.785999999999998, + "recall_at_10": 49.475, + "recall_at_100": 74.211, + "recall_at_1000": 91.69699999999999, + "recall_at_20": 57.399, + "recall_at_3": 36.716, + "recall_at_5": 42.698, + "main_score": 38.234 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/CQADupstackStatsRetrieval.json b/results/Lajavaness__bilingual-embedding-base/external/CQADupstackStatsRetrieval.json new file mode 100644 index 000000000..b32cb699e --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/CQADupstackStatsRetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "65ac3a16b8e91f9cee4c9828cc7c335575432a2a", + "task_name": "CQADupstackStatsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.383, + "map_at_10": 25.779999999999998, + "map_at_100": 26.692, + "map_at_1000": 26.790000000000003, + "map_at_20": 26.288, + "map_at_3": 23.286, + "map_at_5": 24.881, + "mrr_at_1": 21.625766871165645, + "mrr_at_10": 28.134677183756935, + "mrr_at_100": 28.990470265944246, + "mrr_at_1000": 29.06015337908212, + "mrr_at_20": 28.6217210745573, + "mrr_at_3": 25.894683026584875, + "mrr_at_5": 27.29038854805726, + "nauc_map_at_1000_diff1": 49.911847914254295, + "nauc_map_at_1000_max": 35.48333790982145, + "nauc_map_at_100_diff1": 49.90404203205197, + "nauc_map_at_100_max": 35.467667772052444, + "nauc_map_at_10_diff1": 50.116677861558436, + "nauc_map_at_10_max": 35.22777804014755, + "nauc_map_at_1_diff1": 54.43337006606851, + "nauc_map_at_1_max": 34.97044319260595, + "nauc_map_at_20_diff1": 50.00485022476988, + "nauc_map_at_20_max": 35.27772351072898, + "nauc_map_at_3_diff1": 51.101154626515466, + "nauc_map_at_3_max": 35.01188192392699, + "nauc_map_at_5_diff1": 50.85455903915764, + "nauc_map_at_5_max": 35.222924790317556, + "nauc_mrr_at_1000_diff1": 50.469777332868446, + "nauc_mrr_at_1000_max": 36.806239966091134, + "nauc_mrr_at_100_diff1": 50.43774386023924, + "nauc_mrr_at_100_max": 36.81415281954135, + "nauc_mrr_at_10_diff1": 50.65191632415702, + "nauc_mrr_at_10_max": 36.796669555237735, + "nauc_mrr_at_1_diff1": 56.69444714733734, + "nauc_mrr_at_1_max": 37.950238556672936, + "nauc_mrr_at_20_diff1": 50.58591151000893, + "nauc_mrr_at_20_max": 36.74486652850544, + "nauc_mrr_at_3_diff1": 51.874376496561666, + "nauc_mrr_at_3_max": 37.17436215275038, + "nauc_mrr_at_5_diff1": 51.23784797508226, + "nauc_mrr_at_5_max": 36.797843583446976, + "nauc_ndcg_at_1000_diff1": 47.02453368687982, + "nauc_ndcg_at_1000_max": 35.645475773480015, + "nauc_ndcg_at_100_diff1": 46.3919750229052, + "nauc_ndcg_at_100_max": 35.52540027815628, + "nauc_ndcg_at_10_diff1": 47.783397540510954, + "nauc_ndcg_at_10_max": 34.978511185065415, + "nauc_ndcg_at_1_diff1": 56.69444714733734, + "nauc_ndcg_at_1_max": 37.950238556672936, + "nauc_ndcg_at_20_diff1": 47.54223429140186, + "nauc_ndcg_at_20_max": 34.96367876086221, + "nauc_ndcg_at_3_diff1": 49.6543909342716, + "nauc_ndcg_at_3_max": 35.55329341746738, + "nauc_ndcg_at_5_diff1": 49.27526999339532, + "nauc_ndcg_at_5_max": 35.269553382209025, + "nauc_precision_at_1000_diff1": 4.152639847319254, + "nauc_precision_at_1000_max": 19.860239840663723, + "nauc_precision_at_100_diff1": 20.5112056117488, + "nauc_precision_at_100_max": 33.986584990989556, + "nauc_precision_at_10_diff1": 36.61149278468018, + "nauc_precision_at_10_max": 38.71670013842566, + "nauc_precision_at_1_diff1": 56.69444714733734, + "nauc_precision_at_1_max": 37.950238556672936, + "nauc_precision_at_20_diff1": 33.440399762319224, + "nauc_precision_at_20_max": 36.81534392845937, + "nauc_precision_at_3_diff1": 46.57940283237786, + "nauc_precision_at_3_max": 40.2021686353609, + "nauc_precision_at_5_diff1": 43.24878459897664, + "nauc_precision_at_5_max": 39.56338396559801, + "nauc_recall_at_1000_diff1": 30.848441444485346, + "nauc_recall_at_1000_max": 29.206281789808227, + "nauc_recall_at_100_diff1": 30.51257893193596, + "nauc_recall_at_100_max": 31.092511899847807, + "nauc_recall_at_10_diff1": 39.87582825785208, + "nauc_recall_at_10_max": 31.21163188638994, + "nauc_recall_at_1_diff1": 54.43337006606851, + "nauc_recall_at_1_max": 34.97044319260595, + "nauc_recall_at_20_diff1": 38.87715004078399, + "nauc_recall_at_20_max": 30.6988866615607, + "nauc_recall_at_3_diff1": 45.86720941947824, + "nauc_recall_at_3_max": 32.61976516194995, + "nauc_recall_at_5_diff1": 44.153048811811296, + "nauc_recall_at_5_max": 32.11676236101473, + "ndcg_at_1": 21.626, + "ndcg_at_10": 29.859, + "ndcg_at_100": 34.472, + "ndcg_at_1000": 37.038, + "ndcg_at_20": 31.635, + "ndcg_at_3": 25.288, + "ndcg_at_5": 27.855999999999998, + "precision_at_1": 21.626, + "precision_at_10": 4.954, + "precision_at_100": 0.7779999999999999, + "precision_at_1000": 0.108, + "precision_at_20": 2.899, + "precision_at_3": 11.094, + "precision_at_5": 8.251999999999999, + "recall_at_1": 19.383, + "recall_at_10": 40.076, + "recall_at_100": 61.242, + "recall_at_1000": 80.314, + "recall_at_20": 46.758, + "recall_at_3": 27.962999999999997, + "recall_at_5": 34.147, + "main_score": 29.859 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/CQADupstackTexRetrieval.json b/results/Lajavaness__bilingual-embedding-base/external/CQADupstackTexRetrieval.json new file mode 100644 index 000000000..ee2a256c8 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/CQADupstackTexRetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "46989137a86843e03a6195de44b09deda022eec7", + "task_name": "CQADupstackTexRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 13.971, + "map_at_10": 19.858, + "map_at_100": 20.909, + "map_at_1000": 21.047, + "map_at_20": 20.426, + "map_at_3": 17.888, + "map_at_5": 18.948, + "mrr_at_1": 17.377838953888507, + "mrr_at_10": 23.3541168245229, + "mrr_at_100": 24.28548028171366, + "mrr_at_1000": 24.377827358449824, + "mrr_at_20": 23.88638570357191, + "mrr_at_3": 21.36958017894013, + "mrr_at_5": 22.512044046799744, + "nauc_map_at_1000_diff1": 37.755702284175236, + "nauc_map_at_1000_max": 29.985902989676845, + "nauc_map_at_100_diff1": 37.75580303049384, + "nauc_map_at_100_max": 29.948110193131978, + "nauc_map_at_10_diff1": 38.173556250676114, + "nauc_map_at_10_max": 29.977909805969883, + "nauc_map_at_1_diff1": 46.397651367070175, + "nauc_map_at_1_max": 30.5126306843905, + "nauc_map_at_20_diff1": 37.90916483077938, + "nauc_map_at_20_max": 29.968172386265085, + "nauc_map_at_3_diff1": 39.72488280969923, + "nauc_map_at_3_max": 30.188740025946746, + "nauc_map_at_5_diff1": 38.630985019403546, + "nauc_map_at_5_max": 29.879481875315722, + "nauc_mrr_at_1000_diff1": 35.84642181893316, + "nauc_mrr_at_1000_max": 31.670254385165258, + "nauc_mrr_at_100_diff1": 35.83045706635439, + "nauc_mrr_at_100_max": 31.66496126819178, + "nauc_mrr_at_10_diff1": 36.09970407587168, + "nauc_mrr_at_10_max": 31.8396436118298, + "nauc_mrr_at_1_diff1": 43.10155389869899, + "nauc_mrr_at_1_max": 34.16020753098804, + "nauc_mrr_at_20_diff1": 35.896835477664894, + "nauc_mrr_at_20_max": 31.73239216068521, + "nauc_mrr_at_3_diff1": 37.466645069277035, + "nauc_mrr_at_3_max": 32.49242404383092, + "nauc_mrr_at_5_diff1": 36.405092730921915, + "nauc_mrr_at_5_max": 31.92760166562469, + "nauc_ndcg_at_1000_diff1": 33.90603402215118, + "nauc_ndcg_at_1000_max": 29.729336831998786, + "nauc_ndcg_at_100_diff1": 33.50850724053531, + "nauc_ndcg_at_100_max": 29.306492255119792, + "nauc_ndcg_at_10_diff1": 34.97587417274376, + "nauc_ndcg_at_10_max": 29.85287300723461, + "nauc_ndcg_at_1_diff1": 43.10155389869899, + "nauc_ndcg_at_1_max": 34.16020753098804, + "nauc_ndcg_at_20_diff1": 34.20570916045498, + "nauc_ndcg_at_20_max": 29.60222341192852, + "nauc_ndcg_at_3_diff1": 37.339592233518914, + "nauc_ndcg_at_3_max": 31.040627782319678, + "nauc_ndcg_at_5_diff1": 35.77389927348168, + "nauc_ndcg_at_5_max": 29.914791666809233, + "nauc_precision_at_1000_diff1": 2.899363456166234, + "nauc_precision_at_1000_max": 22.023156102458266, + "nauc_precision_at_100_diff1": 11.303787835861796, + "nauc_precision_at_100_max": 26.139688179760295, + "nauc_precision_at_10_diff1": 22.48116840886295, + "nauc_precision_at_10_max": 31.359997435260933, + "nauc_precision_at_1_diff1": 43.10155389869899, + "nauc_precision_at_1_max": 34.16020753098804, + "nauc_precision_at_20_diff1": 19.052342801259027, + "nauc_precision_at_20_max": 30.295818240552265, + "nauc_precision_at_3_diff1": 29.98671296818897, + "nauc_precision_at_3_max": 33.518872240321095, + "nauc_precision_at_5_diff1": 26.140183342571895, + "nauc_precision_at_5_max": 31.731967908857495, + "nauc_recall_at_1000_diff1": 18.21949169710172, + "nauc_recall_at_1000_max": 21.981372080200686, + "nauc_recall_at_100_diff1": 20.257733390464356, + "nauc_recall_at_100_max": 22.351366657877755, + "nauc_recall_at_10_diff1": 27.478094748761023, + "nauc_recall_at_10_max": 25.693669844365168, + "nauc_recall_at_1_diff1": 46.397651367070175, + "nauc_recall_at_1_max": 30.5126306843905, + "nauc_recall_at_20_diff1": 24.426997641435758, + "nauc_recall_at_20_max": 24.371909403981874, + "nauc_recall_at_3_diff1": 33.01864346236186, + "nauc_recall_at_3_max": 27.470654873232615, + "nauc_recall_at_5_diff1": 29.70016272411814, + "nauc_recall_at_5_max": 26.045940185547146, + "ndcg_at_1": 17.378, + "ndcg_at_10": 23.798, + "ndcg_at_100": 28.907, + "ndcg_at_1000": 32.273, + "ndcg_at_20": 25.707, + "ndcg_at_3": 20.172, + "ndcg_at_5": 21.802, + "precision_at_1": 17.378, + "precision_at_10": 4.425, + "precision_at_100": 0.83, + "precision_at_1000": 0.129, + "precision_at_20": 2.796, + "precision_at_3": 9.600999999999999, + "precision_at_5": 6.999, + "recall_at_1": 13.971, + "recall_at_10": 32.24, + "recall_at_100": 55.257, + "recall_at_1000": 79.59, + "recall_at_20": 39.229, + "recall_at_3": 22.067999999999998, + "recall_at_5": 26.293, + "main_score": 23.798 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/CQADupstackUnixRetrieval.json b/results/Lajavaness__bilingual-embedding-base/external/CQADupstackUnixRetrieval.json new file mode 100644 index 000000000..8687dba8d --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/CQADupstackUnixRetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "6c6430d3a6d36f8d2a829195bc5dc94d7e063e53", + "task_name": "CQADupstackUnixRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.913, + "map_at_10": 31.479000000000003, + "map_at_100": 32.552, + "map_at_1000": 32.653, + "map_at_20": 31.990000000000002, + "map_at_3": 28.592000000000002, + "map_at_5": 30.373, + "mrr_at_1": 26.679104477611943, + "mrr_at_10": 35.04575337597722, + "mrr_at_100": 35.95382623195233, + "mrr_at_1000": 36.010139872633495, + "mrr_at_20": 35.53513175560514, + "mrr_at_3": 32.50932835820894, + "mrr_at_5": 34.029850746268615, + "nauc_map_at_1000_diff1": 48.91111448779822, + "nauc_map_at_1000_max": 42.45001990527906, + "nauc_map_at_100_diff1": 48.89190728335153, + "nauc_map_at_100_max": 42.42208663513962, + "nauc_map_at_10_diff1": 49.18102301155058, + "nauc_map_at_10_max": 42.38922838539626, + "nauc_map_at_1_diff1": 56.80065296129456, + "nauc_map_at_1_max": 44.49602807145463, + "nauc_map_at_20_diff1": 48.8774198345571, + "nauc_map_at_20_max": 42.33035822233443, + "nauc_map_at_3_diff1": 50.18578760557955, + "nauc_map_at_3_max": 42.049682832486525, + "nauc_map_at_5_diff1": 49.486124069477185, + "nauc_map_at_5_max": 42.55783777242684, + "nauc_mrr_at_1000_diff1": 49.36889165411647, + "nauc_mrr_at_1000_max": 44.77127656729937, + "nauc_mrr_at_100_diff1": 49.334724602529384, + "nauc_mrr_at_100_max": 44.74054390604988, + "nauc_mrr_at_10_diff1": 49.51295857027244, + "nauc_mrr_at_10_max": 44.9170190483006, + "nauc_mrr_at_1_diff1": 58.082371939479195, + "nauc_mrr_at_1_max": 47.809669154624714, + "nauc_mrr_at_20_diff1": 49.32453628990772, + "nauc_mrr_at_20_max": 44.85511763034043, + "nauc_mrr_at_3_diff1": 50.28814557566801, + "nauc_mrr_at_3_max": 45.02918648542346, + "nauc_mrr_at_5_diff1": 49.70083559303071, + "nauc_mrr_at_5_max": 45.24452033882872, + "nauc_ndcg_at_1000_diff1": 45.98074456611413, + "nauc_ndcg_at_1000_max": 42.31080875816173, + "nauc_ndcg_at_100_diff1": 45.40775721447589, + "nauc_ndcg_at_100_max": 41.66948346471324, + "nauc_ndcg_at_10_diff1": 46.45033224294541, + "nauc_ndcg_at_10_max": 41.94587530702735, + "nauc_ndcg_at_1_diff1": 58.082371939479195, + "nauc_ndcg_at_1_max": 47.809669154624714, + "nauc_ndcg_at_20_diff1": 45.52119345567974, + "nauc_ndcg_at_20_max": 41.689091488310375, + "nauc_ndcg_at_3_diff1": 47.7611351600258, + "nauc_ndcg_at_3_max": 42.12421531952486, + "nauc_ndcg_at_5_diff1": 46.96076236146089, + "nauc_ndcg_at_5_max": 42.48883644550073, + "nauc_precision_at_1000_diff1": -9.994796100724528, + "nauc_precision_at_1000_max": 4.537719884624942, + "nauc_precision_at_100_diff1": 5.176562004472227, + "nauc_precision_at_100_max": 20.363881706230003, + "nauc_precision_at_10_diff1": 28.13817373553328, + "nauc_precision_at_10_max": 35.95475620553222, + "nauc_precision_at_1_diff1": 58.082371939479195, + "nauc_precision_at_1_max": 47.809669154624714, + "nauc_precision_at_20_diff1": 20.22951508884242, + "nauc_precision_at_20_max": 31.772942110564383, + "nauc_precision_at_3_diff1": 39.394928690349715, + "nauc_precision_at_3_max": 41.22337390889921, + "nauc_precision_at_5_diff1": 33.3002766373711, + "nauc_precision_at_5_max": 39.798736765093004, + "nauc_recall_at_1000_diff1": 23.754029850817286, + "nauc_recall_at_1000_max": 33.93123719288166, + "nauc_recall_at_100_diff1": 27.544628904110198, + "nauc_recall_at_100_max": 30.334114782639638, + "nauc_recall_at_10_diff1": 36.834663549355106, + "nauc_recall_at_10_max": 35.98186975365149, + "nauc_recall_at_1_diff1": 56.80065296129456, + "nauc_recall_at_1_max": 44.49602807145463, + "nauc_recall_at_20_diff1": 32.36845729763492, + "nauc_recall_at_20_max": 33.854227154499725, + "nauc_recall_at_3_diff1": 41.3767634461603, + "nauc_recall_at_3_max": 37.614960977002795, + "nauc_recall_at_5_diff1": 38.83337733461508, + "nauc_recall_at_5_max": 38.23953256920769, + "ndcg_at_1": 26.679000000000002, + "ndcg_at_10": 36.620999999999995, + "ndcg_at_100": 41.942, + "ndcg_at_1000": 44.374, + "ndcg_at_20": 38.415, + "ndcg_at_3": 31.538, + "ndcg_at_5": 34.178999999999995, + "precision_at_1": 26.679000000000002, + "precision_at_10": 6.259, + "precision_at_100": 1.006, + "precision_at_1000": 0.133, + "precision_at_20": 3.6290000000000004, + "precision_at_3": 14.335, + "precision_at_5": 10.485, + "recall_at_1": 22.913, + "recall_at_10": 48.716, + "recall_at_100": 72.372, + "recall_at_1000": 89.531, + "recall_at_20": 55.269999999999996, + "recall_at_3": 35.074, + "recall_at_5": 41.537, + "main_score": 36.620999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/CQADupstackWebmastersRetrieval.json b/results/Lajavaness__bilingual-embedding-base/external/CQADupstackWebmastersRetrieval.json new file mode 100644 index 000000000..9837fc91d --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/CQADupstackWebmastersRetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "160c094312a0e1facb97e55eeddb698c0abe3571", + "task_name": "CQADupstackWebmastersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.111, + "map_at_10": 32.586999999999996, + "map_at_100": 34.12, + "map_at_1000": 34.365, + "map_at_20": 33.357, + "map_at_3": 29.941000000000003, + "map_at_5": 31.576999999999998, + "mrr_at_1": 29.841897233201582, + "mrr_at_10": 37.7974621996361, + "mrr_at_100": 38.70855926216216, + "mrr_at_1000": 38.78160750260466, + "mrr_at_20": 38.28642292998807, + "mrr_at_3": 35.540184453227944, + "mrr_at_5": 36.9631093544137, + "nauc_map_at_1000_diff1": 48.66304930719204, + "nauc_map_at_1000_max": 41.95032096153431, + "nauc_map_at_100_diff1": 48.79765165759156, + "nauc_map_at_100_max": 42.07729091897765, + "nauc_map_at_10_diff1": 48.857016210602815, + "nauc_map_at_10_max": 41.40602447689144, + "nauc_map_at_1_diff1": 56.30285091540639, + "nauc_map_at_1_max": 41.50722701029977, + "nauc_map_at_20_diff1": 48.81899029977082, + "nauc_map_at_20_max": 41.59748805021434, + "nauc_map_at_3_diff1": 50.427376588223524, + "nauc_map_at_3_max": 42.16021881535689, + "nauc_map_at_5_diff1": 49.30376475055564, + "nauc_map_at_5_max": 40.80672149673538, + "nauc_mrr_at_1000_diff1": 46.345186006817585, + "nauc_mrr_at_1000_max": 43.50174997374244, + "nauc_mrr_at_100_diff1": 46.295807235163586, + "nauc_mrr_at_100_max": 43.50031316913962, + "nauc_mrr_at_10_diff1": 46.47773451307542, + "nauc_mrr_at_10_max": 43.458160190412194, + "nauc_mrr_at_1_diff1": 52.74875572154898, + "nauc_mrr_at_1_max": 44.75642046390427, + "nauc_mrr_at_20_diff1": 46.3900630839787, + "nauc_mrr_at_20_max": 43.50880808108073, + "nauc_mrr_at_3_diff1": 48.19554935809951, + "nauc_mrr_at_3_max": 44.6333875693719, + "nauc_mrr_at_5_diff1": 46.93570802196158, + "nauc_mrr_at_5_max": 43.125336922131, + "nauc_ndcg_at_1000_diff1": 45.33511371430761, + "nauc_ndcg_at_1000_max": 42.71458917809584, + "nauc_ndcg_at_100_diff1": 44.722449600774205, + "nauc_ndcg_at_100_max": 42.914978315188804, + "nauc_ndcg_at_10_diff1": 45.227438065629464, + "nauc_ndcg_at_10_max": 41.683893995546676, + "nauc_ndcg_at_1_diff1": 52.74875572154898, + "nauc_ndcg_at_1_max": 44.75642046390427, + "nauc_ndcg_at_20_diff1": 44.55699203003113, + "nauc_ndcg_at_20_max": 41.415096016236674, + "nauc_ndcg_at_3_diff1": 48.10326999177321, + "nauc_ndcg_at_3_max": 44.23088613607569, + "nauc_ndcg_at_5_diff1": 46.38361769072502, + "nauc_ndcg_at_5_max": 41.022399131998824, + "nauc_precision_at_1000_diff1": -14.552159603323588, + "nauc_precision_at_1000_max": -3.1254911408763344, + "nauc_precision_at_100_diff1": -0.23909748335372277, + "nauc_precision_at_100_max": 16.89399096801419, + "nauc_precision_at_10_diff1": 20.38093826207771, + "nauc_precision_at_10_max": 33.609116276999984, + "nauc_precision_at_1_diff1": 52.74875572154898, + "nauc_precision_at_1_max": 44.75642046390427, + "nauc_precision_at_20_diff1": 14.390742980745472, + "nauc_precision_at_20_max": 28.70169752553835, + "nauc_precision_at_3_diff1": 35.95450638656823, + "nauc_precision_at_3_max": 43.164677486075306, + "nauc_precision_at_5_diff1": 28.145486984369327, + "nauc_precision_at_5_max": 35.15010507177889, + "nauc_recall_at_1000_diff1": 18.31197862072379, + "nauc_recall_at_1000_max": 39.21531256166399, + "nauc_recall_at_100_diff1": 25.523825639252152, + "nauc_recall_at_100_max": 41.261468285876326, + "nauc_recall_at_10_diff1": 33.25089536691914, + "nauc_recall_at_10_max": 35.62911707394771, + "nauc_recall_at_1_diff1": 56.30285091540639, + "nauc_recall_at_1_max": 41.50722701029977, + "nauc_recall_at_20_diff1": 29.960428793914986, + "nauc_recall_at_20_max": 35.185821233232936, + "nauc_recall_at_3_diff1": 43.06694028157036, + "nauc_recall_at_3_max": 39.592097716636886, + "nauc_recall_at_5_diff1": 37.78776183699997, + "nauc_recall_at_5_max": 33.29553795647041, + "ndcg_at_1": 29.842000000000002, + "ndcg_at_10": 38.17, + "ndcg_at_100": 43.69, + "ndcg_at_1000": 46.647, + "ndcg_at_20": 40.071, + "ndcg_at_3": 34.095, + "ndcg_at_5": 36.24, + "precision_at_1": 29.842000000000002, + "precision_at_10": 7.273000000000001, + "precision_at_100": 1.47, + "precision_at_1000": 0.23800000000000002, + "precision_at_20": 4.595, + "precision_at_3": 16.073999999999998, + "precision_at_5": 11.738999999999999, + "recall_at_1": 24.111, + "recall_at_10": 48.004000000000005, + "recall_at_100": 72.94699999999999, + "recall_at_1000": 91.888, + "recall_at_20": 55.216, + "recall_at_3": 35.811, + "recall_at_5": 41.89, + "main_score": 38.17 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/CQADupstackWordpressRetrieval.json b/results/Lajavaness__bilingual-embedding-base/external/CQADupstackWordpressRetrieval.json new file mode 100644 index 000000000..e1726221c --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/CQADupstackWordpressRetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "4ffe81d471b1924886b33c7567bfb200e9eec5c4", + "task_name": "CQADupstackWordpressRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.028, + "map_at_10": 24.82, + "map_at_100": 25.768, + "map_at_1000": 25.884, + "map_at_20": 25.320999999999998, + "map_at_3": 22.585, + "map_at_5": 23.97, + "mrr_at_1": 19.963031423290204, + "mrr_at_10": 26.794589678138646, + "mrr_at_100": 27.68954610737053, + "mrr_at_1000": 27.779869498156962, + "mrr_at_20": 27.282527769829105, + "mrr_at_3": 24.522489217498453, + "mrr_at_5": 25.89956869993838, + "nauc_map_at_1000_diff1": 29.354656347993824, + "nauc_map_at_1000_max": 25.777632482963902, + "nauc_map_at_100_diff1": 29.344606522701266, + "nauc_map_at_100_max": 25.74884197256006, + "nauc_map_at_10_diff1": 29.263520383732228, + "nauc_map_at_10_max": 25.956046243549185, + "nauc_map_at_1_diff1": 32.10083227622593, + "nauc_map_at_1_max": 26.082934151928335, + "nauc_map_at_20_diff1": 29.252814048502522, + "nauc_map_at_20_max": 25.73021877076165, + "nauc_map_at_3_diff1": 30.402946945740624, + "nauc_map_at_3_max": 25.479666391115586, + "nauc_map_at_5_diff1": 30.112881326178037, + "nauc_map_at_5_max": 26.181377819243316, + "nauc_mrr_at_1000_diff1": 29.36011085257817, + "nauc_mrr_at_1000_max": 26.512397267441905, + "nauc_mrr_at_100_diff1": 29.34716126133153, + "nauc_mrr_at_100_max": 26.492126338060768, + "nauc_mrr_at_10_diff1": 29.291501370936746, + "nauc_mrr_at_10_max": 26.720460613779785, + "nauc_mrr_at_1_diff1": 32.59370226571806, + "nauc_mrr_at_1_max": 27.210974235559654, + "nauc_mrr_at_20_diff1": 29.339683741214824, + "nauc_mrr_at_20_max": 26.565206125640618, + "nauc_mrr_at_3_diff1": 30.615760229041822, + "nauc_mrr_at_3_max": 26.964923490024372, + "nauc_mrr_at_5_diff1": 30.09283430145986, + "nauc_mrr_at_5_max": 26.97653024091469, + "nauc_ndcg_at_1000_diff1": 28.1229347584593, + "nauc_ndcg_at_1000_max": 25.58333272731477, + "nauc_ndcg_at_100_diff1": 27.785141959567877, + "nauc_ndcg_at_100_max": 25.262023849022043, + "nauc_ndcg_at_10_diff1": 27.471970751404058, + "nauc_ndcg_at_10_max": 26.100161257581366, + "nauc_ndcg_at_1_diff1": 32.59370226571806, + "nauc_ndcg_at_1_max": 27.210974235559654, + "nauc_ndcg_at_20_diff1": 27.493348155478664, + "nauc_ndcg_at_20_max": 25.429920376418064, + "nauc_ndcg_at_3_diff1": 30.049291118944282, + "nauc_ndcg_at_3_max": 25.87324242231816, + "nauc_ndcg_at_5_diff1": 29.285225144397696, + "nauc_ndcg_at_5_max": 26.538239428331035, + "nauc_precision_at_1000_diff1": 0.30786182255546335, + "nauc_precision_at_1000_max": -1.122583222669982, + "nauc_precision_at_100_diff1": 16.643044236960975, + "nauc_precision_at_100_max": 16.898061651611094, + "nauc_precision_at_10_diff1": 22.225745733008576, + "nauc_precision_at_10_max": 25.897094746875343, + "nauc_precision_at_1_diff1": 32.59370226571806, + "nauc_precision_at_1_max": 27.210974235559654, + "nauc_precision_at_20_diff1": 21.25369337146511, + "nauc_precision_at_20_max": 22.501776705458052, + "nauc_precision_at_3_diff1": 29.752252136844444, + "nauc_precision_at_3_max": 26.54042152706389, + "nauc_precision_at_5_diff1": 28.014614694166003, + "nauc_precision_at_5_max": 28.096365928752963, + "nauc_recall_at_1000_diff1": 23.27380094527733, + "nauc_recall_at_1000_max": 21.84162629652965, + "nauc_recall_at_100_diff1": 21.646953220120835, + "nauc_recall_at_100_max": 20.865427838218878, + "nauc_recall_at_10_diff1": 21.50707716122318, + "nauc_recall_at_10_max": 25.11348571349948, + "nauc_recall_at_1_diff1": 32.10083227622593, + "nauc_recall_at_1_max": 26.082934151928335, + "nauc_recall_at_20_diff1": 21.149584140557366, + "nauc_recall_at_20_max": 22.687778440936103, + "nauc_recall_at_3_diff1": 28.105583308602416, + "nauc_recall_at_3_max": 24.808247917706677, + "nauc_recall_at_5_diff1": 26.268258977975016, + "nauc_recall_at_5_max": 26.14783487728073, + "ndcg_at_1": 19.963, + "ndcg_at_10": 28.988999999999997, + "ndcg_at_100": 33.835, + "ndcg_at_1000": 37.07, + "ndcg_at_20": 30.808000000000003, + "ndcg_at_3": 24.581, + "ndcg_at_5": 26.979999999999997, + "precision_at_1": 19.963, + "precision_at_10": 4.621, + "precision_at_100": 0.754, + "precision_at_1000": 0.11199999999999999, + "precision_at_20": 2.7449999999999997, + "precision_at_3": 10.783, + "precision_at_5": 7.837, + "recall_at_1": 18.028, + "recall_at_10": 39.997, + "recall_at_100": 62.361, + "recall_at_1000": 87.083, + "recall_at_20": 46.936, + "recall_at_3": 28.323999999999998, + "recall_at_5": 34.091, + "main_score": 28.988999999999997 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/ClimateFEVER.json b/results/Lajavaness__bilingual-embedding-base/external/ClimateFEVER.json new file mode 100644 index 000000000..6a82c954c --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/ClimateFEVER.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.18, + "map_at_10": 11.277, + "map_at_100": 12.873000000000001, + "map_at_1000": 13.098, + "map_at_20": 12.033000000000001, + "map_at_3": 9.213000000000001, + "map_at_5": 10.179, + "mrr_at_1": 13.615635179153093, + "mrr_at_10": 22.3759371283801, + "mrr_at_100": 23.74043839617308, + "mrr_at_1000": 23.807597594686023, + "mrr_at_20": 23.172313674880147, + "mrr_at_3": 19.15309446254072, + "mrr_at_5": 20.902280130293132, + "nauc_map_at_1000_diff1": 28.07875585225803, + "nauc_map_at_1000_max": 35.83708929348549, + "nauc_map_at_100_diff1": 28.13253751629951, + "nauc_map_at_100_max": 35.74641807227035, + "nauc_map_at_10_diff1": 28.494200987801044, + "nauc_map_at_10_max": 34.583975326049966, + "nauc_map_at_1_diff1": 39.996859549061355, + "nauc_map_at_1_max": 39.270510397353526, + "nauc_map_at_20_diff1": 28.025812489675044, + "nauc_map_at_20_max": 35.177169215298406, + "nauc_map_at_3_diff1": 32.30909470003803, + "nauc_map_at_3_max": 36.37733076481426, + "nauc_map_at_5_diff1": 29.921198050945296, + "nauc_map_at_5_max": 34.94586908456363, + "nauc_mrr_at_1000_diff1": 26.08074340015364, + "nauc_mrr_at_1000_max": 33.02687297171295, + "nauc_mrr_at_100_diff1": 26.054902916636646, + "nauc_mrr_at_100_max": 33.01617535618753, + "nauc_mrr_at_10_diff1": 25.88148928931446, + "nauc_mrr_at_10_max": 32.61799742547017, + "nauc_mrr_at_1_diff1": 36.03138484582729, + "nauc_mrr_at_1_max": 36.277950419702755, + "nauc_mrr_at_20_diff1": 25.974259829372738, + "nauc_mrr_at_20_max": 32.797465492032124, + "nauc_mrr_at_3_diff1": 28.465203801115152, + "nauc_mrr_at_3_max": 33.765630602498895, + "nauc_mrr_at_5_diff1": 26.436793504159496, + "nauc_mrr_at_5_max": 32.62012479096292, + "nauc_ndcg_at_1000_diff1": 23.672305808597077, + "nauc_ndcg_at_1000_max": 37.08958734194627, + "nauc_ndcg_at_100_diff1": 23.944898359513253, + "nauc_ndcg_at_100_max": 35.90189193251265, + "nauc_ndcg_at_10_diff1": 23.75418336772388, + "nauc_ndcg_at_10_max": 32.36026460519453, + "nauc_ndcg_at_1_diff1": 36.03138484582729, + "nauc_ndcg_at_1_max": 36.277950419702755, + "nauc_ndcg_at_20_diff1": 23.079788090123536, + "nauc_ndcg_at_20_max": 33.46154223206268, + "nauc_ndcg_at_3_diff1": 28.612088697615302, + "nauc_ndcg_at_3_max": 34.42302593383679, + "nauc_ndcg_at_5_diff1": 25.671378300813853, + "nauc_ndcg_at_5_max": 32.64433627531644, + "nauc_precision_at_1000_diff1": -0.3052718758543331, + "nauc_precision_at_1000_max": 18.16387047369377, + "nauc_precision_at_100_diff1": 7.956051604214289, + "nauc_precision_at_100_max": 25.73158237184035, + "nauc_precision_at_10_diff1": 10.163750744754575, + "nauc_precision_at_10_max": 26.00696664055645, + "nauc_precision_at_1_diff1": 36.03138484582729, + "nauc_precision_at_1_max": 36.277950419702755, + "nauc_precision_at_20_diff1": 8.314279554483267, + "nauc_precision_at_20_max": 27.115560839727205, + "nauc_precision_at_3_diff1": 21.690833394205402, + "nauc_precision_at_3_max": 32.156497547258645, + "nauc_precision_at_5_diff1": 15.032164068271097, + "nauc_precision_at_5_max": 28.07574462716985, + "nauc_recall_at_1000_diff1": 10.738783260564638, + "nauc_recall_at_1000_max": 35.56192865936298, + "nauc_recall_at_100_diff1": 14.296129488159078, + "nauc_recall_at_100_max": 30.18732747422109, + "nauc_recall_at_10_diff1": 15.306405656539345, + "nauc_recall_at_10_max": 25.621311074599586, + "nauc_recall_at_1_diff1": 39.996859549061355, + "nauc_recall_at_1_max": 39.270510397353526, + "nauc_recall_at_20_diff1": 13.106484977306085, + "nauc_recall_at_20_max": 26.123290353715582, + "nauc_recall_at_3_diff1": 25.514669409942993, + "nauc_recall_at_3_max": 31.83833126301056, + "nauc_recall_at_5_diff1": 18.916230651494935, + "nauc_recall_at_5_max": 27.401847297469374, + "ndcg_at_1": 13.616, + "ndcg_at_10": 17.005, + "ndcg_at_100": 24.686, + "ndcg_at_1000": 29.037000000000003, + "ndcg_at_20": 19.575, + "ndcg_at_3": 12.867, + "ndcg_at_5": 14.313, + "precision_at_1": 13.616, + "precision_at_10": 5.603000000000001, + "precision_at_100": 1.384, + "precision_at_1000": 0.218, + "precision_at_20": 3.8629999999999995, + "precision_at_3": 9.62, + "precision_at_5": 7.686999999999999, + "recall_at_1": 6.18, + "recall_at_10": 22.253999999999998, + "recall_at_100": 49.857, + "recall_at_1000": 74.509, + "recall_at_20": 29.79, + "recall_at_3": 12.471, + "recall_at_5": 16.154, + "main_score": 17.005 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/DBPedia.json b/results/Lajavaness__bilingual-embedding-base/external/DBPedia.json new file mode 100644 index 000000000..d7a2d0819 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/DBPedia.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.291, + "map_at_10": 16.830000000000002, + "map_at_100": 23.034, + "map_at_1000": 24.512999999999998, + "map_at_20": 19.091, + "map_at_3": 12.845999999999998, + "map_at_5": 14.402000000000001, + "mrr_at_1": 58.75, + "mrr_at_10": 68.33035714285714, + "mrr_at_100": 68.71251724781709, + "mrr_at_1000": 68.72409210627302, + "mrr_at_20": 68.47271810039805, + "mrr_at_3": 66.25, + "mrr_at_5": 67.575, + "nauc_map_at_1000_diff1": 27.342350846844752, + "nauc_map_at_1000_max": 14.188457616813544, + "nauc_map_at_100_diff1": 27.710778521551514, + "nauc_map_at_100_max": 11.818644063311075, + "nauc_map_at_10_diff1": 28.06853470498657, + "nauc_map_at_10_max": -0.12310961533344932, + "nauc_map_at_1_diff1": 36.28948693750488, + "nauc_map_at_1_max": -8.633353634959779, + "nauc_map_at_20_diff1": 27.934994633916343, + "nauc_map_at_20_max": 4.66682483439594, + "nauc_map_at_3_diff1": 28.558592385022912, + "nauc_map_at_3_max": -6.5695573701219905, + "nauc_map_at_5_diff1": 28.15758211700583, + "nauc_map_at_5_max": -4.438837627387033, + "nauc_mrr_at_1000_diff1": 32.88741935239777, + "nauc_mrr_at_1000_max": 36.85520170797062, + "nauc_mrr_at_100_diff1": 32.89939422961155, + "nauc_mrr_at_100_max": 36.86316603211002, + "nauc_mrr_at_10_diff1": 32.75700243218855, + "nauc_mrr_at_10_max": 37.04714292361367, + "nauc_mrr_at_1_diff1": 34.13253827440505, + "nauc_mrr_at_1_max": 33.77037186076712, + "nauc_mrr_at_20_diff1": 32.80415591728181, + "nauc_mrr_at_20_max": 36.99253314411835, + "nauc_mrr_at_3_diff1": 32.586811805982016, + "nauc_mrr_at_3_max": 36.12324135058626, + "nauc_mrr_at_5_diff1": 33.03671664465732, + "nauc_mrr_at_5_max": 36.97824557212217, + "nauc_ndcg_at_1000_diff1": 28.337772149714162, + "nauc_ndcg_at_1000_max": 25.377883958551458, + "nauc_ndcg_at_100_diff1": 28.41718749082906, + "nauc_ndcg_at_100_max": 18.123074545882446, + "nauc_ndcg_at_10_diff1": 27.74101109260006, + "nauc_ndcg_at_10_max": 17.69386105978732, + "nauc_ndcg_at_1_diff1": 31.913034148097413, + "nauc_ndcg_at_1_max": 26.268179898794834, + "nauc_ndcg_at_20_diff1": 27.916849997321297, + "nauc_ndcg_at_20_max": 15.44589123370981, + "nauc_ndcg_at_3_diff1": 26.337487002010345, + "nauc_ndcg_at_3_max": 22.565903592425173, + "nauc_ndcg_at_5_diff1": 26.902286744591574, + "nauc_ndcg_at_5_max": 20.51307548413365, + "nauc_precision_at_1000_diff1": -10.757573462902606, + "nauc_precision_at_1000_max": 33.20717701523462, + "nauc_precision_at_100_diff1": 4.142228479859455, + "nauc_precision_at_100_max": 35.16404294730987, + "nauc_precision_at_10_diff1": 12.469406451834095, + "nauc_precision_at_10_max": 37.9712993631463, + "nauc_precision_at_1_diff1": 34.13253827440505, + "nauc_precision_at_1_max": 33.77037186076712, + "nauc_precision_at_20_diff1": 9.319269643229944, + "nauc_precision_at_20_max": 37.327643501927774, + "nauc_precision_at_3_diff1": 16.255946329046314, + "nauc_precision_at_3_max": 32.91012044795064, + "nauc_precision_at_5_diff1": 14.45882910211086, + "nauc_precision_at_5_max": 37.335976736380175, + "nauc_recall_at_1000_diff1": 21.567656720257148, + "nauc_recall_at_1000_max": 21.46402442471943, + "nauc_recall_at_100_diff1": 22.39134946314963, + "nauc_recall_at_100_max": 11.668568431971867, + "nauc_recall_at_10_diff1": 23.937310413594133, + "nauc_recall_at_10_max": -1.3011457352984097, + "nauc_recall_at_1_diff1": 36.28948693750488, + "nauc_recall_at_1_max": -8.633353634959779, + "nauc_recall_at_20_diff1": 23.638781595544128, + "nauc_recall_at_20_max": 5.460347213047418, + "nauc_recall_at_3_diff1": 26.087367269108725, + "nauc_recall_at_3_max": -8.392789032179113, + "nauc_recall_at_5_diff1": 24.741724571041253, + "nauc_recall_at_5_max": -6.393820851085444, + "ndcg_at_1": 47.25, + "ndcg_at_10": 35.081, + "ndcg_at_100": 39.969, + "ndcg_at_1000": 47.847, + "ndcg_at_20": 34.547, + "ndcg_at_3": 39.304, + "ndcg_at_5": 36.79, + "precision_at_1": 58.75, + "precision_at_10": 26.85, + "precision_at_100": 8.703, + "precision_at_1000": 1.8980000000000001, + "precision_at_20": 20.037, + "precision_at_3": 42.083, + "precision_at_5": 35.099999999999994, + "recall_at_1": 8.291, + "recall_at_10": 22.274, + "recall_at_100": 46.904, + "recall_at_1000": 71.71, + "recall_at_20": 27.898, + "recall_at_3": 14.213999999999999, + "recall_at_5": 17.035, + "main_score": 35.081 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/EmotionClassification.json b/results/Lajavaness__bilingual-embedding-base/external/EmotionClassification.json new file mode 100644 index 000000000..e7f4773a6 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/EmotionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 47.11, + "f1": 41.2294008856841, + "f1_weighted": 49.015064693968355, + "main_score": 47.11 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/FEVER.json b/results/Lajavaness__bilingual-embedding-base/external/FEVER.json new file mode 100644 index 000000000..aec98c4a8 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/FEVER.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.014, + "map_at_10": 54.081999999999994, + "map_at_100": 54.698, + "map_at_1000": 54.72, + "map_at_20": 54.48, + "map_at_3": 50.809000000000005, + "map_at_5": 52.79899999999999, + "mrr_at_1": 43.009300930093005, + "mrr_at_10": 57.503827763729085, + "mrr_at_100": 58.049446560229754, + "mrr_at_1000": 58.0600709633308, + "mrr_at_20": 57.875221009859665, + "mrr_at_3": 54.25292529252964, + "mrr_at_5": 56.24212421242145, + "nauc_map_at_1000_diff1": 37.53159168913937, + "nauc_map_at_1000_max": 6.8836860808007465, + "nauc_map_at_100_diff1": 37.528011745089835, + "nauc_map_at_100_max": 6.882491514393514, + "nauc_map_at_10_diff1": 37.3772602442582, + "nauc_map_at_10_max": 6.941476394099929, + "nauc_map_at_1_diff1": 41.86294360198839, + "nauc_map_at_1_max": 6.023892954634666, + "nauc_map_at_20_diff1": 37.427127392559335, + "nauc_map_at_20_max": 6.882487617592033, + "nauc_map_at_3_diff1": 37.20054603111901, + "nauc_map_at_3_max": 6.161906578752757, + "nauc_map_at_5_diff1": 37.07890205012265, + "nauc_map_at_5_max": 6.693250003060114, + "nauc_mrr_at_1000_diff1": 40.01409327276433, + "nauc_mrr_at_1000_max": 6.986140706019336, + "nauc_mrr_at_100_diff1": 40.01603614242155, + "nauc_mrr_at_100_max": 6.994969349070441, + "nauc_mrr_at_10_diff1": 39.88645059936797, + "nauc_mrr_at_10_max": 7.128874648135309, + "nauc_mrr_at_1_diff1": 44.010610515801766, + "nauc_mrr_at_1_max": 5.9421616518924, + "nauc_mrr_at_20_diff1": 39.91760958564354, + "nauc_mrr_at_20_max": 7.001496247992628, + "nauc_mrr_at_3_diff1": 39.55814635404465, + "nauc_mrr_at_3_max": 6.348916278839159, + "nauc_mrr_at_5_diff1": 39.53111951703581, + "nauc_mrr_at_5_max": 6.90608845386575, + "nauc_ndcg_at_1000_diff1": 37.410083910100454, + "nauc_ndcg_at_1000_max": 7.702794760075665, + "nauc_ndcg_at_100_diff1": 37.24367644094166, + "nauc_ndcg_at_100_max": 7.748369388619449, + "nauc_ndcg_at_10_diff1": 36.42739864037634, + "nauc_ndcg_at_10_max": 8.023602519440981, + "nauc_ndcg_at_1_diff1": 44.010610515801766, + "nauc_ndcg_at_1_max": 5.9421616518924, + "nauc_ndcg_at_20_diff1": 36.532843433534836, + "nauc_ndcg_at_20_max": 7.736575556014484, + "nauc_ndcg_at_3_diff1": 36.195062467683485, + "nauc_ndcg_at_3_max": 6.351990387166732, + "nauc_ndcg_at_5_diff1": 35.823128734687835, + "nauc_ndcg_at_5_max": 7.397593069596111, + "nauc_precision_at_1000_diff1": -3.5385176540536514, + "nauc_precision_at_1000_max": 6.514978387518318, + "nauc_precision_at_100_diff1": 3.0567737052705435, + "nauc_precision_at_100_max": 9.197755692738543, + "nauc_precision_at_10_diff1": 22.124829864658473, + "nauc_precision_at_10_max": 13.41228356156045, + "nauc_precision_at_1_diff1": 44.010610515801766, + "nauc_precision_at_1_max": 5.9421616518924, + "nauc_precision_at_20_diff1": 14.960320394382231, + "nauc_precision_at_20_max": 12.26648981111606, + "nauc_precision_at_3_diff1": 31.130457883879092, + "nauc_precision_at_3_max": 6.82126659383764, + "nauc_precision_at_5_diff1": 26.884225039660837, + "nauc_precision_at_5_max": 10.124900855966871, + "nauc_recall_at_1000_diff1": 17.368406898729038, + "nauc_recall_at_1000_max": 20.346937130202836, + "nauc_recall_at_100_diff1": 20.167019111696035, + "nauc_recall_at_100_max": 15.751973809238756, + "nauc_recall_at_10_diff1": 24.579485696194457, + "nauc_recall_at_10_max": 12.597490151740628, + "nauc_recall_at_1_diff1": 41.86294360198839, + "nauc_recall_at_1_max": 6.023892954634666, + "nauc_recall_at_20_diff1": 21.09351386111729, + "nauc_recall_at_20_max": 11.699302732967896, + "nauc_recall_at_3_diff1": 29.17762647595018, + "nauc_recall_at_3_max": 6.461951154139278, + "nauc_recall_at_5_diff1": 26.266588024737242, + "nauc_recall_at_5_max": 9.344922507705471, + "ndcg_at_1": 43.009, + "ndcg_at_10": 61.541999999999994, + "ndcg_at_100": 64.292, + "ndcg_at_1000": 64.781, + "ndcg_at_20": 62.925, + "ndcg_at_3": 55.095000000000006, + "ndcg_at_5": 58.557, + "precision_at_1": 43.009, + "precision_at_10": 8.863, + "precision_at_100": 1.0370000000000001, + "precision_at_1000": 0.11, + "precision_at_20": 4.742, + "precision_at_3": 23.077, + "precision_at_5": 15.701, + "recall_at_1": 40.014, + "recall_at_10": 81.319, + "recall_at_100": 93.362, + "recall_at_1000": 96.72500000000001, + "recall_at_20": 86.54899999999999, + "recall_at_3": 63.975, + "recall_at_5": 72.361, + "main_score": 61.541999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/FiQA2018.json b/results/Lajavaness__bilingual-embedding-base/external/FiQA2018.json new file mode 100644 index 000000000..10873008f --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/FiQA2018.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 14.754999999999999, + "map_at_10": 23.415, + "map_at_100": 25.389, + "map_at_1000": 25.583, + "map_at_20": 24.471999999999998, + "map_at_3": 20.706, + "map_at_5": 22.137, + "mrr_at_1": 29.938271604938272, + "mrr_at_10": 37.82272682735643, + "mrr_at_100": 38.93217561179166, + "mrr_at_1000": 38.993419651389594, + "mrr_at_20": 38.51688181126462, + "mrr_at_3": 35.49382716049384, + "mrr_at_5": 36.69753086419753, + "nauc_map_at_1000_diff1": 39.87836835005687, + "nauc_map_at_1000_max": 27.964955726459046, + "nauc_map_at_100_diff1": 39.85804813979803, + "nauc_map_at_100_max": 27.901085428248518, + "nauc_map_at_10_diff1": 40.40910564822785, + "nauc_map_at_10_max": 27.072531521163906, + "nauc_map_at_1_diff1": 45.20997932526616, + "nauc_map_at_1_max": 24.648676414998096, + "nauc_map_at_20_diff1": 40.028106498724725, + "nauc_map_at_20_max": 27.60132226396262, + "nauc_map_at_3_diff1": 41.05603264971634, + "nauc_map_at_3_max": 26.25426542015784, + "nauc_map_at_5_diff1": 41.00888735158693, + "nauc_map_at_5_max": 27.191449534557897, + "nauc_mrr_at_1000_diff1": 41.89281932766717, + "nauc_mrr_at_1000_max": 35.99284962374552, + "nauc_mrr_at_100_diff1": 41.8809308098677, + "nauc_mrr_at_100_max": 35.99275706919067, + "nauc_mrr_at_10_diff1": 42.034104043793334, + "nauc_mrr_at_10_max": 35.76467432283676, + "nauc_mrr_at_1_diff1": 46.49733800476976, + "nauc_mrr_at_1_max": 37.4658949472576, + "nauc_mrr_at_20_diff1": 41.748351174212104, + "nauc_mrr_at_20_max": 35.9625951228368, + "nauc_mrr_at_3_diff1": 43.03598990961282, + "nauc_mrr_at_3_max": 36.15714656335092, + "nauc_mrr_at_5_diff1": 42.82409168973717, + "nauc_mrr_at_5_max": 36.196423200277614, + "nauc_ndcg_at_1000_diff1": 37.73166244969865, + "nauc_ndcg_at_1000_max": 31.381646846120077, + "nauc_ndcg_at_100_diff1": 37.23016841045615, + "nauc_ndcg_at_100_max": 30.46125187550548, + "nauc_ndcg_at_10_diff1": 38.973941698385175, + "nauc_ndcg_at_10_max": 28.50687601887441, + "nauc_ndcg_at_1_diff1": 46.49733800476976, + "nauc_ndcg_at_1_max": 37.4658949472576, + "nauc_ndcg_at_20_diff1": 37.789595359314184, + "nauc_ndcg_at_20_max": 29.22246454793801, + "nauc_ndcg_at_3_diff1": 41.76335349611918, + "nauc_ndcg_at_3_max": 32.83475312409831, + "nauc_ndcg_at_5_diff1": 41.107481866851366, + "nauc_ndcg_at_5_max": 30.504284365072547, + "nauc_precision_at_1000_diff1": 2.5166465109243528, + "nauc_precision_at_1000_max": 24.899624433788485, + "nauc_precision_at_100_diff1": 10.522599150582685, + "nauc_precision_at_100_max": 29.50873923975521, + "nauc_precision_at_10_diff1": 27.120890973936778, + "nauc_precision_at_10_max": 32.955042844361046, + "nauc_precision_at_1_diff1": 46.49733800476976, + "nauc_precision_at_1_max": 37.4658949472576, + "nauc_precision_at_20_diff1": 20.299314592682165, + "nauc_precision_at_20_max": 33.25503440470617, + "nauc_precision_at_3_diff1": 35.273519611653626, + "nauc_precision_at_3_max": 36.33062698057323, + "nauc_precision_at_5_diff1": 33.590199611021006, + "nauc_precision_at_5_max": 36.68276540744115, + "nauc_recall_at_1000_diff1": 8.618184855067168, + "nauc_recall_at_1000_max": 21.822927142441923, + "nauc_recall_at_100_diff1": 17.055234719322666, + "nauc_recall_at_100_max": 19.555357018393373, + "nauc_recall_at_10_diff1": 28.06102408728667, + "nauc_recall_at_10_max": 19.309443630849117, + "nauc_recall_at_1_diff1": 45.20997932526616, + "nauc_recall_at_1_max": 24.648676414998096, + "nauc_recall_at_20_diff1": 23.428917950250966, + "nauc_recall_at_20_max": 19.351922857081917, + "nauc_recall_at_3_diff1": 35.290875728597044, + "nauc_recall_at_3_max": 22.777706184795857, + "nauc_recall_at_5_diff1": 33.580206464404554, + "nauc_recall_at_5_max": 22.290191050692897, + "ndcg_at_1": 29.938, + "ndcg_at_10": 29.974, + "ndcg_at_100": 37.791999999999994, + "ndcg_at_1000": 41.525, + "ndcg_at_20": 33.032000000000004, + "ndcg_at_3": 27.418, + "ndcg_at_5": 27.925, + "precision_at_1": 29.938, + "precision_at_10": 8.41, + "precision_at_100": 1.608, + "precision_at_1000": 0.22599999999999998, + "precision_at_20": 5.409, + "precision_at_3": 18.724, + "precision_at_5": 13.456999999999999, + "recall_at_1": 14.754999999999999, + "recall_at_10": 34.863, + "recall_at_100": 64.471, + "recall_at_1000": 87.386, + "recall_at_20": 44.574999999999996, + "recall_at_3": 24.359, + "recall_at_5": 28.442, + "main_score": 29.974 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/HALClusteringS2S.json b/results/Lajavaness__bilingual-embedding-base/external/HALClusteringS2S.json new file mode 100644 index 000000000..9a4255d3c --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/HALClusteringS2S.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e06ebbbb123f8144bef1a5d18796f3dec9ae2915", + "task_name": "HALClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "v_measure": 25.366610995664384, + "v_measures": [ + 0.2853826102888054, + 0.27554329622230517, + 0.2659387504290534, + 0.272421074779971, + 0.23780511730712292 + ], + "main_score": 25.366610995664384 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/HotpotQA.json b/results/Lajavaness__bilingual-embedding-base/external/HotpotQA.json new file mode 100644 index 000000000..9386920be --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/HotpotQA.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 35.476, + "map_at_10": 55.208, + "map_at_100": 56.152, + "map_at_1000": 56.22200000000001, + "map_at_20": 55.754000000000005, + "map_at_3": 51.742999999999995, + "map_at_5": 53.900000000000006, + "mrr_at_1": 70.95205941931127, + "mrr_at_10": 78.42775687812804, + "mrr_at_100": 78.68481706123845, + "mrr_at_1000": 78.69468662644054, + "mrr_at_20": 78.59334220969656, + "mrr_at_3": 77.21584514967346, + "mrr_at_5": 78.01395453522359, + "nauc_map_at_1000_diff1": 25.86438441197036, + "nauc_map_at_1000_max": 24.208328720722367, + "nauc_map_at_100_diff1": 25.836404334583698, + "nauc_map_at_100_max": 24.195017226851576, + "nauc_map_at_10_diff1": 25.722782423795227, + "nauc_map_at_10_max": 23.987656322283062, + "nauc_map_at_1_diff1": 65.41482575591807, + "nauc_map_at_1_max": 36.750296668618084, + "nauc_map_at_20_diff1": 25.748480864914974, + "nauc_map_at_20_max": 24.135897754765367, + "nauc_map_at_3_diff1": 26.38356826015294, + "nauc_map_at_3_max": 23.621729891258973, + "nauc_map_at_5_diff1": 26.0945105687306, + "nauc_map_at_5_max": 23.988655536143728, + "nauc_mrr_at_1000_diff1": 64.17645353489316, + "nauc_mrr_at_1000_max": 39.676745401203924, + "nauc_mrr_at_100_diff1": 64.17493074038984, + "nauc_mrr_at_100_max": 39.677377348237144, + "nauc_mrr_at_10_diff1": 64.11955469392967, + "nauc_mrr_at_10_max": 39.82247333641905, + "nauc_mrr_at_1_diff1": 65.41482575591807, + "nauc_mrr_at_1_max": 36.750296668618084, + "nauc_mrr_at_20_diff1": 64.15026091520691, + "nauc_mrr_at_20_max": 39.73722517116609, + "nauc_mrr_at_3_diff1": 63.9908644633026, + "nauc_mrr_at_3_max": 39.70016359929288, + "nauc_mrr_at_5_diff1": 64.13062355820735, + "nauc_mrr_at_5_max": 39.90280825011535, + "nauc_ndcg_at_1000_diff1": 31.23415779213086, + "nauc_ndcg_at_1000_max": 27.776674450652884, + "nauc_ndcg_at_100_diff1": 30.35823573217142, + "nauc_ndcg_at_100_max": 27.34738082248897, + "nauc_ndcg_at_10_diff1": 30.106808177162254, + "nauc_ndcg_at_10_max": 26.953412093415036, + "nauc_ndcg_at_1_diff1": 65.41482575591807, + "nauc_ndcg_at_1_max": 36.750296668618084, + "nauc_ndcg_at_20_diff1": 29.95512057702211, + "nauc_ndcg_at_20_max": 27.167767360883598, + "nauc_ndcg_at_3_diff1": 31.769187019307232, + "nauc_ndcg_at_3_max": 26.73293484943561, + "nauc_ndcg_at_5_diff1": 30.990681805979882, + "nauc_ndcg_at_5_max": 27.06261773043383, + "nauc_precision_at_1000_diff1": 2.7411864902028804, + "nauc_precision_at_1000_max": 21.87546627838, + "nauc_precision_at_100_diff1": 6.07948946116136, + "nauc_precision_at_100_max": 19.74129594300319, + "nauc_precision_at_10_diff1": 12.773005438330138, + "nauc_precision_at_10_max": 21.240483881434862, + "nauc_precision_at_1_diff1": 65.41482575591807, + "nauc_precision_at_1_max": 36.750296668618084, + "nauc_precision_at_20_diff1": 10.059987751705838, + "nauc_precision_at_20_max": 20.886351066202028, + "nauc_precision_at_3_diff1": 19.42571093704271, + "nauc_precision_at_3_max": 22.725022430676766, + "nauc_precision_at_5_diff1": 16.630466686718133, + "nauc_precision_at_5_max": 22.43986381185507, + "nauc_recall_at_1000_diff1": 2.741186490202987, + "nauc_recall_at_1000_max": 21.875466278380117, + "nauc_recall_at_100_diff1": 6.079489461161415, + "nauc_recall_at_100_max": 19.74129594300323, + "nauc_recall_at_10_diff1": 12.77300543833007, + "nauc_recall_at_10_max": 21.24048388143479, + "nauc_recall_at_1_diff1": 65.41482575591807, + "nauc_recall_at_1_max": 36.750296668618084, + "nauc_recall_at_20_diff1": 10.059987751705897, + "nauc_recall_at_20_max": 20.88635106620212, + "nauc_recall_at_3_diff1": 19.42571093704268, + "nauc_recall_at_3_max": 22.725022430676713, + "nauc_recall_at_5_diff1": 16.630466686718112, + "nauc_recall_at_5_max": 22.439863811855034, + "ndcg_at_1": 70.952, + "ndcg_at_10": 64.154, + "ndcg_at_100": 67.54299999999999, + "ndcg_at_1000": 68.931, + "ndcg_at_20": 65.556, + "ndcg_at_3": 59.10300000000001, + "ndcg_at_5": 61.92100000000001, + "precision_at_1": 70.952, + "precision_at_10": 13.611999999999998, + "precision_at_100": 1.627, + "precision_at_1000": 0.181, + "precision_at_20": 7.258000000000001, + "precision_at_3": 37.929, + "precision_at_5": 24.986, + "recall_at_1": 35.476, + "recall_at_10": 68.062, + "recall_at_100": 81.34400000000001, + "recall_at_1000": 90.567, + "recall_at_20": 72.57900000000001, + "recall_at_3": 56.894, + "recall_at_5": 62.465, + "main_score": 64.154 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/ImdbClassification.json b/results/Lajavaness__bilingual-embedding-base/external/ImdbClassification.json new file mode 100644 index 000000000..0744360ef --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/ImdbClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 87.392, + "ap": 82.30893640195251, + "ap_weighted": 82.30893640195251, + "f1": 87.35348856878436, + "f1_weighted": 87.35348856878437, + "main_score": 87.392 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/MLSUMClusteringP2P.json b/results/Lajavaness__bilingual-embedding-base/external/MLSUMClusteringP2P.json new file mode 100644 index 000000000..187740441 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/MLSUMClusteringP2P.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "b5d54f8f3b61ae17845046286940f03c6bc79bc7", + "task_name": "MLSUMClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "v_measure": 44.22735442638259, + "v_measures": [ + 0.446401643334608, + 0.45940182243882194, + 0.4535014442023603, + 0.4315840671354274, + 0.40219963696623473 + ], + "main_score": 44.22735442638259 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "v_measure": 44.57521454657146, + "v_measures": [ + 0.4501823523199927, + 0.45800459800343646, + 0.4535621236055794, + 0.4353844290212204, + 0.40539074932285035 + ], + "main_score": 44.57521454657146 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/MSMARCO.json b/results/Lajavaness__bilingual-embedding-base/external/MSMARCO.json new file mode 100644 index 000000000..d84292f1c --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/MSMARCO.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 37.701, + "map_at_1": 19.483, + "map_at_10": 31.148, + "map_at_100": 32.402, + "map_at_1000": 32.462, + "map_at_20": 31.921, + "map_at_3": 27.509, + "map_at_5": 29.521, + "mrr_at_1": 19.95702005730659, + "mrr_at_10": 31.629388957110926, + "mrr_at_100": 32.835516469756676, + "mrr_at_1000": 32.889168712361034, + "mrr_at_20": 32.38456688305533, + "mrr_at_3": 28.04680038204374, + "mrr_at_5": 30.005969436485113, + "nauc_map_at_1000_diff1": 32.10821100880179, + "nauc_map_at_1000_max": 0.7085504734279151, + "nauc_map_at_1000_std": -9.657081445961802, + "nauc_map_at_100_diff1": 32.1022582818382, + "nauc_map_at_100_max": 0.7094263225288184, + "nauc_map_at_100_std": -9.615141441552195, + "nauc_map_at_10_diff1": 32.12324150765439, + "nauc_map_at_10_max": 0.6031410503880614, + "nauc_map_at_10_std": -10.446787175853538, + "nauc_map_at_1_diff1": 33.742442076477175, + "nauc_map_at_1_max": -0.4682625514356794, + "nauc_map_at_1_std": -10.128931659708204, + "nauc_map_at_20_diff1": 32.0860174618957, + "nauc_map_at_20_max": 0.6702984410061132, + "nauc_map_at_20_std": -9.906667239123404, + "nauc_map_at_3_diff1": 32.29226575652717, + "nauc_map_at_3_max": 0.0973438744261487, + "nauc_map_at_3_std": -11.124768365213317, + "nauc_map_at_5_diff1": 32.08229672223041, + "nauc_map_at_5_max": 0.2176450911149463, + "nauc_map_at_5_std": -11.055413229428249, + "nauc_mrr_at_1000_diff1": 31.895348209132734, + "nauc_mrr_at_1000_max": 0.7016011591304079, + "nauc_mrr_at_1000_std": -9.67662400401361, + "nauc_mrr_at_100_diff1": 31.8866191175737, + "nauc_mrr_at_100_max": 0.7081721058731258, + "nauc_mrr_at_100_std": -9.633818059393716, + "nauc_mrr_at_10_diff1": 31.89471221387619, + "nauc_mrr_at_10_max": 0.6339660994085835, + "nauc_mrr_at_10_std": -10.40302377816781, + "nauc_mrr_at_1_diff1": 33.51497482281671, + "nauc_mrr_at_1_max": -0.38461440436551425, + "nauc_mrr_at_1_std": -10.229237135864578, + "nauc_mrr_at_20_diff1": 31.858413430545546, + "nauc_mrr_at_20_max": 0.6976488035968785, + "nauc_mrr_at_20_std": -9.889412090836752, + "nauc_mrr_at_3_diff1": 32.07820212397262, + "nauc_mrr_at_3_max": 0.0237815936067523, + "nauc_mrr_at_3_std": -11.225901208970873, + "nauc_mrr_at_5_diff1": 31.880984335275738, + "nauc_mrr_at_5_max": 0.199684088046682, + "nauc_mrr_at_5_std": -11.076286377930138, + "nauc_ndcg_at_1000_diff1": 31.54073203534171, + "nauc_ndcg_at_1000_max": 1.865885878739077, + "nauc_ndcg_at_1000_std": -7.111772836122038, + "nauc_ndcg_at_100_diff1": 31.37901877227891, + "nauc_ndcg_at_100_max": 1.9480183608898676, + "nauc_ndcg_at_100_std": -5.691552787254062, + "nauc_ndcg_at_10_diff1": 31.432464505042674, + "nauc_ndcg_at_10_max": 1.37534724565308, + "nauc_ndcg_at_10_std": -9.688757807073005, + "nauc_ndcg_at_1_diff1": 33.44622804608476, + "nauc_ndcg_at_1_max": -0.4275117298270247, + "nauc_ndcg_at_1_std": -10.195443857766566, + "nauc_ndcg_at_20_diff1": 31.27757208526727, + "nauc_ndcg_at_20_max": 1.6486846485417688, + "nauc_ndcg_at_20_std": -7.731364695550273, + "nauc_ndcg_at_3_diff1": 31.833281451625755, + "nauc_ndcg_at_3_max": 0.248993633296169, + "nauc_ndcg_at_3_std": -11.375142227624853, + "nauc_ndcg_at_5_diff1": 31.450773538855685, + "nauc_ndcg_at_5_max": 0.4439465859365249, + "nauc_ndcg_at_5_std": -11.21243082848607, + "nauc_precision_at_1000_diff1": -3.189589259900143, + "nauc_precision_at_1000_max": 16.455244940685287, + "nauc_precision_at_1000_std": 14.259564795238846, + "nauc_precision_at_100_diff1": 14.87654355875184, + "nauc_precision_at_100_max": 11.935690745346687, + "nauc_precision_at_100_std": 23.08831102598726, + "nauc_precision_at_10_diff1": 27.37421025197246, + "nauc_precision_at_10_max": 4.166107809672891, + "nauc_precision_at_10_std": -6.881018792063406, + "nauc_precision_at_1_diff1": 33.44622804608476, + "nauc_precision_at_1_max": -0.4275117298270247, + "nauc_precision_at_1_std": -10.195443857766566, + "nauc_precision_at_20_diff1": 24.609029763068264, + "nauc_precision_at_20_max": 6.284294179586118, + "nauc_precision_at_20_std": 1.9907354399675787, + "nauc_precision_at_3_diff1": 30.032708101293274, + "nauc_precision_at_3_max": 0.3723674743540282, + "nauc_precision_at_3_std": -12.3372142678907, + "nauc_precision_at_5_diff1": 28.660692204010886, + "nauc_precision_at_5_max": 1.2268562134706205, + "nauc_precision_at_5_std": -11.633329112055833, + "nauc_recall_at_1000_diff1": 25.817560788852198, + "nauc_recall_at_1000_max": 36.86227659755896, + "nauc_recall_at_1000_std": 63.94303180569221, + "nauc_recall_at_100_diff1": 27.1728992415636, + "nauc_recall_at_100_max": 11.548635552653852, + "nauc_recall_at_100_std": 31.974599323501035, + "nauc_recall_at_10_diff1": 29.294882367129404, + "nauc_recall_at_10_max": 3.763234551980347, + "nauc_recall_at_10_std": -6.861891907951573, + "nauc_recall_at_1_diff1": 33.742442076477175, + "nauc_recall_at_1_max": -0.4682625514356794, + "nauc_recall_at_1_std": -10.128931659708204, + "nauc_recall_at_20_diff1": 28.258984645981585, + "nauc_recall_at_20_max": 5.291852480348364, + "nauc_recall_at_20_std": 2.243022569638662, + "nauc_recall_at_3_diff1": 30.6436214049594, + "nauc_recall_at_3_max": 0.7472464014018717, + "nauc_recall_at_3_std": -11.831114059680123, + "nauc_recall_at_5_diff1": 29.74258077127522, + "nauc_recall_at_5_max": 1.0386095329679945, + "nauc_recall_at_5_std": -11.487480890097885, + "ndcg_at_1": 19.971, + "ndcg_at_10": 37.701, + "ndcg_at_100": 43.71, + "ndcg_at_1000": 45.191, + "ndcg_at_20": 40.421, + "ndcg_at_3": 30.25, + "ndcg_at_5": 33.816, + "precision_at_1": 19.971, + "precision_at_10": 6.037, + "precision_at_100": 0.904, + "precision_at_1000": 0.103, + "precision_at_20": 3.58, + "precision_at_3": 12.97, + "precision_at_5": 9.59, + "recall_at_1": 19.483, + "recall_at_10": 57.972, + "recall_at_100": 85.639, + "recall_at_1000": 96.954, + "recall_at_20": 68.456, + "recall_at_3": 37.628, + "recall_at_5": 46.169 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/MTOPDomainClassification.json b/results/Lajavaness__bilingual-embedding-base/external/MTOPDomainClassification.json new file mode 100644 index 000000000..abcb4b24a --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/MTOPDomainClassification.json @@ -0,0 +1,30 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 86.82743501409333, + "f1": 87.07777165714171, + "f1_weighted": 86.70555382175719, + "main_score": 86.82743501409333 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.86365709074327, + "f1": 92.6364668121745, + "f1_weighted": 92.86565911176659, + "main_score": 92.86365709074327 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/MTOPIntentClassification.json b/results/Lajavaness__bilingual-embedding-base/external/MTOPIntentClassification.json new file mode 100644 index 000000000..85583411a --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/MTOPIntentClassification.json @@ -0,0 +1,30 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 59.129345443156886, + "f1": 40.374753319633946, + "f1_weighted": 61.735222244513906, + "main_score": 59.129345443156886 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 64.8518011855905, + "f1": 46.19074540696208, + "f1_weighted": 67.21842739260879, + "main_score": 64.8518011855905 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/MasakhaNEWSClassification.json b/results/Lajavaness__bilingual-embedding-base/external/MasakhaNEWSClassification.json new file mode 100644 index 000000000..82f860719 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/MasakhaNEWSClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "18193f187b92da67168c655c9973a165ed9593dd", + "task_name": "MasakhaNEWSClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fra", + "languages": [ + "fra-Latn" + ], + "accuracy": 77.44075829383887, + "f1": 73.59099795975669, + "f1_weighted": 77.53638597300765, + "main_score": 77.44075829383887 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/MasakhaNEWSClusteringP2P.json b/results/Lajavaness__bilingual-embedding-base/external/MasakhaNEWSClusteringP2P.json new file mode 100644 index 000000000..c4cd3521b --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/MasakhaNEWSClusteringP2P.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8ccc72e69e65f40c70e117d8b3c08306bb788b60", + "task_name": "MasakhaNEWSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fra", + "languages": [ + "fra-Latn" + ], + "v_measure": 61.57579457743856, + "v_measures": [ + 1.0, + 0.19333147584460073, + 0.1918473189330316, + 0.9180419176341081, + 0.7755690164601873 + ], + "main_score": 61.57579457743856 + }, + { + "hf_subset": "fra", + "languages": [ + "fra-Latn" + ], + "v_measure": 46.09882977546196, + "v_measures": [ + 1.0, + 0.0, + 0.4881603944307428, + 0.1341399033659235, + 0.6826411909764316 + ], + "main_score": 46.09882977546196 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/MassiveIntentClassification.json b/results/Lajavaness__bilingual-embedding-base/external/MassiveIntentClassification.json new file mode 100644 index 000000000..3e825f099 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/MassiveIntentClassification.json @@ -0,0 +1,30 @@ +{ + "dataset_revision": "4672e20407010da34463acc759c162ca9734bca6", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 64.98655010087424, + "f1": 62.07892690857404, + "f1_weighted": 64.04916798028313, + "main_score": 64.98655010087424 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 68.86348352387357, + "f1": 66.61591434283466, + "f1_weighted": 67.89865692906163, + "main_score": 68.86348352387357 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/MassiveScenarioClassification.json b/results/Lajavaness__bilingual-embedding-base/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..eb2ed816e --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/MassiveScenarioClassification.json @@ -0,0 +1,30 @@ +{ + "dataset_revision": "fad2c6e8459f9e1c45d9315f4953d921437d70f8", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 71.72494956287828, + "f1": 70.7613627592262, + "f1_weighted": 71.59023734198762, + "main_score": 71.72494956287828 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.24882313382649, + "f1": 74.48847159335763, + "f1_weighted": 74.9792940543356, + "main_score": 75.24882313382649 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/MedrxivClusteringP2P.json b/results/Lajavaness__bilingual-embedding-base/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..968d2f62e --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/MedrxivClusteringP2P.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.112200560363956, + "v_measures": [ + 0.2907912540071734, + 0.30018368642906285, + 0.2969957025066252, + 0.3046412932920165, + 0.3023643866062867 + ], + "main_score": 31.112200560363956 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/MedrxivClusteringS2S.json b/results/Lajavaness__bilingual-embedding-base/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..962bffe29 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/MedrxivClusteringS2S.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 29.10468325586837, + "v_measures": [ + 0.2762290794660957, + 0.27088303670750474, + 0.27869334502955523, + 0.2877927347410669, + 0.283558635107815 + ], + "main_score": 29.10468325586837 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/MindSmallReranking.json b/results/Lajavaness__bilingual-embedding-base/external/MindSmallReranking.json new file mode 100644 index 000000000..777af8506 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/MindSmallReranking.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "59042f120c80e8afa9cdbb224f67076cec0fc9a7", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.65436388779704, + "mrr": 32.70570836057599, + "nAUC_map_diff1": 11.29046170729857, + "nAUC_map_max": -21.303851901712402, + "nAUC_mrr_diff1": 10.839304152084038, + "nAUC_mrr_max": -15.980370460373264, + "main_score": 31.65436388779704 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/MintakaRetrieval.json b/results/Lajavaness__bilingual-embedding-base/external/MintakaRetrieval.json new file mode 100644 index 000000000..4651c3008 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/MintakaRetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "efa78cc2f74bbcd21eff2261f9e13aebe40b814e", + "task_name": "MintakaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "map_at_1": 15.643, + "map_at_10": 23.263, + "map_at_100": 24.282, + "map_at_1000": 24.386, + "map_at_20": 23.810000000000002, + "map_at_3": 20.857, + "map_at_5": 22.127, + "mrr_at_1": 15.642915642915641, + "mrr_at_10": 23.26313326313326, + "mrr_at_100": 24.28242740941141, + "mrr_at_1000": 24.38579869502159, + "mrr_at_20": 23.809503335080308, + "mrr_at_3": 20.857220857220817, + "mrr_at_5": 22.126672126672087, + "nauc_map_at_1000_diff1": 22.791507278613405, + "nauc_map_at_1000_max": 34.49738411163668, + "nauc_map_at_100_diff1": 22.753348275392053, + "nauc_map_at_100_max": 34.503329867035156, + "nauc_map_at_10_diff1": 22.949396903228543, + "nauc_map_at_10_max": 34.59635858547973, + "nauc_map_at_1_diff1": 29.68671981414948, + "nauc_map_at_1_max": 32.40476256531568, + "nauc_map_at_20_diff1": 22.839943329322214, + "nauc_map_at_20_max": 34.5512812666387, + "nauc_map_at_3_diff1": 24.531567517208703, + "nauc_map_at_3_max": 34.63194411307717, + "nauc_map_at_5_diff1": 23.785928597532532, + "nauc_map_at_5_max": 34.49711117096583, + "nauc_mrr_at_1000_diff1": 22.791507278613405, + "nauc_mrr_at_1000_max": 34.49738411163668, + "nauc_mrr_at_100_diff1": 22.753348275392053, + "nauc_mrr_at_100_max": 34.503329867035156, + "nauc_mrr_at_10_diff1": 22.949396903228543, + "nauc_mrr_at_10_max": 34.59635858547973, + "nauc_mrr_at_1_diff1": 29.68671981414948, + "nauc_mrr_at_1_max": 32.40476256531568, + "nauc_mrr_at_20_diff1": 22.839943329322214, + "nauc_mrr_at_20_max": 34.5512812666387, + "nauc_mrr_at_3_diff1": 24.531567517208703, + "nauc_mrr_at_3_max": 34.63194411307717, + "nauc_mrr_at_5_diff1": 23.785928597532532, + "nauc_mrr_at_5_max": 34.49711117096583, + "nauc_ndcg_at_1000_diff1": 20.36281863938966, + "nauc_ndcg_at_1000_max": 34.39195365895218, + "nauc_ndcg_at_100_diff1": 19.226093736031558, + "nauc_ndcg_at_100_max": 34.598730272263424, + "nauc_ndcg_at_10_diff1": 20.175947236861635, + "nauc_ndcg_at_10_max": 35.06289054957336, + "nauc_ndcg_at_1_diff1": 29.68671981414948, + "nauc_ndcg_at_1_max": 32.40476256531568, + "nauc_ndcg_at_20_diff1": 19.76832604541867, + "nauc_ndcg_at_20_max": 34.88676463098282, + "nauc_ndcg_at_3_diff1": 23.165684344826936, + "nauc_ndcg_at_3_max": 35.058555779606806, + "nauc_ndcg_at_5_diff1": 22.008327776501197, + "nauc_ndcg_at_5_max": 34.81586957799795, + "nauc_precision_at_1000_diff1": -0.17116637411109903, + "nauc_precision_at_1000_max": 22.79067675552558, + "nauc_precision_at_100_diff1": 6.442518254575118, + "nauc_precision_at_100_max": 34.22531735083736, + "nauc_precision_at_10_diff1": 13.139149147711764, + "nauc_precision_at_10_max": 36.17629609592965, + "nauc_precision_at_1_diff1": 29.68671981414948, + "nauc_precision_at_1_max": 32.40476256531568, + "nauc_precision_at_20_diff1": 11.54118462661454, + "nauc_precision_at_20_max": 35.56967988819633, + "nauc_precision_at_3_diff1": 19.81196490555276, + "nauc_precision_at_3_max": 36.06171743276854, + "nauc_precision_at_5_diff1": 17.72477129059423, + "nauc_precision_at_5_max": 35.49631000776651, + "nauc_recall_at_1000_diff1": -0.17116637411164665, + "nauc_recall_at_1000_max": 22.790676755525375, + "nauc_recall_at_100_diff1": 6.442518254575061, + "nauc_recall_at_100_max": 34.22531735083735, + "nauc_recall_at_10_diff1": 13.139149147711779, + "nauc_recall_at_10_max": 36.17629609592963, + "nauc_recall_at_1_diff1": 29.68671981414948, + "nauc_recall_at_1_max": 32.40476256531568, + "nauc_recall_at_20_diff1": 11.541184626614548, + "nauc_recall_at_20_max": 35.56967988819635, + "nauc_recall_at_3_diff1": 19.811964905552767, + "nauc_recall_at_3_max": 36.06171743276855, + "nauc_recall_at_5_diff1": 17.72477129059422, + "nauc_recall_at_5_max": 35.49631000776651, + "ndcg_at_1": 15.643, + "ndcg_at_10": 27.596999999999998, + "ndcg_at_100": 33.036, + "ndcg_at_1000": 36.348, + "ndcg_at_20": 29.586000000000002, + "ndcg_at_3": 22.567, + "ndcg_at_5": 24.858, + "precision_at_1": 15.643, + "precision_at_10": 4.152, + "precision_at_100": 0.681, + "precision_at_1000": 0.095, + "precision_at_20": 2.469, + "precision_at_3": 9.173, + "precision_at_5": 6.618, + "recall_at_1": 15.643, + "recall_at_10": 41.522999999999996, + "recall_at_100": 68.059, + "recall_at_1000": 95.332, + "recall_at_20": 49.386, + "recall_at_3": 27.517999999999997, + "recall_at_5": 33.088, + "main_score": 27.596999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/NFCorpus.json b/results/Lajavaness__bilingual-embedding-base/external/NFCorpus.json new file mode 100644 index 000000000..70d7c0822 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/NFCorpus.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.349, + "map_at_10": 11.943, + "map_at_100": 14.838999999999999, + "map_at_1000": 16.228, + "map_at_20": 13.255, + "map_at_3": 8.712, + "map_at_5": 10.078, + "mrr_at_1": 41.48606811145511, + "mrr_at_10": 50.93174111749962, + "mrr_at_100": 51.51424977382773, + "mrr_at_1000": 51.54588577020572, + "mrr_at_20": 51.23754793809378, + "mrr_at_3": 48.14241486068111, + "mrr_at_5": 50.123839009287906, + "nauc_map_at_1000_diff1": 24.080224706969375, + "nauc_map_at_1000_max": 19.837568780211047, + "nauc_map_at_100_diff1": 24.547349720088924, + "nauc_map_at_100_max": 18.76780474051508, + "nauc_map_at_10_diff1": 27.36097408135702, + "nauc_map_at_10_max": 12.918546361288225, + "nauc_map_at_1_diff1": 37.536183652718385, + "nauc_map_at_1_max": -1.1491546718720773, + "nauc_map_at_20_diff1": 25.802748647118108, + "nauc_map_at_20_max": 15.721455228191134, + "nauc_map_at_3_diff1": 34.211955433524196, + "nauc_map_at_3_max": 6.1567837982868, + "nauc_map_at_5_diff1": 31.355144847293875, + "nauc_map_at_5_max": 9.248778872692705, + "nauc_mrr_at_1000_diff1": 32.6636800918941, + "nauc_mrr_at_1000_max": 38.762875976765784, + "nauc_mrr_at_100_diff1": 32.68119918270669, + "nauc_mrr_at_100_max": 38.78855177547366, + "nauc_mrr_at_10_diff1": 32.6341499099646, + "nauc_mrr_at_10_max": 38.57304636650009, + "nauc_mrr_at_1_diff1": 33.31813734214396, + "nauc_mrr_at_1_max": 32.615374725091584, + "nauc_mrr_at_20_diff1": 32.70066434653636, + "nauc_mrr_at_20_max": 38.65649435307692, + "nauc_mrr_at_3_diff1": 31.970185140740586, + "nauc_mrr_at_3_max": 37.36826662425585, + "nauc_mrr_at_5_diff1": 32.75800999798963, + "nauc_mrr_at_5_max": 38.54932999541346, + "nauc_ndcg_at_1000_diff1": 24.176402213150016, + "nauc_ndcg_at_1000_max": 37.64114068923691, + "nauc_ndcg_at_100_diff1": 24.70407050925309, + "nauc_ndcg_at_100_max": 32.22741268616694, + "nauc_ndcg_at_10_diff1": 22.754607233929026, + "nauc_ndcg_at_10_max": 31.40000991648274, + "nauc_ndcg_at_1_diff1": 35.00398764062468, + "nauc_ndcg_at_1_max": 31.74496244016824, + "nauc_ndcg_at_20_diff1": 22.663343998503983, + "nauc_ndcg_at_20_max": 29.9805490570407, + "nauc_ndcg_at_3_diff1": 28.436841714938453, + "nauc_ndcg_at_3_max": 32.998271531027235, + "nauc_ndcg_at_5_diff1": 25.421553164974465, + "nauc_ndcg_at_5_max": 32.18602590821988, + "nauc_precision_at_1000_diff1": -0.3756162839426823, + "nauc_precision_at_1000_max": 10.910413856430598, + "nauc_precision_at_100_diff1": 1.1336658089729603, + "nauc_precision_at_100_max": 22.634879988362034, + "nauc_precision_at_10_diff1": 6.74407085117157, + "nauc_precision_at_10_max": 34.47976455090075, + "nauc_precision_at_1_diff1": 33.31813734214396, + "nauc_precision_at_1_max": 32.615374725091584, + "nauc_precision_at_20_diff1": 4.689841488175409, + "nauc_precision_at_20_max": 30.590963857775392, + "nauc_precision_at_3_diff1": 20.55747518226839, + "nauc_precision_at_3_max": 37.32360882162725, + "nauc_precision_at_5_diff1": 13.519365761095049, + "nauc_precision_at_5_max": 36.50427925753384, + "nauc_recall_at_1000_diff1": 6.311137710079621, + "nauc_recall_at_1000_max": 17.25930964555457, + "nauc_recall_at_100_diff1": 12.070904435192633, + "nauc_recall_at_100_max": 16.897787779896493, + "nauc_recall_at_10_diff1": 18.611832015375775, + "nauc_recall_at_10_max": 11.574222141528578, + "nauc_recall_at_1_diff1": 37.536183652718385, + "nauc_recall_at_1_max": -1.1491546718720773, + "nauc_recall_at_20_diff1": 16.07623501237203, + "nauc_recall_at_20_max": 13.067066121164272, + "nauc_recall_at_3_diff1": 30.081195021905327, + "nauc_recall_at_3_max": 5.842397752446413, + "nauc_recall_at_5_diff1": 24.93661141138374, + "nauc_recall_at_5_max": 9.101458243965707, + "ndcg_at_1": 40.402, + "ndcg_at_10": 32.586999999999996, + "ndcg_at_100": 29.584, + "ndcg_at_1000": 38.547, + "ndcg_at_20": 30.375999999999998, + "ndcg_at_3": 36.538, + "ndcg_at_5": 35.221999999999994, + "precision_at_1": 41.486000000000004, + "precision_at_10": 24.334, + "precision_at_100": 7.424, + "precision_at_1000": 2.0340000000000003, + "precision_at_20": 17.91, + "precision_at_3": 34.056, + "precision_at_5": 30.464000000000002, + "recall_at_1": 5.349, + "recall_at_10": 16.242, + "recall_at_100": 29.945, + "recall_at_1000": 62.05199999999999, + "recall_at_20": 19.902, + "recall_at_3": 9.876, + "recall_at_5": 12.572, + "main_score": 32.586999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/NQ.json b/results/Lajavaness__bilingual-embedding-base/external/NQ.json new file mode 100644 index 000000000..3c85a12f7 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/NQ.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.425, + "map_at_10": 44.198, + "map_at_100": 45.295, + "map_at_1000": 45.33, + "map_at_20": 44.936, + "map_at_3": 39.875, + "map_at_5": 42.436, + "mrr_at_1": 33.25608342989571, + "mrr_at_10": 46.87629899391188, + "mrr_at_100": 47.690164701118185, + "mrr_at_1000": 47.71428403625546, + "mrr_at_20": 47.42833555993071, + "mrr_at_3": 43.34685206643475, + "mrr_at_5": 45.51950560061793, + "nauc_map_at_1000_diff1": 27.312226360073222, + "nauc_map_at_1000_max": 22.962888694992817, + "nauc_map_at_100_diff1": 27.31236017939728, + "nauc_map_at_100_max": 22.98214732521748, + "nauc_map_at_10_diff1": 27.124754062247607, + "nauc_map_at_10_max": 22.98523700527181, + "nauc_map_at_1_diff1": 30.166695274339734, + "nauc_map_at_1_max": 16.94040610050655, + "nauc_map_at_20_diff1": 27.347142209622294, + "nauc_map_at_20_max": 23.0670669691066, + "nauc_map_at_3_diff1": 26.632306929470623, + "nauc_map_at_3_max": 21.481691542717822, + "nauc_map_at_5_diff1": 27.287804705337535, + "nauc_map_at_5_max": 22.493844564235342, + "nauc_mrr_at_1000_diff1": 27.30127737418056, + "nauc_mrr_at_1000_max": 22.787859374079716, + "nauc_mrr_at_100_diff1": 27.303876802541748, + "nauc_mrr_at_100_max": 22.80721855197395, + "nauc_mrr_at_10_diff1": 27.186611528500187, + "nauc_mrr_at_10_max": 22.859824168434336, + "nauc_mrr_at_1_diff1": 29.671840768485236, + "nauc_mrr_at_1_max": 18.62641271291652, + "nauc_mrr_at_20_diff1": 27.319675868007113, + "nauc_mrr_at_20_max": 22.87274340612363, + "nauc_mrr_at_3_diff1": 26.61707654253056, + "nauc_mrr_at_3_max": 22.025508910524508, + "nauc_mrr_at_5_diff1": 27.275599678159214, + "nauc_mrr_at_5_max": 22.817841124325863, + "nauc_ndcg_at_1000_diff1": 27.024135971460566, + "nauc_ndcg_at_1000_max": 24.731731553474926, + "nauc_ndcg_at_100_diff1": 27.04262454578955, + "nauc_ndcg_at_100_max": 25.345992976621467, + "nauc_ndcg_at_10_diff1": 26.52062330830679, + "nauc_ndcg_at_10_max": 25.54987961260865, + "nauc_ndcg_at_1_diff1": 29.75855826437188, + "nauc_ndcg_at_1_max": 18.533988613886347, + "nauc_ndcg_at_20_diff1": 27.179672428049358, + "nauc_ndcg_at_20_max": 25.868852780159955, + "nauc_ndcg_at_3_diff1": 25.73603612782681, + "nauc_ndcg_at_3_max": 22.822406256607508, + "nauc_ndcg_at_5_diff1": 26.866765656608166, + "nauc_ndcg_at_5_max": 24.563327197364192, + "nauc_precision_at_1000_diff1": -3.6671099515474546, + "nauc_precision_at_1000_max": 8.392883425148419, + "nauc_precision_at_100_diff1": 1.6665941155151767, + "nauc_precision_at_100_max": 17.17133780287315, + "nauc_precision_at_10_diff1": 12.52603911510069, + "nauc_precision_at_10_max": 27.829277569200784, + "nauc_precision_at_1_diff1": 29.75855826437188, + "nauc_precision_at_1_max": 18.533988613886347, + "nauc_precision_at_20_diff1": 10.394727205117283, + "nauc_precision_at_20_max": 25.940765842937154, + "nauc_precision_at_3_diff1": 18.89131093283048, + "nauc_precision_at_3_max": 27.157524819932267, + "nauc_precision_at_5_diff1": 18.540350280124553, + "nauc_precision_at_5_max": 28.899931159479568, + "nauc_recall_at_1000_diff1": 17.289718955680986, + "nauc_recall_at_1000_max": 69.19421724583071, + "nauc_recall_at_100_diff1": 24.72129337125488, + "nauc_recall_at_100_max": 50.247836461213026, + "nauc_recall_at_10_diff1": 23.094557038973154, + "nauc_recall_at_10_max": 34.688707228391436, + "nauc_recall_at_1_diff1": 30.166695274339734, + "nauc_recall_at_1_max": 16.94040610050655, + "nauc_recall_at_20_diff1": 26.066983320875796, + "nauc_recall_at_20_max": 40.1137815499548, + "nauc_recall_at_3_diff1": 22.431670311997458, + "nauc_recall_at_3_max": 25.214444970878137, + "nauc_recall_at_5_diff1": 24.77117131128259, + "nauc_recall_at_5_max": 29.723938351180635, + "ndcg_at_1": 33.227000000000004, + "ndcg_at_10": 51.919000000000004, + "ndcg_at_100": 56.484, + "ndcg_at_1000": 57.282999999999994, + "ndcg_at_20": 54.269999999999996, + "ndcg_at_3": 43.828, + "ndcg_at_5": 48.098, + "precision_at_1": 33.227000000000004, + "precision_at_10": 8.652999999999999, + "precision_at_100": 1.123, + "precision_at_1000": 0.12, + "precision_at_20": 4.89, + "precision_at_3": 20.133000000000003, + "precision_at_5": 14.513000000000002, + "recall_at_1": 29.425, + "recall_at_10": 72.82, + "recall_at_100": 92.538, + "recall_at_1000": 98.424, + "recall_at_20": 81.477, + "recall_at_3": 51.815, + "recall_at_5": 61.667, + "main_score": 51.919000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/OpusparcusPC.json b/results/Lajavaness__bilingual-embedding-base/external/OpusparcusPC.json new file mode 100644 index 000000000..0828ccae7 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/OpusparcusPC.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "9e9b1f8ef51616073f47f306f7f47dd91663f86a", + "task_name": "OpusparcusPC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_accuracy": 82.08446866485014, + "cos_sim_ap": 93.63779278112501, + "cos_sim_f1": 87.31307284129282, + "cos_sim_precision": 84.8968105065666, + "cos_sim_recall": 89.87090367428004, + "dot_accuracy": 82.08446866485014, + "dot_ap": 93.63779278112501, + "dot_f1": 87.31307284129282, + "dot_precision": 84.8968105065666, + "dot_recall": 89.87090367428004, + "euclidean_accuracy": 82.08446866485014, + "euclidean_ap": 93.63779278112501, + "euclidean_f1": 87.31307284129282, + "euclidean_precision": 84.8968105065666, + "euclidean_recall": 89.87090367428004, + "manhattan_accuracy": 82.15258855585832, + "manhattan_ap": 93.6291276133462, + "manhattan_f1": 87.36740597878496, + "manhattan_precision": 84.91096532333646, + "manhattan_recall": 89.97020854021847, + "max_accuracy": 82.15258855585832, + "max_ap": 93.63779278112501, + "max_f1": 87.36740597878496, + "main_score": 93.63779278112501 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/QuoraRetrieval.json b/results/Lajavaness__bilingual-embedding-base/external/QuoraRetrieval.json new file mode 100644 index 000000000..31b5e7de9 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/QuoraRetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "e4e08e0b7dbe3c8700f0daef558ff32256715259", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 69.82000000000001, + "map_at_10": 83.673, + "map_at_100": 84.344, + "map_at_1000": 84.36099999999999, + "map_at_20": 84.112, + "map_at_3": 80.729, + "map_at_5": 82.61500000000001, + "mrr_at_1": 80.53, + "mrr_at_10": 86.92019047619019, + "mrr_at_100": 87.04157853007743, + "mrr_at_1000": 87.04266956945463, + "mrr_at_20": 87.01226011501363, + "mrr_at_3": 85.9499999999997, + "mrr_at_5": 86.63349999999961, + "nauc_map_at_1000_diff1": 75.65678265654154, + "nauc_map_at_1000_max": 31.033445730504262, + "nauc_map_at_100_diff1": 75.665676378331, + "nauc_map_at_100_max": 31.01031193403524, + "nauc_map_at_10_diff1": 75.92155211732666, + "nauc_map_at_10_max": 30.699553005920876, + "nauc_map_at_1_diff1": 78.81016014060471, + "nauc_map_at_1_max": 22.814760471331834, + "nauc_map_at_20_diff1": 75.74929629006137, + "nauc_map_at_20_max": 30.893554874139433, + "nauc_map_at_3_diff1": 76.1764115683232, + "nauc_map_at_3_max": 28.16660891891235, + "nauc_map_at_5_diff1": 76.09603035768426, + "nauc_map_at_5_max": 29.56936639444799, + "nauc_mrr_at_1000_diff1": 75.78580796966573, + "nauc_mrr_at_1000_max": 34.02109834360725, + "nauc_mrr_at_100_diff1": 75.78595527403508, + "nauc_mrr_at_100_max": 34.021087682823335, + "nauc_mrr_at_10_diff1": 75.7979018845172, + "nauc_mrr_at_10_max": 34.135531496766916, + "nauc_mrr_at_1_diff1": 76.43928247510952, + "nauc_mrr_at_1_max": 33.337959508505584, + "nauc_mrr_at_20_diff1": 75.79212450365954, + "nauc_mrr_at_20_max": 34.06210079146971, + "nauc_mrr_at_3_diff1": 75.5255736362254, + "nauc_mrr_at_3_max": 33.89721705659265, + "nauc_mrr_at_5_diff1": 75.68937847088145, + "nauc_mrr_at_5_max": 34.02467565216077, + "nauc_ndcg_at_1000_diff1": 75.4126317877968, + "nauc_ndcg_at_1000_max": 32.699594674546205, + "nauc_ndcg_at_100_diff1": 75.47759102907804, + "nauc_ndcg_at_100_max": 32.66261940818275, + "nauc_ndcg_at_10_diff1": 75.73588489669638, + "nauc_ndcg_at_10_max": 32.33245124470892, + "nauc_ndcg_at_1_diff1": 76.45767684895692, + "nauc_ndcg_at_1_max": 33.20840934731383, + "nauc_ndcg_at_20_diff1": 75.58603380019049, + "nauc_ndcg_at_20_max": 32.38108118316705, + "nauc_ndcg_at_3_diff1": 74.93057981530794, + "nauc_ndcg_at_3_max": 30.454945230766768, + "nauc_ndcg_at_5_diff1": 75.51622080687214, + "nauc_ndcg_at_5_max": 31.13850590682269, + "nauc_precision_at_1000_diff1": -43.024967717775205, + "nauc_precision_at_1000_max": -3.1998109745927548, + "nauc_precision_at_100_diff1": -42.515126578347335, + "nauc_precision_at_100_max": -2.9690115801151893, + "nauc_precision_at_10_diff1": -35.9659880370386, + "nauc_precision_at_10_max": 1.9839275718355172, + "nauc_precision_at_1_diff1": 76.45767684895692, + "nauc_precision_at_1_max": 33.20840934731383, + "nauc_precision_at_20_diff1": -39.88046573159446, + "nauc_precision_at_20_max": -0.9048730965169257, + "nauc_precision_at_3_diff1": -14.92778542739045, + "nauc_precision_at_3_max": 9.506709583490675, + "nauc_precision_at_5_diff1": -28.135454012537338, + "nauc_precision_at_5_max": 4.920384611100925, + "nauc_recall_at_1000_diff1": 50.96814010736587, + "nauc_recall_at_1000_max": 35.178726454686455, + "nauc_recall_at_100_diff1": 73.73669235424917, + "nauc_recall_at_100_max": 37.233185728668374, + "nauc_recall_at_10_diff1": 72.24423264106863, + "nauc_recall_at_10_max": 31.982200960724956, + "nauc_recall_at_1_diff1": 78.81016014060471, + "nauc_recall_at_1_max": 22.814760471331834, + "nauc_recall_at_20_diff1": 71.93499290798466, + "nauc_recall_at_20_max": 32.59815791665593, + "nauc_recall_at_3_diff1": 72.3320862681771, + "nauc_recall_at_3_max": 25.07376413220408, + "nauc_recall_at_5_diff1": 71.67188030305823, + "nauc_recall_at_5_max": 26.80994890402375, + "ndcg_at_1": 80.52, + "ndcg_at_10": 87.561, + "ndcg_at_100": 88.90299999999999, + "ndcg_at_1000": 89.01400000000001, + "ndcg_at_20": 88.293, + "ndcg_at_3": 84.682, + "ndcg_at_5": 86.319, + "precision_at_1": 80.52, + "precision_at_10": 13.288, + "precision_at_100": 1.529, + "precision_at_1000": 0.157, + "precision_at_20": 7.077, + "precision_at_3": 37.047000000000004, + "precision_at_5": 24.398, + "recall_at_1": 69.82000000000001, + "recall_at_10": 94.826, + "recall_at_100": 99.451, + "recall_at_1000": 99.97399999999999, + "recall_at_20": 97.18900000000001, + "recall_at_3": 86.514, + "recall_at_5": 91.142, + "main_score": 87.561 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/RedditClustering.json b/results/Lajavaness__bilingual-embedding-base/external/RedditClustering.json new file mode 100644 index 000000000..602e9a014 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/RedditClustering.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 51.343294599772406, + "v_measures": [ + 0.524406904623621, + 0.6101985612354274, + 0.4897743980881878, + 0.4778925279162627, + 0.5135415040552358 + ], + "main_score": 51.343294599772406 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/RedditClusteringP2P.json b/results/Lajavaness__bilingual-embedding-base/external/RedditClusteringP2P.json new file mode 100644 index 000000000..c1f0b593a --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/RedditClusteringP2P.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 62.5095092123788, + "v_measures": [ + 0.6648234836097784, + 0.6647202577739932, + 0.6578622320980865, + 0.3861971752849744, + 0.702695555977878 + ], + "main_score": 62.5095092123788 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/SCIDOCS.json b/results/Lajavaness__bilingual-embedding-base/external/SCIDOCS.json new file mode 100644 index 000000000..fd8626ebc --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/SCIDOCS.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "f8c2fcf00f625baaa80f62ec5bd9e1fff3b8ae88", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.077999999999999, + "map_at_10": 9.778, + "map_at_100": 11.82, + "map_at_1000": 12.115, + "map_at_20": 10.781, + "map_at_3": 6.973999999999999, + "map_at_5": 8.305, + "mrr_at_1": 20.0, + "mrr_at_10": 29.48242063492062, + "mrr_at_100": 30.73048798111141, + "mrr_at_1000": 30.80176607280717, + "mrr_at_20": 30.25008647742002, + "mrr_at_3": 26.200000000000035, + "mrr_at_5": 28.159999999999997, + "nauc_map_at_1000_diff1": 11.636747601961716, + "nauc_map_at_1000_max": 26.56203998243688, + "nauc_map_at_100_diff1": 11.563351860766852, + "nauc_map_at_100_max": 26.424696755662403, + "nauc_map_at_10_diff1": 11.60703222490682, + "nauc_map_at_10_max": 25.186183431711402, + "nauc_map_at_1_diff1": 17.854436578277337, + "nauc_map_at_1_max": 18.26224581093851, + "nauc_map_at_20_diff1": 12.180332838724942, + "nauc_map_at_20_max": 25.8033910164551, + "nauc_map_at_3_diff1": 12.934911478090966, + "nauc_map_at_3_max": 23.735462709754234, + "nauc_map_at_5_diff1": 12.555897350050973, + "nauc_map_at_5_max": 24.934261010188717, + "nauc_mrr_at_1000_diff1": 15.322270869482562, + "nauc_mrr_at_1000_max": 21.176483776434594, + "nauc_mrr_at_100_diff1": 15.313592100314633, + "nauc_mrr_at_100_max": 21.189701285575325, + "nauc_mrr_at_10_diff1": 15.04116376326651, + "nauc_mrr_at_10_max": 20.925070769290475, + "nauc_mrr_at_1_diff1": 17.964804649660955, + "nauc_mrr_at_1_max": 18.691637068130458, + "nauc_mrr_at_20_diff1": 15.2990030423077, + "nauc_mrr_at_20_max": 21.217369625839176, + "nauc_mrr_at_3_diff1": 15.528981019166746, + "nauc_mrr_at_3_max": 20.603019869260343, + "nauc_mrr_at_5_diff1": 15.466774363671028, + "nauc_mrr_at_5_max": 20.975652450389344, + "nauc_ndcg_at_1000_diff1": 12.038972353500306, + "nauc_ndcg_at_1000_max": 27.903890926586932, + "nauc_ndcg_at_100_diff1": 11.319931937239677, + "nauc_ndcg_at_100_max": 27.027157611973795, + "nauc_ndcg_at_10_diff1": 11.078446709122273, + "nauc_ndcg_at_10_max": 23.822320107334757, + "nauc_ndcg_at_1_diff1": 17.964804649660955, + "nauc_ndcg_at_1_max": 18.691637068130458, + "nauc_ndcg_at_20_diff1": 12.181596567416559, + "nauc_ndcg_at_20_max": 25.37079586511582, + "nauc_ndcg_at_3_diff1": 13.160188878029732, + "nauc_ndcg_at_3_max": 23.08138307792905, + "nauc_ndcg_at_5_diff1": 12.469734888035655, + "nauc_ndcg_at_5_max": 23.90995773496041, + "nauc_precision_at_1000_diff1": 6.917224255812411, + "nauc_precision_at_1000_max": 25.68380359473843, + "nauc_precision_at_100_diff1": 6.398565019403672, + "nauc_precision_at_100_max": 25.768394101162112, + "nauc_precision_at_10_diff1": 6.984700975104491, + "nauc_precision_at_10_max": 22.95876859709157, + "nauc_precision_at_1_diff1": 17.964804649660955, + "nauc_precision_at_1_max": 18.691637068130458, + "nauc_precision_at_20_diff1": 9.297910278094806, + "nauc_precision_at_20_max": 25.047556185054287, + "nauc_precision_at_3_diff1": 11.002794885922452, + "nauc_precision_at_3_max": 24.196674867665706, + "nauc_precision_at_5_diff1": 10.022107536962826, + "nauc_precision_at_5_max": 25.168302306099687, + "nauc_recall_at_1000_diff1": 7.394647014691793, + "nauc_recall_at_1000_max": 25.484913499786305, + "nauc_recall_at_100_diff1": 6.725259371546906, + "nauc_recall_at_100_max": 25.516933161468554, + "nauc_recall_at_10_diff1": 7.129477895634021, + "nauc_recall_at_10_max": 22.349457271477668, + "nauc_recall_at_1_diff1": 17.854436578277337, + "nauc_recall_at_1_max": 18.26224581093851, + "nauc_recall_at_20_diff1": 9.42187360268394, + "nauc_recall_at_20_max": 24.71382966903428, + "nauc_recall_at_3_diff1": 10.921292270138911, + "nauc_recall_at_3_max": 23.694131354239822, + "nauc_recall_at_5_diff1": 9.99247973152595, + "nauc_recall_at_5_max": 24.651761102821084, + "ndcg_at_1": 20.0, + "ndcg_at_10": 16.927, + "ndcg_at_100": 25.258999999999997, + "ndcg_at_1000": 30.653999999999996, + "ndcg_at_20": 19.764, + "ndcg_at_3": 15.744, + "ndcg_at_5": 13.925, + "precision_at_1": 20.0, + "precision_at_10": 8.83, + "precision_at_100": 2.095, + "precision_at_1000": 0.33899999999999997, + "precision_at_20": 6.0600000000000005, + "precision_at_3": 14.6, + "precision_at_5": 12.24, + "recall_at_1": 4.077999999999999, + "recall_at_10": 17.928, + "recall_at_100": 42.518, + "recall_at_1000": 68.845, + "recall_at_20": 24.6, + "recall_at_3": 8.898, + "recall_at_5": 12.413, + "main_score": 16.927 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/SICK-R.json b/results/Lajavaness__bilingual-embedding-base/external/SICK-R.json new file mode 100644 index 000000000..cd4dc4587 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.7559383087264, + "cos_sim_spearman": 79.49310740723678, + "euclidean_pearson": 83.65824145595195, + "euclidean_spearman": 79.49312535113798, + "manhattan_pearson": 83.66988365842141, + "manhattan_spearman": 79.47470834406325, + "cosine_pearson": 85.7559383087264, + "cosine_spearman": 79.49310740723678, + "main_score": 79.49310740723678 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/SICKFr.json b/results/Lajavaness__bilingual-embedding-base/external/SICKFr.json new file mode 100644 index 000000000..dadada0ed --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/SICKFr.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e077ab4cf4774a1e36d86d593b150422fafd8e8a", + "task_name": "SICKFr", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 82.41331853949572, + "cos_sim_spearman": 75.4815169821101, + "euclidean_pearson": 79.81380205322172, + "euclidean_spearman": 75.48076002322844, + "manhattan_pearson": 79.86035354304643, + "manhattan_spearman": 75.51770448845875, + "cosine_pearson": 82.41331853949572, + "cosine_spearman": 75.4815169821101, + "main_score": 75.4815169821101 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/STS12.json b/results/Lajavaness__bilingual-embedding-base/external/STS12.json new file mode 100644 index 000000000..811cd5241 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.5839985534636, + "cos_sim_spearman": 79.59450354665624, + "euclidean_pearson": 84.43014644677757, + "euclidean_spearman": 79.59390361649422, + "manhattan_pearson": 84.29576591448196, + "manhattan_spearman": 79.41063925463973, + "cosine_pearson": 87.5839985534636, + "cosine_spearman": 79.59450354665624, + "main_score": 79.59450354665624 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/STS13.json b/results/Lajavaness__bilingual-embedding-base/external/STS13.json new file mode 100644 index 000000000..a8e93f7b6 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.29076815493453, + "cos_sim_spearman": 84.70010174539925, + "euclidean_pearson": 84.61503525685455, + "euclidean_spearman": 84.70010174539925, + "manhattan_pearson": 84.49870751490295, + "manhattan_spearman": 84.56101687530112, + "cosine_pearson": 84.29076815493453, + "cosine_spearman": 84.70010174539925, + "main_score": 84.70010174539925 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/STS14.json b/results/Lajavaness__bilingual-embedding-base/external/STS14.json new file mode 100644 index 000000000..098ab8ae7 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.9713152765247, + "cos_sim_spearman": 83.91546630697559, + "euclidean_pearson": 85.24770099001337, + "euclidean_spearman": 83.915468446163, + "manhattan_pearson": 85.10357473564157, + "manhattan_spearman": 83.73948507923797, + "cosine_pearson": 85.9713152765247, + "cosine_spearman": 83.91546630697559, + "main_score": 83.91546630697559 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/STS15.json b/results/Lajavaness__bilingual-embedding-base/external/STS15.json new file mode 100644 index 000000000..ad9ee78a2 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.93457583410698, + "cos_sim_spearman": 89.87899103812357, + "euclidean_pearson": 89.3577529833881, + "euclidean_spearman": 89.87899029911844, + "manhattan_pearson": 89.27376081191959, + "manhattan_spearman": 89.7855896343813, + "cosine_pearson": 88.93457583410698, + "cosine_spearman": 89.87899103812357, + "main_score": 89.87899103812357 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/STS16.json b/results/Lajavaness__bilingual-embedding-base/external/STS16.json new file mode 100644 index 000000000..ba83f0985 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.07870989011116, + "cos_sim_spearman": 84.87521134248455, + "euclidean_pearson": 84.64895196926211, + "euclidean_spearman": 84.87521088458564, + "manhattan_pearson": 84.5177988181249, + "manhattan_spearman": 84.75674790631112, + "cosine_pearson": 83.07870989011116, + "cosine_spearman": 84.87521134248455, + "main_score": 84.87521134248455 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/STS17.json b/results/Lajavaness__bilingual-embedding-base/external/STS17.json new file mode 100644 index 000000000..ef6735ab2 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "faeb762787bd10488a50c8b5be4a3b82e411949c", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.2908976539434, + "cos_sim_spearman": 88.69212374652548, + "euclidean_pearson": 89.05936753064138, + "euclidean_spearman": 88.69212374652548, + "manhattan_pearson": 89.01731329350842, + "manhattan_spearman": 88.59540957427528, + "cosine_pearson": 88.2908976539434, + "cosine_spearman": 88.69212374652548, + "main_score": 88.69212374652548 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/STS22.json b/results/Lajavaness__bilingual-embedding-base/external/STS22.json new file mode 100644 index 000000000..5fb50c7cc --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/STS22.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "de9d86b3b84231dc21f76c7b7af1f28e2f57f6e3", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 78.63723398201921, + "cos_sim_spearman": 81.1413239539243, + "euclidean_pearson": 79.65250044199216, + "euclidean_spearman": 81.1413239539243, + "manhattan_pearson": 79.4690995487022, + "manhattan_spearman": 80.61411938663267, + "cosine_pearson": 78.63723398201921, + "cosine_spearman": 81.1413239539243, + "main_score": 81.1413239539243 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 64.635158432127, + "cos_sim_spearman": 64.27073239884248, + "euclidean_pearson": 66.21751368412394, + "euclidean_spearman": 64.27073239884248, + "manhattan_pearson": 66.15088837552513, + "manhattan_spearman": 64.15068735594215, + "cosine_pearson": 64.635158432127, + "cosine_spearman": 64.27073239884248, + "main_score": 64.27073239884248 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/STSBenchmark.json b/results/Lajavaness__bilingual-embedding-base/external/STSBenchmark.json new file mode 100644 index 000000000..19b66babc --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.42604775914748, + "cos_sim_spearman": 87.44031003802738, + "euclidean_pearson": 87.43316615586107, + "euclidean_spearman": 87.44031555024793, + "manhattan_pearson": 87.31365950205998, + "manhattan_spearman": 87.2941204713115, + "cosine_pearson": 86.42604775914748, + "cosine_spearman": 87.44031003802738, + "main_score": 87.44031003802738 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/STSBenchmarkMultilingualSTS.json b/results/Lajavaness__bilingual-embedding-base/external/STSBenchmarkMultilingualSTS.json new file mode 100644 index 000000000..8ee6a9df5 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/STSBenchmarkMultilingualSTS.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "29afa2569dcedaaa2fe6a3dcfebab33d28b82e8c", + "task_name": "STSBenchmarkMultilingualSTS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 83.34057641357742, + "cos_sim_spearman": 83.74771008807434, + "euclidean_pearson": 83.22245971062527, + "euclidean_spearman": 83.74894925253341, + "manhattan_pearson": 83.06789257151542, + "manhattan_spearman": 83.52796149940158, + "cosine_pearson": 83.34057641357742, + "cosine_spearman": 83.74771008807434, + "main_score": 83.74771008807434 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/SciDocsRR.json b/results/Lajavaness__bilingual-embedding-base/external/SciDocsRR.json new file mode 100644 index 000000000..afd22ebac --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/SciDocsRR.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 81.48265276238037, + "mrr": 95.01133216819491, + "nAUC_map_diff1": 7.09429277125843, + "nAUC_map_max": 49.94029950841183, + "nAUC_mrr_diff1": 50.34339361427615, + "nAUC_mrr_max": 79.45634760563627, + "main_score": 81.48265276238037 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/SciFact.json b/results/Lajavaness__bilingual-embedding-base/external/SciFact.json new file mode 100644 index 000000000..8fa84c9cb --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/SciFact.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 54.678000000000004, + "map_at_10": 63.80200000000001, + "map_at_100": 64.41, + "map_at_1000": 64.444, + "map_at_20": 64.164, + "map_at_3": 60.925, + "map_at_5": 62.572, + "mrr_at_1": 57.333333333333336, + "mrr_at_10": 65.36190476190477, + "mrr_at_100": 65.81385754624793, + "mrr_at_1000": 65.84158115043161, + "mrr_at_20": 65.65317979234389, + "mrr_at_3": 63.0, + "mrr_at_5": 64.41666666666667, + "nauc_map_at_1000_diff1": 69.67809035584142, + "nauc_map_at_1000_max": 48.96413821482873, + "nauc_map_at_100_diff1": 69.65364392825721, + "nauc_map_at_100_max": 48.94627564310418, + "nauc_map_at_10_diff1": 69.57800581171497, + "nauc_map_at_10_max": 48.67897603770599, + "nauc_map_at_1_diff1": 73.01790551734226, + "nauc_map_at_1_max": 45.104875261851916, + "nauc_map_at_20_diff1": 69.61362614678308, + "nauc_map_at_20_max": 48.84035952302365, + "nauc_map_at_3_diff1": 70.38590108900951, + "nauc_map_at_3_max": 46.43843764953461, + "nauc_map_at_5_diff1": 70.52260971372544, + "nauc_map_at_5_max": 48.476797316953416, + "nauc_mrr_at_1000_diff1": 69.5164716438929, + "nauc_mrr_at_1000_max": 51.01945033286556, + "nauc_mrr_at_100_diff1": 69.49106498529696, + "nauc_mrr_at_100_max": 50.99948856957515, + "nauc_mrr_at_10_diff1": 69.36739032618048, + "nauc_mrr_at_10_max": 51.12574202596153, + "nauc_mrr_at_1_diff1": 72.36743551825465, + "nauc_mrr_at_1_max": 47.803395494440075, + "nauc_mrr_at_20_diff1": 69.45736580905654, + "nauc_mrr_at_20_max": 51.125870226973, + "nauc_mrr_at_3_diff1": 70.18553354726865, + "nauc_mrr_at_3_max": 50.0088700597719, + "nauc_mrr_at_5_diff1": 70.13590171518094, + "nauc_mrr_at_5_max": 51.43303825871863, + "nauc_ndcg_at_1000_diff1": 68.59647494694465, + "nauc_ndcg_at_1000_max": 50.84423309342368, + "nauc_ndcg_at_100_diff1": 67.82685442401551, + "nauc_ndcg_at_100_max": 50.69511102823468, + "nauc_ndcg_at_10_diff1": 67.42699840483867, + "nauc_ndcg_at_10_max": 50.367163593062216, + "nauc_ndcg_at_1_diff1": 72.36743551825465, + "nauc_ndcg_at_1_max": 47.803395494440075, + "nauc_ndcg_at_20_diff1": 67.52338557685287, + "nauc_ndcg_at_20_max": 50.79192152642611, + "nauc_ndcg_at_3_diff1": 69.49850475650591, + "nauc_ndcg_at_3_max": 47.69895483323495, + "nauc_ndcg_at_5_diff1": 69.63182188059407, + "nauc_ndcg_at_5_max": 50.692751514480086, + "nauc_precision_at_1000_diff1": -22.076090806418165, + "nauc_precision_at_1000_max": 15.457406924757958, + "nauc_precision_at_100_diff1": -8.958717111709591, + "nauc_precision_at_100_max": 23.39568973722963, + "nauc_precision_at_10_diff1": 18.145183858510112, + "nauc_precision_at_10_max": 38.39226201682134, + "nauc_precision_at_1_diff1": 72.36743551825465, + "nauc_precision_at_1_max": 47.803395494440075, + "nauc_precision_at_20_diff1": 8.777082697589234, + "nauc_precision_at_20_max": 35.78403592135664, + "nauc_precision_at_3_diff1": 51.376349362119726, + "nauc_precision_at_3_max": 42.810598626104, + "nauc_precision_at_5_diff1": 40.9296274632404, + "nauc_precision_at_5_max": 45.61709594788111, + "nauc_recall_at_1000_diff1": 77.7077497665738, + "nauc_recall_at_1000_max": 100.0, + "nauc_recall_at_100_diff1": 46.35143397460506, + "nauc_recall_at_100_max": 53.648092062544094, + "nauc_recall_at_10_diff1": 55.95034026811939, + "nauc_recall_at_10_max": 52.01290145176738, + "nauc_recall_at_1_diff1": 73.01790551734226, + "nauc_recall_at_1_max": 45.104875261851916, + "nauc_recall_at_20_diff1": 53.20691212906598, + "nauc_recall_at_20_max": 54.72055923613812, + "nauc_recall_at_3_diff1": 66.24729517787732, + "nauc_recall_at_3_max": 46.4286391286208, + "nauc_recall_at_5_diff1": 65.39243758829612, + "nauc_recall_at_5_max": 54.04465496293424, + "ndcg_at_1": 57.333, + "ndcg_at_10": 68.471, + "ndcg_at_100": 71.16900000000001, + "ndcg_at_1000": 71.934, + "ndcg_at_20": 69.706, + "ndcg_at_3": 63.404, + "ndcg_at_5": 65.93900000000001, + "precision_at_1": 57.333, + "precision_at_10": 9.133, + "precision_at_100": 1.06, + "precision_at_1000": 0.11199999999999999, + "precision_at_20": 4.833, + "precision_at_3": 24.444, + "precision_at_5": 16.267, + "recall_at_1": 54.678000000000004, + "recall_at_10": 81.244, + "recall_at_100": 93.43299999999999, + "recall_at_1000": 99.333, + "recall_at_20": 86.02199999999999, + "recall_at_3": 67.878, + "recall_at_5": 74.06700000000001, + "main_score": 68.471 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/SprintDuplicateQuestions.json b/results/Lajavaness__bilingual-embedding-base/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..d887abb8d --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.79702970297029, + "cos_sim_ap": 94.75976312657727, + "cos_sim_f1": 89.7029702970297, + "cos_sim_precision": 88.8235294117647, + "cos_sim_recall": 90.60000000000001, + "dot_accuracy": 99.79702970297029, + "dot_ap": 94.75976312657727, + "dot_f1": 89.7029702970297, + "dot_precision": 88.8235294117647, + "dot_recall": 90.60000000000001, + "euclidean_accuracy": 99.79702970297029, + "euclidean_ap": 94.75976312657727, + "euclidean_f1": 89.7029702970297, + "euclidean_precision": 88.8235294117647, + "euclidean_recall": 90.60000000000001, + "manhattan_accuracy": 99.79207920792079, + "manhattan_ap": 94.55264782714548, + "manhattan_f1": 89.30753564154786, + "manhattan_precision": 90.97510373443983, + "manhattan_recall": 87.7, + "max_accuracy": 99.79702970297029, + "max_ap": 94.75976312657727, + "max_f1": 89.7029702970297, + "main_score": 94.75976312657727 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/StackExchangeClustering.json b/results/Lajavaness__bilingual-embedding-base/external/StackExchangeClustering.json new file mode 100644 index 000000000..a261184a0 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/StackExchangeClustering.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 61.56750444120404, + "v_measures": [ + 0.6143066231410037, + 0.6484543949297663, + 0.5142449933097217, + 0.6062244515066045, + 0.5739832317328382 + ], + "main_score": 61.56750444120404 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/StackExchangeClusteringP2P.json b/results/Lajavaness__bilingual-embedding-base/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..b8c2db014 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/StackExchangeClusteringP2P.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.59242218010789, + "v_measures": [ + 0.32392220242444014, + 0.32718501590648996, + 0.32976751674384125, + 0.3203167039651582, + 0.32297852686667516 + ], + "main_score": 33.59242218010789 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/StackOverflowDupQuestions.json b/results/Lajavaness__bilingual-embedding-base/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..aaa087d9d --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/StackOverflowDupQuestions.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 49.200337844678295, + "mrr": 49.95621923011629, + "nAUC_map_diff1": 35.98209315270176, + "nAUC_map_max": 12.780142559584018, + "nAUC_mrr_diff1": 36.332794804706545, + "nAUC_mrr_max": 13.650142919994185, + "main_score": 49.200337844678295 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/SummEval.json b/results/Lajavaness__bilingual-embedding-base/external/SummEval.json new file mode 100644 index 000000000..920cf552e --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.273860160997156, + "cos_sim_spearman": 30.256535662300372, + "dot_pearson": 30.273861391746525, + "dot_spearman": 30.25651496178948, + "cosine_pearson": 30.273860160997156, + "cosine_spearman": 30.256535662300372, + "main_score": 30.256535662300372 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/SummEvalFr.json b/results/Lajavaness__bilingual-embedding-base/external/SummEvalFr.json new file mode 100644 index 000000000..64e5bf496 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/SummEvalFr.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "b385812de6a9577b6f4d0f88c6a6e35395a94054", + "task_name": "SummEvalFr", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 29.949370780736455, + "cos_sim_spearman": 30.16472987232583, + "dot_pearson": 29.94937008799093, + "dot_spearman": 30.16472987232583, + "cosine_pearson": 29.949370780736455, + "cosine_spearman": 30.16472987232583, + "main_score": 30.16472987232583 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/SyntecReranking.json b/results/Lajavaness__bilingual-embedding-base/external/SyntecReranking.json new file mode 100644 index 000000000..932f57615 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/SyntecReranking.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "daf0863838cd9e3ba50544cdce3ac2b338a1b0ad", + "task_name": "SyntecReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map": 83.82619047619046, + "mrr": 83.82619047619046, + "nAUC_map_diff1": 56.291594426865686, + "nAUC_map_max": 9.006252496368798, + "nAUC_mrr_diff1": 56.291594426865686, + "nAUC_mrr_max": 9.006252496368798, + "main_score": 83.82619047619046 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/SyntecRetrieval.json b/results/Lajavaness__bilingual-embedding-base/external/SyntecRetrieval.json new file mode 100644 index 000000000..39dc23cf6 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/SyntecRetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "19661ccdca4dfc2d15122d776b61685f48c68ca9", + "task_name": "SyntecRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map_at_1": 62.0, + "map_at_10": 74.369, + "map_at_100": 74.626, + "map_at_1000": 74.626, + "map_at_20": 74.626, + "map_at_3": 72.333, + "map_at_5": 73.533, + "mrr_at_1": 62.0, + "mrr_at_10": 74.36944444444444, + "mrr_at_100": 74.62553418803418, + "mrr_at_1000": 74.62553418803418, + "mrr_at_20": 74.62553418803418, + "mrr_at_3": 72.33333333333333, + "mrr_at_5": 73.53333333333333, + "nauc_map_at_1000_diff1": 59.84829658893367, + "nauc_map_at_1000_max": 25.92680320484747, + "nauc_map_at_100_diff1": 59.84829658893367, + "nauc_map_at_100_max": 25.92680320484747, + "nauc_map_at_10_diff1": 60.14734510056334, + "nauc_map_at_10_max": 26.4859845903765, + "nauc_map_at_1_diff1": 61.15589330215675, + "nauc_map_at_1_max": 25.502261329723385, + "nauc_map_at_20_diff1": 59.84829658893367, + "nauc_map_at_20_max": 25.92680320484747, + "nauc_map_at_3_diff1": 60.664125602445864, + "nauc_map_at_3_max": 24.598480701707597, + "nauc_map_at_5_diff1": 59.96933672856163, + "nauc_map_at_5_max": 26.87050847362874, + "nauc_mrr_at_1000_diff1": 59.84829658893367, + "nauc_mrr_at_1000_max": 25.92680320484747, + "nauc_mrr_at_100_diff1": 59.84829658893367, + "nauc_mrr_at_100_max": 25.92680320484747, + "nauc_mrr_at_10_diff1": 60.14734510056334, + "nauc_mrr_at_10_max": 26.4859845903765, + "nauc_mrr_at_1_diff1": 61.15589330215675, + "nauc_mrr_at_1_max": 25.502261329723385, + "nauc_mrr_at_20_diff1": 59.84829658893367, + "nauc_mrr_at_20_max": 25.92680320484747, + "nauc_mrr_at_3_diff1": 60.664125602445864, + "nauc_mrr_at_3_max": 24.598480701707597, + "nauc_mrr_at_5_diff1": 59.96933672856163, + "nauc_mrr_at_5_max": 26.87050847362874, + "nauc_ndcg_at_1000_diff1": 60.04965149586935, + "nauc_ndcg_at_1000_max": 26.34908378184259, + "nauc_ndcg_at_100_diff1": 60.04965149586935, + "nauc_ndcg_at_100_max": 26.34908378184259, + "nauc_ndcg_at_10_diff1": 61.517946155950945, + "nauc_ndcg_at_10_max": 29.005286712766882, + "nauc_ndcg_at_1_diff1": 61.15589330215675, + "nauc_ndcg_at_1_max": 25.502261329723385, + "nauc_ndcg_at_20_diff1": 60.04965149586935, + "nauc_ndcg_at_20_max": 26.34908378184259, + "nauc_ndcg_at_3_diff1": 62.138907107716314, + "nauc_ndcg_at_3_max": 24.66905359423539, + "nauc_ndcg_at_5_diff1": 60.81453858060155, + "nauc_ndcg_at_5_max": 29.652166992041785, + "nauc_precision_at_1000_diff1": "nan", + "nauc_precision_at_1000_max": "nan", + "nauc_precision_at_100_diff1": "nan", + "nauc_precision_at_100_max": "nan", + "nauc_precision_at_10_diff1": 86.11111111111084, + "nauc_precision_at_10_max": 72.80578898225937, + "nauc_precision_at_1_diff1": 61.15589330215675, + "nauc_precision_at_1_max": 25.502261329723385, + "nauc_precision_at_20_diff1": 100.0, + "nauc_precision_at_20_max": 100.0, + "nauc_precision_at_3_diff1": 69.83729254799863, + "nauc_precision_at_3_max": 25.2229092092417, + "nauc_precision_at_5_diff1": 66.95144724556499, + "nauc_precision_at_5_max": 49.640522875817005, + "nauc_recall_at_1000_diff1": "nan", + "nauc_recall_at_1000_max": "nan", + "nauc_recall_at_100_diff1": "nan", + "nauc_recall_at_100_max": "nan", + "nauc_recall_at_10_diff1": 86.11111111111124, + "nauc_recall_at_10_max": 72.8057889822595, + "nauc_recall_at_1_diff1": 61.15589330215675, + "nauc_recall_at_1_max": 25.502261329723385, + "nauc_recall_at_20_diff1": "nan", + "nauc_recall_at_20_max": "nan", + "nauc_recall_at_3_diff1": 69.83729254799871, + "nauc_recall_at_3_max": 25.22290920924175, + "nauc_recall_at_5_diff1": 66.95144724556485, + "nauc_recall_at_5_max": 49.64052287581686, + "ndcg_at_1": 62.0, + "ndcg_at_10": 79.679, + "ndcg_at_100": 80.664, + "ndcg_at_1000": 80.664, + "ndcg_at_20": 80.664, + "ndcg_at_3": 75.595, + "ndcg_at_5": 77.704, + "precision_at_1": 62.0, + "precision_at_10": 9.6, + "precision_at_100": 1.0, + "precision_at_1000": 0.1, + "precision_at_20": 5.0, + "precision_at_3": 28.333000000000002, + "precision_at_5": 18.0, + "recall_at_1": 62.0, + "recall_at_10": 96.0, + "recall_at_100": 100.0, + "recall_at_1000": 100.0, + "recall_at_20": 100.0, + "recall_at_3": 85.0, + "recall_at_5": 90.0, + "main_score": 79.679 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/TRECCOVID.json b/results/Lajavaness__bilingual-embedding-base/external/TRECCOVID.json new file mode 100644 index 000000000..e05cc4aeb --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/TRECCOVID.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "bb9466bac8153a0349341eb1b22e06409e78ef4e", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.161, + "map_at_10": 1.0410000000000001, + "map_at_100": 5.558, + "map_at_1000": 15.296000000000001, + "map_at_20": 1.755, + "map_at_3": 0.437, + "map_at_5": 0.628, + "mrr_at_1": 64.0, + "mrr_at_10": 73.77222222222223, + "mrr_at_100": 74.10160298638559, + "mrr_at_1000": 74.10160298638559, + "mrr_at_20": 73.9540404040404, + "mrr_at_3": 70.0, + "mrr_at_5": 73.3, + "nauc_map_at_1000_diff1": -1.9604698462344767, + "nauc_map_at_1000_max": 53.358985327864715, + "nauc_map_at_100_diff1": -0.5161702872199433, + "nauc_map_at_100_max": 46.53235662200936, + "nauc_map_at_10_diff1": 3.9256229008973924, + "nauc_map_at_10_max": 26.82251128561187, + "nauc_map_at_1_diff1": 4.127739790921559, + "nauc_map_at_1_max": 10.596981259216367, + "nauc_map_at_20_diff1": 1.6849110098963962, + "nauc_map_at_20_max": 32.645496648968034, + "nauc_map_at_3_diff1": 6.0165331028800715, + "nauc_map_at_3_max": 16.690807762030964, + "nauc_map_at_5_diff1": 3.151304647408004, + "nauc_map_at_5_max": 22.316738900184266, + "nauc_mrr_at_1000_diff1": 8.665368838521031, + "nauc_mrr_at_1000_max": 48.23582325840371, + "nauc_mrr_at_100_diff1": 8.665368838521031, + "nauc_mrr_at_100_max": 48.23582325840371, + "nauc_mrr_at_10_diff1": 9.331739591001785, + "nauc_mrr_at_10_max": 48.89453679791346, + "nauc_mrr_at_1_diff1": 0.5428534934218375, + "nauc_mrr_at_1_max": 35.480265678886184, + "nauc_mrr_at_20_diff1": 8.583612874582078, + "nauc_mrr_at_20_max": 48.472852713493815, + "nauc_mrr_at_3_diff1": 9.854859452507785, + "nauc_mrr_at_3_max": 50.846959397391124, + "nauc_mrr_at_5_diff1": 9.223998156393836, + "nauc_mrr_at_5_max": 49.03025489502146, + "nauc_ndcg_at_1000_diff1": 1.8220536687131508, + "nauc_ndcg_at_1000_max": 49.93338657126098, + "nauc_ndcg_at_100_diff1": 3.0321366749721466, + "nauc_ndcg_at_100_max": 51.5400551444691, + "nauc_ndcg_at_10_diff1": 8.579231691222738, + "nauc_ndcg_at_10_max": 46.76810123148509, + "nauc_ndcg_at_1_diff1": -3.008490760055262, + "nauc_ndcg_at_1_max": 26.51379381261564, + "nauc_ndcg_at_20_diff1": 7.688195422853383, + "nauc_ndcg_at_20_max": 49.01894979259541, + "nauc_ndcg_at_3_diff1": 4.482353844424605, + "nauc_ndcg_at_3_max": 41.5568352350729, + "nauc_ndcg_at_5_diff1": 5.0965815841199005, + "nauc_ndcg_at_5_max": 48.0173572974474, + "nauc_precision_at_1000_diff1": -1.522279672648178, + "nauc_precision_at_1000_max": 48.14464502949045, + "nauc_precision_at_100_diff1": 0.3803220198283984, + "nauc_precision_at_100_max": 54.606530270656286, + "nauc_precision_at_10_diff1": 10.17060237919451, + "nauc_precision_at_10_max": 51.07174301856844, + "nauc_precision_at_1_diff1": 0.5428534934218375, + "nauc_precision_at_1_max": 35.480265678886184, + "nauc_precision_at_20_diff1": 5.7555901777882825, + "nauc_precision_at_20_max": 51.63129458224357, + "nauc_precision_at_3_diff1": 6.697227309781205, + "nauc_precision_at_3_max": 48.75128365287913, + "nauc_precision_at_5_diff1": 3.675984060933098, + "nauc_precision_at_5_max": 54.034024908467984, + "nauc_recall_at_1000_diff1": 4.99265973475678, + "nauc_recall_at_1000_max": 47.39125173916412, + "nauc_recall_at_100_diff1": 0.6537761781214193, + "nauc_recall_at_100_max": 37.699187570549284, + "nauc_recall_at_10_diff1": 8.17628273209583, + "nauc_recall_at_10_max": 20.08017524188776, + "nauc_recall_at_1_diff1": 4.127739790921559, + "nauc_recall_at_1_max": 10.596981259216367, + "nauc_recall_at_20_diff1": 4.210774786757633, + "nauc_recall_at_20_max": 24.62795703117278, + "nauc_recall_at_3_diff1": 8.110601816749067, + "nauc_recall_at_3_max": 15.51743399119835, + "nauc_recall_at_5_diff1": 5.312647840696286, + "nauc_recall_at_5_max": 18.88262264074873, + "ndcg_at_1": 57.99999999999999, + "ndcg_at_10": 49.443, + "ndcg_at_100": 37.479, + "ndcg_at_1000": 38.735, + "ndcg_at_20": 46.115, + "ndcg_at_3": 54.458, + "ndcg_at_5": 53.601, + "precision_at_1": 64.0, + "precision_at_10": 52.2, + "precision_at_100": 38.64, + "precision_at_1000": 17.98, + "precision_at_20": 48.5, + "precision_at_3": 59.333000000000006, + "precision_at_5": 57.99999999999999, + "recall_at_1": 0.161, + "recall_at_10": 1.31, + "recall_at_100": 9.105, + "recall_at_1000": 38.330999999999996, + "recall_at_20": 2.382, + "recall_at_3": 0.47400000000000003, + "recall_at_5": 0.735, + "main_score": 49.443 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/Touche2020.json b/results/Lajavaness__bilingual-embedding-base/external/Touche2020.json new file mode 100644 index 000000000..0bbeee0b1 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/Touche2020.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 1.773, + "map_at_10": 5.819, + "map_at_100": 9.791, + "map_at_1000": 11.152, + "map_at_20": 7.800999999999999, + "map_at_3": 3.778, + "map_at_5": 4.5760000000000005, + "mrr_at_1": 26.53061224489796, + "mrr_at_10": 36.790573372206026, + "mrr_at_100": 38.9989669597618, + "mrr_at_1000": 38.9989669597618, + "mrr_at_20": 38.626122355982716, + "mrr_at_3": 32.6530612244898, + "mrr_at_5": 35.61224489795919, + "nauc_map_at_1000_diff1": 5.982723549423614, + "nauc_map_at_1000_max": -38.778150862184184, + "nauc_map_at_100_diff1": 8.35542066448559, + "nauc_map_at_100_max": -36.95988939092301, + "nauc_map_at_10_diff1": 16.727112997939685, + "nauc_map_at_10_max": -34.864329426120634, + "nauc_map_at_1_diff1": 15.68698509866931, + "nauc_map_at_1_max": -38.49856837383727, + "nauc_map_at_20_diff1": 12.131431984811561, + "nauc_map_at_20_max": -35.58027185761546, + "nauc_map_at_3_diff1": 26.51714323506847, + "nauc_map_at_3_max": -42.90178838356341, + "nauc_map_at_5_diff1": 19.97087359992273, + "nauc_map_at_5_max": -39.34647766735783, + "nauc_mrr_at_1000_diff1": 1.9748555750391668, + "nauc_mrr_at_1000_max": -38.23327494222865, + "nauc_mrr_at_100_diff1": 1.9748555750391668, + "nauc_mrr_at_100_max": -38.23327494222865, + "nauc_mrr_at_10_diff1": 3.026383371657329, + "nauc_mrr_at_10_max": -37.357911445290675, + "nauc_mrr_at_1_diff1": -3.6234515245372143, + "nauc_mrr_at_1_max": -34.918413083959635, + "nauc_mrr_at_20_diff1": 2.785643581147567, + "nauc_mrr_at_20_max": -39.027829254611596, + "nauc_mrr_at_3_diff1": -0.652257776491799, + "nauc_mrr_at_3_max": -35.777046370826746, + "nauc_mrr_at_5_diff1": -1.0723788161779884, + "nauc_mrr_at_5_max": -37.74663638254447, + "nauc_ndcg_at_1000_diff1": -5.603421065562765, + "nauc_ndcg_at_1000_max": -48.302585883872254, + "nauc_ndcg_at_100_diff1": -0.4142249503459385, + "nauc_ndcg_at_100_max": -44.266171155232605, + "nauc_ndcg_at_10_diff1": 9.09113299295375, + "nauc_ndcg_at_10_max": -33.95506408586246, + "nauc_ndcg_at_1_diff1": -2.3509910942232137, + "nauc_ndcg_at_1_max": -31.9181129505804, + "nauc_ndcg_at_20_diff1": 6.711479298611486, + "nauc_ndcg_at_20_max": -41.17797709135335, + "nauc_ndcg_at_3_diff1": 7.181833876703895, + "nauc_ndcg_at_3_max": -36.76673572406525, + "nauc_ndcg_at_5_diff1": 4.220139919243461, + "nauc_ndcg_at_5_max": -36.01626374596527, + "nauc_precision_at_1000_diff1": -21.500096998480743, + "nauc_precision_at_1000_max": 17.423538290188787, + "nauc_precision_at_100_diff1": -20.576518815311264, + "nauc_precision_at_100_max": -33.43443540744943, + "nauc_precision_at_10_diff1": 5.916347999274714, + "nauc_precision_at_10_max": -31.375195302655644, + "nauc_precision_at_1_diff1": -3.6234515245372143, + "nauc_precision_at_1_max": -34.918413083959635, + "nauc_precision_at_20_diff1": -5.5440042532199145, + "nauc_precision_at_20_max": -41.606107555682485, + "nauc_precision_at_3_diff1": 9.493481238903758, + "nauc_precision_at_3_max": -39.77246958608447, + "nauc_precision_at_5_diff1": 0.9616292047999846, + "nauc_precision_at_5_max": -36.360179658412726, + "nauc_recall_at_1000_diff1": -18.950139772725883, + "nauc_recall_at_1000_max": -49.50001953592577, + "nauc_recall_at_100_diff1": -4.101410227998355, + "nauc_recall_at_100_max": -43.41533454443838, + "nauc_recall_at_10_diff1": 15.471367681837625, + "nauc_recall_at_10_max": -30.21854343397064, + "nauc_recall_at_1_diff1": 15.68698509866931, + "nauc_recall_at_1_max": -38.49856837383727, + "nauc_recall_at_20_diff1": 6.295179926244505, + "nauc_recall_at_20_max": -39.20825139905824, + "nauc_recall_at_3_diff1": 26.54887286634497, + "nauc_recall_at_3_max": -39.46308906643022, + "nauc_recall_at_5_diff1": 15.955004561636251, + "nauc_recall_at_5_max": -36.491415148404585, + "ndcg_at_1": 23.469, + "ndcg_at_10": 16.07, + "ndcg_at_100": 25.61, + "ndcg_at_1000": 38.092999999999996, + "ndcg_at_20": 17.980999999999998, + "ndcg_at_3": 18.332, + "ndcg_at_5": 17.302, + "precision_at_1": 26.531, + "precision_at_10": 14.285999999999998, + "precision_at_100": 5.469, + "precision_at_1000": 1.331, + "precision_at_20": 12.449, + "precision_at_3": 19.048000000000002, + "precision_at_5": 17.551, + "recall_at_1": 1.773, + "recall_at_10": 10.698, + "recall_at_100": 35.684, + "recall_at_1000": 72.932, + "recall_at_20": 18.723, + "recall_at_3": 4.788, + "recall_at_5": 6.715, + "main_score": 16.07 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/ToxicConversationsClassification.json b/results/Lajavaness__bilingual-embedding-base/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..7e2e2acc7 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/ToxicConversationsClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 63.38378906249999, + "ap": 11.003129023708196, + "ap_weighted": 11.003129023708196, + "f1": 48.57435688911943, + "f1_weighted": 71.50552650067205, + "main_score": 63.38378906249999 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/TweetSentimentExtractionClassification.json b/results/Lajavaness__bilingual-embedding-base/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..bd33cf7b5 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 62.467458970005666, + "f1": 62.66021402025028, + "f1_weighted": 61.71229183506532, + "main_score": 62.467458970005666 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/TwentyNewsgroupsClustering.json b/results/Lajavaness__bilingual-embedding-base/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..a71938afc --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 44.96874447839597, + "v_measures": [ + 0.44089700334011683, + 0.4808871718296333, + 0.4655762216311635, + 0.4108889263207817, + 0.45449139982441744 + ], + "main_score": 44.96874447839597 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/TwitterSemEval2015.json b/results/Lajavaness__bilingual-embedding-base/external/TwitterSemEval2015.json new file mode 100644 index 000000000..8fc3ab95f --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 85.83179352685224, + "cos_sim_ap": 73.75870454252158, + "cos_sim_f1": 67.61786600496278, + "cos_sim_precision": 63.81733021077284, + "cos_sim_recall": 71.89973614775725, + "dot_accuracy": 85.83179352685224, + "dot_ap": 73.75870536224079, + "dot_f1": 67.61786600496278, + "dot_precision": 63.81733021077284, + "dot_recall": 71.89973614775725, + "euclidean_accuracy": 85.83179352685224, + "euclidean_ap": 73.7587242895193, + "euclidean_f1": 67.61786600496278, + "euclidean_precision": 63.81733021077284, + "euclidean_recall": 71.89973614775725, + "manhattan_accuracy": 85.91524110389224, + "manhattan_ap": 73.77139111004601, + "manhattan_f1": 67.52419453632244, + "manhattan_precision": 63.023096272581746, + "manhattan_recall": 72.71767810026385, + "max_accuracy": 85.91524110389224, + "max_ap": 73.77139111004601, + "max_f1": 67.61786600496278, + "main_score": 73.77139111004601 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/TwitterURLCorpus.json b/results/Lajavaness__bilingual-embedding-base/external/TwitterURLCorpus.json new file mode 100644 index 000000000..e22216e16 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.2711607870532, + "cos_sim_ap": 86.48986874793765, + "cos_sim_f1": 79.10280373831775, + "cos_sim_precision": 76.87836070338614, + "cos_sim_recall": 81.45980905451185, + "dot_accuracy": 89.2711607870532, + "dot_ap": 86.48986996838993, + "dot_f1": 79.10280373831775, + "dot_precision": 76.87836070338614, + "dot_recall": 81.45980905451185, + "euclidean_accuracy": 89.2711607870532, + "euclidean_ap": 86.4898691356683, + "euclidean_f1": 79.10280373831775, + "euclidean_precision": 76.87836070338614, + "euclidean_recall": 81.45980905451185, + "manhattan_accuracy": 89.2711607870532, + "manhattan_ap": 86.46475884590569, + "manhattan_f1": 78.9534579927593, + "manhattan_precision": 76.61716769286491, + "manhattan_recall": 81.43671080997844, + "max_accuracy": 89.2711607870532, + "max_ap": 86.48986996838993, + "max_f1": 79.10280373831775, + "main_score": 86.48986996838993 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/XPQARetrieval.json b/results/Lajavaness__bilingual-embedding-base/external/XPQARetrieval.json new file mode 100644 index 000000000..568e7fb44 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/XPQARetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "c99d599f0a6ab9b85b065da6f9d94f9cf731679f", + "task_name": "XPQARetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "None" + ], + "map_at_1": 37.597, + "map_at_10": 57.888, + "map_at_100": 59.277, + "map_at_1000": 59.352000000000004, + "map_at_20": 58.717, + "map_at_3": 51.957, + "map_at_5": 55.772999999999996, + "mrr_at_1": 59.813084112149525, + "mrr_at_10": 67.10031364570752, + "mrr_at_100": 67.66545041236235, + "mrr_at_1000": 67.6835494818551, + "mrr_at_20": 67.49393600922676, + "mrr_at_3": 65.17578994214506, + "mrr_at_5": 66.18380062305292, + "nauc_map_at_1000_diff1": 48.73204134706741, + "nauc_map_at_1000_max": 48.167144249595445, + "nauc_map_at_100_diff1": 48.678967361326784, + "nauc_map_at_100_max": 48.150876586146055, + "nauc_map_at_10_diff1": 48.49819455901337, + "nauc_map_at_10_max": 47.419803565618324, + "nauc_map_at_1_diff1": 58.76698174343172, + "nauc_map_at_1_max": 32.18211527608151, + "nauc_map_at_20_diff1": 48.40197639399712, + "nauc_map_at_20_max": 47.81717012073508, + "nauc_map_at_3_diff1": 50.73932443832007, + "nauc_map_at_3_max": 42.24066337784361, + "nauc_map_at_5_diff1": 49.46975560894318, + "nauc_map_at_5_max": 45.80443987601635, + "nauc_mrr_at_1000_diff1": 57.835936362591525, + "nauc_mrr_at_1000_max": 58.573550643855896, + "nauc_mrr_at_100_diff1": 57.82678446452145, + "nauc_mrr_at_100_max": 58.5764861850602, + "nauc_mrr_at_10_diff1": 57.76879895710224, + "nauc_mrr_at_10_max": 58.64968053975452, + "nauc_mrr_at_1_diff1": 59.856533986276574, + "nauc_mrr_at_1_max": 58.730867813105725, + "nauc_mrr_at_20_diff1": 57.795349563018746, + "nauc_mrr_at_20_max": 58.516079879105256, + "nauc_mrr_at_3_diff1": 57.76489841294852, + "nauc_mrr_at_3_max": 58.58658769928032, + "nauc_mrr_at_5_diff1": 57.694777424382515, + "nauc_mrr_at_5_max": 58.56316065282314, + "nauc_ndcg_at_1000_diff1": 50.69160796479768, + "nauc_ndcg_at_1000_max": 52.199577971960785, + "nauc_ndcg_at_100_diff1": 49.86099689038677, + "nauc_ndcg_at_100_max": 52.151790872414125, + "nauc_ndcg_at_10_diff1": 48.72866627696869, + "nauc_ndcg_at_10_max": 50.06953156417251, + "nauc_ndcg_at_1_diff1": 59.856533986276574, + "nauc_ndcg_at_1_max": 58.730867813105725, + "nauc_ndcg_at_20_diff1": 48.588995750275565, + "nauc_ndcg_at_20_max": 50.49019072586609, + "nauc_ndcg_at_3_diff1": 50.45588351336764, + "nauc_ndcg_at_3_max": 48.984274202014916, + "nauc_ndcg_at_5_diff1": 50.006960016438505, + "nauc_ndcg_at_5_max": 48.303806275166735, + "nauc_precision_at_1000_diff1": -16.164680055782775, + "nauc_precision_at_1000_max": 16.124503094722208, + "nauc_precision_at_100_diff1": -13.36404724754223, + "nauc_precision_at_100_max": 23.29679787821716, + "nauc_precision_at_10_diff1": -3.7402851742774788, + "nauc_precision_at_10_max": 32.14138887961609, + "nauc_precision_at_1_diff1": 59.856533986276574, + "nauc_precision_at_1_max": 58.730867813105725, + "nauc_precision_at_20_diff1": -8.971829372748005, + "nauc_precision_at_20_max": 27.87664599166348, + "nauc_precision_at_3_diff1": 11.427083566719917, + "nauc_precision_at_3_max": 39.94075723264166, + "nauc_precision_at_5_diff1": 3.5428167965724233, + "nauc_precision_at_5_max": 35.65970898316591, + "nauc_recall_at_1000_diff1": 42.34179228230109, + "nauc_recall_at_1000_max": 69.84746848920715, + "nauc_recall_at_100_diff1": 30.47165287340051, + "nauc_recall_at_100_max": 47.90447689942959, + "nauc_recall_at_10_diff1": 36.65046615294308, + "nauc_recall_at_10_max": 41.81737771961874, + "nauc_recall_at_1_diff1": 58.76698174343172, + "nauc_recall_at_1_max": 32.18211527608151, + "nauc_recall_at_20_diff1": 33.33461286517975, + "nauc_recall_at_20_max": 40.033064434150155, + "nauc_recall_at_3_diff1": 45.94521561906703, + "nauc_recall_at_3_max": 37.46948921295656, + "nauc_recall_at_5_diff1": 42.66425368847329, + "nauc_recall_at_5_max": 40.64657773118315, + "ndcg_at_1": 59.813, + "ndcg_at_10": 64.208, + "ndcg_at_100": 69.002, + "ndcg_at_1000": 70.23700000000001, + "ndcg_at_20": 66.29899999999999, + "ndcg_at_3": 59.099999999999994, + "ndcg_at_5": 60.763999999999996, + "precision_at_1": 59.813, + "precision_at_10": 14.766000000000002, + "precision_at_100": 1.8870000000000002, + "precision_at_1000": 0.20600000000000002, + "precision_at_20": 8.117, + "precision_at_3": 35.781, + "precision_at_5": 25.688, + "recall_at_1": 37.597, + "recall_at_10": 72.919, + "recall_at_100": 91.526, + "recall_at_1000": 99.421, + "recall_at_20": 79.64, + "recall_at_3": 56.836, + "recall_at_5": 64.364, + "main_score": 64.208 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-base/external/model_meta.json b/results/Lajavaness__bilingual-embedding-base/external/model_meta.json new file mode 100644 index 000000000..4e45d6919 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-base/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "Lajavaness/bilingual-embedding-base", + "revision": "ba649e966e8590eeea74caf4722e55f28a59e30b", + "release_date": "2024-06-26", + "languages": [], + "loader": null, + "n_parameters": 278043648, + "memory_usage": null, + "max_tokens": 514, + "embed_dim": 768, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large-8k/external/AlloProfClusteringP2P.json b/results/Lajavaness__bilingual-embedding-large-8k/external/AlloProfClusteringP2P.json new file mode 100644 index 000000000..1af06525b --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large-8k/external/AlloProfClusteringP2P.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "392ba3f5bcc8c51f578786c1fc3dae648662cb9b", + "task_name": "AlloProfClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "v_measure": 55.52298673909706, + "v_measures": [ + 0.5198748380785404, + 0.5562521099012603, + 0.5322986254464575, + 0.5722250987615152, + 0.532932258758668 + ], + "main_score": 55.52298673909706 + }, + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "v_measure": 35.802733348353094, + "v_measures": [ + 0.37359796790048144, + 0.36376421464272285, + 0.37524966704915225, + 0.3749296797757371, + 0.36673700158106576 + ], + "main_score": 35.802733348353094 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large-8k/external/AlloprofReranking.json b/results/Lajavaness__bilingual-embedding-large-8k/external/AlloprofReranking.json new file mode 100644 index 000000000..e0035ab37 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large-8k/external/AlloprofReranking.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "65393d0d7a08a10b4e348135e824f385d420b0fd", + "task_name": "AlloprofReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map": 73.10088493122083, + "mrr": 74.33452929243086, + "nAUC_map_diff1": 56.63750231223696, + "nAUC_map_max": 27.066268470355492, + "nAUC_mrr_diff1": 55.33487252773409, + "nAUC_mrr_max": 27.328424865584367, + "main_score": 73.10088493122083 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large-8k/external/AmazonReviewsClassification.json b/results/Lajavaness__bilingual-embedding-large-8k/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..c5f4ada78 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large-8k/external/AmazonReviewsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 44.10999999999999, + "f1": 42.00584553745547, + "f1_weighted": 42.005845537455485, + "main_score": 44.10999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large-8k/external/BSARDRetrieval.json b/results/Lajavaness__bilingual-embedding-large-8k/external/BSARDRetrieval.json new file mode 100644 index 000000000..e79e04c78 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large-8k/external/BSARDRetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "5effa1b9b5fa3b0f9e12523e6e43e5f86a6e6d59", + "task_name": "BSARDRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map_at_1": 4.955, + "map_at_10": 9.103, + "map_at_100": 9.998999999999999, + "map_at_1000": 10.136000000000001, + "map_at_20": 9.554, + "map_at_3": 7.4319999999999995, + "map_at_5": 7.95, + "mrr_at_1": 4.954954954954955, + "mrr_at_10": 9.102852852852852, + "mrr_at_100": 9.999215850941926, + "mrr_at_1000": 10.13616308946331, + "mrr_at_20": 9.554402632963003, + "mrr_at_3": 7.432432432432434, + "mrr_at_5": 7.950450450450451, + "nauc_map_at_1000_diff1": 14.655819915811785, + "nauc_map_at_1000_max": 9.188182207979008, + "nauc_map_at_100_diff1": 14.517637755979687, + "nauc_map_at_100_max": 9.060725563022503, + "nauc_map_at_10_diff1": 15.776144582905358, + "nauc_map_at_10_max": 9.448668398689462, + "nauc_map_at_1_diff1": 19.10921794840591, + "nauc_map_at_1_max": 4.060331068810239, + "nauc_map_at_20_diff1": 15.061809327427353, + "nauc_map_at_20_max": 9.085953657690329, + "nauc_map_at_3_diff1": 18.42793018906856, + "nauc_map_at_3_max": 10.10140103912974, + "nauc_map_at_5_diff1": 17.407972669931233, + "nauc_map_at_5_max": 10.064885264376228, + "nauc_mrr_at_1000_diff1": 14.655819915811785, + "nauc_mrr_at_1000_max": 9.188182207979008, + "nauc_mrr_at_100_diff1": 14.517637755979687, + "nauc_mrr_at_100_max": 9.060725563022503, + "nauc_mrr_at_10_diff1": 15.776144582905358, + "nauc_mrr_at_10_max": 9.448668398689462, + "nauc_mrr_at_1_diff1": 19.10921794840591, + "nauc_mrr_at_1_max": 4.060331068810239, + "nauc_mrr_at_20_diff1": 15.061809327427353, + "nauc_mrr_at_20_max": 9.085953657690329, + "nauc_mrr_at_3_diff1": 18.42793018906856, + "nauc_mrr_at_3_max": 10.10140103912974, + "nauc_mrr_at_5_diff1": 17.407972669931233, + "nauc_mrr_at_5_max": 10.064885264376228, + "nauc_ndcg_at_1000_diff1": 11.940580725648152, + "nauc_ndcg_at_1000_max": 11.004283166102807, + "nauc_ndcg_at_100_diff1": 10.009680762933215, + "nauc_ndcg_at_100_max": 8.444186642393188, + "nauc_ndcg_at_10_diff1": 14.423251037136561, + "nauc_ndcg_at_10_max": 10.614014795363303, + "nauc_ndcg_at_1_diff1": 19.10921794840591, + "nauc_ndcg_at_1_max": 4.060331068810239, + "nauc_ndcg_at_20_diff1": 12.486198272876521, + "nauc_ndcg_at_20_max": 9.550225653436467, + "nauc_ndcg_at_3_diff1": 18.813915768129757, + "nauc_ndcg_at_3_max": 11.865670858870484, + "nauc_ndcg_at_5_diff1": 17.01715479783127, + "nauc_ndcg_at_5_max": 11.523181173967899, + "nauc_precision_at_1000_diff1": 6.162580085242911, + "nauc_precision_at_1000_max": 21.74545120171883, + "nauc_precision_at_100_diff1": 1.4492186570094137, + "nauc_precision_at_100_max": 5.320582161712451, + "nauc_precision_at_10_diff1": 12.199838986983115, + "nauc_precision_at_10_max": 12.409471572004998, + "nauc_precision_at_1_diff1": 19.10921794840591, + "nauc_precision_at_1_max": 4.060331068810239, + "nauc_precision_at_20_diff1": 8.089525252638769, + "nauc_precision_at_20_max": 9.829600854870332, + "nauc_precision_at_3_diff1": 19.71630962813128, + "nauc_precision_at_3_max": 15.560242379569136, + "nauc_precision_at_5_diff1": 16.151579517326258, + "nauc_precision_at_5_max": 14.225120177799683, + "nauc_recall_at_1000_diff1": 6.1625800852429595, + "nauc_recall_at_1000_max": 21.745451201718687, + "nauc_recall_at_100_diff1": 1.4492186570093863, + "nauc_recall_at_100_max": 5.320582161712405, + "nauc_recall_at_10_diff1": 12.199838986983083, + "nauc_recall_at_10_max": 12.409471572004962, + "nauc_recall_at_1_diff1": 19.10921794840591, + "nauc_recall_at_1_max": 4.060331068810239, + "nauc_recall_at_20_diff1": 8.089525252638692, + "nauc_recall_at_20_max": 9.829600854870273, + "nauc_recall_at_3_diff1": 19.716309628131278, + "nauc_recall_at_3_max": 15.560242379569129, + "nauc_recall_at_5_diff1": 16.151579517326265, + "nauc_recall_at_5_max": 14.225120177799697, + "ndcg_at_1": 4.955, + "ndcg_at_10": 12.005, + "ndcg_at_100": 17.238, + "ndcg_at_1000": 21.287, + "ndcg_at_20": 13.691999999999998, + "ndcg_at_3": 8.296000000000001, + "ndcg_at_5": 9.225999999999999, + "precision_at_1": 4.955, + "precision_at_10": 2.162, + "precision_at_100": 0.482, + "precision_at_1000": 0.08099999999999999, + "precision_at_20": 1.419, + "precision_at_3": 3.604, + "precision_at_5": 2.613, + "recall_at_1": 4.955, + "recall_at_10": 21.622, + "recall_at_100": 48.198, + "recall_at_1000": 81.081, + "recall_at_20": 28.377999999999997, + "recall_at_3": 10.811, + "recall_at_5": 13.062999999999999, + "main_score": 48.198 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large-8k/external/HALClusteringS2S.json b/results/Lajavaness__bilingual-embedding-large-8k/external/HALClusteringS2S.json new file mode 100644 index 000000000..413cb1550 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large-8k/external/HALClusteringS2S.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e06ebbbb123f8144bef1a5d18796f3dec9ae2915", + "task_name": "HALClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "v_measure": 23.137623974622365, + "v_measures": [ + 0.2802068838665942, + 0.2565274984774815, + 0.25245022445056786, + 0.22595460950575297, + 0.20177741591393913 + ], + "main_score": 23.137623974622365 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large-8k/external/MLSUMClusteringP2P.json b/results/Lajavaness__bilingual-embedding-large-8k/external/MLSUMClusteringP2P.json new file mode 100644 index 000000000..b81c61424 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large-8k/external/MLSUMClusteringP2P.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "b5d54f8f3b61ae17845046286940f03c6bc79bc7", + "task_name": "MLSUMClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "None" + ], + "v_measure": 40.31003279146524, + "v_measures": [ + 0.3943651322813771, + 0.4189000344922205, + 0.4101443880670743, + 0.3832149080991847, + 0.37602613534689566 + ], + "main_score": 40.31003279146524 + }, + { + "hf_subset": "default", + "languages": [ + "None" + ], + "v_measure": 40.04524841336757, + "v_measures": [ + 0.39835449199860185, + 0.405905613221237, + 0.40326782414397255, + 0.40882879348632284, + 0.3683302592759367 + ], + "main_score": 40.04524841336757 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large-8k/external/MTOPDomainClassification.json b/results/Lajavaness__bilingual-embedding-large-8k/external/MTOPDomainClassification.json new file mode 100644 index 000000000..ed7b7b621 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large-8k/external/MTOPDomainClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 87.82023175696837, + "f1": 87.58287510797385, + "f1_weighted": 87.75645870762435, + "main_score": 87.82023175696837 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large-8k/external/MTOPIntentClassification.json b/results/Lajavaness__bilingual-embedding-large-8k/external/MTOPIntentClassification.json new file mode 100644 index 000000000..58715ca49 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large-8k/external/MTOPIntentClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 58.628249295333546, + "f1": 42.22070573172825, + "f1_weighted": 60.62087995743649, + "main_score": 58.628249295333546 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large-8k/external/MasakhaNEWSClassification.json b/results/Lajavaness__bilingual-embedding-large-8k/external/MasakhaNEWSClassification.json new file mode 100644 index 000000000..78bb48675 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large-8k/external/MasakhaNEWSClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "18193f187b92da67168c655c9973a165ed9593dd", + "task_name": "MasakhaNEWSClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fra", + "languages": [ + "fra-Latn" + ], + "accuracy": 69.81042654028435, + "f1": 66.05811881796396, + "f1_weighted": 70.34901566149948, + "main_score": 69.81042654028435 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large-8k/external/MasakhaNEWSClusteringP2P.json b/results/Lajavaness__bilingual-embedding-large-8k/external/MasakhaNEWSClusteringP2P.json new file mode 100644 index 000000000..b493f5c89 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large-8k/external/MasakhaNEWSClusteringP2P.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8ccc72e69e65f40c70e117d8b3c08306bb788b60", + "task_name": "MasakhaNEWSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fra", + "languages": [ + "fra-Latn" + ], + "v_measure": 45.02712178986078, + "v_measures": [ + 1.0, + 0.23955793240111928, + 0.7158920010774062, + 0.036391635653837, + 0.25951452036067674 + ], + "main_score": 45.02712178986078 + }, + { + "hf_subset": "fra", + "languages": [ + "fra-Latn" + ], + "v_measure": 30.38607254306223, + "v_measures": [ + 1.0, + 0.01936507478006705, + 0.19876372667844472, + 0.17182595867380823, + 0.12934886702079137 + ], + "main_score": 30.38607254306223 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large-8k/external/MassiveIntentClassification.json b/results/Lajavaness__bilingual-embedding-large-8k/external/MassiveIntentClassification.json new file mode 100644 index 000000000..f8b7d3863 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large-8k/external/MassiveIntentClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "4672e20407010da34463acc759c162ca9734bca6", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 66.13651647612645, + "f1": 64.42898347709598, + "f1_weighted": 65.01442547020224, + "main_score": 66.13651647612645 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large-8k/external/MassiveScenarioClassification.json b/results/Lajavaness__bilingual-embedding-large-8k/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..9cef90dd9 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large-8k/external/MassiveScenarioClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "fad2c6e8459f9e1c45d9315f4953d921437d70f8", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 72.73705447209144, + "f1": 72.09285609231057, + "f1_weighted": 72.34295244611339, + "main_score": 72.73705447209144 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large-8k/external/MintakaRetrieval.json b/results/Lajavaness__bilingual-embedding-large-8k/external/MintakaRetrieval.json new file mode 100644 index 000000000..c690ccab4 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large-8k/external/MintakaRetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "efa78cc2f74bbcd21eff2261f9e13aebe40b814e", + "task_name": "MintakaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "map_at_1": 13.677, + "map_at_10": 21.044, + "map_at_100": 22.012, + "map_at_1000": 22.125, + "map_at_20": 21.573999999999998, + "map_at_3": 18.857, + "map_at_5": 19.936999999999998, + "mrr_at_1": 13.677313677313677, + "mrr_at_10": 21.043933543933505, + "mrr_at_100": 22.012160523798318, + "mrr_at_1000": 22.124555014776913, + "mrr_at_20": 21.574199922074904, + "mrr_at_3": 18.857493857493825, + "mrr_at_5": 19.93652743652738, + "nauc_map_at_1000_diff1": 20.63087633823352, + "nauc_map_at_1000_max": 31.753246807516362, + "nauc_map_at_100_diff1": 20.602874174259885, + "nauc_map_at_100_max": 31.74109681792161, + "nauc_map_at_10_diff1": 20.82028964049537, + "nauc_map_at_10_max": 32.082751313883705, + "nauc_map_at_1_diff1": 27.838566854973656, + "nauc_map_at_1_max": 32.0217755083183, + "nauc_map_at_20_diff1": 20.685607874578192, + "nauc_map_at_20_max": 31.89765440964895, + "nauc_map_at_3_diff1": 22.385335765437958, + "nauc_map_at_3_max": 32.47346568889047, + "nauc_map_at_5_diff1": 21.173253596770003, + "nauc_map_at_5_max": 32.2528418460596, + "nauc_mrr_at_1000_diff1": 20.63087633823352, + "nauc_mrr_at_1000_max": 31.753246807516362, + "nauc_mrr_at_100_diff1": 20.602874174259885, + "nauc_mrr_at_100_max": 31.74109681792161, + "nauc_mrr_at_10_diff1": 20.82028964049537, + "nauc_mrr_at_10_max": 32.082751313883705, + "nauc_mrr_at_1_diff1": 27.838566854973656, + "nauc_mrr_at_1_max": 32.0217755083183, + "nauc_mrr_at_20_diff1": 20.685607874578192, + "nauc_mrr_at_20_max": 31.89765440964895, + "nauc_mrr_at_3_diff1": 22.385335765437958, + "nauc_mrr_at_3_max": 32.47346568889047, + "nauc_mrr_at_5_diff1": 21.173253596770003, + "nauc_mrr_at_5_max": 32.2528418460596, + "nauc_ndcg_at_1000_diff1": 18.08460876388022, + "nauc_ndcg_at_1000_max": 30.282810360048217, + "nauc_ndcg_at_100_diff1": 17.119539175602068, + "nauc_ndcg_at_100_max": 29.66409825853174, + "nauc_ndcg_at_10_diff1": 18.23254548133648, + "nauc_ndcg_at_10_max": 31.52995550586078, + "nauc_ndcg_at_1_diff1": 27.838566854973656, + "nauc_ndcg_at_1_max": 32.0217755083183, + "nauc_ndcg_at_20_diff1": 17.769003159911446, + "nauc_ndcg_at_20_max": 30.929703630445033, + "nauc_ndcg_at_3_diff1": 20.96979719261237, + "nauc_ndcg_at_3_max": 32.363993132409526, + "nauc_ndcg_at_5_diff1": 19.00106027591966, + "nauc_ndcg_at_5_max": 31.962682994281664, + "nauc_precision_at_1000_diff1": -0.439767274118902, + "nauc_precision_at_1000_max": 12.247737195943136, + "nauc_precision_at_100_diff1": 5.574224743755663, + "nauc_precision_at_100_max": 20.625486141114006, + "nauc_precision_at_10_diff1": 12.116438700823444, + "nauc_precision_at_10_max": 30.027073824365324, + "nauc_precision_at_1_diff1": 27.838566854973656, + "nauc_precision_at_1_max": 32.0217755083183, + "nauc_precision_at_20_diff1": 10.528730914479825, + "nauc_precision_at_20_max": 28.101643683820228, + "nauc_precision_at_3_diff1": 17.575083081784413, + "nauc_precision_at_3_max": 32.04257948042897, + "nauc_precision_at_5_diff1": 13.87097676219356, + "nauc_precision_at_5_max": 31.186621554981798, + "nauc_recall_at_1000_diff1": -0.4397672741187951, + "nauc_recall_at_1000_max": 12.247737195943454, + "nauc_recall_at_100_diff1": 5.574224743755691, + "nauc_recall_at_100_max": 20.625486141114028, + "nauc_recall_at_10_diff1": 12.116438700823482, + "nauc_recall_at_10_max": 30.027073824365335, + "nauc_recall_at_1_diff1": 27.838566854973656, + "nauc_recall_at_1_max": 32.0217755083183, + "nauc_recall_at_20_diff1": 10.528730914479794, + "nauc_recall_at_20_max": 28.101643683820228, + "nauc_recall_at_3_diff1": 17.57508308178443, + "nauc_recall_at_3_max": 32.042579480429, + "nauc_recall_at_5_diff1": 13.870976762193543, + "nauc_recall_at_5_max": 31.186621554981787, + "ndcg_at_1": 13.677, + "ndcg_at_10": 25.191000000000003, + "ndcg_at_100": 30.379, + "ndcg_at_1000": 33.961999999999996, + "ndcg_at_20": 27.1, + "ndcg_at_3": 20.546, + "ndcg_at_5": 22.505, + "precision_at_1": 13.677, + "precision_at_10": 3.853, + "precision_at_100": 0.639, + "precision_at_1000": 0.093, + "precision_at_20": 2.3009999999999997, + "precision_at_3": 8.477, + "precision_at_5": 6.0440000000000005, + "recall_at_1": 13.677, + "recall_at_10": 38.534, + "recall_at_100": 63.922999999999995, + "recall_at_1000": 93.407, + "recall_at_20": 46.028000000000006, + "recall_at_3": 25.430000000000003, + "recall_at_5": 30.220999999999997, + "main_score": 25.191000000000003 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large-8k/external/OpusparcusPC.json b/results/Lajavaness__bilingual-embedding-large-8k/external/OpusparcusPC.json new file mode 100644 index 000000000..8c4b0276a --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large-8k/external/OpusparcusPC.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "9e9b1f8ef51616073f47f306f7f47dd91663f86a", + "task_name": "OpusparcusPC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_accuracy": 82.9700272479564, + "cos_sim_ap": 93.15021785539084, + "cos_sim_f1": 87.97316722568279, + "cos_sim_precision": 85.0, + "cos_sim_recall": 91.16186693147964, + "dot_accuracy": 82.9700272479564, + "dot_ap": 93.15021785539084, + "dot_f1": 87.97316722568279, + "dot_precision": 85.0, + "dot_recall": 91.16186693147964, + "euclidean_accuracy": 82.9700272479564, + "euclidean_ap": 93.15015081441638, + "euclidean_f1": 87.97316722568279, + "euclidean_precision": 85.0, + "euclidean_recall": 91.16186693147964, + "manhattan_accuracy": 82.56130790190736, + "manhattan_ap": 93.14590481820592, + "manhattan_f1": 87.86729857819905, + "manhattan_precision": 84.0435176790571, + "manhattan_recall": 92.05561072492551, + "max_accuracy": 82.9700272479564, + "max_ap": 93.15021785539084, + "max_f1": 87.97316722568279, + "main_score": 93.15021785539084 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large-8k/external/SICKFr.json b/results/Lajavaness__bilingual-embedding-large-8k/external/SICKFr.json new file mode 100644 index 000000000..1bf70b6f0 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large-8k/external/SICKFr.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e077ab4cf4774a1e36d86d593b150422fafd8e8a", + "task_name": "SICKFr", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 85.12347242597652, + "cos_sim_spearman": 79.80580538857501, + "euclidean_pearson": 82.03127787921382, + "euclidean_spearman": 79.80580538857501, + "manhattan_pearson": 82.02795155003601, + "manhattan_spearman": 79.7808784011127, + "cosine_pearson": 85.12347242597652, + "cosine_spearman": 79.80580538857501, + "main_score": 79.80580538857501 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large-8k/external/STS22.json b/results/Lajavaness__bilingual-embedding-large-8k/external/STS22.json new file mode 100644 index 000000000..701030582 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large-8k/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "de9d86b3b84231dc21f76c7b7af1f28e2f57f6e3", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 82.34462624659417, + "cos_sim_spearman": 82.83867899462683, + "euclidean_pearson": 80.00679113308384, + "euclidean_spearman": 82.83867899462683, + "manhattan_pearson": 79.97582730301362, + "manhattan_spearman": 82.95718926500541, + "cosine_pearson": 82.34462624659417, + "cosine_spearman": 82.83867899462683, + "main_score": 82.83867899462683 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large-8k/external/STSBenchmarkMultilingualSTS.json b/results/Lajavaness__bilingual-embedding-large-8k/external/STSBenchmarkMultilingualSTS.json new file mode 100644 index 000000000..e73824103 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large-8k/external/STSBenchmarkMultilingualSTS.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "29afa2569dcedaaa2fe6a3dcfebab33d28b82e8c", + "task_name": "STSBenchmarkMultilingualSTS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 86.0897698618904, + "cos_sim_spearman": 86.58814894229229, + "euclidean_pearson": 85.53992615842806, + "euclidean_spearman": 86.58814894229229, + "manhattan_pearson": 85.4985023034774, + "manhattan_spearman": 86.50239881298486, + "cosine_pearson": 86.0897698618904, + "cosine_spearman": 86.58814894229229, + "main_score": 86.58814894229229 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large-8k/external/SummEvalFr.json b/results/Lajavaness__bilingual-embedding-large-8k/external/SummEvalFr.json new file mode 100644 index 000000000..30e2709e8 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large-8k/external/SummEvalFr.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "b385812de6a9577b6f4d0f88c6a6e35395a94054", + "task_name": "SummEvalFr", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 30.458145110977753, + "cos_sim_spearman": 31.624715940109265, + "dot_pearson": 30.458145236239915, + "dot_spearman": 31.624715940109265, + "cosine_pearson": 30.458145110977753, + "cosine_spearman": 31.624715940109265, + "main_score": 31.624715940109265 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large-8k/external/SyntecReranking.json b/results/Lajavaness__bilingual-embedding-large-8k/external/SyntecReranking.json new file mode 100644 index 000000000..86c5cbb75 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large-8k/external/SyntecReranking.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "daf0863838cd9e3ba50544cdce3ac2b338a1b0ad", + "task_name": "SyntecReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map": 87.60277777777777, + "mrr": 87.60277777777777, + "nAUC_map_diff1": 63.877496103879814, + "nAUC_map_max": -4.8943605546581725, + "nAUC_mrr_diff1": 63.877496103879814, + "nAUC_mrr_max": -4.8943605546581725, + "main_score": 87.60277777777777 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large-8k/external/SyntecRetrieval.json b/results/Lajavaness__bilingual-embedding-large-8k/external/SyntecRetrieval.json new file mode 100644 index 000000000..699330909 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large-8k/external/SyntecRetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "19661ccdca4dfc2d15122d776b61685f48c68ca9", + "task_name": "SyntecRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map_at_1": 67.0, + "map_at_10": 78.47800000000001, + "map_at_100": 78.616, + "map_at_1000": 78.616, + "map_at_20": 78.52799999999999, + "map_at_3": 77.833, + "map_at_5": 78.033, + "mrr_at_1": 67.0, + "mrr_at_10": 78.47777777777777, + "mrr_at_100": 78.61609758846066, + "mrr_at_1000": 78.61609758846066, + "mrr_at_20": 78.52777777777777, + "mrr_at_3": 77.83333333333331, + "mrr_at_5": 78.03333333333333, + "nauc_map_at_1000_diff1": 54.76919250379753, + "nauc_map_at_1000_max": 24.03294042759147, + "nauc_map_at_100_diff1": 54.76919250379753, + "nauc_map_at_100_max": 24.03294042759147, + "nauc_map_at_10_diff1": 54.781660658782506, + "nauc_map_at_10_max": 24.45332707633837, + "nauc_map_at_1_diff1": 54.48189466912695, + "nauc_map_at_1_max": 17.502666282947597, + "nauc_map_at_20_diff1": 54.69518355408933, + "nauc_map_at_20_max": 24.285263763068183, + "nauc_map_at_3_diff1": 54.98928575752318, + "nauc_map_at_3_max": 25.252117626643916, + "nauc_map_at_5_diff1": 54.51750311747391, + "nauc_map_at_5_max": 25.141479081321766, + "nauc_mrr_at_1000_diff1": 54.76919250379753, + "nauc_mrr_at_1000_max": 24.03294042759147, + "nauc_mrr_at_100_diff1": 54.76919250379753, + "nauc_mrr_at_100_max": 24.03294042759147, + "nauc_mrr_at_10_diff1": 54.781660658782506, + "nauc_mrr_at_10_max": 24.45332707633837, + "nauc_mrr_at_1_diff1": 54.48189466912695, + "nauc_mrr_at_1_max": 17.502666282947597, + "nauc_mrr_at_20_diff1": 54.69518355408933, + "nauc_mrr_at_20_max": 24.285263763068183, + "nauc_mrr_at_3_diff1": 54.98928575752318, + "nauc_mrr_at_3_max": 25.252117626643916, + "nauc_mrr_at_5_diff1": 54.51750311747391, + "nauc_mrr_at_5_max": 25.141479081321766, + "nauc_ndcg_at_1000_diff1": 54.411394691026196, + "nauc_ndcg_at_1000_max": 25.003182969921014, + "nauc_ndcg_at_100_diff1": 54.411394691026196, + "nauc_ndcg_at_100_max": 25.003182969921014, + "nauc_ndcg_at_10_diff1": 53.97509194326736, + "nauc_ndcg_at_10_max": 27.51736442048005, + "nauc_ndcg_at_1_diff1": 54.48189466912695, + "nauc_ndcg_at_1_max": 17.502666282947597, + "nauc_ndcg_at_20_diff1": 53.46713794714154, + "nauc_ndcg_at_20_max": 26.601577957753005, + "nauc_ndcg_at_3_diff1": 54.521393171396525, + "nauc_ndcg_at_3_max": 29.07380139412928, + "nauc_ndcg_at_5_diff1": 53.42255297135452, + "nauc_ndcg_at_5_max": 28.91110004742623, + "nauc_precision_at_1000_diff1": "nan", + "nauc_precision_at_1000_max": "nan", + "nauc_precision_at_100_diff1": "nan", + "nauc_precision_at_100_max": "nan", + "nauc_precision_at_10_diff1": 41.59663865546228, + "nauc_precision_at_10_max": 67.44864612511667, + "nauc_precision_at_1_diff1": 54.48189466912695, + "nauc_precision_at_1_max": 17.502666282947597, + "nauc_precision_at_20_diff1": 26.486150015561265, + "nauc_precision_at_20_max": 60.95549330843449, + "nauc_precision_at_3_diff1": 50.78781512605074, + "nauc_precision_at_3_max": 55.48552754435131, + "nauc_precision_at_5_diff1": 43.75750300120062, + "nauc_precision_at_5_max": 58.29665199413101, + "nauc_recall_at_1000_diff1": "nan", + "nauc_recall_at_1000_max": "nan", + "nauc_recall_at_100_diff1": "nan", + "nauc_recall_at_100_max": "nan", + "nauc_recall_at_10_diff1": 41.59663865546242, + "nauc_recall_at_10_max": 67.44864612511677, + "nauc_recall_at_1_diff1": 54.48189466912695, + "nauc_recall_at_1_max": 17.502666282947597, + "nauc_recall_at_20_diff1": 26.486150015561737, + "nauc_recall_at_20_max": 60.95549330843472, + "nauc_recall_at_3_diff1": 50.787815126050376, + "nauc_recall_at_3_max": 55.48552754435111, + "nauc_recall_at_5_diff1": 43.75750300120054, + "nauc_recall_at_5_max": 58.29665199413113, + "ndcg_at_1": 67.0, + "ndcg_at_10": 82.864, + "ndcg_at_100": 83.672, + "ndcg_at_1000": 83.672, + "ndcg_at_20": 83.092, + "ndcg_at_3": 81.464, + "ndcg_at_5": 81.851, + "precision_at_1": 67.0, + "precision_at_10": 9.6, + "precision_at_100": 1.0, + "precision_at_1000": 0.1, + "precision_at_20": 4.8500000000000005, + "precision_at_3": 30.667, + "precision_at_5": 18.6, + "recall_at_1": 67.0, + "recall_at_10": 96.0, + "recall_at_100": 100.0, + "recall_at_1000": 100.0, + "recall_at_20": 97.0, + "recall_at_3": 92.0, + "recall_at_5": 93.0, + "main_score": 82.864 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large-8k/external/XPQARetrieval.json b/results/Lajavaness__bilingual-embedding-large-8k/external/XPQARetrieval.json new file mode 100644 index 000000000..774d43ba2 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large-8k/external/XPQARetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "c99d599f0a6ab9b85b065da6f9d94f9cf731679f", + "task_name": "XPQARetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "None" + ], + "map_at_1": 40.038000000000004, + "map_at_10": 62.409000000000006, + "map_at_100": 63.63999999999999, + "map_at_1000": 63.693, + "map_at_20": 63.165000000000006, + "map_at_3": 55.364999999999995, + "map_at_5": 59.95399999999999, + "mrr_at_1": 62.88384512683578, + "mrr_at_10": 70.414944794117, + "mrr_at_100": 70.85679259651413, + "mrr_at_1000": 70.8680806615119, + "mrr_at_20": 70.69824986774621, + "mrr_at_3": 68.04628393413438, + "mrr_at_5": 69.65509568313303, + "nauc_map_at_1000_diff1": 47.58306966781138, + "nauc_map_at_1000_max": 49.99853404950863, + "nauc_map_at_100_diff1": 47.5473544905194, + "nauc_map_at_100_max": 49.98683021023155, + "nauc_map_at_10_diff1": 47.443327641163705, + "nauc_map_at_10_max": 49.31862257934493, + "nauc_map_at_1_diff1": 55.93203426614159, + "nauc_map_at_1_max": 27.467436111704224, + "nauc_map_at_20_diff1": 47.454162467793985, + "nauc_map_at_20_max": 49.715459382963765, + "nauc_map_at_3_diff1": 48.910525378486874, + "nauc_map_at_3_max": 42.13319318718595, + "nauc_map_at_5_diff1": 48.56545403298638, + "nauc_map_at_5_max": 47.311811085622445, + "nauc_mrr_at_1000_diff1": 56.739822956274224, + "nauc_mrr_at_1000_max": 58.274212468278854, + "nauc_mrr_at_100_diff1": 56.7308210328899, + "nauc_mrr_at_100_max": 58.27250671019899, + "nauc_mrr_at_10_diff1": 56.647228471816405, + "nauc_mrr_at_10_max": 58.210342990657495, + "nauc_mrr_at_1_diff1": 58.618266167104046, + "nauc_mrr_at_1_max": 58.55438607166539, + "nauc_mrr_at_20_diff1": 56.63534799976597, + "nauc_mrr_at_20_max": 58.17181317797869, + "nauc_mrr_at_3_diff1": 56.815531582264825, + "nauc_mrr_at_3_max": 58.32821204695344, + "nauc_mrr_at_5_diff1": 56.79122022985127, + "nauc_mrr_at_5_max": 58.20366609452701, + "nauc_ndcg_at_1000_diff1": 49.530062263932194, + "nauc_ndcg_at_1000_max": 53.473298956705925, + "nauc_ndcg_at_100_diff1": 48.95703823297219, + "nauc_ndcg_at_100_max": 53.191721124797276, + "nauc_ndcg_at_10_diff1": 47.98530786084638, + "nauc_ndcg_at_10_max": 51.155857323188016, + "nauc_ndcg_at_1_diff1": 58.618266167104046, + "nauc_ndcg_at_1_max": 58.55438607166539, + "nauc_ndcg_at_20_diff1": 47.95544792051313, + "nauc_ndcg_at_20_max": 51.751640167194054, + "nauc_ndcg_at_3_diff1": 48.50900656884395, + "nauc_ndcg_at_3_max": 50.78667595293348, + "nauc_ndcg_at_5_diff1": 49.496100926859654, + "nauc_ndcg_at_5_max": 49.089893886856835, + "nauc_precision_at_1000_diff1": -19.085707327488784, + "nauc_precision_at_1000_max": 22.16522736611267, + "nauc_precision_at_100_diff1": -16.92930793417545, + "nauc_precision_at_100_max": 26.119556898620655, + "nauc_precision_at_10_diff1": -8.586758571265364, + "nauc_precision_at_10_max": 34.29909350105018, + "nauc_precision_at_1_diff1": 58.618266167104046, + "nauc_precision_at_1_max": 58.55438607166539, + "nauc_precision_at_20_diff1": -12.36545815755639, + "nauc_precision_at_20_max": 30.779202784243694, + "nauc_precision_at_3_diff1": 7.173290556095678, + "nauc_precision_at_3_max": 43.244915594569356, + "nauc_precision_at_5_diff1": -0.5308831428158323, + "nauc_precision_at_5_max": 39.78478615216909, + "nauc_recall_at_1000_diff1": 44.67738158424653, + "nauc_recall_at_1000_max": 71.12276250795361, + "nauc_recall_at_100_diff1": 30.071917991701135, + "nauc_recall_at_100_max": 42.226214389979326, + "nauc_recall_at_10_diff1": 36.275167481806804, + "nauc_recall_at_10_max": 40.16796727800884, + "nauc_recall_at_1_diff1": 55.93203426614159, + "nauc_recall_at_1_max": 27.467436111704224, + "nauc_recall_at_20_diff1": 32.189427460851505, + "nauc_recall_at_20_max": 38.926081167758205, + "nauc_recall_at_3_diff1": 43.959378195689894, + "nauc_recall_at_3_max": 36.441633750156335, + "nauc_recall_at_5_diff1": 42.6274479464408, + "nauc_recall_at_5_max": 38.9902118898862, + "ndcg_at_1": 62.88399999999999, + "ndcg_at_10": 68.907, + "ndcg_at_100": 72.896, + "ndcg_at_1000": 73.721, + "ndcg_at_20": 70.738, + "ndcg_at_3": 62.731, + "ndcg_at_5": 65.191, + "precision_at_1": 62.88399999999999, + "precision_at_10": 16.101, + "precision_at_100": 1.951, + "precision_at_1000": 0.20600000000000002, + "precision_at_20": 8.705, + "precision_at_3": 38.095, + "precision_at_5": 27.904, + "recall_at_1": 40.038000000000004, + "recall_at_10": 79.237, + "recall_at_100": 94.17699999999999, + "recall_at_1000": 99.466, + "recall_at_20": 85.027, + "recall_at_3": 60.336, + "recall_at_5": 70.122, + "main_score": 68.907 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large-8k/external/model_meta.json b/results/Lajavaness__bilingual-embedding-large-8k/external/model_meta.json new file mode 100644 index 000000000..4e1f79306 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large-8k/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "Lajavaness/bilingual-embedding-large-8k", + "revision": "b51d2032df29d3f0484faa771098cd717097ab54", + "release_date": "2024-06-29", + "languages": [ + "fr" + ], + "loader": null, + "n_parameters": 567754752, + "memory_usage": null, + "max_tokens": 8194, + "embed_dim": 1024, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/AlloProfClusteringP2P.json b/results/Lajavaness__bilingual-embedding-large/external/AlloProfClusteringP2P.json new file mode 100644 index 000000000..ba938ec3b --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/AlloProfClusteringP2P.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "392ba3f5bcc8c51f578786c1fc3dae648662cb9b", + "task_name": "AlloProfClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "v_measure": 65.3004467686438, + "v_measures": [ + 0.632560011824588, + 0.6345771823814063, + 0.6333686484625257, + 0.6508206816667124, + 0.6378451181543632 + ], + "main_score": 65.3004467686438 + }, + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "v_measure": 55.3684183324479, + "v_measures": [ + 0.5262468095085737, + 0.586151012721014, + 0.5192907959178751, + 0.5610730679809162, + 0.6360060059791816 + ], + "main_score": 55.3684183324479 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/AlloprofReranking.json b/results/Lajavaness__bilingual-embedding-large/external/AlloprofReranking.json new file mode 100644 index 000000000..1ff2ebbe6 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/AlloprofReranking.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "65393d0d7a08a10b4e348135e824f385d420b0fd", + "task_name": "AlloprofReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map": 73.63055206572554, + "mrr": 74.69705225210407, + "nAUC_map_diff1": 56.61121737089957, + "nAUC_map_max": 21.353273116363358, + "nAUC_mrr_diff1": 55.98316099424804, + "nAUC_mrr_max": 22.29736406333825, + "main_score": 73.63055206572554 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/AmazonCounterfactualClassification.json b/results/Lajavaness__bilingual-embedding-large/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..b4ca0e0e5 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/AmazonCounterfactualClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.19402985074629, + "ap": 41.57371176187882, + "ap_weighted": 41.57371176187882, + "f1": 72.09309315449407, + "f1_weighted": 80.00505225103721, + "main_score": 78.19402985074629 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/AmazonPolarityClassification.json b/results/Lajavaness__bilingual-embedding-large/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..98656bc5d --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/AmazonPolarityClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 90.69565, + "ap": 87.20602734201051, + "ap_weighted": 87.20602734201051, + "f1": 90.68451855153312, + "f1_weighted": 90.68451855153312, + "main_score": 90.69565 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/AmazonReviewsClassification.json b/results/Lajavaness__bilingual-embedding-large/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..991a06aed --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/AmazonReviewsClassification.json @@ -0,0 +1,30 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 43.422, + "f1": 41.92216694262306, + "f1_weighted": 41.92216694262306, + "main_score": 43.422 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 47.93600000000001, + "f1": 46.501364617676295, + "f1_weighted": 46.50136461767628, + "main_score": 47.93600000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/ArguAna.json b/results/Lajavaness__bilingual-embedding-large/external/ArguAna.json new file mode 100644 index 000000000..90ff3a312 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/ArguAna.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.014000000000003, + "map_at_10": 46.554, + "map_at_100": 47.374, + "map_at_1000": 47.377, + "map_at_20": 47.258, + "map_at_3": 41.323, + "map_at_5": 44.391999999999996, + "mrr_at_1": 30.440967283072546, + "mrr_at_10": 46.711768159136604, + "mrr_at_100": 47.538967857374644, + "mrr_at_1000": 47.542068835741816, + "mrr_at_20": 47.422917075943836, + "mrr_at_3": 41.48885727833096, + "mrr_at_5": 44.55784732100524, + "nauc_map_at_1000_diff1": 7.6518211870914215, + "nauc_map_at_1000_max": -10.684552114979383, + "nauc_map_at_100_diff1": 7.656106287133195, + "nauc_map_at_100_max": -10.68027433120124, + "nauc_map_at_10_diff1": 7.770440175757533, + "nauc_map_at_10_max": -10.444279562177176, + "nauc_map_at_1_diff1": 9.646653573653193, + "nauc_map_at_1_max": -12.191767601922637, + "nauc_map_at_20_diff1": 7.670546318998091, + "nauc_map_at_20_max": -10.578685600766276, + "nauc_map_at_3_diff1": 7.932525764083823, + "nauc_map_at_3_max": -11.166242804817701, + "nauc_map_at_5_diff1": 7.0892133434661515, + "nauc_map_at_5_max": -10.829011883079351, + "nauc_mrr_at_1000_diff1": 6.544773528828528, + "nauc_mrr_at_1000_max": -11.303671909227932, + "nauc_mrr_at_100_diff1": 6.549166052428763, + "nauc_mrr_at_100_max": -11.299336735364719, + "nauc_mrr_at_10_diff1": 6.653925049219008, + "nauc_mrr_at_10_max": -11.081039433083244, + "nauc_mrr_at_1_diff1": 8.394062483723184, + "nauc_mrr_at_1_max": -12.66533134347915, + "nauc_mrr_at_20_diff1": 6.56854492054585, + "nauc_mrr_at_20_max": -11.194548037319171, + "nauc_mrr_at_3_diff1": 6.891320677829977, + "nauc_mrr_at_3_max": -11.70764455911193, + "nauc_mrr_at_5_diff1": 6.062371803493383, + "nauc_mrr_at_5_max": -11.381227727849522, + "nauc_ndcg_at_1000_diff1": 7.526059324989312, + "nauc_ndcg_at_1000_max": -10.106189267639783, + "nauc_ndcg_at_100_diff1": 7.638616834366962, + "nauc_ndcg_at_100_max": -9.964210357553782, + "nauc_ndcg_at_10_diff1": 8.003174440708406, + "nauc_ndcg_at_10_max": -8.77943407411311, + "nauc_ndcg_at_1_diff1": 9.646653573653193, + "nauc_ndcg_at_1_max": -12.191767601922637, + "nauc_ndcg_at_20_diff1": 7.725293263852487, + "nauc_ndcg_at_20_max": -9.133349757489318, + "nauc_ndcg_at_3_diff1": 7.706553072166292, + "nauc_ndcg_at_3_max": -10.728722029578856, + "nauc_ndcg_at_5_diff1": 6.172713913900365, + "nauc_ndcg_at_5_max": -9.968139051699756, + "nauc_precision_at_1000_diff1": -2.6984056766826683, + "nauc_precision_at_1000_max": 18.24025472404024, + "nauc_precision_at_100_diff1": 26.731821288726067, + "nauc_precision_at_100_max": 33.37949043353564, + "nauc_precision_at_10_diff1": 11.194115052979745, + "nauc_precision_at_10_max": 3.641866414806816, + "nauc_precision_at_1_diff1": 9.646653573653193, + "nauc_precision_at_1_max": -12.191767601922637, + "nauc_precision_at_20_diff1": 13.092287471108587, + "nauc_precision_at_20_max": 20.7021272808658, + "nauc_precision_at_3_diff1": 7.133407073291083, + "nauc_precision_at_3_max": -9.377928260039624, + "nauc_precision_at_5_diff1": 2.774426521753896, + "nauc_precision_at_5_max": -6.601100615009791, + "nauc_recall_at_1000_diff1": -2.6984056766845947, + "nauc_recall_at_1000_max": 18.240254724037225, + "nauc_recall_at_100_diff1": 26.731821288725556, + "nauc_recall_at_100_max": 33.379490433531856, + "nauc_recall_at_10_diff1": 11.194115052979765, + "nauc_recall_at_10_max": 3.641866414806695, + "nauc_recall_at_1_diff1": 9.646653573653193, + "nauc_recall_at_1_max": -12.191767601922637, + "nauc_recall_at_20_diff1": 13.092287471108433, + "nauc_recall_at_20_max": 20.702127280865565, + "nauc_recall_at_3_diff1": 7.133407073291095, + "nauc_recall_at_3_max": -9.377928260039656, + "nauc_recall_at_5_diff1": 2.7744265217538717, + "nauc_recall_at_5_max": -6.60110061500983, + "ndcg_at_1": 30.014000000000003, + "ndcg_at_10": 55.888000000000005, + "ndcg_at_100": 59.105, + "ndcg_at_1000": 59.172000000000004, + "ndcg_at_20": 58.351, + "ndcg_at_3": 45.182, + "ndcg_at_5": 50.70099999999999, + "precision_at_1": 30.014000000000003, + "precision_at_10": 8.57, + "precision_at_100": 0.991, + "precision_at_1000": 0.1, + "precision_at_20": 4.7620000000000005, + "precision_at_3": 18.8, + "precision_at_5": 13.954, + "recall_at_1": 30.014000000000003, + "recall_at_10": 85.70400000000001, + "recall_at_100": 99.14699999999999, + "recall_at_1000": 99.644, + "recall_at_20": 95.235, + "recall_at_3": 56.401, + "recall_at_5": 69.772, + "main_score": 55.888000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/ArxivClusteringP2P.json b/results/Lajavaness__bilingual-embedding-large/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..1aeb321ad --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/ArxivClusteringP2P.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 46.17799646172208, + "v_measures": [ + 0.4723643361016671, + 0.47021470393991005, + 0.4665618875983067, + 0.4694759882110438, + 0.4710825932088269 + ], + "main_score": 46.17799646172208 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/ArxivClusteringS2S.json b/results/Lajavaness__bilingual-embedding-large/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..3a93c1ac1 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/ArxivClusteringS2S.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.95382181977256, + "v_measures": [ + 0.37434399646466177, + 0.4073444922309873, + 0.39190374625714786, + 0.3822490240275778, + 0.40695566104112885 + ], + "main_score": 38.95382181977256 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/AskUbuntuDupQuestions.json b/results/Lajavaness__bilingual-embedding-large/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..8fa2ab016 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/AskUbuntuDupQuestions.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 60.77428226049288, + "mrr": 74.66231367893418, + "nAUC_map_diff1": 8.088030406617092, + "nAUC_map_max": 20.837499060141965, + "nAUC_mrr_diff1": 14.808914539705173, + "nAUC_mrr_max": 32.61075208984127, + "main_score": 60.77428226049288 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/BIOSSES.json b/results/Lajavaness__bilingual-embedding-large/external/BIOSSES.json new file mode 100644 index 000000000..db0e594a3 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 90.14203628237179, + "cos_sim_spearman": 87.86103811793475, + "euclidean_pearson": 89.1570350222214, + "euclidean_spearman": 87.86103811793475, + "manhattan_pearson": 88.89930974259032, + "manhattan_spearman": 87.87188173850797, + "cosine_pearson": 90.14203628237179, + "cosine_spearman": 87.86103811793475, + "main_score": 87.86103811793475 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/BSARDRetrieval.json b/results/Lajavaness__bilingual-embedding-large/external/BSARDRetrieval.json new file mode 100644 index 000000000..f1c3aa6d5 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/BSARDRetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "5effa1b9b5fa3b0f9e12523e6e43e5f86a6e6d59", + "task_name": "BSARDRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map_at_1": 10.811, + "map_at_10": 15.839, + "map_at_100": 17.031, + "map_at_1000": 17.125, + "map_at_20": 16.523, + "map_at_3": 13.514000000000001, + "map_at_5": 14.482000000000001, + "mrr_at_1": 10.81081081081081, + "mrr_at_10": 15.83923208923209, + "mrr_at_100": 17.03089784389729, + "mrr_at_1000": 17.12470244170791, + "mrr_at_20": 16.522687430195177, + "mrr_at_3": 13.513513513513514, + "mrr_at_5": 14.481981981981978, + "nauc_map_at_1000_diff1": 12.296170850430006, + "nauc_map_at_1000_max": 5.662103058568523, + "nauc_map_at_100_diff1": 12.285666762866096, + "nauc_map_at_100_max": 5.590666559899351, + "nauc_map_at_10_diff1": 11.58049149054967, + "nauc_map_at_10_max": 5.209805828037212, + "nauc_map_at_1_diff1": 20.141109249858847, + "nauc_map_at_1_max": 9.425358945072293, + "nauc_map_at_20_diff1": 11.617354631783714, + "nauc_map_at_20_max": 5.241556548291933, + "nauc_map_at_3_diff1": 13.315116892826943, + "nauc_map_at_3_max": 6.207004916063591, + "nauc_map_at_5_diff1": 11.212726154717592, + "nauc_map_at_5_max": 5.3760763604334425, + "nauc_mrr_at_1000_diff1": 12.296170850430006, + "nauc_mrr_at_1000_max": 5.662103058568523, + "nauc_mrr_at_100_diff1": 12.285666762866096, + "nauc_mrr_at_100_max": 5.590666559899351, + "nauc_mrr_at_10_diff1": 11.58049149054967, + "nauc_mrr_at_10_max": 5.209805828037212, + "nauc_mrr_at_1_diff1": 20.141109249858847, + "nauc_mrr_at_1_max": 9.425358945072293, + "nauc_mrr_at_20_diff1": 11.617354631783714, + "nauc_mrr_at_20_max": 5.241556548291933, + "nauc_mrr_at_3_diff1": 13.315116892826943, + "nauc_mrr_at_3_max": 6.207004916063591, + "nauc_mrr_at_5_diff1": 11.212726154717592, + "nauc_mrr_at_5_max": 5.3760763604334425, + "nauc_ndcg_at_1000_diff1": 12.38831869003625, + "nauc_ndcg_at_1000_max": 6.675430140878355, + "nauc_ndcg_at_100_diff1": 11.843284381117181, + "nauc_ndcg_at_100_max": 5.542728863687718, + "nauc_ndcg_at_10_diff1": 8.66584135181116, + "nauc_ndcg_at_10_max": 4.199774551140183, + "nauc_ndcg_at_1_diff1": 20.141109249858847, + "nauc_ndcg_at_1_max": 9.425358945072293, + "nauc_ndcg_at_20_diff1": 8.680542981318624, + "nauc_ndcg_at_20_max": 4.216498269464542, + "nauc_ndcg_at_3_diff1": 11.094054719430453, + "nauc_ndcg_at_3_max": 5.507171227350456, + "nauc_ndcg_at_5_diff1": 7.748133598511381, + "nauc_ndcg_at_5_max": 4.076288186702726, + "nauc_precision_at_1000_diff1": 25.897031968656297, + "nauc_precision_at_1000_max": 19.982892062685394, + "nauc_precision_at_100_diff1": 14.201820489201856, + "nauc_precision_at_100_max": 6.304295684751489, + "nauc_precision_at_10_diff1": 2.939526558265023, + "nauc_precision_at_10_max": 2.467000352864203, + "nauc_precision_at_1_diff1": 20.141109249858847, + "nauc_precision_at_1_max": 9.425358945072293, + "nauc_precision_at_20_diff1": 2.9380349371686325, + "nauc_precision_at_20_max": 2.4267726696156506, + "nauc_precision_at_3_diff1": 5.710288720068727, + "nauc_precision_at_3_max": 3.885431233734222, + "nauc_precision_at_5_diff1": -0.1440114189741616, + "nauc_precision_at_5_max": 1.113579440082908, + "nauc_recall_at_1000_diff1": 25.89703196865645, + "nauc_recall_at_1000_max": 19.98289206268554, + "nauc_recall_at_100_diff1": 14.20182048920192, + "nauc_recall_at_100_max": 6.304295684751512, + "nauc_recall_at_10_diff1": 2.939526558265029, + "nauc_recall_at_10_max": 2.4670003528641624, + "nauc_recall_at_1_diff1": 20.141109249858847, + "nauc_recall_at_1_max": 9.425358945072293, + "nauc_recall_at_20_diff1": 2.9380349371685828, + "nauc_recall_at_20_max": 2.4267726696155965, + "nauc_recall_at_3_diff1": 5.710288720068724, + "nauc_recall_at_3_max": 3.885431233734255, + "nauc_recall_at_5_diff1": -0.14401141897419695, + "nauc_recall_at_5_max": 1.1135794400828594, + "ndcg_at_1": 10.811, + "ndcg_at_10": 19.583000000000002, + "ndcg_at_100": 26.135, + "ndcg_at_1000": 28.916999999999998, + "ndcg_at_20": 22.158, + "ndcg_at_3": 14.543000000000001, + "ndcg_at_5": 16.345000000000002, + "precision_at_1": 10.811, + "precision_at_10": 3.198, + "precision_at_100": 0.644, + "precision_at_1000": 0.087, + "precision_at_20": 2.117, + "precision_at_3": 5.856, + "precision_at_5": 4.414, + "recall_at_1": 10.811, + "recall_at_10": 31.982, + "recall_at_100": 64.414, + "recall_at_1000": 86.937, + "recall_at_20": 42.342, + "recall_at_3": 17.568, + "recall_at_5": 22.072, + "main_score": 64.414 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/Banking77Classification.json b/results/Lajavaness__bilingual-embedding-large/external/Banking77Classification.json new file mode 100644 index 000000000..7ee9e7e5a --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/Banking77Classification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.99025974025975, + "f1": 80.34391357314699, + "f1_weighted": 80.34391357314702, + "main_score": 80.99025974025975 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/BiorxivClusteringP2P.json b/results/Lajavaness__bilingual-embedding-large/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..987c21602 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/BiorxivClusteringP2P.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.413831528948, + "v_measures": [ + 0.36284135654233984, + 0.3894746578427554, + 0.3687193652607847, + 0.369732449263521, + 0.37046011245380284 + ], + "main_score": 37.413831528948 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/BiorxivClusteringS2S.json b/results/Lajavaness__bilingual-embedding-large/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..08ebc69e0 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/BiorxivClusteringS2S.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.952359512754214, + "v_measures": [ + 0.33651162601651474, + 0.34349610750910153, + 0.3497787542108308, + 0.3354268169706765, + 0.3423103936159304 + ], + "main_score": 34.952359512754214 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/CQADupstackAndroidRetrieval.json b/results/Lajavaness__bilingual-embedding-large/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..efbd60440 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "f46a197baaae43b4f621051089b82a364682dfeb", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 33.042, + "map_at_10": 44.330999999999996, + "map_at_100": 45.94, + "map_at_1000": 46.06, + "map_at_20": 45.303, + "map_at_3": 40.338, + "map_at_5": 42.626999999999995, + "mrr_at_1": 41.48783977110158, + "mrr_at_10": 51.47898358198787, + "mrr_at_100": 52.20317087348633, + "mrr_at_1000": 52.23993132896152, + "mrr_at_20": 51.952609512502676, + "mrr_at_3": 48.80782069623272, + "mrr_at_5": 50.37434430138291, + "nauc_map_at_1000_diff1": 48.89688396225479, + "nauc_map_at_1000_max": 39.51982543452405, + "nauc_map_at_100_diff1": 48.84486047376536, + "nauc_map_at_100_max": 39.47618125790692, + "nauc_map_at_10_diff1": 48.64778903091507, + "nauc_map_at_10_max": 38.65727315638928, + "nauc_map_at_1_diff1": 52.718043416663264, + "nauc_map_at_1_max": 36.05458738264693, + "nauc_map_at_20_diff1": 48.674520991493274, + "nauc_map_at_20_max": 39.13049374867919, + "nauc_map_at_3_diff1": 48.856641802372955, + "nauc_map_at_3_max": 36.39687289406316, + "nauc_map_at_5_diff1": 48.5068735124891, + "nauc_map_at_5_max": 37.94774282180534, + "nauc_mrr_at_1000_diff1": 50.86529654190889, + "nauc_mrr_at_1000_max": 42.945676316661455, + "nauc_mrr_at_100_diff1": 50.86738962836933, + "nauc_mrr_at_100_max": 42.93895809947348, + "nauc_mrr_at_10_diff1": 50.80787884821388, + "nauc_mrr_at_10_max": 43.06530286605344, + "nauc_mrr_at_1_diff1": 54.91425946606372, + "nauc_mrr_at_1_max": 42.88388878131396, + "nauc_mrr_at_20_diff1": 50.773844073424556, + "nauc_mrr_at_20_max": 42.91601484038108, + "nauc_mrr_at_3_diff1": 51.455139461166624, + "nauc_mrr_at_3_max": 42.68923339240631, + "nauc_mrr_at_5_diff1": 50.93357041799253, + "nauc_mrr_at_5_max": 42.897260914203045, + "nauc_ndcg_at_1000_diff1": 48.825613953213015, + "nauc_ndcg_at_1000_max": 41.78992987142924, + "nauc_ndcg_at_100_diff1": 48.15913399970223, + "nauc_ndcg_at_100_max": 41.50178459973945, + "nauc_ndcg_at_10_diff1": 47.386623100508864, + "nauc_ndcg_at_10_max": 40.43396398321854, + "nauc_ndcg_at_1_diff1": 54.91425946606372, + "nauc_ndcg_at_1_max": 42.88388878131396, + "nauc_ndcg_at_20_diff1": 47.30049480608728, + "nauc_ndcg_at_20_max": 40.672480439383726, + "nauc_ndcg_at_3_diff1": 48.48278253566928, + "nauc_ndcg_at_3_max": 39.06887235132945, + "nauc_ndcg_at_5_diff1": 47.324309938750154, + "nauc_ndcg_at_5_max": 39.9475104940194, + "nauc_precision_at_1000_diff1": -8.854973706380369, + "nauc_precision_at_1000_max": 2.0466638723983874, + "nauc_precision_at_100_diff1": -0.9047567876867986, + "nauc_precision_at_100_max": 14.436598502482099, + "nauc_precision_at_10_diff1": 16.81131823944348, + "nauc_precision_at_10_max": 31.222844580594227, + "nauc_precision_at_1_diff1": 54.91425946606372, + "nauc_precision_at_1_max": 42.88388878131396, + "nauc_precision_at_20_diff1": 8.91236626494447, + "nauc_precision_at_20_max": 25.700031761460394, + "nauc_precision_at_3_diff1": 33.62613953132739, + "nauc_precision_at_3_max": 36.81289621298019, + "nauc_precision_at_5_diff1": 24.28512312107285, + "nauc_precision_at_5_max": 35.445710974295665, + "nauc_recall_at_1000_diff1": 41.20343859145517, + "nauc_recall_at_1000_max": 61.44192065212247, + "nauc_recall_at_100_diff1": 34.59097958116937, + "nauc_recall_at_100_max": 41.235073100728385, + "nauc_recall_at_10_diff1": 35.80526424971499, + "nauc_recall_at_10_max": 35.01947143696681, + "nauc_recall_at_1_diff1": 52.718043416663264, + "nauc_recall_at_1_max": 36.05458738264693, + "nauc_recall_at_20_diff1": 33.1496774921526, + "nauc_recall_at_20_max": 35.42909868847532, + "nauc_recall_at_3_diff1": 42.029271302810116, + "nauc_recall_at_3_max": 32.53905541437273, + "nauc_recall_at_5_diff1": 38.51927212842635, + "nauc_recall_at_5_max": 34.3176010851305, + "ndcg_at_1": 41.488, + "ndcg_at_10": 51.144999999999996, + "ndcg_at_100": 56.518, + "ndcg_at_1000": 58.229, + "ndcg_at_20": 53.543, + "ndcg_at_3": 45.822, + "ndcg_at_5": 48.278, + "precision_at_1": 41.488, + "precision_at_10": 9.943, + "precision_at_100": 1.568, + "precision_at_1000": 0.2, + "precision_at_20": 5.937, + "precision_at_3": 22.175, + "precision_at_5": 16.166, + "recall_at_1": 33.042, + "recall_at_10": 63.307, + "recall_at_100": 85.702, + "recall_at_1000": 96.542, + "recall_at_20": 72.031, + "recall_at_3": 47.339999999999996, + "recall_at_5": 54.605000000000004, + "main_score": 51.144999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/CQADupstackEnglishRetrieval.json b/results/Lajavaness__bilingual-embedding-large/external/CQADupstackEnglishRetrieval.json new file mode 100644 index 000000000..c4a65012e --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/CQADupstackEnglishRetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "ad9991cb51e31e31e430383c75ffb2885547b5f0", + "task_name": "CQADupstackEnglishRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.799, + "map_at_10": 35.142, + "map_at_100": 36.352000000000004, + "map_at_1000": 36.482, + "map_at_20": 35.782000000000004, + "map_at_3": 32.580999999999996, + "map_at_5": 33.953, + "mrr_at_1": 32.22929936305732, + "mrr_at_10": 40.52792943079566, + "mrr_at_100": 41.29468360785318, + "mrr_at_1000": 41.34756133983024, + "mrr_at_20": 40.977132571875295, + "mrr_at_3": 38.535031847133745, + "mrr_at_5": 39.60828025477706, + "nauc_map_at_1000_diff1": 48.53888035316322, + "nauc_map_at_1000_max": 38.885071022650244, + "nauc_map_at_100_diff1": 48.57301602413753, + "nauc_map_at_100_max": 38.84549426874644, + "nauc_map_at_10_diff1": 48.77594440671453, + "nauc_map_at_10_max": 38.18916807035125, + "nauc_map_at_1_diff1": 53.7151009143777, + "nauc_map_at_1_max": 35.67797250661703, + "nauc_map_at_20_diff1": 48.741754265789446, + "nauc_map_at_20_max": 38.68568816358472, + "nauc_map_at_3_diff1": 49.80638050841809, + "nauc_map_at_3_max": 37.62441778614408, + "nauc_map_at_5_diff1": 49.144942257915616, + "nauc_map_at_5_max": 38.02201040966136, + "nauc_mrr_at_1000_diff1": 47.53755489603709, + "nauc_mrr_at_1000_max": 39.8275293867551, + "nauc_mrr_at_100_diff1": 47.52218111509617, + "nauc_mrr_at_100_max": 39.81919277633853, + "nauc_mrr_at_10_diff1": 47.580170749058325, + "nauc_mrr_at_10_max": 39.80714471500064, + "nauc_mrr_at_1_diff1": 53.16078794554316, + "nauc_mrr_at_1_max": 40.85318206812723, + "nauc_mrr_at_20_diff1": 47.51575634431614, + "nauc_mrr_at_20_max": 39.88877176053388, + "nauc_mrr_at_3_diff1": 48.57219468298523, + "nauc_mrr_at_3_max": 39.99334565930618, + "nauc_mrr_at_5_diff1": 47.85633780446893, + "nauc_mrr_at_5_max": 39.62507950702868, + "nauc_ndcg_at_1000_diff1": 45.36022329851297, + "nauc_ndcg_at_1000_max": 39.61816922442756, + "nauc_ndcg_at_100_diff1": 45.473763443711896, + "nauc_ndcg_at_100_max": 39.528687290793656, + "nauc_ndcg_at_10_diff1": 46.17836029609691, + "nauc_ndcg_at_10_max": 38.80359542708498, + "nauc_ndcg_at_1_diff1": 53.16078794554316, + "nauc_ndcg_at_1_max": 40.85318206812723, + "nauc_ndcg_at_20_diff1": 46.010684279423415, + "nauc_ndcg_at_20_max": 39.65825927104732, + "nauc_ndcg_at_3_diff1": 47.87796377448456, + "nauc_ndcg_at_3_max": 39.5303651682398, + "nauc_ndcg_at_5_diff1": 46.930158462575626, + "nauc_ndcg_at_5_max": 38.89494195110121, + "nauc_precision_at_1000_diff1": -10.55140312981742, + "nauc_precision_at_1000_max": 9.29257821505048, + "nauc_precision_at_100_diff1": -1.6477250608550713, + "nauc_precision_at_100_max": 20.26704114790026, + "nauc_precision_at_10_diff1": 19.231383164295735, + "nauc_precision_at_10_max": 32.06949418715237, + "nauc_precision_at_1_diff1": 53.16078794554316, + "nauc_precision_at_1_max": 40.85318206812723, + "nauc_precision_at_20_diff1": 12.343661815533256, + "nauc_precision_at_20_max": 31.16859079177672, + "nauc_precision_at_3_diff1": 33.98501406059714, + "nauc_precision_at_3_max": 39.69786673453753, + "nauc_precision_at_5_diff1": 27.048260073962886, + "nauc_precision_at_5_max": 36.46400147355659, + "nauc_recall_at_1000_diff1": 26.736945520548854, + "nauc_recall_at_1000_max": 40.11949642000136, + "nauc_recall_at_100_diff1": 32.618233624639096, + "nauc_recall_at_100_max": 37.471570861127034, + "nauc_recall_at_10_diff1": 38.24166212483116, + "nauc_recall_at_10_max": 35.78917554877273, + "nauc_recall_at_1_diff1": 53.7151009143777, + "nauc_recall_at_1_max": 35.67797250661703, + "nauc_recall_at_20_diff1": 37.40989768179516, + "nauc_recall_at_20_max": 38.83116721748485, + "nauc_recall_at_3_diff1": 43.87847612583987, + "nauc_recall_at_3_max": 35.85792223399428, + "nauc_recall_at_5_diff1": 40.86081574693399, + "nauc_recall_at_5_max": 35.293665570406915, + "ndcg_at_1": 32.229, + "ndcg_at_10": 40.459, + "ndcg_at_100": 45.226, + "ndcg_at_1000": 47.528, + "ndcg_at_20": 42.230000000000004, + "ndcg_at_3": 36.623, + "ndcg_at_5": 38.228, + "precision_at_1": 32.229, + "precision_at_10": 7.567, + "precision_at_100": 1.282, + "precision_at_1000": 0.178, + "precision_at_20": 4.513, + "precision_at_3": 17.813000000000002, + "precision_at_5": 12.484, + "recall_at_1": 25.799, + "recall_at_10": 50.349999999999994, + "recall_at_100": 70.563, + "recall_at_1000": 85.531, + "recall_at_20": 56.728, + "recall_at_3": 38.853, + "recall_at_5": 43.412, + "main_score": 40.459 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/CQADupstackGamingRetrieval.json b/results/Lajavaness__bilingual-embedding-large/external/CQADupstackGamingRetrieval.json new file mode 100644 index 000000000..76c48c863 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/CQADupstackGamingRetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "4885aa143210c98657558c04aaf3dc47cfb54340", + "task_name": "CQADupstackGamingRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.577999999999996, + "map_at_10": 53.212, + "map_at_100": 54.226, + "map_at_1000": 54.282, + "map_at_20": 53.859, + "map_at_3": 49.580999999999996, + "map_at_5": 51.687000000000005, + "mrr_at_1": 46.33228840125392, + "mrr_at_10": 56.53291536050165, + "mrr_at_100": 57.16895265822186, + "mrr_at_1000": 57.195436719992266, + "mrr_at_20": 56.96343773126635, + "mrr_at_3": 53.74085684430517, + "mrr_at_5": 55.48380355276916, + "nauc_map_at_1000_diff1": 51.598554728993896, + "nauc_map_at_1000_max": 39.15548201170092, + "nauc_map_at_100_diff1": 51.572169653620236, + "nauc_map_at_100_max": 39.138122726267824, + "nauc_map_at_10_diff1": 51.706299666815234, + "nauc_map_at_10_max": 38.664500048817914, + "nauc_map_at_1_diff1": 54.65549997502165, + "nauc_map_at_1_max": 33.17776284922168, + "nauc_map_at_20_diff1": 51.61722904567759, + "nauc_map_at_20_max": 39.06733683117071, + "nauc_map_at_3_diff1": 51.75319065227536, + "nauc_map_at_3_max": 37.649161464056746, + "nauc_map_at_5_diff1": 51.984911768670905, + "nauc_map_at_5_max": 37.84708277261099, + "nauc_mrr_at_1000_diff1": 51.29966271621572, + "nauc_mrr_at_1000_max": 41.19269678217316, + "nauc_mrr_at_100_diff1": 51.27647634492216, + "nauc_mrr_at_100_max": 41.188075434891445, + "nauc_mrr_at_10_diff1": 51.25933342020841, + "nauc_mrr_at_10_max": 41.19583058928442, + "nauc_mrr_at_1_diff1": 54.486057363901296, + "nauc_mrr_at_1_max": 39.70923841169991, + "nauc_mrr_at_20_diff1": 51.2663412823939, + "nauc_mrr_at_20_max": 41.205935007286286, + "nauc_mrr_at_3_diff1": 51.35186455722468, + "nauc_mrr_at_3_max": 41.174712489505175, + "nauc_mrr_at_5_diff1": 51.4936465099448, + "nauc_mrr_at_5_max": 41.03149465128671, + "nauc_ndcg_at_1000_diff1": 50.70988207357748, + "nauc_ndcg_at_1000_max": 41.14232544679912, + "nauc_ndcg_at_100_diff1": 50.042773827923156, + "nauc_ndcg_at_100_max": 41.08896965715729, + "nauc_ndcg_at_10_diff1": 50.175621571195414, + "nauc_ndcg_at_10_max": 40.38913760035848, + "nauc_ndcg_at_1_diff1": 54.486057363901296, + "nauc_ndcg_at_1_max": 39.70923841169991, + "nauc_ndcg_at_20_diff1": 50.06207172334041, + "nauc_ndcg_at_20_max": 40.983813594676974, + "nauc_ndcg_at_3_diff1": 50.46764333088301, + "nauc_ndcg_at_3_max": 39.637132346570354, + "nauc_ndcg_at_5_diff1": 50.85495861471141, + "nauc_ndcg_at_5_max": 39.31722283055888, + "nauc_precision_at_1000_diff1": -12.264915409866878, + "nauc_precision_at_1000_max": 12.621466086946453, + "nauc_precision_at_100_diff1": -8.574663908234603, + "nauc_precision_at_100_max": 18.984908440696007, + "nauc_precision_at_10_diff1": 12.487528289273806, + "nauc_precision_at_10_max": 30.906956883213777, + "nauc_precision_at_1_diff1": 54.486057363901296, + "nauc_precision_at_1_max": 39.70923841169991, + "nauc_precision_at_20_diff1": 3.220510277389277, + "nauc_precision_at_20_max": 28.088902012149426, + "nauc_precision_at_3_diff1": 31.914576103337044, + "nauc_precision_at_3_max": 38.9802507491805, + "nauc_precision_at_5_diff1": 24.4322963915954, + "nauc_precision_at_5_max": 34.412198187901645, + "nauc_recall_at_1000_diff1": 49.484820907450114, + "nauc_recall_at_1000_max": 72.27913694185548, + "nauc_recall_at_100_diff1": 34.33945500829377, + "nauc_recall_at_100_max": 47.19595321254844, + "nauc_recall_at_10_diff1": 42.51513987913315, + "nauc_recall_at_10_max": 40.64530426633379, + "nauc_recall_at_1_diff1": 54.65549997502165, + "nauc_recall_at_1_max": 33.17776284922168, + "nauc_recall_at_20_diff1": 39.931766770782424, + "nauc_recall_at_20_max": 43.462236338673506, + "nauc_recall_at_3_diff1": 47.01169666298634, + "nauc_recall_at_3_max": 38.71661483121504, + "nauc_recall_at_5_diff1": 46.636973604810436, + "nauc_recall_at_5_max": 37.93651923057122, + "ndcg_at_1": 46.332, + "ndcg_at_10": 59.3, + "ndcg_at_100": 63.144999999999996, + "ndcg_at_1000": 64.196, + "ndcg_at_20": 61.129999999999995, + "ndcg_at_3": 53.20700000000001, + "ndcg_at_5": 56.289, + "precision_at_1": 46.332, + "precision_at_10": 9.618, + "precision_at_100": 1.2449999999999999, + "precision_at_1000": 0.13699999999999998, + "precision_at_20": 5.379, + "precision_at_3": 23.636, + "precision_at_5": 16.414, + "recall_at_1": 40.577999999999996, + "recall_at_10": 73.92800000000001, + "recall_at_100": 90.335, + "recall_at_1000": 97.7, + "recall_at_20": 80.67, + "recall_at_3": 57.777, + "recall_at_5": 65.264, + "main_score": 59.3 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/CQADupstackGisRetrieval.json b/results/Lajavaness__bilingual-embedding-large/external/CQADupstackGisRetrieval.json new file mode 100644 index 000000000..2b719ff5e --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/CQADupstackGisRetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "5003b3064772da1887988e05400cf3806fe491f2", + "task_name": "CQADupstackGisRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.923, + "map_at_10": 31.826999999999998, + "map_at_100": 32.969, + "map_at_1000": 33.056000000000004, + "map_at_20": 32.531, + "map_at_3": 28.987000000000002, + "map_at_5": 30.514000000000003, + "mrr_at_1": 25.98870056497175, + "mrr_at_10": 34.06546498071922, + "mrr_at_100": 35.09126424165195, + "mrr_at_1000": 35.15930448144987, + "mrr_at_20": 34.728786599018015, + "mrr_at_3": 31.525423728813568, + "mrr_at_5": 32.926553672316395, + "nauc_map_at_1000_diff1": 40.53568978877159, + "nauc_map_at_1000_max": 24.017152390712713, + "nauc_map_at_100_diff1": 40.465126251405216, + "nauc_map_at_100_max": 24.00219845459832, + "nauc_map_at_10_diff1": 40.89662927517162, + "nauc_map_at_10_max": 23.884797645661507, + "nauc_map_at_1_diff1": 47.66862456961046, + "nauc_map_at_1_max": 23.178785033806612, + "nauc_map_at_20_diff1": 40.61327977862771, + "nauc_map_at_20_max": 23.968685123247937, + "nauc_map_at_3_diff1": 42.158035916801964, + "nauc_map_at_3_max": 23.73190519661713, + "nauc_map_at_5_diff1": 41.19982202919823, + "nauc_map_at_5_max": 24.02821512187476, + "nauc_mrr_at_1000_diff1": 40.00607387909823, + "nauc_mrr_at_1000_max": 25.3100454072437, + "nauc_mrr_at_100_diff1": 39.944554243015766, + "nauc_mrr_at_100_max": 25.30441358891755, + "nauc_mrr_at_10_diff1": 40.35108318848009, + "nauc_mrr_at_10_max": 25.266437318063474, + "nauc_mrr_at_1_diff1": 46.86905124510021, + "nauc_mrr_at_1_max": 25.798435739081206, + "nauc_mrr_at_20_diff1": 40.005155401228144, + "nauc_mrr_at_20_max": 25.30049770260261, + "nauc_mrr_at_3_diff1": 41.70808830620455, + "nauc_mrr_at_3_max": 25.581473945950638, + "nauc_mrr_at_5_diff1": 40.67811332232744, + "nauc_mrr_at_5_max": 25.59583031517064, + "nauc_ndcg_at_1000_diff1": 37.789315958522366, + "nauc_ndcg_at_1000_max": 24.732278855527596, + "nauc_ndcg_at_100_diff1": 36.11005015150818, + "nauc_ndcg_at_100_max": 24.481118474622875, + "nauc_ndcg_at_10_diff1": 38.05600817464286, + "nauc_ndcg_at_10_max": 23.843193633623606, + "nauc_ndcg_at_1_diff1": 46.86905124510021, + "nauc_ndcg_at_1_max": 25.798435739081206, + "nauc_ndcg_at_20_diff1": 36.89241258073012, + "nauc_ndcg_at_20_max": 24.00494460363686, + "nauc_ndcg_at_3_diff1": 40.365155713927905, + "nauc_ndcg_at_3_max": 24.147776638952134, + "nauc_ndcg_at_5_diff1": 38.75811774555819, + "nauc_ndcg_at_5_max": 24.34507156699549, + "nauc_precision_at_1000_diff1": -0.43779992271010504, + "nauc_precision_at_1000_max": 18.014562731389443, + "nauc_precision_at_100_diff1": 4.781866779340611, + "nauc_precision_at_100_max": 24.101124500402392, + "nauc_precision_at_10_diff1": 26.227299845047753, + "nauc_precision_at_10_max": 25.46662356995603, + "nauc_precision_at_1_diff1": 46.86905124510021, + "nauc_precision_at_1_max": 25.798435739081206, + "nauc_precision_at_20_diff1": 19.293563777255283, + "nauc_precision_at_20_max": 25.659177432920526, + "nauc_precision_at_3_diff1": 34.4615177098042, + "nauc_precision_at_3_max": 26.43595627373827, + "nauc_precision_at_5_diff1": 29.76719132298527, + "nauc_precision_at_5_max": 27.04359051786532, + "nauc_recall_at_1000_diff1": 23.898720213374496, + "nauc_recall_at_1000_max": 30.495718100359383, + "nauc_recall_at_100_diff1": 14.199951069499797, + "nauc_recall_at_100_max": 24.192596324819863, + "nauc_recall_at_10_diff1": 29.1494599904968, + "nauc_recall_at_10_max": 21.218550813646498, + "nauc_recall_at_1_diff1": 47.66862456961046, + "nauc_recall_at_1_max": 23.178785033806612, + "nauc_recall_at_20_diff1": 23.343557821312057, + "nauc_recall_at_20_max": 21.087644815552554, + "nauc_recall_at_3_diff1": 35.61572753794292, + "nauc_recall_at_3_max": 22.48203544476738, + "nauc_recall_at_5_diff1": 31.3735878031144, + "nauc_recall_at_5_max": 22.780362537734227, + "ndcg_at_1": 25.989, + "ndcg_at_10": 36.664, + "ndcg_at_100": 42.197, + "ndcg_at_1000": 44.452999999999996, + "ndcg_at_20": 39.162, + "ndcg_at_3": 31.286, + "ndcg_at_5": 33.814, + "precision_at_1": 25.989, + "precision_at_10": 5.718, + "precision_at_100": 0.89, + "precision_at_1000": 0.11199999999999999, + "precision_at_20": 3.4290000000000003, + "precision_at_3": 13.22, + "precision_at_5": 9.401, + "recall_at_1": 23.923, + "recall_at_10": 49.441, + "recall_at_100": 74.726, + "recall_at_1000": 91.701, + "recall_at_20": 59.046, + "recall_at_3": 35.120000000000005, + "recall_at_5": 41.105999999999995, + "main_score": 36.664 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/CQADupstackMathematicaRetrieval.json b/results/Lajavaness__bilingual-embedding-large/external/CQADupstackMathematicaRetrieval.json new file mode 100644 index 000000000..f01b5ab1b --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/CQADupstackMathematicaRetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "90fceea13679c63fe563ded68f3b6f06e50061de", + "task_name": "CQADupstackMathematicaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 14.971, + "map_at_10": 21.733, + "map_at_100": 22.986, + "map_at_1000": 23.101, + "map_at_20": 22.354, + "map_at_3": 18.6, + "map_at_5": 20.282, + "mrr_at_1": 18.28358208955224, + "mrr_at_10": 25.521499644633966, + "mrr_at_100": 26.56337467191487, + "mrr_at_1000": 26.6340022787211, + "mrr_at_20": 26.087154278521353, + "mrr_at_3": 22.429519071310118, + "mrr_at_5": 24.06509121061359, + "nauc_map_at_1000_diff1": 24.25147571236624, + "nauc_map_at_1000_max": 22.768079776516746, + "nauc_map_at_100_diff1": 24.25026133742646, + "nauc_map_at_100_max": 22.733915881805615, + "nauc_map_at_10_diff1": 24.653400843024155, + "nauc_map_at_10_max": 23.002528658758354, + "nauc_map_at_1_diff1": 28.369403071456073, + "nauc_map_at_1_max": 24.353121678819484, + "nauc_map_at_20_diff1": 24.2810955115316, + "nauc_map_at_20_max": 22.56085848928233, + "nauc_map_at_3_diff1": 26.404468625977124, + "nauc_map_at_3_max": 22.75636429110974, + "nauc_map_at_5_diff1": 24.478028307615297, + "nauc_map_at_5_max": 23.06675290764163, + "nauc_mrr_at_1000_diff1": 25.17718018617494, + "nauc_mrr_at_1000_max": 23.766544519882718, + "nauc_mrr_at_100_diff1": 25.17161074247674, + "nauc_mrr_at_100_max": 23.749609869133465, + "nauc_mrr_at_10_diff1": 25.499497632708533, + "nauc_mrr_at_10_max": 23.947414255390825, + "nauc_mrr_at_1_diff1": 29.693800058620468, + "nauc_mrr_at_1_max": 25.209233166626444, + "nauc_mrr_at_20_diff1": 25.220453375569868, + "nauc_mrr_at_20_max": 23.651070356457634, + "nauc_mrr_at_3_diff1": 26.914681944004187, + "nauc_mrr_at_3_max": 24.02788958604021, + "nauc_mrr_at_5_diff1": 25.066709251413872, + "nauc_mrr_at_5_max": 23.829128622178818, + "nauc_ndcg_at_1000_diff1": 21.518084429129047, + "nauc_ndcg_at_1000_max": 22.94654293593645, + "nauc_ndcg_at_100_diff1": 21.394864699409837, + "nauc_ndcg_at_100_max": 22.245197430786725, + "nauc_ndcg_at_10_diff1": 23.088959622104102, + "nauc_ndcg_at_10_max": 22.747264555679106, + "nauc_ndcg_at_1_diff1": 29.693800058620468, + "nauc_ndcg_at_1_max": 25.209233166626444, + "nauc_ndcg_at_20_diff1": 21.81438142024938, + "nauc_ndcg_at_20_max": 21.378206553759235, + "nauc_ndcg_at_3_diff1": 26.22901493401714, + "nauc_ndcg_at_3_max": 22.707998579806507, + "nauc_ndcg_at_5_diff1": 22.68045655876842, + "nauc_ndcg_at_5_max": 22.7647451392375, + "nauc_precision_at_1000_diff1": -3.1430311570325475, + "nauc_precision_at_1000_max": 5.545460812686058, + "nauc_precision_at_100_diff1": 2.1386034643858167, + "nauc_precision_at_100_max": 10.097473871112502, + "nauc_precision_at_10_diff1": 17.18530782987866, + "nauc_precision_at_10_max": 19.943966966733125, + "nauc_precision_at_1_diff1": 29.693800058620468, + "nauc_precision_at_1_max": 25.209233166626444, + "nauc_precision_at_20_diff1": 11.86012437117262, + "nauc_precision_at_20_max": 14.950950398417962, + "nauc_precision_at_3_diff1": 24.362152407838188, + "nauc_precision_at_3_max": 20.97253622362092, + "nauc_precision_at_5_diff1": 16.924558194319285, + "nauc_precision_at_5_max": 21.158164075975677, + "nauc_recall_at_1000_diff1": 0.8507872273057012, + "nauc_recall_at_1000_max": 27.62961752670282, + "nauc_recall_at_100_diff1": 9.041767797784955, + "nauc_recall_at_100_max": 18.747226189196343, + "nauc_recall_at_10_diff1": 17.415788768054586, + "nauc_recall_at_10_max": 20.120616403763233, + "nauc_recall_at_1_diff1": 28.369403071456073, + "nauc_recall_at_1_max": 24.353121678819484, + "nauc_recall_at_20_diff1": 12.784706856811361, + "nauc_recall_at_20_max": 15.376595791636444, + "nauc_recall_at_3_diff1": 23.50138610578596, + "nauc_recall_at_3_max": 20.180363639888935, + "nauc_recall_at_5_diff1": 16.765137232464685, + "nauc_recall_at_5_max": 20.04595551697802, + "ndcg_at_1": 18.284, + "ndcg_at_10": 26.849, + "ndcg_at_100": 33.171, + "ndcg_at_1000": 35.882, + "ndcg_at_20": 29.009, + "ndcg_at_3": 20.828, + "ndcg_at_5": 23.564, + "precision_at_1": 18.284, + "precision_at_10": 5.236, + "precision_at_100": 0.988, + "precision_at_1000": 0.135, + "precision_at_20": 3.2399999999999998, + "precision_at_3": 9.908999999999999, + "precision_at_5": 7.736, + "recall_at_1": 14.971, + "recall_at_10": 38.944, + "recall_at_100": 67.02900000000001, + "recall_at_1000": 86.17, + "recall_at_20": 46.686, + "recall_at_3": 22.904, + "recall_at_5": 29.503, + "main_score": 26.849 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/CQADupstackPhysicsRetrieval.json b/results/Lajavaness__bilingual-embedding-large/external/CQADupstackPhysicsRetrieval.json new file mode 100644 index 000000000..d64e3c77b --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/CQADupstackPhysicsRetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "79531abbd1fb92d06c6d6315a0cbbbf5bb247ea4", + "task_name": "CQADupstackPhysicsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.392, + "map_at_10": 36.754, + "map_at_100": 38.073, + "map_at_1000": 38.194, + "map_at_20": 37.484, + "map_at_3": 33.355000000000004, + "map_at_5": 35.262, + "mrr_at_1": 33.301251203079886, + "mrr_at_10": 42.665604900927306, + "mrr_at_100": 43.484677247616176, + "mrr_at_1000": 43.54184906127189, + "mrr_at_20": 43.15923651973285, + "mrr_at_3": 39.89412897016359, + "mrr_at_5": 41.50144369586136, + "nauc_map_at_1000_diff1": 45.864458981619094, + "nauc_map_at_1000_max": 32.118941905810836, + "nauc_map_at_100_diff1": 45.850902650401515, + "nauc_map_at_100_max": 32.06314733345846, + "nauc_map_at_10_diff1": 45.83156768369814, + "nauc_map_at_10_max": 31.628565525768902, + "nauc_map_at_1_diff1": 52.186731161714064, + "nauc_map_at_1_max": 31.294454235319886, + "nauc_map_at_20_diff1": 45.906750616328516, + "nauc_map_at_20_max": 31.90200947801426, + "nauc_map_at_3_diff1": 46.56102602531871, + "nauc_map_at_3_max": 31.003984505733552, + "nauc_map_at_5_diff1": 46.28126917940926, + "nauc_map_at_5_max": 31.873045197665036, + "nauc_mrr_at_1000_diff1": 46.39499265153352, + "nauc_mrr_at_1000_max": 35.430647378018804, + "nauc_mrr_at_100_diff1": 46.365007651920976, + "nauc_mrr_at_100_max": 35.40605673373685, + "nauc_mrr_at_10_diff1": 46.30336976338955, + "nauc_mrr_at_10_max": 35.2890270181767, + "nauc_mrr_at_1_diff1": 51.70112831336965, + "nauc_mrr_at_1_max": 37.486019074857545, + "nauc_mrr_at_20_diff1": 46.405348743745506, + "nauc_mrr_at_20_max": 35.3532252404196, + "nauc_mrr_at_3_diff1": 46.67222098559337, + "nauc_mrr_at_3_max": 35.138714207684394, + "nauc_mrr_at_5_diff1": 46.358893332958424, + "nauc_mrr_at_5_max": 35.337962595981665, + "nauc_ndcg_at_1000_diff1": 44.20225010243809, + "nauc_ndcg_at_1000_max": 33.85142313176272, + "nauc_ndcg_at_100_diff1": 43.64430267495509, + "nauc_ndcg_at_100_max": 32.831976316723804, + "nauc_ndcg_at_10_diff1": 43.63837088039455, + "nauc_ndcg_at_10_max": 31.528806142031762, + "nauc_ndcg_at_1_diff1": 51.70112831336965, + "nauc_ndcg_at_1_max": 37.486019074857545, + "nauc_ndcg_at_20_diff1": 44.04376192877168, + "nauc_ndcg_at_20_max": 32.11101049110647, + "nauc_ndcg_at_3_diff1": 44.78629324861377, + "nauc_ndcg_at_3_max": 32.0765208889963, + "nauc_ndcg_at_5_diff1": 44.49661502805839, + "nauc_ndcg_at_5_max": 32.4935834459969, + "nauc_precision_at_1000_diff1": -10.665808399449734, + "nauc_precision_at_1000_max": 9.508118742960512, + "nauc_precision_at_100_diff1": 0.9965788997167621, + "nauc_precision_at_100_max": 17.825618552243437, + "nauc_precision_at_10_diff1": 17.877056244565143, + "nauc_precision_at_10_max": 26.670711200894644, + "nauc_precision_at_1_diff1": 51.70112831336965, + "nauc_precision_at_1_max": 37.486019074857545, + "nauc_precision_at_20_diff1": 13.469130238466779, + "nauc_precision_at_20_max": 25.14582568014069, + "nauc_precision_at_3_diff1": 32.617136541117944, + "nauc_precision_at_3_max": 32.19845850876858, + "nauc_precision_at_5_diff1": 27.089481622940916, + "nauc_precision_at_5_max": 32.04685190524753, + "nauc_recall_at_1000_diff1": 25.345000533118366, + "nauc_recall_at_1000_max": 45.335600118089594, + "nauc_recall_at_100_diff1": 27.97181257050334, + "nauc_recall_at_100_max": 26.42929240047483, + "nauc_recall_at_10_diff1": 33.5410320871382, + "nauc_recall_at_10_max": 25.047564064709, + "nauc_recall_at_1_diff1": 52.186731161714064, + "nauc_recall_at_1_max": 31.294454235319886, + "nauc_recall_at_20_diff1": 34.60094954885383, + "nauc_recall_at_20_max": 25.991385488198215, + "nauc_recall_at_3_diff1": 38.785937018332525, + "nauc_recall_at_3_max": 26.48398470584179, + "nauc_recall_at_5_diff1": 36.86067904440702, + "nauc_recall_at_5_max": 27.740739348375882, + "ndcg_at_1": 33.300999999999995, + "ndcg_at_10": 42.976, + "ndcg_at_100": 48.351, + "ndcg_at_1000": 50.67, + "ndcg_at_20": 45.09, + "ndcg_at_3": 37.628, + "ndcg_at_5": 40.196, + "precision_at_1": 33.300999999999995, + "precision_at_10": 8.017000000000001, + "precision_at_100": 1.274, + "precision_at_1000": 0.167, + "precision_at_20": 4.74, + "precision_at_3": 18.029999999999998, + "precision_at_5": 13.07, + "recall_at_1": 26.392, + "recall_at_10": 55.827000000000005, + "recall_at_100": 78.171, + "recall_at_1000": 93.60000000000001, + "recall_at_20": 63.172, + "recall_at_3": 40.46, + "recall_at_5": 47.260000000000005, + "main_score": 42.976 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/CQADupstackProgrammersRetrieval.json b/results/Lajavaness__bilingual-embedding-large/external/CQADupstackProgrammersRetrieval.json new file mode 100644 index 000000000..561856d2c --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/CQADupstackProgrammersRetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "6184bc1440d2dbc7612be22b50686b8826d22b32", + "task_name": "CQADupstackProgrammersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.846, + "map_at_10": 35.475, + "map_at_100": 36.76, + "map_at_1000": 36.874, + "map_at_20": 36.144, + "map_at_3": 31.995, + "map_at_5": 34.152, + "mrr_at_1": 30.59360730593607, + "mrr_at_10": 40.23048488801914, + "mrr_at_100": 41.133760645262264, + "mrr_at_1000": 41.18151460856815, + "mrr_at_20": 40.742005593886496, + "mrr_at_3": 37.366818873668194, + "mrr_at_5": 39.17617960426178, + "nauc_map_at_1000_diff1": 42.80424009699214, + "nauc_map_at_1000_max": 33.725293061149195, + "nauc_map_at_100_diff1": 42.776847198709866, + "nauc_map_at_100_max": 33.70505189600135, + "nauc_map_at_10_diff1": 42.790379082991535, + "nauc_map_at_10_max": 33.3320315752561, + "nauc_map_at_1_diff1": 47.246062086068235, + "nauc_map_at_1_max": 28.359771168971115, + "nauc_map_at_20_diff1": 42.60750623653338, + "nauc_map_at_20_max": 33.43767341363528, + "nauc_map_at_3_diff1": 43.70825195522167, + "nauc_map_at_3_max": 31.726835129782273, + "nauc_map_at_5_diff1": 43.274775396782935, + "nauc_map_at_5_max": 32.70895131341521, + "nauc_mrr_at_1000_diff1": 42.99721876676844, + "nauc_mrr_at_1000_max": 34.01237872571581, + "nauc_mrr_at_100_diff1": 42.98874587454992, + "nauc_mrr_at_100_max": 34.017143533550254, + "nauc_mrr_at_10_diff1": 42.895695388416605, + "nauc_mrr_at_10_max": 34.03560692108162, + "nauc_mrr_at_1_diff1": 47.43746467307071, + "nauc_mrr_at_1_max": 33.090216128367736, + "nauc_mrr_at_20_diff1": 42.82350948241532, + "nauc_mrr_at_20_max": 33.931126556842855, + "nauc_mrr_at_3_diff1": 43.42025274432862, + "nauc_mrr_at_3_max": 33.95388307382994, + "nauc_mrr_at_5_diff1": 43.30110911279515, + "nauc_mrr_at_5_max": 34.10057032518187, + "nauc_ndcg_at_1000_diff1": 41.368277694849716, + "nauc_ndcg_at_1000_max": 35.43335475120229, + "nauc_ndcg_at_100_diff1": 41.041233441414285, + "nauc_ndcg_at_100_max": 35.316555805430966, + "nauc_ndcg_at_10_diff1": 40.721559421808315, + "nauc_ndcg_at_10_max": 34.18965204589481, + "nauc_ndcg_at_1_diff1": 47.43746467307071, + "nauc_ndcg_at_1_max": 33.090216128367736, + "nauc_ndcg_at_20_diff1": 40.18939317714461, + "nauc_ndcg_at_20_max": 34.07353152343469, + "nauc_ndcg_at_3_diff1": 42.20980264549485, + "nauc_ndcg_at_3_max": 33.65119409518058, + "nauc_ndcg_at_5_diff1": 41.74753311666698, + "nauc_ndcg_at_5_max": 33.9538812368522, + "nauc_precision_at_1000_diff1": -5.072070114071463, + "nauc_precision_at_1000_max": 7.00735816140548, + "nauc_precision_at_100_diff1": 5.76371809901476, + "nauc_precision_at_100_max": 22.525109443008358, + "nauc_precision_at_10_diff1": 19.75308373783922, + "nauc_precision_at_10_max": 35.86370451223885, + "nauc_precision_at_1_diff1": 47.43746467307071, + "nauc_precision_at_1_max": 33.090216128367736, + "nauc_precision_at_20_diff1": 13.327022725323756, + "nauc_precision_at_20_max": 31.315919177108505, + "nauc_precision_at_3_diff1": 33.236985143510076, + "nauc_precision_at_3_max": 38.06028914966596, + "nauc_precision_at_5_diff1": 27.697118951302773, + "nauc_precision_at_5_max": 38.08338575982885, + "nauc_recall_at_1000_diff1": 24.5554164444929, + "nauc_recall_at_1000_max": 57.016793794468946, + "nauc_recall_at_100_diff1": 28.85523670973284, + "nauc_recall_at_100_max": 39.93212234361002, + "nauc_recall_at_10_diff1": 31.806810855656558, + "nauc_recall_at_10_max": 32.918322810428776, + "nauc_recall_at_1_diff1": 47.246062086068235, + "nauc_recall_at_1_max": 28.359771168971115, + "nauc_recall_at_20_diff1": 29.01918120602967, + "nauc_recall_at_20_max": 31.807933098443048, + "nauc_recall_at_3_diff1": 36.94973707115803, + "nauc_recall_at_3_max": 30.571001616703402, + "nauc_recall_at_5_diff1": 35.045284393587714, + "nauc_recall_at_5_max": 31.969117652354782, + "ndcg_at_1": 30.593999999999998, + "ndcg_at_10": 41.494, + "ndcg_at_100": 47.185, + "ndcg_at_1000": 49.347, + "ndcg_at_20": 43.577, + "ndcg_at_3": 35.862, + "ndcg_at_5": 38.867000000000004, + "precision_at_1": 30.593999999999998, + "precision_at_10": 7.683, + "precision_at_100": 1.225, + "precision_at_1000": 0.16, + "precision_at_20": 4.503, + "precision_at_3": 17.199, + "precision_at_5": 12.626000000000001, + "recall_at_1": 24.846, + "recall_at_10": 54.716, + "recall_at_100": 79.081, + "recall_at_1000": 93.245, + "recall_at_20": 62.092999999999996, + "recall_at_3": 39.521, + "recall_at_5": 47.28, + "main_score": 41.494 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/CQADupstackStatsRetrieval.json b/results/Lajavaness__bilingual-embedding-large/external/CQADupstackStatsRetrieval.json new file mode 100644 index 000000000..5277a6864 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/CQADupstackStatsRetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "65ac3a16b8e91f9cee4c9828cc7c335575432a2a", + "task_name": "CQADupstackStatsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.136, + "map_at_10": 29.096, + "map_at_100": 29.987000000000002, + "map_at_1000": 30.080000000000002, + "map_at_20": 29.587999999999997, + "map_at_3": 26.624, + "map_at_5": 28.153, + "mrr_at_1": 25.153374233128833, + "mrr_at_10": 31.839943032427687, + "mrr_at_100": 32.60360779338875, + "mrr_at_1000": 32.6688197586382, + "mrr_at_20": 32.25160220042008, + "mrr_at_3": 29.601226993865037, + "mrr_at_5": 30.943251533742334, + "nauc_map_at_1000_diff1": 52.455633563736285, + "nauc_map_at_1000_max": 37.60755242814028, + "nauc_map_at_100_diff1": 52.45214127732582, + "nauc_map_at_100_max": 37.59795326016924, + "nauc_map_at_10_diff1": 52.24312132948332, + "nauc_map_at_10_max": 37.11045415677249, + "nauc_map_at_1_diff1": 56.98636684380831, + "nauc_map_at_1_max": 34.98161163952515, + "nauc_map_at_20_diff1": 52.36199775771774, + "nauc_map_at_20_max": 37.27645637818285, + "nauc_map_at_3_diff1": 53.83141960606124, + "nauc_map_at_3_max": 37.229970040701346, + "nauc_map_at_5_diff1": 53.15168000537631, + "nauc_map_at_5_max": 37.539566125117005, + "nauc_mrr_at_1000_diff1": 53.74688871125647, + "nauc_mrr_at_1000_max": 41.26635263696367, + "nauc_mrr_at_100_diff1": 53.740853962619575, + "nauc_mrr_at_100_max": 41.27609969941193, + "nauc_mrr_at_10_diff1": 53.780412829062364, + "nauc_mrr_at_10_max": 41.23227433633308, + "nauc_mrr_at_1_diff1": 58.25420348925137, + "nauc_mrr_at_1_max": 40.707310022974156, + "nauc_mrr_at_20_diff1": 53.64611118249694, + "nauc_mrr_at_20_max": 41.04316014976299, + "nauc_mrr_at_3_diff1": 54.73369595690322, + "nauc_mrr_at_3_max": 41.5536466430315, + "nauc_mrr_at_5_diff1": 54.60882845484611, + "nauc_mrr_at_5_max": 41.844921732375276, + "nauc_ndcg_at_1000_diff1": 50.74395212773536, + "nauc_ndcg_at_1000_max": 39.06047216781442, + "nauc_ndcg_at_100_diff1": 50.43711073076296, + "nauc_ndcg_at_100_max": 39.1366325247916, + "nauc_ndcg_at_10_diff1": 49.95511388688238, + "nauc_ndcg_at_10_max": 37.36429944040018, + "nauc_ndcg_at_1_diff1": 58.25420348925137, + "nauc_ndcg_at_1_max": 40.707310022974156, + "nauc_ndcg_at_20_diff1": 49.95606208222694, + "nauc_ndcg_at_20_max": 37.297667173989424, + "nauc_ndcg_at_3_diff1": 52.889515948632535, + "nauc_ndcg_at_3_max": 39.11848555749881, + "nauc_ndcg_at_5_diff1": 51.941920893459724, + "nauc_ndcg_at_5_max": 38.79386401598912, + "nauc_precision_at_1000_diff1": 15.659337654254507, + "nauc_precision_at_1000_max": 28.857709990794667, + "nauc_precision_at_100_diff1": 30.04624728253852, + "nauc_precision_at_100_max": 42.98624472925551, + "nauc_precision_at_10_diff1": 37.76954077186731, + "nauc_precision_at_10_max": 41.087735036565995, + "nauc_precision_at_1_diff1": 58.25420348925137, + "nauc_precision_at_1_max": 40.707310022974156, + "nauc_precision_at_20_diff1": 36.60760711819881, + "nauc_precision_at_20_max": 41.9758712053368, + "nauc_precision_at_3_diff1": 49.18539873142893, + "nauc_precision_at_3_max": 45.84808718647459, + "nauc_precision_at_5_diff1": 44.14556369952622, + "nauc_precision_at_5_max": 45.133909279581246, + "nauc_recall_at_1000_diff1": 36.16141258053102, + "nauc_recall_at_1000_max": 37.25522806032212, + "nauc_recall_at_100_diff1": 39.01185923471967, + "nauc_recall_at_100_max": 38.637345088019984, + "nauc_recall_at_10_diff1": 40.17794898514513, + "nauc_recall_at_10_max": 32.118702708964605, + "nauc_recall_at_1_diff1": 56.98636684380831, + "nauc_recall_at_1_max": 34.98161163952515, + "nauc_recall_at_20_diff1": 39.054641759787934, + "nauc_recall_at_20_max": 30.368589073820928, + "nauc_recall_at_3_diff1": 48.02597451526117, + "nauc_recall_at_3_max": 35.92366556203388, + "nauc_recall_at_5_diff1": 46.27418708067057, + "nauc_recall_at_5_max": 36.27284558761095, + "ndcg_at_1": 25.153, + "ndcg_at_10": 33.372, + "ndcg_at_100": 37.818000000000005, + "ndcg_at_1000": 40.27, + "ndcg_at_20": 35.071000000000005, + "ndcg_at_3": 28.833, + "ndcg_at_5": 31.241000000000003, + "precision_at_1": 25.153, + "precision_at_10": 5.367999999999999, + "precision_at_100": 0.819, + "precision_at_1000": 0.11100000000000002, + "precision_at_20": 3.113, + "precision_at_3": 12.423, + "precision_at_5": 9.049, + "recall_at_1": 22.136, + "recall_at_10": 43.952999999999996, + "recall_at_100": 64.328, + "recall_at_1000": 82.643, + "recall_at_20": 50.409000000000006, + "recall_at_3": 31.517, + "recall_at_5": 37.468, + "main_score": 33.372 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/CQADupstackTexRetrieval.json b/results/Lajavaness__bilingual-embedding-large/external/CQADupstackTexRetrieval.json new file mode 100644 index 000000000..a6a6c486b --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/CQADupstackTexRetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "46989137a86843e03a6195de44b09deda022eec7", + "task_name": "CQADupstackTexRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 14.882000000000001, + "map_at_10": 21.733, + "map_at_100": 22.847, + "map_at_1000": 22.978, + "map_at_20": 22.299, + "map_at_3": 19.576, + "map_at_5": 20.71, + "mrr_at_1": 18.58224363386098, + "mrr_at_10": 25.510055823201093, + "mrr_at_100": 26.4274952364281, + "mrr_at_1000": 26.515127162140832, + "mrr_at_20": 26.0032579063492, + "mrr_at_3": 23.45147969717827, + "mrr_at_5": 24.535443909153518, + "nauc_map_at_1000_diff1": 30.339772886963996, + "nauc_map_at_1000_max": 24.935921324887698, + "nauc_map_at_100_diff1": 30.301770543899686, + "nauc_map_at_100_max": 24.909041701182836, + "nauc_map_at_10_diff1": 30.48068546946062, + "nauc_map_at_10_max": 24.54627061306137, + "nauc_map_at_1_diff1": 36.93642654829299, + "nauc_map_at_1_max": 22.50173107442962, + "nauc_map_at_20_diff1": 30.345295141632473, + "nauc_map_at_20_max": 24.845725164109208, + "nauc_map_at_3_diff1": 31.79476218275898, + "nauc_map_at_3_max": 24.08283763808268, + "nauc_map_at_5_diff1": 31.09928760864003, + "nauc_map_at_5_max": 24.524851930683894, + "nauc_mrr_at_1000_diff1": 29.391285408000776, + "nauc_mrr_at_1000_max": 25.53365596439313, + "nauc_mrr_at_100_diff1": 29.36146558826297, + "nauc_mrr_at_100_max": 25.53479888199332, + "nauc_mrr_at_10_diff1": 29.49701708299281, + "nauc_mrr_at_10_max": 25.445288651094366, + "nauc_mrr_at_1_diff1": 34.932244435127345, + "nauc_mrr_at_1_max": 24.823165105243614, + "nauc_mrr_at_20_diff1": 29.365144551785114, + "nauc_mrr_at_20_max": 25.588527106117564, + "nauc_mrr_at_3_diff1": 30.424606847387935, + "nauc_mrr_at_3_max": 25.328547737515677, + "nauc_mrr_at_5_diff1": 29.962669010836922, + "nauc_mrr_at_5_max": 25.613281078525773, + "nauc_ndcg_at_1000_diff1": 27.68785785303868, + "nauc_ndcg_at_1000_max": 25.571497899024408, + "nauc_ndcg_at_100_diff1": 26.89754520486157, + "nauc_ndcg_at_100_max": 25.362278762986357, + "nauc_ndcg_at_10_diff1": 27.97761968218868, + "nauc_ndcg_at_10_max": 24.99449024754301, + "nauc_ndcg_at_1_diff1": 34.932244435127345, + "nauc_ndcg_at_1_max": 24.823165105243614, + "nauc_ndcg_at_20_diff1": 27.480897811510086, + "nauc_ndcg_at_20_max": 25.635476091661964, + "nauc_ndcg_at_3_diff1": 30.19504028941922, + "nauc_ndcg_at_3_max": 25.097464879189353, + "nauc_ndcg_at_5_diff1": 29.321717134119986, + "nauc_ndcg_at_5_max": 25.458952638585824, + "nauc_precision_at_1000_diff1": 6.085024737270128, + "nauc_precision_at_1000_max": 20.9514352363991, + "nauc_precision_at_100_diff1": 9.317325203828315, + "nauc_precision_at_100_max": 25.379707373414607, + "nauc_precision_at_10_diff1": 17.708763858185637, + "nauc_precision_at_10_max": 27.646913345710487, + "nauc_precision_at_1_diff1": 34.932244435127345, + "nauc_precision_at_1_max": 24.823165105243614, + "nauc_precision_at_20_diff1": 14.974953557657674, + "nauc_precision_at_20_max": 28.987768784081673, + "nauc_precision_at_3_diff1": 24.34596295813935, + "nauc_precision_at_3_max": 28.096899529522197, + "nauc_precision_at_5_diff1": 21.700178152316, + "nauc_precision_at_5_max": 29.110974331559586, + "nauc_recall_at_1000_diff1": 16.420585376470505, + "nauc_recall_at_1000_max": 22.63713737420985, + "nauc_recall_at_100_diff1": 15.284555452851478, + "nauc_recall_at_100_max": 22.21189128618475, + "nauc_recall_at_10_diff1": 20.556521124888956, + "nauc_recall_at_10_max": 22.39123153463326, + "nauc_recall_at_1_diff1": 36.93642654829299, + "nauc_recall_at_1_max": 22.50173107442962, + "nauc_recall_at_20_diff1": 19.252640987221948, + "nauc_recall_at_20_max": 24.127632767083174, + "nauc_recall_at_3_diff1": 26.134042393957728, + "nauc_recall_at_3_max": 23.073122370729664, + "nauc_recall_at_5_diff1": 23.999913037385387, + "nauc_recall_at_5_max": 23.900796765497354, + "ndcg_at_1": 18.582, + "ndcg_at_10": 26.180999999999997, + "ndcg_at_100": 31.541999999999998, + "ndcg_at_1000": 34.742, + "ndcg_at_20": 28.015, + "ndcg_at_3": 22.262, + "ndcg_at_5": 23.916999999999998, + "precision_at_1": 18.582, + "precision_at_10": 4.945, + "precision_at_100": 0.91, + "precision_at_1000": 0.135, + "precision_at_20": 3.02, + "precision_at_3": 10.84, + "precision_at_5": 7.811, + "recall_at_1": 14.882000000000001, + "recall_at_10": 35.88, + "recall_at_100": 60.056, + "recall_at_1000": 83.222, + "recall_at_20": 42.601, + "recall_at_3": 24.751, + "recall_at_5": 29.112, + "main_score": 26.180999999999997 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/CQADupstackUnixRetrieval.json b/results/Lajavaness__bilingual-embedding-large/external/CQADupstackUnixRetrieval.json new file mode 100644 index 000000000..4be21eab7 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/CQADupstackUnixRetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "6c6430d3a6d36f8d2a829195bc5dc94d7e063e53", + "task_name": "CQADupstackUnixRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.015, + "map_at_10": 33.634, + "map_at_100": 34.933, + "map_at_1000": 35.036, + "map_at_20": 34.409, + "map_at_3": 30.717, + "map_at_5": 32.393, + "mrr_at_1": 28.35820895522388, + "mrr_at_10": 37.819533285951145, + "mrr_at_100": 38.77138432965933, + "mrr_at_1000": 38.83196591479693, + "mrr_at_20": 38.40237397518708, + "mrr_at_3": 35.30783582089549, + "mrr_at_5": 36.70708955223875, + "nauc_map_at_1000_diff1": 45.75309175655292, + "nauc_map_at_1000_max": 38.49792787207316, + "nauc_map_at_100_diff1": 45.76215370483687, + "nauc_map_at_100_max": 38.48606967443172, + "nauc_map_at_10_diff1": 46.061534066365326, + "nauc_map_at_10_max": 38.390568231468706, + "nauc_map_at_1_diff1": 53.2832306680782, + "nauc_map_at_1_max": 35.797130668551134, + "nauc_map_at_20_diff1": 45.73526011589201, + "nauc_map_at_20_max": 38.362204368643646, + "nauc_map_at_3_diff1": 47.07534453092877, + "nauc_map_at_3_max": 37.78226453745493, + "nauc_map_at_5_diff1": 46.169313251169754, + "nauc_map_at_5_max": 37.83701771591998, + "nauc_mrr_at_1000_diff1": 45.23881471207375, + "nauc_mrr_at_1000_max": 40.77731247124415, + "nauc_mrr_at_100_diff1": 45.23745441095213, + "nauc_mrr_at_100_max": 40.76830735884476, + "nauc_mrr_at_10_diff1": 45.183326577153665, + "nauc_mrr_at_10_max": 40.87182785123997, + "nauc_mrr_at_1_diff1": 52.01397826228804, + "nauc_mrr_at_1_max": 39.09099466581579, + "nauc_mrr_at_20_diff1": 45.14418876051915, + "nauc_mrr_at_20_max": 40.825238496360676, + "nauc_mrr_at_3_diff1": 45.95160361174372, + "nauc_mrr_at_3_max": 41.126276367781074, + "nauc_mrr_at_5_diff1": 45.14482966725835, + "nauc_mrr_at_5_max": 40.67938024905255, + "nauc_ndcg_at_1000_diff1": 42.821543508400154, + "nauc_ndcg_at_1000_max": 39.612436924551, + "nauc_ndcg_at_100_diff1": 42.96991815711811, + "nauc_ndcg_at_100_max": 39.57961493833335, + "nauc_ndcg_at_10_diff1": 43.29772946848505, + "nauc_ndcg_at_10_max": 39.489639223306064, + "nauc_ndcg_at_1_diff1": 52.01397826228804, + "nauc_ndcg_at_1_max": 39.09099466581579, + "nauc_ndcg_at_20_diff1": 42.5532902026286, + "nauc_ndcg_at_20_max": 39.377121314973934, + "nauc_ndcg_at_3_diff1": 44.68337061978331, + "nauc_ndcg_at_3_max": 39.08953214410666, + "nauc_ndcg_at_5_diff1": 43.42718010643401, + "nauc_ndcg_at_5_max": 38.625943146251764, + "nauc_precision_at_1000_diff1": -11.089310838362945, + "nauc_precision_at_1000_max": 5.164856457144553, + "nauc_precision_at_100_diff1": 1.8731943277967116, + "nauc_precision_at_100_max": 19.650352646582913, + "nauc_precision_at_10_diff1": 21.850758035619346, + "nauc_precision_at_10_max": 36.15105948507746, + "nauc_precision_at_1_diff1": 52.01397826228804, + "nauc_precision_at_1_max": 39.09099466581579, + "nauc_precision_at_20_diff1": 12.971365605869542, + "nauc_precision_at_20_max": 29.069367371532483, + "nauc_precision_at_3_diff1": 34.77160434034485, + "nauc_precision_at_3_max": 40.07750794527956, + "nauc_precision_at_5_diff1": 27.12676655417735, + "nauc_precision_at_5_max": 36.727657492656334, + "nauc_recall_at_1000_diff1": 8.64965782549129, + "nauc_recall_at_1000_max": 31.773973054840575, + "nauc_recall_at_100_diff1": 29.332324742493928, + "nauc_recall_at_100_max": 34.525665846625174, + "nauc_recall_at_10_diff1": 34.16931770311844, + "nauc_recall_at_10_max": 37.24430458684276, + "nauc_recall_at_1_diff1": 53.2832306680782, + "nauc_recall_at_1_max": 35.797130668551134, + "nauc_recall_at_20_diff1": 30.845649064531024, + "nauc_recall_at_20_max": 36.23180524582533, + "nauc_recall_at_3_diff1": 38.491192992186605, + "nauc_recall_at_3_max": 37.150651248551256, + "nauc_recall_at_5_diff1": 34.896873561011915, + "nauc_recall_at_5_max": 35.56617840104705, + "ndcg_at_1": 28.358, + "ndcg_at_10": 39.247, + "ndcg_at_100": 45.01, + "ndcg_at_1000": 47.262, + "ndcg_at_20": 41.661, + "ndcg_at_3": 34.178, + "ndcg_at_5": 36.592999999999996, + "precision_at_1": 28.358, + "precision_at_10": 6.800000000000001, + "precision_at_100": 1.099, + "precision_at_1000": 0.13899999999999998, + "precision_at_20": 4.104, + "precision_at_3": 15.765, + "precision_at_5": 11.325000000000001, + "recall_at_1": 24.015, + "recall_at_10": 52.075, + "recall_at_100": 76.93900000000001, + "recall_at_1000": 92.69800000000001, + "recall_at_20": 60.575, + "recall_at_3": 38.316, + "recall_at_5": 44.305, + "main_score": 39.247 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/CQADupstackWebmastersRetrieval.json b/results/Lajavaness__bilingual-embedding-large/external/CQADupstackWebmastersRetrieval.json new file mode 100644 index 000000000..63f677f0b --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/CQADupstackWebmastersRetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "160c094312a0e1facb97e55eeddb698c0abe3571", + "task_name": "CQADupstackWebmastersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.587, + "map_at_10": 33.358, + "map_at_100": 35.032000000000004, + "map_at_1000": 35.27, + "map_at_20": 34.322, + "map_at_3": 29.99, + "map_at_5": 31.863000000000003, + "mrr_at_1": 27.66798418972332, + "mrr_at_10": 37.98928728276552, + "mrr_at_100": 38.957240914604526, + "mrr_at_1000": 39.015802550827765, + "mrr_at_20": 38.66004236653195, + "mrr_at_3": 35.07905138339921, + "mrr_at_5": 36.81818181818182, + "nauc_map_at_1000_diff1": 48.0564580757036, + "nauc_map_at_1000_max": 38.66390651485306, + "nauc_map_at_100_diff1": 48.13870970563177, + "nauc_map_at_100_max": 38.794746243147166, + "nauc_map_at_10_diff1": 48.08695810938951, + "nauc_map_at_10_max": 37.85493948938392, + "nauc_map_at_1_diff1": 52.693975808368776, + "nauc_map_at_1_max": 32.96177976807811, + "nauc_map_at_20_diff1": 48.21832743397784, + "nauc_map_at_20_max": 38.418488817167436, + "nauc_map_at_3_diff1": 48.03103140889738, + "nauc_map_at_3_max": 36.899652971690045, + "nauc_map_at_5_diff1": 48.1791531189517, + "nauc_map_at_5_max": 37.5651105817285, + "nauc_mrr_at_1000_diff1": 45.38478613411569, + "nauc_mrr_at_1000_max": 39.97889298875148, + "nauc_mrr_at_100_diff1": 45.36753991032062, + "nauc_mrr_at_100_max": 39.99803043087455, + "nauc_mrr_at_10_diff1": 45.42191136126624, + "nauc_mrr_at_10_max": 39.75801737012346, + "nauc_mrr_at_1_diff1": 50.102185726419336, + "nauc_mrr_at_1_max": 37.39820522099986, + "nauc_mrr_at_20_diff1": 45.36124204624035, + "nauc_mrr_at_20_max": 39.85806399752809, + "nauc_mrr_at_3_diff1": 45.18597933351319, + "nauc_mrr_at_3_max": 39.572873715118476, + "nauc_mrr_at_5_diff1": 45.22616093194043, + "nauc_mrr_at_5_max": 39.52725751466559, + "nauc_ndcg_at_1000_diff1": 46.17235311248278, + "nauc_ndcg_at_1000_max": 41.32028799973092, + "nauc_ndcg_at_100_diff1": 45.990253582703964, + "nauc_ndcg_at_100_max": 41.86548491632821, + "nauc_ndcg_at_10_diff1": 45.98895644674703, + "nauc_ndcg_at_10_max": 39.21777947408553, + "nauc_ndcg_at_1_diff1": 50.102185726419336, + "nauc_ndcg_at_1_max": 37.39820522099986, + "nauc_ndcg_at_20_diff1": 46.26991677954197, + "nauc_ndcg_at_20_max": 40.15497569845344, + "nauc_ndcg_at_3_diff1": 45.585385042043605, + "nauc_ndcg_at_3_max": 39.85762696465296, + "nauc_ndcg_at_5_diff1": 46.139462074561955, + "nauc_ndcg_at_5_max": 39.629082814584635, + "nauc_precision_at_1000_diff1": -12.938606789292932, + "nauc_precision_at_1000_max": -2.2107163272237527, + "nauc_precision_at_100_diff1": -1.751083504475916, + "nauc_precision_at_100_max": 14.225965549694685, + "nauc_precision_at_10_diff1": 23.156822706657543, + "nauc_precision_at_10_max": 37.61203594103195, + "nauc_precision_at_1_diff1": 50.102185726419336, + "nauc_precision_at_1_max": 37.39820522099986, + "nauc_precision_at_20_diff1": 13.661464281345804, + "nauc_precision_at_20_max": 31.576607836276693, + "nauc_precision_at_3_diff1": 34.67281194105616, + "nauc_precision_at_3_max": 44.42902772348034, + "nauc_precision_at_5_diff1": 30.598395820028358, + "nauc_precision_at_5_max": 41.91224173434709, + "nauc_recall_at_1000_diff1": 36.72706004007518, + "nauc_recall_at_1000_max": 66.48829863163812, + "nauc_recall_at_100_diff1": 35.31061540058103, + "nauc_recall_at_100_max": 52.25782268338071, + "nauc_recall_at_10_diff1": 39.694414296215726, + "nauc_recall_at_10_max": 35.69959653494372, + "nauc_recall_at_1_diff1": 52.693975808368776, + "nauc_recall_at_1_max": 32.96177976807811, + "nauc_recall_at_20_diff1": 39.381784442500226, + "nauc_recall_at_20_max": 38.80216780548151, + "nauc_recall_at_3_diff1": 41.692680582718744, + "nauc_recall_at_3_max": 36.25763755041077, + "nauc_recall_at_5_diff1": 41.35336857782357, + "nauc_recall_at_5_max": 36.73723799283182, + "ndcg_at_1": 27.668, + "ndcg_at_10": 39.966, + "ndcg_at_100": 45.751, + "ndcg_at_1000": 48.285, + "ndcg_at_20": 42.68, + "ndcg_at_3": 34.461000000000006, + "ndcg_at_5": 37.132, + "precision_at_1": 27.668, + "precision_at_10": 7.925, + "precision_at_100": 1.601, + "precision_at_1000": 0.248, + "precision_at_20": 5.188000000000001, + "precision_at_3": 16.667, + "precision_at_5": 12.411, + "recall_at_1": 22.587, + "recall_at_10": 53.616, + "recall_at_100": 78.014, + "recall_at_1000": 94.25200000000001, + "recall_at_20": 63.598, + "recall_at_3": 38.281, + "recall_at_5": 45.235, + "main_score": 39.966 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/CQADupstackWordpressRetrieval.json b/results/Lajavaness__bilingual-embedding-large/external/CQADupstackWordpressRetrieval.json new file mode 100644 index 000000000..dfb434002 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/CQADupstackWordpressRetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "4ffe81d471b1924886b33c7567bfb200e9eec5c4", + "task_name": "CQADupstackWordpressRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.980999999999998, + "map_at_10": 24.664, + "map_at_100": 25.765, + "map_at_1000": 25.877, + "map_at_20": 25.317, + "map_at_3": 21.683, + "map_at_5": 23.28, + "mrr_at_1": 18.853974121996302, + "mrr_at_10": 26.748745709004478, + "mrr_at_100": 27.69499469589774, + "mrr_at_1000": 27.7790497499605, + "mrr_at_20": 27.31636942914361, + "mrr_at_3": 23.813924830560676, + "mrr_at_5": 25.375847196549582, + "nauc_map_at_1000_diff1": 30.135055330893472, + "nauc_map_at_1000_max": 29.211781642478435, + "nauc_map_at_100_diff1": 30.109096015606145, + "nauc_map_at_100_max": 29.223028024025314, + "nauc_map_at_10_diff1": 30.129974921878848, + "nauc_map_at_10_max": 29.245101619773134, + "nauc_map_at_1_diff1": 37.823290282037355, + "nauc_map_at_1_max": 29.422090891644682, + "nauc_map_at_20_diff1": 30.202570329126242, + "nauc_map_at_20_max": 29.197785884015737, + "nauc_map_at_3_diff1": 29.549778119396457, + "nauc_map_at_3_max": 27.893992741038097, + "nauc_map_at_5_diff1": 29.336004934982462, + "nauc_map_at_5_max": 28.588249820343854, + "nauc_mrr_at_1000_diff1": 29.339172028800693, + "nauc_mrr_at_1000_max": 29.27328797503361, + "nauc_mrr_at_100_diff1": 29.302051383442663, + "nauc_mrr_at_100_max": 29.261464917945435, + "nauc_mrr_at_10_diff1": 29.372044154749936, + "nauc_mrr_at_10_max": 29.36307616248193, + "nauc_mrr_at_1_diff1": 37.03290480962605, + "nauc_mrr_at_1_max": 31.077713199666157, + "nauc_mrr_at_20_diff1": 29.271217609971373, + "nauc_mrr_at_20_max": 29.257249702536477, + "nauc_mrr_at_3_diff1": 29.504640031548313, + "nauc_mrr_at_3_max": 29.069322973200634, + "nauc_mrr_at_5_diff1": 29.210638024296976, + "nauc_mrr_at_5_max": 29.29717323459694, + "nauc_ndcg_at_1000_diff1": 28.168859454720575, + "nauc_ndcg_at_1000_max": 28.624142716676854, + "nauc_ndcg_at_100_diff1": 27.53254314991802, + "nauc_ndcg_at_100_max": 28.662648150774817, + "nauc_ndcg_at_10_diff1": 28.058520401646025, + "nauc_ndcg_at_10_max": 28.911524889930355, + "nauc_ndcg_at_1_diff1": 37.03290480962605, + "nauc_ndcg_at_1_max": 31.077713199666157, + "nauc_ndcg_at_20_diff1": 28.00028907481166, + "nauc_ndcg_at_20_max": 28.70016295408203, + "nauc_ndcg_at_3_diff1": 27.60403796605041, + "nauc_ndcg_at_3_max": 27.706673269710404, + "nauc_ndcg_at_5_diff1": 26.933782633072024, + "nauc_ndcg_at_5_max": 28.18966705713242, + "nauc_precision_at_1000_diff1": -13.194601322238986, + "nauc_precision_at_1000_max": -5.683449778390299, + "nauc_precision_at_100_diff1": 8.191927897734349, + "nauc_precision_at_100_max": 19.003145996688513, + "nauc_precision_at_10_diff1": 23.064974274243575, + "nauc_precision_at_10_max": 31.804683525034783, + "nauc_precision_at_1_diff1": 37.03290480962605, + "nauc_precision_at_1_max": 31.077713199666157, + "nauc_precision_at_20_diff1": 20.75135128322255, + "nauc_precision_at_20_max": 27.938848671100903, + "nauc_precision_at_3_diff1": 21.85414901265657, + "nauc_precision_at_3_max": 27.738658486946843, + "nauc_precision_at_5_diff1": 21.330913305405705, + "nauc_precision_at_5_max": 29.677546011333977, + "nauc_recall_at_1000_diff1": 22.625301001590273, + "nauc_recall_at_1000_max": 23.335780171797488, + "nauc_recall_at_100_diff1": 18.671904596812176, + "nauc_recall_at_100_max": 24.718480194959664, + "nauc_recall_at_10_diff1": 22.697666279006068, + "nauc_recall_at_10_max": 26.266294976782085, + "nauc_recall_at_1_diff1": 37.823290282037355, + "nauc_recall_at_1_max": 29.422090891644682, + "nauc_recall_at_20_diff1": 22.23509003584087, + "nauc_recall_at_20_max": 25.792991641838327, + "nauc_recall_at_3_diff1": 21.454508617723867, + "nauc_recall_at_3_max": 24.862663252665286, + "nauc_recall_at_5_diff1": 20.09701623174741, + "nauc_recall_at_5_max": 25.365036926878993, + "ndcg_at_1": 18.854000000000003, + "ndcg_at_10": 29.647000000000002, + "ndcg_at_100": 34.945, + "ndcg_at_1000": 37.755, + "ndcg_at_20": 31.863000000000003, + "ndcg_at_3": 23.835, + "ndcg_at_5": 26.528000000000002, + "precision_at_1": 18.854000000000003, + "precision_at_10": 4.954, + "precision_at_100": 0.826, + "precision_at_1000": 0.11800000000000001, + "precision_at_20": 3.031, + "precision_at_3": 10.413, + "precision_at_5": 7.725999999999999, + "recall_at_1": 16.980999999999998, + "recall_at_10": 43.256, + "recall_at_100": 67.388, + "recall_at_1000": 88.201, + "recall_at_20": 51.486, + "recall_at_3": 27.862, + "recall_at_5": 34.251, + "main_score": 29.647000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/ClimateFEVER.json b/results/Lajavaness__bilingual-embedding-large/external/ClimateFEVER.json new file mode 100644 index 000000000..6996517c7 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/ClimateFEVER.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 10.349, + "map_at_10": 17.338, + "map_at_100": 19.195, + "map_at_1000": 19.392, + "map_at_20": 18.294, + "map_at_3": 14.135, + "map_at_5": 15.76, + "mrr_at_1": 23.061889250814332, + "mrr_at_10": 33.37523912931077, + "mrr_at_100": 34.46356661164784, + "mrr_at_1000": 34.507303914243415, + "mrr_at_20": 34.106438818389506, + "mrr_at_3": 29.58740499457109, + "mrr_at_5": 31.828447339847934, + "nauc_map_at_1000_diff1": 24.671596968947938, + "nauc_map_at_1000_max": 36.36603177252633, + "nauc_map_at_100_diff1": 24.649442373925137, + "nauc_map_at_100_max": 36.343326969183224, + "nauc_map_at_10_diff1": 25.14978380446113, + "nauc_map_at_10_max": 35.48311569850909, + "nauc_map_at_1_diff1": 30.563036672557143, + "nauc_map_at_1_max": 31.070224949027498, + "nauc_map_at_20_diff1": 24.639891887511133, + "nauc_map_at_20_max": 36.02290358468666, + "nauc_map_at_3_diff1": 25.961138377808542, + "nauc_map_at_3_max": 32.91173523346739, + "nauc_map_at_5_diff1": 25.25579892161452, + "nauc_map_at_5_max": 34.34423263684557, + "nauc_mrr_at_1000_diff1": 22.338651921698233, + "nauc_mrr_at_1000_max": 32.34456145494825, + "nauc_mrr_at_100_diff1": 22.34047872641543, + "nauc_mrr_at_100_max": 32.35363163490476, + "nauc_mrr_at_10_diff1": 22.1669510472365, + "nauc_mrr_at_10_max": 32.18098432324906, + "nauc_mrr_at_1_diff1": 27.98859530439485, + "nauc_mrr_at_1_max": 29.59835641778479, + "nauc_mrr_at_20_diff1": 22.27557719524807, + "nauc_mrr_at_20_max": 32.30332929957556, + "nauc_mrr_at_3_diff1": 22.313118213403783, + "nauc_mrr_at_3_max": 30.935968996729713, + "nauc_mrr_at_5_diff1": 22.060046326212177, + "nauc_mrr_at_5_max": 31.750738973149428, + "nauc_ndcg_at_1000_diff1": 21.97637391967232, + "nauc_ndcg_at_1000_max": 37.71874258101174, + "nauc_ndcg_at_100_diff1": 22.047948671314682, + "nauc_ndcg_at_100_max": 37.6858266885773, + "nauc_ndcg_at_10_diff1": 22.456547498971513, + "nauc_ndcg_at_10_max": 35.824465568616304, + "nauc_ndcg_at_1_diff1": 27.98859530439485, + "nauc_ndcg_at_1_max": 29.59835641778479, + "nauc_ndcg_at_20_diff1": 21.69148966899244, + "nauc_ndcg_at_20_max": 36.78340454303582, + "nauc_ndcg_at_3_diff1": 23.246124156166704, + "nauc_ndcg_at_3_max": 32.180944983977966, + "nauc_ndcg_at_5_diff1": 22.437450155736038, + "nauc_ndcg_at_5_max": 34.11186787901359, + "nauc_precision_at_1000_diff1": -1.4789987463520418, + "nauc_precision_at_1000_max": 13.165421048488732, + "nauc_precision_at_100_diff1": 5.872177506645959, + "nauc_precision_at_100_max": 23.11662789406202, + "nauc_precision_at_10_diff1": 12.653231523260141, + "nauc_precision_at_10_max": 32.69646843930873, + "nauc_precision_at_1_diff1": 27.98859530439485, + "nauc_precision_at_1_max": 29.59835641778479, + "nauc_precision_at_20_diff1": 9.222810011251163, + "nauc_precision_at_20_max": 31.642107803413644, + "nauc_precision_at_3_diff1": 17.714754420945663, + "nauc_precision_at_3_max": 31.20039968669417, + "nauc_precision_at_5_diff1": 14.644243741155094, + "nauc_precision_at_5_max": 32.38364025060788, + "nauc_recall_at_1000_diff1": 12.54999721282459, + "nauc_recall_at_1000_max": 35.6779997373079, + "nauc_recall_at_100_diff1": 13.367778034443528, + "nauc_recall_at_100_max": 33.13162691061, + "nauc_recall_at_10_diff1": 16.949293497026215, + "nauc_recall_at_10_max": 33.7705705210919, + "nauc_recall_at_1_diff1": 30.563036672557143, + "nauc_recall_at_1_max": 31.070224949027498, + "nauc_recall_at_20_diff1": 14.089682455255875, + "nauc_recall_at_20_max": 33.6191893484996, + "nauc_recall_at_3_diff1": 19.948256200601705, + "nauc_recall_at_3_max": 31.317477585260324, + "nauc_recall_at_5_diff1": 17.598556491640565, + "nauc_recall_at_5_max": 32.6807321944485, + "ndcg_at_1": 23.061999999999998, + "ndcg_at_10": 24.97, + "ndcg_at_100": 32.554, + "ndcg_at_1000": 36.076, + "ndcg_at_20": 27.821, + "ndcg_at_3": 19.349, + "ndcg_at_5": 21.484, + "precision_at_1": 23.061999999999998, + "precision_at_10": 7.9350000000000005, + "precision_at_100": 1.6039999999999999, + "precision_at_1000": 0.22499999999999998, + "precision_at_20": 5.176, + "precision_at_3": 13.985, + "precision_at_5": 11.401, + "recall_at_1": 10.349, + "recall_at_10": 30.913, + "recall_at_100": 57.245999999999995, + "recall_at_1000": 77.029, + "recall_at_20": 39.003, + "recall_at_3": 17.618000000000002, + "recall_at_5": 22.988, + "main_score": 24.97 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/DBPedia.json b/results/Lajavaness__bilingual-embedding-large/external/DBPedia.json new file mode 100644 index 000000000..7d19ff4cf --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/DBPedia.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 7.649, + "map_at_10": 14.697, + "map_at_100": 19.591, + "map_at_1000": 20.982, + "map_at_20": 16.509999999999998, + "map_at_3": 11.217, + "map_at_5": 12.852, + "mrr_at_1": 51.74999999999999, + "mrr_at_10": 61.94424603174603, + "mrr_at_100": 62.472815812182205, + "mrr_at_1000": 62.49216916485864, + "mrr_at_20": 62.25443952976847, + "mrr_at_3": 59.708333333333364, + "mrr_at_5": 61.03333333333334, + "nauc_map_at_1000_diff1": 23.191206559088798, + "nauc_map_at_1000_max": 10.1438640283226, + "nauc_map_at_100_diff1": 23.265705221042555, + "nauc_map_at_100_max": 7.523040573652397, + "nauc_map_at_10_diff1": 24.45733842552937, + "nauc_map_at_10_max": -2.443693369828331, + "nauc_map_at_1_diff1": 31.091654941492397, + "nauc_map_at_1_max": -10.771443812269371, + "nauc_map_at_20_diff1": 24.7570707688042, + "nauc_map_at_20_max": 1.2077637280889133, + "nauc_map_at_3_diff1": 26.774816301177122, + "nauc_map_at_3_max": -7.11823028171499, + "nauc_map_at_5_diff1": 25.345353380719832, + "nauc_map_at_5_max": -5.526653916514835, + "nauc_mrr_at_1000_diff1": 32.38684163091411, + "nauc_mrr_at_1000_max": 23.24553685116483, + "nauc_mrr_at_100_diff1": 32.382740964614776, + "nauc_mrr_at_100_max": 23.251303906728214, + "nauc_mrr_at_10_diff1": 32.086483636799365, + "nauc_mrr_at_10_max": 23.369924984911552, + "nauc_mrr_at_1_diff1": 34.434642218762605, + "nauc_mrr_at_1_max": 19.832378549067112, + "nauc_mrr_at_20_diff1": 32.360936515565655, + "nauc_mrr_at_20_max": 23.300550497980236, + "nauc_mrr_at_3_diff1": 32.084876778026164, + "nauc_mrr_at_3_max": 22.109999122391084, + "nauc_mrr_at_5_diff1": 31.824992326704688, + "nauc_mrr_at_5_max": 22.81862153744175, + "nauc_ndcg_at_1000_diff1": 21.36050568892246, + "nauc_ndcg_at_1000_max": 14.681554058855834, + "nauc_ndcg_at_100_diff1": 22.127878465050646, + "nauc_ndcg_at_100_max": 8.368076579475803, + "nauc_ndcg_at_10_diff1": 22.317953022845348, + "nauc_ndcg_at_10_max": 10.095615105971731, + "nauc_ndcg_at_1_diff1": 26.646739843884106, + "nauc_ndcg_at_1_max": 10.372045899012758, + "nauc_ndcg_at_20_diff1": 21.917052129883217, + "nauc_ndcg_at_20_max": 6.909226743372991, + "nauc_ndcg_at_3_diff1": 23.54314184017729, + "nauc_ndcg_at_3_max": 13.885591700571023, + "nauc_ndcg_at_5_diff1": 22.89409432469125, + "nauc_ndcg_at_5_max": 12.308023309358072, + "nauc_precision_at_1000_diff1": -4.0950394245249875, + "nauc_precision_at_1000_max": 28.095752660879537, + "nauc_precision_at_100_diff1": 2.599292519176294, + "nauc_precision_at_100_max": 35.03985690925802, + "nauc_precision_at_10_diff1": 9.698448521965727, + "nauc_precision_at_10_max": 33.560035529503644, + "nauc_precision_at_1_diff1": 34.434642218762605, + "nauc_precision_at_1_max": 19.832378549067112, + "nauc_precision_at_20_diff1": 7.031542419630589, + "nauc_precision_at_20_max": 33.062841844543094, + "nauc_precision_at_3_diff1": 18.69763783368493, + "nauc_precision_at_3_max": 28.484713601053613, + "nauc_precision_at_5_diff1": 12.932644940053518, + "nauc_precision_at_5_max": 29.729718202329618, + "nauc_recall_at_1000_diff1": 14.018400068283235, + "nauc_recall_at_1000_max": 11.044259871020023, + "nauc_recall_at_100_diff1": 16.771246252998623, + "nauc_recall_at_100_max": 4.49108000932358, + "nauc_recall_at_10_diff1": 15.961719909920715, + "nauc_recall_at_10_max": -5.026464376792105, + "nauc_recall_at_1_diff1": 31.091654941492397, + "nauc_recall_at_1_max": -10.771443812269371, + "nauc_recall_at_20_diff1": 17.293696440962712, + "nauc_recall_at_20_max": -1.1330071114103524, + "nauc_recall_at_3_diff1": 21.93321186290146, + "nauc_recall_at_3_max": -9.179810454022938, + "nauc_recall_at_5_diff1": 17.797695611702576, + "nauc_recall_at_5_max": -8.203514465529903, + "ndcg_at_1": 42.0, + "ndcg_at_10": 30.909, + "ndcg_at_100": 35.508, + "ndcg_at_1000": 43.774, + "ndcg_at_20": 30.606, + "ndcg_at_3": 34.525, + "ndcg_at_5": 32.75, + "precision_at_1": 51.74999999999999, + "precision_at_10": 23.35, + "precision_at_100": 7.478, + "precision_at_1000": 1.69, + "precision_at_20": 17.4, + "precision_at_3": 36.833, + "precision_at_5": 31.2, + "recall_at_1": 7.649, + "recall_at_10": 19.778000000000002, + "recall_at_100": 42.652, + "recall_at_1000": 68.417, + "recall_at_20": 25.098, + "recall_at_3": 12.631999999999998, + "recall_at_5": 15.673, + "main_score": 30.909 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/EmotionClassification.json b/results/Lajavaness__bilingual-embedding-large/external/EmotionClassification.json new file mode 100644 index 000000000..0ae25967f --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/EmotionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 50.20999999999999, + "f1": 44.74511638629181, + "f1_weighted": 52.23753103034543, + "main_score": 50.20999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/FEVER.json b/results/Lajavaness__bilingual-embedding-large/external/FEVER.json new file mode 100644 index 000000000..5ceac404d --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/FEVER.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 51.953, + "map_at_10": 65.45100000000001, + "map_at_100": 65.804, + "map_at_1000": 65.821, + "map_at_20": 65.682, + "map_at_3": 63.119, + "map_at_5": 64.667, + "mrr_at_1": 55.74557455745575, + "mrr_at_10": 69.4821386900595, + "mrr_at_100": 69.74729404754542, + "mrr_at_1000": 69.75343973923911, + "mrr_at_20": 69.67064873408133, + "mrr_at_3": 67.25672567256748, + "mrr_at_5": 68.78237823782375, + "nauc_map_at_1000_diff1": 41.18640527838548, + "nauc_map_at_1000_max": 13.428727470575682, + "nauc_map_at_100_diff1": 41.17468986756459, + "nauc_map_at_100_max": 13.426715044498552, + "nauc_map_at_10_diff1": 41.06075186086762, + "nauc_map_at_10_max": 13.470740909244022, + "nauc_map_at_1_diff1": 43.27767138528766, + "nauc_map_at_1_max": 9.510265612441069, + "nauc_map_at_20_diff1": 41.163134792057996, + "nauc_map_at_20_max": 13.47131574134347, + "nauc_map_at_3_diff1": 40.910348768893975, + "nauc_map_at_3_max": 12.768125096526042, + "nauc_map_at_5_diff1": 40.92528504891088, + "nauc_map_at_5_max": 13.399071004697873, + "nauc_mrr_at_1000_diff1": 44.95436097694384, + "nauc_mrr_at_1000_max": 14.88135771553486, + "nauc_mrr_at_100_diff1": 44.954378878260215, + "nauc_mrr_at_100_max": 14.890733027176758, + "nauc_mrr_at_10_diff1": 44.86373608659125, + "nauc_mrr_at_10_max": 15.059791916748255, + "nauc_mrr_at_1_diff1": 46.43929638087247, + "nauc_mrr_at_1_max": 10.272622414068575, + "nauc_mrr_at_20_diff1": 44.95818657400733, + "nauc_mrr_at_20_max": 14.997217206405592, + "nauc_mrr_at_3_diff1": 44.548749443035376, + "nauc_mrr_at_3_max": 14.469622419991582, + "nauc_mrr_at_5_diff1": 44.69074207900513, + "nauc_mrr_at_5_max": 15.062504791381482, + "nauc_ndcg_at_1000_diff1": 41.520533924005, + "nauc_ndcg_at_1000_max": 15.125821530506498, + "nauc_ndcg_at_100_diff1": 41.30390080881711, + "nauc_ndcg_at_100_max": 15.247971802551044, + "nauc_ndcg_at_10_diff1": 40.888490879980694, + "nauc_ndcg_at_10_max": 15.817174059922767, + "nauc_ndcg_at_1_diff1": 46.43929638087247, + "nauc_ndcg_at_1_max": 10.272622414068575, + "nauc_ndcg_at_20_diff1": 41.25023892348253, + "nauc_ndcg_at_20_max": 15.776116311231558, + "nauc_ndcg_at_3_diff1": 40.94688695514675, + "nauc_ndcg_at_3_max": 14.504886210246811, + "nauc_ndcg_at_5_diff1": 40.70211773073117, + "nauc_ndcg_at_5_max": 15.705189801150077, + "nauc_precision_at_1000_diff1": 0.5912928729505902, + "nauc_precision_at_1000_max": 11.701719862031078, + "nauc_precision_at_100_diff1": 5.047154087374933, + "nauc_precision_at_100_max": 17.913943619005344, + "nauc_precision_at_10_diff1": 24.612684850432128, + "nauc_precision_at_10_max": 29.105423290906558, + "nauc_precision_at_1_diff1": 46.43929638087247, + "nauc_precision_at_1_max": 10.272622414068575, + "nauc_precision_at_20_diff1": 18.774237778586176, + "nauc_precision_at_20_max": 27.91823531074064, + "nauc_precision_at_3_diff1": 37.666635036168486, + "nauc_precision_at_3_max": 21.5767280681348, + "nauc_precision_at_5_diff1": 32.319221505378025, + "nauc_precision_at_5_max": 28.066697359866183, + "nauc_recall_at_1000_diff1": 17.59003049631559, + "nauc_recall_at_1000_max": 20.93685086253374, + "nauc_recall_at_100_diff1": 21.76964375449178, + "nauc_recall_at_100_max": 22.758634756027416, + "nauc_recall_at_10_diff1": 28.889097764221383, + "nauc_recall_at_10_max": 25.30585436023595, + "nauc_recall_at_1_diff1": 43.27767138528766, + "nauc_recall_at_1_max": 9.510265612441069, + "nauc_recall_at_20_diff1": 28.12473216551451, + "nauc_recall_at_20_max": 27.143846458113202, + "nauc_recall_at_3_diff1": 34.4572195153852, + "nauc_recall_at_3_max": 17.36854161760104, + "nauc_recall_at_5_diff1": 31.29465419375182, + "nauc_recall_at_5_max": 22.273653125961907, + "ndcg_at_1": 55.745999999999995, + "ndcg_at_10": 71.86099999999999, + "ndcg_at_100": 73.355, + "ndcg_at_1000": 73.74000000000001, + "ndcg_at_20": 72.61999999999999, + "ndcg_at_3": 67.529, + "ndcg_at_5": 70.15, + "precision_at_1": 55.745999999999995, + "precision_at_10": 9.568999999999999, + "precision_at_100": 1.045, + "precision_at_1000": 0.11, + "precision_at_20": 4.96, + "precision_at_3": 27.433000000000003, + "precision_at_5": 17.924, + "recall_at_1": 51.953, + "recall_at_10": 87.459, + "recall_at_100": 93.89800000000001, + "recall_at_1000": 96.536, + "recall_at_20": 90.303, + "recall_at_3": 75.993, + "recall_at_5": 82.39, + "main_score": 71.86099999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/FiQA2018.json b/results/Lajavaness__bilingual-embedding-large/external/FiQA2018.json new file mode 100644 index 000000000..c90ed8652 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/FiQA2018.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.267, + "map_at_10": 30.447999999999997, + "map_at_100": 32.469, + "map_at_1000": 32.658, + "map_at_20": 31.528, + "map_at_3": 26.125999999999998, + "map_at_5": 28.444999999999997, + "mrr_at_1": 37.191358024691354, + "mrr_at_10": 45.883793846756774, + "mrr_at_100": 46.816652956013066, + "mrr_at_1000": 46.84959707640699, + "mrr_at_20": 46.41953427971011, + "mrr_at_3": 43.389917695473244, + "mrr_at_5": 44.863683127571996, + "nauc_map_at_1000_diff1": 40.85830662982769, + "nauc_map_at_1000_max": 29.735257029193157, + "nauc_map_at_100_diff1": 40.82501487440629, + "nauc_map_at_100_max": 29.636048452078445, + "nauc_map_at_10_diff1": 40.68075705213936, + "nauc_map_at_10_max": 28.337659980829322, + "nauc_map_at_1_diff1": 48.01290466458539, + "nauc_map_at_1_max": 19.261551938733852, + "nauc_map_at_20_diff1": 40.856805860284226, + "nauc_map_at_20_max": 29.077526730127286, + "nauc_map_at_3_diff1": 43.039504408969904, + "nauc_map_at_3_max": 24.878477839738057, + "nauc_map_at_5_diff1": 41.724698595479595, + "nauc_map_at_5_max": 27.113239282827994, + "nauc_mrr_at_1000_diff1": 43.920794707966756, + "nauc_mrr_at_1000_max": 34.614706567116606, + "nauc_mrr_at_100_diff1": 43.895282962033846, + "nauc_mrr_at_100_max": 34.61550432452366, + "nauc_mrr_at_10_diff1": 43.95091533739387, + "nauc_mrr_at_10_max": 34.663758974026365, + "nauc_mrr_at_1_diff1": 47.61919353455421, + "nauc_mrr_at_1_max": 33.962956428123746, + "nauc_mrr_at_20_diff1": 43.87590747124477, + "nauc_mrr_at_20_max": 34.67882996441685, + "nauc_mrr_at_3_diff1": 44.88684388166846, + "nauc_mrr_at_3_max": 34.22294561243905, + "nauc_mrr_at_5_diff1": 43.98850549790516, + "nauc_mrr_at_5_max": 34.83639805635503, + "nauc_ndcg_at_1000_diff1": 40.223553918616375, + "nauc_ndcg_at_1000_max": 33.43814923773947, + "nauc_ndcg_at_100_diff1": 39.43807819766326, + "nauc_ndcg_at_100_max": 32.57630719703927, + "nauc_ndcg_at_10_diff1": 39.33282304016679, + "nauc_ndcg_at_10_max": 30.27641232989905, + "nauc_ndcg_at_1_diff1": 47.61919353455421, + "nauc_ndcg_at_1_max": 33.962956428123746, + "nauc_ndcg_at_20_diff1": 39.53511269739587, + "nauc_ndcg_at_20_max": 31.260873254810246, + "nauc_ndcg_at_3_diff1": 41.101187311841876, + "nauc_ndcg_at_3_max": 32.03042648723637, + "nauc_ndcg_at_5_diff1": 40.01327057932772, + "nauc_ndcg_at_5_max": 31.030938992630848, + "nauc_precision_at_1000_diff1": -0.4352015904891744, + "nauc_precision_at_1000_max": 30.061282683255385, + "nauc_precision_at_100_diff1": 5.39586253637153, + "nauc_precision_at_100_max": 35.41655677334673, + "nauc_precision_at_10_diff1": 16.69240019440236, + "nauc_precision_at_10_max": 38.565307428383036, + "nauc_precision_at_1_diff1": 47.61919353455421, + "nauc_precision_at_1_max": 33.962956428123746, + "nauc_precision_at_20_diff1": 14.485164333893326, + "nauc_precision_at_20_max": 39.1476438430299, + "nauc_precision_at_3_diff1": 27.334529666495627, + "nauc_precision_at_3_max": 35.18301078607926, + "nauc_precision_at_5_diff1": 22.50332891872499, + "nauc_precision_at_5_max": 38.26704908439035, + "nauc_recall_at_1000_diff1": 24.718367772502805, + "nauc_recall_at_1000_max": 28.7950545028825, + "nauc_recall_at_100_diff1": 22.416515348099285, + "nauc_recall_at_100_max": 24.272228778780377, + "nauc_recall_at_10_diff1": 27.73925715455505, + "nauc_recall_at_10_max": 22.555074735100856, + "nauc_recall_at_1_diff1": 48.01290466458539, + "nauc_recall_at_1_max": 19.261551938733852, + "nauc_recall_at_20_diff1": 26.301321924063288, + "nauc_recall_at_20_max": 23.330876453596332, + "nauc_recall_at_3_diff1": 37.24025810217652, + "nauc_recall_at_3_max": 21.98119880123036, + "nauc_recall_at_5_diff1": 32.28600801369084, + "nauc_recall_at_5_max": 23.454012972204232, + "ndcg_at_1": 37.191, + "ndcg_at_10": 38.26, + "ndcg_at_100": 45.719, + "ndcg_at_1000": 48.786, + "ndcg_at_20": 41.082, + "ndcg_at_3": 34.521, + "ndcg_at_5": 35.657, + "precision_at_1": 37.191, + "precision_at_10": 11.111, + "precision_at_100": 1.8599999999999999, + "precision_at_1000": 0.24, + "precision_at_20": 6.6979999999999995, + "precision_at_3": 23.714, + "precision_at_5": 17.654, + "recall_at_1": 18.267, + "recall_at_10": 45.196, + "recall_at_100": 73.21, + "recall_at_1000": 91.603, + "recall_at_20": 54.175, + "recall_at_3": 30.804, + "recall_at_5": 36.762, + "main_score": 38.26 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/HALClusteringS2S.json b/results/Lajavaness__bilingual-embedding-large/external/HALClusteringS2S.json new file mode 100644 index 000000000..e8ba755e3 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/HALClusteringS2S.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e06ebbbb123f8144bef1a5d18796f3dec9ae2915", + "task_name": "HALClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "v_measure": 26.26502535631247, + "v_measures": [ + 0.30893096531878045, + 0.27408569069152805, + 0.2872676670832888, + 0.26871778422889214, + 0.2421329238735192 + ], + "main_score": 26.26502535631247 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/HotpotQA.json b/results/Lajavaness__bilingual-embedding-large/external/HotpotQA.json new file mode 100644 index 000000000..0de40ed37 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/HotpotQA.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 34.416000000000004, + "map_at_10": 53.018, + "map_at_100": 53.959999999999994, + "map_at_1000": 54.037, + "map_at_20": 53.586, + "map_at_3": 49.532, + "map_at_5": 51.745, + "mrr_at_1": 68.83187035786631, + "mrr_at_10": 76.47855374425244, + "mrr_at_100": 76.75914198501198, + "mrr_at_1000": 76.77222735751764, + "mrr_at_20": 76.65679003625789, + "mrr_at_3": 75.16092730137284, + "mrr_at_5": 76.01575512041389, + "nauc_map_at_1000_diff1": 28.665599655244538, + "nauc_map_at_1000_max": 26.51149017702271, + "nauc_map_at_100_diff1": 28.632597932013145, + "nauc_map_at_100_max": 26.490932953231923, + "nauc_map_at_10_diff1": 28.580107701324735, + "nauc_map_at_10_max": 26.3217679581979, + "nauc_map_at_1_diff1": 67.67936763409298, + "nauc_map_at_1_max": 40.30036941793513, + "nauc_map_at_20_diff1": 28.558170611509183, + "nauc_map_at_20_max": 26.43052335111512, + "nauc_map_at_3_diff1": 29.85672153745689, + "nauc_map_at_3_max": 26.743012500467856, + "nauc_map_at_5_diff1": 28.736851055431988, + "nauc_map_at_5_max": 26.447068009197793, + "nauc_mrr_at_1000_diff1": 65.79129234779417, + "nauc_mrr_at_1000_max": 42.55373395618259, + "nauc_mrr_at_100_diff1": 65.78897966625267, + "nauc_mrr_at_100_max": 42.55832275158884, + "nauc_mrr_at_10_diff1": 65.72331806462918, + "nauc_mrr_at_10_max": 42.658423245180046, + "nauc_mrr_at_1_diff1": 67.67936763409298, + "nauc_mrr_at_1_max": 40.30036941793513, + "nauc_mrr_at_20_diff1": 65.75380315795078, + "nauc_mrr_at_20_max": 42.5668897917014, + "nauc_mrr_at_3_diff1": 65.82731891309994, + "nauc_mrr_at_3_max": 42.563700481571395, + "nauc_mrr_at_5_diff1": 65.76141260167854, + "nauc_mrr_at_5_max": 42.70170127345266, + "nauc_ndcg_at_1000_diff1": 33.827746587645436, + "nauc_ndcg_at_1000_max": 29.782418377743486, + "nauc_ndcg_at_100_diff1": 32.972298156089224, + "nauc_ndcg_at_100_max": 29.29551768033599, + "nauc_ndcg_at_10_diff1": 32.938633120475814, + "nauc_ndcg_at_10_max": 28.910191583030425, + "nauc_ndcg_at_1_diff1": 67.67936763409298, + "nauc_ndcg_at_1_max": 40.30036941793513, + "nauc_ndcg_at_20_diff1": 32.731879592210355, + "nauc_ndcg_at_20_max": 29.040697341299047, + "nauc_ndcg_at_3_diff1": 35.47870104596234, + "nauc_ndcg_at_3_max": 29.847488867914084, + "nauc_ndcg_at_5_diff1": 33.54909514232655, + "nauc_ndcg_at_5_max": 29.292689443865523, + "nauc_precision_at_1000_diff1": 3.5615989847587506, + "nauc_precision_at_1000_max": 19.786379641713445, + "nauc_precision_at_100_diff1": 7.78080334803686, + "nauc_precision_at_100_max": 19.056747747303994, + "nauc_precision_at_10_diff1": 14.63417360636118, + "nauc_precision_at_10_max": 20.746850850581108, + "nauc_precision_at_1_diff1": 67.67936763409298, + "nauc_precision_at_1_max": 40.30036941793513, + "nauc_precision_at_20_diff1": 12.26770611631996, + "nauc_precision_at_20_max": 20.323172131707494, + "nauc_precision_at_3_diff1": 23.256512645251487, + "nauc_precision_at_3_max": 25.316290441498758, + "nauc_precision_at_5_diff1": 18.249828903730126, + "nauc_precision_at_5_max": 23.2166512871753, + "nauc_recall_at_1000_diff1": 3.5615989847591156, + "nauc_recall_at_1000_max": 19.786379641713587, + "nauc_recall_at_100_diff1": 7.780803348036787, + "nauc_recall_at_100_max": 19.056747747303987, + "nauc_recall_at_10_diff1": 14.634173606361264, + "nauc_recall_at_10_max": 20.74685085058111, + "nauc_recall_at_1_diff1": 67.67936763409298, + "nauc_recall_at_1_max": 40.30036941793513, + "nauc_recall_at_20_diff1": 12.267706116319852, + "nauc_recall_at_20_max": 20.32317213170743, + "nauc_recall_at_3_diff1": 23.25651264525152, + "nauc_recall_at_3_max": 25.31629044149875, + "nauc_recall_at_5_diff1": 18.249828903730062, + "nauc_recall_at_5_max": 23.216651287175274, + "ndcg_at_1": 68.83200000000001, + "ndcg_at_10": 62.037, + "ndcg_at_100": 65.405, + "ndcg_at_1000": 66.92099999999999, + "ndcg_at_20": 63.491, + "ndcg_at_3": 56.899, + "ndcg_at_5": 59.82300000000001, + "precision_at_1": 68.83200000000001, + "precision_at_10": 13.186, + "precision_at_100": 1.5810000000000002, + "precision_at_1000": 0.178, + "precision_at_20": 7.059, + "precision_at_3": 36.39, + "precision_at_5": 24.154, + "recall_at_1": 34.416000000000004, + "recall_at_10": 65.928, + "recall_at_100": 79.061, + "recall_at_1000": 89.061, + "recall_at_20": 70.594, + "recall_at_3": 54.584999999999994, + "recall_at_5": 60.385, + "main_score": 62.037 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/ImdbClassification.json b/results/Lajavaness__bilingual-embedding-large/external/ImdbClassification.json new file mode 100644 index 000000000..de238f6a5 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/ImdbClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 88.7704, + "ap": 84.14695674023965, + "ap_weighted": 84.14695674023965, + "f1": 88.73968806391585, + "f1_weighted": 88.73968806391585, + "main_score": 88.7704 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/MLSUMClusteringP2P.json b/results/Lajavaness__bilingual-embedding-large/external/MLSUMClusteringP2P.json new file mode 100644 index 000000000..0c6e20fc5 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/MLSUMClusteringP2P.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "b5d54f8f3b61ae17845046286940f03c6bc79bc7", + "task_name": "MLSUMClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "v_measure": 42.60059039120384, + "v_measures": [ + 0.4248169037837413, + 0.44678284494908554, + 0.4386784796938775, + 0.41609051956546156, + 0.37929269357080225 + ], + "main_score": 42.60059039120384 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "v_measure": 42.92324222522204, + "v_measures": [ + 0.4320945601805418, + 0.43467886343873713, + 0.4345273113581795, + 0.4277842446367462, + 0.381555432691925 + ], + "main_score": 42.92324222522204 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/MSMARCO.json b/results/Lajavaness__bilingual-embedding-large/external/MSMARCO.json new file mode 100644 index 000000000..adeeb174b --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/MSMARCO.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 32.11, + "map_at_1": 15.061, + "map_at_10": 25.754, + "map_at_100": 27.049, + "map_at_1000": 27.116, + "map_at_20": 26.513, + "map_at_3": 21.982, + "map_at_5": 24.163, + "mrr_at_1": 15.501432664756448, + "mrr_at_10": 26.20690635375438, + "mrr_at_100": 27.47484603015855, + "mrr_at_1000": 27.534814732511403, + "mrr_at_20": 26.962510204234487, + "mrr_at_3": 22.478510028653204, + "mrr_at_5": 24.644699140401148, + "nauc_map_at_1000_diff1": 27.65573005952806, + "nauc_map_at_1000_max": -0.6664915829456446, + "nauc_map_at_1000_std": -13.294854242050995, + "nauc_map_at_100_diff1": 27.65309051861404, + "nauc_map_at_100_max": -0.6705678793129132, + "nauc_map_at_100_std": -13.26026777113775, + "nauc_map_at_10_diff1": 27.61977151321742, + "nauc_map_at_10_max": -0.8411682912254755, + "nauc_map_at_10_std": -14.078806656682952, + "nauc_map_at_1_diff1": 31.101427439711117, + "nauc_map_at_1_max": -2.1665597079685583, + "nauc_map_at_1_std": -14.838541556063687, + "nauc_map_at_20_diff1": 27.640862405035925, + "nauc_map_at_20_max": -0.7508506379638504, + "nauc_map_at_20_std": -13.635264331784255, + "nauc_map_at_3_diff1": 27.816001535921504, + "nauc_map_at_3_max": -1.4258402359181213, + "nauc_map_at_3_std": -14.734019274210775, + "nauc_map_at_5_diff1": 27.594758229009123, + "nauc_map_at_5_max": -1.1541185696293443, + "nauc_map_at_5_std": -14.543039460349144, + "nauc_mrr_at_1000_diff1": 27.324172493369325, + "nauc_mrr_at_1000_max": -0.5301623684083077, + "nauc_mrr_at_1000_std": -13.085482957897204, + "nauc_mrr_at_100_diff1": 27.31756425346039, + "nauc_mrr_at_100_max": -0.5329475311701841, + "nauc_mrr_at_100_std": -13.05068875597533, + "nauc_mrr_at_10_diff1": 27.277609851940166, + "nauc_mrr_at_10_max": -0.6898071390120286, + "nauc_mrr_at_10_std": -13.83061727295856, + "nauc_mrr_at_1_diff1": 30.70206781271504, + "nauc_mrr_at_1_max": -2.011455223691345, + "nauc_mrr_at_1_std": -14.70598014976441, + "nauc_mrr_at_20_diff1": 27.29001503541975, + "nauc_mrr_at_20_max": -0.5909600755849777, + "nauc_mrr_at_20_std": -13.376016681585357, + "nauc_mrr_at_3_diff1": 27.52254144099272, + "nauc_mrr_at_3_max": -1.3519790006530379, + "nauc_mrr_at_3_std": -14.649312191742936, + "nauc_mrr_at_5_diff1": 27.29546586753163, + "nauc_mrr_at_5_max": -1.024127157001698, + "nauc_mrr_at_5_std": -14.345538969418342, + "nauc_ndcg_at_1000_diff1": 26.79147605755793, + "nauc_ndcg_at_1000_max": 0.8591996554984977, + "nauc_ndcg_at_1000_std": -10.161918646262949, + "nauc_ndcg_at_100_diff1": 26.63542557896811, + "nauc_ndcg_at_100_max": 0.9443929053004976, + "nauc_ndcg_at_100_std": -8.71936234590501, + "nauc_ndcg_at_10_diff1": 26.517293695303856, + "nauc_ndcg_at_10_max": 0.10338195612605405, + "nauc_ndcg_at_10_std": -13.009131978823454, + "nauc_ndcg_at_1_diff1": 30.538890646051946, + "nauc_ndcg_at_1_max": -2.008099708811186, + "nauc_ndcg_at_1_std": -14.570358622599258, + "nauc_ndcg_at_20_diff1": 26.54428829139771, + "nauc_ndcg_at_20_max": 0.4099242177386758, + "nauc_ndcg_at_20_std": -11.371084751648104, + "nauc_ndcg_at_3_diff1": 26.95842634410692, + "nauc_ndcg_at_3_max": -1.1589433435709675, + "nauc_ndcg_at_3_std": -14.602252601262474, + "nauc_ndcg_at_5_diff1": 26.59589076335421, + "nauc_ndcg_at_5_max": -0.6453240745202081, + "nauc_ndcg_at_5_std": -14.184185282205794, + "nauc_precision_at_1000_diff1": -0.9922818023581059, + "nauc_precision_at_1000_max": 16.26409042185654, + "nauc_precision_at_1000_std": 18.321904970324763, + "nauc_precision_at_100_diff1": 14.851754812243906, + "nauc_precision_at_100_max": 11.328667762948234, + "nauc_precision_at_100_std": 21.811183999636896, + "nauc_precision_at_10_diff1": 22.530404228796172, + "nauc_precision_at_10_max": 2.6697442120229726, + "nauc_precision_at_10_std": -9.50958201686599, + "nauc_precision_at_1_diff1": 30.538890646051946, + "nauc_precision_at_1_max": -2.008099708811186, + "nauc_precision_at_1_std": -14.570358622599258, + "nauc_precision_at_20_diff1": 21.512594268414414, + "nauc_precision_at_20_max": 4.503344482984035, + "nauc_precision_at_20_std": -2.682841767575556, + "nauc_precision_at_3_diff1": 24.64073891564328, + "nauc_precision_at_3_max": -0.6975028267715812, + "nauc_precision_at_3_std": -14.236786751518174, + "nauc_precision_at_5_diff1": 23.781199263805576, + "nauc_precision_at_5_max": 0.6022253719319227, + "nauc_precision_at_5_std": -13.147295623802737, + "nauc_recall_at_1000_diff1": 18.70113472084712, + "nauc_recall_at_1000_max": 33.07873112775353, + "nauc_recall_at_1000_std": 54.15619201728818, + "nauc_recall_at_100_diff1": 22.07721196179939, + "nauc_recall_at_100_max": 10.717243598328174, + "nauc_recall_at_100_std": 25.184427234923483, + "nauc_recall_at_10_diff1": 23.71859755775575, + "nauc_recall_at_10_max": 2.5941400628857667, + "nauc_recall_at_10_std": -9.968353668010163, + "nauc_recall_at_1_diff1": 31.101427439711117, + "nauc_recall_at_1_max": -2.1665597079685583, + "nauc_recall_at_1_std": -14.838541556063687, + "nauc_recall_at_20_diff1": 23.44415387325979, + "nauc_recall_at_20_max": 3.887148509398752, + "nauc_recall_at_20_std": -3.3523843677396052, + "nauc_recall_at_3_diff1": 24.94902396425333, + "nauc_recall_at_3_max": -0.5407315733631601, + "nauc_recall_at_3_std": -14.250771036329175, + "nauc_recall_at_5_diff1": 24.25304324109004, + "nauc_recall_at_5_max": 0.5197135086143335, + "nauc_recall_at_5_std": -13.305622144189252, + "ndcg_at_1": 15.53, + "ndcg_at_10": 32.11, + "ndcg_at_100": 38.647, + "ndcg_at_1000": 40.381, + "ndcg_at_20": 34.844, + "ndcg_at_3": 24.398, + "ndcg_at_5": 28.306, + "precision_at_1": 15.53, + "precision_at_10": 5.418, + "precision_at_100": 0.871, + "precision_at_1000": 0.102, + "precision_at_20": 3.272, + "precision_at_3": 10.669, + "precision_at_5": 8.375, + "recall_at_1": 15.061, + "recall_at_10": 51.899, + "recall_at_100": 82.764, + "recall_at_1000": 96.181, + "recall_at_20": 62.567, + "recall_at_3": 30.9, + "recall_at_5": 40.308 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/MTOPDomainClassification.json b/results/Lajavaness__bilingual-embedding-large/external/MTOPDomainClassification.json new file mode 100644 index 000000000..1671dbc9e --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/MTOPDomainClassification.json @@ -0,0 +1,30 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 88.33385530848732, + "f1": 88.36975245849551, + "f1_weighted": 88.310383667222, + "main_score": 88.33385530848732 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.42818057455541, + "f1": 92.25564326311375, + "f1_weighted": 92.41061793109351, + "main_score": 92.42818057455541 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/MTOPIntentClassification.json b/results/Lajavaness__bilingual-embedding-large/external/MTOPIntentClassification.json new file mode 100644 index 000000000..bc30fb235 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/MTOPIntentClassification.json @@ -0,0 +1,30 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 62.84685248982148, + "f1": 44.420122133882366, + "f1_weighted": 65.2728620649712, + "main_score": 62.84685248982148 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.23848609211126, + "f1": 48.9439789973939, + "f1_weighted": 71.6729639393754, + "main_score": 69.23848609211126 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/MasakhaNEWSClassification.json b/results/Lajavaness__bilingual-embedding-large/external/MasakhaNEWSClassification.json new file mode 100644 index 000000000..1bdab9a71 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/MasakhaNEWSClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "18193f187b92da67168c655c9973a165ed9593dd", + "task_name": "MasakhaNEWSClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fra", + "languages": [ + "fra-Latn" + ], + "accuracy": 80.56872037914692, + "f1": 77.28557364601339, + "f1_weighted": 80.51403795220486, + "main_score": 80.56872037914692 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/MasakhaNEWSClusteringP2P.json b/results/Lajavaness__bilingual-embedding-large/external/MasakhaNEWSClusteringP2P.json new file mode 100644 index 000000000..658d6a416 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/MasakhaNEWSClusteringP2P.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8ccc72e69e65f40c70e117d8b3c08306bb788b60", + "task_name": "MasakhaNEWSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fra", + "languages": [ + "fra-Latn" + ], + "v_measure": 71.29428035967938, + "v_measures": [ + 1.0, + 0.2773866490640993, + 0.7679216739314454, + 0.8367645040119921, + 0.6826411909764316 + ], + "main_score": 71.29428035967938 + }, + { + "hf_subset": "fra", + "languages": [ + "fra-Latn" + ], + "v_measure": 55.090949643200084, + "v_measures": [ + 1.0, + 0.0008196849334082873, + 0.7532269197656756, + 0.37056337344528145, + 0.6299375040156386 + ], + "main_score": 55.090949643200084 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/MassiveIntentClassification.json b/results/Lajavaness__bilingual-embedding-large/external/MassiveIntentClassification.json new file mode 100644 index 000000000..0bf807556 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/MassiveIntentClassification.json @@ -0,0 +1,30 @@ +{ + "dataset_revision": "4672e20407010da34463acc759c162ca9734bca6", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 66.80564895763281, + "f1": 64.35238995318795, + "f1_weighted": 65.7206181780162, + "main_score": 66.80564895763281 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.02084734364492, + "f1": 69.82831463248417, + "f1_weighted": 71.0866116386183, + "main_score": 72.02084734364492 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/MassiveScenarioClassification.json b/results/Lajavaness__bilingual-embedding-large/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..3ae5190fe --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/MassiveScenarioClassification.json @@ -0,0 +1,30 @@ +{ + "dataset_revision": "fad2c6e8459f9e1c45d9315f4953d921437d70f8", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 72.98587760591795, + "f1": 72.51250718054763, + "f1_weighted": 72.81793917434213, + "main_score": 72.98587760591795 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.60053799596503, + "f1": 75.85228266341957, + "f1_weighted": 76.39049709549106, + "main_score": 76.60053799596503 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/MedrxivClusteringP2P.json b/results/Lajavaness__bilingual-embedding-large/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..8cc113a66 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/MedrxivClusteringP2P.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.65530712156858, + "v_measures": [ + 0.32595386072267324, + 0.33095198942462645, + 0.3210039965548432, + 0.31914657724467665, + 0.32881699064270725 + ], + "main_score": 33.65530712156858 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/MedrxivClusteringS2S.json b/results/Lajavaness__bilingual-embedding-large/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..6ddf6c320 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/MedrxivClusteringS2S.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.2413045953903, + "v_measures": [ + 0.30824475884815805, + 0.31071992071723326, + 0.31005833310589537, + 0.3153048824437766, + 0.3050758199530619 + ], + "main_score": 32.2413045953903 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/MindSmallReranking.json b/results/Lajavaness__bilingual-embedding-large/external/MindSmallReranking.json new file mode 100644 index 000000000..1a63e6f5e --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/MindSmallReranking.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "59042f120c80e8afa9cdbb224f67076cec0fc9a7", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.72032807796656, + "mrr": 32.79115297194465, + "nAUC_map_diff1": 12.922385473036147, + "nAUC_map_max": -21.168506489275178, + "nAUC_mrr_diff1": 12.121226745227537, + "nAUC_mrr_max": -15.893446651123377, + "main_score": 31.72032807796656 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/MintakaRetrieval.json b/results/Lajavaness__bilingual-embedding-large/external/MintakaRetrieval.json new file mode 100644 index 000000000..0c6c78794 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/MintakaRetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "efa78cc2f74bbcd21eff2261f9e13aebe40b814e", + "task_name": "MintakaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "map_at_1": 18.96, + "map_at_10": 27.744999999999997, + "map_at_100": 28.799000000000003, + "map_at_1000": 28.884, + "map_at_20": 28.375, + "map_at_3": 25.108999999999998, + "map_at_5": 26.508, + "mrr_at_1": 18.95986895986896, + "mrr_at_10": 27.744936494936507, + "mrr_at_100": 28.79940115805784, + "mrr_at_1000": 28.88414927603794, + "mrr_at_20": 28.375232375900854, + "mrr_at_3": 25.109200109200113, + "mrr_at_5": 26.50764400764402, + "nauc_map_at_1000_diff1": 18.685236785487458, + "nauc_map_at_1000_max": 28.85413041872925, + "nauc_map_at_100_diff1": 18.643854459374264, + "nauc_map_at_100_max": 28.86568866859659, + "nauc_map_at_10_diff1": 18.95179019467019, + "nauc_map_at_10_max": 28.978754512041366, + "nauc_map_at_1_diff1": 24.276017299858978, + "nauc_map_at_1_max": 23.470875089293564, + "nauc_map_at_20_diff1": 18.635084934956904, + "nauc_map_at_20_max": 28.94762423672467, + "nauc_map_at_3_diff1": 19.78833161521705, + "nauc_map_at_3_max": 27.717678662759226, + "nauc_map_at_5_diff1": 19.121183364075133, + "nauc_map_at_5_max": 28.33281003699522, + "nauc_mrr_at_1000_diff1": 18.685236785487458, + "nauc_mrr_at_1000_max": 28.85413041872925, + "nauc_mrr_at_100_diff1": 18.643854459374264, + "nauc_mrr_at_100_max": 28.86568866859659, + "nauc_mrr_at_10_diff1": 18.95179019467019, + "nauc_mrr_at_10_max": 28.978754512041366, + "nauc_mrr_at_1_diff1": 24.276017299858978, + "nauc_mrr_at_1_max": 23.470875089293564, + "nauc_mrr_at_20_diff1": 18.635084934956904, + "nauc_mrr_at_20_max": 28.94762423672467, + "nauc_mrr_at_3_diff1": 19.78833161521705, + "nauc_mrr_at_3_max": 27.717678662759226, + "nauc_mrr_at_5_diff1": 19.121183364075133, + "nauc_mrr_at_5_max": 28.33281003699522, + "nauc_ndcg_at_1000_diff1": 16.9385175619818, + "nauc_ndcg_at_1000_max": 30.464626780924114, + "nauc_ndcg_at_100_diff1": 15.784507139472703, + "nauc_ndcg_at_100_max": 30.783304190943873, + "nauc_ndcg_at_10_diff1": 17.074677821502657, + "nauc_ndcg_at_10_max": 31.39661325771708, + "nauc_ndcg_at_1_diff1": 24.276017299858978, + "nauc_ndcg_at_1_max": 23.470875089293564, + "nauc_ndcg_at_20_diff1": 15.905931373911173, + "nauc_ndcg_at_20_max": 31.283157447315457, + "nauc_ndcg_at_3_diff1": 18.520146441301954, + "nauc_ndcg_at_3_max": 28.855566633100217, + "nauc_ndcg_at_5_diff1": 17.414930054902594, + "nauc_ndcg_at_5_max": 29.89288498763886, + "nauc_precision_at_1000_diff1": 5.6404707169181485, + "nauc_precision_at_1000_max": 51.53249587390901, + "nauc_precision_at_100_diff1": 2.6401827420753463, + "nauc_precision_at_100_max": 37.544518255619415, + "nauc_precision_at_10_diff1": 12.07308037199035, + "nauc_precision_at_10_max": 38.23001565740937, + "nauc_precision_at_1_diff1": 24.276017299858978, + "nauc_precision_at_1_max": 23.470875089293564, + "nauc_precision_at_20_diff1": 7.157477225670103, + "nauc_precision_at_20_max": 38.273237139593256, + "nauc_precision_at_3_diff1": 15.259422549391488, + "nauc_precision_at_3_max": 31.763923868965588, + "nauc_precision_at_5_diff1": 13.005921624910583, + "nauc_precision_at_5_max": 33.92162820494794, + "nauc_recall_at_1000_diff1": 5.6404707169180055, + "nauc_recall_at_1000_max": 51.53249587390878, + "nauc_recall_at_100_diff1": 2.640182742075308, + "nauc_recall_at_100_max": 37.544518255619444, + "nauc_recall_at_10_diff1": 12.073080371990335, + "nauc_recall_at_10_max": 38.230015657409375, + "nauc_recall_at_1_diff1": 24.276017299858978, + "nauc_recall_at_1_max": 23.470875089293564, + "nauc_recall_at_20_diff1": 7.157477225670139, + "nauc_recall_at_20_max": 38.27323713959323, + "nauc_recall_at_3_diff1": 15.259422549391505, + "nauc_recall_at_3_max": 31.763923868965588, + "nauc_recall_at_5_diff1": 13.005921624910567, + "nauc_recall_at_5_max": 33.92162820494793, + "ndcg_at_1": 18.96, + "ndcg_at_10": 32.617000000000004, + "ndcg_at_100": 37.974000000000004, + "ndcg_at_1000": 40.65, + "ndcg_at_20": 34.888000000000005, + "ndcg_at_3": 27.106, + "ndcg_at_5": 29.614, + "precision_at_1": 18.96, + "precision_at_10": 4.824, + "precision_at_100": 0.738, + "precision_at_1000": 0.096, + "precision_at_20": 2.858, + "precision_at_3": 10.961, + "precision_at_5": 7.789, + "recall_at_1": 18.96, + "recall_at_10": 48.239, + "recall_at_100": 73.833, + "recall_at_1000": 95.82300000000001, + "recall_at_20": 57.166, + "recall_at_3": 32.883, + "recall_at_5": 38.943, + "main_score": 32.617000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/NFCorpus.json b/results/Lajavaness__bilingual-embedding-large/external/NFCorpus.json new file mode 100644 index 000000000..349a5cfee --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/NFCorpus.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.178, + "map_at_10": 11.745999999999999, + "map_at_100": 15.338, + "map_at_1000": 16.891000000000002, + "map_at_20": 13.256, + "map_at_3": 8.37, + "map_at_5": 9.894, + "mrr_at_1": 46.749226006191954, + "mrr_at_10": 53.71062460071747, + "mrr_at_100": 54.47247226245396, + "mrr_at_1000": 54.517516853423054, + "mrr_at_20": 54.22033299509839, + "mrr_at_3": 51.39318885448917, + "mrr_at_5": 52.941176470588225, + "nauc_map_at_1000_diff1": 23.238665543167727, + "nauc_map_at_1000_max": 26.064909426436465, + "nauc_map_at_100_diff1": 23.816943692454025, + "nauc_map_at_100_max": 24.807156605259607, + "nauc_map_at_10_diff1": 26.42104653124257, + "nauc_map_at_10_max": 17.563038967727557, + "nauc_map_at_1_diff1": 34.28917819392563, + "nauc_map_at_1_max": 8.807377216099283, + "nauc_map_at_20_diff1": 24.433294443909347, + "nauc_map_at_20_max": 20.997009633165497, + "nauc_map_at_3_diff1": 28.25335734652218, + "nauc_map_at_3_max": 10.082598453534985, + "nauc_map_at_5_diff1": 27.99688513776781, + "nauc_map_at_5_max": 13.571235043636662, + "nauc_mrr_at_1000_diff1": 22.0509325142702, + "nauc_mrr_at_1000_max": 43.51018240855255, + "nauc_mrr_at_100_diff1": 22.072311889586203, + "nauc_mrr_at_100_max": 43.55130857448483, + "nauc_mrr_at_10_diff1": 21.963828969833823, + "nauc_mrr_at_10_max": 43.31497835062094, + "nauc_mrr_at_1_diff1": 23.512116034730113, + "nauc_mrr_at_1_max": 37.75543182603972, + "nauc_mrr_at_20_diff1": 21.990415122028125, + "nauc_mrr_at_20_max": 43.46861874289571, + "nauc_mrr_at_3_diff1": 21.585455204189483, + "nauc_mrr_at_3_max": 42.13202892082703, + "nauc_mrr_at_5_diff1": 22.35605683721401, + "nauc_mrr_at_5_max": 43.41250658367915, + "nauc_ndcg_at_1000_diff1": 21.71738572680482, + "nauc_ndcg_at_1000_max": 43.922463308684804, + "nauc_ndcg_at_100_diff1": 22.43463939289653, + "nauc_ndcg_at_100_max": 38.238637635131546, + "nauc_ndcg_at_10_diff1": 19.014112195173833, + "nauc_ndcg_at_10_max": 36.594960587851425, + "nauc_ndcg_at_1_diff1": 24.042510046095366, + "nauc_ndcg_at_1_max": 36.39029701364018, + "nauc_ndcg_at_20_diff1": 19.381660442822373, + "nauc_ndcg_at_20_max": 36.46556880736698, + "nauc_ndcg_at_3_diff1": 18.6981496929732, + "nauc_ndcg_at_3_max": 37.03091762139768, + "nauc_ndcg_at_5_diff1": 19.289506369260305, + "nauc_ndcg_at_5_max": 36.89125198180722, + "nauc_precision_at_1000_diff1": -3.321795388086352, + "nauc_precision_at_1000_max": 11.780778190351443, + "nauc_precision_at_100_diff1": -1.8335609332536786, + "nauc_precision_at_100_max": 23.20838971569252, + "nauc_precision_at_10_diff1": 5.060854298695712, + "nauc_precision_at_10_max": 36.09865020909382, + "nauc_precision_at_1_diff1": 24.359024943159383, + "nauc_precision_at_1_max": 38.027491208220326, + "nauc_precision_at_20_diff1": 1.9562618966703311, + "nauc_precision_at_20_max": 33.18760266754642, + "nauc_precision_at_3_diff1": 11.269030511726923, + "nauc_precision_at_3_max": 37.10153897042483, + "nauc_precision_at_5_diff1": 9.968730085466428, + "nauc_precision_at_5_max": 37.00822946454896, + "nauc_recall_at_1000_diff1": 8.832722831911937, + "nauc_recall_at_1000_max": 18.989194551015615, + "nauc_recall_at_100_diff1": 20.173587155507132, + "nauc_recall_at_100_max": 23.86772407377265, + "nauc_recall_at_10_diff1": 24.975640968119407, + "nauc_recall_at_10_max": 15.352297604598686, + "nauc_recall_at_1_diff1": 34.28917819392563, + "nauc_recall_at_1_max": 8.807377216099283, + "nauc_recall_at_20_diff1": 22.57447019024638, + "nauc_recall_at_20_max": 18.92022289045624, + "nauc_recall_at_3_diff1": 24.107935793328, + "nauc_recall_at_3_max": 8.801301163274843, + "nauc_recall_at_5_diff1": 26.249224020618783, + "nauc_recall_at_5_max": 13.064633082931609, + "ndcg_at_1": 45.046, + "ndcg_at_10": 33.375, + "ndcg_at_100": 31.297000000000004, + "ndcg_at_1000": 40.43, + "ndcg_at_20": 31.554, + "ndcg_at_3": 37.639, + "ndcg_at_5": 36.1, + "precision_at_1": 46.44, + "precision_at_10": 25.108000000000004, + "precision_at_100": 8.315999999999999, + "precision_at_1000": 2.145, + "precision_at_20": 19.164, + "precision_at_3": 34.985, + "precision_at_5": 31.455, + "recall_at_1": 5.178, + "recall_at_10": 15.953999999999999, + "recall_at_100": 32.302, + "recall_at_1000": 66.141, + "recall_at_20": 20.164, + "recall_at_3": 9.543, + "recall_at_5": 12.122, + "main_score": 33.375 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/NQ.json b/results/Lajavaness__bilingual-embedding-large/external/NQ.json new file mode 100644 index 000000000..d117c844a --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/NQ.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.055, + "map_at_10": 41.083999999999996, + "map_at_100": 42.224000000000004, + "map_at_1000": 42.257, + "map_at_20": 41.784, + "map_at_3": 36.723, + "map_at_5": 39.273, + "mrr_at_1": 29.606025492468135, + "mrr_at_10": 43.45453061487235, + "mrr_at_100": 44.359307196291084, + "mrr_at_1000": 44.381684050779526, + "mrr_at_20": 44.030997469996194, + "mrr_at_3": 39.720934723831505, + "mrr_at_5": 42.022499034376175, + "nauc_map_at_1000_diff1": 26.76541483517918, + "nauc_map_at_1000_max": 19.809039380824913, + "nauc_map_at_100_diff1": 26.760924553836734, + "nauc_map_at_100_max": 19.83428751875836, + "nauc_map_at_10_diff1": 26.769732207295267, + "nauc_map_at_10_max": 19.863047353529897, + "nauc_map_at_1_diff1": 29.201621041718667, + "nauc_map_at_1_max": 14.364492945564905, + "nauc_map_at_20_diff1": 26.674976321149973, + "nauc_map_at_20_max": 19.884257572716017, + "nauc_map_at_3_diff1": 26.76312057995921, + "nauc_map_at_3_max": 17.62825139877827, + "nauc_map_at_5_diff1": 26.644381444678316, + "nauc_map_at_5_max": 18.856601570559434, + "nauc_mrr_at_1000_diff1": 26.684030004000704, + "nauc_mrr_at_1000_max": 19.119179846940394, + "nauc_mrr_at_100_diff1": 26.675761985594686, + "nauc_mrr_at_100_max": 19.140587878258298, + "nauc_mrr_at_10_diff1": 26.665760431219944, + "nauc_mrr_at_10_max": 19.31261761413767, + "nauc_mrr_at_1_diff1": 28.709762717708536, + "nauc_mrr_at_1_max": 15.149659927369385, + "nauc_mrr_at_20_diff1": 26.624043063321917, + "nauc_mrr_at_20_max": 19.209958573063687, + "nauc_mrr_at_3_diff1": 26.77330097531843, + "nauc_mrr_at_3_max": 17.612231301724815, + "nauc_mrr_at_5_diff1": 26.56889614476147, + "nauc_mrr_at_5_max": 18.656150785847572, + "nauc_ndcg_at_1000_diff1": 26.397751149487984, + "nauc_ndcg_at_1000_max": 21.545907180381313, + "nauc_ndcg_at_100_diff1": 26.309403626759497, + "nauc_ndcg_at_100_max": 22.31843541483522, + "nauc_ndcg_at_10_diff1": 26.142309559894073, + "nauc_ndcg_at_10_max": 22.717825303945634, + "nauc_ndcg_at_1_diff1": 28.709762717708536, + "nauc_ndcg_at_1_max": 15.149659927369385, + "nauc_ndcg_at_20_diff1": 25.818506896789568, + "nauc_ndcg_at_20_max": 22.651962737600197, + "nauc_ndcg_at_3_diff1": 26.145934086132776, + "nauc_ndcg_at_3_max": 18.26235061310097, + "nauc_ndcg_at_5_diff1": 25.85449614918472, + "nauc_ndcg_at_5_max": 20.381012048917516, + "nauc_precision_at_1000_diff1": -0.6827860286776168, + "nauc_precision_at_1000_max": 8.378483017985578, + "nauc_precision_at_100_diff1": 4.067738574805885, + "nauc_precision_at_100_max": 17.55071297375258, + "nauc_precision_at_10_diff1": 15.705216899414992, + "nauc_precision_at_10_max": 27.119798265006324, + "nauc_precision_at_1_diff1": 28.709762717708536, + "nauc_precision_at_1_max": 15.149659927369385, + "nauc_precision_at_20_diff1": 11.127812517802427, + "nauc_precision_at_20_max": 25.355692634039844, + "nauc_precision_at_3_diff1": 21.38569968325444, + "nauc_precision_at_3_max": 20.50280718163951, + "nauc_precision_at_5_diff1": 19.098857947112037, + "nauc_precision_at_5_max": 24.102611808955704, + "nauc_recall_at_1000_diff1": 16.862538443135836, + "nauc_recall_at_1000_max": 61.40503097936373, + "nauc_recall_at_100_diff1": 21.658523699091088, + "nauc_recall_at_100_max": 51.2872759882369, + "nauc_recall_at_10_diff1": 22.71058292832909, + "nauc_recall_at_10_max": 33.33181387306634, + "nauc_recall_at_1_diff1": 29.201621041718667, + "nauc_recall_at_1_max": 14.364492945564905, + "nauc_recall_at_20_diff1": 20.04313016737262, + "nauc_recall_at_20_max": 35.97358308781672, + "nauc_recall_at_3_diff1": 23.41931684712934, + "nauc_recall_at_3_max": 19.09561618140646, + "nauc_recall_at_5_diff1": 22.3205510124055, + "nauc_recall_at_5_max": 24.11939747473056, + "ndcg_at_1": 29.605999999999998, + "ndcg_at_10": 48.92, + "ndcg_at_100": 53.95100000000001, + "ndcg_at_1000": 54.725, + "ndcg_at_20": 51.266, + "ndcg_at_3": 40.668, + "ndcg_at_5": 44.967, + "precision_at_1": 29.605999999999998, + "precision_at_10": 8.386000000000001, + "precision_at_100": 1.123, + "precision_at_1000": 0.12, + "precision_at_20": 4.745, + "precision_at_3": 19.003, + "precision_at_5": 13.847000000000001, + "recall_at_1": 26.055, + "recall_at_10": 70.45400000000001, + "recall_at_100": 92.586, + "recall_at_1000": 98.346, + "recall_at_20": 79.251, + "recall_at_3": 49.102000000000004, + "recall_at_5": 58.971, + "main_score": 48.92 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/OpusparcusPC.json b/results/Lajavaness__bilingual-embedding-large/external/OpusparcusPC.json new file mode 100644 index 000000000..25f6a3896 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/OpusparcusPC.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "9e9b1f8ef51616073f47f306f7f47dd91663f86a", + "task_name": "OpusparcusPC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_accuracy": 84.80926430517711, + "cos_sim_ap": 94.76661922683681, + "cos_sim_f1": 89.31480594154289, + "cos_sim_precision": 86.29629629629629, + "cos_sim_recall": 92.55213505461768, + "dot_accuracy": 84.80926430517711, + "dot_ap": 94.766630886443, + "dot_f1": 89.31480594154289, + "dot_precision": 86.29629629629629, + "dot_recall": 92.55213505461768, + "euclidean_accuracy": 84.80926430517711, + "euclidean_ap": 94.76661922683681, + "euclidean_f1": 89.31480594154289, + "euclidean_precision": 86.29629629629629, + "euclidean_recall": 92.55213505461768, + "manhattan_accuracy": 84.94550408719346, + "manhattan_ap": 94.78582392571815, + "manhattan_f1": 89.33912204534491, + "manhattan_precision": 86.86679174484053, + "manhattan_recall": 91.9563058589871, + "max_accuracy": 84.94550408719346, + "max_ap": 94.78582392571815, + "max_f1": 89.33912204534491, + "main_score": 94.78582392571815 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/QuoraRetrieval.json b/results/Lajavaness__bilingual-embedding-large/external/QuoraRetrieval.json new file mode 100644 index 000000000..11c5ebd43 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/QuoraRetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "e4e08e0b7dbe3c8700f0daef558ff32256715259", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 69.447, + "map_at_10": 83.64, + "map_at_100": 84.288, + "map_at_1000": 84.303, + "map_at_20": 84.053, + "map_at_3": 80.574, + "map_at_5": 82.505, + "mrr_at_1": 80.11, + "mrr_at_10": 86.60214682539649, + "mrr_at_100": 86.71441260512907, + "mrr_at_1000": 86.71536101979181, + "mrr_at_20": 86.6827468831904, + "mrr_at_3": 85.52499999999968, + "mrr_at_5": 86.27599999999961, + "nauc_map_at_1000_diff1": 76.63421277726033, + "nauc_map_at_1000_max": 27.08476517398696, + "nauc_map_at_100_diff1": 76.64091194725574, + "nauc_map_at_100_max": 27.064003267679915, + "nauc_map_at_10_diff1": 76.94636311335489, + "nauc_map_at_10_max": 26.623445177537064, + "nauc_map_at_1_diff1": 80.35741239227117, + "nauc_map_at_1_max": 19.601081851834493, + "nauc_map_at_20_diff1": 76.75819861748138, + "nauc_map_at_20_max": 26.90908360101246, + "nauc_map_at_3_diff1": 77.16382759231664, + "nauc_map_at_3_max": 24.01363829066626, + "nauc_map_at_5_diff1": 77.18575783199175, + "nauc_map_at_5_max": 25.401311808248085, + "nauc_mrr_at_1000_diff1": 76.36693861595076, + "nauc_mrr_at_1000_max": 29.77726330795949, + "nauc_mrr_at_100_diff1": 76.36757607506709, + "nauc_mrr_at_100_max": 29.78003637254935, + "nauc_mrr_at_10_diff1": 76.33194717359089, + "nauc_mrr_at_10_max": 29.79427135219049, + "nauc_mrr_at_1_diff1": 77.30787208693424, + "nauc_mrr_at_1_max": 29.30894249756117, + "nauc_mrr_at_20_diff1": 76.35228591402253, + "nauc_mrr_at_20_max": 29.808161336278626, + "nauc_mrr_at_3_diff1": 76.06947603126537, + "nauc_mrr_at_3_max": 29.530736224652838, + "nauc_mrr_at_5_diff1": 76.27457245547217, + "nauc_mrr_at_5_max": 29.71429279915661, + "nauc_ndcg_at_1000_diff1": 76.206745321555, + "nauc_ndcg_at_1000_max": 28.677077854053035, + "nauc_ndcg_at_100_diff1": 76.25100867278728, + "nauc_ndcg_at_100_max": 28.65320148254074, + "nauc_ndcg_at_10_diff1": 76.44814390944579, + "nauc_ndcg_at_10_max": 27.831581434534886, + "nauc_ndcg_at_1_diff1": 77.29022798554173, + "nauc_ndcg_at_1_max": 29.423034034080292, + "nauc_ndcg_at_20_diff1": 76.35440195917975, + "nauc_ndcg_at_20_max": 28.283452431778972, + "nauc_ndcg_at_3_diff1": 75.60134116134631, + "nauc_ndcg_at_3_max": 26.160288096068555, + "nauc_ndcg_at_5_diff1": 76.34144562744945, + "nauc_ndcg_at_5_max": 26.703986078695465, + "nauc_precision_at_1000_diff1": -44.3837577877707, + "nauc_precision_at_1000_max": -1.3120146902477923, + "nauc_precision_at_100_diff1": -43.99532254640492, + "nauc_precision_at_100_max": -1.1475475372605297, + "nauc_precision_at_10_diff1": -37.820031999886965, + "nauc_precision_at_10_max": 2.789769770604332, + "nauc_precision_at_1_diff1": 77.29022798554173, + "nauc_precision_at_1_max": 29.423034034080292, + "nauc_precision_at_20_diff1": -41.12842066028903, + "nauc_precision_at_20_max": 0.8848328472327934, + "nauc_precision_at_3_diff1": -15.499086324388763, + "nauc_precision_at_3_max": 8.825638297398093, + "nauc_precision_at_5_diff1": -29.15689830583447, + "nauc_precision_at_5_max": 5.222909637803313, + "nauc_recall_at_1000_diff1": 58.316380735449044, + "nauc_recall_at_1000_max": 35.474215603329014, + "nauc_recall_at_100_diff1": 74.02961332717067, + "nauc_recall_at_100_max": 34.87738243272472, + "nauc_recall_at_10_diff1": 71.73536883864209, + "nauc_recall_at_10_max": 24.763680858463065, + "nauc_recall_at_1_diff1": 80.35741239227117, + "nauc_recall_at_1_max": 19.601081851834493, + "nauc_recall_at_20_diff1": 71.44247977786146, + "nauc_recall_at_20_max": 27.15094620537665, + "nauc_recall_at_3_diff1": 72.96240828568985, + "nauc_recall_at_3_max": 19.89319465322196, + "nauc_recall_at_5_diff1": 72.2253431450756, + "nauc_recall_at_5_max": 21.07584062401138, + "ndcg_at_1": 80.12, + "ndcg_at_10": 87.58200000000001, + "ndcg_at_100": 88.838, + "ndcg_at_1000": 88.932, + "ndcg_at_20": 88.23, + "ndcg_at_3": 84.468, + "ndcg_at_5": 86.217, + "precision_at_1": 80.12, + "precision_at_10": 13.404, + "precision_at_100": 1.536, + "precision_at_1000": 0.157, + "precision_at_20": 7.105, + "precision_at_3": 37.083, + "precision_at_5": 24.490000000000002, + "recall_at_1": 69.447, + "recall_at_10": 95.261, + "recall_at_100": 99.556, + "recall_at_1000": 99.98700000000001, + "recall_at_20": 97.329, + "recall_at_3": 86.454, + "recall_at_5": 91.302, + "main_score": 87.58200000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/RedditClustering.json b/results/Lajavaness__bilingual-embedding-large/external/RedditClustering.json new file mode 100644 index 000000000..c3e24688c --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/RedditClustering.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 57.01720770852658, + "v_measures": [ + 0.5756544791593571, + 0.6377272023562836, + 0.5350514791957027, + 0.5727084874879221, + 0.5741416733953204 + ], + "main_score": 57.01720770852658 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/RedditClusteringP2P.json b/results/Lajavaness__bilingual-embedding-large/external/RedditClusteringP2P.json new file mode 100644 index 000000000..8dd0377ec --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/RedditClusteringP2P.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 63.39660435448354, + "v_measures": [ + 0.6741507650969407, + 0.6776857590180145, + 0.6519472016355243, + 0.4016811296197587, + 0.7184490438164246 + ], + "main_score": 63.39660435448354 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/SCIDOCS.json b/results/Lajavaness__bilingual-embedding-large/external/SCIDOCS.json new file mode 100644 index 000000000..6205f0db7 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/SCIDOCS.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "f8c2fcf00f625baaa80f62ec5bd9e1fff3b8ae88", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.123, + "map_at_10": 11.003, + "map_at_100": 13.086, + "map_at_1000": 13.406, + "map_at_20": 12.006, + "map_at_3": 7.505000000000001, + "map_at_5": 9.139, + "mrr_at_1": 20.3, + "mrr_at_10": 31.21436507936507, + "mrr_at_100": 32.43997259322759, + "mrr_at_1000": 32.49804601067173, + "mrr_at_20": 31.961783515332247, + "mrr_at_3": 27.833333333333343, + "mrr_at_5": 29.79833333333332, + "nauc_map_at_1000_diff1": 14.661473310156135, + "nauc_map_at_1000_max": 23.969100824477742, + "nauc_map_at_100_diff1": 14.703051233516987, + "nauc_map_at_100_max": 23.881944995141712, + "nauc_map_at_10_diff1": 15.225425788786485, + "nauc_map_at_10_max": 22.39713605775864, + "nauc_map_at_1_diff1": 20.404606112095774, + "nauc_map_at_1_max": 12.759366847303136, + "nauc_map_at_20_diff1": 14.985657067007502, + "nauc_map_at_20_max": 23.379808618858394, + "nauc_map_at_3_diff1": 17.087758058517867, + "nauc_map_at_3_max": 19.754509850158033, + "nauc_map_at_5_diff1": 15.453826256469172, + "nauc_map_at_5_max": 19.720929794286146, + "nauc_mrr_at_1000_diff1": 15.440551763342134, + "nauc_mrr_at_1000_max": 16.67610367954031, + "nauc_mrr_at_100_diff1": 15.446397904682927, + "nauc_mrr_at_100_max": 16.68538737853014, + "nauc_mrr_at_10_diff1": 15.130957558462777, + "nauc_mrr_at_10_max": 16.729201930834854, + "nauc_mrr_at_1_diff1": 20.599787166082688, + "nauc_mrr_at_1_max": 13.086396766722139, + "nauc_mrr_at_20_diff1": 15.521589995373436, + "nauc_mrr_at_20_max": 16.807989440190692, + "nauc_mrr_at_3_diff1": 14.779375429377223, + "nauc_mrr_at_3_max": 15.799708324795999, + "nauc_mrr_at_5_diff1": 14.714606377690822, + "nauc_mrr_at_5_max": 15.82617740543559, + "nauc_ndcg_at_1000_diff1": 13.39201747975155, + "nauc_ndcg_at_1000_max": 25.33597144067427, + "nauc_ndcg_at_100_diff1": 13.80191100123789, + "nauc_ndcg_at_100_max": 25.22623989738723, + "nauc_ndcg_at_10_diff1": 14.052113477249403, + "nauc_ndcg_at_10_max": 22.61410174349243, + "nauc_ndcg_at_1_diff1": 20.599787166082688, + "nauc_ndcg_at_1_max": 13.086396766722139, + "nauc_ndcg_at_20_diff1": 14.54284244377066, + "nauc_ndcg_at_20_max": 24.09340663574116, + "nauc_ndcg_at_3_diff1": 15.283233264388679, + "nauc_ndcg_at_3_max": 19.276973272574264, + "nauc_ndcg_at_5_diff1": 13.930696883287624, + "nauc_ndcg_at_5_max": 18.73611502366555, + "nauc_precision_at_1000_diff1": 5.180565775548697, + "nauc_precision_at_1000_max": 24.82929948766495, + "nauc_precision_at_100_diff1": 9.162311335376176, + "nauc_precision_at_100_max": 26.64992389415198, + "nauc_precision_at_10_diff1": 11.364602358380695, + "nauc_precision_at_10_max": 25.52348798501451, + "nauc_precision_at_1_diff1": 20.599787166082688, + "nauc_precision_at_1_max": 13.086396766722139, + "nauc_precision_at_20_diff1": 12.045746243312522, + "nauc_precision_at_20_max": 26.867317370076194, + "nauc_precision_at_3_diff1": 13.040150636666178, + "nauc_precision_at_3_max": 21.357221278029044, + "nauc_precision_at_5_diff1": 11.314395666011867, + "nauc_precision_at_5_max": 20.004759964663357, + "nauc_recall_at_1000_diff1": 4.149648293224201, + "nauc_recall_at_1000_max": 23.5600226747804, + "nauc_recall_at_100_diff1": 8.522718126025284, + "nauc_recall_at_100_max": 25.922981469643343, + "nauc_recall_at_10_diff1": 10.804397935171327, + "nauc_recall_at_10_max": 24.77066994708541, + "nauc_recall_at_1_diff1": 20.404606112095774, + "nauc_recall_at_1_max": 12.759366847303136, + "nauc_recall_at_20_diff1": 11.425764665711029, + "nauc_recall_at_20_max": 26.18551564490963, + "nauc_recall_at_3_diff1": 12.708708044291516, + "nauc_recall_at_3_max": 20.833248700871195, + "nauc_recall_at_5_diff1": 10.890559276299753, + "nauc_recall_at_5_max": 19.28508635673444, + "ndcg_at_1": 20.3, + "ndcg_at_10": 18.829, + "ndcg_at_100": 27.095000000000002, + "ndcg_at_1000": 32.748, + "ndcg_at_20": 21.648, + "ndcg_at_3": 17.041999999999998, + "ndcg_at_5": 15.17, + "precision_at_1": 20.3, + "precision_at_10": 10.09, + "precision_at_100": 2.2089999999999996, + "precision_at_1000": 0.357, + "precision_at_20": 6.68, + "precision_at_3": 16.1, + "precision_at_5": 13.56, + "recall_at_1": 4.123, + "recall_at_10": 20.487, + "recall_at_100": 44.835, + "recall_at_1000": 72.458, + "recall_at_20": 27.102999999999998, + "recall_at_3": 9.778, + "recall_at_5": 13.763, + "main_score": 18.829 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/SICK-R.json b/results/Lajavaness__bilingual-embedding-large/external/SICK-R.json new file mode 100644 index 000000000..ce3710f20 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.67710766878982, + "cos_sim_spearman": 81.0146278511025, + "euclidean_pearson": 84.6541976779553, + "euclidean_spearman": 81.01462483847283, + "manhattan_pearson": 84.63222929587954, + "manhattan_spearman": 80.95879743785594, + "cosine_pearson": 86.67710766878982, + "cosine_spearman": 81.0146278511025, + "main_score": 81.0146278511025 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/SICKFr.json b/results/Lajavaness__bilingual-embedding-large/external/SICKFr.json new file mode 100644 index 000000000..a60f344f2 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/SICKFr.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e077ab4cf4774a1e36d86d593b150422fafd8e8a", + "task_name": "SICKFr", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 85.15315949054092, + "cos_sim_spearman": 79.19701933507372, + "euclidean_pearson": 82.68441006897395, + "euclidean_spearman": 79.1963186010215, + "manhattan_pearson": 82.6725500567899, + "manhattan_spearman": 79.13255295711785, + "cosine_pearson": 85.15315949054092, + "cosine_spearman": 79.19701933507372, + "main_score": 79.19701933507372 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/STS12.json b/results/Lajavaness__bilingual-embedding-large/external/STS12.json new file mode 100644 index 000000000..1591dd711 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 91.56759945236915, + "cos_sim_spearman": 85.52036823639511, + "euclidean_pearson": 89.13232574418899, + "euclidean_spearman": 85.51983870200014, + "manhattan_pearson": 89.13468354750995, + "manhattan_spearman": 85.5125095149674, + "cosine_pearson": 91.56759945236915, + "cosine_spearman": 85.52036823639511, + "main_score": 85.52036823639511 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/STS13.json b/results/Lajavaness__bilingual-embedding-large/external/STS13.json new file mode 100644 index 000000000..6ea32c3fa --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.77431350593656, + "cos_sim_spearman": 89.36590409791387, + "euclidean_pearson": 89.41057125926268, + "euclidean_spearman": 89.36590409791387, + "manhattan_pearson": 89.23527839147364, + "manhattan_spearman": 89.1460164042126, + "cosine_pearson": 88.77431350593656, + "cosine_spearman": 89.36590409791387, + "main_score": 89.36590409791387 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/STS14.json b/results/Lajavaness__bilingual-embedding-large/external/STS14.json new file mode 100644 index 000000000..99a20cd48 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 91.28072839903398, + "cos_sim_spearman": 91.60879188296313, + "euclidean_pearson": 90.82019203957024, + "euclidean_spearman": 91.60879056019314, + "manhattan_pearson": 90.68711650077914, + "manhattan_spearman": 91.51996736811303, + "cosine_pearson": 91.28072839903398, + "cosine_spearman": 91.60879188296313, + "main_score": 91.60879188296313 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/STS15.json b/results/Lajavaness__bilingual-embedding-large/external/STS15.json new file mode 100644 index 000000000..b86ffc61c --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 91.30086405535995, + "cos_sim_spearman": 92.02450415044238, + "euclidean_pearson": 91.62742541974103, + "euclidean_spearman": 92.02448526713779, + "manhattan_pearson": 91.58340156488379, + "manhattan_spearman": 91.97028302271599, + "cosine_pearson": 91.30086405535995, + "cosine_spearman": 92.02450415044238, + "main_score": 92.02450415044238 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/STS16.json b/results/Lajavaness__bilingual-embedding-large/external/STS16.json new file mode 100644 index 000000000..fdb790e33 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.26589373642062, + "cos_sim_spearman": 86.29327410655272, + "euclidean_pearson": 86.14121596120088, + "euclidean_spearman": 86.2932736410034, + "manhattan_pearson": 86.099615966564, + "manhattan_spearman": 86.23990988150905, + "cosine_pearson": 84.26589373642062, + "cosine_spearman": 86.29327410655272, + "main_score": 86.29327410655272 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/STS17.json b/results/Lajavaness__bilingual-embedding-large/external/STS17.json new file mode 100644 index 000000000..88e278752 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "faeb762787bd10488a50c8b5be4a3b82e411949c", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.83802620244516, + "cos_sim_spearman": 88.70915251373806, + "euclidean_pearson": 89.23928842159836, + "euclidean_spearman": 88.70915251373806, + "manhattan_pearson": 89.3066543956283, + "manhattan_spearman": 88.72003093613347, + "cosine_pearson": 88.83802620244516, + "cosine_spearman": 88.70915251373806, + "main_score": 88.70915251373806 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/STS22.json b/results/Lajavaness__bilingual-embedding-large/external/STS22.json new file mode 100644 index 000000000..3c636dcda --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/STS22.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "de9d86b3b84231dc21f76c7b7af1f28e2f57f6e3", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 83.13328685349694, + "cos_sim_spearman": 84.64291479319418, + "euclidean_pearson": 83.28605886303359, + "euclidean_spearman": 84.64291479319418, + "manhattan_pearson": 83.01485484058145, + "manhattan_spearman": 84.35826862976153, + "cosine_pearson": 83.13328685349694, + "cosine_spearman": 84.64291479319418, + "main_score": 84.64291479319418 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 69.16204861304973, + "cos_sim_spearman": 68.57518139813385, + "euclidean_pearson": 70.11263405788239, + "euclidean_spearman": 68.57518139813385, + "manhattan_pearson": 70.02611504966039, + "manhattan_spearman": 68.54506840432155, + "cosine_pearson": 69.16204861304973, + "cosine_spearman": 68.57518139813385, + "main_score": 68.57518139813385 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/STSBenchmark.json b/results/Lajavaness__bilingual-embedding-large/external/STSBenchmark.json new file mode 100644 index 000000000..cb432ad8e --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.48685029144609, + "cos_sim_spearman": 89.28237056532355, + "euclidean_pearson": 88.790582154664, + "euclidean_spearman": 89.28237627971608, + "manhattan_pearson": 88.7750314966219, + "manhattan_spearman": 89.24273911375099, + "cosine_pearson": 88.48685029144609, + "cosine_spearman": 89.28237056532355, + "main_score": 89.28237056532355 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/STSBenchmarkMultilingualSTS.json b/results/Lajavaness__bilingual-embedding-large/external/STSBenchmarkMultilingualSTS.json new file mode 100644 index 000000000..01b1619b1 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/STSBenchmarkMultilingualSTS.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "29afa2569dcedaaa2fe6a3dcfebab33d28b82e8c", + "task_name": "STSBenchmarkMultilingualSTS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 86.15391910168253, + "cos_sim_spearman": 87.0224186207858, + "euclidean_pearson": 86.04463800957714, + "euclidean_spearman": 87.02424394489165, + "manhattan_pearson": 86.03126279628441, + "manhattan_spearman": 86.99427177229043, + "cosine_pearson": 86.15391910168253, + "cosine_spearman": 87.0224186207858, + "main_score": 87.0224186207858 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/SciDocsRR.json b/results/Lajavaness__bilingual-embedding-large/external/SciDocsRR.json new file mode 100644 index 000000000..e21e6a32f --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/SciDocsRR.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 84.26465304018446, + "mrr": 95.55740102308728, + "nAUC_map_diff1": 2.3010600094211826, + "nAUC_map_max": 51.82496315164315, + "nAUC_mrr_diff1": 47.20050019161225, + "nAUC_mrr_max": 82.06692909101838, + "main_score": 84.26465304018446 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/SciFact.json b/results/Lajavaness__bilingual-embedding-large/external/SciFact.json new file mode 100644 index 000000000..0fd48e5e6 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/SciFact.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 52.261, + "map_at_10": 63.474, + "map_at_100": 64.101, + "map_at_1000": 64.12400000000001, + "map_at_20": 63.92099999999999, + "map_at_3": 60.202, + "map_at_5": 62.346999999999994, + "mrr_at_1": 55.333333333333336, + "mrr_at_10": 64.810582010582, + "mrr_at_100": 65.29369311756177, + "mrr_at_1000": 65.31668703226731, + "mrr_at_20": 65.142404762993, + "mrr_at_3": 62.27777777777778, + "mrr_at_5": 63.89444444444443, + "nauc_map_at_1000_diff1": 71.57738550930519, + "nauc_map_at_1000_max": 52.120881969712784, + "nauc_map_at_100_diff1": 71.5681737134227, + "nauc_map_at_100_max": 52.129646665477416, + "nauc_map_at_10_diff1": 71.5021261214607, + "nauc_map_at_10_max": 51.90640420773687, + "nauc_map_at_1_diff1": 74.72600050724301, + "nauc_map_at_1_max": 45.859865902655, + "nauc_map_at_20_diff1": 71.41589038508471, + "nauc_map_at_20_max": 52.18146822557371, + "nauc_map_at_3_diff1": 71.70482718158765, + "nauc_map_at_3_max": 49.510310769007184, + "nauc_map_at_5_diff1": 71.43450369677332, + "nauc_map_at_5_max": 51.63328958880189, + "nauc_mrr_at_1000_diff1": 71.41985649990272, + "nauc_mrr_at_1000_max": 53.91827766909258, + "nauc_mrr_at_100_diff1": 71.41063093218023, + "nauc_mrr_at_100_max": 53.92567207016017, + "nauc_mrr_at_10_diff1": 71.29002807688848, + "nauc_mrr_at_10_max": 53.929340888153035, + "nauc_mrr_at_1_diff1": 75.33047097398506, + "nauc_mrr_at_1_max": 51.21196178092619, + "nauc_mrr_at_20_diff1": 71.2670444409678, + "nauc_mrr_at_20_max": 53.98922395823477, + "nauc_mrr_at_3_diff1": 71.34253146019464, + "nauc_mrr_at_3_max": 53.88566895296174, + "nauc_mrr_at_5_diff1": 71.22395053830624, + "nauc_mrr_at_5_max": 53.95661663889736, + "nauc_ndcg_at_1000_diff1": 70.70906891526685, + "nauc_ndcg_at_1000_max": 53.75091762583295, + "nauc_ndcg_at_100_diff1": 70.50810836912629, + "nauc_ndcg_at_100_max": 54.16895375464208, + "nauc_ndcg_at_10_diff1": 69.93929339259867, + "nauc_ndcg_at_10_max": 53.77039667237021, + "nauc_ndcg_at_1_diff1": 75.33047097398506, + "nauc_ndcg_at_1_max": 51.21196178092619, + "nauc_ndcg_at_20_diff1": 69.56746634646002, + "nauc_ndcg_at_20_max": 54.570390765735674, + "nauc_ndcg_at_3_diff1": 70.29929722219461, + "nauc_ndcg_at_3_max": 51.98432322450574, + "nauc_ndcg_at_5_diff1": 69.91123944884558, + "nauc_ndcg_at_5_max": 53.413153135040034, + "nauc_precision_at_1000_diff1": -17.62636021560043, + "nauc_precision_at_1000_max": 24.21573612664845, + "nauc_precision_at_100_diff1": -3.0012526096032692, + "nauc_precision_at_100_max": 32.47821851078637, + "nauc_precision_at_10_diff1": 20.940060915480927, + "nauc_precision_at_10_max": 45.96592813527698, + "nauc_precision_at_1_diff1": 75.33047097398506, + "nauc_precision_at_1_max": 51.21196178092619, + "nauc_precision_at_20_diff1": 8.077545225645986, + "nauc_precision_at_20_max": 41.63579071297479, + "nauc_precision_at_3_diff1": 49.7270000524541, + "nauc_precision_at_3_max": 50.338806048439, + "nauc_precision_at_5_diff1": 32.83291402594661, + "nauc_precision_at_5_max": 49.9039946475297, + "nauc_recall_at_1000_diff1": 12.278244631182748, + "nauc_recall_at_1000_max": 12.278244631182748, + "nauc_recall_at_100_diff1": 60.89519140989744, + "nauc_recall_at_100_max": 66.77462651727343, + "nauc_recall_at_10_diff1": 60.68672210792195, + "nauc_recall_at_10_max": 56.36646101118327, + "nauc_recall_at_1_diff1": 74.72600050724301, + "nauc_recall_at_1_max": 45.859865902655, + "nauc_recall_at_20_diff1": 55.29680767802708, + "nauc_recall_at_20_max": 63.48062195652917, + "nauc_recall_at_3_diff1": 65.48457154826137, + "nauc_recall_at_3_max": 52.45983257437835, + "nauc_recall_at_5_diff1": 63.012725559525876, + "nauc_recall_at_5_max": 55.32310936331189, + "ndcg_at_1": 55.333, + "ndcg_at_10": 68.547, + "ndcg_at_100": 71.203, + "ndcg_at_1000": 71.839, + "ndcg_at_20": 69.973, + "ndcg_at_3": 62.982000000000006, + "ndcg_at_5": 66.116, + "precision_at_1": 55.333, + "precision_at_10": 9.367, + "precision_at_100": 1.077, + "precision_at_1000": 0.11299999999999999, + "precision_at_20": 5.017, + "precision_at_3": 24.778, + "precision_at_5": 17.0, + "recall_at_1": 52.261, + "recall_at_10": 82.756, + "recall_at_100": 94.667, + "recall_at_1000": 99.667, + "recall_at_20": 88.1, + "recall_at_3": 68.072, + "recall_at_5": 75.594, + "main_score": 68.547 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/SprintDuplicateQuestions.json b/results/Lajavaness__bilingual-embedding-large/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..a1430c1be --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.7089108910891, + "cos_sim_ap": 92.56973112464647, + "cos_sim_f1": 85.71428571428572, + "cos_sim_precision": 83.36483931947069, + "cos_sim_recall": 88.2, + "dot_accuracy": 99.7089108910891, + "dot_ap": 92.56973112464647, + "dot_f1": 85.71428571428572, + "dot_precision": 83.36483931947069, + "dot_recall": 88.2, + "euclidean_accuracy": 99.7089108910891, + "euclidean_ap": 92.56973112464647, + "euclidean_f1": 85.71428571428572, + "euclidean_precision": 83.36483931947069, + "euclidean_recall": 88.2, + "manhattan_accuracy": 99.71089108910891, + "manhattan_ap": 92.61210920251231, + "manhattan_f1": 85.67335243553008, + "manhattan_precision": 81.99268738574041, + "manhattan_recall": 89.7, + "max_accuracy": 99.71089108910891, + "max_ap": 92.61210920251231, + "max_f1": 85.71428571428572, + "main_score": 92.61210920251231 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/StackExchangeClustering.json b/results/Lajavaness__bilingual-embedding-large/external/StackExchangeClustering.json new file mode 100644 index 000000000..9edc456cc --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/StackExchangeClustering.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 63.52867442696344, + "v_measures": [ + 0.6625048987673257, + 0.6592452238860584, + 0.5336897183180842, + 0.6536652552260772, + 0.6447075326923979 + ], + "main_score": 63.52867442696344 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/StackExchangeClusteringP2P.json b/results/Lajavaness__bilingual-embedding-large/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..9b6a16a2e --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/StackExchangeClusteringP2P.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.484264639302125, + "v_measures": [ + 0.32723348522700696, + 0.32988067014351286, + 0.3321795520202266, + 0.3280894871874504, + 0.334180768657311 + ], + "main_score": 34.484264639302125 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/StackOverflowDupQuestions.json b/results/Lajavaness__bilingual-embedding-large/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..11200ee2a --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/StackOverflowDupQuestions.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 48.297646501427, + "mrr": 48.996066229522114, + "nAUC_map_diff1": 35.64070514812399, + "nAUC_map_max": 14.117031860096372, + "nAUC_mrr_diff1": 36.00922952321859, + "nAUC_mrr_max": 15.053021581086082, + "main_score": 48.297646501427 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/SummEval.json b/results/Lajavaness__bilingual-embedding-large/external/SummEval.json new file mode 100644 index 000000000..2c94fd8e4 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.07533307224652, + "cos_sim_spearman": 31.140404379619575, + "dot_pearson": 31.07533309209607, + "dot_spearman": 31.163489511951852, + "cosine_pearson": 31.07533307224652, + "cosine_spearman": 31.140404379619575, + "main_score": 31.140404379619575 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/SummEvalFr.json b/results/Lajavaness__bilingual-embedding-large/external/SummEvalFr.json new file mode 100644 index 000000000..089ad926a --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/SummEvalFr.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "b385812de6a9577b6f4d0f88c6a6e35395a94054", + "task_name": "SummEvalFr", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 31.415083738613355, + "cos_sim_spearman": 30.301784303588285, + "dot_pearson": 31.415089981266963, + "dot_spearman": 30.286152348575108, + "cosine_pearson": 31.415083738613355, + "cosine_spearman": 30.301784303588285, + "main_score": 30.301784303588285 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/SyntecReranking.json b/results/Lajavaness__bilingual-embedding-large/external/SyntecReranking.json new file mode 100644 index 000000000..c3abb89c9 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/SyntecReranking.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "daf0863838cd9e3ba50544cdce3ac2b338a1b0ad", + "task_name": "SyntecReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map": 85.95238095238095, + "mrr": 85.95238095238095, + "nAUC_map_diff1": 70.42176052252755, + "nAUC_map_max": 19.806028833551718, + "nAUC_mrr_diff1": 70.42176052252755, + "nAUC_mrr_max": 19.806028833551718, + "main_score": 85.95238095238095 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/SyntecRetrieval.json b/results/Lajavaness__bilingual-embedding-large/external/SyntecRetrieval.json new file mode 100644 index 000000000..08a2bbc81 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/SyntecRetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "19661ccdca4dfc2d15122d776b61685f48c68ca9", + "task_name": "SyntecRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map_at_1": 69.0, + "map_at_10": 79.668, + "map_at_100": 79.791, + "map_at_1000": 79.791, + "map_at_20": 79.751, + "map_at_3": 78.167, + "map_at_5": 79.067, + "mrr_at_1": 69.0, + "mrr_at_10": 79.66785714285714, + "mrr_at_100": 79.7911904761905, + "mrr_at_1000": 79.7911904761905, + "mrr_at_20": 79.75119047619049, + "mrr_at_3": 78.16666666666666, + "mrr_at_5": 79.06666666666666, + "nauc_map_at_1000_diff1": 57.567834845260215, + "nauc_map_at_1000_max": 19.884081021539316, + "nauc_map_at_100_diff1": 57.567834845260215, + "nauc_map_at_100_max": 19.884081021539316, + "nauc_map_at_10_diff1": 57.58744042822529, + "nauc_map_at_10_max": 20.086792005769567, + "nauc_map_at_1_diff1": 58.094784556502134, + "nauc_map_at_1_max": 16.46471594616999, + "nauc_map_at_20_diff1": 57.51896058548769, + "nauc_map_at_20_max": 19.71285790868927, + "nauc_map_at_3_diff1": 57.896383908331885, + "nauc_map_at_3_max": 19.524006306996704, + "nauc_map_at_5_diff1": 57.45922462199208, + "nauc_map_at_5_max": 21.48138549193403, + "nauc_mrr_at_1000_diff1": 57.567834845260215, + "nauc_mrr_at_1000_max": 19.884081021539316, + "nauc_mrr_at_100_diff1": 57.567834845260215, + "nauc_mrr_at_100_max": 19.884081021539316, + "nauc_mrr_at_10_diff1": 57.58744042822529, + "nauc_mrr_at_10_max": 20.086792005769567, + "nauc_mrr_at_1_diff1": 58.094784556502134, + "nauc_mrr_at_1_max": 16.46471594616999, + "nauc_mrr_at_20_diff1": 57.51896058548769, + "nauc_mrr_at_20_max": 19.71285790868927, + "nauc_mrr_at_3_diff1": 57.896383908331885, + "nauc_mrr_at_3_max": 19.524006306996704, + "nauc_mrr_at_5_diff1": 57.45922462199208, + "nauc_mrr_at_5_max": 21.48138549193403, + "nauc_ndcg_at_1000_diff1": 57.45681586498414, + "nauc_ndcg_at_1000_max": 20.083159493214627, + "nauc_ndcg_at_100_diff1": 57.45681586498414, + "nauc_ndcg_at_100_max": 20.083159493214627, + "nauc_ndcg_at_10_diff1": 57.41282118307387, + "nauc_ndcg_at_10_max": 20.46449823725533, + "nauc_ndcg_at_1_diff1": 58.094784556502134, + "nauc_ndcg_at_1_max": 16.46471594616999, + "nauc_ndcg_at_20_diff1": 57.121174268460486, + "nauc_ndcg_at_20_max": 18.898176707436974, + "nauc_ndcg_at_3_diff1": 57.98367634437588, + "nauc_ndcg_at_3_max": 20.131770232644623, + "nauc_ndcg_at_5_diff1": 56.88983122749084, + "nauc_ndcg_at_5_max": 24.213859501270516, + "nauc_precision_at_1000_diff1": "nan", + "nauc_precision_at_1000_max": "nan", + "nauc_precision_at_100_diff1": "nan", + "nauc_precision_at_100_max": "nan", + "nauc_precision_at_10_diff1": 54.014939309057695, + "nauc_precision_at_10_max": 21.82539682539744, + "nauc_precision_at_1_diff1": 58.094784556502134, + "nauc_precision_at_1_max": 16.46471594616999, + "nauc_precision_at_20_diff1": 35.80765639589114, + "nauc_precision_at_20_max": -56.34920634920767, + "nauc_precision_at_3_diff1": 58.57142857142844, + "nauc_precision_at_3_max": 23.053221288515303, + "nauc_precision_at_5_diff1": 51.26050420168061, + "nauc_precision_at_5_max": 49.00404606286964, + "nauc_recall_at_1000_diff1": "nan", + "nauc_recall_at_1000_max": "nan", + "nauc_recall_at_100_diff1": "nan", + "nauc_recall_at_100_max": "nan", + "nauc_recall_at_10_diff1": 54.0149393090569, + "nauc_recall_at_10_max": 21.825396825396858, + "nauc_recall_at_1_diff1": 58.094784556502134, + "nauc_recall_at_1_max": 16.46471594616999, + "nauc_recall_at_20_diff1": 35.80765639589109, + "nauc_recall_at_20_max": -56.34920634920657, + "nauc_recall_at_3_diff1": 58.571428571428505, + "nauc_recall_at_3_max": 23.05322128851543, + "nauc_recall_at_5_diff1": 51.260504201680824, + "nauc_recall_at_5_max": 49.004046062869584, + "ndcg_at_1": 69.0, + "ndcg_at_10": 84.198, + "ndcg_at_100": 84.681, + "ndcg_at_1000": 84.681, + "ndcg_at_20": 84.46900000000001, + "ndcg_at_3": 81.202, + "ndcg_at_5": 82.837, + "precision_at_1": 69.0, + "precision_at_10": 9.8, + "precision_at_100": 1.0, + "precision_at_1000": 0.1, + "precision_at_20": 4.95, + "precision_at_3": 30.0, + "precision_at_5": 18.8, + "recall_at_1": 69.0, + "recall_at_10": 98.0, + "recall_at_100": 100.0, + "recall_at_1000": 100.0, + "recall_at_20": 99.0, + "recall_at_3": 90.0, + "recall_at_5": 94.0, + "main_score": 84.198 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/TRECCOVID.json b/results/Lajavaness__bilingual-embedding-large/external/TRECCOVID.json new file mode 100644 index 000000000..312adfb90 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/TRECCOVID.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "bb9466bac8153a0349341eb1b22e06409e78ef4e", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.185, + "map_at_10": 1.165, + "map_at_100": 7.086, + "map_at_1000": 20.807000000000002, + "map_at_20": 2.09, + "map_at_3": 0.41700000000000004, + "map_at_5": 0.629, + "mrr_at_1": 68.0, + "mrr_at_10": 79.0547619047619, + "mrr_at_100": 79.0547619047619, + "mrr_at_1000": 79.0547619047619, + "mrr_at_20": 79.0547619047619, + "mrr_at_3": 77.0, + "mrr_at_5": 77.9, + "nauc_map_at_1000_diff1": -22.67750756125608, + "nauc_map_at_1000_max": 35.11625077601572, + "nauc_map_at_100_diff1": -13.451821118067087, + "nauc_map_at_100_max": 36.94777978235449, + "nauc_map_at_10_diff1": -1.945674720620008, + "nauc_map_at_10_max": 33.20773892261476, + "nauc_map_at_1_diff1": -6.48595577983789, + "nauc_map_at_1_max": 2.3330438771924435, + "nauc_map_at_20_diff1": -4.297796014166373, + "nauc_map_at_20_max": 30.725951163880875, + "nauc_map_at_3_diff1": 4.796998423926565, + "nauc_map_at_3_max": 26.150071629546893, + "nauc_map_at_5_diff1": 2.6871952838061723, + "nauc_map_at_5_max": 30.408421467098012, + "nauc_mrr_at_1000_diff1": -13.814249836896042, + "nauc_mrr_at_1000_max": 31.88498612201202, + "nauc_mrr_at_100_diff1": -13.814249836896042, + "nauc_mrr_at_100_max": 31.88498612201202, + "nauc_mrr_at_10_diff1": -13.814249836896042, + "nauc_mrr_at_10_max": 31.88498612201202, + "nauc_mrr_at_1_diff1": -13.92094533895383, + "nauc_mrr_at_1_max": 29.306889641351635, + "nauc_mrr_at_20_diff1": -13.814249836896042, + "nauc_mrr_at_20_max": 31.88498612201202, + "nauc_mrr_at_3_diff1": -12.33170416820374, + "nauc_mrr_at_3_max": 31.011004549366817, + "nauc_mrr_at_5_diff1": -14.747452402364146, + "nauc_mrr_at_5_max": 33.79476229635637, + "nauc_ndcg_at_1000_diff1": -12.074426607123078, + "nauc_ndcg_at_1000_max": 33.784478850282134, + "nauc_ndcg_at_100_diff1": -18.479165151069303, + "nauc_ndcg_at_100_max": 31.708196197267974, + "nauc_ndcg_at_10_diff1": -8.73408016992012, + "nauc_ndcg_at_10_max": 39.0688844845927, + "nauc_ndcg_at_1_diff1": -13.560131212172575, + "nauc_ndcg_at_1_max": 17.753684567169206, + "nauc_ndcg_at_20_diff1": -8.582159015596881, + "nauc_ndcg_at_20_max": 33.106491777127104, + "nauc_ndcg_at_3_diff1": -6.39676867708739, + "nauc_ndcg_at_3_max": 35.95467958722493, + "nauc_ndcg_at_5_diff1": -8.853297663525334, + "nauc_ndcg_at_5_max": 36.93824928813642, + "nauc_precision_at_1000_diff1": -19.126005690414093, + "nauc_precision_at_1000_max": 25.35047417077917, + "nauc_precision_at_100_diff1": -18.97447376593622, + "nauc_precision_at_100_max": 31.37636574830301, + "nauc_precision_at_10_diff1": -8.160447388056866, + "nauc_precision_at_10_max": 48.43344948807299, + "nauc_precision_at_1_diff1": -13.92094533895383, + "nauc_precision_at_1_max": 29.306889641351635, + "nauc_precision_at_20_diff1": -9.369598971997679, + "nauc_precision_at_20_max": 35.32023344220161, + "nauc_precision_at_3_diff1": -2.1110502891686957, + "nauc_precision_at_3_max": 45.669609919794304, + "nauc_precision_at_5_diff1": -6.195574785037542, + "nauc_precision_at_5_max": 46.58113806889752, + "nauc_recall_at_1000_diff1": -7.222231464081126, + "nauc_recall_at_1000_max": 29.974242681745476, + "nauc_recall_at_100_diff1": -9.033068000256877, + "nauc_recall_at_100_max": 26.59705019847799, + "nauc_recall_at_10_diff1": -2.528142472559607, + "nauc_recall_at_10_max": 26.835309548148146, + "nauc_recall_at_1_diff1": -6.48595577983789, + "nauc_recall_at_1_max": 2.3330438771924435, + "nauc_recall_at_20_diff1": -3.6307369621295957, + "nauc_recall_at_20_max": 20.070170533525516, + "nauc_recall_at_3_diff1": 7.584755152275265, + "nauc_recall_at_3_max": 25.752559205882235, + "nauc_recall_at_5_diff1": 2.5491891310722266, + "nauc_recall_at_5_max": 29.321004066680604, + "ndcg_at_1": 61.0, + "ndcg_at_10": 52.92, + "ndcg_at_100": 44.021, + "ndcg_at_1000": 47.164, + "ndcg_at_20": 51.358000000000004, + "ndcg_at_3": 55.05, + "ndcg_at_5": 52.702000000000005, + "precision_at_1": 68.0, + "precision_at_10": 56.599999999999994, + "precision_at_100": 45.660000000000004, + "precision_at_1000": 21.756, + "precision_at_20": 54.6, + "precision_at_3": 58.667, + "precision_at_5": 55.2, + "recall_at_1": 0.185, + "recall_at_10": 1.459, + "recall_at_100": 11.053, + "recall_at_1000": 46.711000000000006, + "recall_at_20": 2.795, + "recall_at_3": 0.447, + "recall_at_5": 0.705, + "main_score": 52.92 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/Touche2020.json b/results/Lajavaness__bilingual-embedding-large/external/Touche2020.json new file mode 100644 index 000000000..c343fa326 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/Touche2020.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 1.321, + "map_at_10": 6.138, + "map_at_100": 11.575000000000001, + "map_at_1000": 13.142000000000001, + "map_at_20": 8.277, + "map_at_3": 3.117, + "map_at_5": 4.322, + "mrr_at_1": 18.367346938775512, + "mrr_at_10": 32.81988986070618, + "mrr_at_100": 33.90531120374521, + "mrr_at_1000": 33.90531120374521, + "mrr_at_20": 33.05798509880142, + "mrr_at_3": 28.571428571428577, + "mrr_at_5": 30.30612244897959, + "nauc_map_at_1000_diff1": -12.650026713453016, + "nauc_map_at_1000_max": -38.89899178585712, + "nauc_map_at_100_diff1": -11.351425881232563, + "nauc_map_at_100_max": -38.1084063615639, + "nauc_map_at_10_diff1": -14.054275493851973, + "nauc_map_at_10_max": -39.654901190516576, + "nauc_map_at_1_diff1": -14.176844679266438, + "nauc_map_at_1_max": -35.43233406535061, + "nauc_map_at_20_diff1": -7.782883131410578, + "nauc_map_at_20_max": -34.811736013580074, + "nauc_map_at_3_diff1": -20.44134409811859, + "nauc_map_at_3_max": -43.74179111772745, + "nauc_map_at_5_diff1": -14.859493570845277, + "nauc_map_at_5_max": -39.23961072955786, + "nauc_mrr_at_1000_diff1": -20.089514178024398, + "nauc_mrr_at_1000_max": -33.00720178570727, + "nauc_mrr_at_100_diff1": -20.089514178024398, + "nauc_mrr_at_100_max": -33.00720178570727, + "nauc_mrr_at_10_diff1": -20.9446166904634, + "nauc_mrr_at_10_max": -33.02192033292625, + "nauc_mrr_at_1_diff1": -15.911220891245758, + "nauc_mrr_at_1_max": -26.218283032718976, + "nauc_mrr_at_20_diff1": -20.230803838354994, + "nauc_mrr_at_20_max": -32.73210777421129, + "nauc_mrr_at_3_diff1": -19.732723268458965, + "nauc_mrr_at_3_max": -31.18864347028755, + "nauc_mrr_at_5_diff1": -19.007764514449406, + "nauc_mrr_at_5_max": -32.30329515402053, + "nauc_ndcg_at_1000_diff1": -21.119533433583715, + "nauc_ndcg_at_1000_max": -43.75261603824236, + "nauc_ndcg_at_100_diff1": -24.303320372101975, + "nauc_ndcg_at_100_max": -48.448935730363644, + "nauc_ndcg_at_10_diff1": -18.50545573831141, + "nauc_ndcg_at_10_max": -36.750080074249034, + "nauc_ndcg_at_1_diff1": -10.113714494673975, + "nauc_ndcg_at_1_max": -24.06470181107808, + "nauc_ndcg_at_20_diff1": -14.291225537849158, + "nauc_ndcg_at_20_max": -36.39732010219852, + "nauc_ndcg_at_3_diff1": -17.343926323555642, + "nauc_ndcg_at_3_max": -30.873097187690806, + "nauc_ndcg_at_5_diff1": -17.628895004119695, + "nauc_ndcg_at_5_max": -32.36698704574697, + "nauc_precision_at_1000_diff1": 8.169456186810706, + "nauc_precision_at_1000_max": 28.584039287780318, + "nauc_precision_at_100_diff1": -31.96792574965573, + "nauc_precision_at_100_max": -36.31964691177863, + "nauc_precision_at_10_diff1": -21.750286138613905, + "nauc_precision_at_10_max": -36.08986455494077, + "nauc_precision_at_1_diff1": -15.911220891245758, + "nauc_precision_at_1_max": -26.218283032718976, + "nauc_precision_at_20_diff1": -13.583009329717136, + "nauc_precision_at_20_max": -28.563248289076466, + "nauc_precision_at_3_diff1": -22.309332363658, + "nauc_precision_at_3_max": -34.3364478818448, + "nauc_precision_at_5_diff1": -20.923667944175943, + "nauc_precision_at_5_max": -35.18685578264413, + "nauc_recall_at_1000_diff1": -15.680456983942094, + "nauc_recall_at_1000_max": -44.754312719365174, + "nauc_recall_at_100_diff1": -26.52205219781742, + "nauc_recall_at_100_max": -54.5272192375575, + "nauc_recall_at_10_diff1": -13.179833612683423, + "nauc_recall_at_10_max": -39.41974472115443, + "nauc_recall_at_1_diff1": -14.176844679266438, + "nauc_recall_at_1_max": -35.43233406535061, + "nauc_recall_at_20_diff1": -8.91943188201611, + "nauc_recall_at_20_max": -34.5908793542195, + "nauc_recall_at_3_diff1": -17.972433176642863, + "nauc_recall_at_3_max": -41.2243455915633, + "nauc_recall_at_5_diff1": -12.340791676500281, + "nauc_recall_at_5_max": -36.85458567578151, + "ndcg_at_1": 16.326999999999998, + "ndcg_at_10": 16.762, + "ndcg_at_100": 29.751, + "ndcg_at_1000": 41.85, + "ndcg_at_20": 18.541, + "ndcg_at_3": 16.182, + "ndcg_at_5": 15.792, + "precision_at_1": 18.367, + "precision_at_10": 17.347, + "precision_at_100": 6.877999999999999, + "precision_at_1000": 1.49, + "precision_at_20": 13.469000000000001, + "precision_at_3": 19.048000000000002, + "precision_at_5": 17.551, + "recall_at_1": 1.321, + "recall_at_10": 12.25, + "recall_at_100": 44.012, + "recall_at_1000": 80.706, + "recall_at_20": 19.094, + "recall_at_3": 4.2909999999999995, + "recall_at_5": 6.802999999999999, + "main_score": 16.762 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/ToxicConversationsClassification.json b/results/Lajavaness__bilingual-embedding-large/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..8890fd08f --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/ToxicConversationsClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 65.56640625, + "ap": 12.336183192628836, + "ap_weighted": 12.336183192628836, + "f1": 50.61953920605424, + "f1_weighted": 73.10180241141433, + "main_score": 65.56640625 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/TweetSentimentExtractionClassification.json b/results/Lajavaness__bilingual-embedding-large/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..d13614314 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 62.80418788907753, + "f1": 63.050557758931134, + "f1_weighted": 62.13337985337418, + "main_score": 62.80418788907753 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/TwentyNewsgroupsClustering.json b/results/Lajavaness__bilingual-embedding-large/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..f0a205ee4 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 49.00618373985209, + "v_measures": [ + 0.49421217801171224, + 0.4740440424893081, + 0.4886726035776056, + 0.5198976504195676, + 0.4827070012054274 + ], + "main_score": 49.00618373985209 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/TwitterSemEval2015.json b/results/Lajavaness__bilingual-embedding-large/external/TwitterSemEval2015.json new file mode 100644 index 000000000..d910d3d5e --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 86.97025689932646, + "cos_sim_ap": 77.06565012359437, + "cos_sim_f1": 70.32217308907138, + "cos_sim_precision": 67.46666666666667, + "cos_sim_recall": 73.43007915567283, + "dot_accuracy": 86.97025689932646, + "dot_ap": 77.0656524331512, + "dot_f1": 70.32217308907138, + "dot_precision": 67.46666666666667, + "dot_recall": 73.43007915567283, + "euclidean_accuracy": 86.97025689932646, + "euclidean_ap": 77.06564828845742, + "euclidean_f1": 70.32217308907138, + "euclidean_precision": 67.46666666666667, + "euclidean_recall": 73.43007915567283, + "manhattan_accuracy": 86.90469094593789, + "manhattan_ap": 76.94347285253252, + "manhattan_f1": 70.18523217457499, + "manhattan_precision": 67.59530791788856, + "manhattan_recall": 72.98153034300792, + "max_accuracy": 86.97025689932646, + "max_ap": 77.0656524331512, + "max_f1": 70.32217308907138, + "main_score": 77.0656524331512 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/TwitterURLCorpus.json b/results/Lajavaness__bilingual-embedding-large/external/TwitterURLCorpus.json new file mode 100644 index 000000000..bc8f6b896 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.64567081926495, + "cos_sim_ap": 87.19162831580245, + "cos_sim_f1": 79.67696578577352, + "cos_sim_precision": 74.92033358193775, + "cos_sim_recall": 85.07853403141361, + "dot_accuracy": 89.64567081926495, + "dot_ap": 87.19162304433766, + "dot_f1": 79.67696578577352, + "dot_precision": 74.92033358193775, + "dot_recall": 85.07853403141361, + "euclidean_accuracy": 89.64567081926495, + "euclidean_ap": 87.19162847931055, + "euclidean_f1": 79.67696578577352, + "euclidean_precision": 74.92033358193775, + "euclidean_recall": 85.07853403141361, + "manhattan_accuracy": 89.67283735009897, + "manhattan_ap": 87.19033616510255, + "manhattan_f1": 79.67444226437031, + "manhattan_precision": 75.43690656391908, + "manhattan_recall": 84.41638435478903, + "max_accuracy": 89.67283735009897, + "max_ap": 87.19162847931055, + "max_f1": 79.67696578577352, + "main_score": 87.19162847931055 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/XPQARetrieval.json b/results/Lajavaness__bilingual-embedding-large/external/XPQARetrieval.json new file mode 100644 index 000000000..2c9a8329b --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/XPQARetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "c99d599f0a6ab9b85b065da6f9d94f9cf731679f", + "task_name": "XPQARetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "None" + ], + "map_at_1": 37.454, + "map_at_10": 59.729, + "map_at_100": 61.231, + "map_at_1000": 61.282000000000004, + "map_at_20": 60.675000000000004, + "map_at_3": 53.425999999999995, + "map_at_5": 57.565999999999995, + "mrr_at_1": 59.279038718291055, + "mrr_at_10": 68.25534575200794, + "mrr_at_100": 68.80659018708569, + "mrr_at_1000": 68.81865645170022, + "mrr_at_20": 68.62067293285176, + "mrr_at_3": 66.24388072986201, + "mrr_at_5": 67.57231864708496, + "nauc_map_at_1000_diff1": 47.188346029255904, + "nauc_map_at_1000_max": 49.17571323638286, + "nauc_map_at_100_diff1": 47.16123074739342, + "nauc_map_at_100_max": 49.19310263766242, + "nauc_map_at_10_diff1": 47.06916702645733, + "nauc_map_at_10_max": 48.71944957298283, + "nauc_map_at_1_diff1": 59.84256327261954, + "nauc_map_at_1_max": 32.90724281546186, + "nauc_map_at_20_diff1": 46.88963870698908, + "nauc_map_at_20_max": 48.837735052949604, + "nauc_map_at_3_diff1": 49.17542430030986, + "nauc_map_at_3_max": 43.2855626692105, + "nauc_map_at_5_diff1": 46.947951705937555, + "nauc_map_at_5_max": 47.00840211882553, + "nauc_mrr_at_1000_diff1": 55.082943973528565, + "nauc_mrr_at_1000_max": 55.52321995030937, + "nauc_mrr_at_100_diff1": 55.08053171175168, + "nauc_mrr_at_100_max": 55.52564563109655, + "nauc_mrr_at_10_diff1": 54.77154085090217, + "nauc_mrr_at_10_max": 55.49364009135962, + "nauc_mrr_at_1_diff1": 59.73731850363215, + "nauc_mrr_at_1_max": 56.85669277331276, + "nauc_mrr_at_20_diff1": 55.03367328751308, + "nauc_mrr_at_20_max": 55.455991589323304, + "nauc_mrr_at_3_diff1": 54.93497528080088, + "nauc_mrr_at_3_max": 55.18680886181823, + "nauc_mrr_at_5_diff1": 54.54195519307725, + "nauc_mrr_at_5_max": 55.4153590074824, + "nauc_ndcg_at_1000_diff1": 48.58663186947544, + "nauc_ndcg_at_1000_max": 51.99609046381255, + "nauc_ndcg_at_100_diff1": 48.03018958632311, + "nauc_ndcg_at_100_max": 52.125240134521114, + "nauc_ndcg_at_10_diff1": 46.8502876003221, + "nauc_ndcg_at_10_max": 50.503877687033835, + "nauc_ndcg_at_1_diff1": 59.73731850363215, + "nauc_ndcg_at_1_max": 56.85669277331276, + "nauc_ndcg_at_20_diff1": 46.84490807723349, + "nauc_ndcg_at_20_max": 50.52318724553352, + "nauc_ndcg_at_3_diff1": 47.45898183007377, + "nauc_ndcg_at_3_max": 48.81807045626343, + "nauc_ndcg_at_5_diff1": 46.27687550860212, + "nauc_ndcg_at_5_max": 48.524704004044295, + "nauc_precision_at_1000_diff1": -18.94279209896168, + "nauc_precision_at_1000_max": 14.915754364583092, + "nauc_precision_at_100_diff1": -17.608482478959505, + "nauc_precision_at_100_max": 18.949680192042006, + "nauc_precision_at_10_diff1": -7.9400256804121385, + "nauc_precision_at_10_max": 28.840998769682585, + "nauc_precision_at_1_diff1": 59.73731850363215, + "nauc_precision_at_1_max": 56.85669277331276, + "nauc_precision_at_20_diff1": -13.001497535637426, + "nauc_precision_at_20_max": 23.362385750737513, + "nauc_precision_at_3_diff1": 5.181216436208995, + "nauc_precision_at_3_max": 36.84098890657479, + "nauc_precision_at_5_diff1": -3.1561904832474466, + "nauc_precision_at_5_max": 33.445624155484644, + "nauc_recall_at_1000_diff1": 32.404068350548236, + "nauc_recall_at_1000_max": 42.69981564475632, + "nauc_recall_at_100_diff1": 24.30279254543539, + "nauc_recall_at_100_max": 47.25263562130483, + "nauc_recall_at_10_diff1": 34.095052463639355, + "nauc_recall_at_10_max": 42.41582396664135, + "nauc_recall_at_1_diff1": 59.84256327261954, + "nauc_recall_at_1_max": 32.90724281546186, + "nauc_recall_at_20_diff1": 30.621144467577782, + "nauc_recall_at_20_max": 38.964128296844216, + "nauc_recall_at_3_diff1": 40.61968199464558, + "nauc_recall_at_3_max": 36.5150764611547, + "nauc_recall_at_5_diff1": 34.535585254334265, + "nauc_recall_at_5_max": 39.98160090846506, + "ndcg_at_1": 59.279, + "ndcg_at_10": 66.434, + "ndcg_at_100": 71.32, + "ndcg_at_1000": 72.04899999999999, + "ndcg_at_20": 68.75, + "ndcg_at_3": 61.144, + "ndcg_at_5": 63.047, + "precision_at_1": 59.279, + "precision_at_10": 15.554000000000002, + "precision_at_100": 1.965, + "precision_at_1000": 0.20600000000000002, + "precision_at_20": 8.598, + "precision_at_3": 37.561, + "precision_at_5": 26.968999999999998, + "recall_at_1": 37.454, + "recall_at_10": 76.629, + "recall_at_100": 95.138, + "recall_at_1000": 99.655, + "recall_at_20": 84.11699999999999, + "recall_at_3": 59.884, + "recall_at_5": 68.556, + "main_score": 66.434 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-large/external/model_meta.json b/results/Lajavaness__bilingual-embedding-large/external/model_meta.json new file mode 100644 index 000000000..4eee292be --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-large/external/model_meta.json @@ -0,0 +1,25 @@ +{ + "name": "Lajavaness/bilingual-embedding-large", + "revision": "e83179d7a66e8aed1b3015e98bb5ae234ed89598", + "release_date": "2024-06-24", + "languages": [ + "fr", + "en" + ], + "loader": null, + "n_parameters": 559890432, + "memory_usage": null, + "max_tokens": 514, + "embed_dim": 1024, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/AlloProfClusteringP2P.json b/results/Lajavaness__bilingual-embedding-small/external/AlloProfClusteringP2P.json new file mode 100644 index 000000000..cd5dd39c9 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/AlloProfClusteringP2P.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "392ba3f5bcc8c51f578786c1fc3dae648662cb9b", + "task_name": "AlloProfClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "v_measure": 62.16774435322237, + "v_measures": [ + 0.60677169174265, + 0.6420496407630484, + 0.5831486687495704, + 0.6103877439594066, + 0.6135248698273804 + ], + "main_score": 62.16774435322237 + }, + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "v_measure": 45.11926529002472, + "v_measures": [ + 0.4690142817423344, + 0.48186364883143407, + 0.40961058482586177, + 0.4555301647788916, + 0.49555829107195404 + ], + "main_score": 45.11926529002472 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/AlloprofReranking.json b/results/Lajavaness__bilingual-embedding-small/external/AlloprofReranking.json new file mode 100644 index 000000000..dc81b2683 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/AlloprofReranking.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "65393d0d7a08a10b4e348135e824f385d420b0fd", + "task_name": "AlloprofReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map": 69.49670623246055, + "mrr": 70.57920059215395, + "nAUC_map_diff1": 46.93583791194171, + "nAUC_map_max": 12.952266693104086, + "nAUC_mrr_diff1": 46.49838896134123, + "nAUC_mrr_max": 12.945500349888256, + "main_score": 69.49670623246055 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/AmazonCounterfactualClassification.json b/results/Lajavaness__bilingual-embedding-small/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..c692e4fdc --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/AmazonCounterfactualClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.28358208955224, + "ap": 37.19063914095112, + "ap_weighted": 37.19063914095112, + "f1": 68.28593926963595, + "f1_weighted": 76.64216663284145, + "main_score": 74.28358208955224 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/AmazonPolarityClassification.json b/results/Lajavaness__bilingual-embedding-small/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..4edc20ac0 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/AmazonPolarityClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 82.19695, + "ap": 76.84400739904562, + "ap_weighted": 76.84400739904562, + "f1": 82.13083090108348, + "f1_weighted": 82.13083090108348, + "main_score": 82.19695 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/AmazonReviewsClassification.json b/results/Lajavaness__bilingual-embedding-small/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..6f779a65c --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/AmazonReviewsClassification.json @@ -0,0 +1,30 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 36.476000000000006, + "f1": 36.03335046550013, + "f1_weighted": 36.03335046550013, + "main_score": 36.476000000000006 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 40.216, + "f1": 39.88981487562277, + "f1_weighted": 39.88981487562277, + "main_score": 40.216 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/ArguAna.json b/results/Lajavaness__bilingual-embedding-small/external/ArguAna.json new file mode 100644 index 000000000..593704b50 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/ArguAna.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.307, + "map_at_10": 44.415, + "map_at_100": 45.24, + "map_at_1000": 45.245999999999995, + "map_at_20": 45.048, + "map_at_3": 39.343, + "map_at_5": 42.156, + "mrr_at_1": 28.591749644381224, + "mrr_at_10": 44.53744157691528, + "mrr_at_100": 45.36249919705719, + "mrr_at_1000": 45.36795843267093, + "mrr_at_20": 45.17017744908004, + "mrr_at_3": 39.50924608819345, + "mrr_at_5": 42.29374110953058, + "nauc_map_at_1000_diff1": 3.81697701184427, + "nauc_map_at_1000_max": -5.3494391339512966, + "nauc_map_at_100_diff1": 3.8255923068950737, + "nauc_map_at_100_max": -5.338796585423051, + "nauc_map_at_10_diff1": 3.807599213819479, + "nauc_map_at_10_max": -5.313800854145031, + "nauc_map_at_1_diff1": 5.156690676517333, + "nauc_map_at_1_max": -9.64584413837327, + "nauc_map_at_20_diff1": 3.7941985981544244, + "nauc_map_at_20_max": -5.200991165900242, + "nauc_map_at_3_diff1": 3.042950933986489, + "nauc_map_at_3_max": -5.953385411481654, + "nauc_map_at_5_diff1": 3.0549453605943433, + "nauc_map_at_5_max": -5.787888510997178, + "nauc_mrr_at_1000_diff1": 2.815942782079056, + "nauc_mrr_at_1000_max": -6.045251506633342, + "nauc_mrr_at_100_diff1": 2.8247136693036206, + "nauc_mrr_at_100_max": -6.034513630311149, + "nauc_mrr_at_10_diff1": 2.842321554294615, + "nauc_mrr_at_10_max": -5.983994994110801, + "nauc_mrr_at_1_diff1": 4.289447405708845, + "nauc_mrr_at_1_max": -10.158513246070529, + "nauc_mrr_at_20_diff1": 2.802223509089013, + "nauc_mrr_at_20_max": -5.889383549567283, + "nauc_mrr_at_3_diff1": 1.9507572567994225, + "nauc_mrr_at_3_max": -6.579817119302078, + "nauc_mrr_at_5_diff1": 2.0636113696159306, + "nauc_mrr_at_5_max": -6.47814796715319, + "nauc_ndcg_at_1000_diff1": 4.054109302322553, + "nauc_ndcg_at_1000_max": -4.194276048637998, + "nauc_ndcg_at_100_diff1": 4.3606449596207995, + "nauc_ndcg_at_100_max": -3.802885863375761, + "nauc_ndcg_at_10_diff1": 4.374146895999117, + "nauc_ndcg_at_10_max": -3.007138296243735, + "nauc_ndcg_at_1_diff1": 5.156690676517333, + "nauc_ndcg_at_1_max": -9.64584413837327, + "nauc_ndcg_at_20_diff1": 4.283769209560412, + "nauc_ndcg_at_20_max": -2.5570972005509245, + "nauc_ndcg_at_3_diff1": 2.4019132290785628, + "nauc_ndcg_at_3_max": -4.772614514375251, + "nauc_ndcg_at_5_diff1": 2.2604685552347488, + "nauc_ndcg_at_5_max": -4.5287849384277346, + "nauc_precision_at_1000_diff1": 26.832693994163886, + "nauc_precision_at_1000_max": 28.13719829218545, + "nauc_precision_at_100_diff1": 49.25187779934308, + "nauc_precision_at_100_max": 54.90462014878204, + "nauc_precision_at_10_diff1": 9.375044420325825, + "nauc_precision_at_10_max": 11.118715229369158, + "nauc_precision_at_1_diff1": 5.156690676517333, + "nauc_precision_at_1_max": -9.64584413837327, + "nauc_precision_at_20_diff1": 12.648487139563313, + "nauc_precision_at_20_max": 29.17269939791144, + "nauc_precision_at_3_diff1": 0.5381479007985195, + "nauc_precision_at_3_max": -1.319607327988569, + "nauc_precision_at_5_diff1": -0.530675691789191, + "nauc_precision_at_5_max": -0.3449755187285182, + "nauc_recall_at_1000_diff1": 26.83269399415972, + "nauc_recall_at_1000_max": 28.137198292180138, + "nauc_recall_at_100_diff1": 49.25187779934272, + "nauc_recall_at_100_max": 54.90462014878089, + "nauc_recall_at_10_diff1": 9.375044420325978, + "nauc_recall_at_10_max": 11.118715229369167, + "nauc_recall_at_1_diff1": 5.156690676517333, + "nauc_recall_at_1_max": -9.64584413837327, + "nauc_recall_at_20_diff1": 12.648487139563178, + "nauc_recall_at_20_max": 29.172699397911256, + "nauc_recall_at_3_diff1": 0.5381479007985096, + "nauc_recall_at_3_max": -1.3196073279885299, + "nauc_recall_at_5_diff1": -0.5306756917892376, + "nauc_recall_at_5_max": -0.34497551872854154, + "ndcg_at_1": 28.307, + "ndcg_at_10": 53.593999999999994, + "ndcg_at_100": 57.13399999999999, + "ndcg_at_1000": 57.28, + "ndcg_at_20": 55.861000000000004, + "ndcg_at_3": 43.091, + "ndcg_at_5": 48.16, + "precision_at_1": 28.307, + "precision_at_10": 8.3, + "precision_at_100": 0.985, + "precision_at_1000": 0.1, + "precision_at_20": 4.595, + "precision_at_3": 17.994, + "precision_at_5": 13.257, + "recall_at_1": 28.307, + "recall_at_10": 83.001, + "recall_at_100": 98.506, + "recall_at_1000": 99.644, + "recall_at_20": 91.892, + "recall_at_3": 53.983000000000004, + "recall_at_5": 66.28699999999999, + "main_score": 53.593999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/ArxivClusteringP2P.json b/results/Lajavaness__bilingual-embedding-small/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..1a326e079 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/ArxivClusteringP2P.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 41.75510333108447, + "v_measures": [ + 0.38932105262642, + 0.41167658391196155, + 0.4152007083702598, + 0.43751533882806676, + 0.41353841462129437 + ], + "main_score": 41.75510333108447 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/ArxivClusteringS2S.json b/results/Lajavaness__bilingual-embedding-small/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..d22123e02 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/ArxivClusteringS2S.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.628031176398057, + "v_measures": [ + 0.3124730271530551, + 0.30410053196374376, + 0.31038902598125107, + 0.3037853444036682, + 0.3061080414991767 + ], + "main_score": 31.628031176398057 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/AskUbuntuDupQuestions.json b/results/Lajavaness__bilingual-embedding-small/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..faab0cbaa --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/AskUbuntuDupQuestions.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 56.78685528593245, + "mrr": 70.13113925163786, + "nAUC_map_diff1": 2.9860496068519695, + "nAUC_map_max": 22.582369735674774, + "nAUC_mrr_diff1": 10.846967439812445, + "nAUC_mrr_max": 35.29439227015077, + "main_score": 56.78685528593245 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/BIOSSES.json b/results/Lajavaness__bilingual-embedding-small/external/BIOSSES.json new file mode 100644 index 000000000..13dcd6abd --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.88368776567987, + "cos_sim_spearman": 83.98625103310174, + "euclidean_pearson": 84.15851334353565, + "euclidean_spearman": 83.50611961105386, + "manhattan_pearson": 84.26852097545078, + "manhattan_spearman": 83.74287199356931, + "cosine_pearson": 85.88368776567987, + "cosine_spearman": 83.98625103310174, + "main_score": 83.98625103310174 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/BSARDRetrieval.json b/results/Lajavaness__bilingual-embedding-small/external/BSARDRetrieval.json new file mode 100644 index 000000000..a535e0966 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/BSARDRetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "5effa1b9b5fa3b0f9e12523e6e43e5f86a6e6d59", + "task_name": "BSARDRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map_at_1": 4.505, + "map_at_10": 6.736000000000001, + "map_at_100": 7.7170000000000005, + "map_at_1000": 7.872, + "map_at_20": 7.188, + "map_at_3": 5.48, + "map_at_5": 6.2010000000000005, + "mrr_at_1": 4.504504504504505, + "mrr_at_10": 6.736021736021734, + "mrr_at_100": 7.716897811853375, + "mrr_at_1000": 7.872078574339072, + "mrr_at_20": 7.188043602517285, + "mrr_at_3": 5.480480480480481, + "mrr_at_5": 6.201201201201201, + "nauc_map_at_1000_diff1": 9.177110661724994, + "nauc_map_at_1000_max": 19.581137962800387, + "nauc_map_at_100_diff1": 9.096980120184368, + "nauc_map_at_100_max": 19.54215642149057, + "nauc_map_at_10_diff1": 8.637281023019964, + "nauc_map_at_10_max": 17.84975523194812, + "nauc_map_at_1_diff1": 19.715845736413897, + "nauc_map_at_1_max": 22.821823196426216, + "nauc_map_at_20_diff1": 8.85616083027924, + "nauc_map_at_20_max": 18.800619630494747, + "nauc_map_at_3_diff1": 11.970736140126895, + "nauc_map_at_3_max": 20.754455652041457, + "nauc_map_at_5_diff1": 9.68670568454811, + "nauc_map_at_5_max": 19.035110245752186, + "nauc_mrr_at_1000_diff1": 9.177110661724994, + "nauc_mrr_at_1000_max": 19.581137962800387, + "nauc_mrr_at_100_diff1": 9.096980120184368, + "nauc_mrr_at_100_max": 19.54215642149057, + "nauc_mrr_at_10_diff1": 8.637281023019964, + "nauc_mrr_at_10_max": 17.84975523194812, + "nauc_mrr_at_1_diff1": 19.715845736413897, + "nauc_mrr_at_1_max": 22.821823196426216, + "nauc_mrr_at_20_diff1": 8.85616083027924, + "nauc_mrr_at_20_max": 18.800619630494747, + "nauc_mrr_at_3_diff1": 11.970736140126895, + "nauc_mrr_at_3_max": 20.754455652041457, + "nauc_mrr_at_5_diff1": 9.68670568454811, + "nauc_mrr_at_5_max": 19.035110245752186, + "nauc_ndcg_at_1000_diff1": 7.272590066641199, + "nauc_ndcg_at_1000_max": 21.564876885227246, + "nauc_ndcg_at_100_diff1": 6.996962123756745, + "nauc_ndcg_at_100_max": 21.48819737415115, + "nauc_ndcg_at_10_diff1": 5.952271424213348, + "nauc_ndcg_at_10_max": 15.438325101789955, + "nauc_ndcg_at_1_diff1": 19.715845736413897, + "nauc_ndcg_at_1_max": 22.821823196426216, + "nauc_ndcg_at_20_diff1": 6.0775956296065194, + "nauc_ndcg_at_20_max": 17.32348858429454, + "nauc_ndcg_at_3_diff1": 10.011894115345685, + "nauc_ndcg_at_3_max": 19.600714912273165, + "nauc_ndcg_at_5_diff1": 7.069608406352418, + "nauc_ndcg_at_5_max": 17.409122828150466, + "nauc_precision_at_1000_diff1": 2.472142797187889, + "nauc_precision_at_1000_max": 29.78192441139725, + "nauc_precision_at_100_diff1": 4.871828786067134, + "nauc_precision_at_100_max": 26.717041811249132, + "nauc_precision_at_10_diff1": 2.0259948327543524, + "nauc_precision_at_10_max": 11.425514117155359, + "nauc_precision_at_1_diff1": 19.715845736413897, + "nauc_precision_at_1_max": 22.821823196426216, + "nauc_precision_at_20_diff1": 2.3809386452019883, + "nauc_precision_at_20_max": 15.289885806023024, + "nauc_precision_at_3_diff1": 5.414977537859986, + "nauc_precision_at_3_max": 16.727539483477383, + "nauc_precision_at_5_diff1": 2.2356111757850745, + "nauc_precision_at_5_max": 14.322893730603653, + "nauc_recall_at_1000_diff1": 2.472142797187975, + "nauc_recall_at_1000_max": 29.781924411397203, + "nauc_recall_at_100_diff1": 4.871828786067137, + "nauc_recall_at_100_max": 26.717041811249132, + "nauc_recall_at_10_diff1": 2.0259948327543675, + "nauc_recall_at_10_max": 11.425514117155396, + "nauc_recall_at_1_diff1": 19.715845736413897, + "nauc_recall_at_1_max": 22.821823196426216, + "nauc_recall_at_20_diff1": 2.380938645201958, + "nauc_recall_at_20_max": 15.289885806022976, + "nauc_recall_at_3_diff1": 5.414977537859985, + "nauc_recall_at_3_max": 16.727539483477383, + "nauc_recall_at_5_diff1": 2.2356111757850865, + "nauc_recall_at_5_max": 14.32289373060367, + "ndcg_at_1": 4.505, + "ndcg_at_10": 8.41, + "ndcg_at_100": 14.188999999999998, + "ndcg_at_1000": 18.666, + "ndcg_at_20": 10.096, + "ndcg_at_3": 5.808, + "ndcg_at_5": 7.106, + "precision_at_1": 4.505, + "precision_at_10": 1.396, + "precision_at_100": 0.432, + "precision_at_1000": 0.079, + "precision_at_20": 1.036, + "precision_at_3": 2.252, + "precision_at_5": 1.982, + "recall_at_1": 4.505, + "recall_at_10": 13.963999999999999, + "recall_at_100": 43.242999999999995, + "recall_at_1000": 79.279, + "recall_at_20": 20.721, + "recall_at_3": 6.757000000000001, + "recall_at_5": 9.91, + "main_score": 43.242999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/Banking77Classification.json b/results/Lajavaness__bilingual-embedding-small/external/Banking77Classification.json new file mode 100644 index 000000000..ee46a7c43 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/Banking77Classification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.31493506493506, + "f1": 80.18539252802539, + "f1_weighted": 80.1853925280254, + "main_score": 80.31493506493506 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/BiorxivClusteringP2P.json b/results/Lajavaness__bilingual-embedding-small/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..c841c04ea --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/BiorxivClusteringP2P.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.01213557884716, + "v_measures": [ + 0.35149213783659844, + 0.3504551848301787, + 0.3777396210177721, + 0.36713470804377507, + 0.35699360527484775 + ], + "main_score": 36.01213557884716 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/BiorxivClusteringS2S.json b/results/Lajavaness__bilingual-embedding-small/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..0620f6900 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/BiorxivClusteringS2S.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 28.77320940838855, + "v_measures": [ + 0.30066854059482007, + 0.27912691518289856, + 0.28109177448868566, + 0.27788082204726, + 0.28174202201956644 + ], + "main_score": 28.77320940838855 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/CQADupstackAndroidRetrieval.json b/results/Lajavaness__bilingual-embedding-small/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..4340630b9 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "f46a197baaae43b4f621051089b82a364682dfeb", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.931, + "map_at_10": 39.226, + "map_at_100": 40.641, + "map_at_1000": 40.758, + "map_at_20": 39.947, + "map_at_3": 35.893, + "map_at_5": 37.911, + "mrr_at_1": 36.33762517882689, + "mrr_at_10": 45.437813656697756, + "mrr_at_100": 46.263112207849225, + "mrr_at_1000": 46.31120643750262, + "mrr_at_20": 45.89328313995794, + "mrr_at_3": 42.89461134954697, + "mrr_at_5": 44.49690033381019, + "nauc_map_at_1000_diff1": 51.149900773445665, + "nauc_map_at_1000_max": 38.68580130673067, + "nauc_map_at_100_diff1": 51.10002536433903, + "nauc_map_at_100_max": 38.641317822870484, + "nauc_map_at_10_diff1": 51.124389332061504, + "nauc_map_at_10_max": 38.318568221563254, + "nauc_map_at_1_diff1": 56.90092514723948, + "nauc_map_at_1_max": 37.61485298818892, + "nauc_map_at_20_diff1": 51.181676535641515, + "nauc_map_at_20_max": 38.50630258148947, + "nauc_map_at_3_diff1": 52.9080719662819, + "nauc_map_at_3_max": 37.65490829785428, + "nauc_map_at_5_diff1": 51.88563997044587, + "nauc_map_at_5_max": 38.162982469441104, + "nauc_mrr_at_1000_diff1": 52.02314497512314, + "nauc_mrr_at_1000_max": 42.51237380812326, + "nauc_mrr_at_100_diff1": 52.00022544992019, + "nauc_mrr_at_100_max": 42.47931426167529, + "nauc_mrr_at_10_diff1": 51.91527284768196, + "nauc_mrr_at_10_max": 42.39017221462642, + "nauc_mrr_at_1_diff1": 57.748140308636906, + "nauc_mrr_at_1_max": 45.151335057931625, + "nauc_mrr_at_20_diff1": 52.014517489654786, + "nauc_mrr_at_20_max": 42.502037133226224, + "nauc_mrr_at_3_diff1": 53.44263059806559, + "nauc_mrr_at_3_max": 42.54366394954965, + "nauc_mrr_at_5_diff1": 52.40067352297368, + "nauc_mrr_at_5_max": 42.39770466495629, + "nauc_ndcg_at_1000_diff1": 49.303067288367096, + "nauc_ndcg_at_1000_max": 40.15083357935891, + "nauc_ndcg_at_100_diff1": 48.06078219853983, + "nauc_ndcg_at_100_max": 39.099873422335584, + "nauc_ndcg_at_10_diff1": 48.427405777556764, + "nauc_ndcg_at_10_max": 38.8466159356305, + "nauc_ndcg_at_1_diff1": 57.748140308636906, + "nauc_ndcg_at_1_max": 45.151335057931625, + "nauc_ndcg_at_20_diff1": 48.400275143008884, + "nauc_ndcg_at_20_max": 38.987281654803155, + "nauc_ndcg_at_3_diff1": 51.94028236848058, + "nauc_ndcg_at_3_max": 39.22267932164834, + "nauc_ndcg_at_5_diff1": 50.228342110462435, + "nauc_ndcg_at_5_max": 39.25835142473454, + "nauc_precision_at_1000_diff1": -6.148682329597722, + "nauc_precision_at_1000_max": 1.1132760594569802, + "nauc_precision_at_100_diff1": -0.42183455399296765, + "nauc_precision_at_100_max": 12.337898495315343, + "nauc_precision_at_10_diff1": 18.94429698742333, + "nauc_precision_at_10_max": 28.777738237731203, + "nauc_precision_at_1_diff1": 57.748140308636906, + "nauc_precision_at_1_max": 45.151335057931625, + "nauc_precision_at_20_diff1": 12.915885854552354, + "nauc_precision_at_20_max": 24.01402704364973, + "nauc_precision_at_3_diff1": 36.634218047630384, + "nauc_precision_at_3_max": 36.27512688680148, + "nauc_precision_at_5_diff1": 28.272819211308992, + "nauc_precision_at_5_max": 33.34907639932695, + "nauc_recall_at_1000_diff1": 26.52022379258474, + "nauc_recall_at_1000_max": 49.10217378309213, + "nauc_recall_at_100_diff1": 25.383923002033832, + "nauc_recall_at_100_max": 29.224125741020877, + "nauc_recall_at_10_diff1": 36.465429616129015, + "nauc_recall_at_10_max": 33.39232875391991, + "nauc_recall_at_1_diff1": 56.90092514723948, + "nauc_recall_at_1_max": 37.61485298818892, + "nauc_recall_at_20_diff1": 34.97381075257172, + "nauc_recall_at_20_max": 33.453578222267346, + "nauc_recall_at_3_diff1": 47.268820296829134, + "nauc_recall_at_3_max": 35.21361112290018, + "nauc_recall_at_5_diff1": 42.36929492536004, + "nauc_recall_at_5_max": 34.972452567095665, + "ndcg_at_1": 36.338, + "ndcg_at_10": 45.07, + "ndcg_at_100": 50.619, + "ndcg_at_1000": 52.729000000000006, + "ndcg_at_20": 47.027, + "ndcg_at_3": 40.388000000000005, + "ndcg_at_5": 42.811, + "precision_at_1": 36.338, + "precision_at_10": 8.541, + "precision_at_100": 1.391, + "precision_at_1000": 0.184, + "precision_at_20": 5.007000000000001, + "precision_at_3": 19.409000000000002, + "precision_at_5": 14.163, + "recall_at_1": 28.931, + "recall_at_10": 55.701, + "recall_at_100": 79.389, + "recall_at_1000": 93.366, + "recall_at_20": 62.833000000000006, + "recall_at_3": 42.007, + "recall_at_5": 48.84, + "main_score": 45.07 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/CQADupstackEnglishRetrieval.json b/results/Lajavaness__bilingual-embedding-small/external/CQADupstackEnglishRetrieval.json new file mode 100644 index 000000000..3bf5453b0 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/CQADupstackEnglishRetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "ad9991cb51e31e31e430383c75ffb2885547b5f0", + "task_name": "CQADupstackEnglishRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.638, + "map_at_10": 32.277, + "map_at_100": 33.363, + "map_at_1000": 33.488, + "map_at_20": 32.857, + "map_at_3": 29.748, + "map_at_5": 31.179000000000002, + "mrr_at_1": 30.254777070063692, + "mrr_at_10": 37.817384490951355, + "mrr_at_100": 38.525912264467145, + "mrr_at_1000": 38.58069194468667, + "mrr_at_20": 38.20930815682446, + "mrr_at_3": 35.700636942675146, + "mrr_at_5": 36.926751592356666, + "nauc_map_at_1000_diff1": 45.223392226929235, + "nauc_map_at_1000_max": 38.24038259272163, + "nauc_map_at_100_diff1": 45.23190429504784, + "nauc_map_at_100_max": 38.19794744902846, + "nauc_map_at_10_diff1": 45.515992352450176, + "nauc_map_at_10_max": 37.548960747017844, + "nauc_map_at_1_diff1": 52.291404507813056, + "nauc_map_at_1_max": 33.46767953286993, + "nauc_map_at_20_diff1": 45.332400816656936, + "nauc_map_at_20_max": 37.878067742926675, + "nauc_map_at_3_diff1": 46.829233538381764, + "nauc_map_at_3_max": 36.69901435795047, + "nauc_map_at_5_diff1": 46.12298460254266, + "nauc_map_at_5_max": 37.34969360011008, + "nauc_mrr_at_1000_diff1": 41.898365322188674, + "nauc_mrr_at_1000_max": 39.304566277957704, + "nauc_mrr_at_100_diff1": 41.88883697764852, + "nauc_mrr_at_100_max": 39.30077276431053, + "nauc_mrr_at_10_diff1": 42.062104921386506, + "nauc_mrr_at_10_max": 39.30528366258507, + "nauc_mrr_at_1_diff1": 47.92599437007114, + "nauc_mrr_at_1_max": 39.11863678363455, + "nauc_mrr_at_20_diff1": 41.88168571216021, + "nauc_mrr_at_20_max": 39.26248573846707, + "nauc_mrr_at_3_diff1": 43.07190580570743, + "nauc_mrr_at_3_max": 39.87788973395513, + "nauc_mrr_at_5_diff1": 42.49866565630987, + "nauc_mrr_at_5_max": 39.54834907714328, + "nauc_ndcg_at_1000_diff1": 41.51353648334291, + "nauc_ndcg_at_1000_max": 39.603326878012986, + "nauc_ndcg_at_100_diff1": 41.30454895265097, + "nauc_ndcg_at_100_max": 39.313602966554505, + "nauc_ndcg_at_10_diff1": 42.02099052567711, + "nauc_ndcg_at_10_max": 38.534861088136715, + "nauc_ndcg_at_1_diff1": 47.92599437007114, + "nauc_ndcg_at_1_max": 39.11863678363455, + "nauc_ndcg_at_20_diff1": 41.663145625518375, + "nauc_ndcg_at_20_max": 38.752693813154075, + "nauc_ndcg_at_3_diff1": 43.68575961185724, + "nauc_ndcg_at_3_max": 39.40226210725685, + "nauc_ndcg_at_5_diff1": 43.00140726081697, + "nauc_ndcg_at_5_max": 39.21485362612467, + "nauc_precision_at_1000_diff1": -2.790275135023392, + "nauc_precision_at_1000_max": 17.818318660525463, + "nauc_precision_at_100_diff1": 2.0554939129182417, + "nauc_precision_at_100_max": 29.753860102457935, + "nauc_precision_at_10_diff1": 15.094160126474254, + "nauc_precision_at_10_max": 37.972874196449126, + "nauc_precision_at_1_diff1": 47.92599437007114, + "nauc_precision_at_1_max": 39.11863678363455, + "nauc_precision_at_20_diff1": 10.746873592106713, + "nauc_precision_at_20_max": 36.96468826692449, + "nauc_precision_at_3_diff1": 28.944521315560483, + "nauc_precision_at_3_max": 42.03983245575044, + "nauc_precision_at_5_diff1": 23.828098284010075, + "nauc_precision_at_5_max": 41.76526648017447, + "nauc_recall_at_1000_diff1": 26.537966542990997, + "nauc_recall_at_1000_max": 41.86346125540241, + "nauc_recall_at_100_diff1": 28.044584247129283, + "nauc_recall_at_100_max": 37.42247127416711, + "nauc_recall_at_10_diff1": 33.434563672243115, + "nauc_recall_at_10_max": 34.63428918279095, + "nauc_recall_at_1_diff1": 52.291404507813056, + "nauc_recall_at_1_max": 33.46767953286993, + "nauc_recall_at_20_diff1": 31.189066205007187, + "nauc_recall_at_20_max": 35.3704318509917, + "nauc_recall_at_3_diff1": 39.67602671214362, + "nauc_recall_at_3_max": 35.6485218636747, + "nauc_recall_at_5_diff1": 36.71118621793804, + "nauc_recall_at_5_max": 35.81341336007971, + "ndcg_at_1": 30.255, + "ndcg_at_10": 37.376, + "ndcg_at_100": 41.678, + "ndcg_at_1000": 44.079, + "ndcg_at_20": 38.942, + "ndcg_at_3": 33.641, + "ndcg_at_5": 35.346, + "precision_at_1": 30.255, + "precision_at_10": 7.102, + "precision_at_100": 1.184, + "precision_at_1000": 0.166, + "precision_at_20": 4.185, + "precision_at_3": 16.348, + "precision_at_5": 11.591999999999999, + "recall_at_1": 23.638, + "recall_at_10": 46.524, + "recall_at_100": 65.118, + "recall_at_1000": 81.133, + "recall_at_20": 52.331, + "recall_at_3": 35.254999999999995, + "recall_at_5": 40.174, + "main_score": 37.376 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/CQADupstackGamingRetrieval.json b/results/Lajavaness__bilingual-embedding-small/external/CQADupstackGamingRetrieval.json new file mode 100644 index 000000000..e8f614419 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/CQADupstackGamingRetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "4885aa143210c98657558c04aaf3dc47cfb54340", + "task_name": "CQADupstackGamingRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 35.667, + "map_at_10": 47.397, + "map_at_100": 48.366, + "map_at_1000": 48.433, + "map_at_20": 47.963, + "map_at_3": 44.211, + "map_at_5": 46.037, + "mrr_at_1": 40.87774294670846, + "mrr_at_10": 50.565880479673616, + "mrr_at_100": 51.271230622181626, + "mrr_at_1000": 51.306805744714836, + "mrr_at_20": 51.012075318045525, + "mrr_at_3": 47.9832810867294, + "mrr_at_5": 49.525600835945724, + "nauc_map_at_1000_diff1": 50.33288681013869, + "nauc_map_at_1000_max": 37.44437438806084, + "nauc_map_at_100_diff1": 50.317492085630064, + "nauc_map_at_100_max": 37.426681891363835, + "nauc_map_at_10_diff1": 50.24182139242321, + "nauc_map_at_10_max": 36.91039477771677, + "nauc_map_at_1_diff1": 56.01200063592147, + "nauc_map_at_1_max": 31.767342114075202, + "nauc_map_at_20_diff1": 50.21631708851613, + "nauc_map_at_20_max": 37.28818324793643, + "nauc_map_at_3_diff1": 51.111793089491364, + "nauc_map_at_3_max": 36.16516417187456, + "nauc_map_at_5_diff1": 50.47567188188865, + "nauc_map_at_5_max": 36.72222550501132, + "nauc_mrr_at_1000_diff1": 49.29372112096636, + "nauc_mrr_at_1000_max": 39.248284382084236, + "nauc_mrr_at_100_diff1": 49.28279373491327, + "nauc_mrr_at_100_max": 39.26004837053389, + "nauc_mrr_at_10_diff1": 49.123704806290434, + "nauc_mrr_at_10_max": 39.05266034946078, + "nauc_mrr_at_1_diff1": 53.88859746474265, + "nauc_mrr_at_1_max": 37.056204568674275, + "nauc_mrr_at_20_diff1": 49.18403232554298, + "nauc_mrr_at_20_max": 39.26689196401381, + "nauc_mrr_at_3_diff1": 49.59424894836517, + "nauc_mrr_at_3_max": 38.95714592509984, + "nauc_mrr_at_5_diff1": 49.257845318012954, + "nauc_mrr_at_5_max": 39.30070104826491, + "nauc_ndcg_at_1000_diff1": 48.91743661336846, + "nauc_ndcg_at_1000_max": 39.39031133623686, + "nauc_ndcg_at_100_diff1": 48.61511346835115, + "nauc_ndcg_at_100_max": 39.459340998985724, + "nauc_ndcg_at_10_diff1": 48.06588542038947, + "nauc_ndcg_at_10_max": 38.157829321231, + "nauc_ndcg_at_1_diff1": 53.88859746474265, + "nauc_ndcg_at_1_max": 37.056204568674275, + "nauc_ndcg_at_20_diff1": 48.05115075637084, + "nauc_ndcg_at_20_max": 39.2235027218884, + "nauc_ndcg_at_3_diff1": 49.30878740373676, + "nauc_ndcg_at_3_max": 37.84032746584941, + "nauc_ndcg_at_5_diff1": 48.47712228032605, + "nauc_ndcg_at_5_max": 38.38589466282407, + "nauc_precision_at_1000_diff1": -7.243262652381105, + "nauc_precision_at_1000_max": 18.453365469588427, + "nauc_precision_at_100_diff1": -2.0153970546194753, + "nauc_precision_at_100_max": 24.22667501786602, + "nauc_precision_at_10_diff1": 14.979334560516222, + "nauc_precision_at_10_max": 33.13307837324579, + "nauc_precision_at_1_diff1": 53.88859746474265, + "nauc_precision_at_1_max": 37.056204568674275, + "nauc_precision_at_20_diff1": 8.379765029951027, + "nauc_precision_at_20_max": 32.28271665269386, + "nauc_precision_at_3_diff1": 31.16831547354767, + "nauc_precision_at_3_max": 38.10801385749373, + "nauc_precision_at_5_diff1": 23.32241470046817, + "nauc_precision_at_5_max": 37.2000516679205, + "nauc_recall_at_1000_diff1": 40.03022783413472, + "nauc_recall_at_1000_max": 49.77189630896353, + "nauc_recall_at_100_diff1": 39.485228558001154, + "nauc_recall_at_100_max": 44.84364760927468, + "nauc_recall_at_10_diff1": 39.911638774960096, + "nauc_recall_at_10_max": 37.00135324546857, + "nauc_recall_at_1_diff1": 56.01200063592147, + "nauc_recall_at_1_max": 31.767342114075202, + "nauc_recall_at_20_diff1": 38.604788301520685, + "nauc_recall_at_20_max": 42.21099902041599, + "nauc_recall_at_3_diff1": 44.913068402378755, + "nauc_recall_at_3_max": 36.35063250643407, + "nauc_recall_at_5_diff1": 42.15428494957372, + "nauc_recall_at_5_max": 38.11256932308573, + "ndcg_at_1": 40.878, + "ndcg_at_10": 53.062, + "ndcg_at_100": 57.160999999999994, + "ndcg_at_1000": 58.538999999999994, + "ndcg_at_20": 54.821, + "ndcg_at_3": 47.544, + "ndcg_at_5": 50.305, + "precision_at_1": 40.878, + "precision_at_10": 8.564, + "precision_at_100": 1.155, + "precision_at_1000": 0.133, + "precision_at_20": 4.79, + "precision_at_3": 21.108, + "precision_at_5": 14.658, + "recall_at_1": 35.667, + "recall_at_10": 66.766, + "recall_at_100": 84.553, + "recall_at_1000": 94.346, + "recall_at_20": 73.272, + "recall_at_3": 52.139, + "recall_at_5": 58.816, + "main_score": 53.062 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/CQADupstackGisRetrieval.json b/results/Lajavaness__bilingual-embedding-small/external/CQADupstackGisRetrieval.json new file mode 100644 index 000000000..b39980b85 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/CQADupstackGisRetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "5003b3064772da1887988e05400cf3806fe491f2", + "task_name": "CQADupstackGisRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.618, + "map_at_10": 27.47, + "map_at_100": 28.505000000000003, + "map_at_1000": 28.594, + "map_at_20": 28.057, + "map_at_3": 24.918000000000003, + "map_at_5": 26.229999999999997, + "mrr_at_1": 22.372881355932204, + "mrr_at_10": 29.201910142588083, + "mrr_at_100": 30.158796422923974, + "mrr_at_1000": 30.226705533923436, + "mrr_at_20": 29.748232470158786, + "mrr_at_3": 26.723163841807924, + "mrr_at_5": 27.97175141242938, + "nauc_map_at_1000_diff1": 42.518789058108034, + "nauc_map_at_1000_max": 21.82284691419632, + "nauc_map_at_100_diff1": 42.513945119173414, + "nauc_map_at_100_max": 21.824969680261194, + "nauc_map_at_10_diff1": 42.21492283731788, + "nauc_map_at_10_max": 21.305888026069674, + "nauc_map_at_1_diff1": 47.62145355083881, + "nauc_map_at_1_max": 22.35827304798013, + "nauc_map_at_20_diff1": 42.31982757448588, + "nauc_map_at_20_max": 21.594656622891048, + "nauc_map_at_3_diff1": 44.10607386887907, + "nauc_map_at_3_max": 21.690680453680425, + "nauc_map_at_5_diff1": 43.24911634980367, + "nauc_map_at_5_max": 21.736719675567752, + "nauc_mrr_at_1000_diff1": 41.98881956610886, + "nauc_mrr_at_1000_max": 23.673388697614747, + "nauc_mrr_at_100_diff1": 41.975077881853366, + "nauc_mrr_at_100_max": 23.680855488904697, + "nauc_mrr_at_10_diff1": 41.753512191582516, + "nauc_mrr_at_10_max": 23.286885884623786, + "nauc_mrr_at_1_diff1": 48.01121917180329, + "nauc_mrr_at_1_max": 25.91040117459629, + "nauc_mrr_at_20_diff1": 41.837798974871795, + "nauc_mrr_at_20_max": 23.53887919859698, + "nauc_mrr_at_3_diff1": 43.74425619417245, + "nauc_mrr_at_3_max": 23.80181072142051, + "nauc_mrr_at_5_diff1": 42.77128789582419, + "nauc_mrr_at_5_max": 23.78994160229315, + "nauc_ndcg_at_1000_diff1": 40.4038817214834, + "nauc_ndcg_at_1000_max": 22.308549183052513, + "nauc_ndcg_at_100_diff1": 40.55678288183828, + "nauc_ndcg_at_100_max": 22.609367205269443, + "nauc_ndcg_at_10_diff1": 38.83098871853759, + "nauc_ndcg_at_10_max": 20.68362628733941, + "nauc_ndcg_at_1_diff1": 48.01121917180329, + "nauc_ndcg_at_1_max": 25.91040117459629, + "nauc_ndcg_at_20_diff1": 39.061663618713894, + "nauc_ndcg_at_20_max": 21.476419663219456, + "nauc_ndcg_at_3_diff1": 42.736087127795955, + "nauc_ndcg_at_3_max": 21.742127165660058, + "nauc_ndcg_at_5_diff1": 41.186966297966734, + "nauc_ndcg_at_5_max": 21.759401429767212, + "nauc_precision_at_1000_diff1": 6.654559938649311, + "nauc_precision_at_1000_max": 16.806910891601543, + "nauc_precision_at_100_diff1": 25.864492780814064, + "nauc_precision_at_100_max": 25.263440890575012, + "nauc_precision_at_10_diff1": 28.182469153166974, + "nauc_precision_at_10_max": 21.10173854858086, + "nauc_precision_at_1_diff1": 48.01121917180329, + "nauc_precision_at_1_max": 25.91040117459629, + "nauc_precision_at_20_diff1": 26.16409861031152, + "nauc_precision_at_20_max": 22.589571974868473, + "nauc_precision_at_3_diff1": 39.49309649649902, + "nauc_precision_at_3_max": 23.66194846956826, + "nauc_precision_at_5_diff1": 35.47688709673743, + "nauc_precision_at_5_max": 23.5888265356714, + "nauc_recall_at_1000_diff1": 28.057334771322758, + "nauc_recall_at_1000_max": 17.48633214718912, + "nauc_recall_at_100_diff1": 35.67263027900714, + "nauc_recall_at_100_max": 23.115839579250103, + "nauc_recall_at_10_diff1": 28.261498615045998, + "nauc_recall_at_10_max": 16.20575819609654, + "nauc_recall_at_1_diff1": 47.62145355083881, + "nauc_recall_at_1_max": 22.35827304798013, + "nauc_recall_at_20_diff1": 28.255566253430192, + "nauc_recall_at_20_max": 18.257219460506295, + "nauc_recall_at_3_diff1": 39.30800774709927, + "nauc_recall_at_3_max": 19.810995082445473, + "nauc_recall_at_5_diff1": 35.27158910591411, + "nauc_recall_at_5_max": 19.678077623550937, + "ndcg_at_1": 22.373, + "ndcg_at_10": 31.918000000000003, + "ndcg_at_100": 36.992000000000004, + "ndcg_at_1000": 39.513, + "ndcg_at_20": 33.983999999999995, + "ndcg_at_3": 26.832, + "ndcg_at_5": 29.078, + "precision_at_1": 22.373, + "precision_at_10": 5.04, + "precision_at_100": 0.7979999999999999, + "precision_at_1000": 0.106, + "precision_at_20": 3.0, + "precision_at_3": 11.299, + "precision_at_5": 8.045, + "recall_at_1": 20.618, + "recall_at_10": 44.202000000000005, + "recall_at_100": 67.242, + "recall_at_1000": 86.69200000000001, + "recall_at_20": 52.03, + "recall_at_3": 30.386000000000003, + "recall_at_5": 35.858000000000004, + "main_score": 31.918000000000003 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/CQADupstackMathematicaRetrieval.json b/results/Lajavaness__bilingual-embedding-small/external/CQADupstackMathematicaRetrieval.json new file mode 100644 index 000000000..c8b497c7e --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/CQADupstackMathematicaRetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "90fceea13679c63fe563ded68f3b6f06e50061de", + "task_name": "CQADupstackMathematicaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 12.731, + "map_at_10": 19.054, + "map_at_100": 20.313, + "map_at_1000": 20.443, + "map_at_20": 19.77, + "map_at_3": 16.596, + "map_at_5": 18.013, + "mrr_at_1": 15.796019900497512, + "mrr_at_10": 22.789327173655526, + "mrr_at_100": 23.862539649948847, + "mrr_at_1000": 23.946663050199312, + "mrr_at_20": 23.427143696525313, + "mrr_at_3": 20.27363184079603, + "mrr_at_5": 21.68532338308458, + "nauc_map_at_1000_diff1": 27.516068477843454, + "nauc_map_at_1000_max": 17.80187067129459, + "nauc_map_at_100_diff1": 27.49088157159594, + "nauc_map_at_100_max": 17.78426299327126, + "nauc_map_at_10_diff1": 27.322013804309574, + "nauc_map_at_10_max": 17.001651979041277, + "nauc_map_at_1_diff1": 32.676819886304166, + "nauc_map_at_1_max": 15.203042726400561, + "nauc_map_at_20_diff1": 27.44288664011662, + "nauc_map_at_20_max": 17.908350138714276, + "nauc_map_at_3_diff1": 28.50114932717826, + "nauc_map_at_3_max": 17.780823694386235, + "nauc_map_at_5_diff1": 27.86215762055489, + "nauc_map_at_5_max": 17.50773539133613, + "nauc_mrr_at_1000_diff1": 29.947843223207236, + "nauc_mrr_at_1000_max": 19.62172810233295, + "nauc_mrr_at_100_diff1": 29.9288142137001, + "nauc_mrr_at_100_max": 19.629003114636255, + "nauc_mrr_at_10_diff1": 29.97657648240847, + "nauc_mrr_at_10_max": 19.194295823726197, + "nauc_mrr_at_1_diff1": 35.00554412354239, + "nauc_mrr_at_1_max": 17.759999184794772, + "nauc_mrr_at_20_diff1": 29.96168512518019, + "nauc_mrr_at_20_max": 19.812693338679974, + "nauc_mrr_at_3_diff1": 31.869293054331997, + "nauc_mrr_at_3_max": 19.72221933712261, + "nauc_mrr_at_5_diff1": 30.633662242516408, + "nauc_mrr_at_5_max": 19.633065520422832, + "nauc_ndcg_at_1000_diff1": 26.41309716877246, + "nauc_ndcg_at_1000_max": 19.407030290375477, + "nauc_ndcg_at_100_diff1": 26.033991008430068, + "nauc_ndcg_at_100_max": 19.18116285140471, + "nauc_ndcg_at_10_diff1": 25.58417445038125, + "nauc_ndcg_at_10_max": 17.264882794530223, + "nauc_ndcg_at_1_diff1": 35.00554412354239, + "nauc_ndcg_at_1_max": 17.759999184794772, + "nauc_ndcg_at_20_diff1": 25.93407473459688, + "nauc_ndcg_at_20_max": 19.950029090611025, + "nauc_ndcg_at_3_diff1": 28.72061546564716, + "nauc_ndcg_at_3_max": 19.386795976250635, + "nauc_ndcg_at_5_diff1": 27.154487593736675, + "nauc_ndcg_at_5_max": 18.600609597997746, + "nauc_precision_at_1000_diff1": 5.41924757448531, + "nauc_precision_at_1000_max": 6.545740061131494, + "nauc_precision_at_100_diff1": 14.592825976137824, + "nauc_precision_at_100_max": 14.125640563802245, + "nauc_precision_at_10_diff1": 21.4491651411123, + "nauc_precision_at_10_max": 16.9551658679841, + "nauc_precision_at_1_diff1": 35.00554412354239, + "nauc_precision_at_1_max": 17.759999184794772, + "nauc_precision_at_20_diff1": 19.92971906917106, + "nauc_precision_at_20_max": 23.22690053316326, + "nauc_precision_at_3_diff1": 27.57959149246176, + "nauc_precision_at_3_max": 22.093284431161333, + "nauc_precision_at_5_diff1": 25.25496908645805, + "nauc_precision_at_5_max": 20.458763176343208, + "nauc_recall_at_1000_diff1": 16.984282437643287, + "nauc_recall_at_1000_max": 24.737697260268117, + "nauc_recall_at_100_diff1": 17.950878545274918, + "nauc_recall_at_100_max": 19.837467082624126, + "nauc_recall_at_10_diff1": 18.161945687752247, + "nauc_recall_at_10_max": 14.97915128596929, + "nauc_recall_at_1_diff1": 32.676819886304166, + "nauc_recall_at_1_max": 15.203042726400561, + "nauc_recall_at_20_diff1": 19.155358112421517, + "nauc_recall_at_20_max": 22.374680334603898, + "nauc_recall_at_3_diff1": 24.842029532917927, + "nauc_recall_at_3_max": 20.135627867318494, + "nauc_recall_at_5_diff1": 22.00729745995486, + "nauc_recall_at_5_max": 18.21612524182701, + "ndcg_at_1": 15.796, + "ndcg_at_10": 23.528, + "ndcg_at_100": 29.537000000000003, + "ndcg_at_1000": 32.719, + "ndcg_at_20": 25.935000000000002, + "ndcg_at_3": 18.908, + "ndcg_at_5": 21.154, + "precision_at_1": 15.796, + "precision_at_10": 4.515000000000001, + "precision_at_100": 0.8789999999999999, + "precision_at_1000": 0.129, + "precision_at_20": 2.942, + "precision_at_3": 9.163, + "precision_at_5": 7.04, + "recall_at_1": 12.731, + "recall_at_10": 33.797, + "recall_at_100": 59.914, + "recall_at_1000": 82.718, + "recall_at_20": 42.347, + "recall_at_3": 20.923, + "recall_at_5": 26.71, + "main_score": 23.528 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/CQADupstackPhysicsRetrieval.json b/results/Lajavaness__bilingual-embedding-small/external/CQADupstackPhysicsRetrieval.json new file mode 100644 index 000000000..290a1d5ed --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/CQADupstackPhysicsRetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "79531abbd1fb92d06c6d6315a0cbbbf5bb247ea4", + "task_name": "CQADupstackPhysicsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.567, + "map_at_10": 32.628, + "map_at_100": 33.908, + "map_at_1000": 34.039, + "map_at_20": 33.363, + "map_at_3": 29.726999999999997, + "map_at_5": 31.347, + "mrr_at_1": 29.25890279114533, + "mrr_at_10": 38.079960890355494, + "mrr_at_100": 38.97514464689193, + "mrr_at_1000": 39.038125614768354, + "mrr_at_20": 38.620932209488565, + "mrr_at_3": 35.65928777670837, + "mrr_at_5": 37.00673724735321, + "nauc_map_at_1000_diff1": 44.243962711843174, + "nauc_map_at_1000_max": 26.557934640504595, + "nauc_map_at_100_diff1": 44.24191729725104, + "nauc_map_at_100_max": 26.520477564732385, + "nauc_map_at_10_diff1": 44.33869154968317, + "nauc_map_at_10_max": 26.044484632871434, + "nauc_map_at_1_diff1": 50.15813855147419, + "nauc_map_at_1_max": 26.303389987904445, + "nauc_map_at_20_diff1": 44.3113665446356, + "nauc_map_at_20_max": 26.237662556133813, + "nauc_map_at_3_diff1": 45.85173282565928, + "nauc_map_at_3_max": 26.32504035565671, + "nauc_map_at_5_diff1": 44.78643814548486, + "nauc_map_at_5_max": 26.334504875414634, + "nauc_mrr_at_1000_diff1": 43.626249945153624, + "nauc_mrr_at_1000_max": 29.330289291530644, + "nauc_mrr_at_100_diff1": 43.613407635792015, + "nauc_mrr_at_100_max": 29.319268635273986, + "nauc_mrr_at_10_diff1": 43.63724190566422, + "nauc_mrr_at_10_max": 29.108055344568847, + "nauc_mrr_at_1_diff1": 48.217336788734755, + "nauc_mrr_at_1_max": 30.672813296466302, + "nauc_mrr_at_20_diff1": 43.649017818875166, + "nauc_mrr_at_20_max": 29.261304940945127, + "nauc_mrr_at_3_diff1": 44.675792519491715, + "nauc_mrr_at_3_max": 29.675911336957483, + "nauc_mrr_at_5_diff1": 43.64775996596029, + "nauc_mrr_at_5_max": 29.45182353499564, + "nauc_ndcg_at_1000_diff1": 41.87489199354678, + "nauc_ndcg_at_1000_max": 27.93893077509421, + "nauc_ndcg_at_100_diff1": 41.670343791634906, + "nauc_ndcg_at_100_max": 27.313715056723876, + "nauc_ndcg_at_10_diff1": 41.85016751613856, + "nauc_ndcg_at_10_max": 25.643066472480765, + "nauc_ndcg_at_1_diff1": 48.217336788734755, + "nauc_ndcg_at_1_max": 30.672813296466302, + "nauc_ndcg_at_20_diff1": 41.97037963181627, + "nauc_ndcg_at_20_max": 26.33944171406708, + "nauc_ndcg_at_3_diff1": 44.06711834714099, + "nauc_ndcg_at_3_max": 27.34491521639161, + "nauc_ndcg_at_5_diff1": 42.4168573468611, + "nauc_ndcg_at_5_max": 26.65793931965115, + "nauc_precision_at_1000_diff1": -9.551422528655461, + "nauc_precision_at_1000_max": 8.34835764204442, + "nauc_precision_at_100_diff1": 2.2233830685766245, + "nauc_precision_at_100_max": 18.020691836598584, + "nauc_precision_at_10_diff1": 19.325743761791916, + "nauc_precision_at_10_max": 23.679007985508786, + "nauc_precision_at_1_diff1": 48.217336788734755, + "nauc_precision_at_1_max": 30.672813296466302, + "nauc_precision_at_20_diff1": 13.87527519424572, + "nauc_precision_at_20_max": 22.302645068156657, + "nauc_precision_at_3_diff1": 33.05090446279134, + "nauc_precision_at_3_max": 29.389174313703947, + "nauc_precision_at_5_diff1": 25.75562225572127, + "nauc_precision_at_5_max": 27.147828437597372, + "nauc_recall_at_1000_diff1": 19.621088665598236, + "nauc_recall_at_1000_max": 30.43205196145353, + "nauc_recall_at_100_diff1": 27.23232029826097, + "nauc_recall_at_100_max": 22.14067215503966, + "nauc_recall_at_10_diff1": 33.10443747704974, + "nauc_recall_at_10_max": 19.41308822202282, + "nauc_recall_at_1_diff1": 50.15813855147419, + "nauc_recall_at_1_max": 26.303389987904445, + "nauc_recall_at_20_diff1": 32.276483197865936, + "nauc_recall_at_20_max": 20.72725151323571, + "nauc_recall_at_3_diff1": 40.22031270566891, + "nauc_recall_at_3_max": 23.9301104444151, + "nauc_recall_at_5_diff1": 35.98209271954092, + "nauc_recall_at_5_max": 22.83878482624863, + "ndcg_at_1": 29.259, + "ndcg_at_10": 38.207, + "ndcg_at_100": 43.711, + "ndcg_at_1000": 46.341, + "ndcg_at_20": 40.498, + "ndcg_at_3": 33.532000000000004, + "ndcg_at_5": 35.69, + "precision_at_1": 29.259, + "precision_at_10": 7.007, + "precision_at_100": 1.1560000000000001, + "precision_at_1000": 0.158, + "precision_at_20": 4.244, + "precision_at_3": 16.041, + "precision_at_5": 11.511000000000001, + "recall_at_1": 23.567, + "recall_at_10": 49.523, + "recall_at_100": 72.562, + "recall_at_1000": 90.178, + "recall_at_20": 57.621, + "recall_at_3": 36.282, + "recall_at_5": 41.921, + "main_score": 38.207 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/CQADupstackProgrammersRetrieval.json b/results/Lajavaness__bilingual-embedding-small/external/CQADupstackProgrammersRetrieval.json new file mode 100644 index 000000000..06c922051 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/CQADupstackProgrammersRetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "6184bc1440d2dbc7612be22b50686b8826d22b32", + "task_name": "CQADupstackProgrammersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.266, + "map_at_10": 30.25, + "map_at_100": 31.581, + "map_at_1000": 31.704, + "map_at_20": 30.952, + "map_at_3": 27.466, + "map_at_5": 29.072, + "mrr_at_1": 27.397260273972602, + "mrr_at_10": 35.2599296948612, + "mrr_at_100": 36.24881323819273, + "mrr_at_1000": 36.31077886612844, + "mrr_at_20": 35.848406062858004, + "mrr_at_3": 32.591324200913256, + "mrr_at_5": 34.235159817351594, + "nauc_map_at_1000_diff1": 49.041338317944216, + "nauc_map_at_1000_max": 38.50873723942883, + "nauc_map_at_100_diff1": 49.01701126534856, + "nauc_map_at_100_max": 38.49295698329094, + "nauc_map_at_10_diff1": 49.095813348188166, + "nauc_map_at_10_max": 37.90864503064915, + "nauc_map_at_1_diff1": 55.75650937633808, + "nauc_map_at_1_max": 36.45803206536568, + "nauc_map_at_20_diff1": 48.88486278259804, + "nauc_map_at_20_max": 38.234576284979276, + "nauc_map_at_3_diff1": 50.800510951074344, + "nauc_map_at_3_max": 36.75190407865029, + "nauc_map_at_5_diff1": 49.60838604964711, + "nauc_map_at_5_max": 37.32035047604114, + "nauc_mrr_at_1000_diff1": 49.13411044876944, + "nauc_mrr_at_1000_max": 38.97006615081024, + "nauc_mrr_at_100_diff1": 49.11706960503639, + "nauc_mrr_at_100_max": 38.96559788105358, + "nauc_mrr_at_10_diff1": 49.092123992814116, + "nauc_mrr_at_10_max": 38.94728645893312, + "nauc_mrr_at_1_diff1": 55.47287529444724, + "nauc_mrr_at_1_max": 40.293546568686224, + "nauc_mrr_at_20_diff1": 48.96467402915927, + "nauc_mrr_at_20_max": 38.86612256286537, + "nauc_mrr_at_3_diff1": 50.69348233488136, + "nauc_mrr_at_3_max": 39.07374242862782, + "nauc_mrr_at_5_diff1": 49.48713462272688, + "nauc_mrr_at_5_max": 38.903556289495874, + "nauc_ndcg_at_1000_diff1": 46.865532935814144, + "nauc_ndcg_at_1000_max": 39.54745630513795, + "nauc_ndcg_at_100_diff1": 46.320278315069814, + "nauc_ndcg_at_100_max": 39.38111071082402, + "nauc_ndcg_at_10_diff1": 46.21493444038667, + "nauc_ndcg_at_10_max": 38.21912668950852, + "nauc_ndcg_at_1_diff1": 55.47287529444724, + "nauc_ndcg_at_1_max": 40.293546568686224, + "nauc_ndcg_at_20_diff1": 45.64094089105446, + "nauc_ndcg_at_20_max": 38.59596868552488, + "nauc_ndcg_at_3_diff1": 49.016415433673835, + "nauc_ndcg_at_3_max": 37.89533426315243, + "nauc_ndcg_at_5_diff1": 47.20788719798163, + "nauc_ndcg_at_5_max": 37.682560665048904, + "nauc_precision_at_1000_diff1": -7.359826953607673, + "nauc_precision_at_1000_max": 5.6412152804640066, + "nauc_precision_at_100_diff1": 4.466458911297046, + "nauc_precision_at_100_max": 24.578741906158726, + "nauc_precision_at_10_diff1": 22.359709568967506, + "nauc_precision_at_10_max": 36.47969015950308, + "nauc_precision_at_1_diff1": 55.47287529444724, + "nauc_precision_at_1_max": 40.293546568686224, + "nauc_precision_at_20_diff1": 14.120893949469135, + "nauc_precision_at_20_max": 34.249667264582534, + "nauc_precision_at_3_diff1": 37.7007086171551, + "nauc_precision_at_3_max": 37.95445662666999, + "nauc_precision_at_5_diff1": 29.715009411494712, + "nauc_precision_at_5_max": 36.89274409767293, + "nauc_recall_at_1000_diff1": 32.33111662036445, + "nauc_recall_at_1000_max": 45.35170430166642, + "nauc_recall_at_100_diff1": 32.144354498328035, + "nauc_recall_at_100_max": 36.84062501935607, + "nauc_recall_at_10_diff1": 36.14633959446269, + "nauc_recall_at_10_max": 35.448585836721506, + "nauc_recall_at_1_diff1": 55.75650937633808, + "nauc_recall_at_1_max": 36.45803206536568, + "nauc_recall_at_20_diff1": 32.97579259309187, + "nauc_recall_at_20_max": 35.23418118770078, + "nauc_recall_at_3_diff1": 44.664415627999816, + "nauc_recall_at_3_max": 34.31461153552717, + "nauc_recall_at_5_diff1": 40.19780197689489, + "nauc_recall_at_5_max": 34.5962677637341, + "ndcg_at_1": 27.397, + "ndcg_at_10": 35.443999999999996, + "ndcg_at_100": 41.429, + "ndcg_at_1000": 44.059, + "ndcg_at_20": 37.714999999999996, + "ndcg_at_3": 30.679000000000002, + "ndcg_at_5": 32.992, + "precision_at_1": 27.397, + "precision_at_10": 6.5409999999999995, + "precision_at_100": 1.102, + "precision_at_1000": 0.151, + "precision_at_20": 3.961, + "precision_at_3": 14.536, + "precision_at_5": 10.685, + "recall_at_1": 22.266, + "recall_at_10": 46.071, + "recall_at_100": 72.064, + "recall_at_1000": 90.038, + "recall_at_20": 54.342999999999996, + "recall_at_3": 32.926, + "recall_at_5": 38.75, + "main_score": 35.443999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/CQADupstackStatsRetrieval.json b/results/Lajavaness__bilingual-embedding-small/external/CQADupstackStatsRetrieval.json new file mode 100644 index 000000000..474042170 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/CQADupstackStatsRetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "65ac3a16b8e91f9cee4c9828cc7c335575432a2a", + "task_name": "CQADupstackStatsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.261000000000003, + "map_at_10": 23.753, + "map_at_100": 24.627, + "map_at_1000": 24.735, + "map_at_20": 24.274, + "map_at_3": 21.413, + "map_at_5": 22.745, + "mrr_at_1": 19.32515337423313, + "mrr_at_10": 25.910081312688664, + "mrr_at_100": 26.732545270907544, + "mrr_at_1000": 26.81958074650717, + "mrr_at_20": 26.38483873098964, + "mrr_at_3": 23.77300613496933, + "mrr_at_5": 25.02300613496933, + "nauc_map_at_1000_diff1": 51.2509463814842, + "nauc_map_at_1000_max": 34.59378039517527, + "nauc_map_at_100_diff1": 51.20195960756142, + "nauc_map_at_100_max": 34.52292810417864, + "nauc_map_at_10_diff1": 50.971047162244375, + "nauc_map_at_10_max": 34.42837100976023, + "nauc_map_at_1_diff1": 61.66057666415862, + "nauc_map_at_1_max": 34.54325674205874, + "nauc_map_at_20_diff1": 51.16950921599598, + "nauc_map_at_20_max": 34.50836855076594, + "nauc_map_at_3_diff1": 52.980211175481394, + "nauc_map_at_3_max": 34.10535134653065, + "nauc_map_at_5_diff1": 51.825290665802, + "nauc_map_at_5_max": 34.48591848937056, + "nauc_mrr_at_1000_diff1": 51.50014502932111, + "nauc_mrr_at_1000_max": 36.80362520167512, + "nauc_mrr_at_100_diff1": 51.447470381911685, + "nauc_mrr_at_100_max": 36.776788558968704, + "nauc_mrr_at_10_diff1": 51.264885407403696, + "nauc_mrr_at_10_max": 36.93350671984603, + "nauc_mrr_at_1_diff1": 60.877750778528494, + "nauc_mrr_at_1_max": 36.49057984523738, + "nauc_mrr_at_20_diff1": 51.3534499982496, + "nauc_mrr_at_20_max": 36.84780620387409, + "nauc_mrr_at_3_diff1": 53.30071892113097, + "nauc_mrr_at_3_max": 36.820559680318546, + "nauc_mrr_at_5_diff1": 52.220386246212556, + "nauc_mrr_at_5_max": 37.04291739287823, + "nauc_ndcg_at_1000_diff1": 48.42608193180114, + "nauc_ndcg_at_1000_max": 35.93812099772579, + "nauc_ndcg_at_100_diff1": 47.5791516869875, + "nauc_ndcg_at_100_max": 34.85361305271241, + "nauc_ndcg_at_10_diff1": 46.85004446008741, + "nauc_ndcg_at_10_max": 34.62550268395681, + "nauc_ndcg_at_1_diff1": 60.877750778528494, + "nauc_ndcg_at_1_max": 36.49057984523738, + "nauc_ndcg_at_20_diff1": 47.301675307241545, + "nauc_ndcg_at_20_max": 34.762713095272225, + "nauc_ndcg_at_3_diff1": 50.570168102906564, + "nauc_ndcg_at_3_max": 35.019669654163586, + "nauc_ndcg_at_5_diff1": 48.66877986875303, + "nauc_ndcg_at_5_max": 35.01212166467292, + "nauc_precision_at_1000_diff1": 14.228081363546169, + "nauc_precision_at_1000_max": 32.18702497143084, + "nauc_precision_at_100_diff1": 27.494269464828974, + "nauc_precision_at_100_max": 37.41573760452751, + "nauc_precision_at_10_diff1": 33.933451544379366, + "nauc_precision_at_10_max": 38.49427569486423, + "nauc_precision_at_1_diff1": 60.877750778528494, + "nauc_precision_at_1_max": 36.49057984523738, + "nauc_precision_at_20_diff1": 34.397803404800605, + "nauc_precision_at_20_max": 40.15514058102005, + "nauc_precision_at_3_diff1": 42.88433793638738, + "nauc_precision_at_3_max": 38.4764975067788, + "nauc_precision_at_5_diff1": 38.93369587658407, + "nauc_precision_at_5_max": 39.456916993900585, + "nauc_recall_at_1000_diff1": 37.19758635716514, + "nauc_recall_at_1000_max": 36.93465372531077, + "nauc_recall_at_100_diff1": 35.404949235194174, + "nauc_recall_at_100_max": 30.630300224996066, + "nauc_recall_at_10_diff1": 34.702045929932055, + "nauc_recall_at_10_max": 31.534616746827915, + "nauc_recall_at_1_diff1": 61.66057666415862, + "nauc_recall_at_1_max": 34.54325674205874, + "nauc_recall_at_20_diff1": 35.24947576154629, + "nauc_recall_at_20_max": 31.041888309997695, + "nauc_recall_at_3_diff1": 43.141135363012054, + "nauc_recall_at_3_max": 31.535167376189584, + "nauc_recall_at_5_diff1": 38.72810643136954, + "nauc_recall_at_5_max": 32.01182215240314, + "ndcg_at_1": 19.325, + "ndcg_at_10": 27.722, + "ndcg_at_100": 32.0, + "ndcg_at_1000": 34.77, + "ndcg_at_20": 29.465000000000003, + "ndcg_at_3": 23.341, + "ndcg_at_5": 25.529000000000003, + "precision_at_1": 19.325, + "precision_at_10": 4.601, + "precision_at_100": 0.721, + "precision_at_1000": 0.104, + "precision_at_20": 2.692, + "precision_at_3": 10.327, + "precision_at_5": 7.515, + "recall_at_1": 17.261000000000003, + "recall_at_10": 37.802, + "recall_at_100": 57.166, + "recall_at_1000": 77.469, + "recall_at_20": 44.318999999999996, + "recall_at_3": 26.116, + "recall_at_5": 31.366, + "main_score": 27.722 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/CQADupstackTexRetrieval.json b/results/Lajavaness__bilingual-embedding-small/external/CQADupstackTexRetrieval.json new file mode 100644 index 000000000..adf60f4eb --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/CQADupstackTexRetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "46989137a86843e03a6195de44b09deda022eec7", + "task_name": "CQADupstackTexRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 12.961, + "map_at_10": 18.740000000000002, + "map_at_100": 19.703, + "map_at_1000": 19.825, + "map_at_20": 19.216, + "map_at_3": 16.694, + "map_at_5": 17.743000000000002, + "mrr_at_1": 16.10461114934618, + "mrr_at_10": 22.051188564437027, + "mrr_at_100": 22.947710833057016, + "mrr_at_1000": 23.031251789042475, + "mrr_at_20": 22.535362926344344, + "mrr_at_3": 20.061940812112866, + "mrr_at_5": 21.092567102546468, + "nauc_map_at_1000_diff1": 28.720484948469466, + "nauc_map_at_1000_max": 22.865440767140637, + "nauc_map_at_100_diff1": 28.725034760353314, + "nauc_map_at_100_max": 22.84046004129796, + "nauc_map_at_10_diff1": 28.952012695372698, + "nauc_map_at_10_max": 22.793975798196286, + "nauc_map_at_1_diff1": 35.53613349593089, + "nauc_map_at_1_max": 24.140548014012747, + "nauc_map_at_20_diff1": 28.853451957069336, + "nauc_map_at_20_max": 22.799743549101326, + "nauc_map_at_3_diff1": 29.951337425480883, + "nauc_map_at_3_max": 22.610756063409553, + "nauc_map_at_5_diff1": 29.37330668286449, + "nauc_map_at_5_max": 22.57878266649173, + "nauc_mrr_at_1000_diff1": 27.90192701434291, + "nauc_mrr_at_1000_max": 23.7579661122046, + "nauc_mrr_at_100_diff1": 27.900632259474882, + "nauc_mrr_at_100_max": 23.75784428285424, + "nauc_mrr_at_10_diff1": 28.00880872779524, + "nauc_mrr_at_10_max": 23.798169424406627, + "nauc_mrr_at_1_diff1": 34.309863568911425, + "nauc_mrr_at_1_max": 26.916059981932417, + "nauc_mrr_at_20_diff1": 28.043424996676624, + "nauc_mrr_at_20_max": 23.783097407351868, + "nauc_mrr_at_3_diff1": 28.872236354185237, + "nauc_mrr_at_3_max": 24.10001094600915, + "nauc_mrr_at_5_diff1": 28.431586921893327, + "nauc_mrr_at_5_max": 23.793770139983565, + "nauc_ndcg_at_1000_diff1": 25.26133758890153, + "nauc_ndcg_at_1000_max": 22.369863581700518, + "nauc_ndcg_at_100_diff1": 25.295918102117653, + "nauc_ndcg_at_100_max": 22.19607938223796, + "nauc_ndcg_at_10_diff1": 26.73394941848248, + "nauc_ndcg_at_10_max": 22.53565041597461, + "nauc_ndcg_at_1_diff1": 34.309863568911425, + "nauc_ndcg_at_1_max": 26.916059981932417, + "nauc_ndcg_at_20_diff1": 26.483879384526325, + "nauc_ndcg_at_20_max": 22.37283043808397, + "nauc_ndcg_at_3_diff1": 28.233989865507585, + "nauc_ndcg_at_3_max": 23.18337582626765, + "nauc_ndcg_at_5_diff1": 27.586183431281597, + "nauc_ndcg_at_5_max": 22.525122228978613, + "nauc_precision_at_1000_diff1": 4.291961797660381, + "nauc_precision_at_1000_max": 20.066766200392706, + "nauc_precision_at_100_diff1": 9.25374685617893, + "nauc_precision_at_100_max": 23.561539434177973, + "nauc_precision_at_10_diff1": 18.543124835189897, + "nauc_precision_at_10_max": 25.99560427639843, + "nauc_precision_at_1_diff1": 34.309863568911425, + "nauc_precision_at_1_max": 26.916059981932417, + "nauc_precision_at_20_diff1": 17.32859805675752, + "nauc_precision_at_20_max": 25.111647024470713, + "nauc_precision_at_3_diff1": 23.11307218784423, + "nauc_precision_at_3_max": 25.43882757760188, + "nauc_precision_at_5_diff1": 21.066799573535427, + "nauc_precision_at_5_max": 25.53816237609956, + "nauc_recall_at_1000_diff1": 9.108450047050564, + "nauc_recall_at_1000_max": 15.552865366057592, + "nauc_recall_at_100_diff1": 14.425072798063132, + "nauc_recall_at_100_max": 17.05584096508452, + "nauc_recall_at_10_diff1": 20.957155461035747, + "nauc_recall_at_10_max": 18.77313505623332, + "nauc_recall_at_1_diff1": 35.53613349593089, + "nauc_recall_at_1_max": 24.140548014012747, + "nauc_recall_at_20_diff1": 19.96872494547587, + "nauc_recall_at_20_max": 18.462760317549197, + "nauc_recall_at_3_diff1": 24.694266156911524, + "nauc_recall_at_3_max": 19.640837676020173, + "nauc_recall_at_5_diff1": 23.065469774243972, + "nauc_recall_at_5_max": 18.657460685134776, + "ndcg_at_1": 16.105, + "ndcg_at_10": 22.708000000000002, + "ndcg_at_100": 27.653, + "ndcg_at_1000": 30.812, + "ndcg_at_20": 24.346, + "ndcg_at_3": 18.95, + "ndcg_at_5": 20.522000000000002, + "precision_at_1": 16.105, + "precision_at_10": 4.267, + "precision_at_100": 0.799, + "precision_at_1000": 0.124, + "precision_at_20": 2.6100000000000003, + "precision_at_3": 9.049999999999999, + "precision_at_5": 6.593, + "recall_at_1": 12.961, + "recall_at_10": 31.438, + "recall_at_100": 54.129000000000005, + "recall_at_1000": 77.076, + "recall_at_20": 37.518, + "recall_at_3": 20.997, + "recall_at_5": 25.074999999999996, + "main_score": 22.708000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/CQADupstackUnixRetrieval.json b/results/Lajavaness__bilingual-embedding-small/external/CQADupstackUnixRetrieval.json new file mode 100644 index 000000000..cf536f570 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/CQADupstackUnixRetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "6c6430d3a6d36f8d2a829195bc5dc94d7e063e53", + "task_name": "CQADupstackUnixRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.709, + "map_at_10": 28.738999999999997, + "map_at_100": 29.815, + "map_at_1000": 29.932, + "map_at_20": 29.282999999999998, + "map_at_3": 26.441, + "map_at_5": 27.777, + "mrr_at_1": 24.53358208955224, + "mrr_at_10": 32.394463693437544, + "mrr_at_100": 33.350174597946385, + "mrr_at_1000": 33.41993464841955, + "mrr_at_20": 32.94076610467875, + "mrr_at_3": 30.130597014925375, + "mrr_at_5": 31.473880597014904, + "nauc_map_at_1000_diff1": 40.692748340864746, + "nauc_map_at_1000_max": 35.57839095914156, + "nauc_map_at_100_diff1": 40.650799378493744, + "nauc_map_at_100_max": 35.53795709449845, + "nauc_map_at_10_diff1": 40.89383138365538, + "nauc_map_at_10_max": 35.44293342259398, + "nauc_map_at_1_diff1": 49.12072003473875, + "nauc_map_at_1_max": 35.88899688359625, + "nauc_map_at_20_diff1": 40.67489507417953, + "nauc_map_at_20_max": 35.37903608045856, + "nauc_map_at_3_diff1": 41.5317838231129, + "nauc_map_at_3_max": 35.46770908063441, + "nauc_map_at_5_diff1": 40.846545617446004, + "nauc_map_at_5_max": 35.14965178055238, + "nauc_mrr_at_1000_diff1": 40.73361687958999, + "nauc_mrr_at_1000_max": 37.121713108339534, + "nauc_mrr_at_100_diff1": 40.71129341657058, + "nauc_mrr_at_100_max": 37.11517896403668, + "nauc_mrr_at_10_diff1": 40.72473147121323, + "nauc_mrr_at_10_max": 37.04589115955753, + "nauc_mrr_at_1_diff1": 48.388878266455734, + "nauc_mrr_at_1_max": 37.526360339847045, + "nauc_mrr_at_20_diff1": 40.61982213089854, + "nauc_mrr_at_20_max": 37.00491513836514, + "nauc_mrr_at_3_diff1": 41.37485831338118, + "nauc_mrr_at_3_max": 37.47176509970741, + "nauc_mrr_at_5_diff1": 40.93161777811511, + "nauc_mrr_at_5_max": 37.078286920815906, + "nauc_ndcg_at_1000_diff1": 38.5467813816651, + "nauc_ndcg_at_1000_max": 36.596764984052825, + "nauc_ndcg_at_100_diff1": 37.67469746267849, + "nauc_ndcg_at_100_max": 35.8208874944717, + "nauc_ndcg_at_10_diff1": 38.66595637217053, + "nauc_ndcg_at_10_max": 35.6228257599822, + "nauc_ndcg_at_1_diff1": 48.388878266455734, + "nauc_ndcg_at_1_max": 37.526360339847045, + "nauc_ndcg_at_20_diff1": 37.890275853954094, + "nauc_ndcg_at_20_max": 35.25047254404629, + "nauc_ndcg_at_3_diff1": 39.87230430483416, + "nauc_ndcg_at_3_max": 36.008184210199325, + "nauc_ndcg_at_5_diff1": 38.841236541335206, + "nauc_ndcg_at_5_max": 35.192374109201246, + "nauc_precision_at_1000_diff1": 1.657722375056512, + "nauc_precision_at_1000_max": 11.706401779440883, + "nauc_precision_at_100_diff1": 10.20061825548431, + "nauc_precision_at_100_max": 22.845634742237408, + "nauc_precision_at_10_diff1": 26.632700346478916, + "nauc_precision_at_10_max": 32.62334674689399, + "nauc_precision_at_1_diff1": 48.388878266455734, + "nauc_precision_at_1_max": 37.526360339847045, + "nauc_precision_at_20_diff1": 20.876173735564592, + "nauc_precision_at_20_max": 28.850377091435526, + "nauc_precision_at_3_diff1": 32.025223944269, + "nauc_precision_at_3_max": 35.71025859086816, + "nauc_precision_at_5_diff1": 28.967780161302443, + "nauc_precision_at_5_max": 33.49195837301289, + "nauc_recall_at_1000_diff1": 23.608841697077036, + "nauc_recall_at_1000_max": 41.20735928314203, + "nauc_recall_at_100_diff1": 22.76475282031864, + "nauc_recall_at_100_max": 30.663804567546897, + "nauc_recall_at_10_diff1": 31.20793541893715, + "nauc_recall_at_10_max": 32.83480866538358, + "nauc_recall_at_1_diff1": 49.12072003473875, + "nauc_recall_at_1_max": 35.88899688359625, + "nauc_recall_at_20_diff1": 27.465280423335305, + "nauc_recall_at_20_max": 30.40284795095875, + "nauc_recall_at_3_diff1": 34.792488128346164, + "nauc_recall_at_3_max": 34.223694348326724, + "nauc_recall_at_5_diff1": 32.528565271564474, + "nauc_recall_at_5_max": 32.428759553708744, + "ndcg_at_1": 24.534, + "ndcg_at_10": 33.363, + "ndcg_at_100": 38.737, + "ndcg_at_1000": 41.508, + "ndcg_at_20": 35.288000000000004, + "ndcg_at_3": 29.083, + "ndcg_at_5": 31.212, + "precision_at_1": 24.534, + "precision_at_10": 5.588, + "precision_at_100": 0.932, + "precision_at_1000": 0.129, + "precision_at_20": 3.3300000000000005, + "precision_at_3": 13.245999999999999, + "precision_at_5": 9.366, + "recall_at_1": 20.709, + "recall_at_10": 43.924, + "recall_at_100": 67.823, + "recall_at_1000": 87.665, + "recall_at_20": 50.893, + "recall_at_3": 32.175, + "recall_at_5": 37.649, + "main_score": 33.363 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/CQADupstackWebmastersRetrieval.json b/results/Lajavaness__bilingual-embedding-small/external/CQADupstackWebmastersRetrieval.json new file mode 100644 index 000000000..f09143ff5 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/CQADupstackWebmastersRetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "160c094312a0e1facb97e55eeddb698c0abe3571", + "task_name": "CQADupstackWebmastersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.305, + "map_at_10": 30.379, + "map_at_100": 31.782, + "map_at_1000": 32.012, + "map_at_20": 31.064000000000004, + "map_at_3": 27.881, + "map_at_5": 29.160000000000004, + "mrr_at_1": 27.07509881422925, + "mrr_at_10": 34.71610515088775, + "mrr_at_100": 35.64647402926793, + "mrr_at_1000": 35.72461288830468, + "mrr_at_20": 35.21386515614449, + "mrr_at_3": 32.608695652173914, + "mrr_at_5": 33.73517786561265, + "nauc_map_at_1000_diff1": 40.06942921592567, + "nauc_map_at_1000_max": 34.948952917618826, + "nauc_map_at_100_diff1": 40.26652655508838, + "nauc_map_at_100_max": 35.05037692834513, + "nauc_map_at_10_diff1": 40.40482595725152, + "nauc_map_at_10_max": 34.76994801074602, + "nauc_map_at_1_diff1": 48.449155396082276, + "nauc_map_at_1_max": 31.923255733967675, + "nauc_map_at_20_diff1": 40.43121378897672, + "nauc_map_at_20_max": 34.955059887164744, + "nauc_map_at_3_diff1": 41.520030101234, + "nauc_map_at_3_max": 33.87326916343342, + "nauc_map_at_5_diff1": 40.68085798830698, + "nauc_map_at_5_max": 34.52274061079644, + "nauc_mrr_at_1000_diff1": 38.58624602600238, + "nauc_mrr_at_1000_max": 36.71589604244066, + "nauc_mrr_at_100_diff1": 38.57954339254479, + "nauc_mrr_at_100_max": 36.71451461262756, + "nauc_mrr_at_10_diff1": 38.39778240600376, + "nauc_mrr_at_10_max": 36.867440078145805, + "nauc_mrr_at_1_diff1": 45.54773488737558, + "nauc_mrr_at_1_max": 35.46157252708776, + "nauc_mrr_at_20_diff1": 38.56226741939672, + "nauc_mrr_at_20_max": 36.79076112969171, + "nauc_mrr_at_3_diff1": 39.241048736996326, + "nauc_mrr_at_3_max": 36.81497880532945, + "nauc_mrr_at_5_diff1": 38.75938933304581, + "nauc_mrr_at_5_max": 36.91112394256869, + "nauc_ndcg_at_1000_diff1": 37.01015933832102, + "nauc_ndcg_at_1000_max": 36.14674427038953, + "nauc_ndcg_at_100_diff1": 37.46009355653446, + "nauc_ndcg_at_100_max": 36.168362134330415, + "nauc_ndcg_at_10_diff1": 36.87998378155374, + "nauc_ndcg_at_10_max": 36.03488979078424, + "nauc_ndcg_at_1_diff1": 45.54773488737558, + "nauc_ndcg_at_1_max": 35.46157252708776, + "nauc_ndcg_at_20_diff1": 37.32245335628528, + "nauc_ndcg_at_20_max": 35.98153437861986, + "nauc_ndcg_at_3_diff1": 38.4065595992595, + "nauc_ndcg_at_3_max": 36.16984761665991, + "nauc_ndcg_at_5_diff1": 37.528041451543274, + "nauc_ndcg_at_5_max": 36.29795461312836, + "nauc_precision_at_1000_diff1": -27.028565760553704, + "nauc_precision_at_1000_max": -6.211061610108618, + "nauc_precision_at_100_diff1": -11.543495827856747, + "nauc_precision_at_100_max": 10.08227744965561, + "nauc_precision_at_10_diff1": 11.91615180702728, + "nauc_precision_at_10_max": 31.648399736572237, + "nauc_precision_at_1_diff1": 45.54773488737558, + "nauc_precision_at_1_max": 35.46157252708776, + "nauc_precision_at_20_diff1": 7.106796337295673, + "nauc_precision_at_20_max": 28.270776285978005, + "nauc_precision_at_3_diff1": 27.025372640430305, + "nauc_precision_at_3_max": 37.05993782016582, + "nauc_precision_at_5_diff1": 20.36905717821343, + "nauc_precision_at_5_max": 36.78762312900936, + "nauc_recall_at_1000_diff1": 15.327824598428135, + "nauc_recall_at_1000_max": 37.388077518454125, + "nauc_recall_at_100_diff1": 26.663273479931682, + "nauc_recall_at_100_max": 35.19719455819416, + "nauc_recall_at_10_diff1": 29.457868053419173, + "nauc_recall_at_10_max": 34.69858107618685, + "nauc_recall_at_1_diff1": 48.449155396082276, + "nauc_recall_at_1_max": 31.923255733967675, + "nauc_recall_at_20_diff1": 28.740287691134785, + "nauc_recall_at_20_max": 33.54392173053316, + "nauc_recall_at_3_diff1": 34.36341724443082, + "nauc_recall_at_3_max": 34.23281133452072, + "nauc_recall_at_5_diff1": 31.778622196668138, + "nauc_recall_at_5_max": 35.09923813897011, + "ndcg_at_1": 27.075, + "ndcg_at_10": 35.35, + "ndcg_at_100": 40.822, + "ndcg_at_1000": 43.961, + "ndcg_at_20": 37.13, + "ndcg_at_3": 31.419000000000004, + "ndcg_at_5": 33.032000000000004, + "precision_at_1": 27.075, + "precision_at_10": 6.64, + "precision_at_100": 1.35, + "precision_at_1000": 0.232, + "precision_at_20": 4.14, + "precision_at_3": 14.427000000000001, + "precision_at_5": 10.435, + "recall_at_1": 22.305, + "recall_at_10": 44.456, + "recall_at_100": 69.57799999999999, + "recall_at_1000": 89.262, + "recall_at_20": 51.434999999999995, + "recall_at_3": 33.141999999999996, + "recall_at_5": 37.51, + "main_score": 35.35 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/CQADupstackWordpressRetrieval.json b/results/Lajavaness__bilingual-embedding-small/external/CQADupstackWordpressRetrieval.json new file mode 100644 index 000000000..60d128eb8 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/CQADupstackWordpressRetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "4ffe81d471b1924886b33c7567bfb200e9eec5c4", + "task_name": "CQADupstackWordpressRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.723999999999998, + "map_at_10": 22.479, + "map_at_100": 23.494, + "map_at_1000": 23.613, + "map_at_20": 23.043, + "map_at_3": 20.49, + "map_at_5": 21.711, + "mrr_at_1": 17.375231053604438, + "mrr_at_10": 24.391485491300635, + "mrr_at_100": 25.3451706703197, + "mrr_at_1000": 25.4338976938353, + "mrr_at_20": 24.932480156623605, + "mrr_at_3": 22.48921749845963, + "mrr_at_5": 23.62600123228588, + "nauc_map_at_1000_diff1": 26.568452594006768, + "nauc_map_at_1000_max": 22.6643108995624, + "nauc_map_at_100_diff1": 26.56713050875225, + "nauc_map_at_100_max": 22.72845024690553, + "nauc_map_at_10_diff1": 26.48034872839756, + "nauc_map_at_10_max": 22.77864909505566, + "nauc_map_at_1_diff1": 35.16513757522047, + "nauc_map_at_1_max": 22.34690217093654, + "nauc_map_at_20_diff1": 26.373663262670444, + "nauc_map_at_20_max": 22.587491027571254, + "nauc_map_at_3_diff1": 27.621000302198922, + "nauc_map_at_3_max": 22.84661442384809, + "nauc_map_at_5_diff1": 26.765290689478732, + "nauc_map_at_5_max": 22.988851260881056, + "nauc_mrr_at_1000_diff1": 27.28527950781967, + "nauc_mrr_at_1000_max": 22.818092962601042, + "nauc_mrr_at_100_diff1": 27.29780478860489, + "nauc_mrr_at_100_max": 22.85092145520846, + "nauc_mrr_at_10_diff1": 27.245118068210814, + "nauc_mrr_at_10_max": 22.93612080353226, + "nauc_mrr_at_1_diff1": 36.22401042267479, + "nauc_mrr_at_1_max": 24.1620633176196, + "nauc_mrr_at_20_diff1": 27.10137249046854, + "nauc_mrr_at_20_max": 22.74832608433313, + "nauc_mrr_at_3_diff1": 28.803394273224846, + "nauc_mrr_at_3_max": 23.58218274270813, + "nauc_mrr_at_5_diff1": 27.548514879068392, + "nauc_mrr_at_5_max": 23.202061782986362, + "nauc_ndcg_at_1000_diff1": 24.255610268405004, + "nauc_ndcg_at_1000_max": 21.021653182317866, + "nauc_ndcg_at_100_diff1": 24.38035576235643, + "nauc_ndcg_at_100_max": 22.01602046149638, + "nauc_ndcg_at_10_diff1": 23.72345010383346, + "nauc_ndcg_at_10_max": 22.379426846697886, + "nauc_ndcg_at_1_diff1": 36.22401042267479, + "nauc_ndcg_at_1_max": 24.1620633176196, + "nauc_ndcg_at_20_diff1": 23.238204223853767, + "nauc_ndcg_at_20_max": 21.524058764754642, + "nauc_ndcg_at_3_diff1": 26.154431437162284, + "nauc_ndcg_at_3_max": 23.12477560308262, + "nauc_ndcg_at_5_diff1": 24.381279154864856, + "nauc_ndcg_at_5_max": 22.928738776001943, + "nauc_precision_at_1000_diff1": 10.866194934427694, + "nauc_precision_at_1000_max": -8.119816513990198, + "nauc_precision_at_100_diff1": 16.347299053203397, + "nauc_precision_at_100_max": 13.26292415361133, + "nauc_precision_at_10_diff1": 16.63699688800471, + "nauc_precision_at_10_max": 22.375088256427286, + "nauc_precision_at_1_diff1": 36.22401042267479, + "nauc_precision_at_1_max": 24.1620633176196, + "nauc_precision_at_20_diff1": 15.555806748912909, + "nauc_precision_at_20_max": 18.55637142126297, + "nauc_precision_at_3_diff1": 21.119629681631707, + "nauc_precision_at_3_max": 25.238443284915007, + "nauc_precision_at_5_diff1": 18.173398326347908, + "nauc_precision_at_5_max": 24.277628318544387, + "nauc_recall_at_1000_diff1": 11.904300629344641, + "nauc_recall_at_1000_max": 4.543701587503855, + "nauc_recall_at_100_diff1": 17.873778791471032, + "nauc_recall_at_100_max": 18.07160995779775, + "nauc_recall_at_10_diff1": 15.715088403469021, + "nauc_recall_at_10_max": 20.285351500657857, + "nauc_recall_at_1_diff1": 35.16513757522047, + "nauc_recall_at_1_max": 22.34690217093654, + "nauc_recall_at_20_diff1": 13.584020684215409, + "nauc_recall_at_20_max": 16.915404230260844, + "nauc_recall_at_3_diff1": 20.57543835256644, + "nauc_recall_at_3_max": 22.257888049364798, + "nauc_recall_at_5_diff1": 17.196563781054497, + "nauc_recall_at_5_max": 21.786295860256278, + "ndcg_at_1": 17.375, + "ndcg_at_10": 26.458, + "ndcg_at_100": 31.630999999999997, + "ndcg_at_1000": 34.648, + "ndcg_at_20": 28.429, + "ndcg_at_3": 22.572, + "ndcg_at_5": 24.627, + "precision_at_1": 17.375, + "precision_at_10": 4.3069999999999995, + "precision_at_100": 0.747, + "precision_at_1000": 0.11299999999999999, + "precision_at_20": 2.616, + "precision_at_3": 9.982000000000001, + "precision_at_5": 7.172000000000001, + "recall_at_1": 15.723999999999998, + "recall_at_10": 36.848, + "recall_at_100": 60.843, + "recall_at_1000": 83.35900000000001, + "recall_at_20": 44.239, + "recall_at_3": 26.512999999999998, + "recall_at_5": 31.447999999999997, + "main_score": 26.458 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/ClimateFEVER.json b/results/Lajavaness__bilingual-embedding-small/external/ClimateFEVER.json new file mode 100644 index 000000000..ebf0be8d2 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/ClimateFEVER.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 7.556, + "map_at_10": 14.451, + "map_at_100": 16.098000000000003, + "map_at_1000": 16.292, + "map_at_20": 15.354000000000001, + "map_at_3": 11.788, + "map_at_5": 13.036, + "mrr_at_1": 17.850162866449512, + "mrr_at_10": 29.02070730572359, + "mrr_at_100": 30.10374653258222, + "mrr_at_1000": 30.159660391788854, + "mrr_at_20": 29.705480653232243, + "mrr_at_3": 25.287730727470116, + "mrr_at_5": 27.437567861020568, + "nauc_map_at_1000_diff1": 19.209527081030096, + "nauc_map_at_1000_max": 31.647208883839507, + "nauc_map_at_100_diff1": 19.20806522507485, + "nauc_map_at_100_max": 31.548780447276, + "nauc_map_at_10_diff1": 19.169908589166987, + "nauc_map_at_10_max": 30.501288768500395, + "nauc_map_at_1_diff1": 26.988959334325852, + "nauc_map_at_1_max": 27.356073363716522, + "nauc_map_at_20_diff1": 19.09827492317952, + "nauc_map_at_20_max": 31.134688299749186, + "nauc_map_at_3_diff1": 19.934035735585724, + "nauc_map_at_3_max": 29.22218051641785, + "nauc_map_at_5_diff1": 19.398656144868713, + "nauc_map_at_5_max": 29.045993729549778, + "nauc_mrr_at_1000_diff1": 16.978829558159727, + "nauc_mrr_at_1000_max": 27.016129985398962, + "nauc_mrr_at_100_diff1": 16.95693929120996, + "nauc_mrr_at_100_max": 27.02464201206241, + "nauc_mrr_at_10_diff1": 16.922383134541786, + "nauc_mrr_at_10_max": 26.917342116854172, + "nauc_mrr_at_1_diff1": 21.967275710063323, + "nauc_mrr_at_1_max": 23.97730021914779, + "nauc_mrr_at_20_diff1": 16.933125050384778, + "nauc_mrr_at_20_max": 27.07768335891788, + "nauc_mrr_at_3_diff1": 16.946763294333316, + "nauc_mrr_at_3_max": 25.214811458539, + "nauc_mrr_at_5_diff1": 17.04305756647301, + "nauc_mrr_at_5_max": 26.130628979961834, + "nauc_ndcg_at_1000_diff1": 16.986658675773686, + "nauc_ndcg_at_1000_max": 34.4643347153785, + "nauc_ndcg_at_100_diff1": 17.057499024976163, + "nauc_ndcg_at_100_max": 33.73159453243811, + "nauc_ndcg_at_10_diff1": 16.929966520239194, + "nauc_ndcg_at_10_max": 31.301536380836026, + "nauc_ndcg_at_1_diff1": 21.967275710063323, + "nauc_ndcg_at_1_max": 23.97730021914779, + "nauc_ndcg_at_20_diff1": 16.900348110026968, + "nauc_ndcg_at_20_max": 32.476079344191525, + "nauc_ndcg_at_3_diff1": 17.270453057670856, + "nauc_ndcg_at_3_max": 27.75387606914448, + "nauc_ndcg_at_5_diff1": 17.300131450254998, + "nauc_ndcg_at_5_max": 28.707766380169097, + "nauc_precision_at_1000_diff1": 2.3756918838598002, + "nauc_precision_at_1000_max": 20.23410724169113, + "nauc_precision_at_100_diff1": 6.358801887547644, + "nauc_precision_at_100_max": 26.742998434337, + "nauc_precision_at_10_diff1": 8.985726577486592, + "nauc_precision_at_10_max": 29.98846164047006, + "nauc_precision_at_1_diff1": 21.967275710063323, + "nauc_precision_at_1_max": 23.97730021914779, + "nauc_precision_at_20_diff1": 8.689481678265938, + "nauc_precision_at_20_max": 30.24412868451184, + "nauc_precision_at_3_diff1": 11.498289241456895, + "nauc_precision_at_3_max": 26.84419245258572, + "nauc_precision_at_5_diff1": 10.894319062565254, + "nauc_precision_at_5_max": 27.273788735432884, + "nauc_recall_at_1000_diff1": 8.943592557292224, + "nauc_recall_at_1000_max": 37.585654238896446, + "nauc_recall_at_100_diff1": 10.708206895515247, + "nauc_recall_at_100_max": 32.10962530348595, + "nauc_recall_at_10_diff1": 12.169794236323957, + "nauc_recall_at_10_max": 30.12170288353037, + "nauc_recall_at_1_diff1": 26.988959334325852, + "nauc_recall_at_1_max": 27.356073363716522, + "nauc_recall_at_20_diff1": 11.394888526086374, + "nauc_recall_at_20_max": 30.72718903844353, + "nauc_recall_at_3_diff1": 15.011650843515994, + "nauc_recall_at_3_max": 28.233837827958475, + "nauc_recall_at_5_diff1": 13.739007199689038, + "nauc_recall_at_5_max": 27.097220418736455, + "ndcg_at_1": 17.849999999999998, + "ndcg_at_10": 21.712, + "ndcg_at_100": 28.552, + "ndcg_at_1000": 32.261, + "ndcg_at_20": 24.421, + "ndcg_at_3": 16.791, + "ndcg_at_5": 18.462999999999997, + "precision_at_1": 17.849999999999998, + "precision_at_10": 7.212000000000001, + "precision_at_100": 1.438, + "precision_at_1000": 0.212, + "precision_at_20": 4.73, + "precision_at_3": 12.942, + "precision_at_5": 10.280000000000001, + "recall_at_1": 7.556, + "recall_at_10": 27.891, + "recall_at_100": 51.585, + "recall_at_1000": 72.638, + "recall_at_20": 35.644999999999996, + "recall_at_3": 16.026, + "recall_at_5": 20.507, + "main_score": 21.712 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/DBPedia.json b/results/Lajavaness__bilingual-embedding-small/external/DBPedia.json new file mode 100644 index 000000000..5bafd9fcf --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/DBPedia.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 7.234, + "map_at_10": 14.607000000000001, + "map_at_100": 20.104, + "map_at_1000": 21.478, + "map_at_20": 16.619999999999997, + "map_at_3": 11.027000000000001, + "map_at_5": 12.469, + "mrr_at_1": 54.25, + "mrr_at_10": 64.63998015873014, + "mrr_at_100": 65.1130930093471, + "mrr_at_1000": 65.13135082056961, + "mrr_at_20": 64.94966038326137, + "mrr_at_3": 62.458333333333336, + "mrr_at_5": 63.845833333333324, + "nauc_map_at_1000_diff1": 22.4158889201391, + "nauc_map_at_1000_max": 7.026467662060626, + "nauc_map_at_100_diff1": 23.04636496295622, + "nauc_map_at_100_max": 4.725540774086458, + "nauc_map_at_10_diff1": 23.432494495467783, + "nauc_map_at_10_max": -5.821110663085555, + "nauc_map_at_1_diff1": 34.840276007257444, + "nauc_map_at_1_max": -11.37201527363141, + "nauc_map_at_20_diff1": 24.395490704549474, + "nauc_map_at_20_max": -2.1089029956487084, + "nauc_map_at_3_diff1": 26.996333964606727, + "nauc_map_at_3_max": -10.371168153982198, + "nauc_map_at_5_diff1": 24.959954478462205, + "nauc_map_at_5_max": -8.600893701670593, + "nauc_mrr_at_1000_diff1": 35.24039282463778, + "nauc_mrr_at_1000_max": 37.114026096308244, + "nauc_mrr_at_100_diff1": 35.246986246738324, + "nauc_mrr_at_100_max": 37.127597625848175, + "nauc_mrr_at_10_diff1": 35.19817679146017, + "nauc_mrr_at_10_max": 37.10088394447574, + "nauc_mrr_at_1_diff1": 37.871437973819546, + "nauc_mrr_at_1_max": 33.639317316766494, + "nauc_mrr_at_20_diff1": 35.1331593237111, + "nauc_mrr_at_20_max": 37.0319775042493, + "nauc_mrr_at_3_diff1": 35.18290669114643, + "nauc_mrr_at_3_max": 37.17151353458554, + "nauc_mrr_at_5_diff1": 35.27152644879001, + "nauc_mrr_at_5_max": 37.59776931748075, + "nauc_ndcg_at_1000_diff1": 23.265231375797573, + "nauc_ndcg_at_1000_max": 19.253303883964247, + "nauc_ndcg_at_100_diff1": 24.65543924960885, + "nauc_ndcg_at_100_max": 12.423207189979774, + "nauc_ndcg_at_10_diff1": 22.383661242851076, + "nauc_ndcg_at_10_max": 12.11544119539834, + "nauc_ndcg_at_1_diff1": 35.37762392054306, + "nauc_ndcg_at_1_max": 24.33308418951577, + "nauc_ndcg_at_20_diff1": 24.56519958043796, + "nauc_ndcg_at_20_max": 9.25238387333473, + "nauc_ndcg_at_3_diff1": 24.39638864122631, + "nauc_ndcg_at_3_max": 18.095896878796434, + "nauc_ndcg_at_5_diff1": 21.554177625230157, + "nauc_ndcg_at_5_max": 14.90300796432758, + "nauc_precision_at_1000_diff1": -14.028751970399872, + "nauc_precision_at_1000_max": 22.683829892782335, + "nauc_precision_at_100_diff1": -1.4922684516357194, + "nauc_precision_at_100_max": 32.211371870388795, + "nauc_precision_at_10_diff1": 1.3791441135589875, + "nauc_precision_at_10_max": 28.329452472562267, + "nauc_precision_at_1_diff1": 37.871437973819546, + "nauc_precision_at_1_max": 33.639317316766494, + "nauc_precision_at_20_diff1": 3.1829444563318128, + "nauc_precision_at_20_max": 30.79822842458981, + "nauc_precision_at_3_diff1": 9.890760276356035, + "nauc_precision_at_3_max": 27.255950486716085, + "nauc_precision_at_5_diff1": 2.835882319987235, + "nauc_precision_at_5_max": 27.588094099192865, + "nauc_recall_at_1000_diff1": 11.301016973437319, + "nauc_recall_at_1000_max": 13.632028573670441, + "nauc_recall_at_100_diff1": 16.244420258674484, + "nauc_recall_at_100_max": 5.252228595283477, + "nauc_recall_at_10_diff1": 17.14009149723741, + "nauc_recall_at_10_max": -8.886638909096206, + "nauc_recall_at_1_diff1": 34.840276007257444, + "nauc_recall_at_1_max": -11.37201527363141, + "nauc_recall_at_20_diff1": 18.393774547280316, + "nauc_recall_at_20_max": -5.756994115048744, + "nauc_recall_at_3_diff1": 23.65687656688717, + "nauc_recall_at_3_max": -11.646229125385862, + "nauc_recall_at_5_diff1": 21.02934437742109, + "nauc_recall_at_5_max": -9.305597108185982, + "ndcg_at_1": 42.625, + "ndcg_at_10": 32.005, + "ndcg_at_100": 36.563, + "ndcg_at_1000": 44.207, + "ndcg_at_20": 31.608999999999998, + "ndcg_at_3": 35.949999999999996, + "ndcg_at_5": 33.375, + "precision_at_1": 54.25, + "precision_at_10": 25.650000000000002, + "precision_at_100": 8.260000000000002, + "precision_at_1000": 1.806, + "precision_at_20": 18.9, + "precision_at_3": 39.833, + "precision_at_5": 32.7, + "recall_at_1": 7.234, + "recall_at_10": 20.075000000000003, + "recall_at_100": 43.980999999999995, + "recall_at_1000": 68.527, + "recall_at_20": 26.251, + "recall_at_3": 12.534999999999998, + "recall_at_5": 15.121, + "main_score": 32.005 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/EmotionClassification.json b/results/Lajavaness__bilingual-embedding-small/external/EmotionClassification.json new file mode 100644 index 000000000..4560a0d49 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/EmotionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 40.81, + "f1": 36.53895095274932, + "f1_weighted": 43.09824575802351, + "main_score": 40.81 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/FEVER.json b/results/Lajavaness__bilingual-embedding-small/external/FEVER.json new file mode 100644 index 000000000..a6ac5c234 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/FEVER.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 45.399, + "map_at_10": 59.345000000000006, + "map_at_100": 59.821000000000005, + "map_at_1000": 59.841, + "map_at_20": 59.662000000000006, + "map_at_3": 56.577, + "map_at_5": 58.384, + "mrr_at_1": 48.7998799879988, + "mrr_at_10": 63.182490868134714, + "mrr_at_100": 63.571831061553496, + "mrr_at_1000": 63.58053777600791, + "mrr_at_20": 63.45420825510186, + "mrr_at_3": 60.45604560456103, + "mrr_at_5": 62.25322532253252, + "nauc_map_at_1000_diff1": 35.07017933142576, + "nauc_map_at_1000_max": 8.523823797002448, + "nauc_map_at_100_diff1": 35.06363318835806, + "nauc_map_at_100_max": 8.522323239837585, + "nauc_map_at_10_diff1": 34.99069002859329, + "nauc_map_at_10_max": 8.635643511853687, + "nauc_map_at_1_diff1": 38.063117939510256, + "nauc_map_at_1_max": 5.897821931847972, + "nauc_map_at_20_diff1": 35.02816464339912, + "nauc_map_at_20_max": 8.57606618814322, + "nauc_map_at_3_diff1": 34.74870593960704, + "nauc_map_at_3_max": 7.7563142367550855, + "nauc_map_at_5_diff1": 34.86268337627808, + "nauc_map_at_5_max": 8.440880068028383, + "nauc_mrr_at_1000_diff1": 38.05838366137394, + "nauc_mrr_at_1000_max": 8.841793483971488, + "nauc_mrr_at_100_diff1": 38.055327497620105, + "nauc_mrr_at_100_max": 8.852785015905537, + "nauc_mrr_at_10_diff1": 37.972785779782065, + "nauc_mrr_at_10_max": 9.037378532213502, + "nauc_mrr_at_1_diff1": 40.4432565446304, + "nauc_mrr_at_1_max": 5.807334670577964, + "nauc_mrr_at_20_diff1": 38.02767311040578, + "nauc_mrr_at_20_max": 8.935949669165813, + "nauc_mrr_at_3_diff1": 37.60471936912395, + "nauc_mrr_at_3_max": 8.236789961860858, + "nauc_mrr_at_5_diff1": 37.86352377415473, + "nauc_mrr_at_5_max": 8.895540094390892, + "nauc_ndcg_at_1000_diff1": 35.07160524499026, + "nauc_ndcg_at_1000_max": 9.813866402912101, + "nauc_ndcg_at_100_diff1": 34.92933991980568, + "nauc_ndcg_at_100_max": 9.89567365562028, + "nauc_ndcg_at_10_diff1": 34.529981017804104, + "nauc_ndcg_at_10_max": 10.607560550422225, + "nauc_ndcg_at_1_diff1": 40.4432565446304, + "nauc_ndcg_at_1_max": 5.807334670577964, + "nauc_ndcg_at_20_diff1": 34.668263021521994, + "nauc_ndcg_at_20_max": 10.397799223138245, + "nauc_ndcg_at_3_diff1": 34.25729382926051, + "nauc_ndcg_at_3_max": 8.745767948993501, + "nauc_ndcg_at_5_diff1": 34.33973241023773, + "nauc_ndcg_at_5_max": 10.048081516024556, + "nauc_precision_at_1000_diff1": -4.077783587263832, + "nauc_precision_at_1000_max": 12.765822496184464, + "nauc_precision_at_100_diff1": 1.4680450598592432, + "nauc_precision_at_100_max": 17.44831984105488, + "nauc_precision_at_10_diff1": 19.92695770531176, + "nauc_precision_at_10_max": 23.914679743057352, + "nauc_precision_at_1_diff1": 40.4432565446304, + "nauc_precision_at_1_max": 5.807334670577964, + "nauc_precision_at_20_diff1": 12.999177323343336, + "nauc_precision_at_20_max": 23.540911859396033, + "nauc_precision_at_3_diff1": 29.62941105307629, + "nauc_precision_at_3_max": 12.866042509022865, + "nauc_precision_at_5_diff1": 26.255704472502938, + "nauc_precision_at_5_max": 18.77439128365061, + "nauc_recall_at_1000_diff1": 8.920814764522019, + "nauc_recall_at_1000_max": 17.655295496605643, + "nauc_recall_at_100_diff1": 14.762238468369407, + "nauc_recall_at_100_max": 17.048567752646125, + "nauc_recall_at_10_diff1": 23.32325502930857, + "nauc_recall_at_10_max": 19.556176492083992, + "nauc_recall_at_1_diff1": 38.063117939510256, + "nauc_recall_at_1_max": 5.897821931847972, + "nauc_recall_at_20_diff1": 20.506042184854063, + "nauc_recall_at_20_max": 20.561022468033503, + "nauc_recall_at_3_diff1": 27.65947022544946, + "nauc_recall_at_3_max": 10.81743699331276, + "nauc_recall_at_5_diff1": 25.94551760999131, + "nauc_recall_at_5_max": 15.156745563504675, + "ndcg_at_1": 48.8, + "ndcg_at_10": 66.459, + "ndcg_at_100": 68.521, + "ndcg_at_1000": 68.938, + "ndcg_at_20": 67.52, + "ndcg_at_3": 61.11299999999999, + "ndcg_at_5": 64.21900000000001, + "precision_at_1": 48.8, + "precision_at_10": 9.256, + "precision_at_100": 1.04, + "precision_at_1000": 0.109, + "precision_at_20": 4.862, + "precision_at_3": 25.387999999999998, + "precision_at_5": 16.933999999999997, + "recall_at_1": 45.399, + "recall_at_10": 84.572, + "recall_at_100": 93.585, + "recall_at_1000": 96.43, + "recall_at_20": 88.576, + "recall_at_3": 70.283, + "recall_at_5": 77.804, + "main_score": 66.459 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/FiQA2018.json b/results/Lajavaness__bilingual-embedding-small/external/FiQA2018.json new file mode 100644 index 000000000..0c7790a06 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/FiQA2018.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 10.773000000000001, + "map_at_10": 18.273, + "map_at_100": 19.846, + "map_at_1000": 20.066, + "map_at_20": 19.092000000000002, + "map_at_3": 15.653, + "map_at_5": 16.996, + "mrr_at_1": 22.839506172839506, + "mrr_at_10": 30.709264158338218, + "mrr_at_100": 31.765285545264728, + "mrr_at_1000": 31.84254498770477, + "mrr_at_20": 31.28359047494611, + "mrr_at_3": 28.34362139917697, + "mrr_at_5": 29.578189300411527, + "nauc_map_at_1000_diff1": 42.33696758957174, + "nauc_map_at_1000_max": 22.28446732536063, + "nauc_map_at_100_diff1": 42.280232367289614, + "nauc_map_at_100_max": 22.193658543387336, + "nauc_map_at_10_diff1": 42.86152992348606, + "nauc_map_at_10_max": 21.649513921678768, + "nauc_map_at_1_diff1": 50.25274550047308, + "nauc_map_at_1_max": 18.793153289309025, + "nauc_map_at_20_diff1": 42.68337193792793, + "nauc_map_at_20_max": 21.783732998080165, + "nauc_map_at_3_diff1": 44.526091901592025, + "nauc_map_at_3_max": 20.44240168343812, + "nauc_map_at_5_diff1": 43.40025778096801, + "nauc_map_at_5_max": 21.337520847399794, + "nauc_mrr_at_1000_diff1": 42.76413081015503, + "nauc_mrr_at_1000_max": 25.051153181122253, + "nauc_mrr_at_100_diff1": 42.726972311439724, + "nauc_mrr_at_100_max": 25.041597478239442, + "nauc_mrr_at_10_diff1": 43.05815490208189, + "nauc_mrr_at_10_max": 25.13689635924164, + "nauc_mrr_at_1_diff1": 49.40608982855475, + "nauc_mrr_at_1_max": 26.84279922755957, + "nauc_mrr_at_20_diff1": 42.68770796904053, + "nauc_mrr_at_20_max": 25.00374130766682, + "nauc_mrr_at_3_diff1": 43.56229080869875, + "nauc_mrr_at_3_max": 25.00272462955036, + "nauc_mrr_at_5_diff1": 42.78163485253489, + "nauc_mrr_at_5_max": 24.996583555035066, + "nauc_ndcg_at_1000_diff1": 39.60623109749308, + "nauc_ndcg_at_1000_max": 24.945954161473963, + "nauc_ndcg_at_100_diff1": 38.391977738851054, + "nauc_ndcg_at_100_max": 23.1495309393186, + "nauc_ndcg_at_10_diff1": 40.82447224697167, + "nauc_ndcg_at_10_max": 22.103721284897222, + "nauc_ndcg_at_1_diff1": 49.40608982855475, + "nauc_ndcg_at_1_max": 26.84279922755957, + "nauc_ndcg_at_20_diff1": 39.87655648003804, + "nauc_ndcg_at_20_max": 21.863160067094732, + "nauc_ndcg_at_3_diff1": 42.702330655505094, + "nauc_ndcg_at_3_max": 24.30088309227799, + "nauc_ndcg_at_5_diff1": 41.15335198539591, + "nauc_ndcg_at_5_max": 23.383496342798235, + "nauc_precision_at_1000_diff1": 5.078790711874846, + "nauc_precision_at_1000_max": 28.270734693277067, + "nauc_precision_at_100_diff1": 10.751006733811092, + "nauc_precision_at_100_max": 28.016358575658305, + "nauc_precision_at_10_diff1": 28.69051966074066, + "nauc_precision_at_10_max": 29.264771382133375, + "nauc_precision_at_1_diff1": 49.40608982855475, + "nauc_precision_at_1_max": 26.84279922755957, + "nauc_precision_at_20_diff1": 23.657472193309125, + "nauc_precision_at_20_max": 27.08411359763242, + "nauc_precision_at_3_diff1": 36.599109026411924, + "nauc_precision_at_3_max": 28.383077203742246, + "nauc_precision_at_5_diff1": 31.358430042619563, + "nauc_precision_at_5_max": 28.555003400952845, + "nauc_recall_at_1000_diff1": 20.25194559618304, + "nauc_recall_at_1000_max": 23.710031862813118, + "nauc_recall_at_100_diff1": 18.359725605438047, + "nauc_recall_at_100_max": 13.823806806919805, + "nauc_recall_at_10_diff1": 30.54188950640248, + "nauc_recall_at_10_max": 15.290504422192791, + "nauc_recall_at_1_diff1": 50.25274550047308, + "nauc_recall_at_1_max": 18.793153289309025, + "nauc_recall_at_20_diff1": 27.314651647568404, + "nauc_recall_at_20_max": 14.088522206775039, + "nauc_recall_at_3_diff1": 36.125136373927354, + "nauc_recall_at_3_max": 16.778297325102113, + "nauc_recall_at_5_diff1": 32.03749698394437, + "nauc_recall_at_5_max": 17.620359878684805, + "ndcg_at_1": 22.84, + "ndcg_at_10": 24.467, + "ndcg_at_100": 31.270999999999997, + "ndcg_at_1000": 35.564, + "ndcg_at_20": 26.871000000000002, + "ndcg_at_3": 21.128, + "ndcg_at_5": 22.203999999999997, + "precision_at_1": 22.84, + "precision_at_10": 7.114, + "precision_at_100": 1.381, + "precision_at_1000": 0.213, + "precision_at_20": 4.552, + "precision_at_3": 14.352, + "precision_at_5": 10.864, + "recall_at_1": 10.773000000000001, + "recall_at_10": 30.564000000000004, + "recall_at_100": 56.745999999999995, + "recall_at_1000": 82.826, + "recall_at_20": 37.844, + "recall_at_3": 19.406000000000002, + "recall_at_5": 23.724, + "main_score": 24.467 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/HALClusteringS2S.json b/results/Lajavaness__bilingual-embedding-small/external/HALClusteringS2S.json new file mode 100644 index 000000000..230ff6432 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/HALClusteringS2S.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e06ebbbb123f8144bef1a5d18796f3dec9ae2915", + "task_name": "HALClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "v_measure": 23.558078744326544, + "v_measures": [ + 0.2733310297752872, + 0.2682765808071794, + 0.2513025353387455, + 0.2510650794590461, + 0.20351221275456768 + ], + "main_score": 23.558078744326544 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/HotpotQA.json b/results/Lajavaness__bilingual-embedding-small/external/HotpotQA.json new file mode 100644 index 000000000..7185ab9a4 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/HotpotQA.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.046, + "map_at_10": 48.443000000000005, + "map_at_100": 49.389, + "map_at_1000": 49.466, + "map_at_20": 48.986000000000004, + "map_at_3": 44.893, + "map_at_5": 47.075, + "mrr_at_1": 64.09182984469953, + "mrr_at_10": 72.85266282970527, + "mrr_at_100": 73.21185355612093, + "mrr_at_1000": 73.2252657846111, + "mrr_at_20": 73.10862127718183, + "mrr_at_3": 71.3031735313976, + "mrr_at_5": 72.34233625928402, + "nauc_map_at_1000_diff1": 29.57880669891487, + "nauc_map_at_1000_max": 21.845463980026476, + "nauc_map_at_100_diff1": 29.55367483685356, + "nauc_map_at_100_max": 21.828007798768958, + "nauc_map_at_10_diff1": 29.67368554537432, + "nauc_map_at_10_max": 21.849279138947868, + "nauc_map_at_1_diff1": 61.13740199701338, + "nauc_map_at_1_max": 32.6342175820136, + "nauc_map_at_20_diff1": 29.598291599316568, + "nauc_map_at_20_max": 21.862735577320557, + "nauc_map_at_3_diff1": 31.22835556923922, + "nauc_map_at_3_max": 22.344809372883315, + "nauc_map_at_5_diff1": 30.432000722074665, + "nauc_map_at_5_max": 22.27699649933424, + "nauc_mrr_at_1000_diff1": 59.26794200803715, + "nauc_mrr_at_1000_max": 34.33050463026508, + "nauc_mrr_at_100_diff1": 59.26740246956419, + "nauc_mrr_at_100_max": 34.33577087313508, + "nauc_mrr_at_10_diff1": 59.13786202070478, + "nauc_mrr_at_10_max": 34.377953823081384, + "nauc_mrr_at_1_diff1": 61.13740199701338, + "nauc_mrr_at_1_max": 32.6342175820136, + "nauc_mrr_at_20_diff1": 59.22898475872048, + "nauc_mrr_at_20_max": 34.34680319223408, + "nauc_mrr_at_3_diff1": 59.03499635007199, + "nauc_mrr_at_3_max": 34.398014446289544, + "nauc_mrr_at_5_diff1": 59.20761322618965, + "nauc_mrr_at_5_max": 34.42827235318949, + "nauc_ndcg_at_1000_diff1": 32.64061494118113, + "nauc_ndcg_at_1000_max": 23.616685748536074, + "nauc_ndcg_at_100_diff1": 32.11038119247951, + "nauc_ndcg_at_100_max": 23.33285928609271, + "nauc_ndcg_at_10_diff1": 32.70477446409243, + "nauc_ndcg_at_10_max": 23.662027117393535, + "nauc_ndcg_at_1_diff1": 61.13740199701338, + "nauc_ndcg_at_1_max": 32.6342175820136, + "nauc_ndcg_at_20_diff1": 32.32220211811219, + "nauc_ndcg_at_20_max": 23.564270159145643, + "nauc_ndcg_at_3_diff1": 35.63724665178986, + "nauc_ndcg_at_3_max": 24.820074757992305, + "nauc_ndcg_at_5_diff1": 34.27199365493392, + "nauc_ndcg_at_5_max": 24.508158825075682, + "nauc_precision_at_1000_diff1": -2.430622498990411, + "nauc_precision_at_1000_max": 7.822027373881609, + "nauc_precision_at_100_diff1": 4.202356673527351, + "nauc_precision_at_100_max": 10.321772681063146, + "nauc_precision_at_10_diff1": 14.011676403321902, + "nauc_precision_at_10_max": 15.666639850967512, + "nauc_precision_at_1_diff1": 61.13740199701338, + "nauc_precision_at_1_max": 32.6342175820136, + "nauc_precision_at_20_diff1": 10.437835060510753, + "nauc_precision_at_20_max": 14.10661581882921, + "nauc_precision_at_3_diff1": 23.783985172773143, + "nauc_precision_at_3_max": 20.590352544033866, + "nauc_precision_at_5_diff1": 19.592566862830548, + "nauc_precision_at_5_max": 18.88117124055341, + "nauc_recall_at_1000_diff1": -2.430622498990057, + "nauc_recall_at_1000_max": 7.822027373881757, + "nauc_recall_at_100_diff1": 4.202356673527403, + "nauc_recall_at_100_max": 10.32177268106303, + "nauc_recall_at_10_diff1": 14.011676403321957, + "nauc_recall_at_10_max": 15.666639850967554, + "nauc_recall_at_1_diff1": 61.13740199701338, + "nauc_recall_at_1_max": 32.6342175820136, + "nauc_recall_at_20_diff1": 10.437835060510707, + "nauc_recall_at_20_max": 14.106615818829187, + "nauc_recall_at_3_diff1": 23.783985172773168, + "nauc_recall_at_3_max": 20.590352544033934, + "nauc_recall_at_5_diff1": 19.59256686283052, + "nauc_recall_at_5_max": 18.88117124055339, + "ndcg_at_1": 64.092, + "ndcg_at_10": 57.964000000000006, + "ndcg_at_100": 61.501, + "ndcg_at_1000": 63.022, + "ndcg_at_20": 59.463, + "ndcg_at_3": 52.608, + "ndcg_at_5": 55.577, + "precision_at_1": 64.092, + "precision_at_10": 12.462, + "precision_at_100": 1.5230000000000001, + "precision_at_1000": 0.172, + "precision_at_20": 6.714, + "precision_at_3": 33.657, + "precision_at_5": 22.533, + "recall_at_1": 32.046, + "recall_at_10": 62.309000000000005, + "recall_at_100": 76.13799999999999, + "recall_at_1000": 86.185, + "recall_at_20": 67.144, + "recall_at_3": 50.486, + "recall_at_5": 56.333999999999996, + "main_score": 57.964000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/ImdbClassification.json b/results/Lajavaness__bilingual-embedding-small/external/ImdbClassification.json new file mode 100644 index 000000000..0ac7831b3 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/ImdbClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.702, + "ap": 67.55549836397681, + "ap_weighted": 67.55549836397681, + "f1": 73.4581895293936, + "f1_weighted": 73.45818952939358, + "main_score": 73.702 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/MLSUMClusteringP2P.json b/results/Lajavaness__bilingual-embedding-small/external/MLSUMClusteringP2P.json new file mode 100644 index 000000000..115b62b9f --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/MLSUMClusteringP2P.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "b5d54f8f3b61ae17845046286940f03c6bc79bc7", + "task_name": "MLSUMClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "v_measure": 43.301348316325736, + "v_measures": [ + 0.4233196411550677, + 0.44970595264164037, + 0.45186708688635496, + 0.42148885803149255, + 0.40025908391437176 + ], + "main_score": 43.301348316325736 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "v_measure": 42.77218507395412, + "v_measures": [ + 0.43093819041603315, + 0.43214445147026653, + 0.437274496285348, + 0.39675619790062994, + 0.3965947118445383 + ], + "main_score": 42.77218507395412 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/MSMARCO.json b/results/Lajavaness__bilingual-embedding-small/external/MSMARCO.json new file mode 100644 index 000000000..766bda139 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/MSMARCO.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 30.051, + "map_at_1": 14.244, + "map_at_10": 24.143, + "map_at_100": 25.402, + "map_at_1000": 25.479, + "map_at_20": 24.875, + "map_at_3": 20.694, + "map_at_5": 22.604, + "mrr_at_1": 14.584527220630372, + "mrr_at_10": 24.557460090053123, + "mrr_at_100": 25.785901435660147, + "mrr_at_1000": 25.85709282510335, + "mrr_at_20": 25.274992596418866, + "mrr_at_3": 21.131805157593057, + "mrr_at_5": 23.0429799426934, + "nauc_map_at_1000_diff1": 27.61711087970365, + "nauc_map_at_1000_max": 1.6657479941178628, + "nauc_map_at_1000_std": -9.49651956936018, + "nauc_map_at_100_diff1": 27.61498736358577, + "nauc_map_at_100_max": 1.6634690696430845, + "nauc_map_at_100_std": -9.46789097558277, + "nauc_map_at_10_diff1": 27.616888705380603, + "nauc_map_at_10_max": 1.4276684096575918, + "nauc_map_at_10_std": -10.446820384304754, + "nauc_map_at_1_diff1": 29.76931787521696, + "nauc_map_at_1_max": 0.948603060998731, + "nauc_map_at_1_std": -10.775704940266767, + "nauc_map_at_20_diff1": 27.57600730820819, + "nauc_map_at_20_max": 1.5143185235329177, + "nauc_map_at_20_std": -9.849312193865744, + "nauc_map_at_3_diff1": 27.890351531157577, + "nauc_map_at_3_max": 1.4000607426502167, + "nauc_map_at_3_std": -11.118014158060422, + "nauc_map_at_5_diff1": 27.786816928992376, + "nauc_map_at_5_max": 1.2637200637686197, + "nauc_map_at_5_std": -10.922970086569386, + "nauc_mrr_at_1000_diff1": 27.42128154832487, + "nauc_mrr_at_1000_max": 1.769383613212847, + "nauc_mrr_at_1000_std": -9.304600797518969, + "nauc_mrr_at_100_diff1": 27.418466905238216, + "nauc_mrr_at_100_max": 1.7702836453764914, + "nauc_mrr_at_100_std": -9.27018903363956, + "nauc_mrr_at_10_diff1": 27.43223048852499, + "nauc_mrr_at_10_max": 1.5863443925517158, + "nauc_mrr_at_10_std": -10.19228455560491, + "nauc_mrr_at_1_diff1": 29.63894982019449, + "nauc_mrr_at_1_max": 1.1350720726087482, + "nauc_mrr_at_1_std": -10.706375855749798, + "nauc_mrr_at_20_diff1": 27.3813401873824, + "nauc_mrr_at_20_max": 1.6349061697179936, + "nauc_mrr_at_20_std": -9.62511280355079, + "nauc_mrr_at_3_diff1": 27.63825584292618, + "nauc_mrr_at_3_max": 1.5014142622215632, + "nauc_mrr_at_3_std": -10.937120645836448, + "nauc_mrr_at_5_diff1": 27.65874684943374, + "nauc_mrr_at_5_max": 1.3921567756597124, + "nauc_mrr_at_5_std": -10.715887774339881, + "nauc_ndcg_at_1000_diff1": 26.940019720932135, + "nauc_ndcg_at_1000_max": 3.071589090811754, + "nauc_ndcg_at_1000_std": -5.820914521338, + "nauc_ndcg_at_100_diff1": 26.80295695348146, + "nauc_ndcg_at_100_max": 3.064374012393309, + "nauc_ndcg_at_100_std": -4.689320725729883, + "nauc_ndcg_at_10_diff1": 26.73912033432779, + "nauc_ndcg_at_10_max": 1.7371596861856864, + "nauc_ndcg_at_10_std": -9.587955568967976, + "nauc_ndcg_at_1_diff1": 29.63894982019449, + "nauc_ndcg_at_1_max": 1.1350720726087482, + "nauc_ndcg_at_1_std": -10.706375855749798, + "nauc_ndcg_at_20_diff1": 26.554059540064955, + "nauc_ndcg_at_20_max": 2.037008011734218, + "nauc_ndcg_at_20_std": -7.522356479764311, + "nauc_ndcg_at_3_diff1": 27.38197429348882, + "nauc_ndcg_at_3_max": 1.5447259968645135, + "nauc_ndcg_at_3_std": -11.056572041307833, + "nauc_ndcg_at_5_diff1": 27.23078023341192, + "nauc_ndcg_at_5_max": 1.3332668241078742, + "nauc_ndcg_at_5_std": -10.70755059234365, + "nauc_precision_at_1000_diff1": 4.824440345952768, + "nauc_precision_at_1000_max": 22.501190150975695, + "nauc_precision_at_1000_std": 27.01244032141851, + "nauc_precision_at_100_diff1": 18.806308686259438, + "nauc_precision_at_100_max": 14.0556087259749, + "nauc_precision_at_100_std": 23.65979665814084, + "nauc_precision_at_10_diff1": 23.631970615652996, + "nauc_precision_at_10_max": 3.2279467100874113, + "nauc_precision_at_10_std": -6.612111844206746, + "nauc_precision_at_1_diff1": 29.63894982019449, + "nauc_precision_at_1_max": 1.1350720726087482, + "nauc_precision_at_1_std": -10.706375855749798, + "nauc_precision_at_20_diff1": 22.13613457378927, + "nauc_precision_at_20_max": 4.984490409308019, + "nauc_precision_at_20_std": 1.3959896282348365, + "nauc_precision_at_3_diff1": 25.924423449037278, + "nauc_precision_at_3_max": 2.119600062847904, + "nauc_precision_at_3_std": -10.816296974118274, + "nauc_precision_at_5_diff1": 25.47042606356821, + "nauc_precision_at_5_max": 1.832019713836658, + "nauc_precision_at_5_std": -9.928054676627815, + "nauc_recall_at_1000_diff1": 22.574618149749853, + "nauc_recall_at_1000_max": 30.82526285969409, + "nauc_recall_at_1000_std": 59.21512310658756, + "nauc_recall_at_100_diff1": 23.54920706844819, + "nauc_recall_at_100_max": 10.975217227651312, + "nauc_recall_at_100_std": 24.85603771243269, + "nauc_recall_at_10_diff1": 24.413494892666748, + "nauc_recall_at_10_max": 2.349732649717201, + "nauc_recall_at_10_std": -7.37174021438692, + "nauc_recall_at_1_diff1": 29.76931787521696, + "nauc_recall_at_1_max": 0.948603060998731, + "nauc_recall_at_1_std": -10.775704940266767, + "nauc_recall_at_20_diff1": 23.4560099128478, + "nauc_recall_at_20_max": 3.399890015984125, + "nauc_recall_at_20_std": 0.1065905686863526, + "nauc_recall_at_3_diff1": 26.33393571726941, + "nauc_recall_at_3_max": 1.7770061463264046, + "nauc_recall_at_3_std": -11.030373812919407, + "nauc_recall_at_5_diff1": 25.84870110945663, + "nauc_recall_at_5_max": 1.368501163591071, + "nauc_recall_at_5_std": -10.251669620544972, + "ndcg_at_1": 14.585, + "ndcg_at_10": 30.051, + "ndcg_at_100": 36.429, + "ndcg_at_1000": 38.501, + "ndcg_at_20": 32.678, + "ndcg_at_3": 22.963, + "ndcg_at_5": 26.385, + "precision_at_1": 14.585, + "precision_at_10": 5.04, + "precision_at_100": 0.826, + "precision_at_1000": 0.101, + "precision_at_20": 3.062, + "precision_at_3": 10.0, + "precision_at_5": 7.722, + "recall_at_1": 14.244, + "recall_at_10": 48.48, + "recall_at_100": 78.652, + "recall_at_1000": 94.774, + "recall_at_20": 58.724, + "recall_at_3": 29.106, + "recall_at_5": 37.329 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/MTOPDomainClassification.json b/results/Lajavaness__bilingual-embedding-small/external/MTOPDomainClassification.json new file mode 100644 index 000000000..5beb4ff29 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/MTOPDomainClassification.json @@ -0,0 +1,30 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 84.19041653617289, + "f1": 84.31104471084487, + "f1_weighted": 84.10618363737768, + "main_score": 84.19041653617289 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 89.73096215230278, + "f1": 89.31269053453195, + "f1_weighted": 89.75118268368209, + "main_score": 89.73096215230278 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/MTOPIntentClassification.json b/results/Lajavaness__bilingual-embedding-small/external/MTOPIntentClassification.json new file mode 100644 index 000000000..a92be86bd --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/MTOPIntentClassification.json @@ -0,0 +1,30 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 58.3463827121829, + "f1": 43.088632109848426, + "f1_weighted": 62.107376647577894, + "main_score": 58.3463827121829 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 66.49110807113543, + "f1": 51.250886916460544, + "f1_weighted": 69.910921231367, + "main_score": 66.49110807113543 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/MasakhaNEWSClassification.json b/results/Lajavaness__bilingual-embedding-small/external/MasakhaNEWSClassification.json new file mode 100644 index 000000000..9d3e0d7ea --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/MasakhaNEWSClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "18193f187b92da67168c655c9973a165ed9593dd", + "task_name": "MasakhaNEWSClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fra", + "languages": [ + "fra-Latn" + ], + "accuracy": 78.43601895734596, + "f1": 74.45529808417628, + "f1_weighted": 78.62574024040258, + "main_score": 78.43601895734596 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/MasakhaNEWSClusteringP2P.json b/results/Lajavaness__bilingual-embedding-small/external/MasakhaNEWSClusteringP2P.json new file mode 100644 index 000000000..774890c0b --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/MasakhaNEWSClusteringP2P.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8ccc72e69e65f40c70e117d8b3c08306bb788b60", + "task_name": "MasakhaNEWSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fra", + "languages": [ + "fra-Latn" + ], + "v_measure": 52.87571544597074, + "v_measures": [ + 1.0, + 0.0363409432192075, + 0.14130554872026818, + 0.690570263898874, + 0.7755690164601873 + ], + "main_score": 52.87571544597074 + }, + { + "hf_subset": "fra", + "languages": [ + "fra-Latn" + ], + "v_measure": 53.93220782443, + "v_measures": [ + 1.0, + 0.08628485862349315, + 0.4767520746594815, + 0.41112983961194033, + 0.7224436183265853 + ], + "main_score": 53.93220782443 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/MassiveIntentClassification.json b/results/Lajavaness__bilingual-embedding-small/external/MassiveIntentClassification.json new file mode 100644 index 000000000..b2d8c8854 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/MassiveIntentClassification.json @@ -0,0 +1,30 @@ +{ + "dataset_revision": "4672e20407010da34463acc759c162ca9734bca6", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 64.57296570275723, + "f1": 62.03302453288864, + "f1_weighted": 64.87910807109024, + "main_score": 64.57296570275723 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 68.86348352387357, + "f1": 66.19332858716572, + "f1_weighted": 68.90834063842036, + "main_score": 68.86348352387357 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/MassiveScenarioClassification.json b/results/Lajavaness__bilingual-embedding-small/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..d5ea6a2eb --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/MassiveScenarioClassification.json @@ -0,0 +1,30 @@ +{ + "dataset_revision": "fad2c6e8459f9e1c45d9315f4953d921437d70f8", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 69.04169468728986, + "f1": 68.62183120784525, + "f1_weighted": 69.14028442566733, + "main_score": 69.04169468728986 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.48890383322124, + "f1": 74.01198670144007, + "f1_weighted": 74.5767171066833, + "main_score": 74.48890383322124 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/MedrxivClusteringP2P.json b/results/Lajavaness__bilingual-embedding-small/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..a9f7ee27d --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/MedrxivClusteringP2P.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.26742368186013, + "v_measures": [ + 0.3010655091536935, + 0.29691302264328545, + 0.31333602296285296, + 0.3118686703571087, + 0.3066404174656012 + ], + "main_score": 31.26742368186013 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/MedrxivClusteringS2S.json b/results/Lajavaness__bilingual-embedding-small/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..ba0ecc137 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/MedrxivClusteringS2S.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 28.971953824342002, + "v_measures": [ + 0.28128031641493684, + 0.2709575455939747, + 0.28058910226798894, + 0.286988068530199, + 0.27155292611128873 + ], + "main_score": 28.971953824342002 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/MindSmallReranking.json b/results/Lajavaness__bilingual-embedding-small/external/MindSmallReranking.json new file mode 100644 index 000000000..1f3288ad9 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/MindSmallReranking.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "59042f120c80e8afa9cdbb224f67076cec0fc9a7", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 30.919005892986945, + "mrr": 31.964215230201017, + "nAUC_map_diff1": 12.380227971335106, + "nAUC_map_max": -20.306665699119915, + "nAUC_mrr_diff1": 11.860907307359078, + "nAUC_mrr_max": -14.820057982537445, + "main_score": 30.919005892986945 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/MintakaRetrieval.json b/results/Lajavaness__bilingual-embedding-small/external/MintakaRetrieval.json new file mode 100644 index 000000000..92246dc3e --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/MintakaRetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "efa78cc2f74bbcd21eff2261f9e13aebe40b814e", + "task_name": "MintakaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "map_at_1": 13.514000000000001, + "map_at_10": 21.246000000000002, + "map_at_100": 22.238, + "map_at_1000": 22.352, + "map_at_20": 21.814, + "map_at_3": 19.014, + "map_at_5": 20.173, + "mrr_at_1": 13.513513513513514, + "mrr_at_10": 21.24569374569373, + "mrr_at_100": 22.238167605117905, + "mrr_at_1000": 22.351714690671887, + "mrr_at_20": 21.81387155669449, + "mrr_at_3": 19.014469014468983, + "mrr_at_5": 20.173355173355116, + "nauc_map_at_1000_diff1": 19.008779178930666, + "nauc_map_at_1000_max": 32.29046745508962, + "nauc_map_at_100_diff1": 18.98317968943095, + "nauc_map_at_100_max": 32.29548562583155, + "nauc_map_at_10_diff1": 19.41386578675192, + "nauc_map_at_10_max": 32.65370560011667, + "nauc_map_at_1_diff1": 26.370942927831315, + "nauc_map_at_1_max": 30.36638703543763, + "nauc_map_at_20_diff1": 19.0142884741096, + "nauc_map_at_20_max": 32.32771393383958, + "nauc_map_at_3_diff1": 20.91182907422673, + "nauc_map_at_3_max": 32.77488161103848, + "nauc_map_at_5_diff1": 20.1733798588667, + "nauc_map_at_5_max": 32.80965620212192, + "nauc_mrr_at_1000_diff1": 19.008779178930666, + "nauc_mrr_at_1000_max": 32.29046745508962, + "nauc_mrr_at_100_diff1": 18.98317968943095, + "nauc_mrr_at_100_max": 32.29548562583155, + "nauc_mrr_at_10_diff1": 19.41386578675192, + "nauc_mrr_at_10_max": 32.65370560011667, + "nauc_mrr_at_1_diff1": 26.370942927831315, + "nauc_mrr_at_1_max": 30.36638703543763, + "nauc_mrr_at_20_diff1": 19.0142884741096, + "nauc_mrr_at_20_max": 32.32771393383958, + "nauc_mrr_at_3_diff1": 20.91182907422673, + "nauc_mrr_at_3_max": 32.77488161103848, + "nauc_mrr_at_5_diff1": 20.1733798588667, + "nauc_mrr_at_5_max": 32.80965620212192, + "nauc_ndcg_at_1000_diff1": 16.194620375476116, + "nauc_ndcg_at_1000_max": 31.6182966564505, + "nauc_ndcg_at_100_diff1": 15.14759648067005, + "nauc_ndcg_at_100_max": 31.38756983354048, + "nauc_ndcg_at_10_diff1": 16.69269513473954, + "nauc_ndcg_at_10_max": 32.9290533663386, + "nauc_ndcg_at_1_diff1": 26.370942927831315, + "nauc_ndcg_at_1_max": 30.36638703543763, + "nauc_ndcg_at_20_diff1": 15.406344074968247, + "nauc_ndcg_at_20_max": 31.87162974094167, + "nauc_ndcg_at_3_diff1": 19.595111019240836, + "nauc_ndcg_at_3_max": 33.38206072286302, + "nauc_ndcg_at_5_diff1": 18.431580040456115, + "nauc_ndcg_at_5_max": 33.38207218785341, + "nauc_precision_at_1000_diff1": -4.447468720271566, + "nauc_precision_at_1000_max": 20.16387032104183, + "nauc_precision_at_100_diff1": 2.5950980836259023, + "nauc_precision_at_100_max": 26.527702344141545, + "nauc_precision_at_10_diff1": 10.064130432543994, + "nauc_precision_at_10_max": 33.2828995815284, + "nauc_precision_at_1_diff1": 26.370942927831315, + "nauc_precision_at_1_max": 30.36638703543763, + "nauc_precision_at_20_diff1": 5.856479419944315, + "nauc_precision_at_20_max": 29.903335045306502, + "nauc_precision_at_3_diff1": 16.485410034819683, + "nauc_precision_at_3_max": 34.82324169073524, + "nauc_precision_at_5_diff1": 14.407991540215134, + "nauc_precision_at_5_max": 34.6506156051287, + "nauc_recall_at_1000_diff1": -4.44746872027149, + "nauc_recall_at_1000_max": 20.163870321041742, + "nauc_recall_at_100_diff1": 2.595098083625877, + "nauc_recall_at_100_max": 26.527702344141492, + "nauc_recall_at_10_diff1": 10.064130432543983, + "nauc_recall_at_10_max": 33.282899581528405, + "nauc_recall_at_1_diff1": 26.370942927831315, + "nauc_recall_at_1_max": 30.36638703543763, + "nauc_recall_at_20_diff1": 5.856479419944327, + "nauc_recall_at_20_max": 29.903335045306527, + "nauc_recall_at_3_diff1": 16.485410034819697, + "nauc_recall_at_3_max": 34.82324169073526, + "nauc_recall_at_5_diff1": 14.407991540215125, + "nauc_recall_at_5_max": 34.650615605128706, + "ndcg_at_1": 13.514000000000001, + "ndcg_at_10": 25.52, + "ndcg_at_100": 30.697999999999997, + "ndcg_at_1000": 34.303, + "ndcg_at_20": 27.57, + "ndcg_at_3": 20.809, + "ndcg_at_5": 22.908, + "precision_at_1": 13.514000000000001, + "precision_at_10": 3.923, + "precision_at_100": 0.643, + "precision_at_1000": 0.094, + "precision_at_20": 2.365, + "precision_at_3": 8.668, + "precision_at_5": 6.223999999999999, + "recall_at_1": 13.514000000000001, + "recall_at_10": 39.23, + "recall_at_100": 64.292, + "recall_at_1000": 93.89800000000001, + "recall_at_20": 47.297, + "recall_at_3": 26.003, + "recall_at_5": 31.122, + "main_score": 25.52 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/NFCorpus.json b/results/Lajavaness__bilingual-embedding-small/external/NFCorpus.json new file mode 100644 index 000000000..3b19ecef2 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/NFCorpus.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.9239999999999995, + "map_at_10": 10.216, + "map_at_100": 13.073, + "map_at_1000": 14.335999999999999, + "map_at_20": 11.562, + "map_at_3": 7.361, + "map_at_5": 8.790000000000001, + "mrr_at_1": 40.55727554179567, + "mrr_at_10": 48.67290775959506, + "mrr_at_100": 49.39988509152788, + "mrr_at_1000": 49.44995547989892, + "mrr_at_20": 49.1476640818267, + "mrr_at_3": 46.336429308565535, + "mrr_at_5": 47.85345717234262, + "nauc_map_at_1000_diff1": 26.873576120717154, + "nauc_map_at_1000_max": 22.28375511136719, + "nauc_map_at_100_diff1": 28.105989810331305, + "nauc_map_at_100_max": 20.80280182475018, + "nauc_map_at_10_diff1": 32.22012802586023, + "nauc_map_at_10_max": 14.563410751855393, + "nauc_map_at_1_diff1": 48.78589273340728, + "nauc_map_at_1_max": 0.7100902846948914, + "nauc_map_at_20_diff1": 29.749385475706614, + "nauc_map_at_20_max": 17.725130767277143, + "nauc_map_at_3_diff1": 42.91163831592647, + "nauc_map_at_3_max": 7.949303449529328, + "nauc_map_at_5_diff1": 36.37288307582431, + "nauc_map_at_5_max": 10.294774281587333, + "nauc_mrr_at_1000_diff1": 28.224194118245986, + "nauc_mrr_at_1000_max": 35.03713736523123, + "nauc_mrr_at_100_diff1": 28.239722499941884, + "nauc_mrr_at_100_max": 35.08008834682332, + "nauc_mrr_at_10_diff1": 28.312031722561397, + "nauc_mrr_at_10_max": 35.07745441637377, + "nauc_mrr_at_1_diff1": 29.71286290489225, + "nauc_mrr_at_1_max": 27.07492092557332, + "nauc_mrr_at_20_diff1": 28.408619888309524, + "nauc_mrr_at_20_max": 35.07056834593783, + "nauc_mrr_at_3_diff1": 28.57209508947814, + "nauc_mrr_at_3_max": 32.824180760173896, + "nauc_mrr_at_5_diff1": 28.236082992043393, + "nauc_mrr_at_5_max": 34.17372569423924, + "nauc_ndcg_at_1000_diff1": 24.083700969367612, + "nauc_ndcg_at_1000_max": 38.883846498536116, + "nauc_ndcg_at_100_diff1": 23.312730110282526, + "nauc_ndcg_at_100_max": 32.64936241784008, + "nauc_ndcg_at_10_diff1": 17.975398707754817, + "nauc_ndcg_at_10_max": 32.32412505213287, + "nauc_ndcg_at_1_diff1": 30.756195441367673, + "nauc_ndcg_at_1_max": 26.483443465985328, + "nauc_ndcg_at_20_diff1": 18.936710159355073, + "nauc_ndcg_at_20_max": 31.338021731338316, + "nauc_ndcg_at_3_diff1": 22.895979777747623, + "nauc_ndcg_at_3_max": 32.17933652323659, + "nauc_ndcg_at_5_diff1": 19.852961142954506, + "nauc_ndcg_at_5_max": 32.56301733572076, + "nauc_precision_at_1000_diff1": -12.569744637564826, + "nauc_precision_at_1000_max": 14.067171968274472, + "nauc_precision_at_100_diff1": -8.452640794750774, + "nauc_precision_at_100_max": 26.52425208852308, + "nauc_precision_at_10_diff1": -0.8599396198058924, + "nauc_precision_at_10_max": 36.79898093749965, + "nauc_precision_at_1_diff1": 30.53565353379064, + "nauc_precision_at_1_max": 27.150932557011842, + "nauc_precision_at_20_diff1": -4.190746979665414, + "nauc_precision_at_20_max": 35.90857451601526, + "nauc_precision_at_3_diff1": 12.548153913459656, + "nauc_precision_at_3_max": 35.753894439704055, + "nauc_precision_at_5_diff1": 5.476630825300621, + "nauc_precision_at_5_max": 36.94019333022866, + "nauc_recall_at_1000_diff1": 15.743509429414217, + "nauc_recall_at_1000_max": 19.44531544138, + "nauc_recall_at_100_diff1": 18.385119061958157, + "nauc_recall_at_100_max": 19.1318751995873, + "nauc_recall_at_10_diff1": 25.482096811308676, + "nauc_recall_at_10_max": 14.006190865424864, + "nauc_recall_at_1_diff1": 48.78589273340728, + "nauc_recall_at_1_max": 0.7100902846948914, + "nauc_recall_at_20_diff1": 22.76078199362388, + "nauc_recall_at_20_max": 17.126864200524057, + "nauc_recall_at_3_diff1": 39.93189765909178, + "nauc_recall_at_3_max": 9.276495447517293, + "nauc_recall_at_5_diff1": 28.17119993582467, + "nauc_recall_at_5_max": 9.757053939301784, + "ndcg_at_1": 38.7, + "ndcg_at_10": 28.942, + "ndcg_at_100": 27.346999999999998, + "ndcg_at_1000": 36.216, + "ndcg_at_20": 27.506999999999998, + "ndcg_at_3": 33.335, + "ndcg_at_5": 31.541999999999998, + "precision_at_1": 40.248, + "precision_at_10": 21.455, + "precision_at_100": 7.015000000000001, + "precision_at_1000": 1.9709999999999999, + "precision_at_20": 16.471, + "precision_at_3": 30.857, + "precision_at_5": 26.811, + "recall_at_1": 4.9239999999999995, + "recall_at_10": 13.724, + "recall_at_100": 28.450999999999997, + "recall_at_1000": 60.136, + "recall_at_20": 18.013, + "recall_at_3": 7.954999999999999, + "recall_at_5": 10.700999999999999, + "main_score": 28.942 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/NQ.json b/results/Lajavaness__bilingual-embedding-small/external/NQ.json new file mode 100644 index 000000000..49e6364ac --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/NQ.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.246000000000002, + "map_at_10": 34.107, + "map_at_100": 35.43, + "map_at_1000": 35.483, + "map_at_20": 34.945, + "map_at_3": 30.070000000000004, + "map_at_5": 32.25, + "mrr_at_1": 24.10196987253766, + "mrr_at_10": 36.531318398352, + "mrr_at_100": 37.59236775235497, + "mrr_at_1000": 37.630099883433154, + "mrr_at_20": 37.20931733276279, + "mrr_at_3": 32.91328698339132, + "mrr_at_5": 34.92516415604491, + "nauc_map_at_1000_diff1": 20.872737281787636, + "nauc_map_at_1000_max": 16.624364326260896, + "nauc_map_at_100_diff1": 20.878142367328813, + "nauc_map_at_100_max": 16.643468154696926, + "nauc_map_at_10_diff1": 20.807793402274534, + "nauc_map_at_10_max": 16.39391387269205, + "nauc_map_at_1_diff1": 22.35812341861645, + "nauc_map_at_1_max": 11.615838197259766, + "nauc_map_at_20_diff1": 20.893013757323047, + "nauc_map_at_20_max": 16.675046191798433, + "nauc_map_at_3_diff1": 20.05521274346964, + "nauc_map_at_3_max": 13.969959601269148, + "nauc_map_at_5_diff1": 20.625293595408642, + "nauc_map_at_5_max": 15.630481595302918, + "nauc_mrr_at_1000_diff1": 20.659075334032188, + "nauc_mrr_at_1000_max": 17.1077266798649, + "nauc_mrr_at_100_diff1": 20.659592764012615, + "nauc_mrr_at_100_max": 17.12673405006388, + "nauc_mrr_at_10_diff1": 20.6492334539065, + "nauc_mrr_at_10_max": 17.139758338338574, + "nauc_mrr_at_1_diff1": 21.959789955443817, + "nauc_mrr_at_1_max": 13.311351245662395, + "nauc_mrr_at_20_diff1": 20.697135833887096, + "nauc_mrr_at_20_max": 17.174901738327268, + "nauc_mrr_at_3_diff1": 20.012890126078148, + "nauc_mrr_at_3_max": 15.325749640509228, + "nauc_mrr_at_5_diff1": 20.438050294840547, + "nauc_mrr_at_5_max": 16.56107433490657, + "nauc_ndcg_at_1000_diff1": 20.981193766001212, + "nauc_ndcg_at_1000_max": 19.366882624001466, + "nauc_ndcg_at_100_diff1": 21.07151595070923, + "nauc_ndcg_at_100_max": 19.969093104531108, + "nauc_ndcg_at_10_diff1": 20.824455077933653, + "nauc_ndcg_at_10_max": 19.215675460656907, + "nauc_ndcg_at_1_diff1": 22.064098120682292, + "nauc_ndcg_at_1_max": 13.411137146530983, + "nauc_ndcg_at_20_diff1": 21.12343657664599, + "nauc_ndcg_at_20_max": 20.04689967321189, + "nauc_ndcg_at_3_diff1": 19.470309201418857, + "nauc_ndcg_at_3_max": 14.848503224176909, + "nauc_ndcg_at_5_diff1": 20.32521541385147, + "nauc_ndcg_at_5_max": 17.48824868961743, + "nauc_precision_at_1000_diff1": 0.4660953834541917, + "nauc_precision_at_1000_max": 14.735755093338893, + "nauc_precision_at_100_diff1": 7.579249137389521, + "nauc_precision_at_100_max": 23.48086608082409, + "nauc_precision_at_10_diff1": 15.621524664818134, + "nauc_precision_at_10_max": 26.16669034759615, + "nauc_precision_at_1_diff1": 22.064098120682292, + "nauc_precision_at_1_max": 13.411137146530983, + "nauc_precision_at_20_diff1": 13.58615876770919, + "nauc_precision_at_20_max": 26.806761446925364, + "nauc_precision_at_3_diff1": 16.500214986231953, + "nauc_precision_at_3_max": 18.649494923088263, + "nauc_precision_at_5_diff1": 17.307374618712128, + "nauc_precision_at_5_max": 23.444839731139965, + "nauc_recall_at_1000_diff1": 28.75547954061722, + "nauc_recall_at_1000_max": 62.409320816680015, + "nauc_recall_at_100_diff1": 23.43814017912217, + "nauc_recall_at_100_max": 42.499893768353374, + "nauc_recall_at_10_diff1": 20.535131644031498, + "nauc_recall_at_10_max": 26.527673119431896, + "nauc_recall_at_1_diff1": 22.35812341861645, + "nauc_recall_at_1_max": 11.615838197259766, + "nauc_recall_at_20_diff1": 21.994120461812543, + "nauc_recall_at_20_max": 31.819936351026307, + "nauc_recall_at_3_diff1": 17.432747909860975, + "nauc_recall_at_3_max": 15.382311079169869, + "nauc_recall_at_5_diff1": 19.13496828564786, + "nauc_recall_at_5_max": 21.081897544526708, + "ndcg_at_1": 24.073, + "ndcg_at_10": 41.323, + "ndcg_at_100": 47.188, + "ndcg_at_1000": 48.424, + "ndcg_at_20": 44.084, + "ndcg_at_3": 33.427, + "ndcg_at_5": 37.171, + "precision_at_1": 24.073, + "precision_at_10": 7.242, + "precision_at_100": 1.051, + "precision_at_1000": 0.117, + "precision_at_20": 4.2700000000000005, + "precision_at_3": 15.498000000000001, + "precision_at_5": 11.431, + "recall_at_1": 21.246000000000002, + "recall_at_10": 61.102000000000004, + "recall_at_100": 87.08500000000001, + "recall_at_1000": 96.222, + "recall_at_20": 71.372, + "recall_at_3": 40.361000000000004, + "recall_at_5": 49.044, + "main_score": 41.323 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/OpusparcusPC.json b/results/Lajavaness__bilingual-embedding-small/external/OpusparcusPC.json new file mode 100644 index 000000000..4dfc54759 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/OpusparcusPC.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "9e9b1f8ef51616073f47f306f7f47dd91663f86a", + "task_name": "OpusparcusPC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_accuracy": 80.72207084468664, + "cos_sim_ap": 92.59899042186348, + "cos_sim_f1": 87.02702702702703, + "cos_sim_precision": 79.63726298433635, + "cos_sim_recall": 95.92850049652434, + "dot_accuracy": 80.79019073569482, + "dot_ap": 92.27564754544716, + "dot_f1": 87.13503649635037, + "dot_precision": 80.59071729957806, + "dot_recall": 94.83614697120159, + "euclidean_accuracy": 80.51771117166211, + "euclidean_ap": 92.1992933566427, + "euclidean_f1": 86.73050615595076, + "euclidean_precision": 80.18549747048904, + "euclidean_recall": 94.43892750744787, + "manhattan_accuracy": 80.3133514986376, + "manhattan_ap": 92.1464473897072, + "manhattan_f1": 86.8217054263566, + "manhattan_precision": 80.26981450252951, + "manhattan_recall": 94.5382323733863, + "max_accuracy": 80.79019073569482, + "max_ap": 92.59899042186348, + "max_f1": 87.13503649635037, + "main_score": 92.59899042186348 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/QuoraRetrieval.json b/results/Lajavaness__bilingual-embedding-small/external/QuoraRetrieval.json new file mode 100644 index 000000000..a36b1b348 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/QuoraRetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "e4e08e0b7dbe3c8700f0daef558ff32256715259", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 68.285, + "map_at_10": 82.106, + "map_at_100": 82.76599999999999, + "map_at_1000": 82.788, + "map_at_20": 82.529, + "map_at_3": 79.108, + "map_at_5": 80.964, + "mrr_at_1": 78.67, + "mrr_at_10": 85.4671111111108, + "mrr_at_100": 85.59335571351787, + "mrr_at_1000": 85.59536983332889, + "mrr_at_20": 85.55846883663256, + "mrr_at_3": 84.39999999999962, + "mrr_at_5": 85.11249999999953, + "nauc_map_at_1000_diff1": 75.5071991426707, + "nauc_map_at_1000_max": 33.24884628979125, + "nauc_map_at_100_diff1": 75.51606789897293, + "nauc_map_at_100_max": 33.237678419609715, + "nauc_map_at_10_diff1": 75.63941045488615, + "nauc_map_at_10_max": 32.914787531889694, + "nauc_map_at_1_diff1": 78.53182147965822, + "nauc_map_at_1_max": 24.631838635071222, + "nauc_map_at_20_diff1": 75.55246990673865, + "nauc_map_at_20_max": 33.12406999050574, + "nauc_map_at_3_diff1": 75.76122624224449, + "nauc_map_at_3_max": 30.56135184566114, + "nauc_map_at_5_diff1": 75.62760573601093, + "nauc_map_at_5_max": 32.014157139666985, + "nauc_mrr_at_1000_diff1": 76.37148849763105, + "nauc_mrr_at_1000_max": 35.935665230883934, + "nauc_mrr_at_100_diff1": 76.37094038633705, + "nauc_mrr_at_100_max": 35.94012231045831, + "nauc_mrr_at_10_diff1": 76.35647457628434, + "nauc_mrr_at_10_max": 36.01811322984862, + "nauc_mrr_at_1_diff1": 77.24309585056221, + "nauc_mrr_at_1_max": 34.48519876828825, + "nauc_mrr_at_20_diff1": 76.36670040011074, + "nauc_mrr_at_20_max": 35.99210482612602, + "nauc_mrr_at_3_diff1": 76.09424554868272, + "nauc_mrr_at_3_max": 35.609777385861044, + "nauc_mrr_at_5_diff1": 76.25068640961776, + "nauc_mrr_at_5_max": 35.86165128556917, + "nauc_ndcg_at_1000_diff1": 75.46284119099505, + "nauc_ndcg_at_1000_max": 34.897248065013535, + "nauc_ndcg_at_100_diff1": 75.55417772660796, + "nauc_ndcg_at_100_max": 34.9921360207961, + "nauc_ndcg_at_10_diff1": 75.48987547153091, + "nauc_ndcg_at_10_max": 34.52070770288654, + "nauc_ndcg_at_1_diff1": 77.2205910169754, + "nauc_ndcg_at_1_max": 34.54544979283322, + "nauc_ndcg_at_20_diff1": 75.52495648309022, + "nauc_ndcg_at_20_max": 34.75327053329915, + "nauc_ndcg_at_3_diff1": 74.76800490923522, + "nauc_ndcg_at_3_max": 32.77064919163132, + "nauc_ndcg_at_5_diff1": 75.05016397357261, + "nauc_ndcg_at_5_max": 33.50761269482319, + "nauc_precision_at_1000_diff1": -41.81465497084401, + "nauc_precision_at_1000_max": -4.443935842899313, + "nauc_precision_at_100_diff1": -40.80948937001563, + "nauc_precision_at_100_max": -3.403706458833991, + "nauc_precision_at_10_diff1": -33.369656218745945, + "nauc_precision_at_10_max": 2.2202781020992255, + "nauc_precision_at_1_diff1": 77.2205910169754, + "nauc_precision_at_1_max": 34.54544979283322, + "nauc_precision_at_20_diff1": -37.568976386400706, + "nauc_precision_at_20_max": -0.6469605151975117, + "nauc_precision_at_3_diff1": -10.217358622390567, + "nauc_precision_at_3_max": 11.83919267748663, + "nauc_precision_at_5_diff1": -24.481543671948373, + "nauc_precision_at_5_max": 6.576825503675188, + "nauc_recall_at_1000_diff1": 67.36524460905785, + "nauc_recall_at_1000_max": 53.720724394976585, + "nauc_recall_at_100_diff1": 75.23538841054406, + "nauc_recall_at_100_max": 47.2723927504464, + "nauc_recall_at_10_diff1": 69.95500109263831, + "nauc_recall_at_10_max": 34.583322421413996, + "nauc_recall_at_1_diff1": 78.53182147965822, + "nauc_recall_at_1_max": 24.631838635071222, + "nauc_recall_at_20_diff1": 70.32541323559573, + "nauc_recall_at_20_max": 36.98517552839284, + "nauc_recall_at_3_diff1": 71.477694594835, + "nauc_recall_at_3_max": 27.960647983463073, + "nauc_recall_at_5_diff1": 70.17565198935641, + "nauc_recall_at_5_max": 30.104013734994844, + "ndcg_at_1": 78.68, + "ndcg_at_10": 86.244, + "ndcg_at_100": 87.651, + "ndcg_at_1000": 87.816, + "ndcg_at_20": 86.961, + "ndcg_at_3": 83.152, + "ndcg_at_5": 84.819, + "precision_at_1": 78.68, + "precision_at_10": 13.123000000000001, + "precision_at_100": 1.514, + "precision_at_1000": 0.156, + "precision_at_20": 6.979, + "precision_at_3": 36.353, + "precision_at_5": 23.977999999999998, + "recall_at_1": 68.285, + "recall_at_10": 94.16799999999999, + "recall_at_100": 99.116, + "recall_at_1000": 99.944, + "recall_at_20": 96.494, + "recall_at_3": 85.31, + "recall_at_5": 89.993, + "main_score": 86.244 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/RedditClustering.json b/results/Lajavaness__bilingual-embedding-small/external/RedditClustering.json new file mode 100644 index 000000000..0f80d9c08 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/RedditClustering.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 47.39326061426851, + "v_measures": [ + 0.47153549737072414, + 0.5113188409132627, + 0.4256578555733507, + 0.45547697557001166, + 0.44673621430540467 + ], + "main_score": 47.39326061426851 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/RedditClusteringP2P.json b/results/Lajavaness__bilingual-embedding-small/external/RedditClusteringP2P.json new file mode 100644 index 000000000..068c13373 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/RedditClusteringP2P.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 58.382849910561305, + "v_measures": [ + 0.638508286047501, + 0.6201813511333097, + 0.6412218572317954, + 0.34538859648148, + 0.6372584092921234 + ], + "main_score": 58.382849910561305 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/SCIDOCS.json b/results/Lajavaness__bilingual-embedding-small/external/SCIDOCS.json new file mode 100644 index 000000000..66f841289 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/SCIDOCS.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "f8c2fcf00f625baaa80f62ec5bd9e1fff3b8ae88", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.5680000000000005, + "map_at_10": 9.165, + "map_at_100": 10.928, + "map_at_1000": 11.187, + "map_at_20": 10.030999999999999, + "map_at_3": 6.598, + "map_at_5": 7.746, + "mrr_at_1": 17.5, + "mrr_at_10": 28.15242063492062, + "mrr_at_100": 29.148090545385042, + "mrr_at_1000": 29.22586383082865, + "mrr_at_20": 28.716339503289944, + "mrr_at_3": 24.9666666666667, + "mrr_at_5": 26.496666666666684, + "nauc_map_at_1000_diff1": 18.97303632967232, + "nauc_map_at_1000_max": 26.99578750624317, + "nauc_map_at_100_diff1": 19.03406677193612, + "nauc_map_at_100_max": 26.869362658515016, + "nauc_map_at_10_diff1": 18.057667997990386, + "nauc_map_at_10_max": 25.309052871533634, + "nauc_map_at_1_diff1": 19.012090704165505, + "nauc_map_at_1_max": 17.258809318287167, + "nauc_map_at_20_diff1": 18.941090010273122, + "nauc_map_at_20_max": 26.333042449319226, + "nauc_map_at_3_diff1": 16.710501604799592, + "nauc_map_at_3_max": 21.31218718265248, + "nauc_map_at_5_diff1": 16.56134390513593, + "nauc_map_at_5_max": 22.826974292312546, + "nauc_mrr_at_1000_diff1": 16.363889874600694, + "nauc_mrr_at_1000_max": 20.518910454040395, + "nauc_mrr_at_100_diff1": 16.351792727972825, + "nauc_mrr_at_100_max": 20.51605975440402, + "nauc_mrr_at_10_diff1": 16.353234548491002, + "nauc_mrr_at_10_max": 20.3474303123765, + "nauc_mrr_at_1_diff1": 18.72320588103456, + "nauc_mrr_at_1_max": 17.31659868214623, + "nauc_mrr_at_20_diff1": 16.349503308662584, + "nauc_mrr_at_20_max": 20.571279610990683, + "nauc_mrr_at_3_diff1": 16.61433823095321, + "nauc_mrr_at_3_max": 19.8671374514683, + "nauc_mrr_at_5_diff1": 16.657607225925013, + "nauc_mrr_at_5_max": 20.485690382244712, + "nauc_ndcg_at_1000_diff1": 17.216527125545124, + "nauc_ndcg_at_1000_max": 29.67323723253682, + "nauc_ndcg_at_100_diff1": 17.920363114583992, + "nauc_ndcg_at_100_max": 28.74219286431791, + "nauc_ndcg_at_10_diff1": 17.4262322341026, + "nauc_ndcg_at_10_max": 25.314398482777406, + "nauc_ndcg_at_1_diff1": 18.72320588103456, + "nauc_ndcg_at_1_max": 17.31659868214623, + "nauc_ndcg_at_20_diff1": 18.49350721003082, + "nauc_ndcg_at_20_max": 26.95660628845422, + "nauc_ndcg_at_3_diff1": 16.388721576110076, + "nauc_ndcg_at_3_max": 21.574925593659326, + "nauc_ndcg_at_5_diff1": 16.62472439103214, + "nauc_ndcg_at_5_max": 23.186257022779994, + "nauc_precision_at_1000_diff1": 7.882444572522718, + "nauc_precision_at_1000_max": 29.389796806861163, + "nauc_precision_at_100_diff1": 13.9186095734099, + "nauc_precision_at_100_max": 30.35346461874792, + "nauc_precision_at_10_diff1": 15.858687077827474, + "nauc_precision_at_10_max": 26.884411423943906, + "nauc_precision_at_1_diff1": 18.72320588103456, + "nauc_precision_at_1_max": 17.31659868214623, + "nauc_precision_at_20_diff1": 17.397174842486937, + "nauc_precision_at_20_max": 28.48509998553517, + "nauc_precision_at_3_diff1": 15.910758722664974, + "nauc_precision_at_3_max": 23.37753724707492, + "nauc_precision_at_5_diff1": 15.480650294833314, + "nauc_precision_at_5_max": 24.92100239632834, + "nauc_recall_at_1000_diff1": 8.568163684580515, + "nauc_recall_at_1000_max": 29.761661131284278, + "nauc_recall_at_100_diff1": 14.139732606832828, + "nauc_recall_at_100_max": 30.30928539057988, + "nauc_recall_at_10_diff1": 16.0957814746088, + "nauc_recall_at_10_max": 26.730370480937783, + "nauc_recall_at_1_diff1": 19.012090704165505, + "nauc_recall_at_1_max": 17.258809318287167, + "nauc_recall_at_20_diff1": 17.58458055089181, + "nauc_recall_at_20_max": 28.329240158930897, + "nauc_recall_at_3_diff1": 16.11861072893215, + "nauc_recall_at_3_max": 23.34743857534646, + "nauc_recall_at_5_diff1": 15.659970648558035, + "nauc_recall_at_5_max": 24.916484416681683, + "ndcg_at_1": 17.5, + "ndcg_at_10": 16.203, + "ndcg_at_100": 23.311, + "ndcg_at_1000": 28.476000000000003, + "ndcg_at_20": 18.614, + "ndcg_at_3": 15.246, + "ndcg_at_5": 13.142000000000001, + "precision_at_1": 17.5, + "precision_at_10": 8.61, + "precision_at_100": 1.8929999999999998, + "precision_at_1000": 0.314, + "precision_at_20": 5.695, + "precision_at_3": 14.7, + "precision_at_5": 11.700000000000001, + "recall_at_1": 3.5680000000000005, + "recall_at_10": 17.497, + "recall_at_100": 38.377, + "recall_at_1000": 63.858000000000004, + "recall_at_20": 23.122, + "recall_at_3": 8.948, + "recall_at_5": 11.858, + "main_score": 16.203 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/SICK-R.json b/results/Lajavaness__bilingual-embedding-small/external/SICK-R.json new file mode 100644 index 000000000..37eb67dcf --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.0786740980213, + "cos_sim_spearman": 74.64910820402831, + "euclidean_pearson": 79.40680658618808, + "euclidean_spearman": 74.04786370197291, + "manhattan_pearson": 79.30290796130608, + "manhattan_spearman": 73.86543081865257, + "cosine_pearson": 83.0786740980213, + "cosine_spearman": 74.64910820402831, + "main_score": 74.64910820402831 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/SICKFr.json b/results/Lajavaness__bilingual-embedding-small/external/SICKFr.json new file mode 100644 index 000000000..bae46c8bf --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/SICKFr.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e077ab4cf4774a1e36d86d593b150422fafd8e8a", + "task_name": "SICKFr", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 80.76682266570421, + "cos_sim_spearman": 72.87656590123949, + "euclidean_pearson": 77.19658924853128, + "euclidean_spearman": 72.63728770955521, + "manhattan_pearson": 77.11028731757044, + "manhattan_spearman": 72.4475625515528, + "cosine_pearson": 80.76682266570421, + "cosine_spearman": 72.87656590123949, + "main_score": 72.87656590123949 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/STS12.json b/results/Lajavaness__bilingual-embedding-small/external/STS12.json new file mode 100644 index 000000000..59fe5c209 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.14143764866938, + "cos_sim_spearman": 79.39117869636218, + "euclidean_pearson": 82.27893672472992, + "euclidean_spearman": 78.12857266398304, + "manhattan_pearson": 82.40958626880706, + "manhattan_spearman": 78.2460736745845, + "cosine_pearson": 87.14143764866938, + "cosine_spearman": 79.39117869636218, + "main_score": 79.39117869636218 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/STS13.json b/results/Lajavaness__bilingual-embedding-small/external/STS13.json new file mode 100644 index 000000000..85e569288 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.98565298864834, + "cos_sim_spearman": 85.3226077419183, + "euclidean_pearson": 83.36095201234602, + "euclidean_spearman": 83.44580751011605, + "manhattan_pearson": 83.26944531709971, + "manhattan_spearman": 83.3511641574103, + "cosine_pearson": 84.98565298864834, + "cosine_spearman": 85.3226077419183, + "main_score": 85.3226077419183 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/STS14.json b/results/Lajavaness__bilingual-embedding-small/external/STS14.json new file mode 100644 index 000000000..d740c60cb --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.15642283009589, + "cos_sim_spearman": 83.89978896960656, + "euclidean_pearson": 85.01657605766617, + "euclidean_spearman": 82.70615194483753, + "manhattan_pearson": 84.82154011079453, + "manhattan_spearman": 82.61620436539884, + "cosine_pearson": 86.15642283009589, + "cosine_spearman": 83.89978896960656, + "main_score": 83.89978896960656 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/STS15.json b/results/Lajavaness__bilingual-embedding-small/external/STS15.json new file mode 100644 index 000000000..a0bf4f20d --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.7730685270548, + "cos_sim_spearman": 88.46744045180212, + "euclidean_pearson": 87.11846600678471, + "euclidean_spearman": 87.32502541228249, + "manhattan_pearson": 87.06217303693649, + "manhattan_spearman": 87.24696449513658, + "cosine_pearson": 87.7730685270548, + "cosine_spearman": 88.46744045180212, + "main_score": 88.46744045180212 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/STS16.json b/results/Lajavaness__bilingual-embedding-small/external/STS16.json new file mode 100644 index 000000000..de302d028 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.0653949018384, + "cos_sim_spearman": 84.43898725124001, + "euclidean_pearson": 83.46057253146975, + "euclidean_spearman": 83.70938571051141, + "manhattan_pearson": 83.48079890307652, + "manhattan_spearman": 83.75548841452152, + "cosine_pearson": 83.0653949018384, + "cosine_spearman": 84.43898725124001, + "main_score": 84.43898725124001 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/STS17.json b/results/Lajavaness__bilingual-embedding-small/external/STS17.json new file mode 100644 index 000000000..ab06db778 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "faeb762787bd10488a50c8b5be4a3b82e411949c", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.45225298379407, + "cos_sim_spearman": 85.76725038940407, + "euclidean_pearson": 85.9615450336946, + "euclidean_spearman": 85.48341197609108, + "manhattan_pearson": 85.74837479284034, + "manhattan_spearman": 85.19050180417275, + "cosine_pearson": 85.45225298379407, + "cosine_spearman": 85.76725038940407, + "main_score": 85.76725038940407 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/STS22.json b/results/Lajavaness__bilingual-embedding-small/external/STS22.json new file mode 100644 index 000000000..437f9d4dc --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/STS22.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "de9d86b3b84231dc21f76c7b7af1f28e2f57f6e3", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 81.47132547305752, + "cos_sim_spearman": 82.57064642049959, + "euclidean_pearson": 81.24198270906861, + "euclidean_spearman": 82.43330741557487, + "manhattan_pearson": 81.21813802112128, + "manhattan_spearman": 82.54904875440255, + "cosine_pearson": 81.47132547305752, + "cosine_spearman": 82.57064642049959, + "main_score": 82.57064642049959 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 66.72129983991873, + "cos_sim_spearman": 67.23743199464064, + "euclidean_pearson": 68.41402075343164, + "euclidean_spearman": 67.96307375904688, + "manhattan_pearson": 68.40814603490281, + "manhattan_spearman": 67.78239579617318, + "cosine_pearson": 66.72129983991873, + "cosine_spearman": 67.23743199464064, + "main_score": 67.23743199464064 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/STSBenchmark.json b/results/Lajavaness__bilingual-embedding-small/external/STSBenchmark.json new file mode 100644 index 000000000..325348b85 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.17592091160849, + "cos_sim_spearman": 86.0757276289371, + "euclidean_pearson": 85.24314028679827, + "euclidean_spearman": 84.79227270552205, + "manhattan_pearson": 85.15711414880685, + "manhattan_spearman": 84.68939283251983, + "cosine_pearson": 86.17592091160849, + "cosine_spearman": 86.0757276289371, + "main_score": 86.0757276289371 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/STSBenchmarkMultilingualSTS.json b/results/Lajavaness__bilingual-embedding-small/external/STSBenchmarkMultilingualSTS.json new file mode 100644 index 000000000..60f5c33df --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/STSBenchmarkMultilingualSTS.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "29afa2569dcedaaa2fe6a3dcfebab33d28b82e8c", + "task_name": "STSBenchmarkMultilingualSTS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 83.17606773302035, + "cos_sim_spearman": 82.51272412228484, + "euclidean_pearson": 81.70010207800043, + "euclidean_spearman": 81.89351174275659, + "manhattan_pearson": 81.59549402980223, + "manhattan_spearman": 81.8299015346327, + "cosine_pearson": 83.17606773302035, + "cosine_spearman": 82.51272412228484, + "main_score": 82.51272412228484 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/SciDocsRR.json b/results/Lajavaness__bilingual-embedding-small/external/SciDocsRR.json new file mode 100644 index 000000000..cd9cfd211 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/SciDocsRR.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 78.61113471166244, + "mrr": 93.432848923045, + "nAUC_map_diff1": 5.468214413465522, + "nAUC_map_max": 53.344699872043364, + "nAUC_mrr_diff1": 50.8786565680291, + "nAUC_mrr_max": 79.73153373046732, + "main_score": 78.61113471166244 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/SciFact.json b/results/Lajavaness__bilingual-embedding-small/external/SciFact.json new file mode 100644 index 000000000..d19af8be7 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/SciFact.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 46.694, + "map_at_10": 58.492999999999995, + "map_at_100": 59.079, + "map_at_1000": 59.114999999999995, + "map_at_20": 58.784000000000006, + "map_at_3": 56.091, + "map_at_5": 57.023999999999994, + "mrr_at_1": 49.333333333333336, + "mrr_at_10": 59.850132275132296, + "mrr_at_100": 60.31782622597538, + "mrr_at_1000": 60.34922440201215, + "mrr_at_20": 60.08416454832866, + "mrr_at_3": 58.05555555555557, + "mrr_at_5": 58.67222222222224, + "nauc_map_at_1000_diff1": 67.76127454103812, + "nauc_map_at_1000_max": 42.06391105197536, + "nauc_map_at_100_diff1": 67.73734626481158, + "nauc_map_at_100_max": 42.07013722993752, + "nauc_map_at_10_diff1": 67.75019487037416, + "nauc_map_at_10_max": 42.08004179578344, + "nauc_map_at_1_diff1": 73.16882642657764, + "nauc_map_at_1_max": 38.22765895246309, + "nauc_map_at_20_diff1": 67.71028360631355, + "nauc_map_at_20_max": 42.182021960109665, + "nauc_map_at_3_diff1": 67.62369130951392, + "nauc_map_at_3_max": 39.910755718969696, + "nauc_map_at_5_diff1": 67.66911636315015, + "nauc_map_at_5_max": 40.38236382755538, + "nauc_mrr_at_1000_diff1": 66.06803763645875, + "nauc_mrr_at_1000_max": 42.86556398916693, + "nauc_mrr_at_100_diff1": 66.04424547602991, + "nauc_mrr_at_100_max": 42.867192517898935, + "nauc_mrr_at_10_diff1": 65.9181187541585, + "nauc_mrr_at_10_max": 43.00997791733552, + "nauc_mrr_at_1_diff1": 71.14402949361032, + "nauc_mrr_at_1_max": 40.41989400733797, + "nauc_mrr_at_20_diff1": 65.96893983596155, + "nauc_mrr_at_20_max": 42.96939035490266, + "nauc_mrr_at_3_diff1": 65.61751418820666, + "nauc_mrr_at_3_max": 41.73632436886939, + "nauc_mrr_at_5_diff1": 65.93649980807021, + "nauc_mrr_at_5_max": 41.99687107195354, + "nauc_ndcg_at_1000_diff1": 66.14801590849353, + "nauc_ndcg_at_1000_max": 43.70286520140021, + "nauc_ndcg_at_100_diff1": 65.57206500474688, + "nauc_ndcg_at_100_max": 43.804634724756234, + "nauc_ndcg_at_10_diff1": 65.58658179189969, + "nauc_ndcg_at_10_max": 44.605601186017815, + "nauc_ndcg_at_1_diff1": 71.14402949361032, + "nauc_ndcg_at_1_max": 40.41989400733797, + "nauc_ndcg_at_20_diff1": 65.52436059710848, + "nauc_ndcg_at_20_max": 44.80884075855281, + "nauc_ndcg_at_3_diff1": 65.33560750072314, + "nauc_ndcg_at_3_max": 41.02191665715624, + "nauc_ndcg_at_5_diff1": 65.49156588896797, + "nauc_ndcg_at_5_max": 41.193628278772906, + "nauc_precision_at_1000_diff1": -21.271717431265248, + "nauc_precision_at_1000_max": 14.880187641241479, + "nauc_precision_at_100_diff1": -6.170679294185874, + "nauc_precision_at_100_max": 23.392807344666835, + "nauc_precision_at_10_diff1": 24.15372806591396, + "nauc_precision_at_10_max": 42.122189619323315, + "nauc_precision_at_1_diff1": 71.14402949361032, + "nauc_precision_at_1_max": 40.41989400733797, + "nauc_precision_at_20_diff1": 15.788476578628993, + "nauc_precision_at_20_max": 39.31283062678818, + "nauc_precision_at_3_diff1": 45.48749226553521, + "nauc_precision_at_3_max": 38.4930807232584, + "nauc_precision_at_5_diff1": 38.55379599441077, + "nauc_precision_at_5_max": 36.431299487657185, + "nauc_recall_at_1000_diff1": 45.004668534080174, + "nauc_recall_at_1000_max": 80.78120136943592, + "nauc_recall_at_100_diff1": 47.77911164465763, + "nauc_recall_at_100_max": 51.29449629314065, + "nauc_recall_at_10_diff1": 57.71614029345987, + "nauc_recall_at_10_max": 53.908934707903775, + "nauc_recall_at_1_diff1": 73.16882642657764, + "nauc_recall_at_1_max": 38.22765895246309, + "nauc_recall_at_20_diff1": 56.143181435044355, + "nauc_recall_at_20_max": 56.12210887724124, + "nauc_recall_at_3_diff1": 58.947466694908826, + "nauc_recall_at_3_max": 40.205765050955286, + "nauc_recall_at_5_diff1": 58.72258574569608, + "nauc_recall_at_5_max": 40.857639009739245, + "ndcg_at_1": 49.333, + "ndcg_at_10": 63.966, + "ndcg_at_100": 66.808, + "ndcg_at_1000": 67.62700000000001, + "ndcg_at_20": 64.92, + "ndcg_at_3": 59.496, + "ndcg_at_5": 60.743, + "precision_at_1": 49.333, + "precision_at_10": 8.866999999999999, + "precision_at_100": 1.053, + "precision_at_1000": 0.11199999999999999, + "precision_at_20": 4.683, + "precision_at_3": 24.0, + "precision_at_5": 15.333, + "recall_at_1": 46.694, + "recall_at_10": 79.5, + "recall_at_100": 92.767, + "recall_at_1000": 99.0, + "recall_at_20": 82.956, + "recall_at_3": 66.783, + "recall_at_5": 69.906, + "main_score": 63.966 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/SprintDuplicateQuestions.json b/results/Lajavaness__bilingual-embedding-small/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..d1672aa7c --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.78118811881188, + "cos_sim_ap": 94.38499172210743, + "cos_sim_f1": 88.99803536345776, + "cos_sim_precision": 87.45173745173746, + "cos_sim_recall": 90.60000000000001, + "dot_accuracy": 99.68118811881187, + "dot_ap": 88.59372518155831, + "dot_f1": 83.45323741007195, + "dot_precision": 85.83509513742071, + "dot_recall": 81.2, + "euclidean_accuracy": 99.78019801980199, + "euclidean_ap": 94.41961507812081, + "euclidean_f1": 88.91098955743412, + "euclidean_precision": 88.4272997032641, + "euclidean_recall": 89.4, + "manhattan_accuracy": 99.78118811881188, + "manhattan_ap": 94.53929097513269, + "manhattan_f1": 88.93280632411069, + "manhattan_precision": 87.890625, + "manhattan_recall": 90.0, + "max_accuracy": 99.78118811881188, + "max_ap": 94.53929097513269, + "max_f1": 88.99803536345776, + "main_score": 94.53929097513269 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/StackExchangeClustering.json b/results/Lajavaness__bilingual-embedding-small/external/StackExchangeClustering.json new file mode 100644 index 000000000..3855180cc --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/StackExchangeClustering.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 52.46659916482748, + "v_measures": [ + 0.5533520743369753, + 0.5226026021922323, + 0.4443153697300708, + 0.5442847332820114, + 0.5574991389583961 + ], + "main_score": 52.46659916482748 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/StackExchangeClusteringP2P.json b/results/Lajavaness__bilingual-embedding-small/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..e15c665d9 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/StackExchangeClusteringP2P.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.6334285506705, + "v_measures": [ + 0.3276318900057692, + 0.3240387341697168, + 0.32272003147893974, + 0.32313817118726607, + 0.3156113464382597 + ], + "main_score": 33.6334285506705 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/StackOverflowDupQuestions.json b/results/Lajavaness__bilingual-embedding-small/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..4a90109cc --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/StackOverflowDupQuestions.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 47.16067733309403, + "mrr": 47.8574611662847, + "nAUC_map_diff1": 32.52594575795374, + "nAUC_map_max": 14.426033057319177, + "nAUC_mrr_diff1": 32.717518660141344, + "nAUC_mrr_max": 15.511520995680103, + "main_score": 47.16067733309403 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/SummEval.json b/results/Lajavaness__bilingual-embedding-small/external/SummEval.json new file mode 100644 index 000000000..e76e66417 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 29.510117786456014, + "cos_sim_spearman": 29.2255704281364, + "dot_pearson": 29.920367312494868, + "dot_spearman": 29.70675041719688, + "cosine_pearson": 29.510117786456014, + "cosine_spearman": 29.2255704281364, + "main_score": 29.2255704281364 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/SummEvalFr.json b/results/Lajavaness__bilingual-embedding-small/external/SummEvalFr.json new file mode 100644 index 000000000..3b3f3842c --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/SummEvalFr.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "b385812de6a9577b6f4d0f88c6a6e35395a94054", + "task_name": "SummEvalFr", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 30.739120683102207, + "cos_sim_spearman": 31.550133032106963, + "dot_pearson": 29.33458197921011, + "dot_spearman": 30.784401437054438, + "cosine_pearson": 30.739120683102207, + "cosine_spearman": 31.550133032106963, + "main_score": 31.550133032106963 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/SyntecReranking.json b/results/Lajavaness__bilingual-embedding-small/external/SyntecReranking.json new file mode 100644 index 000000000..bde4d2e74 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/SyntecReranking.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "daf0863838cd9e3ba50544cdce3ac2b338a1b0ad", + "task_name": "SyntecReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map": 82.50119047619047, + "mrr": 82.50119047619047, + "nAUC_map_diff1": 60.74442499288283, + "nAUC_map_max": 10.220044072999142, + "nAUC_mrr_diff1": 60.74442499288283, + "nAUC_mrr_max": 10.220044072999142, + "main_score": 82.50119047619047 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/SyntecRetrieval.json b/results/Lajavaness__bilingual-embedding-small/external/SyntecRetrieval.json new file mode 100644 index 000000000..7d53d01ea --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/SyntecRetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "19661ccdca4dfc2d15122d776b61685f48c68ca9", + "task_name": "SyntecRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map_at_1": 62.0, + "map_at_10": 72.64, + "map_at_100": 73.06, + "map_at_1000": 73.06, + "map_at_20": 72.952, + "map_at_3": 70.333, + "map_at_5": 71.68299999999999, + "mrr_at_1": 62.0, + "mrr_at_10": 72.63968253968254, + "mrr_at_100": 73.06048581048583, + "mrr_at_1000": 73.06048581048583, + "mrr_at_20": 72.95202020202022, + "mrr_at_3": 70.33333333333333, + "mrr_at_5": 71.68333333333334, + "nauc_map_at_1000_diff1": 50.08527740824938, + "nauc_map_at_1000_max": 21.248476927494586, + "nauc_map_at_100_diff1": 50.08527740824938, + "nauc_map_at_100_max": 21.248476927494586, + "nauc_map_at_10_diff1": 50.09694367886595, + "nauc_map_at_10_max": 22.296393895985513, + "nauc_map_at_1_diff1": 47.37101190659324, + "nauc_map_at_1_max": 12.483463064947799, + "nauc_map_at_20_diff1": 50.128296940080105, + "nauc_map_at_20_max": 21.45784940740765, + "nauc_map_at_3_diff1": 50.744726539402386, + "nauc_map_at_3_max": 22.579560944336937, + "nauc_map_at_5_diff1": 50.74065172911254, + "nauc_map_at_5_max": 22.270361065268915, + "nauc_mrr_at_1000_diff1": 50.08527740824938, + "nauc_mrr_at_1000_max": 21.248476927494586, + "nauc_mrr_at_100_diff1": 50.08527740824938, + "nauc_mrr_at_100_max": 21.248476927494586, + "nauc_mrr_at_10_diff1": 50.09694367886595, + "nauc_mrr_at_10_max": 22.296393895985513, + "nauc_mrr_at_1_diff1": 47.37101190659324, + "nauc_mrr_at_1_max": 12.483463064947799, + "nauc_mrr_at_20_diff1": 50.128296940080105, + "nauc_mrr_at_20_max": 21.45784940740765, + "nauc_mrr_at_3_diff1": 50.744726539402386, + "nauc_mrr_at_3_max": 22.579560944336937, + "nauc_mrr_at_5_diff1": 50.74065172911254, + "nauc_mrr_at_5_max": 22.270361065268915, + "nauc_ndcg_at_1000_diff1": 50.189203918396, + "nauc_ndcg_at_1000_max": 22.390609940816248, + "nauc_ndcg_at_100_diff1": 50.189203918396, + "nauc_ndcg_at_100_max": 22.390609940816248, + "nauc_ndcg_at_10_diff1": 50.18969760392006, + "nauc_ndcg_at_10_max": 26.941106150664424, + "nauc_ndcg_at_1_diff1": 47.37101190659324, + "nauc_ndcg_at_1_max": 12.483463064947799, + "nauc_ndcg_at_20_diff1": 50.21215501702988, + "nauc_ndcg_at_20_max": 23.708162881601485, + "nauc_ndcg_at_3_diff1": 51.624830876343665, + "nauc_ndcg_at_3_max": 26.399573078561655, + "nauc_ndcg_at_5_diff1": 51.69995630080373, + "nauc_ndcg_at_5_max": 26.096565329394988, + "nauc_precision_at_1000_diff1": "nan", + "nauc_precision_at_1000_max": "nan", + "nauc_precision_at_100_diff1": "nan", + "nauc_precision_at_100_max": "nan", + "nauc_precision_at_10_diff1": 49.35974389755923, + "nauc_precision_at_10_max": 72.25556889422438, + "nauc_precision_at_1_diff1": 47.37101190659324, + "nauc_precision_at_1_max": 12.483463064947799, + "nauc_precision_at_20_diff1": 47.3389355742298, + "nauc_precision_at_20_max": 59.38375350140046, + "nauc_precision_at_3_diff1": 54.820179820179774, + "nauc_precision_at_3_max": 41.00399600399594, + "nauc_precision_at_5_diff1": 56.32880698351117, + "nauc_precision_at_5_max": 45.28543716225577, + "nauc_recall_at_1000_diff1": "nan", + "nauc_recall_at_1000_max": "nan", + "nauc_recall_at_100_diff1": "nan", + "nauc_recall_at_100_max": "nan", + "nauc_recall_at_10_diff1": 49.35974389755904, + "nauc_recall_at_10_max": 72.25556889422437, + "nauc_recall_at_1_diff1": 47.37101190659324, + "nauc_recall_at_1_max": 12.483463064947799, + "nauc_recall_at_20_diff1": 47.33893557422995, + "nauc_recall_at_20_max": 59.38375350140056, + "nauc_recall_at_3_diff1": 54.820179820179774, + "nauc_recall_at_3_max": 41.003996003995894, + "nauc_recall_at_5_diff1": 56.32880698351108, + "nauc_recall_at_5_max": 45.28543716225559, + "ndcg_at_1": 62.0, + "ndcg_at_10": 77.574, + "ndcg_at_100": 79.245, + "ndcg_at_1000": 79.245, + "ndcg_at_20": 78.629, + "ndcg_at_3": 72.833, + "ndcg_at_5": 75.286, + "precision_at_1": 62.0, + "precision_at_10": 9.3, + "precision_at_100": 1.0, + "precision_at_1000": 0.1, + "precision_at_20": 4.8500000000000005, + "precision_at_3": 26.667, + "precision_at_5": 17.2, + "recall_at_1": 62.0, + "recall_at_10": 93.0, + "recall_at_100": 100.0, + "recall_at_1000": 100.0, + "recall_at_20": 97.0, + "recall_at_3": 80.0, + "recall_at_5": 86.0, + "main_score": 77.574 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/TRECCOVID.json b/results/Lajavaness__bilingual-embedding-small/external/TRECCOVID.json new file mode 100644 index 000000000..5b8a2c998 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/TRECCOVID.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "bb9466bac8153a0349341eb1b22e06409e78ef4e", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.153, + "map_at_10": 1.084, + "map_at_100": 5.065, + "map_at_1000": 14.255999999999998, + "map_at_20": 1.7739999999999998, + "map_at_3": 0.40299999999999997, + "map_at_5": 0.63, + "mrr_at_1": 54.0, + "mrr_at_10": 67.86904761904762, + "mrr_at_100": 68.1173503682578, + "mrr_at_1000": 68.1173503682578, + "mrr_at_20": 67.97431077694236, + "mrr_at_3": 64.0, + "mrr_at_5": 66.8, + "nauc_map_at_1000_diff1": -22.260198132192173, + "nauc_map_at_1000_max": 54.68403556878306, + "nauc_map_at_100_diff1": -16.159059471544403, + "nauc_map_at_100_max": 46.680332538973104, + "nauc_map_at_10_diff1": -0.16025207380124323, + "nauc_map_at_10_max": 18.60858928303837, + "nauc_map_at_1_diff1": 19.31406645591962, + "nauc_map_at_1_max": 12.446064494149196, + "nauc_map_at_20_diff1": -3.7207534399873086, + "nauc_map_at_20_max": 23.984664337717064, + "nauc_map_at_3_diff1": 11.318172692961777, + "nauc_map_at_3_max": 17.80683628355867, + "nauc_map_at_5_diff1": 7.92181873049933, + "nauc_map_at_5_max": 17.64389113325039, + "nauc_mrr_at_1000_diff1": 17.49153792066571, + "nauc_mrr_at_1000_max": 33.59871091829616, + "nauc_mrr_at_100_diff1": 17.49153792066571, + "nauc_mrr_at_100_max": 33.59871091829616, + "nauc_mrr_at_10_diff1": 17.502786184772496, + "nauc_mrr_at_10_max": 33.97577280665956, + "nauc_mrr_at_1_diff1": 20.469006140423968, + "nauc_mrr_at_1_max": 24.62282237225972, + "nauc_mrr_at_20_diff1": 17.27246967398437, + "nauc_mrr_at_20_max": 33.69787393313599, + "nauc_mrr_at_3_diff1": 17.658115148717215, + "nauc_mrr_at_3_max": 34.66827145024068, + "nauc_mrr_at_5_diff1": 17.916005644695375, + "nauc_mrr_at_5_max": 35.10406736432433, + "nauc_ndcg_at_1000_diff1": -25.695422281160564, + "nauc_ndcg_at_1000_max": 41.85333091055545, + "nauc_ndcg_at_100_diff1": -20.77388791351094, + "nauc_ndcg_at_100_max": 44.356134608903034, + "nauc_ndcg_at_10_diff1": -10.307778980699197, + "nauc_ndcg_at_10_max": 33.23388628961326, + "nauc_ndcg_at_1_diff1": 20.412738715863956, + "nauc_ndcg_at_1_max": 23.390778206963613, + "nauc_ndcg_at_20_diff1": -11.307721360709836, + "nauc_ndcg_at_20_max": 36.352174201276206, + "nauc_ndcg_at_3_diff1": 7.285454029149752, + "nauc_ndcg_at_3_max": 29.03877907321362, + "nauc_ndcg_at_5_diff1": 0.8947521854164275, + "nauc_ndcg_at_5_max": 31.54102751296627, + "nauc_precision_at_1000_diff1": -25.78557535978164, + "nauc_precision_at_1000_max": 37.467970941981896, + "nauc_precision_at_100_diff1": -25.701682320317964, + "nauc_precision_at_100_max": 45.81756747527059, + "nauc_precision_at_10_diff1": -21.234526843340713, + "nauc_precision_at_10_max": 32.91504410405538, + "nauc_precision_at_1_diff1": 20.469006140423968, + "nauc_precision_at_1_max": 24.62282237225972, + "nauc_precision_at_20_diff1": -20.025454190589233, + "nauc_precision_at_20_max": 37.55936600361076, + "nauc_precision_at_3_diff1": 2.8390823388370996, + "nauc_precision_at_3_max": 31.69418560296442, + "nauc_precision_at_5_diff1": -7.36442063396579, + "nauc_precision_at_5_max": 32.88936384031251, + "nauc_recall_at_1000_diff1": -25.040103819963193, + "nauc_recall_at_1000_max": 39.67194190901835, + "nauc_recall_at_100_diff1": -15.819635509190055, + "nauc_recall_at_100_max": 38.20290322073082, + "nauc_recall_at_10_diff1": -2.179337202237811, + "nauc_recall_at_10_max": 15.444689423576962, + "nauc_recall_at_1_diff1": 19.31406645591962, + "nauc_recall_at_1_max": 12.446064494149196, + "nauc_recall_at_20_diff1": -4.369705346989079, + "nauc_recall_at_20_max": 19.689399778184235, + "nauc_recall_at_3_diff1": 11.368703632097438, + "nauc_recall_at_3_max": 18.834378852568555, + "nauc_recall_at_5_diff1": 9.363083205894776, + "nauc_recall_at_5_max": 16.283811472009358, + "ndcg_at_1": 50.0, + "ndcg_at_10": 46.788999999999994, + "ndcg_at_100": 33.676, + "ndcg_at_1000": 36.502, + "ndcg_at_20": 42.895, + "ndcg_at_3": 49.531, + "ndcg_at_5": 49.413000000000004, + "precision_at_1": 54.0, + "precision_at_10": 51.2, + "precision_at_100": 34.62, + "precision_at_1000": 16.869999999999997, + "precision_at_20": 45.800000000000004, + "precision_at_3": 54.0, + "precision_at_5": 54.400000000000006, + "recall_at_1": 0.153, + "recall_at_10": 1.373, + "recall_at_100": 8.425, + "recall_at_1000": 36.521, + "recall_at_20": 2.4, + "recall_at_3": 0.441, + "recall_at_5": 0.739, + "main_score": 46.788999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/Touche2020.json b/results/Lajavaness__bilingual-embedding-small/external/Touche2020.json new file mode 100644 index 000000000..3afe94e0b --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/Touche2020.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 1.4449999999999998, + "map_at_10": 5.508, + "map_at_100": 9.561, + "map_at_1000": 11.075, + "map_at_20": 7.195, + "map_at_3": 2.8819999999999997, + "map_at_5": 3.859, + "mrr_at_1": 18.367346938775512, + "mrr_at_10": 30.816326530612244, + "mrr_at_100": 32.36702497368042, + "mrr_at_1000": 32.39717992373145, + "mrr_at_20": 31.906678711584885, + "mrr_at_3": 26.190476190476193, + "mrr_at_5": 28.945578231292522, + "nauc_map_at_1000_diff1": 15.86075185050381, + "nauc_map_at_1000_max": -39.68076638135203, + "nauc_map_at_100_diff1": 14.373599398703885, + "nauc_map_at_100_max": -40.06871903205363, + "nauc_map_at_10_diff1": 17.129188771799722, + "nauc_map_at_10_max": -40.62148414336222, + "nauc_map_at_1_diff1": 19.300742296090192, + "nauc_map_at_1_max": -39.01422276688408, + "nauc_map_at_20_diff1": 17.096257109130104, + "nauc_map_at_20_max": -41.45895858788768, + "nauc_map_at_3_diff1": 13.061713953725201, + "nauc_map_at_3_max": -38.41319841534379, + "nauc_map_at_5_diff1": 14.349086737587205, + "nauc_map_at_5_max": -38.969968391834044, + "nauc_mrr_at_1000_diff1": 15.890202844477846, + "nauc_mrr_at_1000_max": -35.71618277376245, + "nauc_mrr_at_100_diff1": 15.922757469316565, + "nauc_mrr_at_100_max": -35.79109859355446, + "nauc_mrr_at_10_diff1": 15.047536449761841, + "nauc_mrr_at_10_max": -36.56394292392469, + "nauc_mrr_at_1_diff1": 23.5674706768817, + "nauc_mrr_at_1_max": -34.577680813370684, + "nauc_mrr_at_20_diff1": 15.48856353024658, + "nauc_mrr_at_20_max": -35.79541680443546, + "nauc_mrr_at_3_diff1": 15.806087622568954, + "nauc_mrr_at_3_max": -32.477788788477206, + "nauc_mrr_at_5_diff1": 15.100010170892547, + "nauc_mrr_at_5_max": -34.902570265426476, + "nauc_ndcg_at_1000_diff1": 17.06221439254491, + "nauc_ndcg_at_1000_max": -38.057099656137524, + "nauc_ndcg_at_100_diff1": 10.712806009366044, + "nauc_ndcg_at_100_max": -41.634510046296825, + "nauc_ndcg_at_10_diff1": 19.714184908152074, + "nauc_ndcg_at_10_max": -38.35275712711699, + "nauc_ndcg_at_1_diff1": 27.689699524955962, + "nauc_ndcg_at_1_max": -32.166823132012276, + "nauc_ndcg_at_20_diff1": 16.460154587871894, + "nauc_ndcg_at_20_max": -44.9036600147991, + "nauc_ndcg_at_3_diff1": 20.089462936175444, + "nauc_ndcg_at_3_max": -28.050150980736177, + "nauc_ndcg_at_5_diff1": 16.85293507256734, + "nauc_ndcg_at_5_max": -30.806342862683927, + "nauc_precision_at_1000_diff1": 14.408977497220873, + "nauc_precision_at_1000_max": 37.74317255169207, + "nauc_precision_at_100_diff1": -1.535852218534388, + "nauc_precision_at_100_max": -19.385555066523708, + "nauc_precision_at_10_diff1": 14.935398953941345, + "nauc_precision_at_10_max": -40.7784122393935, + "nauc_precision_at_1_diff1": 23.5674706768817, + "nauc_precision_at_1_max": -34.577680813370684, + "nauc_precision_at_20_diff1": 10.2401285323039, + "nauc_precision_at_20_max": -44.04141433293453, + "nauc_precision_at_3_diff1": 15.784680322541114, + "nauc_precision_at_3_max": -30.464693842536324, + "nauc_precision_at_5_diff1": 6.837543215418572, + "nauc_precision_at_5_max": -32.9314191958357, + "nauc_recall_at_1000_diff1": 8.533481249495253, + "nauc_recall_at_1000_max": -30.221386840946657, + "nauc_recall_at_100_diff1": -1.394100451328846, + "nauc_recall_at_100_max": -41.79269914007117, + "nauc_recall_at_10_diff1": 13.77128337229429, + "nauc_recall_at_10_max": -44.513151444340814, + "nauc_recall_at_1_diff1": 19.300742296090192, + "nauc_recall_at_1_max": -39.01422276688408, + "nauc_recall_at_20_diff1": 8.568504019773036, + "nauc_recall_at_20_max": -47.8434381158021, + "nauc_recall_at_3_diff1": 9.308189193923543, + "nauc_recall_at_3_max": -39.95524531900913, + "nauc_recall_at_5_diff1": 10.205415401777017, + "nauc_recall_at_5_max": -38.78454250086998, + "ndcg_at_1": 16.326999999999998, + "ndcg_at_10": 14.472999999999999, + "ndcg_at_100": 24.621000000000002, + "ndcg_at_1000": 37.964999999999996, + "ndcg_at_20": 16.55, + "ndcg_at_3": 15.432000000000002, + "ndcg_at_5": 14.654, + "precision_at_1": 18.367, + "precision_at_10": 14.285999999999998, + "precision_at_100": 5.612, + "precision_at_1000": 1.39, + "precision_at_20": 11.735, + "precision_at_3": 17.007, + "precision_at_5": 16.326999999999998, + "recall_at_1": 1.4449999999999998, + "recall_at_10": 10.796999999999999, + "recall_at_100": 36.172, + "recall_at_1000": 75.737, + "recall_at_20": 17.494, + "recall_at_3": 3.74, + "recall_at_5": 6.131, + "main_score": 14.472999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/ToxicConversationsClassification.json b/results/Lajavaness__bilingual-embedding-small/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..ef56e0cc5 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/ToxicConversationsClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 62.5244140625, + "ap": 11.036738738208067, + "ap_weighted": 11.036738738208067, + "f1": 48.178922337841016, + "f1_weighted": 70.79346668027127, + "main_score": 62.5244140625 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/TweetSentimentExtractionClassification.json b/results/Lajavaness__bilingual-embedding-small/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..1c7c07bc3 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 59.60384833050367, + "f1": 59.89473957112635, + "f1_weighted": 59.21770850754739, + "main_score": 59.60384833050367 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/TwentyNewsgroupsClustering.json b/results/Lajavaness__bilingual-embedding-small/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..3406c20f6 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.52017931682707, + "v_measures": [ + 0.41056001750265486, + 0.4115812168479953, + 0.4020131539653664, + 0.41845373495523314, + 0.3990043371824943 + ], + "main_score": 40.52017931682707 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/TwitterSemEval2015.json b/results/Lajavaness__bilingual-embedding-small/external/TwitterSemEval2015.json new file mode 100644 index 000000000..a5772f5db --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 84.19860523335518, + "cos_sim_ap": 67.98183780223552, + "cos_sim_f1": 63.287574797606474, + "cos_sim_precision": 56.98288611874076, + "cos_sim_recall": 71.16094986807387, + "dot_accuracy": 81.0872027180068, + "dot_ap": 57.080616165589994, + "dot_f1": 57.184056030487184, + "dot_precision": 46.899814157796925, + "dot_recall": 73.24538258575198, + "euclidean_accuracy": 84.10919711509806, + "euclidean_ap": 68.02422564958268, + "euclidean_f1": 63.76539589442815, + "euclidean_precision": 57.40232312565998, + "euclidean_recall": 71.71503957783642, + "manhattan_accuracy": 84.06747332657805, + "manhattan_ap": 67.74186393843273, + "manhattan_f1": 63.57935359382538, + "manhattan_precision": 58.55175477565526, + "manhattan_recall": 69.55145118733509, + "max_accuracy": 84.19860523335518, + "max_ap": 68.02422564958268, + "max_f1": 63.76539589442815, + "main_score": 68.02422564958268 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/TwitterURLCorpus.json b/results/Lajavaness__bilingual-embedding-small/external/TwitterURLCorpus.json new file mode 100644 index 000000000..04707eda1 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.40311250824699, + "cos_sim_ap": 86.47944792205789, + "cos_sim_f1": 78.80539499036608, + "cos_sim_precision": 75.95714285714286, + "cos_sim_recall": 81.87557745611333, + "dot_accuracy": 87.8468583847557, + "dot_ap": 83.05643449341216, + "dot_f1": 76.55210439257489, + "dot_precision": 73.24330027431948, + "dot_recall": 80.17400677548507, + "euclidean_accuracy": 89.29250591842279, + "euclidean_ap": 86.35499372223612, + "euclidean_f1": 78.9011715450439, + "euclidean_precision": 75.43009620110948, + "euclidean_recall": 82.7071142593163, + "manhattan_accuracy": 89.26339892110063, + "manhattan_ap": 86.2956040159182, + "manhattan_f1": 78.78428904601488, + "manhattan_precision": 75.87165775401068, + "manhattan_recall": 81.92947336002464, + "max_accuracy": 89.40311250824699, + "max_ap": 86.47944792205789, + "max_f1": 78.9011715450439, + "main_score": 86.47944792205789 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/XPQARetrieval.json b/results/Lajavaness__bilingual-embedding-small/external/XPQARetrieval.json new file mode 100644 index 000000000..c9534b107 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/XPQARetrieval.json @@ -0,0 +1,122 @@ +{ + "dataset_revision": "c99d599f0a6ab9b85b065da6f9d94f9cf731679f", + "task_name": "XPQARetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "None" + ], + "map_at_1": 36.974000000000004, + "map_at_10": 56.879000000000005, + "map_at_100": 58.288, + "map_at_1000": 58.375, + "map_at_20": 57.737, + "map_at_3": 51.162, + "map_at_5": 54.752, + "mrr_at_1": 57.943925233644855, + "mrr_at_10": 65.70882870282065, + "mrr_at_100": 66.28374236332951, + "mrr_at_1000": 66.30262698230914, + "mrr_at_20": 66.0551354222895, + "mrr_at_3": 63.773920783266526, + "mrr_at_5": 64.85536270582992, + "nauc_map_at_1000_diff1": 47.687404840174466, + "nauc_map_at_1000_max": 51.07479500215987, + "nauc_map_at_100_diff1": 47.654118256249376, + "nauc_map_at_100_max": 51.07088520770559, + "nauc_map_at_10_diff1": 47.54808053044233, + "nauc_map_at_10_max": 50.381502634356, + "nauc_map_at_1_diff1": 58.17421329806507, + "nauc_map_at_1_max": 35.4749459151989, + "nauc_map_at_20_diff1": 47.45564144170814, + "nauc_map_at_20_max": 50.84598996397903, + "nauc_map_at_3_diff1": 50.410129113764214, + "nauc_map_at_3_max": 46.54000192671645, + "nauc_map_at_5_diff1": 47.93555379699093, + "nauc_map_at_5_max": 49.260557426644546, + "nauc_mrr_at_1000_diff1": 56.679134511088414, + "nauc_mrr_at_1000_max": 60.53239540647465, + "nauc_mrr_at_100_diff1": 56.685005563081795, + "nauc_mrr_at_100_max": 60.540728483028104, + "nauc_mrr_at_10_diff1": 56.50717789276386, + "nauc_mrr_at_10_max": 60.402245419993626, + "nauc_mrr_at_1_diff1": 59.032663807282844, + "nauc_mrr_at_1_max": 60.3211466117485, + "nauc_mrr_at_20_diff1": 56.631497123613116, + "nauc_mrr_at_20_max": 60.55435266050122, + "nauc_mrr_at_3_diff1": 57.03401180618237, + "nauc_mrr_at_3_max": 60.74025251383108, + "nauc_mrr_at_5_diff1": 56.719828414666615, + "nauc_mrr_at_5_max": 60.50987986316338, + "nauc_ndcg_at_1000_diff1": 49.29110134431293, + "nauc_ndcg_at_1000_max": 54.44877140258553, + "nauc_ndcg_at_100_diff1": 48.81030947916155, + "nauc_ndcg_at_100_max": 54.530927935094354, + "nauc_ndcg_at_10_diff1": 47.90167107176282, + "nauc_ndcg_at_10_max": 52.48834073628817, + "nauc_ndcg_at_1_diff1": 59.032663807282844, + "nauc_ndcg_at_1_max": 60.3211466117485, + "nauc_ndcg_at_20_diff1": 47.91721759864128, + "nauc_ndcg_at_20_max": 53.66951967421919, + "nauc_ndcg_at_3_diff1": 49.9608020821714, + "nauc_ndcg_at_3_max": 52.460962403857, + "nauc_ndcg_at_5_diff1": 48.3107083050229, + "nauc_ndcg_at_5_max": 51.403447219173096, + "nauc_precision_at_1000_diff1": -19.095724592038824, + "nauc_precision_at_1000_max": 10.49414510204917, + "nauc_precision_at_100_diff1": -15.07925244337005, + "nauc_precision_at_100_max": 18.213784508702886, + "nauc_precision_at_10_diff1": -4.072544059488135, + "nauc_precision_at_10_max": 29.14489664893668, + "nauc_precision_at_1_diff1": 59.032663807282844, + "nauc_precision_at_1_max": 60.3211466117485, + "nauc_precision_at_20_diff1": -8.614374928777666, + "nauc_precision_at_20_max": 25.696353189360504, + "nauc_precision_at_3_diff1": 10.758972304240052, + "nauc_precision_at_3_max": 39.352446901601304, + "nauc_precision_at_5_diff1": 1.438210503638299, + "nauc_precision_at_5_max": 34.240684259490706, + "nauc_recall_at_1000_diff1": 17.151120467621766, + "nauc_recall_at_1000_max": 39.4124299339563, + "nauc_recall_at_100_diff1": 33.753600738691986, + "nauc_recall_at_100_max": 49.264253306170886, + "nauc_recall_at_10_diff1": 37.65122476559542, + "nauc_recall_at_10_max": 43.928181593180554, + "nauc_recall_at_1_diff1": 58.17421329806507, + "nauc_recall_at_1_max": 35.4749459151989, + "nauc_recall_at_20_diff1": 35.77720867453872, + "nauc_recall_at_20_max": 46.698647380155876, + "nauc_recall_at_3_diff1": 46.279672745804454, + "nauc_recall_at_3_max": 43.387633490987426, + "nauc_recall_at_5_diff1": 40.59107560506172, + "nauc_recall_at_5_max": 44.41733580904138, + "ndcg_at_1": 57.943999999999996, + "ndcg_at_10": 63.205, + "ndcg_at_100": 68.063, + "ndcg_at_1000": 69.429, + "ndcg_at_20": 65.304, + "ndcg_at_3": 58.382, + "ndcg_at_5": 59.758, + "precision_at_1": 57.943999999999996, + "precision_at_10": 14.646, + "precision_at_100": 1.8739999999999999, + "precision_at_1000": 0.20600000000000002, + "precision_at_20": 8.071, + "precision_at_3": 35.603, + "precision_at_5": 25.287, + "recall_at_1": 36.974000000000004, + "recall_at_10": 72.11800000000001, + "recall_at_100": 90.937, + "recall_at_1000": 99.544, + "recall_at_20": 78.78699999999999, + "recall_at_3": 56.533, + "recall_at_5": 63.678000000000004, + "main_score": 63.205 + } + ] + } +} \ No newline at end of file diff --git a/results/Lajavaness__bilingual-embedding-small/external/model_meta.json b/results/Lajavaness__bilingual-embedding-small/external/model_meta.json new file mode 100644 index 000000000..01d201834 --- /dev/null +++ b/results/Lajavaness__bilingual-embedding-small/external/model_meta.json @@ -0,0 +1,25 @@ +{ + "name": "Lajavaness/bilingual-embedding-small", + "revision": "be4d7eecf4b7109e54a0ac3b034c7de955c71b9a", + "release_date": "2024-07-17", + "languages": [ + "fr", + "en" + ], + "loader": null, + "n_parameters": 117653760, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 384, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Lenovo-Zhihui__Zhihui_LLM_Embedding/external/CmedqaRetrieval.json b/results/Lenovo-Zhihui__Zhihui_LLM_Embedding/external/CmedqaRetrieval.json new file mode 100644 index 000000000..6438a715c --- /dev/null +++ b/results/Lenovo-Zhihui__Zhihui_LLM_Embedding/external/CmedqaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 29.012, + "map_at_10": 41.998000000000005, + "map_at_100": 43.821, + "map_at_1000": 43.924, + "map_at_3": 37.804, + "map_at_5": 40.025, + "mrr_at_1": 43.536, + "mrr_at_10": 51.413, + "mrr_at_100": 52.329, + "mrr_at_1000": 52.366, + "mrr_at_3": 49.058, + "mrr_at_5": 50.291, + "ndcg_at_1": 43.536, + "ndcg_at_10": 48.693, + "ndcg_at_100": 55.644000000000005, + "ndcg_at_1000": 57.354000000000006, + "ndcg_at_3": 43.627, + "ndcg_at_5": 45.462, + "precision_at_1": 43.536, + "precision_at_10": 10.552999999999999, + "precision_at_100": 1.624, + "precision_at_1000": 0.184, + "precision_at_3": 24.314, + "precision_at_5": 17.299, + "recall_at_1": 29.012, + "recall_at_10": 59.123000000000005, + "recall_at_100": 87.783, + "recall_at_1000": 99.078, + "recall_at_3": 43.474000000000004, + "recall_at_5": 49.557, + "main_score": 48.693 + } + ] + } +} \ No newline at end of file diff --git a/results/Lenovo-Zhihui__Zhihui_LLM_Embedding/external/CovidRetrieval.json b/results/Lenovo-Zhihui__Zhihui_LLM_Embedding/external/CovidRetrieval.json new file mode 100644 index 000000000..740509734 --- /dev/null +++ b/results/Lenovo-Zhihui__Zhihui_LLM_Embedding/external/CovidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 73.235, + "map_at_10": 80.87100000000001, + "map_at_100": 81.10300000000001, + "map_at_1000": 81.105, + "map_at_3": 79.171, + "map_at_5": 80.163, + "mrr_at_1": 73.235, + "mrr_at_10": 80.80000000000001, + "mrr_at_100": 81.024, + "mrr_at_1000": 81.026, + "mrr_at_3": 79.15299999999999, + "mrr_at_5": 80.133, + "ndcg_at_1": 73.34, + "ndcg_at_10": 84.387, + "ndcg_at_100": 85.348, + "ndcg_at_1000": 85.411, + "ndcg_at_3": 80.97, + "ndcg_at_5": 82.757, + "precision_at_1": 73.34, + "precision_at_10": 9.631, + "precision_at_100": 1.005, + "precision_at_1000": 0.101, + "precision_at_3": 28.837000000000003, + "precision_at_5": 18.209, + "recall_at_1": 73.235, + "recall_at_10": 95.311, + "recall_at_100": 99.473, + "recall_at_1000": 100, + "recall_at_3": 86.091, + "recall_at_5": 90.411, + "main_score": 84.387 + } + ] + } +} \ No newline at end of file diff --git a/results/Lenovo-Zhihui__Zhihui_LLM_Embedding/external/DuRetrieval.json b/results/Lenovo-Zhihui__Zhihui_LLM_Embedding/external/DuRetrieval.json new file mode 100644 index 000000000..73f422ce9 --- /dev/null +++ b/results/Lenovo-Zhihui__Zhihui_LLM_Embedding/external/DuRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 28.059, + "map_at_10": 85.309, + "map_at_100": 87.926, + "map_at_1000": 87.945, + "map_at_3": 59.862, + "map_at_5": 75.345, + "mrr_at_1": 93.30000000000001, + "mrr_at_10": 95.624, + "mrr_at_100": 95.647, + "mrr_at_1000": 95.649, + "mrr_at_3": 95.42500000000001, + "mrr_at_5": 95.572, + "ndcg_at_1": 93.30000000000001, + "ndcg_at_10": 91.338, + "ndcg_at_100": 93.38, + "ndcg_at_1000": 93.57, + "ndcg_at_3": 90.512, + "ndcg_at_5": 89.617, + "precision_at_1": 93.30000000000001, + "precision_at_10": 43.169999999999995, + "precision_at_100": 4.868, + "precision_at_1000": 0.49100000000000005, + "precision_at_3": 80.7, + "precision_at_5": 68.12, + "recall_at_1": 28.059, + "recall_at_10": 91.949, + "recall_at_100": 98.777, + "recall_at_1000": 99.816, + "recall_at_3": 61.699000000000005, + "recall_at_5": 79.134, + "main_score": 91.338 + } + ] + } +} \ No newline at end of file diff --git a/results/Lenovo-Zhihui__Zhihui_LLM_Embedding/external/EcomRetrieval.json b/results/Lenovo-Zhihui__Zhihui_LLM_Embedding/external/EcomRetrieval.json new file mode 100644 index 000000000..fb4131000 --- /dev/null +++ b/results/Lenovo-Zhihui__Zhihui_LLM_Embedding/external/EcomRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 57.599999999999994, + "map_at_10": 67.169, + "map_at_100": 67.654, + "map_at_1000": 67.663, + "map_at_3": 64.833, + "map_at_5": 66.298, + "mrr_at_1": 57.599999999999994, + "mrr_at_10": 67.169, + "mrr_at_100": 67.654, + "mrr_at_1000": 67.663, + "mrr_at_3": 64.833, + "mrr_at_5": 66.298, + "ndcg_at_1": 57.599999999999994, + "ndcg_at_10": 71.95899999999999, + "ndcg_at_100": 74.092, + "ndcg_at_1000": 74.323, + "ndcg_at_3": 67.212, + "ndcg_at_5": 69.892, + "precision_at_1": 57.599999999999994, + "precision_at_10": 8.7, + "precision_at_100": 0.9650000000000001, + "precision_at_1000": 0.098, + "precision_at_3": 24.7, + "precision_at_5": 16.14, + "recall_at_1": 57.599999999999994, + "recall_at_10": 87, + "recall_at_100": 96.5, + "recall_at_1000": 98.3, + "recall_at_3": 74.1, + "recall_at_5": 80.7, + "main_score": 71.95899999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Lenovo-Zhihui__Zhihui_LLM_Embedding/external/MMarcoRetrieval.json b/results/Lenovo-Zhihui__Zhihui_LLM_Embedding/external/MMarcoRetrieval.json new file mode 100644 index 000000000..79e1be0e0 --- /dev/null +++ b/results/Lenovo-Zhihui__Zhihui_LLM_Embedding/external/MMarcoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 72.858, + "map_at_10": 81.559, + "map_at_100": 81.808, + "map_at_1000": 81.813, + "map_at_3": 80.018, + "map_at_5": 81.04299999999999, + "mrr_at_1": 75.27199999999999, + "mrr_at_10": 81.989, + "mrr_at_100": 82.202, + "mrr_at_1000": 82.206, + "mrr_at_3": 80.647, + "mrr_at_5": 81.53399999999999, + "ndcg_at_1": 75.27199999999999, + "ndcg_at_10": 84.772, + "ndcg_at_100": 85.79599999999999, + "ndcg_at_1000": 85.925, + "ndcg_at_3": 81.884, + "ndcg_at_5": 83.60300000000001, + "precision_at_1": 75.27199999999999, + "precision_at_10": 10.017, + "precision_at_100": 1.051, + "precision_at_1000": 0.106, + "precision_at_3": 30.578, + "precision_at_5": 19.261, + "recall_at_1": 72.858, + "recall_at_10": 94.197, + "recall_at_100": 98.634, + "recall_at_1000": 99.63499999999999, + "recall_at_3": 86.6, + "recall_at_5": 90.692, + "main_score": 84.772 + } + ] + } +} \ No newline at end of file diff --git a/results/Lenovo-Zhihui__Zhihui_LLM_Embedding/external/MedicalRetrieval.json b/results/Lenovo-Zhihui__Zhihui_LLM_Embedding/external/MedicalRetrieval.json new file mode 100644 index 000000000..6e8c5bb53 --- /dev/null +++ b/results/Lenovo-Zhihui__Zhihui_LLM_Embedding/external/MedicalRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 56.2, + "map_at_10": 62.198, + "map_at_100": 62.794000000000004, + "map_at_1000": 62.829, + "map_at_3": 60.699999999999996, + "map_at_5": 61.660000000000004, + "mrr_at_1": 56.49999999999999, + "mrr_at_10": 62.348000000000006, + "mrr_at_100": 62.944, + "mrr_at_1000": 62.979, + "mrr_at_3": 60.85, + "mrr_at_5": 61.809999999999995, + "ndcg_at_1": 56.2, + "ndcg_at_10": 65.19200000000001, + "ndcg_at_100": 68.341, + "ndcg_at_1000": 69.392, + "ndcg_at_3": 62.163999999999994, + "ndcg_at_5": 63.894, + "precision_at_1": 56.2, + "precision_at_10": 7.46, + "precision_at_100": 0.899, + "precision_at_1000": 0.098, + "precision_at_3": 22.133, + "precision_at_5": 14.12, + "recall_at_1": 56.2, + "recall_at_10": 74.6, + "recall_at_100": 89.9, + "recall_at_1000": 98.4, + "recall_at_3": 66.4, + "recall_at_5": 70.6, + "main_score": 65.19200000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/Lenovo-Zhihui__Zhihui_LLM_Embedding/external/T2Retrieval.json b/results/Lenovo-Zhihui__Zhihui_LLM_Embedding/external/T2Retrieval.json new file mode 100644 index 000000000..70a15bbf4 --- /dev/null +++ b/results/Lenovo-Zhihui__Zhihui_LLM_Embedding/external/T2Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 28.79, + "map_at_10": 81.687, + "map_at_100": 85.19200000000001, + "map_at_1000": 85.232, + "map_at_3": 57.145999999999994, + "map_at_5": 70.491, + "mrr_at_1": 92.21000000000001, + "mrr_at_10": 94.303, + "mrr_at_100": 94.368, + "mrr_at_1000": 94.37, + "mrr_at_3": 93.94500000000001, + "mrr_at_5": 94.175, + "ndcg_at_1": 92.21000000000001, + "ndcg_at_10": 88.29599999999999, + "ndcg_at_100": 91.268, + "ndcg_at_1000": 91.645, + "ndcg_at_3": 89.031, + "ndcg_at_5": 88.075, + "precision_at_1": 92.21000000000001, + "precision_at_10": 43.775, + "precision_at_100": 5.097, + "precision_at_1000": 0.518, + "precision_at_3": 77.708, + "precision_at_5": 65.473, + "recall_at_1": 28.79, + "recall_at_10": 87.457, + "recall_at_100": 97.21499999999999, + "recall_at_1000": 99.14, + "recall_at_3": 58.606, + "recall_at_5": 73.52300000000001, + "main_score": 88.29599999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Lenovo-Zhihui__Zhihui_LLM_Embedding/external/VideoRetrieval.json b/results/Lenovo-Zhihui__Zhihui_LLM_Embedding/external/VideoRetrieval.json new file mode 100644 index 000000000..11dd69bda --- /dev/null +++ b/results/Lenovo-Zhihui__Zhihui_LLM_Embedding/external/VideoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 67, + "map_at_10": 75.44999999999999, + "map_at_100": 75.771, + "map_at_1000": 75.776, + "map_at_3": 73.867, + "map_at_5": 74.837, + "mrr_at_1": 67, + "mrr_at_10": 75.44999999999999, + "mrr_at_100": 75.771, + "mrr_at_1000": 75.776, + "mrr_at_3": 73.867, + "mrr_at_5": 74.837, + "ndcg_at_1": 67, + "ndcg_at_10": 79.313, + "ndcg_at_100": 80.894, + "ndcg_at_1000": 80.989, + "ndcg_at_3": 76.08500000000001, + "ndcg_at_5": 77.845, + "precision_at_1": 67, + "precision_at_10": 9.13, + "precision_at_100": 0.987, + "precision_at_1000": 0.099, + "precision_at_3": 27.500000000000004, + "precision_at_5": 17.36, + "recall_at_1": 67, + "recall_at_10": 91.3, + "recall_at_100": 98.7, + "recall_at_1000": 99.4, + "recall_at_3": 82.5, + "recall_at_5": 86.8, + "main_score": 79.313 + } + ] + } +} \ No newline at end of file diff --git a/results/Lenovo-Zhihui__Zhihui_LLM_Embedding/external/model_meta.json b/results/Lenovo-Zhihui__Zhihui_LLM_Embedding/external/model_meta.json new file mode 100644 index 000000000..8aa7f946f --- /dev/null +++ b/results/Lenovo-Zhihui__Zhihui_LLM_Embedding/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "Lenovo-Zhihui/Zhihui_LLM_Embedding", + "revision": "056ca5e7a53974f1567501d973879d8081e0c752", + "release_date": "2024-06-25", + "languages": [ + "zh" + ], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": null, + "embed_dim": null, + "license": "cc-by-nc-4.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/AmazonCounterfactualClassification.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..9b0c63379 --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 84.43283582089552, + "ap": 50.39222584035829, + "f1": 78.47906270064071, + "main_score": 84.43283582089552 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/AmazonPolarityClassification.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..1c4d67b0c --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 95.70445, + "ap": 94.28273900595173, + "f1": 95.70048412173735, + "main_score": 95.70445 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/AmazonReviewsClassification.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..87d5fd8c5 --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 57.644000000000005, + "f1": 56.993648296704876, + "main_score": 57.644000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/ArguAna.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/ArguAna.json new file mode 100644 index 000000000..2f1fecb2b --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 45.804, + "map_at_10": 61.742, + "map_at_100": 62.07899999999999, + "map_at_1000": 62.08, + "map_at_3": 57.717, + "map_at_5": 60.27, + "mrr_at_1": 47.226, + "mrr_at_10": 62.256, + "mrr_at_100": 62.601, + "mrr_at_1000": 62.601, + "mrr_at_3": 58.203, + "mrr_at_5": 60.767, + "ndcg_at_1": 45.804, + "ndcg_at_10": 69.649, + "ndcg_at_100": 70.902, + "ndcg_at_1000": 70.91199999999999, + "ndcg_at_3": 61.497, + "ndcg_at_5": 66.097, + "precision_at_1": 45.804, + "precision_at_10": 9.452, + "precision_at_100": 0.996, + "precision_at_1000": 0.1, + "precision_at_3": 24.135, + "precision_at_5": 16.714000000000002, + "recall_at_1": 45.804, + "recall_at_10": 94.523, + "recall_at_100": 99.57300000000001, + "recall_at_1000": 99.644, + "recall_at_3": 72.404, + "recall_at_5": 83.57, + "main_score": 69.649 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/ArxivClusteringP2P.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..c6e6b7057 --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 51.47612678878609, + "main_score": 51.47612678878609 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/ArxivClusteringS2S.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..1124c2717 --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 47.2977392340418, + "main_score": 47.2977392340418 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/AskUbuntuDupQuestions.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..a78f2bd63 --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 66.82016765243456, + "mrr": 79.55227982236292, + "main_score": 66.82016765243456 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/BIOSSES.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/BIOSSES.json new file mode 100644 index 000000000..d59370b2f --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 89.15068664186332, + "cos_sim_spearman": 86.4013663041054, + "euclidean_pearson": 87.36391302921588, + "euclidean_spearman": 86.4013663041054, + "manhattan_pearson": 87.46116676558589, + "manhattan_spearman": 86.78149544753352, + "cosine_pearson": 89.15068664186332, + "cosine_spearman": 86.4013663041054, + "main_score": 86.4013663041054 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/Banking77Classification.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/Banking77Classification.json new file mode 100644 index 000000000..49705232a --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 87.88311688311688, + "f1": 87.82368154811464, + "main_score": 87.88311688311688 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/BiorxivClusteringP2P.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..0835da6ab --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 42.72860396750569, + "main_score": 42.72860396750569 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/BiorxivClusteringS2S.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..b8703f70c --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.58412067938718, + "main_score": 39.58412067938718 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/ClimateFEVER.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/ClimateFEVER.json new file mode 100644 index 000000000..ca0a3a3ce --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.747, + "map_at_10": 29.168, + "map_at_100": 31.304, + "map_at_1000": 31.496000000000002, + "map_at_3": 24.57, + "map_at_5": 26.886, + "mrr_at_1": 37.524, + "mrr_at_10": 50.588, + "mrr_at_100": 51.28, + "mrr_at_1000": 51.29899999999999, + "mrr_at_3": 47.438, + "mrr_at_5": 49.434, + "ndcg_at_1": 37.524, + "ndcg_at_10": 39.11, + "ndcg_at_100": 46.373999999999995, + "ndcg_at_1000": 49.370999999999995, + "ndcg_at_3": 32.964, + "ndcg_at_5": 35.028, + "precision_at_1": 37.524, + "precision_at_10": 12.137, + "precision_at_100": 1.9929999999999999, + "precision_at_1000": 0.256, + "precision_at_3": 24.886, + "precision_at_5": 18.762, + "recall_at_1": 16.747, + "recall_at_10": 45.486, + "recall_at_100": 69.705, + "recall_at_1000": 86.119, + "recall_at_3": 30.070999999999998, + "recall_at_5": 36.565, + "main_score": 39.11 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/DBPedia.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/DBPedia.json new file mode 100644 index 000000000..05cbd7b60 --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 10.495000000000001, + "map_at_10": 24.005000000000003, + "map_at_100": 34.37, + "map_at_1000": 36.268, + "map_at_3": 16.694, + "map_at_5": 19.845, + "mrr_at_1": 75.5, + "mrr_at_10": 82.458, + "mrr_at_100": 82.638, + "mrr_at_1000": 82.64, + "mrr_at_3": 81.25, + "mrr_at_5": 82.125, + "ndcg_at_1": 64.625, + "ndcg_at_10": 51.322, + "ndcg_at_100": 55.413999999999994, + "ndcg_at_1000": 62.169, + "ndcg_at_3": 56.818999999999996, + "ndcg_at_5": 54.32900000000001, + "precision_at_1": 75.5, + "precision_at_10": 40.849999999999994, + "precision_at_100": 12.882, + "precision_at_1000": 2.394, + "precision_at_3": 59.667, + "precision_at_5": 52.2, + "recall_at_1": 10.495000000000001, + "recall_at_10": 29.226000000000003, + "recall_at_100": 59.614, + "recall_at_1000": 81.862, + "recall_at_3": 17.97, + "recall_at_5": 22.438, + "main_score": 51.322 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/EmotionClassification.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/EmotionClassification.json new file mode 100644 index 000000000..033211e40 --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 51.82, + "f1": 47.794956731921054, + "main_score": 51.82 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/FEVER.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/FEVER.json new file mode 100644 index 000000000..1960e60fb --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 82.52199999999999, + "map_at_10": 89.794, + "map_at_100": 89.962, + "map_at_1000": 89.972, + "map_at_3": 88.95100000000001, + "map_at_5": 89.524, + "mrr_at_1": 88.809, + "mrr_at_10": 93.554, + "mrr_at_100": 93.577, + "mrr_at_1000": 93.577, + "mrr_at_3": 93.324, + "mrr_at_5": 93.516, + "ndcg_at_1": 88.809, + "ndcg_at_10": 92.419, + "ndcg_at_100": 92.95, + "ndcg_at_1000": 93.10000000000001, + "ndcg_at_3": 91.45299999999999, + "ndcg_at_5": 92.05, + "precision_at_1": 88.809, + "precision_at_10": 10.911999999999999, + "precision_at_100": 1.143, + "precision_at_1000": 0.117, + "precision_at_3": 34.623, + "precision_at_5": 21.343999999999998, + "recall_at_1": 82.52199999999999, + "recall_at_10": 96.59400000000001, + "recall_at_100": 98.55699999999999, + "recall_at_1000": 99.413, + "recall_at_3": 94.02199999999999, + "recall_at_5": 95.582, + "main_score": 92.419 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/FiQA2018.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/FiQA2018.json new file mode 100644 index 000000000..3fad1d7e6 --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.842, + "map_at_10": 53.147, + "map_at_100": 55.265, + "map_at_1000": 55.37, + "map_at_3": 46.495, + "map_at_5": 50.214999999999996, + "mrr_at_1": 61.574, + "mrr_at_10": 68.426, + "mrr_at_100": 68.935, + "mrr_at_1000": 68.95400000000001, + "mrr_at_3": 66.307, + "mrr_at_5": 67.611, + "ndcg_at_1": 61.574, + "ndcg_at_10": 61.205, + "ndcg_at_100": 67.25999999999999, + "ndcg_at_1000": 68.657, + "ndcg_at_3": 56.717, + "ndcg_at_5": 58.196999999999996, + "precision_at_1": 61.574, + "precision_at_10": 16.852, + "precision_at_100": 2.33, + "precision_at_1000": 0.256, + "precision_at_3": 37.5, + "precision_at_5": 27.468999999999998, + "recall_at_1": 32.842, + "recall_at_10": 68.157, + "recall_at_100": 89.5, + "recall_at_1000": 97.68599999999999, + "recall_at_3": 50.783, + "recall_at_5": 58.672000000000004, + "main_score": 61.205 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/HotpotQA.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/HotpotQA.json new file mode 100644 index 000000000..4d6401116 --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 39.068000000000005, + "map_at_10": 69.253, + "map_at_100": 70.036, + "map_at_1000": 70.081, + "map_at_3": 65.621, + "map_at_5": 67.976, + "mrr_at_1": 78.13600000000001, + "mrr_at_10": 84.328, + "mrr_at_100": 84.515, + "mrr_at_1000": 84.52300000000001, + "mrr_at_3": 83.52199999999999, + "mrr_at_5": 84.019, + "ndcg_at_1": 78.13600000000001, + "ndcg_at_10": 76.236, + "ndcg_at_100": 78.891, + "ndcg_at_1000": 79.73400000000001, + "ndcg_at_3": 71.258, + "ndcg_at_5": 74.129, + "precision_at_1": 78.13600000000001, + "precision_at_10": 16.347, + "precision_at_100": 1.839, + "precision_at_1000": 0.19499999999999998, + "precision_at_3": 47.189, + "precision_at_5": 30.581999999999997, + "recall_at_1": 39.068000000000005, + "recall_at_10": 81.735, + "recall_at_100": 91.945, + "recall_at_1000": 97.44800000000001, + "recall_at_3": 70.783, + "recall_at_5": 76.455, + "main_score": 76.236 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/ImdbClassification.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/ImdbClassification.json new file mode 100644 index 000000000..456b985b5 --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 94.7764, + "ap": 92.67841294818406, + "f1": 94.77375157383646, + "main_score": 94.7764 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/MSMARCO.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/MSMARCO.json new file mode 100644 index 000000000..605de28c0 --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.624, + "map_at_10": 37.861, + "map_at_100": 39.011, + "map_at_1000": 39.052, + "map_at_3": 33.76, + "map_at_5": 36.153, + "mrr_at_1": 25.358000000000004, + "mrr_at_10": 38.5, + "mrr_at_100": 39.572, + "mrr_at_1000": 39.607, + "mrr_at_3": 34.491, + "mrr_at_5": 36.83, + "ndcg_at_1": 25.358000000000004, + "ndcg_at_10": 45.214999999999996, + "ndcg_at_100": 50.56, + "ndcg_at_1000": 51.507999999999996, + "ndcg_at_3": 36.925999999999995, + "ndcg_at_5": 41.182, + "precision_at_1": 25.358000000000004, + "precision_at_10": 7.090000000000001, + "precision_at_100": 0.9740000000000001, + "precision_at_1000": 0.106, + "precision_at_3": 15.697, + "precision_at_5": 11.599, + "recall_at_1": 24.624, + "recall_at_10": 67.78699999999999, + "recall_at_100": 92.11200000000001, + "recall_at_1000": 99.208, + "recall_at_3": 45.362, + "recall_at_5": 55.58, + "main_score": 45.214999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/MTOPDomainClassification.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/MTOPDomainClassification.json new file mode 100644 index 000000000..0a9e6a7e7 --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 96.83310533515733, + "f1": 96.57069781347995, + "main_score": 96.83310533515733 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/MTOPIntentClassification.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/MTOPIntentClassification.json new file mode 100644 index 000000000..ca9621702 --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 89.5690834473324, + "f1": 73.7275204564728, + "main_score": 89.5690834473324 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/MassiveIntentClassification.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/MassiveIntentClassification.json new file mode 100644 index 000000000..6c8335096 --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 82.67316745124411, + "f1": 79.70626515721662, + "main_score": 82.67316745124411 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/MassiveScenarioClassification.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..5021b846c --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 85.01344989912575, + "f1": 84.45181022816965, + "main_score": 85.01344989912575 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/MedrxivClusteringP2P.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..722c87690 --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.843426126777295, + "main_score": 37.843426126777295 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/MedrxivClusteringS2S.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..16913fbc8 --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.651728547241476, + "main_score": 36.651728547241476 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/MindSmallReranking.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/MindSmallReranking.json new file mode 100644 index 000000000..1d41f6d03 --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 32.05750522793288, + "mrr": 33.28067556869468, + "main_score": 32.05750522793288 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/NFCorpus.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/NFCorpus.json new file mode 100644 index 000000000..e861c151b --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.744, + "map_at_10": 16.235, + "map_at_100": 20.767, + "map_at_1000": 22.469, + "map_at_3": 11.708, + "map_at_5": 13.924, + "mrr_at_1": 55.728, + "mrr_at_10": 63.869, + "mrr_at_100": 64.322, + "mrr_at_1000": 64.342, + "mrr_at_3": 62.022999999999996, + "mrr_at_5": 63.105999999999995, + "ndcg_at_1": 53.096, + "ndcg_at_10": 41.618, + "ndcg_at_100": 38.562999999999995, + "ndcg_at_1000": 47.006, + "ndcg_at_3": 47.657, + "ndcg_at_5": 45.562999999999995, + "precision_at_1": 55.108000000000004, + "precision_at_10": 30.464000000000002, + "precision_at_100": 9.737, + "precision_at_1000": 2.2720000000000002, + "precision_at_3": 44.376, + "precision_at_5": 39.505, + "recall_at_1": 6.744, + "recall_at_10": 21.11, + "recall_at_100": 39.69, + "recall_at_1000": 70.44, + "recall_at_3": 13.120000000000001, + "recall_at_5": 16.669, + "main_score": 41.618 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/NQ.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/NQ.json new file mode 100644 index 000000000..da8701da4 --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 46.263, + "map_at_10": 63.525, + "map_at_100": 64.142, + "map_at_1000": 64.14800000000001, + "map_at_3": 59.653, + "map_at_5": 62.244, + "mrr_at_1": 51.796, + "mrr_at_10": 65.764, + "mrr_at_100": 66.155, + "mrr_at_1000": 66.158, + "mrr_at_3": 63.05500000000001, + "mrr_at_5": 64.924, + "ndcg_at_1": 51.766999999999996, + "ndcg_at_10": 70.626, + "ndcg_at_100": 72.905, + "ndcg_at_1000": 73.021, + "ndcg_at_3": 63.937999999999995, + "ndcg_at_5": 68.00699999999999, + "precision_at_1": 51.766999999999996, + "precision_at_10": 10.768, + "precision_at_100": 1.203, + "precision_at_1000": 0.121, + "precision_at_3": 28.409000000000002, + "precision_at_5": 19.502, + "recall_at_1": 46.263, + "recall_at_10": 89.554, + "recall_at_100": 98.914, + "recall_at_1000": 99.754, + "recall_at_3": 72.89999999999999, + "recall_at_5": 82.1, + "main_score": 70.626 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/QuoraRetrieval.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/QuoraRetrieval.json new file mode 100644 index 000000000..212f13d04 --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "e4e08e0b7dbe3c8700f0daef558ff32256715259", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 72.748, + "map_at_10": 86.87700000000001, + "map_at_100": 87.46199999999999, + "map_at_1000": 87.47399999999999, + "map_at_3": 83.95700000000001, + "map_at_5": 85.82300000000001, + "mrr_at_1": 83.62, + "mrr_at_10": 89.415, + "mrr_at_100": 89.484, + "mrr_at_1000": 89.484, + "mrr_at_3": 88.633, + "mrr_at_5": 89.176, + "ndcg_at_1": 83.62, + "ndcg_at_10": 90.27, + "ndcg_at_100": 91.23599999999999, + "ndcg_at_1000": 91.293, + "ndcg_at_3": 87.69500000000001, + "ndcg_at_5": 89.171, + "precision_at_1": 83.62, + "precision_at_10": 13.683, + "precision_at_100": 1.542, + "precision_at_1000": 0.157, + "precision_at_3": 38.363, + "precision_at_5": 25.196, + "recall_at_1": 72.748, + "recall_at_10": 96.61699999999999, + "recall_at_100": 99.789, + "recall_at_1000": 99.997, + "recall_at_3": 89.21, + "recall_at_5": 93.418, + "main_score": 90.27 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/RedditClustering.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/RedditClustering.json new file mode 100644 index 000000000..a43e8387b --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 61.51909029379199, + "main_score": 61.51909029379199 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/RedditClusteringP2P.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/RedditClusteringP2P.json new file mode 100644 index 000000000..7f6873335 --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 68.24483162045645, + "main_score": 68.24483162045645 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/SCIDOCS.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/SCIDOCS.json new file mode 100644 index 000000000..32c5b1dd6 --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "f8c2fcf00f625baaa80f62ec5bd9e1fff3b8ae88", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.793, + "map_at_10": 13.092, + "map_at_100": 15.434000000000001, + "map_at_1000": 15.748999999999999, + "map_at_3": 9.139, + "map_at_5": 11.033, + "mrr_at_1": 23.599999999999998, + "mrr_at_10": 35.892, + "mrr_at_100": 36.962, + "mrr_at_1000": 37.009, + "mrr_at_3": 32.550000000000004, + "mrr_at_5": 34.415, + "ndcg_at_1": 23.599999999999998, + "ndcg_at_10": 21.932, + "ndcg_at_100": 30.433, + "ndcg_at_1000": 35.668, + "ndcg_at_3": 20.483999999999998, + "ndcg_at_5": 17.964, + "precision_at_1": 23.599999999999998, + "precision_at_10": 11.63, + "precision_at_100": 2.383, + "precision_at_1000": 0.363, + "precision_at_3": 19.567, + "precision_at_5": 16.06, + "recall_at_1": 4.793, + "recall_at_10": 23.558, + "recall_at_100": 48.376999999999995, + "recall_at_1000": 73.75699999999999, + "recall_at_3": 11.903, + "recall_at_5": 16.278000000000002, + "main_score": 21.932 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/SICK-R.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/SICK-R.json new file mode 100644 index 000000000..4562fc4ad --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.31937967632581, + "cos_sim_spearman": 84.30523596401186, + "euclidean_pearson": 84.19537987069458, + "euclidean_spearman": 84.30522052876, + "manhattan_pearson": 84.16420807244911, + "manhattan_spearman": 84.28515410219309, + "cosine_pearson": 87.31937967632581, + "cosine_spearman": 84.30523596401186, + "main_score": 84.30523596401186 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/STS12.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/STS12.json new file mode 100644 index 000000000..fa7af17ee --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.17180810119646, + "cos_sim_spearman": 78.44413657529002, + "euclidean_pearson": 81.69054139101816, + "euclidean_spearman": 78.44412412142488, + "manhattan_pearson": 82.04975789626462, + "manhattan_spearman": 78.78390856857253, + "cosine_pearson": 86.17180810119646, + "cosine_spearman": 78.44413657529002, + "main_score": 78.44413657529002 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/STS13.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/STS13.json new file mode 100644 index 000000000..6c5ca1728 --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.35737871089687, + "cos_sim_spearman": 88.26850223126127, + "euclidean_pearson": 87.44100858335746, + "euclidean_spearman": 88.26850223126127, + "manhattan_pearson": 87.61572015772133, + "manhattan_spearman": 88.56229552813319, + "cosine_pearson": 88.35737871089687, + "cosine_spearman": 88.26850223126127, + "main_score": 88.26850223126127 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/STS14.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/STS14.json new file mode 100644 index 000000000..8d5665f3c --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.8395966764906, + "cos_sim_spearman": 84.49441798385489, + "euclidean_pearson": 85.3259176121388, + "euclidean_spearman": 84.49442124804686, + "manhattan_pearson": 85.35153862806513, + "manhattan_spearman": 84.60094577432503, + "cosine_pearson": 86.8395966764906, + "cosine_spearman": 84.49441798385489, + "main_score": 84.49441798385489 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/STS15.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/STS15.json new file mode 100644 index 000000000..b348b1435 --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 90.14048269057345, + "cos_sim_spearman": 90.27866978947013, + "euclidean_pearson": 89.35308361940393, + "euclidean_spearman": 90.27866978947013, + "manhattan_pearson": 89.37601244066997, + "manhattan_spearman": 90.42707449698062, + "cosine_pearson": 90.14048269057345, + "cosine_spearman": 90.27866978947013, + "main_score": 90.27866978947013 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/STS16.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/STS16.json new file mode 100644 index 000000000..3e6f898b5 --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.8522678865688, + "cos_sim_spearman": 87.37396401580446, + "euclidean_pearson": 86.37219665505377, + "euclidean_spearman": 87.37396385867791, + "manhattan_pearson": 86.44628823799896, + "manhattan_spearman": 87.49116026788859, + "cosine_pearson": 86.8522678865688, + "cosine_spearman": 87.37396401580446, + "main_score": 87.37396401580446 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/STS17.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/STS17.json new file mode 100644 index 000000000..46e87ac5d --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 92.94248481968916, + "cos_sim_spearman": 92.68185242943188, + "euclidean_pearson": 92.33802342092979, + "euclidean_spearman": 92.68185242943188, + "manhattan_pearson": 92.2011323340474, + "manhattan_spearman": 92.43364757640346, + "cosine_pearson": 92.94248481968916, + "cosine_spearman": 92.68185242943188, + "main_score": 92.68185242943188 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/STS22.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/STS22.json new file mode 100644 index 000000000..ba645f836 --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "eea2b4fe26a775864c896887d910b76a8098ad3f", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 70.2918782293091, + "cos_sim_spearman": 68.61986257003369, + "euclidean_pearson": 70.51920905899138, + "euclidean_spearman": 68.61986257003369, + "manhattan_pearson": 70.64673843811433, + "manhattan_spearman": 68.86711466517345, + "cosine_pearson": 70.2918782293091, + "cosine_spearman": 68.61986257003369, + "main_score": 68.61986257003369 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/STSBenchmark.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/STSBenchmark.json new file mode 100644 index 000000000..d5c32669f --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.62956838105524, + "cos_sim_spearman": 88.80650007123052, + "euclidean_pearson": 88.37976252122822, + "euclidean_spearman": 88.80650007123052, + "manhattan_pearson": 88.49866938476616, + "manhattan_spearman": 89.02489665452616, + "cosine_pearson": 88.62956838105524, + "cosine_spearman": 88.80650007123052, + "main_score": 88.80650007123052 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/SciDocsRR.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/SciDocsRR.json new file mode 100644 index 000000000..f471932e6 --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 86.40175229911527, + "mrr": 96.61958230585682, + "main_score": 86.40175229911527 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/SciFact.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/SciFact.json new file mode 100644 index 000000000..fda71e1a7 --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 63.05, + "map_at_10": 73.844, + "map_at_100": 74.313, + "map_at_1000": 74.321, + "map_at_3": 71.17999999999999, + "map_at_5": 72.842, + "mrr_at_1": 65.667, + "mrr_at_10": 74.772, + "mrr_at_100": 75.087, + "mrr_at_1000": 75.095, + "mrr_at_3": 72.944, + "mrr_at_5": 74.078, + "ndcg_at_1": 65.667, + "ndcg_at_10": 78.31700000000001, + "ndcg_at_100": 79.969, + "ndcg_at_1000": 80.25, + "ndcg_at_3": 74.099, + "ndcg_at_5": 76.338, + "precision_at_1": 65.667, + "precision_at_10": 10.233, + "precision_at_100": 1.107, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 28.889, + "precision_at_5": 19.0, + "recall_at_1": 63.05, + "recall_at_10": 90.822, + "recall_at_100": 97.667, + "recall_at_1000": 100.0, + "recall_at_3": 79.489, + "recall_at_5": 85.161, + "main_score": 78.31700000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/SprintDuplicateQuestions.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..69832be42 --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.83564356435643, + "cos_sim_ap": 96.10619363017767, + "cos_sim_f1": 91.61225514816677, + "cos_sim_precision": 92.02825428859738, + "cos_sim_recall": 91.2, + "dot_accuracy": 99.83564356435643, + "dot_ap": 96.10619363017767, + "dot_f1": 91.61225514816677, + "dot_precision": 92.02825428859738, + "dot_recall": 91.2, + "euclidean_accuracy": 99.83564356435643, + "euclidean_ap": 96.10619363017769, + "euclidean_f1": 91.61225514816677, + "euclidean_precision": 92.02825428859738, + "euclidean_recall": 91.2, + "manhattan_accuracy": 99.84158415841584, + "manhattan_ap": 96.27527798658713, + "manhattan_f1": 92.0, + "manhattan_precision": 92.0, + "manhattan_recall": 92.0, + "max_accuracy": 99.84158415841584, + "max_ap": 96.27527798658713, + "max_f1": 92.0, + "main_score": 96.27527798658713 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/StackExchangeClustering.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/StackExchangeClustering.json new file mode 100644 index 000000000..2b35c7708 --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 76.93753872885304, + "main_score": 76.93753872885304 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/StackExchangeClusteringP2P.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..3bda1fafa --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 46.044085080870126, + "main_score": 46.044085080870126 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/StackOverflowDupQuestions.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..740ba13ce --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 55.885129730227256, + "mrr": 56.95062494694848, + "main_score": 55.885129730227256 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/SummEval.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/SummEval.json new file mode 100644 index 000000000..2b35b4ae0 --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.202047940935508, + "cos_sim_spearman": 30.984832035722228, + "dot_pearson": 31.20204247226978, + "dot_spearman": 30.984832035722228, + "cosine_pearson": 31.202047940935508, + "cosine_spearman": 30.984832035722228, + "main_score": 30.984832035722228 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/TRECCOVID.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/TRECCOVID.json new file mode 100644 index 000000000..65f8cb25b --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "bb9466bac8153a0349341eb1b22e06409e78ef4e", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.245, + "map_at_10": 2.249, + "map_at_100": 14.85, + "map_at_1000": 36.596000000000004, + "map_at_3": 0.717, + "map_at_5": 1.18, + "mrr_at_1": 94.0, + "mrr_at_10": 96.167, + "mrr_at_100": 96.167, + "mrr_at_1000": 96.167, + "mrr_at_3": 95.667, + "mrr_at_5": 96.167, + "ndcg_at_1": 91.0, + "ndcg_at_10": 87.09700000000001, + "ndcg_at_100": 69.637, + "ndcg_at_1000": 62.257, + "ndcg_at_3": 90.235, + "ndcg_at_5": 89.51400000000001, + "precision_at_1": 94.0, + "precision_at_10": 90.60000000000001, + "precision_at_100": 71.38, + "precision_at_1000": 27.400000000000002, + "precision_at_3": 94.0, + "precision_at_5": 93.2, + "recall_at_1": 0.245, + "recall_at_10": 2.366, + "recall_at_100": 17.491, + "recall_at_1000": 58.772999999999996, + "recall_at_3": 0.7270000000000001, + "recall_at_5": 1.221, + "main_score": 87.09700000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/Touche2020.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/Touche2020.json new file mode 100644 index 000000000..bab2c5762 --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.435, + "map_at_10": 12.147, + "map_at_100": 18.724, + "map_at_1000": 20.426, + "map_at_3": 6.526999999999999, + "map_at_5": 9.198, + "mrr_at_1": 48.980000000000004, + "mrr_at_10": 62.970000000000006, + "mrr_at_100": 63.288999999999994, + "mrr_at_1000": 63.288999999999994, + "mrr_at_3": 59.184000000000005, + "mrr_at_5": 61.224000000000004, + "ndcg_at_1": 46.939, + "ndcg_at_10": 30.61, + "ndcg_at_100": 41.683, + "ndcg_at_1000": 53.144000000000005, + "ndcg_at_3": 36.284, + "ndcg_at_5": 34.345, + "precision_at_1": 48.980000000000004, + "precision_at_10": 26.122, + "precision_at_100": 8.204, + "precision_at_1000": 1.6019999999999999, + "precision_at_3": 35.374, + "precision_at_5": 32.653, + "recall_at_1": 3.435, + "recall_at_10": 18.953, + "recall_at_100": 50.775000000000006, + "recall_at_1000": 85.858, + "recall_at_3": 7.813000000000001, + "recall_at_5": 11.952, + "main_score": 30.61 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/ToxicConversationsClassification.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..50ab36750 --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.2938, + "ap": 15.090139095602268, + "f1": 55.23862650598296, + "main_score": 71.2938 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/TweetSentimentExtractionClassification.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..40f955bf2 --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 64.7623089983022, + "f1": 65.07617131099336, + "main_score": 64.7623089983022 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/TwentyNewsgroupsClustering.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..8ff8fa846 --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 57.2988222684939, + "main_score": 57.2988222684939 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/TwitterSemEval2015.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/TwitterSemEval2015.json new file mode 100644 index 000000000..ff3fa7f81 --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.6034451928235, + "cos_sim_ap": 81.51815279166863, + "cos_sim_f1": 74.43794671864849, + "cos_sim_precision": 73.34186939820742, + "cos_sim_recall": 75.56728232189973, + "dot_accuracy": 88.6034451928235, + "dot_ap": 81.51816956866841, + "dot_f1": 74.43794671864849, + "dot_precision": 73.34186939820742, + "dot_recall": 75.56728232189973, + "euclidean_accuracy": 88.6034451928235, + "euclidean_ap": 81.51817015121485, + "euclidean_f1": 74.43794671864849, + "euclidean_precision": 73.34186939820742, + "euclidean_recall": 75.56728232189973, + "manhattan_accuracy": 88.5736424867378, + "manhattan_ap": 81.37610101292196, + "manhattan_f1": 74.2504182215931, + "manhattan_precision": 72.46922883697563, + "manhattan_recall": 76.12137203166228, + "max_accuracy": 88.6034451928235, + "max_ap": 81.51817015121485, + "max_f1": 74.43794671864849, + "main_score": 81.51817015121485 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/TwitterURLCorpus.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/TwitterURLCorpus.json new file mode 100644 index 000000000..a290ac902 --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.53118329646446, + "cos_sim_ap": 87.41972033060013, + "cos_sim_f1": 79.4392523364486, + "cos_sim_precision": 75.53457372951958, + "cos_sim_recall": 83.7696335078534, + "dot_accuracy": 89.53118329646446, + "dot_ap": 87.41971646088945, + "dot_f1": 79.4392523364486, + "dot_precision": 75.53457372951958, + "dot_recall": 83.7696335078534, + "euclidean_accuracy": 89.53118329646446, + "euclidean_ap": 87.41972415605997, + "euclidean_f1": 79.4392523364486, + "euclidean_precision": 75.53457372951958, + "euclidean_recall": 83.7696335078534, + "manhattan_accuracy": 89.5855163581325, + "manhattan_ap": 87.51158697451964, + "manhattan_f1": 79.54455087655883, + "manhattan_precision": 74.96763643796416, + "manhattan_recall": 84.71666153372344, + "max_accuracy": 89.5855163581325, + "max_ap": 87.51158697451964, + "max_f1": 79.54455087655883, + "main_score": 87.51158697451964 + } + ] + } +} \ No newline at end of file diff --git a/results/Linq-AI-Research__Linq-Embed-Mistral/external/model_meta.json b/results/Linq-AI-Research__Linq-Embed-Mistral/external/model_meta.json new file mode 100644 index 000000000..1ecd4962c --- /dev/null +++ b/results/Linq-AI-Research__Linq-Embed-Mistral/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "Linq-AI-Research/Linq-Embed-Mistral", + "revision": "0c1a0b0589177079acc552433cad51d7c9132379", + "release_date": "2024-05-29", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 7110660096, + "memory_usage": null, + "max_tokens": 32768, + "embed_dim": 4096, + "license": "cc-by-nc-4.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/AmazonCounterfactualClassification.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..c790dbe18 --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/AmazonCounterfactualClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.35820895522387, + "ap": 70.81322736988783, + "ap_weighted": 70.81322736988783, + "f1": 88.9505466159595, + "f1_weighted": 92.68630932872613, + "main_score": 92.35820895522387 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/AmazonPolarityClassification.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..489a49c56 --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/AmazonPolarityClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 97.1945, + "ap": 96.08192192244094, + "ap_weighted": 96.08192192244094, + "f1": 97.1936887167346, + "f1_weighted": 97.1936887167346, + "main_score": 97.1945 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/AmazonReviewsClassification.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..6e645c7a2 --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/AmazonReviewsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 59.528000000000006, + "f1": 59.21016819840188, + "f1_weighted": 59.21016819840188, + "main_score": 59.528000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/ArguAna.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/ArguAna.json new file mode 100644 index 000000000..128530186 --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/ArguAna.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 64.24, + "map_at_1": 40.398, + "map_at_10": 56.215, + "map_at_100": 56.833999999999996, + "map_at_1000": 56.835, + "map_at_20": 56.747, + "map_at_3": 52.181, + "map_at_5": 54.628, + "mrr_at_1": 41.25177809388336, + "mrr_at_10": 56.570762491815216, + "mrr_at_100": 57.17548614361504, + "mrr_at_1000": 57.176650626377466, + "mrr_at_20": 57.08916253512566, + "mrr_at_3": 52.47747747747754, + "mrr_at_5": 54.94547178757718, + "nauc_map_at_1000_diff1": 22.408086887100158, + "nauc_map_at_1000_max": -8.730419096847543, + "nauc_map_at_1000_std": -17.789262741255737, + "nauc_map_at_100_diff1": 22.407371684274025, + "nauc_map_at_100_max": -8.732263549026266, + "nauc_map_at_100_std": -17.79550515579994, + "nauc_map_at_10_diff1": 21.925005073301246, + "nauc_map_at_10_max": -8.990323944492134, + "nauc_map_at_10_std": -18.199246301671458, + "nauc_map_at_1_diff1": 26.23276644969203, + "nauc_map_at_1_max": -12.376511389571245, + "nauc_map_at_1_std": -18.11411715207284, + "nauc_map_at_20_diff1": 22.32455790850922, + "nauc_map_at_20_max": -8.664671547236034, + "nauc_map_at_20_std": -17.8290016125137, + "nauc_map_at_3_diff1": 22.395462147465064, + "nauc_map_at_3_max": -8.206580750918844, + "nauc_map_at_3_std": -17.604490446911484, + "nauc_map_at_5_diff1": 21.95307379904799, + "nauc_map_at_5_max": -8.03958102978443, + "nauc_map_at_5_std": -17.36578866595004, + "nauc_mrr_at_1000_diff1": 20.124236798365587, + "nauc_mrr_at_1000_max": -9.587376069575898, + "nauc_mrr_at_1000_std": -17.79191612151833, + "nauc_mrr_at_100_diff1": 20.123612603474033, + "nauc_mrr_at_100_max": -9.589187218607831, + "nauc_mrr_at_100_std": -17.7981617777748, + "nauc_mrr_at_10_diff1": 19.723683875738075, + "nauc_mrr_at_10_max": -9.774151729178815, + "nauc_mrr_at_10_std": -18.168668675495162, + "nauc_mrr_at_1_diff1": 23.945332059908132, + "nauc_mrr_at_1_max": -12.260461466152819, + "nauc_mrr_at_1_std": -18.007194922921148, + "nauc_mrr_at_20_diff1": 20.04819461810257, + "nauc_mrr_at_20_max": -9.518368283588936, + "nauc_mrr_at_20_std": -17.831608149836136, + "nauc_mrr_at_3_diff1": 19.8571785245832, + "nauc_mrr_at_3_max": -9.464375021240478, + "nauc_mrr_at_3_std": -17.728533927330453, + "nauc_mrr_at_5_diff1": 19.670313652167827, + "nauc_mrr_at_5_max": -8.966372585728434, + "nauc_mrr_at_5_std": -17.468955834324817, + "nauc_ndcg_at_1000_diff1": 21.863049281767417, + "nauc_ndcg_at_1000_max": -8.18698520924057, + "nauc_ndcg_at_1000_std": -17.634483364794804, + "nauc_ndcg_at_100_diff1": 21.849924385738586, + "nauc_ndcg_at_100_max": -8.226437560889345, + "nauc_ndcg_at_100_std": -17.774648478087002, + "nauc_ndcg_at_10_diff1": 19.888395590413573, + "nauc_ndcg_at_10_max": -8.968706085632382, + "nauc_ndcg_at_10_std": -19.31386964628115, + "nauc_ndcg_at_1_diff1": 26.23276644969203, + "nauc_ndcg_at_1_max": -12.376511389571245, + "nauc_ndcg_at_1_std": -18.11411715207284, + "nauc_ndcg_at_20_diff1": 21.38413342416933, + "nauc_ndcg_at_20_max": -7.636238194084164, + "nauc_ndcg_at_20_std": -17.946390844693028, + "nauc_ndcg_at_3_diff1": 21.29169165029195, + "nauc_ndcg_at_3_max": -6.793840499730093, + "nauc_ndcg_at_3_std": -17.52359001586737, + "nauc_ndcg_at_5_diff1": 20.238297656671364, + "nauc_ndcg_at_5_max": -6.424992706950072, + "nauc_ndcg_at_5_std": -17.082391132291356, + "nauc_precision_at_1000_diff1": -7.05195108528572, + "nauc_precision_at_1000_max": 34.439879624882145, + "nauc_precision_at_1000_std": 68.72436351659353, + "nauc_precision_at_100_diff1": -2.769464113932605, + "nauc_precision_at_100_max": 9.89562961226698, + "nauc_precision_at_100_std": -0.5880967482224028, + "nauc_precision_at_10_diff1": 2.1371544726832323, + "nauc_precision_at_10_max": -11.93051325147756, + "nauc_precision_at_10_std": -30.83144187392059, + "nauc_precision_at_1_diff1": 26.23276644969203, + "nauc_precision_at_1_max": -12.376511389571245, + "nauc_precision_at_1_std": -18.11411715207284, + "nauc_precision_at_20_diff1": 3.780146814257504, + "nauc_precision_at_20_max": 17.06527540214615, + "nauc_precision_at_20_std": -20.36832563035565, + "nauc_precision_at_3_diff1": 17.63894384012077, + "nauc_precision_at_3_max": -2.0220490624638887, + "nauc_precision_at_3_std": -17.285601413493918, + "nauc_precision_at_5_diff1": 12.557855071944601, + "nauc_precision_at_5_max": 0.5840236463956658, + "nauc_precision_at_5_std": -15.827224420217846, + "nauc_recall_at_1000_diff1": -7.051951085286463, + "nauc_recall_at_1000_max": 34.43987962487738, + "nauc_recall_at_1000_std": 68.724363516591, + "nauc_recall_at_100_diff1": -2.769464113930314, + "nauc_recall_at_100_max": 9.895629612270017, + "nauc_recall_at_100_std": -0.58809674821745, + "nauc_recall_at_10_diff1": 2.1371544726834495, + "nauc_recall_at_10_max": -11.930513251477253, + "nauc_recall_at_10_std": -30.83144187392047, + "nauc_recall_at_1_diff1": 26.23276644969203, + "nauc_recall_at_1_max": -12.376511389571245, + "nauc_recall_at_1_std": -18.11411715207284, + "nauc_recall_at_20_diff1": 3.7801468142575922, + "nauc_recall_at_20_max": 17.0652754021456, + "nauc_recall_at_20_std": -20.36832563035559, + "nauc_recall_at_3_diff1": 17.63894384012074, + "nauc_recall_at_3_max": -2.02204906246383, + "nauc_recall_at_3_std": -17.28560141349386, + "nauc_recall_at_5_diff1": 12.55785507194463, + "nauc_recall_at_5_max": 0.5840236463957296, + "nauc_recall_at_5_std": -15.827224420217856, + "ndcg_at_1": 40.398, + "ndcg_at_10": 64.24, + "ndcg_at_100": 66.631, + "ndcg_at_1000": 66.65100000000001, + "ndcg_at_20": 66.086, + "ndcg_at_3": 55.938, + "ndcg_at_5": 60.370000000000005, + "precision_at_1": 40.398, + "precision_at_10": 8.962, + "precision_at_100": 0.9950000000000001, + "precision_at_1000": 0.1, + "precision_at_20": 4.836, + "precision_at_3": 22.262, + "precision_at_5": 15.519, + "recall_at_1": 40.398, + "recall_at_10": 89.616, + "recall_at_100": 99.502, + "recall_at_1000": 99.644, + "recall_at_20": 96.72800000000001, + "recall_at_3": 66.78500000000001, + "recall_at_5": 77.596 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/ArxivClusteringP2P.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..53b30307e --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/ArxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 55.1564333205451, + "v_measure": 55.1564333205451, + "v_measure_std": 14.696883012214512 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/ArxivClusteringS2S.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..d53383759 --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/ArxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 49.823698316694795, + "v_measure": 49.823698316694795, + "v_measure_std": 14.951660654298186 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/AskUbuntuDupQuestions.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..97b6fd7b4 --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/AskUbuntuDupQuestions.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 66.15294503553424, + "map": 66.15294503553424, + "mrr": 78.53438420612935, + "nAUC_map_diff1": 12.569697092717997, + "nAUC_map_max": 21.50670312412572, + "nAUC_map_std": 16.943786429229064, + "nAUC_mrr_diff1": 15.590272897361238, + "nAUC_mrr_max": 34.96072022474653, + "nAUC_mrr_std": 21.649217605241045 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/BIOSSES.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/BIOSSES.json new file mode 100644 index 000000000..84a650387 --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 85.7824546319275, + "cosine_spearman": 83.29587385660628, + "euclidean_pearson": 84.58764190565167, + "euclidean_spearman": 83.30069324352772, + "main_score": 83.29587385660628, + "manhattan_pearson": 84.95996839947179, + "manhattan_spearman": 83.87480271054358, + "pearson": 85.7824546319275, + "spearman": 83.29587385660628 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/Banking77Classification.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/Banking77Classification.json new file mode 100644 index 000000000..a7e09ca02 --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/Banking77Classification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 89.30194805194806, + "f1": 89.26182507266391, + "f1_weighted": 89.26182507266391, + "main_score": 89.30194805194806 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/BiorxivClusteringP2P.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..a178ed7cb --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/BiorxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 50.67972171889736, + "v_measure": 50.67972171889736, + "v_measure_std": 0.7687409980036303 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/BiorxivClusteringS2S.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..1c12ee799 --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/BiorxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 45.80539715556144, + "v_measure": 45.80539715556144, + "v_measure_std": 0.9601346216579142 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/ClimateFEVER.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/ClimateFEVER.json new file mode 100644 index 000000000..27919b94c --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/ClimateFEVER.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 43.525999999999996, + "map_at_1": 19.291, + "map_at_10": 33.471000000000004, + "map_at_100": 35.388999999999996, + "map_at_1000": 35.568, + "map_at_20": 34.496, + "map_at_3": 28.713, + "map_at_5": 31.384, + "mrr_at_1": 43.77850162866449, + "mrr_at_10": 56.28576598934912, + "mrr_at_100": 56.8588518168194, + "mrr_at_1000": 56.878236725973544, + "mrr_at_20": 56.6409328120183, + "mrr_at_3": 53.56134636264935, + "mrr_at_5": 55.27795874049956, + "nauc_map_at_1000_diff1": 27.262513153363876, + "nauc_map_at_1000_max": 40.099398684385584, + "nauc_map_at_1000_std": 18.847812394005512, + "nauc_map_at_100_diff1": 27.238993503030745, + "nauc_map_at_100_max": 40.07730434492169, + "nauc_map_at_100_std": 18.795349250833684, + "nauc_map_at_10_diff1": 27.70929180366227, + "nauc_map_at_10_max": 39.55987024970173, + "nauc_map_at_10_std": 17.214881544648996, + "nauc_map_at_1_diff1": 43.34155892182403, + "nauc_map_at_1_max": 38.23324890148018, + "nauc_map_at_1_std": 6.0781444393516075, + "nauc_map_at_20_diff1": 27.311577477800103, + "nauc_map_at_20_max": 39.624414083413456, + "nauc_map_at_20_std": 18.149811054163287, + "nauc_map_at_3_diff1": 30.475965062734367, + "nauc_map_at_3_max": 38.49324825043695, + "nauc_map_at_3_std": 13.357656038648487, + "nauc_map_at_5_diff1": 28.425110095017747, + "nauc_map_at_5_max": 39.017894870747796, + "nauc_map_at_5_std": 15.543817194122564, + "nauc_mrr_at_1000_diff1": 33.16689354701644, + "nauc_mrr_at_1000_max": 41.70755363247148, + "nauc_mrr_at_1000_std": 24.61667417463176, + "nauc_mrr_at_100_diff1": 33.147229262917506, + "nauc_mrr_at_100_max": 41.712455697170725, + "nauc_mrr_at_100_std": 24.6418922043652, + "nauc_mrr_at_10_diff1": 32.94185191112572, + "nauc_mrr_at_10_max": 41.64272730141954, + "nauc_mrr_at_10_std": 24.663391015702707, + "nauc_mrr_at_1_diff1": 39.571969559016395, + "nauc_mrr_at_1_max": 39.396249211263495, + "nauc_mrr_at_1_std": 16.984149923258357, + "nauc_mrr_at_20_diff1": 33.10040770334742, + "nauc_mrr_at_20_max": 41.807565560083034, + "nauc_mrr_at_20_std": 24.8064180365271, + "nauc_mrr_at_3_diff1": 33.065406161485704, + "nauc_mrr_at_3_max": 41.049510969934694, + "nauc_mrr_at_3_std": 23.18371458928609, + "nauc_mrr_at_5_diff1": 33.2389593543916, + "nauc_mrr_at_5_max": 41.629486918949915, + "nauc_mrr_at_5_std": 24.5777253036149, + "nauc_ndcg_at_1000_diff1": 25.868840609197637, + "nauc_ndcg_at_1000_max": 42.79564910784761, + "nauc_ndcg_at_1000_std": 27.035091271680113, + "nauc_ndcg_at_100_diff1": 25.019789319579942, + "nauc_ndcg_at_100_max": 42.482345143533735, + "nauc_ndcg_at_100_std": 26.76872010731345, + "nauc_ndcg_at_10_diff1": 25.949464660653238, + "nauc_ndcg_at_10_max": 40.79769544643906, + "nauc_ndcg_at_10_std": 22.486116508973204, + "nauc_ndcg_at_1_diff1": 39.571969559016395, + "nauc_ndcg_at_1_max": 39.396249211263495, + "nauc_ndcg_at_1_std": 16.984149923258357, + "nauc_ndcg_at_20_diff1": 25.173455685962214, + "nauc_ndcg_at_20_max": 40.88873540662413, + "nauc_ndcg_at_20_std": 24.4451041955519, + "nauc_ndcg_at_3_diff1": 28.185416070726333, + "nauc_ndcg_at_3_max": 39.10600031163912, + "nauc_ndcg_at_3_std": 18.42694044215541, + "nauc_ndcg_at_5_diff1": 27.112647584005583, + "nauc_ndcg_at_5_max": 40.154045682322526, + "nauc_ndcg_at_5_std": 20.26822517176828, + "nauc_precision_at_1000_diff1": -16.42087927044017, + "nauc_precision_at_1000_max": 3.5326295053913, + "nauc_precision_at_1000_std": 24.406810708493197, + "nauc_precision_at_100_diff1": -12.17648135724982, + "nauc_precision_at_100_max": 15.895489260126183, + "nauc_precision_at_100_std": 32.48346122610907, + "nauc_precision_at_10_diff1": -1.2493131347748072, + "nauc_precision_at_10_max": 26.409459305604376, + "nauc_precision_at_10_std": 31.115432019300016, + "nauc_precision_at_1_diff1": 39.571969559016395, + "nauc_precision_at_1_max": 39.396249211263495, + "nauc_precision_at_1_std": 16.984149923258357, + "nauc_precision_at_20_diff1": -6.597509397240593, + "nauc_precision_at_20_max": 21.461984620659695, + "nauc_precision_at_20_std": 32.9450259748889, + "nauc_precision_at_3_diff1": 9.46378764865453, + "nauc_precision_at_3_max": 32.03650819375425, + "nauc_precision_at_3_std": 26.489382638510765, + "nauc_precision_at_5_diff1": 3.5987036728169537, + "nauc_precision_at_5_max": 30.633955978579703, + "nauc_precision_at_5_std": 30.532430088014443, + "nauc_recall_at_1000_diff1": 10.714633106872254, + "nauc_recall_at_1000_max": 43.94958623961, + "nauc_recall_at_1000_std": 51.78914468954123, + "nauc_recall_at_100_diff1": 9.63781472255557, + "nauc_recall_at_100_max": 38.50917465255336, + "nauc_recall_at_100_std": 37.78623984642377, + "nauc_recall_at_10_diff1": 16.480342820841688, + "nauc_recall_at_10_max": 35.982566867357406, + "nauc_recall_at_10_std": 23.30688188788895, + "nauc_recall_at_1_diff1": 43.34155892182403, + "nauc_recall_at_1_max": 38.23324890148018, + "nauc_recall_at_1_std": 6.0781444393516075, + "nauc_recall_at_20_diff1": 13.521048985146367, + "nauc_recall_at_20_max": 34.62462209239834, + "nauc_recall_at_20_std": 27.85924191501618, + "nauc_recall_at_3_diff1": 23.57032748533523, + "nauc_recall_at_3_max": 36.32703197635613, + "nauc_recall_at_3_std": 15.730238734014337, + "nauc_recall_at_5_diff1": 19.61387036368584, + "nauc_recall_at_5_max": 36.22030835529556, + "nauc_recall_at_5_std": 19.76310648649897, + "ndcg_at_1": 43.779, + "ndcg_at_10": 43.525999999999996, + "ndcg_at_100": 50.138000000000005, + "ndcg_at_1000": 52.991, + "ndcg_at_20": 46.083, + "ndcg_at_3": 38.002, + "ndcg_at_5": 39.842, + "precision_at_1": 43.779, + "precision_at_10": 13.205, + "precision_at_100": 2.051, + "precision_at_1000": 0.259, + "precision_at_20": 7.722999999999999, + "precision_at_3": 28.903000000000002, + "precision_at_5": 21.368000000000002, + "recall_at_1": 19.291, + "recall_at_10": 48.754, + "recall_at_100": 70.97200000000001, + "recall_at_1000": 86.611, + "recall_at_20": 55.884, + "recall_at_3": 34.101, + "recall_at_5": 40.784 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/DBPedia.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/DBPedia.json new file mode 100644 index 000000000..9a808f82d --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/DBPedia.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 49.884, + "map_at_1": 9.913, + "map_at_10": 23.186999999999998, + "map_at_100": 34.207, + "map_at_1000": 36.318, + "map_at_20": 27.419, + "map_at_3": 15.656, + "map_at_5": 18.945999999999998, + "mrr_at_1": 75.75, + "mrr_at_10": 82.16279761904761, + "mrr_at_100": 82.48445635330299, + "mrr_at_1000": 82.4870246719901, + "mrr_at_20": 82.36203632968338, + "mrr_at_3": 81.29166666666666, + "mrr_at_5": 82.02916666666667, + "nauc_map_at_1000_diff1": 17.0739966990996, + "nauc_map_at_1000_max": 28.440065298437133, + "nauc_map_at_1000_std": 20.83498154003865, + "nauc_map_at_100_diff1": 17.75982086107111, + "nauc_map_at_100_max": 26.87850835673573, + "nauc_map_at_100_std": 18.350282298599275, + "nauc_map_at_10_diff1": 17.15984258564116, + "nauc_map_at_10_max": 10.846179132675553, + "nauc_map_at_10_std": -6.263534464094614, + "nauc_map_at_1_diff1": 24.014897777973694, + "nauc_map_at_1_max": -4.556638938723358, + "nauc_map_at_1_std": -22.7844467526989, + "nauc_map_at_20_diff1": 16.3179372493187, + "nauc_map_at_20_max": 17.176378915498915, + "nauc_map_at_20_std": 1.9378637630340372, + "nauc_map_at_3_diff1": 19.12786794046792, + "nauc_map_at_3_max": 0.09063919305677291, + "nauc_map_at_3_std": -16.713143158330492, + "nauc_map_at_5_diff1": 18.76504725420023, + "nauc_map_at_5_max": 5.040867712207419, + "nauc_map_at_5_std": -12.382578318931165, + "nauc_mrr_at_1000_diff1": 54.61266255011247, + "nauc_mrr_at_1000_max": 60.83961280977112, + "nauc_mrr_at_1000_std": 32.70429260443016, + "nauc_mrr_at_100_diff1": 54.61346236538542, + "nauc_mrr_at_100_max": 60.8407974416647, + "nauc_mrr_at_100_std": 32.69272843993462, + "nauc_mrr_at_10_diff1": 54.74633685810871, + "nauc_mrr_at_10_max": 61.084525933097865, + "nauc_mrr_at_10_std": 33.001220210025565, + "nauc_mrr_at_1_diff1": 56.12708423835806, + "nauc_mrr_at_1_max": 58.9314540998289, + "nauc_mrr_at_1_std": 27.39422607651012, + "nauc_mrr_at_20_diff1": 54.58896150245695, + "nauc_mrr_at_20_max": 60.890929983464815, + "nauc_mrr_at_20_std": 32.65559641276393, + "nauc_mrr_at_3_diff1": 54.38229071443791, + "nauc_mrr_at_3_max": 59.987849044098596, + "nauc_mrr_at_3_std": 33.439813880719974, + "nauc_mrr_at_5_diff1": 54.961790262449824, + "nauc_mrr_at_5_max": 61.17705173908951, + "nauc_mrr_at_5_std": 33.30939850734856, + "nauc_ndcg_at_1000_diff1": 29.27465932507067, + "nauc_ndcg_at_1000_max": 47.952543312315214, + "nauc_ndcg_at_1000_std": 36.17132236391485, + "nauc_ndcg_at_100_diff1": 28.63072328980134, + "nauc_ndcg_at_100_max": 41.460833419186564, + "nauc_ndcg_at_100_std": 27.157100358988135, + "nauc_ndcg_at_10_diff1": 23.41488013023301, + "nauc_ndcg_at_10_max": 39.27798133072349, + "nauc_ndcg_at_10_std": 21.979241438928312, + "nauc_ndcg_at_1_diff1": 46.12120543657642, + "nauc_ndcg_at_1_max": 47.28452124039853, + "nauc_ndcg_at_1_std": 19.799884708952543, + "nauc_ndcg_at_20_diff1": 23.627669045115574, + "nauc_ndcg_at_20_max": 35.88225062457673, + "nauc_ndcg_at_20_std": 18.218628030529498, + "nauc_ndcg_at_3_diff1": 25.37309228946118, + "nauc_ndcg_at_3_max": 40.64426332992231, + "nauc_ndcg_at_3_std": 24.608330645901482, + "nauc_ndcg_at_5_diff1": 24.055798594999654, + "nauc_ndcg_at_5_max": 41.16180524175431, + "nauc_ndcg_at_5_std": 24.048305528761315, + "nauc_precision_at_1000_diff1": -18.234943251015576, + "nauc_precision_at_1000_max": 0.48708502364659184, + "nauc_precision_at_1000_std": 2.4473601543134027, + "nauc_precision_at_100_diff1": -3.0077810947381227, + "nauc_precision_at_100_max": 25.27249321108913, + "nauc_precision_at_100_std": 37.36575792126928, + "nauc_precision_at_10_diff1": -0.2393778190297635, + "nauc_precision_at_10_max": 36.40513293547299, + "nauc_precision_at_10_std": 37.4827885766009, + "nauc_precision_at_1_diff1": 56.12708423835806, + "nauc_precision_at_1_max": 58.9314540998289, + "nauc_precision_at_1_std": 27.39422607651012, + "nauc_precision_at_20_diff1": -1.2010133229402933, + "nauc_precision_at_20_max": 34.117541814385966, + "nauc_precision_at_20_std": 39.13273254177449, + "nauc_precision_at_3_diff1": 11.757378092198486, + "nauc_precision_at_3_max": 42.637962482588875, + "nauc_precision_at_3_std": 37.42465077352342, + "nauc_precision_at_5_diff1": 7.233177203405101, + "nauc_precision_at_5_max": 43.1663582897407, + "nauc_precision_at_5_std": 38.848449220750055, + "nauc_recall_at_1000_diff1": 27.33938551969145, + "nauc_recall_at_1000_max": 45.5614254479334, + "nauc_recall_at_1000_std": 50.58528916250458, + "nauc_recall_at_100_diff1": 23.610383761920097, + "nauc_recall_at_100_max": 31.422168485847184, + "nauc_recall_at_100_std": 25.58649926458304, + "nauc_recall_at_10_diff1": 14.62495111808408, + "nauc_recall_at_10_max": 7.4295041277681095, + "nauc_recall_at_10_std": -9.32297089600654, + "nauc_recall_at_1_diff1": 24.014897777973694, + "nauc_recall_at_1_max": -4.556638938723358, + "nauc_recall_at_1_std": -22.7844467526989, + "nauc_recall_at_20_diff1": 14.027862330014662, + "nauc_recall_at_20_max": 12.437478731690844, + "nauc_recall_at_20_std": -3.0740743798103676, + "nauc_recall_at_3_diff1": 16.354018356566712, + "nauc_recall_at_3_max": -2.9812231240997917, + "nauc_recall_at_3_std": -18.27746460743442, + "nauc_recall_at_5_diff1": 16.81486583473587, + "nauc_recall_at_5_max": 2.420128513974744, + "nauc_recall_at_5_std": -14.441820321214108, + "ndcg_at_1": 63.87500000000001, + "ndcg_at_10": 49.884, + "ndcg_at_100": 54.738, + "ndcg_at_1000": 61.635, + "ndcg_at_20": 48.894999999999996, + "ndcg_at_3": 54.287, + "ndcg_at_5": 52.40899999999999, + "precision_at_1": 75.75, + "precision_at_10": 40.9, + "precision_at_100": 13.139999999999999, + "precision_at_1000": 2.533, + "precision_at_20": 30.8, + "precision_at_3": 57.667, + "precision_at_5": 51.05, + "recall_at_1": 9.913, + "recall_at_10": 28.591, + "recall_at_100": 61.017999999999994, + "recall_at_1000": 83.383, + "recall_at_20": 37.834, + "recall_at_3": 17.049, + "recall_at_5": 21.685 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/EmotionClassification.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/EmotionClassification.json new file mode 100644 index 000000000..a3d0da231 --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/EmotionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.77499999999999, + "f1": 73.74058240799386, + "f1_weighted": 79.78804377638227, + "main_score": 78.77499999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/FEVER.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/FEVER.json new file mode 100644 index 000000000..7c8745a71 --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/FEVER.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 90.986, + "map_at_1": 81.601, + "map_at_10": 88.242, + "map_at_100": 88.46000000000001, + "map_at_1000": 88.472, + "map_at_20": 88.375, + "map_at_3": 87.237, + "map_at_5": 87.85300000000001, + "mrr_at_1": 87.81878187818782, + "mrr_at_10": 92.20301196786335, + "mrr_at_100": 92.24884236673292, + "mrr_at_1000": 92.2496338899362, + "mrr_at_20": 92.23112073283473, + "mrr_at_3": 91.77417741774165, + "mrr_at_5": 92.03970397039689, + "nauc_map_at_1000_diff1": 56.54670664910505, + "nauc_map_at_1000_max": 33.08375749975477, + "nauc_map_at_1000_std": 2.7491595418252865, + "nauc_map_at_100_diff1": 56.50887688686924, + "nauc_map_at_100_max": 33.075487189958494, + "nauc_map_at_100_std": 2.7675869969253375, + "nauc_map_at_10_diff1": 56.08080806610569, + "nauc_map_at_10_max": 32.776972098819066, + "nauc_map_at_10_std": 2.5904846711290097, + "nauc_map_at_1_diff1": 60.645344065853145, + "nauc_map_at_1_max": 31.232776777514797, + "nauc_map_at_1_std": -1.1946138176109171, + "nauc_map_at_20_diff1": 56.28378454162355, + "nauc_map_at_20_max": 32.98207150385811, + "nauc_map_at_20_std": 2.8469814040214025, + "nauc_map_at_3_diff1": 55.81958007095375, + "nauc_map_at_3_max": 31.602707711038313, + "nauc_map_at_3_std": 0.8117019292273401, + "nauc_map_at_5_diff1": 55.706025752316535, + "nauc_map_at_5_max": 32.16032683604737, + "nauc_map_at_5_std": 1.8853201503498669, + "nauc_mrr_at_1000_diff1": 75.4997173366251, + "nauc_mrr_at_1000_max": 41.49117135484116, + "nauc_mrr_at_1000_std": -2.0636172883680852, + "nauc_mrr_at_100_diff1": 75.50118860648519, + "nauc_mrr_at_100_max": 41.49490161517194, + "nauc_mrr_at_100_std": -2.057024385178682, + "nauc_mrr_at_10_diff1": 75.47295153099428, + "nauc_mrr_at_10_max": 41.55003304042536, + "nauc_mrr_at_10_std": -2.0353663198929253, + "nauc_mrr_at_1_diff1": 76.632058433229, + "nauc_mrr_at_1_max": 39.754483718891656, + "nauc_mrr_at_1_std": -2.962241058101701, + "nauc_mrr_at_20_diff1": 75.47221882396194, + "nauc_mrr_at_20_max": 41.50779280480839, + "nauc_mrr_at_20_std": -1.9620212266426307, + "nauc_mrr_at_3_diff1": 75.5682297897137, + "nauc_mrr_at_3_max": 41.53543801506081, + "nauc_mrr_at_3_std": -3.391681195945978, + "nauc_mrr_at_5_diff1": 75.37562775183947, + "nauc_mrr_at_5_max": 41.42028509006753, + "nauc_mrr_at_5_std": -2.418698675622726, + "nauc_ndcg_at_1000_diff1": 59.364557011624, + "nauc_ndcg_at_1000_max": 35.4112238125149, + "nauc_ndcg_at_1000_std": 3.717516193303376, + "nauc_ndcg_at_100_diff1": 58.55706703023122, + "nauc_ndcg_at_100_max": 35.352285999934594, + "nauc_ndcg_at_100_std": 4.273437944266781, + "nauc_ndcg_at_10_diff1": 56.77422701267037, + "nauc_ndcg_at_10_max": 34.24909893882957, + "nauc_ndcg_at_10_std": 4.178151434006727, + "nauc_ndcg_at_1_diff1": 76.632058433229, + "nauc_ndcg_at_1_max": 39.754483718891656, + "nauc_ndcg_at_1_std": -2.962241058101701, + "nauc_ndcg_at_20_diff1": 57.27343398231262, + "nauc_ndcg_at_20_max": 34.7416626740278, + "nauc_ndcg_at_20_std": 4.955858766014002, + "nauc_ndcg_at_3_diff1": 57.69267803121093, + "nauc_ndcg_at_3_max": 33.13744317023105, + "nauc_ndcg_at_3_std": 0.40380284030057023, + "nauc_ndcg_at_5_diff1": 56.57461019113917, + "nauc_ndcg_at_5_max": 33.244657840804386, + "nauc_ndcg_at_5_std": 2.5121440827702046, + "nauc_precision_at_1000_diff1": -14.54492513449718, + "nauc_precision_at_1000_max": -5.94552147573623, + "nauc_precision_at_1000_std": 1.2446209816057374, + "nauc_precision_at_100_diff1": -15.452676132568344, + "nauc_precision_at_100_max": -3.760241749847617, + "nauc_precision_at_100_std": 4.623534605290865, + "nauc_precision_at_10_diff1": -12.712908026086176, + "nauc_precision_at_10_max": 0.45241316994816805, + "nauc_precision_at_10_std": 7.849478570138391, + "nauc_precision_at_1_diff1": 76.632058433229, + "nauc_precision_at_1_max": 39.754483718891656, + "nauc_precision_at_1_std": -2.962241058101701, + "nauc_precision_at_20_diff1": -14.514618673172041, + "nauc_precision_at_20_max": -1.113635490621818, + "nauc_precision_at_20_std": 8.599811730457576, + "nauc_precision_at_3_diff1": 6.1367799850003815, + "nauc_precision_at_3_max": 8.466271950897857, + "nauc_precision_at_3_std": 1.7458051543195068, + "nauc_precision_at_5_diff1": -5.804548945783379, + "nauc_precision_at_5_max": 3.4060251839074818, + "nauc_precision_at_5_std": 5.583410511782371, + "nauc_recall_at_1000_diff1": 19.329432953574095, + "nauc_recall_at_1000_max": 43.260442595158736, + "nauc_recall_at_1000_std": 53.89644660661804, + "nauc_recall_at_100_diff1": 21.265326296051235, + "nauc_recall_at_100_max": 38.573000195373695, + "nauc_recall_at_100_std": 42.169391082152785, + "nauc_recall_at_10_diff1": 29.785129558987432, + "nauc_recall_at_10_max": 28.379657867558034, + "nauc_recall_at_10_std": 21.132574624091973, + "nauc_recall_at_1_diff1": 60.645344065853145, + "nauc_recall_at_1_max": 31.232776777514797, + "nauc_recall_at_1_std": -1.1946138176109171, + "nauc_recall_at_20_diff1": 25.88845612373954, + "nauc_recall_at_20_max": 30.24785945821152, + "nauc_recall_at_20_std": 31.73911437468067, + "nauc_recall_at_3_diff1": 42.2968464797395, + "nauc_recall_at_3_max": 26.494318009870018, + "nauc_recall_at_3_std": 2.6045977160467544, + "nauc_recall_at_5_diff1": 35.81340094401374, + "nauc_recall_at_5_max": 25.91082947510634, + "nauc_recall_at_5_std": 9.759404930864779, + "ndcg_at_1": 87.819, + "ndcg_at_10": 90.986, + "ndcg_at_100": 91.69, + "ndcg_at_1000": 91.863, + "ndcg_at_20": 91.293, + "ndcg_at_3": 89.621, + "ndcg_at_5": 90.333, + "precision_at_1": 87.819, + "precision_at_10": 10.753, + "precision_at_100": 1.138, + "precision_at_1000": 0.117, + "precision_at_20": 5.4879999999999995, + "precision_at_3": 33.703, + "precision_at_5": 20.831, + "recall_at_1": 81.601, + "recall_at_10": 95.44200000000001, + "recall_at_100": 98.14399999999999, + "recall_at_1000": 99.157, + "recall_at_20": 96.43, + "recall_at_3": 91.729, + "recall_at_5": 93.552 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/FiQA2018.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/FiQA2018.json new file mode 100644 index 000000000..86429e380 --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/FiQA2018.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 56.056, + "map_at_1": 28.666000000000004, + "map_at_10": 47.437000000000005, + "map_at_100": 49.537, + "map_at_1000": 49.665, + "map_at_20": 48.618, + "map_at_3": 41.355, + "map_at_5": 44.525, + "mrr_at_1": 55.55555555555556, + "mrr_at_10": 63.705173427395614, + "mrr_at_100": 64.25449940779741, + "mrr_at_1000": 64.27635581092147, + "mrr_at_20": 64.03796029079103, + "mrr_at_3": 61.49691358024688, + "mrr_at_5": 62.73148148148143, + "nauc_map_at_1000_diff1": 43.24282910397747, + "nauc_map_at_1000_max": 28.506093180265644, + "nauc_map_at_1000_std": -13.040508386155054, + "nauc_map_at_100_diff1": 43.23650442904607, + "nauc_map_at_100_max": 28.470565635459156, + "nauc_map_at_100_std": -12.988098780714935, + "nauc_map_at_10_diff1": 43.393840733087686, + "nauc_map_at_10_max": 26.637302062720153, + "nauc_map_at_10_std": -14.47500292113762, + "nauc_map_at_1_diff1": 47.705150227211725, + "nauc_map_at_1_max": 15.354189686550129, + "nauc_map_at_1_std": -14.559819859039067, + "nauc_map_at_20_diff1": 43.14121075706104, + "nauc_map_at_20_max": 27.811170590408395, + "nauc_map_at_20_std": -13.459413585283583, + "nauc_map_at_3_diff1": 44.33938667720801, + "nauc_map_at_3_max": 21.785619884549398, + "nauc_map_at_3_std": -15.569980103071593, + "nauc_map_at_5_diff1": 43.39280905665027, + "nauc_map_at_5_max": 25.021492190645017, + "nauc_map_at_5_std": -14.48856622187443, + "nauc_mrr_at_1000_diff1": 52.971563939946286, + "nauc_mrr_at_1000_max": 38.88019486172324, + "nauc_mrr_at_1000_std": -12.412991642381616, + "nauc_mrr_at_100_diff1": 52.978468139876945, + "nauc_mrr_at_100_max": 38.89751787948751, + "nauc_mrr_at_100_std": -12.3677876252269, + "nauc_mrr_at_10_diff1": 52.78507148048174, + "nauc_mrr_at_10_max": 38.55079809310022, + "nauc_mrr_at_10_std": -12.944127025078755, + "nauc_mrr_at_1_diff1": 55.52626805861546, + "nauc_mrr_at_1_max": 40.49306809164979, + "nauc_mrr_at_1_std": -12.886607701317681, + "nauc_mrr_at_20_diff1": 52.9592152665678, + "nauc_mrr_at_20_max": 38.88514014589964, + "nauc_mrr_at_20_std": -12.434464359819444, + "nauc_mrr_at_3_diff1": 52.73696844091174, + "nauc_mrr_at_3_max": 38.61018727252859, + "nauc_mrr_at_3_std": -13.123989867364166, + "nauc_mrr_at_5_diff1": 53.037110010188, + "nauc_mrr_at_5_max": 38.44770729849151, + "nauc_mrr_at_5_std": -13.49318771828972, + "nauc_ndcg_at_1000_diff1": 44.73813840091289, + "nauc_ndcg_at_1000_max": 33.70113904685389, + "nauc_ndcg_at_1000_std": -10.328687058192742, + "nauc_ndcg_at_100_diff1": 44.595174119928835, + "nauc_ndcg_at_100_max": 33.4788285112467, + "nauc_ndcg_at_100_std": -8.695355259716946, + "nauc_ndcg_at_10_diff1": 44.39837225263, + "nauc_ndcg_at_10_max": 29.188289725593393, + "nauc_ndcg_at_10_std": -13.67608323673103, + "nauc_ndcg_at_1_diff1": 55.52626805861546, + "nauc_ndcg_at_1_max": 40.49306809164979, + "nauc_ndcg_at_1_std": -12.886607701317681, + "nauc_ndcg_at_20_diff1": 44.24661739902305, + "nauc_ndcg_at_20_max": 31.667868318249965, + "nauc_ndcg_at_20_std": -10.65470780066342, + "nauc_ndcg_at_3_diff1": 43.39857166975522, + "nauc_ndcg_at_3_max": 31.764668313577495, + "nauc_ndcg_at_3_std": -14.494866954678152, + "nauc_ndcg_at_5_diff1": 43.16976647347281, + "nauc_ndcg_at_5_max": 29.878329062643143, + "nauc_ndcg_at_5_std": -13.987689089179739, + "nauc_precision_at_1000_diff1": -9.807973252625484, + "nauc_precision_at_1000_max": 26.6279603849494, + "nauc_precision_at_1000_std": 7.113187103520632, + "nauc_precision_at_100_diff1": -4.777149603323976, + "nauc_precision_at_100_max": 31.03410463692187, + "nauc_precision_at_100_std": 10.463144150275435, + "nauc_precision_at_10_diff1": 8.691528703215962, + "nauc_precision_at_10_max": 33.329579434123374, + "nauc_precision_at_10_std": -0.8002015226329403, + "nauc_precision_at_1_diff1": 55.52626805861546, + "nauc_precision_at_1_max": 40.49306809164979, + "nauc_precision_at_1_std": -12.886607701317681, + "nauc_precision_at_20_diff1": 3.4564653474184284, + "nauc_precision_at_20_max": 34.401070158471136, + "nauc_precision_at_20_std": 5.813431200164549, + "nauc_precision_at_3_diff1": 22.463219705462187, + "nauc_precision_at_3_max": 34.77413976546924, + "nauc_precision_at_3_std": -7.083890789741479, + "nauc_precision_at_5_diff1": 14.011006004883154, + "nauc_precision_at_5_max": 35.73655466853702, + "nauc_precision_at_5_std": -2.8395172077771598, + "nauc_recall_at_1000_diff1": 16.478046357391555, + "nauc_recall_at_1000_max": 43.231704288282344, + "nauc_recall_at_1000_std": 38.430684937573645, + "nauc_recall_at_100_diff1": 30.764718344602436, + "nauc_recall_at_100_max": 31.769050487166655, + "nauc_recall_at_100_std": 23.48468311677149, + "nauc_recall_at_10_diff1": 34.47339565324045, + "nauc_recall_at_10_max": 19.054212335800454, + "nauc_recall_at_10_std": -11.039734015330437, + "nauc_recall_at_1_diff1": 47.705150227211725, + "nauc_recall_at_1_max": 15.354189686550129, + "nauc_recall_at_1_std": -14.559819859039067, + "nauc_recall_at_20_diff1": 32.1011474016873, + "nauc_recall_at_20_max": 25.546372988304423, + "nauc_recall_at_20_std": -0.007233471152482897, + "nauc_recall_at_3_diff1": 37.5708138019065, + "nauc_recall_at_3_max": 16.66410785756736, + "nauc_recall_at_3_std": -15.404817020108966, + "nauc_recall_at_5_diff1": 35.714519648479595, + "nauc_recall_at_5_max": 19.02075233009296, + "nauc_recall_at_5_std": -13.180963359760725, + "ndcg_at_1": 55.556000000000004, + "ndcg_at_10": 56.056, + "ndcg_at_100": 62.44, + "ndcg_at_1000": 64.263, + "ndcg_at_20": 58.638999999999996, + "ndcg_at_3": 51.722, + "ndcg_at_5": 52.701, + "precision_at_1": 55.556000000000004, + "precision_at_10": 15.679000000000002, + "precision_at_100": 2.252, + "precision_at_1000": 0.257, + "precision_at_20": 9.02, + "precision_at_3": 34.619, + "precision_at_5": 25.093, + "recall_at_1": 28.666000000000004, + "recall_at_10": 63.717999999999996, + "recall_at_100": 86.938, + "recall_at_1000": 97.603, + "recall_at_20": 71.649, + "recall_at_3": 46.663, + "recall_at_5": 53.313 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/HotpotQA.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/HotpotQA.json new file mode 100644 index 000000000..76cf32b61 --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/HotpotQA.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 71.74199999999999, + "map_at_1": 41.729, + "map_at_10": 63.168, + "map_at_100": 64.132, + "map_at_1000": 64.199, + "map_at_20": 63.736000000000004, + "map_at_3": 59.826, + "map_at_5": 61.882000000000005, + "mrr_at_1": 83.45712356515868, + "mrr_at_10": 87.850342432719, + "mrr_at_100": 88.0016320691113, + "mrr_at_1000": 88.00576596968136, + "mrr_at_20": 87.94463253190389, + "mrr_at_3": 87.13706954760278, + "mrr_at_5": 87.59419311276136, + "nauc_map_at_1000_diff1": 13.635446621095054, + "nauc_map_at_1000_max": 18.670632529445633, + "nauc_map_at_1000_std": 10.444842636150575, + "nauc_map_at_100_diff1": 13.599262398010783, + "nauc_map_at_100_max": 18.636389405484806, + "nauc_map_at_100_std": 10.460027483576043, + "nauc_map_at_10_diff1": 13.235053919323942, + "nauc_map_at_10_max": 18.252140477080047, + "nauc_map_at_10_std": 9.9075337042203, + "nauc_map_at_1_diff1": 76.51940497836482, + "nauc_map_at_1_max": 51.251419487235474, + "nauc_map_at_1_std": 0.16714896857146574, + "nauc_map_at_20_diff1": 13.4178245722222, + "nauc_map_at_20_max": 18.40988771210718, + "nauc_map_at_20_std": 10.216685163366282, + "nauc_map_at_3_diff1": 13.38370761663418, + "nauc_map_at_3_max": 17.760962555456537, + "nauc_map_at_3_std": 7.15741965624388, + "nauc_map_at_5_diff1": 13.138133309724855, + "nauc_map_at_5_max": 17.871761295251044, + "nauc_map_at_5_std": 8.475147426940074, + "nauc_mrr_at_1000_diff1": 75.82650818891959, + "nauc_mrr_at_1000_max": 53.6736100668434, + "nauc_mrr_at_1000_std": 1.8025016349213916, + "nauc_mrr_at_100_diff1": 75.82530574210111, + "nauc_mrr_at_100_max": 53.68067545829002, + "nauc_mrr_at_100_std": 1.8147470536495791, + "nauc_mrr_at_10_diff1": 75.8330135686799, + "nauc_mrr_at_10_max": 53.78626885349077, + "nauc_mrr_at_10_std": 1.7975782717226636, + "nauc_mrr_at_1_diff1": 76.51940497836482, + "nauc_mrr_at_1_max": 51.251419487235474, + "nauc_mrr_at_1_std": 0.16714896857146574, + "nauc_mrr_at_20_diff1": 75.82783382464166, + "nauc_mrr_at_20_max": 53.68364567043885, + "nauc_mrr_at_20_std": 1.742037904463963, + "nauc_mrr_at_3_diff1": 75.6944609768663, + "nauc_mrr_at_3_max": 53.803941340341666, + "nauc_mrr_at_3_std": 1.1849945458077804, + "nauc_mrr_at_5_diff1": 75.73006960604903, + "nauc_mrr_at_5_max": 53.62223096420106, + "nauc_mrr_at_5_std": 1.6144067563410909, + "nauc_ndcg_at_1000_diff1": 21.58025241642726, + "nauc_ndcg_at_1000_max": 24.675747527001153, + "nauc_ndcg_at_1000_std": 13.075943547492718, + "nauc_ndcg_at_100_diff1": 20.30260137544846, + "nauc_ndcg_at_100_max": 23.757528813872018, + "nauc_ndcg_at_100_std": 13.648994687574062, + "nauc_ndcg_at_10_diff1": 18.995052360997818, + "nauc_ndcg_at_10_max": 22.254260808196037, + "nauc_ndcg_at_10_std": 11.27212390633054, + "nauc_ndcg_at_1_diff1": 76.51940497836482, + "nauc_ndcg_at_1_max": 51.251419487235474, + "nauc_ndcg_at_1_std": 0.16714896857146574, + "nauc_ndcg_at_20_diff1": 19.333742380695757, + "nauc_ndcg_at_20_max": 22.527779834633364, + "nauc_ndcg_at_20_std": 12.161009000707917, + "nauc_ndcg_at_3_diff1": 20.013329040965534, + "nauc_ndcg_at_3_max": 21.99692460311921, + "nauc_ndcg_at_3_std": 6.8076290638386165, + "nauc_ndcg_at_5_diff1": 19.08226315942471, + "nauc_ndcg_at_5_max": 21.71185964294168, + "nauc_ndcg_at_5_std": 8.671911269518214, + "nauc_precision_at_1000_diff1": 2.4462475489446764, + "nauc_precision_at_1000_max": 29.145662064268578, + "nauc_precision_at_1000_std": 49.20704909525856, + "nauc_precision_at_100_diff1": 0.11271196725540299, + "nauc_precision_at_100_max": 17.37584606388067, + "nauc_precision_at_100_std": 34.66099346244071, + "nauc_precision_at_10_diff1": 2.9923183951227825, + "nauc_precision_at_10_max": 14.261884731124264, + "nauc_precision_at_10_std": 18.084188795498378, + "nauc_precision_at_1_diff1": 76.51940497836482, + "nauc_precision_at_1_max": 51.251419487235474, + "nauc_precision_at_1_std": 0.16714896857146574, + "nauc_precision_at_20_diff1": 1.9180293008303761, + "nauc_precision_at_20_max": 13.832269193468512, + "nauc_precision_at_20_std": 21.65284406055607, + "nauc_precision_at_3_diff1": 7.226609484731811, + "nauc_precision_at_3_max": 15.162908526977272, + "nauc_precision_at_3_std": 8.451859972962776, + "nauc_precision_at_5_diff1": 4.705236845538159, + "nauc_precision_at_5_max": 14.022910843582666, + "nauc_precision_at_5_std": 11.777269322821605, + "nauc_recall_at_1000_diff1": 2.446247548945172, + "nauc_recall_at_1000_max": 29.14566206426889, + "nauc_recall_at_1000_std": 49.20704909525879, + "nauc_recall_at_100_diff1": 0.1127119672553316, + "nauc_recall_at_100_max": 17.37584606388062, + "nauc_recall_at_100_std": 34.660993462440686, + "nauc_recall_at_10_diff1": 2.9923183951227927, + "nauc_recall_at_10_max": 14.261884731124299, + "nauc_recall_at_10_std": 18.08418879549837, + "nauc_recall_at_1_diff1": 76.51940497836482, + "nauc_recall_at_1_max": 51.251419487235474, + "nauc_recall_at_1_std": 0.16714896857146574, + "nauc_recall_at_20_diff1": 1.918029300830432, + "nauc_recall_at_20_max": 13.832269193468566, + "nauc_recall_at_20_std": 21.65284406055605, + "nauc_recall_at_3_diff1": 7.226609484731802, + "nauc_recall_at_3_max": 15.162908526977182, + "nauc_recall_at_3_std": 8.451859972962634, + "nauc_recall_at_5_diff1": 4.705236845538197, + "nauc_recall_at_5_max": 14.02291084358265, + "nauc_recall_at_5_std": 11.777269322821638, + "ndcg_at_1": 83.45700000000001, + "ndcg_at_10": 71.74199999999999, + "ndcg_at_100": 75.008, + "ndcg_at_1000": 76.242, + "ndcg_at_20": 73.114, + "ndcg_at_3": 67.128, + "ndcg_at_5": 69.645, + "precision_at_1": 83.45700000000001, + "precision_at_10": 14.747, + "precision_at_100": 1.73, + "precision_at_1000": 0.189, + "precision_at_20": 7.8149999999999995, + "precision_at_3": 42.323, + "precision_at_5": 27.381, + "recall_at_1": 41.729, + "recall_at_10": 73.734, + "recall_at_100": 86.502, + "recall_at_1000": 94.60499999999999, + "recall_at_20": 78.14999999999999, + "recall_at_3": 63.483999999999995, + "recall_at_5": 68.45400000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/ImdbClassification.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/ImdbClassification.json new file mode 100644 index 000000000..31bea8dda --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/ImdbClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 96.4904, + "ap": 94.85481918794709, + "ap_weighted": 94.85481918794709, + "f1": 96.4898592305707, + "f1_weighted": 96.4898592305707, + "main_score": 96.4904 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/MSMARCO.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/MSMARCO.json new file mode 100644 index 000000000..b0cb62af2 --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/MSMARCO.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 43.692, + "map_at_1": 23.751, + "map_at_10": 36.553999999999995, + "map_at_100": 37.721, + "map_at_1000": 37.763999999999996, + "map_at_20": 37.289, + "map_at_3": 32.643, + "map_at_5": 34.851, + "mrr_at_1": 24.455587392550143, + "mrr_at_10": 37.18388706963206, + "mrr_at_100": 38.28330737932916, + "mrr_at_1000": 38.32054399710817, + "mrr_at_20": 37.8818001216278, + "mrr_at_3": 33.35721107927405, + "mrr_at_5": 35.52483285577843, + "nauc_map_at_1000_diff1": 36.3576177260684, + "nauc_map_at_1000_max": 7.854511605962703, + "nauc_map_at_1000_std": -17.701121059746878, + "nauc_map_at_100_diff1": 36.356075649230505, + "nauc_map_at_100_max": 7.862168042999533, + "nauc_map_at_100_std": -17.670102459097233, + "nauc_map_at_10_diff1": 36.22122978875574, + "nauc_map_at_10_max": 7.80848606967416, + "nauc_map_at_10_std": -18.3265151386167, + "nauc_map_at_1_diff1": 39.28605466408357, + "nauc_map_at_1_max": 6.20202977590459, + "nauc_map_at_1_std": -15.734334090045026, + "nauc_map_at_20_diff1": 36.33637880909657, + "nauc_map_at_20_max": 7.843437969476022, + "nauc_map_at_20_std": -17.917533363025996, + "nauc_map_at_3_diff1": 36.24864976076741, + "nauc_map_at_3_max": 7.420345251835957, + "nauc_map_at_3_std": -18.71678497722944, + "nauc_map_at_5_diff1": 36.0789619291824, + "nauc_map_at_5_max": 7.7314285669514495, + "nauc_map_at_5_std": -18.748688764538706, + "nauc_mrr_at_1000_diff1": 36.23912675623378, + "nauc_mrr_at_1000_max": 7.690553436255147, + "nauc_mrr_at_1000_std": -17.609526070212304, + "nauc_mrr_at_100_diff1": 36.23782651189002, + "nauc_mrr_at_100_max": 7.70075095171647, + "nauc_mrr_at_100_std": -17.575714144960184, + "nauc_mrr_at_10_diff1": 36.125229472534215, + "nauc_mrr_at_10_max": 7.635472248755658, + "nauc_mrr_at_10_std": -18.208166616511086, + "nauc_mrr_at_1_diff1": 39.20986875554532, + "nauc_mrr_at_1_max": 6.062668487561363, + "nauc_mrr_at_1_std": -16.04130340817602, + "nauc_mrr_at_20_diff1": 36.21207088739667, + "nauc_mrr_at_20_max": 7.699610250145951, + "nauc_mrr_at_20_std": -17.778245221724028, + "nauc_mrr_at_3_diff1": 36.03957583885305, + "nauc_mrr_at_3_max": 7.225515576504581, + "nauc_mrr_at_3_std": -18.74478742943741, + "nauc_mrr_at_5_diff1": 35.969152496648974, + "nauc_mrr_at_5_max": 7.584059789018233, + "nauc_mrr_at_5_std": -18.569374723129332, + "nauc_ndcg_at_1000_diff1": 35.894655529841806, + "nauc_ndcg_at_1000_max": 8.579327424366236, + "nauc_ndcg_at_1000_std": -16.359677367747896, + "nauc_ndcg_at_100_diff1": 35.89861902483983, + "nauc_ndcg_at_100_max": 8.830873623962242, + "nauc_ndcg_at_100_std": -15.173125564722978, + "nauc_ndcg_at_10_diff1": 35.36499811105169, + "nauc_ndcg_at_10_max": 8.449267180956992, + "nauc_ndcg_at_10_std": -18.41978802362402, + "nauc_ndcg_at_1_diff1": 39.15422481210622, + "nauc_ndcg_at_1_max": 6.055515791928331, + "nauc_ndcg_at_1_std": -16.042779610876252, + "nauc_ndcg_at_20_diff1": 35.73402868264468, + "nauc_ndcg_at_20_max": 8.695705518210847, + "nauc_ndcg_at_20_std": -16.7735829470466, + "nauc_ndcg_at_3_diff1": 35.31358242856231, + "nauc_ndcg_at_3_max": 7.645692789058997, + "nauc_ndcg_at_3_std": -19.460003734786874, + "nauc_ndcg_at_5_diff1": 35.05216588927143, + "nauc_ndcg_at_5_max": 8.216690520604715, + "nauc_ndcg_at_5_std": -19.3982054492159, + "nauc_precision_at_1000_diff1": -4.440002625111349, + "nauc_precision_at_1000_max": 7.886988951901723, + "nauc_precision_at_1000_std": 9.88111187048247, + "nauc_precision_at_100_diff1": 15.728286119463325, + "nauc_precision_at_100_max": 13.218650824470654, + "nauc_precision_at_100_std": 16.113245895522553, + "nauc_precision_at_10_diff1": 29.51218489610567, + "nauc_precision_at_10_max": 10.197432401942912, + "nauc_precision_at_10_std": -16.950603431359493, + "nauc_precision_at_1_diff1": 39.15422481210622, + "nauc_precision_at_1_max": 6.055515791928331, + "nauc_precision_at_1_std": -16.042779610876252, + "nauc_precision_at_20_diff1": 27.825993070397338, + "nauc_precision_at_20_max": 11.437632287846007, + "nauc_precision_at_20_std": -7.450353566405601, + "nauc_precision_at_3_diff1": 32.14135556796588, + "nauc_precision_at_3_max": 7.989252443574163, + "nauc_precision_at_3_std": -21.566254595671055, + "nauc_precision_at_5_diff1": 30.68778685307082, + "nauc_precision_at_5_max": 9.332160758499892, + "nauc_precision_at_5_std": -20.928554713448914, + "nauc_recall_at_1000_diff1": 25.00810478716878, + "nauc_recall_at_1000_max": 46.518165765201644, + "nauc_recall_at_1000_std": 61.4734635576085, + "nauc_recall_at_100_diff1": 33.895581318261726, + "nauc_recall_at_100_max": 20.10706035872801, + "nauc_recall_at_100_std": 24.204226584457047, + "nauc_recall_at_10_diff1": 32.363127359576296, + "nauc_recall_at_10_max": 10.729923804989545, + "nauc_recall_at_10_std": -18.1335370184202, + "nauc_recall_at_1_diff1": 39.28605466408357, + "nauc_recall_at_1_max": 6.20202977590459, + "nauc_recall_at_1_std": -15.734334090045026, + "nauc_recall_at_20_diff1": 33.47804003169795, + "nauc_recall_at_20_max": 12.781494765263382, + "nauc_recall_at_20_std": -9.263970132202658, + "nauc_recall_at_3_diff1": 32.71001429428999, + "nauc_recall_at_3_max": 8.353439197382693, + "nauc_recall_at_3_std": -21.235097744366954, + "nauc_recall_at_5_diff1": 31.87451464963415, + "nauc_recall_at_5_max": 9.635051450907305, + "nauc_recall_at_5_std": -21.113235357132794, + "ndcg_at_1": 24.47, + "ndcg_at_10": 43.692, + "ndcg_at_100": 49.211, + "ndcg_at_1000": 50.244, + "ndcg_at_20": 46.278000000000006, + "ndcg_at_3": 35.719, + "ndcg_at_5": 39.652, + "precision_at_1": 24.47, + "precision_at_10": 6.857, + "precision_at_100": 0.9610000000000001, + "precision_at_1000": 0.105, + "precision_at_20": 3.968, + "precision_at_3": 15.181000000000001, + "precision_at_5": 11.117, + "recall_at_1": 23.751, + "recall_at_10": 65.64, + "recall_at_100": 90.967, + "recall_at_1000": 98.738, + "recall_at_20": 75.639, + "recall_at_3": 43.927, + "recall_at_5": 53.366 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/MTOPDomainClassification.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/MTOPDomainClassification.json new file mode 100644 index 000000000..2962e9f00 --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/MTOPDomainClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 98.82580939352485, + "f1": 98.75201754333801, + "f1_weighted": 98.82795205108245, + "main_score": 98.82580939352485 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/MTOPIntentClassification.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/MTOPIntentClassification.json new file mode 100644 index 000000000..8c421cd2e --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/MTOPIntentClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.29822161422709, + "f1": 77.75210224871594, + "f1_weighted": 93.58661422540348, + "main_score": 92.29822161422709 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/MassiveIntentClassification.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/MassiveIntentClassification.json new file mode 100644 index 000000000..4183a483b --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/MassiveIntentClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "4672e20407010da34463acc759c162ca9734bca6", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 85.17484868863484, + "f1": 81.94484244487094, + "f1_weighted": 85.21022593423332, + "main_score": 85.17484868863484 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/MassiveScenarioClassification.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..a82dce0d9 --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/MassiveScenarioClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "fad2c6e8459f9e1c45d9315f4953d921437d70f8", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 89.61667787491594, + "f1": 89.02701927621264, + "f1_weighted": 89.56306982022801, + "main_score": 89.61667787491594 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/MedrxivClusteringP2P.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..bf232514b --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/MedrxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 46.318282423948574, + "v_measure": 46.318282423948574, + "v_measure_std": 0.9729055662461538 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/MedrxivClusteringS2S.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..6b267e93f --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/MedrxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 44.29033625273981, + "v_measure": 44.29033625273981, + "v_measure_std": 1.0596383629128594 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/MindSmallReranking.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/MindSmallReranking.json new file mode 100644 index 000000000..2cf580ba8 --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/MindSmallReranking.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "59042f120c80e8afa9cdbb224f67076cec0fc9a7", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 33.0526129239962, + "map": 33.0526129239962, + "mrr": 34.29260046890935, + "nAUC_map_diff1": 12.579738077238032, + "nAUC_map_max": -20.936629344962, + "nAUC_map_std": -1.6096805784945216, + "nAUC_mrr_diff1": 11.597584463580807, + "nAUC_mrr_max": -15.723702838537504, + "nAUC_mrr_std": 0.2719172965777737 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/NFCorpus.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/NFCorpus.json new file mode 100644 index 000000000..0d67ffdf1 --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/NFCorpus.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 41.486000000000004, + "map_at_1": 6.866, + "map_at_10": 15.895999999999999, + "map_at_100": 21.093, + "map_at_1000": 23.067, + "map_at_20": 18.125, + "map_at_3": 11.421000000000001, + "map_at_5": 13.415, + "mrr_at_1": 52.63157894736842, + "mrr_at_10": 61.486805248415166, + "mrr_at_100": 62.08211009182091, + "mrr_at_1000": 62.10828701365016, + "mrr_at_20": 61.904411187915784, + "mrr_at_3": 59.90712074303407, + "mrr_at_5": 60.91331269349847, + "nauc_map_at_1000_diff1": 25.484625278529403, + "nauc_map_at_1000_max": 31.206600396418853, + "nauc_map_at_1000_std": 15.569448072357156, + "nauc_map_at_100_diff1": 27.636750226316764, + "nauc_map_at_100_max": 29.66992681250722, + "nauc_map_at_100_std": 10.570600484002671, + "nauc_map_at_10_diff1": 32.76642525548697, + "nauc_map_at_10_max": 21.459225397237663, + "nauc_map_at_10_std": -3.546494734209264, + "nauc_map_at_1_diff1": 48.8002894871328, + "nauc_map_at_1_max": 5.7236722609868815, + "nauc_map_at_1_std": -13.283554044471352, + "nauc_map_at_20_diff1": 30.57169701502308, + "nauc_map_at_20_max": 25.79666139518404, + "nauc_map_at_20_std": 1.781732492989651, + "nauc_map_at_3_diff1": 40.076315947201095, + "nauc_map_at_3_max": 12.862524429140054, + "nauc_map_at_3_std": -9.188349777126817, + "nauc_map_at_5_diff1": 36.9918718052938, + "nauc_map_at_5_max": 16.74234374361876, + "nauc_map_at_5_std": -7.818523349307494, + "nauc_mrr_at_1000_diff1": 26.88183002609805, + "nauc_mrr_at_1000_max": 47.10209348428658, + "nauc_mrr_at_1000_std": 32.067825924992924, + "nauc_mrr_at_100_diff1": 26.871482491566745, + "nauc_mrr_at_100_max": 47.11303868498556, + "nauc_mrr_at_100_std": 32.08961428818868, + "nauc_mrr_at_10_diff1": 26.6356914977722, + "nauc_mrr_at_10_max": 47.091624558810366, + "nauc_mrr_at_10_std": 31.942424120660164, + "nauc_mrr_at_1_diff1": 28.19774198483673, + "nauc_mrr_at_1_max": 41.44380927834253, + "nauc_mrr_at_1_std": 25.18222691885917, + "nauc_mrr_at_20_diff1": 26.86487347109452, + "nauc_mrr_at_20_max": 47.1987778214726, + "nauc_mrr_at_20_std": 32.143517921610034, + "nauc_mrr_at_3_diff1": 27.34340373236422, + "nauc_mrr_at_3_max": 46.358726506276646, + "nauc_mrr_at_3_std": 31.74924155572593, + "nauc_mrr_at_5_diff1": 27.209667205060672, + "nauc_mrr_at_5_max": 46.79883369072009, + "nauc_mrr_at_5_std": 31.655605306670758, + "nauc_ndcg_at_1000_diff1": 18.940195769769687, + "nauc_ndcg_at_1000_max": 46.48551313937331, + "nauc_ndcg_at_1000_std": 33.64819502089232, + "nauc_ndcg_at_100_diff1": 19.50885253809146, + "nauc_ndcg_at_100_max": 40.53174462354878, + "nauc_ndcg_at_100_std": 28.516152877751118, + "nauc_ndcg_at_10_diff1": 16.01699218096564, + "nauc_ndcg_at_10_max": 41.17322878314514, + "nauc_ndcg_at_10_std": 29.002233224832196, + "nauc_ndcg_at_1_diff1": 27.443547710102205, + "nauc_ndcg_at_1_max": 40.66529763309582, + "nauc_ndcg_at_1_std": 24.15016766225869, + "nauc_ndcg_at_20_diff1": 17.541197675685062, + "nauc_ndcg_at_20_max": 40.53231266973844, + "nauc_ndcg_at_20_std": 29.54096347876548, + "nauc_ndcg_at_3_diff1": 18.649628357473716, + "nauc_ndcg_at_3_max": 41.18603570171764, + "nauc_ndcg_at_3_std": 27.125524188420396, + "nauc_ndcg_at_5_diff1": 17.519593751448483, + "nauc_ndcg_at_5_max": 42.715997890377345, + "nauc_ndcg_at_5_std": 27.902627839899868, + "nauc_precision_at_1000_diff1": -15.528797630565155, + "nauc_precision_at_1000_max": 13.741640921778671, + "nauc_precision_at_1000_std": 44.50896053788372, + "nauc_precision_at_100_diff1": -14.491464489721887, + "nauc_precision_at_100_max": 23.136434418999457, + "nauc_precision_at_100_std": 49.73145147863128, + "nauc_precision_at_10_diff1": -4.829188942994277, + "nauc_precision_at_10_max": 40.327612559528866, + "nauc_precision_at_10_std": 39.34919529635044, + "nauc_precision_at_1_diff1": 28.19774198483673, + "nauc_precision_at_1_max": 41.44380927834253, + "nauc_precision_at_1_std": 25.18222691885917, + "nauc_precision_at_20_diff1": -7.210726293112847, + "nauc_precision_at_20_max": 37.195679576636984, + "nauc_precision_at_20_std": 45.4597096418357, + "nauc_precision_at_3_diff1": 7.578219537774854, + "nauc_precision_at_3_max": 41.59775233475654, + "nauc_precision_at_3_std": 30.764584790895118, + "nauc_precision_at_5_diff1": 1.655451789039598, + "nauc_precision_at_5_max": 43.435739407610455, + "nauc_precision_at_5_std": 33.42552263325999, + "nauc_recall_at_1000_diff1": 5.030705700690516, + "nauc_recall_at_1000_max": 19.108072570815583, + "nauc_recall_at_1000_std": 14.697734974217308, + "nauc_recall_at_100_diff1": 14.746540318132407, + "nauc_recall_at_100_max": 21.798705033854795, + "nauc_recall_at_100_std": 11.416195108842587, + "nauc_recall_at_10_diff1": 25.548642427860486, + "nauc_recall_at_10_max": 18.711677681987474, + "nauc_recall_at_10_std": -5.988904818971677, + "nauc_recall_at_1_diff1": 48.8002894871328, + "nauc_recall_at_1_max": 5.7236722609868815, + "nauc_recall_at_1_std": -13.283554044471352, + "nauc_recall_at_20_diff1": 23.39140739154809, + "nauc_recall_at_20_max": 19.351150636155474, + "nauc_recall_at_20_std": -2.757280266915132, + "nauc_recall_at_3_diff1": 38.17453576012812, + "nauc_recall_at_3_max": 13.47003839643972, + "nauc_recall_at_3_std": -8.75780163862688, + "nauc_recall_at_5_diff1": 33.02812855226899, + "nauc_recall_at_5_max": 15.477626408978477, + "nauc_recall_at_5_std": -9.072206441070708, + "ndcg_at_1": 50.773999999999994, + "ndcg_at_10": 41.486000000000004, + "ndcg_at_100": 39.051, + "ndcg_at_1000": 48.106, + "ndcg_at_20": 39.432, + "ndcg_at_3": 47.428, + "ndcg_at_5": 45.227000000000004, + "precision_at_1": 52.632, + "precision_at_10": 31.146, + "precision_at_100": 10.328, + "precision_at_1000": 2.432, + "precision_at_20": 23.793, + "precision_at_3": 45.201, + "precision_at_5": 39.876, + "recall_at_1": 6.866, + "recall_at_10": 20.447000000000003, + "recall_at_100": 40.607, + "recall_at_1000": 73.411, + "recall_at_20": 26.082, + "recall_at_3": 12.484, + "recall_at_5": 15.847 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/NQ.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/NQ.json new file mode 100644 index 000000000..9643671ef --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/NQ.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 69.072, + "map_at_1": 45.483000000000004, + "map_at_10": 62.050000000000004, + "map_at_100": 62.693, + "map_at_1000": 62.702999999999996, + "map_at_20": 62.498, + "map_at_3": 58.285, + "map_at_5": 60.711000000000006, + "mrr_at_1": 50.840092699884124, + "mrr_at_10": 64.54635224116673, + "mrr_at_100": 64.9526548702289, + "mrr_at_1000": 64.95908460752281, + "mrr_at_20": 64.82949565799959, + "mrr_at_3": 61.89165701042856, + "mrr_at_5": 63.632676709154026, + "nauc_map_at_1000_diff1": 43.187285304185224, + "nauc_map_at_1000_max": 32.39921659632756, + "nauc_map_at_1000_std": -5.780901333066553, + "nauc_map_at_100_diff1": 43.184487221204456, + "nauc_map_at_100_max": 32.41176116347982, + "nauc_map_at_100_std": -5.76422606662383, + "nauc_map_at_10_diff1": 42.967066814031746, + "nauc_map_at_10_max": 32.489617364418514, + "nauc_map_at_10_std": -6.029045531102664, + "nauc_map_at_1_diff1": 46.16376563218624, + "nauc_map_at_1_max": 26.342624776802232, + "nauc_map_at_1_std": -7.142171388751972, + "nauc_map_at_20_diff1": 43.15894358608328, + "nauc_map_at_20_max": 32.46492198956245, + "nauc_map_at_20_std": -5.788373305449195, + "nauc_map_at_3_diff1": 43.231752344608545, + "nauc_map_at_3_max": 31.68003009949564, + "nauc_map_at_3_std": -8.015235132765458, + "nauc_map_at_5_diff1": 42.86197608819917, + "nauc_map_at_5_max": 32.363857571094485, + "nauc_map_at_5_std": -6.780487416387977, + "nauc_mrr_at_1000_diff1": 43.40542912045782, + "nauc_mrr_at_1000_max": 32.8461770324533, + "nauc_mrr_at_1000_std": -3.6505425530008204, + "nauc_mrr_at_100_diff1": 43.40233508014468, + "nauc_mrr_at_100_max": 32.85598538385942, + "nauc_mrr_at_100_std": -3.637477352635459, + "nauc_mrr_at_10_diff1": 43.260179162806054, + "nauc_mrr_at_10_max": 32.942643527040474, + "nauc_mrr_at_10_std": -3.712052825320437, + "nauc_mrr_at_1_diff1": 46.354919460881206, + "nauc_mrr_at_1_max": 29.1760258591106, + "nauc_mrr_at_1_std": -4.107225031227406, + "nauc_mrr_at_20_diff1": 43.37092385434311, + "nauc_mrr_at_20_max": 32.93390254712846, + "nauc_mrr_at_20_std": -3.5719056112132006, + "nauc_mrr_at_3_diff1": 43.1744474040527, + "nauc_mrr_at_3_max": 32.741290559777994, + "nauc_mrr_at_3_std": -4.72677925120697, + "nauc_mrr_at_5_diff1": 43.108396819975674, + "nauc_mrr_at_5_max": 32.970519514893084, + "nauc_mrr_at_5_std": -4.090906158975974, + "nauc_ndcg_at_1000_diff1": 42.786664193638714, + "nauc_ndcg_at_1000_max": 33.65554095609296, + "nauc_ndcg_at_1000_std": -4.024030130584482, + "nauc_ndcg_at_100_diff1": 42.691246775210814, + "nauc_ndcg_at_100_max": 34.063232335110875, + "nauc_ndcg_at_100_std": -3.477813807415248, + "nauc_ndcg_at_10_diff1": 41.90988990571757, + "nauc_ndcg_at_10_max": 34.58934812881633, + "nauc_ndcg_at_10_std": -4.3295110195497655, + "nauc_ndcg_at_1_diff1": 46.354919460881206, + "nauc_ndcg_at_1_max": 29.1760258591106, + "nauc_ndcg_at_1_std": -4.107225031227406, + "nauc_ndcg_at_20_diff1": 42.493206675867114, + "nauc_ndcg_at_20_max": 34.562441307459544, + "nauc_ndcg_at_20_std": -3.4456116866749107, + "nauc_ndcg_at_3_diff1": 42.24180336502808, + "nauc_ndcg_at_3_max": 33.064267018100594, + "nauc_ndcg_at_3_std": -7.786248093572142, + "nauc_ndcg_at_5_diff1": 41.692714787779565, + "nauc_ndcg_at_5_max": 34.20502498949156, + "nauc_ndcg_at_5_std": -5.979557859282785, + "nauc_precision_at_1000_diff1": -13.779832506640702, + "nauc_precision_at_1000_max": 1.243001688631421, + "nauc_precision_at_1000_std": 17.351623398622323, + "nauc_precision_at_100_diff1": -11.310526816290297, + "nauc_precision_at_100_max": 5.771669506192959, + "nauc_precision_at_100_std": 19.917795079540113, + "nauc_precision_at_10_diff1": 2.163699384635286, + "nauc_precision_at_10_max": 19.66440698458386, + "nauc_precision_at_10_std": 13.689876348315726, + "nauc_precision_at_1_diff1": 46.354919460881206, + "nauc_precision_at_1_max": 29.1760258591106, + "nauc_precision_at_1_std": -4.107225031227406, + "nauc_precision_at_20_diff1": -3.038735879584471, + "nauc_precision_at_20_max": 14.132968299701695, + "nauc_precision_at_20_std": 17.78069734664346, + "nauc_precision_at_3_diff1": 21.783760758070095, + "nauc_precision_at_3_max": 30.244127986404497, + "nauc_precision_at_3_std": -0.12411163467738723, + "nauc_precision_at_5_diff1": 10.980635723302418, + "nauc_precision_at_5_max": 25.302293738975575, + "nauc_precision_at_5_std": 6.4740817488722024, + "nauc_recall_at_1000_diff1": 34.10343772356593, + "nauc_recall_at_1000_max": 80.72497340357538, + "nauc_recall_at_1000_std": 69.54564103264093, + "nauc_recall_at_100_diff1": 33.427719956774126, + "nauc_recall_at_100_max": 71.54086768335449, + "nauc_recall_at_100_std": 49.66157377654885, + "nauc_recall_at_10_diff1": 33.70139560054039, + "nauc_recall_at_10_max": 45.47878072860151, + "nauc_recall_at_10_std": 1.4188516615716378, + "nauc_recall_at_1_diff1": 46.16376563218624, + "nauc_recall_at_1_max": 26.342624776802232, + "nauc_recall_at_1_std": -7.142171388751972, + "nauc_recall_at_20_diff1": 35.805379874970086, + "nauc_recall_at_20_max": 51.80479822253392, + "nauc_recall_at_20_std": 13.531467576460143, + "nauc_recall_at_3_diff1": 37.288500141631616, + "nauc_recall_at_3_max": 35.07078243516728, + "nauc_recall_at_3_std": -10.452926441410405, + "nauc_recall_at_5_diff1": 34.83186104526897, + "nauc_recall_at_5_max": 39.58488976496973, + "nauc_recall_at_5_std": -6.3049292065708835, + "ndcg_at_1": 50.839999999999996, + "ndcg_at_10": 69.072, + "ndcg_at_100": 71.538, + "ndcg_at_1000": 71.77799999999999, + "ndcg_at_20": 70.41, + "ndcg_at_3": 62.544999999999995, + "ndcg_at_5": 66.33099999999999, + "precision_at_1": 50.839999999999996, + "precision_at_10": 10.495000000000001, + "precision_at_100": 1.1900000000000002, + "precision_at_1000": 0.121, + "precision_at_20": 5.5809999999999995, + "precision_at_3": 27.636, + "precision_at_5": 18.864, + "recall_at_1": 45.483000000000004, + "recall_at_10": 87.483, + "recall_at_100": 97.844, + "recall_at_1000": 99.66199999999999, + "recall_at_20": 92.294, + "recall_at_3": 71.2, + "recall_at_5": 79.753 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/QuoraRetrieval.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/QuoraRetrieval.json new file mode 100644 index 000000000..3ba548a9a --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/QuoraRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "e4e08e0b7dbe3c8700f0daef558ff32256715259", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 89.58, + "map_at_1": 71.819, + "map_at_10": 86.04899999999999, + "map_at_100": 86.648, + "map_at_1000": 86.66199999999999, + "map_at_20": 86.441, + "map_at_3": 83.114, + "map_at_5": 84.981, + "mrr_at_1": 82.62, + "mrr_at_10": 88.62899999999979, + "mrr_at_100": 88.70918591324215, + "mrr_at_1000": 88.70973091492397, + "mrr_at_20": 88.68914765317221, + "mrr_at_3": 87.74999999999979, + "mrr_at_5": 88.36799999999974, + "nauc_map_at_1000_diff1": 77.89207709760448, + "nauc_map_at_1000_max": 29.63371361495422, + "nauc_map_at_1000_std": -48.628180385874344, + "nauc_map_at_100_diff1": 77.89592179104915, + "nauc_map_at_100_max": 29.617171506130756, + "nauc_map_at_100_std": -48.66057170774648, + "nauc_map_at_10_diff1": 78.0618161228185, + "nauc_map_at_10_max": 29.178490609366737, + "nauc_map_at_10_std": -50.74755004592002, + "nauc_map_at_1_diff1": 81.64335579973574, + "nauc_map_at_1_max": 21.813832226652174, + "nauc_map_at_1_std": -42.57570978190876, + "nauc_map_at_20_diff1": 77.9299081005938, + "nauc_map_at_20_max": 29.458718470003888, + "nauc_map_at_20_std": -49.63337236763102, + "nauc_map_at_3_diff1": 78.72941448509229, + "nauc_map_at_3_max": 26.600997896960056, + "nauc_map_at_3_std": -51.889002227479885, + "nauc_map_at_5_diff1": 78.31466610917171, + "nauc_map_at_5_max": 28.09863984582896, + "nauc_map_at_5_std": -52.14058096096497, + "nauc_mrr_at_1000_diff1": 78.42667263739992, + "nauc_mrr_at_1000_max": 31.98996235127974, + "nauc_mrr_at_1000_std": -44.380439148429296, + "nauc_mrr_at_100_diff1": 78.42661032698115, + "nauc_mrr_at_100_max": 31.991652631740102, + "nauc_mrr_at_100_std": -44.37854108460535, + "nauc_mrr_at_10_diff1": 78.39126022544136, + "nauc_mrr_at_10_max": 32.02023484451197, + "nauc_mrr_at_10_std": -44.561252349176954, + "nauc_mrr_at_1_diff1": 79.21630894647448, + "nauc_mrr_at_1_max": 31.526303156060177, + "nauc_mrr_at_1_std": -41.887504422443136, + "nauc_mrr_at_20_diff1": 78.42548039170424, + "nauc_mrr_at_20_max": 31.99588275070137, + "nauc_mrr_at_20_std": -44.44957722627042, + "nauc_mrr_at_3_diff1": 78.26165151833735, + "nauc_mrr_at_3_max": 32.18028826126801, + "nauc_mrr_at_3_std": -44.6998237213182, + "nauc_mrr_at_5_diff1": 78.34786430903962, + "nauc_mrr_at_5_max": 32.168476272879566, + "nauc_mrr_at_5_std": -44.7915919956712, + "nauc_ndcg_at_1000_diff1": 77.79198355957816, + "nauc_ndcg_at_1000_max": 31.14363511518406, + "nauc_ndcg_at_1000_std": -46.69335151274275, + "nauc_ndcg_at_100_diff1": 77.79898090286419, + "nauc_ndcg_at_100_max": 31.115103811629215, + "nauc_ndcg_at_100_std": -46.73078913421965, + "nauc_ndcg_at_10_diff1": 77.74856635461343, + "nauc_ndcg_at_10_max": 30.279584686212747, + "nauc_ndcg_at_10_std": -50.23514662356807, + "nauc_ndcg_at_1_diff1": 79.17833000040999, + "nauc_ndcg_at_1_max": 31.703788144510746, + "nauc_ndcg_at_1_std": -41.854817402870715, + "nauc_ndcg_at_20_diff1": 77.7380353804671, + "nauc_ndcg_at_20_max": 30.622294129001553, + "nauc_ndcg_at_20_std": -49.035794761065254, + "nauc_ndcg_at_3_diff1": 77.41476880573593, + "nauc_ndcg_at_3_max": 29.015949978243032, + "nauc_ndcg_at_3_std": -49.78627087622648, + "nauc_ndcg_at_5_diff1": 77.64439137502896, + "nauc_ndcg_at_5_max": 29.444684897492206, + "nauc_ndcg_at_5_std": -51.21908400252501, + "nauc_precision_at_1000_diff1": -44.92396459446822, + "nauc_precision_at_1000_max": -3.674153720989045, + "nauc_precision_at_1000_std": 39.56552468277785, + "nauc_precision_at_100_diff1": -44.75143023259094, + "nauc_precision_at_100_max": -3.705280025140011, + "nauc_precision_at_100_std": 39.433619999113326, + "nauc_precision_at_10_diff1": -41.0651074726579, + "nauc_precision_at_10_max": -0.21097985601783667, + "nauc_precision_at_10_std": 26.24652824589493, + "nauc_precision_at_1_diff1": 79.17833000040999, + "nauc_precision_at_1_max": 31.703788144510746, + "nauc_precision_at_1_std": -41.854817402870715, + "nauc_precision_at_20_diff1": -43.368001340920294, + "nauc_precision_at_20_max": -2.036990010399129, + "nauc_precision_at_20_std": 32.37747041406297, + "nauc_precision_at_3_diff1": -22.089307548346877, + "nauc_precision_at_3_max": 6.2280973175296, + "nauc_precision_at_3_std": 5.323992514036145, + "nauc_precision_at_5_diff1": -34.07115055244003, + "nauc_precision_at_5_max": 2.5955315789198834, + "nauc_precision_at_5_std": 16.26096689407332, + "nauc_recall_at_1000_diff1": 58.27703860947467, + "nauc_recall_at_1000_max": 68.59835835315768, + "nauc_recall_at_1000_std": 77.96687006056064, + "nauc_recall_at_100_diff1": 73.24371223081737, + "nauc_recall_at_100_max": 39.55925344664591, + "nauc_recall_at_100_std": -32.25605030215798, + "nauc_recall_at_10_diff1": 73.41261201339202, + "nauc_recall_at_10_max": 26.822979434062926, + "nauc_recall_at_10_std": -74.2909332592806, + "nauc_recall_at_1_diff1": 81.64335579973574, + "nauc_recall_at_1_max": 21.813832226652174, + "nauc_recall_at_1_std": -42.57570978190876, + "nauc_recall_at_20_diff1": 72.7621297920656, + "nauc_recall_at_20_max": 26.02492304096079, + "nauc_recall_at_20_std": -77.8724532438279, + "nauc_recall_at_3_diff1": 75.25149312810714, + "nauc_recall_at_3_max": 23.20545662481487, + "nauc_recall_at_3_std": -59.69689982140521, + "nauc_recall_at_5_diff1": 73.69807273001406, + "nauc_recall_at_5_max": 24.073666798066057, + "nauc_recall_at_5_std": -67.91121268130719, + "ndcg_at_1": 82.64, + "ndcg_at_10": 89.58, + "ndcg_at_100": 90.606, + "ndcg_at_1000": 90.676, + "ndcg_at_20": 90.132, + "ndcg_at_3": 86.88, + "ndcg_at_5": 88.40299999999999, + "precision_at_1": 82.64, + "precision_at_10": 13.604, + "precision_at_100": 1.539, + "precision_at_1000": 0.157, + "precision_at_20": 7.188, + "precision_at_3": 38.083, + "precision_at_5": 25.018, + "recall_at_1": 71.819, + "recall_at_10": 96.34700000000001, + "recall_at_100": 99.715, + "recall_at_1000": 99.995, + "recall_at_20": 98.073, + "recall_at_3": 88.57300000000001, + "recall_at_5": 92.908 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/RedditClustering.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/RedditClustering.json new file mode 100644 index 000000000..16ae00d6d --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/RedditClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 71.18966762070158, + "v_measure": 71.18966762070158, + "v_measure_std": 2.7498969054457048 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/RedditClusteringP2P.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/RedditClusteringP2P.json new file mode 100644 index 000000000..5aded128d --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/RedditClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 74.42014716862516, + "v_measure": 74.42014716862516, + "v_measure_std": 9.909739891410648 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/SCIDOCS.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/SCIDOCS.json new file mode 100644 index 000000000..7ff073ec4 --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/SCIDOCS.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f8c2fcf00f625baaa80f62ec5bd9e1fff3b8ae88", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 25.041999999999998, + "map_at_1": 5.893000000000001, + "map_at_10": 15.260000000000002, + "map_at_100": 18.084, + "map_at_1000": 18.467, + "map_at_20": 16.675, + "map_at_3": 10.526, + "map_at_5": 12.775, + "mrr_at_1": 28.999999999999996, + "mrr_at_10": 41.03575396825395, + "mrr_at_100": 42.136771862785835, + "mrr_at_1000": 42.16698555415099, + "mrr_at_20": 41.707493696104315, + "mrr_at_3": 37.34999999999998, + "mrr_at_5": 39.59999999999995, + "nauc_map_at_1000_diff1": 12.080002654911883, + "nauc_map_at_1000_max": 29.813563682286276, + "nauc_map_at_1000_std": 20.36659817908673, + "nauc_map_at_100_diff1": 12.108735517749706, + "nauc_map_at_100_max": 29.76830671710955, + "nauc_map_at_100_std": 20.3433621032846, + "nauc_map_at_10_diff1": 12.91575031185637, + "nauc_map_at_10_max": 29.427600958386318, + "nauc_map_at_10_std": 16.89867275177153, + "nauc_map_at_1_diff1": 19.353069488987916, + "nauc_map_at_1_max": 17.093914951159693, + "nauc_map_at_1_std": 8.19886078055046, + "nauc_map_at_20_diff1": 11.977233457943113, + "nauc_map_at_20_max": 29.171812822948805, + "nauc_map_at_20_std": 18.780517506173965, + "nauc_map_at_3_diff1": 14.453129464176092, + "nauc_map_at_3_max": 25.801958649112077, + "nauc_map_at_3_std": 11.572823684429643, + "nauc_map_at_5_diff1": 13.167155808104997, + "nauc_map_at_5_max": 27.355626948365792, + "nauc_map_at_5_std": 14.414151839192183, + "nauc_mrr_at_1000_diff1": 17.262104643988636, + "nauc_mrr_at_1000_max": 23.991373837217058, + "nauc_mrr_at_1000_std": 12.44755488671623, + "nauc_mrr_at_100_diff1": 17.267280132318703, + "nauc_mrr_at_100_max": 24.022189287889294, + "nauc_mrr_at_100_std": 12.480695500214788, + "nauc_mrr_at_10_diff1": 17.012383998246268, + "nauc_mrr_at_10_max": 24.192637911171722, + "nauc_mrr_at_10_std": 12.524608847408917, + "nauc_mrr_at_1_diff1": 19.43518811038007, + "nauc_mrr_at_1_max": 17.747482933395602, + "nauc_mrr_at_1_std": 8.410779775558684, + "nauc_mrr_at_20_diff1": 17.202663281407446, + "nauc_mrr_at_20_max": 24.091991130543118, + "nauc_mrr_at_20_std": 12.503814263019908, + "nauc_mrr_at_3_diff1": 17.52733013432995, + "nauc_mrr_at_3_max": 23.569459518780214, + "nauc_mrr_at_3_std": 11.770846827520726, + "nauc_mrr_at_5_diff1": 17.10817561975543, + "nauc_mrr_at_5_max": 23.945141435234678, + "nauc_mrr_at_5_std": 12.034468615317719, + "nauc_ndcg_at_1000_diff1": 12.317811393346936, + "nauc_ndcg_at_1000_max": 30.809991350156103, + "nauc_ndcg_at_1000_std": 24.517501065205067, + "nauc_ndcg_at_100_diff1": 12.824804203182936, + "nauc_ndcg_at_100_max": 30.895499817010748, + "nauc_ndcg_at_100_std": 25.424376279745402, + "nauc_ndcg_at_10_diff1": 13.32724552457439, + "nauc_ndcg_at_10_max": 30.409088666807456, + "nauc_ndcg_at_10_std": 18.216330475714113, + "nauc_ndcg_at_1_diff1": 19.43518811038007, + "nauc_ndcg_at_1_max": 17.747482933395602, + "nauc_ndcg_at_1_std": 8.410779775558684, + "nauc_ndcg_at_20_diff1": 12.224399111852902, + "nauc_ndcg_at_20_max": 29.86352330445272, + "nauc_ndcg_at_20_std": 21.196937851331807, + "nauc_ndcg_at_3_diff1": 15.367489533734027, + "nauc_ndcg_at_3_max": 26.76486390741532, + "nauc_ndcg_at_3_std": 12.606077508789923, + "nauc_ndcg_at_5_diff1": 13.831157482390935, + "nauc_ndcg_at_5_max": 28.070226983968904, + "nauc_ndcg_at_5_std": 15.236787943125435, + "nauc_precision_at_1000_diff1": 0.016122957101357048, + "nauc_precision_at_1000_max": 24.380929903557334, + "nauc_precision_at_1000_std": 34.54045112720052, + "nauc_precision_at_100_diff1": 7.255224788507301, + "nauc_precision_at_100_max": 27.98453788447542, + "nauc_precision_at_100_std": 35.38999555441665, + "nauc_precision_at_10_diff1": 9.69185099834181, + "nauc_precision_at_10_max": 32.532315522580454, + "nauc_precision_at_10_std": 21.48948348473612, + "nauc_precision_at_1_diff1": 19.43518811038007, + "nauc_precision_at_1_max": 17.747482933395602, + "nauc_precision_at_1_std": 8.410779775558684, + "nauc_precision_at_20_diff1": 6.964076536695672, + "nauc_precision_at_20_max": 29.30087236410044, + "nauc_precision_at_20_std": 26.413625895571986, + "nauc_precision_at_3_diff1": 14.145134359925155, + "nauc_precision_at_3_max": 29.915650960808303, + "nauc_precision_at_3_std": 14.095370019867797, + "nauc_precision_at_5_diff1": 11.043933558522692, + "nauc_precision_at_5_max": 30.93016505807111, + "nauc_precision_at_5_std": 17.749256196062603, + "nauc_recall_at_1000_diff1": -0.7776817772090345, + "nauc_recall_at_1000_max": 23.094717340324518, + "nauc_recall_at_1000_std": 37.189908681396425, + "nauc_recall_at_100_diff1": 6.887748742013364, + "nauc_recall_at_100_max": 27.00798435230277, + "nauc_recall_at_100_std": 35.908147807345344, + "nauc_recall_at_10_diff1": 9.605632017480751, + "nauc_recall_at_10_max": 31.845202901168655, + "nauc_recall_at_10_std": 21.497414586634683, + "nauc_recall_at_1_diff1": 19.353069488987916, + "nauc_recall_at_1_max": 17.093914951159693, + "nauc_recall_at_1_std": 8.19886078055046, + "nauc_recall_at_20_diff1": 6.927503731844782, + "nauc_recall_at_20_max": 28.611698183338202, + "nauc_recall_at_20_std": 26.69018660149911, + "nauc_recall_at_3_diff1": 14.043724087062268, + "nauc_recall_at_3_max": 29.269835821380465, + "nauc_recall_at_3_std": 14.104419605998094, + "nauc_recall_at_5_diff1": 11.017319452873336, + "nauc_recall_at_5_max": 30.295720628306228, + "nauc_recall_at_5_std": 17.758048545573825, + "ndcg_at_1": 28.999999999999996, + "ndcg_at_10": 25.041999999999998, + "ndcg_at_100": 35.045, + "ndcg_at_1000": 40.803, + "ndcg_at_20": 28.584, + "ndcg_at_3": 23.249, + "ndcg_at_5": 20.533, + "precision_at_1": 28.999999999999996, + "precision_at_10": 13.120000000000001, + "precision_at_100": 2.7470000000000003, + "precision_at_1000": 0.41200000000000003, + "precision_at_20": 8.584999999999999, + "precision_at_3": 21.633, + "precision_at_5": 18.099999999999998, + "recall_at_1": 5.893000000000001, + "recall_at_10": 26.567, + "recall_at_100": 55.800000000000004, + "recall_at_1000": 83.608, + "recall_at_20": 34.86, + "recall_at_3": 13.153, + "recall_at_5": 18.323 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/SICK-R.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/SICK-R.json new file mode 100644 index 000000000..a1e23a637 --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 86.57284584320382, + "cosine_spearman": 82.20531642680812, + "euclidean_pearson": 83.94261758556554, + "euclidean_spearman": 82.20721497738559, + "main_score": 82.20531642680812, + "manhattan_pearson": 84.15902154703083, + "manhattan_spearman": 82.19506027155957, + "pearson": 86.57284584320382, + "spearman": 82.20531642680812 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/STS12.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/STS12.json new file mode 100644 index 000000000..76a2e56c6 --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 86.28047602146931, + "cosine_spearman": 79.51504881448884, + "euclidean_pearson": 83.10545189967856, + "euclidean_spearman": 79.50586960492797, + "main_score": 79.51504881448884, + "manhattan_pearson": 83.44244457500889, + "manhattan_spearman": 79.730303339846, + "pearson": 86.28047602146931, + "spearman": 79.51504881448884 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/STS13.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/STS13.json new file mode 100644 index 000000000..2d08320bc --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 88.74723553048702, + "cosine_spearman": 89.18936052329725, + "euclidean_pearson": 88.90400878928668, + "euclidean_spearman": 89.19174821431281, + "main_score": 89.18936052329725, + "manhattan_pearson": 88.81504628424054, + "manhattan_spearman": 89.18063294142597, + "pearson": 88.74723553048702, + "spearman": 89.18936052329725 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/STS14.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/STS14.json new file mode 100644 index 000000000..14402fd71 --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 86.45403437836023, + "cosine_spearman": 85.14654611519086, + "euclidean_pearson": 85.87509624462743, + "euclidean_spearman": 85.1391108856681, + "main_score": 85.14654611519086, + "manhattan_pearson": 85.96635794953866, + "manhattan_spearman": 85.3271371527667, + "pearson": 86.45403437836023, + "spearman": 85.14654611519086 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/STS15.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/STS15.json new file mode 100644 index 000000000..f729d7b65 --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 87.84742260009705, + "cosine_spearman": 89.10215217191254, + "euclidean_pearson": 88.97393286325477, + "euclidean_spearman": 89.1014105509662, + "main_score": 89.10215217191254, + "manhattan_pearson": 89.31698781090151, + "manhattan_spearman": 89.53000001764433, + "pearson": 87.84742260009705, + "spearman": 89.10215217191254 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/STS16.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/STS16.json new file mode 100644 index 000000000..7ec4cea8c --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 85.22397535461835, + "cosine_spearman": 87.14066355879785, + "euclidean_pearson": 86.31393364087295, + "euclidean_spearman": 87.14018892702765, + "main_score": 87.14066355879785, + "manhattan_pearson": 86.36366855248434, + "manhattan_spearman": 87.20858630423012, + "pearson": 85.22397535461835, + "spearman": 87.14066355879785 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/STS17.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/STS17.json new file mode 100644 index 000000000..cad9c3ce4 --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "faeb762787bd10488a50c8b5be4a3b82e411949c", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 90.66131612061355, + "cosine_spearman": 90.97082650129164, + "euclidean_pearson": 90.98181906744969, + "euclidean_spearman": 90.99008476850047, + "main_score": 90.97082650129164, + "manhattan_pearson": 90.75245040709021, + "manhattan_spearman": 90.6199877691265, + "pearson": 90.66131612061355, + "spearman": 90.97082650129164 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/STS22.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/STS22.json new file mode 100644 index 000000000..e71da1938 --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "de9d86b3b84231dc21f76c7b7af1f28e2f57f6e3", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 67.270656447085, + "cosine_spearman": 67.82870469746828, + "euclidean_pearson": 69.03857775285664, + "euclidean_spearman": 67.74455108773341, + "main_score": 67.82870469746828, + "manhattan_pearson": 69.25304172245812, + "manhattan_spearman": 68.00987097916055, + "pearson": 67.270656447085, + "spearman": 67.82870469746828 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/STSBenchmark.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/STSBenchmark.json new file mode 100644 index 000000000..d1695da39 --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 87.17245205384889, + "cosine_spearman": 87.7360146030987, + "euclidean_pearson": 87.48919412794656, + "euclidean_spearman": 87.7312047878383, + "main_score": 87.7360146030987, + "manhattan_pearson": 87.61476224354806, + "manhattan_spearman": 87.95220889254693, + "pearson": 87.17245205384889, + "spearman": 87.7360146030987 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/SciDocsRR.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/SciDocsRR.json new file mode 100644 index 000000000..955a4fc3c --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/SciDocsRR.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 88.43547871921146, + "map": 88.43547871921146, + "mrr": 96.5564473652709, + "nAUC_map_diff1": -13.66029392579231, + "nAUC_map_max": 50.325613574053506, + "nAUC_map_std": 60.02986231275796, + "nAUC_mrr_diff1": 23.83821476411125, + "nAUC_mrr_max": 86.72643311769906, + "nAUC_mrr_std": 72.12741063469213 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/SciFact.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/SciFact.json new file mode 100644 index 000000000..c83f26f96 --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/SciFact.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 78.233, + "map_at_1": 61.49400000000001, + "map_at_10": 73.30600000000001, + "map_at_100": 73.719, + "map_at_1000": 73.724, + "map_at_20": 73.611, + "map_at_3": 70.626, + "map_at_5": 72.417, + "mrr_at_1": 64.66666666666666, + "mrr_at_10": 74.30357142857143, + "mrr_at_100": 74.56950898079988, + "mrr_at_1000": 74.57295833098681, + "mrr_at_20": 74.46165223665226, + "mrr_at_3": 72.3888888888889, + "mrr_at_5": 73.60555555555557, + "nauc_map_at_1000_diff1": 76.51524604780636, + "nauc_map_at_1000_max": 53.48521938401881, + "nauc_map_at_1000_std": -7.347799382158861, + "nauc_map_at_100_diff1": 76.5122888096236, + "nauc_map_at_100_max": 53.49221847471618, + "nauc_map_at_100_std": -7.329683735681086, + "nauc_map_at_10_diff1": 76.30928630674504, + "nauc_map_at_10_max": 53.00102977185941, + "nauc_map_at_10_std": -7.7467740085108705, + "nauc_map_at_1_diff1": 79.54189281784247, + "nauc_map_at_1_max": 46.630071622109526, + "nauc_map_at_1_std": -14.395943134644112, + "nauc_map_at_20_diff1": 76.41604361947962, + "nauc_map_at_20_max": 53.578883876146875, + "nauc_map_at_20_std": -7.403103451288041, + "nauc_map_at_3_diff1": 76.25911617571941, + "nauc_map_at_3_max": 49.140287380513605, + "nauc_map_at_3_std": -11.35992449218983, + "nauc_map_at_5_diff1": 76.35122077770336, + "nauc_map_at_5_max": 52.1744367901208, + "nauc_map_at_5_std": -7.85753955055384, + "nauc_mrr_at_1000_diff1": 76.97223309515867, + "nauc_mrr_at_1000_max": 57.263787498613326, + "nauc_mrr_at_1000_std": -4.884090708840035, + "nauc_mrr_at_100_diff1": 76.97312970894603, + "nauc_mrr_at_100_max": 57.26850730446478, + "nauc_mrr_at_100_std": -4.875200894216617, + "nauc_mrr_at_10_diff1": 76.65927674223613, + "nauc_mrr_at_10_max": 57.30979763941454, + "nauc_mrr_at_10_std": -4.863331094022142, + "nauc_mrr_at_1_diff1": 80.0454932568644, + "nauc_mrr_at_1_max": 56.76038421319305, + "nauc_mrr_at_1_std": -4.101939392632653, + "nauc_mrr_at_20_diff1": 76.87237970440503, + "nauc_mrr_at_20_max": 57.33843605225869, + "nauc_mrr_at_20_std": -4.96248984417978, + "nauc_mrr_at_3_diff1": 76.74130186666727, + "nauc_mrr_at_3_max": 56.19313244846155, + "nauc_mrr_at_3_std": -5.684365934009136, + "nauc_mrr_at_5_diff1": 76.66406918799962, + "nauc_mrr_at_5_max": 57.56110093228628, + "nauc_mrr_at_5_std": -3.7464413085588073, + "nauc_ndcg_at_1000_diff1": 76.19194173971773, + "nauc_ndcg_at_1000_max": 55.57464600170693, + "nauc_ndcg_at_1000_std": -6.0761689532372625, + "nauc_ndcg_at_100_diff1": 76.14631273843654, + "nauc_ndcg_at_100_max": 55.72246565373382, + "nauc_ndcg_at_100_std": -5.595160698860595, + "nauc_ndcg_at_10_diff1": 75.0108223611192, + "nauc_ndcg_at_10_max": 55.27894212877493, + "nauc_ndcg_at_10_std": -6.968331740214591, + "nauc_ndcg_at_1_diff1": 80.0454932568644, + "nauc_ndcg_at_1_max": 56.76038421319305, + "nauc_ndcg_at_1_std": -4.101939392632653, + "nauc_ndcg_at_20_diff1": 75.54887755702472, + "nauc_ndcg_at_20_max": 56.406879417251496, + "nauc_ndcg_at_20_std": -6.495231061329629, + "nauc_ndcg_at_3_diff1": 75.03620356688509, + "nauc_ndcg_at_3_max": 52.147381077773424, + "nauc_ndcg_at_3_std": -8.448005688956199, + "nauc_ndcg_at_5_diff1": 75.1195898074229, + "nauc_ndcg_at_5_max": 54.2321033861173, + "nauc_ndcg_at_5_std": -5.882690780895338, + "nauc_precision_at_1000_diff1": -28.081979732100532, + "nauc_precision_at_1000_max": 35.055348014832916, + "nauc_precision_at_1000_std": 59.61280468927384, + "nauc_precision_at_100_diff1": -25.112740730587458, + "nauc_precision_at_100_max": 38.26331300116496, + "nauc_precision_at_100_std": 62.46316222328831, + "nauc_precision_at_10_diff1": -2.6766206473658833, + "nauc_precision_at_10_max": 45.95321867204845, + "nauc_precision_at_10_std": 45.07212468670564, + "nauc_precision_at_1_diff1": 80.0454932568644, + "nauc_precision_at_1_max": 56.76038421319305, + "nauc_precision_at_1_std": -4.101939392632653, + "nauc_precision_at_20_diff1": -10.698911116738385, + "nauc_precision_at_20_max": 43.467275950182994, + "nauc_precision_at_20_std": 48.00467321991766, + "nauc_precision_at_3_diff1": 33.6344708541193, + "nauc_precision_at_3_max": 49.309242331670504, + "nauc_precision_at_3_std": 21.02940391379915, + "nauc_precision_at_5_diff1": 13.560415600596318, + "nauc_precision_at_5_max": 48.918726500100085, + "nauc_precision_at_5_std": 39.940930429172184, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": 70.82166199813196, + "nauc_recall_at_100_max": 76.6106442577042, + "nauc_recall_at_100_std": 66.47992530345513, + "nauc_recall_at_10_diff1": 62.68908885556092, + "nauc_recall_at_10_max": 58.14262437741839, + "nauc_recall_at_10_std": -12.946717875063369, + "nauc_recall_at_1_diff1": 79.54189281784247, + "nauc_recall_at_1_max": 46.630071622109526, + "nauc_recall_at_1_std": -14.395943134644112, + "nauc_recall_at_20_diff1": 65.79470497876567, + "nauc_recall_at_20_max": 71.68308183488456, + "nauc_recall_at_20_std": -12.556850697268453, + "nauc_recall_at_3_diff1": 68.3240211318129, + "nauc_recall_at_3_max": 45.05998217275036, + "nauc_recall_at_3_std": -14.23179772593869, + "nauc_recall_at_5_diff1": 67.53366869904056, + "nauc_recall_at_5_max": 53.57935627081027, + "nauc_recall_at_5_std": -3.3271112904853393, + "ndcg_at_1": 64.667, + "ndcg_at_10": 78.233, + "ndcg_at_100": 79.806, + "ndcg_at_1000": 79.92099999999999, + "ndcg_at_20": 79.006, + "ndcg_at_3": 74.018, + "ndcg_at_5": 76.334, + "precision_at_1": 64.667, + "precision_at_10": 10.4, + "precision_at_100": 1.1199999999999999, + "precision_at_1000": 0.11299999999999999, + "precision_at_20": 5.383, + "precision_at_3": 29.444, + "precision_at_5": 19.467000000000002, + "recall_at_1": 61.49400000000001, + "recall_at_10": 92.156, + "recall_at_100": 99.167, + "recall_at_1000": 100.0, + "recall_at_20": 94.833, + "recall_at_3": 80.833, + "recall_at_5": 86.6 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/SprintDuplicateQuestions.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..71672adcf --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/SprintDuplicateQuestions.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 99.8039603960396, + "cosine_accuracy_threshold": 84.54211950302124, + "cosine_ap": 95.59056372734358, + "cosine_f1": 90.1394422310757, + "cosine_f1_threshold": 84.54211950302124, + "cosine_precision": 89.78174603174604, + "cosine_recall": 90.5, + "dot_accuracy": 99.80594059405941, + "dot_accuracy_threshold": 85.57180166244507, + "dot_ap": 95.53453431914399, + "dot_f1": 90.10442565887618, + "dot_f1_threshold": 84.59715843200684, + "dot_precision": 89.61424332344214, + "dot_recall": 90.60000000000001, + "euclidean_accuracy": 99.8039603960396, + "euclidean_accuracy_threshold": 53.253382444381714, + "euclidean_ap": 95.5850992402159, + "euclidean_f1": 90.09457441513192, + "euclidean_f1_threshold": 55.725520849227905, + "euclidean_precision": 89.69276511397423, + "euclidean_recall": 90.5, + "main_score": 95.7485189884476, + "manhattan_accuracy": 99.81485148514851, + "manhattan_accuracy_threshold": 3491.29638671875, + "manhattan_ap": 95.7485189884476, + "manhattan_f1": 90.464048954615, + "manhattan_f1_threshold": 3491.29638671875, + "manhattan_precision": 92.2996878251821, + "manhattan_recall": 88.7, + "max_ap": 95.7485189884476, + "max_f1": 90.464048954615, + "max_precision": 92.2996878251821, + "max_recall": 90.60000000000001, + "similarity_accuracy": 99.8039603960396, + "similarity_accuracy_threshold": 84.54211950302124, + "similarity_ap": 95.59056372734358, + "similarity_f1": 90.1394422310757, + "similarity_f1_threshold": 84.54211950302124, + "similarity_precision": 89.78174603174604, + "similarity_recall": 90.5 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/StackExchangeClustering.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/StackExchangeClustering.json new file mode 100644 index 000000000..054c8aad6 --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/StackExchangeClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 78.49205191950675, + "v_measure": 78.49205191950675, + "v_measure_std": 2.84869550699959 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/StackExchangeClusteringP2P.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..5808a6ac1 --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/StackExchangeClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 48.90421736513028, + "v_measure": 48.90421736513028, + "v_measure_std": 1.6875865714471023 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/StackOverflowDupQuestions.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..a177725d1 --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/StackOverflowDupQuestions.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 52.9874730481696, + "map": 52.9874730481696, + "mrr": 53.85867604617604, + "nAUC_map_diff1": 39.633429293407616, + "nAUC_map_max": 10.236807988858546, + "nAUC_map_std": 10.276522217929674, + "nAUC_mrr_diff1": 40.0543079218377, + "nAUC_mrr_max": 10.96209807382042, + "nAUC_mrr_std": 10.524400196109918 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/SummEval.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/SummEval.json new file mode 100644 index 000000000..62426278f --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 30.727801109114232, + "cosine_spearman": 31.66058223980157, + "dot_pearson": 30.78818248622866, + "dot_spearman": 31.525158776890265, + "main_score": 31.66058223980157, + "pearson": 30.727801109114232, + "spearman": 31.66058223980157 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/TRECCOVID.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/TRECCOVID.json new file mode 100644 index 000000000..93c51ae54 --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/TRECCOVID.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "bb9466bac8153a0349341eb1b22e06409e78ef4e", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 85.206, + "map_at_1": 0.246, + "map_at_10": 2.1950000000000003, + "map_at_100": 14.179, + "map_at_1000": 35.037, + "map_at_20": 4.143, + "map_at_3": 0.7100000000000001, + "map_at_5": 1.135, + "mrr_at_1": 94.0, + "mrr_at_10": 96.66666666666666, + "mrr_at_100": 96.66666666666666, + "mrr_at_1000": 96.66666666666666, + "mrr_at_20": 96.66666666666666, + "mrr_at_3": 96.66666666666666, + "mrr_at_5": 96.66666666666666, + "nauc_map_at_1000_diff1": -4.6264497624527525, + "nauc_map_at_1000_max": 44.594457564749355, + "nauc_map_at_1000_std": 73.17642341400133, + "nauc_map_at_100_diff1": 23.451335157405726, + "nauc_map_at_100_max": 25.426398857299525, + "nauc_map_at_100_std": 64.07416694472633, + "nauc_map_at_10_diff1": 46.57568738568346, + "nauc_map_at_10_max": 9.693233249079238, + "nauc_map_at_10_std": 28.549530265164357, + "nauc_map_at_1_diff1": 53.48238396620123, + "nauc_map_at_1_max": 0.33476619393733076, + "nauc_map_at_1_std": 8.906362219128463, + "nauc_map_at_20_diff1": 39.40719602207749, + "nauc_map_at_20_max": 9.635915072074045, + "nauc_map_at_20_std": 35.15634791346394, + "nauc_map_at_3_diff1": 53.11784737840137, + "nauc_map_at_3_max": 3.059682761072153, + "nauc_map_at_3_std": 21.310633086556617, + "nauc_map_at_5_diff1": 49.91570701185436, + "nauc_map_at_5_max": 8.045082896244576, + "nauc_map_at_5_std": 20.597686235051647, + "nauc_mrr_at_1000_diff1": 41.98412698412726, + "nauc_mrr_at_1000_max": 78.24463118580779, + "nauc_mrr_at_1000_std": 0.30812324930028195, + "nauc_mrr_at_100_diff1": 41.98412698412726, + "nauc_mrr_at_100_max": 78.24463118580779, + "nauc_mrr_at_100_std": 0.30812324930028195, + "nauc_mrr_at_10_diff1": 41.98412698412726, + "nauc_mrr_at_10_max": 78.24463118580779, + "nauc_mrr_at_10_std": 0.30812324930028195, + "nauc_mrr_at_1_diff1": 38.62433862433873, + "nauc_mrr_at_1_max": 80.78120136943666, + "nauc_mrr_at_1_std": -10.768751945222197, + "nauc_mrr_at_20_diff1": 41.98412698412726, + "nauc_mrr_at_20_max": 78.24463118580779, + "nauc_mrr_at_20_std": 0.30812324930028195, + "nauc_mrr_at_3_diff1": 41.98412698412726, + "nauc_mrr_at_3_max": 78.24463118580779, + "nauc_mrr_at_3_std": 0.30812324930028195, + "nauc_mrr_at_5_diff1": 41.98412698412726, + "nauc_mrr_at_5_max": 78.24463118580779, + "nauc_mrr_at_5_std": 0.30812324930028195, + "nauc_ndcg_at_1000_diff1": 0.5174948602880207, + "nauc_ndcg_at_1000_max": 48.60686602077053, + "nauc_ndcg_at_1000_std": 75.72456343175277, + "nauc_ndcg_at_100_diff1": -20.747252137999254, + "nauc_ndcg_at_100_max": 49.985132618254994, + "nauc_ndcg_at_100_std": 61.096383293836574, + "nauc_ndcg_at_10_diff1": 6.791377920463332, + "nauc_ndcg_at_10_max": 57.50019332833286, + "nauc_ndcg_at_10_std": 49.201028841219426, + "nauc_ndcg_at_1_diff1": 54.92683440362145, + "nauc_ndcg_at_1_max": 83.8667228129276, + "nauc_ndcg_at_1_std": 1.6738604063586122, + "nauc_ndcg_at_20_diff1": -5.1948699196314925, + "nauc_ndcg_at_20_max": 54.483087684806556, + "nauc_ndcg_at_20_std": 50.54823818118781, + "nauc_ndcg_at_3_diff1": 26.267246500164372, + "nauc_ndcg_at_3_max": 63.0173212926611, + "nauc_ndcg_at_3_std": 41.025597406368256, + "nauc_ndcg_at_5_diff1": 16.910185454343036, + "nauc_ndcg_at_5_max": 60.9328683868778, + "nauc_ndcg_at_5_std": 36.70169905857712, + "nauc_precision_at_1000_diff1": -46.374447765983525, + "nauc_precision_at_1000_max": 35.36052337813863, + "nauc_precision_at_1000_std": 14.219220668161018, + "nauc_precision_at_100_diff1": -29.7838083657744, + "nauc_precision_at_100_max": 43.93589400385112, + "nauc_precision_at_100_std": 55.425045718579945, + "nauc_precision_at_10_diff1": -12.016613405227687, + "nauc_precision_at_10_max": 57.79924427743131, + "nauc_precision_at_10_std": 49.022036703550675, + "nauc_precision_at_1_diff1": 38.62433862433873, + "nauc_precision_at_1_max": 80.78120136943666, + "nauc_precision_at_1_std": -10.768751945222197, + "nauc_precision_at_20_diff1": -23.95633847880195, + "nauc_precision_at_20_max": 48.34715917258276, + "nauc_precision_at_20_std": 48.82198285255887, + "nauc_precision_at_3_diff1": 6.871296905858807, + "nauc_precision_at_3_max": 70.54805793285054, + "nauc_precision_at_3_std": 44.65108624094803, + "nauc_precision_at_5_diff1": -9.074932448759695, + "nauc_precision_at_5_max": 67.41284242437573, + "nauc_precision_at_5_std": 23.876891983919577, + "nauc_recall_at_1000_diff1": 8.142288830293255, + "nauc_recall_at_1000_max": 38.85182826835104, + "nauc_recall_at_1000_std": 68.60783819217335, + "nauc_recall_at_100_diff1": 34.262914076287466, + "nauc_recall_at_100_max": 12.87009658528838, + "nauc_recall_at_100_std": 56.21330603762995, + "nauc_recall_at_10_diff1": 49.33830945338758, + "nauc_recall_at_10_max": 0.3539875530671406, + "nauc_recall_at_10_std": 26.85864465557644, + "nauc_recall_at_1_diff1": 53.48238396620123, + "nauc_recall_at_1_max": 0.33476619393733076, + "nauc_recall_at_1_std": 8.906362219128463, + "nauc_recall_at_20_diff1": 44.21928181266254, + "nauc_recall_at_20_max": -0.9198356057088594, + "nauc_recall_at_20_std": 31.484376992896784, + "nauc_recall_at_3_diff1": 53.038093080990876, + "nauc_recall_at_3_max": -1.4170895916973003, + "nauc_recall_at_3_std": 21.890202855574497, + "nauc_recall_at_5_diff1": 49.39742214825278, + "nauc_recall_at_5_max": 2.8412267611894517, + "nauc_recall_at_5_std": 18.01598921859512, + "ndcg_at_1": 91.0, + "ndcg_at_10": 85.206, + "ndcg_at_100": 67.29, + "ndcg_at_1000": 60.584, + "ndcg_at_20": 82.321, + "ndcg_at_3": 88.642, + "ndcg_at_5": 87.063, + "precision_at_1": 94.0, + "precision_at_10": 89.8, + "precision_at_100": 69.78, + "precision_at_1000": 26.738, + "precision_at_20": 87.2, + "precision_at_3": 92.0, + "precision_at_5": 90.8, + "recall_at_1": 0.246, + "recall_at_10": 2.344, + "recall_at_100": 16.962, + "recall_at_1000": 57.325, + "recall_at_20": 4.517, + "recall_at_3": 0.731, + "recall_at_5": 1.1780000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/Touche2020.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/Touche2020.json new file mode 100644 index 000000000..00409a702 --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/Touche2020.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 31.455, + "map_at_1": 2.9739999999999998, + "map_at_10": 12.183, + "map_at_100": 18.772, + "map_at_1000": 20.415, + "map_at_20": 14.451, + "map_at_3": 6.507000000000001, + "map_at_5": 8.66, + "mrr_at_1": 40.816326530612244, + "mrr_at_10": 57.70975056689341, + "mrr_at_100": 58.18379126542391, + "mrr_at_1000": 58.18379126542391, + "mrr_at_20": 57.85552316164561, + "mrr_at_3": 54.08163265306123, + "mrr_at_5": 56.42857142857143, + "nauc_map_at_1000_diff1": 3.1567471051481437, + "nauc_map_at_1000_max": -1.5882060729791523, + "nauc_map_at_1000_std": 18.69622198722074, + "nauc_map_at_100_diff1": 3.3449677678147536, + "nauc_map_at_100_max": -2.8928606866168405, + "nauc_map_at_100_std": 15.789984947653412, + "nauc_map_at_10_diff1": 2.9696743570444264, + "nauc_map_at_10_max": -9.096749212011876, + "nauc_map_at_10_std": -5.38545817258353, + "nauc_map_at_1_diff1": 20.680780404542546, + "nauc_map_at_1_max": -7.04722927447817, + "nauc_map_at_1_std": -7.062494733973898, + "nauc_map_at_20_diff1": 4.070437790119271, + "nauc_map_at_20_max": -4.84491434686032, + "nauc_map_at_20_std": 0.5846341109021014, + "nauc_map_at_3_diff1": 11.9634978045925, + "nauc_map_at_3_max": -8.27834591046608, + "nauc_map_at_3_std": -8.687615453381065, + "nauc_map_at_5_diff1": 0.9195191526009436, + "nauc_map_at_5_max": -1.673813362719489, + "nauc_map_at_5_std": -6.67549753473631, + "nauc_mrr_at_1000_diff1": 19.877993208719573, + "nauc_mrr_at_1000_max": -10.37776706406218, + "nauc_mrr_at_1000_std": 7.132169578056367, + "nauc_mrr_at_100_diff1": 19.877993208719573, + "nauc_mrr_at_100_max": -10.37776706406218, + "nauc_mrr_at_100_std": 7.132169578056367, + "nauc_mrr_at_10_diff1": 20.414285568401457, + "nauc_mrr_at_10_max": -9.677800295687861, + "nauc_mrr_at_10_std": 8.001103690180859, + "nauc_mrr_at_1_diff1": 22.393284073955723, + "nauc_mrr_at_1_max": -5.889370191243167, + "nauc_mrr_at_1_std": -1.5183536173658247, + "nauc_mrr_at_20_diff1": 20.455564720604055, + "nauc_mrr_at_20_max": -10.230642830103074, + "nauc_mrr_at_20_std": 7.863582453266621, + "nauc_mrr_at_3_diff1": 17.554895390732618, + "nauc_mrr_at_3_max": -15.618463505555052, + "nauc_mrr_at_3_std": 5.913231577966864, + "nauc_mrr_at_5_diff1": 18.393678507779914, + "nauc_mrr_at_5_max": -11.903593353147762, + "nauc_mrr_at_5_std": 7.580745996262831, + "nauc_ndcg_at_1000_diff1": 13.746937095530473, + "nauc_ndcg_at_1000_max": -0.9319249687895838, + "nauc_ndcg_at_1000_std": 38.56328031451904, + "nauc_ndcg_at_100_diff1": 13.854865944415895, + "nauc_ndcg_at_100_max": -7.142142012591404, + "nauc_ndcg_at_100_std": 35.61341954818848, + "nauc_ndcg_at_10_diff1": 9.010144273248759, + "nauc_ndcg_at_10_max": -15.320014897424574, + "nauc_ndcg_at_10_std": 2.84883880489144, + "nauc_ndcg_at_1_diff1": 20.939533945592967, + "nauc_ndcg_at_1_max": -6.387319972188946, + "nauc_ndcg_at_1_std": -0.5258673122126726, + "nauc_ndcg_at_20_diff1": 14.660827309009496, + "nauc_ndcg_at_20_max": -13.476196120145994, + "nauc_ndcg_at_20_std": 8.22391881710838, + "nauc_ndcg_at_3_diff1": 13.429985227235935, + "nauc_ndcg_at_3_max": -14.904544592570247, + "nauc_ndcg_at_3_std": 1.599779998183342, + "nauc_ndcg_at_5_diff1": 8.085466231900622, + "nauc_ndcg_at_5_max": -9.09591969526831, + "nauc_ndcg_at_5_std": 3.5794092637248505, + "nauc_precision_at_1000_diff1": -9.31941215946743, + "nauc_precision_at_1000_max": 31.52913520470716, + "nauc_precision_at_1000_std": 22.720784312185856, + "nauc_precision_at_100_diff1": 8.958548406995279, + "nauc_precision_at_100_max": 15.100597910674104, + "nauc_precision_at_100_std": 71.04548238175113, + "nauc_precision_at_10_diff1": 12.4698194690008, + "nauc_precision_at_10_max": -15.84870544871496, + "nauc_precision_at_10_std": 7.575297622501928, + "nauc_precision_at_1_diff1": 22.393284073955723, + "nauc_precision_at_1_max": -5.889370191243167, + "nauc_precision_at_1_std": -1.5183536173658247, + "nauc_precision_at_20_diff1": 15.393505718138758, + "nauc_precision_at_20_max": -3.70684298539384, + "nauc_precision_at_20_std": 29.426137824970304, + "nauc_precision_at_3_diff1": 9.997768085465394, + "nauc_precision_at_3_max": -17.12224314347674, + "nauc_precision_at_3_std": -1.343018166772313, + "nauc_precision_at_5_diff1": 3.8936997437913554, + "nauc_precision_at_5_max": -5.689104289687632, + "nauc_precision_at_5_std": 3.181098051304285, + "nauc_recall_at_1000_diff1": 9.908303508158387, + "nauc_recall_at_1000_max": 6.174506592699848, + "nauc_recall_at_1000_std": 77.41931114780012, + "nauc_recall_at_100_diff1": 10.286839241876192, + "nauc_recall_at_100_max": -6.6138697026666815, + "nauc_recall_at_100_std": 49.608313692633224, + "nauc_recall_at_10_diff1": 2.215545846659851, + "nauc_recall_at_10_max": -17.83025802478445, + "nauc_recall_at_10_std": -3.3784768673705465, + "nauc_recall_at_1_diff1": 20.680780404542546, + "nauc_recall_at_1_max": -7.04722927447817, + "nauc_recall_at_1_std": -7.062494733973898, + "nauc_recall_at_20_diff1": 6.974410239251615, + "nauc_recall_at_20_max": -14.161147924731646, + "nauc_recall_at_20_std": 9.328412057721454, + "nauc_recall_at_3_diff1": 7.904589805754212, + "nauc_recall_at_3_max": -12.1912388648593, + "nauc_recall_at_3_std": -9.221542013385555, + "nauc_recall_at_5_diff1": -3.2604132752706914, + "nauc_recall_at_5_max": -6.886351441658915, + "nauc_recall_at_5_std": -7.014252851712789, + "ndcg_at_1": 39.796, + "ndcg_at_10": 31.455, + "ndcg_at_100": 42.388999999999996, + "ndcg_at_1000": 53.556000000000004, + "ndcg_at_20": 30.808000000000003, + "ndcg_at_3": 35.831, + "ndcg_at_5": 32.845, + "precision_at_1": 40.816, + "precision_at_10": 27.143, + "precision_at_100": 8.449, + "precision_at_1000": 1.6179999999999999, + "precision_at_20": 19.387999999999998, + "precision_at_3": 35.374, + "precision_at_5": 31.019999999999996, + "recall_at_1": 2.9739999999999998, + "recall_at_10": 19.39, + "recall_at_100": 51.636, + "recall_at_1000": 86.99900000000001, + "recall_at_20": 26.478, + "recall_at_3": 7.703, + "recall_at_5": 11.42 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/ToxicConversationsClassification.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..dfeb54799 --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/ToxicConversationsClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.9384765625, + "ap": 31.737513704141552, + "ap_weighted": 31.737513704141552, + "f1": 71.5490757306975, + "f1_weighted": 89.14632533489856, + "main_score": 86.9384765625 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/TweetSentimentExtractionClassification.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..67018c611 --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.57668364459535, + "f1": 73.90467103648074, + "f1_weighted": 73.42158415034704, + "main_score": 73.57668364459535 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/TwentyNewsgroupsClustering.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..39b8e9acf --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 58.574148097494685, + "v_measure": 58.574148097494685, + "v_measure_std": 0.9443161637490822 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/TwitterSemEval2015.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/TwitterSemEval2015.json new file mode 100644 index 000000000..1cde182cc --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/TwitterSemEval2015.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 88.1385229778864, + "cosine_accuracy_threshold": 83.86307954788208, + "cosine_ap": 80.17965893449055, + "cosine_f1": 73.0614300100705, + "cosine_f1_threshold": 80.7942807674408, + "cosine_precision": 69.8603755416466, + "cosine_recall": 76.56992084432717, + "dot_accuracy": 88.2100494724921, + "dot_accuracy_threshold": 83.84793996810913, + "dot_ap": 80.18603932881858, + "dot_f1": 73.07643714466204, + "dot_f1_threshold": 80.87586164474487, + "dot_precision": 70.10909090909091, + "dot_recall": 76.3060686015831, + "euclidean_accuracy": 88.1385229778864, + "euclidean_accuracy_threshold": 56.77661895751953, + "euclidean_ap": 80.1784070881624, + "euclidean_f1": 73.04830369529574, + "euclidean_f1_threshold": 61.91838979721069, + "euclidean_precision": 69.96859144720948, + "euclidean_recall": 76.41160949868075, + "main_score": 80.18603932881858, + "manhattan_accuracy": 88.0431543184121, + "manhattan_accuracy_threshold": 3755.6137084960938, + "manhattan_ap": 79.98270453664578, + "manhattan_f1": 72.68242015061023, + "manhattan_f1_threshold": 3892.494583129883, + "manhattan_precision": 71.54907975460122, + "manhattan_recall": 73.85224274406332, + "max_ap": 80.18603932881858, + "max_f1": 73.07643714466204, + "max_precision": 71.54907975460122, + "max_recall": 76.56992084432717, + "similarity_accuracy": 88.1385229778864, + "similarity_accuracy_threshold": 83.86307954788208, + "similarity_ap": 80.17965893449055, + "similarity_f1": 73.0614300100705, + "similarity_f1_threshold": 80.7942807674408, + "similarity_precision": 69.8603755416466, + "similarity_recall": 76.56992084432717 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/TwitterURLCorpus.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/TwitterURLCorpus.json new file mode 100644 index 000000000..0327d0010 --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/TwitterURLCorpus.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 89.7892653393876, + "cosine_accuracy_threshold": 79.69566583633423, + "cosine_ap": 87.4579867302024, + "cosine_f1": 79.91620843152658, + "cosine_f1_threshold": 78.53609323501587, + "cosine_precision": 77.7155329210622, + "cosine_recall": 82.24514936864799, + "dot_accuracy": 89.78732487289945, + "dot_accuracy_threshold": 80.05315661430359, + "dot_ap": 87.44916182456272, + "dot_f1": 79.90419878751591, + "dot_f1_threshold": 78.57890725135803, + "dot_precision": 77.73409057812728, + "dot_recall": 82.19895287958116, + "euclidean_accuracy": 89.78538440641131, + "euclidean_accuracy_threshold": 62.29925751686096, + "euclidean_ap": 87.45904868911386, + "euclidean_f1": 79.93127404474657, + "euclidean_f1_threshold": 65.61101078987122, + "euclidean_precision": 77.62060210373595, + "euclidean_recall": 82.38373883584848, + "main_score": 87.46554314325058, + "manhattan_accuracy": 89.76597974152986, + "manhattan_accuracy_threshold": 3988.5299682617188, + "manhattan_ap": 87.46554314325058, + "manhattan_f1": 79.97181740645973, + "manhattan_f1_threshold": 4235.905838012695, + "manhattan_precision": 77.13713427283783, + "manhattan_recall": 83.02279026793964, + "max_ap": 87.46554314325058, + "max_f1": 79.97181740645973, + "max_precision": 77.73409057812728, + "max_recall": 83.02279026793964, + "similarity_accuracy": 89.7892653393876, + "similarity_accuracy_threshold": 79.69566583633423, + "similarity_ap": 87.4579867302024, + "similarity_f1": 79.91620843152658, + "similarity_f1_threshold": 78.53609323501587, + "similarity_precision": 77.7155329210622, + "similarity_recall": 82.24514936864799 + } + ] + } +} \ No newline at end of file diff --git a/results/Marqo__dunzhang-stella_en_400M_v5/external/model_meta.json b/results/Marqo__dunzhang-stella_en_400M_v5/external/model_meta.json new file mode 100644 index 000000000..ef1b81f55 --- /dev/null +++ b/results/Marqo__dunzhang-stella_en_400M_v5/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "Marqo/dunzhang-stella_en_400M_v5", + "revision": "27ceae994775df193379885c5b234340d2add3e6", + "release_date": "2024-09-25", + "languages": [], + "loader": null, + "n_parameters": 435188736, + "memory_usage": null, + "max_tokens": 8192, + "embed_dim": 1024, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/AmazonCounterfactualClassification.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..4a5b69d7b --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 82.22388059701493, + "ap": 47.788307673555714, + "f1": 76.49604943193079, + "main_score": 82.22388059701493 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/AmazonPolarityClassification.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..dce91f615 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 89.69365, + "ap": 86.10524801582373, + "f1": 89.68072139277054, + "main_score": 89.69365 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/AmazonReviewsClassification.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..34ca0c5f1 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 48.472, + "f1": 47.393562374719444, + "main_score": 48.472 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/ArguAna.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/ArguAna.json new file mode 100644 index 000000000..930c3097b --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.942999999999998, + "map_at_10": 47.233999999999995, + "map_at_100": 48.031, + "map_at_1000": 48.033, + "map_at_3": 42.307, + "map_at_5": 45.269, + "mrr_at_1": 30.797, + "mrr_at_10": 47.53, + "mrr_at_100": 48.327, + "mrr_at_1000": 48.329, + "mrr_at_3": 42.662, + "mrr_at_5": 45.564, + "ndcg_at_1": 29.942999999999998, + "ndcg_at_10": 56.535000000000004, + "ndcg_at_100": 59.699999999999996, + "ndcg_at_1000": 59.731, + "ndcg_at_3": 46.397, + "ndcg_at_5": 51.747, + "precision_at_1": 29.942999999999998, + "precision_at_10": 8.613, + "precision_at_100": 0.9939999999999999, + "precision_at_1000": 0.1, + "precision_at_3": 19.417, + "precision_at_5": 14.252999999999998, + "recall_at_1": 29.942999999999998, + "recall_at_10": 86.131, + "recall_at_100": 99.431, + "recall_at_1000": 99.644, + "recall_at_3": 58.25, + "recall_at_5": 71.26599999999999, + "main_score": 56.535000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/ArxivClusteringP2P.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..38bdca9f2 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 43.136536817000525, + "main_score": 43.136536817000525 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/ArxivClusteringS2S.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..bb8fc8ab9 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 42.37552764639677, + "main_score": 42.37552764639677 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/AskUbuntuDupQuestions.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..f554b567a --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 63.13252095544898, + "mrr": 75.23721584663414, + "main_score": 63.13252095544898 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/BIOSSES.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/BIOSSES.json new file mode 100644 index 000000000..027e42288 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/BIOSSES.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 82.13259433844514, + "cosine_spearman": 82.13259433844514, + "main_score": 82.13259433844514 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/Banking77Classification.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/Banking77Classification.json new file mode 100644 index 000000000..ec94c1800 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 88.16558441558442, + "f1": 88.1065214360906, + "main_score": 88.16558441558442 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/BiorxivClusteringP2P.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..9a753197c --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.88158182824787, + "main_score": 35.88158182824787 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/BiorxivClusteringS2S.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..a11314a54 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.80880955757979, + "main_score": 34.80880955757979 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/CQADupstackAndroidRetrieval.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..a46c84971 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 35.793, + "map_at_10": 48.413000000000004, + "map_at_100": 50.112, + "map_at_1000": 50.212999999999994, + "map_at_3": 44.656, + "map_at_5": 46.577, + "mrr_at_1": 44.921, + "mrr_at_10": 55.16, + "mrr_at_100": 55.886, + "mrr_at_1000": 55.915000000000006, + "mrr_at_3": 52.861000000000004, + "mrr_at_5": 54.113, + "ndcg_at_1": 44.921, + "ndcg_at_10": 55.205000000000005, + "ndcg_at_100": 60.62800000000001, + "ndcg_at_1000": 61.949, + "ndcg_at_3": 50.597, + "ndcg_at_5": 52.261, + "precision_at_1": 44.921, + "precision_at_10": 10.73, + "precision_at_100": 1.6809999999999998, + "precision_at_1000": 0.208, + "precision_at_3": 24.701999999999998, + "precision_at_5": 17.339, + "recall_at_1": 35.793, + "recall_at_10": 67.49300000000001, + "recall_at_100": 89.74499999999999, + "recall_at_1000": 97.855, + "recall_at_3": 52.586, + "recall_at_5": 58.267, + "main_score": 55.205000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/CQADupstackEnglishRetrieval.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/CQADupstackEnglishRetrieval.json new file mode 100644 index 000000000..26e6fee4a --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/CQADupstackEnglishRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackEnglishRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 35.989, + "map_at_10": 47.61, + "map_at_100": 48.956, + "map_at_1000": 49.074, + "map_at_3": 44.563, + "map_at_5": 46.181, + "mrr_at_1": 45.096000000000004, + "mrr_at_10": 53.583999999999996, + "mrr_at_100": 54.242000000000004, + "mrr_at_1000": 54.277, + "mrr_at_3": 51.73, + "mrr_at_5": 52.759, + "ndcg_at_1": 45.096000000000004, + "ndcg_at_10": 53.318, + "ndcg_at_100": 57.541, + "ndcg_at_1000": 59.30800000000001, + "ndcg_at_3": 49.725, + "ndcg_at_5": 51.117000000000004, + "precision_at_1": 45.096000000000004, + "precision_at_10": 10.032, + "precision_at_100": 1.559, + "precision_at_1000": 0.201, + "precision_at_3": 24.331, + "precision_at_5": 16.777, + "recall_at_1": 35.989, + "recall_at_10": 62.759, + "recall_at_100": 80.353, + "recall_at_1000": 91.328, + "recall_at_3": 51.127, + "recall_at_5": 55.823, + "main_score": 53.318 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/CQADupstackGamingRetrieval.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/CQADupstackGamingRetrieval.json new file mode 100644 index 000000000..438ff3c4d --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/CQADupstackGamingRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackGamingRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 44.277, + "map_at_10": 57.699, + "map_at_100": 58.718, + "map_at_1000": 58.754, + "map_at_3": 54.04, + "map_at_5": 56.184999999999995, + "mrr_at_1": 50.658, + "mrr_at_10": 61.245000000000005, + "mrr_at_100": 61.839999999999996, + "mrr_at_1000": 61.85699999999999, + "mrr_at_3": 58.797999999999995, + "mrr_at_5": 60.35, + "ndcg_at_1": 50.658, + "ndcg_at_10": 63.788, + "ndcg_at_100": 67.52, + "ndcg_at_1000": 68.12, + "ndcg_at_3": 57.923, + "ndcg_at_5": 60.976, + "precision_at_1": 50.658, + "precision_at_10": 10.257, + "precision_at_100": 1.303, + "precision_at_1000": 0.13799999999999998, + "precision_at_3": 25.705, + "precision_at_5": 17.718, + "recall_at_1": 44.277, + "recall_at_10": 78.056, + "recall_at_100": 93.973, + "recall_at_1000": 97.946, + "recall_at_3": 62.578, + "recall_at_5": 70.03, + "main_score": 63.788 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/CQADupstackGisRetrieval.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/CQADupstackGisRetrieval.json new file mode 100644 index 000000000..495324e4f --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/CQADupstackGisRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackGisRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.101, + "map_at_10": 36.775000000000006, + "map_at_100": 37.901, + "map_at_1000": 37.97, + "map_at_3": 33.721000000000004, + "map_at_5": 35.641, + "mrr_at_1": 29.153000000000002, + "mrr_at_10": 38.951, + "mrr_at_100": 39.896, + "mrr_at_1000": 39.946, + "mrr_at_3": 36.102000000000004, + "mrr_at_5": 37.96, + "ndcg_at_1": 29.153000000000002, + "ndcg_at_10": 42.134, + "ndcg_at_100": 47.499, + "ndcg_at_1000": 49.169000000000004, + "ndcg_at_3": 36.351, + "ndcg_at_5": 39.596, + "precision_at_1": 29.153000000000002, + "precision_at_10": 6.508, + "precision_at_100": 0.966, + "precision_at_1000": 0.11499999999999999, + "precision_at_3": 15.367, + "precision_at_5": 11.096, + "recall_at_1": 27.101, + "recall_at_10": 56.447, + "recall_at_100": 80.828, + "recall_at_1000": 93.171, + "recall_at_3": 41.087, + "recall_at_5": 48.888999999999996, + "main_score": 42.134 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/CQADupstackMathematicaRetrieval.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/CQADupstackMathematicaRetrieval.json new file mode 100644 index 000000000..5a7e61398 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/CQADupstackMathematicaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackMathematicaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.227, + "map_at_10": 28.965000000000003, + "map_at_100": 30.383, + "map_at_1000": 30.494, + "map_at_3": 26.157999999999998, + "map_at_5": 27.794, + "mrr_at_1": 23.756, + "mrr_at_10": 33.728, + "mrr_at_100": 34.743, + "mrr_at_1000": 34.799, + "mrr_at_3": 31.074, + "mrr_at_5": 32.803, + "ndcg_at_1": 23.756, + "ndcg_at_10": 34.772, + "ndcg_at_100": 41.041, + "ndcg_at_1000": 43.399, + "ndcg_at_3": 29.776000000000003, + "ndcg_at_5": 32.318999999999996, + "precision_at_1": 23.756, + "precision_at_10": 6.505, + "precision_at_100": 1.107, + "precision_at_1000": 0.14400000000000002, + "precision_at_3": 14.594, + "precision_at_5": 10.671999999999999, + "recall_at_1": 19.227, + "recall_at_10": 47.514, + "recall_at_100": 74.378, + "recall_at_1000": 90.615, + "recall_at_3": 33.995, + "recall_at_5": 40.361000000000004, + "main_score": 34.772 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/CQADupstackPhysicsRetrieval.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/CQADupstackPhysicsRetrieval.json new file mode 100644 index 000000000..60730f3a5 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/CQADupstackPhysicsRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackPhysicsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 34.164, + "map_at_10": 45.943, + "map_at_100": 47.321999999999996, + "map_at_1000": 47.426, + "map_at_3": 42.485, + "map_at_5": 44.440000000000005, + "mrr_at_1": 41.577999999999996, + "mrr_at_10": 51.373000000000005, + "mrr_at_100": 52.176, + "mrr_at_1000": 52.205999999999996, + "mrr_at_3": 49.07, + "mrr_at_5": 50.451, + "ndcg_at_1": 41.577999999999996, + "ndcg_at_10": 52.071, + "ndcg_at_100": 57.467999999999996, + "ndcg_at_1000": 59.068, + "ndcg_at_3": 47.053, + "ndcg_at_5": 49.508, + "precision_at_1": 41.577999999999996, + "precision_at_10": 9.461, + "precision_at_100": 1.425, + "precision_at_1000": 0.17500000000000002, + "precision_at_3": 22.425, + "precision_at_5": 15.823, + "recall_at_1": 34.164, + "recall_at_10": 64.446, + "recall_at_100": 86.978, + "recall_at_1000": 96.976, + "recall_at_3": 50.358999999999995, + "recall_at_5": 56.825, + "main_score": 52.071 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/CQADupstackProgrammersRetrieval.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/CQADupstackProgrammersRetrieval.json new file mode 100644 index 000000000..897072667 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/CQADupstackProgrammersRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackProgrammersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.988, + "map_at_10": 43.293, + "map_at_100": 44.64, + "map_at_1000": 44.735, + "map_at_3": 39.041, + "map_at_5": 41.461999999999996, + "mrr_at_1": 39.498, + "mrr_at_10": 49.763000000000005, + "mrr_at_100": 50.517, + "mrr_at_1000": 50.556, + "mrr_at_3": 46.747, + "mrr_at_5": 48.522, + "ndcg_at_1": 39.498, + "ndcg_at_10": 50.285000000000004, + "ndcg_at_100": 55.457, + "ndcg_at_1000": 57.062999999999995, + "ndcg_at_3": 43.795, + "ndcg_at_5": 46.813, + "precision_at_1": 39.498, + "precision_at_10": 9.486, + "precision_at_100": 1.403, + "precision_at_1000": 0.172, + "precision_at_3": 21.081, + "precision_at_5": 15.434000000000001, + "recall_at_1": 30.988, + "recall_at_10": 64.751, + "recall_at_100": 86.496, + "recall_at_1000": 96.86200000000001, + "recall_at_3": 46.412, + "recall_at_5": 54.381, + "main_score": 50.285000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/CQADupstackStatsRetrieval.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/CQADupstackStatsRetrieval.json new file mode 100644 index 000000000..015c1afd5 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/CQADupstackStatsRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackStatsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.102999999999998, + "map_at_10": 33.822, + "map_at_100": 34.77, + "map_at_1000": 34.862, + "map_at_3": 31.305, + "map_at_5": 32.714999999999996, + "mrr_at_1": 28.221, + "mrr_at_10": 36.677, + "mrr_at_100": 37.419999999999995, + "mrr_at_1000": 37.49, + "mrr_at_3": 34.407, + "mrr_at_5": 35.510999999999996, + "ndcg_at_1": 28.221, + "ndcg_at_10": 38.739000000000004, + "ndcg_at_100": 43.4, + "ndcg_at_1000": 45.759, + "ndcg_at_3": 34.076, + "ndcg_at_5": 36.153999999999996, + "precision_at_1": 28.221, + "precision_at_10": 6.227, + "precision_at_100": 0.9339999999999999, + "precision_at_1000": 0.122, + "precision_at_3": 14.979999999999999, + "precision_at_5": 10.306999999999999, + "recall_at_1": 25.102999999999998, + "recall_at_10": 50.924, + "recall_at_100": 72.507, + "recall_at_1000": 89.869, + "recall_at_3": 38.041000000000004, + "recall_at_5": 43.139, + "main_score": 38.739000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/CQADupstackTexRetrieval.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/CQADupstackTexRetrieval.json new file mode 100644 index 000000000..9fcdf0136 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/CQADupstackTexRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackTexRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.284000000000002, + "map_at_10": 27.632, + "map_at_100": 28.811999999999998, + "map_at_1000": 28.937, + "map_at_3": 24.884, + "map_at_5": 26.479999999999997, + "mrr_at_1": 23.641000000000002, + "mrr_at_10": 31.716, + "mrr_at_100": 32.644, + "mrr_at_1000": 32.717, + "mrr_at_3": 29.284, + "mrr_at_5": 30.697000000000003, + "ndcg_at_1": 23.641000000000002, + "ndcg_at_10": 32.805, + "ndcg_at_100": 38.229, + "ndcg_at_1000": 40.938, + "ndcg_at_3": 28.116999999999997, + "ndcg_at_5": 30.442999999999998, + "precision_at_1": 23.641000000000002, + "precision_at_10": 6.05, + "precision_at_100": 1.0250000000000001, + "precision_at_1000": 0.14400000000000002, + "precision_at_3": 13.478000000000002, + "precision_at_5": 9.876, + "recall_at_1": 19.284000000000002, + "recall_at_10": 44.257999999999996, + "recall_at_100": 68.475, + "recall_at_1000": 87.362, + "recall_at_3": 31.09, + "recall_at_5": 37.13, + "main_score": 32.805 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/CQADupstackUnixRetrieval.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/CQADupstackUnixRetrieval.json new file mode 100644 index 000000000..3e6afcdf5 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/CQADupstackUnixRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackUnixRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.301000000000002, + "map_at_10": 40.65, + "map_at_100": 41.934, + "map_at_1000": 42.025, + "map_at_3": 37.482, + "map_at_5": 39.364, + "mrr_at_1": 35.728, + "mrr_at_10": 44.836999999999996, + "mrr_at_100": 45.747, + "mrr_at_1000": 45.800000000000004, + "mrr_at_3": 42.335, + "mrr_at_5": 43.818, + "ndcg_at_1": 35.728, + "ndcg_at_10": 46.199, + "ndcg_at_100": 51.721, + "ndcg_at_1000": 53.751000000000005, + "ndcg_at_3": 41.053, + "ndcg_at_5": 43.686, + "precision_at_1": 35.728, + "precision_at_10": 7.836, + "precision_at_100": 1.179, + "precision_at_1000": 0.146, + "precision_at_3": 18.781, + "precision_at_5": 13.245999999999999, + "recall_at_1": 30.301000000000002, + "recall_at_10": 58.626999999999995, + "recall_at_100": 82.245, + "recall_at_1000": 96.177, + "recall_at_3": 44.533, + "recall_at_5": 51.449, + "main_score": 46.199 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/CQADupstackWebmastersRetrieval.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/CQADupstackWebmastersRetrieval.json new file mode 100644 index 000000000..5905b572c --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/CQADupstackWebmastersRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackWebmastersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.203000000000003, + "map_at_10": 38.988, + "map_at_100": 40.986, + "map_at_1000": 41.198, + "map_at_3": 36.069, + "map_at_5": 37.547000000000004, + "mrr_at_1": 35.178, + "mrr_at_10": 43.858999999999995, + "mrr_at_100": 44.938, + "mrr_at_1000": 44.986, + "mrr_at_3": 41.535, + "mrr_at_5": 42.809999999999995, + "ndcg_at_1": 35.178, + "ndcg_at_10": 45.025, + "ndcg_at_100": 51.397999999999996, + "ndcg_at_1000": 53.419000000000004, + "ndcg_at_3": 40.451, + "ndcg_at_5": 42.304, + "precision_at_1": 35.178, + "precision_at_10": 8.538, + "precision_at_100": 1.755, + "precision_at_1000": 0.249, + "precision_at_3": 18.906, + "precision_at_5": 13.241, + "recall_at_1": 29.203000000000003, + "recall_at_10": 55.876999999999995, + "recall_at_100": 83.234, + "recall_at_1000": 96.056, + "recall_at_3": 42.472, + "recall_at_5": 47.78, + "main_score": 45.025 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/CQADupstackWordpressRetrieval.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/CQADupstackWordpressRetrieval.json new file mode 100644 index 000000000..766f0694f --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/CQADupstackWordpressRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackWordpressRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.202, + "map_at_10": 32.021, + "map_at_100": 33.217999999999996, + "map_at_1000": 33.323, + "map_at_3": 29.359, + "map_at_5": 30.792, + "mrr_at_1": 26.802, + "mrr_at_10": 34.577999999999996, + "mrr_at_100": 35.65, + "mrr_at_1000": 35.724000000000004, + "mrr_at_3": 32.286, + "mrr_at_5": 33.506, + "ndcg_at_1": 26.802, + "ndcg_at_10": 36.882999999999996, + "ndcg_at_100": 42.321, + "ndcg_at_1000": 44.906, + "ndcg_at_3": 31.804, + "ndcg_at_5": 34.098, + "precision_at_1": 26.802, + "precision_at_10": 5.7860000000000005, + "precision_at_100": 0.9079999999999999, + "precision_at_1000": 0.125, + "precision_at_3": 13.494, + "precision_at_5": 9.464, + "recall_at_1": 24.202, + "recall_at_10": 49.516, + "recall_at_100": 73.839, + "recall_at_1000": 92.995, + "recall_at_3": 35.502, + "recall_at_5": 41.183, + "main_score": 36.882999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/ClimateFEVER.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/ClimateFEVER.json new file mode 100644 index 000000000..f9b7380d5 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 12.651000000000002, + "map_at_10": 21.773, + "map_at_100": 23.901, + "map_at_1000": 24.096999999999998, + "map_at_3": 18.012, + "map_at_5": 19.979, + "mrr_at_1": 28.143, + "mrr_at_10": 40.772999999999996, + "mrr_at_100": 41.735, + "mrr_at_1000": 41.768, + "mrr_at_3": 37.458999999999996, + "mrr_at_5": 39.528, + "ndcg_at_1": 28.143, + "ndcg_at_10": 30.705, + "ndcg_at_100": 38.554, + "ndcg_at_1000": 41.846, + "ndcg_at_3": 24.954, + "ndcg_at_5": 27.12, + "precision_at_1": 28.143, + "precision_at_10": 9.622, + "precision_at_100": 1.8030000000000002, + "precision_at_1000": 0.242, + "precision_at_3": 18.654, + "precision_at_5": 14.567, + "recall_at_1": 12.651000000000002, + "recall_at_10": 37.24, + "recall_at_100": 63.660000000000004, + "recall_at_1000": 81.878, + "recall_at_3": 23.205000000000002, + "recall_at_5": 29.081000000000003, + "main_score": 30.705 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/DBPedia.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/DBPedia.json new file mode 100644 index 000000000..fc1f35299 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 10.075000000000001, + "map_at_10": 23.344, + "map_at_100": 33.219, + "map_at_1000": 35.165, + "map_at_3": 15.857, + "map_at_5": 19.195999999999998, + "mrr_at_1": 74.5, + "mrr_at_10": 81.056, + "mrr_at_100": 81.281, + "mrr_at_1000": 81.285, + "mrr_at_3": 79.667, + "mrr_at_5": 80.529, + "ndcg_at_1": 62.125, + "ndcg_at_10": 48.416, + "ndcg_at_100": 52.842999999999996, + "ndcg_at_1000": 60.318000000000005, + "ndcg_at_3": 52.381, + "ndcg_at_5": 50.439, + "precision_at_1": 74.5, + "precision_at_10": 38.975, + "precision_at_100": 12.046999999999999, + "precision_at_1000": 2.3369999999999997, + "precision_at_3": 55.833, + "precision_at_5": 49.2, + "recall_at_1": 10.075000000000001, + "recall_at_10": 29.470000000000002, + "recall_at_100": 59.09100000000001, + "recall_at_1000": 82.555, + "recall_at_3": 17.058, + "recall_at_5": 22.148, + "main_score": 48.416 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/EmotionClassification.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/EmotionClassification.json new file mode 100644 index 000000000..2e5c9eaa6 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 51.70999999999999, + "f1": 46.808328210555985, + "main_score": 51.70999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/FEVER.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/FEVER.json new file mode 100644 index 000000000..c789c542d --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 80.026, + "map_at_10": 86.856, + "map_at_100": 87.04899999999999, + "map_at_1000": 87.062, + "map_at_3": 85.964, + "map_at_5": 86.53699999999999, + "mrr_at_1": 86.169, + "mrr_at_10": 91.569, + "mrr_at_100": 91.619, + "mrr_at_1000": 91.619, + "mrr_at_3": 91.12700000000001, + "mrr_at_5": 91.45400000000001, + "ndcg_at_1": 86.169, + "ndcg_at_10": 89.92599999999999, + "ndcg_at_100": 90.565, + "ndcg_at_1000": 90.762, + "ndcg_at_3": 88.673, + "ndcg_at_5": 89.396, + "precision_at_1": 86.169, + "precision_at_10": 10.530000000000001, + "precision_at_100": 1.107, + "precision_at_1000": 0.11399999999999999, + "precision_at_3": 33.303, + "precision_at_5": 20.528, + "recall_at_1": 80.026, + "recall_at_10": 94.781, + "recall_at_100": 97.209, + "recall_at_1000": 98.38, + "recall_at_3": 91.34299999999999, + "recall_at_5": 93.256, + "main_score": 89.92599999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/FiQA2018.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/FiQA2018.json new file mode 100644 index 000000000..1c530d912 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.222, + "map_at_10": 42.833, + "map_at_100": 44.935, + "map_at_1000": 45.079, + "map_at_3": 37.016, + "map_at_5": 40.264, + "mrr_at_1": 50.617000000000004, + "mrr_at_10": 58.799, + "mrr_at_100": 59.455999999999996, + "mrr_at_1000": 59.48, + "mrr_at_3": 56.172999999999995, + "mrr_at_5": 57.724, + "ndcg_at_1": 50.617000000000004, + "ndcg_at_10": 51.281, + "ndcg_at_100": 57.922, + "ndcg_at_1000": 60.141, + "ndcg_at_3": 46.19, + "ndcg_at_5": 47.998000000000005, + "precision_at_1": 50.617000000000004, + "precision_at_10": 14.321, + "precision_at_100": 2.136, + "precision_at_1000": 0.253, + "precision_at_3": 30.503999999999998, + "precision_at_5": 22.685, + "recall_at_1": 26.222, + "recall_at_10": 59.241, + "recall_at_100": 83.102, + "recall_at_1000": 96.318, + "recall_at_3": 41.461999999999996, + "recall_at_5": 49.389, + "main_score": 51.281 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/HotpotQA.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/HotpotQA.json new file mode 100644 index 000000000..7a6e73edd --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.379000000000005, + "map_at_10": 65.397, + "map_at_100": 66.347, + "map_at_1000": 66.39699999999999, + "map_at_3": 61.637, + "map_at_5": 63.966, + "mrr_at_1": 76.77199999999999, + "mrr_at_10": 82.797, + "mrr_at_100": 83.011, + "mrr_at_1000": 83.018, + "mrr_at_3": 81.711, + "mrr_at_5": 82.405, + "ndcg_at_1": 76.759, + "ndcg_at_10": 72.987, + "ndcg_at_100": 76.209, + "ndcg_at_1000": 77.137, + "ndcg_at_3": 67.655, + "ndcg_at_5": 70.6, + "precision_at_1": 76.759, + "precision_at_10": 15.645000000000001, + "precision_at_100": 1.813, + "precision_at_1000": 0.193, + "precision_at_3": 44.299, + "precision_at_5": 28.902, + "recall_at_1": 38.379000000000005, + "recall_at_10": 78.224, + "recall_at_100": 90.628, + "recall_at_1000": 96.691, + "recall_at_3": 66.448, + "recall_at_5": 72.255, + "main_score": 72.987 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/ImdbClassification.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/ImdbClassification.json new file mode 100644 index 000000000..34b784de2 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 85.77920000000002, + "ap": 81.04289405069312, + "f1": 85.73430221016837, + "main_score": 85.77920000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/MSMARCO.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/MSMARCO.json new file mode 100644 index 000000000..e8f233b0e --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.178, + "map_at_10": 34.122, + "map_at_100": 35.337, + "map_at_1000": 35.38, + "map_at_3": 29.933, + "map_at_5": 32.342999999999996, + "mrr_at_1": 21.791, + "mrr_at_10": 34.681, + "mrr_at_100": 35.832, + "mrr_at_1000": 35.869, + "mrr_at_3": 30.592000000000002, + "mrr_at_5": 32.946999999999996, + "ndcg_at_1": 21.791, + "ndcg_at_10": 41.455, + "ndcg_at_100": 47.25, + "ndcg_at_1000": 48.307, + "ndcg_at_3": 32.963, + "ndcg_at_5": 37.238, + "precision_at_1": 21.791, + "precision_at_10": 6.701, + "precision_at_100": 0.96, + "precision_at_1000": 0.105, + "precision_at_3": 14.202, + "precision_at_5": 10.693, + "recall_at_1": 21.178, + "recall_at_10": 64.13, + "recall_at_100": 90.793, + "recall_at_1000": 98.817, + "recall_at_3": 41.08, + "recall_at_5": 51.312999999999995, + "main_score": 41.455 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/MTOPDomainClassification.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/MTOPDomainClassification.json new file mode 100644 index 000000000..943845848 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 95.56543547651619, + "f1": 95.18113603357101, + "main_score": 95.56543547651619 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/MTOPIntentClassification.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/MTOPIntentClassification.json new file mode 100644 index 000000000..bfd375966 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 82.81121751025992, + "f1": 68.10945432103077, + "main_score": 82.81121751025992 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/MassiveIntentClassification.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/MassiveIntentClassification.json new file mode 100644 index 000000000..cd97125c5 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.05985205110962, + "f1": 75.94480942195571, + "main_score": 78.05985205110962 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/MassiveScenarioClassification.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..d6a2886d0 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 81.3483523873571, + "f1": 81.12756796889384, + "main_score": 81.3483523873571 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/MedrxivClusteringP2P.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..1911d1998 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.22549249333914, + "main_score": 32.22549249333914 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/MedrxivClusteringS2S.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..7304cdb50 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.367740973522007, + "main_score": 31.367740973522007 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/MindSmallReranking.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/MindSmallReranking.json new file mode 100644 index 000000000..f9f67757e --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.341185395073968, + "mrr": 32.38730713652477, + "main_score": 31.341185395073968 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/NFCorpus.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/NFCorpus.json new file mode 100644 index 000000000..e5e73c020 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.02, + "map_at_10": 15.265999999999998, + "map_at_100": 19.737, + "map_at_1000": 21.468, + "map_at_3": 10.929, + "map_at_5": 12.839999999999998, + "mrr_at_1": 50.464, + "mrr_at_10": 59.622, + "mrr_at_100": 60.028999999999996, + "mrr_at_1000": 60.06700000000001, + "mrr_at_3": 57.018, + "mrr_at_5": 58.550000000000004, + "ndcg_at_1": 49.226, + "ndcg_at_10": 40.329, + "ndcg_at_100": 37.002, + "ndcg_at_1000": 45.781, + "ndcg_at_3": 45.165, + "ndcg_at_5": 43.241, + "precision_at_1": 50.464, + "precision_at_10": 30.372, + "precision_at_100": 9.663, + "precision_at_1000": 2.305, + "precision_at_3": 42.208, + "precision_at_5": 37.771, + "recall_at_1": 6.02, + "recall_at_10": 20.48, + "recall_at_100": 37.554, + "recall_at_1000": 68.953, + "recall_at_3": 12.353, + "recall_at_5": 15.497, + "main_score": 40.329 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/NQ.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/NQ.json new file mode 100644 index 000000000..940f5e0b7 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 36.073, + "map_at_10": 53.227999999999994, + "map_at_100": 54.13400000000001, + "map_at_1000": 54.147999999999996, + "map_at_3": 48.861, + "map_at_5": 51.473, + "mrr_at_1": 40.701, + "mrr_at_10": 55.667, + "mrr_at_100": 56.306, + "mrr_at_1000": 56.315000000000005, + "mrr_at_3": 52.245, + "mrr_at_5": 54.39000000000001, + "ndcg_at_1": 40.701, + "ndcg_at_10": 61.244, + "ndcg_at_100": 64.767, + "ndcg_at_1000": 65.031, + "ndcg_at_3": 53.248, + "ndcg_at_5": 57.538999999999994, + "precision_at_1": 40.701, + "precision_at_10": 9.93, + "precision_at_100": 1.187, + "precision_at_1000": 0.121, + "precision_at_3": 24.343, + "precision_at_5": 17.092, + "recall_at_1": 36.073, + "recall_at_10": 83.017, + "recall_at_100": 97.762, + "recall_at_1000": 99.614, + "recall_at_3": 62.529, + "recall_at_5": 72.361, + "main_score": 61.244 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/QuoraRetrieval.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/QuoraRetrieval.json new file mode 100644 index 000000000..23973ff4f --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 66.678, + "map_at_10": 81.26100000000001, + "map_at_100": 81.972, + "map_at_1000": 81.987, + "map_at_3": 78.05199999999999, + "map_at_5": 80.01599999999999, + "mrr_at_1": 76.73, + "mrr_at_10": 84.178, + "mrr_at_100": 84.31, + "mrr_at_1000": 84.311, + "mrr_at_3": 82.91, + "mrr_at_5": 83.75399999999999, + "ndcg_at_1": 76.73, + "ndcg_at_10": 85.59, + "ndcg_at_100": 87.041, + "ndcg_at_1000": 87.141, + "ndcg_at_3": 82.122, + "ndcg_at_5": 83.975, + "precision_at_1": 76.73, + "precision_at_10": 13.241, + "precision_at_100": 1.537, + "precision_at_1000": 0.157, + "precision_at_3": 36.233, + "precision_at_5": 23.988, + "recall_at_1": 66.678, + "recall_at_10": 94.512, + "recall_at_100": 99.516, + "recall_at_1000": 99.995, + "recall_at_3": 84.77900000000001, + "recall_at_5": 89.89399999999999, + "main_score": 85.59 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/RedditClustering.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/RedditClustering.json new file mode 100644 index 000000000..c30ccccc3 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 61.0961342812016, + "main_score": 61.0961342812016 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/RedditClusteringP2P.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/RedditClusteringP2P.json new file mode 100644 index 000000000..9bdc41c2d --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 64.523271835229, + "main_score": 64.523271835229 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/SCIDOCS.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/SCIDOCS.json new file mode 100644 index 000000000..462bb379b --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.7379999999999995, + "map_at_10": 12.540999999999999, + "map_at_100": 15.012, + "map_at_1000": 15.339, + "map_at_3": 8.809000000000001, + "map_at_5": 10.774000000000001, + "mrr_at_1": 23.400000000000002, + "mrr_at_10": 35.175, + "mrr_at_100": 36.345, + "mrr_at_1000": 36.393, + "mrr_at_3": 31.867, + "mrr_at_5": 33.742, + "ndcg_at_1": 23.400000000000002, + "ndcg_at_10": 21.05, + "ndcg_at_100": 30.087999999999997, + "ndcg_at_1000": 35.421, + "ndcg_at_3": 19.819, + "ndcg_at_5": 17.576, + "precision_at_1": 23.400000000000002, + "precision_at_10": 11.01, + "precision_at_100": 2.393, + "precision_at_1000": 0.367, + "precision_at_3": 18.767, + "precision_at_5": 15.72, + "recall_at_1": 4.7379999999999995, + "recall_at_10": 22.343, + "recall_at_100": 48.545, + "recall_at_1000": 74.422, + "recall_at_3": 11.428, + "recall_at_5": 15.952, + "main_score": 21.05 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/SICK-R.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/SICK-R.json new file mode 100644 index 000000000..2bd70d652 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/SICK-R.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 83.00728009929533, + "cosine_spearman": 83.00728009929533, + "main_score": 83.00728009929533 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/STS12.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/STS12.json new file mode 100644 index 000000000..c63fcc2a8 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/STS12.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 78.85484854952163, + "cosine_spearman": 78.85484854952163, + "main_score": 78.85484854952163 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/STS13.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/STS13.json new file mode 100644 index 000000000..7c55573ab --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/STS13.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 86.84017260596792, + "cosine_spearman": 86.84017260596792, + "main_score": 86.84017260596792 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/STS14.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/STS14.json new file mode 100644 index 000000000..26394e8e0 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/STS14.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 84.04244912638237, + "cosine_spearman": 84.04244912638237, + "main_score": 84.04244912638237 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/STS15.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/STS15.json new file mode 100644 index 000000000..9d034095a --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/STS15.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 88.71661848841296, + "cosine_spearman": 88.71661848841296, + "main_score": 88.71661848841296 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/STS16.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/STS16.json new file mode 100644 index 000000000..2a9fd5ac1 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/STS16.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 86.79243876108002, + "cosine_spearman": 86.79243876108002, + "main_score": 86.79243876108002 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/STS17.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/STS17.json new file mode 100644 index 000000000..5f6b56a10 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/STS17.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 90.63340320875899, + "cosine_spearman": 90.63340320875899, + "main_score": 90.63340320875899 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/STS22.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/STS22.json new file mode 100644 index 000000000..161852c79 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/STS22.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 67.55467310427919, + "cosine_spearman": 67.55467310427919, + "main_score": 67.55467310427919 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/STSBenchmark.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/STSBenchmark.json new file mode 100644 index 000000000..ab3a7f3da --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/STSBenchmark.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 88.7218677688666, + "cosine_spearman": 88.7218677688666, + "main_score": 88.7218677688666 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/SciDocsRR.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/SciDocsRR.json new file mode 100644 index 000000000..e510e88f5 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 84.03370829809433, + "mrr": 95.8981740844486, + "main_score": 84.03370829809433 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/SciFact.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/SciFact.json new file mode 100644 index 000000000..6aef0a156 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 61.594, + "map_at_10": 72.482, + "map_at_100": 72.89, + "map_at_1000": 72.905, + "map_at_3": 69.694, + "map_at_5": 71.552, + "mrr_at_1": 64.333, + "mrr_at_10": 73.449, + "mrr_at_100": 73.68599999999999, + "mrr_at_1000": 73.70100000000001, + "mrr_at_3": 71.5, + "mrr_at_5": 72.76700000000001, + "ndcg_at_1": 64.333, + "ndcg_at_10": 77.304, + "ndcg_at_100": 78.82400000000001, + "ndcg_at_1000": 79.143, + "ndcg_at_3": 72.85000000000001, + "ndcg_at_5": 75.24, + "precision_at_1": 64.333, + "precision_at_10": 10.233, + "precision_at_100": 1.107, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 28.666999999999998, + "precision_at_5": 18.933, + "recall_at_1": 61.594, + "recall_at_10": 90.967, + "recall_at_100": 97.667, + "recall_at_1000": 100.0, + "recall_at_3": 78.889, + "recall_at_5": 84.678, + "main_score": 77.304 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/SprintDuplicateQuestions.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..328df30c3 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.87029702970297, + "cos_sim_ap": 96.83157940825447, + "cos_sim_f1": 93.43358395989975, + "cos_sim_precision": 93.66834170854271, + "cos_sim_recall": 93.2, + "dot_accuracy": 99.74059405940594, + "dot_ap": 92.64621145397966, + "dot_f1": 86.92614770459082, + "dot_precision": 86.75298804780877, + "dot_recall": 87.1, + "euclidean_accuracy": 99.86336633663366, + "euclidean_ap": 96.65013202788877, + "euclidean_f1": 93.05835010060363, + "euclidean_precision": 93.62348178137651, + "euclidean_recall": 92.5, + "manhattan_accuracy": 99.86435643564356, + "manhattan_ap": 96.66170584513262, + "manhattan_f1": 93.11903566047214, + "manhattan_precision": 93.54187689202826, + "manhattan_recall": 92.7, + "max_accuracy": 99.87029702970297, + "max_ap": 96.83157940825447, + "max_f1": 93.43358395989975, + "main_score": 96.83157940825447 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/StackExchangeClustering.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/StackExchangeClustering.json new file mode 100644 index 000000000..260cc75e6 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 67.98137643571387, + "main_score": 67.98137643571387 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/StackExchangeClusteringP2P.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..e8cd9aaaf --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.203165154741, + "main_score": 33.203165154741 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/StackOverflowDupQuestions.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..3330bc42f --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 51.023136529441835, + "mrr": 51.78392379679144, + "main_score": 51.023136529441835 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/SummEval.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/SummEval.json new file mode 100644 index 000000000..9749249b5 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.996218041439295, + "cos_sim_spearman": 28.49337441341285, + "dot_pearson": 28.69511068705681, + "dot_spearman": 28.738712641821696, + "cosine_pearson": 30.996218041439295, + "cosine_spearman": 28.49337441341285, + "main_score": 28.49337441341285 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/TRECCOVID.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/TRECCOVID.json new file mode 100644 index 000000000..ed3d94d2c --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.23500000000000001, + "map_at_10": 2.07, + "map_at_100": 13.056999999999999, + "map_at_1000": 32.87, + "map_at_3": 0.662, + "map_at_5": 1.0630000000000002, + "mrr_at_1": 86.0, + "mrr_at_10": 91.286, + "mrr_at_100": 91.286, + "mrr_at_1000": 91.286, + "mrr_at_3": 91.0, + "mrr_at_5": 91.0, + "ndcg_at_1": 82.0, + "ndcg_at_10": 79.253, + "ndcg_at_100": 64.042, + "ndcg_at_1000": 59.073, + "ndcg_at_3": 80.235, + "ndcg_at_5": 79.353, + "precision_at_1": 86.0, + "precision_at_10": 84.39999999999999, + "precision_at_100": 65.92, + "precision_at_1000": 26.05, + "precision_at_3": 86.0, + "precision_at_5": 84.39999999999999, + "recall_at_1": 0.23500000000000001, + "recall_at_10": 2.26, + "recall_at_100": 16.271, + "recall_at_1000": 56.074999999999996, + "recall_at_3": 0.694, + "recall_at_5": 1.1280000000000001, + "main_score": 79.253 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/Touche2020.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/Touche2020.json new file mode 100644 index 000000000..0145988bc --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 1.629, + "map_at_10": 6.444999999999999, + "map_at_100": 12.561, + "map_at_1000": 14.183000000000002, + "map_at_3": 3.1780000000000004, + "map_at_5": 4.0649999999999995, + "mrr_at_1": 20.408, + "mrr_at_10": 31.601000000000003, + "mrr_at_100": 33.33, + "mrr_at_1000": 33.337, + "mrr_at_3": 27.891, + "mrr_at_5": 29.626, + "ndcg_at_1": 19.387999999999998, + "ndcg_at_10": 16.921, + "ndcg_at_100": 31.762, + "ndcg_at_1000": 43.723, + "ndcg_at_3": 15.834999999999999, + "ndcg_at_5": 15.158, + "precision_at_1": 20.408, + "precision_at_10": 15.714, + "precision_at_100": 7.306, + "precision_at_1000": 1.539, + "precision_at_3": 16.326999999999998, + "precision_at_5": 15.101999999999999, + "recall_at_1": 1.629, + "recall_at_10": 12.283, + "recall_at_100": 45.867999999999995, + "recall_at_1000": 83.557, + "recall_at_3": 3.801, + "recall_at_5": 5.763, + "main_score": 16.921 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/ToxicConversationsClassification.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..627369fb5 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.01119999999999, + "ap": 14.776705879525846, + "f1": 54.96628145160803, + "main_score": 71.01119999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/TweetSentimentExtractionClassification.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..04d770594 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.114883984153934, + "f1": 61.250947755016604, + "main_score": 61.114883984153934 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/TwentyNewsgroupsClustering.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..b70fb536c --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 51.03991134069674, + "main_score": 51.03991134069674 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/TwitterSemEval2015.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/TwitterSemEval2015.json new file mode 100644 index 000000000..fc9d1b5d9 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.13256243666925, + "cos_sim_ap": 80.69819368353635, + "cos_sim_f1": 73.49014621741895, + "cos_sim_precision": 70.920245398773, + "cos_sim_recall": 76.2532981530343, + "dot_accuracy": 86.08809679918936, + "dot_ap": 74.41500765551534, + "dot_f1": 69.3204365079365, + "dot_precision": 65.39541413196069, + "dot_recall": 73.7467018469657, + "euclidean_accuracy": 88.15640460153782, + "euclidean_ap": 80.31937915172527, + "euclidean_f1": 73.57214428857716, + "euclidean_precision": 70.02861230329042, + "euclidean_recall": 77.4934036939314, + "manhattan_accuracy": 88.15044406032068, + "manhattan_ap": 80.30776043635841, + "manhattan_f1": 73.54741971760589, + "manhattan_precision": 69.85521006408734, + "manhattan_recall": 77.65171503957784, + "max_accuracy": 88.15640460153782, + "max_ap": 80.69819368353635, + "max_f1": 73.57214428857716, + "main_score": 80.69819368353635 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/TwitterURLCorpus.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/TwitterURLCorpus.json new file mode 100644 index 000000000..21cfe757d --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.37982691038926, + "cos_sim_ap": 86.5585074386676, + "cos_sim_f1": 79.1182953710507, + "cos_sim_precision": 75.66048341765037, + "cos_sim_recall": 82.90729904527257, + "dot_accuracy": 87.75177552683665, + "dot_ap": 82.73501819446388, + "dot_f1": 76.31569570639587, + "dot_precision": 71.02871924122837, + "dot_recall": 82.45303356944872, + "euclidean_accuracy": 89.30220825086352, + "euclidean_ap": 86.43839637395196, + "euclidean_f1": 79.12071479307637, + "euclidean_precision": 76.89848121502799, + "euclidean_recall": 81.4752078842008, + "manhattan_accuracy": 89.30997011681609, + "manhattan_ap": 86.43582668119362, + "manhattan_f1": 79.11144297181258, + "manhattan_precision": 76.79205624411104, + "manhattan_recall": 81.57530027717893, + "max_accuracy": 89.37982691038926, + "max_ap": 86.5585074386676, + "max_f1": 79.12071479307637, + "main_score": 86.5585074386676 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/model_meta.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/model_meta.json new file mode 100644 index 000000000..39a01efdc --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "McGill-NLP/LLM2Vec-Llama-2-7b-chat-hf-mntp-supervised", + "revision": "a76944871d169ebe7c97eb921764cd063afed785", + "release_date": "2024-04-04", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": null, + "embed_dim": null, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/AmazonCounterfactualClassification.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..f117c863c --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.91044776119402, + "ap": 41.73039886859448, + "f1": 71.49663106134554, + "main_score": 76.91044776119402 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/AmazonPolarityClassification.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..34600f686 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.0549, + "ap": 74.50419535911905, + "f1": 78.87370110570745, + "main_score": 79.0549 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/AmazonReviewsClassification.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..172640d00 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 40.07999999999999, + "f1": 39.74598250149754, + "main_score": 40.07999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/ArguAna.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/ArguAna.json new file mode 100644 index 000000000..4d791a0bc --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.973, + "map_at_10": 38.217, + "map_at_100": 39.247, + "map_at_1000": 39.263, + "map_at_3": 33.108, + "map_at_5": 35.942, + "mrr_at_1": 23.755000000000003, + "mrr_at_10": 38.495000000000005, + "mrr_at_100": 39.525, + "mrr_at_1000": 39.541, + "mrr_at_3": 33.333, + "mrr_at_5": 36.221, + "ndcg_at_1": 22.973, + "ndcg_at_10": 47.093, + "ndcg_at_100": 51.745, + "ndcg_at_1000": 52.126, + "ndcg_at_3": 36.473, + "ndcg_at_5": 41.591, + "precision_at_1": 22.973, + "precision_at_10": 7.568, + "precision_at_100": 0.966, + "precision_at_1000": 0.1, + "precision_at_3": 15.409999999999998, + "precision_at_5": 11.735, + "recall_at_1": 22.973, + "recall_at_10": 75.676, + "recall_at_100": 96.586, + "recall_at_1000": 99.502, + "recall_at_3": 46.23, + "recall_at_5": 58.677, + "main_score": 47.093 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/ArxivClusteringP2P.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..c937d103e --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 47.808566636089296, + "main_score": 47.808566636089296 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/ArxivClusteringS2S.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..e98495923 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.53253525071289, + "main_score": 40.53253525071289 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/AskUbuntuDupQuestions.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..1ce725b94 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 55.564312661366564, + "mrr": 69.24526227850326, + "main_score": 55.564312661366564 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/BIOSSES.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/BIOSSES.json new file mode 100644 index 000000000..9138b426e --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/BIOSSES.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 82.40790181633206, + "cosine_spearman": 82.40790181633206, + "main_score": 82.40790181633206 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/Banking77Classification.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/Banking77Classification.json new file mode 100644 index 000000000..b79d56250 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 84.64935064935064, + "f1": 84.59305945931867, + "main_score": 84.64935064935064 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/BiorxivClusteringP2P.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..1a3034792 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.11916694447953, + "main_score": 38.11916694447953 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/BiorxivClusteringS2S.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..50aad152a --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.248648913887024, + "main_score": 31.248648913887024 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/CQADupstackAndroidRetrieval.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..3154e0bc4 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.483, + "map_at_10": 34.549, + "map_at_100": 36.106, + "map_at_1000": 36.253, + "map_at_3": 31.313999999999997, + "map_at_5": 32.987, + "mrr_at_1": 32.046, + "mrr_at_10": 41.217999999999996, + "mrr_at_100": 42.068, + "mrr_at_1000": 42.126999999999995, + "mrr_at_3": 38.746, + "mrr_at_5": 40.083, + "ndcg_at_1": 32.046, + "ndcg_at_10": 40.927, + "ndcg_at_100": 46.5, + "ndcg_at_1000": 49.043, + "ndcg_at_3": 36.448, + "ndcg_at_5": 38.199, + "precision_at_1": 32.046, + "precision_at_10": 8.484, + "precision_at_100": 1.443, + "precision_at_1000": 0.2, + "precision_at_3": 18.407, + "precision_at_5": 13.419, + "recall_at_1": 24.483, + "recall_at_10": 51.946999999999996, + "recall_at_100": 75.842, + "recall_at_1000": 93.368, + "recall_at_3": 38.023, + "recall_at_5": 43.356, + "main_score": 40.927 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/CQADupstackEnglishRetrieval.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/CQADupstackEnglishRetrieval.json new file mode 100644 index 000000000..ad4b4410b --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/CQADupstackEnglishRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackEnglishRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.090999999999998, + "map_at_10": 36.106, + "map_at_100": 37.188, + "map_at_1000": 37.32, + "map_at_3": 33.293, + "map_at_5": 34.755, + "mrr_at_1": 35.86, + "mrr_at_10": 42.979, + "mrr_at_100": 43.619, + "mrr_at_1000": 43.669999999999995, + "mrr_at_3": 40.849000000000004, + "mrr_at_5": 41.964, + "ndcg_at_1": 35.86, + "ndcg_at_10": 41.676, + "ndcg_at_100": 45.678000000000004, + "ndcg_at_1000": 47.99, + "ndcg_at_3": 37.862, + "ndcg_at_5": 39.342, + "precision_at_1": 35.86, + "precision_at_10": 8.178, + "precision_at_100": 1.308, + "precision_at_1000": 0.182, + "precision_at_3": 18.662, + "precision_at_5": 13.172, + "recall_at_1": 27.090999999999998, + "recall_at_10": 50.407999999999994, + "recall_at_100": 68.27499999999999, + "recall_at_1000": 83.155, + "recall_at_3": 38.259, + "recall_at_5": 43.096000000000004, + "main_score": 41.676 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/CQADupstackGamingRetrieval.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/CQADupstackGamingRetrieval.json new file mode 100644 index 000000000..21ee77900 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/CQADupstackGamingRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackGamingRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.01, + "map_at_10": 42.915, + "map_at_100": 44.096000000000004, + "map_at_1000": 44.175, + "map_at_3": 40.283, + "map_at_5": 41.744, + "mrr_at_1": 37.68, + "mrr_at_10": 46.929, + "mrr_at_100": 47.75, + "mrr_at_1000": 47.795, + "mrr_at_3": 44.713, + "mrr_at_5": 45.885, + "ndcg_at_1": 37.68, + "ndcg_at_10": 48.453, + "ndcg_at_100": 53.494, + "ndcg_at_1000": 55.169000000000004, + "ndcg_at_3": 43.834, + "ndcg_at_5": 45.926, + "precision_at_1": 37.68, + "precision_at_10": 7.906000000000001, + "precision_at_100": 1.135, + "precision_at_1000": 0.134, + "precision_at_3": 20.041999999999998, + "precision_at_5": 13.58, + "recall_at_1": 32.01, + "recall_at_10": 61.049, + "recall_at_100": 83.182, + "recall_at_1000": 95.279, + "recall_at_3": 48.407, + "recall_at_5": 53.748, + "main_score": 48.453 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/CQADupstackGisRetrieval.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/CQADupstackGisRetrieval.json new file mode 100644 index 000000000..f5c4ffb41 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/CQADupstackGisRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackGisRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 14.511, + "map_at_10": 20.305999999999997, + "map_at_100": 21.307000000000002, + "map_at_1000": 21.419, + "map_at_3": 18.376, + "map_at_5": 19.421, + "mrr_at_1": 16.045, + "mrr_at_10": 22.002, + "mrr_at_100": 22.986, + "mrr_at_1000": 23.071, + "mrr_at_3": 20.264, + "mrr_at_5": 21.173000000000002, + "ndcg_at_1": 16.045, + "ndcg_at_10": 23.953, + "ndcg_at_100": 29.201, + "ndcg_at_1000": 32.366, + "ndcg_at_3": 20.136000000000003, + "ndcg_at_5": 21.859, + "precision_at_1": 16.045, + "precision_at_10": 3.8760000000000003, + "precision_at_100": 0.696, + "precision_at_1000": 0.101, + "precision_at_3": 8.776, + "precision_at_5": 6.282, + "recall_at_1": 14.511, + "recall_at_10": 33.707, + "recall_at_100": 58.182, + "recall_at_1000": 82.845, + "recall_at_3": 23.206, + "recall_at_5": 27.311999999999998, + "main_score": 23.953 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/CQADupstackMathematicaRetrieval.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/CQADupstackMathematicaRetrieval.json new file mode 100644 index 000000000..385a26a54 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/CQADupstackMathematicaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackMathematicaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.762, + "map_at_10": 15.495000000000001, + "map_at_100": 16.637, + "map_at_1000": 16.786, + "map_at_3": 13.62, + "map_at_5": 14.655999999999999, + "mrr_at_1": 12.934999999999999, + "mrr_at_10": 18.985, + "mrr_at_100": 20.079, + "mrr_at_1000": 20.177999999999997, + "mrr_at_3": 16.977999999999998, + "mrr_at_5": 18.197, + "ndcg_at_1": 12.934999999999999, + "ndcg_at_10": 19.444, + "ndcg_at_100": 25.108999999999998, + "ndcg_at_1000": 28.804999999999996, + "ndcg_at_3": 15.93, + "ndcg_at_5": 17.57, + "precision_at_1": 12.934999999999999, + "precision_at_10": 3.856, + "precision_at_100": 0.765, + "precision_at_1000": 0.124, + "precision_at_3": 8.043, + "precision_at_5": 6.095, + "recall_at_1": 9.762, + "recall_at_10": 28.216, + "recall_at_100": 53.28000000000001, + "recall_at_1000": 79.64099999999999, + "recall_at_3": 18.335, + "recall_at_5": 22.435, + "main_score": 19.444 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/CQADupstackPhysicsRetrieval.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/CQADupstackPhysicsRetrieval.json new file mode 100644 index 000000000..424e363ae --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/CQADupstackPhysicsRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackPhysicsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.770999999999997, + "map_at_10": 30.837999999999997, + "map_at_100": 32.327, + "map_at_1000": 32.464999999999996, + "map_at_3": 27.891, + "map_at_5": 29.433, + "mrr_at_1": 27.622999999999998, + "mrr_at_10": 36.293, + "mrr_at_100": 37.221, + "mrr_at_1000": 37.288, + "mrr_at_3": 33.574, + "mrr_at_5": 35.085, + "ndcg_at_1": 27.622999999999998, + "ndcg_at_10": 36.784, + "ndcg_at_100": 43.033, + "ndcg_at_1000": 45.616, + "ndcg_at_3": 31.694, + "ndcg_at_5": 33.909, + "precision_at_1": 27.622999999999998, + "precision_at_10": 7.141, + "precision_at_100": 1.24, + "precision_at_1000": 0.165, + "precision_at_3": 15.623999999999999, + "precision_at_5": 11.338, + "recall_at_1": 21.770999999999997, + "recall_at_10": 49.318, + "recall_at_100": 75.779, + "recall_at_1000": 92.729, + "recall_at_3": 34.685, + "recall_at_5": 40.546, + "main_score": 36.784 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/CQADupstackProgrammersRetrieval.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/CQADupstackProgrammersRetrieval.json new file mode 100644 index 000000000..a2ade3695 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/CQADupstackProgrammersRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackProgrammersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.156, + "map_at_10": 27.732, + "map_at_100": 29.002, + "map_at_1000": 29.149, + "map_at_3": 25.044, + "map_at_5": 26.586, + "mrr_at_1": 25.457, + "mrr_at_10": 32.799, + "mrr_at_100": 33.756, + "mrr_at_1000": 33.833, + "mrr_at_3": 30.497999999999998, + "mrr_at_5": 31.857000000000003, + "ndcg_at_1": 25.457, + "ndcg_at_10": 32.59, + "ndcg_at_100": 38.336, + "ndcg_at_1000": 41.475, + "ndcg_at_3": 28.166000000000004, + "ndcg_at_5": 30.281000000000002, + "precision_at_1": 25.457, + "precision_at_10": 6.062, + "precision_at_100": 1.083, + "precision_at_1000": 0.156, + "precision_at_3": 13.661000000000001, + "precision_at_5": 9.886000000000001, + "recall_at_1": 20.156, + "recall_at_10": 42.191, + "recall_at_100": 66.953, + "recall_at_1000": 88.91, + "recall_at_3": 29.86, + "recall_at_5": 35.553000000000004, + "main_score": 32.59 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/CQADupstackStatsRetrieval.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/CQADupstackStatsRetrieval.json new file mode 100644 index 000000000..22b66ed75 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/CQADupstackStatsRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackStatsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.977, + "map_at_10": 21.612000000000002, + "map_at_100": 22.519, + "map_at_1000": 22.633, + "map_at_3": 19.766000000000002, + "map_at_5": 20.855999999999998, + "mrr_at_1": 19.017999999999997, + "mrr_at_10": 24.310000000000002, + "mrr_at_100": 25.206, + "mrr_at_1000": 25.295, + "mrr_at_3": 22.52, + "mrr_at_5": 23.586, + "ndcg_at_1": 19.017999999999997, + "ndcg_at_10": 25.024, + "ndcg_at_100": 29.942999999999998, + "ndcg_at_1000": 33.059, + "ndcg_at_3": 21.654, + "ndcg_at_5": 23.347, + "precision_at_1": 19.017999999999997, + "precision_at_10": 4.1259999999999994, + "precision_at_100": 0.719, + "precision_at_1000": 0.106, + "precision_at_3": 9.714, + "precision_at_5": 7.025, + "recall_at_1": 15.977, + "recall_at_10": 33.012, + "recall_at_100": 56.201, + "recall_at_1000": 79.837, + "recall_at_3": 23.551, + "recall_at_5": 27.733, + "main_score": 25.024 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/CQADupstackTexRetrieval.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/CQADupstackTexRetrieval.json new file mode 100644 index 000000000..fb4ff858a --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/CQADupstackTexRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackTexRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 10.26, + "map_at_10": 14.248, + "map_at_100": 15.095, + "map_at_1000": 15.22, + "map_at_3": 12.7, + "map_at_5": 13.492999999999999, + "mrr_at_1": 13.73, + "mrr_at_10": 17.964, + "mrr_at_100": 18.748, + "mrr_at_1000": 18.842, + "mrr_at_3": 16.34, + "mrr_at_5": 17.205000000000002, + "ndcg_at_1": 13.73, + "ndcg_at_10": 17.429, + "ndcg_at_100": 21.856, + "ndcg_at_1000": 25.251, + "ndcg_at_3": 14.667, + "ndcg_at_5": 15.790000000000001, + "precision_at_1": 13.73, + "precision_at_10": 3.4099999999999997, + "precision_at_100": 0.6839999999999999, + "precision_at_1000": 0.11399999999999999, + "precision_at_3": 7.202999999999999, + "precision_at_5": 5.299, + "recall_at_1": 10.26, + "recall_at_10": 23.54, + "recall_at_100": 44.085, + "recall_at_1000": 69.233, + "recall_at_3": 15.387999999999998, + "recall_at_5": 18.467, + "main_score": 17.429 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/CQADupstackUnixRetrieval.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/CQADupstackUnixRetrieval.json new file mode 100644 index 000000000..869fe6fea --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/CQADupstackUnixRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackUnixRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.695, + "map_at_10": 25.752000000000002, + "map_at_100": 26.810000000000002, + "map_at_1000": 26.931, + "map_at_3": 23.205000000000002, + "map_at_5": 24.792, + "mrr_at_1": 23.134, + "mrr_at_10": 30.176, + "mrr_at_100": 31.087999999999997, + "mrr_at_1000": 31.162, + "mrr_at_3": 27.766999999999996, + "mrr_at_5": 29.321, + "ndcg_at_1": 23.134, + "ndcg_at_10": 30.427, + "ndcg_at_100": 35.839999999999996, + "ndcg_at_1000": 38.675, + "ndcg_at_3": 25.959, + "ndcg_at_5": 28.364, + "precision_at_1": 23.134, + "precision_at_10": 5.466, + "precision_at_100": 0.9259999999999999, + "precision_at_1000": 0.128, + "precision_at_3": 12.127, + "precision_at_5": 8.993, + "recall_at_1": 18.695, + "recall_at_10": 40.345, + "recall_at_100": 65.009, + "recall_at_1000": 85.368, + "recall_at_3": 28.016999999999996, + "recall_at_5": 34.211999999999996, + "main_score": 30.427 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/CQADupstackWebmastersRetrieval.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/CQADupstackWebmastersRetrieval.json new file mode 100644 index 000000000..ca03fd822 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/CQADupstackWebmastersRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackWebmastersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.955000000000002, + "map_at_10": 26.924999999999997, + "map_at_100": 28.260999999999996, + "map_at_1000": 28.499999999999996, + "map_at_3": 24.282, + "map_at_5": 25.89, + "mrr_at_1": 25.889, + "mrr_at_10": 31.596999999999998, + "mrr_at_100": 32.631, + "mrr_at_1000": 32.702999999999996, + "mrr_at_3": 29.182999999999996, + "mrr_at_5": 30.705, + "ndcg_at_1": 25.889, + "ndcg_at_10": 32.094, + "ndcg_at_100": 37.39, + "ndcg_at_1000": 40.923, + "ndcg_at_3": 27.815, + "ndcg_at_5": 30.162, + "precision_at_1": 25.889, + "precision_at_10": 6.482, + "precision_at_100": 1.374, + "precision_at_1000": 0.231, + "precision_at_3": 13.373, + "precision_at_5": 10.356, + "recall_at_1": 19.955000000000002, + "recall_at_10": 41.157, + "recall_at_100": 66.518, + "recall_at_1000": 90.814, + "recall_at_3": 28.319, + "recall_at_5": 34.394999999999996, + "main_score": 32.094 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/CQADupstackWordpressRetrieval.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/CQADupstackWordpressRetrieval.json new file mode 100644 index 000000000..69422d367 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/CQADupstackWordpressRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackWordpressRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 12.144, + "map_at_10": 17.137, + "map_at_100": 18.046, + "map_at_1000": 18.15, + "map_at_3": 15.268, + "map_at_5": 16.309, + "mrr_at_1": 13.309000000000001, + "mrr_at_10": 18.523999999999997, + "mrr_at_100": 19.455, + "mrr_at_1000": 19.543, + "mrr_at_3": 16.512999999999998, + "mrr_at_5": 17.622, + "ndcg_at_1": 13.309000000000001, + "ndcg_at_10": 20.565, + "ndcg_at_100": 25.657000000000004, + "ndcg_at_1000": 28.646, + "ndcg_at_3": 16.658, + "ndcg_at_5": 18.518, + "precision_at_1": 13.309000000000001, + "precision_at_10": 3.42, + "precision_at_100": 0.645, + "precision_at_1000": 0.096, + "precision_at_3": 7.2090000000000005, + "precision_at_5": 5.323, + "recall_at_1": 12.144, + "recall_at_10": 30.0, + "recall_at_100": 54.296, + "recall_at_1000": 77.247, + "recall_at_3": 19.451999999999998, + "recall_at_5": 23.949, + "main_score": 20.565 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/ClimateFEVER.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/ClimateFEVER.json new file mode 100644 index 000000000..95e5a8516 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 7.531000000000001, + "map_at_10": 13.875000000000002, + "map_at_100": 15.714, + "map_at_1000": 15.934999999999999, + "map_at_3": 11.204, + "map_at_5": 12.373000000000001, + "mrr_at_1": 16.547, + "mrr_at_10": 26.889000000000003, + "mrr_at_100": 28.194999999999997, + "mrr_at_1000": 28.242, + "mrr_at_3": 23.279, + "mrr_at_5": 25.289, + "ndcg_at_1": 16.547, + "ndcg_at_10": 20.666999999999998, + "ndcg_at_100": 28.896, + "ndcg_at_1000": 32.843, + "ndcg_at_3": 15.598999999999998, + "ndcg_at_5": 17.238, + "precision_at_1": 16.547, + "precision_at_10": 6.958, + "precision_at_100": 1.5810000000000002, + "precision_at_1000": 0.231, + "precision_at_3": 11.726, + "precision_at_5": 9.472, + "recall_at_1": 7.531000000000001, + "recall_at_10": 26.726, + "recall_at_100": 55.940999999999995, + "recall_at_1000": 78.119, + "recall_at_3": 14.815000000000001, + "recall_at_5": 18.955, + "main_score": 20.666999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/DBPedia.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/DBPedia.json new file mode 100644 index 000000000..c521c48ed --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.741, + "map_at_10": 11.743, + "map_at_100": 16.723, + "map_at_1000": 17.813000000000002, + "map_at_3": 8.017000000000001, + "map_at_5": 9.655, + "mrr_at_1": 40.25, + "mrr_at_10": 52.244, + "mrr_at_100": 52.933, + "mrr_at_1000": 52.957, + "mrr_at_3": 49.791999999999994, + "mrr_at_5": 51.629000000000005, + "ndcg_at_1": 30.0, + "ndcg_at_10": 25.813000000000002, + "ndcg_at_100": 31.075999999999997, + "ndcg_at_1000": 38.242, + "ndcg_at_3": 27.394000000000002, + "ndcg_at_5": 26.395999999999997, + "precision_at_1": 40.25, + "precision_at_10": 22.0, + "precision_at_100": 7.077999999999999, + "precision_at_1000": 1.492, + "precision_at_3": 32.833, + "precision_at_5": 28.15, + "recall_at_1": 4.741, + "recall_at_10": 18.11, + "recall_at_100": 40.617999999999995, + "recall_at_1000": 63.92, + "recall_at_3": 9.724, + "recall_at_5": 13.333, + "main_score": 25.813000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/EmotionClassification.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/EmotionClassification.json new file mode 100644 index 000000000..d4aa3ad18 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 46.575, + "f1": 42.15253766150754, + "main_score": 46.575 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/FEVER.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/FEVER.json new file mode 100644 index 000000000..2b7cc65a7 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.676000000000002, + "map_at_10": 36.666, + "map_at_100": 37.613, + "map_at_1000": 37.663000000000004, + "map_at_3": 33.269999999999996, + "map_at_5": 35.21, + "mrr_at_1": 26.733, + "mrr_at_10": 39.007999999999996, + "mrr_at_100": 39.904, + "mrr_at_1000": 39.944, + "mrr_at_3": 35.591, + "mrr_at_5": 37.544, + "ndcg_at_1": 26.733, + "ndcg_at_10": 43.477, + "ndcg_at_100": 47.906, + "ndcg_at_1000": 49.144, + "ndcg_at_3": 36.606, + "ndcg_at_5": 40.009, + "precision_at_1": 26.733, + "precision_at_10": 6.842, + "precision_at_100": 0.9209999999999999, + "precision_at_1000": 0.104, + "precision_at_3": 15.906999999999998, + "precision_at_5": 11.356, + "recall_at_1": 24.676000000000002, + "recall_at_10": 62.556999999999995, + "recall_at_100": 82.43, + "recall_at_1000": 91.738, + "recall_at_3": 43.885000000000005, + "recall_at_5": 52.054, + "main_score": 43.477 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/FiQA2018.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/FiQA2018.json new file mode 100644 index 000000000..4f31dc366 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 11.101999999999999, + "map_at_10": 18.490000000000002, + "map_at_100": 20.404, + "map_at_1000": 20.631, + "map_at_3": 15.6, + "map_at_5": 17.169, + "mrr_at_1": 22.531000000000002, + "mrr_at_10": 30.429000000000002, + "mrr_at_100": 31.537, + "mrr_at_1000": 31.606, + "mrr_at_3": 27.546, + "mrr_at_5": 29.159000000000002, + "ndcg_at_1": 22.531000000000002, + "ndcg_at_10": 24.624, + "ndcg_at_100": 32.836, + "ndcg_at_1000": 36.992000000000004, + "ndcg_at_3": 20.806, + "ndcg_at_5": 22.292, + "precision_at_1": 22.531000000000002, + "precision_at_10": 7.176, + "precision_at_100": 1.546, + "precision_at_1000": 0.22799999999999998, + "precision_at_3": 14.198, + "precision_at_5": 11.019, + "recall_at_1": 11.101999999999999, + "recall_at_10": 30.86, + "recall_at_100": 62.564, + "recall_at_1000": 87.627, + "recall_at_3": 18.721, + "recall_at_5": 23.830000000000002, + "main_score": 24.624 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/HotpotQA.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/HotpotQA.json new file mode 100644 index 000000000..b656c4637 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.474999999999998, + "map_at_10": 39.342, + "map_at_100": 40.458, + "map_at_1000": 40.553, + "map_at_3": 36.272999999999996, + "map_at_5": 38.091, + "mrr_at_1": 54.949000000000005, + "mrr_at_10": 63.28, + "mrr_at_100": 63.796, + "mrr_at_1000": 63.821000000000005, + "mrr_at_3": 61.41799999999999, + "mrr_at_5": 62.522999999999996, + "ndcg_at_1": 54.949000000000005, + "ndcg_at_10": 48.461, + "ndcg_at_100": 52.903999999999996, + "ndcg_at_1000": 54.906, + "ndcg_at_3": 43.428, + "ndcg_at_5": 46.045, + "precision_at_1": 54.949000000000005, + "precision_at_10": 10.446, + "precision_at_100": 1.397, + "precision_at_1000": 0.166, + "precision_at_3": 27.310000000000002, + "precision_at_5": 18.458, + "recall_at_1": 27.474999999999998, + "recall_at_10": 52.227999999999994, + "recall_at_100": 69.838, + "recall_at_1000": 83.153, + "recall_at_3": 40.966, + "recall_at_5": 46.144, + "main_score": 48.461 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/ImdbClassification.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/ImdbClassification.json new file mode 100644 index 000000000..9c6557879 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.6784, + "ap": 70.03950630113135, + "f1": 75.38669491280882, + "main_score": 75.6784 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/MSMARCO.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/MSMARCO.json new file mode 100644 index 000000000..b16bef1bf --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.182, + "map_at_10": 14.597999999999999, + "map_at_100": 15.795, + "map_at_1000": 15.901000000000002, + "map_at_3": 12.001000000000001, + "map_at_5": 13.377, + "mrr_at_1": 8.395, + "mrr_at_10": 14.883, + "mrr_at_100": 16.073999999999998, + "mrr_at_1000": 16.174, + "mrr_at_3": 12.267999999999999, + "mrr_at_5": 13.658000000000001, + "ndcg_at_1": 8.395, + "ndcg_at_10": 18.81, + "ndcg_at_100": 25.144, + "ndcg_at_1000": 28.094, + "ndcg_at_3": 13.366, + "ndcg_at_5": 15.856, + "precision_at_1": 8.395, + "precision_at_10": 3.328, + "precision_at_100": 0.657, + "precision_at_1000": 0.091, + "precision_at_3": 5.84, + "precision_at_5": 4.765, + "recall_at_1": 8.182, + "recall_at_10": 32.151, + "recall_at_100": 62.633, + "recall_at_1000": 85.88, + "recall_at_3": 17.069000000000003, + "recall_at_5": 23.092, + "main_score": 18.81 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/MTOPDomainClassification.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/MTOPDomainClassification.json new file mode 100644 index 000000000..47c2edd5a --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 94.3296853625171, + "f1": 94.02246426051437, + "main_score": 94.3296853625171 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/MTOPIntentClassification.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/MTOPIntentClassification.json new file mode 100644 index 000000000..afdb9ec27 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.54172366621067, + "f1": 60.47715992221304, + "main_score": 79.54172366621067 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/MassiveIntentClassification.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/MassiveIntentClassification.json new file mode 100644 index 000000000..45c71fb29 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.83994620040349, + "f1": 70.84392062730345, + "main_score": 73.83994620040349 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/MassiveScenarioClassification.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..4670cdb51 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.17283120376597, + "f1": 78.83856078561683, + "main_score": 79.17283120376597 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/MedrxivClusteringP2P.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..6756b4027 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.939561146943344, + "main_score": 30.939561146943344 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/MedrxivClusteringS2S.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..45b3d24b2 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 28.0435406238161, + "main_score": 28.0435406238161 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/MindSmallReranking.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/MindSmallReranking.json new file mode 100644 index 000000000..6d5719e4a --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 30.860539801824743, + "mrr": 31.993223906232455, + "main_score": 30.860539801824743 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/NFCorpus.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/NFCorpus.json new file mode 100644 index 000000000..104e19a6c --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.6759999999999997, + "map_at_10": 8.365, + "map_at_100": 10.949, + "map_at_1000": 12.248000000000001, + "map_at_3": 5.836, + "map_at_5": 7.094, + "mrr_at_1": 32.507999999999996, + "mrr_at_10": 43.336999999999996, + "mrr_at_100": 44.092, + "mrr_at_1000": 44.125, + "mrr_at_3": 40.402, + "mrr_at_5": 42.214, + "ndcg_at_1": 30.186, + "ndcg_at_10": 26.806, + "ndcg_at_100": 25.446999999999996, + "ndcg_at_1000": 34.33, + "ndcg_at_3": 30.159999999999997, + "ndcg_at_5": 28.671999999999997, + "precision_at_1": 31.579, + "precision_at_10": 20.96, + "precision_at_100": 6.885, + "precision_at_1000": 1.9560000000000002, + "precision_at_3": 29.825000000000003, + "precision_at_5": 25.944, + "recall_at_1": 2.6759999999999997, + "recall_at_10": 13.715, + "recall_at_100": 29.246, + "recall_at_1000": 59.878, + "recall_at_3": 7.6850000000000005, + "recall_at_5": 10.559000000000001, + "main_score": 26.806 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/NQ.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/NQ.json new file mode 100644 index 000000000..52bffc231 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 14.999, + "map_at_10": 26.229999999999997, + "map_at_100": 27.77, + "map_at_1000": 27.832, + "map_at_3": 22.127, + "map_at_5": 24.395, + "mrr_at_1": 17.265, + "mrr_at_10": 28.515, + "mrr_at_100": 29.793999999999997, + "mrr_at_1000": 29.837999999999997, + "mrr_at_3": 24.609, + "mrr_at_5": 26.790000000000003, + "ndcg_at_1": 17.236, + "ndcg_at_10": 33.207, + "ndcg_at_100": 40.211000000000006, + "ndcg_at_1000": 41.669, + "ndcg_at_3": 25.013, + "ndcg_at_5": 28.965999999999998, + "precision_at_1": 17.236, + "precision_at_10": 6.260000000000001, + "precision_at_100": 1.015, + "precision_at_1000": 0.11499999999999999, + "precision_at_3": 12.032, + "precision_at_5": 9.45, + "recall_at_1": 14.999, + "recall_at_10": 52.581, + "recall_at_100": 83.918, + "recall_at_1000": 94.735, + "recall_at_3": 30.946, + "recall_at_5": 40.136, + "main_score": 33.207 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/QuoraRetrieval.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/QuoraRetrieval.json new file mode 100644 index 000000000..9a0cdf2cf --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 68.085, + "map_at_10": 81.952, + "map_at_100": 82.636, + "map_at_1000": 82.65599999999999, + "map_at_3": 78.83200000000001, + "map_at_5": 80.793, + "mrr_at_1": 78.45, + "mrr_at_10": 85.35199999999999, + "mrr_at_100": 85.483, + "mrr_at_1000": 85.485, + "mrr_at_3": 84.195, + "mrr_at_5": 84.985, + "ndcg_at_1": 78.46, + "ndcg_at_10": 86.151, + "ndcg_at_100": 87.589, + "ndcg_at_1000": 87.737, + "ndcg_at_3": 82.839, + "ndcg_at_5": 84.67, + "precision_at_1": 78.46, + "precision_at_10": 13.114999999999998, + "precision_at_100": 1.5190000000000001, + "precision_at_1000": 0.156, + "precision_at_3": 36.167, + "precision_at_5": 23.921999999999997, + "recall_at_1": 68.085, + "recall_at_10": 94.28699999999999, + "recall_at_100": 99.235, + "recall_at_1000": 99.954, + "recall_at_3": 84.941, + "recall_at_5": 89.991, + "main_score": 86.151 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/RedditClustering.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/RedditClustering.json new file mode 100644 index 000000000..48e6bee91 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 42.84102304870842, + "main_score": 42.84102304870842 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/RedditClusteringP2P.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/RedditClusteringP2P.json new file mode 100644 index 000000000..94a89bd56 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 60.096590952185046, + "main_score": 60.096590952185046 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/SCIDOCS.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/SCIDOCS.json new file mode 100644 index 000000000..3dbdc3267 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.283, + "map_at_10": 5.554, + "map_at_100": 6.98, + "map_at_1000": 7.324999999999999, + "map_at_3": 3.9890000000000003, + "map_at_5": 4.766, + "mrr_at_1": 11.200000000000001, + "mrr_at_10": 17.746000000000002, + "mrr_at_100": 18.971, + "mrr_at_1000": 19.1, + "mrr_at_3": 15.15, + "mrr_at_5": 16.619999999999997, + "ndcg_at_1": 11.200000000000001, + "ndcg_at_10": 10.001, + "ndcg_at_100": 16.933, + "ndcg_at_1000": 23.835, + "ndcg_at_3": 9.005, + "ndcg_at_5": 8.076, + "precision_at_1": 11.200000000000001, + "precision_at_10": 5.3, + "precision_at_100": 1.5730000000000002, + "precision_at_1000": 0.32299999999999995, + "precision_at_3": 8.3, + "precision_at_5": 7.12, + "recall_at_1": 2.283, + "recall_at_10": 10.775, + "recall_at_100": 31.913000000000004, + "recall_at_1000": 65.595, + "recall_at_3": 5.0729999999999995, + "recall_at_5": 7.228, + "main_score": 10.001 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/SICK-R.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/SICK-R.json new file mode 100644 index 000000000..7003a8e67 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/SICK-R.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 71.76588896280093, + "cosine_spearman": 71.76588896280093, + "main_score": 71.76588896280093 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/STS12.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/STS12.json new file mode 100644 index 000000000..3ec1de6cd --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/STS12.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 65.3943089429597, + "cosine_spearman": 65.3943089429597, + "main_score": 65.3943089429597 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/STS13.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/STS13.json new file mode 100644 index 000000000..0757dd4d8 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/STS13.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 79.26435573752327, + "cosine_spearman": 79.26435573752327, + "main_score": 79.26435573752327 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/STS14.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/STS14.json new file mode 100644 index 000000000..f3088d0e4 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/STS14.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 72.98102120833857, + "cosine_spearman": 72.98102120833857, + "main_score": 72.98102120833857 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/STS15.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/STS15.json new file mode 100644 index 000000000..c245a9625 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/STS15.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 82.72040157931015, + "cosine_spearman": 82.72040157931015, + "main_score": 82.72040157931015 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/STS16.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/STS16.json new file mode 100644 index 000000000..271f177e2 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/STS16.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 81.020987615843, + "cosine_spearman": 81.020987615843, + "main_score": 81.020987615843 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/STS17.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/STS17.json new file mode 100644 index 000000000..67afbe519 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/STS17.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 86.69902762920725, + "cosine_spearman": 86.69902762920725, + "main_score": 86.69902762920725 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/STS22.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/STS22.json new file mode 100644 index 000000000..a20f9851d --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/STS22.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 63.474026946359615, + "cosine_spearman": 63.474026946359615, + "main_score": 63.474026946359615 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/STSBenchmark.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/STSBenchmark.json new file mode 100644 index 000000000..ca5ee45e0 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/STSBenchmark.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 78.32422438643496, + "cosine_spearman": 78.32422438643496, + "main_score": 78.32422438643496 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/SciDocsRR.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/SciDocsRR.json new file mode 100644 index 000000000..df5f9e294 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 77.61818188370545, + "mrr": 93.57944887356652, + "main_score": 77.61818188370545 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/SciFact.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/SciFact.json new file mode 100644 index 000000000..c719c206f --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 48.417, + "map_at_10": 59.217, + "map_at_100": 59.866, + "map_at_1000": 59.91, + "map_at_3": 56.302, + "map_at_5": 58.252, + "mrr_at_1": 51.0, + "mrr_at_10": 60.368, + "mrr_at_100": 60.901, + "mrr_at_1000": 60.936, + "mrr_at_3": 57.778, + "mrr_at_5": 59.577999999999996, + "ndcg_at_1": 51.0, + "ndcg_at_10": 64.479, + "ndcg_at_100": 67.37100000000001, + "ndcg_at_1000": 68.367, + "ndcg_at_3": 59.117, + "ndcg_at_5": 62.283, + "precision_at_1": 51.0, + "precision_at_10": 8.833, + "precision_at_100": 1.043, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 23.778, + "precision_at_5": 16.067, + "recall_at_1": 48.417, + "recall_at_10": 79.567, + "recall_at_100": 92.422, + "recall_at_1000": 100.0, + "recall_at_3": 65.011, + "recall_at_5": 72.983, + "main_score": 64.479 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/SprintDuplicateQuestions.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..2f7892791 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.63861386138613, + "cos_sim_ap": 87.57401607596607, + "cos_sim_f1": 81.18006103763987, + "cos_sim_precision": 82.6086956521739, + "cos_sim_recall": 79.80000000000001, + "dot_accuracy": 99.36435643564356, + "dot_ap": 67.10054414762459, + "dot_f1": 62.686567164179095, + "dot_precision": 70.08652657601978, + "dot_recall": 56.699999999999996, + "euclidean_accuracy": 99.6108910891089, + "euclidean_ap": 85.27455886915234, + "euclidean_f1": 79.41330539549503, + "euclidean_precision": 83.3883388338834, + "euclidean_recall": 75.8, + "manhattan_accuracy": 99.62574257425743, + "manhattan_ap": 86.03781248244218, + "manhattan_f1": 80.23012552301255, + "manhattan_precision": 84.10087719298247, + "manhattan_recall": 76.7, + "max_accuracy": 99.63861386138613, + "max_ap": 87.57401607596607, + "max_f1": 81.18006103763987, + "main_score": 87.57401607596607 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/StackExchangeClustering.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/StackExchangeClustering.json new file mode 100644 index 000000000..cd35cfb52 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 65.11651958999349, + "main_score": 65.11651958999349 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/StackExchangeClusteringP2P.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..f1c12b764 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.60581294647579, + "main_score": 33.60581294647579 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/StackOverflowDupQuestions.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..69c983a41 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 47.773753263238696, + "mrr": 48.39623917748917, + "main_score": 47.773753263238696 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/SummEval.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/SummEval.json new file mode 100644 index 000000000..0215692cc --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.564097570977395, + "cos_sim_spearman": 31.380186846178056, + "dot_pearson": 18.77679329172303, + "dot_spearman": 20.468892673671043, + "cosine_pearson": 31.564097570977395, + "cosine_spearman": 31.380186846178056, + "main_score": 31.380186846178056 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/TRECCOVID.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/TRECCOVID.json new file mode 100644 index 000000000..b3fea4ba3 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.191, + "map_at_10": 1.307, + "map_at_100": 6.458, + "map_at_1000": 16.785, + "map_at_3": 0.47600000000000003, + "map_at_5": 0.751, + "mrr_at_1": 72.0, + "mrr_at_10": 81.175, + "mrr_at_100": 81.229, + "mrr_at_1000": 81.229, + "mrr_at_3": 79.667, + "mrr_at_5": 80.667, + "ndcg_at_1": 68.0, + "ndcg_at_10": 60.672000000000004, + "ndcg_at_100": 43.114000000000004, + "ndcg_at_1000": 40.459, + "ndcg_at_3": 65.642, + "ndcg_at_5": 64.033, + "precision_at_1": 72.0, + "precision_at_10": 63.0, + "precision_at_100": 43.82, + "precision_at_1000": 18.758, + "precision_at_3": 68.0, + "precision_at_5": 67.60000000000001, + "recall_at_1": 0.191, + "recall_at_10": 1.585, + "recall_at_100": 10.113999999999999, + "recall_at_1000": 38.83, + "recall_at_3": 0.514, + "recall_at_5": 0.853, + "main_score": 60.672000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/Touche2020.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/Touche2020.json new file mode 100644 index 000000000..bd4c4d730 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.857, + "map_at_10": 4.154, + "map_at_100": 7.1819999999999995, + "map_at_1000": 8.501, + "map_at_3": 2.3369999999999997, + "map_at_5": 2.573, + "mrr_at_1": 8.163, + "mrr_at_10": 20.305, + "mrr_at_100": 22.334, + "mrr_at_1000": 22.397, + "mrr_at_3": 17.347, + "mrr_at_5": 18.673000000000002, + "ndcg_at_1": 6.122, + "ndcg_at_10": 10.18, + "ndcg_at_100": 20.735999999999997, + "ndcg_at_1000": 32.897999999999996, + "ndcg_at_3": 10.299999999999999, + "ndcg_at_5": 8.981, + "precision_at_1": 8.163, + "precision_at_10": 10.204, + "precision_at_100": 5.061, + "precision_at_1000": 1.276, + "precision_at_3": 14.285999999999998, + "precision_at_5": 10.612, + "recall_at_1": 0.857, + "recall_at_10": 8.57, + "recall_at_100": 33.215, + "recall_at_1000": 70.488, + "recall_at_3": 3.527, + "recall_at_5": 4.194, + "main_score": 10.18 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/ToxicConversationsClassification.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..c8b2c5372 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.8126, + "ap": 15.399874831474428, + "f1": 55.733319106134225, + "main_score": 71.8126 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/TweetSentimentExtractionClassification.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..a957a77d9 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 57.167515563101304, + "f1": 57.493718365420854, + "main_score": 57.167515563101304 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/TwentyNewsgroupsClustering.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..ce50f8555 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.761111606661984, + "main_score": 30.761111606661984 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/TwitterSemEval2015.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/TwitterSemEval2015.json new file mode 100644 index 000000000..bd4a6069c --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 83.90057817249806, + "cos_sim_ap": 65.13897428351787, + "cos_sim_f1": 61.042677616025884, + "cos_sim_precision": 57.75841770661644, + "cos_sim_recall": 64.72295514511873, + "dot_accuracy": 80.60439887941826, + "dot_ap": 55.55250665214204, + "dot_f1": 54.91251682368774, + "dot_precision": 47.75653531018338, + "dot_recall": 64.5910290237467, + "euclidean_accuracy": 83.30452405078381, + "euclidean_ap": 62.67995656680978, + "euclidean_f1": 59.421025901472824, + "euclidean_precision": 57.268722466960355, + "euclidean_recall": 61.74142480211082, + "manhattan_accuracy": 83.39393216904095, + "manhattan_ap": 63.04154722022527, + "manhattan_f1": 59.49575573292791, + "manhattan_precision": 57.226419692907626, + "manhattan_recall": 61.952506596306065, + "max_accuracy": 83.90057817249806, + "max_ap": 65.13897428351787, + "max_f1": 61.042677616025884, + "main_score": 65.13897428351787 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/TwitterURLCorpus.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/TwitterURLCorpus.json new file mode 100644 index 000000000..185e4fc5f --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 86.91349400395855, + "cos_sim_ap": 80.94267715916922, + "cos_sim_f1": 73.80416854101064, + "cos_sim_precision": 71.91700759789596, + "cos_sim_recall": 75.79303972898059, + "dot_accuracy": 85.36694221290799, + "dot_ap": 76.58601958627575, + "dot_f1": 71.08344449384913, + "dot_precision": 68.51428571428572, + "dot_recall": 73.85278718817369, + "euclidean_accuracy": 86.23627119959639, + "euclidean_ap": 79.39212423810176, + "euclidean_f1": 72.54634884600833, + "euclidean_precision": 71.32123195952983, + "euclidean_recall": 73.81429011395134, + "manhattan_accuracy": 86.72720922109676, + "manhattan_ap": 80.52847011448226, + "manhattan_f1": 73.27869471616877, + "manhattan_precision": 71.91785899621914, + "manhattan_recall": 74.69202340622113, + "max_accuracy": 86.91349400395855, + "max_ap": 80.94267715916922, + "max_f1": 73.80416854101064, + "main_score": 80.94267715916922 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/model_meta.json b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/model_meta.json new file mode 100644 index 000000000..ff845e31b --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "McGill-NLP/LLM2Vec-Llama-2-7b-chat-hf-mntp-unsup-simcse", + "revision": "f9769d3176a9cc4b3421b8c14b1cba47c2d1e9a8", + "release_date": "2024-04-04", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": null, + "embed_dim": null, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/AmazonCounterfactualClassification.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..7f5058fe5 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.94029850746269, + "ap": 44.93223506764482, + "f1": 74.30328994013465, + "main_score": 79.94029850746269 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/AmazonPolarityClassification.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..81716529c --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.06680000000001, + "ap": 81.97124658709345, + "f1": 86.00558036874241, + "main_score": 86.06680000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/AmazonReviewsClassification.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..76ff97188 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 46.836, + "f1": 46.05094679201488, + "main_score": 46.836 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/ArguAna.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/ArguAna.json new file mode 100644 index 000000000..74bfd4e8b --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 37.980000000000004, + "map_at_10": 54.167, + "map_at_100": 54.735, + "map_at_1000": 54.738, + "map_at_3": 49.384, + "map_at_5": 52.285000000000004, + "mrr_at_1": 38.549, + "mrr_at_10": 54.351000000000006, + "mrr_at_100": 54.932, + "mrr_at_1000": 54.935, + "mrr_at_3": 49.585, + "mrr_at_5": 52.469, + "ndcg_at_1": 37.980000000000004, + "ndcg_at_10": 62.778999999999996, + "ndcg_at_100": 64.986, + "ndcg_at_1000": 65.036, + "ndcg_at_3": 53.086999999999996, + "ndcg_at_5": 58.263, + "precision_at_1": 37.980000000000004, + "precision_at_10": 9.011, + "precision_at_100": 0.993, + "precision_at_1000": 0.1, + "precision_at_3": 21.266, + "precision_at_5": 15.248999999999999, + "recall_at_1": 37.980000000000004, + "recall_at_10": 90.114, + "recall_at_100": 99.289, + "recall_at_1000": 99.644, + "recall_at_3": 63.798, + "recall_at_5": 76.24499999999999, + "main_score": 62.778999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/ArxivClusteringP2P.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..c86bb8d31 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 44.27081216556421, + "main_score": 44.27081216556421 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/ArxivClusteringS2S.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..79c0cdf7b --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 46.8490872532913, + "main_score": 46.8490872532913 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/AskUbuntuDupQuestions.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..d071ef7e5 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 65.18525400430678, + "mrr": 78.80149936244119, + "main_score": 65.18525400430678 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/BIOSSES.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/BIOSSES.json new file mode 100644 index 000000000..d876c967e --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/BIOSSES.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 84.92301936595548, + "cosine_spearman": 84.92301936595548, + "main_score": 84.92301936595548 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/Banking77Classification.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/Banking77Classification.json new file mode 100644 index 000000000..277f8e618 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 88.0487012987013, + "f1": 88.00953788281542, + "main_score": 88.0487012987013 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/BiorxivClusteringP2P.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..af077ed31 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.34687321141145, + "main_score": 32.34687321141145 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/BiorxivClusteringS2S.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..98084b0eb --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.69881680534123, + "main_score": 36.69881680534123 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/CQADupstackAndroidRetrieval.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..4b76f4d79 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 37.742, + "map_at_10": 51.803, + "map_at_100": 53.556000000000004, + "map_at_1000": 53.652, + "map_at_3": 47.286, + "map_at_5": 50.126000000000005, + "mrr_at_1": 46.924, + "mrr_at_10": 57.857, + "mrr_at_100": 58.592, + "mrr_at_1000": 58.619, + "mrr_at_3": 55.340999999999994, + "mrr_at_5": 57.150999999999996, + "ndcg_at_1": 46.924, + "ndcg_at_10": 58.733999999999995, + "ndcg_at_100": 63.771, + "ndcg_at_1000": 64.934, + "ndcg_at_3": 53.189, + "ndcg_at_5": 56.381, + "precision_at_1": 46.924, + "precision_at_10": 11.431, + "precision_at_100": 1.73, + "precision_at_1000": 0.213, + "precision_at_3": 25.942, + "precision_at_5": 19.113, + "recall_at_1": 37.742, + "recall_at_10": 71.34, + "recall_at_100": 91.523, + "recall_at_1000": 98.494, + "recall_at_3": 55.443, + "recall_at_5": 64.122, + "main_score": 58.733999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/CQADupstackEnglishRetrieval.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/CQADupstackEnglishRetrieval.json new file mode 100644 index 000000000..7107c9c30 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/CQADupstackEnglishRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackEnglishRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 34.183, + "map_at_10": 46.837, + "map_at_100": 48.126000000000005, + "map_at_1000": 48.25, + "map_at_3": 43.171, + "map_at_5": 45.318999999999996, + "mrr_at_1": 43.376, + "mrr_at_10": 52.859, + "mrr_at_100": 53.422000000000004, + "mrr_at_1000": 53.456, + "mrr_at_3": 50.434999999999995, + "mrr_at_5": 51.861999999999995, + "ndcg_at_1": 43.376, + "ndcg_at_10": 53.223, + "ndcg_at_100": 57.175, + "ndcg_at_1000": 58.86900000000001, + "ndcg_at_3": 48.417, + "ndcg_at_5": 50.77, + "precision_at_1": 43.376, + "precision_at_10": 10.236, + "precision_at_100": 1.5730000000000002, + "precision_at_1000": 0.203, + "precision_at_3": 23.97, + "precision_at_5": 17.134, + "recall_at_1": 34.183, + "recall_at_10": 64.866, + "recall_at_100": 81.26100000000001, + "recall_at_1000": 91.412, + "recall_at_3": 50.080000000000005, + "recall_at_5": 56.871, + "main_score": 53.223 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/CQADupstackGamingRetrieval.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/CQADupstackGamingRetrieval.json new file mode 100644 index 000000000..db86292bf --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/CQADupstackGamingRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackGamingRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 44.878, + "map_at_10": 58.656, + "map_at_100": 59.668, + "map_at_1000": 59.704, + "map_at_3": 54.891, + "map_at_5": 57.050999999999995, + "mrr_at_1": 51.975, + "mrr_at_10": 62.357, + "mrr_at_100": 62.907999999999994, + "mrr_at_1000": 62.925, + "mrr_at_3": 59.801, + "mrr_at_5": 61.278, + "ndcg_at_1": 51.975, + "ndcg_at_10": 64.95100000000001, + "ndcg_at_100": 68.414, + "ndcg_at_1000": 69.077, + "ndcg_at_3": 58.897999999999996, + "ndcg_at_5": 61.866, + "precision_at_1": 51.975, + "precision_at_10": 10.502, + "precision_at_100": 1.31, + "precision_at_1000": 0.13899999999999998, + "precision_at_3": 26.290000000000003, + "precision_at_5": 18.093999999999998, + "recall_at_1": 44.878, + "recall_at_10": 79.746, + "recall_at_100": 94.17, + "recall_at_1000": 98.80499999999999, + "recall_at_3": 63.70099999999999, + "recall_at_5": 70.878, + "main_score": 64.95100000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/CQADupstackGisRetrieval.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/CQADupstackGisRetrieval.json new file mode 100644 index 000000000..3500c8a3f --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/CQADupstackGisRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackGisRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.807, + "map_at_10": 39.431, + "map_at_100": 40.56, + "map_at_1000": 40.617999999999995, + "map_at_3": 36.436, + "map_at_5": 37.955, + "mrr_at_1": 31.186000000000003, + "mrr_at_10": 41.654, + "mrr_at_100": 42.58, + "mrr_at_1000": 42.623, + "mrr_at_3": 38.983000000000004, + "mrr_at_5": 40.35, + "ndcg_at_1": 31.186000000000003, + "ndcg_at_10": 45.297, + "ndcg_at_100": 50.515, + "ndcg_at_1000": 52.005, + "ndcg_at_3": 39.602, + "ndcg_at_5": 42.027, + "precision_at_1": 31.186000000000003, + "precision_at_10": 7.073, + "precision_at_100": 1.0210000000000001, + "precision_at_1000": 0.11900000000000001, + "precision_at_3": 17.1, + "precision_at_5": 11.729000000000001, + "recall_at_1": 28.807, + "recall_at_10": 61.138999999999996, + "recall_at_100": 84.491, + "recall_at_1000": 95.651, + "recall_at_3": 45.652, + "recall_at_5": 51.522, + "main_score": 45.297 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/CQADupstackMathematicaRetrieval.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/CQADupstackMathematicaRetrieval.json new file mode 100644 index 000000000..b11d10eb0 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/CQADupstackMathematicaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackMathematicaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.607, + "map_at_10": 31.944, + "map_at_100": 33.317, + "map_at_1000": 33.428000000000004, + "map_at_3": 28.508, + "map_at_5": 30.348999999999997, + "mrr_at_1": 25.622, + "mrr_at_10": 36.726, + "mrr_at_100": 37.707, + "mrr_at_1000": 37.761, + "mrr_at_3": 33.934, + "mrr_at_5": 35.452, + "ndcg_at_1": 25.622, + "ndcg_at_10": 38.462, + "ndcg_at_100": 44.327, + "ndcg_at_1000": 46.623, + "ndcg_at_3": 32.583, + "ndcg_at_5": 35.175, + "precision_at_1": 25.622, + "precision_at_10": 7.425, + "precision_at_100": 1.173, + "precision_at_1000": 0.149, + "precision_at_3": 16.418, + "precision_at_5": 11.866, + "recall_at_1": 20.607, + "recall_at_10": 53.337, + "recall_at_100": 78.133, + "recall_at_1000": 94.151, + "recall_at_3": 37.088, + "recall_at_5": 43.627, + "main_score": 38.462 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/CQADupstackPhysicsRetrieval.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/CQADupstackPhysicsRetrieval.json new file mode 100644 index 000000000..3728e0235 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/CQADupstackPhysicsRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackPhysicsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 33.814, + "map_at_10": 47.609, + "map_at_100": 48.972, + "map_at_1000": 49.061, + "map_at_3": 43.397999999999996, + "map_at_5": 45.839, + "mrr_at_1": 42.059999999999995, + "mrr_at_10": 53.074, + "mrr_at_100": 53.76800000000001, + "mrr_at_1000": 53.794, + "mrr_at_3": 50.241, + "mrr_at_5": 51.805, + "ndcg_at_1": 42.059999999999995, + "ndcg_at_10": 54.419, + "ndcg_at_100": 59.508, + "ndcg_at_1000": 60.858000000000004, + "ndcg_at_3": 48.296, + "ndcg_at_5": 51.28, + "precision_at_1": 42.059999999999995, + "precision_at_10": 10.231, + "precision_at_100": 1.4789999999999999, + "precision_at_1000": 0.17700000000000002, + "precision_at_3": 23.419999999999998, + "precision_at_5": 16.843, + "recall_at_1": 33.814, + "recall_at_10": 68.88, + "recall_at_100": 89.794, + "recall_at_1000": 98.058, + "recall_at_3": 51.915, + "recall_at_5": 59.704, + "main_score": 54.419 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/CQADupstackProgrammersRetrieval.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/CQADupstackProgrammersRetrieval.json new file mode 100644 index 000000000..6a5b329a1 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/CQADupstackProgrammersRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackProgrammersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.668, + "map_at_10": 43.032, + "map_at_100": 44.48, + "map_at_1000": 44.574000000000005, + "map_at_3": 38.609, + "map_at_5": 41.164, + "mrr_at_1": 37.785000000000004, + "mrr_at_10": 48.898, + "mrr_at_100": 49.728, + "mrr_at_1000": 49.769000000000005, + "mrr_at_3": 45.909, + "mrr_at_5": 47.61, + "ndcg_at_1": 37.785000000000004, + "ndcg_at_10": 50.21099999999999, + "ndcg_at_100": 55.657999999999994, + "ndcg_at_1000": 57.172, + "ndcg_at_3": 43.726, + "ndcg_at_5": 46.758, + "precision_at_1": 37.785000000000004, + "precision_at_10": 9.669, + "precision_at_100": 1.4409999999999998, + "precision_at_1000": 0.174, + "precision_at_3": 21.651, + "precision_at_5": 15.822, + "recall_at_1": 29.668, + "recall_at_10": 65.575, + "recall_at_100": 87.977, + "recall_at_1000": 97.615, + "recall_at_3": 47.251, + "recall_at_5": 55.359, + "main_score": 50.21099999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/CQADupstackStatsRetrieval.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/CQADupstackStatsRetrieval.json new file mode 100644 index 000000000..53a66bb3b --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/CQADupstackStatsRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackStatsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.996, + "map_at_10": 38.047, + "map_at_100": 39.121, + "map_at_1000": 39.202999999999996, + "map_at_3": 35.376000000000005, + "map_at_5": 36.763, + "mrr_at_1": 32.362, + "mrr_at_10": 40.717999999999996, + "mrr_at_100": 41.586, + "mrr_at_1000": 41.641, + "mrr_at_3": 38.292, + "mrr_at_5": 39.657, + "ndcg_at_1": 32.362, + "ndcg_at_10": 43.105, + "ndcg_at_100": 48.026, + "ndcg_at_1000": 49.998, + "ndcg_at_3": 38.147999999999996, + "ndcg_at_5": 40.385, + "precision_at_1": 32.362, + "precision_at_10": 6.7940000000000005, + "precision_at_100": 1.0170000000000001, + "precision_at_1000": 0.125, + "precision_at_3": 16.411, + "precision_at_5": 11.35, + "recall_at_1": 28.996, + "recall_at_10": 55.955, + "recall_at_100": 77.744, + "recall_at_1000": 92.196, + "recall_at_3": 42.254999999999995, + "recall_at_5": 47.776, + "main_score": 43.105 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/CQADupstackTexRetrieval.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/CQADupstackTexRetrieval.json new file mode 100644 index 000000000..7062f99a9 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/CQADupstackTexRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackTexRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.029, + "map_at_10": 29.188, + "map_at_100": 30.484, + "map_at_1000": 30.608, + "map_at_3": 26.195, + "map_at_5": 27.866999999999997, + "mrr_at_1": 24.57, + "mrr_at_10": 33.461, + "mrr_at_100": 34.398, + "mrr_at_1000": 34.464, + "mrr_at_3": 30.856, + "mrr_at_5": 32.322, + "ndcg_at_1": 24.57, + "ndcg_at_10": 34.846, + "ndcg_at_100": 40.544000000000004, + "ndcg_at_1000": 43.019, + "ndcg_at_3": 29.683999999999997, + "ndcg_at_5": 32.11, + "precision_at_1": 24.57, + "precision_at_10": 6.535, + "precision_at_100": 1.11, + "precision_at_1000": 0.149, + "precision_at_3": 14.338000000000001, + "precision_at_5": 10.496, + "recall_at_1": 20.029, + "recall_at_10": 47.509, + "recall_at_100": 72.61999999999999, + "recall_at_1000": 89.778, + "recall_at_3": 33.031, + "recall_at_5": 39.306000000000004, + "main_score": 34.846 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/CQADupstackUnixRetrieval.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/CQADupstackUnixRetrieval.json new file mode 100644 index 000000000..8435931ec --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/CQADupstackUnixRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackUnixRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.753999999999998, + "map_at_10": 43.814, + "map_at_100": 45.072, + "map_at_1000": 45.155, + "map_at_3": 40.316, + "map_at_5": 42.15, + "mrr_at_1": 38.06, + "mrr_at_10": 48.311, + "mrr_at_100": 49.145, + "mrr_at_1000": 49.181000000000004, + "mrr_at_3": 45.678000000000004, + "mrr_at_5": 47.072, + "ndcg_at_1": 38.06, + "ndcg_at_10": 50.083, + "ndcg_at_100": 55.342, + "ndcg_at_1000": 56.87, + "ndcg_at_3": 44.513999999999996, + "ndcg_at_5": 46.886, + "precision_at_1": 38.06, + "precision_at_10": 8.638, + "precision_at_100": 1.253, + "precision_at_1000": 0.149, + "precision_at_3": 20.709, + "precision_at_5": 14.44, + "recall_at_1": 31.753999999999998, + "recall_at_10": 64.473, + "recall_at_100": 86.832, + "recall_at_1000": 96.706, + "recall_at_3": 48.937000000000005, + "recall_at_5": 55.214, + "main_score": 50.083 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/CQADupstackWebmastersRetrieval.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/CQADupstackWebmastersRetrieval.json new file mode 100644 index 000000000..df08e36df --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/CQADupstackWebmastersRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackWebmastersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.815, + "map_at_10": 40.595, + "map_at_100": 42.337, + "map_at_1000": 42.559000000000005, + "map_at_3": 37.120999999999995, + "map_at_5": 38.912, + "mrr_at_1": 34.585, + "mrr_at_10": 45.068000000000005, + "mrr_at_100": 45.93, + "mrr_at_1000": 45.974, + "mrr_at_3": 42.26, + "mrr_at_5": 43.742, + "ndcg_at_1": 34.585, + "ndcg_at_10": 47.519, + "ndcg_at_100": 53.102000000000004, + "ndcg_at_1000": 54.949999999999996, + "ndcg_at_3": 41.719, + "ndcg_at_5": 44.17, + "precision_at_1": 34.585, + "precision_at_10": 9.368, + "precision_at_100": 1.7870000000000001, + "precision_at_1000": 0.254, + "precision_at_3": 19.895, + "precision_at_5": 14.506, + "recall_at_1": 28.815, + "recall_at_10": 61.414, + "recall_at_100": 85.922, + "recall_at_1000": 97.15, + "recall_at_3": 45.076, + "recall_at_5": 51.271, + "main_score": 47.519 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/CQADupstackWordpressRetrieval.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/CQADupstackWordpressRetrieval.json new file mode 100644 index 000000000..ac1e0cb24 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/CQADupstackWordpressRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackWordpressRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.298000000000002, + "map_at_10": 32.889, + "map_at_100": 33.989999999999995, + "map_at_1000": 34.074, + "map_at_3": 29.873, + "map_at_5": 31.539, + "mrr_at_1": 26.433, + "mrr_at_10": 34.937000000000005, + "mrr_at_100": 35.914, + "mrr_at_1000": 35.96, + "mrr_at_3": 32.286, + "mrr_at_5": 33.663, + "ndcg_at_1": 26.433, + "ndcg_at_10": 38.173, + "ndcg_at_100": 43.884, + "ndcg_at_1000": 45.916000000000004, + "ndcg_at_3": 32.419, + "ndcg_at_5": 35.092, + "precision_at_1": 26.433, + "precision_at_10": 6.1, + "precision_at_100": 0.963, + "precision_at_1000": 0.126, + "precision_at_3": 13.802, + "precision_at_5": 9.871, + "recall_at_1": 24.298000000000002, + "recall_at_10": 52.554, + "recall_at_100": 79.345, + "recall_at_1000": 94.464, + "recall_at_3": 37.036, + "recall_at_5": 43.518, + "main_score": 38.173 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/ClimateFEVER.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/ClimateFEVER.json new file mode 100644 index 000000000..9f56e7a9b --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 14.194999999999999, + "map_at_10": 24.563, + "map_at_100": 26.775, + "map_at_1000": 26.965, + "map_at_3": 19.983999999999998, + "map_at_5": 22.24, + "mrr_at_1": 31.661, + "mrr_at_10": 44.804, + "mrr_at_100": 45.655, + "mrr_at_1000": 45.678000000000004, + "mrr_at_3": 41.292, + "mrr_at_5": 43.468, + "ndcg_at_1": 31.661, + "ndcg_at_10": 34.271, + "ndcg_at_100": 42.04, + "ndcg_at_1000": 45.101, + "ndcg_at_3": 27.529999999999998, + "ndcg_at_5": 29.862, + "precision_at_1": 31.661, + "precision_at_10": 10.925, + "precision_at_100": 1.92, + "precision_at_1000": 0.25, + "precision_at_3": 20.456, + "precision_at_5": 16.012999999999998, + "recall_at_1": 14.194999999999999, + "recall_at_10": 41.388999999999996, + "recall_at_100": 67.58800000000001, + "recall_at_1000": 84.283, + "recall_at_3": 25.089, + "recall_at_5": 31.642, + "main_score": 34.271 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/DBPedia.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/DBPedia.json new file mode 100644 index 000000000..94efb1fb0 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.898, + "map_at_10": 23.226, + "map_at_100": 33.372, + "map_at_1000": 35.407, + "map_at_3": 15.892999999999999, + "map_at_5": 18.747, + "mrr_at_1": 73.5, + "mrr_at_10": 80.404, + "mrr_at_100": 80.671, + "mrr_at_1000": 80.676, + "mrr_at_3": 78.958, + "mrr_at_5": 79.683, + "ndcg_at_1": 62.0, + "ndcg_at_10": 48.337, + "ndcg_at_100": 53.474, + "ndcg_at_1000": 60.999, + "ndcg_at_3": 52.538, + "ndcg_at_5": 49.659, + "precision_at_1": 73.5, + "precision_at_10": 39.25, + "precision_at_100": 12.4, + "precision_at_1000": 2.4459999999999997, + "precision_at_3": 56.333, + "precision_at_5": 48.15, + "recall_at_1": 9.898, + "recall_at_10": 29.511, + "recall_at_100": 60.45700000000001, + "recall_at_1000": 84.47200000000001, + "recall_at_3": 17.064, + "recall_at_5": 21.258, + "main_score": 48.337 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/EmotionClassification.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/EmotionClassification.json new file mode 100644 index 000000000..d35afa1cc --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 51.19999999999999, + "f1": 46.23854137552949, + "main_score": 51.19999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/FEVER.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/FEVER.json new file mode 100644 index 000000000..914d194df --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 80.093, + "map_at_10": 87.139, + "map_at_100": 87.333, + "map_at_1000": 87.344, + "map_at_3": 86.395, + "map_at_5": 86.866, + "mrr_at_1": 86.36399999999999, + "mrr_at_10": 91.867, + "mrr_at_100": 91.906, + "mrr_at_1000": 91.90700000000001, + "mrr_at_3": 91.484, + "mrr_at_5": 91.759, + "ndcg_at_1": 86.36399999999999, + "ndcg_at_10": 90.197, + "ndcg_at_100": 90.819, + "ndcg_at_1000": 91.01599999999999, + "ndcg_at_3": 89.166, + "ndcg_at_5": 89.74, + "precision_at_1": 86.36399999999999, + "precision_at_10": 10.537, + "precision_at_100": 1.106, + "precision_at_1000": 0.11399999999999999, + "precision_at_3": 33.608, + "precision_at_5": 20.618, + "recall_at_1": 80.093, + "recall_at_10": 95.003, + "recall_at_100": 97.328, + "recall_at_1000": 98.485, + "recall_at_3": 92.072, + "recall_at_5": 93.661, + "main_score": 90.197 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/FiQA2018.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/FiQA2018.json new file mode 100644 index 000000000..814b1dbbd --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.063, + "map_at_10": 47.113, + "map_at_100": 49.294, + "map_at_1000": 49.422, + "map_at_3": 40.955000000000005, + "map_at_5": 44.5, + "mrr_at_1": 55.401, + "mrr_at_10": 62.99400000000001, + "mrr_at_100": 63.63999999999999, + "mrr_at_1000": 63.661, + "mrr_at_3": 61.034, + "mrr_at_5": 62.253, + "ndcg_at_1": 55.401, + "ndcg_at_10": 55.332, + "ndcg_at_100": 61.931000000000004, + "ndcg_at_1000": 63.841, + "ndcg_at_3": 50.92, + "ndcg_at_5": 52.525, + "precision_at_1": 55.401, + "precision_at_10": 15.262, + "precision_at_100": 2.231, + "precision_at_1000": 0.256, + "precision_at_3": 33.848, + "precision_at_5": 25.031, + "recall_at_1": 29.063, + "recall_at_10": 62.498, + "recall_at_100": 85.86, + "recall_at_1000": 97.409, + "recall_at_3": 45.472, + "recall_at_5": 53.344, + "main_score": 55.332 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/HotpotQA.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/HotpotQA.json new file mode 100644 index 000000000..c2ca44339 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 37.205, + "map_at_10": 64.19399999999999, + "map_at_100": 65.183, + "map_at_1000": 65.23299999999999, + "map_at_3": 60.239, + "map_at_5": 62.695, + "mrr_at_1": 74.409, + "mrr_at_10": 80.84, + "mrr_at_100": 81.10199999999999, + "mrr_at_1000": 81.109, + "mrr_at_3": 79.739, + "mrr_at_5": 80.46600000000001, + "ndcg_at_1": 74.409, + "ndcg_at_10": 71.757, + "ndcg_at_100": 75.152, + "ndcg_at_1000": 76.098, + "ndcg_at_3": 66.174, + "ndcg_at_5": 69.283, + "precision_at_1": 74.409, + "precision_at_10": 15.503, + "precision_at_100": 1.8110000000000002, + "precision_at_1000": 0.194, + "precision_at_3": 43.457, + "precision_at_5": 28.532000000000004, + "recall_at_1": 37.205, + "recall_at_10": 77.515, + "recall_at_100": 90.56, + "recall_at_1000": 96.759, + "recall_at_3": 65.18599999999999, + "recall_at_5": 71.33, + "main_score": 71.757 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/ImdbClassification.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/ImdbClassification.json new file mode 100644 index 000000000..68502960a --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 82.9448, + "ap": 78.25923353099166, + "f1": 82.86422040179993, + "main_score": 82.9448 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/MSMARCO.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/MSMARCO.json new file mode 100644 index 000000000..ae654648b --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.834, + "map_at_10": 35.85, + "map_at_100": 37.013, + "map_at_1000": 37.056, + "map_at_3": 31.613000000000003, + "map_at_5": 34.113, + "mrr_at_1": 23.424, + "mrr_at_10": 36.398, + "mrr_at_100": 37.498, + "mrr_at_1000": 37.534, + "mrr_at_3": 32.275999999999996, + "mrr_at_5": 34.705000000000005, + "ndcg_at_1": 23.424, + "ndcg_at_10": 43.236999999999995, + "ndcg_at_100": 48.776, + "ndcg_at_1000": 49.778, + "ndcg_at_3": 34.692, + "ndcg_at_5": 39.119, + "precision_at_1": 23.424, + "precision_at_10": 6.918, + "precision_at_100": 0.9690000000000001, + "precision_at_1000": 0.105, + "precision_at_3": 14.881, + "precision_at_5": 11.183, + "recall_at_1": 22.834, + "recall_at_10": 66.03999999999999, + "recall_at_100": 91.532, + "recall_at_1000": 99.068, + "recall_at_3": 42.936, + "recall_at_5": 53.539, + "main_score": 43.236999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/MTOPDomainClassification.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/MTOPDomainClassification.json new file mode 100644 index 000000000..223e8bc96 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 96.1377108983128, + "f1": 95.87034720246666, + "main_score": 96.1377108983128 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/MTOPIntentClassification.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/MTOPIntentClassification.json new file mode 100644 index 000000000..735ec3a17 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.10579115367078, + "f1": 70.20810321445228, + "main_score": 86.10579115367078 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/MassiveIntentClassification.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/MassiveIntentClassification.json new file mode 100644 index 000000000..58a64a71b --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.80497646267652, + "f1": 77.32475274059293, + "main_score": 79.80497646267652 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/MassiveScenarioClassification.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..4eba498b3 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 81.52320107599192, + "f1": 81.22312939311655, + "main_score": 81.52320107599192 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/MedrxivClusteringP2P.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..971aa866f --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.709106678767018, + "main_score": 30.709106678767018 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/MedrxivClusteringS2S.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..08ca06de7 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.95879128399585, + "main_score": 32.95879128399585 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/MindSmallReranking.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/MindSmallReranking.json new file mode 100644 index 000000000..d4dcf3684 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 32.67476691128679, + "mrr": 33.921654478513986, + "main_score": 32.67476691128679 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/NFCorpus.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/NFCorpus.json new file mode 100644 index 000000000..9fa5c1128 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 7.223, + "map_at_10": 15.992999999999999, + "map_at_100": 21.09, + "map_at_1000": 22.822, + "map_at_3": 11.475, + "map_at_5": 13.501, + "mrr_at_1": 53.251000000000005, + "mrr_at_10": 61.878, + "mrr_at_100": 62.307, + "mrr_at_1000": 62.342, + "mrr_at_3": 60.01, + "mrr_at_5": 61.202, + "ndcg_at_1": 51.702999999999996, + "ndcg_at_10": 41.833999999999996, + "ndcg_at_100": 39.061, + "ndcg_at_1000": 47.397, + "ndcg_at_3": 47.083000000000006, + "ndcg_at_5": 44.722, + "precision_at_1": 53.251000000000005, + "precision_at_10": 31.3, + "precision_at_100": 10.254000000000001, + "precision_at_1000": 2.338, + "precision_at_3": 43.756, + "precision_at_5": 38.824, + "recall_at_1": 7.223, + "recall_at_10": 20.529, + "recall_at_100": 39.818, + "recall_at_1000": 70.152, + "recall_at_3": 12.666, + "recall_at_5": 15.798000000000002, + "main_score": 41.833999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/NQ.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/NQ.json new file mode 100644 index 000000000..f2467d71d --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.847, + "map_at_10": 56.255, + "map_at_100": 57.019, + "map_at_1000": 57.03, + "map_at_3": 51.665000000000006, + "map_at_5": 54.543, + "mrr_at_1": 43.801, + "mrr_at_10": 58.733999999999995, + "mrr_at_100": 59.206, + "mrr_at_1000": 59.21300000000001, + "mrr_at_3": 55.266999999999996, + "mrr_at_5": 57.449, + "ndcg_at_1": 43.772, + "ndcg_at_10": 64.213, + "ndcg_at_100": 67.13, + "ndcg_at_1000": 67.368, + "ndcg_at_3": 55.977, + "ndcg_at_5": 60.597, + "precision_at_1": 43.772, + "precision_at_10": 10.272, + "precision_at_100": 1.193, + "precision_at_1000": 0.121, + "precision_at_3": 25.261, + "precision_at_5": 17.885, + "recall_at_1": 38.847, + "recall_at_10": 85.76700000000001, + "recall_at_100": 98.054, + "recall_at_1000": 99.812, + "recall_at_3": 64.82, + "recall_at_5": 75.381, + "main_score": 64.213 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/QuoraRetrieval.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/QuoraRetrieval.json new file mode 100644 index 000000000..6f1ff597b --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 68.77, + "map_at_10": 83.195, + "map_at_100": 83.869, + "map_at_1000": 83.883, + "map_at_3": 80.04599999999999, + "map_at_5": 82.011, + "mrr_at_1": 79.2, + "mrr_at_10": 85.942, + "mrr_at_100": 86.063, + "mrr_at_1000": 86.064, + "mrr_at_3": 84.82, + "mrr_at_5": 85.56899999999999, + "ndcg_at_1": 79.17999999999999, + "ndcg_at_10": 87.161, + "ndcg_at_100": 88.465, + "ndcg_at_1000": 88.553, + "ndcg_at_3": 83.958, + "ndcg_at_5": 85.699, + "precision_at_1": 79.17999999999999, + "precision_at_10": 13.401, + "precision_at_100": 1.54, + "precision_at_1000": 0.157, + "precision_at_3": 36.903000000000006, + "precision_at_5": 24.404, + "recall_at_1": 68.77, + "recall_at_10": 95.132, + "recall_at_100": 99.58200000000001, + "recall_at_1000": 99.997, + "recall_at_3": 86.119, + "recall_at_5": 90.932, + "main_score": 87.161 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/RedditClustering.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/RedditClustering.json new file mode 100644 index 000000000..b67f1890c --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 61.7204049654583, + "main_score": 61.7204049654583 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/RedditClusteringP2P.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/RedditClusteringP2P.json new file mode 100644 index 000000000..9c257fddf --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 63.98164986883849, + "main_score": 63.98164986883849 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/SCIDOCS.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/SCIDOCS.json new file mode 100644 index 000000000..d9007b347 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.443, + "map_at_10": 13.86, + "map_at_100": 16.496, + "map_at_1000": 16.836000000000002, + "map_at_3": 9.661, + "map_at_5": 11.745, + "mrr_at_1": 26.8, + "mrr_at_10": 37.777, + "mrr_at_100": 38.928000000000004, + "mrr_at_1000": 38.967, + "mrr_at_3": 34.083000000000006, + "mrr_at_5": 36.308, + "ndcg_at_1": 26.8, + "ndcg_at_10": 22.961000000000002, + "ndcg_at_100": 32.582, + "ndcg_at_1000": 37.972, + "ndcg_at_3": 21.292, + "ndcg_at_5": 18.945999999999998, + "precision_at_1": 26.8, + "precision_at_10": 12.06, + "precision_at_100": 2.593, + "precision_at_1000": 0.388, + "precision_at_3": 19.900000000000002, + "precision_at_5": 16.84, + "recall_at_1": 5.443, + "recall_at_10": 24.445, + "recall_at_100": 52.602000000000004, + "recall_at_1000": 78.767, + "recall_at_3": 12.098, + "recall_at_5": 17.077, + "main_score": 22.961000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/SICK-R.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/SICK-R.json new file mode 100644 index 000000000..7662003fd --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/SICK-R.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 83.9379272617096, + "cosine_spearman": 83.9379272617096, + "main_score": 83.9379272617096 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/STS12.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/STS12.json new file mode 100644 index 000000000..478483fbb --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/STS12.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 79.26752176661364, + "cosine_spearman": 79.26752176661364, + "main_score": 79.26752176661364 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/STS13.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/STS13.json new file mode 100644 index 000000000..9e33bdb3f --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/STS13.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 84.8327309083665, + "cosine_spearman": 84.8327309083665, + "main_score": 84.8327309083665 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/STS14.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/STS14.json new file mode 100644 index 000000000..f2f591d10 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/STS14.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 82.9394255552954, + "cosine_spearman": 82.9394255552954, + "main_score": 82.9394255552954 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/STS15.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/STS15.json new file mode 100644 index 000000000..e3a6892f8 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/STS15.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 88.08995363382608, + "cosine_spearman": 88.08995363382608, + "main_score": 88.08995363382608 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/STS16.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/STS16.json new file mode 100644 index 000000000..0cc9d744c --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/STS16.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 86.53522220099619, + "cosine_spearman": 86.53522220099619, + "main_score": 86.53522220099619 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/STS17.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/STS17.json new file mode 100644 index 000000000..0cbf972b9 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/STS17.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 89.57796559847532, + "cosine_spearman": 89.57796559847532, + "main_score": 89.57796559847532 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/STS22.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/STS22.json new file mode 100644 index 000000000..c9811fe66 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/STS22.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 67.66598855577894, + "cosine_spearman": 67.66598855577894, + "main_score": 67.66598855577894 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/STSBenchmark.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/STSBenchmark.json new file mode 100644 index 000000000..eb92c4f29 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/STSBenchmark.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 88.0472708354572, + "cosine_spearman": 88.0472708354572, + "main_score": 88.0472708354572 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/SciDocsRR.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/SciDocsRR.json new file mode 100644 index 000000000..426122a49 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 86.04689157650684, + "mrr": 96.51889958262507, + "main_score": 86.04689157650684 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/SciFact.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/SciFact.json new file mode 100644 index 000000000..c8ca0f9c4 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 62.827999999999996, + "map_at_10": 73.54899999999999, + "map_at_100": 73.892, + "map_at_1000": 73.901, + "map_at_3": 70.663, + "map_at_5": 72.449, + "mrr_at_1": 66.0, + "mrr_at_10": 74.554, + "mrr_at_100": 74.81700000000001, + "mrr_at_1000": 74.82600000000001, + "mrr_at_3": 72.667, + "mrr_at_5": 73.717, + "ndcg_at_1": 66.0, + "ndcg_at_10": 78.218, + "ndcg_at_100": 79.706, + "ndcg_at_1000": 79.925, + "ndcg_at_3": 73.629, + "ndcg_at_5": 75.89, + "precision_at_1": 66.0, + "precision_at_10": 10.333, + "precision_at_100": 1.113, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 28.889, + "precision_at_5": 19.067, + "recall_at_1": 62.827999999999996, + "recall_at_10": 91.533, + "recall_at_100": 98.333, + "recall_at_1000": 100.0, + "recall_at_3": 79.0, + "recall_at_5": 84.68900000000001, + "main_score": 78.218 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/SprintDuplicateQuestions.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..d00c5f7de --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.8019801980198, + "cos_sim_ap": 95.09301057928796, + "cos_sim_f1": 89.71193415637859, + "cos_sim_precision": 92.37288135593221, + "cos_sim_recall": 87.2, + "dot_accuracy": 99.72079207920792, + "dot_ap": 92.77707970155015, + "dot_f1": 85.88588588588588, + "dot_precision": 85.97194388777555, + "dot_recall": 85.8, + "euclidean_accuracy": 99.7980198019802, + "euclidean_ap": 95.04124481520121, + "euclidean_f1": 89.61693548387096, + "euclidean_precision": 90.34552845528455, + "euclidean_recall": 88.9, + "manhattan_accuracy": 99.7960396039604, + "manhattan_ap": 95.02691504694813, + "manhattan_f1": 89.60321446509292, + "manhattan_precision": 90.0100908173562, + "manhattan_recall": 89.2, + "max_accuracy": 99.8019801980198, + "max_ap": 95.09301057928796, + "max_f1": 89.71193415637859, + "main_score": 95.09301057928796 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/StackExchangeClustering.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/StackExchangeClustering.json new file mode 100644 index 000000000..80bdc0240 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 72.74124969197169, + "main_score": 72.74124969197169 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/StackExchangeClusteringP2P.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..20d18c1e2 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.262798307863996, + "main_score": 32.262798307863996 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/StackOverflowDupQuestions.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..44245b69c --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 54.823414217790464, + "mrr": 55.557133838383834, + "main_score": 54.823414217790464 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/SummEval.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/SummEval.json new file mode 100644 index 000000000..7cebf0a60 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.01226930465494, + "cos_sim_spearman": 30.9368445798007, + "dot_pearson": 30.204833368654533, + "dot_spearman": 30.438900411966618, + "cosine_pearson": 31.01226930465494, + "cosine_spearman": 30.9368445798007, + "main_score": 30.9368445798007 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/TRECCOVID.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/TRECCOVID.json new file mode 100644 index 000000000..9ca9bbfe8 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.22699999999999998, + "map_at_10": 2.0420000000000003, + "map_at_100": 13.33, + "map_at_1000": 33.627, + "map_at_3": 0.639, + "map_at_5": 1.056, + "mrr_at_1": 84.0, + "mrr_at_10": 91.167, + "mrr_at_100": 91.167, + "mrr_at_1000": 91.167, + "mrr_at_3": 90.667, + "mrr_at_5": 91.167, + "ndcg_at_1": 82.0, + "ndcg_at_10": 80.337, + "ndcg_at_100": 65.852, + "ndcg_at_1000": 59.821000000000005, + "ndcg_at_3": 81.061, + "ndcg_at_5": 81.396, + "precision_at_1": 84.0, + "precision_at_10": 85.0, + "precision_at_100": 67.75999999999999, + "precision_at_1000": 26.272000000000002, + "precision_at_3": 85.333, + "precision_at_5": 86.4, + "recall_at_1": 0.22699999999999998, + "recall_at_10": 2.241, + "recall_at_100": 16.478, + "recall_at_1000": 56.442, + "recall_at_3": 0.672, + "recall_at_5": 1.143, + "main_score": 80.337 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/Touche2020.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/Touche2020.json new file mode 100644 index 000000000..1bbcfc7ad --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 1.836, + "map_at_10": 8.536000000000001, + "map_at_100": 14.184, + "map_at_1000": 15.885, + "map_at_3": 3.7359999999999998, + "map_at_5": 5.253, + "mrr_at_1": 22.448999999999998, + "mrr_at_10": 34.77, + "mrr_at_100": 36.18, + "mrr_at_1000": 36.18, + "mrr_at_3": 30.612000000000002, + "mrr_at_5": 32.449, + "ndcg_at_1": 20.408, + "ndcg_at_10": 20.498, + "ndcg_at_100": 33.354, + "ndcg_at_1000": 45.699, + "ndcg_at_3": 19.292, + "ndcg_at_5": 19.541, + "precision_at_1": 22.448999999999998, + "precision_at_10": 19.387999999999998, + "precision_at_100": 7.163, + "precision_at_1000": 1.541, + "precision_at_3": 19.728, + "precision_at_5": 20.0, + "recall_at_1": 1.836, + "recall_at_10": 15.212, + "recall_at_100": 45.364, + "recall_at_1000": 83.64, + "recall_at_3": 4.651000000000001, + "recall_at_5": 7.736, + "main_score": 20.498 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/ToxicConversationsClassification.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..659d8649c --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.5856, + "ap": 14.297836125608864, + "f1": 54.45458507465688, + "main_score": 70.5856 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/TweetSentimentExtractionClassification.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..5b9d2e5a4 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.89869835880024, + "f1": 62.15163526419782, + "main_score": 61.89869835880024 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/TwentyNewsgroupsClustering.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..9fe3d3e9b --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 56.408998393035446, + "main_score": 56.408998393035446 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/TwitterSemEval2015.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/TwitterSemEval2015.json new file mode 100644 index 000000000..9ab337b40 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.78822197055493, + "cos_sim_ap": 81.73234934293887, + "cos_sim_f1": 74.16373812312898, + "cos_sim_precision": 73.18263549961469, + "cos_sim_recall": 75.17150395778364, + "dot_accuracy": 87.85837754068069, + "dot_ap": 79.69812660365871, + "dot_f1": 72.52999744702579, + "dot_precision": 70.25222551928783, + "dot_recall": 74.96042216358839, + "euclidean_accuracy": 88.74649818203493, + "euclidean_ap": 81.47777928110055, + "euclidean_f1": 74.1248097412481, + "euclidean_precision": 71.37274059599413, + "euclidean_recall": 77.0976253298153, + "manhattan_accuracy": 88.7286165583835, + "manhattan_ap": 81.47766386927232, + "manhattan_f1": 74.16730231375541, + "manhattan_precision": 71.56526005888125, + "manhattan_recall": 76.96569920844327, + "max_accuracy": 88.78822197055493, + "max_ap": 81.73234934293887, + "max_f1": 74.16730231375541, + "main_score": 81.73234934293887 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/TwitterURLCorpus.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/TwitterURLCorpus.json new file mode 100644 index 000000000..ec70f88ef --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.30026778437536, + "cos_sim_ap": 86.56353001037664, + "cos_sim_f1": 79.359197907585, + "cos_sim_precision": 75.12379642365887, + "cos_sim_recall": 84.10070834616569, + "dot_accuracy": 88.8539604921023, + "dot_ap": 85.44601003294055, + "dot_f1": 78.20008094484713, + "dot_precision": 74.88549080403072, + "dot_recall": 81.82168155220204, + "euclidean_accuracy": 89.25369658865992, + "euclidean_ap": 86.46965679550075, + "euclidean_f1": 79.16785612332285, + "euclidean_precision": 73.77627028465017, + "euclidean_recall": 85.4096088697259, + "manhattan_accuracy": 89.26727985407692, + "manhattan_ap": 86.46460344566123, + "manhattan_f1": 79.1723543358, + "manhattan_precision": 74.20875420875421, + "manhattan_recall": 84.84755158607946, + "max_accuracy": 89.30026778437536, + "max_ap": 86.56353001037664, + "max_f1": 79.359197907585, + "main_score": 86.56353001037664 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/model_meta.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/model_meta.json new file mode 100644 index 000000000..809c813ac --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "McGill-NLP/LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-supervised", + "revision": "baa8ebf04a1c2500e61288e7dad65e8ae42601a7", + "release_date": "2024-04-30", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": null, + "embed_dim": null, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/AmazonCounterfactualClassification.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..88b838ad2 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.70149253731343, + "ap": 40.824269118508354, + "f1": 70.55918234479084, + "main_score": 75.70149253731343 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/AmazonPolarityClassification.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..7ef217b10 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.6812, + "ap": 76.63327889516552, + "f1": 80.5276613226382, + "main_score": 80.6812 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/AmazonReviewsClassification.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..14f17dfb2 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 40.002, + "f1": 39.67277678335084, + "main_score": 40.002 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/ArguAna.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/ArguAna.json new file mode 100644 index 000000000..d37f70792 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.173999999999996, + "map_at_10": 42.548, + "map_at_100": 43.492999999999995, + "map_at_1000": 43.5, + "map_at_3": 37.376, + "map_at_5": 40.359, + "mrr_at_1": 27.24, + "mrr_at_10": 42.945, + "mrr_at_100": 43.89, + "mrr_at_1000": 43.897000000000006, + "mrr_at_3": 37.779, + "mrr_at_5": 40.755, + "ndcg_at_1": 26.173999999999996, + "ndcg_at_10": 51.731, + "ndcg_at_100": 55.684999999999995, + "ndcg_at_1000": 55.86, + "ndcg_at_3": 41.122, + "ndcg_at_5": 46.491, + "precision_at_1": 26.173999999999996, + "precision_at_10": 8.108, + "precision_at_100": 0.9820000000000001, + "precision_at_1000": 0.1, + "precision_at_3": 17.330000000000002, + "precision_at_5": 13.001, + "recall_at_1": 26.173999999999996, + "recall_at_10": 81.081, + "recall_at_100": 98.222, + "recall_at_1000": 99.57300000000001, + "recall_at_3": 51.991, + "recall_at_5": 65.007, + "main_score": 51.731 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/ArxivClusteringP2P.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..23dce998e --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 49.215974795578546, + "main_score": 49.215974795578546 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/ArxivClusteringS2S.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..73a78ee26 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 41.71067780141813, + "main_score": 41.71067780141813 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/AskUbuntuDupQuestions.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..1c315d124 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 57.15639347603191, + "mrr": 71.4509959108297, + "main_score": 57.15639347603191 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/BIOSSES.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/BIOSSES.json new file mode 100644 index 000000000..879b67877 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/BIOSSES.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 84.67361609277127, + "cosine_spearman": 84.67361609277127, + "main_score": 84.67361609277127 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/Banking77Classification.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/Banking77Classification.json new file mode 100644 index 000000000..d1201444f --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 84.76623376623375, + "f1": 84.70041172334481, + "main_score": 84.76623376623375 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/BiorxivClusteringP2P.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..b9d8e6b1e --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.39251163108548, + "main_score": 38.39251163108548 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/BiorxivClusteringS2S.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..bc3a8e284 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.30501371807517, + "main_score": 31.30501371807517 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/CQADupstackAndroidRetrieval.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..5b9bb133f --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.409, + "map_at_10": 36.925000000000004, + "map_at_100": 38.651, + "map_at_1000": 38.798, + "map_at_3": 33.437, + "map_at_5": 35.506, + "mrr_at_1": 33.763, + "mrr_at_10": 43.442, + "mrr_at_100": 44.339, + "mrr_at_1000": 44.391000000000005, + "mrr_at_3": 40.749, + "mrr_at_5": 42.408, + "ndcg_at_1": 33.763, + "ndcg_at_10": 43.486999999999995, + "ndcg_at_100": 49.71, + "ndcg_at_1000": 51.81, + "ndcg_at_3": 38.586, + "ndcg_at_5": 41.074, + "precision_at_1": 33.763, + "precision_at_10": 8.798, + "precision_at_100": 1.544, + "precision_at_1000": 0.21, + "precision_at_3": 19.361, + "precision_at_5": 14.335, + "recall_at_1": 26.409, + "recall_at_10": 55.352999999999994, + "recall_at_100": 81.66799999999999, + "recall_at_1000": 95.376, + "recall_at_3": 40.304, + "recall_at_5": 47.782000000000004, + "main_score": 43.486999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/CQADupstackEnglishRetrieval.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/CQADupstackEnglishRetrieval.json new file mode 100644 index 000000000..4e3ca2c76 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/CQADupstackEnglishRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackEnglishRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.6, + "map_at_10": 36.42, + "map_at_100": 37.628, + "map_at_1000": 37.767, + "map_at_3": 33.553, + "map_at_5": 35.118, + "mrr_at_1": 34.394999999999996, + "mrr_at_10": 42.586, + "mrr_at_100": 43.251, + "mrr_at_1000": 43.303000000000004, + "mrr_at_3": 40.297, + "mrr_at_5": 41.638, + "ndcg_at_1": 34.394999999999996, + "ndcg_at_10": 42.05, + "ndcg_at_100": 46.371, + "ndcg_at_1000": 48.76, + "ndcg_at_3": 37.936, + "ndcg_at_5": 39.827, + "precision_at_1": 34.394999999999996, + "precision_at_10": 8.268, + "precision_at_100": 1.355, + "precision_at_1000": 0.186, + "precision_at_3": 18.726000000000003, + "precision_at_5": 13.541, + "recall_at_1": 26.6, + "recall_at_10": 51.529, + "recall_at_100": 70.038, + "recall_at_1000": 85.67, + "recall_at_3": 39.448, + "recall_at_5": 44.6, + "main_score": 42.05 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/CQADupstackGamingRetrieval.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/CQADupstackGamingRetrieval.json new file mode 100644 index 000000000..77e15b882 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/CQADupstackGamingRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackGamingRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.863000000000003, + "map_at_10": 43.733, + "map_at_100": 45.005, + "map_at_1000": 45.074, + "map_at_3": 40.593, + "map_at_5": 42.272, + "mrr_at_1": 37.555, + "mrr_at_10": 47.532999999999994, + "mrr_at_100": 48.431999999999995, + "mrr_at_1000": 48.47, + "mrr_at_3": 44.901, + "mrr_at_5": 46.274, + "ndcg_at_1": 37.555, + "ndcg_at_10": 49.789, + "ndcg_at_100": 55.059999999999995, + "ndcg_at_1000": 56.434, + "ndcg_at_3": 44.238, + "ndcg_at_5": 46.698, + "precision_at_1": 37.555, + "precision_at_10": 8.257, + "precision_at_100": 1.189, + "precision_at_1000": 0.136, + "precision_at_3": 20.23, + "precision_at_5": 13.868, + "recall_at_1": 31.863000000000003, + "recall_at_10": 64.188, + "recall_at_100": 87.02600000000001, + "recall_at_1000": 96.761, + "recall_at_3": 48.986000000000004, + "recall_at_5": 55.177, + "main_score": 49.789 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/CQADupstackGisRetrieval.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/CQADupstackGisRetrieval.json new file mode 100644 index 000000000..1c4f69bb5 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/CQADupstackGisRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackGisRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.964, + "map_at_10": 22.746, + "map_at_100": 23.704, + "map_at_1000": 23.82, + "map_at_3": 20.5, + "map_at_5": 21.836, + "mrr_at_1": 17.740000000000002, + "mrr_at_10": 24.634, + "mrr_at_100": 25.535999999999998, + "mrr_at_1000": 25.628, + "mrr_at_3": 22.429, + "mrr_at_5": 23.791, + "ndcg_at_1": 17.740000000000002, + "ndcg_at_10": 26.838, + "ndcg_at_100": 31.985000000000003, + "ndcg_at_1000": 35.289, + "ndcg_at_3": 22.384, + "ndcg_at_5": 24.726, + "precision_at_1": 17.740000000000002, + "precision_at_10": 4.35, + "precision_at_100": 0.753, + "precision_at_1000": 0.108, + "precision_at_3": 9.754999999999999, + "precision_at_5": 7.164, + "recall_at_1": 15.964, + "recall_at_10": 37.705, + "recall_at_100": 61.94499999999999, + "recall_at_1000": 87.646, + "recall_at_3": 25.714, + "recall_at_5": 31.402, + "main_score": 26.838 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/CQADupstackMathematicaRetrieval.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/CQADupstackMathematicaRetrieval.json new file mode 100644 index 000000000..b20e52606 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/CQADupstackMathematicaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackMathematicaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.221, + "map_at_10": 14.735000000000001, + "map_at_100": 15.778, + "map_at_1000": 15.9, + "map_at_3": 12.791, + "map_at_5": 13.703999999999999, + "mrr_at_1": 12.438, + "mrr_at_10": 18.353, + "mrr_at_100": 19.285, + "mrr_at_1000": 19.375, + "mrr_at_3": 16.439, + "mrr_at_5": 17.352999999999998, + "ndcg_at_1": 12.438, + "ndcg_at_10": 18.703, + "ndcg_at_100": 24.104999999999997, + "ndcg_at_1000": 27.366, + "ndcg_at_3": 15.055, + "ndcg_at_5": 16.42, + "precision_at_1": 12.438, + "precision_at_10": 3.818, + "precision_at_100": 0.77, + "precision_at_1000": 0.11800000000000001, + "precision_at_3": 7.753, + "precision_at_5": 5.622, + "recall_at_1": 9.221, + "recall_at_10": 27.461999999999996, + "recall_at_100": 51.909000000000006, + "recall_at_1000": 75.56, + "recall_at_3": 17.046, + "recall_at_5": 20.766000000000002, + "main_score": 18.703 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/CQADupstackPhysicsRetrieval.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/CQADupstackPhysicsRetrieval.json new file mode 100644 index 000000000..d3eb5d44b --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/CQADupstackPhysicsRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackPhysicsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.828, + "map_at_10": 33.166000000000004, + "map_at_100": 34.618, + "map_at_1000": 34.744, + "map_at_3": 29.737000000000002, + "map_at_5": 31.541000000000004, + "mrr_at_1": 29.548000000000002, + "mrr_at_10": 38.582, + "mrr_at_100": 39.527, + "mrr_at_1000": 39.577, + "mrr_at_3": 35.884, + "mrr_at_5": 37.413999999999994, + "ndcg_at_1": 29.548000000000002, + "ndcg_at_10": 39.397, + "ndcg_at_100": 45.584, + "ndcg_at_1000": 47.823, + "ndcg_at_3": 33.717000000000006, + "ndcg_at_5": 36.223, + "precision_at_1": 29.548000000000002, + "precision_at_10": 7.767, + "precision_at_100": 1.2959999999999998, + "precision_at_1000": 0.17099999999999999, + "precision_at_3": 16.747, + "precision_at_5": 12.203999999999999, + "recall_at_1": 22.828, + "recall_at_10": 52.583999999999996, + "recall_at_100": 79.06400000000001, + "recall_at_1000": 93.59100000000001, + "recall_at_3": 36.671, + "recall_at_5": 43.22, + "main_score": 39.397 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/CQADupstackProgrammersRetrieval.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/CQADupstackProgrammersRetrieval.json new file mode 100644 index 000000000..7ad047076 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/CQADupstackProgrammersRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackProgrammersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.366, + "map_at_10": 30.214000000000002, + "map_at_100": 31.647, + "map_at_1000": 31.763, + "map_at_3": 27.234, + "map_at_5": 28.801, + "mrr_at_1": 26.256, + "mrr_at_10": 35.299, + "mrr_at_100": 36.284, + "mrr_at_1000": 36.342, + "mrr_at_3": 32.572, + "mrr_at_5": 34.050999999999995, + "ndcg_at_1": 26.256, + "ndcg_at_10": 35.899, + "ndcg_at_100": 41.983, + "ndcg_at_1000": 44.481, + "ndcg_at_3": 30.665, + "ndcg_at_5": 32.879999999999995, + "precision_at_1": 26.256, + "precision_at_10": 6.804, + "precision_at_100": 1.187, + "precision_at_1000": 0.16, + "precision_at_3": 14.84, + "precision_at_5": 10.708, + "recall_at_1": 21.366, + "recall_at_10": 47.878, + "recall_at_100": 73.245, + "recall_at_1000": 90.623, + "recall_at_3": 33.341, + "recall_at_5": 39.198, + "main_score": 35.899 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/CQADupstackStatsRetrieval.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/CQADupstackStatsRetrieval.json new file mode 100644 index 000000000..ae0d7702f --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/CQADupstackStatsRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackStatsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.246, + "map_at_10": 22.127, + "map_at_100": 23.006, + "map_at_1000": 23.125, + "map_at_3": 20.308999999999997, + "map_at_5": 21.139, + "mrr_at_1": 19.631999999999998, + "mrr_at_10": 24.884999999999998, + "mrr_at_100": 25.704, + "mrr_at_1000": 25.793, + "mrr_at_3": 23.083000000000002, + "mrr_at_5": 23.942, + "ndcg_at_1": 19.631999999999998, + "ndcg_at_10": 25.862000000000002, + "ndcg_at_100": 30.436000000000003, + "ndcg_at_1000": 33.638, + "ndcg_at_3": 22.431, + "ndcg_at_5": 23.677, + "precision_at_1": 19.631999999999998, + "precision_at_10": 4.417, + "precision_at_100": 0.7270000000000001, + "precision_at_1000": 0.109, + "precision_at_3": 10.327, + "precision_at_5": 7.147, + "recall_at_1": 16.246, + "recall_at_10": 34.869, + "recall_at_100": 56.221, + "recall_at_1000": 80.449, + "recall_at_3": 24.83, + "recall_at_5": 28.142, + "main_score": 25.862000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/CQADupstackTexRetrieval.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/CQADupstackTexRetrieval.json new file mode 100644 index 000000000..b13570c0a --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/CQADupstackTexRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackTexRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.798, + "map_at_10": 14.695, + "map_at_100": 15.590000000000002, + "map_at_1000": 15.726999999999999, + "map_at_3": 13.004999999999999, + "map_at_5": 13.861, + "mrr_at_1": 12.939, + "mrr_at_10": 18.218, + "mrr_at_100": 18.998, + "mrr_at_1000": 19.093, + "mrr_at_3": 16.454, + "mrr_at_5": 17.354, + "ndcg_at_1": 12.939, + "ndcg_at_10": 18.278, + "ndcg_at_100": 22.709, + "ndcg_at_1000": 26.064, + "ndcg_at_3": 15.204, + "ndcg_at_5": 16.416, + "precision_at_1": 12.939, + "precision_at_10": 3.768, + "precision_at_100": 0.724, + "precision_at_1000": 0.11800000000000001, + "precision_at_3": 7.707999999999999, + "precision_at_5": 5.733, + "recall_at_1": 9.798, + "recall_at_10": 25.562, + "recall_at_100": 45.678999999999995, + "recall_at_1000": 69.963, + "recall_at_3": 16.705000000000002, + "recall_at_5": 19.969, + "main_score": 18.278 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/CQADupstackUnixRetrieval.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/CQADupstackUnixRetrieval.json new file mode 100644 index 000000000..10ef148bf --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/CQADupstackUnixRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackUnixRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.1, + "map_at_10": 27.034999999999997, + "map_at_100": 28.396, + "map_at_1000": 28.518, + "map_at_3": 24.363, + "map_at_5": 25.826999999999998, + "mrr_at_1": 23.694000000000003, + "mrr_at_10": 31.724999999999998, + "mrr_at_100": 32.743, + "mrr_at_1000": 32.82, + "mrr_at_3": 29.275000000000002, + "mrr_at_5": 30.684, + "ndcg_at_1": 23.694000000000003, + "ndcg_at_10": 32.366, + "ndcg_at_100": 38.241, + "ndcg_at_1000": 40.973, + "ndcg_at_3": 27.661, + "ndcg_at_5": 29.782999999999998, + "precision_at_1": 23.694000000000003, + "precision_at_10": 5.951, + "precision_at_100": 1.0070000000000001, + "precision_at_1000": 0.135, + "precision_at_3": 13.34, + "precision_at_5": 9.533999999999999, + "recall_at_1": 19.1, + "recall_at_10": 44.032, + "recall_at_100": 69.186, + "recall_at_1000": 88.562, + "recall_at_3": 30.712, + "recall_at_5": 36.372, + "main_score": 32.366 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/CQADupstackWebmastersRetrieval.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/CQADupstackWebmastersRetrieval.json new file mode 100644 index 000000000..93f7c8e0e --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/CQADupstackWebmastersRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackWebmastersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.671, + "map_at_10": 28.583, + "map_at_100": 30.098999999999997, + "map_at_1000": 30.364, + "map_at_3": 25.825, + "map_at_5": 27.500999999999998, + "mrr_at_1": 25.889, + "mrr_at_10": 33.617999999999995, + "mrr_at_100": 34.687, + "mrr_at_1000": 34.774, + "mrr_at_3": 31.191999999999997, + "mrr_at_5": 32.675, + "ndcg_at_1": 25.889, + "ndcg_at_10": 34.056999999999995, + "ndcg_at_100": 40.142, + "ndcg_at_1000": 43.614000000000004, + "ndcg_at_3": 29.688, + "ndcg_at_5": 32.057, + "precision_at_1": 25.889, + "precision_at_10": 6.7, + "precision_at_100": 1.417, + "precision_at_1000": 0.241, + "precision_at_3": 14.360999999999999, + "precision_at_5": 10.711, + "recall_at_1": 20.671, + "recall_at_10": 43.97, + "recall_at_100": 71.83699999999999, + "recall_at_1000": 94.42399999999999, + "recall_at_3": 31.0, + "recall_at_5": 37.489, + "main_score": 34.056999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/CQADupstackWordpressRetrieval.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/CQADupstackWordpressRetrieval.json new file mode 100644 index 000000000..6a794ff13 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/CQADupstackWordpressRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackWordpressRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 13.66, + "map_at_10": 18.798000000000002, + "map_at_100": 19.75, + "map_at_1000": 19.851, + "map_at_3": 16.874, + "map_at_5": 18.136, + "mrr_at_1": 14.972, + "mrr_at_10": 20.565, + "mrr_at_100": 21.488, + "mrr_at_1000": 21.567, + "mrr_at_3": 18.669, + "mrr_at_5": 19.861, + "ndcg_at_1": 14.972, + "ndcg_at_10": 22.128999999999998, + "ndcg_at_100": 27.028000000000002, + "ndcg_at_1000": 29.887000000000004, + "ndcg_at_3": 18.365000000000002, + "ndcg_at_5": 20.48, + "precision_at_1": 14.972, + "precision_at_10": 3.549, + "precision_at_100": 0.632, + "precision_at_1000": 0.093, + "precision_at_3": 7.887, + "precision_at_5": 5.840999999999999, + "recall_at_1": 13.66, + "recall_at_10": 30.801000000000002, + "recall_at_100": 53.626, + "recall_at_1000": 75.634, + "recall_at_3": 20.807000000000002, + "recall_at_5": 25.86, + "main_score": 22.128999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/ClimateFEVER.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/ClimateFEVER.json new file mode 100644 index 000000000..9ebc0685a --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.622, + "map_at_10": 16.042, + "map_at_100": 18.023, + "map_at_1000": 18.228, + "map_at_3": 12.995999999999999, + "map_at_5": 14.424000000000001, + "mrr_at_1": 18.892999999999997, + "mrr_at_10": 30.575000000000003, + "mrr_at_100": 31.814999999999998, + "mrr_at_1000": 31.856, + "mrr_at_3": 26.851000000000003, + "mrr_at_5": 29.021, + "ndcg_at_1": 18.892999999999997, + "ndcg_at_10": 23.575, + "ndcg_at_100": 31.713, + "ndcg_at_1000": 35.465, + "ndcg_at_3": 18.167, + "ndcg_at_5": 20.071, + "precision_at_1": 18.892999999999997, + "precision_at_10": 7.883, + "precision_at_100": 1.652, + "precision_at_1000": 0.23500000000000001, + "precision_at_3": 13.898, + "precision_at_5": 11.14, + "recall_at_1": 8.622, + "recall_at_10": 30.044999999999998, + "recall_at_100": 58.072, + "recall_at_1000": 79.226, + "recall_at_3": 17.21, + "recall_at_5": 22.249, + "main_score": 23.575 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/DBPedia.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/DBPedia.json new file mode 100644 index 000000000..41d7f7a7c --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.845, + "map_at_10": 12.352, + "map_at_100": 17.423, + "map_at_1000": 18.529, + "map_at_3": 8.505, + "map_at_5": 10.213, + "mrr_at_1": 41.75, + "mrr_at_10": 54.6, + "mrr_at_100": 55.345, + "mrr_at_1000": 55.374, + "mrr_at_3": 52.37500000000001, + "mrr_at_5": 53.87499999999999, + "ndcg_at_1": 31.25, + "ndcg_at_10": 26.779999999999998, + "ndcg_at_100": 31.929000000000002, + "ndcg_at_1000": 39.290000000000006, + "ndcg_at_3": 28.746, + "ndcg_at_5": 27.334999999999997, + "precision_at_1": 41.75, + "precision_at_10": 22.55, + "precision_at_100": 7.242, + "precision_at_1000": 1.439, + "precision_at_3": 33.833, + "precision_at_5": 28.65, + "recall_at_1": 4.845, + "recall_at_10": 18.664, + "recall_at_100": 41.085, + "recall_at_1000": 65.242, + "recall_at_3": 10.572, + "recall_at_5": 13.961000000000002, + "main_score": 26.779999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/EmotionClassification.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/EmotionClassification.json new file mode 100644 index 000000000..fe5c0577b --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 47.08, + "f1": 42.843345856303756, + "main_score": 47.08 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/FEVER.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/FEVER.json new file mode 100644 index 000000000..24926b426 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 33.743, + "map_at_10": 46.521, + "map_at_100": 47.235, + "map_at_1000": 47.272, + "map_at_3": 43.252, + "map_at_5": 45.267, + "mrr_at_1": 36.484, + "mrr_at_10": 49.406, + "mrr_at_100": 50.03300000000001, + "mrr_at_1000": 50.058, + "mrr_at_3": 46.195, + "mrr_at_5": 48.193999999999996, + "ndcg_at_1": 36.484, + "ndcg_at_10": 53.42, + "ndcg_at_100": 56.69499999999999, + "ndcg_at_1000": 57.623999999999995, + "ndcg_at_3": 47.010999999999996, + "ndcg_at_5": 50.524, + "precision_at_1": 36.484, + "precision_at_10": 7.925, + "precision_at_100": 0.975, + "precision_at_1000": 0.107, + "precision_at_3": 19.967, + "precision_at_5": 13.87, + "recall_at_1": 33.743, + "recall_at_10": 71.988, + "recall_at_100": 86.60799999999999, + "recall_at_1000": 93.54, + "recall_at_3": 54.855, + "recall_at_5": 63.341, + "main_score": 53.42 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/FiQA2018.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/FiQA2018.json new file mode 100644 index 000000000..101beae0a --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 13.003, + "map_at_10": 21.766, + "map_at_100": 23.618, + "map_at_1000": 23.832, + "map_at_3": 18.282999999999998, + "map_at_5": 20.267, + "mrr_at_1": 26.851999999999997, + "mrr_at_10": 34.658, + "mrr_at_100": 35.729, + "mrr_at_1000": 35.785, + "mrr_at_3": 31.686999999999998, + "mrr_at_5": 33.315, + "ndcg_at_1": 26.851999999999997, + "ndcg_at_10": 28.563, + "ndcg_at_100": 36.374, + "ndcg_at_1000": 40.306999999999995, + "ndcg_at_3": 24.224, + "ndcg_at_5": 25.939, + "precision_at_1": 26.851999999999997, + "precision_at_10": 8.193999999999999, + "precision_at_100": 1.616, + "precision_at_1000": 0.232, + "precision_at_3": 16.255, + "precision_at_5": 12.469, + "recall_at_1": 13.003, + "recall_at_10": 35.689, + "recall_at_100": 65.762, + "recall_at_1000": 89.546, + "recall_at_3": 21.820999999999998, + "recall_at_5": 28.097, + "main_score": 28.563 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/HotpotQA.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/HotpotQA.json new file mode 100644 index 000000000..2c1744a3a --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.541, + "map_at_10": 43.088, + "map_at_100": 44.252, + "map_at_1000": 44.345, + "map_at_3": 39.79, + "map_at_5": 41.687000000000005, + "mrr_at_1": 59.082, + "mrr_at_10": 67.27300000000001, + "mrr_at_100": 67.708, + "mrr_at_1000": 67.731, + "mrr_at_3": 65.526, + "mrr_at_5": 66.589, + "ndcg_at_1": 59.082, + "ndcg_at_10": 52.372, + "ndcg_at_100": 56.725, + "ndcg_at_1000": 58.665, + "ndcg_at_3": 47.129, + "ndcg_at_5": 49.808, + "precision_at_1": 59.082, + "precision_at_10": 11.275, + "precision_at_100": 1.469, + "precision_at_1000": 0.173, + "precision_at_3": 29.773, + "precision_at_5": 19.980999999999998, + "recall_at_1": 29.541, + "recall_at_10": 56.374, + "recall_at_100": 73.42999999999999, + "recall_at_1000": 86.28, + "recall_at_3": 44.659, + "recall_at_5": 49.952999999999996, + "main_score": 52.372 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/ImdbClassification.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/ImdbClassification.json new file mode 100644 index 000000000..4bcabfb2f --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.1904, + "ap": 69.80555086826531, + "f1": 74.93725389065787, + "main_score": 75.1904 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/MSMARCO.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/MSMARCO.json new file mode 100644 index 000000000..6c1a711e2 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 7.085, + "map_at_10": 13.344000000000001, + "map_at_100": 14.501, + "map_at_1000": 14.605, + "map_at_3": 10.758, + "map_at_5": 12.162, + "mrr_at_1": 7.278, + "mrr_at_10": 13.607, + "mrr_at_100": 14.761, + "mrr_at_1000": 14.860000000000001, + "mrr_at_3": 11.003, + "mrr_at_5": 12.421, + "ndcg_at_1": 7.278, + "ndcg_at_10": 17.473, + "ndcg_at_100": 23.721, + "ndcg_at_1000": 26.69, + "ndcg_at_3": 12.078, + "ndcg_at_5": 14.62, + "precision_at_1": 7.278, + "precision_at_10": 3.175, + "precision_at_100": 0.639, + "precision_at_1000": 0.09, + "precision_at_3": 5.382, + "precision_at_5": 4.519, + "recall_at_1": 7.085, + "recall_at_10": 30.549, + "recall_at_100": 60.919999999999995, + "recall_at_1000": 84.372, + "recall_at_3": 15.675, + "recall_at_5": 21.818, + "main_score": 17.473 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/MTOPDomainClassification.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/MTOPDomainClassification.json new file mode 100644 index 000000000..9db03a62a --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 94.46876424988601, + "f1": 94.23159241922738, + "main_score": 94.46876424988601 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/MTOPIntentClassification.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/MTOPIntentClassification.json new file mode 100644 index 000000000..ece414ab0 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 81.0875512995896, + "f1": 61.674961674414, + "main_score": 81.0875512995896 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/MassiveIntentClassification.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/MassiveIntentClassification.json new file mode 100644 index 000000000..f08afcb7d --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.01344989912575, + "f1": 71.7942527839921, + "main_score": 75.01344989912575 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/MassiveScenarioClassification.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..bb9e95471 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.15601882985877, + "f1": 78.82502954601195, + "main_score": 79.15601882985877 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/MedrxivClusteringP2P.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..5003b636d --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.468806971345227, + "main_score": 31.468806971345227 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/MedrxivClusteringS2S.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..74a04bcdb --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 27.874332804382256, + "main_score": 27.874332804382256 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/MindSmallReranking.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/MindSmallReranking.json new file mode 100644 index 000000000..bb4fbce0d --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 30.099340785595842, + "mrr": 31.077367694660257, + "main_score": 30.099340785595842 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/NFCorpus.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/NFCorpus.json new file mode 100644 index 000000000..f829da3c8 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.9050000000000002, + "map_at_10": 8.931000000000001, + "map_at_100": 11.246, + "map_at_1000": 12.579, + "map_at_3": 6.544, + "map_at_5": 7.854, + "mrr_at_1": 33.745999999999995, + "mrr_at_10": 44.734, + "mrr_at_100": 45.486, + "mrr_at_1000": 45.534, + "mrr_at_3": 42.157, + "mrr_at_5": 43.813, + "ndcg_at_1": 31.734, + "ndcg_at_10": 26.284999999999997, + "ndcg_at_100": 25.211, + "ndcg_at_1000": 34.974, + "ndcg_at_3": 29.918, + "ndcg_at_5": 29.066, + "precision_at_1": 33.745999999999995, + "precision_at_10": 19.628, + "precision_at_100": 6.476999999999999, + "precision_at_1000": 1.976, + "precision_at_3": 28.793000000000003, + "precision_at_5": 25.759, + "recall_at_1": 3.9050000000000002, + "recall_at_10": 13.375, + "recall_at_100": 28.453, + "recall_at_1000": 61.67399999999999, + "recall_at_3": 7.774, + "recall_at_5": 10.754, + "main_score": 26.284999999999997 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/NQ.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/NQ.json new file mode 100644 index 000000000..3ffcd20e6 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.33, + "map_at_10": 30.44, + "map_at_100": 31.848, + "map_at_1000": 31.906000000000002, + "map_at_3": 26.143, + "map_at_5": 28.583, + "mrr_at_1": 21.031, + "mrr_at_10": 33.028, + "mrr_at_100": 34.166000000000004, + "mrr_at_1000": 34.208, + "mrr_at_3": 29.089, + "mrr_at_5": 31.362000000000002, + "ndcg_at_1": 21.031, + "ndcg_at_10": 37.65, + "ndcg_at_100": 43.945, + "ndcg_at_1000": 45.338, + "ndcg_at_3": 29.256999999999998, + "ndcg_at_5": 33.453, + "precision_at_1": 21.031, + "precision_at_10": 6.8309999999999995, + "precision_at_100": 1.035, + "precision_at_1000": 0.117, + "precision_at_3": 13.818, + "precision_at_5": 10.649000000000001, + "recall_at_1": 18.33, + "recall_at_10": 57.330999999999996, + "recall_at_100": 85.284, + "recall_at_1000": 95.676, + "recall_at_3": 35.356, + "recall_at_5": 45.073, + "main_score": 37.65 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/QuoraRetrieval.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/QuoraRetrieval.json new file mode 100644 index 000000000..34ad35748 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 66.373, + "map_at_10": 80.233, + "map_at_100": 80.973, + "map_at_1000": 80.99499999999999, + "map_at_3": 77.127, + "map_at_5": 79.056, + "mrr_at_1": 76.55, + "mrr_at_10": 83.813, + "mrr_at_100": 83.96900000000001, + "mrr_at_1000": 83.97200000000001, + "mrr_at_3": 82.547, + "mrr_at_5": 83.38600000000001, + "ndcg_at_1": 76.53999999999999, + "ndcg_at_10": 84.638, + "ndcg_at_100": 86.28099999999999, + "ndcg_at_1000": 86.459, + "ndcg_at_3": 81.19, + "ndcg_at_5": 83.057, + "precision_at_1": 76.53999999999999, + "precision_at_10": 12.928999999999998, + "precision_at_100": 1.514, + "precision_at_1000": 0.156, + "precision_at_3": 35.503, + "precision_at_5": 23.512, + "recall_at_1": 66.373, + "recall_at_10": 93.273, + "recall_at_100": 99.031, + "recall_at_1000": 99.91799999999999, + "recall_at_3": 83.55799999999999, + "recall_at_5": 88.644, + "main_score": 84.638 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/RedditClustering.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/RedditClustering.json new file mode 100644 index 000000000..8cabdfa0a --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 43.67174666339103, + "main_score": 43.67174666339103 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/RedditClusteringP2P.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/RedditClusteringP2P.json new file mode 100644 index 000000000..825abd3c8 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 61.66838659211271, + "main_score": 61.66838659211271 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/SCIDOCS.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/SCIDOCS.json new file mode 100644 index 000000000..4e7ac34a1 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.318, + "map_at_10": 5.938000000000001, + "map_at_100": 7.582, + "map_at_1000": 7.936, + "map_at_3": 4.208, + "map_at_5": 5.098, + "mrr_at_1": 11.4, + "mrr_at_10": 17.655, + "mrr_at_100": 19.088, + "mrr_at_1000": 19.203, + "mrr_at_3": 15.25, + "mrr_at_5": 16.535, + "ndcg_at_1": 11.4, + "ndcg_at_10": 10.388, + "ndcg_at_100": 18.165, + "ndcg_at_1000": 24.842, + "ndcg_at_3": 9.414, + "ndcg_at_5": 8.453, + "precision_at_1": 11.4, + "precision_at_10": 5.54, + "precision_at_100": 1.71, + "precision_at_1000": 0.33, + "precision_at_3": 8.866999999999999, + "precision_at_5": 7.580000000000001, + "recall_at_1": 2.318, + "recall_at_10": 11.267000000000001, + "recall_at_100": 34.743, + "recall_at_1000": 67.07300000000001, + "recall_at_3": 5.408, + "recall_at_5": 7.713, + "main_score": 10.388 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/SICK-R.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/SICK-R.json new file mode 100644 index 000000000..a4d11731f --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/SICK-R.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 72.15850185456762, + "cosine_spearman": 72.15850185456762, + "main_score": 72.15850185456762 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/STS12.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/STS12.json new file mode 100644 index 000000000..ef0c876f2 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/STS12.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 61.59518395985063, + "cosine_spearman": 61.59518395985063, + "main_score": 61.59518395985063 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/STS13.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/STS13.json new file mode 100644 index 000000000..ff5c0dbea --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/STS13.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 79.71131323749228, + "cosine_spearman": 79.71131323749228, + "main_score": 79.71131323749228 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/STS14.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/STS14.json new file mode 100644 index 000000000..6ba09ce91 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/STS14.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 72.10974664733891, + "cosine_spearman": 72.10974664733891, + "main_score": 72.10974664733891 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/STS15.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/STS15.json new file mode 100644 index 000000000..bbab23d41 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/STS15.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 82.17899407125657, + "cosine_spearman": 82.17899407125657, + "main_score": 82.17899407125657 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/STS16.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/STS16.json new file mode 100644 index 000000000..48dac6e04 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/STS16.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 79.41138579273438, + "cosine_spearman": 79.41138579273438, + "main_score": 79.41138579273438 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/STS17.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/STS17.json new file mode 100644 index 000000000..31c085930 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/STS17.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 85.44343473477939, + "cosine_spearman": 85.44343473477939, + "main_score": 85.44343473477939 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/STS22.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/STS22.json new file mode 100644 index 000000000..ebbafb7a9 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/STS22.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 63.90264271389905, + "cosine_spearman": 63.90264271389905, + "main_score": 63.90264271389905 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/STSBenchmark.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/STSBenchmark.json new file mode 100644 index 000000000..6cb37d138 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/STSBenchmark.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 77.44151296326804, + "cosine_spearman": 77.44151296326804, + "main_score": 77.44151296326804 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/SciDocsRR.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/SciDocsRR.json new file mode 100644 index 000000000..316f7e461 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 76.27597486396654, + "mrr": 93.28127119793788, + "main_score": 76.27597486396654 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/SciFact.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/SciFact.json new file mode 100644 index 000000000..6a92203d7 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 49.594, + "map_at_10": 60.951, + "map_at_100": 61.68599999999999, + "map_at_1000": 61.712, + "map_at_3": 57.946, + "map_at_5": 59.89, + "mrr_at_1": 52.666999999999994, + "mrr_at_10": 62.724000000000004, + "mrr_at_100": 63.269, + "mrr_at_1000": 63.291, + "mrr_at_3": 60.167, + "mrr_at_5": 61.95, + "ndcg_at_1": 52.666999999999994, + "ndcg_at_10": 66.35600000000001, + "ndcg_at_100": 69.463, + "ndcg_at_1000": 70.111, + "ndcg_at_3": 60.901, + "ndcg_at_5": 64.054, + "precision_at_1": 52.666999999999994, + "precision_at_10": 9.0, + "precision_at_100": 1.073, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 24.221999999999998, + "precision_at_5": 16.333000000000002, + "recall_at_1": 49.594, + "recall_at_10": 81.256, + "recall_at_100": 94.989, + "recall_at_1000": 100.0, + "recall_at_3": 66.706, + "recall_at_5": 74.411, + "main_score": 66.35600000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/SprintDuplicateQuestions.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..c7b3d49e9 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.65049504950495, + "cos_sim_ap": 88.1421623503371, + "cos_sim_f1": 81.44072036018008, + "cos_sim_precision": 81.48148148148148, + "cos_sim_recall": 81.39999999999999, + "dot_accuracy": 99.37623762376238, + "dot_ap": 69.87152032240303, + "dot_f1": 65.64885496183206, + "dot_precision": 72.18225419664267, + "dot_recall": 60.199999999999996, + "euclidean_accuracy": 99.63069306930693, + "euclidean_ap": 86.13858297902517, + "euclidean_f1": 79.87679671457904, + "euclidean_precision": 82.0675105485232, + "euclidean_recall": 77.8, + "manhattan_accuracy": 99.63168316831683, + "manhattan_ap": 86.31976532265482, + "manhattan_f1": 80.10204081632654, + "manhattan_precision": 81.77083333333334, + "manhattan_recall": 78.5, + "max_accuracy": 99.65049504950495, + "max_ap": 88.1421623503371, + "max_f1": 81.44072036018008, + "main_score": 88.1421623503371 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/StackExchangeClustering.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/StackExchangeClustering.json new file mode 100644 index 000000000..f390db83f --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 68.19604139959692, + "main_score": 68.19604139959692 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/StackExchangeClusteringP2P.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..9689bd0ae --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.3569584557381, + "main_score": 36.3569584557381 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/StackOverflowDupQuestions.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..c7c59fd6f --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 48.82174503355024, + "mrr": 49.610933388506915, + "main_score": 48.82174503355024 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/SummEval.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/SummEval.json new file mode 100644 index 000000000..8d5966faa --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.805895993742798, + "cos_sim_spearman": 31.445431226826738, + "dot_pearson": 24.441585432516867, + "dot_spearman": 25.468117334810188, + "cosine_pearson": 30.805895993742798, + "cosine_spearman": 31.445431226826738, + "main_score": 31.445431226826738 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/TRECCOVID.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/TRECCOVID.json new file mode 100644 index 000000000..e0922a51b --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.2, + "map_at_10": 1.431, + "map_at_100": 7.138999999999999, + "map_at_1000": 17.933, + "map_at_3": 0.551, + "map_at_5": 0.7979999999999999, + "mrr_at_1": 76.0, + "mrr_at_10": 85.167, + "mrr_at_100": 85.21300000000001, + "mrr_at_1000": 85.21300000000001, + "mrr_at_3": 84.667, + "mrr_at_5": 85.167, + "ndcg_at_1": 72.0, + "ndcg_at_10": 63.343, + "ndcg_at_100": 45.739999999999995, + "ndcg_at_1000": 41.875, + "ndcg_at_3": 68.162, + "ndcg_at_5": 65.666, + "precision_at_1": 76.0, + "precision_at_10": 66.4, + "precision_at_100": 46.800000000000004, + "precision_at_1000": 18.996, + "precision_at_3": 72.667, + "precision_at_5": 68.4, + "recall_at_1": 0.2, + "recall_at_10": 1.712, + "recall_at_100": 10.896, + "recall_at_1000": 40.115, + "recall_at_3": 0.594, + "recall_at_5": 0.889, + "main_score": 63.343 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/Touche2020.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/Touche2020.json new file mode 100644 index 000000000..4c0545360 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 1.0619999999999998, + "map_at_10": 5.611, + "map_at_100": 8.841000000000001, + "map_at_1000": 10.154, + "map_at_3": 2.7720000000000002, + "map_at_5": 4.181, + "mrr_at_1": 14.285999999999998, + "mrr_at_10": 26.249, + "mrr_at_100": 28.046, + "mrr_at_1000": 28.083000000000002, + "mrr_at_3": 21.769, + "mrr_at_5": 24.524, + "ndcg_at_1": 11.224, + "ndcg_at_10": 12.817, + "ndcg_at_100": 23.183999999999997, + "ndcg_at_1000": 35.099000000000004, + "ndcg_at_3": 11.215, + "ndcg_at_5": 12.016, + "precision_at_1": 14.285999999999998, + "precision_at_10": 12.653, + "precision_at_100": 5.306, + "precision_at_1000": 1.294, + "precision_at_3": 13.605, + "precision_at_5": 13.877999999999998, + "recall_at_1": 1.0619999999999998, + "recall_at_10": 10.377, + "recall_at_100": 34.77, + "recall_at_1000": 70.875, + "recall_at_3": 3.688, + "recall_at_5": 6.2509999999999994, + "main_score": 12.817 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/ToxicConversationsClassification.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..b6e4e8fb7 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.8488, + "ap": 15.590122317097372, + "f1": 55.86108396102662, + "main_score": 71.8488 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/TweetSentimentExtractionClassification.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..64f8e6279 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 57.61460101867573, + "f1": 57.8678726826158, + "main_score": 57.61460101867573 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/TwentyNewsgroupsClustering.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..86cc2fa73 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.01459876897588, + "main_score": 32.01459876897588 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/TwitterSemEval2015.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/TwitterSemEval2015.json new file mode 100644 index 000000000..e283f0509 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 84.1032365738809, + "cos_sim_ap": 66.60137415520323, + "cos_sim_f1": 62.12845010615712, + "cos_sim_precision": 62.493326214628944, + "cos_sim_recall": 61.76781002638523, + "dot_accuracy": 81.85015199380103, + "dot_ap": 58.854644211365084, + "dot_f1": 56.15180082185158, + "dot_precision": 51.806422836752894, + "dot_recall": 61.2928759894459, + "euclidean_accuracy": 83.6681170650295, + "euclidean_ap": 64.93555585305603, + "euclidean_f1": 61.02775195857125, + "euclidean_precision": 61.42742582197273, + "euclidean_recall": 60.633245382585756, + "manhattan_accuracy": 83.73368301841808, + "manhattan_ap": 65.45422483039611, + "manhattan_f1": 61.58552806597499, + "manhattan_precision": 62.09763948497854, + "manhattan_recall": 61.08179419525066, + "max_accuracy": 84.1032365738809, + "max_ap": 66.60137415520323, + "max_f1": 62.12845010615712, + "main_score": 66.60137415520323 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/TwitterURLCorpus.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/TwitterURLCorpus.json new file mode 100644 index 000000000..ee4d95ec3 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 86.36628245430201, + "cos_sim_ap": 79.29963896460292, + "cos_sim_f1": 72.63895990066467, + "cos_sim_precision": 69.09128803668196, + "cos_sim_recall": 76.57068062827224, + "dot_accuracy": 84.65091007878294, + "dot_ap": 75.04883449222972, + "dot_f1": 69.18569117382708, + "dot_precision": 64.89512376070682, + "dot_recall": 74.08376963350786, + "euclidean_accuracy": 85.88116583226608, + "euclidean_ap": 78.42687640324908, + "euclidean_f1": 71.74350111107192, + "euclidean_precision": 66.19800820152314, + "euclidean_recall": 78.3030489682784, + "manhattan_accuracy": 86.27508052935926, + "manhattan_ap": 79.29581298930101, + "manhattan_f1": 72.51838235294117, + "manhattan_precision": 67.03921568627452, + "manhattan_recall": 78.97289805974745, + "max_accuracy": 86.36628245430201, + "max_ap": 79.29963896460292, + "max_f1": 72.63895990066467, + "main_score": 79.29963896460292 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/model_meta.json b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/model_meta.json new file mode 100644 index 000000000..e827a4185 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "McGill-NLP/LLM2Vec-Meta-Llama-3-8B-Instruct-mntp-unsup-simcse", + "revision": "1cb7b735326d13a8541db8f57f35da5373f5e9c6", + "release_date": "2024-04-30", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": null, + "embed_dim": null, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/AmazonCounterfactualClassification.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..206ec0e51 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.58208955223881, + "ap": 41.45474097979136, + "f1": 71.76059891468786, + "main_score": 77.58208955223881 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/AmazonPolarityClassification.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..ccb758520 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.12039999999999, + "ap": 88.01002974730474, + "f1": 91.1049266954883, + "main_score": 91.12039999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/AmazonReviewsClassification.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..55525fff9 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 49.966, + "f1": 48.908221884634386, + "main_score": 49.966 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/ArguAna.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/ArguAna.json new file mode 100644 index 000000000..1f435d59d --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.788000000000004, + "map_at_10": 48.665000000000006, + "map_at_100": 49.501, + "map_at_1000": 49.504, + "map_at_3": 43.883, + "map_at_5": 46.501, + "mrr_at_1": 33.357, + "mrr_at_10": 48.882, + "mrr_at_100": 49.718, + "mrr_at_1000": 49.721, + "mrr_at_3": 44.025999999999996, + "mrr_at_5": 46.732, + "ndcg_at_1": 32.788000000000004, + "ndcg_at_10": 57.483, + "ndcg_at_100": 60.745000000000005, + "ndcg_at_1000": 60.797000000000004, + "ndcg_at_3": 47.534, + "ndcg_at_5": 52.266, + "precision_at_1": 32.788000000000004, + "precision_at_10": 8.57, + "precision_at_100": 0.993, + "precision_at_1000": 0.1, + "precision_at_3": 19.369, + "precision_at_5": 13.926, + "recall_at_1": 32.788000000000004, + "recall_at_10": 85.70400000000001, + "recall_at_100": 99.289, + "recall_at_1000": 99.644, + "recall_at_3": 58.108000000000004, + "recall_at_5": 69.63000000000001, + "main_score": 57.483 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/ArxivClusteringP2P.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..323a5a5b8 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 42.805075760047906, + "main_score": 42.805075760047906 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/ArxivClusteringS2S.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..ccea962fd --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 44.235789514284214, + "main_score": 44.235789514284214 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/AskUbuntuDupQuestions.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..4f6f21913 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 63.98320383943591, + "mrr": 76.53189992525174, + "main_score": 63.98320383943591 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/BIOSSES.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/BIOSSES.json new file mode 100644 index 000000000..3c9b74c8e --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/BIOSSES.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 85.24411101959603, + "cosine_spearman": 85.24411101959603, + "main_score": 85.24411101959603 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/Banking77Classification.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/Banking77Classification.json new file mode 100644 index 000000000..31ecf1341 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 88.31493506493506, + "f1": 88.28524975751309, + "main_score": 88.31493506493506 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/BiorxivClusteringP2P.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..18f3e2614 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.27007175430729, + "main_score": 34.27007175430729 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/BiorxivClusteringS2S.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..e4b60d2b4 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.52517776034658, + "main_score": 35.52517776034658 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/CQADupstackAndroidRetrieval.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..3b887e75a --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.686, + "map_at_10": 51.939, + "map_at_100": 53.751000000000005, + "map_at_1000": 53.846000000000004, + "map_at_3": 48.296, + "map_at_5": 50.312999999999995, + "mrr_at_1": 49.641999999999996, + "mrr_at_10": 59.157000000000004, + "mrr_at_100": 59.85, + "mrr_at_1000": 59.876, + "mrr_at_3": 57.058, + "mrr_at_5": 58.231, + "ndcg_at_1": 49.641999999999996, + "ndcg_at_10": 58.714, + "ndcg_at_100": 63.776999999999994, + "ndcg_at_1000": 64.95, + "ndcg_at_3": 54.799, + "ndcg_at_5": 56.372, + "precision_at_1": 49.641999999999996, + "precision_at_10": 11.373, + "precision_at_100": 1.712, + "precision_at_1000": 0.209, + "precision_at_3": 27.229, + "precision_at_5": 19.056, + "recall_at_1": 38.686, + "recall_at_10": 69.976, + "recall_at_100": 90.512, + "recall_at_1000": 97.64, + "recall_at_3": 56.625, + "recall_at_5": 62.348000000000006, + "main_score": 58.714 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/CQADupstackEnglishRetrieval.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/CQADupstackEnglishRetrieval.json new file mode 100644 index 000000000..18ec32eaf --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/CQADupstackEnglishRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackEnglishRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 36.356, + "map_at_10": 48.004000000000005, + "map_at_100": 49.342999999999996, + "map_at_1000": 49.461, + "map_at_3": 44.692, + "map_at_5": 46.576, + "mrr_at_1": 46.561, + "mrr_at_10": 54.547000000000004, + "mrr_at_100": 55.159000000000006, + "mrr_at_1000": 55.193000000000005, + "mrr_at_3": 52.516, + "mrr_at_5": 53.701, + "ndcg_at_1": 46.561, + "ndcg_at_10": 53.835, + "ndcg_at_100": 57.92699999999999, + "ndcg_at_1000": 59.671, + "ndcg_at_3": 49.997, + "ndcg_at_5": 51.714000000000006, + "precision_at_1": 46.561, + "precision_at_10": 10.344000000000001, + "precision_at_100": 1.5779999999999998, + "precision_at_1000": 0.202, + "precision_at_3": 24.437, + "precision_at_5": 17.197000000000003, + "recall_at_1": 36.356, + "recall_at_10": 63.019000000000005, + "recall_at_100": 80.55099999999999, + "recall_at_1000": 91.38300000000001, + "recall_at_3": 50.431000000000004, + "recall_at_5": 56.00000000000001, + "main_score": 53.835 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/CQADupstackGamingRetrieval.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/CQADupstackGamingRetrieval.json new file mode 100644 index 000000000..ab2625866 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/CQADupstackGamingRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackGamingRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 46.736, + "map_at_10": 60.775999999999996, + "map_at_100": 61.755, + "map_at_1000": 61.783, + "map_at_3": 57.293000000000006, + "map_at_5": 59.382000000000005, + "mrr_at_1": 54.232, + "mrr_at_10": 64.424, + "mrr_at_100": 64.996, + "mrr_at_1000": 65.009, + "mrr_at_3": 62.226000000000006, + "mrr_at_5": 63.592000000000006, + "ndcg_at_1": 54.232, + "ndcg_at_10": 66.654, + "ndcg_at_100": 70.152, + "ndcg_at_1000": 70.648, + "ndcg_at_3": 61.405, + "ndcg_at_5": 64.137, + "precision_at_1": 54.232, + "precision_at_10": 10.607999999999999, + "precision_at_100": 1.321, + "precision_at_1000": 0.13899999999999998, + "precision_at_3": 27.544, + "precision_at_5": 18.645999999999997, + "recall_at_1": 46.736, + "recall_at_10": 80.10199999999999, + "recall_at_100": 94.976, + "recall_at_1000": 98.402, + "recall_at_3": 66.094, + "recall_at_5": 73.028, + "main_score": 66.654 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/CQADupstackGisRetrieval.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/CQADupstackGisRetrieval.json new file mode 100644 index 000000000..6b091fe7f --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/CQADupstackGisRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackGisRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.238, + "map_at_10": 39.798, + "map_at_100": 40.892, + "map_at_1000": 40.971000000000004, + "map_at_3": 36.788, + "map_at_5": 38.511, + "mrr_at_1": 32.994, + "mrr_at_10": 42.028, + "mrr_at_100": 42.959, + "mrr_at_1000": 43.010999999999996, + "mrr_at_3": 39.322, + "mrr_at_5": 40.977000000000004, + "ndcg_at_1": 32.994, + "ndcg_at_10": 45.062000000000005, + "ndcg_at_100": 50.166999999999994, + "ndcg_at_1000": 51.961, + "ndcg_at_3": 39.378, + "ndcg_at_5": 42.281, + "precision_at_1": 32.994, + "precision_at_10": 6.836, + "precision_at_100": 0.9860000000000001, + "precision_at_1000": 0.11800000000000001, + "precision_at_3": 16.384, + "precision_at_5": 11.548, + "recall_at_1": 30.238, + "recall_at_10": 59.080999999999996, + "recall_at_100": 82.033, + "recall_at_1000": 95.281, + "recall_at_3": 43.902, + "recall_at_5": 50.952, + "main_score": 45.062000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/CQADupstackMathematicaRetrieval.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/CQADupstackMathematicaRetrieval.json new file mode 100644 index 000000000..0f04edfad --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/CQADupstackMathematicaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackMathematicaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.512999999999998, + "map_at_10": 31.339, + "map_at_100": 32.651, + "map_at_1000": 32.762, + "map_at_3": 27.590999999999998, + "map_at_5": 29.946, + "mrr_at_1": 26.866, + "mrr_at_10": 36.525, + "mrr_at_100": 37.357, + "mrr_at_1000": 37.419999999999995, + "mrr_at_3": 33.085, + "mrr_at_5": 35.379, + "ndcg_at_1": 26.866, + "ndcg_at_10": 37.621, + "ndcg_at_100": 43.031000000000006, + "ndcg_at_1000": 45.573, + "ndcg_at_3": 31.046000000000003, + "ndcg_at_5": 34.709, + "precision_at_1": 26.866, + "precision_at_10": 7.052, + "precision_at_100": 1.117, + "precision_at_1000": 0.145, + "precision_at_3": 14.884, + "precision_at_5": 11.517, + "recall_at_1": 21.512999999999998, + "recall_at_10": 51.751999999999995, + "recall_at_100": 74.34100000000001, + "recall_at_1000": 92.426, + "recall_at_3": 34.008, + "recall_at_5": 43.075, + "main_score": 37.621 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/CQADupstackPhysicsRetrieval.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/CQADupstackPhysicsRetrieval.json new file mode 100644 index 000000000..1cf3de032 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/CQADupstackPhysicsRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackPhysicsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 35.327, + "map_at_10": 47.783, + "map_at_100": 49.153999999999996, + "map_at_1000": 49.260999999999996, + "map_at_3": 44.145, + "map_at_5": 46.207, + "mrr_at_1": 44.37, + "mrr_at_10": 53.864999999999995, + "mrr_at_100": 54.625, + "mrr_at_1000": 54.662, + "mrr_at_3": 51.604000000000006, + "mrr_at_5": 52.894, + "ndcg_at_1": 44.37, + "ndcg_at_10": 54.054, + "ndcg_at_100": 59.168, + "ndcg_at_1000": 60.769, + "ndcg_at_3": 49.091, + "ndcg_at_5": 51.444, + "precision_at_1": 44.37, + "precision_at_10": 9.827, + "precision_at_100": 1.456, + "precision_at_1000": 0.17600000000000002, + "precision_at_3": 23.580000000000002, + "precision_at_5": 16.554, + "recall_at_1": 35.327, + "recall_at_10": 66.43900000000001, + "recall_at_100": 87.41600000000001, + "recall_at_1000": 97.37400000000001, + "recall_at_3": 51.64, + "recall_at_5": 58.242000000000004, + "main_score": 54.054 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/CQADupstackProgrammersRetrieval.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/CQADupstackProgrammersRetrieval.json new file mode 100644 index 000000000..e2bd48b01 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/CQADupstackProgrammersRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackProgrammersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.397999999999996, + "map_at_10": 44.932, + "map_at_100": 46.336, + "map_at_1000": 46.421, + "map_at_3": 41.128, + "map_at_5": 43.364999999999995, + "mrr_at_1": 41.324, + "mrr_at_10": 51.080000000000005, + "mrr_at_100": 51.878, + "mrr_at_1000": 51.910000000000004, + "mrr_at_3": 48.382999999999996, + "mrr_at_5": 50.004000000000005, + "ndcg_at_1": 41.324, + "ndcg_at_10": 51.466, + "ndcg_at_100": 56.874, + "ndcg_at_1000": 58.321999999999996, + "ndcg_at_3": 45.928999999999995, + "ndcg_at_5": 48.532, + "precision_at_1": 41.324, + "precision_at_10": 9.565999999999999, + "precision_at_100": 1.428, + "precision_at_1000": 0.172, + "precision_at_3": 22.184, + "precision_at_5": 15.867999999999999, + "recall_at_1": 32.397999999999996, + "recall_at_10": 64.512, + "recall_at_100": 87.425, + "recall_at_1000": 96.937, + "recall_at_3": 48.513, + "recall_at_5": 55.721, + "main_score": 51.466 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/CQADupstackStatsRetrieval.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/CQADupstackStatsRetrieval.json new file mode 100644 index 000000000..d02129828 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/CQADupstackStatsRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackStatsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.311999999999998, + "map_at_10": 37.735, + "map_at_100": 38.702, + "map_at_1000": 38.803, + "map_at_3": 35.17, + "map_at_5": 36.6, + "mrr_at_1": 33.282000000000004, + "mrr_at_10": 41.059, + "mrr_at_100": 41.881, + "mrr_at_1000": 41.943000000000005, + "mrr_at_3": 38.829, + "mrr_at_5": 40.11, + "ndcg_at_1": 33.282000000000004, + "ndcg_at_10": 42.625, + "ndcg_at_100": 47.313, + "ndcg_at_1000": 49.683, + "ndcg_at_3": 38.043, + "ndcg_at_5": 40.217999999999996, + "precision_at_1": 33.282000000000004, + "precision_at_10": 6.748, + "precision_at_100": 0.979, + "precision_at_1000": 0.126, + "precision_at_3": 16.462, + "precision_at_5": 11.411, + "recall_at_1": 29.311999999999998, + "recall_at_10": 54.294, + "recall_at_100": 75.82, + "recall_at_1000": 93.19800000000001, + "recall_at_3": 41.382999999999996, + "recall_at_5": 46.898, + "main_score": 42.625 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/CQADupstackTexRetrieval.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/CQADupstackTexRetrieval.json new file mode 100644 index 000000000..dd8af9387 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/CQADupstackTexRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackTexRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.823, + "map_at_10": 31.682, + "map_at_100": 32.864, + "map_at_1000": 32.988, + "map_at_3": 28.878999999999998, + "map_at_5": 30.459000000000003, + "mrr_at_1": 28.63, + "mrr_at_10": 36.672, + "mrr_at_100": 37.519999999999996, + "mrr_at_1000": 37.588, + "mrr_at_3": 34.262, + "mrr_at_5": 35.653, + "ndcg_at_1": 28.63, + "ndcg_at_10": 37.158, + "ndcg_at_100": 42.4, + "ndcg_at_1000": 45.001000000000005, + "ndcg_at_3": 32.529, + "ndcg_at_5": 34.673, + "precision_at_1": 28.63, + "precision_at_10": 6.848, + "precision_at_100": 1.111, + "precision_at_1000": 0.152, + "precision_at_3": 15.623000000000001, + "precision_at_5": 11.218, + "recall_at_1": 22.823, + "recall_at_10": 48.559000000000005, + "recall_at_100": 72.048, + "recall_at_1000": 90.322, + "recall_at_3": 35.134, + "recall_at_5": 40.897, + "main_score": 37.158 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/CQADupstackUnixRetrieval.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/CQADupstackUnixRetrieval.json new file mode 100644 index 000000000..8db1d2679 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/CQADupstackUnixRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackUnixRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.79, + "map_at_10": 43.578, + "map_at_100": 44.782, + "map_at_1000": 44.869, + "map_at_3": 39.737, + "map_at_5": 41.92, + "mrr_at_1": 39.086, + "mrr_at_10": 48.135, + "mrr_at_100": 48.949, + "mrr_at_1000": 48.995, + "mrr_at_3": 45.086999999999996, + "mrr_at_5": 46.939, + "ndcg_at_1": 39.086, + "ndcg_at_10": 49.736999999999995, + "ndcg_at_100": 54.818999999999996, + "ndcg_at_1000": 56.515, + "ndcg_at_3": 43.503, + "ndcg_at_5": 46.499, + "precision_at_1": 39.086, + "precision_at_10": 8.685, + "precision_at_100": 1.2449999999999999, + "precision_at_1000": 0.148, + "precision_at_3": 19.963, + "precision_at_5": 14.366000000000001, + "recall_at_1": 32.79, + "recall_at_10": 63.766, + "recall_at_100": 85.465, + "recall_at_1000": 96.90299999999999, + "recall_at_3": 46.515, + "recall_at_5": 54.178000000000004, + "main_score": 49.736999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/CQADupstackWebmastersRetrieval.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/CQADupstackWebmastersRetrieval.json new file mode 100644 index 000000000..059891796 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/CQADupstackWebmastersRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackWebmastersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.896, + "map_at_10": 41.241, + "map_at_100": 43.178, + "map_at_1000": 43.395, + "map_at_3": 37.702999999999996, + "map_at_5": 39.524, + "mrr_at_1": 36.364000000000004, + "mrr_at_10": 46.184999999999995, + "mrr_at_100": 47.051, + "mrr_at_1000": 47.085, + "mrr_at_3": 43.478, + "mrr_at_5": 44.98, + "ndcg_at_1": 36.364000000000004, + "ndcg_at_10": 48.044, + "ndcg_at_100": 53.818999999999996, + "ndcg_at_1000": 55.504, + "ndcg_at_3": 42.604, + "ndcg_at_5": 44.971, + "precision_at_1": 36.364000000000004, + "precision_at_10": 9.664, + "precision_at_100": 1.917, + "precision_at_1000": 0.255, + "precision_at_3": 20.487, + "precision_at_5": 14.862, + "recall_at_1": 29.896, + "recall_at_10": 60.28, + "recall_at_100": 86.271, + "recall_at_1000": 97.121, + "recall_at_3": 44.885999999999996, + "recall_at_5": 51.351, + "main_score": 48.044 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/CQADupstackWordpressRetrieval.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/CQADupstackWordpressRetrieval.json new file mode 100644 index 000000000..6e8e52476 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/CQADupstackWordpressRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackWordpressRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.948, + "map_at_10": 36.138999999999996, + "map_at_100": 37.126999999999995, + "map_at_1000": 37.21, + "map_at_3": 33.526, + "map_at_5": 35.163, + "mrr_at_1": 30.684, + "mrr_at_10": 38.818999999999996, + "mrr_at_100": 39.625, + "mrr_at_1000": 39.678000000000004, + "mrr_at_3": 36.506, + "mrr_at_5": 37.976, + "ndcg_at_1": 30.684, + "ndcg_at_10": 41.134, + "ndcg_at_100": 46.081, + "ndcg_at_1000": 48.199999999999996, + "ndcg_at_3": 36.193, + "ndcg_at_5": 38.903999999999996, + "precision_at_1": 30.684, + "precision_at_10": 6.285, + "precision_at_100": 0.9520000000000001, + "precision_at_1000": 0.126, + "precision_at_3": 15.342, + "precision_at_5": 10.869, + "recall_at_1": 27.948, + "recall_at_10": 53.959, + "recall_at_100": 76.825, + "recall_at_1000": 92.73700000000001, + "recall_at_3": 40.495999999999995, + "recall_at_5": 47.196, + "main_score": 41.134 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/ClimateFEVER.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/ClimateFEVER.json new file mode 100644 index 000000000..d37afe296 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.27, + "map_at_10": 25.570999999999998, + "map_at_100": 27.664, + "map_at_1000": 27.848, + "map_at_3": 21.224, + "map_at_5": 23.508000000000003, + "mrr_at_1": 34.137, + "mrr_at_10": 46.583000000000006, + "mrr_at_100": 47.339999999999996, + "mrr_at_1000": 47.370000000000005, + "mrr_at_3": 43.376999999999995, + "mrr_at_5": 45.26, + "ndcg_at_1": 34.137, + "ndcg_at_10": 35.189, + "ndcg_at_100": 42.568, + "ndcg_at_1000": 45.660000000000004, + "ndcg_at_3": 28.965000000000003, + "ndcg_at_5": 31.169999999999998, + "precision_at_1": 34.137, + "precision_at_10": 10.971, + "precision_at_100": 1.8870000000000002, + "precision_at_1000": 0.247, + "precision_at_3": 21.368000000000002, + "precision_at_5": 16.573, + "recall_at_1": 15.27, + "recall_at_10": 41.516999999999996, + "recall_at_100": 66.486, + "recall_at_1000": 83.533, + "recall_at_3": 26.325, + "recall_at_5": 32.574, + "main_score": 35.189 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/DBPedia.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/DBPedia.json new file mode 100644 index 000000000..9d21e401e --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.982000000000001, + "map_at_10": 23.724999999999998, + "map_at_100": 33.933, + "map_at_1000": 35.965, + "map_at_3": 16.158, + "map_at_5": 19.433, + "mrr_at_1": 75.75, + "mrr_at_10": 82.065, + "mrr_at_100": 82.334, + "mrr_at_1000": 82.34, + "mrr_at_3": 80.708, + "mrr_at_5": 81.671, + "ndcg_at_1": 63.625, + "ndcg_at_10": 49.576, + "ndcg_at_100": 53.783, + "ndcg_at_1000": 61.012, + "ndcg_at_3": 53.822, + "ndcg_at_5": 51.72, + "precision_at_1": 75.75, + "precision_at_10": 39.925, + "precision_at_100": 12.525, + "precision_at_1000": 2.399, + "precision_at_3": 56.667, + "precision_at_5": 50.5, + "recall_at_1": 9.982000000000001, + "recall_at_10": 29.325000000000003, + "recall_at_100": 59.181, + "recall_at_1000": 82.095, + "recall_at_3": 17.338, + "recall_at_5": 22.216, + "main_score": 49.576 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/EmotionClassification.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/EmotionClassification.json new file mode 100644 index 000000000..177ce8dbf --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 52.04500000000001, + "f1": 47.32462453881906, + "main_score": 52.04500000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/FEVER.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/FEVER.json new file mode 100644 index 000000000..7a4073cc4 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 78.68, + "map_at_10": 86.207, + "map_at_100": 86.375, + "map_at_1000": 86.388, + "map_at_3": 85.35199999999999, + "map_at_5": 85.954, + "mrr_at_1": 84.923, + "mrr_at_10": 90.902, + "mrr_at_100": 90.952, + "mrr_at_1000": 90.952, + "mrr_at_3": 90.489, + "mrr_at_5": 90.822, + "ndcg_at_1": 84.923, + "ndcg_at_10": 89.403, + "ndcg_at_100": 90.023, + "ndcg_at_1000": 90.235, + "ndcg_at_3": 88.24300000000001, + "ndcg_at_5": 89.005, + "precision_at_1": 84.923, + "precision_at_10": 10.495000000000001, + "precision_at_100": 1.103, + "precision_at_1000": 0.11399999999999999, + "precision_at_3": 33.358, + "precision_at_5": 20.579, + "recall_at_1": 78.68, + "recall_at_10": 94.622, + "recall_at_100": 97.083, + "recall_at_1000": 98.348, + "recall_at_3": 91.499, + "recall_at_5": 93.486, + "main_score": 89.403 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/FiQA2018.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/FiQA2018.json new file mode 100644 index 000000000..8e2ebe921 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.781, + "map_at_10": 44.669, + "map_at_100": 46.831, + "map_at_1000": 46.96, + "map_at_3": 38.714, + "map_at_5": 42.186, + "mrr_at_1": 51.235, + "mrr_at_10": 60.083, + "mrr_at_100": 60.675999999999995, + "mrr_at_1000": 60.706, + "mrr_at_3": 57.665, + "mrr_at_5": 59.084, + "ndcg_at_1": 51.235, + "ndcg_at_10": 53.111, + "ndcg_at_100": 59.57900000000001, + "ndcg_at_1000": 61.57, + "ndcg_at_3": 48.397, + "ndcg_at_5": 50.169, + "precision_at_1": 51.235, + "precision_at_10": 14.877, + "precision_at_100": 2.173, + "precision_at_1000": 0.253, + "precision_at_3": 32.87, + "precision_at_5": 24.29, + "recall_at_1": 25.781, + "recall_at_10": 61.464, + "recall_at_100": 84.244, + "recall_at_1000": 96.039, + "recall_at_3": 44.105, + "recall_at_5": 52.205999999999996, + "main_score": 53.111 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/HotpotQA.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/HotpotQA.json new file mode 100644 index 000000000..5d3e2afb5 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 39.041, + "map_at_10": 66.622, + "map_at_100": 67.472, + "map_at_1000": 67.52, + "map_at_3": 62.81099999999999, + "map_at_5": 65.23, + "mrr_at_1": 78.082, + "mrr_at_10": 83.827, + "mrr_at_100": 84.03, + "mrr_at_1000": 84.036, + "mrr_at_3": 82.894, + "mrr_at_5": 83.482, + "ndcg_at_1": 78.082, + "ndcg_at_10": 74.068, + "ndcg_at_100": 76.981, + "ndcg_at_1000": 77.887, + "ndcg_at_3": 68.77600000000001, + "ndcg_at_5": 71.763, + "precision_at_1": 78.082, + "precision_at_10": 15.822, + "precision_at_100": 1.807, + "precision_at_1000": 0.193, + "precision_at_3": 44.956, + "precision_at_5": 29.332, + "recall_at_1": 39.041, + "recall_at_10": 79.109, + "recall_at_100": 90.371, + "recall_at_1000": 96.313, + "recall_at_3": 67.43400000000001, + "recall_at_5": 73.329, + "main_score": 74.068 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/ImdbClassification.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/ImdbClassification.json new file mode 100644 index 000000000..a3ef2633c --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 87.422, + "ap": 83.07360776629146, + "f1": 87.38583428778229, + "main_score": 87.422 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/MSMARCO.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/MSMARCO.json new file mode 100644 index 000000000..6bc760932 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.715999999999998, + "map_at_10": 34.821000000000005, + "map_at_100": 36.022999999999996, + "map_at_1000": 36.067, + "map_at_3": 30.666, + "map_at_5": 33.134, + "mrr_at_1": 22.421, + "mrr_at_10": 35.461, + "mrr_at_100": 36.6, + "mrr_at_1000": 36.638, + "mrr_at_3": 31.413999999999998, + "mrr_at_5": 33.823, + "ndcg_at_1": 22.421, + "ndcg_at_10": 42.169000000000004, + "ndcg_at_100": 47.887, + "ndcg_at_1000": 48.939, + "ndcg_at_3": 33.786, + "ndcg_at_5": 38.164, + "precision_at_1": 22.421, + "precision_at_10": 6.773999999999999, + "precision_at_100": 0.962, + "precision_at_1000": 0.105, + "precision_at_3": 14.575, + "precision_at_5": 10.963000000000001, + "recall_at_1": 21.715999999999998, + "recall_at_10": 64.75999999999999, + "recall_at_100": 91.015, + "recall_at_1000": 98.96000000000001, + "recall_at_3": 42.089999999999996, + "recall_at_5": 52.578, + "main_score": 42.169000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/MTOPDomainClassification.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/MTOPDomainClassification.json new file mode 100644 index 000000000..bc33bc96a --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 96.04195166438669, + "f1": 95.76962987454031, + "main_score": 96.04195166438669 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/MTOPIntentClassification.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/MTOPIntentClassification.json new file mode 100644 index 000000000..76cfaccdd --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 84.76744186046513, + "f1": 70.3328215706764, + "main_score": 84.76744186046513 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/MassiveIntentClassification.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/MassiveIntentClassification.json new file mode 100644 index 000000000..ef1f57170 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.29051782111635, + "f1": 77.0837414890434, + "main_score": 79.29051782111635 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/MassiveScenarioClassification.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..bd68256c5 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 81.64425016812373, + "f1": 81.36288379329044, + "main_score": 81.64425016812373 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/MedrxivClusteringP2P.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..46fe84f3d --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.0673311773222, + "main_score": 31.0673311773222 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/MedrxivClusteringS2S.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..58b21fd8e --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.266850505047234, + "main_score": 31.266850505047234 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/MindSmallReranking.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/MindSmallReranking.json new file mode 100644 index 000000000..045731f14 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.49575275757744, + "mrr": 32.64979714009148, + "main_score": 31.49575275757744 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/NFCorpus.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/NFCorpus.json new file mode 100644 index 000000000..b279e62e0 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.151, + "map_at_10": 14.879999999999999, + "map_at_100": 19.445999999999998, + "map_at_1000": 21.101, + "map_at_3": 10.613999999999999, + "map_at_5": 12.709000000000001, + "mrr_at_1": 51.393, + "mrr_at_10": 59.935, + "mrr_at_100": 60.455000000000005, + "mrr_at_1000": 60.485, + "mrr_at_3": 57.894999999999996, + "mrr_at_5": 59.303, + "ndcg_at_1": 50.0, + "ndcg_at_10": 39.324999999999996, + "ndcg_at_100": 37.133, + "ndcg_at_1000": 45.663, + "ndcg_at_3": 45.294000000000004, + "ndcg_at_5": 42.88, + "precision_at_1": 51.393, + "precision_at_10": 29.412, + "precision_at_100": 9.666, + "precision_at_1000": 2.263, + "precision_at_3": 42.415000000000006, + "precision_at_5": 37.399, + "recall_at_1": 6.151, + "recall_at_10": 19.121, + "recall_at_100": 39.012, + "recall_at_1000": 70.726, + "recall_at_3": 11.855, + "recall_at_5": 15.204, + "main_score": 39.324999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/NQ.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/NQ.json new file mode 100644 index 000000000..5bde2db18 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 36.382, + "map_at_10": 53.657, + "map_at_100": 54.547999999999995, + "map_at_1000": 54.562999999999995, + "map_at_3": 49.236999999999995, + "map_at_5": 51.949, + "mrr_at_1": 41.309000000000005, + "mrr_at_10": 56.25599999999999, + "mrr_at_100": 56.855999999999995, + "mrr_at_1000": 56.867000000000004, + "mrr_at_3": 52.891999999999996, + "mrr_at_5": 54.99699999999999, + "ndcg_at_1": 41.28, + "ndcg_at_10": 61.702999999999996, + "ndcg_at_100": 65.092, + "ndcg_at_1000": 65.392, + "ndcg_at_3": 53.722, + "ndcg_at_5": 58.11300000000001, + "precision_at_1": 41.28, + "precision_at_10": 10.014000000000001, + "precision_at_100": 1.187, + "precision_at_1000": 0.121, + "precision_at_3": 24.614, + "precision_at_5": 17.317, + "recall_at_1": 36.382, + "recall_at_10": 83.38600000000001, + "recall_at_100": 97.528, + "recall_at_1000": 99.696, + "recall_at_3": 63.053000000000004, + "recall_at_5": 73.16, + "main_score": 61.702999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/QuoraRetrieval.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/QuoraRetrieval.json new file mode 100644 index 000000000..9e64f1d9a --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 69.577, + "map_at_10": 83.944, + "map_at_100": 84.604, + "map_at_1000": 84.61800000000001, + "map_at_3": 80.93599999999999, + "map_at_5": 82.812, + "mrr_at_1": 80.4, + "mrr_at_10": 86.734, + "mrr_at_100": 86.851, + "mrr_at_1000": 86.85199999999999, + "mrr_at_3": 85.75500000000001, + "mrr_at_5": 86.396, + "ndcg_at_1": 80.43, + "ndcg_at_10": 87.75, + "ndcg_at_100": 88.999, + "ndcg_at_1000": 89.092, + "ndcg_at_3": 84.88, + "ndcg_at_5": 86.416, + "precision_at_1": 80.43, + "precision_at_10": 13.453000000000001, + "precision_at_100": 1.539, + "precision_at_1000": 0.157, + "precision_at_3": 37.403, + "precision_at_5": 24.648, + "recall_at_1": 69.577, + "recall_at_10": 95.233, + "recall_at_100": 99.531, + "recall_at_1000": 99.984, + "recall_at_3": 86.867, + "recall_at_5": 91.254, + "main_score": 87.75 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/RedditClustering.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/RedditClustering.json new file mode 100644 index 000000000..edd420cda --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 60.23690763558931, + "main_score": 60.23690763558931 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/RedditClusteringP2P.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/RedditClusteringP2P.json new file mode 100644 index 000000000..06937b49b --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 64.12391112159126, + "main_score": 64.12391112159126 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/SCIDOCS.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/SCIDOCS.json new file mode 100644 index 000000000..9d0645938 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.288, + "map_at_10": 13.611999999999998, + "map_at_100": 15.909, + "map_at_1000": 16.235, + "map_at_3": 9.644, + "map_at_5": 11.559, + "mrr_at_1": 26.1, + "mrr_at_10": 37.571, + "mrr_at_100": 38.72, + "mrr_at_1000": 38.76, + "mrr_at_3": 34.383, + "mrr_at_5": 36.187999999999995, + "ndcg_at_1": 26.1, + "ndcg_at_10": 22.497, + "ndcg_at_100": 31.098, + "ndcg_at_1000": 36.434, + "ndcg_at_3": 21.401, + "ndcg_at_5": 18.66, + "precision_at_1": 26.1, + "precision_at_10": 11.67, + "precision_at_100": 2.405, + "precision_at_1000": 0.368, + "precision_at_3": 20.0, + "precision_at_5": 16.34, + "recall_at_1": 5.288, + "recall_at_10": 23.652, + "recall_at_100": 48.79, + "recall_at_1000": 74.703, + "recall_at_3": 12.158, + "recall_at_5": 16.582, + "main_score": 22.497 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/SICK-R.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/SICK-R.json new file mode 100644 index 000000000..2d46acedf --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/SICK-R.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 83.6969699802343, + "cosine_spearman": 83.6969699802343, + "main_score": 83.6969699802343 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/STS12.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/STS12.json new file mode 100644 index 000000000..fbb64ed23 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/STS12.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 78.8031221769135, + "cosine_spearman": 78.8031221769135, + "main_score": 78.8031221769135 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/STS13.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/STS13.json new file mode 100644 index 000000000..9b63969ba --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/STS13.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 86.37435789895171, + "cosine_spearman": 86.37435789895171, + "main_score": 86.37435789895171 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/STS14.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/STS14.json new file mode 100644 index 000000000..65e35bd29 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/STS14.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 84.04036612478626, + "cosine_spearman": 84.04036612478626, + "main_score": 84.04036612478626 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/STS15.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/STS15.json new file mode 100644 index 000000000..0e6a15939 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/STS15.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 88.99055778929946, + "cosine_spearman": 88.99055778929946, + "main_score": 88.99055778929946 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/STS16.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/STS16.json new file mode 100644 index 000000000..89337a200 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/STS16.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 87.22140434759893, + "cosine_spearman": 87.22140434759893, + "main_score": 87.22140434759893 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/STS17.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/STS17.json new file mode 100644 index 000000000..a2bf959f2 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/STS17.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 90.1862731405498, + "cosine_spearman": 90.1862731405498, + "main_score": 90.1862731405498 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/STS22.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/STS22.json new file mode 100644 index 000000000..e5bf15e28 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/STS22.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 67.67995229420237, + "cosine_spearman": 67.67995229420237, + "main_score": 67.67995229420237 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/STSBenchmark.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/STSBenchmark.json new file mode 100644 index 000000000..bfb48ec13 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/STSBenchmark.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 88.65370934976113, + "cosine_spearman": 88.65370934976113, + "main_score": 88.65370934976113 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/SciDocsRR.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/SciDocsRR.json new file mode 100644 index 000000000..a673d439e --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 83.79832393152147, + "mrr": 95.78404438698557, + "main_score": 83.79832393152147 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/SciFact.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/SciFact.json new file mode 100644 index 000000000..5e9f9642b --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 64.883, + "map_at_10": 74.48, + "map_at_100": 74.85000000000001, + "map_at_1000": 74.861, + "map_at_3": 71.596, + "map_at_5": 73.545, + "mrr_at_1": 67.667, + "mrr_at_10": 75.394, + "mrr_at_100": 75.644, + "mrr_at_1000": 75.655, + "mrr_at_3": 73.5, + "mrr_at_5": 74.63300000000001, + "ndcg_at_1": 67.667, + "ndcg_at_10": 78.855, + "ndcg_at_100": 80.361, + "ndcg_at_1000": 80.624, + "ndcg_at_3": 74.37899999999999, + "ndcg_at_5": 76.89200000000001, + "precision_at_1": 67.667, + "precision_at_10": 10.267, + "precision_at_100": 1.11, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 28.778, + "precision_at_5": 19.133, + "recall_at_1": 64.883, + "recall_at_10": 91.2, + "recall_at_100": 98.0, + "recall_at_1000": 100.0, + "recall_at_3": 79.406, + "recall_at_5": 85.578, + "main_score": 78.855 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/SprintDuplicateQuestions.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..4518f7b82 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.85445544554456, + "cos_sim_ap": 96.81785428870712, + "cos_sim_f1": 92.67563527653213, + "cos_sim_precision": 92.35352532274081, + "cos_sim_recall": 93.0, + "dot_accuracy": 99.75643564356436, + "dot_ap": 94.46746929160422, + "dot_f1": 87.74900398406375, + "dot_precision": 87.40079365079364, + "dot_recall": 88.1, + "euclidean_accuracy": 99.85445544554456, + "euclidean_ap": 96.59180137299155, + "euclidean_f1": 92.48850281042411, + "euclidean_precision": 94.56635318704284, + "euclidean_recall": 90.5, + "manhattan_accuracy": 99.85643564356435, + "manhattan_ap": 96.66599616275849, + "manhattan_f1": 92.69746646795828, + "manhattan_precision": 92.10266535044423, + "manhattan_recall": 93.30000000000001, + "max_accuracy": 99.85643564356435, + "max_ap": 96.81785428870712, + "max_f1": 92.69746646795828, + "main_score": 96.81785428870712 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/StackExchangeClustering.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/StackExchangeClustering.json new file mode 100644 index 000000000..a11a64100 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 70.72970157362414, + "main_score": 70.72970157362414 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/StackExchangeClusteringP2P.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..863d008a0 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.49706344517027, + "main_score": 34.49706344517027 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/StackOverflowDupQuestions.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..f6f1be538 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 54.41010678297881, + "mrr": 55.15095811051693, + "main_score": 54.41010678297881 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/SummEval.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/SummEval.json new file mode 100644 index 000000000..ea8060286 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.5030094989814, + "cos_sim_spearman": 29.959138274084797, + "dot_pearson": 29.740134155639076, + "dot_spearman": 29.18174652067779, + "cosine_pearson": 30.5030094989814, + "cosine_spearman": 29.959138274084797, + "main_score": 29.959138274084797 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/TRECCOVID.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/TRECCOVID.json new file mode 100644 index 000000000..abb4cbbd0 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.22200000000000003, + "map_at_10": 1.925, + "map_at_100": 13.150999999999998, + "map_at_1000": 33.410000000000004, + "map_at_3": 0.631, + "map_at_5": 0.9990000000000001, + "mrr_at_1": 82.0, + "mrr_at_10": 90.0, + "mrr_at_100": 90.0, + "mrr_at_1000": 90.0, + "mrr_at_3": 89.0, + "mrr_at_5": 90.0, + "ndcg_at_1": 79.0, + "ndcg_at_10": 77.69200000000001, + "ndcg_at_100": 64.89, + "ndcg_at_1000": 59.748999999999995, + "ndcg_at_3": 79.296, + "ndcg_at_5": 78.63, + "precision_at_1": 82.0, + "precision_at_10": 82.19999999999999, + "precision_at_100": 67.52, + "precision_at_1000": 26.512, + "precision_at_3": 83.333, + "precision_at_5": 83.2, + "recall_at_1": 0.22200000000000003, + "recall_at_10": 2.164, + "recall_at_100": 16.608, + "recall_at_1000": 56.89999999999999, + "recall_at_3": 0.658, + "recall_at_5": 1.084, + "main_score": 77.69200000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/Touche2020.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/Touche2020.json new file mode 100644 index 000000000..1df881650 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 1.8519999999999999, + "map_at_10": 8.569, + "map_at_100": 14.238999999999999, + "map_at_1000": 15.876000000000001, + "map_at_3": 3.9859999999999998, + "map_at_5": 5.785, + "mrr_at_1": 26.531, + "mrr_at_10": 40.581, + "mrr_at_100": 41.379, + "mrr_at_1000": 41.388999999999996, + "mrr_at_3": 35.034, + "mrr_at_5": 38.299, + "ndcg_at_1": 25.509999999999998, + "ndcg_at_10": 22.18, + "ndcg_at_100": 34.695, + "ndcg_at_1000": 46.854, + "ndcg_at_3": 23.112, + "ndcg_at_5": 23.089000000000002, + "precision_at_1": 26.531, + "precision_at_10": 20.408, + "precision_at_100": 7.428999999999999, + "precision_at_1000": 1.559, + "precision_at_3": 23.810000000000002, + "precision_at_5": 23.265, + "recall_at_1": 1.8519999999999999, + "recall_at_10": 15.038000000000002, + "recall_at_100": 46.499, + "recall_at_1000": 84.11800000000001, + "recall_at_3": 5.179, + "recall_at_5": 8.758000000000001, + "main_score": 22.18 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/ToxicConversationsClassification.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..47f63925a --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.26140000000001, + "ap": 14.138284541193421, + "f1": 53.715363590501916, + "main_score": 69.26140000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/TweetSentimentExtractionClassification.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..c668d2067 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 62.136389360498015, + "f1": 62.33290824449911, + "main_score": 62.136389360498015 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/TwentyNewsgroupsClustering.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..737073a3c --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 52.18306009684791, + "main_score": 52.18306009684791 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/TwitterSemEval2015.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/TwitterSemEval2015.json new file mode 100644 index 000000000..34cca47c8 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.27561542588067, + "cos_sim_ap": 80.59558041410928, + "cos_sim_f1": 73.54724608388075, + "cos_sim_precision": 70.55259331071255, + "cos_sim_recall": 76.80738786279684, + "dot_accuracy": 85.00923883888657, + "dot_ap": 71.76942851966301, + "dot_f1": 66.84518013631937, + "dot_precision": 62.042476276547674, + "dot_recall": 72.45382585751979, + "euclidean_accuracy": 88.26965488466352, + "euclidean_ap": 80.44398056118867, + "euclidean_f1": 73.28244274809161, + "euclidean_precision": 68.69806094182826, + "euclidean_recall": 78.52242744063325, + "manhattan_accuracy": 88.25773380222924, + "manhattan_ap": 80.25000483445007, + "manhattan_f1": 73.10447023956533, + "manhattan_precision": 68.70937790157846, + "manhattan_recall": 78.10026385224275, + "max_accuracy": 88.27561542588067, + "max_ap": 80.59558041410928, + "max_f1": 73.54724608388075, + "main_score": 80.59558041410928 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/TwitterURLCorpus.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/TwitterURLCorpus.json new file mode 100644 index 000000000..e647f7904 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.52536189700004, + "cos_sim_ap": 86.55972191277392, + "cos_sim_f1": 79.31733569243245, + "cos_sim_precision": 76.08372816632487, + "cos_sim_recall": 82.83800431167231, + "dot_accuracy": 87.77506112469437, + "dot_ap": 82.92833178514168, + "dot_f1": 76.12050479839702, + "dot_precision": 70.03687172520861, + "dot_recall": 83.3615645210964, + "euclidean_accuracy": 89.3643031784841, + "euclidean_ap": 86.45902920741383, + "euclidean_f1": 79.4788514062154, + "euclidean_precision": 76.32922160782645, + "euclidean_recall": 82.89959963042809, + "manhattan_accuracy": 89.38564830985369, + "manhattan_ap": 86.47558438668958, + "manhattan_f1": 79.46758328152997, + "manhattan_precision": 75.67379343965457, + "manhattan_recall": 83.66184170003079, + "max_accuracy": 89.52536189700004, + "max_ap": 86.55972191277392, + "max_f1": 79.4788514062154, + "main_score": 86.55972191277392 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/model_meta.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/model_meta.json new file mode 100644 index 000000000..2b2cebd3a --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "McGill-NLP/LLM2Vec-Mistral-7B-Instruct-v2-mntp-supervised", + "revision": "0ae69bdd5816105778b971c3138e8f8a18eaa3ae", + "release_date": "2024-04-04", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": null, + "embed_dim": null, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/AmazonCounterfactualClassification.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..3260b018e --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.94029850746269, + "ap": 41.01055096636703, + "f1": 71.2582580801963, + "main_score": 76.94029850746269 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/AmazonPolarityClassification.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..0370f1a1c --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 85.288275, + "ap": 80.9174293931393, + "f1": 85.26284279319103, + "main_score": 85.288275 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/AmazonReviewsClassification.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..ef39e9bdc --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 47.089999999999996, + "f1": 46.42571856588491, + "main_score": 47.089999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/ArguAna.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/ArguAna.json new file mode 100644 index 000000000..0ff9b342e --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.676, + "map_at_10": 41.705999999999996, + "map_at_100": 42.649, + "map_at_1000": 42.655, + "map_at_3": 36.214, + "map_at_5": 39.475, + "mrr_at_1": 26.173999999999996, + "mrr_at_10": 41.873, + "mrr_at_100": 42.817, + "mrr_at_1000": 42.823, + "mrr_at_3": 36.427, + "mrr_at_5": 39.646, + "ndcg_at_1": 25.676, + "ndcg_at_10": 51.001, + "ndcg_at_100": 55.001, + "ndcg_at_1000": 55.167, + "ndcg_at_3": 39.713, + "ndcg_at_5": 45.596, + "precision_at_1": 25.676, + "precision_at_10": 8.087, + "precision_at_100": 0.983, + "precision_at_1000": 0.1, + "precision_at_3": 16.619, + "precision_at_5": 12.831000000000001, + "recall_at_1": 25.676, + "recall_at_10": 80.868, + "recall_at_100": 98.29299999999999, + "recall_at_1000": 99.57300000000001, + "recall_at_3": 49.858000000000004, + "recall_at_5": 64.154, + "main_score": 51.001 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/ArxivClusteringP2P.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..28d8cc565 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 47.557333278165295, + "main_score": 47.557333278165295 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/ArxivClusteringS2S.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..b0eac0b74 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.921940994207674, + "main_score": 39.921940994207674 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/AskUbuntuDupQuestions.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..7101c9c0d --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 58.602773795071585, + "mrr": 72.93749725190169, + "main_score": 58.602773795071585 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/BIOSSES.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/BIOSSES.json new file mode 100644 index 000000000..609e3d68e --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/BIOSSES.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 83.29045204631967, + "cosine_spearman": 83.29045204631967, + "main_score": 83.29045204631967 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/Banking77Classification.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/Banking77Classification.json new file mode 100644 index 000000000..405400524 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.1590909090909, + "f1": 86.08993054539444, + "main_score": 86.1590909090909 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/BiorxivClusteringP2P.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..939b11867 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.13784714320738, + "main_score": 36.13784714320738 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/BiorxivClusteringS2S.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..f0e0a7441 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.26284987791574, + "main_score": 30.26284987791574 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/CQADupstackAndroidRetrieval.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..ac1f39bda --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.611, + "map_at_10": 37.838, + "map_at_100": 39.446999999999996, + "map_at_1000": 39.583, + "map_at_3": 34.563, + "map_at_5": 36.332, + "mrr_at_1": 35.765, + "mrr_at_10": 44.614, + "mrr_at_100": 45.501000000000005, + "mrr_at_1000": 45.558, + "mrr_at_3": 42.513, + "mrr_at_5": 43.515, + "ndcg_at_1": 35.765, + "ndcg_at_10": 44.104, + "ndcg_at_100": 50.05500000000001, + "ndcg_at_1000": 52.190000000000005, + "ndcg_at_3": 39.834, + "ndcg_at_5": 41.491, + "precision_at_1": 35.765, + "precision_at_10": 8.870000000000001, + "precision_at_100": 1.505, + "precision_at_1000": 0.2, + "precision_at_3": 19.886, + "precision_at_5": 14.277999999999999, + "recall_at_1": 27.611, + "recall_at_10": 55.065, + "recall_at_100": 80.60199999999999, + "recall_at_1000": 94.517, + "recall_at_3": 41.281, + "recall_at_5": 46.791, + "main_score": 44.104 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/CQADupstackEnglishRetrieval.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/CQADupstackEnglishRetrieval.json new file mode 100644 index 000000000..d7fe56f0a --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/CQADupstackEnglishRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackEnglishRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.599999999999998, + "map_at_10": 38.218999999999994, + "map_at_100": 39.336, + "map_at_1000": 39.464, + "map_at_3": 35.599, + "map_at_5": 36.927, + "mrr_at_1": 37.197, + "mrr_at_10": 44.759, + "mrr_at_100": 45.372, + "mrr_at_1000": 45.422000000000004, + "mrr_at_3": 42.941, + "mrr_at_5": 43.906, + "ndcg_at_1": 37.197, + "ndcg_at_10": 43.689, + "ndcg_at_100": 47.588, + "ndcg_at_1000": 49.868, + "ndcg_at_3": 40.434, + "ndcg_at_5": 41.617, + "precision_at_1": 37.197, + "precision_at_10": 8.529, + "precision_at_100": 1.325, + "precision_at_1000": 0.181, + "precision_at_3": 20.212, + "precision_at_5": 13.987, + "recall_at_1": 28.599999999999998, + "recall_at_10": 52.266999999999996, + "recall_at_100": 69.304, + "recall_at_1000": 84.249, + "recall_at_3": 41.281, + "recall_at_5": 45.56, + "main_score": 43.689 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/CQADupstackGamingRetrieval.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/CQADupstackGamingRetrieval.json new file mode 100644 index 000000000..8b8f45f6c --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/CQADupstackGamingRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackGamingRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 33.168, + "map_at_10": 44.690999999999995, + "map_at_100": 45.804, + "map_at_1000": 45.876, + "map_at_3": 41.385, + "map_at_5": 43.375, + "mrr_at_1": 38.997, + "mrr_at_10": 48.782, + "mrr_at_100": 49.534, + "mrr_at_1000": 49.57, + "mrr_at_3": 46.134, + "mrr_at_5": 47.814, + "ndcg_at_1": 38.997, + "ndcg_at_10": 50.707, + "ndcg_at_100": 55.358, + "ndcg_at_1000": 56.818999999999996, + "ndcg_at_3": 45.098, + "ndcg_at_5": 48.065999999999995, + "precision_at_1": 38.997, + "precision_at_10": 8.414000000000001, + "precision_at_100": 1.159, + "precision_at_1000": 0.135, + "precision_at_3": 20.564, + "precision_at_5": 14.445, + "recall_at_1": 33.168, + "recall_at_10": 64.595, + "recall_at_100": 85.167, + "recall_at_1000": 95.485, + "recall_at_3": 49.555, + "recall_at_5": 56.871, + "main_score": 50.707 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/CQADupstackGisRetrieval.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/CQADupstackGisRetrieval.json new file mode 100644 index 000000000..e8138a25e --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/CQADupstackGisRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackGisRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.254, + "map_at_10": 23.925, + "map_at_100": 25.008000000000003, + "map_at_1000": 25.123, + "map_at_3": 21.676000000000002, + "map_at_5": 23.042, + "mrr_at_1": 18.756999999999998, + "mrr_at_10": 25.578, + "mrr_at_100": 26.594, + "mrr_at_1000": 26.680999999999997, + "mrr_at_3": 23.371, + "mrr_at_5": 24.721, + "ndcg_at_1": 18.756999999999998, + "ndcg_at_10": 27.878999999999998, + "ndcg_at_100": 33.285, + "ndcg_at_1000": 36.333, + "ndcg_at_3": 23.461000000000002, + "ndcg_at_5": 25.836, + "precision_at_1": 18.756999999999998, + "precision_at_10": 4.429, + "precision_at_100": 0.754, + "precision_at_1000": 0.106, + "precision_at_3": 9.981, + "precision_at_5": 7.412000000000001, + "recall_at_1": 17.254, + "recall_at_10": 38.42, + "recall_at_100": 63.50900000000001, + "recall_at_1000": 86.787, + "recall_at_3": 26.840999999999998, + "recall_at_5": 32.4, + "main_score": 27.878999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/CQADupstackMathematicaRetrieval.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/CQADupstackMathematicaRetrieval.json new file mode 100644 index 000000000..072aa9e21 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/CQADupstackMathematicaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackMathematicaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 10.495000000000001, + "map_at_10": 16.505, + "map_at_100": 17.59, + "map_at_1000": 17.709, + "map_at_3": 13.974, + "map_at_5": 15.466, + "mrr_at_1": 14.179, + "mrr_at_10": 20.396, + "mrr_at_100": 21.384, + "mrr_at_1000": 21.47, + "mrr_at_3": 17.828, + "mrr_at_5": 19.387999999999998, + "ndcg_at_1": 14.179, + "ndcg_at_10": 20.852, + "ndcg_at_100": 26.44, + "ndcg_at_1000": 29.448999999999998, + "ndcg_at_3": 16.181, + "ndcg_at_5": 18.594, + "precision_at_1": 14.179, + "precision_at_10": 4.229, + "precision_at_100": 0.8170000000000001, + "precision_at_1000": 0.12, + "precision_at_3": 8.126, + "precision_at_5": 6.493, + "recall_at_1": 10.495000000000001, + "recall_at_10": 30.531000000000002, + "recall_at_100": 55.535999999999994, + "recall_at_1000": 77.095, + "recall_at_3": 17.805, + "recall_at_5": 24.041, + "main_score": 20.852 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/CQADupstackPhysicsRetrieval.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/CQADupstackPhysicsRetrieval.json new file mode 100644 index 000000000..f7f9a3074 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/CQADupstackPhysicsRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackPhysicsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.826999999999998, + "map_at_10": 34.957, + "map_at_100": 36.314, + "map_at_1000": 36.437999999999995, + "map_at_3": 31.328, + "map_at_5": 33.254, + "mrr_at_1": 31.375999999999998, + "mrr_at_10": 40.493, + "mrr_at_100": 41.410000000000004, + "mrr_at_1000": 41.46, + "mrr_at_3": 37.504, + "mrr_at_5": 39.212, + "ndcg_at_1": 31.375999999999998, + "ndcg_at_10": 41.285, + "ndcg_at_100": 46.996, + "ndcg_at_1000": 49.207, + "ndcg_at_3": 35.297, + "ndcg_at_5": 37.999, + "precision_at_1": 31.375999999999998, + "precision_at_10": 7.960000000000001, + "precision_at_100": 1.277, + "precision_at_1000": 0.165, + "precision_at_3": 17.132, + "precision_at_5": 12.57, + "recall_at_1": 24.826999999999998, + "recall_at_10": 54.678000000000004, + "recall_at_100": 78.849, + "recall_at_1000": 93.36, + "recall_at_3": 37.775, + "recall_at_5": 44.993, + "main_score": 41.285 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/CQADupstackProgrammersRetrieval.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/CQADupstackProgrammersRetrieval.json new file mode 100644 index 000000000..5192a986a --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/CQADupstackProgrammersRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackProgrammersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.195, + "map_at_10": 29.003, + "map_at_100": 30.379, + "map_at_1000": 30.508000000000003, + "map_at_3": 25.927, + "map_at_5": 27.784, + "mrr_at_1": 26.941, + "mrr_at_10": 34.305, + "mrr_at_100": 35.32, + "mrr_at_1000": 35.386, + "mrr_at_3": 31.735000000000003, + "mrr_at_5": 33.213, + "ndcg_at_1": 26.941, + "ndcg_at_10": 34.31, + "ndcg_at_100": 40.242, + "ndcg_at_1000": 42.9, + "ndcg_at_3": 29.198, + "ndcg_at_5": 31.739, + "precision_at_1": 26.941, + "precision_at_10": 6.507000000000001, + "precision_at_100": 1.124, + "precision_at_1000": 0.154, + "precision_at_3": 13.850999999999999, + "precision_at_5": 10.411, + "recall_at_1": 21.195, + "recall_at_10": 45.083, + "recall_at_100": 70.14200000000001, + "recall_at_1000": 88.34100000000001, + "recall_at_3": 31.175000000000004, + "recall_at_5": 37.625, + "main_score": 34.31 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/CQADupstackStatsRetrieval.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/CQADupstackStatsRetrieval.json new file mode 100644 index 000000000..f2d945a2e --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/CQADupstackStatsRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackStatsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.043000000000001, + "map_at_10": 22.203, + "map_at_100": 23.254, + "map_at_1000": 23.362, + "map_at_3": 20.157, + "map_at_5": 21.201999999999998, + "mrr_at_1": 17.485, + "mrr_at_10": 24.729, + "mrr_at_100": 25.715, + "mrr_at_1000": 25.796999999999997, + "mrr_at_3": 22.725, + "mrr_at_5": 23.829, + "ndcg_at_1": 17.485, + "ndcg_at_10": 26.31, + "ndcg_at_100": 31.722, + "ndcg_at_1000": 34.621, + "ndcg_at_3": 22.414, + "ndcg_at_5": 24.125, + "precision_at_1": 17.485, + "precision_at_10": 4.601, + "precision_at_100": 0.7849999999999999, + "precision_at_1000": 0.11100000000000002, + "precision_at_3": 10.327, + "precision_at_5": 7.331, + "recall_at_1": 15.043000000000001, + "recall_at_10": 36.361, + "recall_at_100": 61.63999999999999, + "recall_at_1000": 83.443, + "recall_at_3": 25.591, + "recall_at_5": 29.808, + "main_score": 26.31 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/CQADupstackTexRetrieval.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/CQADupstackTexRetrieval.json new file mode 100644 index 000000000..a094189a8 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/CQADupstackTexRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackTexRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 11.018, + "map_at_10": 15.886, + "map_at_100": 16.830000000000002, + "map_at_1000": 16.956, + "map_at_3": 14.222000000000001, + "map_at_5": 15.110999999999999, + "mrr_at_1": 14.625, + "mrr_at_10": 19.677, + "mrr_at_100": 20.532, + "mrr_at_1000": 20.622, + "mrr_at_3": 17.992, + "mrr_at_5": 18.909000000000002, + "ndcg_at_1": 14.625, + "ndcg_at_10": 19.414, + "ndcg_at_100": 24.152, + "ndcg_at_1000": 27.433000000000003, + "ndcg_at_3": 16.495, + "ndcg_at_5": 17.742, + "precision_at_1": 14.625, + "precision_at_10": 3.833, + "precision_at_100": 0.744, + "precision_at_1000": 0.11900000000000001, + "precision_at_3": 8.213, + "precision_at_5": 6.036, + "recall_at_1": 11.018, + "recall_at_10": 26.346000000000004, + "recall_at_100": 47.99, + "recall_at_1000": 72.002, + "recall_at_3": 17.762, + "recall_at_5": 21.249000000000002, + "main_score": 19.414 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/CQADupstackUnixRetrieval.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/CQADupstackUnixRetrieval.json new file mode 100644 index 000000000..f9a86649f --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/CQADupstackUnixRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackUnixRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.053, + "map_at_10": 27.950000000000003, + "map_at_100": 29.207, + "map_at_1000": 29.309, + "map_at_3": 25.612000000000002, + "map_at_5": 26.793, + "mrr_at_1": 24.813, + "mrr_at_10": 32.297, + "mrr_at_100": 33.312999999999995, + "mrr_at_1000": 33.379999999999995, + "mrr_at_3": 30.239, + "mrr_at_5": 31.368000000000002, + "ndcg_at_1": 24.813, + "ndcg_at_10": 32.722, + "ndcg_at_100": 38.603, + "ndcg_at_1000": 41.11, + "ndcg_at_3": 28.74, + "ndcg_at_5": 30.341, + "precision_at_1": 24.813, + "precision_at_10": 5.83, + "precision_at_100": 0.9860000000000001, + "precision_at_1000": 0.13, + "precision_at_3": 13.433, + "precision_at_5": 9.384, + "recall_at_1": 20.053, + "recall_at_10": 42.867, + "recall_at_100": 68.90899999999999, + "recall_at_1000": 87.031, + "recall_at_3": 31.606, + "recall_at_5": 35.988, + "main_score": 32.722 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/CQADupstackWebmastersRetrieval.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/CQADupstackWebmastersRetrieval.json new file mode 100644 index 000000000..c8b98cfde --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/CQADupstackWebmastersRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackWebmastersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.696, + "map_at_10": 29.741, + "map_at_100": 30.958999999999996, + "map_at_1000": 31.22, + "map_at_3": 26.679000000000002, + "map_at_5": 28.244999999999997, + "mrr_at_1": 27.272999999999996, + "mrr_at_10": 35.101, + "mrr_at_100": 35.91, + "mrr_at_1000": 35.987, + "mrr_at_3": 32.378, + "mrr_at_5": 33.732, + "ndcg_at_1": 27.272999999999996, + "ndcg_at_10": 36.136, + "ndcg_at_100": 40.9, + "ndcg_at_1000": 44.184, + "ndcg_at_3": 31.123, + "ndcg_at_5": 33.182, + "precision_at_1": 27.272999999999996, + "precision_at_10": 7.489999999999999, + "precision_at_100": 1.506, + "precision_at_1000": 0.24, + "precision_at_3": 15.348999999999998, + "precision_at_5": 11.344, + "recall_at_1": 20.696, + "recall_at_10": 48.041, + "recall_at_100": 71.316, + "recall_at_1000": 92.794, + "recall_at_3": 32.983000000000004, + "recall_at_5": 38.627, + "main_score": 36.136 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/CQADupstackWordpressRetrieval.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/CQADupstackWordpressRetrieval.json new file mode 100644 index 000000000..ede2a21b6 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/CQADupstackWordpressRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackWordpressRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 13.567000000000002, + "map_at_10": 19.326, + "map_at_100": 20.164, + "map_at_1000": 20.283, + "map_at_3": 17.613, + "map_at_5": 18.519, + "mrr_at_1": 15.157000000000002, + "mrr_at_10": 21.38, + "mrr_at_100": 22.163, + "mrr_at_1000": 22.261, + "mrr_at_3": 19.624, + "mrr_at_5": 20.548, + "ndcg_at_1": 15.157000000000002, + "ndcg_at_10": 23.044999999999998, + "ndcg_at_100": 27.586, + "ndcg_at_1000": 30.848, + "ndcg_at_3": 19.506999999999998, + "ndcg_at_5": 21.101, + "precision_at_1": 15.157000000000002, + "precision_at_10": 3.7150000000000003, + "precision_at_100": 0.651, + "precision_at_1000": 0.1, + "precision_at_3": 8.626000000000001, + "precision_at_5": 6.026, + "recall_at_1": 13.567000000000002, + "recall_at_10": 32.646, + "recall_at_100": 54.225, + "recall_at_1000": 79.12700000000001, + "recall_at_3": 22.994, + "recall_at_5": 26.912999999999997, + "main_score": 23.044999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/ClimateFEVER.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/ClimateFEVER.json new file mode 100644 index 000000000..130015500 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 7.26, + "map_at_10": 15.109, + "map_at_100": 17.155, + "map_at_1000": 17.354, + "map_at_3": 11.772, + "map_at_5": 13.542000000000002, + "mrr_at_1": 16.678, + "mrr_at_10": 29.470000000000002, + "mrr_at_100": 30.676, + "mrr_at_1000": 30.714999999999996, + "mrr_at_3": 25.44, + "mrr_at_5": 27.792, + "ndcg_at_1": 16.678, + "ndcg_at_10": 22.967000000000002, + "ndcg_at_100": 31.253999999999998, + "ndcg_at_1000": 34.748000000000005, + "ndcg_at_3": 17.058, + "ndcg_at_5": 19.43, + "precision_at_1": 16.678, + "precision_at_10": 7.974, + "precision_at_100": 1.6740000000000002, + "precision_at_1000": 0.232, + "precision_at_3": 13.681, + "precision_at_5": 11.322000000000001, + "recall_at_1": 7.26, + "recall_at_10": 30.407, + "recall_at_100": 59.073, + "recall_at_1000": 78.58800000000001, + "recall_at_3": 16.493, + "recall_at_5": 22.453, + "main_score": 22.967000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/DBPedia.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/DBPedia.json new file mode 100644 index 000000000..de71df793 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.176, + "map_at_10": 11.951, + "map_at_100": 16.208, + "map_at_1000": 17.067, + "map_at_3": 8.669, + "map_at_5": 10.061, + "mrr_at_1": 42.5, + "mrr_at_10": 54.312000000000005, + "mrr_at_100": 54.925999999999995, + "mrr_at_1000": 54.959, + "mrr_at_3": 52.292, + "mrr_at_5": 53.554, + "ndcg_at_1": 31.374999999999996, + "ndcg_at_10": 25.480999999999998, + "ndcg_at_100": 30.018, + "ndcg_at_1000": 36.103, + "ndcg_at_3": 27.712999999999997, + "ndcg_at_5": 26.415, + "precision_at_1": 42.5, + "precision_at_10": 20.549999999999997, + "precision_at_100": 6.387, + "precision_at_1000": 1.204, + "precision_at_3": 32.917, + "precision_at_5": 27.400000000000002, + "recall_at_1": 5.176, + "recall_at_10": 18.335, + "recall_at_100": 38.629999999999995, + "recall_at_1000": 59.74699999999999, + "recall_at_3": 10.36, + "recall_at_5": 13.413, + "main_score": 25.480999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/EmotionClassification.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/EmotionClassification.json new file mode 100644 index 000000000..915ac1bda --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 48.885, + "f1": 44.330258440550644, + "main_score": 48.885 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/FEVER.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/FEVER.json new file mode 100644 index 000000000..27e2d568b --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.211, + "map_at_10": 37.946999999999996, + "map_at_100": 38.852, + "map_at_1000": 38.896, + "map_at_3": 34.445, + "map_at_5": 36.451, + "mrr_at_1": 27.453, + "mrr_at_10": 40.505, + "mrr_at_100": 41.342, + "mrr_at_1000": 41.377, + "mrr_at_3": 36.971, + "mrr_at_5": 39.013999999999996, + "ndcg_at_1": 27.453, + "ndcg_at_10": 45.106, + "ndcg_at_100": 49.357, + "ndcg_at_1000": 50.546, + "ndcg_at_3": 38.063, + "ndcg_at_5": 41.603, + "precision_at_1": 27.453, + "precision_at_10": 7.136000000000001, + "precision_at_100": 0.9390000000000001, + "precision_at_1000": 0.106, + "precision_at_3": 16.677, + "precision_at_5": 11.899, + "recall_at_1": 25.211, + "recall_at_10": 64.964, + "recall_at_100": 84.23, + "recall_at_1000": 93.307, + "recall_at_3": 45.936, + "recall_at_5": 54.489, + "main_score": 45.106 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/FiQA2018.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/FiQA2018.json new file mode 100644 index 000000000..56a9ebbba --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 11.434, + "map_at_10": 20.325, + "map_at_100": 22.267, + "map_at_1000": 22.46, + "map_at_3": 16.864, + "map_at_5": 18.584999999999997, + "mrr_at_1": 24.074, + "mrr_at_10": 32.487, + "mrr_at_100": 33.595000000000006, + "mrr_at_1000": 33.649, + "mrr_at_3": 29.578, + "mrr_at_5": 31.044, + "ndcg_at_1": 24.074, + "ndcg_at_10": 27.244, + "ndcg_at_100": 35.244, + "ndcg_at_1000": 38.964999999999996, + "ndcg_at_3": 22.709, + "ndcg_at_5": 24.114, + "precision_at_1": 24.074, + "precision_at_10": 8.21, + "precision_at_100": 1.627, + "precision_at_1000": 0.22999999999999998, + "precision_at_3": 15.741, + "precision_at_5": 12.037, + "recall_at_1": 11.434, + "recall_at_10": 35.423, + "recall_at_100": 66.056, + "recall_at_1000": 88.63799999999999, + "recall_at_3": 20.968, + "recall_at_5": 26.540999999999997, + "main_score": 27.244 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/HotpotQA.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/HotpotQA.json new file mode 100644 index 000000000..4da75d213 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.506, + "map_at_10": 44.864, + "map_at_100": 46.016, + "map_at_1000": 46.1, + "map_at_3": 41.518, + "map_at_5": 43.461, + "mrr_at_1": 61.013, + "mrr_at_10": 69.918, + "mrr_at_100": 70.327, + "mrr_at_1000": 70.342, + "mrr_at_3": 68.226, + "mrr_at_5": 69.273, + "ndcg_at_1": 61.013, + "ndcg_at_10": 54.539, + "ndcg_at_100": 58.819, + "ndcg_at_1000": 60.473, + "ndcg_at_3": 49.27, + "ndcg_at_5": 51.993, + "precision_at_1": 61.013, + "precision_at_10": 11.757, + "precision_at_100": 1.5110000000000001, + "precision_at_1000": 0.173, + "precision_at_3": 31.339, + "precision_at_5": 20.959, + "recall_at_1": 30.506, + "recall_at_10": 58.785, + "recall_at_100": 75.55, + "recall_at_1000": 86.455, + "recall_at_3": 47.009, + "recall_at_5": 52.397000000000006, + "main_score": 54.539 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/ImdbClassification.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/ImdbClassification.json new file mode 100644 index 000000000..655bcbc33 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.954, + "ap": 73.06067313842448, + "f1": 77.6469083443121, + "main_score": 77.954 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/MSMARCO.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/MSMARCO.json new file mode 100644 index 000000000..856ac57e8 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 7.7170000000000005, + "map_at_10": 14.696000000000002, + "map_at_100": 15.973, + "map_at_1000": 16.079, + "map_at_3": 12.059000000000001, + "map_at_5": 13.478000000000002, + "mrr_at_1": 7.9079999999999995, + "mrr_at_10": 14.972, + "mrr_at_100": 16.235, + "mrr_at_1000": 16.337, + "mrr_at_3": 12.323, + "mrr_at_5": 13.751, + "ndcg_at_1": 7.9079999999999995, + "ndcg_at_10": 19.131, + "ndcg_at_100": 25.868000000000002, + "ndcg_at_1000": 28.823999999999998, + "ndcg_at_3": 13.611, + "ndcg_at_5": 16.178, + "precision_at_1": 7.9079999999999995, + "precision_at_10": 3.4259999999999997, + "precision_at_100": 0.687, + "precision_at_1000": 0.094, + "precision_at_3": 6.103, + "precision_at_5": 4.951, + "recall_at_1": 7.7170000000000005, + "recall_at_10": 33.147999999999996, + "recall_at_100": 65.55199999999999, + "recall_at_1000": 88.748, + "recall_at_3": 17.863, + "recall_at_5": 24.083, + "main_score": 19.131 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/MTOPDomainClassification.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/MTOPDomainClassification.json new file mode 100644 index 000000000..42dace606 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 95.48335613315093, + "f1": 95.18813547597892, + "main_score": 95.48335613315093 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/MTOPIntentClassification.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/MTOPIntentClassification.json new file mode 100644 index 000000000..82fdf22be --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 82.83857729138167, + "f1": 63.61922697275075, + "main_score": 82.83857729138167 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/MassiveIntentClassification.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/MassiveIntentClassification.json new file mode 100644 index 000000000..bde78e27e --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.65433759246805, + "f1": 73.24385243140212, + "main_score": 76.65433759246805 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/MassiveScenarioClassification.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..e017b85bb --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.98655010087425, + "f1": 79.3880305174127, + "main_score": 79.98655010087425 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/MedrxivClusteringP2P.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..5ad4fd877 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.109152457220606, + "main_score": 30.109152457220606 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/MedrxivClusteringS2S.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..5939a37e5 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 26.928355856501696, + "main_score": 26.928355856501696 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/MindSmallReranking.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/MindSmallReranking.json new file mode 100644 index 000000000..fcb8b24a4 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 29.73337424086118, + "mrr": 30.753319352871074, + "main_score": 29.73337424086118 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/NFCorpus.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/NFCorpus.json new file mode 100644 index 000000000..fb29169c8 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.303, + "map_at_10": 9.653, + "map_at_100": 11.952, + "map_at_1000": 13.126999999999999, + "map_at_3": 6.976, + "map_at_5": 8.292, + "mrr_at_1": 35.913000000000004, + "mrr_at_10": 45.827, + "mrr_at_100": 46.587, + "mrr_at_1000": 46.635, + "mrr_at_3": 43.344, + "mrr_at_5": 44.876, + "ndcg_at_1": 34.056, + "ndcg_at_10": 27.161, + "ndcg_at_100": 25.552999999999997, + "ndcg_at_1000": 34.671, + "ndcg_at_3": 31.267, + "ndcg_at_5": 29.896, + "precision_at_1": 35.604, + "precision_at_10": 19.969, + "precision_at_100": 6.115, + "precision_at_1000": 1.892, + "precision_at_3": 29.825000000000003, + "precision_at_5": 26.253999999999998, + "recall_at_1": 4.303, + "recall_at_10": 14.033999999999999, + "recall_at_100": 28.250999999999998, + "recall_at_1000": 58.751, + "recall_at_3": 8.257, + "recall_at_5": 10.761999999999999, + "main_score": 27.161 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/NQ.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/NQ.json new file mode 100644 index 000000000..f2a8abe4c --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 14.668000000000001, + "map_at_10": 26.593, + "map_at_100": 28.094, + "map_at_1000": 28.155, + "map_at_3": 22.054000000000002, + "map_at_5": 24.583, + "mrr_at_1": 17.063, + "mrr_at_10": 29.061999999999998, + "mrr_at_100": 30.281000000000002, + "mrr_at_1000": 30.325000000000003, + "mrr_at_3": 24.754, + "mrr_at_5": 27.281, + "ndcg_at_1": 17.034, + "ndcg_at_10": 34.157, + "ndcg_at_100": 40.988, + "ndcg_at_1000": 42.382999999999996, + "ndcg_at_3": 25.076999999999998, + "ndcg_at_5": 29.572, + "precision_at_1": 17.034, + "precision_at_10": 6.561, + "precision_at_100": 1.04, + "precision_at_1000": 0.117, + "precision_at_3": 12.167, + "precision_at_5": 9.809, + "recall_at_1": 14.668000000000001, + "recall_at_10": 55.291999999999994, + "recall_at_100": 85.82, + "recall_at_1000": 96.164, + "recall_at_3": 31.208999999999996, + "recall_at_5": 41.766, + "main_score": 34.157 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/QuoraRetrieval.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/QuoraRetrieval.json new file mode 100644 index 000000000..7927cca2d --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 66.20899999999999, + "map_at_10": 80.024, + "map_at_100": 80.73, + "map_at_1000": 80.753, + "map_at_3": 76.82900000000001, + "map_at_5": 78.866, + "mrr_at_1": 76.25, + "mrr_at_10": 83.382, + "mrr_at_100": 83.535, + "mrr_at_1000": 83.538, + "mrr_at_3": 82.013, + "mrr_at_5": 82.931, + "ndcg_at_1": 76.25999999999999, + "ndcg_at_10": 84.397, + "ndcg_at_100": 85.988, + "ndcg_at_1000": 86.18299999999999, + "ndcg_at_3": 80.778, + "ndcg_at_5": 82.801, + "precision_at_1": 76.25999999999999, + "precision_at_10": 12.952, + "precision_at_100": 1.509, + "precision_at_1000": 0.156, + "precision_at_3": 35.323, + "precision_at_5": 23.524, + "recall_at_1": 66.20899999999999, + "recall_at_10": 93.108, + "recall_at_100": 98.817, + "recall_at_1000": 99.857, + "recall_at_3": 83.031, + "recall_at_5": 88.441, + "main_score": 84.397 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/RedditClustering.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/RedditClustering.json new file mode 100644 index 000000000..c60af7b70 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 41.82535503883439, + "main_score": 41.82535503883439 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/RedditClusteringP2P.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/RedditClusteringP2P.json new file mode 100644 index 000000000..5afbf964e --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 62.077510084458055, + "main_score": 62.077510084458055 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/SCIDOCS.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/SCIDOCS.json new file mode 100644 index 000000000..54daa0307 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.383, + "map_at_10": 8.839, + "map_at_100": 10.876, + "map_at_1000": 11.201, + "map_at_3": 6.361, + "map_at_5": 7.536, + "mrr_at_1": 16.6, + "mrr_at_10": 26.003999999999998, + "mrr_at_100": 27.271, + "mrr_at_1000": 27.354, + "mrr_at_3": 22.900000000000002, + "mrr_at_5": 24.58, + "ndcg_at_1": 16.6, + "ndcg_at_10": 15.345, + "ndcg_at_100": 23.659, + "ndcg_at_1000": 29.537000000000003, + "ndcg_at_3": 14.283999999999999, + "ndcg_at_5": 12.509999999999998, + "precision_at_1": 16.6, + "precision_at_10": 8.17, + "precision_at_100": 2.028, + "precision_at_1000": 0.34299999999999997, + "precision_at_3": 13.633000000000001, + "precision_at_5": 11.16, + "recall_at_1": 3.383, + "recall_at_10": 16.557, + "recall_at_100": 41.123, + "recall_at_1000": 69.67999999999999, + "recall_at_3": 8.298, + "recall_at_5": 11.322000000000001, + "main_score": 15.345 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/SICK-R.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/SICK-R.json new file mode 100644 index 000000000..8eac788f0 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/SICK-R.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 75.55405115197729, + "cosine_spearman": 75.55405115197729, + "main_score": 75.55405115197729 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/STS12.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/STS12.json new file mode 100644 index 000000000..8f9ef8568 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/STS12.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 67.65074099726466, + "cosine_spearman": 67.65074099726466, + "main_score": 67.65074099726466 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/STS13.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/STS13.json new file mode 100644 index 000000000..65f4e8d26 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/STS13.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 83.89765011154986, + "cosine_spearman": 83.89765011154986, + "main_score": 83.89765011154986 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/STS14.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/STS14.json new file mode 100644 index 000000000..b99e504d4 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/STS14.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 76.97256789216159, + "cosine_spearman": 76.97256789216159, + "main_score": 76.97256789216159 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/STS15.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/STS15.json new file mode 100644 index 000000000..3a257d9a1 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/STS15.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 83.80216382863031, + "cosine_spearman": 83.80216382863031, + "main_score": 83.80216382863031 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/STS16.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/STS16.json new file mode 100644 index 000000000..801746165 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/STS16.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 81.90574806413879, + "cosine_spearman": 81.90574806413879, + "main_score": 81.90574806413879 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/STS17.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/STS17.json new file mode 100644 index 000000000..94c703b80 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/STS17.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 85.58485422591949, + "cosine_spearman": 85.58485422591949, + "main_score": 85.58485422591949 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/STS22.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/STS22.json new file mode 100644 index 000000000..deb8429a8 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/STS22.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 65.92967262944444, + "cosine_spearman": 65.92967262944444, + "main_score": 65.92967262944444 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/STSBenchmark.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/STSBenchmark.json new file mode 100644 index 000000000..753520e88 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/STSBenchmark.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 80.41509666334721, + "cosine_spearman": 80.41509666334721, + "main_score": 80.41509666334721 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/SciDocsRR.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/SciDocsRR.json new file mode 100644 index 000000000..75bf78b4f --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 77.81287769479543, + "mrr": 94.13409665860645, + "main_score": 77.81287769479543 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/SciFact.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/SciFact.json new file mode 100644 index 000000000..3fb400869 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 52.093999999999994, + "map_at_10": 63.641999999999996, + "map_at_100": 64.402, + "map_at_1000": 64.416, + "map_at_3": 60.878, + "map_at_5": 62.778, + "mrr_at_1": 55.333, + "mrr_at_10": 65.139, + "mrr_at_100": 65.75999999999999, + "mrr_at_1000": 65.77199999999999, + "mrr_at_3": 62.944, + "mrr_at_5": 64.511, + "ndcg_at_1": 55.333, + "ndcg_at_10": 68.675, + "ndcg_at_100": 71.794, + "ndcg_at_1000": 72.18299999999999, + "ndcg_at_3": 63.977, + "ndcg_at_5": 66.866, + "precision_at_1": 55.333, + "precision_at_10": 9.232999999999999, + "precision_at_100": 1.087, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 25.667, + "precision_at_5": 17.0, + "recall_at_1": 52.093999999999994, + "recall_at_10": 82.506, + "recall_at_100": 95.933, + "recall_at_1000": 99.0, + "recall_at_3": 70.078, + "recall_at_5": 77.35600000000001, + "main_score": 68.675 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/SprintDuplicateQuestions.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..2d4fc7f70 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.7128712871287, + "cos_sim_ap": 91.30057039245253, + "cos_sim_f1": 85.35480624056368, + "cos_sim_precision": 85.91691995947315, + "cos_sim_recall": 84.8, + "dot_accuracy": 99.35346534653465, + "dot_ap": 67.929309733355, + "dot_f1": 63.94205897568547, + "dot_precision": 66.2379421221865, + "dot_recall": 61.8, + "euclidean_accuracy": 99.69009900990099, + "euclidean_ap": 89.62179420600057, + "euclidean_f1": 83.93039918116682, + "euclidean_precision": 85.9538784067086, + "euclidean_recall": 82.0, + "manhattan_accuracy": 99.70990099009902, + "manhattan_ap": 90.29611631593602, + "manhattan_f1": 84.81729284611424, + "manhattan_precision": 87.38069989395547, + "manhattan_recall": 82.39999999999999, + "max_accuracy": 99.7128712871287, + "max_ap": 91.30057039245253, + "max_f1": 85.35480624056368, + "main_score": 91.30057039245253 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/StackExchangeClustering.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/StackExchangeClustering.json new file mode 100644 index 000000000..7e8210093 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 67.33611278831218, + "main_score": 67.33611278831218 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/StackExchangeClusteringP2P.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..0ebe2db38 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.504437768624214, + "main_score": 34.504437768624214 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/StackOverflowDupQuestions.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..960ae1848 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 49.80014786474266, + "mrr": 50.468909154570916, + "main_score": 49.80014786474266 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/SummEval.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/SummEval.json new file mode 100644 index 000000000..4404731a2 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.677648147466808, + "cos_sim_spearman": 30.191761045901888, + "dot_pearson": 23.16759191245942, + "dot_spearman": 23.186942570638486, + "cosine_pearson": 30.677648147466808, + "cosine_spearman": 30.191761045901888, + "main_score": 30.191761045901888 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/TRECCOVID.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/TRECCOVID.json new file mode 100644 index 000000000..a640bc8ed --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.214, + "map_at_10": 1.2309999999999999, + "map_at_100": 5.867, + "map_at_1000": 14.671999999999999, + "map_at_3": 0.519, + "map_at_5": 0.764, + "mrr_at_1": 82.0, + "mrr_at_10": 87.519, + "mrr_at_100": 87.519, + "mrr_at_1000": 87.536, + "mrr_at_3": 86.333, + "mrr_at_5": 87.233, + "ndcg_at_1": 77.0, + "ndcg_at_10": 55.665, + "ndcg_at_100": 39.410000000000004, + "ndcg_at_1000": 37.21, + "ndcg_at_3": 65.263, + "ndcg_at_5": 61.424, + "precision_at_1": 82.0, + "precision_at_10": 55.400000000000006, + "precision_at_100": 39.04, + "precision_at_1000": 16.788, + "precision_at_3": 67.333, + "precision_at_5": 62.8, + "recall_at_1": 0.214, + "recall_at_10": 1.4200000000000002, + "recall_at_100": 9.231, + "recall_at_1000": 35.136, + "recall_at_3": 0.544, + "recall_at_5": 0.832, + "main_score": 55.665 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/Touche2020.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/Touche2020.json new file mode 100644 index 000000000..2db3f7ba8 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.41000000000000003, + "map_at_10": 2.32, + "map_at_100": 4.077, + "map_at_1000": 4.9430000000000005, + "map_at_3": 1.087, + "map_at_5": 1.466, + "mrr_at_1": 6.122, + "mrr_at_10": 13.999, + "mrr_at_100": 16.524, + "mrr_at_1000": 16.567999999999998, + "mrr_at_3": 11.224, + "mrr_at_5": 13.163, + "ndcg_at_1": 5.102, + "ndcg_at_10": 6.542000000000001, + "ndcg_at_100": 14.127, + "ndcg_at_1000": 24.396, + "ndcg_at_3": 5.653, + "ndcg_at_5": 5.5649999999999995, + "precision_at_1": 6.122, + "precision_at_10": 7.142999999999999, + "precision_at_100": 3.51, + "precision_at_1000": 0.9860000000000001, + "precision_at_3": 6.802999999999999, + "precision_at_5": 6.938999999999999, + "recall_at_1": 0.41000000000000003, + "recall_at_10": 5.627, + "recall_at_100": 23.121, + "recall_at_1000": 54.626, + "recall_at_3": 1.763, + "recall_at_5": 3.013, + "main_score": 6.542000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/ToxicConversationsClassification.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..fa537081d --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.71119999999999, + "ap": 15.1342268718371, + "f1": 55.043262693594855, + "main_score": 70.71119999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/TweetSentimentExtractionClassification.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..3a6ba21c1 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 60.89983022071308, + "f1": 61.13086468149106, + "main_score": 60.89983022071308 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/TwentyNewsgroupsClustering.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..ce83d1ccd --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.264802332456515, + "main_score": 30.264802332456515 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/TwitterSemEval2015.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/TwitterSemEval2015.json new file mode 100644 index 000000000..f4bf66e99 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 84.46086904690947, + "cos_sim_ap": 68.76039123104324, + "cos_sim_f1": 63.002224839680665, + "cos_sim_precision": 62.503245910153204, + "cos_sim_recall": 63.50923482849604, + "dot_accuracy": 80.07391071109257, + "dot_ap": 53.43322643579626, + "dot_f1": 52.6850065983149, + "dot_precision": 42.81471704339218, + "dot_recall": 68.46965699208444, + "euclidean_accuracy": 84.2701317279609, + "euclidean_ap": 67.55078414631596, + "euclidean_f1": 62.90723537877797, + "euclidean_precision": 62.392940565792884, + "euclidean_recall": 63.43007915567283, + "manhattan_accuracy": 84.22244739822375, + "manhattan_ap": 67.92488847948273, + "manhattan_f1": 62.99132210311383, + "manhattan_precision": 60.99851705388038, + "manhattan_recall": 65.11873350923483, + "max_accuracy": 84.46086904690947, + "max_ap": 68.76039123104324, + "max_f1": 63.002224839680665, + "main_score": 68.76039123104324 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/TwitterURLCorpus.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/TwitterURLCorpus.json new file mode 100644 index 000000000..a2c97dce4 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 87.71296619707377, + "cos_sim_ap": 82.76174215711472, + "cos_sim_f1": 75.73585592141168, + "cos_sim_precision": 71.79416430985721, + "cos_sim_recall": 80.1355097012627, + "dot_accuracy": 85.62502425583111, + "dot_ap": 77.50549495030725, + "dot_f1": 71.47900863425035, + "dot_precision": 65.4587361546834, + "dot_recall": 78.71881736987989, + "euclidean_accuracy": 87.12694531765437, + "euclidean_ap": 81.63583409712018, + "euclidean_f1": 74.50966015324268, + "euclidean_precision": 71.11764294212331, + "euclidean_recall": 78.24145364952264, + "manhattan_accuracy": 87.35009896379088, + "manhattan_ap": 82.20417545366242, + "manhattan_f1": 74.84157622550805, + "manhattan_precision": 71.00898410504493, + "manhattan_recall": 79.11148752694795, + "max_accuracy": 87.71296619707377, + "max_ap": 82.76174215711472, + "max_f1": 75.73585592141168, + "main_score": 82.76174215711472 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/model_meta.json b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/model_meta.json new file mode 100644 index 000000000..de6ec0299 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "McGill-NLP/LLM2Vec-Mistral-7B-Instruct-v2-mntp-unsup-simcse", + "revision": "2c055a5d77126c0d3dc6cd8ffa30e2908f4f45f8", + "release_date": "2024-04-04", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": null, + "embed_dim": null, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/AmazonCounterfactualClassification.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..2bd23950a --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.41791044776119, + "ap": 41.45458580415683, + "f1": 71.63305447032735, + "main_score": 77.41791044776119 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/AmazonPolarityClassification.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..2f35232e7 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 82.0527, + "ap": 77.3222852456055, + "f1": 81.97981459031165, + "main_score": 82.0527 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/AmazonReviewsClassification.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..8b5f80bff --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 40.806000000000004, + "f1": 40.3299129176701, + "main_score": 40.806000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/ArguAna.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/ArguAna.json new file mode 100644 index 000000000..06a34b9f5 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.391000000000002, + "map_at_10": 41.919000000000004, + "map_at_100": 42.846000000000004, + "map_at_1000": 42.851, + "map_at_3": 36.260999999999996, + "map_at_5": 39.528999999999996, + "mrr_at_1": 26.245, + "mrr_at_10": 42.215, + "mrr_at_100": 43.135, + "mrr_at_1000": 43.14, + "mrr_at_3": 36.546, + "mrr_at_5": 39.782000000000004, + "ndcg_at_1": 25.391000000000002, + "ndcg_at_10": 51.663000000000004, + "ndcg_at_100": 55.419, + "ndcg_at_1000": 55.517, + "ndcg_at_3": 39.96, + "ndcg_at_5": 45.909, + "precision_at_1": 25.391000000000002, + "precision_at_10": 8.3, + "precision_at_100": 0.989, + "precision_at_1000": 0.1, + "precision_at_3": 16.904, + "precision_at_5": 13.058, + "recall_at_1": 25.391000000000002, + "recall_at_10": 83.001, + "recall_at_100": 98.933, + "recall_at_1000": 99.644, + "recall_at_3": 50.711, + "recall_at_5": 65.292, + "main_score": 51.663000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/ArxivClusteringP2P.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..75be7545f --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 43.472186058302285, + "main_score": 43.472186058302285 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/ArxivClusteringS2S.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..c97ad12c3 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.846039374129546, + "main_score": 39.846039374129546 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/AskUbuntuDupQuestions.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..dbdfefa3e --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 60.713811638804174, + "mrr": 73.38906476718111, + "main_score": 60.713811638804174 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/BIOSSES.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/BIOSSES.json new file mode 100644 index 000000000..1efe61e69 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/BIOSSES.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 85.88328221005123, + "cosine_spearman": 85.88328221005123, + "main_score": 85.88328221005123 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/Banking77Classification.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/Banking77Classification.json new file mode 100644 index 000000000..61913445d --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.00974025974025, + "f1": 85.97349359388288, + "main_score": 86.00974025974025 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/BiorxivClusteringP2P.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..5e24b0182 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.102075665637685, + "main_score": 37.102075665637685 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/BiorxivClusteringS2S.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..dd213fc27 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.27583239919031, + "main_score": 34.27583239919031 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/CQADupstackAndroidRetrieval.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..eb29b3f51 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 33.043, + "map_at_10": 44.515, + "map_at_100": 45.967999999999996, + "map_at_1000": 46.098, + "map_at_3": 40.285, + "map_at_5": 42.841, + "mrr_at_1": 40.2, + "mrr_at_10": 50.233000000000004, + "mrr_at_100": 50.938, + "mrr_at_1000": 50.978, + "mrr_at_3": 47.353, + "mrr_at_5": 49.034, + "ndcg_at_1": 40.2, + "ndcg_at_10": 51.096, + "ndcg_at_100": 56.267999999999994, + "ndcg_at_1000": 58.092999999999996, + "ndcg_at_3": 45.09, + "ndcg_at_5": 48.198, + "precision_at_1": 40.2, + "precision_at_10": 9.843, + "precision_at_100": 1.546, + "precision_at_1000": 0.20400000000000001, + "precision_at_3": 21.507, + "precision_at_5": 15.966, + "recall_at_1": 33.043, + "recall_at_10": 63.871, + "recall_at_100": 85.527, + "recall_at_1000": 96.936, + "recall_at_3": 46.859, + "recall_at_5": 55.116, + "main_score": 51.096 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/CQADupstackEnglishRetrieval.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/CQADupstackEnglishRetrieval.json new file mode 100644 index 000000000..99fd64f7e --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/CQADupstackEnglishRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackEnglishRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.924000000000003, + "map_at_10": 42.298, + "map_at_100": 43.589, + "map_at_1000": 43.724000000000004, + "map_at_3": 39.739999999999995, + "map_at_5": 41.131, + "mrr_at_1": 40.064, + "mrr_at_10": 48.4, + "mrr_at_100": 49.07, + "mrr_at_1000": 49.113, + "mrr_at_3": 46.635, + "mrr_at_5": 47.549, + "ndcg_at_1": 40.064, + "ndcg_at_10": 47.686, + "ndcg_at_100": 52.054, + "ndcg_at_1000": 54.151, + "ndcg_at_3": 44.57, + "ndcg_at_5": 45.727000000000004, + "precision_at_1": 40.064, + "precision_at_10": 8.770999999999999, + "precision_at_100": 1.422, + "precision_at_1000": 0.19, + "precision_at_3": 21.741, + "precision_at_5": 14.790000000000001, + "recall_at_1": 31.924000000000003, + "recall_at_10": 56.603, + "recall_at_100": 74.82900000000001, + "recall_at_1000": 88.176, + "recall_at_3": 46.11, + "recall_at_5": 50.273999999999994, + "main_score": 47.686 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/CQADupstackGamingRetrieval.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/CQADupstackGamingRetrieval.json new file mode 100644 index 000000000..f92ea609d --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/CQADupstackGamingRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackGamingRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.721000000000004, + "map_at_10": 53.053, + "map_at_100": 54.103, + "map_at_1000": 54.157999999999994, + "map_at_3": 49.854, + "map_at_5": 51.547, + "mrr_at_1": 46.833999999999996, + "mrr_at_10": 56.61000000000001, + "mrr_at_100": 57.286, + "mrr_at_1000": 57.312, + "mrr_at_3": 54.17999999999999, + "mrr_at_5": 55.503, + "ndcg_at_1": 46.833999999999996, + "ndcg_at_10": 58.928000000000004, + "ndcg_at_100": 62.939, + "ndcg_at_1000": 63.970000000000006, + "ndcg_at_3": 53.599, + "ndcg_at_5": 55.96600000000001, + "precision_at_1": 46.833999999999996, + "precision_at_10": 9.48, + "precision_at_100": 1.2349999999999999, + "precision_at_1000": 0.13699999999999998, + "precision_at_3": 24.032999999999998, + "precision_at_5": 16.213, + "recall_at_1": 40.721000000000004, + "recall_at_10": 72.653, + "recall_at_100": 89.91900000000001, + "recall_at_1000": 97.092, + "recall_at_3": 58.135999999999996, + "recall_at_5": 64.156, + "main_score": 58.928000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/CQADupstackGisRetrieval.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/CQADupstackGisRetrieval.json new file mode 100644 index 000000000..8720b3de8 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/CQADupstackGisRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackGisRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.938, + "map_at_10": 34.027, + "map_at_100": 34.999, + "map_at_1000": 35.083, + "map_at_3": 31.154, + "map_at_5": 32.767, + "mrr_at_1": 27.006000000000004, + "mrr_at_10": 36.192, + "mrr_at_100": 36.989, + "mrr_at_1000": 37.053999999999995, + "mrr_at_3": 33.503, + "mrr_at_5": 34.977000000000004, + "ndcg_at_1": 27.006000000000004, + "ndcg_at_10": 39.297, + "ndcg_at_100": 44.078, + "ndcg_at_1000": 46.162, + "ndcg_at_3": 33.695, + "ndcg_at_5": 36.401, + "precision_at_1": 27.006000000000004, + "precision_at_10": 6.181, + "precision_at_100": 0.905, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 14.426, + "precision_at_5": 10.215, + "recall_at_1": 24.938, + "recall_at_10": 53.433, + "recall_at_100": 75.558, + "recall_at_1000": 91.096, + "recall_at_3": 38.421, + "recall_at_5": 44.906, + "main_score": 39.297 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/CQADupstackMathematicaRetrieval.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/CQADupstackMathematicaRetrieval.json new file mode 100644 index 000000000..73a04b261 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/CQADupstackMathematicaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackMathematicaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.565999999999999, + "map_at_10": 23.419999999999998, + "map_at_100": 24.678, + "map_at_1000": 24.801000000000002, + "map_at_3": 20.465, + "map_at_5": 21.979000000000003, + "mrr_at_1": 19.652, + "mrr_at_10": 27.929, + "mrr_at_100": 28.92, + "mrr_at_1000": 28.991, + "mrr_at_3": 25.249, + "mrr_at_5": 26.66, + "ndcg_at_1": 19.652, + "ndcg_at_10": 28.869, + "ndcg_at_100": 34.675, + "ndcg_at_1000": 37.577, + "ndcg_at_3": 23.535, + "ndcg_at_5": 25.807999999999996, + "precision_at_1": 19.652, + "precision_at_10": 5.659, + "precision_at_100": 0.979, + "precision_at_1000": 0.13699999999999998, + "precision_at_3": 11.401, + "precision_at_5": 8.581999999999999, + "recall_at_1": 15.565999999999999, + "recall_at_10": 41.163, + "recall_at_100": 66.405, + "recall_at_1000": 87.071, + "recall_at_3": 26.478, + "recall_at_5": 32.217, + "main_score": 28.869 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/CQADupstackPhysicsRetrieval.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/CQADupstackPhysicsRetrieval.json new file mode 100644 index 000000000..c54be96c8 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/CQADupstackPhysicsRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackPhysicsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.834, + "map_at_10": 41.49, + "map_at_100": 42.897999999999996, + "map_at_1000": 43.004, + "map_at_3": 38.151, + "map_at_5": 40.157, + "mrr_at_1": 38.306000000000004, + "mrr_at_10": 47.371, + "mrr_at_100": 48.265, + "mrr_at_1000": 48.304, + "mrr_at_3": 44.915, + "mrr_at_5": 46.516999999999996, + "ndcg_at_1": 38.306000000000004, + "ndcg_at_10": 47.394999999999996, + "ndcg_at_100": 53.086999999999996, + "ndcg_at_1000": 54.94799999999999, + "ndcg_at_3": 42.384, + "ndcg_at_5": 45.055, + "precision_at_1": 38.306000000000004, + "precision_at_10": 8.624, + "precision_at_100": 1.325, + "precision_at_1000": 0.165, + "precision_at_3": 20.18, + "precision_at_5": 14.418000000000001, + "recall_at_1": 30.834, + "recall_at_10": 58.977000000000004, + "recall_at_100": 82.78, + "recall_at_1000": 94.825, + "recall_at_3": 44.954, + "recall_at_5": 51.925, + "main_score": 47.394999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/CQADupstackProgrammersRetrieval.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/CQADupstackProgrammersRetrieval.json new file mode 100644 index 000000000..ec4c99bd7 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/CQADupstackProgrammersRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackProgrammersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.549000000000003, + "map_at_10": 38.796, + "map_at_100": 40.085, + "map_at_1000": 40.198, + "map_at_3": 35.412, + "map_at_5": 37.116, + "mrr_at_1": 35.388, + "mrr_at_10": 44.626, + "mrr_at_100": 45.445, + "mrr_at_1000": 45.491, + "mrr_at_3": 41.952, + "mrr_at_5": 43.368, + "ndcg_at_1": 35.388, + "ndcg_at_10": 44.894, + "ndcg_at_100": 50.166999999999994, + "ndcg_at_1000": 52.308, + "ndcg_at_3": 39.478, + "ndcg_at_5": 41.608000000000004, + "precision_at_1": 35.388, + "precision_at_10": 8.322000000000001, + "precision_at_100": 1.2670000000000001, + "precision_at_1000": 0.164, + "precision_at_3": 18.836, + "precision_at_5": 13.333, + "recall_at_1": 28.549000000000003, + "recall_at_10": 57.229, + "recall_at_100": 79.541, + "recall_at_1000": 93.887, + "recall_at_3": 42.056, + "recall_at_5": 47.705999999999996, + "main_score": 44.894 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/CQADupstackStatsRetrieval.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/CQADupstackStatsRetrieval.json new file mode 100644 index 000000000..d30f7dac9 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/CQADupstackStatsRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackStatsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.544, + "map_at_10": 30.85, + "map_at_100": 31.674000000000003, + "map_at_1000": 31.778000000000002, + "map_at_3": 28.451999999999998, + "map_at_5": 29.797, + "mrr_at_1": 26.687, + "mrr_at_10": 33.725, + "mrr_at_100": 34.439, + "mrr_at_1000": 34.512, + "mrr_at_3": 31.493, + "mrr_at_5": 32.735, + "ndcg_at_1": 26.687, + "ndcg_at_10": 35.207, + "ndcg_at_100": 39.406, + "ndcg_at_1000": 42.021, + "ndcg_at_3": 30.842000000000002, + "ndcg_at_5": 32.882, + "precision_at_1": 26.687, + "precision_at_10": 5.66, + "precision_at_100": 0.836, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 13.395000000000001, + "precision_at_5": 9.386999999999999, + "recall_at_1": 23.544, + "recall_at_10": 45.769, + "recall_at_100": 65.33200000000001, + "recall_at_1000": 84.82499999999999, + "recall_at_3": 33.665, + "recall_at_5": 38.795, + "main_score": 35.207 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/CQADupstackTexRetrieval.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/CQADupstackTexRetrieval.json new file mode 100644 index 000000000..ef433cb01 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/CQADupstackTexRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackTexRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.524, + "map_at_10": 23.65, + "map_at_100": 24.654999999999998, + "map_at_1000": 24.786, + "map_at_3": 21.441, + "map_at_5": 22.664, + "mrr_at_1": 20.372, + "mrr_at_10": 27.548000000000002, + "mrr_at_100": 28.37, + "mrr_at_1000": 28.449, + "mrr_at_3": 25.291999999999998, + "mrr_at_5": 26.596999999999998, + "ndcg_at_1": 20.372, + "ndcg_at_10": 28.194000000000003, + "ndcg_at_100": 32.955, + "ndcg_at_1000": 35.985, + "ndcg_at_3": 24.212, + "ndcg_at_5": 26.051000000000002, + "precision_at_1": 20.372, + "precision_at_10": 5.237, + "precision_at_100": 0.8909999999999999, + "precision_at_1000": 0.132, + "precision_at_3": 11.643, + "precision_at_5": 8.424, + "recall_at_1": 16.524, + "recall_at_10": 37.969, + "recall_at_100": 59.48, + "recall_at_1000": 81.04599999999999, + "recall_at_3": 26.647, + "recall_at_5": 31.558999999999997, + "main_score": 28.194000000000003 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/CQADupstackUnixRetrieval.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/CQADupstackUnixRetrieval.json new file mode 100644 index 000000000..728d5a197 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/CQADupstackUnixRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackUnixRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.273000000000003, + "map_at_10": 35.176, + "map_at_100": 36.367, + "map_at_1000": 36.473, + "map_at_3": 32.583, + "map_at_5": 33.977000000000004, + "mrr_at_1": 30.97, + "mrr_at_10": 39.31, + "mrr_at_100": 40.225, + "mrr_at_1000": 40.284, + "mrr_at_3": 37.111, + "mrr_at_5": 38.296, + "ndcg_at_1": 30.97, + "ndcg_at_10": 40.323, + "ndcg_at_100": 45.725, + "ndcg_at_1000": 48.022, + "ndcg_at_3": 35.772, + "ndcg_at_5": 37.741, + "precision_at_1": 30.97, + "precision_at_10": 6.819, + "precision_at_100": 1.061, + "precision_at_1000": 0.136, + "precision_at_3": 16.387, + "precision_at_5": 11.437, + "recall_at_1": 26.273000000000003, + "recall_at_10": 51.772, + "recall_at_100": 75.362, + "recall_at_1000": 91.232, + "recall_at_3": 39.172000000000004, + "recall_at_5": 44.147999999999996, + "main_score": 40.323 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/CQADupstackWebmastersRetrieval.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/CQADupstackWebmastersRetrieval.json new file mode 100644 index 000000000..976a7c3da --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/CQADupstackWebmastersRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackWebmastersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.326, + "map_at_10": 37.97, + "map_at_100": 39.602, + "map_at_1000": 39.812999999999995, + "map_at_3": 34.838, + "map_at_5": 36.582, + "mrr_at_1": 33.992, + "mrr_at_10": 42.875, + "mrr_at_100": 43.78, + "mrr_at_1000": 43.827, + "mrr_at_3": 40.481, + "mrr_at_5": 41.657, + "ndcg_at_1": 33.992, + "ndcg_at_10": 44.122, + "ndcg_at_100": 49.652, + "ndcg_at_1000": 51.919000000000004, + "ndcg_at_3": 39.285, + "ndcg_at_5": 41.449999999999996, + "precision_at_1": 33.992, + "precision_at_10": 8.32, + "precision_at_100": 1.617, + "precision_at_1000": 0.245, + "precision_at_3": 18.445, + "precision_at_5": 13.281, + "recall_at_1": 28.326, + "recall_at_10": 55.822, + "recall_at_100": 80.352, + "recall_at_1000": 94.441, + "recall_at_3": 41.704, + "recall_at_5": 47.513, + "main_score": 44.122 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/CQADupstackWordpressRetrieval.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/CQADupstackWordpressRetrieval.json new file mode 100644 index 000000000..3c1b9ddbb --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/CQADupstackWordpressRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackWordpressRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.526, + "map_at_10": 30.206, + "map_at_100": 31.142999999999997, + "map_at_1000": 31.246000000000002, + "map_at_3": 27.807, + "map_at_5": 29.236, + "mrr_at_1": 24.399, + "mrr_at_10": 32.515, + "mrr_at_100": 33.329, + "mrr_at_1000": 33.400999999999996, + "mrr_at_3": 30.159999999999997, + "mrr_at_5": 31.482, + "ndcg_at_1": 24.399, + "ndcg_at_10": 34.806, + "ndcg_at_100": 39.669, + "ndcg_at_1000": 42.234, + "ndcg_at_3": 30.144, + "ndcg_at_5": 32.481, + "precision_at_1": 24.399, + "precision_at_10": 5.453, + "precision_at_100": 0.8410000000000001, + "precision_at_1000": 0.117, + "precision_at_3": 12.815999999999999, + "precision_at_5": 9.057, + "recall_at_1": 22.526, + "recall_at_10": 46.568, + "recall_at_100": 69.56099999999999, + "recall_at_1000": 88.474, + "recall_at_3": 34.205000000000005, + "recall_at_5": 39.885999999999996, + "main_score": 34.806 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/ClimateFEVER.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/ClimateFEVER.json new file mode 100644 index 000000000..4a1298d52 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 14.363000000000001, + "map_at_10": 24.101, + "map_at_100": 26.240000000000002, + "map_at_1000": 26.427, + "map_at_3": 20.125, + "map_at_5": 22.128, + "mrr_at_1": 32.182, + "mrr_at_10": 44.711, + "mrr_at_100": 45.523, + "mrr_at_1000": 45.551, + "mrr_at_3": 41.443999999999996, + "mrr_at_5": 43.473, + "ndcg_at_1": 32.182, + "ndcg_at_10": 33.495000000000005, + "ndcg_at_100": 41.192, + "ndcg_at_1000": 44.346000000000004, + "ndcg_at_3": 27.651999999999997, + "ndcg_at_5": 29.634, + "precision_at_1": 32.182, + "precision_at_10": 10.391, + "precision_at_100": 1.8679999999999999, + "precision_at_1000": 0.246, + "precision_at_3": 20.586, + "precision_at_5": 15.648000000000001, + "recall_at_1": 14.363000000000001, + "recall_at_10": 39.706, + "recall_at_100": 65.763, + "recall_at_1000": 83.296, + "recall_at_3": 25.064999999999998, + "recall_at_5": 31.085, + "main_score": 33.495000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/DBPedia.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/DBPedia.json new file mode 100644 index 000000000..4c58fa74e --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.698, + "map_at_10": 20.237, + "map_at_100": 28.534, + "map_at_1000": 30.346, + "map_at_3": 14.097999999999999, + "map_at_5": 16.567999999999998, + "mrr_at_1": 68.0, + "mrr_at_10": 76.35, + "mrr_at_100": 76.676, + "mrr_at_1000": 76.68, + "mrr_at_3": 74.792, + "mrr_at_5": 75.717, + "ndcg_at_1": 56.25, + "ndcg_at_10": 43.578, + "ndcg_at_100": 47.928, + "ndcg_at_1000": 55.312, + "ndcg_at_3": 47.744, + "ndcg_at_5": 45.257, + "precision_at_1": 68.0, + "precision_at_10": 35.275, + "precision_at_100": 10.985, + "precision_at_1000": 2.235, + "precision_at_3": 52.0, + "precision_at_5": 44.45, + "recall_at_1": 8.698, + "recall_at_10": 26.661, + "recall_at_100": 54.686, + "recall_at_1000": 77.795, + "recall_at_3": 15.536, + "recall_at_5": 19.578, + "main_score": 43.578 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/EmotionClassification.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/EmotionClassification.json new file mode 100644 index 000000000..184bc74e1 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 48.385000000000005, + "f1": 43.818784352804165, + "main_score": 48.385000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/FEVER.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/FEVER.json new file mode 100644 index 000000000..6b4b678c6 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 75.399, + "map_at_10": 83.02199999999999, + "map_at_100": 83.204, + "map_at_1000": 83.217, + "map_at_3": 81.86, + "map_at_5": 82.677, + "mrr_at_1": 81.233, + "mrr_at_10": 88.10900000000001, + "mrr_at_100": 88.17099999999999, + "mrr_at_1000": 88.172, + "mrr_at_3": 87.289, + "mrr_at_5": 87.897, + "ndcg_at_1": 81.233, + "ndcg_at_10": 86.80600000000001, + "ndcg_at_100": 87.492, + "ndcg_at_1000": 87.71600000000001, + "ndcg_at_3": 84.975, + "ndcg_at_5": 86.158, + "precision_at_1": 81.233, + "precision_at_10": 10.299999999999999, + "precision_at_100": 1.085, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 32.178000000000004, + "precision_at_5": 20.069, + "recall_at_1": 75.399, + "recall_at_10": 93.533, + "recall_at_100": 96.32300000000001, + "recall_at_1000": 97.695, + "recall_at_3": 88.61099999999999, + "recall_at_5": 91.617, + "main_score": 86.80600000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/FiQA2018.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/FiQA2018.json new file mode 100644 index 000000000..e0ceb0eaf --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.564, + "map_at_10": 33.162000000000006, + "map_at_100": 35.146, + "map_at_1000": 35.32, + "map_at_3": 28.786, + "map_at_5": 31.22, + "mrr_at_1": 40.278000000000006, + "mrr_at_10": 48.577, + "mrr_at_100": 49.385, + "mrr_at_1000": 49.423, + "mrr_at_3": 46.116, + "mrr_at_5": 47.305, + "ndcg_at_1": 40.278000000000006, + "ndcg_at_10": 40.998000000000005, + "ndcg_at_100": 48.329, + "ndcg_at_1000": 51.148, + "ndcg_at_3": 36.852000000000004, + "ndcg_at_5": 38.146, + "precision_at_1": 40.278000000000006, + "precision_at_10": 11.466, + "precision_at_100": 1.9120000000000001, + "precision_at_1000": 0.242, + "precision_at_3": 24.383, + "precision_at_5": 18.179000000000002, + "recall_at_1": 20.564, + "recall_at_10": 48.327999999999996, + "recall_at_100": 75.89, + "recall_at_1000": 92.826, + "recall_at_3": 33.517, + "recall_at_5": 39.46, + "main_score": 40.998000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/HotpotQA.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/HotpotQA.json new file mode 100644 index 000000000..59b41c70a --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 34.294000000000004, + "map_at_10": 55.435, + "map_at_100": 56.507, + "map_at_1000": 56.57600000000001, + "map_at_3": 51.654999999999994, + "map_at_5": 54.086, + "mrr_at_1": 68.589, + "mrr_at_10": 75.837, + "mrr_at_100": 76.142, + "mrr_at_1000": 76.155, + "mrr_at_3": 74.50099999999999, + "mrr_at_5": 75.339, + "ndcg_at_1": 68.589, + "ndcg_at_10": 63.846000000000004, + "ndcg_at_100": 67.65, + "ndcg_at_1000": 69.015, + "ndcg_at_3": 58.355999999999995, + "ndcg_at_5": 61.489000000000004, + "precision_at_1": 68.589, + "precision_at_10": 13.738, + "precision_at_100": 1.67, + "precision_at_1000": 0.185, + "precision_at_3": 37.736, + "precision_at_5": 25.11, + "recall_at_1": 34.294000000000004, + "recall_at_10": 68.69, + "recall_at_100": 83.477, + "recall_at_1000": 92.465, + "recall_at_3": 56.604, + "recall_at_5": 62.775000000000006, + "main_score": 63.846000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/ImdbClassification.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/ImdbClassification.json new file mode 100644 index 000000000..53dca87f6 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.332, + "ap": 69.58548013224627, + "f1": 75.19505914957745, + "main_score": 75.332 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/MSMARCO.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/MSMARCO.json new file mode 100644 index 000000000..d33e38d7e --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.373, + "map_at_10": 31.377, + "map_at_100": 32.635, + "map_at_1000": 32.688, + "map_at_3": 27.337, + "map_at_5": 29.608, + "mrr_at_1": 19.900000000000002, + "mrr_at_10": 31.928, + "mrr_at_100": 33.14, + "mrr_at_1000": 33.184999999999995, + "mrr_at_3": 27.955999999999996, + "mrr_at_5": 30.209999999999997, + "ndcg_at_1": 19.900000000000002, + "ndcg_at_10": 38.324000000000005, + "ndcg_at_100": 44.45, + "ndcg_at_1000": 45.728, + "ndcg_at_3": 30.099999999999998, + "ndcg_at_5": 34.157, + "precision_at_1": 19.900000000000002, + "precision_at_10": 6.246, + "precision_at_100": 0.932, + "precision_at_1000": 0.104, + "precision_at_3": 12.937000000000001, + "precision_at_5": 9.817, + "recall_at_1": 19.373, + "recall_at_10": 59.82300000000001, + "recall_at_100": 88.252, + "recall_at_1000": 97.962, + "recall_at_3": 37.480999999999995, + "recall_at_5": 47.215, + "main_score": 38.324000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/MTOPDomainClassification.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/MTOPDomainClassification.json new file mode 100644 index 000000000..ec3b29fe3 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 94.08800729594162, + "f1": 93.6743110282188, + "main_score": 94.08800729594162 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/MTOPIntentClassification.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/MTOPIntentClassification.json new file mode 100644 index 000000000..953fb8722 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.04742362061104, + "f1": 59.62885599991211, + "main_score": 77.04742362061104 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/MassiveIntentClassification.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/MassiveIntentClassification.json new file mode 100644 index 000000000..997d7ab0e --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.58170813718897, + "f1": 73.57458347240402, + "main_score": 75.58170813718897 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/MassiveScenarioClassification.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..17e3deb63 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.15601882985877, + "f1": 79.08126473478004, + "main_score": 79.15601882985877 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/MedrxivClusteringP2P.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..36aa643eb --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.551020623875196, + "main_score": 33.551020623875196 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/MedrxivClusteringS2S.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..ecd01b2b6 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.110159113704523, + "main_score": 31.110159113704523 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/MindSmallReranking.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/MindSmallReranking.json new file mode 100644 index 000000000..3ea548a0e --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.960982592404424, + "mrr": 33.106781262600435, + "main_score": 31.960982592404424 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/NFCorpus.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/NFCorpus.json new file mode 100644 index 000000000..088686c5f --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.679, + "map_at_10": 13.922, + "map_at_100": 17.949, + "map_at_1000": 19.573999999999998, + "map_at_3": 10.061, + "map_at_5": 11.931, + "mrr_at_1": 47.678, + "mrr_at_10": 56.701, + "mrr_at_100": 57.221, + "mrr_at_1000": 57.260999999999996, + "mrr_at_3": 54.334, + "mrr_at_5": 55.85099999999999, + "ndcg_at_1": 45.975, + "ndcg_at_10": 37.117, + "ndcg_at_100": 34.633, + "ndcg_at_1000": 43.498, + "ndcg_at_3": 42.475, + "ndcg_at_5": 40.438, + "precision_at_1": 47.678, + "precision_at_10": 27.647, + "precision_at_100": 9.08, + "precision_at_1000": 2.218, + "precision_at_3": 39.938, + "precision_at_5": 35.17, + "recall_at_1": 5.679, + "recall_at_10": 18.552, + "recall_at_100": 35.799, + "recall_at_1000": 68.029, + "recall_at_3": 11.43, + "recall_at_5": 14.71, + "main_score": 37.117 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/NQ.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/NQ.json new file mode 100644 index 000000000..519184e44 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.055999999999997, + "map_at_10": 45.547, + "map_at_100": 46.591, + "map_at_1000": 46.615, + "map_at_3": 40.81, + "map_at_5": 43.673, + "mrr_at_1": 32.763999999999996, + "mrr_at_10": 47.937999999999995, + "mrr_at_100": 48.691, + "mrr_at_1000": 48.705, + "mrr_at_3": 43.984, + "mrr_at_5": 46.467999999999996, + "ndcg_at_1": 32.763999999999996, + "ndcg_at_10": 53.891999999999996, + "ndcg_at_100": 58.167, + "ndcg_at_1000": 58.67099999999999, + "ndcg_at_3": 45.007999999999996, + "ndcg_at_5": 49.805, + "precision_at_1": 32.763999999999996, + "precision_at_10": 9.186, + "precision_at_100": 1.1560000000000001, + "precision_at_1000": 0.12, + "precision_at_3": 21.012, + "precision_at_5": 15.348, + "recall_at_1": 29.055999999999997, + "recall_at_10": 76.864, + "recall_at_100": 95.254, + "recall_at_1000": 98.914, + "recall_at_3": 53.911, + "recall_at_5": 64.982, + "main_score": 53.891999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/QuoraRetrieval.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/QuoraRetrieval.json new file mode 100644 index 000000000..84e22a7e6 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 69.393, + "map_at_10": 83.408, + "map_at_100": 84.071, + "map_at_1000": 84.086, + "map_at_3": 80.372, + "map_at_5": 82.245, + "mrr_at_1": 80.06, + "mrr_at_10": 86.546, + "mrr_at_100": 86.661, + "mrr_at_1000": 86.66199999999999, + "mrr_at_3": 85.56700000000001, + "mrr_at_5": 86.215, + "ndcg_at_1": 80.07, + "ndcg_at_10": 87.372, + "ndcg_at_100": 88.683, + "ndcg_at_1000": 88.78, + "ndcg_at_3": 84.384, + "ndcg_at_5": 85.978, + "precision_at_1": 80.07, + "precision_at_10": 13.345, + "precision_at_100": 1.5350000000000001, + "precision_at_1000": 0.157, + "precision_at_3": 36.973, + "precision_at_5": 24.334, + "recall_at_1": 69.393, + "recall_at_10": 94.994, + "recall_at_100": 99.523, + "recall_at_1000": 99.97399999999999, + "recall_at_3": 86.459, + "recall_at_5": 90.962, + "main_score": 87.372 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/RedditClustering.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/RedditClustering.json new file mode 100644 index 000000000..a33ab61c3 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 53.02365304347829, + "main_score": 53.02365304347829 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/RedditClusteringP2P.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/RedditClusteringP2P.json new file mode 100644 index 000000000..fbea049ce --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 60.4722130918676, + "main_score": 60.4722130918676 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/SCIDOCS.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/SCIDOCS.json new file mode 100644 index 000000000..2bab35e52 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.233, + "map_at_10": 10.333, + "map_at_100": 12.286, + "map_at_1000": 12.594, + "map_at_3": 7.514, + "map_at_5": 8.774, + "mrr_at_1": 20.9, + "mrr_at_10": 31.232, + "mrr_at_100": 32.287, + "mrr_at_1000": 32.352, + "mrr_at_3": 27.766999999999996, + "mrr_at_5": 29.487000000000002, + "ndcg_at_1": 20.9, + "ndcg_at_10": 17.957, + "ndcg_at_100": 25.526, + "ndcg_at_1000": 31.097, + "ndcg_at_3": 16.915, + "ndcg_at_5": 14.579, + "precision_at_1": 20.9, + "precision_at_10": 9.41, + "precision_at_100": 2.032, + "precision_at_1000": 0.337, + "precision_at_3": 15.767000000000001, + "precision_at_5": 12.659999999999998, + "recall_at_1": 4.233, + "recall_at_10": 19.067999999999998, + "recall_at_100": 41.257, + "recall_at_1000": 68.487, + "recall_at_3": 9.618, + "recall_at_5": 12.853, + "main_score": 17.957 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/SICK-R.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/SICK-R.json new file mode 100644 index 000000000..6f9810d96 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/SICK-R.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 82.25303886615637, + "cosine_spearman": 82.25303886615637, + "main_score": 82.25303886615637 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/STS12.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/STS12.json new file mode 100644 index 000000000..66888ff1b --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/STS12.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 78.27678362978094, + "cosine_spearman": 78.27678362978094, + "main_score": 78.27678362978094 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/STS13.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/STS13.json new file mode 100644 index 000000000..c807e5d79 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/STS13.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 85.5228883863618, + "cosine_spearman": 85.5228883863618, + "main_score": 85.5228883863618 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/STS14.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/STS14.json new file mode 100644 index 000000000..eb1d26987 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/STS14.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 82.48847836687274, + "cosine_spearman": 82.48847836687274, + "main_score": 82.48847836687274 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/STS15.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/STS15.json new file mode 100644 index 000000000..737a5cdf2 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/STS15.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 88.76235312662311, + "cosine_spearman": 88.76235312662311, + "main_score": 88.76235312662311 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/STS16.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/STS16.json new file mode 100644 index 000000000..5b46be269 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/STS16.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 87.10893533398001, + "cosine_spearman": 87.10893533398001, + "main_score": 87.10893533398001 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/STS17.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/STS17.json new file mode 100644 index 000000000..d1bf77d02 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/STS17.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 90.10224405448504, + "cosine_spearman": 90.10224405448504, + "main_score": 90.10224405448504 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/STS22.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/STS22.json new file mode 100644 index 000000000..a522a9353 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/STS22.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 68.25088774601221, + "cosine_spearman": 68.25088774601221, + "main_score": 68.25088774601221 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/STSBenchmark.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/STSBenchmark.json new file mode 100644 index 000000000..146fe44b7 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/STSBenchmark.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 87.15751321128134, + "cosine_spearman": 87.15751321128134, + "main_score": 87.15751321128134 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/SciDocsRR.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/SciDocsRR.json new file mode 100644 index 000000000..3558e8281 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 79.23418699664575, + "mrr": 93.72032288698955, + "main_score": 79.23418699664575 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/SciFact.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/SciFact.json new file mode 100644 index 000000000..b1b6a3cdd --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 56.511, + "map_at_10": 67.062, + "map_at_100": 67.537, + "map_at_1000": 67.553, + "map_at_3": 63.375, + "map_at_5": 65.828, + "mrr_at_1": 59.333000000000006, + "mrr_at_10": 67.95, + "mrr_at_100": 68.284, + "mrr_at_1000": 68.30000000000001, + "mrr_at_3": 65.0, + "mrr_at_5": 66.93299999999999, + "ndcg_at_1": 59.333000000000006, + "ndcg_at_10": 72.08099999999999, + "ndcg_at_100": 74.232, + "ndcg_at_1000": 74.657, + "ndcg_at_3": 65.72200000000001, + "ndcg_at_5": 69.395, + "precision_at_1": 59.333000000000006, + "precision_at_10": 9.8, + "precision_at_100": 1.097, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 25.444, + "precision_at_5": 17.533, + "recall_at_1": 56.511, + "recall_at_10": 86.63300000000001, + "recall_at_100": 96.667, + "recall_at_1000": 100.0, + "recall_at_3": 70.217, + "recall_at_5": 78.806, + "main_score": 72.08099999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/SprintDuplicateQuestions.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..6f84c682f --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.83861386138614, + "cos_sim_ap": 96.24728474711715, + "cos_sim_f1": 91.76351692774129, + "cos_sim_precision": 92.74770173646579, + "cos_sim_recall": 90.8, + "dot_accuracy": 99.62475247524752, + "dot_ap": 88.12302791709324, + "dot_f1": 81.0187409899087, + "dot_precision": 77.98334875115633, + "dot_recall": 84.3, + "euclidean_accuracy": 99.83465346534653, + "euclidean_ap": 95.79574410387337, + "euclidean_f1": 91.56139464375947, + "euclidean_precision": 92.54341164453524, + "euclidean_recall": 90.60000000000001, + "manhattan_accuracy": 99.84059405940594, + "manhattan_ap": 95.81230332276807, + "manhattan_f1": 91.80661577608143, + "manhattan_precision": 93.47150259067357, + "manhattan_recall": 90.2, + "max_accuracy": 99.84059405940594, + "max_ap": 96.24728474711715, + "max_f1": 91.80661577608143, + "main_score": 96.24728474711715 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/StackExchangeClustering.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/StackExchangeClustering.json new file mode 100644 index 000000000..feba9d007 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 63.035694955649866, + "main_score": 63.035694955649866 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/StackExchangeClusteringP2P.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..6066b0471 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.00935398440242, + "main_score": 34.00935398440242 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/StackOverflowDupQuestions.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..8526de118 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 49.61138657342161, + "mrr": 50.26590749936338, + "main_score": 49.61138657342161 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/SummEval.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/SummEval.json new file mode 100644 index 000000000..cf09d24f1 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.994071916424655, + "cos_sim_spearman": 30.010135460886296, + "dot_pearson": 27.03290596322524, + "dot_spearman": 28.824264579690357, + "cosine_pearson": 30.994071916424655, + "cosine_spearman": 30.010135460886296, + "main_score": 30.010135460886296 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/TRECCOVID.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/TRECCOVID.json new file mode 100644 index 000000000..a7970729e --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.247, + "map_at_10": 2.01, + "map_at_100": 12.912, + "map_at_1000": 32.35, + "map_at_3": 0.6859999999999999, + "map_at_5": 1.089, + "mrr_at_1": 92.0, + "mrr_at_10": 95.25, + "mrr_at_100": 95.25, + "mrr_at_1000": 95.25, + "mrr_at_3": 95.0, + "mrr_at_5": 95.0, + "ndcg_at_1": 88.0, + "ndcg_at_10": 80.411, + "ndcg_at_100": 63.871, + "ndcg_at_1000": 58.145, + "ndcg_at_3": 84.75399999999999, + "ndcg_at_5": 82.372, + "precision_at_1": 92.0, + "precision_at_10": 84.8, + "precision_at_100": 65.84, + "precision_at_1000": 25.874000000000002, + "precision_at_3": 90.0, + "precision_at_5": 88.0, + "recall_at_1": 0.247, + "recall_at_10": 2.185, + "recall_at_100": 16.051000000000002, + "recall_at_1000": 55.18300000000001, + "recall_at_3": 0.701, + "recall_at_5": 1.1360000000000001, + "main_score": 80.411 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/Touche2020.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/Touche2020.json new file mode 100644 index 000000000..9e1c65297 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.094, + "map_at_10": 9.078, + "map_at_100": 15.152, + "map_at_1000": 16.773, + "map_at_3": 4.67, + "map_at_5": 6.111, + "mrr_at_1": 24.490000000000002, + "mrr_at_10": 39.989000000000004, + "mrr_at_100": 41.248000000000005, + "mrr_at_1000": 41.248000000000005, + "mrr_at_3": 37.075, + "mrr_at_5": 38.503, + "ndcg_at_1": 21.429000000000002, + "ndcg_at_10": 22.312, + "ndcg_at_100": 35.077999999999996, + "ndcg_at_1000": 46.903, + "ndcg_at_3": 24.241, + "ndcg_at_5": 21.884, + "precision_at_1": 24.490000000000002, + "precision_at_10": 20.816000000000003, + "precision_at_100": 7.673000000000001, + "precision_at_1000": 1.569, + "precision_at_3": 27.211000000000002, + "precision_at_5": 22.857, + "recall_at_1": 2.094, + "recall_at_10": 15.546, + "recall_at_100": 47.764, + "recall_at_1000": 84.461, + "recall_at_3": 5.994, + "recall_at_5": 8.967, + "main_score": 22.312 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/ToxicConversationsClassification.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..47eb2d5b3 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.92240000000001, + "ap": 14.16088899225379, + "f1": 54.04609416028299, + "main_score": 69.92240000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/TweetSentimentExtractionClassification.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..a330350b8 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 60.764006791171475, + "f1": 61.06042158638947, + "main_score": 60.764006791171475 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/TwentyNewsgroupsClustering.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..2f4327d26 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 49.37015403955057, + "main_score": 49.37015403955057 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/TwitterSemEval2015.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/TwitterSemEval2015.json new file mode 100644 index 000000000..d30ae99c4 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 86.8510460749836, + "cos_sim_ap": 76.13675917697662, + "cos_sim_f1": 69.72121212121213, + "cos_sim_precision": 64.48430493273543, + "cos_sim_recall": 75.8839050131926, + "dot_accuracy": 82.2793109614353, + "dot_ap": 61.68231214221829, + "dot_f1": 59.873802290254716, + "dot_precision": 53.73322147651006, + "dot_recall": 67.59894459102902, + "euclidean_accuracy": 86.78548012159504, + "euclidean_ap": 75.72625794456354, + "euclidean_f1": 70.13506753376687, + "euclidean_precision": 66.66666666666666, + "euclidean_recall": 73.98416886543535, + "manhattan_accuracy": 86.78548012159504, + "manhattan_ap": 75.68264053123454, + "manhattan_f1": 70.11952191235059, + "manhattan_precision": 66.38378123526638, + "manhattan_recall": 74.30079155672823, + "max_accuracy": 86.8510460749836, + "max_ap": 76.13675917697662, + "max_f1": 70.13506753376687, + "main_score": 76.13675917697662 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/TwitterURLCorpus.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/TwitterURLCorpus.json new file mode 100644 index 000000000..72ae2c544 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.20712539294446, + "cos_sim_ap": 86.227146559573, + "cos_sim_f1": 78.8050795036932, + "cos_sim_precision": 74.7085201793722, + "cos_sim_recall": 83.37696335078533, + "dot_accuracy": 86.59525749990297, + "dot_ap": 79.7714972191685, + "dot_f1": 73.45451896105789, + "dot_precision": 69.70891239715135, + "dot_recall": 77.62550046196489, + "euclidean_accuracy": 88.92575775216362, + "euclidean_ap": 85.58942167175054, + "euclidean_f1": 78.03423522915516, + "euclidean_precision": 74.76193835084996, + "euclidean_recall": 81.60609793655682, + "manhattan_accuracy": 88.92769821865176, + "manhattan_ap": 85.58316068024254, + "manhattan_f1": 78.03337843933242, + "manhattan_precision": 76.23384253819037, + "manhattan_recall": 79.91992608561749, + "max_accuracy": 89.20712539294446, + "max_ap": 86.227146559573, + "max_f1": 78.8050795036932, + "main_score": 86.227146559573 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/model_meta.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/model_meta.json new file mode 100644 index 000000000..7e1ae9e63 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-supervised/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "McGill-NLP/LLM2Vec-Sheared-LLaMA-mntp-supervised", + "revision": "a5943d406c6b016fef3f07906aac183cf1a0b47d", + "release_date": "2024-04-04", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": null, + "embed_dim": null, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/AmazonCounterfactualClassification.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..e633e6f50 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.92537313432835, + "ap": 36.6875749512053, + "f1": 67.36274146169845, + "main_score": 72.92537313432835 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/AmazonPolarityClassification.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..c429cc74a --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.282675, + "ap": 69.15441866642587, + "f1": 74.13028166370813, + "main_score": 74.282675 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/AmazonReviewsClassification.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..91d587ee1 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 36.136, + "f1": 35.840498320506235, + "main_score": 36.136 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/ArguAna.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/ArguAna.json new file mode 100644 index 000000000..811675990 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.407999999999998, + "map_at_10": 35.474, + "map_at_100": 36.653999999999996, + "map_at_1000": 36.68, + "map_at_3": 30.974, + "map_at_5": 33.265, + "mrr_at_1": 22.119, + "mrr_at_10": 35.714, + "mrr_at_100": 36.895, + "mrr_at_1000": 36.921, + "mrr_at_3": 31.2, + "mrr_at_5": 33.518, + "ndcg_at_1": 21.407999999999998, + "ndcg_at_10": 43.644, + "ndcg_at_100": 49.035000000000004, + "ndcg_at_1000": 49.685, + "ndcg_at_3": 34.174, + "ndcg_at_5": 38.288, + "precision_at_1": 21.407999999999998, + "precision_at_10": 6.999, + "precision_at_100": 0.9440000000000001, + "precision_at_1000": 0.099, + "precision_at_3": 14.485999999999999, + "precision_at_5": 10.683, + "recall_at_1": 21.407999999999998, + "recall_at_10": 69.986, + "recall_at_100": 94.381, + "recall_at_1000": 99.431, + "recall_at_3": 43.457, + "recall_at_5": 53.413999999999994, + "main_score": 43.644 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/ArxivClusteringP2P.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..deeea5732 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 42.915010245699904, + "main_score": 42.915010245699904 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/ArxivClusteringS2S.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..e1b7e6286 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.19568272188972, + "main_score": 35.19568272188972 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/AskUbuntuDupQuestions.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..0eff22880 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 52.696972763822615, + "mrr": 65.87136701402629, + "main_score": 52.696972763822615 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/BIOSSES.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/BIOSSES.json new file mode 100644 index 000000000..6a6de0533 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/BIOSSES.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 75.12038636775851, + "cosine_spearman": 75.12038636775851, + "main_score": 75.12038636775851 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/Banking77Classification.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/Banking77Classification.json new file mode 100644 index 000000000..56d261eb0 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.99675324675324, + "f1": 78.90527329824852, + "main_score": 78.99675324675324 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/BiorxivClusteringP2P.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..a2ebf6eb8 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.02170435970243, + "main_score": 35.02170435970243 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/BiorxivClusteringS2S.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..aba5fdd53 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 27.208216971540782, + "main_score": 27.208216971540782 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/CQADupstackAndroidRetrieval.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..6534d897a --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.432, + "map_at_10": 23.769000000000002, + "map_at_100": 25.038, + "map_at_1000": 25.208000000000002, + "map_at_3": 21.532999999999998, + "map_at_5": 22.668, + "mrr_at_1": 21.316, + "mrr_at_10": 28.89, + "mrr_at_100": 29.799999999999997, + "mrr_at_1000": 29.887999999999998, + "mrr_at_3": 26.705000000000002, + "mrr_at_5": 27.864, + "ndcg_at_1": 21.316, + "ndcg_at_10": 28.656, + "ndcg_at_100": 34.405, + "ndcg_at_1000": 37.771, + "ndcg_at_3": 24.98, + "ndcg_at_5": 26.384999999999998, + "precision_at_1": 21.316, + "precision_at_10": 5.8229999999999995, + "precision_at_100": 1.157, + "precision_at_1000": 0.181, + "precision_at_3": 12.446, + "precision_at_5": 8.984, + "recall_at_1": 16.432, + "recall_at_10": 37.696000000000005, + "recall_at_100": 63.198, + "recall_at_1000": 86.651, + "recall_at_3": 26.651000000000003, + "recall_at_5": 30.901, + "main_score": 28.656 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/CQADupstackEnglishRetrieval.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/CQADupstackEnglishRetrieval.json new file mode 100644 index 000000000..48f3298da --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/CQADupstackEnglishRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackEnglishRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.106, + "map_at_10": 21.770999999999997, + "map_at_100": 22.538, + "map_at_1000": 22.656000000000002, + "map_at_3": 19.918, + "map_at_5": 20.957, + "mrr_at_1": 21.083, + "mrr_at_10": 26.502, + "mrr_at_100": 27.161, + "mrr_at_1000": 27.234, + "mrr_at_3": 24.735, + "mrr_at_5": 25.753999999999998, + "ndcg_at_1": 21.083, + "ndcg_at_10": 25.625999999999998, + "ndcg_at_100": 29.152, + "ndcg_at_1000": 32.025, + "ndcg_at_3": 22.721, + "ndcg_at_5": 24.029, + "precision_at_1": 21.083, + "precision_at_10": 4.8919999999999995, + "precision_at_100": 0.844, + "precision_at_1000": 0.13699999999999998, + "precision_at_3": 11.104, + "precision_at_5": 7.987, + "recall_at_1": 16.106, + "recall_at_10": 32.385999999999996, + "recall_at_100": 47.961999999999996, + "recall_at_1000": 67.63900000000001, + "recall_at_3": 23.568, + "recall_at_5": 27.326, + "main_score": 25.625999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/CQADupstackGamingRetrieval.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/CQADupstackGamingRetrieval.json new file mode 100644 index 000000000..f3d7f2a4f --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/CQADupstackGamingRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackGamingRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.517, + "map_at_10": 29.593999999999998, + "map_at_100": 30.695, + "map_at_1000": 30.803000000000004, + "map_at_3": 27.592, + "map_at_5": 28.768, + "mrr_at_1": 26.27, + "mrr_at_10": 33.076, + "mrr_at_100": 33.998, + "mrr_at_1000": 34.073, + "mrr_at_3": 31.223, + "mrr_at_5": 32.257000000000005, + "ndcg_at_1": 26.27, + "ndcg_at_10": 33.726, + "ndcg_at_100": 39.079, + "ndcg_at_1000": 41.762, + "ndcg_at_3": 30.064, + "ndcg_at_5": 31.858999999999998, + "precision_at_1": 26.27, + "precision_at_10": 5.448, + "precision_at_100": 0.898, + "precision_at_1000": 0.121, + "precision_at_3": 13.417000000000002, + "precision_at_5": 9.317, + "recall_at_1": 22.517, + "recall_at_10": 42.814, + "recall_at_100": 67.037, + "recall_at_1000": 86.89099999999999, + "recall_at_3": 33.041, + "recall_at_5": 37.389, + "main_score": 33.726 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/CQADupstackGisRetrieval.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/CQADupstackGisRetrieval.json new file mode 100644 index 000000000..4ae8a6e4f --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/CQADupstackGisRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackGisRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 7.681, + "map_at_10": 10.655000000000001, + "map_at_100": 11.274000000000001, + "map_at_1000": 11.381, + "map_at_3": 9.793000000000001, + "map_at_5": 10.202, + "mrr_at_1": 8.248999999999999, + "mrr_at_10": 11.453000000000001, + "mrr_at_100": 12.074, + "mrr_at_1000": 12.174, + "mrr_at_3": 10.452, + "mrr_at_5": 10.989, + "ndcg_at_1": 8.248999999999999, + "ndcg_at_10": 12.467, + "ndcg_at_100": 15.942, + "ndcg_at_1000": 19.378999999999998, + "ndcg_at_3": 10.631, + "ndcg_at_5": 11.411, + "precision_at_1": 8.248999999999999, + "precision_at_10": 1.966, + "precision_at_100": 0.40099999999999997, + "precision_at_1000": 0.075, + "precision_at_3": 4.444, + "precision_at_5": 3.186, + "recall_at_1": 7.681, + "recall_at_10": 17.302, + "recall_at_100": 34.014, + "recall_at_1000": 61.207, + "recall_at_3": 12.389, + "recall_at_5": 14.158999999999999, + "main_score": 12.467 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/CQADupstackMathematicaRetrieval.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/CQADupstackMathematicaRetrieval.json new file mode 100644 index 000000000..4e7c678d7 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/CQADupstackMathematicaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackMathematicaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.868, + "map_at_10": 6.281000000000001, + "map_at_100": 6.903, + "map_at_1000": 7.038, + "map_at_3": 5.234, + "map_at_5": 5.685, + "mrr_at_1": 5.1, + "mrr_at_10": 8.148, + "mrr_at_100": 8.846, + "mrr_at_1000": 8.963000000000001, + "mrr_at_3": 6.944, + "mrr_at_5": 7.498, + "ndcg_at_1": 5.1, + "ndcg_at_10": 8.405999999999999, + "ndcg_at_100": 12.014, + "ndcg_at_1000": 15.956999999999999, + "ndcg_at_3": 6.22, + "ndcg_at_5": 6.962, + "precision_at_1": 5.1, + "precision_at_10": 1.8159999999999998, + "precision_at_100": 0.437, + "precision_at_1000": 0.09, + "precision_at_3": 3.1510000000000002, + "precision_at_5": 2.463, + "recall_at_1": 3.868, + "recall_at_10": 13.319, + "recall_at_100": 29.985, + "recall_at_1000": 59.245999999999995, + "recall_at_3": 7.0809999999999995, + "recall_at_5": 8.914, + "main_score": 8.405999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/CQADupstackPhysicsRetrieval.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/CQADupstackPhysicsRetrieval.json new file mode 100644 index 000000000..92176f268 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/CQADupstackPhysicsRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackPhysicsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 13.091, + "map_at_10": 18.701999999999998, + "map_at_100": 19.897000000000002, + "map_at_1000": 20.044, + "map_at_3": 17.041999999999998, + "map_at_5": 17.943, + "mrr_at_1": 16.939, + "mrr_at_10": 23.038, + "mrr_at_100": 24.029, + "mrr_at_1000": 24.12, + "mrr_at_3": 21.221999999999998, + "mrr_at_5": 22.198999999999998, + "ndcg_at_1": 16.939, + "ndcg_at_10": 22.566, + "ndcg_at_100": 28.364, + "ndcg_at_1000": 31.646, + "ndcg_at_3": 19.646, + "ndcg_at_5": 20.915, + "precision_at_1": 16.939, + "precision_at_10": 4.340999999999999, + "precision_at_100": 0.882, + "precision_at_1000": 0.13799999999999998, + "precision_at_3": 9.785, + "precision_at_5": 6.93, + "recall_at_1": 13.091, + "recall_at_10": 30.022, + "recall_at_100": 55.579, + "recall_at_1000": 78.14, + "recall_at_3": 21.4, + "recall_at_5": 25.020999999999997, + "main_score": 22.566 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/CQADupstackProgrammersRetrieval.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/CQADupstackProgrammersRetrieval.json new file mode 100644 index 000000000..d5b2f7bf2 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/CQADupstackProgrammersRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackProgrammersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 11.315999999999999, + "map_at_10": 16.191, + "map_at_100": 17.116, + "map_at_1000": 17.262, + "map_at_3": 14.302999999999999, + "map_at_5": 15.278, + "mrr_at_1": 14.269000000000002, + "mrr_at_10": 19.409000000000002, + "mrr_at_100": 20.298, + "mrr_at_1000": 20.393, + "mrr_at_3": 17.504, + "mrr_at_5": 18.423000000000002, + "ndcg_at_1": 14.269000000000002, + "ndcg_at_10": 19.735, + "ndcg_at_100": 24.582, + "ndcg_at_1000": 28.337, + "ndcg_at_3": 16.220000000000002, + "ndcg_at_5": 17.644000000000002, + "precision_at_1": 14.269000000000002, + "precision_at_10": 3.721, + "precision_at_100": 0.752, + "precision_at_1000": 0.129, + "precision_at_3": 7.800999999999999, + "precision_at_5": 5.753, + "recall_at_1": 11.315999999999999, + "recall_at_10": 27.693, + "recall_at_100": 49.265, + "recall_at_1000": 76.291, + "recall_at_3": 17.593, + "recall_at_5": 21.368000000000002, + "main_score": 19.735 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/CQADupstackStatsRetrieval.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/CQADupstackStatsRetrieval.json new file mode 100644 index 000000000..3b639fd54 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/CQADupstackStatsRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackStatsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 7.5520000000000005, + "map_at_10": 10.355, + "map_at_100": 10.875, + "map_at_1000": 10.972999999999999, + "map_at_3": 9.341000000000001, + "map_at_5": 9.969, + "mrr_at_1": 9.049, + "mrr_at_10": 12.002, + "mrr_at_100": 12.55, + "mrr_at_1000": 12.635, + "mrr_at_3": 11.12, + "mrr_at_5": 11.626, + "ndcg_at_1": 9.049, + "ndcg_at_10": 12.241, + "ndcg_at_100": 15.231, + "ndcg_at_1000": 18.265, + "ndcg_at_3": 10.424999999999999, + "ndcg_at_5": 11.360000000000001, + "precision_at_1": 9.049, + "precision_at_10": 2.147, + "precision_at_100": 0.411, + "precision_at_1000": 0.073, + "precision_at_3": 4.755, + "precision_at_5": 3.558, + "recall_at_1": 7.5520000000000005, + "recall_at_10": 16.448999999999998, + "recall_at_100": 30.505, + "recall_at_1000": 54.435, + "recall_at_3": 11.366, + "recall_at_5": 13.758999999999999, + "main_score": 12.241 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/CQADupstackTexRetrieval.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/CQADupstackTexRetrieval.json new file mode 100644 index 000000000..eea1768b3 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/CQADupstackTexRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackTexRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.954000000000001, + "map_at_10": 8.229000000000001, + "map_at_100": 8.694, + "map_at_1000": 8.788, + "map_at_3": 7.5, + "map_at_5": 7.856000000000001, + "mrr_at_1": 7.983, + "mrr_at_10": 10.833, + "mrr_at_100": 11.324, + "mrr_at_1000": 11.404, + "mrr_at_3": 9.911, + "mrr_at_5": 10.401, + "ndcg_at_1": 7.983, + "ndcg_at_10": 10.126, + "ndcg_at_100": 12.702, + "ndcg_at_1000": 15.581999999999999, + "ndcg_at_3": 8.779, + "ndcg_at_5": 9.279, + "precision_at_1": 7.983, + "precision_at_10": 1.955, + "precision_at_100": 0.392, + "precision_at_1000": 0.076, + "precision_at_3": 4.382, + "precision_at_5": 3.09, + "recall_at_1": 5.954000000000001, + "recall_at_10": 13.472000000000001, + "recall_at_100": 25.407999999999998, + "recall_at_1000": 47.028, + "recall_at_3": 9.367, + "recall_at_5": 10.867, + "main_score": 10.126 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/CQADupstackUnixRetrieval.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/CQADupstackUnixRetrieval.json new file mode 100644 index 000000000..1e12bdc0e --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/CQADupstackUnixRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackUnixRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.894, + "map_at_10": 12.758, + "map_at_100": 13.639999999999999, + "map_at_1000": 13.76, + "map_at_3": 11.447000000000001, + "map_at_5": 12.205, + "mrr_at_1": 10.914, + "mrr_at_10": 15.739, + "mrr_at_100": 16.589000000000002, + "mrr_at_1000": 16.679, + "mrr_at_3": 14.179, + "mrr_at_5": 15.162999999999998, + "ndcg_at_1": 10.914, + "ndcg_at_10": 15.629000000000001, + "ndcg_at_100": 20.261000000000003, + "ndcg_at_1000": 23.781, + "ndcg_at_3": 13.102, + "ndcg_at_5": 14.338000000000001, + "precision_at_1": 10.914, + "precision_at_10": 2.91, + "precision_at_100": 0.601, + "precision_at_1000": 0.10200000000000001, + "precision_at_3": 6.311999999999999, + "precision_at_5": 4.683, + "recall_at_1": 8.894, + "recall_at_10": 21.45, + "recall_at_100": 42.617, + "recall_at_1000": 69.233, + "recall_at_3": 14.52, + "recall_at_5": 17.681, + "main_score": 15.629000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/CQADupstackWebmastersRetrieval.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/CQADupstackWebmastersRetrieval.json new file mode 100644 index 000000000..623e7f4c4 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/CQADupstackWebmastersRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackWebmastersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 12.158, + "map_at_10": 16.332, + "map_at_100": 17.458000000000002, + "map_at_1000": 17.687, + "map_at_3": 14.529, + "map_at_5": 15.515, + "mrr_at_1": 15.809999999999999, + "mrr_at_10": 19.917, + "mrr_at_100": 20.875, + "mrr_at_1000": 20.985, + "mrr_at_3": 18.116, + "mrr_at_5": 19.025, + "ndcg_at_1": 15.809999999999999, + "ndcg_at_10": 19.869999999999997, + "ndcg_at_100": 24.907, + "ndcg_at_1000": 29.076999999999998, + "ndcg_at_3": 16.899, + "ndcg_at_5": 18.23, + "precision_at_1": 15.809999999999999, + "precision_at_10": 3.972, + "precision_at_100": 0.9860000000000001, + "precision_at_1000": 0.203, + "precision_at_3": 8.169, + "precision_at_5": 6.087, + "recall_at_1": 12.158, + "recall_at_10": 26.338, + "recall_at_100": 49.845, + "recall_at_1000": 78.82000000000001, + "recall_at_3": 16.997, + "recall_at_5": 20.848, + "main_score": 19.869999999999997 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/CQADupstackWordpressRetrieval.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/CQADupstackWordpressRetrieval.json new file mode 100644 index 000000000..859ddd50c --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/CQADupstackWordpressRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackWordpressRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.01, + "map_at_10": 10.889, + "map_at_100": 11.562, + "map_at_1000": 11.65, + "map_at_3": 9.718, + "map_at_5": 10.358, + "mrr_at_1": 8.688, + "mrr_at_10": 11.862, + "mrr_at_100": 12.558, + "mrr_at_1000": 12.642000000000001, + "mrr_at_3": 10.598, + "mrr_at_5": 11.328000000000001, + "ndcg_at_1": 8.688, + "ndcg_at_10": 12.959999999999999, + "ndcg_at_100": 16.744, + "ndcg_at_1000": 19.564999999999998, + "ndcg_at_3": 10.476, + "ndcg_at_5": 11.639, + "precision_at_1": 8.688, + "precision_at_10": 2.089, + "precision_at_100": 0.43299999999999994, + "precision_at_1000": 0.07200000000000001, + "precision_at_3": 4.375, + "precision_at_5": 3.253, + "recall_at_1": 8.01, + "recall_at_10": 18.589, + "recall_at_100": 36.857, + "recall_at_1000": 59.047000000000004, + "recall_at_3": 11.774, + "recall_at_5": 14.516000000000002, + "main_score": 12.959999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/ClimateFEVER.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/ClimateFEVER.json new file mode 100644 index 000000000..34cbe7233 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.4719999999999995, + "map_at_10": 12.322, + "map_at_100": 14.122000000000002, + "map_at_1000": 14.35, + "map_at_3": 9.667, + "map_at_5": 10.931000000000001, + "mrr_at_1": 15.179, + "mrr_at_10": 24.864, + "mrr_at_100": 26.144000000000002, + "mrr_at_1000": 26.198, + "mrr_at_3": 20.999000000000002, + "mrr_at_5": 23.097, + "ndcg_at_1": 15.179, + "ndcg_at_10": 18.951999999999998, + "ndcg_at_100": 26.924, + "ndcg_at_1000": 30.991999999999997, + "ndcg_at_3": 13.778000000000002, + "ndcg_at_5": 15.549, + "precision_at_1": 15.179, + "precision_at_10": 6.625, + "precision_at_100": 1.516, + "precision_at_1000": 0.22599999999999998, + "precision_at_3": 10.51, + "precision_at_5": 8.847, + "recall_at_1": 6.4719999999999995, + "recall_at_10": 25.191999999999997, + "recall_at_100": 53.315, + "recall_at_1000": 76.163, + "recall_at_3": 12.834999999999999, + "recall_at_5": 17.388, + "main_score": 18.951999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/DBPedia.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/DBPedia.json new file mode 100644 index 000000000..39442cfaf --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 1.947, + "map_at_10": 4.858, + "map_at_100": 7.185999999999999, + "map_at_1000": 7.931000000000001, + "map_at_3": 3.2939999999999996, + "map_at_5": 3.914, + "mrr_at_1": 23.25, + "mrr_at_10": 33.035, + "mrr_at_100": 33.721000000000004, + "mrr_at_1000": 33.789, + "mrr_at_3": 29.75, + "mrr_at_5": 31.738, + "ndcg_at_1": 15.625, + "ndcg_at_10": 13.211999999999998, + "ndcg_at_100": 16.422, + "ndcg_at_1000": 23.058999999999997, + "ndcg_at_3": 14.573, + "ndcg_at_5": 13.733999999999998, + "precision_at_1": 23.25, + "precision_at_10": 12.45, + "precision_at_100": 4.192, + "precision_at_1000": 1.083, + "precision_at_3": 18.667, + "precision_at_5": 15.950000000000001, + "recall_at_1": 1.947, + "recall_at_10": 9.317, + "recall_at_100": 23.066, + "recall_at_1000": 45.704, + "recall_at_3": 4.12, + "recall_at_5": 5.591, + "main_score": 13.211999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/EmotionClassification.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/EmotionClassification.json new file mode 100644 index 000000000..007097d13 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 42.855, + "f1": 39.029787102377576, + "main_score": 42.855 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/FEVER.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/FEVER.json new file mode 100644 index 000000000..5ac047c10 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.461, + "map_at_10": 13.655999999999999, + "map_at_100": 14.499, + "map_at_1000": 14.585999999999999, + "map_at_3": 11.848, + "map_at_5": 12.842999999999998, + "mrr_at_1": 9.136, + "mrr_at_10": 14.587, + "mrr_at_100": 15.436, + "mrr_at_1000": 15.518, + "mrr_at_3": 12.690999999999999, + "mrr_at_5": 13.747000000000002, + "ndcg_at_1": 9.136, + "ndcg_at_10": 16.958000000000002, + "ndcg_at_100": 21.43, + "ndcg_at_1000": 24.031, + "ndcg_at_3": 13.191, + "ndcg_at_5": 14.987, + "precision_at_1": 9.136, + "precision_at_10": 2.897, + "precision_at_100": 0.532, + "precision_at_1000": 0.077, + "precision_at_3": 5.8709999999999996, + "precision_at_5": 4.47, + "recall_at_1": 8.461, + "recall_at_10": 26.509, + "recall_at_100": 47.776, + "recall_at_1000": 68.26299999999999, + "recall_at_3": 16.203, + "recall_at_5": 20.505000000000003, + "main_score": 16.958000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/FiQA2018.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/FiQA2018.json new file mode 100644 index 000000000..2cee5b5a1 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 7.396, + "map_at_10": 12.393, + "map_at_100": 13.857, + "map_at_1000": 14.086000000000002, + "map_at_3": 10.545, + "map_at_5": 11.505, + "mrr_at_1": 15.432000000000002, + "mrr_at_10": 21.615000000000002, + "mrr_at_100": 22.833000000000002, + "mrr_at_1000": 22.931, + "mrr_at_3": 19.522000000000002, + "mrr_at_5": 20.663999999999998, + "ndcg_at_1": 15.432000000000002, + "ndcg_at_10": 16.986, + "ndcg_at_100": 23.880000000000003, + "ndcg_at_1000": 28.762999999999998, + "ndcg_at_3": 14.482999999999999, + "ndcg_at_5": 15.334999999999999, + "precision_at_1": 15.432000000000002, + "precision_at_10": 4.984999999999999, + "precision_at_100": 1.167, + "precision_at_1000": 0.2, + "precision_at_3": 9.825000000000001, + "precision_at_5": 7.469, + "recall_at_1": 7.396, + "recall_at_10": 21.389, + "recall_at_100": 48.107, + "recall_at_1000": 78.366, + "recall_at_3": 13.181000000000001, + "recall_at_5": 16.611, + "main_score": 16.986 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/HotpotQA.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/HotpotQA.json new file mode 100644 index 000000000..8ee1e5c02 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 11.884, + "map_at_10": 17.09, + "map_at_100": 17.96, + "map_at_1000": 18.081, + "map_at_3": 15.296000000000001, + "map_at_5": 16.289, + "mrr_at_1": 23.768, + "mrr_at_10": 29.991, + "mrr_at_100": 30.862000000000002, + "mrr_at_1000": 30.935000000000002, + "mrr_at_3": 27.986, + "mrr_at_5": 29.078, + "ndcg_at_1": 23.768, + "ndcg_at_10": 22.634999999999998, + "ndcg_at_100": 27.059, + "ndcg_at_1000": 30.145, + "ndcg_at_3": 19.058, + "ndcg_at_5": 20.762, + "precision_at_1": 23.768, + "precision_at_10": 5.2490000000000006, + "precision_at_100": 0.8829999999999999, + "precision_at_1000": 0.13, + "precision_at_3": 12.091000000000001, + "precision_at_5": 8.605, + "recall_at_1": 11.884, + "recall_at_10": 26.246000000000002, + "recall_at_100": 44.153, + "recall_at_1000": 64.889, + "recall_at_3": 18.136, + "recall_at_5": 21.512, + "main_score": 22.634999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/ImdbClassification.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/ImdbClassification.json new file mode 100644 index 000000000..9e0e2800f --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.9232, + "ap": 66.56619827391917, + "f1": 71.60536244284128, + "main_score": 71.9232 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/MSMARCO.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/MSMARCO.json new file mode 100644 index 000000000..94d2f37d1 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.037, + "map_at_10": 5.414, + "map_at_100": 6.072, + "map_at_1000": 6.172, + "map_at_3": 4.437, + "map_at_5": 4.939, + "mrr_at_1": 3.123, + "mrr_at_10": 5.572, + "mrr_at_100": 6.235, + "mrr_at_1000": 6.334, + "mrr_at_3": 4.563, + "mrr_at_5": 5.09, + "ndcg_at_1": 3.123, + "ndcg_at_10": 7.027, + "ndcg_at_100": 10.776, + "ndcg_at_1000": 13.904, + "ndcg_at_3": 4.95, + "ndcg_at_5": 5.865, + "precision_at_1": 3.123, + "precision_at_10": 1.252, + "precision_at_100": 0.32299999999999995, + "precision_at_1000": 0.059000000000000004, + "precision_at_3": 2.168, + "precision_at_5": 1.7680000000000002, + "recall_at_1": 3.037, + "recall_at_10": 12.11, + "recall_at_100": 30.714999999999996, + "recall_at_1000": 56.006, + "recall_at_3": 6.3229999999999995, + "recall_at_5": 8.518, + "main_score": 7.027 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/MTOPDomainClassification.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/MTOPDomainClassification.json new file mode 100644 index 000000000..d656f4eea --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.24259005927954, + "f1": 90.7594022786747, + "main_score": 91.24259005927954 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/MTOPIntentClassification.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/MTOPIntentClassification.json new file mode 100644 index 000000000..6d50e6886 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.08344733242134, + "f1": 52.377556461789055, + "main_score": 74.08344733242134 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/MassiveIntentClassification.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/MassiveIntentClassification.json new file mode 100644 index 000000000..750755705 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.99327505043712, + "f1": 66.15141376479805, + "main_score": 69.99327505043712 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/MassiveScenarioClassification.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..a6b1c1c5f --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.1546738399462, + "f1": 74.83013584700711, + "main_score": 75.1546738399462 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/MedrxivClusteringP2P.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..de408e84c --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.146364191412356, + "main_score": 30.146364191412356 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/MedrxivClusteringS2S.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..f4ad59605 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 26.96347584990607, + "main_score": 26.96347584990607 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/MindSmallReranking.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/MindSmallReranking.json new file mode 100644 index 000000000..5d72f6a23 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 29.520993847103533, + "mrr": 30.402007095845374, + "main_score": 29.520993847103533 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/NFCorpus.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/NFCorpus.json new file mode 100644 index 000000000..1888e8d42 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 1.72, + "map_at_10": 4.041, + "map_at_100": 5.356000000000001, + "map_at_1000": 6.413, + "map_at_3": 2.9770000000000003, + "map_at_5": 3.3689999999999998, + "mrr_at_1": 21.981, + "mrr_at_10": 30.286, + "mrr_at_100": 31.272, + "mrr_at_1000": 31.347, + "mrr_at_3": 27.193, + "mrr_at_5": 28.694999999999997, + "ndcg_at_1": 19.814, + "ndcg_at_10": 15.732, + "ndcg_at_100": 16.033, + "ndcg_at_1000": 25.865, + "ndcg_at_3": 17.944, + "ndcg_at_5": 16.634, + "precision_at_1": 21.981, + "precision_at_10": 12.786, + "precision_at_100": 4.83, + "precision_at_1000": 1.765, + "precision_at_3": 17.75, + "precision_at_5": 15.232000000000001, + "recall_at_1": 1.72, + "recall_at_10": 7.436, + "recall_at_100": 20.275000000000002, + "recall_at_1000": 54.19500000000001, + "recall_at_3": 3.787, + "recall_at_5": 4.829, + "main_score": 15.732 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/NQ.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/NQ.json new file mode 100644 index 000000000..92ff27754 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 7.964, + "map_at_10": 14.025000000000002, + "map_at_100": 15.222, + "map_at_1000": 15.32, + "map_at_3": 11.886, + "map_at_5": 13.056999999999999, + "mrr_at_1": 9.183, + "mrr_at_10": 15.651000000000002, + "mrr_at_100": 16.753999999999998, + "mrr_at_1000": 16.833000000000002, + "mrr_at_3": 13.437, + "mrr_at_5": 14.69, + "ndcg_at_1": 9.183, + "ndcg_at_10": 17.96, + "ndcg_at_100": 23.823, + "ndcg_at_1000": 26.461000000000002, + "ndcg_at_3": 13.536999999999999, + "ndcg_at_5": 15.642, + "precision_at_1": 9.183, + "precision_at_10": 3.366, + "precision_at_100": 0.67, + "precision_at_1000": 0.092, + "precision_at_3": 6.547, + "precision_at_5": 5.098, + "recall_at_1": 7.964, + "recall_at_10": 28.599000000000004, + "recall_at_100": 55.381, + "recall_at_1000": 75.63, + "recall_at_3": 16.77, + "recall_at_5": 21.671000000000003, + "main_score": 17.96 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/QuoraRetrieval.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/QuoraRetrieval.json new file mode 100644 index 000000000..0d73bce27 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 59.846999999999994, + "map_at_10": 73.18599999999999, + "map_at_100": 74.055, + "map_at_1000": 74.09, + "map_at_3": 69.95700000000001, + "map_at_5": 71.925, + "mrr_at_1": 69.0, + "mrr_at_10": 77.23299999999999, + "mrr_at_100": 77.52, + "mrr_at_1000": 77.526, + "mrr_at_3": 75.59, + "mrr_at_5": 76.63799999999999, + "ndcg_at_1": 69.02000000000001, + "ndcg_at_10": 78.226, + "ndcg_at_100": 80.60199999999999, + "ndcg_at_1000": 80.971, + "ndcg_at_3": 74.124, + "ndcg_at_5": 76.265, + "precision_at_1": 69.02000000000001, + "precision_at_10": 12.102, + "precision_at_100": 1.468, + "precision_at_1000": 0.155, + "precision_at_3": 32.5, + "precision_at_5": 21.7, + "recall_at_1": 59.846999999999994, + "recall_at_10": 88.485, + "recall_at_100": 97.425, + "recall_at_1000": 99.523, + "recall_at_3": 77.051, + "recall_at_5": 82.762, + "main_score": 78.226 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/RedditClustering.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/RedditClustering.json new file mode 100644 index 000000000..bf56dfc37 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.67296729610079, + "main_score": 38.67296729610079 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/RedditClusteringP2P.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/RedditClusteringP2P.json new file mode 100644 index 000000000..f345f1031 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 53.42017351823769, + "main_score": 53.42017351823769 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/SCIDOCS.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/SCIDOCS.json new file mode 100644 index 000000000..c8be33ce2 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.893, + "map_at_10": 2.804, + "map_at_100": 3.6740000000000004, + "map_at_1000": 3.94, + "map_at_3": 1.926, + "map_at_5": 2.363, + "mrr_at_1": 4.3, + "mrr_at_10": 9.520000000000001, + "mrr_at_100": 10.692, + "mrr_at_1000": 10.841000000000001, + "mrr_at_3": 7.6, + "mrr_at_5": 8.63, + "ndcg_at_1": 4.3, + "ndcg_at_10": 5.531, + "ndcg_at_100": 10.512, + "ndcg_at_1000": 16.683, + "ndcg_at_3": 4.632, + "ndcg_at_5": 4.3229999999999995, + "precision_at_1": 4.3, + "precision_at_10": 3.16, + "precision_at_100": 1.065, + "precision_at_1000": 0.256, + "precision_at_3": 4.667000000000001, + "precision_at_5": 4.1000000000000005, + "recall_at_1": 0.893, + "recall_at_10": 6.428000000000001, + "recall_at_100": 21.662, + "recall_at_1000": 52.162, + "recall_at_3": 2.868, + "recall_at_5": 4.188, + "main_score": 5.531 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/SICK-R.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/SICK-R.json new file mode 100644 index 000000000..36ccb1859 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/SICK-R.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 69.34396953516386, + "cosine_spearman": 69.34396953516386, + "main_score": 69.34396953516386 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/STS12.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/STS12.json new file mode 100644 index 000000000..fe0c8f395 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/STS12.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 60.094374065360746, + "cosine_spearman": 60.094374065360746, + "main_score": 60.094374065360746 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/STS13.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/STS13.json new file mode 100644 index 000000000..b9e88042b --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/STS13.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 72.51503781013379, + "cosine_spearman": 72.51503781013379, + "main_score": 72.51503781013379 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/STS14.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/STS14.json new file mode 100644 index 000000000..6fb42d9ce --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/STS14.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 66.6954698644186, + "cosine_spearman": 66.6954698644186, + "main_score": 66.6954698644186 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/STS15.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/STS15.json new file mode 100644 index 000000000..0a3cc5b9e --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/STS15.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 77.69462578028768, + "cosine_spearman": 77.69462578028768, + "main_score": 77.69462578028768 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/STS16.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/STS16.json new file mode 100644 index 000000000..9704eed0f --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/STS16.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 75.9397626457859, + "cosine_spearman": 75.9397626457859, + "main_score": 75.9397626457859 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/STS17.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/STS17.json new file mode 100644 index 000000000..966a9cf10 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/STS17.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 81.67242768943406, + "cosine_spearman": 81.67242768943406, + "main_score": 81.67242768943406 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/STS22.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/STS22.json new file mode 100644 index 000000000..357dbe2ef --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/STS22.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 63.7027324700292, + "cosine_spearman": 63.7027324700292, + "main_score": 63.7027324700292 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/STSBenchmark.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/STSBenchmark.json new file mode 100644 index 000000000..f5ec5d9cc --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/STSBenchmark.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_spearman": 73.36074244064153, + "cosine_spearman": 73.36074244064153, + "main_score": 73.36074244064153 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/SciDocsRR.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/SciDocsRR.json new file mode 100644 index 000000000..7ff2e0137 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 67.75984402370518, + "mrr": 86.9951798383171, + "main_score": 67.75984402370518 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/SciFact.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/SciFact.json new file mode 100644 index 000000000..8a08057f3 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.583, + "map_at_10": 33.125, + "map_at_100": 34.14, + "map_at_1000": 34.22, + "map_at_3": 29.616, + "map_at_5": 31.896, + "mrr_at_1": 26.333000000000002, + "mrr_at_10": 34.437, + "mrr_at_100": 35.363, + "mrr_at_1000": 35.433, + "mrr_at_3": 31.333, + "mrr_at_5": 33.267, + "ndcg_at_1": 26.333000000000002, + "ndcg_at_10": 38.311, + "ndcg_at_100": 43.923, + "ndcg_at_1000": 45.923, + "ndcg_at_3": 31.596000000000004, + "ndcg_at_5": 35.448, + "precision_at_1": 26.333000000000002, + "precision_at_10": 5.933, + "precision_at_100": 0.91, + "precision_at_1000": 0.109, + "precision_at_3": 13.0, + "precision_at_5": 9.933, + "recall_at_1": 24.583, + "recall_at_10": 53.417, + "recall_at_100": 80.989, + "recall_at_1000": 96.322, + "recall_at_3": 35.611, + "recall_at_5": 44.833, + "main_score": 38.311 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/SprintDuplicateQuestions.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..c6c8f88da --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.48514851485149, + "cos_sim_ap": 77.36426466374054, + "cos_sim_f1": 72.0702116675271, + "cos_sim_precision": 74.49306296691569, + "cos_sim_recall": 69.8, + "dot_accuracy": 99.15049504950495, + "dot_ap": 46.792474140260715, + "dot_f1": 48.76476906552094, + "dot_precision": 52.66821345707656, + "dot_recall": 45.4, + "euclidean_accuracy": 99.46534653465346, + "euclidean_ap": 74.1978837990589, + "euclidean_f1": 69.47256259989345, + "euclidean_precision": 74.34435575826683, + "euclidean_recall": 65.2, + "manhattan_accuracy": 99.47128712871287, + "manhattan_ap": 75.31910551743364, + "manhattan_f1": 70.1582105837425, + "manhattan_precision": 77.19087635054022, + "manhattan_recall": 64.3, + "max_accuracy": 99.48514851485149, + "max_ap": 77.36426466374054, + "max_f1": 72.0702116675271, + "main_score": 77.36426466374054 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/StackExchangeClustering.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/StackExchangeClustering.json new file mode 100644 index 000000000..5bea7f59d --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 59.353792480720436, + "main_score": 59.353792480720436 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/StackExchangeClusteringP2P.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..7bc7b7c9f --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.474896484744836, + "main_score": 31.474896484744836 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/StackOverflowDupQuestions.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..7e7d26bd6 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 40.82378653430986, + "mrr": 41.13905600118835, + "main_score": 40.82378653430986 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/SummEval.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/SummEval.json new file mode 100644 index 000000000..05f6006d8 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.08154836998798, + "cos_sim_spearman": 31.232033308845907, + "dot_pearson": 23.767593496465828, + "dot_spearman": 25.6201612766572, + "cosine_pearson": 31.08154836998798, + "cosine_spearman": 31.232033308845907, + "main_score": 31.232033308845907 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/TRECCOVID.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/TRECCOVID.json new file mode 100644 index 000000000..ccb73af80 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.186, + "map_at_10": 1.1809999999999998, + "map_at_100": 5.21, + "map_at_1000": 12.447999999999999, + "map_at_3": 0.44200000000000006, + "map_at_5": 0.673, + "mrr_at_1": 72.0, + "mrr_at_10": 80.01899999999999, + "mrr_at_100": 80.42099999999999, + "mrr_at_1000": 80.42099999999999, + "mrr_at_3": 78.0, + "mrr_at_5": 79.4, + "ndcg_at_1": 66.0, + "ndcg_at_10": 56.041, + "ndcg_at_100": 37.987, + "ndcg_at_1000": 34.198, + "ndcg_at_3": 60.23500000000001, + "ndcg_at_5": 58.025999999999996, + "precision_at_1": 72.0, + "precision_at_10": 60.4, + "precision_at_100": 38.940000000000005, + "precision_at_1000": 16.106, + "precision_at_3": 63.333, + "precision_at_5": 61.6, + "recall_at_1": 0.186, + "recall_at_10": 1.458, + "recall_at_100": 8.455, + "recall_at_1000": 33.141999999999996, + "recall_at_3": 0.461, + "recall_at_5": 0.756, + "main_score": 56.041 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/Touche2020.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/Touche2020.json new file mode 100644 index 000000000..c07e1465a --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.2849999999999997, + "map_at_10": 6.909, + "map_at_100": 11.231, + "map_at_1000": 12.472, + "map_at_3": 3.53, + "map_at_5": 4.675, + "mrr_at_1": 26.531, + "mrr_at_10": 40.73, + "mrr_at_100": 41.637, + "mrr_at_1000": 41.647, + "mrr_at_3": 34.354, + "mrr_at_5": 38.741, + "ndcg_at_1": 24.490000000000002, + "ndcg_at_10": 19.17, + "ndcg_at_100": 29.946, + "ndcg_at_1000": 40.842, + "ndcg_at_3": 19.088, + "ndcg_at_5": 19.445999999999998, + "precision_at_1": 26.531, + "precision_at_10": 17.959, + "precision_at_100": 6.468999999999999, + "precision_at_1000": 1.351, + "precision_at_3": 19.048000000000002, + "precision_at_5": 19.592000000000002, + "recall_at_1": 2.2849999999999997, + "recall_at_10": 12.973, + "recall_at_100": 40.239999999999995, + "recall_at_1000": 73.247, + "recall_at_3": 4.407, + "recall_at_5": 6.908, + "main_score": 19.17 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/ToxicConversationsClassification.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..b477b34f5 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 68.405, + "ap": 13.9913678628558, + "f1": 53.209691917560285, + "main_score": 68.405 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/TweetSentimentExtractionClassification.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..675f81c16 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 56.080928126768534, + "f1": 56.36329965117965, + "main_score": 56.080928126768534 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/TwentyNewsgroupsClustering.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..e176ea76f --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.540976715818065, + "main_score": 31.540976715818065 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/TwitterSemEval2015.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/TwitterSemEval2015.json new file mode 100644 index 000000000..d32ed2443 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 82.90516778923526, + "cos_sim_ap": 61.5394989621502, + "cos_sim_f1": 58.02297689685646, + "cos_sim_precision": 55.62817719680465, + "cos_sim_recall": 60.633245382585756, + "dot_accuracy": 78.95928950348691, + "dot_ap": 48.61088896690895, + "dot_f1": 51.0104674059488, + "dot_precision": 42.00375490698071, + "dot_recall": 64.93403693931398, + "euclidean_accuracy": 82.476008821601, + "euclidean_ap": 59.59406971314053, + "euclidean_f1": 56.424962447084525, + "euclidean_precision": 58.47721483158789, + "euclidean_recall": 54.51187335092348, + "manhattan_accuracy": 82.66078559933241, + "manhattan_ap": 60.414321716856925, + "manhattan_f1": 56.88221089348002, + "manhattan_precision": 57.86026200873362, + "manhattan_recall": 55.93667546174142, + "max_accuracy": 82.90516778923526, + "max_ap": 61.5394989621502, + "max_f1": 58.02297689685646, + "main_score": 61.5394989621502 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/TwitterURLCorpus.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/TwitterURLCorpus.json new file mode 100644 index 000000000..f6cbdc949 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 85.71622618077386, + "cos_sim_ap": 77.72774861009667, + "cos_sim_f1": 71.40275165062152, + "cos_sim_precision": 68.53359767754726, + "cos_sim_recall": 74.52263627964275, + "dot_accuracy": 83.97174680793262, + "dot_ap": 72.89480417427734, + "dot_f1": 68.57803792366198, + "dot_precision": 62.94151708164447, + "dot_recall": 75.32337542346782, + "euclidean_accuracy": 84.88570652384834, + "euclidean_ap": 75.78371710915128, + "euclidean_f1": 69.44268877569989, + "euclidean_precision": 67.1435761018046, + "euclidean_recall": 71.90483523252233, + "manhattan_accuracy": 85.6114409904141, + "manhattan_ap": 77.38579436755944, + "manhattan_f1": 70.8608538430316, + "manhattan_precision": 68.03656203500319, + "manhattan_recall": 73.92978133661842, + "max_accuracy": 85.71622618077386, + "max_ap": 77.72774861009667, + "max_f1": 71.40275165062152, + "main_score": 77.72774861009667 + } + ] + } +} \ No newline at end of file diff --git a/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/model_meta.json b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/model_meta.json new file mode 100644 index 000000000..2a10397e6 --- /dev/null +++ b/results/McGill-NLP__LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "McGill-NLP/LLM2Vec-Sheared-LLaMA-mntp-unsup-simcse", + "revision": "93f20ccb9f2d431a4379757a6a12447fd81db67e", + "release_date": "2024-04-04", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": null, + "embed_dim": null, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/AmazonCounterfactualClassification.json b/results/Mihaiii__Bulbasaur/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..7e78c1fb3 --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.86567164179104, + "ap": 34.08685244750869, + "f1": 65.66014356237362, + "main_score": 71.86567164179104 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/AmazonPolarityClassification.json b/results/Mihaiii__Bulbasaur/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..b65b76f10 --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.78927499999999, + "ap": 73.46960735629719, + "f1": 78.6951990840684, + "main_score": 78.78927499999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/AmazonReviewsClassification.json b/results/Mihaiii__Bulbasaur/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..aa58f6769 --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 39.312, + "f1": 38.94567141563064, + "main_score": 39.312 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/ArguAna.json b/results/Mihaiii__Bulbasaur/external/ArguAna.json new file mode 100644 index 000000000..d0d5841b0 --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/ArguAna.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.191, + "map_at_10": 36.504, + "map_at_100": 37.676, + "map_at_1000": 37.693, + "map_at_20": 37.329, + "map_at_3": 31.840000000000003, + "map_at_5": 34.333000000000006, + "mrr_at_1": 23.186, + "mrr_at_10": 36.856, + "mrr_at_100": 38.048, + "mrr_at_1000": 38.065, + "mrr_at_20": 37.701, + "mrr_at_3": 32.16, + "mrr_at_5": 34.756, + "ndcg_at_1": 22.191, + "ndcg_at_10": 44.798, + "ndcg_at_100": 50.141999999999996, + "ndcg_at_1000": 50.599000000000004, + "ndcg_at_20": 47.778999999999996, + "ndcg_at_3": 35.071999999999996, + "ndcg_at_5": 39.574, + "precision_at_1": 22.191, + "precision_at_10": 7.148000000000001, + "precision_at_100": 0.9570000000000001, + "precision_at_1000": 0.099, + "precision_at_20": 4.1610000000000005, + "precision_at_3": 14.817, + "precision_at_5": 11.081000000000001, + "recall_at_1": 22.191, + "recall_at_10": 71.479, + "recall_at_100": 95.661, + "recall_at_1000": 99.289, + "recall_at_20": 83.21499999999999, + "recall_at_3": 44.452000000000005, + "recall_at_5": 55.405, + "main_score": 44.798 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/ArxivClusteringP2P.json b/results/Mihaiii__Bulbasaur/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..aeb60e338 --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/ArxivClusteringP2P.json @@ -0,0 +1,3120 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.283298409035076, + "v_measures": [ + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383, + 0.3532106296315629, + 0.38211196645121454, + 0.4115695136452048, + 0.41137132653792025, + 0.3837736540549879, + 0.3747132869956856, + 0.39691152506736527, + 0.39788336468446533, + 0.3642563557059312, + 0.41116083049947033, + 0.45922387863541325, + 0.469635375348701, + 0.46766327774202016, + 0.4625872980544393, + 0.47185794625113725, + 0.47528841611119615, + 0.4772024530512538, + 0.4708000082870702, + 0.4717644230002225, + 0.4660063378028352, + 0.4555746206742128, + 0.28465696985786276, + 0.3226387432684682, + 0.36349250452617954, + 0.31579079512572683, + 0.23387076944848043, + 0.28341764616852566, + 0.16191336340497103, + 0.2368224145727693, + 1.0, + 0.25065281219558383 + ], + "main_score": 40.283298409035076 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/ArxivClusteringS2S.json b/results/Mihaiii__Bulbasaur/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..d5c221695 --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/ArxivClusteringS2S.json @@ -0,0 +1,3120 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.058723747886102, + "v_measures": [ + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117, + 0.2882904295615362, + 0.2980529709767411, + 0.31096049987441265, + 0.3092869524544665, + 0.272113281785075, + 0.30377284563414125, + 0.3041650358315243, + 0.2834163757068413, + 0.3033397511276131, + 0.277467860679742, + 0.3540105139063772, + 0.3537847989150468, + 0.3556330775006952, + 0.35591610291120984, + 0.35652508475268124, + 0.35847496958487485, + 0.35778401933080983, + 0.3592993694802176, + 0.35581486235835447, + 0.3562712175584336, + 0.33728057204383954, + 0.19297016209936776, + 0.22972650043926732, + 0.28712526095212015, + 0.23455462464814825, + 0.17725689545412332, + 0.20084207532752152, + 0.11288219701406794, + 0.17247501115114902, + 1.0, + 0.16871104278429117 + ], + "main_score": 31.058723747886102 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/AskUbuntuDupQuestions.json b/results/Mihaiii__Bulbasaur/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..7e0cd69e5 --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 57.489775602270086, + "mrr": 71.4973838104032, + "main_score": 57.489775602270086 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/BIOSSES.json b/results/Mihaiii__Bulbasaur/external/BIOSSES.json new file mode 100644 index 000000000..849b3f163 --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.81314286759594, + "cos_sim_spearman": 85.04832342591277, + "euclidean_pearson": 84.20540608390993, + "euclidean_spearman": 84.54831203281398, + "manhattan_pearson": 84.11283044138868, + "manhattan_spearman": 84.13384475757064, + "cosine_pearson": 85.81314286759594, + "cosine_spearman": 85.04832342591277, + "main_score": 85.04832342591277 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/Banking77Classification.json b/results/Mihaiii__Bulbasaur/external/Banking77Classification.json new file mode 100644 index 000000000..265ff959e --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.57792207792207, + "f1": 80.510338047888, + "main_score": 80.57792207792207 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/BiorxivClusteringP2P.json b/results/Mihaiii__Bulbasaur/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..fac2315c9 --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/BiorxivClusteringP2P.json @@ -0,0 +1,1020 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.17908628951979, + "v_measures": [ + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914, + 0.343694756605891, + 0.34509905427411436, + 0.348726287923308, + 0.3443447447775894, + 0.35379848849192064, + 0.36302463987647937, + 0.34047230042267046, + 0.3608793757384582, + 0.354042604080738, + 0.36382637676080914 + ], + "main_score": 35.17908628951979 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/BiorxivClusteringS2S.json b/results/Mihaiii__Bulbasaur/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..01cb81154 --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/BiorxivClusteringS2S.json @@ -0,0 +1,1020 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 28.18471478622865, + "v_measures": [ + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113, + 0.28357199974042563, + 0.28345784387850087, + 0.26770142292888577, + 0.2753654124345929, + 0.2742889905380932, + 0.2791462854667945, + 0.2803842827173626, + 0.2942286071197305, + 0.2835815777164675, + 0.2967450560820113 + ], + "main_score": 28.18471478622865 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/CQADupstackAndroidRetrieval.json b/results/Mihaiii__Bulbasaur/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..db6d953ac --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "f46a197baaae43b4f621051089b82a364682dfeb", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.271, + "map_at_10": 33.5, + "map_at_100": 34.818, + "map_at_1000": 34.967, + "map_at_20": 34.238, + "map_at_3": 30.488, + "map_at_5": 32.303, + "mrr_at_1": 30.615, + "mrr_at_10": 39.076, + "mrr_at_100": 40.022000000000006, + "mrr_at_1000": 40.082, + "mrr_at_20": 39.669, + "mrr_at_3": 36.552, + "mrr_at_5": 38.096999999999994, + "ndcg_at_1": 30.615, + "ndcg_at_10": 39.106, + "ndcg_at_100": 44.519, + "ndcg_at_1000": 47.274, + "ndcg_at_20": 41.289, + "ndcg_at_3": 34.55, + "ndcg_at_5": 36.815999999999995, + "precision_at_1": 30.615, + "precision_at_10": 7.5249999999999995, + "precision_at_100": 1.282, + "precision_at_1000": 0.181, + "precision_at_20": 4.549, + "precision_at_3": 16.643, + "precision_at_5": 12.275, + "recall_at_1": 24.271, + "recall_at_10": 49.714000000000006, + "recall_at_100": 72.792, + "recall_at_1000": 91.21000000000001, + "recall_at_20": 57.799, + "recall_at_3": 36.494, + "recall_at_5": 42.764, + "main_score": 39.106 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/CQADupstackEnglishRetrieval.json b/results/Mihaiii__Bulbasaur/external/CQADupstackEnglishRetrieval.json new file mode 100644 index 000000000..88fd541ca --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/CQADupstackEnglishRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "ad9991cb51e31e31e430383c75ffb2885547b5f0", + "task_name": "CQADupstackEnglishRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.414, + "map_at_10": 25.766, + "map_at_100": 26.627000000000002, + "map_at_1000": 26.749000000000002, + "map_at_20": 26.201999999999998, + "map_at_3": 23.738, + "map_at_5": 24.829, + "mrr_at_1": 24.013, + "mrr_at_10": 30.208000000000002, + "mrr_at_100": 30.903000000000002, + "mrr_at_1000": 30.976, + "mrr_at_20": 30.585, + "mrr_at_3": 28.376, + "mrr_at_5": 29.462, + "ndcg_at_1": 24.013, + "ndcg_at_10": 29.871, + "ndcg_at_100": 33.867999999999995, + "ndcg_at_1000": 36.565, + "ndcg_at_20": 31.251, + "ndcg_at_3": 26.579000000000004, + "ndcg_at_5": 28.094, + "precision_at_1": 24.013, + "precision_at_10": 5.503, + "precision_at_100": 0.936, + "precision_at_1000": 0.14100000000000001, + "precision_at_20": 3.2800000000000002, + "precision_at_3": 12.590000000000002, + "precision_at_5": 8.994, + "recall_at_1": 19.414, + "recall_at_10": 37.582, + "recall_at_100": 55.181000000000004, + "recall_at_1000": 73.342, + "recall_at_20": 42.596000000000004, + "recall_at_3": 28.102, + "recall_at_5": 32.267, + "main_score": 29.871 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/CQADupstackGamingRetrieval.json b/results/Mihaiii__Bulbasaur/external/CQADupstackGamingRetrieval.json new file mode 100644 index 000000000..1ac2dec96 --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/CQADupstackGamingRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "4885aa143210c98657558c04aaf3dc47cfb54340", + "task_name": "CQADupstackGamingRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.5, + "map_at_10": 42.179, + "map_at_100": 43.231, + "map_at_1000": 43.302, + "map_at_20": 42.786, + "map_at_3": 39.17, + "map_at_5": 40.854, + "mrr_at_1": 36.113, + "mrr_at_10": 45.378, + "mrr_at_100": 46.153, + "mrr_at_1000": 46.194, + "mrr_at_20": 45.831, + "mrr_at_3": 42.947, + "mrr_at_5": 44.339, + "ndcg_at_1": 36.113, + "ndcg_at_10": 47.616, + "ndcg_at_100": 52.125, + "ndcg_at_1000": 53.717999999999996, + "ndcg_at_20": 49.495, + "ndcg_at_3": 42.354, + "ndcg_at_5": 44.885999999999996, + "precision_at_1": 36.113, + "precision_at_10": 7.799, + "precision_at_100": 1.093, + "precision_at_1000": 0.129, + "precision_at_20": 4.4670000000000005, + "precision_at_3": 19.017999999999997, + "precision_at_5": 13.254, + "recall_at_1": 31.5, + "recall_at_10": 60.67, + "recall_at_100": 80.484, + "recall_at_1000": 92.04599999999999, + "recall_at_20": 67.644, + "recall_at_3": 46.671, + "recall_at_5": 52.723, + "main_score": 47.616 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/CQADupstackGisRetrieval.json b/results/Mihaiii__Bulbasaur/external/CQADupstackGisRetrieval.json new file mode 100644 index 000000000..3547bd1ff --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/CQADupstackGisRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "5003b3064772da1887988e05400cf3806fe491f2", + "task_name": "CQADupstackGisRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.339, + "map_at_10": 23.014000000000003, + "map_at_100": 23.918, + "map_at_1000": 24.027, + "map_at_20": 23.507, + "map_at_3": 21.176000000000002, + "map_at_5": 22.126, + "mrr_at_1": 18.531, + "mrr_at_10": 24.356, + "mrr_at_100": 25.247000000000003, + "mrr_at_1000": 25.338, + "mrr_at_20": 24.858, + "mrr_at_3": 22.542, + "mrr_at_5": 23.508000000000003, + "ndcg_at_1": 18.531, + "ndcg_at_10": 26.51, + "ndcg_at_100": 31.367, + "ndcg_at_1000": 34.38, + "ndcg_at_20": 28.328999999999997, + "ndcg_at_3": 22.861, + "ndcg_at_5": 24.456, + "precision_at_1": 18.531, + "precision_at_10": 4.147, + "precision_at_100": 0.695, + "precision_at_1000": 0.099, + "precision_at_20": 2.492, + "precision_at_3": 9.793000000000001, + "precision_at_5": 6.825, + "recall_at_1": 17.339, + "recall_at_10": 36.010999999999996, + "recall_at_100": 59.040000000000006, + "recall_at_1000": 82.282, + "recall_at_20": 43.04, + "recall_at_3": 25.904, + "recall_at_5": 29.837000000000003, + "main_score": 26.51 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/CQADupstackMathematicaRetrieval.json b/results/Mihaiii__Bulbasaur/external/CQADupstackMathematicaRetrieval.json new file mode 100644 index 000000000..3731b08ff --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/CQADupstackMathematicaRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "90fceea13679c63fe563ded68f3b6f06e50061de", + "task_name": "CQADupstackMathematicaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.251, + "map_at_10": 14.848, + "map_at_100": 15.940999999999999, + "map_at_1000": 16.055, + "map_at_20": 15.423, + "map_at_3": 12.556999999999999, + "map_at_5": 13.649000000000001, + "mrr_at_1": 12.313, + "mrr_at_10": 18.528, + "mrr_at_100": 19.522000000000002, + "mrr_at_1000": 19.601, + "mrr_at_20": 19.107, + "mrr_at_3": 16.231, + "mrr_at_5": 17.294999999999998, + "ndcg_at_1": 12.313, + "ndcg_at_10": 19.303, + "ndcg_at_100": 24.728, + "ndcg_at_1000": 27.823999999999998, + "ndcg_at_20": 21.318, + "ndcg_at_3": 14.848, + "ndcg_at_5": 16.509, + "precision_at_1": 12.313, + "precision_at_10": 4.03, + "precision_at_100": 0.777, + "precision_at_1000": 0.11800000000000001, + "precision_at_20": 2.562, + "precision_at_3": 7.546, + "precision_at_5": 5.672, + "recall_at_1": 9.251, + "recall_at_10": 29.677999999999997, + "recall_at_100": 53.586, + "recall_at_1000": 76.181, + "recall_at_20": 36.963, + "recall_at_3": 17.072000000000003, + "recall_at_5": 21.481, + "main_score": 19.303 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/CQADupstackPhysicsRetrieval.json b/results/Mihaiii__Bulbasaur/external/CQADupstackPhysicsRetrieval.json new file mode 100644 index 000000000..a0dd4e1e5 --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/CQADupstackPhysicsRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "79531abbd1fb92d06c6d6315a0cbbbf5bb247ea4", + "task_name": "CQADupstackPhysicsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.135, + "map_at_10": 29.431, + "map_at_100": 30.662, + "map_at_1000": 30.792, + "map_at_20": 30.086000000000002, + "map_at_3": 26.593, + "map_at_5": 28.011999999999997, + "mrr_at_1": 26.564, + "mrr_at_10": 34.735, + "mrr_at_100": 35.65, + "mrr_at_1000": 35.711999999999996, + "mrr_at_20": 35.286, + "mrr_at_3": 32.002, + "mrr_at_5": 33.527, + "ndcg_at_1": 26.564, + "ndcg_at_10": 35.108, + "ndcg_at_100": 40.601, + "ndcg_at_1000": 43.329, + "ndcg_at_20": 37.192, + "ndcg_at_3": 29.961, + "ndcg_at_5": 32.131, + "precision_at_1": 26.564, + "precision_at_10": 6.564, + "precision_at_100": 1.105, + "precision_at_1000": 0.154, + "precision_at_20": 3.941, + "precision_at_3": 14.212, + "precision_at_5": 10.337, + "recall_at_1": 21.135, + "recall_at_10": 47.242, + "recall_at_100": 70.645, + "recall_at_1000": 89.403, + "recall_at_20": 54.663, + "recall_at_3": 32.647, + "recall_at_5": 38.122, + "main_score": 35.108 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/CQADupstackProgrammersRetrieval.json b/results/Mihaiii__Bulbasaur/external/CQADupstackProgrammersRetrieval.json new file mode 100644 index 000000000..af89ac70f --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/CQADupstackProgrammersRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "6184bc1440d2dbc7612be22b50686b8826d22b32", + "task_name": "CQADupstackProgrammersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.86, + "map_at_10": 23.477999999999998, + "map_at_100": 24.68, + "map_at_1000": 24.826999999999998, + "map_at_20": 24.122, + "map_at_3": 21.288999999999998, + "map_at_5": 22.453, + "mrr_at_1": 20.776, + "mrr_at_10": 28.029, + "mrr_at_100": 28.951, + "mrr_at_1000": 29.038000000000004, + "mrr_at_20": 28.546, + "mrr_at_3": 25.818, + "mrr_at_5": 26.994, + "ndcg_at_1": 20.776, + "ndcg_at_10": 28.152, + "ndcg_at_100": 33.82, + "ndcg_at_1000": 37.039, + "ndcg_at_20": 30.238, + "ndcg_at_3": 24.197, + "ndcg_at_5": 25.861, + "precision_at_1": 20.776, + "precision_at_10": 5.297000000000001, + "precision_at_100": 0.96, + "precision_at_1000": 0.14200000000000002, + "precision_at_20": 3.276, + "precision_at_3": 11.606, + "precision_at_5": 8.356, + "recall_at_1": 16.86, + "recall_at_10": 37.782, + "recall_at_100": 62.67, + "recall_at_1000": 85.03, + "recall_at_20": 45.2, + "recall_at_3": 26.506999999999998, + "recall_at_5": 31.113000000000003, + "main_score": 28.152 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/CQADupstackStatsRetrieval.json b/results/Mihaiii__Bulbasaur/external/CQADupstackStatsRetrieval.json new file mode 100644 index 000000000..65ca9ee43 --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/CQADupstackStatsRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "65ac3a16b8e91f9cee4c9828cc7c335575432a2a", + "task_name": "CQADupstackStatsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.234, + "map_at_10": 20.939, + "map_at_100": 21.704, + "map_at_1000": 21.804000000000002, + "map_at_20": 21.311, + "map_at_3": 18.972, + "map_at_5": 19.929, + "mrr_at_1": 17.485, + "mrr_at_10": 23.267, + "mrr_at_100": 23.967, + "mrr_at_1000": 24.054000000000002, + "mrr_at_20": 23.604, + "mrr_at_3": 21.345, + "mrr_at_5": 22.303, + "ndcg_at_1": 17.485, + "ndcg_at_10": 24.744, + "ndcg_at_100": 28.801, + "ndcg_at_1000": 31.619999999999997, + "ndcg_at_20": 26.046000000000003, + "ndcg_at_3": 20.862, + "ndcg_at_5": 22.459, + "precision_at_1": 17.485, + "precision_at_10": 4.109999999999999, + "precision_at_100": 0.676, + "precision_at_1000": 0.098, + "precision_at_20": 2.3619999999999997, + "precision_at_3": 9.254, + "precision_at_5": 6.503, + "recall_at_1": 15.234, + "recall_at_10": 34.48, + "recall_at_100": 53.225, + "recall_at_1000": 74.64699999999999, + "recall_at_20": 39.421, + "recall_at_3": 23.554, + "recall_at_5": 27.662, + "main_score": 24.744 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/CQADupstackTexRetrieval.json b/results/Mihaiii__Bulbasaur/external/CQADupstackTexRetrieval.json new file mode 100644 index 000000000..a154337b5 --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/CQADupstackTexRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "46989137a86843e03a6195de44b09deda022eec7", + "task_name": "CQADupstackTexRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.564, + "map_at_10": 13.869000000000002, + "map_at_100": 14.728, + "map_at_1000": 14.853, + "map_at_20": 14.32, + "map_at_3": 12.307, + "map_at_5": 13.177, + "mrr_at_1": 11.941, + "mrr_at_10": 16.777, + "mrr_at_100": 17.571, + "mrr_at_1000": 17.663999999999998, + "mrr_at_20": 17.203, + "mrr_at_3": 15.067, + "mrr_at_5": 16.003999999999998, + "ndcg_at_1": 11.941, + "ndcg_at_10": 17.111, + "ndcg_at_100": 21.438, + "ndcg_at_1000": 24.756, + "ndcg_at_20": 18.616, + "ndcg_at_3": 14.143, + "ndcg_at_5": 15.501000000000001, + "precision_at_1": 11.941, + "precision_at_10": 3.304, + "precision_at_100": 0.658, + "precision_at_1000": 0.11100000000000002, + "precision_at_20": 2.077, + "precision_at_3": 6.882000000000001, + "precision_at_5": 5.12, + "recall_at_1": 9.564, + "recall_at_10": 24.068, + "recall_at_100": 43.759, + "recall_at_1000": 68.101, + "recall_at_20": 29.657, + "recall_at_3": 15.68, + "recall_at_5": 19.238, + "main_score": 17.111 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/CQADupstackUnixRetrieval.json b/results/Mihaiii__Bulbasaur/external/CQADupstackUnixRetrieval.json new file mode 100644 index 000000000..ddb90bd29 --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/CQADupstackUnixRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "6c6430d3a6d36f8d2a829195bc5dc94d7e063e53", + "task_name": "CQADupstackUnixRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.171, + "map_at_10": 22.142, + "map_at_100": 23.261000000000003, + "map_at_1000": 23.371, + "map_at_20": 22.766000000000002, + "map_at_3": 20.251, + "map_at_5": 21.349, + "mrr_at_1": 19.403000000000002, + "mrr_at_10": 25.619999999999997, + "mrr_at_100": 26.659, + "mrr_at_1000": 26.735, + "mrr_at_20": 26.212000000000003, + "mrr_at_3": 23.694000000000003, + "mrr_at_5": 24.781, + "ndcg_at_1": 19.403000000000002, + "ndcg_at_10": 26.104, + "ndcg_at_100": 31.724000000000004, + "ndcg_at_1000": 34.581, + "ndcg_at_20": 28.231, + "ndcg_at_3": 22.464000000000002, + "ndcg_at_5": 24.233, + "precision_at_1": 19.403000000000002, + "precision_at_10": 4.422000000000001, + "precision_at_100": 0.8170000000000001, + "precision_at_1000": 0.11800000000000001, + "precision_at_20": 2.78, + "precision_at_3": 10.168000000000001, + "precision_at_5": 7.295, + "recall_at_1": 16.171, + "recall_at_10": 34.899, + "recall_at_100": 60.197, + "recall_at_1000": 80.798, + "recall_at_20": 42.591, + "recall_at_3": 25.024, + "recall_at_5": 29.42, + "main_score": 26.104 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/CQADupstackWebmastersRetrieval.json b/results/Mihaiii__Bulbasaur/external/CQADupstackWebmastersRetrieval.json new file mode 100644 index 000000000..242304ef2 --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/CQADupstackWebmastersRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "160c094312a0e1facb97e55eeddb698c0abe3571", + "task_name": "CQADupstackWebmastersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.412, + "map_at_10": 23.138, + "map_at_100": 24.46, + "map_at_1000": 24.668, + "map_at_20": 23.791, + "map_at_3": 20.965, + "map_at_5": 22.005, + "mrr_at_1": 20.949, + "mrr_at_10": 27.46, + "mrr_at_100": 28.546, + "mrr_at_1000": 28.619, + "mrr_at_20": 28.038999999999998, + "mrr_at_3": 25.461, + "mrr_at_5": 26.528000000000002, + "ndcg_at_1": 20.949, + "ndcg_at_10": 27.919, + "ndcg_at_100": 33.886, + "ndcg_at_1000": 37.284, + "ndcg_at_20": 29.876, + "ndcg_at_3": 24.246000000000002, + "ndcg_at_5": 25.607999999999997, + "precision_at_1": 20.949, + "precision_at_10": 5.534, + "precision_at_100": 1.2409999999999999, + "precision_at_1000": 0.22, + "precision_at_20": 3.5180000000000002, + "precision_at_3": 11.726, + "precision_at_5": 8.498, + "recall_at_1": 16.412, + "recall_at_10": 37.012, + "recall_at_100": 64.702, + "recall_at_1000": 87.442, + "recall_at_20": 44.797, + "recall_at_3": 25.872, + "recall_at_5": 29.732999999999997, + "main_score": 27.919 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/CQADupstackWordpressRetrieval.json b/results/Mihaiii__Bulbasaur/external/CQADupstackWordpressRetrieval.json new file mode 100644 index 000000000..05a8d4d5b --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/CQADupstackWordpressRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "4ffe81d471b1924886b33c7567bfb200e9eec5c4", + "task_name": "CQADupstackWordpressRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 11.158, + "map_at_10": 15.809999999999999, + "map_at_100": 16.821, + "map_at_1000": 16.925, + "map_at_20": 16.403000000000002, + "map_at_3": 13.791999999999998, + "map_at_5": 14.817, + "mrr_at_1": 12.384, + "mrr_at_10": 17.291999999999998, + "mrr_at_100": 18.271, + "mrr_at_1000": 18.360000000000003, + "mrr_at_20": 17.854999999999997, + "mrr_at_3": 15.096000000000002, + "mrr_at_5": 16.214000000000002, + "ndcg_at_1": 12.384, + "ndcg_at_10": 19.250999999999998, + "ndcg_at_100": 24.524, + "ndcg_at_1000": 27.624, + "ndcg_at_20": 21.387999999999998, + "ndcg_at_3": 14.995, + "ndcg_at_5": 16.861, + "precision_at_1": 12.384, + "precision_at_10": 3.29, + "precision_at_100": 0.632, + "precision_at_1000": 0.095, + "precision_at_20": 2.1260000000000003, + "precision_at_3": 6.47, + "precision_at_5": 4.917, + "recall_at_1": 11.158, + "recall_at_10": 28.737000000000002, + "recall_at_100": 53.400000000000006, + "recall_at_1000": 77.509, + "recall_at_20": 36.969, + "recall_at_3": 17.197000000000003, + "recall_at_5": 21.701, + "main_score": 19.250999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/ClimateFEVER.json b/results/Mihaiii__Bulbasaur/external/ClimateFEVER.json new file mode 100644 index 000000000..8eb12bbb8 --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/ClimateFEVER.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 7.172000000000001, + "map_at_10": 11.935, + "map_at_100": 13.305, + "map_at_1000": 13.517000000000001, + "map_at_20": 12.589, + "map_at_3": 9.9, + "map_at_5": 10.839, + "mrr_at_1": 15.895999999999999, + "mrr_at_10": 24.215999999999998, + "mrr_at_100": 25.418000000000003, + "mrr_at_1000": 25.480000000000004, + "mrr_at_20": 24.934, + "mrr_at_3": 21.064, + "mrr_at_5": 22.676, + "ndcg_at_1": 15.895999999999999, + "ndcg_at_10": 17.69, + "ndcg_at_100": 24.232, + "ndcg_at_1000": 28.405, + "ndcg_at_20": 19.933999999999997, + "ndcg_at_3": 13.761000000000001, + "ndcg_at_5": 14.963000000000001, + "precision_at_1": 15.895999999999999, + "precision_at_10": 5.733, + "precision_at_100": 1.266, + "precision_at_1000": 0.203, + "precision_at_20": 3.798, + "precision_at_3": 10.076, + "precision_at_5": 7.9479999999999995, + "recall_at_1": 7.172000000000001, + "recall_at_10": 22.149, + "recall_at_100": 45.491, + "recall_at_1000": 69.34, + "recall_at_20": 28.634999999999998, + "recall_at_3": 12.701, + "recall_at_5": 15.952, + "main_score": 17.69 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/DBPedia.json b/results/Mihaiii__Bulbasaur/external/DBPedia.json new file mode 100644 index 000000000..283b8081a --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/DBPedia.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 7.101, + "map_at_10": 15.125, + "map_at_100": 20.026, + "map_at_1000": 21.194, + "map_at_20": 17.008000000000003, + "map_at_3": 10.915999999999999, + "map_at_5": 12.705, + "mrr_at_1": 53.5, + "mrr_at_10": 63.475, + "mrr_at_100": 63.998, + "mrr_at_1000": 64.019, + "mrr_at_20": 63.800999999999995, + "mrr_at_3": 62.041999999999994, + "mrr_at_5": 62.678999999999995, + "ndcg_at_1": 41.875, + "ndcg_at_10": 32.967, + "ndcg_at_100": 35.557, + "ndcg_at_1000": 42.537000000000006, + "ndcg_at_20": 31.930999999999997, + "ndcg_at_3": 36.67, + "ndcg_at_5": 34.474, + "precision_at_1": 53.5, + "precision_at_10": 27.0, + "precision_at_100": 7.872999999999999, + "precision_at_1000": 1.637, + "precision_at_20": 19.487, + "precision_at_3": 41.583, + "precision_at_5": 34.699999999999996, + "recall_at_1": 7.101, + "recall_at_10": 20.408, + "recall_at_100": 40.286, + "recall_at_1000": 63.49399999999999, + "recall_at_20": 25.478, + "recall_at_3": 12.278, + "recall_at_5": 15.392, + "main_score": 32.967 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/EmotionClassification.json b/results/Mihaiii__Bulbasaur/external/EmotionClassification.json new file mode 100644 index 000000000..311bd36ce --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 44.79, + "f1": 39.606429663804356, + "main_score": 44.79 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/FEVER.json b/results/Mihaiii__Bulbasaur/external/FEVER.json new file mode 100644 index 000000000..e0f84c14c --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/FEVER.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.898, + "map_at_10": 39.315, + "map_at_100": 40.219, + "map_at_1000": 40.268, + "map_at_20": 39.893, + "map_at_3": 35.993, + "map_at_5": 38.016, + "mrr_at_1": 30.003, + "mrr_at_10": 41.85, + "mrr_at_100": 42.722, + "mrr_at_1000": 42.760999999999996, + "mrr_at_20": 42.419000000000004, + "mrr_at_3": 38.451, + "mrr_at_5": 40.547, + "ndcg_at_1": 30.003, + "ndcg_at_10": 45.907, + "ndcg_at_100": 50.198, + "ndcg_at_1000": 51.405, + "ndcg_at_20": 47.97, + "ndcg_at_3": 39.234, + "ndcg_at_5": 42.844, + "precision_at_1": 30.003, + "precision_at_10": 7.0040000000000004, + "precision_at_100": 0.9259999999999999, + "precision_at_1000": 0.104, + "precision_at_20": 3.9510000000000005, + "precision_at_3": 16.647000000000002, + "precision_at_5": 11.914, + "recall_at_1": 27.898, + "recall_at_10": 64.003, + "recall_at_100": 83.42500000000001, + "recall_at_1000": 92.448, + "recall_at_20": 71.93, + "recall_at_3": 46.12, + "recall_at_5": 54.812000000000005, + "main_score": 45.907 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/FiQA2018.json b/results/Mihaiii__Bulbasaur/external/FiQA2018.json new file mode 100644 index 000000000..e7a5f1f3f --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/FiQA2018.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 10.282, + "map_at_10": 16.141, + "map_at_100": 17.634, + "map_at_1000": 17.836, + "map_at_20": 16.99, + "map_at_3": 13.947000000000001, + "map_at_5": 15.149000000000001, + "mrr_at_1": 20.679, + "mrr_at_10": 26.966, + "mrr_at_100": 28.108, + "mrr_at_1000": 28.183999999999997, + "mrr_at_20": 27.672, + "mrr_at_3": 24.743000000000002, + "mrr_at_5": 25.916, + "ndcg_at_1": 20.679, + "ndcg_at_10": 21.291, + "ndcg_at_100": 27.884999999999998, + "ndcg_at_1000": 32.122, + "ndcg_at_20": 23.898, + "ndcg_at_3": 18.553, + "ndcg_at_5": 19.468, + "precision_at_1": 20.679, + "precision_at_10": 6.019, + "precision_at_100": 1.252, + "precision_at_1000": 0.201, + "precision_at_20": 4.0120000000000005, + "precision_at_3": 12.243, + "precision_at_5": 9.321, + "recall_at_1": 10.282, + "recall_at_10": 25.901999999999997, + "recall_at_100": 50.956999999999994, + "recall_at_1000": 76.935, + "recall_at_20": 34.104, + "recall_at_3": 16.973, + "recall_at_5": 20.549999999999997, + "main_score": 21.291 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/HotpotQA.json b/results/Mihaiii__Bulbasaur/external/HotpotQA.json new file mode 100644 index 000000000..345517006 --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/HotpotQA.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.567, + "map_at_10": 42.314, + "map_at_100": 43.205, + "map_at_1000": 43.288, + "map_at_20": 42.812, + "map_at_3": 39.695, + "map_at_5": 41.214, + "mrr_at_1": 61.134, + "mrr_at_10": 68.57600000000001, + "mrr_at_100": 68.95599999999999, + "mrr_at_1000": 68.97999999999999, + "mrr_at_20": 68.818, + "mrr_at_3": 66.99300000000001, + "mrr_at_5": 67.919, + "ndcg_at_1": 61.134, + "ndcg_at_10": 51.518, + "ndcg_at_100": 55.022000000000006, + "ndcg_at_1000": 56.81699999999999, + "ndcg_at_20": 52.893, + "ndcg_at_3": 47.216, + "ndcg_at_5": 49.413000000000004, + "precision_at_1": 61.134, + "precision_at_10": 10.729, + "precision_at_100": 1.351, + "precision_at_1000": 0.159, + "precision_at_20": 5.8069999999999995, + "precision_at_3": 29.336000000000002, + "precision_at_5": 19.346, + "recall_at_1": 30.567, + "recall_at_10": 53.64600000000001, + "recall_at_100": 67.562, + "recall_at_1000": 79.521, + "recall_at_20": 58.069, + "recall_at_3": 44.004, + "recall_at_5": 48.366, + "main_score": 51.518 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/ImdbClassification.json b/results/Mihaiii__Bulbasaur/external/ImdbClassification.json new file mode 100644 index 000000000..4e16811c7 --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.5272, + "ap": 65.49215755861609, + "f1": 71.4156268611186, + "main_score": 71.5272 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/MSMARCO.json b/results/Mihaiii__Bulbasaur/external/MSMARCO.json new file mode 100644 index 000000000..8798ff92a --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/MSMARCO.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 14.574000000000002, + "map_at_10": 23.966, + "map_at_100": 25.19, + "map_at_1000": 25.266, + "map_at_20": 24.668, + "map_at_3": 20.815, + "map_at_5": 22.576, + "mrr_at_1": 14.957, + "mrr_at_10": 24.413999999999998, + "mrr_at_100": 25.616, + "mrr_at_1000": 25.685999999999996, + "mrr_at_20": 25.11, + "mrr_at_3": 21.304000000000002, + "mrr_at_5": 23.047, + "ndcg_at_1": 14.957, + "ndcg_at_10": 29.49, + "ndcg_at_100": 35.734, + "ndcg_at_1000": 37.785000000000004, + "ndcg_at_20": 32.004, + "ndcg_at_3": 23.006999999999998, + "ndcg_at_5": 26.154, + "precision_at_1": 14.957, + "precision_at_10": 4.8500000000000005, + "precision_at_100": 0.8009999999999999, + "precision_at_1000": 0.098, + "precision_at_20": 2.943, + "precision_at_3": 9.962, + "precision_at_5": 7.556, + "recall_at_1": 14.574000000000002, + "recall_at_10": 46.655, + "recall_at_100": 76.26899999999999, + "recall_at_1000": 92.303, + "recall_at_20": 56.424, + "recall_at_3": 28.874, + "recall_at_5": 36.441, + "main_score": 29.49 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/MTOPDomainClassification.json b/results/Mihaiii__Bulbasaur/external/MTOPDomainClassification.json new file mode 100644 index 000000000..c9e2a12ed --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 90.78887368901049, + "f1": 90.30465646125157, + "main_score": 90.78887368901049 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/MTOPIntentClassification.json b/results/Mihaiii__Bulbasaur/external/MTOPIntentClassification.json new file mode 100644 index 000000000..67256f801 --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 68.71865025079799, + "f1": 50.7484789245504, + "main_score": 68.71865025079799 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/MassiveIntentClassification.json b/results/Mihaiii__Bulbasaur/external/MassiveIntentClassification.json new file mode 100644 index 000000000..376ebe104 --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 68.8399462004035, + "f1": 66.66574227334513, + "main_score": 68.8399462004035 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/MassiveScenarioClassification.json b/results/Mihaiii__Bulbasaur/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..96c3d8a05 --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.74915938130464, + "f1": 73.61179700374726, + "main_score": 73.74915938130464 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/MedrxivClusteringP2P.json b/results/Mihaiii__Bulbasaur/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..7d482f76d --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/MedrxivClusteringP2P.json @@ -0,0 +1,1020 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.3983428793953, + "v_measures": [ + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265, + 0.2897998146059277, + 0.2892991395982456, + 0.2895468464510795, + 0.294117690228455, + 0.29987260303639823, + 0.3247642769384547, + 0.31050042169105724, + 0.30994953770318107, + 0.31969964495780845, + 0.31228431272892265 + ], + "main_score": 30.3983428793953 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/MedrxivClusteringS2S.json b/results/Mihaiii__Bulbasaur/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..956b40d7b --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/MedrxivClusteringS2S.json @@ -0,0 +1,1020 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 28.78917156239751, + "v_measures": [ + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997, + 0.2778513235855922, + 0.28421867096674863, + 0.26686384263192103, + 0.2891902768882141, + 0.27793747293511695, + 0.30323125759570635, + 0.2807541398062003, + 0.3122697317735093, + 0.2933394111230221, + 0.29326102893371997 + ], + "main_score": 28.78917156239751 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/MindSmallReranking.json b/results/Mihaiii__Bulbasaur/external/MindSmallReranking.json new file mode 100644 index 000000000..b9f112b7f --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.7776266029616, + "mrr": 32.9057970138914, + "main_score": 31.7776266029616 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/NFCorpus.json b/results/Mihaiii__Bulbasaur/external/NFCorpus.json new file mode 100644 index 000000000..ff7f9cd3b --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/NFCorpus.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.726, + "map_at_10": 8.604000000000001, + "map_at_100": 10.95, + "map_at_1000": 12.256, + "map_at_20": 9.573, + "map_at_3": 6.264, + "map_at_5": 7.343, + "mrr_at_1": 37.771, + "mrr_at_10": 46.476, + "mrr_at_100": 47.164, + "mrr_at_1000": 47.213, + "mrr_at_20": 46.792, + "mrr_at_3": 44.272, + "mrr_at_5": 45.728, + "ndcg_at_1": 35.604, + "ndcg_at_10": 26.778000000000002, + "ndcg_at_100": 24.313000000000002, + "ndcg_at_1000": 33.601, + "ndcg_at_20": 24.788, + "ndcg_at_3": 30.991999999999997, + "ndcg_at_5": 28.9, + "precision_at_1": 37.152, + "precision_at_10": 19.875999999999998, + "precision_at_100": 6.449000000000001, + "precision_at_1000": 1.934, + "precision_at_20": 14.721, + "precision_at_3": 28.999000000000002, + "precision_at_5": 24.582, + "recall_at_1": 3.726, + "recall_at_10": 12.529000000000002, + "recall_at_100": 25.726, + "recall_at_1000": 58.336, + "recall_at_20": 16.028000000000002, + "recall_at_3": 7.176, + "recall_at_5": 9.511, + "main_score": 26.778000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/NQ.json b/results/Mihaiii__Bulbasaur/external/NQ.json new file mode 100644 index 000000000..d3d0a452f --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/NQ.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.110000000000001, + "map_at_10": 25.983, + "map_at_100": 27.332, + "map_at_1000": 27.406999999999996, + "map_at_20": 26.804, + "map_at_3": 22.182, + "map_at_5": 24.247, + "mrr_at_1": 17.236, + "mrr_at_10": 28.177999999999997, + "mrr_at_100": 29.346, + "mrr_at_1000": 29.401, + "mrr_at_20": 28.906, + "mrr_at_3": 24.593999999999998, + "mrr_at_5": 26.540999999999997, + "ndcg_at_1": 17.207, + "ndcg_at_10": 32.603, + "ndcg_at_100": 38.883, + "ndcg_at_1000": 40.708, + "ndcg_at_20": 35.397, + "ndcg_at_3": 25.002999999999997, + "ndcg_at_5": 28.572999999999997, + "precision_at_1": 17.207, + "precision_at_10": 5.985, + "precision_at_100": 0.951, + "precision_at_1000": 0.11299999999999999, + "precision_at_20": 3.656, + "precision_at_3": 11.848, + "precision_at_5": 9.125, + "recall_at_1": 15.110000000000001, + "recall_at_10": 51.00900000000001, + "recall_at_100": 79.193, + "recall_at_1000": 92.828, + "recall_at_20": 61.402, + "recall_at_3": 30.791, + "recall_at_5": 39.091, + "main_score": 32.603 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/QuoraRetrieval.json b/results/Mihaiii__Bulbasaur/external/QuoraRetrieval.json new file mode 100644 index 000000000..82947b922 --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/QuoraRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "e4e08e0b7dbe3c8700f0daef558ff32256715259", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 67.465, + "map_at_10": 81.035, + "map_at_100": 81.718, + "map_at_1000": 81.742, + "map_at_20": 81.486, + "map_at_3": 77.972, + "map_at_5": 79.903, + "mrr_at_1": 77.64, + "mrr_at_10": 84.584, + "mrr_at_100": 84.722, + "mrr_at_1000": 84.724, + "mrr_at_20": 84.684, + "mrr_at_3": 83.325, + "mrr_at_5": 84.15899999999999, + "ndcg_at_1": 77.66999999999999, + "ndcg_at_10": 85.30499999999999, + "ndcg_at_100": 86.834, + "ndcg_at_1000": 87.033, + "ndcg_at_20": 86.12100000000001, + "ndcg_at_3": 81.974, + "ndcg_at_5": 83.813, + "precision_at_1": 77.66999999999999, + "precision_at_10": 12.931000000000001, + "precision_at_100": 1.5, + "precision_at_1000": 0.156, + "precision_at_20": 6.903, + "precision_at_3": 35.730000000000004, + "precision_at_5": 23.642, + "recall_at_1": 67.465, + "recall_at_10": 93.581, + "recall_at_100": 98.91499999999999, + "recall_at_1000": 99.90599999999999, + "recall_at_20": 96.221, + "recall_at_3": 84.071, + "recall_at_5": 89.14999999999999, + "main_score": 85.30499999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/RedditClustering.json b/results/Mihaiii__Bulbasaur/external/RedditClustering.json new file mode 100644 index 000000000..f7bfc8fb8 --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/RedditClustering.json @@ -0,0 +1,2520 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 45.929215298244664, + "v_measures": [ + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467, + 0.5005163734033015, + 0.553109801970322, + 0.41398508662376254, + 0.42141314229941573, + 0.4538781792482074, + 0.4020501279564094, + 0.47479152270449987, + 0.4099927798506668, + 0.4120557111594749, + 0.4201880097400573, + 0.42440122539823744, + 0.4946100035438165, + 0.4781440076390112, + 0.4670832635547185, + 0.5771247406191055, + 0.411666253943506, + 0.47763075003515215, + 0.5272837549236378, + 0.4452503211520816, + 0.41778723041123167, + 0.40422491239768005, + 0.430149995306435, + 0.5936566115456993, + 0.4401734496854905, + 0.43113656944924467 + ], + "main_score": 45.929215298244664 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/RedditClusteringP2P.json b/results/Mihaiii__Bulbasaur/external/RedditClusteringP2P.json new file mode 100644 index 000000000..24b4fb252 --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/RedditClusteringP2P.json @@ -0,0 +1,1020 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 51.444598402601414, + "v_measures": [ + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664, + 0.5651003661101165, + 0.5711537036766935, + 0.5987455713312818, + 0.31409385867326506, + 0.5578455339174134, + 0.4983473414145347, + 0.2540544357081523, + 0.6081787161021057, + 0.5498858360771133, + 0.6270544772494664 + ], + "main_score": 51.444598402601414 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/SCIDOCS.json b/results/Mihaiii__Bulbasaur/external/SCIDOCS.json new file mode 100644 index 000000000..a606e9efd --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/SCIDOCS.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "f8c2fcf00f625baaa80f62ec5bd9e1fff3b8ae88", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.5929999999999995, + "map_at_10": 8.753, + "map_at_100": 10.349, + "map_at_1000": 10.624, + "map_at_20": 9.553, + "map_at_3": 6.2700000000000005, + "map_at_5": 7.5329999999999995, + "mrr_at_1": 17.7, + "mrr_at_10": 27.167, + "mrr_at_100": 28.351, + "mrr_at_1000": 28.418, + "mrr_at_20": 27.819, + "mrr_at_3": 24.282999999999998, + "mrr_at_5": 26.073, + "ndcg_at_1": 17.7, + "ndcg_at_10": 15.312000000000001, + "ndcg_at_100": 22.178, + "ndcg_at_1000": 27.575, + "ndcg_at_20": 17.648, + "ndcg_at_3": 14.41, + "ndcg_at_5": 12.774, + "precision_at_1": 17.7, + "precision_at_10": 7.93, + "precision_at_100": 1.7930000000000001, + "precision_at_1000": 0.31, + "precision_at_20": 5.315, + "precision_at_3": 13.367, + "precision_at_5": 11.26, + "recall_at_1": 3.5929999999999995, + "recall_at_10": 16.088, + "recall_at_100": 36.39, + "recall_at_1000": 62.932, + "recall_at_20": 21.562, + "recall_at_3": 8.123, + "recall_at_5": 11.393, + "main_score": 15.312000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/SICK-R.json b/results/Mihaiii__Bulbasaur/external/SICK-R.json new file mode 100644 index 000000000..d24ee8835 --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.6885494958054, + "cos_sim_spearman": 76.0433546110243, + "euclidean_pearson": 79.85820435751087, + "euclidean_spearman": 75.9326257444857, + "manhattan_pearson": 79.6973024858654, + "manhattan_spearman": 75.71084698490509, + "cosine_pearson": 82.6885494958054, + "cosine_spearman": 76.0433546110243, + "main_score": 76.0433546110243 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/STS12.json b/results/Mihaiii__Bulbasaur/external/STS12.json new file mode 100644 index 000000000..94aef8598 --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 77.34659218404506, + "cos_sim_spearman": 69.49541146727839, + "euclidean_pearson": 74.80982564474151, + "euclidean_spearman": 70.04102091813081, + "manhattan_pearson": 75.00200126757426, + "manhattan_spearman": 70.22802660355588, + "cosine_pearson": 77.34659218404506, + "cosine_spearman": 69.49541146727839, + "main_score": 69.49541146727839 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/STS13.json b/results/Mihaiii__Bulbasaur/external/STS13.json new file mode 100644 index 000000000..5131ddd0f --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 79.91444494464905, + "cos_sim_spearman": 80.96085686108583, + "euclidean_pearson": 80.5915387592164, + "euclidean_spearman": 80.8861855866439, + "manhattan_pearson": 80.46881359994653, + "manhattan_spearman": 80.80230339264102, + "cosine_pearson": 79.91444494464905, + "cosine_spearman": 80.96085686108583, + "main_score": 80.96085686108583 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/STS14.json b/results/Mihaiii__Bulbasaur/external/STS14.json new file mode 100644 index 000000000..2876413be --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 80.81974904249208, + "cos_sim_spearman": 77.08348207580887, + "euclidean_pearson": 80.13431221409199, + "euclidean_spearman": 77.31778188790902, + "manhattan_pearson": 80.05343415464556, + "manhattan_spearman": 77.26095229151665, + "cosine_pearson": 80.81974904249208, + "cosine_spearman": 77.08348207580887, + "main_score": 77.08348207580887 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/STS15.json b/results/Mihaiii__Bulbasaur/external/STS15.json new file mode 100644 index 000000000..709b7c675 --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.37398871508579, + "cos_sim_spearman": 85.41548418250477, + "euclidean_pearson": 85.18569982361353, + "euclidean_spearman": 85.73446512176643, + "manhattan_pearson": 85.1016252976206, + "manhattan_spearman": 85.66092136939069, + "cosine_pearson": 84.37398871508579, + "cosine_spearman": 85.41548418250477, + "main_score": 85.41548418250477 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/STS16.json b/results/Mihaiii__Bulbasaur/external/STS16.json new file mode 100644 index 000000000..b56c8dfa5 --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 80.59702638640928, + "cos_sim_spearman": 82.29583005583622, + "euclidean_pearson": 81.83307796549182, + "euclidean_spearman": 82.39554204652183, + "manhattan_pearson": 81.78282737393326, + "manhattan_spearman": 82.34235304571907, + "cosine_pearson": 80.59702638640928, + "cosine_spearman": 82.29583005583622, + "main_score": 82.29583005583622 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/STS17.json b/results/Mihaiii__Bulbasaur/external/STS17.json new file mode 100644 index 000000000..692f0db0a --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.89190122908971, + "cos_sim_spearman": 88.03461344591356, + "euclidean_pearson": 87.81999485969313, + "euclidean_spearman": 88.07040076481854, + "manhattan_pearson": 87.53382294293554, + "manhattan_spearman": 87.76615089464353, + "cosine_pearson": 86.89190122908971, + "cosine_spearman": 88.03461344591356, + "main_score": 88.03461344591356 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/STS22.json b/results/Mihaiii__Bulbasaur/external/STS22.json new file mode 100644 index 000000000..8848769b5 --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "eea2b4fe26a775864c896887d910b76a8098ad3f", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 57.97869820676485, + "cos_sim_spearman": 64.12171377270657, + "euclidean_pearson": 60.9601725696545, + "euclidean_spearman": 63.48982922146721, + "manhattan_pearson": 61.37553142926566, + "manhattan_spearman": 63.759462595791796, + "cosine_pearson": 57.97869820676485, + "cosine_spearman": 64.12171377270657, + "main_score": 64.12171377270657 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/STSBenchmark.json b/results/Mihaiii__Bulbasaur/external/STSBenchmark.json new file mode 100644 index 000000000..607cbb334 --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.14812517797631, + "cos_sim_spearman": 83.33681512924129, + "euclidean_pearson": 84.0552689078266, + "euclidean_spearman": 83.45075258664495, + "manhattan_pearson": 83.94309504683835, + "manhattan_spearman": 83.37311472277489, + "cosine_pearson": 83.14812517797631, + "cosine_spearman": 83.33681512924129, + "main_score": 83.33681512924129 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/SciDocsRR.json b/results/Mihaiii__Bulbasaur/external/SciDocsRR.json new file mode 100644 index 000000000..27c3c4c65 --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 77.89395841192561, + "mrr": 93.39039319431475, + "main_score": 77.89395841192561 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/SciFact.json b/results/Mihaiii__Bulbasaur/external/SciFact.json new file mode 100644 index 000000000..f8224bb55 --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/SciFact.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 47.65, + "map_at_10": 58.287, + "map_at_100": 58.965999999999994, + "map_at_1000": 58.998, + "map_at_20": 58.709, + "map_at_3": 55.272, + "map_at_5": 57.135999999999996, + "mrr_at_1": 50.333000000000006, + "mrr_at_10": 59.589999999999996, + "mrr_at_100": 60.129999999999995, + "mrr_at_1000": 60.162000000000006, + "mrr_at_20": 59.95700000000001, + "mrr_at_3": 57.389, + "mrr_at_5": 58.656, + "ndcg_at_1": 50.333000000000006, + "ndcg_at_10": 63.232, + "ndcg_at_100": 66.213, + "ndcg_at_1000": 67.203, + "ndcg_at_20": 64.63499999999999, + "ndcg_at_3": 58.163, + "ndcg_at_5": 60.785999999999994, + "precision_at_1": 50.333000000000006, + "precision_at_10": 8.633000000000001, + "precision_at_100": 1.03, + "precision_at_1000": 0.11100000000000002, + "precision_at_20": 4.633, + "precision_at_3": 22.889, + "precision_at_5": 15.4, + "recall_at_1": 47.65, + "recall_at_10": 76.95, + "recall_at_100": 90.333, + "recall_at_1000": 98.333, + "recall_at_20": 82.267, + "recall_at_3": 63.632999999999996, + "recall_at_5": 69.978, + "main_score": 63.232 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/SprintDuplicateQuestions.json b/results/Mihaiii__Bulbasaur/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..a7b6f118d --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.82277227722773, + "cos_sim_ap": 95.3535743677476, + "cos_sim_f1": 91.00050276520865, + "cos_sim_precision": 91.50657229524772, + "cos_sim_recall": 90.5, + "dot_accuracy": 99.73267326732673, + "dot_ap": 92.1266370356305, + "dot_f1": 86.13810741687979, + "dot_precision": 88.1675392670157, + "dot_recall": 84.2, + "euclidean_accuracy": 99.82277227722773, + "euclidean_ap": 95.24537694377634, + "euclidean_f1": 90.91831557584982, + "euclidean_precision": 92.27600411946447, + "euclidean_recall": 89.60000000000001, + "manhattan_accuracy": 99.81881188118813, + "manhattan_ap": 95.30188096008806, + "manhattan_f1": 90.83625438157236, + "manhattan_precision": 90.97291875626881, + "manhattan_recall": 90.7, + "max_accuracy": 99.82277227722773, + "max_ap": 95.3535743677476, + "max_f1": 91.00050276520865, + "main_score": 95.3535743677476 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/StackExchangeClustering.json b/results/Mihaiii__Bulbasaur/external/StackExchangeClustering.json new file mode 100644 index 000000000..9bf5ca4c3 --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/StackExchangeClustering.json @@ -0,0 +1,2520 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 52.18146042107239, + "v_measures": [ + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377, + 0.5364875187827791, + 0.5679299303873145, + 0.44106298408975836, + 0.5406958464125032, + 0.4979264528781713, + 0.4762228276272928, + 0.4777826734534763, + 0.5777786652028727, + 0.5461510519376557, + 0.5168553556755343, + 0.577879257543513, + 0.5845565212560989, + 0.6151603528753354, + 0.5719681846462936, + 0.49266002482795135, + 0.4992519351578576, + 0.5201585621226349, + 0.49488624259982555, + 0.5026045640513042, + 0.4781310026025221, + 0.520040341596719, + 0.4854477150657903, + 0.48039481107512233, + 0.5294089599539328, + 0.5139233234458377 + ], + "main_score": 52.18146042107239 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/StackExchangeClusteringP2P.json b/results/Mihaiii__Bulbasaur/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..a2af69b7e --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/StackExchangeClusteringP2P.json @@ -0,0 +1,1020 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.666751785479224, + "v_measures": [ + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856, + 0.2961435813128549, + 0.29377421770311174, + 0.2920979816328222, + 0.28868614709214024, + 0.28703664876586243, + 0.33192718718065084, + 0.3159774213288751, + 0.31901923873086113, + 0.32546250570545476, + 0.31655024909528856 + ], + "main_score": 30.666751785479224 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/StackOverflowDupQuestions.json b/results/Mihaiii__Bulbasaur/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..c51283e44 --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 46.78149995864765, + "mrr": 47.45282393260334, + "main_score": 46.78149995864765 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/SummEval.json b/results/Mihaiii__Bulbasaur/external/SummEval.json new file mode 100644 index 000000000..587f509aa --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.202698233290022, + "cos_sim_spearman": 30.971936219818662, + "dot_pearson": 25.486069760264634, + "dot_spearman": 25.811060638581246, + "cosine_pearson": 31.202698233290022, + "cosine_spearman": 30.971936219818662, + "main_score": 30.971936219818662 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/TRECCOVID.json b/results/Mihaiii__Bulbasaur/external/TRECCOVID.json new file mode 100644 index 000000000..91c2ece7e --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/TRECCOVID.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "bb9466bac8153a0349341eb1b22e06409e78ef4e", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.16999999999999998, + "map_at_10": 0.943, + "map_at_100": 5.0200000000000005, + "map_at_1000": 13.855, + "map_at_20": 1.609, + "map_at_3": 0.384, + "map_at_5": 0.5660000000000001, + "mrr_at_1": 68.0, + "mrr_at_10": 77.983, + "mrr_at_100": 78.16499999999999, + "mrr_at_1000": 78.16499999999999, + "mrr_at_20": 78.16499999999999, + "mrr_at_3": 75.667, + "mrr_at_5": 77.067, + "ndcg_at_1": 62.0, + "ndcg_at_10": 47.772999999999996, + "ndcg_at_100": 36.15, + "ndcg_at_1000": 36.071, + "ndcg_at_20": 44.641, + "ndcg_at_3": 52.608999999999995, + "ndcg_at_5": 50.397999999999996, + "precision_at_1": 68.0, + "precision_at_10": 50.8, + "precision_at_100": 37.62, + "precision_at_1000": 16.97, + "precision_at_20": 47.099999999999994, + "precision_at_3": 56.667, + "precision_at_5": 54.0, + "recall_at_1": 0.16999999999999998, + "recall_at_10": 1.2349999999999999, + "recall_at_100": 8.666, + "recall_at_1000": 35.326, + "recall_at_20": 2.276, + "recall_at_3": 0.428, + "recall_at_5": 0.672, + "main_score": 47.772999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/Touche2020.json b/results/Mihaiii__Bulbasaur/external/Touche2020.json new file mode 100644 index 000000000..a257e216d --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/Touche2020.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 1.897, + "map_at_10": 6.034, + "map_at_100": 10.475, + "map_at_1000": 11.95, + "map_at_20": 8.149000000000001, + "map_at_3": 2.8449999999999998, + "map_at_5": 3.972, + "mrr_at_1": 24.490000000000002, + "mrr_at_10": 33.751, + "mrr_at_100": 35.544, + "mrr_at_1000": 35.544, + "mrr_at_20": 34.926, + "mrr_at_3": 29.252, + "mrr_at_5": 31.905, + "ndcg_at_1": 22.448999999999998, + "ndcg_at_10": 16.303, + "ndcg_at_100": 27.165, + "ndcg_at_1000": 39.736, + "ndcg_at_20": 18.340999999999998, + "ndcg_at_3": 15.137999999999998, + "ndcg_at_5": 16.332, + "precision_at_1": 24.490000000000002, + "precision_at_10": 15.714, + "precision_at_100": 6.184, + "precision_at_1000": 1.439, + "precision_at_20": 13.163, + "precision_at_3": 15.645999999999999, + "precision_at_5": 17.551, + "recall_at_1": 1.897, + "recall_at_10": 11.938, + "recall_at_100": 39.249, + "recall_at_1000": 78.121, + "recall_at_20": 19.244, + "recall_at_3": 3.5409999999999995, + "recall_at_5": 6.297999999999999, + "main_score": 16.303 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/ToxicConversationsClassification.json b/results/Mihaiii__Bulbasaur/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..97bc3d97a --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 66.2939453125, + "ap": 11.764275936169392, + "f1": 50.50689429240701, + "main_score": 66.2939453125 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/TweetSentimentExtractionClassification.json b/results/Mihaiii__Bulbasaur/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..afe581068 --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 59.49066213921902, + "f1": 59.85044985699777, + "main_score": 59.49066213921902 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/TwentyNewsgroupsClustering.json b/results/Mihaiii__Bulbasaur/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..030a6241d --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,1020 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.44109250212289, + "v_measures": [ + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783, + 0.40669764182281876, + 0.4138730431378403, + 0.3900030656920992, + 0.4129323940635477, + 0.3817333080350274, + 0.40499040520658186, + 0.36911177861804156, + 0.4101285395437541, + 0.37178970000889994, + 0.3828493740836783 + ], + "main_score": 39.44109250212289 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/TwitterSemEval2015.json b/results/Mihaiii__Bulbasaur/external/TwitterSemEval2015.json new file mode 100644 index 000000000..e4e6ab061 --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 84.25821064552662, + "cos_sim_ap": 67.96785265119063, + "cos_sim_f1": 65.0070788107598, + "cos_sim_precision": 58.792146820315835, + "cos_sim_recall": 72.69129287598945, + "dot_accuracy": 81.47463789712106, + "dot_ap": 58.234902049577684, + "dot_f1": 56.73442037078401, + "dot_precision": 49.18667699457785, + "dot_recall": 67.01846965699208, + "euclidean_accuracy": 84.30589497526375, + "euclidean_ap": 68.07824251821404, + "euclidean_f1": 65.09073543457498, + "euclidean_precision": 59.44177932839075, + "euclidean_recall": 71.92612137203166, + "manhattan_accuracy": 84.24032902187518, + "manhattan_ap": 67.76838044141897, + "manhattan_f1": 64.75698520779525, + "manhattan_precision": 58.333333333333336, + "manhattan_recall": 72.77044854881267, + "max_accuracy": 84.30589497526375, + "max_ap": 68.07824251821404, + "max_f1": 65.09073543457498, + "main_score": 68.07824251821404 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/TwitterURLCorpus.json b/results/Mihaiii__Bulbasaur/external/TwitterURLCorpus.json new file mode 100644 index 000000000..07c29e6ce --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.2951061435169, + "cos_sim_ap": 84.74905878045149, + "cos_sim_f1": 77.01659871869538, + "cos_sim_precision": 73.0392156862745, + "cos_sim_recall": 81.45210963966738, + "dot_accuracy": 86.37598478674273, + "dot_ap": 79.17253140971533, + "dot_f1": 73.19411657889958, + "dot_precision": 69.27201484842236, + "dot_recall": 77.58700338774254, + "euclidean_accuracy": 88.29122521054062, + "euclidean_ap": 84.64901724668165, + "euclidean_f1": 76.99685189252507, + "euclidean_precision": 73.39148639218422, + "euclidean_recall": 80.97474591931014, + "manhattan_accuracy": 88.29316567702877, + "manhattan_ap": 84.5869003947086, + "manhattan_f1": 76.9094138543517, + "manhattan_precision": 74.03818751781134, + "manhattan_recall": 80.01231906375116, + "max_accuracy": 88.2951061435169, + "max_ap": 84.74905878045149, + "max_f1": 77.01659871869538, + "main_score": 84.74905878045149 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Bulbasaur/external/model_meta.json b/results/Mihaiii__Bulbasaur/external/model_meta.json new file mode 100644 index 000000000..dc8bf1f33 --- /dev/null +++ b/results/Mihaiii__Bulbasaur/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "Mihaiii/Bulbasaur", + "revision": "6876f839e18ae36224049a41194a431953f08747", + "release_date": "2024-04-27", + "languages": [], + "loader": null, + "n_parameters": 17389824, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 384, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/AmazonCounterfactualClassification.json b/results/Mihaiii__Ivysaur/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..70f1874ee --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.1044776119403, + "ap": 35.09105788324913, + "f1": 66.26967715703572, + "main_score": 72.1044776119403 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/AmazonPolarityClassification.json b/results/Mihaiii__Ivysaur/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..76230534a --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.686075, + "ap": 81.92716581685914, + "f1": 86.65902299160209, + "main_score": 86.686075 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/AmazonReviewsClassification.json b/results/Mihaiii__Ivysaur/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..16578b23b --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 42.698, + "f1": 42.287785312461885, + "main_score": 42.698 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/ArguAna.json b/results/Mihaiii__Ivysaur/external/ArguAna.json new file mode 100644 index 000000000..6ee5ce64b --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/ArguAna.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.441000000000003, + "map_at_10": 46.951, + "map_at_100": 47.788000000000004, + "map_at_1000": 47.794, + "map_at_20": 47.621, + "map_at_3": 42.295, + "map_at_5": 45.126, + "mrr_at_1": 31.65, + "mrr_at_10": 47.394999999999996, + "mrr_at_100": 48.238, + "mrr_at_1000": 48.245, + "mrr_at_20": 48.069, + "mrr_at_3": 42.852000000000004, + "mrr_at_5": 45.58, + "ndcg_at_1": 30.441000000000003, + "ndcg_at_10": 55.783, + "ndcg_at_100": 59.227, + "ndcg_at_1000": 59.376, + "ndcg_at_20": 58.18, + "ndcg_at_3": 46.291, + "ndcg_at_5": 51.405, + "precision_at_1": 30.441000000000003, + "precision_at_10": 8.378, + "precision_at_100": 0.985, + "precision_at_1000": 0.1, + "precision_at_20": 4.659, + "precision_at_3": 19.298000000000002, + "precision_at_5": 14.068, + "recall_at_1": 30.441000000000003, + "recall_at_10": 83.784, + "recall_at_100": 98.506, + "recall_at_1000": 99.644, + "recall_at_20": 93.172, + "recall_at_3": 57.894999999999996, + "recall_at_5": 70.341, + "main_score": 55.783 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/ArxivClusteringP2P.json b/results/Mihaiii__Ivysaur/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..fdbad6592 --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/ArxivClusteringP2P.json @@ -0,0 +1,3120 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 46.39249132731755, + "v_measures": [ + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902, + 0.462627943488718, + 0.4670198046702645, + 0.4799590043041496, + 0.4769331119808875, + 0.4676232129237324, + 0.4776548131275231, + 0.4670074065859379, + 0.4796639656537766, + 0.4618481699630812, + 0.4663292111226376, + 0.5293353429909269, + 0.5398570175481274, + 0.5399074383870329, + 0.5363158656403061, + 0.5377616813701683, + 0.5375897664056992, + 0.5391811647339062, + 0.5408906197352437, + 0.5330346186210795, + 0.5333610235325786, + 0.5043600016005657, + 0.2861923615995782, + 0.42134506758129586, + 0.4019628602326345, + 0.345945272411779, + 0.2605048863591227, + 0.28469463800386774, + 0.23235682032046123, + 0.30618655352256796, + 1.0, + 0.2642226670507902 + ], + "main_score": 46.39249132731755 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/ArxivClusteringS2S.json b/results/Mihaiii__Ivysaur/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..d22089989 --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/ArxivClusteringS2S.json @@ -0,0 +1,3120 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.410038545643225, + "v_measures": [ + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917, + 0.33766811548231473, + 0.3734777203759399, + 0.33991212785072317, + 0.3661605677492215, + 0.36064589524249807, + 0.3656962944251887, + 0.34702091841974203, + 0.3500477383658047, + 0.35477756658493836, + 0.3624636373603448, + 0.40289427457065846, + 0.3971477930112288, + 0.40597327027674507, + 0.40596489455329327, + 0.40317124541440197, + 0.4034334047970072, + 0.4035619316327058, + 0.4021323074077349, + 0.40002234969788997, + 0.39359153564695076, + 0.3721698397439144, + 0.20022120055536463, + 0.2733292585686657, + 0.329333695822746, + 0.267015905471991, + 0.1951877019437801, + 0.21813528003614752, + 0.1428255078757563, + 0.21839826060461043, + 1.0, + 0.1847317096610917 + ], + "main_score": 35.410038545643225 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/AskUbuntuDupQuestions.json b/results/Mihaiii__Ivysaur/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..701a7fca1 --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 59.69637278242267, + "mrr": 74.02948159873367, + "main_score": 59.69637278242267 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/BIOSSES.json b/results/Mihaiii__Ivysaur/external/BIOSSES.json new file mode 100644 index 000000000..f72b4d27a --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.14461604689758, + "cos_sim_spearman": 87.31584497244751, + "euclidean_pearson": 84.78141750973201, + "euclidean_spearman": 87.05017626840346, + "manhattan_pearson": 84.35436632710646, + "manhattan_spearman": 86.49534434907336, + "cosine_pearson": 87.14461604689758, + "cosine_spearman": 87.31584497244751, + "main_score": 87.31584497244751 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/Banking77Classification.json b/results/Mihaiii__Ivysaur/external/Banking77Classification.json new file mode 100644 index 000000000..61244a84e --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 81.91558441558439, + "f1": 81.88197959191479, + "main_score": 81.91558441558439 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/BiorxivClusteringP2P.json b/results/Mihaiii__Ivysaur/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..79fbf7790 --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/BiorxivClusteringP2P.json @@ -0,0 +1,1020 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.97808934568377, + "v_measures": [ + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565, + 0.3950220690882689, + 0.38918993520470474, + 0.3874211082831238, + 0.3769994856835508, + 0.37876292165982844, + 0.3979648803949703, + 0.39019384497819176, + 0.4100620420333616, + 0.3809405025237201, + 0.3912521447186565 + ], + "main_score": 38.97808934568377 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/BiorxivClusteringS2S.json b/results/Mihaiii__Ivysaur/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..7dec0275d --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/BiorxivClusteringS2S.json @@ -0,0 +1,1020 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.7412250739116, + "v_measures": [ + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667, + 0.31156273517579985, + 0.31497713177719505, + 0.3211720123203406, + 0.30456845682253647, + 0.3152485096373301, + 0.32328632147728803, + 0.3114059814606084, + 0.32290781970290505, + 0.31626398941398964, + 0.3327295496031667 + ], + "main_score": 31.7412250739116 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/CQADupstackAndroidRetrieval.json b/results/Mihaiii__Ivysaur/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..261d2fec9 --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "f46a197baaae43b4f621051089b82a364682dfeb", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.793, + "map_at_10": 42.254000000000005, + "map_at_100": 43.569, + "map_at_1000": 43.714999999999996, + "map_at_20": 42.994, + "map_at_3": 39.007999999999996, + "map_at_5": 40.488, + "mrr_at_1": 38.34, + "mrr_at_10": 48.274, + "mrr_at_100": 48.946, + "mrr_at_1000": 49.001, + "mrr_at_20": 48.701, + "mrr_at_3": 45.756, + "mrr_at_5": 47.036, + "ndcg_at_1": 38.34, + "ndcg_at_10": 48.622, + "ndcg_at_100": 53.288999999999994, + "ndcg_at_1000": 55.614, + "ndcg_at_20": 50.495000000000005, + "ndcg_at_3": 43.852999999999994, + "ndcg_at_5": 45.442, + "precision_at_1": 38.34, + "precision_at_10": 9.413, + "precision_at_100": 1.4749999999999999, + "precision_at_1000": 0.19499999999999998, + "precision_at_20": 5.494000000000001, + "precision_at_3": 20.935000000000002, + "precision_at_5": 14.735000000000001, + "recall_at_1": 30.793, + "recall_at_10": 60.455000000000005, + "recall_at_100": 80.061, + "recall_at_1000": 95.322, + "recall_at_20": 67.27, + "recall_at_3": 46.296, + "recall_at_5": 51.139, + "main_score": 48.622 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/CQADupstackEnglishRetrieval.json b/results/Mihaiii__Ivysaur/external/CQADupstackEnglishRetrieval.json new file mode 100644 index 000000000..3fa502374 --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/CQADupstackEnglishRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "ad9991cb51e31e31e430383c75ffb2885547b5f0", + "task_name": "CQADupstackEnglishRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.93, + "map_at_10": 36.085, + "map_at_100": 37.192, + "map_at_1000": 37.324, + "map_at_20": 36.614999999999995, + "map_at_3": 33.452, + "map_at_5": 35.088, + "mrr_at_1": 34.777, + "mrr_at_10": 41.865, + "mrr_at_100": 42.518, + "mrr_at_1000": 42.571, + "mrr_at_20": 42.219, + "mrr_at_3": 39.628, + "mrr_at_5": 41.038999999999994, + "ndcg_at_1": 34.777, + "ndcg_at_10": 41.095, + "ndcg_at_100": 45.286, + "ndcg_at_1000": 47.656, + "ndcg_at_20": 42.472, + "ndcg_at_3": 37.349, + "ndcg_at_5": 39.318, + "precision_at_1": 34.777, + "precision_at_10": 7.617999999999999, + "precision_at_100": 1.242, + "precision_at_1000": 0.173, + "precision_at_20": 4.481, + "precision_at_3": 17.771, + "precision_at_5": 12.687999999999999, + "recall_at_1": 27.93, + "recall_at_10": 49.464000000000006, + "recall_at_100": 67.64099999999999, + "recall_at_1000": 83.066, + "recall_at_20": 54.452999999999996, + "recall_at_3": 38.157000000000004, + "recall_at_5": 43.829, + "main_score": 41.095 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/CQADupstackGamingRetrieval.json b/results/Mihaiii__Ivysaur/external/CQADupstackGamingRetrieval.json new file mode 100644 index 000000000..9285fce44 --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/CQADupstackGamingRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "4885aa143210c98657558c04aaf3dc47cfb54340", + "task_name": "CQADupstackGamingRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 37.332, + "map_at_10": 49.146, + "map_at_100": 50.222, + "map_at_1000": 50.281, + "map_at_20": 49.802, + "map_at_3": 46.264, + "map_at_5": 47.912, + "mrr_at_1": 43.009, + "mrr_at_10": 52.586999999999996, + "mrr_at_100": 53.323, + "mrr_at_1000": 53.352999999999994, + "mrr_at_20": 53.04299999999999, + "mrr_at_3": 50.261, + "mrr_at_5": 51.615, + "ndcg_at_1": 43.009, + "ndcg_at_10": 54.652, + "ndcg_at_100": 58.918000000000006, + "ndcg_at_1000": 60.172000000000004, + "ndcg_at_20": 56.554, + "ndcg_at_3": 49.757, + "ndcg_at_5": 52.169, + "precision_at_1": 43.009, + "precision_at_10": 8.715, + "precision_at_100": 1.1780000000000002, + "precision_at_1000": 0.133, + "precision_at_20": 4.931, + "precision_at_3": 22.153, + "precision_at_5": 15.146999999999998, + "recall_at_1": 37.332, + "recall_at_10": 67.55600000000001, + "recall_at_100": 85.885, + "recall_at_1000": 94.87400000000001, + "recall_at_20": 74.568, + "recall_at_3": 54.419, + "recall_at_5": 60.288, + "main_score": 54.652 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/CQADupstackGisRetrieval.json b/results/Mihaiii__Ivysaur/external/CQADupstackGisRetrieval.json new file mode 100644 index 000000000..3a1034512 --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/CQADupstackGisRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "5003b3064772da1887988e05400cf3806fe491f2", + "task_name": "CQADupstackGisRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.09, + "map_at_10": 32.608, + "map_at_100": 33.571, + "map_at_1000": 33.668, + "map_at_20": 33.181, + "map_at_3": 30.091, + "map_at_5": 31.518, + "mrr_at_1": 25.763, + "mrr_at_10": 34.25, + "mrr_at_100": 35.134, + "mrr_at_1000": 35.207, + "mrr_at_20": 34.78, + "mrr_at_3": 31.807999999999996, + "mrr_at_5": 33.198, + "ndcg_at_1": 25.763, + "ndcg_at_10": 37.305, + "ndcg_at_100": 42.114000000000004, + "ndcg_at_1000": 44.467, + "ndcg_at_20": 39.272, + "ndcg_at_3": 32.405, + "ndcg_at_5": 34.775, + "precision_at_1": 25.763, + "precision_at_10": 5.729, + "precision_at_100": 0.853, + "precision_at_1000": 0.109, + "precision_at_20": 3.3329999999999997, + "precision_at_3": 13.71, + "precision_at_5": 9.65, + "recall_at_1": 24.09, + "recall_at_10": 50.161, + "recall_at_100": 72.419, + "recall_at_1000": 89.983, + "recall_at_20": 57.53, + "recall_at_3": 36.961, + "recall_at_5": 42.568, + "main_score": 37.305 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/CQADupstackMathematicaRetrieval.json b/results/Mihaiii__Ivysaur/external/CQADupstackMathematicaRetrieval.json new file mode 100644 index 000000000..5bec6e785 --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/CQADupstackMathematicaRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "90fceea13679c63fe563ded68f3b6f06e50061de", + "task_name": "CQADupstackMathematicaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.333000000000002, + "map_at_10": 23.352999999999998, + "map_at_100": 24.618000000000002, + "map_at_1000": 24.743000000000002, + "map_at_20": 24.117, + "map_at_3": 21.013, + "map_at_5": 22.259, + "mrr_at_1": 20.398, + "mrr_at_10": 28.28, + "mrr_at_100": 29.307, + "mrr_at_1000": 29.381, + "mrr_at_20": 28.955, + "mrr_at_3": 25.933, + "mrr_at_5": 27.114, + "ndcg_at_1": 20.398, + "ndcg_at_10": 28.359, + "ndcg_at_100": 34.178999999999995, + "ndcg_at_1000": 37.112, + "ndcg_at_20": 30.982, + "ndcg_at_3": 24.104999999999997, + "ndcg_at_5": 25.877, + "precision_at_1": 20.398, + "precision_at_10": 5.2490000000000006, + "precision_at_100": 0.927, + "precision_at_1000": 0.131, + "precision_at_20": 3.3520000000000003, + "precision_at_3": 11.733, + "precision_at_5": 8.433, + "recall_at_1": 16.333000000000002, + "recall_at_10": 39.082, + "recall_at_100": 64.269, + "recall_at_1000": 85.103, + "recall_at_20": 48.625, + "recall_at_3": 26.740000000000002, + "recall_at_5": 31.519000000000002, + "main_score": 28.359 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/CQADupstackPhysicsRetrieval.json b/results/Mihaiii__Ivysaur/external/CQADupstackPhysicsRetrieval.json new file mode 100644 index 000000000..c33740fa8 --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/CQADupstackPhysicsRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "79531abbd1fb92d06c6d6315a0cbbbf5bb247ea4", + "task_name": "CQADupstackPhysicsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.857999999999997, + "map_at_10": 36.258, + "map_at_100": 37.556, + "map_at_1000": 37.669999999999995, + "map_at_20": 36.937, + "map_at_3": 33.306000000000004, + "map_at_5": 35.004999999999995, + "mrr_at_1": 33.397, + "mrr_at_10": 42.089, + "mrr_at_100": 42.864999999999995, + "mrr_at_1000": 42.915, + "mrr_at_20": 42.510999999999996, + "mrr_at_3": 39.413, + "mrr_at_5": 40.905, + "ndcg_at_1": 33.397, + "ndcg_at_10": 42.062, + "ndcg_at_100": 47.620000000000005, + "ndcg_at_1000": 49.816, + "ndcg_at_20": 44.096999999999994, + "ndcg_at_3": 37.165, + "ndcg_at_5": 39.493, + "precision_at_1": 33.397, + "precision_at_10": 7.5649999999999995, + "precision_at_100": 1.224, + "precision_at_1000": 0.16, + "precision_at_20": 4.495, + "precision_at_3": 17.613, + "precision_at_5": 12.589, + "recall_at_1": 26.857999999999997, + "recall_at_10": 53.900000000000006, + "recall_at_100": 77.595, + "recall_at_1000": 92.116, + "recall_at_20": 60.962, + "recall_at_3": 39.799, + "recall_at_5": 45.961, + "main_score": 42.062 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/CQADupstackProgrammersRetrieval.json b/results/Mihaiii__Ivysaur/external/CQADupstackProgrammersRetrieval.json new file mode 100644 index 000000000..3affedbf1 --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/CQADupstackProgrammersRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "6184bc1440d2dbc7612be22b50686b8826d22b32", + "task_name": "CQADupstackProgrammersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.131, + "map_at_10": 33.016, + "map_at_100": 34.263, + "map_at_1000": 34.39, + "map_at_20": 33.703, + "map_at_3": 30.055, + "map_at_5": 31.651, + "mrr_at_1": 30.593999999999998, + "mrr_at_10": 38.786, + "mrr_at_100": 39.674, + "mrr_at_1000": 39.739000000000004, + "mrr_at_20": 39.322, + "mrr_at_3": 36.32, + "mrr_at_5": 37.787, + "ndcg_at_1": 30.593999999999998, + "ndcg_at_10": 38.606, + "ndcg_at_100": 44.116, + "ndcg_at_1000": 46.772999999999996, + "ndcg_at_20": 40.775, + "ndcg_at_3": 33.854, + "ndcg_at_5": 35.957, + "precision_at_1": 30.593999999999998, + "precision_at_10": 7.112, + "precision_at_100": 1.154, + "precision_at_1000": 0.155, + "precision_at_20": 4.2410000000000005, + "precision_at_3": 16.323999999999998, + "precision_at_5": 11.644, + "recall_at_1": 24.131, + "recall_at_10": 49.767, + "recall_at_100": 73.57000000000001, + "recall_at_1000": 91.842, + "recall_at_20": 57.498000000000005, + "recall_at_3": 35.888, + "recall_at_5": 41.801, + "main_score": 38.606 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/CQADupstackStatsRetrieval.json b/results/Mihaiii__Ivysaur/external/CQADupstackStatsRetrieval.json new file mode 100644 index 000000000..990196832 --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/CQADupstackStatsRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "65ac3a16b8e91f9cee4c9828cc7c335575432a2a", + "task_name": "CQADupstackStatsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.075000000000003, + "map_at_10": 29.584, + "map_at_100": 30.4, + "map_at_1000": 30.501, + "map_at_20": 30.051, + "map_at_3": 27.561000000000003, + "map_at_5": 28.603, + "mrr_at_1": 26.227, + "mrr_at_10": 32.647, + "mrr_at_100": 33.391999999999996, + "mrr_at_1000": 33.469, + "mrr_at_20": 33.053, + "mrr_at_3": 30.776999999999997, + "mrr_at_5": 31.828, + "ndcg_at_1": 26.227, + "ndcg_at_10": 33.582, + "ndcg_at_100": 37.814, + "ndcg_at_1000": 40.444, + "ndcg_at_20": 35.163, + "ndcg_at_3": 29.874000000000002, + "ndcg_at_5": 31.53, + "precision_at_1": 26.227, + "precision_at_10": 5.244999999999999, + "precision_at_100": 0.788, + "precision_at_1000": 0.11100000000000002, + "precision_at_20": 3.006, + "precision_at_3": 12.73, + "precision_at_5": 8.741999999999999, + "recall_at_1": 23.075000000000003, + "recall_at_10": 42.894, + "recall_at_100": 62.721000000000004, + "recall_at_1000": 81.858, + "recall_at_20": 48.842, + "recall_at_3": 32.783, + "recall_at_5": 36.949, + "main_score": 33.582 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/CQADupstackTexRetrieval.json b/results/Mihaiii__Ivysaur/external/CQADupstackTexRetrieval.json new file mode 100644 index 000000000..925fa5743 --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/CQADupstackTexRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "46989137a86843e03a6195de44b09deda022eec7", + "task_name": "CQADupstackTexRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.028, + "map_at_10": 23.377, + "map_at_100": 24.399, + "map_at_1000": 24.524, + "map_at_20": 23.863, + "map_at_3": 21.274, + "map_at_5": 22.431, + "mrr_at_1": 20.578, + "mrr_at_10": 27.009, + "mrr_at_100": 27.889999999999997, + "mrr_at_1000": 27.969, + "mrr_at_20": 27.46, + "mrr_at_3": 24.959999999999997, + "mrr_at_5": 26.113999999999997, + "ndcg_at_1": 20.578, + "ndcg_at_10": 27.522999999999996, + "ndcg_at_100": 32.601, + "ndcg_at_1000": 35.636, + "ndcg_at_20": 29.132, + "ndcg_at_3": 23.771, + "ndcg_at_5": 25.539, + "precision_at_1": 20.578, + "precision_at_10": 4.962, + "precision_at_100": 0.8880000000000001, + "precision_at_1000": 0.132, + "precision_at_20": 2.959, + "precision_at_3": 11.068999999999999, + "precision_at_5": 8.052, + "recall_at_1": 17.028, + "recall_at_10": 36.266, + "recall_at_100": 59.556, + "recall_at_1000": 81.416, + "recall_at_20": 42.303000000000004, + "recall_at_3": 25.858999999999998, + "recall_at_5": 30.422, + "main_score": 27.522999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/CQADupstackUnixRetrieval.json b/results/Mihaiii__Ivysaur/external/CQADupstackUnixRetrieval.json new file mode 100644 index 000000000..3665a707a --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/CQADupstackUnixRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "6c6430d3a6d36f8d2a829195bc5dc94d7e063e53", + "task_name": "CQADupstackUnixRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.863000000000003, + "map_at_10": 33.586, + "map_at_100": 34.682, + "map_at_1000": 34.791, + "map_at_20": 34.182, + "map_at_3": 31.044, + "map_at_5": 32.507000000000005, + "mrr_at_1": 30.131000000000004, + "mrr_at_10": 37.518, + "mrr_at_100": 38.355, + "mrr_at_1000": 38.425, + "mrr_at_20": 37.961, + "mrr_at_3": 35.059000000000005, + "mrr_at_5": 36.528, + "ndcg_at_1": 30.131000000000004, + "ndcg_at_10": 38.387, + "ndcg_at_100": 43.617, + "ndcg_at_1000": 46.038000000000004, + "ndcg_at_20": 40.261, + "ndcg_at_3": 33.722, + "ndcg_at_5": 36.013, + "precision_at_1": 30.131000000000004, + "precision_at_10": 6.297, + "precision_at_100": 1.008, + "precision_at_1000": 0.132, + "precision_at_20": 3.689, + "precision_at_3": 15.049999999999999, + "precision_at_5": 10.634, + "recall_at_1": 25.863000000000003, + "recall_at_10": 49.101, + "recall_at_100": 72.286, + "recall_at_1000": 89.14, + "recall_at_20": 55.742999999999995, + "recall_at_3": 36.513, + "recall_at_5": 42.204, + "main_score": 38.387 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/CQADupstackWebmastersRetrieval.json b/results/Mihaiii__Ivysaur/external/CQADupstackWebmastersRetrieval.json new file mode 100644 index 000000000..4447d9f76 --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/CQADupstackWebmastersRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "160c094312a0e1facb97e55eeddb698c0abe3571", + "task_name": "CQADupstackWebmastersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.747, + "map_at_10": 32.067, + "map_at_100": 33.739999999999995, + "map_at_1000": 33.952, + "map_at_20": 32.927, + "map_at_3": 29.736, + "map_at_5": 30.996000000000002, + "mrr_at_1": 29.644, + "mrr_at_10": 36.683, + "mrr_at_100": 37.808, + "mrr_at_1000": 37.858999999999995, + "mrr_at_20": 37.326, + "mrr_at_3": 34.42, + "mrr_at_5": 35.626000000000005, + "ndcg_at_1": 29.644, + "ndcg_at_10": 36.989, + "ndcg_at_100": 43.589, + "ndcg_at_1000": 46.133, + "ndcg_at_20": 39.403, + "ndcg_at_3": 33.273, + "ndcg_at_5": 34.853, + "precision_at_1": 29.644, + "precision_at_10": 6.8180000000000005, + "precision_at_100": 1.4529999999999998, + "precision_at_1000": 0.23500000000000001, + "precision_at_20": 4.457, + "precision_at_3": 15.152, + "precision_at_5": 10.711, + "recall_at_1": 24.747, + "recall_at_10": 45.714, + "recall_at_100": 75.212, + "recall_at_1000": 90.884, + "recall_at_20": 54.777, + "recall_at_3": 34.821999999999996, + "recall_at_5": 39.278999999999996, + "main_score": 36.989 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/CQADupstackWordpressRetrieval.json b/results/Mihaiii__Ivysaur/external/CQADupstackWordpressRetrieval.json new file mode 100644 index 000000000..42316e1dc --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/CQADupstackWordpressRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "4ffe81d471b1924886b33c7567bfb200e9eec5c4", + "task_name": "CQADupstackWordpressRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.261, + "map_at_10": 26.873, + "map_at_100": 27.938000000000002, + "map_at_1000": 28.060000000000002, + "map_at_20": 27.456000000000003, + "map_at_3": 24.834, + "map_at_5": 25.793, + "mrr_at_1": 20.887, + "mrr_at_10": 28.634999999999998, + "mrr_at_100": 29.609, + "mrr_at_1000": 29.698999999999998, + "mrr_at_20": 29.173, + "mrr_at_3": 26.741, + "mrr_at_5": 27.628000000000004, + "ndcg_at_1": 20.887, + "ndcg_at_10": 31.261, + "ndcg_at_100": 36.471, + "ndcg_at_1000": 39.245000000000005, + "ndcg_at_20": 33.209, + "ndcg_at_3": 27.195999999999998, + "ndcg_at_5": 28.786, + "precision_at_1": 20.887, + "precision_at_10": 4.9910000000000005, + "precision_at_100": 0.8210000000000001, + "precision_at_1000": 0.116, + "precision_at_20": 2.939, + "precision_at_3": 11.892, + "precision_at_5": 8.133, + "recall_at_1": 19.261, + "recall_at_10": 42.806, + "recall_at_100": 66.715, + "recall_at_1000": 86.921, + "recall_at_20": 50.205999999999996, + "recall_at_3": 31.790000000000003, + "recall_at_5": 35.527, + "main_score": 31.261 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/ClimateFEVER.json b/results/Mihaiii__Ivysaur/external/ClimateFEVER.json new file mode 100644 index 000000000..55ff1b224 --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/ClimateFEVER.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.009, + "map_at_10": 14.629, + "map_at_100": 16.092000000000002, + "map_at_1000": 16.267, + "map_at_20": 15.384999999999998, + "map_at_3": 12.280000000000001, + "map_at_5": 13.442000000000002, + "mrr_at_1": 20.0, + "mrr_at_10": 29.298000000000002, + "mrr_at_100": 30.375999999999998, + "mrr_at_1000": 30.436999999999998, + "mrr_at_20": 29.956, + "mrr_at_3": 26.362999999999996, + "mrr_at_5": 28.021, + "ndcg_at_1": 20.0, + "ndcg_at_10": 21.234, + "ndcg_at_100": 27.687, + "ndcg_at_1000": 31.325999999999997, + "ndcg_at_20": 23.631, + "ndcg_at_3": 17.101, + "ndcg_at_5": 18.501, + "precision_at_1": 20.0, + "precision_at_10": 6.651, + "precision_at_100": 1.347, + "precision_at_1000": 0.201, + "precision_at_20": 4.316, + "precision_at_3": 12.53, + "precision_at_5": 9.707, + "recall_at_1": 9.009, + "recall_at_10": 25.824, + "recall_at_100": 48.535000000000004, + "recall_at_1000": 69.44399999999999, + "recall_at_20": 32.78, + "recall_at_3": 15.693999999999999, + "recall_at_5": 19.59, + "main_score": 21.234 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/DBPedia.json b/results/Mihaiii__Ivysaur/external/DBPedia.json new file mode 100644 index 000000000..f2d9c0cd3 --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/DBPedia.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 7.454, + "map_at_10": 15.675, + "map_at_100": 21.335, + "map_at_1000": 22.639, + "map_at_20": 17.822, + "map_at_3": 11.609, + "map_at_5": 13.342, + "mrr_at_1": 56.25, + "mrr_at_10": 65.30799999999999, + "mrr_at_100": 65.90599999999999, + "mrr_at_1000": 65.92099999999999, + "mrr_at_20": 65.74600000000001, + "mrr_at_3": 63.333, + "mrr_at_5": 64.521, + "ndcg_at_1": 44.625, + "ndcg_at_10": 33.881, + "ndcg_at_100": 37.775999999999996, + "ndcg_at_1000": 44.956, + "ndcg_at_20": 33.451, + "ndcg_at_3": 37.72, + "ndcg_at_5": 35.811, + "precision_at_1": 56.25, + "precision_at_10": 27.175, + "precision_at_100": 8.448, + "precision_at_1000": 1.809, + "precision_at_20": 20.262, + "precision_at_3": 41.333, + "precision_at_5": 35.199999999999996, + "recall_at_1": 7.454, + "recall_at_10": 20.355999999999998, + "recall_at_100": 43.168, + "recall_at_1000": 66.559, + "recall_at_20": 26.785999999999998, + "recall_at_3": 13.052, + "recall_at_5": 15.733, + "main_score": 33.881 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/EmotionClassification.json b/results/Mihaiii__Ivysaur/external/EmotionClassification.json new file mode 100644 index 000000000..3ef53412c --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 45.44499999999999, + "f1": 40.581418056070994, + "main_score": 45.44499999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/FEVER.json b/results/Mihaiii__Ivysaur/external/FEVER.json new file mode 100644 index 000000000..7ad0ea0a7 --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/FEVER.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 46.339000000000006, + "map_at_10": 57.87, + "map_at_100": 58.447, + "map_at_1000": 58.474000000000004, + "map_at_20": 58.241, + "map_at_3": 55.336, + "map_at_5": 56.879000000000005, + "mrr_at_1": 49.91, + "mrr_at_10": 61.55199999999999, + "mrr_at_100": 62.07, + "mrr_at_1000": 62.086, + "mrr_at_20": 61.899, + "mrr_at_3": 59.108000000000004, + "mrr_at_5": 60.622, + "ndcg_at_1": 49.91, + "ndcg_at_10": 63.970000000000006, + "ndcg_at_100": 66.625, + "ndcg_at_1000": 67.221, + "ndcg_at_20": 65.261, + "ndcg_at_3": 59.059, + "ndcg_at_5": 61.68900000000001, + "precision_at_1": 49.91, + "precision_at_10": 8.699, + "precision_at_100": 1.015, + "precision_at_1000": 0.108, + "precision_at_20": 4.6370000000000005, + "precision_at_3": 23.942, + "precision_at_5": 15.815000000000001, + "recall_at_1": 46.339000000000006, + "recall_at_10": 79.28, + "recall_at_100": 91.148, + "recall_at_1000": 95.438, + "recall_at_20": 84.187, + "recall_at_3": 66.019, + "recall_at_5": 72.394, + "main_score": 63.970000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/FiQA2018.json b/results/Mihaiii__Ivysaur/external/FiQA2018.json new file mode 100644 index 000000000..25683d2f9 --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/FiQA2018.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 14.504, + "map_at_10": 24.099999999999998, + "map_at_100": 25.820999999999998, + "map_at_1000": 25.997999999999998, + "map_at_20": 25.003999999999998, + "map_at_3": 21.218999999999998, + "map_at_5": 22.744, + "mrr_at_1": 29.475, + "mrr_at_10": 38.072, + "mrr_at_100": 39.196999999999996, + "mrr_at_1000": 39.249, + "mrr_at_20": 38.757999999999996, + "mrr_at_3": 36.214, + "mrr_at_5": 37.094, + "ndcg_at_1": 29.475, + "ndcg_at_10": 30.708999999999996, + "ndcg_at_100": 37.744, + "ndcg_at_1000": 41.215, + "ndcg_at_20": 33.336, + "ndcg_at_3": 28.243000000000002, + "ndcg_at_5": 28.62, + "precision_at_1": 29.475, + "precision_at_10": 8.596, + "precision_at_100": 1.562, + "precision_at_1000": 0.219, + "precision_at_20": 5.394, + "precision_at_3": 19.084, + "precision_at_5": 13.672999999999998, + "recall_at_1": 14.504, + "recall_at_10": 36.232, + "recall_at_100": 62.712, + "recall_at_1000": 83.864, + "recall_at_20": 44.357, + "recall_at_3": 26.029000000000003, + "recall_at_5": 29.909000000000002, + "main_score": 30.708999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/HotpotQA.json b/results/Mihaiii__Ivysaur/external/HotpotQA.json new file mode 100644 index 000000000..e199462a7 --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/HotpotQA.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.634, + "map_at_10": 45.007000000000005, + "map_at_100": 45.963, + "map_at_1000": 46.052, + "map_at_20": 45.550000000000004, + "map_at_3": 42.092, + "map_at_5": 43.832, + "mrr_at_1": 63.268, + "mrr_at_10": 70.691, + "mrr_at_100": 71.063, + "mrr_at_1000": 71.082, + "mrr_at_20": 70.917, + "mrr_at_3": 69.176, + "mrr_at_5": 70.132, + "ndcg_at_1": 63.268, + "ndcg_at_10": 54.205000000000005, + "ndcg_at_100": 57.847, + "ndcg_at_1000": 59.64, + "ndcg_at_20": 55.663, + "ndcg_at_3": 49.613, + "ndcg_at_5": 52.054, + "precision_at_1": 63.268, + "precision_at_10": 11.357000000000001, + "precision_at_100": 1.423, + "precision_at_1000": 0.166, + "precision_at_20": 6.148, + "precision_at_3": 31.041999999999998, + "precision_at_5": 20.551, + "recall_at_1": 31.634, + "recall_at_10": 56.786, + "recall_at_100": 71.128, + "recall_at_1000": 82.97099999999999, + "recall_at_20": 61.47899999999999, + "recall_at_3": 46.563, + "recall_at_5": 51.376999999999995, + "main_score": 54.205000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/ImdbClassification.json b/results/Mihaiii__Ivysaur/external/ImdbClassification.json new file mode 100644 index 000000000..a9abfc413 --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.7996, + "ap": 74.98592172204835, + "f1": 80.77161545117626, + "main_score": 80.7996 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/MSMARCO.json b/results/Mihaiii__Ivysaur/external/MSMARCO.json new file mode 100644 index 000000000..3d5ebc188 --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/MSMARCO.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.637, + "map_at_10": 27.331, + "map_at_100": 28.518, + "map_at_1000": 28.583, + "map_at_20": 28.031, + "map_at_3": 23.715, + "map_at_5": 25.758, + "mrr_at_1": 17.077, + "mrr_at_10": 27.807, + "mrr_at_100": 28.965999999999998, + "mrr_at_1000": 29.025000000000002, + "mrr_at_20": 28.499999999999996, + "mrr_at_3": 24.234, + "mrr_at_5": 26.257, + "ndcg_at_1": 17.077, + "ndcg_at_10": 33.607, + "ndcg_at_100": 39.593, + "ndcg_at_1000": 41.317, + "ndcg_at_20": 36.118, + "ndcg_at_3": 26.204, + "ndcg_at_5": 29.862, + "precision_at_1": 17.077, + "precision_at_10": 5.54, + "precision_at_100": 0.857, + "precision_at_1000": 0.101, + "precision_at_20": 3.2870000000000004, + "precision_at_3": 11.361, + "precision_at_5": 8.673, + "recall_at_1": 16.637, + "recall_at_10": 53.077, + "recall_at_100": 81.306, + "recall_at_1000": 94.72699999999999, + "recall_at_20": 62.855000000000004, + "recall_at_3": 32.897999999999996, + "recall_at_5": 41.697, + "main_score": 33.607 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/MTOPDomainClassification.json b/results/Mihaiii__Ivysaur/external/MTOPDomainClassification.json new file mode 100644 index 000000000..9d83ff078 --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.12494300045599, + "f1": 91.6522604757574, + "main_score": 92.12494300045599 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/MTOPIntentClassification.json b/results/Mihaiii__Ivysaur/external/MTOPIntentClassification.json new file mode 100644 index 000000000..45ce63255 --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.86046511627907, + "f1": 53.8926541769729, + "main_score": 71.86046511627907 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/MassiveIntentClassification.json b/results/Mihaiii__Ivysaur/external/MassiveIntentClassification.json new file mode 100644 index 000000000..b643a9ed2 --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.34633490248824, + "f1": 67.94196699295675, + "main_score": 70.34633490248824 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/MassiveScenarioClassification.json b/results/Mihaiii__Ivysaur/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..1d7142bad --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.88903833221251, + "f1": 74.54991713265153, + "main_score": 74.88903833221251 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/MedrxivClusteringP2P.json b/results/Mihaiii__Ivysaur/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..9105ebcaf --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/MedrxivClusteringP2P.json @@ -0,0 +1,1020 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.129785771060526, + "v_measures": [ + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535, + 0.3116408980465631, + 0.31900622847630045, + 0.31934151231927727, + 0.3186791563176499, + 0.32750328333726775, + 0.3510627418495332, + 0.33347506212887845, + 0.35025343435496104, + 0.3417862644568677, + 0.3402299958187535 + ], + "main_score": 33.129785771060526 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/MedrxivClusteringS2S.json b/results/Mihaiii__Ivysaur/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..12426c7e9 --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/MedrxivClusteringS2S.json @@ -0,0 +1,1020 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.29367725266166, + "v_measures": [ + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535, + 0.2892892644106019, + 0.2904909862243706, + 0.29717543408443786, + 0.28841424958079537, + 0.2946040279701031, + 0.3071795420433026, + 0.30471220279454575, + 0.31753537687383027, + 0.318823343042763, + 0.32114329824141535 + ], + "main_score": 30.29367725266166 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/MindSmallReranking.json b/results/Mihaiii__Ivysaur/external/MindSmallReranking.json new file mode 100644 index 000000000..b9f112b7f --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.7776266029616, + "mrr": 32.9057970138914, + "main_score": 31.7776266029616 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/NFCorpus.json b/results/Mihaiii__Ivysaur/external/NFCorpus.json new file mode 100644 index 000000000..807680029 --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/NFCorpus.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.542, + "map_at_10": 11.734, + "map_at_100": 14.812, + "map_at_1000": 16.184, + "map_at_20": 13.045000000000002, + "map_at_3": 8.859, + "map_at_5": 10.162, + "mrr_at_1": 43.963, + "mrr_at_10": 51.914, + "mrr_at_100": 52.422000000000004, + "mrr_at_1000": 52.479, + "mrr_at_20": 52.215, + "mrr_at_3": 49.897000000000006, + "mrr_at_5": 50.965, + "ndcg_at_1": 42.105, + "ndcg_at_10": 32.035000000000004, + "ndcg_at_100": 29.487999999999996, + "ndcg_at_1000": 38.316, + "ndcg_at_20": 30.255, + "ndcg_at_3": 37.098, + "ndcg_at_5": 34.98, + "precision_at_1": 43.344, + "precision_at_10": 23.313, + "precision_at_100": 7.591, + "precision_at_1000": 2.023, + "precision_at_20": 17.755000000000003, + "precision_at_3": 33.745999999999995, + "precision_at_5": 29.474, + "recall_at_1": 5.542, + "recall_at_10": 15.61, + "recall_at_100": 29.413, + "recall_at_1000": 61.926, + "recall_at_20": 19.517, + "recall_at_3": 9.669, + "recall_at_5": 11.772, + "main_score": 32.035000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/NQ.json b/results/Mihaiii__Ivysaur/external/NQ.json new file mode 100644 index 000000000..dd1de54ff --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/NQ.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.590999999999998, + "map_at_10": 35.088, + "map_at_100": 36.386, + "map_at_1000": 36.439, + "map_at_20": 35.93, + "map_at_3": 30.985000000000003, + "map_at_5": 33.322, + "mrr_at_1": 24.189, + "mrr_at_10": 37.395, + "mrr_at_100": 38.449, + "mrr_at_1000": 38.486, + "mrr_at_20": 38.092999999999996, + "mrr_at_3": 33.686, + "mrr_at_5": 35.861, + "ndcg_at_1": 24.189, + "ndcg_at_10": 42.471, + "ndcg_at_100": 48.150999999999996, + "ndcg_at_1000": 49.342000000000006, + "ndcg_at_20": 45.245000000000005, + "ndcg_at_3": 34.483000000000004, + "ndcg_at_5": 38.505, + "precision_at_1": 24.189, + "precision_at_10": 7.3870000000000005, + "precision_at_100": 1.056, + "precision_at_1000": 0.117, + "precision_at_20": 4.35, + "precision_at_3": 16.009999999999998, + "precision_at_5": 11.883000000000001, + "recall_at_1": 21.590999999999998, + "recall_at_10": 62.79, + "recall_at_100": 87.71, + "recall_at_1000": 96.418, + "recall_at_20": 73.042, + "recall_at_3": 41.876999999999995, + "recall_at_5": 51.205, + "main_score": 42.471 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/QuoraRetrieval.json b/results/Mihaiii__Ivysaur/external/QuoraRetrieval.json new file mode 100644 index 000000000..82acd6e26 --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/QuoraRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "e4e08e0b7dbe3c8700f0daef558ff32256715259", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 68.31099999999999, + "map_at_10": 81.845, + "map_at_100": 82.518, + "map_at_1000": 82.541, + "map_at_20": 82.292, + "map_at_3": 78.827, + "map_at_5": 80.715, + "mrr_at_1": 78.62, + "mrr_at_10": 85.42, + "mrr_at_100": 85.54899999999999, + "mrr_at_1000": 85.55, + "mrr_at_20": 85.516, + "mrr_at_3": 84.265, + "mrr_at_5": 85.021, + "ndcg_at_1": 78.63, + "ndcg_at_10": 86.032, + "ndcg_at_100": 87.50099999999999, + "ndcg_at_1000": 87.67200000000001, + "ndcg_at_20": 86.822, + "ndcg_at_3": 82.813, + "ndcg_at_5": 84.555, + "precision_at_1": 78.63, + "precision_at_10": 13.025999999999998, + "precision_at_100": 1.504, + "precision_at_1000": 0.156, + "precision_at_20": 6.944999999999999, + "precision_at_3": 36.013, + "precision_at_5": 23.788, + "recall_at_1": 68.31099999999999, + "recall_at_10": 94.003, + "recall_at_100": 99.11999999999999, + "recall_at_1000": 99.923, + "recall_at_20": 96.55799999999999, + "recall_at_3": 84.836, + "recall_at_5": 89.655, + "main_score": 86.032 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/RedditClustering.json b/results/Mihaiii__Ivysaur/external/RedditClustering.json new file mode 100644 index 000000000..a0fd69fe1 --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/RedditClustering.json @@ -0,0 +1,2520 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 47.52530454226057, + "v_measures": [ + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056, + 0.47757401852125586, + 0.5247425354540537, + 0.4204113161707625, + 0.46730199475875295, + 0.44060686916417374, + 0.40965236253971965, + 0.5406478376242424, + 0.4258020776189897, + 0.45263355666588695, + 0.4485852520776176, + 0.45776058545875725, + 0.5163652480866036, + 0.4839337312350155, + 0.4787997358105262, + 0.5744729237665975, + 0.4250543347829616, + 0.49829072714687295, + 0.5853438771525417, + 0.4205343962194473, + 0.42565458494862596, + 0.4278942125559693, + 0.450724893645709, + 0.6135871494667406, + 0.4720579979931778, + 0.44289391670014056 + ], + "main_score": 47.52530454226057 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/RedditClusteringP2P.json b/results/Mihaiii__Ivysaur/external/RedditClusteringP2P.json new file mode 100644 index 000000000..50f1006ad --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/RedditClusteringP2P.json @@ -0,0 +1,1020 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 56.028612066452, + "v_measures": [ + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003, + 0.616850986362034, + 0.6156955011870908, + 0.5889048703354965, + 0.3132434489631298, + 0.6351476398732859, + 0.5618708165569017, + 0.2892441818894155, + 0.678005863237291, + 0.6308488746145553, + 0.6730490236260003 + ], + "main_score": 56.028612066452 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/SCIDOCS.json b/results/Mihaiii__Ivysaur/external/SCIDOCS.json new file mode 100644 index 000000000..02e3ed848 --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/SCIDOCS.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "f8c2fcf00f625baaa80f62ec5bd9e1fff3b8ae88", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.108, + "map_at_10": 10.953, + "map_at_100": 13.004, + "map_at_1000": 13.303, + "map_at_20": 12.004, + "map_at_3": 7.754999999999999, + "map_at_5": 9.19, + "mrr_at_1": 20.200000000000003, + "mrr_at_10": 31.069999999999997, + "mrr_at_100": 32.222, + "mrr_at_1000": 32.277, + "mrr_at_20": 31.761, + "mrr_at_3": 27.717000000000002, + "mrr_at_5": 29.416999999999998, + "ndcg_at_1": 20.200000000000003, + "ndcg_at_10": 18.636, + "ndcg_at_100": 26.442, + "ndcg_at_1000": 31.828, + "ndcg_at_20": 21.441, + "ndcg_at_3": 17.323, + "ndcg_at_5": 15.010000000000002, + "precision_at_1": 20.200000000000003, + "precision_at_10": 9.9, + "precision_at_100": 2.106, + "precision_at_1000": 0.33999999999999997, + "precision_at_20": 6.575, + "precision_at_3": 16.367, + "precision_at_5": 13.200000000000001, + "recall_at_1": 4.108, + "recall_at_10": 20.052, + "recall_at_100": 42.723, + "recall_at_1000": 69.118, + "recall_at_20": 26.662999999999997, + "recall_at_3": 9.963, + "recall_at_5": 13.377, + "main_score": 18.636 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/SICK-R.json b/results/Mihaiii__Ivysaur/external/SICK-R.json new file mode 100644 index 000000000..3a6600370 --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.73133871784073, + "cos_sim_spearman": 75.63155962642634, + "euclidean_pearson": 78.84721858652286, + "euclidean_spearman": 75.52150847464515, + "manhattan_pearson": 78.65433033180727, + "manhattan_spearman": 75.30995832884881, + "cosine_pearson": 81.73133871784073, + "cosine_spearman": 75.63155962642634, + "main_score": 75.63155962642634 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/STS12.json b/results/Mihaiii__Ivysaur/external/STS12.json new file mode 100644 index 000000000..cf1419df9 --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 75.66063073145264, + "cos_sim_spearman": 68.58158236004101, + "euclidean_pearson": 72.54019756825143, + "euclidean_spearman": 69.05526621955067, + "manhattan_pearson": 72.69442494173272, + "manhattan_spearman": 69.24310689645435, + "cosine_pearson": 75.66063073145264, + "cosine_spearman": 68.58158236004101, + "main_score": 68.58158236004101 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/STS13.json b/results/Mihaiii__Ivysaur/external/STS13.json new file mode 100644 index 000000000..06f2e38db --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 79.93061145846976, + "cos_sim_spearman": 80.54473705232682, + "euclidean_pearson": 80.25598213392439, + "euclidean_spearman": 80.57639468906437, + "manhattan_pearson": 80.04739474388745, + "manhattan_spearman": 80.35672978503159, + "cosine_pearson": 79.93061145846976, + "cosine_spearman": 80.54473705232682, + "main_score": 80.54473705232682 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/STS14.json b/results/Mihaiii__Ivysaur/external/STS14.json new file mode 100644 index 000000000..302ff5067 --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 80.63106651366024, + "cos_sim_spearman": 77.628680514703, + "euclidean_pearson": 79.88625241187461, + "euclidean_spearman": 77.80535399731345, + "manhattan_pearson": 79.78810133011544, + "manhattan_spearman": 77.73028091841451, + "cosine_pearson": 80.63106651366024, + "cosine_spearman": 77.628680514703, + "main_score": 77.628680514703 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/STS15.json b/results/Mihaiii__Ivysaur/external/STS15.json new file mode 100644 index 000000000..ba62f70e3 --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.30832602658512, + "cos_sim_spearman": 86.15687211744392, + "euclidean_pearson": 85.94586990553746, + "euclidean_spearman": 86.48157226860724, + "manhattan_pearson": 85.88233798668581, + "manhattan_spearman": 86.42359889540302, + "cosine_pearson": 85.30832602658512, + "cosine_spearman": 86.15687211744392, + "main_score": 86.15687211744392 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/STS16.json b/results/Mihaiii__Ivysaur/external/STS16.json new file mode 100644 index 000000000..e07ae2b80 --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.48207305822743, + "cos_sim_spearman": 82.8229306585227, + "euclidean_pearson": 82.3912454156615, + "euclidean_spearman": 83.09865476559257, + "manhattan_pearson": 82.30053520575876, + "manhattan_spearman": 83.00392320200139, + "cosine_pearson": 81.48207305822743, + "cosine_spearman": 82.8229306585227, + "main_score": 82.8229306585227 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/STS17.json b/results/Mihaiii__Ivysaur/external/STS17.json new file mode 100644 index 000000000..9be59799d --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.83517082969622, + "cos_sim_spearman": 88.5704237984555, + "euclidean_pearson": 88.15443024833176, + "euclidean_spearman": 88.60313594495189, + "manhattan_pearson": 87.99012996276818, + "manhattan_spearman": 88.39306322978999, + "cosine_pearson": 87.83517082969622, + "cosine_spearman": 88.5704237984555, + "main_score": 88.5704237984555 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/STS22.json b/results/Mihaiii__Ivysaur/external/STS22.json new file mode 100644 index 000000000..0c50455d2 --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "eea2b4fe26a775864c896887d910b76a8098ad3f", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 67.62856734038614, + "cos_sim_spearman": 67.38775280429276, + "euclidean_pearson": 68.09416503472238, + "euclidean_spearman": 67.45221088834498, + "manhattan_pearson": 68.31811474137709, + "manhattan_spearman": 67.75846817406287, + "cosine_pearson": 67.62856734038614, + "cosine_spearman": 67.38775280429276, + "main_score": 67.38775280429276 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/STSBenchmark.json b/results/Mihaiii__Ivysaur/external/STSBenchmark.json new file mode 100644 index 000000000..07be6fe53 --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.13302836216701, + "cos_sim_spearman": 84.24952159575491, + "euclidean_pearson": 84.65017899273384, + "euclidean_spearman": 84.43303793097236, + "manhattan_pearson": 84.55589549879238, + "manhattan_spearman": 84.42827667887977, + "cosine_pearson": 84.13302836216701, + "cosine_spearman": 84.24952159575491, + "main_score": 84.24952159575491 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/SciDocsRR.json b/results/Mihaiii__Ivysaur/external/SciDocsRR.json new file mode 100644 index 000000000..27abd6a8e --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 80.03616790601166, + "mrr": 94.31135132115524, + "main_score": 80.03616790601166 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/SciFact.json b/results/Mihaiii__Ivysaur/external/SciFact.json new file mode 100644 index 000000000..bc76c34a5 --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/SciFact.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 51.678000000000004, + "map_at_10": 62.011, + "map_at_100": 62.443000000000005, + "map_at_1000": 62.468999999999994, + "map_at_20": 62.226000000000006, + "map_at_3": 58.443999999999996, + "map_at_5": 60.550000000000004, + "mrr_at_1": 54.0, + "mrr_at_10": 63.27199999999999, + "mrr_at_100": 63.596, + "mrr_at_1000": 63.619, + "mrr_at_20": 63.416, + "mrr_at_3": 60.5, + "mrr_at_5": 62.283, + "ndcg_at_1": 54.0, + "ndcg_at_10": 67.315, + "ndcg_at_100": 69.372, + "ndcg_at_1000": 70.15400000000001, + "ndcg_at_20": 67.943, + "ndcg_at_3": 61.121, + "ndcg_at_5": 64.399, + "precision_at_1": 54.0, + "precision_at_10": 9.232999999999999, + "precision_at_100": 1.047, + "precision_at_1000": 0.11100000000000002, + "precision_at_20": 4.7829999999999995, + "precision_at_3": 23.666999999999998, + "precision_at_5": 16.2, + "recall_at_1": 51.678000000000004, + "recall_at_10": 82.389, + "recall_at_100": 92.0, + "recall_at_1000": 98.333, + "recall_at_20": 84.63300000000001, + "recall_at_3": 66.05, + "recall_at_5": 74.006, + "main_score": 67.315 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/SprintDuplicateQuestions.json b/results/Mihaiii__Ivysaur/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..ac2d8a82e --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.82673267326733, + "cos_sim_ap": 95.11999931294784, + "cos_sim_f1": 91.0941475826972, + "cos_sim_precision": 92.74611398963731, + "cos_sim_recall": 89.5, + "dot_accuracy": 99.73861386138614, + "dot_ap": 92.76208671816435, + "dot_f1": 86.5055387713998, + "dot_precision": 87.11967545638946, + "dot_recall": 85.9, + "euclidean_accuracy": 99.82376237623762, + "euclidean_ap": 95.02471241011084, + "euclidean_f1": 90.97363083164299, + "euclidean_precision": 92.28395061728395, + "euclidean_recall": 89.7, + "manhattan_accuracy": 99.82574257425742, + "manhattan_ap": 95.08424842231868, + "manhattan_f1": 91.10212335692619, + "manhattan_precision": 92.12678936605317, + "manhattan_recall": 90.10000000000001, + "max_accuracy": 99.82673267326733, + "max_ap": 95.11999931294784, + "max_f1": 91.10212335692619, + "main_score": 95.11999931294784 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/StackExchangeClustering.json b/results/Mihaiii__Ivysaur/external/StackExchangeClustering.json new file mode 100644 index 000000000..61728dd6a --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/StackExchangeClustering.json @@ -0,0 +1,2520 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 53.870949746768424, + "v_measures": [ + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825, + 0.53571634076978, + 0.5884760755274984, + 0.46493825119779986, + 0.5647097615749553, + 0.5050495849120543, + 0.491061219994023, + 0.4819622731542588, + 0.5685868012607284, + 0.5540760555292195, + 0.531322826771169, + 0.5932274601787088, + 0.6261393631444355, + 0.6353921700607754, + 0.6018599887005625, + 0.5217064752780205, + 0.5317605881853373, + 0.5257201882718268, + 0.5260835662200616, + 0.5003275253721006, + 0.5110511254674243, + 0.5261695936445681, + 0.5091730883971124, + 0.48910042016546806, + 0.5422967369475379, + 0.5418299559666825 + ], + "main_score": 53.870949746768424 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/StackExchangeClusteringP2P.json b/results/Mihaiii__Ivysaur/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..f9624ec53 --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/StackExchangeClusteringP2P.json @@ -0,0 +1,1020 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.56703823226784, + "v_measures": [ + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039, + 0.320494817263046, + 0.3250723341694729, + 0.32168615316198984, + 0.31328349679632345, + 0.31938046148819477, + 0.36421160408518477, + 0.3463076518950044, + 0.35187389429456556, + 0.3507929680626984, + 0.3436004420103039 + ], + "main_score": 33.56703823226784 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/StackOverflowDupQuestions.json b/results/Mihaiii__Ivysaur/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..26cf535a9 --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 49.82873266157383, + "mrr": 50.652096065699006, + "main_score": 49.82873266157383 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/SummEval.json b/results/Mihaiii__Ivysaur/external/SummEval.json new file mode 100644 index 000000000..fa122f103 --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.35739606124227, + "cos_sim_spearman": 31.26775311472305, + "dot_pearson": 29.421400993418278, + "dot_spearman": 30.180472594773534, + "cosine_pearson": 31.35739606124227, + "cosine_spearman": 31.26775311472305, + "main_score": 31.26775311472305 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/TRECCOVID.json b/results/Mihaiii__Ivysaur/external/TRECCOVID.json new file mode 100644 index 000000000..50bec627c --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/TRECCOVID.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "bb9466bac8153a0349341eb1b22e06409e78ef4e", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.184, + "map_at_10": 1.398, + "map_at_100": 7.2090000000000005, + "map_at_1000": 18.414, + "map_at_20": 2.414, + "map_at_3": 0.509, + "map_at_5": 0.767, + "mrr_at_1": 72.0, + "mrr_at_10": 80.467, + "mrr_at_100": 80.735, + "mrr_at_1000": 80.735, + "mrr_at_20": 80.735, + "mrr_at_3": 79.0, + "mrr_at_5": 79.80000000000001, + "ndcg_at_1": 68.0, + "ndcg_at_10": 60.324, + "ndcg_at_100": 43.866, + "ndcg_at_1000": 41.932, + "ndcg_at_20": 56.013999999999996, + "ndcg_at_3": 66.458, + "ndcg_at_5": 63.048, + "precision_at_1": 72.0, + "precision_at_10": 64.2, + "precision_at_100": 44.56, + "precision_at_1000": 18.736, + "precision_at_20": 59.0, + "precision_at_3": 72.0, + "precision_at_5": 67.2, + "recall_at_1": 0.184, + "recall_at_10": 1.649, + "recall_at_100": 10.659, + "recall_at_1000": 40.424, + "recall_at_20": 3.0349999999999997, + "recall_at_3": 0.5519999999999999, + "recall_at_5": 0.852, + "main_score": 60.324 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/Touche2020.json b/results/Mihaiii__Ivysaur/external/Touche2020.json new file mode 100644 index 000000000..6821c827f --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/Touche2020.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 1.252, + "map_at_10": 8.029, + "map_at_100": 13.504, + "map_at_1000": 15.013000000000002, + "map_at_20": 10.306, + "map_at_3": 3.372, + "map_at_5": 4.923, + "mrr_at_1": 18.367, + "mrr_at_10": 36.612, + "mrr_at_100": 37.345, + "mrr_at_1000": 37.345, + "mrr_at_20": 36.955, + "mrr_at_3": 32.993, + "mrr_at_5": 33.912, + "ndcg_at_1": 16.326999999999998, + "ndcg_at_10": 21.124000000000002, + "ndcg_at_100": 32.635, + "ndcg_at_1000": 43.993, + "ndcg_at_20": 22.429, + "ndcg_at_3": 20.836, + "ndcg_at_5": 20.437, + "precision_at_1": 18.367, + "precision_at_10": 21.02, + "precision_at_100": 7.245, + "precision_at_1000": 1.473, + "precision_at_20": 15.714, + "precision_at_3": 23.128999999999998, + "precision_at_5": 22.448999999999998, + "recall_at_1": 1.252, + "recall_at_10": 15.312999999999999, + "recall_at_100": 44.908, + "recall_at_1000": 79.396, + "recall_at_20": 22.647000000000002, + "recall_at_3": 4.883, + "recall_at_5": 7.917000000000001, + "main_score": 21.124000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/ToxicConversationsClassification.json b/results/Mihaiii__Ivysaur/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..0f881e7b0 --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 65.458984375, + "ap": 12.013147326225168, + "f1": 50.30981581053394, + "main_score": 65.458984375 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/TweetSentimentExtractionClassification.json b/results/Mihaiii__Ivysaur/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..bf4969874 --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 58.658743633276735, + "f1": 59.01001910848807, + "main_score": 58.658743633276735 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/TwentyNewsgroupsClustering.json b/results/Mihaiii__Ivysaur/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..07fb0d456 --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,1020 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.7719980016582, + "v_measures": [ + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471, + 0.43398618769240316, + 0.411071419600849, + 0.4084167708216848, + 0.4309144066998439, + 0.3937926057303082, + 0.41327169334332636, + 0.4194895558089149, + 0.3732114423385808, + 0.4053128667752613, + 0.3877328513546471 + ], + "main_score": 40.7719980016582 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/TwitterSemEval2015.json b/results/Mihaiii__Ivysaur/external/TwitterSemEval2015.json new file mode 100644 index 000000000..4141d11df --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 84.71717231924659, + "cos_sim_ap": 69.78325722226528, + "cos_sim_f1": 66.23786691615015, + "cos_sim_precision": 59.483301827347205, + "cos_sim_recall": 74.72295514511873, + "dot_accuracy": 81.95148119449246, + "dot_ap": 60.71125646179137, + "dot_f1": 58.44781026182928, + "dot_precision": 52.65496086312672, + "dot_recall": 65.67282321899735, + "euclidean_accuracy": 84.84830422602371, + "euclidean_ap": 69.97192936786296, + "euclidean_f1": 66.53649011471808, + "euclidean_precision": 61.898274296094456, + "euclidean_recall": 71.92612137203166, + "manhattan_accuracy": 84.75889610776659, + "manhattan_ap": 69.75691180376053, + "manhattan_f1": 66.32788868723533, + "manhattan_precision": 61.2513966480447, + "manhattan_recall": 72.32189973614776, + "max_accuracy": 84.84830422602371, + "max_ap": 69.97192936786296, + "max_f1": 66.53649011471808, + "main_score": 69.97192936786296 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/TwitterURLCorpus.json b/results/Mihaiii__Ivysaur/external/TwitterURLCorpus.json new file mode 100644 index 000000000..b3763e144 --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.43287926417511, + "cos_sim_ap": 85.07378179191598, + "cos_sim_f1": 77.50230244980658, + "cos_sim_precision": 74.30246521155613, + "cos_sim_recall": 80.99014474899907, + "dot_accuracy": 86.946481934257, + "dot_ap": 80.90485630835825, + "dot_f1": 74.43342263413221, + "dot_precision": 70.24736914035807, + "dot_recall": 79.1499846011703, + "euclidean_accuracy": 88.49303372530757, + "euclidean_ap": 85.08920672765427, + "euclidean_f1": 77.53514807059526, + "euclidean_precision": 75.3707473102646, + "euclidean_recall": 79.82753310748383, + "manhattan_accuracy": 88.47168859393798, + "manhattan_ap": 85.01816084029292, + "manhattan_f1": 77.36513181524315, + "manhattan_precision": 72.5057223643463, + "manhattan_recall": 82.9226978749615, + "max_accuracy": 88.49303372530757, + "max_ap": 85.08920672765427, + "max_f1": 77.53514807059526, + "main_score": 85.08920672765427 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Ivysaur/external/model_meta.json b/results/Mihaiii__Ivysaur/external/model_meta.json new file mode 100644 index 000000000..9002f4fc7 --- /dev/null +++ b/results/Mihaiii__Ivysaur/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "Mihaiii/Ivysaur", + "revision": "65914d976f45beb4bda7485c39d88865b4ce6554", + "release_date": "2024-04-27", + "languages": [], + "loader": null, + "n_parameters": 22713216, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 384, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/AmazonCounterfactualClassification.json b/results/Mihaiii__Squirtle/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..8d9e04c3e --- /dev/null +++ b/results/Mihaiii__Squirtle/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.59701492537313, + "ap": 31.80839087521638, + "f1": 63.43204352573031, + "main_score": 69.59701492537313 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/AmazonPolarityClassification.json b/results/Mihaiii__Squirtle/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..01600f2ce --- /dev/null +++ b/results/Mihaiii__Squirtle/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 82.09027499999999, + "ap": 76.95004336850603, + "f1": 82.04505556179174, + "main_score": 82.09027499999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/AmazonReviewsClassification.json b/results/Mihaiii__Squirtle/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..27eb3770b --- /dev/null +++ b/results/Mihaiii__Squirtle/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 41.943999999999996, + "f1": 40.40964457303876, + "main_score": 41.943999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/ArguAna.json b/results/Mihaiii__Squirtle/external/ArguAna.json new file mode 100644 index 000000000..7ae52b211 --- /dev/null +++ b/results/Mihaiii__Squirtle/external/ArguAna.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 13.869000000000002, + "map_at_10": 24.631, + "map_at_100": 25.965, + "map_at_1000": 26.023000000000003, + "map_at_20": 25.442999999999998, + "map_at_3": 20.827, + "map_at_5": 22.776, + "mrr_at_1": 14.580000000000002, + "mrr_at_10": 24.91, + "mrr_at_100": 26.229999999999997, + "mrr_at_1000": 26.288, + "mrr_at_20": 25.708, + "mrr_at_3": 21.136, + "mrr_at_5": 23.02, + "ndcg_at_1": 13.869000000000002, + "ndcg_at_10": 31.14, + "ndcg_at_100": 37.885999999999996, + "ndcg_at_1000": 39.497, + "ndcg_at_20": 34.068, + "ndcg_at_3": 23.163, + "ndcg_at_5": 26.677, + "precision_at_1": 13.869000000000002, + "precision_at_10": 5.220000000000001, + "precision_at_100": 0.844, + "precision_at_1000": 0.097, + "precision_at_20": 3.186, + "precision_at_3": 9.981, + "precision_at_5": 7.696, + "recall_at_1": 13.869000000000002, + "recall_at_10": 52.205, + "recall_at_100": 84.42399999999999, + "recall_at_1000": 97.297, + "recall_at_20": 63.727000000000004, + "recall_at_3": 29.942999999999998, + "recall_at_5": 38.478, + "main_score": 31.14 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/ArxivClusteringP2P.json b/results/Mihaiii__Squirtle/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..6d0d8f032 --- /dev/null +++ b/results/Mihaiii__Squirtle/external/ArxivClusteringP2P.json @@ -0,0 +1,3120 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.042527574996505, + "v_measures": [ + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295, + 0.2896613951792161, + 0.2974905938215674, + 0.28195491579456905, + 0.3008325954323272, + 0.3012695848509836, + 0.28933380000430453, + 0.297420818100457, + 0.2792041800887245, + 0.3049968405105834, + 0.30704380358904726, + 0.39238640618067383, + 0.3932595512850983, + 0.3875472939281748, + 0.39822946285500505, + 0.39839156092566014, + 0.40184636328122075, + 0.39008499175162326, + 0.3984035967802891, + 0.39159106298575347, + 0.3923217036338575, + 0.3916410911561569, + 0.2357749280106326, + 0.23682806457721106, + 0.3122239617657793, + 0.26610676013174756, + 0.18123482803921434, + 0.2504695156635453, + 0.10917464735757001, + 0.16714512698028008, + 1.0, + 0.19931410358764295 + ], + "main_score": 33.042527574996505 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/ArxivClusteringS2S.json b/results/Mihaiii__Squirtle/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..f7eef9e88 --- /dev/null +++ b/results/Mihaiii__Squirtle/external/ArxivClusteringS2S.json @@ -0,0 +1,3120 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 24.68133686033884, + "v_measures": [ + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024, + 0.2005976632299017, + 0.208968006943616, + 0.20946008190179435, + 0.20539809799180958, + 0.21463587994609631, + 0.20913407901977635, + 0.20908020832330956, + 0.1944493063711425, + 0.20181175619582953, + 0.2249901827151246, + 0.29132293951181787, + 0.29570222215271086, + 0.2796075942678196, + 0.28871411057617774, + 0.29302758518431116, + 0.29227253592096986, + 0.2856462545898644, + 0.28687743467743254, + 0.2900793948371436, + 0.28627385826697854, + 0.27308659940457203, + 0.14117319401377473, + 0.1761477350541332, + 0.24048342650129406, + 0.19387054212465876, + 0.14470023981605995, + 0.16704070762984086, + 0.07547453139959907, + 0.127993495025131, + 1.0, + 0.14319476311235024 + ], + "main_score": 24.68133686033884 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/AskUbuntuDupQuestions.json b/results/Mihaiii__Squirtle/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..81bf436d2 --- /dev/null +++ b/results/Mihaiii__Squirtle/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 52.344372012529384, + "mrr": 65.32614430813877, + "main_score": 52.344372012529384 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/BIOSSES.json b/results/Mihaiii__Squirtle/external/BIOSSES.json new file mode 100644 index 000000000..74ee7c018 --- /dev/null +++ b/results/Mihaiii__Squirtle/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 69.44065444549933, + "cos_sim_spearman": 71.77814153774398, + "euclidean_pearson": 70.59416783558756, + "euclidean_spearman": 71.77814153774398, + "manhattan_pearson": 70.99287197201959, + "manhattan_spearman": 72.0769435268729, + "cosine_pearson": 69.44065444549933, + "cosine_spearman": 71.77814153774398, + "main_score": 71.77814153774398 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/Banking77Classification.json b/results/Mihaiii__Squirtle/external/Banking77Classification.json new file mode 100644 index 000000000..f803415b9 --- /dev/null +++ b/results/Mihaiii__Squirtle/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 67.12987012987013, + "f1": 65.99991975715585, + "main_score": 67.12987012987013 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/BiorxivClusteringP2P.json b/results/Mihaiii__Squirtle/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..7152511b1 --- /dev/null +++ b/results/Mihaiii__Squirtle/external/BiorxivClusteringP2P.json @@ -0,0 +1,1020 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.861774505346606, + "v_measures": [ + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453, + 0.3057878417529878, + 0.3086229109676654, + 0.3080657568280612, + 0.3002878816865892, + 0.30903247986282023, + 0.3022960257813801, + 0.31981283125167154, + 0.3119766955566159, + 0.3039859162306553, + 0.31630911061621453 + ], + "main_score": 30.861774505346606 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/BiorxivClusteringS2S.json b/results/Mihaiii__Squirtle/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..b1510204a --- /dev/null +++ b/results/Mihaiii__Squirtle/external/BiorxivClusteringS2S.json @@ -0,0 +1,1020 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 21.100665285420916, + "v_measures": [ + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236, + 0.21042268101320297, + 0.19607301651541253, + 0.21811669828359762, + 0.20892482431651227, + 0.20621532003083415, + 0.215815720040119, + 0.20517452774094483, + 0.21396360841093787, + 0.20967704706047804, + 0.22568308513005236 + ], + "main_score": 21.100665285420916 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/CQADupstackAndroidRetrieval.json b/results/Mihaiii__Squirtle/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..ee2262bb6 --- /dev/null +++ b/results/Mihaiii__Squirtle/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "f46a197baaae43b4f621051089b82a364682dfeb", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.835, + "map_at_10": 24.718999999999998, + "map_at_100": 25.755, + "map_at_1000": 25.887, + "map_at_20": 25.217, + "map_at_3": 23.076, + "map_at_5": 23.96, + "mrr_at_1": 23.033, + "mrr_at_10": 29.868, + "mrr_at_100": 30.757, + "mrr_at_1000": 30.834, + "mrr_at_20": 30.37, + "mrr_at_3": 28.112, + "mrr_at_5": 29.185, + "ndcg_at_1": 23.033, + "ndcg_at_10": 28.899, + "ndcg_at_100": 33.788000000000004, + "ndcg_at_1000": 36.962, + "ndcg_at_20": 30.497000000000003, + "ndcg_at_3": 26.442, + "ndcg_at_5": 27.466, + "precision_at_1": 23.033, + "precision_at_10": 5.351, + "precision_at_100": 0.9610000000000001, + "precision_at_1000": 0.151, + "precision_at_20": 3.2259999999999995, + "precision_at_3": 12.923000000000002, + "precision_at_5": 8.956, + "recall_at_1": 17.835, + "recall_at_10": 36.034, + "recall_at_100": 57.615, + "recall_at_1000": 79.72, + "recall_at_20": 41.894999999999996, + "recall_at_3": 28.313, + "recall_at_5": 31.639, + "main_score": 28.899 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/CQADupstackEnglishRetrieval.json b/results/Mihaiii__Squirtle/external/CQADupstackEnglishRetrieval.json new file mode 100644 index 000000000..929aa9d36 --- /dev/null +++ b/results/Mihaiii__Squirtle/external/CQADupstackEnglishRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "ad9991cb51e31e31e430383c75ffb2885547b5f0", + "task_name": "CQADupstackEnglishRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 12.166, + "map_at_10": 16.320999999999998, + "map_at_100": 16.954, + "map_at_1000": 17.054, + "map_at_20": 16.651, + "map_at_3": 14.890999999999998, + "map_at_5": 15.695999999999998, + "mrr_at_1": 15.287, + "mrr_at_10": 19.487, + "mrr_at_100": 20.11, + "mrr_at_1000": 20.185, + "mrr_at_20": 19.830000000000002, + "mrr_at_3": 18.068, + "mrr_at_5": 18.855, + "ndcg_at_1": 15.287, + "ndcg_at_10": 19.198999999999998, + "ndcg_at_100": 22.395, + "ndcg_at_1000": 25.106, + "ndcg_at_20": 20.297, + "ndcg_at_3": 16.743, + "ndcg_at_5": 17.855999999999998, + "precision_at_1": 15.287, + "precision_at_10": 3.605, + "precision_at_100": 0.638, + "precision_at_1000": 0.108, + "precision_at_20": 2.166, + "precision_at_3": 8.089, + "precision_at_5": 5.822, + "recall_at_1": 12.166, + "recall_at_10": 24.701999999999998, + "recall_at_100": 39.199, + "recall_at_1000": 58.205, + "recall_at_20": 28.791, + "recall_at_3": 17.469, + "recall_at_5": 20.615, + "main_score": 19.198999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/CQADupstackGamingRetrieval.json b/results/Mihaiii__Squirtle/external/CQADupstackGamingRetrieval.json new file mode 100644 index 000000000..f0565441e --- /dev/null +++ b/results/Mihaiii__Squirtle/external/CQADupstackGamingRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "4885aa143210c98657558c04aaf3dc47cfb54340", + "task_name": "CQADupstackGamingRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.667, + "map_at_10": 27.163999999999998, + "map_at_100": 28.044000000000004, + "map_at_1000": 28.142, + "map_at_20": 27.645999999999997, + "map_at_3": 24.914, + "map_at_5": 26.078000000000003, + "mrr_at_1": 23.197000000000003, + "mrr_at_10": 30.202, + "mrr_at_100": 30.976, + "mrr_at_1000": 31.047000000000004, + "mrr_at_20": 30.636000000000003, + "mrr_at_3": 28.004, + "mrr_at_5": 29.164, + "ndcg_at_1": 23.197000000000003, + "ndcg_at_10": 31.618000000000002, + "ndcg_at_100": 35.977, + "ndcg_at_1000": 38.458, + "ndcg_at_20": 33.242, + "ndcg_at_3": 27.285999999999998, + "ndcg_at_5": 29.163, + "precision_at_1": 23.197000000000003, + "precision_at_10": 5.26, + "precision_at_100": 0.8200000000000001, + "precision_at_1000": 0.11199999999999999, + "precision_at_20": 3.082, + "precision_at_3": 12.247, + "precision_at_5": 8.577, + "recall_at_1": 19.667, + "recall_at_10": 42.443, + "recall_at_100": 62.254, + "recall_at_1000": 80.44, + "recall_at_20": 48.447, + "recall_at_3": 30.518, + "recall_at_5": 35.22, + "main_score": 31.618000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/CQADupstackGisRetrieval.json b/results/Mihaiii__Squirtle/external/CQADupstackGisRetrieval.json new file mode 100644 index 000000000..78055c022 --- /dev/null +++ b/results/Mihaiii__Squirtle/external/CQADupstackGisRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "5003b3064772da1887988e05400cf3806fe491f2", + "task_name": "CQADupstackGisRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 10.923, + "map_at_10": 14.24, + "map_at_100": 15.001000000000001, + "map_at_1000": 15.092, + "map_at_20": 14.623, + "map_at_3": 13.168, + "map_at_5": 13.678, + "mrr_at_1": 11.525, + "mrr_at_10": 15.187000000000001, + "mrr_at_100": 15.939999999999998, + "mrr_at_1000": 16.03, + "mrr_at_20": 15.557000000000002, + "mrr_at_3": 13.991999999999999, + "mrr_at_5": 14.557, + "ndcg_at_1": 11.525, + "ndcg_at_10": 16.512999999999998, + "ndcg_at_100": 20.445, + "ndcg_at_1000": 23.398, + "ndcg_at_20": 17.832, + "ndcg_at_3": 14.224, + "ndcg_at_5": 15.136, + "precision_at_1": 11.525, + "precision_at_10": 2.565, + "precision_at_100": 0.484, + "precision_at_1000": 0.076, + "precision_at_20": 1.582, + "precision_at_3": 5.989, + "precision_at_5": 4.1579999999999995, + "recall_at_1": 10.923, + "recall_at_10": 22.695, + "recall_at_100": 40.892, + "recall_at_1000": 64.456, + "recall_at_20": 27.607, + "recall_at_3": 16.348, + "recall_at_5": 18.504, + "main_score": 16.512999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/CQADupstackMathematicaRetrieval.json b/results/Mihaiii__Squirtle/external/CQADupstackMathematicaRetrieval.json new file mode 100644 index 000000000..d9650b5e0 --- /dev/null +++ b/results/Mihaiii__Squirtle/external/CQADupstackMathematicaRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "90fceea13679c63fe563ded68f3b6f06e50061de", + "task_name": "CQADupstackMathematicaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.409, + "map_at_10": 8.584999999999999, + "map_at_100": 9.392, + "map_at_1000": 9.5, + "map_at_20": 8.943, + "map_at_3": 7.3, + "map_at_5": 7.962, + "mrr_at_1": 6.965000000000001, + "mrr_at_10": 10.593, + "mrr_at_100": 11.496, + "mrr_at_1000": 11.578, + "mrr_at_20": 11.021, + "mrr_at_3": 8.976, + "mrr_at_5": 9.797, + "ndcg_at_1": 6.965000000000001, + "ndcg_at_10": 11.056000000000001, + "ndcg_at_100": 15.683, + "ndcg_at_1000": 18.873, + "ndcg_at_20": 12.331, + "ndcg_at_3": 8.334, + "ndcg_at_5": 9.512, + "precision_at_1": 6.965000000000001, + "precision_at_10": 2.177, + "precision_at_100": 0.54, + "precision_at_1000": 0.095, + "precision_at_20": 1.468, + "precision_at_3": 3.9800000000000004, + "precision_at_5": 3.109, + "recall_at_1": 5.409, + "recall_at_10": 16.895, + "recall_at_100": 38.167, + "recall_at_1000": 61.783, + "recall_at_20": 21.248, + "recall_at_3": 9.518, + "recall_at_5": 12.426, + "main_score": 11.056000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/CQADupstackPhysicsRetrieval.json b/results/Mihaiii__Squirtle/external/CQADupstackPhysicsRetrieval.json new file mode 100644 index 000000000..f4f2cc455 --- /dev/null +++ b/results/Mihaiii__Squirtle/external/CQADupstackPhysicsRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "79531abbd1fb92d06c6d6315a0cbbbf5bb247ea4", + "task_name": "CQADupstackPhysicsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 13.688, + "map_at_10": 19.096, + "map_at_100": 20.058, + "map_at_1000": 20.194000000000003, + "map_at_20": 19.595000000000002, + "map_at_3": 17.313000000000002, + "map_at_5": 18.41, + "mrr_at_1": 17.132, + "mrr_at_10": 22.95, + "mrr_at_100": 23.799, + "mrr_at_1000": 23.884, + "mrr_at_20": 23.419999999999998, + "mrr_at_3": 20.95, + "mrr_at_5": 22.21, + "ndcg_at_1": 17.132, + "ndcg_at_10": 22.88, + "ndcg_at_100": 27.572000000000003, + "ndcg_at_1000": 30.824, + "ndcg_at_20": 24.516, + "ndcg_at_3": 19.64, + "ndcg_at_5": 21.4, + "precision_at_1": 17.132, + "precision_at_10": 4.263999999999999, + "precision_at_100": 0.7969999999999999, + "precision_at_1000": 0.125, + "precision_at_20": 2.6519999999999997, + "precision_at_3": 9.336, + "precision_at_5": 6.93, + "recall_at_1": 13.688, + "recall_at_10": 30.537999999999997, + "recall_at_100": 51.017999999999994, + "recall_at_1000": 73.921, + "recall_at_20": 36.174, + "recall_at_3": 21.568, + "recall_at_5": 26.127, + "main_score": 22.88 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/CQADupstackProgrammersRetrieval.json b/results/Mihaiii__Squirtle/external/CQADupstackProgrammersRetrieval.json new file mode 100644 index 000000000..96e047fb6 --- /dev/null +++ b/results/Mihaiii__Squirtle/external/CQADupstackProgrammersRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "6184bc1440d2dbc7612be22b50686b8826d22b32", + "task_name": "CQADupstackProgrammersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.173, + "map_at_10": 11.648, + "map_at_100": 12.434000000000001, + "map_at_1000": 12.540000000000001, + "map_at_20": 12.030000000000001, + "map_at_3": 10.568, + "map_at_5": 11.064, + "mrr_at_1": 10.274, + "mrr_at_10": 14.505, + "mrr_at_100": 15.332, + "mrr_at_1000": 15.409, + "mrr_at_20": 14.899999999999999, + "mrr_at_3": 13.375, + "mrr_at_5": 13.929, + "ndcg_at_1": 10.274, + "ndcg_at_10": 14.283999999999999, + "ndcg_at_100": 18.731, + "ndcg_at_1000": 21.744, + "ndcg_at_20": 15.647, + "ndcg_at_3": 12.278, + "ndcg_at_5": 12.974, + "precision_at_1": 10.274, + "precision_at_10": 2.683, + "precision_at_100": 0.582, + "precision_at_1000": 0.099, + "precision_at_20": 1.7409999999999999, + "precision_at_3": 6.088, + "precision_at_5": 4.201, + "recall_at_1": 8.173, + "recall_at_10": 19.642, + "recall_at_100": 40.213, + "recall_at_1000": 62.083999999999996, + "recall_at_20": 24.537, + "recall_at_3": 13.700999999999999, + "recall_at_5": 15.751000000000001, + "main_score": 14.283999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/CQADupstackStatsRetrieval.json b/results/Mihaiii__Squirtle/external/CQADupstackStatsRetrieval.json new file mode 100644 index 000000000..7764dadbe --- /dev/null +++ b/results/Mihaiii__Squirtle/external/CQADupstackStatsRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "65ac3a16b8e91f9cee4c9828cc7c335575432a2a", + "task_name": "CQADupstackStatsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.696, + "map_at_10": 12.339, + "map_at_100": 12.946, + "map_at_1000": 13.04, + "map_at_20": 12.6, + "map_at_3": 11.06, + "map_at_5": 11.530999999999999, + "mrr_at_1": 10.276, + "mrr_at_10": 14.463999999999999, + "mrr_at_100": 15.07, + "mrr_at_1000": 15.152, + "mrr_at_20": 14.737, + "mrr_at_3": 13.037, + "mrr_at_5": 13.627, + "ndcg_at_1": 10.276, + "ndcg_at_10": 15.085, + "ndcg_at_100": 18.538, + "ndcg_at_1000": 21.461, + "ndcg_at_20": 15.976, + "ndcg_at_3": 12.454, + "ndcg_at_5": 13.195, + "precision_at_1": 10.276, + "precision_at_10": 2.669, + "precision_at_100": 0.48900000000000005, + "precision_at_1000": 0.08, + "precision_at_20": 1.572, + "precision_at_3": 5.726, + "precision_at_5": 3.9570000000000003, + "recall_at_1": 8.696, + "recall_at_10": 21.766, + "recall_at_100": 38.269, + "recall_at_1000": 61.106, + "recall_at_20": 24.992, + "recall_at_3": 14.032, + "recall_at_5": 15.967999999999998, + "main_score": 15.085 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/CQADupstackTexRetrieval.json b/results/Mihaiii__Squirtle/external/CQADupstackTexRetrieval.json new file mode 100644 index 000000000..18dc7b6e9 --- /dev/null +++ b/results/Mihaiii__Squirtle/external/CQADupstackTexRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "46989137a86843e03a6195de44b09deda022eec7", + "task_name": "CQADupstackTexRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.13, + "map_at_10": 9.067, + "map_at_100": 9.687999999999999, + "map_at_1000": 9.792, + "map_at_20": 9.384, + "map_at_3": 8.006, + "map_at_5": 8.581999999999999, + "mrr_at_1": 7.605, + "mrr_at_10": 11.111, + "mrr_at_100": 11.745999999999999, + "mrr_at_1000": 11.837, + "mrr_at_20": 11.452, + "mrr_at_3": 9.922, + "mrr_at_5": 10.522, + "ndcg_at_1": 7.605, + "ndcg_at_10": 11.302, + "ndcg_at_100": 14.629, + "ndcg_at_1000": 17.739, + "ndcg_at_20": 12.411, + "ndcg_at_3": 9.28, + "ndcg_at_5": 10.161000000000001, + "precision_at_1": 7.605, + "precision_at_10": 2.22, + "precision_at_100": 0.46499999999999997, + "precision_at_1000": 0.087, + "precision_at_20": 1.428, + "precision_at_3": 4.565, + "precision_at_5": 3.3649999999999998, + "recall_at_1": 6.13, + "recall_at_10": 16.009999999999998, + "recall_at_100": 31.467, + "recall_at_1000": 54.722, + "recall_at_20": 20.137, + "recall_at_3": 10.347000000000001, + "recall_at_5": 12.692, + "main_score": 11.302 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/CQADupstackUnixRetrieval.json b/results/Mihaiii__Squirtle/external/CQADupstackUnixRetrieval.json new file mode 100644 index 000000000..94d8a1930 --- /dev/null +++ b/results/Mihaiii__Squirtle/external/CQADupstackUnixRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "6c6430d3a6d36f8d2a829195bc5dc94d7e063e53", + "task_name": "CQADupstackUnixRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 11.645, + "map_at_10": 15.466, + "map_at_100": 16.147, + "map_at_1000": 16.247, + "map_at_20": 15.806999999999999, + "map_at_3": 14.011000000000001, + "map_at_5": 14.967, + "mrr_at_1": 14.179, + "mrr_at_10": 18.512, + "mrr_at_100": 19.184, + "mrr_at_1000": 19.267, + "mrr_at_20": 18.855, + "mrr_at_3": 16.993, + "mrr_at_5": 17.954, + "ndcg_at_1": 14.179, + "ndcg_at_10": 18.311, + "ndcg_at_100": 21.996, + "ndcg_at_1000": 24.942, + "ndcg_at_20": 19.522000000000002, + "ndcg_at_3": 15.593000000000002, + "ndcg_at_5": 17.116, + "precision_at_1": 14.179, + "precision_at_10": 3.116, + "precision_at_100": 0.5519999999999999, + "precision_at_1000": 0.091, + "precision_at_20": 1.87, + "precision_at_3": 7.090000000000001, + "precision_at_5": 5.224, + "recall_at_1": 11.645, + "recall_at_10": 24.206, + "recall_at_100": 41.29, + "recall_at_1000": 63.205999999999996, + "recall_at_20": 28.659000000000002, + "recall_at_3": 16.771, + "recall_at_5": 20.602, + "main_score": 18.311 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/CQADupstackWebmastersRetrieval.json b/results/Mihaiii__Squirtle/external/CQADupstackWebmastersRetrieval.json new file mode 100644 index 000000000..1efa5259d --- /dev/null +++ b/results/Mihaiii__Squirtle/external/CQADupstackWebmastersRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "160c094312a0e1facb97e55eeddb698c0abe3571", + "task_name": "CQADupstackWebmastersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 12.435, + "map_at_10": 17.263, + "map_at_100": 18.137, + "map_at_1000": 18.282999999999998, + "map_at_20": 17.724, + "map_at_3": 15.648000000000001, + "map_at_5": 16.542, + "mrr_at_1": 15.809999999999999, + "mrr_at_10": 20.687, + "mrr_at_100": 21.484, + "mrr_at_1000": 21.567, + "mrr_at_20": 21.124000000000002, + "mrr_at_3": 19.104, + "mrr_at_5": 19.974, + "ndcg_at_1": 15.809999999999999, + "ndcg_at_10": 20.801, + "ndcg_at_100": 25.001, + "ndcg_at_1000": 28.347, + "ndcg_at_20": 22.223000000000003, + "ndcg_at_3": 18.046, + "ndcg_at_5": 19.308, + "precision_at_1": 15.809999999999999, + "precision_at_10": 4.032, + "precision_at_100": 0.832, + "precision_at_1000": 0.16, + "precision_at_20": 2.54, + "precision_at_3": 8.63, + "precision_at_5": 6.4030000000000005, + "recall_at_1": 12.435, + "recall_at_10": 27.495000000000005, + "recall_at_100": 47.522999999999996, + "recall_at_1000": 70.804, + "recall_at_20": 33.334, + "recall_at_3": 19.192, + "recall_at_5": 22.435, + "main_score": 20.801 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/CQADupstackWordpressRetrieval.json b/results/Mihaiii__Squirtle/external/CQADupstackWordpressRetrieval.json new file mode 100644 index 000000000..6feb647b1 --- /dev/null +++ b/results/Mihaiii__Squirtle/external/CQADupstackWordpressRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "4ffe81d471b1924886b33c7567bfb200e9eec5c4", + "task_name": "CQADupstackWordpressRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.262, + "map_at_10": 11.167, + "map_at_100": 12.017999999999999, + "map_at_1000": 12.113, + "map_at_20": 11.674, + "map_at_3": 9.736, + "map_at_5": 10.384, + "mrr_at_1": 9.242, + "mrr_at_10": 12.564, + "mrr_at_100": 13.427, + "mrr_at_1000": 13.520999999999999, + "mrr_at_20": 13.072000000000001, + "mrr_at_3": 11.06, + "mrr_at_5": 11.753, + "ndcg_at_1": 9.242, + "ndcg_at_10": 13.594999999999999, + "ndcg_at_100": 18.049, + "ndcg_at_1000": 20.888, + "ndcg_at_20": 15.440000000000001, + "ndcg_at_3": 10.697, + "ndcg_at_5": 11.757, + "precision_at_1": 9.242, + "precision_at_10": 2.348, + "precision_at_100": 0.482, + "precision_at_1000": 0.077, + "precision_at_20": 1.5709999999999997, + "precision_at_3": 4.621, + "precision_at_5": 3.401, + "recall_at_1": 8.262, + "recall_at_10": 19.983999999999998, + "recall_at_100": 40.997, + "recall_at_1000": 63.058, + "recall_at_20": 27.168999999999997, + "recall_at_3": 11.814, + "recall_at_5": 14.463999999999999, + "main_score": 13.594999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/ClimateFEVER.json b/results/Mihaiii__Squirtle/external/ClimateFEVER.json new file mode 100644 index 000000000..a8cd2428a --- /dev/null +++ b/results/Mihaiii__Squirtle/external/ClimateFEVER.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.058, + "map_at_10": 6.734, + "map_at_100": 7.593999999999999, + "map_at_1000": 7.736999999999999, + "map_at_20": 7.102, + "map_at_3": 5.559, + "map_at_5": 6.178999999999999, + "mrr_at_1": 8.404, + "mrr_at_10": 13.514999999999999, + "mrr_at_100": 14.518, + "mrr_at_1000": 14.599, + "mrr_at_20": 14.025000000000002, + "mrr_at_3": 11.584999999999999, + "mrr_at_5": 12.588, + "ndcg_at_1": 8.404, + "ndcg_at_10": 10.02, + "ndcg_at_100": 14.771999999999998, + "ndcg_at_1000": 18.251, + "ndcg_at_20": 11.378, + "ndcg_at_3": 7.675, + "ndcg_at_5": 8.558, + "precision_at_1": 8.404, + "precision_at_10": 3.212, + "precision_at_100": 0.83, + "precision_at_1000": 0.146, + "precision_at_20": 2.186, + "precision_at_3": 5.624, + "precision_at_5": 4.5600000000000005, + "recall_at_1": 4.058, + "recall_at_10": 12.751999999999999, + "recall_at_100": 30.219, + "recall_at_1000": 50.749, + "recall_at_20": 16.634, + "recall_at_3": 7.234999999999999, + "recall_at_5": 9.418, + "main_score": 10.02 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/DBPedia.json b/results/Mihaiii__Squirtle/external/DBPedia.json new file mode 100644 index 000000000..2520022a8 --- /dev/null +++ b/results/Mihaiii__Squirtle/external/DBPedia.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.516, + "map_at_10": 11.001, + "map_at_100": 14.527999999999999, + "map_at_1000": 15.417, + "map_at_20": 12.446, + "map_at_3": 8.269, + "map_at_5": 9.345, + "mrr_at_1": 43.5, + "mrr_at_10": 54.078, + "mrr_at_100": 54.655, + "mrr_at_1000": 54.679, + "mrr_at_20": 54.461999999999996, + "mrr_at_3": 51.37500000000001, + "mrr_at_5": 53.25, + "ndcg_at_1": 33.125, + "ndcg_at_10": 25.665, + "ndcg_at_100": 28.116000000000003, + "ndcg_at_1000": 34.477000000000004, + "ndcg_at_20": 25.027, + "ndcg_at_3": 28.4, + "ndcg_at_5": 27.094, + "precision_at_1": 43.5, + "precision_at_10": 21.65, + "precision_at_100": 6.351999999999999, + "precision_at_1000": 1.306, + "precision_at_20": 15.662, + "precision_at_3": 32.333, + "precision_at_5": 28.199999999999996, + "recall_at_1": 5.516, + "recall_at_10": 15.457, + "recall_at_100": 32.903, + "recall_at_1000": 53.81700000000001, + "recall_at_20": 20.365, + "recall_at_3": 9.528, + "recall_at_5": 11.619, + "main_score": 25.665 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/EmotionClassification.json b/results/Mihaiii__Squirtle/external/EmotionClassification.json new file mode 100644 index 000000000..2eef3ada5 --- /dev/null +++ b/results/Mihaiii__Squirtle/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 45.79, + "f1": 38.89634882093881, + "main_score": 45.79 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/FEVER.json b/results/Mihaiii__Squirtle/external/FEVER.json new file mode 100644 index 000000000..b897f1e74 --- /dev/null +++ b/results/Mihaiii__Squirtle/external/FEVER.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.063000000000002, + "map_at_10": 24.911, + "map_at_100": 25.688, + "map_at_1000": 25.758, + "map_at_20": 25.358999999999998, + "map_at_3": 22.743, + "map_at_5": 23.924, + "mrr_at_1": 19.472, + "mrr_at_10": 26.587, + "mrr_at_100": 27.362, + "mrr_at_1000": 27.428, + "mrr_at_20": 27.040999999999997, + "mrr_at_3": 24.362000000000002, + "mrr_at_5": 25.593, + "ndcg_at_1": 19.472, + "ndcg_at_10": 29.183999999999997, + "ndcg_at_100": 33.207, + "ndcg_at_1000": 35.21, + "ndcg_at_20": 30.791, + "ndcg_at_3": 24.701999999999998, + "ndcg_at_5": 26.823000000000004, + "precision_at_1": 19.472, + "precision_at_10": 4.469, + "precision_at_100": 0.6629999999999999, + "precision_at_1000": 0.08499999999999999, + "precision_at_20": 2.59, + "precision_at_3": 10.401, + "precision_at_5": 7.363, + "recall_at_1": 18.063000000000002, + "recall_at_10": 41.071999999999996, + "recall_at_100": 60.049, + "recall_at_1000": 75.64699999999999, + "recall_at_20": 47.211999999999996, + "recall_at_3": 28.796, + "recall_at_5": 33.894999999999996, + "main_score": 29.183999999999997 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/FiQA2018.json b/results/Mihaiii__Squirtle/external/FiQA2018.json new file mode 100644 index 000000000..f14c9bcbf --- /dev/null +++ b/results/Mihaiii__Squirtle/external/FiQA2018.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.45, + "map_at_10": 4.255, + "map_at_100": 4.809, + "map_at_1000": 4.954, + "map_at_20": 4.513, + "map_at_3": 3.4029999999999996, + "map_at_5": 3.782, + "mrr_at_1": 4.938, + "mrr_at_10": 8.231, + "mrr_at_100": 8.902000000000001, + "mrr_at_1000": 9.019, + "mrr_at_20": 8.530999999999999, + "mrr_at_3": 6.944, + "mrr_at_5": 7.623, + "ndcg_at_1": 4.938, + "ndcg_at_10": 6.425, + "ndcg_at_100": 9.661999999999999, + "ndcg_at_1000": 13.911999999999999, + "ndcg_at_20": 7.3, + "ndcg_at_3": 4.907, + "ndcg_at_5": 5.406, + "precision_at_1": 4.938, + "precision_at_10": 2.037, + "precision_at_100": 0.528, + "precision_at_1000": 0.125, + "precision_at_20": 1.366, + "precision_at_3": 3.344, + "precision_at_5": 2.7470000000000003, + "recall_at_1": 2.45, + "recall_at_10": 8.987, + "recall_at_100": 22.302, + "recall_at_1000": 49.903999999999996, + "recall_at_20": 11.712, + "recall_at_3": 4.675, + "recall_at_5": 6.161, + "main_score": 6.425 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/HotpotQA.json b/results/Mihaiii__Squirtle/external/HotpotQA.json new file mode 100644 index 000000000..ea6a19682 --- /dev/null +++ b/results/Mihaiii__Squirtle/external/HotpotQA.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.585, + "map_at_10": 31.893, + "map_at_100": 32.851, + "map_at_1000": 32.951, + "map_at_20": 32.415, + "map_at_3": 29.787000000000003, + "map_at_5": 31.012, + "mrr_at_1": 47.171, + "mrr_at_10": 54.333, + "mrr_at_100": 54.949000000000005, + "mrr_at_1000": 54.98800000000001, + "mrr_at_20": 54.702, + "mrr_at_3": 52.632999999999996, + "mrr_at_5": 53.652, + "ndcg_at_1": 47.171, + "ndcg_at_10": 39.884, + "ndcg_at_100": 44.019000000000005, + "ndcg_at_1000": 46.303, + "ndcg_at_20": 41.461999999999996, + "ndcg_at_3": 36.153999999999996, + "ndcg_at_5": 38.072, + "precision_at_1": 47.171, + "precision_at_10": 8.396, + "precision_at_100": 1.169, + "precision_at_1000": 0.147, + "precision_at_20": 4.707, + "precision_at_3": 22.408, + "precision_at_5": 14.966, + "recall_at_1": 23.585, + "recall_at_10": 41.978, + "recall_at_100": 58.447, + "recall_at_1000": 73.7, + "recall_at_20": 47.07, + "recall_at_3": 33.611999999999995, + "recall_at_5": 37.413999999999994, + "main_score": 39.884 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/ImdbClassification.json b/results/Mihaiii__Squirtle/external/ImdbClassification.json new file mode 100644 index 000000000..cde224997 --- /dev/null +++ b/results/Mihaiii__Squirtle/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.9528, + "ap": 69.50790744137139, + "f1": 74.77689594327182, + "main_score": 74.9528 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/MSMARCO.json b/results/Mihaiii__Squirtle/external/MSMARCO.json new file mode 100644 index 000000000..d17df1ee1 --- /dev/null +++ b/results/Mihaiii__Squirtle/external/MSMARCO.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.186, + "map_at_10": 13.352, + "map_at_100": 14.147000000000002, + "map_at_1000": 14.231, + "map_at_20": 13.753000000000002, + "map_at_3": 11.529, + "map_at_5": 12.497, + "mrr_at_1": 8.424, + "mrr_at_10": 13.675999999999998, + "mrr_at_100": 14.475999999999999, + "mrr_at_1000": 14.557, + "mrr_at_20": 14.084, + "mrr_at_3": 11.843, + "mrr_at_5": 12.82, + "ndcg_at_1": 8.424, + "ndcg_at_10": 16.534, + "ndcg_at_100": 20.982, + "ndcg_at_1000": 23.538999999999998, + "ndcg_at_20": 18.012, + "ndcg_at_3": 12.729, + "ndcg_at_5": 14.466999999999999, + "precision_at_1": 8.424, + "precision_at_10": 2.7449999999999997, + "precision_at_100": 0.507, + "precision_at_1000": 0.073, + "precision_at_20": 1.683, + "precision_at_3": 5.478000000000001, + "precision_at_5": 4.16, + "recall_at_1": 8.186, + "recall_at_10": 26.415, + "recall_at_100": 48.282000000000004, + "recall_at_1000": 68.869, + "recall_at_20": 32.207, + "recall_at_3": 15.909, + "recall_at_5": 20.09, + "main_score": 16.534 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/MTOPDomainClassification.json b/results/Mihaiii__Squirtle/external/MTOPDomainClassification.json new file mode 100644 index 000000000..0601abd48 --- /dev/null +++ b/results/Mihaiii__Squirtle/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 87.26858185134519, + "f1": 86.73793752046078, + "main_score": 87.26858185134519 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/MTOPIntentClassification.json b/results/Mihaiii__Squirtle/external/MTOPIntentClassification.json new file mode 100644 index 000000000..14adfb3b6 --- /dev/null +++ b/results/Mihaiii__Squirtle/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 54.65800273597811, + "f1": 36.16413360524473, + "main_score": 54.65800273597811 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/MassiveIntentClassification.json b/results/Mihaiii__Squirtle/external/MassiveIntentClassification.json new file mode 100644 index 000000000..1a429471e --- /dev/null +++ b/results/Mihaiii__Squirtle/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.519838601210495, + "f1": 58.35755839392156, + "main_score": 61.519838601210495 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/MassiveScenarioClassification.json b/results/Mihaiii__Squirtle/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..964b475b9 --- /dev/null +++ b/results/Mihaiii__Squirtle/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 67.04102219233357, + "f1": 65.55523696441647, + "main_score": 67.04102219233357 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/MedrxivClusteringP2P.json b/results/Mihaiii__Squirtle/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..b3bf81b4a --- /dev/null +++ b/results/Mihaiii__Squirtle/external/MedrxivClusteringP2P.json @@ -0,0 +1,1020 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 27.16765056253893, + "v_measures": [ + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124, + 0.2535665532592405, + 0.25745435154373697, + 0.2588139996653209, + 0.2563977645588755, + 0.2572790917147801, + 0.28011260965698515, + 0.28489569719921415, + 0.2978121202496781, + 0.2927319740642704, + 0.27770089434179124 + ], + "main_score": 27.16765056253893 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/MedrxivClusteringS2S.json b/results/Mihaiii__Squirtle/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..d42256377 --- /dev/null +++ b/results/Mihaiii__Squirtle/external/MedrxivClusteringS2S.json @@ -0,0 +1,1020 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 23.778196508186724, + "v_measures": [ + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752, + 0.22243646306633857, + 0.2203410753173429, + 0.2227543188103344, + 0.22414069966133132, + 0.2284479943649894, + 0.2523527902057292, + 0.25535019508635054, + 0.25480623149347, + 0.2575581979609686, + 0.23963168485181752 + ], + "main_score": 23.778196508186724 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/MindSmallReranking.json b/results/Mihaiii__Squirtle/external/MindSmallReranking.json new file mode 100644 index 000000000..738292370 --- /dev/null +++ b/results/Mihaiii__Squirtle/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 30.088514713666076, + "mrr": 31.010218178449588, + "main_score": 30.088514713666076 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/NFCorpus.json b/results/Mihaiii__Squirtle/external/NFCorpus.json new file mode 100644 index 000000000..71b92da7e --- /dev/null +++ b/results/Mihaiii__Squirtle/external/NFCorpus.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.228, + "map_at_10": 4.338, + "map_at_100": 5.427, + "map_at_1000": 6.325, + "map_at_20": 4.729, + "map_at_3": 3.495, + "map_at_5": 3.8150000000000004, + "mrr_at_1": 22.291, + "mrr_at_10": 29.622, + "mrr_at_100": 30.547, + "mrr_at_1000": 30.618000000000002, + "mrr_at_20": 30.070000000000004, + "mrr_at_3": 27.141, + "mrr_at_5": 28.488000000000003, + "ndcg_at_1": 21.362000000000002, + "ndcg_at_10": 15.64, + "ndcg_at_100": 14.832, + "ndcg_at_1000": 23.980999999999998, + "ndcg_at_20": 14.408000000000001, + "ndcg_at_3": 18.719, + "ndcg_at_5": 17.137, + "precision_at_1": 21.981, + "precision_at_10": 11.548, + "precision_at_100": 4.223, + "precision_at_1000": 1.6500000000000001, + "precision_at_20": 8.39, + "precision_at_3": 17.337, + "precision_at_5": 14.613000000000001, + "recall_at_1": 2.228, + "recall_at_10": 6.9190000000000005, + "recall_at_100": 16.854, + "recall_at_1000": 49.179, + "recall_at_20": 9.166, + "recall_at_3": 4.263, + "recall_at_5": 4.956, + "main_score": 15.64 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/NQ.json b/results/Mihaiii__Squirtle/external/NQ.json new file mode 100644 index 000000000..980948b60 --- /dev/null +++ b/results/Mihaiii__Squirtle/external/NQ.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.176, + "map_at_10": 15.720999999999998, + "map_at_100": 16.847, + "map_at_1000": 16.939999999999998, + "map_at_20": 16.355, + "map_at_3": 13.402, + "map_at_5": 14.663, + "mrr_at_1": 10.458, + "mrr_at_10": 17.413, + "mrr_at_100": 18.442, + "mrr_at_1000": 18.52, + "mrr_at_20": 18.006, + "mrr_at_3": 15.043999999999999, + "mrr_at_5": 16.367, + "ndcg_at_1": 10.458, + "ndcg_at_10": 19.994999999999997, + "ndcg_at_100": 25.665, + "ndcg_at_1000": 28.277, + "ndcg_at_20": 22.233, + "ndcg_at_3": 15.168999999999999, + "ndcg_at_5": 17.453, + "precision_at_1": 10.458, + "precision_at_10": 3.711, + "precision_at_100": 0.697, + "precision_at_1000": 0.095, + "precision_at_20": 2.3810000000000002, + "precision_at_3": 7.204000000000001, + "precision_at_5": 5.568, + "recall_at_1": 9.176, + "recall_at_10": 31.646, + "recall_at_100": 57.865, + "recall_at_1000": 78.11399999999999, + "recall_at_20": 40.117000000000004, + "recall_at_3": 18.67, + "recall_at_5": 24.063000000000002, + "main_score": 19.994999999999997 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/QuoraRetrieval.json b/results/Mihaiii__Squirtle/external/QuoraRetrieval.json new file mode 100644 index 000000000..2c7ff6ad1 --- /dev/null +++ b/results/Mihaiii__Squirtle/external/QuoraRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "e4e08e0b7dbe3c8700f0daef558ff32256715259", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 62.597, + "map_at_10": 75.3, + "map_at_100": 76.057, + "map_at_1000": 76.089, + "map_at_20": 75.762, + "map_at_3": 72.41499999999999, + "map_at_5": 74.139, + "mrr_at_1": 72.11999999999999, + "mrr_at_10": 79.44600000000001, + "mrr_at_100": 79.691, + "mrr_at_1000": 79.696, + "mrr_at_20": 79.604, + "mrr_at_3": 78.015, + "mrr_at_5": 78.90700000000001, + "ndcg_at_1": 72.15, + "ndcg_at_10": 79.937, + "ndcg_at_100": 82.074, + "ndcg_at_1000": 82.443, + "ndcg_at_20": 80.916, + "ndcg_at_3": 76.452, + "ndcg_at_5": 78.192, + "precision_at_1": 72.15, + "precision_at_10": 12.117, + "precision_at_100": 1.4500000000000002, + "precision_at_1000": 0.154, + "precision_at_20": 6.503, + "precision_at_3": 33.267, + "precision_at_5": 21.944, + "recall_at_1": 62.597, + "recall_at_10": 88.911, + "recall_at_100": 97.112, + "recall_at_1000": 99.229, + "recall_at_20": 92.231, + "recall_at_3": 78.83099999999999, + "recall_at_5": 83.757, + "main_score": 79.937 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/RedditClustering.json b/results/Mihaiii__Squirtle/external/RedditClustering.json new file mode 100644 index 000000000..332c9a766 --- /dev/null +++ b/results/Mihaiii__Squirtle/external/RedditClustering.json @@ -0,0 +1,2520 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.453135224292588, + "v_measures": [ + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356, + 0.34024081488556046, + 0.31978719363198366, + 0.28326863670514296, + 0.2736227852661663, + 0.33176589594215805, + 0.281739297860462, + 0.3714152055541526, + 0.2784460528138246, + 0.28292867038320446, + 0.3011498262585792, + 0.2903236549747166, + 0.36937775233378656, + 0.30011371483471927, + 0.33579158840067747, + 0.3774325279364799, + 0.2798489399988548, + 0.30350039884840657, + 0.39379070544611877, + 0.29845537391174287, + 0.280224383799162, + 0.2683644031255058, + 0.28462417081553165, + 0.4207860651822375, + 0.30599639335371903, + 0.29028935381025356 + ], + "main_score": 31.453135224292588 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/RedditClusteringP2P.json b/results/Mihaiii__Squirtle/external/RedditClusteringP2P.json new file mode 100644 index 000000000..5e34c254a --- /dev/null +++ b/results/Mihaiii__Squirtle/external/RedditClusteringP2P.json @@ -0,0 +1,1020 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 43.69122416835423, + "v_measures": [ + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799, + 0.4949442160711536, + 0.5089714608477952, + 0.533056646726052, + 0.28870974397114113, + 0.4845435888947718, + 0.4358272686082502, + 0.15963756448560423, + 0.4966594103138184, + 0.4483975331373559, + 0.5183749837794799 + ], + "main_score": 43.69122416835423 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/SCIDOCS.json b/results/Mihaiii__Squirtle/external/SCIDOCS.json new file mode 100644 index 000000000..dd94aaf1a --- /dev/null +++ b/results/Mihaiii__Squirtle/external/SCIDOCS.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "f8c2fcf00f625baaa80f62ec5bd9e1fff3b8ae88", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.558, + "map_at_10": 5.4670000000000005, + "map_at_100": 6.601999999999999, + "map_at_1000": 6.816, + "map_at_20": 6.013, + "map_at_3": 4.132000000000001, + "map_at_5": 4.672, + "mrr_at_1": 12.5, + "mrr_at_10": 18.454, + "mrr_at_100": 19.585, + "mrr_at_1000": 19.698999999999998, + "mrr_at_20": 19.093, + "mrr_at_3": 16.25, + "mrr_at_5": 17.349999999999998, + "ndcg_at_1": 12.5, + "ndcg_at_10": 9.931, + "ndcg_at_100": 15.332, + "ndcg_at_1000": 20.285, + "ndcg_at_20": 11.73, + "ndcg_at_3": 9.425, + "ndcg_at_5": 7.994, + "precision_at_1": 12.5, + "precision_at_10": 5.11, + "precision_at_100": 1.299, + "precision_at_1000": 0.251, + "precision_at_20": 3.5999999999999996, + "precision_at_3": 8.533, + "precision_at_5": 6.7, + "recall_at_1": 2.558, + "recall_at_10": 10.4, + "recall_at_100": 26.35, + "recall_at_1000": 50.888, + "recall_at_20": 14.610000000000001, + "recall_at_3": 5.208, + "recall_at_5": 6.808, + "main_score": 9.931 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/SICK-R.json b/results/Mihaiii__Squirtle/external/SICK-R.json new file mode 100644 index 000000000..d98367599 --- /dev/null +++ b/results/Mihaiii__Squirtle/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 80.46080544471825, + "cos_sim_spearman": 77.33681018334157, + "euclidean_pearson": 78.32030772877526, + "euclidean_spearman": 77.3367915580176, + "manhattan_pearson": 78.23694581981565, + "manhattan_spearman": 77.24572801084182, + "cosine_pearson": 80.46080544471825, + "cosine_spearman": 77.33681018334157, + "main_score": 77.33681018334157 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/STS12.json b/results/Mihaiii__Squirtle/external/STS12.json new file mode 100644 index 000000000..cbf5fe325 --- /dev/null +++ b/results/Mihaiii__Squirtle/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 77.33143319366522, + "cos_sim_spearman": 70.15243619467687, + "euclidean_pearson": 74.35384725257417, + "euclidean_spearman": 70.15020588975051, + "manhattan_pearson": 74.49763893926959, + "manhattan_spearman": 70.35289409088577, + "cosine_pearson": 77.33143319366522, + "cosine_spearman": 70.15243619467687, + "main_score": 70.15243619467687 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/STS13.json b/results/Mihaiii__Squirtle/external/STS13.json new file mode 100644 index 000000000..0324472bf --- /dev/null +++ b/results/Mihaiii__Squirtle/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 75.43426290814391, + "cos_sim_spearman": 78.41580967540904, + "euclidean_pearson": 77.87697798842441, + "euclidean_spearman": 78.41580967540904, + "manhattan_pearson": 77.7742301162175, + "manhattan_spearman": 78.23561925777014, + "cosine_pearson": 75.43426290814391, + "cosine_spearman": 78.41580967540904, + "main_score": 78.41580967540904 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/STS14.json b/results/Mihaiii__Squirtle/external/STS14.json new file mode 100644 index 000000000..bf95dc604 --- /dev/null +++ b/results/Mihaiii__Squirtle/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 75.72059066580607, + "cos_sim_spearman": 74.76063270848232, + "euclidean_pearson": 75.96422568212527, + "euclidean_spearman": 74.76063912580608, + "manhattan_pearson": 75.93446446206052, + "manhattan_spearman": 74.80351881324513, + "cosine_pearson": 75.72059066580607, + "cosine_spearman": 74.76063270848232, + "main_score": 74.76063270848232 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/STS15.json b/results/Mihaiii__Squirtle/external/STS15.json new file mode 100644 index 000000000..fc18fc248 --- /dev/null +++ b/results/Mihaiii__Squirtle/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 79.50308070637769, + "cos_sim_spearman": 82.00177922226122, + "euclidean_pearson": 81.88334998600465, + "euclidean_spearman": 82.00175996908672, + "manhattan_pearson": 82.04162815561806, + "manhattan_spearman": 82.16179492395742, + "cosine_pearson": 79.50308070637769, + "cosine_spearman": 82.00177922226122, + "main_score": 82.00177922226122 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/STS16.json b/results/Mihaiii__Squirtle/external/STS16.json new file mode 100644 index 000000000..5ca8725be --- /dev/null +++ b/results/Mihaiii__Squirtle/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 72.660749090443, + "cos_sim_spearman": 78.27062791462116, + "euclidean_pearson": 77.22132046879575, + "euclidean_spearman": 78.27062749235377, + "manhattan_pearson": 77.30349168561915, + "manhattan_spearman": 78.38610133247218, + "cosine_pearson": 72.660749090443, + "cosine_spearman": 78.27062791462116, + "main_score": 78.27062791462116 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/STS17.json b/results/Mihaiii__Squirtle/external/STS17.json new file mode 100644 index 000000000..2e2d2cb13 --- /dev/null +++ b/results/Mihaiii__Squirtle/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.40073205259823, + "cos_sim_spearman": 85.85093351857286, + "euclidean_pearson": 86.39555107737667, + "euclidean_spearman": 85.85093351857286, + "manhattan_pearson": 86.15780582794078, + "manhattan_spearman": 85.67768599300385, + "cosine_pearson": 84.40073205259823, + "cosine_spearman": 85.85093351857286, + "main_score": 85.85093351857286 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/STS22.json b/results/Mihaiii__Squirtle/external/STS22.json new file mode 100644 index 000000000..e8be5ccaf --- /dev/null +++ b/results/Mihaiii__Squirtle/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "eea2b4fe26a775864c896887d910b76a8098ad3f", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 54.06121880120164, + "cos_sim_spearman": 61.20018366762684, + "euclidean_pearson": 59.08089664894604, + "euclidean_spearman": 61.20018366762684, + "manhattan_pearson": 58.88169190353213, + "manhattan_spearman": 60.82629422553597, + "cosine_pearson": 54.06121880120164, + "cosine_spearman": 61.20018366762684, + "main_score": 61.20018366762684 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/STSBenchmark.json b/results/Mihaiii__Squirtle/external/STSBenchmark.json new file mode 100644 index 000000000..853a854dd --- /dev/null +++ b/results/Mihaiii__Squirtle/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 76.9607252955321, + "cos_sim_spearman": 79.20891358738938, + "euclidean_pearson": 79.53044888138301, + "euclidean_spearman": 79.20891358738938, + "manhattan_pearson": 79.37313113618887, + "manhattan_spearman": 79.0667751270519, + "cosine_pearson": 76.9607252955321, + "cosine_spearman": 79.20891358738938, + "main_score": 79.20891358738938 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/SciDocsRR.json b/results/Mihaiii__Squirtle/external/SciDocsRR.json new file mode 100644 index 000000000..c3dfceba2 --- /dev/null +++ b/results/Mihaiii__Squirtle/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 71.0421477784269, + "mrr": 89.94940426312975, + "main_score": 71.0421477784269 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/SciFact.json b/results/Mihaiii__Squirtle/external/SciFact.json new file mode 100644 index 000000000..0be4250c2 --- /dev/null +++ b/results/Mihaiii__Squirtle/external/SciFact.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.900000000000002, + "map_at_10": 38.494, + "map_at_100": 39.353, + "map_at_1000": 39.427, + "map_at_20": 38.952, + "map_at_3": 36.238, + "map_at_5": 37.36, + "mrr_at_1": 34.0, + "mrr_at_10": 40.327, + "mrr_at_100": 41.052, + "mrr_at_1000": 41.120000000000005, + "mrr_at_20": 40.737, + "mrr_at_3": 38.333, + "mrr_at_5": 39.367000000000004, + "ndcg_at_1": 34.0, + "ndcg_at_10": 42.419000000000004, + "ndcg_at_100": 46.589000000000006, + "ndcg_at_1000": 48.966, + "ndcg_at_20": 43.980000000000004, + "ndcg_at_3": 38.124, + "ndcg_at_5": 39.952, + "precision_at_1": 34.0, + "precision_at_10": 5.933, + "precision_at_100": 0.8330000000000001, + "precision_at_1000": 0.104, + "precision_at_20": 3.3329999999999997, + "precision_at_3": 15.0, + "precision_at_5": 10.067, + "recall_at_1": 31.900000000000002, + "recall_at_10": 52.800000000000004, + "recall_at_100": 72.10600000000001, + "recall_at_1000": 91.60000000000001, + "recall_at_20": 58.699999999999996, + "recall_at_3": 41.317, + "recall_at_5": 45.761, + "main_score": 42.419000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/SprintDuplicateQuestions.json b/results/Mihaiii__Squirtle/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..d87afd434 --- /dev/null +++ b/results/Mihaiii__Squirtle/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.62871287128714, + "cos_sim_ap": 85.22434241429664, + "cos_sim_f1": 79.31605074462217, + "cos_sim_precision": 88.43788437884379, + "cos_sim_recall": 71.89999999999999, + "dot_accuracy": 99.62871287128714, + "dot_ap": 85.22434241429666, + "dot_f1": 79.31605074462217, + "dot_precision": 88.43788437884379, + "dot_recall": 71.89999999999999, + "euclidean_accuracy": 99.62871287128714, + "euclidean_ap": 85.22434237736961, + "euclidean_f1": 79.31605074462217, + "euclidean_precision": 88.43788437884379, + "euclidean_recall": 71.89999999999999, + "manhattan_accuracy": 99.62475247524752, + "manhattan_ap": 85.53918872229502, + "manhattan_f1": 79.38618925831203, + "manhattan_precision": 81.2565445026178, + "manhattan_recall": 77.60000000000001, + "max_accuracy": 99.62871287128714, + "max_ap": 85.53918872229502, + "max_f1": 79.38618925831203, + "main_score": 85.53918872229502 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/StackExchangeClustering.json b/results/Mihaiii__Squirtle/external/StackExchangeClustering.json new file mode 100644 index 000000000..d2761c662 --- /dev/null +++ b/results/Mihaiii__Squirtle/external/StackExchangeClustering.json @@ -0,0 +1,2520 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.16142357597941, + "v_measures": [ + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965, + 0.3824405761636396, + 0.44216202123263126, + 0.3390286805950001, + 0.40370202650437953, + 0.3687764786128344, + 0.3002689364743748, + 0.3406756129607103, + 0.4239251906201308, + 0.41513537797197647, + 0.39562333880392536, + 0.44243846336620263, + 0.4564014124962121, + 0.46843968839295613, + 0.3486700249457605, + 0.3931094737880025, + 0.38614031871714743, + 0.39009948062151834, + 0.3952861715088528, + 0.3768164106667065, + 0.39372559829701875, + 0.41022022885425324, + 0.3442845107165114, + 0.36768421400456974, + 0.40522290066464794, + 0.40007875701488965 + ], + "main_score": 39.16142357597941 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/StackExchangeClusteringP2P.json b/results/Mihaiii__Squirtle/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..1090828d7 --- /dev/null +++ b/results/Mihaiii__Squirtle/external/StackExchangeClusteringP2P.json @@ -0,0 +1,1020 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 29.175984546605825, + "v_measures": [ + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907, + 0.28319515044921223, + 0.2715264094552343, + 0.27440620100214314, + 0.26830955555466396, + 0.27653185247970546, + 0.3178752664718975, + 0.3080336049306678, + 0.3068022206397505, + 0.3022010188359171, + 0.3087171748413907 + ], + "main_score": 29.175984546605825 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/StackOverflowDupQuestions.json b/results/Mihaiii__Squirtle/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..e284605a4 --- /dev/null +++ b/results/Mihaiii__Squirtle/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 40.56760857818254, + "mrr": 40.94357439945675, + "main_score": 40.56760857818254 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/SummEval.json b/results/Mihaiii__Squirtle/external/SummEval.json new file mode 100644 index 000000000..ebb30bd28 --- /dev/null +++ b/results/Mihaiii__Squirtle/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.764610926778037, + "cos_sim_spearman": 30.298920879214158, + "dot_pearson": 30.764611831321552, + "dot_spearman": 30.298299440561465, + "cosine_pearson": 30.764610926778037, + "cosine_spearman": 30.298920879214158, + "main_score": 30.298920879214158 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/TRECCOVID.json b/results/Mihaiii__Squirtle/external/TRECCOVID.json new file mode 100644 index 000000000..2d1690fa4 --- /dev/null +++ b/results/Mihaiii__Squirtle/external/TRECCOVID.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "bb9466bac8153a0349341eb1b22e06409e78ef4e", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.109, + "map_at_10": 0.781, + "map_at_100": 2.995, + "map_at_1000": 6.854, + "map_at_20": 1.2, + "map_at_3": 0.28700000000000003, + "map_at_5": 0.434, + "mrr_at_1": 42.0, + "mrr_at_10": 54.955, + "mrr_at_100": 55.655, + "mrr_at_1000": 55.689, + "mrr_at_20": 55.42399999999999, + "mrr_at_3": 51.0, + "mrr_at_5": 53.800000000000004, + "ndcg_at_1": 39.0, + "ndcg_at_10": 39.479, + "ndcg_at_100": 25.752000000000002, + "ndcg_at_1000": 22.868, + "ndcg_at_20": 35.707, + "ndcg_at_3": 39.419, + "ndcg_at_5": 39.64, + "precision_at_1": 42.0, + "precision_at_10": 43.6, + "precision_at_100": 25.88, + "precision_at_1000": 10.784, + "precision_at_20": 37.8, + "precision_at_3": 43.333, + "precision_at_5": 43.6, + "recall_at_1": 0.109, + "recall_at_10": 1.038, + "recall_at_100": 5.495, + "recall_at_1000": 21.665, + "recall_at_20": 1.722, + "recall_at_3": 0.318, + "recall_at_5": 0.522, + "main_score": 39.479 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/Touche2020.json b/results/Mihaiii__Squirtle/external/Touche2020.json new file mode 100644 index 000000000..b7ea655be --- /dev/null +++ b/results/Mihaiii__Squirtle/external/Touche2020.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 1.302, + "map_at_10": 2.514, + "map_at_100": 3.341, + "map_at_1000": 3.757, + "map_at_20": 2.85, + "map_at_3": 1.8450000000000002, + "map_at_5": 1.873, + "mrr_at_1": 18.367, + "mrr_at_10": 24.789, + "mrr_at_100": 26.517000000000003, + "mrr_at_1000": 26.593, + "mrr_at_20": 25.946, + "mrr_at_3": 22.448999999999998, + "mrr_at_5": 22.959, + "ndcg_at_1": 16.326999999999998, + "ndcg_at_10": 7.7509999999999994, + "ndcg_at_100": 10.67, + "ndcg_at_1000": 17.76, + "ndcg_at_20": 7.674, + "ndcg_at_3": 10.369, + "ndcg_at_5": 7.840999999999999, + "precision_at_1": 18.367, + "precision_at_10": 7.142999999999999, + "precision_at_100": 2.327, + "precision_at_1000": 0.6779999999999999, + "precision_at_20": 5.408, + "precision_at_3": 11.565, + "precision_at_5": 7.3469999999999995, + "recall_at_1": 1.302, + "recall_at_10": 4.919, + "recall_at_100": 14.430000000000001, + "recall_at_1000": 36.949, + "recall_at_20": 7.0040000000000004, + "recall_at_3": 2.2319999999999998, + "recall_at_5": 2.3449999999999998, + "main_score": 7.7509999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/ToxicConversationsClassification.json b/results/Mihaiii__Squirtle/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..38649ab16 --- /dev/null +++ b/results/Mihaiii__Squirtle/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 64.47265625, + "ap": 11.979631561643862, + "f1": 49.90647543589666, + "main_score": 64.47265625 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/TweetSentimentExtractionClassification.json b/results/Mihaiii__Squirtle/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..57b97f2c6 --- /dev/null +++ b/results/Mihaiii__Squirtle/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.79966044142614, + "f1": 61.89030508018869, + "main_score": 61.79966044142614 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/TwentyNewsgroupsClustering.json b/results/Mihaiii__Squirtle/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..b62ff47db --- /dev/null +++ b/results/Mihaiii__Squirtle/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,1020 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 28.234217666259703, + "v_measures": [ + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239, + 0.29450695840941515, + 0.30590470809304793, + 0.29205899710992034, + 0.27123807357354457, + 0.28092608890535714, + 0.2787486406145347, + 0.26689540227394454, + 0.26139744229328293, + 0.2785944239497992, + 0.2931510314031239 + ], + "main_score": 28.234217666259703 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/TwitterSemEval2015.json b/results/Mihaiii__Squirtle/external/TwitterSemEval2015.json new file mode 100644 index 000000000..a2d9f7704 --- /dev/null +++ b/results/Mihaiii__Squirtle/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 84.0317100792752, + "cos_sim_ap": 67.56361271781817, + "cos_sim_f1": 63.082081211970696, + "cos_sim_precision": 59.58245367112362, + "cos_sim_recall": 67.01846965699208, + "dot_accuracy": 84.0317100792752, + "dot_ap": 67.56359342938897, + "dot_f1": 63.082081211970696, + "dot_precision": 59.58245367112362, + "dot_recall": 67.01846965699208, + "euclidean_accuracy": 84.0317100792752, + "euclidean_ap": 67.5636169518733, + "euclidean_f1": 63.082081211970696, + "euclidean_precision": 59.58245367112362, + "euclidean_recall": 67.01846965699208, + "manhattan_accuracy": 84.0734338677952, + "manhattan_ap": 67.44969672020721, + "manhattan_f1": 63.09479205695017, + "manhattan_precision": 59.90040313018734, + "manhattan_recall": 66.64907651715039, + "max_accuracy": 84.0734338677952, + "max_ap": 67.5636169518733, + "max_f1": 63.09479205695017, + "main_score": 67.5636169518733 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/TwitterURLCorpus.json b/results/Mihaiii__Squirtle/external/TwitterURLCorpus.json new file mode 100644 index 000000000..b9252d88b --- /dev/null +++ b/results/Mihaiii__Squirtle/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 87.60624054022587, + "cos_sim_ap": 82.94451598409692, + "cos_sim_f1": 74.76484194294527, + "cos_sim_precision": 74.86874613959235, + "cos_sim_recall": 74.66122574684324, + "dot_accuracy": 87.60624054022587, + "dot_ap": 82.94451133280317, + "dot_f1": 74.76484194294527, + "dot_precision": 74.86874613959235, + "dot_recall": 74.66122574684324, + "euclidean_accuracy": 87.60624054022587, + "euclidean_ap": 82.94449586426977, + "euclidean_f1": 74.76484194294527, + "euclidean_precision": 74.86874613959235, + "euclidean_recall": 74.66122574684324, + "manhattan_accuracy": 87.63922847052432, + "manhattan_ap": 82.9449637573502, + "manhattan_f1": 74.9452996046217, + "manhattan_precision": 74.73015386970833, + "manhattan_recall": 75.1616877117339, + "max_accuracy": 87.63922847052432, + "max_ap": 82.9449637573502, + "max_f1": 74.9452996046217, + "main_score": 82.9449637573502 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Squirtle/external/model_meta.json b/results/Mihaiii__Squirtle/external/model_meta.json new file mode 100644 index 000000000..64ed5e873 --- /dev/null +++ b/results/Mihaiii__Squirtle/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "Mihaiii/Squirtle", + "revision": "5b991da48a9286637a256d4a35aab87a1a57b78a", + "release_date": "2024-04-30", + "languages": [], + "loader": null, + "n_parameters": 15615360, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 384, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/AmazonCounterfactualClassification.json b/results/Mihaiii__Venusaur/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..3628d074c --- /dev/null +++ b/results/Mihaiii__Venusaur/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.17910447761194, + "ap": 35.29994612283548, + "f1": 66.87845205993153, + "main_score": 73.17910447761194 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/AmazonPolarityClassification.json b/results/Mihaiii__Venusaur/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..56168e7c2 --- /dev/null +++ b/results/Mihaiii__Venusaur/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.993525, + "ap": 74.7042261687233, + "f1": 79.9004149386498, + "main_score": 79.993525 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/AmazonReviewsClassification.json b/results/Mihaiii__Venusaur/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..c3b4fb831 --- /dev/null +++ b/results/Mihaiii__Venusaur/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 39.656000000000006, + "f1": 39.287139345446256, + "main_score": 39.656000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/ArguAna.json b/results/Mihaiii__Venusaur/external/ArguAna.json new file mode 100644 index 000000000..c09bae02b --- /dev/null +++ b/results/Mihaiii__Venusaur/external/ArguAna.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.643, + "map_at_10": 28.276, + "map_at_100": 29.543999999999997, + "map_at_1000": 29.595, + "map_at_20": 29.043000000000003, + "map_at_3": 24.739, + "map_at_5": 26.592, + "mrr_at_1": 17.639, + "mrr_at_10": 28.631, + "mrr_at_100": 29.891000000000002, + "mrr_at_1000": 29.942999999999998, + "mrr_at_20": 29.391000000000002, + "mrr_at_3": 25.107000000000003, + "mrr_at_5": 26.942, + "ndcg_at_1": 16.643, + "ndcg_at_10": 34.8, + "ndcg_at_100": 41.179, + "ndcg_at_1000": 42.564, + "ndcg_at_20": 37.601, + "ndcg_at_3": 27.356, + "ndcg_at_5": 30.725, + "precision_at_1": 16.643, + "precision_at_10": 5.576, + "precision_at_100": 0.861, + "precision_at_1000": 0.097, + "precision_at_20": 3.343, + "precision_at_3": 11.641, + "precision_at_5": 8.634, + "recall_at_1": 16.643, + "recall_at_10": 55.761, + "recall_at_100": 86.06, + "recall_at_1000": 97.013, + "recall_at_20": 66.85600000000001, + "recall_at_3": 34.922, + "recall_at_5": 43.172, + "main_score": 34.8 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/ArxivClusteringP2P.json b/results/Mihaiii__Venusaur/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..c0dcf0af6 --- /dev/null +++ b/results/Mihaiii__Venusaur/external/ArxivClusteringP2P.json @@ -0,0 +1,3120 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.76467048453136, + "v_measures": [ + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592, + 0.2646936786804572, + 0.27790871012280266, + 0.29027802989910717, + 0.27400555976615254, + 0.2823478131745678, + 0.25739544436992295, + 0.3014171939280134, + 0.2862214695233955, + 0.2856734533249879, + 0.2870107976688266, + 0.3709000837926645, + 0.3702167780750079, + 0.36556393540769305, + 0.37650336515785243, + 0.3699811227722488, + 0.36806220730606526, + 0.3696328229784335, + 0.3852970338255622, + 0.37157613433218695, + 0.368267862192135, + 0.3715516752706066, + 0.26093751350716654, + 0.24003989063421033, + 0.31112640151573373, + 0.2509815194812587, + 0.19256512170374224, + 0.2638556294764011, + 0.08503820346290819, + 0.1374194639615466, + 1.0, + 0.21057893489306592 + ], + "main_score": 31.76467048453136 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/ArxivClusteringS2S.json b/results/Mihaiii__Venusaur/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..d434e3bd2 --- /dev/null +++ b/results/Mihaiii__Venusaur/external/ArxivClusteringS2S.json @@ -0,0 +1,3120 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 21.06388933035354, + "v_measures": [ + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183, + 0.15139426348464108, + 0.1723972791290331, + 0.17283164578167945, + 0.16480634318126675, + 0.16569873939027066, + 0.1728549819933171, + 0.17524195492901368, + 0.18366858039747846, + 0.16933886504858436, + 0.16720515987637327, + 0.23635288879364383, + 0.23516065130475095, + 0.23711945768749756, + 0.24435956439029374, + 0.24042600701040173, + 0.23215638321332788, + 0.23458643115209107, + 0.24946576681768332, + 0.2350071814521417, + 0.23906840961229672, + 0.2381730684068399, + 0.14161450056618247, + 0.16111253325078148, + 0.1961351147776721, + 0.1410367521003569, + 0.14337306941509392, + 0.164137728457383, + 0.046549912102592315, + 0.0965914522844279, + 1.0, + 0.12194100640248183 + ], + "main_score": 21.06388933035354 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/AskUbuntuDupQuestions.json b/results/Mihaiii__Venusaur/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..e9ba27e29 --- /dev/null +++ b/results/Mihaiii__Venusaur/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 53.770982215325056, + "mrr": 68.00400123114805, + "main_score": 53.770982215325056 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/BIOSSES.json b/results/Mihaiii__Venusaur/external/BIOSSES.json new file mode 100644 index 000000000..756ef4e2c --- /dev/null +++ b/results/Mihaiii__Venusaur/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 77.20301104745533, + "cos_sim_spearman": 77.59453912854975, + "euclidean_pearson": 74.21678798189272, + "euclidean_spearman": 74.9956847311664, + "manhattan_pearson": 74.55059214013183, + "manhattan_spearman": 75.51557609531613, + "cosine_pearson": 77.20301104745533, + "cosine_spearman": 77.59453912854975, + "main_score": 77.59453912854975 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/Banking77Classification.json b/results/Mihaiii__Venusaur/external/Banking77Classification.json new file mode 100644 index 000000000..00c7a3a01 --- /dev/null +++ b/results/Mihaiii__Venusaur/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.9512987012987, + "f1": 77.89256430400536, + "main_score": 77.9512987012987 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/BiorxivClusteringP2P.json b/results/Mihaiii__Venusaur/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..eb66893ea --- /dev/null +++ b/results/Mihaiii__Venusaur/external/BiorxivClusteringP2P.json @@ -0,0 +1,1020 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 29.83922611010262, + "v_measures": [ + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718, + 0.29324346631343595, + 0.2922357214987931, + 0.2950587109611168, + 0.2960401478358995, + 0.2873870207712407, + 0.29649976178620835, + 0.3055622039732096, + 0.3127947496618221, + 0.2974633994658177, + 0.307637428742718 + ], + "main_score": 29.83922611010262 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/BiorxivClusteringS2S.json b/results/Mihaiii__Venusaur/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..043741644 --- /dev/null +++ b/results/Mihaiii__Venusaur/external/BiorxivClusteringS2S.json @@ -0,0 +1,1020 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 18.34253917925029, + "v_measures": [ + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502, + 0.19663926944608978, + 0.17549804536847785, + 0.1747660797341959, + 0.1733985544939657, + 0.17204103363489412, + 0.18165752579382782, + 0.18835786592472062, + 0.18837179576029925, + 0.19741374109182327, + 0.18611000667673502 + ], + "main_score": 18.34253917925029 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/CQADupstackAndroidRetrieval.json b/results/Mihaiii__Venusaur/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..b2b3ebc0f --- /dev/null +++ b/results/Mihaiii__Venusaur/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "f46a197baaae43b4f621051089b82a364682dfeb", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.709, + "map_at_10": 26.522000000000002, + "map_at_100": 27.613, + "map_at_1000": 27.750999999999998, + "map_at_20": 27.033, + "map_at_3": 24.127000000000002, + "map_at_5": 25.319000000000003, + "mrr_at_1": 24.607, + "mrr_at_10": 31.776, + "mrr_at_100": 32.629999999999995, + "mrr_at_1000": 32.699, + "mrr_at_20": 32.23, + "mrr_at_3": 29.423, + "mrr_at_5": 30.703000000000003, + "ndcg_at_1": 24.607, + "ndcg_at_10": 31.311, + "ndcg_at_100": 36.412, + "ndcg_at_1000": 39.428999999999995, + "ndcg_at_20": 32.793, + "ndcg_at_3": 27.388, + "ndcg_at_5": 28.899, + "precision_at_1": 24.607, + "precision_at_10": 5.951, + "precision_at_100": 1.083, + "precision_at_1000": 0.165, + "precision_at_20": 3.5479999999999996, + "precision_at_3": 12.971, + "precision_at_5": 9.356, + "recall_at_1": 19.709, + "recall_at_10": 40.274, + "recall_at_100": 62.926, + "recall_at_1000": 83.54599999999999, + "recall_at_20": 45.585, + "recall_at_3": 28.587, + "recall_at_5": 32.967999999999996, + "main_score": 31.311 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/CQADupstackEnglishRetrieval.json b/results/Mihaiii__Venusaur/external/CQADupstackEnglishRetrieval.json new file mode 100644 index 000000000..387f1228c --- /dev/null +++ b/results/Mihaiii__Venusaur/external/CQADupstackEnglishRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "ad9991cb51e31e31e430383c75ffb2885547b5f0", + "task_name": "CQADupstackEnglishRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 11.749, + "map_at_10": 15.958, + "map_at_100": 16.694, + "map_at_1000": 16.805, + "map_at_20": 16.325, + "map_at_3": 14.469000000000001, + "map_at_5": 15.286, + "mrr_at_1": 14.521999999999998, + "mrr_at_10": 19.076999999999998, + "mrr_at_100": 19.785, + "mrr_at_1000": 19.863, + "mrr_at_20": 19.451999999999998, + "mrr_at_3": 17.419999999999998, + "mrr_at_5": 18.379, + "ndcg_at_1": 14.521999999999998, + "ndcg_at_10": 18.944, + "ndcg_at_100": 22.685, + "ndcg_at_1000": 25.562, + "ndcg_at_20": 20.169999999999998, + "ndcg_at_3": 16.18, + "ndcg_at_5": 17.476, + "precision_at_1": 14.521999999999998, + "precision_at_10": 3.5409999999999995, + "precision_at_100": 0.679, + "precision_at_1000": 0.11399999999999999, + "precision_at_20": 2.185, + "precision_at_3": 7.495, + "precision_at_5": 5.541, + "recall_at_1": 11.749, + "recall_at_10": 24.759999999999998, + "recall_at_100": 41.54, + "recall_at_1000": 61.836, + "recall_at_20": 29.252, + "recall_at_3": 17.278, + "recall_at_5": 20.57, + "main_score": 18.944 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/CQADupstackGamingRetrieval.json b/results/Mihaiii__Venusaur/external/CQADupstackGamingRetrieval.json new file mode 100644 index 000000000..0ef4cb258 --- /dev/null +++ b/results/Mihaiii__Venusaur/external/CQADupstackGamingRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "4885aa143210c98657558c04aaf3dc47cfb54340", + "task_name": "CQADupstackGamingRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.827, + "map_at_10": 27.417, + "map_at_100": 28.383000000000003, + "map_at_1000": 28.483000000000004, + "map_at_20": 27.901999999999997, + "map_at_3": 25.3, + "map_at_5": 26.432, + "mrr_at_1": 22.947, + "mrr_at_10": 30.279, + "mrr_at_100": 31.1, + "mrr_at_1000": 31.171, + "mrr_at_20": 30.714000000000002, + "mrr_at_3": 28.37, + "mrr_at_5": 29.37, + "ndcg_at_1": 22.947, + "ndcg_at_10": 31.793, + "ndcg_at_100": 36.571999999999996, + "ndcg_at_1000": 39.106, + "ndcg_at_20": 33.376, + "ndcg_at_3": 27.872000000000003, + "ndcg_at_5": 29.601, + "precision_at_1": 22.947, + "precision_at_10": 5.3420000000000005, + "precision_at_100": 0.856, + "precision_at_1000": 0.116, + "precision_at_20": 3.107, + "precision_at_3": 12.684999999999999, + "precision_at_5": 8.790000000000001, + "recall_at_1": 19.827, + "recall_at_10": 42.191, + "recall_at_100": 64.307, + "recall_at_1000": 83.161, + "recall_at_20": 48.046, + "recall_at_3": 31.352999999999998, + "recall_at_5": 35.783, + "main_score": 31.793 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/CQADupstackGisRetrieval.json b/results/Mihaiii__Venusaur/external/CQADupstackGisRetrieval.json new file mode 100644 index 000000000..cd671f79a --- /dev/null +++ b/results/Mihaiii__Venusaur/external/CQADupstackGisRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "5003b3064772da1887988e05400cf3806fe491f2", + "task_name": "CQADupstackGisRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 11.802, + "map_at_10": 15.799, + "map_at_100": 16.53, + "map_at_1000": 16.638, + "map_at_20": 16.161, + "map_at_3": 14.495, + "map_at_5": 15.128, + "mrr_at_1": 12.655, + "mrr_at_10": 17.03, + "mrr_at_100": 17.785999999999998, + "mrr_at_1000": 17.88, + "mrr_at_20": 17.416, + "mrr_at_3": 15.65, + "mrr_at_5": 16.305, + "ndcg_at_1": 12.655, + "ndcg_at_10": 18.411, + "ndcg_at_100": 22.547, + "ndcg_at_1000": 25.685999999999996, + "ndcg_at_20": 19.732, + "ndcg_at_3": 15.713, + "ndcg_at_5": 16.821, + "precision_at_1": 12.655, + "precision_at_10": 2.904, + "precision_at_100": 0.525, + "precision_at_1000": 0.083, + "precision_at_20": 1.7399999999999998, + "precision_at_3": 6.6290000000000004, + "precision_at_5": 4.655, + "recall_at_1": 11.802, + "recall_at_10": 25.373, + "recall_at_100": 45.462, + "recall_at_1000": 69.98299999999999, + "recall_at_20": 30.455, + "recall_at_3": 17.941, + "recall_at_5": 20.61, + "main_score": 18.411 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/CQADupstackMathematicaRetrieval.json b/results/Mihaiii__Venusaur/external/CQADupstackMathematicaRetrieval.json new file mode 100644 index 000000000..8aedec1ad --- /dev/null +++ b/results/Mihaiii__Venusaur/external/CQADupstackMathematicaRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "90fceea13679c63fe563ded68f3b6f06e50061de", + "task_name": "CQADupstackMathematicaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.6739999999999995, + "map_at_10": 10.181, + "map_at_100": 11.138, + "map_at_1000": 11.258, + "map_at_20": 10.673, + "map_at_3": 8.997, + "map_at_5": 9.587, + "mrr_at_1": 8.209, + "mrr_at_10": 12.356, + "mrr_at_100": 13.370000000000001, + "mrr_at_1000": 13.466000000000001, + "mrr_at_20": 12.889000000000001, + "mrr_at_3": 10.821, + "mrr_at_5": 11.604000000000001, + "ndcg_at_1": 8.209, + "ndcg_at_10": 12.849, + "ndcg_at_100": 17.916, + "ndcg_at_1000": 21.192, + "ndcg_at_20": 14.643, + "ndcg_at_3": 10.299, + "ndcg_at_5": 11.350999999999999, + "precision_at_1": 8.209, + "precision_at_10": 2.5, + "precision_at_100": 0.577, + "precision_at_1000": 0.099, + "precision_at_20": 1.667, + "precision_at_3": 5.017, + "precision_at_5": 3.7560000000000002, + "recall_at_1": 6.6739999999999995, + "recall_at_10": 19.016, + "recall_at_100": 41.806, + "recall_at_1000": 65.605, + "recall_at_20": 25.764, + "recall_at_3": 12.030000000000001, + "recall_at_5": 14.568, + "main_score": 12.849 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/CQADupstackPhysicsRetrieval.json b/results/Mihaiii__Venusaur/external/CQADupstackPhysicsRetrieval.json new file mode 100644 index 000000000..adf3c5439 --- /dev/null +++ b/results/Mihaiii__Venusaur/external/CQADupstackPhysicsRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "79531abbd1fb92d06c6d6315a0cbbbf5bb247ea4", + "task_name": "CQADupstackPhysicsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 12.133, + "map_at_10": 17.32, + "map_at_100": 18.294, + "map_at_1000": 18.404, + "map_at_20": 17.804000000000002, + "map_at_3": 15.626000000000001, + "map_at_5": 16.572, + "mrr_at_1": 15.399, + "mrr_at_10": 21.054000000000002, + "mrr_at_100": 21.951999999999998, + "mrr_at_1000": 22.03, + "mrr_at_20": 21.522, + "mrr_at_3": 19.297, + "mrr_at_5": 20.294, + "ndcg_at_1": 15.399, + "ndcg_at_10": 21.02, + "ndcg_at_100": 25.978, + "ndcg_at_1000": 28.803, + "ndcg_at_20": 22.642, + "ndcg_at_3": 17.864, + "ndcg_at_5": 19.335, + "precision_at_1": 15.399, + "precision_at_10": 3.9079999999999995, + "precision_at_100": 0.781, + "precision_at_1000": 0.12, + "precision_at_20": 2.493, + "precision_at_3": 8.502, + "precision_at_5": 6.16, + "recall_at_1": 12.133, + "recall_at_10": 28.753, + "recall_at_100": 50.806, + "recall_at_1000": 70.75399999999999, + "recall_at_20": 34.485, + "recall_at_3": 19.664, + "recall_at_5": 23.566000000000003, + "main_score": 21.02 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/CQADupstackProgrammersRetrieval.json b/results/Mihaiii__Venusaur/external/CQADupstackProgrammersRetrieval.json new file mode 100644 index 000000000..5e2dd96ef --- /dev/null +++ b/results/Mihaiii__Venusaur/external/CQADupstackProgrammersRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "6184bc1440d2dbc7612be22b50686b8826d22b32", + "task_name": "CQADupstackProgrammersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.555, + "map_at_10": 13.553, + "map_at_100": 14.438, + "map_at_1000": 14.562, + "map_at_20": 13.977999999999998, + "map_at_3": 12.118, + "map_at_5": 12.811, + "mrr_at_1": 11.872, + "mrr_at_10": 16.613, + "mrr_at_100": 17.512, + "mrr_at_1000": 17.607, + "mrr_at_20": 17.108, + "mrr_at_3": 15.068000000000001, + "mrr_at_5": 15.839, + "ndcg_at_1": 11.872, + "ndcg_at_10": 16.556, + "ndcg_at_100": 21.34, + "ndcg_at_1000": 24.903, + "ndcg_at_20": 18.102, + "ndcg_at_3": 13.844000000000001, + "ndcg_at_5": 14.893999999999998, + "precision_at_1": 11.872, + "precision_at_10": 3.082, + "precision_at_100": 0.658, + "precision_at_1000": 0.11299999999999999, + "precision_at_20": 1.992, + "precision_at_3": 6.544999999999999, + "precision_at_5": 4.68, + "recall_at_1": 9.555, + "recall_at_10": 22.931, + "recall_at_100": 44.535000000000004, + "recall_at_1000": 70.77799999999999, + "recall_at_20": 28.403, + "recall_at_3": 15.201, + "recall_at_5": 18.145, + "main_score": 16.556 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/CQADupstackStatsRetrieval.json b/results/Mihaiii__Venusaur/external/CQADupstackStatsRetrieval.json new file mode 100644 index 000000000..6b7728757 --- /dev/null +++ b/results/Mihaiii__Venusaur/external/CQADupstackStatsRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "65ac3a16b8e91f9cee4c9828cc7c335575432a2a", + "task_name": "CQADupstackStatsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 10.166, + "map_at_10": 13.980999999999998, + "map_at_100": 14.728, + "map_at_1000": 14.812, + "map_at_20": 14.338000000000001, + "map_at_3": 12.5, + "map_at_5": 13.408000000000001, + "mrr_at_1": 11.503, + "mrr_at_10": 15.799, + "mrr_at_100": 16.539, + "mrr_at_1000": 16.614, + "mrr_at_20": 16.155, + "mrr_at_3": 14.213000000000001, + "mrr_at_5": 15.201999999999998, + "ndcg_at_1": 11.503, + "ndcg_at_10": 16.647000000000002, + "ndcg_at_100": 20.84, + "ndcg_at_1000": 23.385, + "ndcg_at_20": 17.93, + "ndcg_at_3": 13.761999999999999, + "ndcg_at_5": 15.311, + "precision_at_1": 11.503, + "precision_at_10": 2.7449999999999997, + "precision_at_100": 0.541, + "precision_at_1000": 0.082, + "precision_at_20": 1.6789999999999998, + "precision_at_3": 6.033, + "precision_at_5": 4.5089999999999995, + "recall_at_1": 10.166, + "recall_at_10": 23.284, + "recall_at_100": 43.224000000000004, + "recall_at_1000": 62.856, + "recall_at_20": 28.166000000000004, + "recall_at_3": 15.396, + "recall_at_5": 19.248, + "main_score": 16.647000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/CQADupstackTexRetrieval.json b/results/Mihaiii__Venusaur/external/CQADupstackTexRetrieval.json new file mode 100644 index 000000000..67b64cd90 --- /dev/null +++ b/results/Mihaiii__Venusaur/external/CQADupstackTexRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "46989137a86843e03a6195de44b09deda022eec7", + "task_name": "CQADupstackTexRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.516, + "map_at_10": 9.185, + "map_at_100": 9.795, + "map_at_1000": 9.902, + "map_at_20": 9.508999999999999, + "map_at_3": 8.245, + "map_at_5": 8.724, + "mrr_at_1": 8.121, + "mrr_at_10": 11.228, + "mrr_at_100": 11.885, + "mrr_at_1000": 11.978, + "mrr_at_20": 11.583, + "mrr_at_3": 10.145999999999999, + "mrr_at_5": 10.688, + "ndcg_at_1": 8.121, + "ndcg_at_10": 11.245, + "ndcg_at_100": 14.524999999999999, + "ndcg_at_1000": 17.62, + "ndcg_at_20": 12.385, + "ndcg_at_3": 9.429, + "ndcg_at_5": 10.181999999999999, + "precision_at_1": 8.121, + "precision_at_10": 2.137, + "precision_at_100": 0.451, + "precision_at_1000": 0.08499999999999999, + "precision_at_20": 1.387, + "precision_at_3": 4.4510000000000005, + "precision_at_5": 3.2620000000000005, + "recall_at_1": 6.516, + "recall_at_10": 15.456, + "recall_at_100": 30.709999999999997, + "recall_at_1000": 53.854, + "recall_at_20": 19.756, + "recall_at_3": 10.41, + "recall_at_5": 12.317, + "main_score": 11.245 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/CQADupstackUnixRetrieval.json b/results/Mihaiii__Venusaur/external/CQADupstackUnixRetrieval.json new file mode 100644 index 000000000..0e5cf0647 --- /dev/null +++ b/results/Mihaiii__Venusaur/external/CQADupstackUnixRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "6c6430d3a6d36f8d2a829195bc5dc94d7e063e53", + "task_name": "CQADupstackUnixRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 10.955, + "map_at_10": 14.689, + "map_at_100": 15.482000000000001, + "map_at_1000": 15.614, + "map_at_20": 15.085, + "map_at_3": 13.318, + "map_at_5": 13.950999999999999, + "mrr_at_1": 13.34, + "mrr_at_10": 17.514, + "mrr_at_100": 18.3, + "mrr_at_1000": 18.406, + "mrr_at_20": 17.924, + "mrr_at_3": 15.920000000000002, + "mrr_at_5": 16.625, + "ndcg_at_1": 13.34, + "ndcg_at_10": 17.574, + "ndcg_at_100": 21.909, + "ndcg_at_1000": 25.402, + "ndcg_at_20": 19.017, + "ndcg_at_3": 14.75, + "ndcg_at_5": 15.787999999999998, + "precision_at_1": 13.34, + "precision_at_10": 3.041, + "precision_at_100": 0.599, + "precision_at_1000": 0.1, + "precision_at_20": 1.908, + "precision_at_3": 6.529999999999999, + "precision_at_5": 4.646, + "recall_at_1": 10.955, + "recall_at_10": 23.831, + "recall_at_100": 43.747, + "recall_at_1000": 69.327, + "recall_at_20": 29.17, + "recall_at_3": 16.165, + "recall_at_5": 18.701, + "main_score": 17.574 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/CQADupstackWebmastersRetrieval.json b/results/Mihaiii__Venusaur/external/CQADupstackWebmastersRetrieval.json new file mode 100644 index 000000000..155502257 --- /dev/null +++ b/results/Mihaiii__Venusaur/external/CQADupstackWebmastersRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "160c094312a0e1facb97e55eeddb698c0abe3571", + "task_name": "CQADupstackWebmastersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 11.936, + "map_at_10": 16.878, + "map_at_100": 17.921, + "map_at_1000": 18.093, + "map_at_20": 17.468, + "map_at_3": 15.21, + "map_at_5": 16.056, + "mrr_at_1": 15.02, + "mrr_at_10": 20.023, + "mrr_at_100": 20.965, + "mrr_at_1000": 21.060000000000002, + "mrr_at_20": 20.576, + "mrr_at_3": 18.215, + "mrr_at_5": 19.134, + "ndcg_at_1": 15.02, + "ndcg_at_10": 20.459, + "ndcg_at_100": 25.163999999999998, + "ndcg_at_1000": 28.811999999999998, + "ndcg_at_20": 22.387, + "ndcg_at_3": 17.265, + "ndcg_at_5": 18.605, + "precision_at_1": 15.02, + "precision_at_10": 3.9530000000000003, + "precision_at_100": 0.8659999999999999, + "precision_at_1000": 0.173, + "precision_at_20": 2.619, + "precision_at_3": 8.169, + "precision_at_5": 6.047000000000001, + "recall_at_1": 11.936, + "recall_at_10": 27.694999999999997, + "recall_at_100": 49.159000000000006, + "recall_at_1000": 74.134, + "recall_at_20": 35.258, + "recall_at_3": 18.54, + "recall_at_5": 21.959, + "main_score": 20.459 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/CQADupstackWordpressRetrieval.json b/results/Mihaiii__Venusaur/external/CQADupstackWordpressRetrieval.json new file mode 100644 index 000000000..dadf849e7 --- /dev/null +++ b/results/Mihaiii__Venusaur/external/CQADupstackWordpressRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "4ffe81d471b1924886b33c7567bfb200e9eec5c4", + "task_name": "CQADupstackWordpressRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.691, + "map_at_10": 10.546999999999999, + "map_at_100": 11.485, + "map_at_1000": 11.581, + "map_at_20": 11.068999999999999, + "map_at_3": 9.279, + "map_at_5": 9.961, + "mrr_at_1": 7.394, + "mrr_at_10": 11.644, + "mrr_at_100": 12.665000000000001, + "mrr_at_1000": 12.761, + "mrr_at_20": 12.251, + "mrr_at_3": 10.413, + "mrr_at_5": 11.087, + "ndcg_at_1": 7.394, + "ndcg_at_10": 13.081999999999999, + "ndcg_at_100": 18.22, + "ndcg_at_1000": 21.238, + "ndcg_at_20": 15.084, + "ndcg_at_3": 10.487, + "ndcg_at_5": 11.671, + "precision_at_1": 7.394, + "precision_at_10": 2.292, + "precision_at_100": 0.523, + "precision_at_1000": 0.083, + "precision_at_20": 1.608, + "precision_at_3": 4.929, + "precision_at_5": 3.5860000000000003, + "recall_at_1": 6.691, + "recall_at_10": 20.031, + "recall_at_100": 44.35, + "recall_at_1000": 67.857, + "recall_at_20": 27.723, + "recall_at_3": 12.76, + "recall_at_5": 15.687000000000001, + "main_score": 13.081999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/ClimateFEVER.json b/results/Mihaiii__Venusaur/external/ClimateFEVER.json new file mode 100644 index 000000000..a33f7c9b0 --- /dev/null +++ b/results/Mihaiii__Venusaur/external/ClimateFEVER.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.218, + "map_at_10": 5.554, + "map_at_100": 6.216, + "map_at_1000": 6.338000000000001, + "map_at_20": 5.907, + "map_at_3": 4.707, + "map_at_5": 5.094, + "mrr_at_1": 6.84, + "mrr_at_10": 11.296000000000001, + "mrr_at_100": 12.224, + "mrr_at_1000": 12.31, + "mrr_at_20": 11.791, + "mrr_at_3": 9.609, + "mrr_at_5": 10.404, + "ndcg_at_1": 6.84, + "ndcg_at_10": 8.346, + "ndcg_at_100": 12.06, + "ndcg_at_1000": 15.132000000000001, + "ndcg_at_20": 9.652, + "ndcg_at_3": 6.489000000000001, + "ndcg_at_5": 7.045999999999999, + "precision_at_1": 6.84, + "precision_at_10": 2.658, + "precision_at_100": 0.655, + "precision_at_1000": 0.121, + "precision_at_20": 1.863, + "precision_at_3": 4.691, + "precision_at_5": 3.6479999999999997, + "recall_at_1": 3.218, + "recall_at_10": 10.725, + "recall_at_100": 24.131, + "recall_at_1000": 42.106, + "recall_at_20": 14.539, + "recall_at_3": 6.3020000000000005, + "recall_at_5": 7.763000000000001, + "main_score": 8.346 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/DBPedia.json b/results/Mihaiii__Venusaur/external/DBPedia.json new file mode 100644 index 000000000..fdd1d2bc6 --- /dev/null +++ b/results/Mihaiii__Venusaur/external/DBPedia.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.506, + "map_at_10": 8.535, + "map_at_100": 11.072, + "map_at_1000": 11.764, + "map_at_20": 9.492, + "map_at_3": 6.697, + "map_at_5": 7.452, + "mrr_at_1": 36.75, + "mrr_at_10": 46.35, + "mrr_at_100": 47.034, + "mrr_at_1000": 47.08, + "mrr_at_20": 46.784, + "mrr_at_3": 44.0, + "mrr_at_5": 45.262, + "ndcg_at_1": 29.25, + "ndcg_at_10": 21.318, + "ndcg_at_100": 23.449, + "ndcg_at_1000": 29.267, + "ndcg_at_20": 20.735, + "ndcg_at_3": 24.45, + "ndcg_at_5": 22.637999999999998, + "precision_at_1": 36.75, + "precision_at_10": 16.775000000000002, + "precision_at_100": 5.212, + "precision_at_1000": 1.167, + "precision_at_20": 12.225, + "precision_at_3": 26.917, + "precision_at_5": 22.0, + "recall_at_1": 4.506, + "recall_at_10": 12.341000000000001, + "recall_at_100": 26.723000000000003, + "recall_at_1000": 46.293, + "recall_at_20": 15.903, + "recall_at_3": 7.994999999999999, + "recall_at_5": 9.407, + "main_score": 21.318 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/EmotionClassification.json b/results/Mihaiii__Venusaur/external/EmotionClassification.json new file mode 100644 index 000000000..60b344e5a --- /dev/null +++ b/results/Mihaiii__Venusaur/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 44.375, + "f1": 39.487258967288, + "main_score": 44.375 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/FEVER.json b/results/Mihaiii__Venusaur/external/FEVER.json new file mode 100644 index 000000000..bb493d408 --- /dev/null +++ b/results/Mihaiii__Venusaur/external/FEVER.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.572, + "map_at_10": 22.349, + "map_at_100": 23.145, + "map_at_1000": 23.22, + "map_at_20": 22.771, + "map_at_3": 20.326, + "map_at_5": 21.404, + "mrr_at_1": 17.657, + "mrr_at_10": 23.679, + "mrr_at_100": 24.504, + "mrr_at_1000": 24.576999999999998, + "mrr_at_20": 24.122, + "mrr_at_3": 21.557000000000002, + "mrr_at_5": 22.695, + "ndcg_at_1": 17.657, + "ndcg_at_10": 26.081, + "ndcg_at_100": 30.366, + "ndcg_at_1000": 32.607, + "ndcg_at_20": 27.608, + "ndcg_at_3": 21.85, + "ndcg_at_5": 23.796999999999997, + "precision_at_1": 17.657, + "precision_at_10": 3.968, + "precision_at_100": 0.626, + "precision_at_1000": 0.083, + "precision_at_20": 2.3120000000000003, + "precision_at_3": 8.951, + "precision_at_5": 6.4, + "recall_at_1": 16.572, + "recall_at_10": 36.634, + "recall_at_100": 57.135000000000005, + "recall_at_1000": 74.832, + "recall_at_20": 42.491, + "recall_at_3": 25.087, + "recall_at_5": 29.744999999999997, + "main_score": 26.081 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/FiQA2018.json b/results/Mihaiii__Venusaur/external/FiQA2018.json new file mode 100644 index 000000000..75c40bfe4 --- /dev/null +++ b/results/Mihaiii__Venusaur/external/FiQA2018.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.891, + "map_at_10": 8.346, + "map_at_100": 9.286, + "map_at_1000": 9.465, + "map_at_20": 8.826, + "map_at_3": 7.13, + "map_at_5": 7.643999999999999, + "mrr_at_1": 10.030999999999999, + "mrr_at_10": 14.899000000000001, + "mrr_at_100": 15.82, + "mrr_at_1000": 15.931000000000001, + "mrr_at_20": 15.408, + "mrr_at_3": 13.169, + "mrr_at_5": 13.971, + "ndcg_at_1": 10.030999999999999, + "ndcg_at_10": 11.713, + "ndcg_at_100": 16.436999999999998, + "ndcg_at_1000": 20.971999999999998, + "ndcg_at_20": 13.341, + "ndcg_at_3": 9.879999999999999, + "ndcg_at_5": 10.249, + "precision_at_1": 10.030999999999999, + "precision_at_10": 3.519, + "precision_at_100": 0.8330000000000001, + "precision_at_1000": 0.16, + "precision_at_20": 2.377, + "precision_at_3": 6.687, + "precision_at_5": 5.0, + "recall_at_1": 4.891, + "recall_at_10": 15.221000000000002, + "recall_at_100": 33.432, + "recall_at_1000": 62.475, + "recall_at_20": 20.467, + "recall_at_3": 9.393, + "recall_at_5": 11.214, + "main_score": 11.713 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/HotpotQA.json b/results/Mihaiii__Venusaur/external/HotpotQA.json new file mode 100644 index 000000000..599fbefc7 --- /dev/null +++ b/results/Mihaiii__Venusaur/external/HotpotQA.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.856, + "map_at_10": 30.656, + "map_at_100": 31.447000000000003, + "map_at_1000": 31.545, + "map_at_20": 31.066, + "map_at_3": 28.692, + "map_at_5": 29.817, + "mrr_at_1": 45.712, + "mrr_at_10": 52.481, + "mrr_at_100": 53.049, + "mrr_at_1000": 53.09, + "mrr_at_20": 52.803999999999995, + "mrr_at_3": 50.709, + "mrr_at_5": 51.795, + "ndcg_at_1": 45.712, + "ndcg_at_10": 38.381, + "ndcg_at_100": 41.965, + "ndcg_at_1000": 44.234, + "ndcg_at_20": 39.657, + "ndcg_at_3": 34.776, + "ndcg_at_5": 36.622, + "precision_at_1": 45.712, + "precision_at_10": 8.062999999999999, + "precision_at_100": 1.094, + "precision_at_1000": 0.13999999999999999, + "precision_at_20": 4.443, + "precision_at_3": 21.476, + "precision_at_5": 14.35, + "recall_at_1": 22.856, + "recall_at_10": 40.317, + "recall_at_100": 54.705999999999996, + "recall_at_1000": 69.892, + "recall_at_20": 44.429, + "recall_at_3": 32.214999999999996, + "recall_at_5": 35.874, + "main_score": 38.381 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/ImdbClassification.json b/results/Mihaiii__Venusaur/external/ImdbClassification.json new file mode 100644 index 000000000..55c50d659 --- /dev/null +++ b/results/Mihaiii__Venusaur/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.02000000000001, + "ap": 67.25944041954726, + "f1": 72.8697134997555, + "main_score": 73.02000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/MSMARCO.json b/results/Mihaiii__Venusaur/external/MSMARCO.json new file mode 100644 index 000000000..74c74278d --- /dev/null +++ b/results/Mihaiii__Venusaur/external/MSMARCO.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.751000000000001, + "map_at_10": 13.916999999999998, + "map_at_100": 14.684, + "map_at_1000": 14.766000000000002, + "map_at_20": 14.338999999999999, + "map_at_3": 12.197, + "map_at_5": 13.163, + "mrr_at_1": 8.911, + "mrr_at_10": 14.198, + "mrr_at_100": 14.960999999999999, + "mrr_at_1000": 15.040000000000001, + "mrr_at_20": 14.616999999999999, + "mrr_at_3": 12.452, + "mrr_at_5": 13.427, + "ndcg_at_1": 8.911, + "ndcg_at_10": 16.963, + "ndcg_at_100": 21.062, + "ndcg_at_1000": 23.543, + "ndcg_at_20": 18.482000000000003, + "ndcg_at_3": 13.391, + "ndcg_at_5": 15.139, + "precision_at_1": 8.911, + "precision_at_10": 2.741, + "precision_at_100": 0.485, + "precision_at_1000": 0.06999999999999999, + "precision_at_20": 1.683, + "precision_at_3": 5.688, + "precision_at_5": 4.3069999999999995, + "recall_at_1": 8.751000000000001, + "recall_at_10": 26.368000000000002, + "recall_at_100": 46.22, + "recall_at_1000": 66.22, + "recall_at_20": 32.291, + "recall_at_3": 16.595, + "recall_at_5": 20.802, + "main_score": 16.963 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/MTOPDomainClassification.json b/results/Mihaiii__Venusaur/external/MTOPDomainClassification.json new file mode 100644 index 000000000..983ab28a5 --- /dev/null +++ b/results/Mihaiii__Venusaur/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 89.87232102143183, + "f1": 89.25570902684863, + "main_score": 89.87232102143183 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/MTOPIntentClassification.json b/results/Mihaiii__Venusaur/external/MTOPIntentClassification.json new file mode 100644 index 000000000..78012154f --- /dev/null +++ b/results/Mihaiii__Venusaur/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.02599179206568, + "f1": 52.14883678941826, + "main_score": 71.02599179206568 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/MassiveIntentClassification.json b/results/Mihaiii__Venusaur/external/MassiveIntentClassification.json new file mode 100644 index 000000000..f299a10e2 --- /dev/null +++ b/results/Mihaiii__Venusaur/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 67.74714189643576, + "f1": 65.4738868705899, + "main_score": 67.74714189643576 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/MassiveScenarioClassification.json b/results/Mihaiii__Venusaur/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..4f1656c8f --- /dev/null +++ b/results/Mihaiii__Venusaur/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.36381977135171, + "f1": 71.5956356866047, + "main_score": 72.36381977135171 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/MedrxivClusteringP2P.json b/results/Mihaiii__Venusaur/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..33f53cd7c --- /dev/null +++ b/results/Mihaiii__Venusaur/external/MedrxivClusteringP2P.json @@ -0,0 +1,1020 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 27.418721421866266, + "v_measures": [ + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643, + 0.25699019421325164, + 0.2551070596948231, + 0.2691672146325009, + 0.263190709241409, + 0.25833683058459567, + 0.2969925236078273, + 0.2799007926692717, + 0.29259126151386433, + 0.2840268235473181, + 0.2855687324817643 + ], + "main_score": 27.418721421866266 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/MedrxivClusteringS2S.json b/results/Mihaiii__Venusaur/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..08610f5db --- /dev/null +++ b/results/Mihaiii__Venusaur/external/MedrxivClusteringS2S.json @@ -0,0 +1,1020 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 22.40590099674712, + "v_measures": [ + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554, + 0.20312599898502812, + 0.21028636757346386, + 0.2078091337066853, + 0.21248714226010795, + 0.2051414930300016, + 0.2430753205246834, + 0.23790607540735365, + 0.24673502894784635, + 0.23967523571775606, + 0.23434830352178554 + ], + "main_score": 22.40590099674712 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/MindSmallReranking.json b/results/Mihaiii__Venusaur/external/MindSmallReranking.json new file mode 100644 index 000000000..593fb9045 --- /dev/null +++ b/results/Mihaiii__Venusaur/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 29.924796610724826, + "mrr": 30.962158101843464, + "main_score": 29.924796610724826 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/NFCorpus.json b/results/Mihaiii__Venusaur/external/NFCorpus.json new file mode 100644 index 000000000..e5975ea21 --- /dev/null +++ b/results/Mihaiii__Venusaur/external/NFCorpus.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 1.3379999999999999, + "map_at_10": 3.62, + "map_at_100": 4.891, + "map_at_1000": 5.87, + "map_at_20": 4.164000000000001, + "map_at_3": 2.608, + "map_at_5": 3.1910000000000003, + "mrr_at_1": 18.576, + "mrr_at_10": 26.487, + "mrr_at_100": 27.736, + "mrr_at_1000": 27.828000000000003, + "mrr_at_20": 27.319, + "mrr_at_3": 23.891000000000002, + "mrr_at_5": 25.501, + "ndcg_at_1": 17.957, + "ndcg_at_10": 14.021, + "ndcg_at_100": 14.41, + "ndcg_at_1000": 24.197, + "ndcg_at_20": 13.883000000000001, + "ndcg_at_3": 15.913, + "ndcg_at_5": 15.120000000000001, + "precision_at_1": 18.576, + "precision_at_10": 10.402000000000001, + "precision_at_100": 4.334, + "precision_at_1000": 1.661, + "precision_at_20": 8.731, + "precision_at_3": 15.067, + "precision_at_5": 12.940999999999999, + "recall_at_1": 1.3379999999999999, + "recall_at_10": 6.711, + "recall_at_100": 16.862, + "recall_at_1000": 52.537, + "recall_at_20": 9.89, + "recall_at_3": 3.614, + "recall_at_5": 5.428999999999999, + "main_score": 14.021 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/NQ.json b/results/Mihaiii__Venusaur/external/NQ.json new file mode 100644 index 000000000..8add5252f --- /dev/null +++ b/results/Mihaiii__Venusaur/external/NQ.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 10.187, + "map_at_10": 16.61, + "map_at_100": 17.599, + "map_at_1000": 17.689, + "map_at_20": 17.141000000000002, + "map_at_3": 14.405000000000001, + "map_at_5": 15.543000000000001, + "mrr_at_1": 11.327, + "mrr_at_10": 18.184, + "mrr_at_100": 19.137, + "mrr_at_1000": 19.215, + "mrr_at_20": 18.717, + "mrr_at_3": 15.918, + "mrr_at_5": 17.052, + "ndcg_at_1": 11.327, + "ndcg_at_10": 20.744, + "ndcg_at_100": 25.865, + "ndcg_at_1000": 28.419, + "ndcg_at_20": 22.648, + "ndcg_at_3": 16.147, + "ndcg_at_5": 18.168, + "precision_at_1": 11.327, + "precision_at_10": 3.7220000000000004, + "precision_at_100": 0.658, + "precision_at_1000": 0.091, + "precision_at_20": 2.294, + "precision_at_3": 7.503, + "precision_at_5": 5.608, + "recall_at_1": 10.187, + "recall_at_10": 32.051, + "recall_at_100": 56.016, + "recall_at_1000": 75.649, + "recall_at_20": 39.267, + "recall_at_3": 19.689, + "recall_at_5": 24.445, + "main_score": 20.744 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/QuoraRetrieval.json b/results/Mihaiii__Venusaur/external/QuoraRetrieval.json new file mode 100644 index 000000000..2b9ff4f71 --- /dev/null +++ b/results/Mihaiii__Venusaur/external/QuoraRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "e4e08e0b7dbe3c8700f0daef558ff32256715259", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 58.404, + "map_at_10": 70.125, + "map_at_100": 70.923, + "map_at_1000": 70.968, + "map_at_20": 70.60300000000001, + "map_at_3": 67.342, + "map_at_5": 68.97999999999999, + "mrr_at_1": 67.29, + "mrr_at_10": 74.773, + "mrr_at_100": 75.093, + "mrr_at_1000": 75.106, + "mrr_at_20": 74.973, + "mrr_at_3": 73.188, + "mrr_at_5": 74.165, + "ndcg_at_1": 67.33, + "ndcg_at_10": 74.936, + "ndcg_at_100": 77.479, + "ndcg_at_1000": 78.147, + "ndcg_at_20": 76.048, + "ndcg_at_3": 71.30499999999999, + "ndcg_at_5": 73.09400000000001, + "precision_at_1": 67.33, + "precision_at_10": 11.335, + "precision_at_100": 1.385, + "precision_at_1000": 0.151, + "precision_at_20": 6.116, + "precision_at_3": 30.833, + "precision_at_5": 20.384, + "recall_at_1": 58.404, + "recall_at_10": 84.138, + "recall_at_100": 94.32000000000001, + "recall_at_1000": 98.51299999999999, + "recall_at_20": 87.996, + "recall_at_3": 73.68400000000001, + "recall_at_5": 78.681, + "main_score": 74.936 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/RedditClustering.json b/results/Mihaiii__Venusaur/external/RedditClustering.json new file mode 100644 index 000000000..20af76c67 --- /dev/null +++ b/results/Mihaiii__Venusaur/external/RedditClustering.json @@ -0,0 +1,2520 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 26.713463922652704, + "v_measures": [ + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468, + 0.356358075769195, + 0.3011200622167429, + 0.22467375312763427, + 0.2394109956052364, + 0.2899555542978596, + 0.21406581833340438, + 0.326841157469233, + 0.20064055405544595, + 0.2089858781934912, + 0.22835715928471212, + 0.24742539971848806, + 0.36899923991825895, + 0.24701463701714044, + 0.2560178333573794, + 0.3552016140245526, + 0.23774804137045452, + 0.27017447263584743, + 0.37586623336347835, + 0.2564531409603795, + 0.2262824317679402, + 0.21248869632976208, + 0.22661416857784017, + 0.35027209205919524, + 0.23589310962174836, + 0.22150586158775468 + ], + "main_score": 26.713463922652704 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/RedditClusteringP2P.json b/results/Mihaiii__Venusaur/external/RedditClusteringP2P.json new file mode 100644 index 000000000..9f26ea140 --- /dev/null +++ b/results/Mihaiii__Venusaur/external/RedditClusteringP2P.json @@ -0,0 +1,1020 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 44.135854520709856, + "v_measures": [ + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252, + 0.4992205891430278, + 0.5024470494091208, + 0.525745119896455, + 0.30230336838014243, + 0.4915802304493441, + 0.4481785980399149, + 0.18082183331189022, + 0.5004539942242847, + 0.4503725957205808, + 0.5124620734962252 + ], + "main_score": 44.135854520709856 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/SCIDOCS.json b/results/Mihaiii__Venusaur/external/SCIDOCS.json new file mode 100644 index 000000000..26e58637a --- /dev/null +++ b/results/Mihaiii__Venusaur/external/SCIDOCS.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "f8c2fcf00f625baaa80f62ec5bd9e1fff3b8ae88", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.1350000000000002, + "map_at_10": 5.118, + "map_at_100": 6.08, + "map_at_1000": 6.308, + "map_at_20": 5.562, + "map_at_3": 3.804, + "map_at_5": 4.468, + "mrr_at_1": 10.5, + "mrr_at_10": 17.278, + "mrr_at_100": 18.418, + "mrr_at_1000": 18.526, + "mrr_at_20": 17.876, + "mrr_at_3": 14.832999999999998, + "mrr_at_5": 16.317999999999998, + "ndcg_at_1": 10.5, + "ndcg_at_10": 9.39, + "ndcg_at_100": 14.362, + "ndcg_at_1000": 19.524, + "ndcg_at_20": 10.949, + "ndcg_at_3": 8.794, + "ndcg_at_5": 7.789, + "precision_at_1": 10.5, + "precision_at_10": 4.91, + "precision_at_100": 1.221, + "precision_at_1000": 0.247, + "precision_at_20": 3.36, + "precision_at_3": 8.233, + "precision_at_5": 6.9, + "recall_at_1": 2.1350000000000002, + "recall_at_10": 9.955, + "recall_at_100": 24.778, + "recall_at_1000": 50.222, + "recall_at_20": 13.63, + "recall_at_3": 5.01, + "recall_at_5": 6.995, + "main_score": 9.39 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/SICK-R.json b/results/Mihaiii__Venusaur/external/SICK-R.json new file mode 100644 index 000000000..5e6a8acec --- /dev/null +++ b/results/Mihaiii__Venusaur/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 78.43659263950201, + "cos_sim_spearman": 74.68461406509039, + "euclidean_pearson": 76.31168073146695, + "euclidean_spearman": 75.13681406263804, + "manhattan_pearson": 76.2960985430519, + "manhattan_spearman": 75.03513932091352, + "cosine_pearson": 78.43659263950201, + "cosine_spearman": 74.68461406509039, + "main_score": 74.68461406509039 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/STS12.json b/results/Mihaiii__Venusaur/external/STS12.json new file mode 100644 index 000000000..25a26d923 --- /dev/null +++ b/results/Mihaiii__Venusaur/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 55.096195345864295, + "cos_sim_spearman": 54.34570729554049, + "euclidean_pearson": 64.79488422312815, + "euclidean_spearman": 61.19116930098903, + "manhattan_pearson": 65.04388378143294, + "manhattan_spearman": 61.33457037020176, + "cosine_pearson": 55.096195345864295, + "cosine_spearman": 54.34570729554049, + "main_score": 54.34570729554049 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/STS13.json b/results/Mihaiii__Venusaur/external/STS13.json new file mode 100644 index 000000000..d1d4da7d2 --- /dev/null +++ b/results/Mihaiii__Venusaur/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 71.40902040706975, + "cos_sim_spearman": 74.24315395719762, + "euclidean_pearson": 75.94675003130055, + "euclidean_spearman": 76.18445285168187, + "manhattan_pearson": 75.88786726620313, + "manhattan_spearman": 76.1188105671321, + "cosine_pearson": 71.40902040706975, + "cosine_spearman": 74.24315395719762, + "main_score": 74.24315395719762 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/STS14.json b/results/Mihaiii__Venusaur/external/STS14.json new file mode 100644 index 000000000..52f2cfc76 --- /dev/null +++ b/results/Mihaiii__Venusaur/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 71.9514442512574, + "cos_sim_spearman": 69.99484176761607, + "euclidean_pearson": 75.02706002860513, + "euclidean_spearman": 72.9036480559019, + "manhattan_pearson": 75.03815961673163, + "manhattan_spearman": 72.92353672671821, + "cosine_pearson": 71.9514442512574, + "cosine_spearman": 69.99484176761607, + "main_score": 69.99484176761607 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/STS15.json b/results/Mihaiii__Venusaur/external/STS15.json new file mode 100644 index 000000000..363cc3c24 --- /dev/null +++ b/results/Mihaiii__Venusaur/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 72.80522195974591, + "cos_sim_spearman": 75.73762657362906, + "euclidean_pearson": 80.1521753666007, + "euclidean_spearman": 80.25738481137047, + "manhattan_pearson": 80.19317991797196, + "manhattan_spearman": 80.31866668763018, + "cosine_pearson": 72.80522195974591, + "cosine_spearman": 75.73762657362906, + "main_score": 75.73762657362906 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/STS16.json b/results/Mihaiii__Venusaur/external/STS16.json new file mode 100644 index 000000000..dababe389 --- /dev/null +++ b/results/Mihaiii__Venusaur/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 69.45092072084951, + "cos_sim_spearman": 73.6472761328024, + "euclidean_pearson": 74.95031941602217, + "euclidean_spearman": 75.37029502504294, + "manhattan_pearson": 74.7846441654404, + "manhattan_spearman": 75.19664481480419, + "cosine_pearson": 69.45092072084951, + "cosine_spearman": 73.6472761328024, + "main_score": 73.6472761328024 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/STS17.json b/results/Mihaiii__Venusaur/external/STS17.json new file mode 100644 index 000000000..2f05d27dc --- /dev/null +++ b/results/Mihaiii__Venusaur/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.66021611621103, + "cos_sim_spearman": 84.81452353756737, + "euclidean_pearson": 85.32338150846037, + "euclidean_spearman": 85.46672916577448, + "manhattan_pearson": 84.86427674633184, + "manhattan_spearman": 85.098246631915, + "cosine_pearson": 82.66021611621103, + "cosine_spearman": 84.81452353756737, + "main_score": 84.81452353756737 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/STS22.json b/results/Mihaiii__Venusaur/external/STS22.json new file mode 100644 index 000000000..422f35adc --- /dev/null +++ b/results/Mihaiii__Venusaur/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "eea2b4fe26a775864c896887d910b76a8098ad3f", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 56.880105002604566, + "cos_sim_spearman": 62.56487199261157, + "euclidean_pearson": 57.49369653074593, + "euclidean_spearman": 61.038143206328854, + "manhattan_pearson": 57.85496348413732, + "manhattan_spearman": 61.22736674852764, + "cosine_pearson": 56.880105002604566, + "cosine_spearman": 62.56487199261157, + "main_score": 62.56487199261157 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/STSBenchmark.json b/results/Mihaiii__Venusaur/external/STSBenchmark.json new file mode 100644 index 000000000..4e8604e65 --- /dev/null +++ b/results/Mihaiii__Venusaur/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 75.41209102908195, + "cos_sim_spearman": 76.72196352753278, + "euclidean_pearson": 79.97933288080695, + "euclidean_spearman": 79.36350387100728, + "manhattan_pearson": 79.89865614781017, + "manhattan_spearman": 79.36099141428603, + "cosine_pearson": 75.41209102908195, + "cosine_spearman": 76.72196352753278, + "main_score": 76.72196352753278 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/SciDocsRR.json b/results/Mihaiii__Venusaur/external/SciDocsRR.json new file mode 100644 index 000000000..afddb86b8 --- /dev/null +++ b/results/Mihaiii__Venusaur/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 70.81824436527221, + "mrr": 90.04096937920467, + "main_score": 70.81824436527221 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/SciFact.json b/results/Mihaiii__Venusaur/external/SciFact.json new file mode 100644 index 000000000..f6f145842 --- /dev/null +++ b/results/Mihaiii__Venusaur/external/SciFact.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 33.567, + "map_at_10": 41.409, + "map_at_100": 42.281, + "map_at_1000": 42.358000000000004, + "map_at_20": 41.916, + "map_at_3": 38.784, + "map_at_5": 40.355999999999995, + "mrr_at_1": 35.667, + "mrr_at_10": 43.189, + "mrr_at_100": 43.885000000000005, + "mrr_at_1000": 43.95, + "mrr_at_20": 43.584, + "mrr_at_3": 41.0, + "mrr_at_5": 42.266999999999996, + "ndcg_at_1": 35.667, + "ndcg_at_10": 45.999, + "ndcg_at_100": 50.153000000000006, + "ndcg_at_1000": 52.161, + "ndcg_at_20": 47.662, + "ndcg_at_3": 41.178, + "ndcg_at_5": 43.59, + "precision_at_1": 35.667, + "precision_at_10": 6.6000000000000005, + "precision_at_100": 0.89, + "precision_at_1000": 0.106, + "precision_at_20": 3.6830000000000003, + "precision_at_3": 16.556, + "precision_at_5": 11.466999999999999, + "recall_at_1": 33.567, + "recall_at_10": 58.599999999999994, + "recall_at_100": 77.9, + "recall_at_1000": 93.667, + "recall_at_20": 64.878, + "recall_at_3": 45.483000000000004, + "recall_at_5": 51.4, + "main_score": 45.999 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/SprintDuplicateQuestions.json b/results/Mihaiii__Venusaur/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..cb263a6e4 --- /dev/null +++ b/results/Mihaiii__Venusaur/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.6930693069307, + "cos_sim_ap": 89.25594498972691, + "cos_sim_f1": 83.84499245093104, + "cos_sim_precision": 84.39716312056737, + "cos_sim_recall": 83.3, + "dot_accuracy": 99.48514851485149, + "dot_ap": 75.92127370670867, + "dot_f1": 71.16104868913857, + "dot_precision": 76.52474108170311, + "dot_recall": 66.5, + "euclidean_accuracy": 99.6891089108911, + "euclidean_ap": 89.2180446358921, + "euclidean_f1": 83.57142857142857, + "euclidean_precision": 85.3125, + "euclidean_recall": 81.89999999999999, + "manhattan_accuracy": 99.6980198019802, + "manhattan_ap": 89.43047814044381, + "manhattan_f1": 84.07445708376422, + "manhattan_precision": 87.04496788008565, + "manhattan_recall": 81.3, + "max_accuracy": 99.6980198019802, + "max_ap": 89.43047814044381, + "max_f1": 84.07445708376422, + "main_score": 89.43047814044381 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/StackExchangeClustering.json b/results/Mihaiii__Venusaur/external/StackExchangeClustering.json new file mode 100644 index 000000000..a66d1b34e --- /dev/null +++ b/results/Mihaiii__Venusaur/external/StackExchangeClustering.json @@ -0,0 +1,2520 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.83904946173562, + "v_measures": [ + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118, + 0.30110380679104903, + 0.3953932981762184, + 0.24615493206657874, + 0.36457921033081425, + 0.37818468307341996, + 0.2458717382277342, + 0.24597349476879382, + 0.355495518705052, + 0.32617546899939204, + 0.3316784933295811, + 0.4879686282712542, + 0.4493952612804797, + 0.4289659003483834, + 0.25736076606300134, + 0.31347948561233624, + 0.32945691057021553, + 0.2802921851023466, + 0.30108517991402206, + 0.2906340312531131, + 0.3176973104574197, + 0.32121506900305036, + 0.27178906328240593, + 0.2736797450244378, + 0.3448789501821934, + 0.3512532346006118 + ], + "main_score": 32.83904946173562 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/StackExchangeClusteringP2P.json b/results/Mihaiii__Venusaur/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..57674e5e4 --- /dev/null +++ b/results/Mihaiii__Venusaur/external/StackExchangeClusteringP2P.json @@ -0,0 +1,1020 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 27.476810145753827, + "v_measures": [ + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773, + 0.262007031213021, + 0.2603632068581035, + 0.25388262071363726, + 0.25745089384059566, + 0.257990103854705, + 0.29704373180003885, + 0.28480533084783555, + 0.286509500865553, + 0.2947033679639156, + 0.2929252266179773 + ], + "main_score": 27.476810145753827 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/StackOverflowDupQuestions.json b/results/Mihaiii__Venusaur/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..980ec8a40 --- /dev/null +++ b/results/Mihaiii__Venusaur/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 43.14055223869571, + "mrr": 43.506533295136244, + "main_score": 43.14055223869571 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/SummEval.json b/results/Mihaiii__Venusaur/external/SummEval.json new file mode 100644 index 000000000..cc389a034 --- /dev/null +++ b/results/Mihaiii__Venusaur/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.24218821701958, + "cos_sim_spearman": 29.907749825179124, + "dot_pearson": 27.348198725124227, + "dot_spearman": 25.950835375041038, + "cosine_pearson": 30.24218821701958, + "cosine_spearman": 29.907749825179124, + "main_score": 29.907749825179124 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/TRECCOVID.json b/results/Mihaiii__Venusaur/external/TRECCOVID.json new file mode 100644 index 000000000..1cf68cdcc --- /dev/null +++ b/results/Mihaiii__Venusaur/external/TRECCOVID.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "bb9466bac8153a0349341eb1b22e06409e78ef4e", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.1, + "map_at_10": 0.505, + "map_at_100": 2.207, + "map_at_1000": 6.0600000000000005, + "map_at_20": 0.814, + "map_at_3": 0.218, + "map_at_5": 0.329, + "mrr_at_1": 44.0, + "mrr_at_10": 54.763, + "mrr_at_100": 55.345, + "mrr_at_1000": 55.349000000000004, + "mrr_at_20": 55.035000000000004, + "mrr_at_3": 51.333, + "mrr_at_5": 52.632999999999996, + "ndcg_at_1": 39.0, + "ndcg_at_10": 30.272, + "ndcg_at_100": 21.906, + "ndcg_at_1000": 22.439, + "ndcg_at_20": 28.316000000000003, + "ndcg_at_3": 35.235, + "ndcg_at_5": 33.843, + "precision_at_1": 44.0, + "precision_at_10": 32.0, + "precision_at_100": 22.5, + "precision_at_1000": 10.9, + "precision_at_20": 29.7, + "precision_at_3": 38.0, + "precision_at_5": 36.0, + "recall_at_1": 0.1, + "recall_at_10": 0.719, + "recall_at_100": 4.7620000000000005, + "recall_at_1000": 22.285, + "recall_at_20": 1.277, + "recall_at_3": 0.244, + "recall_at_5": 0.40299999999999997, + "main_score": 30.272 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/Touche2020.json b/results/Mihaiii__Venusaur/external/Touche2020.json new file mode 100644 index 000000000..2b364a2e1 --- /dev/null +++ b/results/Mihaiii__Venusaur/external/Touche2020.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.865, + "map_at_10": 2.962, + "map_at_100": 5.713, + "map_at_1000": 6.719, + "map_at_20": 3.939, + "map_at_3": 1.582, + "map_at_5": 2.215, + "mrr_at_1": 14.285999999999998, + "mrr_at_10": 24.844, + "mrr_at_100": 26.861, + "mrr_at_1000": 26.904, + "mrr_at_20": 26.375999999999998, + "mrr_at_3": 20.068, + "mrr_at_5": 22.619, + "ndcg_at_1": 12.245000000000001, + "ndcg_at_10": 10.508000000000001, + "ndcg_at_100": 18.935, + "ndcg_at_1000": 29.747, + "ndcg_at_20": 11.701, + "ndcg_at_3": 10.381, + "ndcg_at_5": 11.339, + "precision_at_1": 14.285999999999998, + "precision_at_10": 10.612, + "precision_at_100": 4.531000000000001, + "precision_at_1000": 1.133, + "precision_at_20": 8.98, + "precision_at_3": 11.565, + "precision_at_5": 12.653, + "recall_at_1": 0.865, + "recall_at_10": 6.493, + "recall_at_100": 28.16, + "recall_at_1000": 61.026, + "recall_at_20": 11.726, + "recall_at_3": 2.221, + "recall_at_5": 3.849, + "main_score": 10.508000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/ToxicConversationsClassification.json b/results/Mihaiii__Venusaur/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..3d17bc475 --- /dev/null +++ b/results/Mihaiii__Venusaur/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 64.4091796875, + "ap": 11.076947197887051, + "f1": 49.07978901357373, + "main_score": 64.4091796875 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/TweetSentimentExtractionClassification.json b/results/Mihaiii__Venusaur/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..88ec0279f --- /dev/null +++ b/results/Mihaiii__Venusaur/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 59.663271080928126, + "f1": 59.99492026885337, + "main_score": 59.663271080928126 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/TwentyNewsgroupsClustering.json b/results/Mihaiii__Venusaur/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..6e219aceb --- /dev/null +++ b/results/Mihaiii__Venusaur/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,1020 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 26.09282097093625, + "v_measures": [ + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487, + 0.26849676299945785, + 0.2669514566616348, + 0.2891149570883449, + 0.24392859342532378, + 0.22545659657952322, + 0.27033814887951974, + 0.25403361548721237, + 0.27404718032226466, + 0.23497638522536846, + 0.28193840042497487 + ], + "main_score": 26.09282097093625 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/TwitterSemEval2015.json b/results/Mihaiii__Venusaur/external/TwitterSemEval2015.json new file mode 100644 index 000000000..5e4ca430c --- /dev/null +++ b/results/Mihaiii__Venusaur/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 84.88406747332658, + "cos_sim_ap": 69.26105491403395, + "cos_sim_f1": 65.52488910793494, + "cos_sim_precision": 61.465557096625055, + "cos_sim_recall": 70.15831134564644, + "dot_accuracy": 82.16606067830959, + "dot_ap": 61.09102948421686, + "dot_f1": 57.59054713588492, + "dot_precision": 56.106106106106104, + "dot_recall": 59.155672823219, + "euclidean_accuracy": 84.85426476724086, + "euclidean_ap": 69.32917418684202, + "euclidean_f1": 65.59770252482949, + "euclidean_precision": 60.01751696956427, + "euclidean_recall": 72.32189973614776, + "manhattan_accuracy": 84.83638314358943, + "manhattan_ap": 69.13012845791405, + "manhattan_f1": 65.35336124107363, + "manhattan_precision": 61.26500461680517, + "manhattan_recall": 70.0263852242744, + "max_accuracy": 84.88406747332658, + "max_ap": 69.32917418684202, + "max_f1": 65.59770252482949, + "main_score": 69.32917418684202 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/TwitterURLCorpus.json b/results/Mihaiii__Venusaur/external/TwitterURLCorpus.json new file mode 100644 index 000000000..cfd7b47d5 --- /dev/null +++ b/results/Mihaiii__Venusaur/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 87.81387045445726, + "cos_sim_ap": 83.19376576098023, + "cos_sim_f1": 75.85641331494391, + "cos_sim_precision": 73.52409856203484, + "cos_sim_recall": 78.34154604250077, + "dot_accuracy": 85.33007334963325, + "dot_ap": 75.69925817222503, + "dot_f1": 70.44983722994968, + "dot_precision": 67.80119624038736, + "dot_recall": 73.31382814906067, + "euclidean_accuracy": 87.78864439011139, + "euclidean_ap": 83.33289584854239, + "euclidean_f1": 75.70217471433837, + "euclidean_precision": 72.61349172677131, + "euclidean_recall": 79.06529103788112, + "manhattan_accuracy": 87.73819226141964, + "manhattan_ap": 83.29254385989515, + "manhattan_f1": 75.70975618644992, + "manhattan_precision": 71.8773787281157, + "manhattan_recall": 79.97382198952879, + "max_accuracy": 87.81387045445726, + "max_ap": 83.33289584854239, + "max_f1": 75.85641331494391, + "main_score": 83.33289584854239 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Venusaur/external/model_meta.json b/results/Mihaiii__Venusaur/external/model_meta.json new file mode 100644 index 000000000..adc784acd --- /dev/null +++ b/results/Mihaiii__Venusaur/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "Mihaiii/Venusaur", + "revision": "0dc817f0addbb7bab8feeeeaded538f9ffeb3419", + "release_date": "2024-04-29", + "languages": [], + "loader": null, + "n_parameters": 15615360, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 384, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/AmazonCounterfactualClassification.json b/results/Mihaiii__Wartortle/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..4f5597158 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.40298507462687, + "ap": 32.88973775597331, + "f1": 64.3726772221329, + "main_score": 70.40298507462687 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/AmazonPolarityClassification.json b/results/Mihaiii__Wartortle/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..a841b6399 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 82.0381, + "ap": 77.15483149750918, + "f1": 81.97695449378108, + "main_score": 82.0381 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/AmazonReviewsClassification.json b/results/Mihaiii__Wartortle/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..1fb6ae439 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 42.412, + "f1": 41.039684315409595, + "main_score": 42.412 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/ArguAna.json b/results/Mihaiii__Wartortle/external/ArguAna.json new file mode 100644 index 000000000..790f691d8 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/ArguAna.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.003, + "map_at_10": 28.448, + "map_at_100": 29.781999999999996, + "map_at_1000": 29.822, + "map_at_20": 29.278, + "map_at_3": 23.874000000000002, + "map_at_5": 26.491, + "mrr_at_1": 16.714000000000002, + "mrr_at_10": 28.727999999999998, + "mrr_at_100": 30.055, + "mrr_at_1000": 30.095, + "mrr_at_20": 29.558, + "mrr_at_3": 24.194, + "mrr_at_5": 26.778999999999996, + "ndcg_at_1": 16.003, + "ndcg_at_10": 35.865, + "ndcg_at_100": 42.304, + "ndcg_at_1000": 43.333, + "ndcg_at_20": 38.876, + "ndcg_at_3": 26.436999999999998, + "ndcg_at_5": 31.139, + "precision_at_1": 16.003, + "precision_at_10": 5.982, + "precision_at_100": 0.898, + "precision_at_1000": 0.098, + "precision_at_20": 3.585, + "precision_at_3": 11.285, + "precision_at_5": 9.046999999999999, + "recall_at_1": 16.003, + "recall_at_10": 59.815, + "recall_at_100": 89.75800000000001, + "recall_at_1000": 97.795, + "recall_at_20": 71.693, + "recall_at_3": 33.855000000000004, + "recall_at_5": 45.235, + "main_score": 35.865 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/ArxivClusteringP2P.json b/results/Mihaiii__Wartortle/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..bec71a402 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/ArxivClusteringP2P.json @@ -0,0 +1,3120 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.843668514122115, + "v_measures": [ + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313, + 0.3334224034497392, + 0.3341547890740972, + 0.3357840169117339, + 0.34882361674739576, + 0.3295989566449552, + 0.346573603986452, + 0.3336839394053626, + 0.33891447096132693, + 0.3324032010342291, + 0.3292339117184913, + 0.413709338323792, + 0.42196122544420617, + 0.41164392816543693, + 0.42687170671748026, + 0.4196249053060285, + 0.41799639579395365, + 0.4197169573853409, + 0.42335330439048224, + 0.4140526534891295, + 0.4219636794179018, + 0.41570945861753056, + 0.2537851472263153, + 0.2634446492249144, + 0.34061280544819494, + 0.2898513290669649, + 0.1963574383667656, + 0.2587887795105382, + 0.12932481412215552, + 0.1917433748379367, + 1.0, + 0.21843243858900313 + ], + "main_score": 35.843668514122115 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/ArxivClusteringS2S.json b/results/Mihaiii__Wartortle/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..4958264b8 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/ArxivClusteringS2S.json @@ -0,0 +1,3120 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 27.30050438270763, + "v_measures": [ + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464, + 0.23642097081553853, + 0.2550168800484499, + 0.22388101177482445, + 0.23677844530410433, + 0.23302400926717484, + 0.2312253885015082, + 0.2354386747624341, + 0.2434698661390688, + 0.23920597358638096, + 0.2512106241376185, + 0.3237281317507259, + 0.3153648020875208, + 0.3117729309162446, + 0.319429269175071, + 0.31481846607797553, + 0.3121035311610101, + 0.3130556512675126, + 0.32399062528074335, + 0.31831654820410643, + 0.31740229450043655, + 0.3044319259774819, + 0.18252134416266622, + 0.19507933632329977, + 0.26557161108388766, + 0.22167460515993895, + 0.15338594119020302, + 0.18495792754689827, + 0.09580075834175401, + 0.15430061870022888, + 1.0, + 0.14977819539455464 + ], + "main_score": 27.30050438270763 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/AskUbuntuDupQuestions.json b/results/Mihaiii__Wartortle/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..7a411f480 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 54.0887502643707, + "mrr": 67.73864485775843, + "main_score": 54.0887502643707 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/BIOSSES.json b/results/Mihaiii__Wartortle/external/BIOSSES.json new file mode 100644 index 000000000..fac862d56 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 78.95194509739122, + "cos_sim_spearman": 80.77894903688735, + "euclidean_pearson": 79.39078717146849, + "euclidean_spearman": 80.77894903688735, + "manhattan_pearson": 78.71356224958951, + "manhattan_spearman": 80.19520079602864, + "cosine_pearson": 78.95194509739122, + "cosine_spearman": 80.77894903688735, + "main_score": 80.77894903688735 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/Banking77Classification.json b/results/Mihaiii__Wartortle/external/Banking77Classification.json new file mode 100644 index 000000000..3777233c8 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.07467532467531, + "f1": 70.01947223710656, + "main_score": 71.07467532467531 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/BiorxivClusteringP2P.json b/results/Mihaiii__Wartortle/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..84312f8b3 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/BiorxivClusteringP2P.json @@ -0,0 +1,1020 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.35131737359483, + "v_measures": [ + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466, + 0.30923604547266875, + 0.31460114779964393, + 0.3220031887684693, + 0.3157541534649746, + 0.3261157725875504, + 0.32829750804174646, + 0.31520163124284745, + 0.32583889441755653, + 0.33779729550799154, + 0.34028610005603466 + ], + "main_score": 32.35131737359483 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/BiorxivClusteringS2S.json b/results/Mihaiii__Wartortle/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..dd16a056f --- /dev/null +++ b/results/Mihaiii__Wartortle/external/BiorxivClusteringS2S.json @@ -0,0 +1,1020 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 24.05979515497522, + "v_measures": [ + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027, + 0.24423605317277747, + 0.2375355178050442, + 0.24890298326625343, + 0.2343221982594761, + 0.22861139295656668, + 0.23279193251929806, + 0.234905158950128, + 0.2452790973282123, + 0.24547781895496315, + 0.2539173622848027 + ], + "main_score": 24.05979515497522 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/CQADupstackAndroidRetrieval.json b/results/Mihaiii__Wartortle/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..493db0c27 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "f46a197baaae43b4f621051089b82a364682dfeb", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.799, + "map_at_10": 28.028, + "map_at_100": 29.066, + "map_at_1000": 29.205, + "map_at_20": 28.541, + "map_at_3": 25.741000000000003, + "map_at_5": 26.962000000000003, + "mrr_at_1": 27.039, + "mrr_at_10": 34.028000000000006, + "mrr_at_100": 34.823, + "mrr_at_1000": 34.894, + "mrr_at_20": 34.476, + "mrr_at_3": 31.855, + "mrr_at_5": 33.114, + "ndcg_at_1": 27.039, + "ndcg_at_10": 32.958999999999996, + "ndcg_at_100": 37.778, + "ndcg_at_1000": 40.703, + "ndcg_at_20": 34.58, + "ndcg_at_3": 29.443, + "ndcg_at_5": 30.887999999999998, + "precision_at_1": 27.039, + "precision_at_10": 6.252000000000001, + "precision_at_100": 1.0659999999999998, + "precision_at_1000": 0.16199999999999998, + "precision_at_20": 3.705, + "precision_at_3": 14.402000000000001, + "precision_at_5": 10.157, + "recall_at_1": 20.799, + "recall_at_10": 41.819, + "recall_at_100": 63.32299999999999, + "recall_at_1000": 82.994, + "recall_at_20": 48.024, + "recall_at_3": 30.523, + "recall_at_5": 35.214, + "main_score": 32.958999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/CQADupstackEnglishRetrieval.json b/results/Mihaiii__Wartortle/external/CQADupstackEnglishRetrieval.json new file mode 100644 index 000000000..0c2f1ec52 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/CQADupstackEnglishRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "ad9991cb51e31e31e430383c75ffb2885547b5f0", + "task_name": "CQADupstackEnglishRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 13.431999999999999, + "map_at_10": 18.384, + "map_at_100": 19.067999999999998, + "map_at_1000": 19.178, + "map_at_20": 18.732, + "map_at_3": 16.834, + "map_at_5": 17.758, + "mrr_at_1": 16.624, + "mrr_at_10": 21.467, + "mrr_at_100": 22.126, + "mrr_at_1000": 22.206, + "mrr_at_20": 21.8, + "mrr_at_3": 19.894000000000002, + "mrr_at_5": 20.794999999999998, + "ndcg_at_1": 16.624, + "ndcg_at_10": 21.502, + "ndcg_at_100": 25.006, + "ndcg_at_1000": 27.842, + "ndcg_at_20": 22.651, + "ndcg_at_3": 18.857, + "ndcg_at_5": 20.149, + "precision_at_1": 16.624, + "precision_at_10": 4.025, + "precision_at_100": 0.705, + "precision_at_1000": 0.117, + "precision_at_20": 2.408, + "precision_at_3": 9.107999999999999, + "precision_at_5": 6.561, + "recall_at_1": 13.431999999999999, + "recall_at_10": 27.648, + "recall_at_100": 43.455, + "recall_at_1000": 63.246, + "recall_at_20": 31.896, + "recall_at_3": 20.084, + "recall_at_5": 23.593, + "main_score": 21.502 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/CQADupstackGamingRetrieval.json b/results/Mihaiii__Wartortle/external/CQADupstackGamingRetrieval.json new file mode 100644 index 000000000..f85508d9d --- /dev/null +++ b/results/Mihaiii__Wartortle/external/CQADupstackGamingRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "4885aa143210c98657558c04aaf3dc47cfb54340", + "task_name": "CQADupstackGamingRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.26, + "map_at_10": 32.432, + "map_at_100": 33.415, + "map_at_1000": 33.512, + "map_at_20": 32.949, + "map_at_3": 29.938, + "map_at_5": 31.328, + "mrr_at_1": 27.900000000000002, + "mrr_at_10": 35.449000000000005, + "mrr_at_100": 36.293, + "mrr_at_1000": 36.359, + "mrr_at_20": 35.92, + "mrr_at_3": 33.166000000000004, + "mrr_at_5": 34.439, + "ndcg_at_1": 27.900000000000002, + "ndcg_at_10": 37.074, + "ndcg_at_100": 41.786, + "ndcg_at_1000": 44.01, + "ndcg_at_20": 38.786, + "ndcg_at_3": 32.440000000000005, + "ndcg_at_5": 34.615, + "precision_at_1": 27.900000000000002, + "precision_at_10": 6.056, + "precision_at_100": 0.924, + "precision_at_1000": 0.11900000000000001, + "precision_at_20": 3.4979999999999998, + "precision_at_3": 14.274000000000001, + "precision_at_5": 10.044, + "recall_at_1": 24.26, + "recall_at_10": 48.266, + "recall_at_100": 69.433, + "recall_at_1000": 85.419, + "recall_at_20": 54.578, + "recall_at_3": 35.776, + "recall_at_5": 41.076, + "main_score": 37.074 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/CQADupstackGisRetrieval.json b/results/Mihaiii__Wartortle/external/CQADupstackGisRetrieval.json new file mode 100644 index 000000000..796066889 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/CQADupstackGisRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "5003b3064772da1887988e05400cf3806fe491f2", + "task_name": "CQADupstackGisRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 13.277, + "map_at_10": 17.776, + "map_at_100": 18.476, + "map_at_1000": 18.572, + "map_at_20": 18.102, + "map_at_3": 16.072, + "map_at_5": 17.085, + "mrr_at_1": 14.237, + "mrr_at_10": 19.051000000000002, + "mrr_at_100": 19.728, + "mrr_at_1000": 19.819, + "mrr_at_20": 19.346, + "mrr_at_3": 17.439, + "mrr_at_5": 18.387999999999998, + "ndcg_at_1": 14.237, + "ndcg_at_10": 20.669999999999998, + "ndcg_at_100": 24.58, + "ndcg_at_1000": 27.557, + "ndcg_at_20": 21.784, + "ndcg_at_3": 17.369, + "ndcg_at_5": 19.067999999999998, + "precision_at_1": 14.237, + "precision_at_10": 3.232, + "precision_at_100": 0.5579999999999999, + "precision_at_1000": 0.08499999999999999, + "precision_at_20": 1.881, + "precision_at_3": 7.3069999999999995, + "precision_at_5": 5.333, + "recall_at_1": 13.277, + "recall_at_10": 28.496, + "recall_at_100": 47.343, + "recall_at_1000": 70.92699999999999, + "recall_at_20": 32.646, + "recall_at_3": 19.570999999999998, + "recall_at_5": 23.624000000000002, + "main_score": 20.669999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/CQADupstackMathematicaRetrieval.json b/results/Mihaiii__Wartortle/external/CQADupstackMathematicaRetrieval.json new file mode 100644 index 000000000..dda4553e8 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/CQADupstackMathematicaRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "90fceea13679c63fe563ded68f3b6f06e50061de", + "task_name": "CQADupstackMathematicaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.329999999999999, + "map_at_10": 10.16, + "map_at_100": 11.004, + "map_at_1000": 11.136, + "map_at_20": 10.546999999999999, + "map_at_3": 8.491, + "map_at_5": 9.383, + "mrr_at_1": 7.587000000000001, + "mrr_at_10": 12.434000000000001, + "mrr_at_100": 13.279, + "mrr_at_1000": 13.377, + "mrr_at_20": 12.855, + "mrr_at_3": 10.282, + "mrr_at_5": 11.42, + "ndcg_at_1": 7.587000000000001, + "ndcg_at_10": 13.239999999999998, + "ndcg_at_100": 17.727999999999998, + "ndcg_at_1000": 21.346, + "ndcg_at_20": 14.649000000000001, + "ndcg_at_3": 9.687, + "ndcg_at_5": 11.306, + "precision_at_1": 7.587000000000001, + "precision_at_10": 2.749, + "precision_at_100": 0.583, + "precision_at_1000": 0.104, + "precision_at_20": 1.76, + "precision_at_3": 4.643, + "precision_at_5": 3.881, + "recall_at_1": 6.329999999999999, + "recall_at_10": 20.596999999999998, + "recall_at_100": 40.642, + "recall_at_1000": 67.268, + "recall_at_20": 25.615, + "recall_at_3": 11.036, + "recall_at_5": 14.909, + "main_score": 13.239999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/CQADupstackPhysicsRetrieval.json b/results/Mihaiii__Wartortle/external/CQADupstackPhysicsRetrieval.json new file mode 100644 index 000000000..3f27e1533 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/CQADupstackPhysicsRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "79531abbd1fb92d06c6d6315a0cbbbf5bb247ea4", + "task_name": "CQADupstackPhysicsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.558, + "map_at_10": 22.551, + "map_at_100": 23.669, + "map_at_1000": 23.809, + "map_at_20": 23.173, + "map_at_3": 20.681, + "map_at_5": 21.674, + "mrr_at_1": 20.693, + "mrr_at_10": 27.133000000000003, + "mrr_at_100": 28.073999999999998, + "mrr_at_1000": 28.16, + "mrr_at_20": 27.693, + "mrr_at_3": 25.201, + "mrr_at_5": 26.407999999999998, + "ndcg_at_1": 20.693, + "ndcg_at_10": 26.701999999999998, + "ndcg_at_100": 32.031, + "ndcg_at_1000": 35.265, + "ndcg_at_20": 28.814, + "ndcg_at_3": 23.474, + "ndcg_at_5": 24.924, + "precision_at_1": 20.693, + "precision_at_10": 4.986, + "precision_at_100": 0.915, + "precision_at_1000": 0.13699999999999998, + "precision_at_20": 3.157, + "precision_at_3": 11.132, + "precision_at_5": 8.027, + "recall_at_1": 16.558, + "recall_at_10": 34.636, + "recall_at_100": 57.745999999999995, + "recall_at_1000": 80.438, + "recall_at_20": 42.248000000000005, + "recall_at_3": 25.419999999999998, + "recall_at_5": 29.254, + "main_score": 26.701999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/CQADupstackProgrammersRetrieval.json b/results/Mihaiii__Wartortle/external/CQADupstackProgrammersRetrieval.json new file mode 100644 index 000000000..e6d321c12 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/CQADupstackProgrammersRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "6184bc1440d2dbc7612be22b50686b8826d22b32", + "task_name": "CQADupstackProgrammersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 10.231, + "map_at_10": 14.352, + "map_at_100": 15.174000000000001, + "map_at_1000": 15.310000000000002, + "map_at_20": 14.704, + "map_at_3": 12.878, + "map_at_5": 13.632, + "mrr_at_1": 12.556999999999999, + "mrr_at_10": 17.378, + "mrr_at_100": 18.186, + "mrr_at_1000": 18.287, + "mrr_at_20": 17.752000000000002, + "mrr_at_3": 15.772, + "mrr_at_5": 16.6, + "ndcg_at_1": 12.556999999999999, + "ndcg_at_10": 17.501, + "ndcg_at_100": 22.065, + "ndcg_at_1000": 25.607999999999997, + "ndcg_at_20": 18.756, + "ndcg_at_3": 14.691, + "ndcg_at_5": 15.842, + "precision_at_1": 12.556999999999999, + "precision_at_10": 3.322, + "precision_at_100": 0.6709999999999999, + "precision_at_1000": 0.11399999999999999, + "precision_at_20": 2.0549999999999997, + "precision_at_3": 6.963, + "precision_at_5": 5.137, + "recall_at_1": 10.231, + "recall_at_10": 24.2, + "recall_at_100": 45.051, + "recall_at_1000": 70.372, + "recall_at_20": 28.624, + "recall_at_3": 16.209, + "recall_at_5": 19.259999999999998, + "main_score": 17.501 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/CQADupstackStatsRetrieval.json b/results/Mihaiii__Wartortle/external/CQADupstackStatsRetrieval.json new file mode 100644 index 000000000..0dbc961a2 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/CQADupstackStatsRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "65ac3a16b8e91f9cee4c9828cc7c335575432a2a", + "task_name": "CQADupstackStatsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 10.539, + "map_at_10": 14.783, + "map_at_100": 15.542, + "map_at_1000": 15.644, + "map_at_20": 15.139, + "map_at_3": 13.508999999999999, + "map_at_5": 14.191, + "mrr_at_1": 12.577, + "mrr_at_10": 17.212, + "mrr_at_100": 17.95, + "mrr_at_1000": 18.043, + "mrr_at_20": 17.563000000000002, + "mrr_at_3": 15.951, + "mrr_at_5": 16.587, + "ndcg_at_1": 12.577, + "ndcg_at_10": 17.683, + "ndcg_at_100": 21.783, + "ndcg_at_1000": 24.802, + "ndcg_at_20": 18.944, + "ndcg_at_3": 15.204999999999998, + "ndcg_at_5": 16.274, + "precision_at_1": 12.577, + "precision_at_10": 2.991, + "precision_at_100": 0.557, + "precision_at_1000": 0.08800000000000001, + "precision_at_20": 1.81, + "precision_at_3": 6.952999999999999, + "precision_at_5": 4.8469999999999995, + "recall_at_1": 10.539, + "recall_at_10": 24.541, + "recall_at_100": 43.732, + "recall_at_1000": 66.97800000000001, + "recall_at_20": 29.331000000000003, + "recall_at_3": 17.096, + "recall_at_5": 20.080000000000002, + "main_score": 17.683 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/CQADupstackTexRetrieval.json b/results/Mihaiii__Wartortle/external/CQADupstackTexRetrieval.json new file mode 100644 index 000000000..2b9188f37 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/CQADupstackTexRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "46989137a86843e03a6195de44b09deda022eec7", + "task_name": "CQADupstackTexRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 7.954, + "map_at_10": 11.091, + "map_at_100": 11.828, + "map_at_1000": 11.935, + "map_at_20": 11.44, + "map_at_3": 9.876, + "map_at_5": 10.496, + "mrr_at_1": 9.738, + "mrr_at_10": 13.361, + "mrr_at_100": 14.096, + "mrr_at_1000": 14.184, + "mrr_at_20": 13.721, + "mrr_at_3": 12.004, + "mrr_at_5": 12.658, + "ndcg_at_1": 9.738, + "ndcg_at_10": 13.592, + "ndcg_at_100": 17.512, + "ndcg_at_1000": 20.602999999999998, + "ndcg_at_20": 14.789, + "ndcg_at_3": 11.232000000000001, + "ndcg_at_5": 12.191, + "precision_at_1": 9.738, + "precision_at_10": 2.598, + "precision_at_100": 0.553, + "precision_at_1000": 0.096, + "precision_at_20": 1.652, + "precision_at_3": 5.311, + "precision_at_5": 3.895, + "recall_at_1": 7.954, + "recall_at_10": 18.932, + "recall_at_100": 37.082, + "recall_at_1000": 60.114999999999995, + "recall_at_20": 23.339, + "recall_at_3": 12.318999999999999, + "recall_at_5": 14.834, + "main_score": 13.592 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/CQADupstackUnixRetrieval.json b/results/Mihaiii__Wartortle/external/CQADupstackUnixRetrieval.json new file mode 100644 index 000000000..e09ddcc11 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/CQADupstackUnixRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "6c6430d3a6d36f8d2a829195bc5dc94d7e063e53", + "task_name": "CQADupstackUnixRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 13.764999999999999, + "map_at_10": 17.766000000000002, + "map_at_100": 18.637999999999998, + "map_at_1000": 18.755, + "map_at_20": 18.242, + "map_at_3": 16.502, + "map_at_5": 17.155, + "mrr_at_1": 16.604, + "mrr_at_10": 21.071, + "mrr_at_100": 21.906, + "mrr_at_1000": 22.0, + "mrr_at_20": 21.545, + "mrr_at_3": 19.667, + "mrr_at_5": 20.395, + "ndcg_at_1": 16.604, + "ndcg_at_10": 20.742, + "ndcg_at_100": 25.363999999999997, + "ndcg_at_1000": 28.607, + "ndcg_at_20": 22.469, + "ndcg_at_3": 18.276999999999997, + "ndcg_at_5": 19.277, + "precision_at_1": 16.604, + "precision_at_10": 3.47, + "precision_at_100": 0.651, + "precision_at_1000": 0.104, + "precision_at_20": 2.169, + "precision_at_3": 8.209, + "precision_at_5": 5.7090000000000005, + "recall_at_1": 13.764999999999999, + "recall_at_10": 26.752, + "recall_at_100": 47.988, + "recall_at_1000": 71.859, + "recall_at_20": 33.25, + "recall_at_3": 19.777, + "recall_at_5": 22.39, + "main_score": 20.742 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/CQADupstackWebmastersRetrieval.json b/results/Mihaiii__Wartortle/external/CQADupstackWebmastersRetrieval.json new file mode 100644 index 000000000..26872c570 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/CQADupstackWebmastersRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "160c094312a0e1facb97e55eeddb698c0abe3571", + "task_name": "CQADupstackWebmastersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 14.435999999999998, + "map_at_10": 19.517, + "map_at_100": 20.380000000000003, + "map_at_1000": 20.558, + "map_at_20": 19.858, + "map_at_3": 17.764, + "map_at_5": 18.705, + "mrr_at_1": 18.182000000000002, + "mrr_at_10": 23.342, + "mrr_at_100": 24.121000000000002, + "mrr_at_1000": 24.226, + "mrr_at_20": 23.71, + "mrr_at_3": 21.573999999999998, + "mrr_at_5": 22.572, + "ndcg_at_1": 18.182000000000002, + "ndcg_at_10": 23.322000000000003, + "ndcg_at_100": 27.529999999999998, + "ndcg_at_1000": 31.434, + "ndcg_at_20": 24.274, + "ndcg_at_3": 20.307, + "ndcg_at_5": 21.681, + "precision_at_1": 18.182000000000002, + "precision_at_10": 4.486, + "precision_at_100": 0.907, + "precision_at_1000": 0.17500000000000002, + "precision_at_20": 2.727, + "precision_at_3": 9.684, + "precision_at_5": 7.074999999999999, + "recall_at_1": 14.435999999999998, + "recall_at_10": 30.221999999999998, + "recall_at_100": 50.657, + "recall_at_1000": 77.803, + "recall_at_20": 34.044999999999995, + "recall_at_3": 21.394, + "recall_at_5": 25.058000000000003, + "main_score": 23.322000000000003 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/CQADupstackWordpressRetrieval.json b/results/Mihaiii__Wartortle/external/CQADupstackWordpressRetrieval.json new file mode 100644 index 000000000..8e58d4b32 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/CQADupstackWordpressRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "4ffe81d471b1924886b33c7567bfb200e9eec5c4", + "task_name": "CQADupstackWordpressRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.078000000000001, + "map_at_10": 12.43, + "map_at_100": 13.242999999999999, + "map_at_1000": 13.34, + "map_at_20": 12.767999999999999, + "map_at_3": 11.085, + "map_at_5": 11.727, + "mrr_at_1": 9.057, + "mrr_at_10": 13.885, + "mrr_at_100": 14.697, + "mrr_at_1000": 14.785, + "mrr_at_20": 14.216999999999999, + "mrr_at_3": 12.415, + "mrr_at_5": 13.108, + "ndcg_at_1": 9.057, + "ndcg_at_10": 15.299, + "ndcg_at_100": 19.872, + "ndcg_at_1000": 22.903000000000002, + "ndcg_at_20": 16.525000000000002, + "ndcg_at_3": 12.477, + "ndcg_at_5": 13.605, + "precision_at_1": 9.057, + "precision_at_10": 2.643, + "precision_at_100": 0.525, + "precision_at_1000": 0.084, + "precision_at_20": 1.599, + "precision_at_3": 5.7299999999999995, + "precision_at_5": 4.104, + "recall_at_1": 8.078000000000001, + "recall_at_10": 22.874, + "recall_at_100": 45.043, + "recall_at_1000": 68.77799999999999, + "recall_at_20": 27.662, + "recall_at_3": 14.926, + "recall_at_5": 17.791, + "main_score": 15.299 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/ClimateFEVER.json b/results/Mihaiii__Wartortle/external/ClimateFEVER.json new file mode 100644 index 000000000..24c4706b8 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/ClimateFEVER.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.460999999999999, + "map_at_10": 8.625, + "map_at_100": 9.772, + "map_at_1000": 9.952, + "map_at_20": 9.133, + "map_at_3": 6.961, + "map_at_5": 7.727, + "mrr_at_1": 9.381, + "mrr_at_10": 16.742, + "mrr_at_100": 17.901, + "mrr_at_1000": 17.983, + "mrr_at_20": 17.368, + "mrr_at_3": 14.126, + "mrr_at_5": 15.504000000000001, + "ndcg_at_1": 9.381, + "ndcg_at_10": 13.111, + "ndcg_at_100": 19.043, + "ndcg_at_1000": 22.901, + "ndcg_at_20": 14.909, + "ndcg_at_3": 9.727, + "ndcg_at_5": 10.91, + "precision_at_1": 9.381, + "precision_at_10": 4.391, + "precision_at_100": 1.075, + "precision_at_1000": 0.178, + "precision_at_20": 2.9739999999999998, + "precision_at_3": 7.448, + "precision_at_5": 5.954000000000001, + "recall_at_1": 4.460999999999999, + "recall_at_10": 17.657999999999998, + "recall_at_100": 39.201, + "recall_at_1000": 61.229, + "recall_at_20": 22.758, + "recall_at_3": 9.724, + "recall_at_5": 12.651000000000002, + "main_score": 13.111 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/DBPedia.json b/results/Mihaiii__Wartortle/external/DBPedia.json new file mode 100644 index 000000000..ba93f36bb --- /dev/null +++ b/results/Mihaiii__Wartortle/external/DBPedia.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.849, + "map_at_10": 12.828999999999999, + "map_at_100": 17.204, + "map_at_1000": 18.314, + "map_at_20": 14.607000000000001, + "map_at_3": 9.442, + "map_at_5": 10.808, + "mrr_at_1": 48.75, + "mrr_at_10": 59.82300000000001, + "mrr_at_100": 60.293, + "mrr_at_1000": 60.307, + "mrr_at_20": 60.131, + "mrr_at_3": 57.208000000000006, + "mrr_at_5": 58.583, + "ndcg_at_1": 36.875, + "ndcg_at_10": 29.328, + "ndcg_at_100": 32.2, + "ndcg_at_1000": 39.125, + "ndcg_at_20": 28.674, + "ndcg_at_3": 32.469, + "ndcg_at_5": 30.613, + "precision_at_1": 48.75, + "precision_at_10": 24.099999999999998, + "precision_at_100": 7.292999999999999, + "precision_at_1000": 1.486, + "precision_at_20": 17.812, + "precision_at_3": 37.167, + "precision_at_5": 31.1, + "recall_at_1": 5.849, + "recall_at_10": 18.473, + "recall_at_100": 37.602000000000004, + "recall_at_1000": 60.68599999999999, + "recall_at_20": 23.552, + "recall_at_3": 11.077, + "recall_at_5": 13.511999999999999, + "main_score": 29.328 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/EmotionClassification.json b/results/Mihaiii__Wartortle/external/EmotionClassification.json new file mode 100644 index 000000000..13baa9283 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 46.78, + "f1": 40.027922341568576, + "main_score": 46.78 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/FEVER.json b/results/Mihaiii__Wartortle/external/FEVER.json new file mode 100644 index 000000000..f80d855f6 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/FEVER.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.675, + "map_at_10": 30.4, + "map_at_100": 31.285, + "map_at_1000": 31.351000000000003, + "map_at_20": 30.917, + "map_at_3": 27.748, + "map_at_5": 29.265, + "mrr_at_1": 23.327, + "mrr_at_10": 32.363, + "mrr_at_100": 33.237, + "mrr_at_1000": 33.298, + "mrr_at_20": 32.883, + "mrr_at_3": 29.665000000000003, + "mrr_at_5": 31.230999999999998, + "ndcg_at_1": 23.327, + "ndcg_at_10": 35.576, + "ndcg_at_100": 40.071, + "ndcg_at_1000": 41.884, + "ndcg_at_20": 37.431, + "ndcg_at_3": 30.173, + "ndcg_at_5": 32.883, + "precision_at_1": 23.327, + "precision_at_10": 5.438, + "precision_at_100": 0.784, + "precision_at_1000": 0.096, + "precision_at_20": 3.121, + "precision_at_3": 12.741, + "precision_at_5": 9.078999999999999, + "recall_at_1": 21.675, + "recall_at_10": 49.952999999999996, + "recall_at_100": 70.953, + "recall_at_1000": 84.902, + "recall_at_20": 57.081, + "recall_at_3": 35.301, + "recall_at_5": 41.805, + "main_score": 35.576 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/FiQA2018.json b/results/Mihaiii__Wartortle/external/FiQA2018.json new file mode 100644 index 000000000..13073e904 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/FiQA2018.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.096, + "map_at_10": 5.4879999999999995, + "map_at_100": 6.199000000000001, + "map_at_1000": 6.348, + "map_at_20": 5.826, + "map_at_3": 4.43, + "map_at_5": 4.899, + "mrr_at_1": 6.481000000000001, + "mrr_at_10": 10.059999999999999, + "mrr_at_100": 10.905, + "mrr_at_1000": 11.019, + "mrr_at_20": 10.513, + "mrr_at_3": 8.436, + "mrr_at_5": 9.168999999999999, + "ndcg_at_1": 6.481000000000001, + "ndcg_at_10": 8.097999999999999, + "ndcg_at_100": 12.092, + "ndcg_at_1000": 16.5, + "ndcg_at_20": 9.353, + "ndcg_at_3": 6.148, + "ndcg_at_5": 6.714, + "precision_at_1": 6.481000000000001, + "precision_at_10": 2.5309999999999997, + "precision_at_100": 0.6479999999999999, + "precision_at_1000": 0.14100000000000001, + "precision_at_20": 1.752, + "precision_at_3": 4.064, + "precision_at_5": 3.272, + "recall_at_1": 3.096, + "recall_at_10": 11.575000000000001, + "recall_at_100": 27.560000000000002, + "recall_at_1000": 56.391999999999996, + "recall_at_20": 15.611, + "recall_at_3": 5.821, + "recall_at_5": 7.6259999999999994, + "main_score": 8.097999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/HotpotQA.json b/results/Mihaiii__Wartortle/external/HotpotQA.json new file mode 100644 index 000000000..0e2e96061 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/HotpotQA.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.481, + "map_at_10": 38.229, + "map_at_100": 39.186, + "map_at_1000": 39.283, + "map_at_20": 38.763999999999996, + "map_at_3": 35.652, + "map_at_5": 37.18, + "mrr_at_1": 54.962999999999994, + "mrr_at_10": 62.651999999999994, + "mrr_at_100": 63.158, + "mrr_at_1000": 63.18899999999999, + "mrr_at_20": 62.965, + "mrr_at_3": 61.013, + "mrr_at_5": 62.004999999999995, + "ndcg_at_1": 54.962999999999994, + "ndcg_at_10": 47.03, + "ndcg_at_100": 50.938, + "ndcg_at_1000": 53.028, + "ndcg_at_20": 48.571999999999996, + "ndcg_at_3": 42.751, + "ndcg_at_5": 44.981, + "precision_at_1": 54.962999999999994, + "precision_at_10": 9.919, + "precision_at_100": 1.302, + "precision_at_1000": 0.158, + "precision_at_20": 5.4559999999999995, + "precision_at_3": 26.671, + "precision_at_5": 17.764, + "recall_at_1": 27.481, + "recall_at_10": 49.595, + "recall_at_100": 65.078, + "recall_at_1000": 79.001, + "recall_at_20": 54.564, + "recall_at_3": 40.007, + "recall_at_5": 44.409, + "main_score": 47.03 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/ImdbClassification.json b/results/Mihaiii__Wartortle/external/ImdbClassification.json new file mode 100644 index 000000000..a0b3184d1 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.5976, + "ap": 68.90030024726627, + "f1": 74.44139933523756, + "main_score": 74.5976 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/MSMARCO.json b/results/Mihaiii__Wartortle/external/MSMARCO.json new file mode 100644 index 000000000..b528c5a52 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/MSMARCO.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.392, + "map_at_10": 15.858, + "map_at_100": 16.821, + "map_at_1000": 16.916999999999998, + "map_at_20": 16.378, + "map_at_3": 13.627, + "map_at_5": 14.837, + "mrr_at_1": 9.642000000000001, + "mrr_at_10": 16.189999999999998, + "mrr_at_100": 17.149, + "mrr_at_1000": 17.241, + "mrr_at_20": 16.712, + "mrr_at_3": 13.94, + "mrr_at_5": 15.173, + "ndcg_at_1": 9.642000000000001, + "ndcg_at_10": 19.798, + "ndcg_at_100": 24.93, + "ndcg_at_1000": 27.723, + "ndcg_at_20": 21.676000000000002, + "ndcg_at_3": 15.135000000000002, + "ndcg_at_5": 17.323, + "precision_at_1": 9.642000000000001, + "precision_at_10": 3.335, + "precision_at_100": 0.597, + "precision_at_1000": 0.084, + "precision_at_20": 2.052, + "precision_at_3": 6.585000000000001, + "precision_at_5": 5.0569999999999995, + "recall_at_1": 9.392, + "recall_at_10": 32.074000000000005, + "recall_at_100": 56.816, + "recall_at_1000": 79.107, + "recall_at_20": 39.404, + "recall_at_3": 19.211, + "recall_at_5": 24.476, + "main_score": 19.798 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/MTOPDomainClassification.json b/results/Mihaiii__Wartortle/external/MTOPDomainClassification.json new file mode 100644 index 000000000..d103e5281 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 88.23529411764707, + "f1": 87.7087794539205, + "main_score": 88.23529411764707 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/MTOPIntentClassification.json b/results/Mihaiii__Wartortle/external/MTOPIntentClassification.json new file mode 100644 index 000000000..39f232289 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 54.9361605107159, + "f1": 37.32757786855856, + "main_score": 54.9361605107159 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/MassiveIntentClassification.json b/results/Mihaiii__Wartortle/external/MassiveIntentClassification.json new file mode 100644 index 000000000..a2e8ad78a --- /dev/null +++ b/results/Mihaiii__Wartortle/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 62.269670477471415, + "f1": 59.31689853710541, + "main_score": 62.269670477471415 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/MassiveScenarioClassification.json b/results/Mihaiii__Wartortle/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..85dc5aa4a --- /dev/null +++ b/results/Mihaiii__Wartortle/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 68.21788836583724, + "f1": 67.10588384512401, + "main_score": 68.21788836583724 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/MedrxivClusteringP2P.json b/results/Mihaiii__Wartortle/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..ee9d3f338 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/MedrxivClusteringP2P.json @@ -0,0 +1,1020 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 28.23811395981688, + "v_measures": [ + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605, + 0.2595788729651215, + 0.26996810148313405, + 0.2732996057137152, + 0.2774563691306207, + 0.26582943289674876, + 0.2936161238913042, + 0.28255533387533865, + 0.30526428824928975, + 0.29682495712055484, + 0.2994183106558605 + ], + "main_score": 28.23811395981688 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/MedrxivClusteringS2S.json b/results/Mihaiii__Wartortle/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..4083816fc --- /dev/null +++ b/results/Mihaiii__Wartortle/external/MedrxivClusteringS2S.json @@ -0,0 +1,1020 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 25.338025048309298, + "v_measures": [ + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565, + 0.23561525025080798, + 0.2368226918044119, + 0.24303781513599937, + 0.24417515042071292, + 0.24407943936106685, + 0.26391083211917715, + 0.2674725559380188, + 0.2739349725257399, + 0.26620500686003945, + 0.25854879041495565 + ], + "main_score": 25.338025048309298 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/MindSmallReranking.json b/results/Mihaiii__Wartortle/external/MindSmallReranking.json new file mode 100644 index 000000000..948834f70 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 30.27968813284564, + "mrr": 31.192897822243165, + "main_score": 30.27968813284564 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/NFCorpus.json b/results/Mihaiii__Wartortle/external/NFCorpus.json new file mode 100644 index 000000000..01d1024e0 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/NFCorpus.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.8930000000000002, + "map_at_10": 5.63, + "map_at_100": 6.981999999999999, + "map_at_1000": 7.99, + "map_at_20": 6.165, + "map_at_3": 4.466, + "map_at_5": 4.885, + "mrr_at_1": 27.245, + "mrr_at_10": 34.952, + "mrr_at_100": 35.83, + "mrr_at_1000": 35.892, + "mrr_at_20": 35.464, + "mrr_at_3": 32.611000000000004, + "mrr_at_5": 33.725, + "ndcg_at_1": 25.697, + "ndcg_at_10": 18.746, + "ndcg_at_100": 17.613, + "ndcg_at_1000": 26.698, + "ndcg_at_20": 17.607, + "ndcg_at_3": 22.163, + "ndcg_at_5": 20.497, + "precision_at_1": 26.625, + "precision_at_10": 13.437, + "precision_at_100": 4.805000000000001, + "precision_at_1000": 1.733, + "precision_at_20": 10.17, + "precision_at_3": 20.433, + "precision_at_5": 17.214, + "recall_at_1": 2.8930000000000002, + "recall_at_10": 8.731, + "recall_at_100": 19.236, + "recall_at_1000": 50.632, + "recall_at_20": 11.402, + "recall_at_3": 5.207, + "recall_at_5": 6.021, + "main_score": 18.746 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/NQ.json b/results/Mihaiii__Wartortle/external/NQ.json new file mode 100644 index 000000000..3707f5684 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/NQ.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 10.116999999999999, + "map_at_10": 18.062, + "map_at_100": 19.276, + "map_at_1000": 19.366, + "map_at_20": 18.719, + "map_at_3": 15.018999999999998, + "map_at_5": 16.659, + "mrr_at_1": 11.587, + "mrr_at_10": 19.75, + "mrr_at_100": 20.855, + "mrr_at_1000": 20.929000000000002, + "mrr_at_20": 20.377000000000002, + "mrr_at_3": 16.733999999999998, + "mrr_at_5": 18.422, + "ndcg_at_1": 11.559, + "ndcg_at_10": 23.25, + "ndcg_at_100": 29.364, + "ndcg_at_1000": 31.775, + "ndcg_at_20": 25.56, + "ndcg_at_3": 17.052, + "ndcg_at_5": 19.98, + "precision_at_1": 11.559, + "precision_at_10": 4.447, + "precision_at_100": 0.796, + "precision_at_1000": 0.10200000000000001, + "precision_at_20": 2.762, + "precision_at_3": 8.14, + "precision_at_5": 6.524000000000001, + "recall_at_1": 10.116999999999999, + "recall_at_10": 37.736999999999995, + "recall_at_100": 65.998, + "recall_at_1000": 84.533, + "recall_at_20": 46.43, + "recall_at_3": 21.282, + "recall_at_5": 28.1, + "main_score": 23.25 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/QuoraRetrieval.json b/results/Mihaiii__Wartortle/external/QuoraRetrieval.json new file mode 100644 index 000000000..0bfb8df85 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/QuoraRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "e4e08e0b7dbe3c8700f0daef558ff32256715259", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 64.706, + "map_at_10": 77.777, + "map_at_100": 78.509, + "map_at_1000": 78.537, + "map_at_20": 78.237, + "map_at_3": 74.802, + "map_at_5": 76.655, + "mrr_at_1": 74.62, + "mrr_at_10": 81.817, + "mrr_at_100": 82.021, + "mrr_at_1000": 82.025, + "mrr_at_20": 81.962, + "mrr_at_3": 80.452, + "mrr_at_5": 81.352, + "ndcg_at_1": 74.64, + "ndcg_at_10": 82.30499999999999, + "ndcg_at_100": 84.21, + "ndcg_at_1000": 84.505, + "ndcg_at_20": 83.255, + "ndcg_at_3": 78.851, + "ndcg_at_5": 80.72200000000001, + "precision_at_1": 74.64, + "precision_at_10": 12.457, + "precision_at_100": 1.473, + "precision_at_1000": 0.155, + "precision_at_20": 6.677, + "precision_at_3": 34.29, + "precision_at_5": 22.7, + "recall_at_1": 64.706, + "recall_at_10": 91.01, + "recall_at_100": 98.039, + "recall_at_1000": 99.66000000000001, + "recall_at_20": 94.184, + "recall_at_3": 81.12700000000001, + "recall_at_5": 86.319, + "main_score": 82.30499999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/RedditClustering.json b/results/Mihaiii__Wartortle/external/RedditClustering.json new file mode 100644 index 000000000..514c1a022 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/RedditClustering.json @@ -0,0 +1,2520 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.92118583596968, + "v_measures": [ + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517, + 0.36348286190285317, + 0.41972047648086824, + 0.3157847416716583, + 0.2924797675615204, + 0.36261138426299355, + 0.32847874534659877, + 0.3889547507270807, + 0.3127510849003159, + 0.3307172377975423, + 0.302750283797456, + 0.32237517082958256, + 0.40638708346483654, + 0.3611211245185695, + 0.3833760828081467, + 0.5064461714989106, + 0.3079898927539046, + 0.39678017551052513, + 0.43921575409868097, + 0.3495794570559578, + 0.30573013564346774, + 0.32165840125624, + 0.3272115833286129, + 0.48520494325401664, + 0.33563783213490467, + 0.31385131638717517 + ], + "main_score": 35.92118583596968 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/RedditClusteringP2P.json b/results/Mihaiii__Wartortle/external/RedditClusteringP2P.json new file mode 100644 index 000000000..30eff97c1 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/RedditClusteringP2P.json @@ -0,0 +1,1020 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 46.08479450077311, + "v_measures": [ + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339, + 0.5265304787752646, + 0.5359671631118251, + 0.5151264848317407, + 0.2651162836277955, + 0.5088505797958291, + 0.4624679441261622, + 0.21416898427604442, + 0.5365759379838768, + 0.49779861038453793, + 0.5458769831642339 + ], + "main_score": 46.08479450077311 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/SCIDOCS.json b/results/Mihaiii__Wartortle/external/SCIDOCS.json new file mode 100644 index 000000000..6b9000e26 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/SCIDOCS.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "f8c2fcf00f625baaa80f62ec5bd9e1fff3b8ae88", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.823, + "map_at_10": 6.162999999999999, + "map_at_100": 7.462000000000001, + "map_at_1000": 7.707, + "map_at_20": 6.7989999999999995, + "map_at_3": 4.614, + "map_at_5": 5.221, + "mrr_at_1": 13.8, + "mrr_at_10": 20.317, + "mrr_at_100": 21.495, + "mrr_at_1000": 21.609, + "mrr_at_20": 21.038999999999998, + "mrr_at_3": 17.916999999999998, + "mrr_at_5": 19.047, + "ndcg_at_1": 13.8, + "ndcg_at_10": 11.124, + "ndcg_at_100": 17.058, + "ndcg_at_1000": 22.584, + "ndcg_at_20": 13.165, + "ndcg_at_3": 10.453999999999999, + "ndcg_at_5": 8.844000000000001, + "precision_at_1": 13.8, + "precision_at_10": 5.800000000000001, + "precision_at_100": 1.443, + "precision_at_1000": 0.27899999999999997, + "precision_at_20": 4.08, + "precision_at_3": 9.5, + "precision_at_5": 7.42, + "recall_at_1": 2.823, + "recall_at_10": 11.790000000000001, + "recall_at_100": 29.282000000000004, + "recall_at_1000": 56.720000000000006, + "recall_at_20": 16.54, + "recall_at_3": 5.808, + "recall_at_5": 7.548000000000001, + "main_score": 11.124 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/SICK-R.json b/results/Mihaiii__Wartortle/external/SICK-R.json new file mode 100644 index 000000000..8cef153dc --- /dev/null +++ b/results/Mihaiii__Wartortle/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.35546558185588, + "cos_sim_spearman": 78.23859592249686, + "euclidean_pearson": 79.98024519769696, + "euclidean_spearman": 78.23859183509182, + "manhattan_pearson": 79.89939470434149, + "manhattan_spearman": 78.14002412024936, + "cosine_pearson": 82.35546558185588, + "cosine_spearman": 78.23859592249686, + "main_score": 78.23859592249686 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/STS12.json b/results/Mihaiii__Wartortle/external/STS12.json new file mode 100644 index 000000000..dd508f7a3 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.77892045885623, + "cos_sim_spearman": 75.1886741501174, + "euclidean_pearson": 79.25545188379738, + "euclidean_spearman": 75.18638344905548, + "manhattan_pearson": 79.22653149623625, + "manhattan_spearman": 75.27810415336305, + "cosine_pearson": 82.77892045885623, + "cosine_spearman": 75.1886741501174, + "main_score": 75.1886741501174 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/STS13.json b/results/Mihaiii__Wartortle/external/STS13.json new file mode 100644 index 000000000..276d293b7 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 77.0780386627305, + "cos_sim_spearman": 79.33304952540263, + "euclidean_pearson": 78.8995877109086, + "euclidean_spearman": 79.33304952540263, + "manhattan_pearson": 78.53767885744242, + "manhattan_spearman": 78.98963272082919, + "cosine_pearson": 77.0780386627305, + "cosine_spearman": 79.33304952540263, + "main_score": 79.33304952540263 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/STS14.json b/results/Mihaiii__Wartortle/external/STS14.json new file mode 100644 index 000000000..8f0caf2d9 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 77.40102517193851, + "cos_sim_spearman": 76.56213113240312, + "euclidean_pearson": 77.28763789251809, + "euclidean_spearman": 76.56214567337607, + "manhattan_pearson": 77.07003484382906, + "manhattan_spearman": 76.42170507923466, + "cosine_pearson": 77.40102517193851, + "cosine_spearman": 76.56213113240312, + "main_score": 76.56213113240312 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/STS15.json b/results/Mihaiii__Wartortle/external/STS15.json new file mode 100644 index 000000000..50d5b4444 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.08619018791619, + "cos_sim_spearman": 84.7000298638952, + "euclidean_pearson": 84.45835118534818, + "euclidean_spearman": 84.7000136316961, + "manhattan_pearson": 84.49026098485562, + "manhattan_spearman": 84.7341511290005, + "cosine_pearson": 83.08619018791619, + "cosine_spearman": 84.7000298638952, + "main_score": 84.7000298638952 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/STS16.json b/results/Mihaiii__Wartortle/external/STS16.json new file mode 100644 index 000000000..699755593 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 78.16153099155702, + "cos_sim_spearman": 81.43851932231388, + "euclidean_pearson": 80.64566170494548, + "euclidean_spearman": 81.43851888295582, + "manhattan_pearson": 80.60043965519766, + "manhattan_spearman": 81.39436114361187, + "cosine_pearson": 78.16153099155702, + "cosine_spearman": 81.43851932231388, + "main_score": 81.43851932231388 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/STS17.json b/results/Mihaiii__Wartortle/external/STS17.json new file mode 100644 index 000000000..1fb556847 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.79691929686385, + "cos_sim_spearman": 86.61476790521185, + "euclidean_pearson": 87.19188107234186, + "euclidean_spearman": 86.61476790521185, + "manhattan_pearson": 87.1048361434476, + "manhattan_spearman": 86.62564632760721, + "cosine_pearson": 85.79691929686385, + "cosine_spearman": 86.61476790521185, + "main_score": 86.61476790521185 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/STS22.json b/results/Mihaiii__Wartortle/external/STS22.json new file mode 100644 index 000000000..7e6061477 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "eea2b4fe26a775864c896887d910b76a8098ad3f", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 57.47315801345834, + "cos_sim_spearman": 63.42561529682427, + "euclidean_pearson": 61.72162209797075, + "euclidean_spearman": 63.42561529682427, + "manhattan_pearson": 61.90168887814704, + "manhattan_spearman": 63.750754243527155, + "cosine_pearson": 57.47315801345834, + "cosine_spearman": 63.42561529682427, + "main_score": 63.42561529682427 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/STSBenchmark.json b/results/Mihaiii__Wartortle/external/STSBenchmark.json new file mode 100644 index 000000000..aed33a8f1 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 79.85854385132735, + "cos_sim_spearman": 81.7934403165178, + "euclidean_pearson": 81.76737446129472, + "euclidean_spearman": 81.79344583519841, + "manhattan_pearson": 81.51600708713269, + "manhattan_spearman": 81.5208648976934, + "cosine_pearson": 79.85854385132735, + "cosine_spearman": 81.7934403165178, + "main_score": 81.7934403165178 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/SciDocsRR.json b/results/Mihaiii__Wartortle/external/SciDocsRR.json new file mode 100644 index 000000000..c999f4f57 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 74.47725483163819, + "mrr": 91.68947066005887, + "main_score": 74.47725483163819 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/SciFact.json b/results/Mihaiii__Wartortle/external/SciFact.json new file mode 100644 index 000000000..5f585f9db --- /dev/null +++ b/results/Mihaiii__Wartortle/external/SciFact.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 36.75, + "map_at_10": 45.448, + "map_at_100": 46.25, + "map_at_1000": 46.333, + "map_at_20": 45.965, + "map_at_3": 42.848000000000006, + "map_at_5": 44.098, + "mrr_at_1": 39.0, + "mrr_at_10": 46.916000000000004, + "mrr_at_100": 47.61, + "mrr_at_1000": 47.684, + "mrr_at_20": 47.402, + "mrr_at_3": 44.667, + "mrr_at_5": 45.867000000000004, + "ndcg_at_1": 39.0, + "ndcg_at_10": 50.241, + "ndcg_at_100": 53.701, + "ndcg_at_1000": 55.84, + "ndcg_at_20": 52.022, + "ndcg_at_3": 45.248, + "ndcg_at_5": 47.332, + "precision_at_1": 39.0, + "precision_at_10": 7.199999999999999, + "precision_at_100": 0.903, + "precision_at_1000": 0.108, + "precision_at_20": 3.9829999999999997, + "precision_at_3": 18.333, + "precision_at_5": 12.2, + "recall_at_1": 36.75, + "recall_at_10": 63.62799999999999, + "recall_at_100": 78.85600000000001, + "recall_at_1000": 95.6, + "recall_at_20": 70.489, + "recall_at_3": 49.928, + "recall_at_5": 55.161, + "main_score": 50.241 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/SprintDuplicateQuestions.json b/results/Mihaiii__Wartortle/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..453c91422 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.68514851485149, + "cos_sim_ap": 89.84995835652664, + "cos_sim_f1": 83.54037267080744, + "cos_sim_precision": 86.58798283261802, + "cos_sim_recall": 80.7, + "dot_accuracy": 99.68514851485149, + "dot_ap": 89.84995822010269, + "dot_f1": 83.54037267080744, + "dot_precision": 86.58798283261802, + "dot_recall": 80.7, + "euclidean_accuracy": 99.68514851485149, + "euclidean_ap": 89.84995835652664, + "euclidean_f1": 83.54037267080744, + "euclidean_precision": 86.58798283261802, + "euclidean_recall": 80.7, + "manhattan_accuracy": 99.69504950495049, + "manhattan_ap": 90.15934028795763, + "manhattan_f1": 84.10256410256412, + "manhattan_precision": 86.31578947368422, + "manhattan_recall": 82.0, + "max_accuracy": 99.69504950495049, + "max_ap": 90.15934028795763, + "max_f1": 84.10256410256412, + "main_score": 90.15934028795763 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/StackExchangeClustering.json b/results/Mihaiii__Wartortle/external/StackExchangeClustering.json new file mode 100644 index 000000000..1d3afd6f3 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/StackExchangeClustering.json @@ -0,0 +1,2520 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 45.30526182881455, + "v_measures": [ + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713, + 0.4344425345974089, + 0.5135881589154038, + 0.37360609992777216, + 0.44322308669982985, + 0.4258373836686056, + 0.37002419178401297, + 0.3950750262645659, + 0.4703810042020446, + 0.4910523906839406, + 0.45466057667041015, + 0.5726496772458282, + 0.4854711941992666, + 0.5369040307391952, + 0.47225744279530213, + 0.4343396666563287, + 0.43259528575250467, + 0.4576684562107158, + 0.4584484754489512, + 0.45112618895014645, + 0.4529676773831033, + 0.46470509372382, + 0.3859234328751357, + 0.4173981863952295, + 0.4703065804595455, + 0.4616636149545713 + ], + "main_score": 45.30526182881455 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/StackExchangeClusteringP2P.json b/results/Mihaiii__Wartortle/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..ee5d49fbd --- /dev/null +++ b/results/Mihaiii__Wartortle/external/StackExchangeClusteringP2P.json @@ -0,0 +1,1020 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 29.907825848421005, + "v_measures": [ + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515, + 0.2904718592534847, + 0.2823816900665434, + 0.28421239223298045, + 0.2780948428258039, + 0.28672624299995775, + 0.31491216516638987, + 0.3106150681150922, + 0.3160504189195483, + 0.31763770570244787, + 0.3096801995598515 + ], + "main_score": 29.907825848421005 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/StackOverflowDupQuestions.json b/results/Mihaiii__Wartortle/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..9901a90d9 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 42.29730951798082, + "mrr": 42.927117816823696, + "main_score": 42.29730951798082 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/SummEval.json b/results/Mihaiii__Wartortle/external/SummEval.json new file mode 100644 index 000000000..983b41195 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.06400884629347, + "cos_sim_spearman": 30.706758615234286, + "dot_pearson": 31.064025024903586, + "dot_spearman": 30.70979367079321, + "cosine_pearson": 31.06400884629347, + "cosine_spearman": 30.706758615234286, + "main_score": 30.706758615234286 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/TRECCOVID.json b/results/Mihaiii__Wartortle/external/TRECCOVID.json new file mode 100644 index 000000000..3f7c0617e --- /dev/null +++ b/results/Mihaiii__Wartortle/external/TRECCOVID.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "bb9466bac8153a0349341eb1b22e06409e78ef4e", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.131, + "map_at_10": 0.699, + "map_at_100": 2.7279999999999998, + "map_at_1000": 6.349, + "map_at_20": 1.0999999999999999, + "map_at_3": 0.292, + "map_at_5": 0.422, + "mrr_at_1": 48.0, + "mrr_at_10": 56.233, + "mrr_at_100": 57.57600000000001, + "mrr_at_1000": 57.582, + "mrr_at_20": 57.17100000000001, + "mrr_at_3": 54.333, + "mrr_at_5": 56.033, + "ndcg_at_1": 44.0, + "ndcg_at_10": 35.736000000000004, + "ndcg_at_100": 23.53, + "ndcg_at_1000": 20.848, + "ndcg_at_20": 32.458, + "ndcg_at_3": 40.765, + "ndcg_at_5": 38.32, + "precision_at_1": 48.0, + "precision_at_10": 37.0, + "precision_at_100": 23.44, + "precision_at_1000": 9.754, + "precision_at_20": 33.300000000000004, + "precision_at_3": 42.667, + "precision_at_5": 40.400000000000006, + "recall_at_1": 0.131, + "recall_at_10": 0.8789999999999999, + "recall_at_100": 4.9590000000000005, + "recall_at_1000": 19.534000000000002, + "recall_at_20": 1.539, + "recall_at_3": 0.314, + "recall_at_5": 0.484, + "main_score": 35.736000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/Touche2020.json b/results/Mihaiii__Wartortle/external/Touche2020.json new file mode 100644 index 000000000..b8ecc207a --- /dev/null +++ b/results/Mihaiii__Wartortle/external/Touche2020.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 1.175, + "map_at_10": 2.59, + "map_at_100": 3.3169999999999997, + "map_at_1000": 3.7449999999999997, + "map_at_20": 2.881, + "map_at_3": 1.76, + "map_at_5": 2.2030000000000003, + "mrr_at_1": 16.326999999999998, + "mrr_at_10": 24.189, + "mrr_at_100": 25.686999999999998, + "mrr_at_1000": 25.743, + "mrr_at_20": 24.937, + "mrr_at_3": 22.448999999999998, + "mrr_at_5": 23.366999999999997, + "ndcg_at_1": 14.285999999999998, + "ndcg_at_10": 8.001999999999999, + "ndcg_at_100": 10.833, + "ndcg_at_1000": 18.258, + "ndcg_at_20": 7.707999999999999, + "ndcg_at_3": 11.213, + "ndcg_at_5": 9.934, + "precision_at_1": 16.326999999999998, + "precision_at_10": 7.3469999999999995, + "precision_at_100": 2.4899999999999998, + "precision_at_1000": 0.7100000000000001, + "precision_at_20": 5.408, + "precision_at_3": 12.925, + "precision_at_5": 10.612, + "recall_at_1": 1.175, + "recall_at_10": 4.596, + "recall_at_100": 14.41, + "recall_at_1000": 39.294000000000004, + "recall_at_20": 6.436999999999999, + "recall_at_3": 2.367, + "recall_at_5": 3.3230000000000004, + "main_score": 8.001999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/ToxicConversationsClassification.json b/results/Mihaiii__Wartortle/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..306a6678e --- /dev/null +++ b/results/Mihaiii__Wartortle/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 65.1513671875, + "ap": 12.303071109448203, + "f1": 50.43533728860237, + "main_score": 65.1513671875 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/TweetSentimentExtractionClassification.json b/results/Mihaiii__Wartortle/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..ed2def82f --- /dev/null +++ b/results/Mihaiii__Wartortle/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 62.5438596491228, + "f1": 62.69763355089073, + "main_score": 62.5438596491228 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/TwentyNewsgroupsClustering.json b/results/Mihaiii__Wartortle/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..3e1b29e47 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,1020 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.692515423088473, + "v_measures": [ + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743, + 0.31329437576982844, + 0.3203569385112976, + 0.3427302354400537, + 0.3045275740558555, + 0.3228406069698239, + 0.3215023256245064, + 0.30524504896475263, + 0.31571502008047786, + 0.2995174236038641, + 0.32352199328838743 + ], + "main_score": 31.692515423088473 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/TwitterSemEval2015.json b/results/Mihaiii__Wartortle/external/TwitterSemEval2015.json new file mode 100644 index 000000000..d5f5be136 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 84.00190737318948, + "cos_sim_ap": 67.48296380006165, + "cos_sim_f1": 62.996718920889535, + "cos_sim_precision": 58.39152962378914, + "cos_sim_recall": 68.3905013192612, + "dot_accuracy": 84.00190737318948, + "dot_ap": 67.48295942427862, + "dot_f1": 62.996718920889535, + "dot_precision": 58.39152962378914, + "dot_recall": 68.3905013192612, + "euclidean_accuracy": 84.00190737318948, + "euclidean_ap": 67.482961801317, + "euclidean_f1": 62.996718920889535, + "euclidean_precision": 58.39152962378914, + "euclidean_recall": 68.3905013192612, + "manhattan_accuracy": 83.94826250223521, + "manhattan_ap": 67.32115101507013, + "manhattan_f1": 62.665684830633275, + "manhattan_precision": 58.5819183111519, + "manhattan_recall": 67.36147757255937, + "max_accuracy": 84.00190737318948, + "max_ap": 67.48296380006165, + "max_f1": 62.996718920889535, + "main_score": 67.48296380006165 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/TwitterURLCorpus.json b/results/Mihaiii__Wartortle/external/TwitterURLCorpus.json new file mode 100644 index 000000000..ef6aa8ebb --- /dev/null +++ b/results/Mihaiii__Wartortle/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.30286800946948, + "cos_sim_ap": 84.5306725053528, + "cos_sim_f1": 76.5947752126367, + "cos_sim_precision": 75.56188192987715, + "cos_sim_recall": 77.65629812134279, + "dot_accuracy": 88.30286800946948, + "dot_ap": 84.53066920468329, + "dot_f1": 76.5947752126367, + "dot_precision": 75.56188192987715, + "dot_recall": 77.65629812134279, + "euclidean_accuracy": 88.30286800946948, + "euclidean_ap": 84.53066432305307, + "euclidean_f1": 76.5947752126367, + "euclidean_precision": 75.56188192987715, + "euclidean_recall": 77.65629812134279, + "manhattan_accuracy": 88.39795086738852, + "manhattan_ap": 84.51446339083833, + "manhattan_f1": 76.57867106644667, + "manhattan_precision": 74.64181286549709, + "manhattan_recall": 78.61872497690176, + "max_accuracy": 88.39795086738852, + "max_ap": 84.5306725053528, + "max_f1": 76.5947752126367, + "main_score": 84.5306725053528 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__Wartortle/external/model_meta.json b/results/Mihaiii__Wartortle/external/model_meta.json new file mode 100644 index 000000000..a907d85e2 --- /dev/null +++ b/results/Mihaiii__Wartortle/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "Mihaiii/Wartortle", + "revision": "14caca5253414d38a7d28b62d1b7c30ef3293a87", + "release_date": "2024-04-30", + "languages": [], + "loader": null, + "n_parameters": 17389824, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 384, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro-v4/external/AmazonCounterfactualClassification.json b/results/Mihaiii__gte-micro-v4/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..e621197b1 --- /dev/null +++ b/results/Mihaiii__gte-micro-v4/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.83582089552239, + "ap": 34.436093320979126, + "f1": 65.82844954638102, + "main_score": 71.83582089552239 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro-v4/external/AmazonPolarityClassification.json b/results/Mihaiii__gte-micro-v4/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..ec195e20c --- /dev/null +++ b/results/Mihaiii__gte-micro-v4/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.03957500000001, + "ap": 74.4510899901909, + "f1": 79.98034714963279, + "main_score": 80.03957500000001 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro-v4/external/AmazonReviewsClassification.json b/results/Mihaiii__gte-micro-v4/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..ebef964cb --- /dev/null +++ b/results/Mihaiii__gte-micro-v4/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 39.754, + "f1": 39.423135672769796, + "main_score": 39.754 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro-v4/external/ArxivClusteringP2P.json b/results/Mihaiii__gte-micro-v4/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..2f639685d --- /dev/null +++ b/results/Mihaiii__gte-micro-v4/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 42.85928858083004, + "main_score": 42.85928858083004 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro-v4/external/ArxivClusteringS2S.json b/results/Mihaiii__gte-micro-v4/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..984928bc3 --- /dev/null +++ b/results/Mihaiii__gte-micro-v4/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.475201371814784, + "main_score": 32.475201371814784 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro-v4/external/AskUbuntuDupQuestions.json b/results/Mihaiii__gte-micro-v4/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..a7846ed13 --- /dev/null +++ b/results/Mihaiii__gte-micro-v4/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 58.01141755339977, + "mrr": 71.70821791320407, + "main_score": 58.01141755339977 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro-v4/external/Banking77Classification.json b/results/Mihaiii__gte-micro-v4/external/Banking77Classification.json new file mode 100644 index 000000000..e45c3b302 --- /dev/null +++ b/results/Mihaiii__gte-micro-v4/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.9220779220779, + "f1": 80.86851039874094, + "main_score": 80.9220779220779 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro-v4/external/BiorxivClusteringP2P.json b/results/Mihaiii__gte-micro-v4/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..6c8daf106 --- /dev/null +++ b/results/Mihaiii__gte-micro-v4/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.82555236565894, + "main_score": 36.82555236565894 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro-v4/external/BiorxivClusteringS2S.json b/results/Mihaiii__gte-micro-v4/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..4546141f0 --- /dev/null +++ b/results/Mihaiii__gte-micro-v4/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 29.243444611175995, + "main_score": 29.243444611175995 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro-v4/external/EmotionClassification.json b/results/Mihaiii__gte-micro-v4/external/EmotionClassification.json new file mode 100644 index 000000000..eabef9af0 --- /dev/null +++ b/results/Mihaiii__gte-micro-v4/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 44.87500000000001, + "f1": 39.78455417008123, + "main_score": 44.87500000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro-v4/external/ImdbClassification.json b/results/Mihaiii__gte-micro-v4/external/ImdbClassification.json new file mode 100644 index 000000000..8aae514a9 --- /dev/null +++ b/results/Mihaiii__gte-micro-v4/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.9568, + "ap": 65.91179027501194, + "f1": 71.85575290323182, + "main_score": 71.9568 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro-v4/external/MTOPDomainClassification.json b/results/Mihaiii__gte-micro-v4/external/MTOPDomainClassification.json new file mode 100644 index 000000000..939d55f28 --- /dev/null +++ b/results/Mihaiii__gte-micro-v4/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 90.87323301413589, + "f1": 90.45433994230181, + "main_score": 90.87323301413589 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro-v4/external/MTOPIntentClassification.json b/results/Mihaiii__gte-micro-v4/external/MTOPIntentClassification.json new file mode 100644 index 000000000..d79ee195d --- /dev/null +++ b/results/Mihaiii__gte-micro-v4/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 68.53169174646602, + "f1": 50.49367676485481, + "main_score": 68.53169174646602 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro-v4/external/MassiveIntentClassification.json b/results/Mihaiii__gte-micro-v4/external/MassiveIntentClassification.json new file mode 100644 index 000000000..ea7b75bf8 --- /dev/null +++ b/results/Mihaiii__gte-micro-v4/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.11230665770007, + "f1": 66.9035022957204, + "main_score": 69.11230665770007 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro-v4/external/MassiveScenarioClassification.json b/results/Mihaiii__gte-micro-v4/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..da8e81740 --- /dev/null +++ b/results/Mihaiii__gte-micro-v4/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.15601882985877, + "f1": 74.059011768806, + "main_score": 74.15601882985877 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro-v4/external/MedrxivClusteringP2P.json b/results/Mihaiii__gte-micro-v4/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..518abccdf --- /dev/null +++ b/results/Mihaiii__gte-micro-v4/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.551619758274406, + "main_score": 32.551619758274406 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro-v4/external/MedrxivClusteringS2S.json b/results/Mihaiii__gte-micro-v4/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..c930c0180 --- /dev/null +++ b/results/Mihaiii__gte-micro-v4/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.80210958999942, + "main_score": 30.80210958999942 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro-v4/external/RedditClustering.json b/results/Mihaiii__gte-micro-v4/external/RedditClustering.json new file mode 100644 index 000000000..f995c8b1f --- /dev/null +++ b/results/Mihaiii__gte-micro-v4/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.27542501963987, + "main_score": 48.27542501963987 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro-v4/external/RedditClusteringP2P.json b/results/Mihaiii__gte-micro-v4/external/RedditClusteringP2P.json new file mode 100644 index 000000000..2fc6743c0 --- /dev/null +++ b/results/Mihaiii__gte-micro-v4/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 53.55942763860501, + "main_score": 53.55942763860501 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro-v4/external/SprintDuplicateQuestions.json b/results/Mihaiii__gte-micro-v4/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..8a089529a --- /dev/null +++ b/results/Mihaiii__gte-micro-v4/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.82673267326733, + "cos_sim_ap": 95.53621808930455, + "cos_sim_f1": 91.19275289380975, + "cos_sim_precision": 91.7933130699088, + "cos_sim_recall": 90.60000000000001, + "dot_accuracy": 99.75445544554455, + "dot_ap": 92.76410342229411, + "dot_f1": 87.50612444879961, + "dot_precision": 85.78290105667628, + "dot_recall": 89.3, + "euclidean_accuracy": 99.82673267326733, + "euclidean_ap": 95.46124795179632, + "euclidean_f1": 91.01181304571135, + "euclidean_precision": 93.55860612460401, + "euclidean_recall": 88.6, + "manhattan_accuracy": 99.82871287128712, + "manhattan_ap": 95.51436288466519, + "manhattan_f1": 91.11891620672353, + "manhattan_precision": 91.44008056394763, + "manhattan_recall": 90.8, + "max_accuracy": 99.82871287128712, + "max_ap": 95.53621808930455, + "max_f1": 91.19275289380975, + "main_score": 95.53621808930455 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro-v4/external/StackExchangeClustering.json b/results/Mihaiii__gte-micro-v4/external/StackExchangeClustering.json new file mode 100644 index 000000000..4052e248c --- /dev/null +++ b/results/Mihaiii__gte-micro-v4/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 55.0721745308552, + "main_score": 55.0721745308552 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro-v4/external/StackExchangeClusteringP2P.json b/results/Mihaiii__gte-micro-v4/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..94a29c1c1 --- /dev/null +++ b/results/Mihaiii__gte-micro-v4/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.91639764792279, + "main_score": 31.91639764792279 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro-v4/external/ToxicConversationsClassification.json b/results/Mihaiii__gte-micro-v4/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..49adecae0 --- /dev/null +++ b/results/Mihaiii__gte-micro-v4/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 66.0402, + "ap": 12.106715125588833, + "f1": 50.67443088623853, + "main_score": 66.0402 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro-v4/external/TweetSentimentExtractionClassification.json b/results/Mihaiii__gte-micro-v4/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..a89f3b3e6 --- /dev/null +++ b/results/Mihaiii__gte-micro-v4/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 59.42840973401245, + "f1": 59.813350770208665, + "main_score": 59.42840973401245 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro-v4/external/TwentyNewsgroupsClustering.json b/results/Mihaiii__gte-micro-v4/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..ffb5018a3 --- /dev/null +++ b/results/Mihaiii__gte-micro-v4/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 41.37273187829312, + "main_score": 41.37273187829312 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro-v4/external/TwitterSemEval2015.json b/results/Mihaiii__gte-micro-v4/external/TwitterSemEval2015.json new file mode 100644 index 000000000..8593ea8ad --- /dev/null +++ b/results/Mihaiii__gte-micro-v4/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 84.10919711509806, + "cos_sim_ap": 67.55255054010537, + "cos_sim_f1": 64.22774378823823, + "cos_sim_precision": 60.9623133443944, + "cos_sim_recall": 67.86279683377309, + "dot_accuracy": 80.62228050306967, + "dot_ap": 54.81480289413879, + "dot_f1": 54.22550997534184, + "dot_precision": 47.13561964146532, + "dot_recall": 63.82585751978892, + "euclidean_accuracy": 84.04363116170948, + "euclidean_ap": 67.77652401372912, + "euclidean_f1": 64.46694460988684, + "euclidean_precision": 58.762214983713356, + "euclidean_recall": 71.39841688654354, + "manhattan_accuracy": 83.94230196101806, + "manhattan_ap": 67.419155052755, + "manhattan_f1": 64.15049692380501, + "manhattan_precision": 58.151008151008156, + "manhattan_recall": 71.53034300791556, + "max_accuracy": 84.10919711509806, + "max_ap": 67.77652401372912, + "max_f1": 64.46694460988684, + "main_score": 67.77652401372912 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro-v4/external/TwitterURLCorpus.json b/results/Mihaiii__gte-micro-v4/external/TwitterURLCorpus.json new file mode 100644 index 000000000..c9dea4d5e --- /dev/null +++ b/results/Mihaiii__gte-micro-v4/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.25823728024217, + "cos_sim_ap": 84.67785320317506, + "cos_sim_f1": 76.67701296330108, + "cos_sim_precision": 72.92491491282907, + "cos_sim_recall": 80.83615645210965, + "dot_accuracy": 84.63344588038964, + "dot_ap": 75.25182203961072, + "dot_f1": 70.35217601881962, + "dot_precision": 63.87737152908657, + "dot_recall": 78.28765013858947, + "euclidean_accuracy": 88.2504754142896, + "euclidean_ap": 84.68882859374924, + "euclidean_f1": 76.69534508021188, + "euclidean_precision": 74.89177489177489, + "euclidean_recall": 78.58792731752386, + "manhattan_accuracy": 88.26211821321846, + "manhattan_ap": 84.60061548046698, + "manhattan_f1": 76.63928519959647, + "manhattan_precision": 72.02058504875406, + "manhattan_recall": 81.89097628580228, + "max_accuracy": 88.26211821321846, + "max_ap": 84.68882859374924, + "max_f1": 76.69534508021188, + "main_score": 84.68882859374924 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro-v4/external/model_meta.json b/results/Mihaiii__gte-micro-v4/external/model_meta.json new file mode 100644 index 000000000..0ace0f8e5 --- /dev/null +++ b/results/Mihaiii__gte-micro-v4/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "Mihaiii/gte-micro-v4", + "revision": "78e1a4b348f8524c3ab2e3e3475788f5adb8c98f", + "release_date": "2024-04-22", + "languages": [], + "loader": null, + "n_parameters": 19164288, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 384, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro/external/AmazonCounterfactualClassification.json b/results/Mihaiii__gte-micro/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..2c39857df --- /dev/null +++ b/results/Mihaiii__gte-micro/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 68.82089552238806, + "ap": 31.260622493912688, + "f1": 62.701989024087304, + "main_score": 68.82089552238806 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro/external/AmazonPolarityClassification.json b/results/Mihaiii__gte-micro/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..9aaa9b204 --- /dev/null +++ b/results/Mihaiii__gte-micro/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.11532499999998, + "ap": 71.29001033390622, + "f1": 77.0225646895571, + "main_score": 77.11532499999998 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro/external/AmazonReviewsClassification.json b/results/Mihaiii__gte-micro/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..9a1e07641 --- /dev/null +++ b/results/Mihaiii__gte-micro/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 40.93600000000001, + "f1": 39.24591989399245, + "main_score": 40.93600000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro/external/ArxivClusteringP2P.json b/results/Mihaiii__gte-micro/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..8925ea658 --- /dev/null +++ b/results/Mihaiii__gte-micro/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.237007515497126, + "main_score": 35.237007515497126 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro/external/ArxivClusteringS2S.json b/results/Mihaiii__gte-micro/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..69336e526 --- /dev/null +++ b/results/Mihaiii__gte-micro/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.08692637060412, + "main_score": 31.08692637060412 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro/external/AskUbuntuDupQuestions.json b/results/Mihaiii__gte-micro/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..ce2f83abc --- /dev/null +++ b/results/Mihaiii__gte-micro/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 55.312310786737015, + "mrr": 69.50842017324011, + "main_score": 55.312310786737015 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro/external/Banking77Classification.json b/results/Mihaiii__gte-micro/external/Banking77Classification.json new file mode 100644 index 000000000..5a204baf3 --- /dev/null +++ b/results/Mihaiii__gte-micro/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.56168831168831, + "f1": 68.14675364705445, + "main_score": 69.56168831168831 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro/external/BiorxivClusteringP2P.json b/results/Mihaiii__gte-micro/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..81f96e5c1 --- /dev/null +++ b/results/Mihaiii__gte-micro/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.20098791829512, + "main_score": 30.20098791829512 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro/external/BiorxivClusteringS2S.json b/results/Mihaiii__gte-micro/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..c37ffd66c --- /dev/null +++ b/results/Mihaiii__gte-micro/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 27.38014535599197, + "main_score": 27.38014535599197 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro/external/EmotionClassification.json b/results/Mihaiii__gte-micro/external/EmotionClassification.json new file mode 100644 index 000000000..2089ae965 --- /dev/null +++ b/results/Mihaiii__gte-micro/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 46.224999999999994, + "f1": 39.319662595355354, + "main_score": 46.224999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro/external/ImdbClassification.json b/results/Mihaiii__gte-micro/external/ImdbClassification.json new file mode 100644 index 000000000..4721c8d68 --- /dev/null +++ b/results/Mihaiii__gte-micro/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 62.17159999999999, + "ap": 58.35784294974692, + "f1": 61.8942294000012, + "main_score": 62.17159999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro/external/MTOPDomainClassification.json b/results/Mihaiii__gte-micro/external/MTOPDomainClassification.json new file mode 100644 index 000000000..f7c2bcab1 --- /dev/null +++ b/results/Mihaiii__gte-micro/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.68946648426811, + "f1": 86.26529827823835, + "main_score": 86.68946648426811 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro/external/MTOPIntentClassification.json b/results/Mihaiii__gte-micro/external/MTOPIntentClassification.json new file mode 100644 index 000000000..2c9614dfb --- /dev/null +++ b/results/Mihaiii__gte-micro/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 49.69676242590059, + "f1": 33.74537894406717, + "main_score": 49.69676242590059 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro/external/MassiveIntentClassification.json b/results/Mihaiii__gte-micro/external/MassiveIntentClassification.json new file mode 100644 index 000000000..a1410ff8c --- /dev/null +++ b/results/Mihaiii__gte-micro/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 59.028244788164095, + "f1": 55.31452888309622, + "main_score": 59.028244788164095 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro/external/MassiveScenarioClassification.json b/results/Mihaiii__gte-micro/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..daf15b346 --- /dev/null +++ b/results/Mihaiii__gte-micro/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 66.58708809683928, + "f1": 65.90050839709882, + "main_score": 66.58708809683928 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro/external/MedrxivClusteringP2P.json b/results/Mihaiii__gte-micro/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..6d9f56b09 --- /dev/null +++ b/results/Mihaiii__gte-micro/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 27.16644221915073, + "main_score": 27.16644221915073 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro/external/MedrxivClusteringS2S.json b/results/Mihaiii__gte-micro/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..a6becfb9a --- /dev/null +++ b/results/Mihaiii__gte-micro/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 27.5164150501441, + "main_score": 27.5164150501441 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro/external/RedditClustering.json b/results/Mihaiii__gte-micro/external/RedditClustering.json new file mode 100644 index 000000000..fe7c9c50e --- /dev/null +++ b/results/Mihaiii__gte-micro/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 45.61660066180842, + "main_score": 45.61660066180842 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro/external/RedditClusteringP2P.json b/results/Mihaiii__gte-micro/external/RedditClusteringP2P.json new file mode 100644 index 000000000..5f1f3071e --- /dev/null +++ b/results/Mihaiii__gte-micro/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 47.86938629331837, + "main_score": 47.86938629331837 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro/external/SprintDuplicateQuestions.json b/results/Mihaiii__gte-micro/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..491dde479 --- /dev/null +++ b/results/Mihaiii__gte-micro/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.7980198019802, + "cos_sim_ap": 94.25805747549842, + "cos_sim_f1": 89.56262425447315, + "cos_sim_precision": 89.03162055335969, + "cos_sim_recall": 90.10000000000001, + "dot_accuracy": 99.7980198019802, + "dot_ap": 94.25806137565444, + "dot_f1": 89.56262425447315, + "dot_precision": 89.03162055335969, + "dot_recall": 90.10000000000001, + "euclidean_accuracy": 99.7980198019802, + "euclidean_ap": 94.25805747549843, + "euclidean_f1": 89.56262425447315, + "euclidean_precision": 89.03162055335969, + "euclidean_recall": 90.10000000000001, + "manhattan_accuracy": 99.7980198019802, + "manhattan_ap": 94.35547438808531, + "manhattan_f1": 89.78574987543598, + "manhattan_precision": 89.47368421052632, + "manhattan_recall": 90.10000000000001, + "max_accuracy": 99.7980198019802, + "max_ap": 94.35547438808531, + "max_f1": 89.78574987543598, + "main_score": 94.35547438808531 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro/external/StackExchangeClustering.json b/results/Mihaiii__gte-micro/external/StackExchangeClustering.json new file mode 100644 index 000000000..3f4ae6253 --- /dev/null +++ b/results/Mihaiii__gte-micro/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 52.619948149973, + "main_score": 52.619948149973 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro/external/StackExchangeClusteringP2P.json b/results/Mihaiii__gte-micro/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..c57d9d374 --- /dev/null +++ b/results/Mihaiii__gte-micro/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.050148689318583, + "main_score": 30.050148689318583 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro/external/ToxicConversationsClassification.json b/results/Mihaiii__gte-micro/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..b9d5d6e7b --- /dev/null +++ b/results/Mihaiii__gte-micro/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 66.1018, + "ap": 12.152100246603089, + "f1": 50.78295258419767, + "main_score": 66.1018 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro/external/TweetSentimentExtractionClassification.json b/results/Mihaiii__gte-micro/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..af273d8fd --- /dev/null +++ b/results/Mihaiii__gte-micro/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 60.77532541029994, + "f1": 60.7949438635894, + "main_score": 60.77532541029994 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro/external/TwentyNewsgroupsClustering.json b/results/Mihaiii__gte-micro/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..2da5aab52 --- /dev/null +++ b/results/Mihaiii__gte-micro/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.793779391259136, + "main_score": 40.793779391259136 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro/external/TwitterSemEval2015.json b/results/Mihaiii__gte-micro/external/TwitterSemEval2015.json new file mode 100644 index 000000000..cc9708d14 --- /dev/null +++ b/results/Mihaiii__gte-micro/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 83.10186564940096, + "cos_sim_ap": 63.85437966517539, + "cos_sim_f1": 60.5209914011128, + "cos_sim_precision": 58.11073336571151, + "cos_sim_recall": 63.13984168865435, + "dot_accuracy": 83.10186564940096, + "dot_ap": 63.85440662982004, + "dot_f1": 60.5209914011128, + "dot_precision": 58.11073336571151, + "dot_recall": 63.13984168865435, + "euclidean_accuracy": 83.10186564940096, + "euclidean_ap": 63.85438236123812, + "euclidean_f1": 60.5209914011128, + "euclidean_precision": 58.11073336571151, + "euclidean_recall": 63.13984168865435, + "manhattan_accuracy": 82.95881266018954, + "manhattan_ap": 63.548796919332496, + "manhattan_f1": 60.2080461210678, + "manhattan_precision": 57.340654094055864, + "manhattan_recall": 63.377308707124016, + "max_accuracy": 83.10186564940096, + "max_ap": 63.85440662982004, + "max_f1": 60.5209914011128, + "main_score": 63.85440662982004 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro/external/TwitterURLCorpus.json b/results/Mihaiii__gte-micro/external/TwitterURLCorpus.json new file mode 100644 index 000000000..aad70e489 --- /dev/null +++ b/results/Mihaiii__gte-micro/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 87.93417937672217, + "cos_sim_ap": 84.07115019218789, + "cos_sim_f1": 75.7513225528083, + "cos_sim_precision": 73.8748627881449, + "cos_sim_recall": 77.72559285494303, + "dot_accuracy": 87.93417937672217, + "dot_ap": 84.0711576640934, + "dot_f1": 75.7513225528083, + "dot_precision": 73.8748627881449, + "dot_recall": 77.72559285494303, + "euclidean_accuracy": 87.93417937672217, + "euclidean_ap": 84.07114662252135, + "euclidean_f1": 75.7513225528083, + "euclidean_precision": 73.8748627881449, + "euclidean_recall": 77.72559285494303, + "manhattan_accuracy": 87.90507237940001, + "manhattan_ap": 84.00643428398385, + "manhattan_f1": 75.80849007508735, + "manhattan_precision": 73.28589909443726, + "manhattan_recall": 78.51093316907914, + "max_accuracy": 87.93417937672217, + "max_ap": 84.0711576640934, + "max_f1": 75.80849007508735, + "main_score": 84.0711576640934 + } + ] + } +} \ No newline at end of file diff --git a/results/Mihaiii__gte-micro/external/model_meta.json b/results/Mihaiii__gte-micro/external/model_meta.json new file mode 100644 index 000000000..4a0c3a68f --- /dev/null +++ b/results/Mihaiii__gte-micro/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "Mihaiii/gte-micro", + "revision": "6fd2397cb9dfa7c901aedf9a2a44d3c888ccafdd", + "release_date": "2024-04-21", + "languages": [], + "loader": null, + "n_parameters": 17389824, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 384, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/AmazonCounterfactualClassification.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..6f3e7311d --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "2d8a100785abf0ae21420d2a55b0c56e3e1ea996", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 65.20895522388061, + "ap": 29.59212705444778, + "f1": 59.97099864321921, + "main_score": 65.20895522388061 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/AmazonPolarityClassification.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..847447aaa --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "80714f8dcf8cefc218ef4f8c5a966dd83f75a0e1", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.20565, + "ap": 67.36680643550963, + "f1": 72.90420520325125, + "main_score": 73.20565 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/AmazonReviewsClassification.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..2f81222bd --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "c379a6705fec24a2493fa68e011692605f44e119", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 34.955999999999996, + "f1": 34.719324437696955, + "main_score": 34.955999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/ArguAna.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/ArguAna.json new file mode 100644 index 000000000..3db65122d --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "5b3e3697907184a9b77a3c99ee9ea1a9cbb1e4e3", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.101999999999997, + "map_at_10": 40.958, + "map_at_100": 42.033, + "map_at_1000": 42.042, + "map_at_3": 36.332, + "map_at_5": 38.608, + "mrr_at_1": 26.387, + "mrr_at_10": 41.051, + "mrr_at_100": 42.118, + "mrr_at_1000": 42.126999999999995, + "mrr_at_3": 36.415, + "mrr_at_5": 38.72, + "ndcg_at_1": 26.101999999999997, + "ndcg_at_10": 49.68, + "ndcg_at_100": 54.257999999999996, + "ndcg_at_1000": 54.486000000000004, + "ndcg_at_3": 39.864, + "ndcg_at_5": 43.980000000000004, + "precision_at_1": 26.101999999999997, + "precision_at_10": 7.781000000000001, + "precision_at_100": 0.979, + "precision_at_1000": 0.1, + "precision_at_3": 16.714000000000002, + "precision_at_5": 12.034, + "recall_at_1": 26.101999999999997, + "recall_at_10": 77.809, + "recall_at_100": 97.866, + "recall_at_1000": 99.644, + "recall_at_3": 50.141999999999996, + "recall_at_5": 60.171, + "main_score": 49.68 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/ArxivClusteringP2P.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..e2b9fa52f --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "0bbdb47bcbe3a90093699aefeed338a0f28a7ee8", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 43.384194916953774, + "main_score": 43.384194916953774 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/ArxivClusteringS2S.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..d8d38d9f9 --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "b73bd54100e5abfa6e3a23dcafb46fe4d2438dc3", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.70962633433912, + "main_score": 33.70962633433912 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/AskUbuntuDupQuestions.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..b06b667ca --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4d853f94cd57d85ec13805aeeac3ae3e5eb4c49c", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 58.133058996870076, + "mrr": 72.10922041946972, + "main_score": 58.133058996870076 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/BIOSSES.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/BIOSSES.json new file mode 100644 index 000000000..d5a56e6f8 --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "9ee918f184421b6bd48b78f6c714d86546106103", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.62153841660047, + "cos_sim_spearman": 83.01514456843276, + "euclidean_pearson": 86.00431518427241, + "euclidean_spearman": 83.85552516285783, + "manhattan_pearson": 85.83025803351181, + "manhattan_spearman": 83.86636878343106, + "cosine_pearson": 86.62153841660047, + "cosine_spearman": 83.01514456843276, + "main_score": 83.01514456843276 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/Banking77Classification.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/Banking77Classification.json new file mode 100644 index 000000000..4364d84ce --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "44fa15921b4c889113cc5df03dd4901b49161ab7", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 82.05844155844156, + "f1": 82.0185837884764, + "main_score": 82.05844155844156 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/BiorxivClusteringP2P.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..8599bc2b3 --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "11d0121201d1f1f280e8cc8f3d98fb9c4d9f9c55", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.05918333141837, + "main_score": 35.05918333141837 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/BiorxivClusteringS2S.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..ad3ba065d --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "c0fab014e1bcb8d3a5e31b2088972a1e01547dc1", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.71055028830579, + "main_score": 30.71055028830579 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/CQADupstackAndroidRetrieval.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..6ae460a24 --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "2b9f5791698b5be7bc5e10535c8690f20043c3db", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.519, + "map_at_10": 35.634, + "map_at_100": 36.961, + "map_at_1000": 37.088, + "map_at_3": 32.254, + "map_at_5": 34.22, + "mrr_at_1": 32.332, + "mrr_at_10": 41.168, + "mrr_at_100": 41.977, + "mrr_at_1000": 42.028999999999996, + "mrr_at_3": 38.196999999999996, + "mrr_at_5": 40.036, + "ndcg_at_1": 32.332, + "ndcg_at_10": 41.471000000000004, + "ndcg_at_100": 46.955999999999996, + "ndcg_at_1000": 49.262, + "ndcg_at_3": 35.937999999999995, + "ndcg_at_5": 38.702999999999996, + "precision_at_1": 32.332, + "precision_at_10": 7.7829999999999995, + "precision_at_100": 1.29, + "precision_at_1000": 0.178, + "precision_at_3": 16.834, + "precision_at_5": 12.418, + "recall_at_1": 26.519, + "recall_at_10": 53.190000000000005, + "recall_at_100": 76.56500000000001, + "recall_at_1000": 91.47800000000001, + "recall_at_3": 38.034, + "recall_at_5": 45.245999999999995, + "main_score": 41.471000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.356, + "map_at_10": 34.596, + "map_at_100": 35.714, + "map_at_1000": 35.839999999999996, + "map_at_3": 32.073, + "map_at_5": 33.475, + "mrr_at_1": 31.274, + "mrr_at_10": 39.592, + "mrr_at_100": 40.284, + "mrr_at_1000": 40.339999999999996, + "mrr_at_3": 37.378, + "mrr_at_5": 38.658, + "ndcg_at_1": 31.274, + "ndcg_at_10": 39.766, + "ndcg_at_100": 44.028, + "ndcg_at_1000": 46.445, + "ndcg_at_3": 35.934, + "ndcg_at_5": 37.751000000000005, + "precision_at_1": 31.274, + "precision_at_10": 7.452, + "precision_at_100": 1.217, + "precision_at_1000": 0.16999999999999998, + "precision_at_3": 17.431, + "precision_at_5": 12.306000000000001, + "recall_at_1": 25.356, + "recall_at_10": 49.344, + "recall_at_100": 67.497, + "recall_at_1000": 83.372, + "recall_at_3": 38.227, + "recall_at_5": 43.187999999999995, + "main_score": 39.766 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.759, + "map_at_10": 43.937, + "map_at_100": 45.004, + "map_at_1000": 45.07, + "map_at_3": 40.805, + "map_at_5": 42.497, + "mrr_at_1": 37.367, + "mrr_at_10": 47.237, + "mrr_at_100": 47.973, + "mrr_at_1000": 48.010999999999996, + "mrr_at_3": 44.65, + "mrr_at_5": 46.050999999999995, + "ndcg_at_1": 37.367, + "ndcg_at_10": 49.659, + "ndcg_at_100": 54.069, + "ndcg_at_1000": 55.552, + "ndcg_at_3": 44.169000000000004, + "ndcg_at_5": 46.726, + "precision_at_1": 37.367, + "precision_at_10": 8.163, + "precision_at_100": 1.133, + "precision_at_1000": 0.131, + "precision_at_3": 19.707, + "precision_at_5": 13.718, + "recall_at_1": 32.759, + "recall_at_10": 63.341, + "recall_at_100": 82.502, + "recall_at_1000": 93.259, + "recall_at_3": 48.796, + "recall_at_5": 54.921, + "main_score": 49.659 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.962, + "map_at_10": 25.863000000000003, + "map_at_100": 26.817999999999998, + "map_at_1000": 26.918, + "map_at_3": 23.043, + "map_at_5": 24.599, + "mrr_at_1": 20.452, + "mrr_at_10": 27.301, + "mrr_at_100": 28.233000000000004, + "mrr_at_1000": 28.310000000000002, + "mrr_at_3": 24.539, + "mrr_at_5": 26.108999999999998, + "ndcg_at_1": 20.452, + "ndcg_at_10": 30.354999999999997, + "ndcg_at_100": 35.336, + "ndcg_at_1000": 37.927, + "ndcg_at_3": 24.705, + "ndcg_at_5": 27.42, + "precision_at_1": 20.452, + "precision_at_10": 4.949, + "precision_at_100": 0.7799999999999999, + "precision_at_1000": 0.104, + "precision_at_3": 10.358, + "precision_at_5": 7.774, + "recall_at_1": 18.962, + "recall_at_10": 43.056, + "recall_at_100": 66.27300000000001, + "recall_at_1000": 85.96000000000001, + "recall_at_3": 27.776, + "recall_at_5": 34.287, + "main_score": 30.354999999999997 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 11.24, + "map_at_10": 18.503, + "map_at_100": 19.553, + "map_at_1000": 19.689999999999998, + "map_at_3": 16.150000000000002, + "map_at_5": 17.254, + "mrr_at_1": 13.806, + "mrr_at_10": 21.939, + "mrr_at_100": 22.827, + "mrr_at_1000": 22.911, + "mrr_at_3": 19.32, + "mrr_at_5": 20.558, + "ndcg_at_1": 13.806, + "ndcg_at_10": 23.383000000000003, + "ndcg_at_100": 28.834, + "ndcg_at_1000": 32.175, + "ndcg_at_3": 18.651999999999997, + "ndcg_at_5": 20.505000000000003, + "precision_at_1": 13.806, + "precision_at_10": 4.714, + "precision_at_100": 0.864, + "precision_at_1000": 0.13, + "precision_at_3": 9.328, + "precision_at_5": 6.841, + "recall_at_1": 11.24, + "recall_at_10": 34.854, + "recall_at_100": 59.50299999999999, + "recall_at_1000": 83.25, + "recall_at_3": 22.02, + "recall_at_5": 26.715, + "main_score": 23.383000000000003 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.012, + "map_at_10": 33.048, + "map_at_100": 34.371, + "map_at_1000": 34.489, + "map_at_3": 29.942999999999998, + "map_at_5": 31.602000000000004, + "mrr_at_1": 28.104000000000003, + "mrr_at_10": 37.99, + "mrr_at_100": 38.836, + "mrr_at_1000": 38.891, + "mrr_at_3": 35.226, + "mrr_at_5": 36.693999999999996, + "ndcg_at_1": 28.104000000000003, + "ndcg_at_10": 39.037, + "ndcg_at_100": 44.643, + "ndcg_at_1000": 46.939, + "ndcg_at_3": 33.784, + "ndcg_at_5": 36.126000000000005, + "precision_at_1": 28.104000000000003, + "precision_at_10": 7.2669999999999995, + "precision_at_100": 1.193, + "precision_at_1000": 0.159, + "precision_at_3": 16.298000000000002, + "precision_at_5": 11.684, + "recall_at_1": 23.012, + "recall_at_10": 52.054, + "recall_at_100": 75.622, + "recall_at_1000": 90.675, + "recall_at_3": 37.282, + "recall_at_5": 43.307, + "main_score": 39.037 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.624, + "map_at_10": 30.209999999999997, + "map_at_100": 31.52, + "map_at_1000": 31.625999999999998, + "map_at_3": 26.951000000000004, + "map_at_5": 28.938999999999997, + "mrr_at_1": 26.941, + "mrr_at_10": 35.13, + "mrr_at_100": 36.15, + "mrr_at_1000": 36.204, + "mrr_at_3": 32.42, + "mrr_at_5": 34.155, + "ndcg_at_1": 26.941, + "ndcg_at_10": 35.726, + "ndcg_at_100": 41.725, + "ndcg_at_1000": 44.105, + "ndcg_at_3": 30.184, + "ndcg_at_5": 33.176, + "precision_at_1": 26.941, + "precision_at_10": 6.654999999999999, + "precision_at_100": 1.1520000000000001, + "precision_at_1000": 0.152, + "precision_at_3": 14.346, + "precision_at_5": 10.868, + "recall_at_1": 21.624, + "recall_at_10": 47.359, + "recall_at_100": 73.436, + "recall_at_1000": 89.988, + "recall_at_3": 32.34, + "recall_at_5": 39.856, + "main_score": 35.726 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.67566666666667, + "map_at_10": 28.479333333333333, + "map_at_100": 29.612249999999996, + "map_at_1000": 29.731166666666663, + "map_at_3": 25.884, + "map_at_5": 27.298916666666667, + "mrr_at_1": 24.402583333333332, + "mrr_at_10": 32.07041666666667, + "mrr_at_100": 32.95841666666667, + "mrr_at_1000": 33.025416666666665, + "mrr_at_3": 29.677749999999996, + "mrr_at_5": 31.02391666666667, + "ndcg_at_1": 24.402583333333332, + "ndcg_at_10": 33.326166666666666, + "ndcg_at_100": 38.51566666666667, + "ndcg_at_1000": 41.13791666666667, + "ndcg_at_3": 28.687749999999994, + "ndcg_at_5": 30.84766666666667, + "precision_at_1": 24.402583333333332, + "precision_at_10": 5.943749999999999, + "precision_at_100": 1.0098333333333334, + "precision_at_1000": 0.14183333333333334, + "precision_at_3": 13.211500000000001, + "precision_at_5": 9.548416666666668, + "recall_at_1": 20.67566666666667, + "recall_at_10": 44.245583333333336, + "recall_at_100": 67.31116666666667, + "recall_at_1000": 85.87841666666665, + "recall_at_3": 31.49258333333333, + "recall_at_5": 36.93241666666667, + "main_score": 33.326166666666666 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.34, + "map_at_10": 23.988, + "map_at_100": 24.895, + "map_at_1000": 24.992, + "map_at_3": 21.831, + "map_at_5": 23.0, + "mrr_at_1": 20.399, + "mrr_at_10": 26.186, + "mrr_at_100": 27.017999999999997, + "mrr_at_1000": 27.090999999999998, + "mrr_at_3": 24.08, + "mrr_at_5": 25.230000000000004, + "ndcg_at_1": 20.399, + "ndcg_at_10": 27.799000000000003, + "ndcg_at_100": 32.579, + "ndcg_at_1000": 35.209, + "ndcg_at_3": 23.684, + "ndcg_at_5": 25.521, + "precision_at_1": 20.399, + "precision_at_10": 4.585999999999999, + "precision_at_100": 0.755, + "precision_at_1000": 0.105, + "precision_at_3": 10.276, + "precision_at_5": 7.362, + "recall_at_1": 18.34, + "recall_at_10": 37.456, + "recall_at_100": 59.86, + "recall_at_1000": 79.703, + "recall_at_3": 26.163999999999998, + "recall_at_5": 30.652, + "main_score": 27.799000000000003 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 12.327, + "map_at_10": 17.572, + "map_at_100": 18.534, + "map_at_1000": 18.653, + "map_at_3": 15.703, + "map_at_5": 16.752, + "mrr_at_1": 15.038000000000002, + "mrr_at_10": 20.726, + "mrr_at_100": 21.61, + "mrr_at_1000": 21.695, + "mrr_at_3": 18.829, + "mrr_at_5": 19.885, + "ndcg_at_1": 15.038000000000002, + "ndcg_at_10": 21.241, + "ndcg_at_100": 26.179000000000002, + "ndcg_at_1000": 29.316, + "ndcg_at_3": 17.762, + "ndcg_at_5": 19.413, + "precision_at_1": 15.038000000000002, + "precision_at_10": 3.8920000000000003, + "precision_at_100": 0.75, + "precision_at_1000": 0.11800000000000001, + "precision_at_3": 8.351, + "precision_at_5": 6.187, + "recall_at_1": 12.327, + "recall_at_10": 29.342000000000002, + "recall_at_100": 51.854, + "recall_at_1000": 74.648, + "recall_at_3": 19.596, + "recall_at_5": 23.899, + "main_score": 21.241 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.594, + "map_at_10": 27.878999999999998, + "map_at_100": 28.926000000000002, + "map_at_1000": 29.041, + "map_at_3": 25.668999999999997, + "map_at_5": 26.773999999999997, + "mrr_at_1": 23.694000000000003, + "mrr_at_10": 31.335, + "mrr_at_100": 32.218, + "mrr_at_1000": 32.298, + "mrr_at_3": 29.26, + "mrr_at_5": 30.328, + "ndcg_at_1": 23.694000000000003, + "ndcg_at_10": 32.456, + "ndcg_at_100": 37.667, + "ndcg_at_1000": 40.571, + "ndcg_at_3": 28.283, + "ndcg_at_5": 29.986, + "precision_at_1": 23.694000000000003, + "precision_at_10": 5.448, + "precision_at_100": 0.9119999999999999, + "precision_at_1000": 0.127, + "precision_at_3": 12.717999999999998, + "precision_at_5": 8.843, + "recall_at_1": 20.594, + "recall_at_10": 43.004999999999995, + "recall_at_100": 66.228, + "recall_at_1000": 87.17099999999999, + "recall_at_3": 31.554, + "recall_at_5": 35.838, + "main_score": 32.456 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.855999999999998, + "map_at_10": 28.372000000000003, + "map_at_100": 29.87, + "map_at_1000": 30.075000000000003, + "map_at_3": 26.054, + "map_at_5": 27.128999999999998, + "mrr_at_1": 25.494, + "mrr_at_10": 32.735, + "mrr_at_100": 33.794000000000004, + "mrr_at_1000": 33.85, + "mrr_at_3": 30.731, + "mrr_at_5": 31.897, + "ndcg_at_1": 25.494, + "ndcg_at_10": 33.385, + "ndcg_at_100": 39.436, + "ndcg_at_1000": 42.313, + "ndcg_at_3": 29.612, + "ndcg_at_5": 31.186999999999998, + "precision_at_1": 25.494, + "precision_at_10": 6.422999999999999, + "precision_at_100": 1.383, + "precision_at_1000": 0.22399999999999998, + "precision_at_3": 13.834, + "precision_at_5": 10.0, + "recall_at_1": 20.855999999999998, + "recall_at_10": 42.678, + "recall_at_100": 70.224, + "recall_at_1000": 89.369, + "recall_at_3": 31.957, + "recall_at_5": 36.026, + "main_score": 33.385 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.519000000000002, + "map_at_10": 22.15, + "map_at_100": 23.180999999999997, + "map_at_1000": 23.291999999999998, + "map_at_3": 20.132, + "map_at_5": 21.346, + "mrr_at_1": 17.93, + "mrr_at_10": 23.506, + "mrr_at_100": 24.581, + "mrr_at_1000": 24.675, + "mrr_at_3": 21.503, + "mrr_at_5": 22.686, + "ndcg_at_1": 17.93, + "ndcg_at_10": 25.636, + "ndcg_at_100": 30.736, + "ndcg_at_1000": 33.841, + "ndcg_at_3": 21.546000000000003, + "ndcg_at_5": 23.658, + "precision_at_1": 17.93, + "precision_at_10": 3.993, + "precision_at_100": 0.6890000000000001, + "precision_at_1000": 0.104, + "precision_at_3": 9.057, + "precision_at_5": 6.58, + "recall_at_1": 16.519000000000002, + "recall_at_10": 35.268, + "recall_at_100": 58.17, + "recall_at_1000": 81.66799999999999, + "recall_at_3": 24.165, + "recall_at_5": 29.254, + "main_score": 25.636 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/ClimateFEVER.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/ClimateFEVER.json new file mode 100644 index 000000000..36938069e --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "392b78eb68c07badcd7c2cd8f39af108375dfcce", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 10.363, + "map_at_10": 18.301000000000002, + "map_at_100": 20.019000000000002, + "map_at_1000": 20.207, + "map_at_3": 14.877, + "map_at_5": 16.544, + "mrr_at_1": 22.866, + "mrr_at_10": 34.935, + "mrr_at_100": 35.802, + "mrr_at_1000": 35.839999999999996, + "mrr_at_3": 30.965999999999998, + "mrr_at_5": 33.204, + "ndcg_at_1": 22.866, + "ndcg_at_10": 26.595000000000002, + "ndcg_at_100": 33.513999999999996, + "ndcg_at_1000": 36.872, + "ndcg_at_3": 20.666999999999998, + "ndcg_at_5": 22.728, + "precision_at_1": 22.866, + "precision_at_10": 8.632, + "precision_at_100": 1.6119999999999999, + "precision_at_1000": 0.22399999999999998, + "precision_at_3": 15.504999999999999, + "precision_at_5": 12.404, + "recall_at_1": 10.363, + "recall_at_10": 33.494, + "recall_at_100": 57.593, + "recall_at_1000": 76.342, + "recall_at_3": 19.157, + "recall_at_5": 24.637999999999998, + "main_score": 26.595000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/DBPedia.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/DBPedia.json new file mode 100644 index 000000000..b47216db1 --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "f097057d03ed98220bc7309ddb10b71a54d667d6", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 7.436, + "map_at_10": 14.760000000000002, + "map_at_100": 19.206, + "map_at_1000": 20.267, + "map_at_3": 10.894, + "map_at_5": 12.828999999999999, + "mrr_at_1": 54.25, + "mrr_at_10": 63.769, + "mrr_at_100": 64.193, + "mrr_at_1000": 64.211, + "mrr_at_3": 61.458, + "mrr_at_5": 63.096, + "ndcg_at_1": 42.875, + "ndcg_at_10": 31.507, + "ndcg_at_100": 34.559, + "ndcg_at_1000": 41.246, + "ndcg_at_3": 35.058, + "ndcg_at_5": 33.396, + "precision_at_1": 54.25, + "precision_at_10": 24.45, + "precision_at_100": 7.383000000000001, + "precision_at_1000": 1.582, + "precision_at_3": 38.083, + "precision_at_5": 32.6, + "recall_at_1": 7.436, + "recall_at_10": 19.862, + "recall_at_100": 38.981, + "recall_at_1000": 61.038000000000004, + "recall_at_3": 11.949, + "recall_at_5": 15.562000000000001, + "main_score": 31.507 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/EmotionClassification.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/EmotionClassification.json new file mode 100644 index 000000000..750f64292 --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "829147f8f75a25f005913200eb5ed41fae320aa1", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 46.39, + "f1": 42.26424885856703, + "main_score": 46.39 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/FEVER.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/FEVER.json new file mode 100644 index 000000000..3eb0b6d31 --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "1429cf27e393599b8b359b9b72c666f96b2525f9", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 50.916, + "map_at_10": 62.258, + "map_at_100": 62.741, + "map_at_1000": 62.763000000000005, + "map_at_3": 60.01800000000001, + "map_at_5": 61.419999999999995, + "mrr_at_1": 54.964999999999996, + "mrr_at_10": 66.554, + "mrr_at_100": 66.96600000000001, + "mrr_at_1000": 66.97800000000001, + "mrr_at_3": 64.414, + "mrr_at_5": 65.77, + "ndcg_at_1": 54.964999999999996, + "ndcg_at_10": 68.12, + "ndcg_at_100": 70.282, + "ndcg_at_1000": 70.788, + "ndcg_at_3": 63.861999999999995, + "ndcg_at_5": 66.216, + "precision_at_1": 54.964999999999996, + "precision_at_10": 8.998000000000001, + "precision_at_100": 1.016, + "precision_at_1000": 0.107, + "precision_at_3": 25.618000000000002, + "precision_at_5": 16.676, + "recall_at_1": 50.916, + "recall_at_10": 82.04, + "recall_at_100": 91.689, + "recall_at_1000": 95.34899999999999, + "recall_at_3": 70.512, + "recall_at_5": 76.29899999999999, + "main_score": 68.12 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/FiQA2018.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/FiQA2018.json new file mode 100644 index 000000000..f89998bc8 --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "41b686a7f28c59bcaaa5791efd47c67c8ebe28be", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 13.568, + "map_at_10": 23.264000000000003, + "map_at_100": 24.823999999999998, + "map_at_1000": 25.013999999999996, + "map_at_3": 19.724, + "map_at_5": 21.772, + "mrr_at_1": 27.315, + "mrr_at_10": 35.935, + "mrr_at_100": 36.929, + "mrr_at_1000": 36.985, + "mrr_at_3": 33.591, + "mrr_at_5": 34.848, + "ndcg_at_1": 27.315, + "ndcg_at_10": 29.988, + "ndcg_at_100": 36.41, + "ndcg_at_1000": 40.184999999999995, + "ndcg_at_3": 26.342, + "ndcg_at_5": 27.68, + "precision_at_1": 27.315, + "precision_at_10": 8.565000000000001, + "precision_at_100": 1.508, + "precision_at_1000": 0.219, + "precision_at_3": 17.849999999999998, + "precision_at_5": 13.672999999999998, + "recall_at_1": 13.568, + "recall_at_10": 37.133, + "recall_at_100": 61.475, + "recall_at_1000": 84.372, + "recall_at_3": 24.112000000000002, + "recall_at_5": 29.507, + "main_score": 29.988 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/HotpotQA.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/HotpotQA.json new file mode 100644 index 000000000..ce7a36a78 --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "766870b35a1b9ca65e67a0d1913899973551fc6c", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.878, + "map_at_10": 40.868, + "map_at_100": 41.693999999999996, + "map_at_1000": 41.775, + "map_at_3": 38.56, + "map_at_5": 39.947, + "mrr_at_1": 61.756, + "mrr_at_10": 68.265, + "mrr_at_100": 68.671, + "mrr_at_1000": 68.694, + "mrr_at_3": 66.78399999999999, + "mrr_at_5": 67.704, + "ndcg_at_1": 61.756, + "ndcg_at_10": 49.931, + "ndcg_at_100": 53.179, + "ndcg_at_1000": 54.94799999999999, + "ndcg_at_3": 46.103, + "ndcg_at_5": 48.147, + "precision_at_1": 61.756, + "precision_at_10": 10.163, + "precision_at_100": 1.2710000000000001, + "precision_at_1000": 0.151, + "precision_at_3": 28.179, + "precision_at_5": 18.528, + "recall_at_1": 30.878, + "recall_at_10": 50.817, + "recall_at_100": 63.544999999999995, + "recall_at_1000": 75.361, + "recall_at_3": 42.269, + "recall_at_5": 46.32, + "main_score": 49.931 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/ImdbClassification.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/ImdbClassification.json new file mode 100644 index 000000000..5ff73d000 --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "8d743909f834c38949e8323a8a6ce8721ea6c7f4", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 64.04799999999999, + "ap": 59.185251455339284, + "f1": 63.947123181349255, + "main_score": 64.04799999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/MSMARCO.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/MSMARCO.json new file mode 100644 index 000000000..1fb345e06 --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "e6838a846e2408f22cf5cc337ebc83e0bcf77849", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.9, + "map_at_10": 29.748, + "map_at_100": 30.976, + "map_at_1000": 31.041, + "map_at_3": 26.112999999999996, + "map_at_5": 28.197, + "mrr_at_1": 19.413, + "mrr_at_10": 30.322, + "mrr_at_100": 31.497000000000003, + "mrr_at_1000": 31.555, + "mrr_at_3": 26.729000000000003, + "mrr_at_5": 28.788999999999998, + "ndcg_at_1": 19.413, + "ndcg_at_10": 36.048, + "ndcg_at_100": 42.152, + "ndcg_at_1000": 43.772, + "ndcg_at_3": 28.642, + "ndcg_at_5": 32.358, + "precision_at_1": 19.413, + "precision_at_10": 5.785, + "precision_at_100": 0.8869999999999999, + "precision_at_1000": 0.10300000000000001, + "precision_at_3": 12.192, + "precision_at_5": 9.189, + "recall_at_1": 18.9, + "recall_at_10": 55.457, + "recall_at_100": 84.09100000000001, + "recall_at_1000": 96.482, + "recall_at_3": 35.359, + "recall_at_5": 44.275, + "main_score": 36.048 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/MTOPDomainClassification.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/MTOPDomainClassification.json new file mode 100644 index 000000000..7f65a73cd --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a7e2a951126a26fc8c6a69f835f33a346ba259e3", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.07706338349293, + "f1": 91.56680443236652, + "main_score": 92.07706338349293 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/MTOPIntentClassification.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/MTOPIntentClassification.json new file mode 100644 index 000000000..4c53b9ba6 --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6299947a7777084cc2d4b64235bf7190381ce755", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.18559051527589, + "f1": 52.42887061726789, + "main_score": 71.18559051527589 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/MassiveIntentClassification.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/MassiveIntentClassification.json new file mode 100644 index 000000000..23f215d7d --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "072a486a144adf7f4479a4a0dddb2152e161e1ea", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 68.64828513786148, + "f1": 66.54281381596097, + "main_score": 68.64828513786148 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/MassiveScenarioClassification.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..f57922202 --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.04236718224612, + "f1": 75.89170458655639, + "main_score": 76.04236718224612 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/MedrxivClusteringP2P.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..5c4da0440 --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "dcefc037ef84348e49b0d29109e891c01067226b", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.0840369055247, + "main_score": 32.0840369055247 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/MedrxivClusteringS2S.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..bedea3983 --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "3cd0e71dfbe09d4de0f9e5ecba43e7ce280959dc", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 29.448729560244537, + "main_score": 29.448729560244537 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/MindSmallReranking.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/MindSmallReranking.json new file mode 100644 index 000000000..f94b24c47 --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.340856463122375, + "mrr": 32.398547669840916, + "main_score": 31.340856463122375 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/NFCorpus.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/NFCorpus.json new file mode 100644 index 000000000..dfa673795 --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "7eb63cc0c1eb59324d709ebed25fcab851fa7610", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.526, + "map_at_10": 11.745, + "map_at_100": 14.831, + "map_at_1000": 16.235, + "map_at_3": 8.716, + "map_at_5": 10.101, + "mrr_at_1": 43.653, + "mrr_at_10": 51.06699999999999, + "mrr_at_100": 51.881, + "mrr_at_1000": 51.912000000000006, + "mrr_at_3": 49.02, + "mrr_at_5": 50.288999999999994, + "ndcg_at_1": 41.949999999999996, + "ndcg_at_10": 32.083, + "ndcg_at_100": 30.049999999999997, + "ndcg_at_1000": 38.661, + "ndcg_at_3": 37.940000000000005, + "ndcg_at_5": 35.455999999999996, + "precision_at_1": 43.344, + "precision_at_10": 23.437, + "precision_at_100": 7.829999999999999, + "precision_at_1000": 2.053, + "precision_at_3": 35.501, + "precision_at_5": 30.464000000000002, + "recall_at_1": 5.526, + "recall_at_10": 15.445999999999998, + "recall_at_100": 31.179000000000002, + "recall_at_1000": 61.578, + "recall_at_3": 9.71, + "recall_at_5": 12.026, + "main_score": 32.083 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/NQ.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/NQ.json new file mode 100644 index 000000000..e4f001e85 --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "6062aefc120bfe8ece5897809fb2e53bfe0d128c", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.467, + "map_at_10": 36.041000000000004, + "map_at_100": 37.268, + "map_at_1000": 37.322, + "map_at_3": 32.09, + "map_at_5": 34.414, + "mrr_at_1": 26.738, + "mrr_at_10": 38.665, + "mrr_at_100": 39.64, + "mrr_at_1000": 39.681, + "mrr_at_3": 35.207, + "mrr_at_5": 37.31, + "ndcg_at_1": 26.709, + "ndcg_at_10": 42.942, + "ndcg_at_100": 48.296, + "ndcg_at_1000": 49.651, + "ndcg_at_3": 35.413, + "ndcg_at_5": 39.367999999999995, + "precision_at_1": 26.709, + "precision_at_10": 7.306, + "precision_at_100": 1.0290000000000001, + "precision_at_1000": 0.116, + "precision_at_3": 16.348, + "precision_at_5": 12.068, + "recall_at_1": 23.467, + "recall_at_10": 61.492999999999995, + "recall_at_100": 85.01100000000001, + "recall_at_1000": 95.261, + "recall_at_3": 41.952, + "recall_at_5": 51.105999999999995, + "main_score": 42.942 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/QuoraRetrieval.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/QuoraRetrieval.json new file mode 100644 index 000000000..635d52b70 --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "6205996560df11e3a3da9ab4f926788fc30a7db4", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 67.51700000000001, + "map_at_10": 81.054, + "map_at_100": 81.727, + "map_at_1000": 81.75200000000001, + "map_at_3": 78.018, + "map_at_5": 79.879, + "mrr_at_1": 77.52, + "mrr_at_10": 84.429, + "mrr_at_100": 84.58200000000001, + "mrr_at_1000": 84.584, + "mrr_at_3": 83.268, + "mrr_at_5": 84.013, + "ndcg_at_1": 77.53, + "ndcg_at_10": 85.277, + "ndcg_at_100": 86.80499999999999, + "ndcg_at_1000": 87.01, + "ndcg_at_3": 81.975, + "ndcg_at_5": 83.723, + "precision_at_1": 77.53, + "precision_at_10": 12.961, + "precision_at_100": 1.502, + "precision_at_1000": 0.156, + "precision_at_3": 35.713, + "precision_at_5": 23.574, + "recall_at_1": 67.51700000000001, + "recall_at_10": 93.486, + "recall_at_100": 98.9, + "recall_at_1000": 99.92999999999999, + "recall_at_3": 84.17999999999999, + "recall_at_5": 88.97500000000001, + "main_score": 85.277 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/RedditClustering.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/RedditClustering.json new file mode 100644 index 000000000..415c9e0d3 --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "b2805658ae38990172679479369a78b86de8c390", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.225994608749915, + "main_score": 48.225994608749915 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/RedditClusteringP2P.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/RedditClusteringP2P.json new file mode 100644 index 000000000..fb76b9435 --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 53.17635557157765, + "main_score": 53.17635557157765 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/SCIDOCS.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/SCIDOCS.json new file mode 100644 index 000000000..aa28ee288 --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "5c59ef3e437a0a9651c8fe6fde943e7dce59fba5", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.988, + "map_at_10": 9.4, + "map_at_100": 10.968, + "map_at_1000": 11.257, + "map_at_3": 7.123, + "map_at_5": 8.221, + "mrr_at_1": 19.7, + "mrr_at_10": 29.098000000000003, + "mrr_at_100": 30.247, + "mrr_at_1000": 30.318, + "mrr_at_3": 26.55, + "mrr_at_5": 27.915, + "ndcg_at_1": 19.7, + "ndcg_at_10": 16.176, + "ndcg_at_100": 22.931, + "ndcg_at_1000": 28.301, + "ndcg_at_3": 16.142, + "ndcg_at_5": 13.633999999999999, + "precision_at_1": 19.7, + "precision_at_10": 8.18, + "precision_at_100": 1.8010000000000002, + "precision_at_1000": 0.309, + "precision_at_3": 15.1, + "precision_at_5": 11.74, + "recall_at_1": 3.988, + "recall_at_10": 16.625, + "recall_at_100": 36.61, + "recall_at_1000": 62.805, + "recall_at_3": 9.168, + "recall_at_5": 11.902, + "main_score": 16.176 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/SICK-R.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/SICK-R.json new file mode 100644 index 000000000..036116da0 --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 77.29330379162072, + "cos_sim_spearman": 67.22953551111448, + "euclidean_pearson": 71.44682700059415, + "euclidean_spearman": 66.33178012153247, + "manhattan_pearson": 71.46941734657887, + "manhattan_spearman": 66.43234359835814, + "cosine_pearson": 77.29330379162072, + "cosine_spearman": 67.22953551111448, + "main_score": 67.22953551111448 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/STS12.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/STS12.json new file mode 100644 index 000000000..5a6df7992 --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "fdf84275bb8ce4b49c971d02e84dd1abc677a50f", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 75.40943196466576, + "cos_sim_spearman": 66.59241013465915, + "euclidean_pearson": 71.32500540796616, + "euclidean_spearman": 67.86667467202591, + "manhattan_pearson": 71.48209832089134, + "manhattan_spearman": 67.94511626964879, + "cosine_pearson": 75.40943196466576, + "cosine_spearman": 66.59241013465915, + "main_score": 66.59241013465915 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/STS13.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/STS13.json new file mode 100644 index 000000000..3c2505b42 --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "1591bfcbe8c69d4bf7fe2a16e2451017832cafb9", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 77.08302398877518, + "cos_sim_spearman": 77.33151317062642, + "euclidean_pearson": 76.77020279715008, + "euclidean_spearman": 77.13893776083225, + "manhattan_pearson": 76.76732290707477, + "manhattan_spearman": 77.14500877396631, + "cosine_pearson": 77.08302398877518, + "cosine_spearman": 77.33151317062642, + "main_score": 77.33151317062642 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/STS14.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/STS14.json new file mode 100644 index 000000000..14990e595 --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e2125984e7df8b7871f6ae9949cf6b6795e7c54b", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 77.46886184932168, + "cos_sim_spearman": 71.82815265534886, + "euclidean_pearson": 75.19783284299076, + "euclidean_spearman": 71.36479611710412, + "manhattan_pearson": 75.30375233959337, + "manhattan_spearman": 71.46280266488021, + "cosine_pearson": 77.46886184932168, + "cosine_spearman": 71.82815265534886, + "main_score": 71.82815265534886 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/STS15.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/STS15.json new file mode 100644 index 000000000..8b57908c9 --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "1cd7298cac12a96a373b6a2f18738bb3e739a9b6", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 80.093017609484, + "cos_sim_spearman": 80.65931167868882, + "euclidean_pearson": 80.36786337117047, + "euclidean_spearman": 81.30521389642827, + "manhattan_pearson": 80.37922433220973, + "manhattan_spearman": 81.30496664496285, + "cosine_pearson": 80.093017609484, + "cosine_spearman": 80.65931167868882, + "main_score": 80.65931167868882 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/STS16.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/STS16.json new file mode 100644 index 000000000..6cacebf6d --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "360a0b2dff98700d09e634a01e1cc1624d3e42cd", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 77.98998347238742, + "cos_sim_spearman": 78.91151365939403, + "euclidean_pearson": 76.40510899217841, + "euclidean_spearman": 76.8551459824213, + "manhattan_pearson": 76.3986079603294, + "manhattan_spearman": 76.8848053254288, + "cosine_pearson": 77.98998347238742, + "cosine_spearman": 78.91151365939403, + "main_score": 78.91151365939403 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/STS17.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/STS17.json new file mode 100644 index 000000000..d4d1a7c86 --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "9fc37e8c632af1c87a3d23e685d49552a02582a0", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.63510653472044, + "cos_sim_spearman": 86.98674844768605, + "euclidean_pearson": 85.205080538809, + "euclidean_spearman": 85.53630494151886, + "manhattan_pearson": 85.48612469885626, + "manhattan_spearman": 85.81741413931921, + "cosine_pearson": 85.63510653472044, + "cosine_spearman": 86.98674844768605, + "main_score": 86.98674844768605 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/STS22.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/STS22.json new file mode 100644 index 000000000..a9d7e2596 --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "2de6ce8c1921b71a755b262c6b57fef195dd7906", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 66.7257987615171, + "cos_sim_spearman": 67.30387805090024, + "euclidean_pearson": 69.46877227885867, + "euclidean_spearman": 69.33161798704344, + "manhattan_pearson": 69.82773311626424, + "manhattan_spearman": 69.57199940498796, + "cosine_pearson": 66.7257987615171, + "cosine_spearman": 67.30387805090024, + "main_score": 67.30387805090024 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/STSBenchmark.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/STSBenchmark.json new file mode 100644 index 000000000..738a04dd7 --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "8913289635987208e6e7c72789e4be2fe94b6abd", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 79.37322139418472, + "cos_sim_spearman": 77.5887175717799, + "euclidean_pearson": 78.23006410562164, + "euclidean_spearman": 77.18470385673044, + "manhattan_pearson": 78.40868369362455, + "manhattan_spearman": 77.36675823897656, + "cosine_pearson": 79.37322139418472, + "cosine_spearman": 77.5887175717799, + "main_score": 77.5887175717799 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/SciDocsRR.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/SciDocsRR.json new file mode 100644 index 000000000..f1676c60d --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "56a6d0140cf6356659e2a7c1413286a774468d44", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 77.21233007730808, + "mrr": 93.0502386139641, + "main_score": 77.21233007730808 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/SciFact.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/SciFact.json new file mode 100644 index 000000000..bc0b2bae4 --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "a75ae049398addde9b70f6b268875f5cbce99089", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 54.567, + "map_at_10": 63.653000000000006, + "map_at_100": 64.282, + "map_at_1000": 64.31099999999999, + "map_at_3": 60.478, + "map_at_5": 62.322, + "mrr_at_1": 56.99999999999999, + "mrr_at_10": 64.759, + "mrr_at_100": 65.274, + "mrr_at_1000": 65.301, + "mrr_at_3": 62.333000000000006, + "mrr_at_5": 63.817, + "ndcg_at_1": 56.99999999999999, + "ndcg_at_10": 68.28699999999999, + "ndcg_at_100": 70.98400000000001, + "ndcg_at_1000": 71.695, + "ndcg_at_3": 62.656, + "ndcg_at_5": 65.523, + "precision_at_1": 56.99999999999999, + "precision_at_10": 9.232999999999999, + "precision_at_100": 1.0630000000000002, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 24.221999999999998, + "precision_at_5": 16.333000000000002, + "recall_at_1": 54.567, + "recall_at_10": 81.45599999999999, + "recall_at_100": 93.5, + "recall_at_1000": 99.0, + "recall_at_3": 66.228, + "recall_at_5": 73.489, + "main_score": 68.28699999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/SprintDuplicateQuestions.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..4f8d55765 --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "5a8256d0dff9c4bd3be3ba3e67e4e70173f802ea", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.74455445544554, + "cos_sim_ap": 92.57836032673468, + "cos_sim_f1": 87.0471464019851, + "cos_sim_precision": 86.4039408866995, + "cos_sim_recall": 87.7, + "dot_accuracy": 99.56039603960396, + "dot_ap": 82.47233353407186, + "dot_f1": 76.78207739307537, + "dot_precision": 78.21576763485477, + "dot_recall": 75.4, + "euclidean_accuracy": 99.73069306930694, + "euclidean_ap": 91.70507666665775, + "euclidean_f1": 86.26262626262626, + "euclidean_precision": 87.14285714285714, + "euclidean_recall": 85.39999999999999, + "manhattan_accuracy": 99.73861386138614, + "manhattan_ap": 91.96809459281754, + "manhattan_f1": 86.6, + "manhattan_precision": 86.6, + "manhattan_recall": 86.6, + "max_accuracy": 99.74455445544554, + "max_ap": 92.57836032673468, + "max_f1": 87.0471464019851, + "main_score": 92.57836032673468 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/StackExchangeClustering.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/StackExchangeClustering.json new file mode 100644 index 000000000..299772a75 --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "70a89468f6dccacc6aa2b12a6eac54e74328f235", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 60.85593925770172, + "main_score": 60.85593925770172 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/StackExchangeClusteringP2P.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..95f5b2a1d --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "d88009ab563dd0b16cfaf4436abaf97fa3550cf0", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.356772998237496, + "main_score": 32.356772998237496 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/StackOverflowDupQuestions.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..3bee3690d --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ef807ea29a75ec4f91b50fd4191cb4ee4589a9f9", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 49.320607035290735, + "mrr": 50.09196481622952, + "main_score": 49.320607035290735 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/SummEval.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/SummEval.json new file mode 100644 index 000000000..234dc766c --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "8753c2788d36c01fc6f05d03fe3f7268d63f9122", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.17573968015504, + "cos_sim_spearman": 30.43371643155132, + "dot_pearson": 30.164319483092743, + "dot_spearman": 29.207082242868754, + "cosine_pearson": 31.17573968015504, + "cosine_spearman": 30.43371643155132, + "main_score": 30.43371643155132 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/TRECCOVID.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/TRECCOVID.json new file mode 100644 index 000000000..980861ff8 --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "2c8041b2c07a79b6f7ba8fe6acc72e5d9f92d217", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.22100000000000003, + "map_at_10": 1.7229999999999999, + "map_at_100": 9.195, + "map_at_1000": 21.999, + "map_at_3": 0.6479999999999999, + "map_at_5": 0.964, + "mrr_at_1": 86.0, + "mrr_at_10": 90.667, + "mrr_at_100": 90.858, + "mrr_at_1000": 90.858, + "mrr_at_3": 90.667, + "mrr_at_5": 90.667, + "ndcg_at_1": 82.0, + "ndcg_at_10": 72.98, + "ndcg_at_100": 52.868, + "ndcg_at_1000": 46.541, + "ndcg_at_3": 80.39699999999999, + "ndcg_at_5": 76.303, + "precision_at_1": 86.0, + "precision_at_10": 75.8, + "precision_at_100": 53.5, + "precision_at_1000": 20.946, + "precision_at_3": 85.333, + "precision_at_5": 79.2, + "recall_at_1": 0.22100000000000003, + "recall_at_10": 1.9109999999999998, + "recall_at_100": 12.437, + "recall_at_1000": 43.606, + "recall_at_3": 0.681, + "recall_at_5": 1.023, + "main_score": 72.98 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/Touche2020.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/Touche2020.json new file mode 100644 index 000000000..a502bbc7b --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "527b7d77e16e343303e68cb6af11d6e18b9f7b3b", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.5, + "map_at_10": 9.568999999999999, + "map_at_100": 15.653, + "map_at_1000": 17.188, + "map_at_3": 5.335999999999999, + "map_at_5": 6.522, + "mrr_at_1": 34.694, + "mrr_at_10": 49.184, + "mrr_at_100": 50.512, + "mrr_at_1000": 50.512, + "mrr_at_3": 46.259, + "mrr_at_5": 48.299, + "ndcg_at_1": 30.612000000000002, + "ndcg_at_10": 24.45, + "ndcg_at_100": 35.870999999999995, + "ndcg_at_1000": 47.272999999999996, + "ndcg_at_3": 28.528, + "ndcg_at_5": 25.768, + "precision_at_1": 34.694, + "precision_at_10": 21.429000000000002, + "precision_at_100": 7.265000000000001, + "precision_at_1000": 1.504, + "precision_at_3": 29.252, + "precision_at_5": 24.898, + "recall_at_1": 2.5, + "recall_at_10": 15.844, + "recall_at_100": 45.469, + "recall_at_1000": 81.148, + "recall_at_3": 6.496, + "recall_at_5": 8.790000000000001, + "main_score": 24.45 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/ToxicConversationsClassification.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..4daaf85a0 --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 68.7272, + "ap": 13.156450706152686, + "f1": 52.814703437064395, + "main_score": 68.7272 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/TweetSentimentExtractionClassification.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..60539015e --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "62146448f05be9e52a36b8ee9936447ea787eede", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 55.6677985285795, + "f1": 55.9373937514999, + "main_score": 55.6677985285795 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/TwentyNewsgroupsClustering.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..a5ed01d95 --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "091a54f9a36281ce7d6590ec8c75dd485e7e01d4", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.05809562275603, + "main_score": 40.05809562275603 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/TwitterSemEval2015.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/TwitterSemEval2015.json new file mode 100644 index 000000000..2dfb26bc8 --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 82.76807534124099, + "cos_sim_ap": 62.37052608803734, + "cos_sim_f1": 59.077414934916646, + "cos_sim_precision": 52.07326892109501, + "cos_sim_recall": 68.25857519788919, + "dot_accuracy": 80.56267509089825, + "dot_ap": 54.75349561321037, + "dot_f1": 54.75483794372552, + "dot_precision": 49.77336499028707, + "dot_recall": 60.844327176781, + "euclidean_accuracy": 82.476008821601, + "euclidean_ap": 61.17417554210511, + "euclidean_f1": 57.80318696022382, + "euclidean_precision": 53.622207176709544, + "euclidean_recall": 62.69129287598945, + "manhattan_accuracy": 82.48792990403528, + "manhattan_ap": 61.044816292966544, + "manhattan_f1": 58.03033951360462, + "manhattan_precision": 53.36581045172719, + "manhattan_recall": 63.58839050131926, + "max_accuracy": 82.76807534124099, + "max_ap": 62.37052608803734, + "max_f1": 59.077414934916646, + "main_score": 62.37052608803734 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/TwitterURLCorpus.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/TwitterURLCorpus.json new file mode 100644 index 000000000..9fc1908f4 --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 87.97881010594946, + "cos_sim_ap": 83.78748636891035, + "cos_sim_f1": 75.94113995691386, + "cos_sim_precision": 72.22029307590805, + "cos_sim_recall": 80.06621496766245, + "dot_accuracy": 85.69294058291614, + "dot_ap": 78.15363722278026, + "dot_f1": 72.08894926888564, + "dot_precision": 67.28959487419075, + "dot_recall": 77.62550046196489, + "euclidean_accuracy": 87.73625179493149, + "euclidean_ap": 83.19012184470559, + "euclidean_f1": 75.5148064623461, + "euclidean_precision": 72.63352535381551, + "euclidean_recall": 78.6341238065907, + "manhattan_accuracy": 87.74013272790779, + "manhattan_ap": 83.23305405113403, + "manhattan_f1": 75.63960775639607, + "manhattan_precision": 72.563304569246, + "manhattan_recall": 78.9882968894364, + "max_accuracy": 87.97881010594946, + "max_ap": 83.78748636891035, + "max_f1": 75.94113995691386, + "main_score": 83.78748636891035 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/model_meta.json b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/model_meta.json new file mode 100644 index 000000000..36312ed2c --- /dev/null +++ b/results/Muennighoff__SGPT-1.3B-weightedmean-msmarco-specb-bitfit/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "Muennighoff/SGPT-1.3B-weightedmean-msmarco-specb-bitfit", + "revision": "bac636ea26b5b810eee6be73fe8c8f484ba1c8c4", + "release_date": "2022-03-02", + "languages": [], + "loader": null, + "n_parameters": 1340774496, + "memory_usage": null, + "max_tokens": 2048, + "embed_dim": 2048, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/AmazonCounterfactualClassification.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..384e2a8a5 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/AmazonCounterfactualClassification.json @@ -0,0 +1,50 @@ +{ + "dataset_revision": "2d8a100785abf0ae21420d2a55b0c56e3e1ea996", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.23880597014926, + "ap": 25.854431650388644, + "f1": 55.751862762818604, + "main_score": 61.23880597014926 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 56.88436830835117, + "ap": 72.67279104379772, + "f1": 54.449840243786404, + "main_score": 56.88436830835117 + }, + { + "hf_subset": "en-ext", + "languages": [ + "eng-Latn" + ], + "accuracy": 58.27586206896551, + "ap": 14.067357642500387, + "f1": 48.172318518691334, + "main_score": 58.27586206896551 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 54.64668094218415, + "ap": 11.776694555054965, + "f1": 44.526622834078765, + "main_score": 54.64668094218415 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/AmazonPolarityClassification.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..ff1920f36 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "80714f8dcf8cefc218ef4f8c5a966dd83f75a0e1", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 65.401225, + "ap": 60.22809958678552, + "f1": 65.0251824898292, + "main_score": 65.401225 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/AmazonReviewsClassification.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..a688938fa --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/AmazonReviewsClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "c379a6705fec24a2493fa68e011692605f44e119", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 31.165999999999993, + "f1": 30.908870050167437, + "main_score": 31.165999999999993 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 24.79, + "f1": 24.5833598854121, + "main_score": 24.79 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 26.643999999999995, + "f1": 26.39012792213563, + "main_score": 26.643999999999995 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 26.386000000000003, + "f1": 26.276867791454873, + "main_score": 26.386000000000003 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 22.078000000000003, + "f1": 21.797960290226843, + "main_score": 22.078000000000003 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 24.274, + "f1": 23.887054434822627, + "main_score": 24.274 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/ArguAna.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/ArguAna.json new file mode 100644 index 000000000..5cd6b5d5f --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "5b3e3697907184a9b77a3c99ee9ea1a9cbb1e4e3", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.404, + "map_at_10": 36.845, + "map_at_100": 37.945, + "map_at_1000": 37.966, + "map_at_3": 31.78, + "map_at_5": 34.608, + "mrr_at_1": 22.902, + "mrr_at_10": 37.034, + "mrr_at_100": 38.134, + "mrr_at_1000": 38.155, + "mrr_at_3": 31.935000000000002, + "mrr_at_5": 34.812, + "ndcg_at_1": 22.404, + "ndcg_at_10": 45.425, + "ndcg_at_100": 50.354, + "ndcg_at_1000": 50.873999999999995, + "ndcg_at_3": 34.97, + "ndcg_at_5": 40.081, + "precision_at_1": 22.404, + "precision_at_10": 7.303999999999999, + "precision_at_100": 0.951, + "precision_at_1000": 0.099, + "precision_at_3": 14.746, + "precision_at_5": 11.337, + "recall_at_1": 22.404, + "recall_at_10": 73.044, + "recall_at_100": 95.092, + "recall_at_1000": 99.075, + "recall_at_3": 44.239, + "recall_at_5": 56.686, + "main_score": 45.425 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/ArxivClusteringP2P.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..ddf673749 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "0bbdb47bcbe3a90093699aefeed338a0f28a7ee8", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.70858340673288, + "main_score": 39.70858340673288 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/ArxivClusteringS2S.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..1f50dd1ba --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "b73bd54100e5abfa6e3a23dcafb46fe4d2438dc3", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 28.242847713721048, + "main_score": 28.242847713721048 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/AskUbuntuDupQuestions.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..5a995323c --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4d853f94cd57d85ec13805aeeac3ae3e5eb4c49c", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 55.83700395192393, + "mrr": 70.3891307215407, + "main_score": 55.83700395192393 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/BIOSSES.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/BIOSSES.json new file mode 100644 index 000000000..b6bcf58a2 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "9ee918f184421b6bd48b78f6c714d86546106103", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 79.25366801756223, + "cos_sim_spearman": 75.20954502580506, + "euclidean_pearson": 78.79900722991617, + "euclidean_spearman": 77.79996549607588, + "manhattan_pearson": 78.18408109480399, + "manhattan_spearman": 76.85958262303106, + "cosine_pearson": 79.25366801756223, + "cosine_spearman": 75.20954502580506, + "main_score": 75.20954502580506 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/Banking77Classification.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/Banking77Classification.json new file mode 100644 index 000000000..9cbfba1a4 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "44fa15921b4c889113cc5df03dd4901b49161ab7", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.70454545454545, + "f1": 77.6929000113803, + "main_score": 77.70454545454545 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/BiorxivClusteringP2P.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..cde780e8a --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "11d0121201d1f1f280e8cc8f3d98fb9c4d9f9c55", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.63260395543984, + "main_score": 33.63260395543984 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/BiorxivClusteringS2S.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..1e4175d37 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "c0fab014e1bcb8d3a5e31b2088972a1e01547dc1", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 27.038042665369925, + "main_score": 27.038042665369925 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/CQADupstackAndroidRetrieval.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..a6daf67ca --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "2b9f5791698b5be7bc5e10535c8690f20043c3db", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.139, + "map_at_10": 28.839, + "map_at_100": 30.023, + "map_at_1000": 30.153000000000002, + "map_at_3": 26.521, + "map_at_5": 27.775, + "mrr_at_1": 26.466, + "mrr_at_10": 33.495000000000005, + "mrr_at_100": 34.416999999999994, + "mrr_at_1000": 34.485, + "mrr_at_3": 31.402, + "mrr_at_5": 32.496, + "ndcg_at_1": 26.466, + "ndcg_at_10": 33.372, + "ndcg_at_100": 38.7, + "ndcg_at_1000": 41.696, + "ndcg_at_3": 29.443, + "ndcg_at_5": 31.121, + "precision_at_1": 26.466, + "precision_at_10": 6.037, + "precision_at_100": 1.0670000000000002, + "precision_at_1000": 0.16199999999999998, + "precision_at_3": 13.782, + "precision_at_5": 9.757, + "recall_at_1": 22.139, + "recall_at_10": 42.39, + "recall_at_100": 65.427, + "recall_at_1000": 86.04899999999999, + "recall_at_3": 31.127, + "recall_at_5": 35.717999999999996, + "main_score": 33.372 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.652, + "map_at_10": 27.558, + "map_at_100": 28.473, + "map_at_1000": 28.577, + "map_at_3": 25.402, + "map_at_5": 26.68, + "mrr_at_1": 25.223000000000003, + "mrr_at_10": 31.966, + "mrr_at_100": 32.664, + "mrr_at_1000": 32.724, + "mrr_at_3": 30.074, + "mrr_at_5": 31.249, + "ndcg_at_1": 25.223000000000003, + "ndcg_at_10": 31.694, + "ndcg_at_100": 35.662, + "ndcg_at_1000": 38.092, + "ndcg_at_3": 28.294000000000004, + "ndcg_at_5": 30.049, + "precision_at_1": 25.223000000000003, + "precision_at_10": 5.777, + "precision_at_100": 0.9730000000000001, + "precision_at_1000": 0.13999999999999999, + "precision_at_3": 13.397, + "precision_at_5": 9.605, + "recall_at_1": 20.652, + "recall_at_10": 39.367999999999995, + "recall_at_100": 56.485, + "recall_at_1000": 73.292, + "recall_at_3": 29.830000000000002, + "recall_at_5": 34.43, + "main_score": 31.694 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.180000000000003, + "map_at_10": 34.579, + "map_at_100": 35.589999999999996, + "map_at_1000": 35.68, + "map_at_3": 31.735999999999997, + "map_at_5": 33.479, + "mrr_at_1": 29.467, + "mrr_at_10": 37.967, + "mrr_at_100": 38.800000000000004, + "mrr_at_1000": 38.858, + "mrr_at_3": 35.465, + "mrr_at_5": 37.057, + "ndcg_at_1": 29.467, + "ndcg_at_10": 39.796, + "ndcg_at_100": 44.531, + "ndcg_at_1000": 46.666000000000004, + "ndcg_at_3": 34.676, + "ndcg_at_5": 37.468, + "precision_at_1": 29.467, + "precision_at_10": 6.601999999999999, + "precision_at_100": 0.9900000000000001, + "precision_at_1000": 0.124, + "precision_at_3": 15.568999999999999, + "precision_at_5": 11.172, + "recall_at_1": 25.180000000000003, + "recall_at_10": 52.269, + "recall_at_100": 73.574, + "recall_at_1000": 89.141, + "recall_at_3": 38.522, + "recall_at_5": 45.323, + "main_score": 39.796 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.303, + "map_at_10": 21.629, + "map_at_100": 22.387999999999998, + "map_at_1000": 22.489, + "map_at_3": 19.608, + "map_at_5": 20.774, + "mrr_at_1": 17.740000000000002, + "mrr_at_10": 23.214000000000002, + "mrr_at_100": 23.97, + "mrr_at_1000": 24.054000000000002, + "mrr_at_3": 21.243000000000002, + "mrr_at_5": 22.322, + "ndcg_at_1": 17.740000000000002, + "ndcg_at_10": 25.113000000000003, + "ndcg_at_100": 29.287999999999997, + "ndcg_at_1000": 32.204, + "ndcg_at_3": 21.111, + "ndcg_at_5": 23.061999999999998, + "precision_at_1": 17.740000000000002, + "precision_at_10": 3.955, + "precision_at_100": 0.644, + "precision_at_1000": 0.093, + "precision_at_3": 8.851, + "precision_at_5": 6.418, + "recall_at_1": 16.303, + "recall_at_10": 34.487, + "recall_at_100": 54.413999999999994, + "recall_at_1000": 77.158, + "recall_at_3": 23.733, + "recall_at_5": 28.381, + "main_score": 25.113000000000003 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 10.133000000000001, + "map_at_10": 15.665999999999999, + "map_at_100": 16.592000000000002, + "map_at_1000": 16.733999999999998, + "map_at_3": 13.625000000000002, + "map_at_5": 14.721, + "mrr_at_1": 12.562000000000001, + "mrr_at_10": 18.487000000000002, + "mrr_at_100": 19.391, + "mrr_at_1000": 19.487, + "mrr_at_3": 16.418, + "mrr_at_5": 17.599999999999998, + "ndcg_at_1": 12.562000000000001, + "ndcg_at_10": 19.43, + "ndcg_at_100": 24.546, + "ndcg_at_1000": 28.193, + "ndcg_at_3": 15.509999999999998, + "ndcg_at_5": 17.322000000000003, + "precision_at_1": 12.562000000000001, + "precision_at_10": 3.794, + "precision_at_100": 0.74, + "precision_at_1000": 0.122, + "precision_at_3": 7.546, + "precision_at_5": 5.721, + "recall_at_1": 10.133000000000001, + "recall_at_10": 28.261999999999997, + "recall_at_100": 51.742999999999995, + "recall_at_1000": 78.075, + "recall_at_3": 17.634, + "recall_at_5": 22.128999999999998, + "main_score": 19.43 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.991999999999997, + "map_at_10": 27.346999999999998, + "map_at_100": 28.582, + "map_at_1000": 28.716, + "map_at_3": 24.907, + "map_at_5": 26.1, + "mrr_at_1": 23.773, + "mrr_at_10": 31.647, + "mrr_at_100": 32.639, + "mrr_at_1000": 32.706, + "mrr_at_3": 29.195, + "mrr_at_5": 30.484, + "ndcg_at_1": 23.773, + "ndcg_at_10": 32.322, + "ndcg_at_100": 37.996, + "ndcg_at_1000": 40.819, + "ndcg_at_3": 27.876, + "ndcg_at_5": 29.664, + "precision_at_1": 23.773, + "precision_at_10": 5.976999999999999, + "precision_at_100": 1.055, + "precision_at_1000": 0.15, + "precision_at_3": 13.122, + "precision_at_5": 9.451, + "recall_at_1": 19.991999999999997, + "recall_at_10": 43.106, + "recall_at_100": 67.264, + "recall_at_1000": 86.386, + "recall_at_3": 30.392000000000003, + "recall_at_5": 34.910999999999994, + "main_score": 32.322 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.896, + "map_at_10": 24.644, + "map_at_100": 25.790000000000003, + "map_at_1000": 25.913999999999998, + "map_at_3": 22.694, + "map_at_5": 23.69, + "mrr_at_1": 21.346999999999998, + "mrr_at_10": 28.594, + "mrr_at_100": 29.543999999999997, + "mrr_at_1000": 29.621, + "mrr_at_3": 26.807, + "mrr_at_5": 27.669, + "ndcg_at_1": 21.346999999999998, + "ndcg_at_10": 28.833, + "ndcg_at_100": 34.272000000000006, + "ndcg_at_1000": 37.355, + "ndcg_at_3": 25.373, + "ndcg_at_5": 26.756, + "precision_at_1": 21.346999999999998, + "precision_at_10": 5.2170000000000005, + "precision_at_100": 0.954, + "precision_at_1000": 0.13899999999999998, + "precision_at_3": 11.948, + "precision_at_5": 8.425, + "recall_at_1": 17.896, + "recall_at_10": 37.291000000000004, + "recall_at_100": 61.138000000000005, + "recall_at_1000": 83.212, + "recall_at_3": 27.705999999999996, + "recall_at_5": 31.234, + "main_score": 28.833 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.195166666666665, + "map_at_10": 23.329083333333333, + "map_at_100": 24.30308333333333, + "map_at_1000": 24.422416666666667, + "map_at_3": 21.327416666666664, + "map_at_5": 22.419999999999998, + "mrr_at_1": 19.999916666666667, + "mrr_at_10": 26.390166666666666, + "mrr_at_100": 27.230999999999998, + "mrr_at_1000": 27.308333333333334, + "mrr_at_3": 24.4675, + "mrr_at_5": 25.541083333333336, + "ndcg_at_1": 19.999916666666667, + "ndcg_at_10": 27.248666666666665, + "ndcg_at_100": 32.00258333333334, + "ndcg_at_1000": 34.9465, + "ndcg_at_3": 23.58566666666667, + "ndcg_at_5": 25.26341666666666, + "precision_at_1": 19.999916666666667, + "precision_at_10": 4.772166666666666, + "precision_at_100": 0.847, + "precision_at_1000": 0.12741666666666668, + "precision_at_3": 10.756166666666669, + "precision_at_5": 7.725416666666667, + "recall_at_1": 17.195166666666665, + "recall_at_10": 35.99083333333334, + "recall_at_100": 57.467999999999996, + "recall_at_1000": 78.82366666666667, + "recall_at_3": 25.898499999999995, + "recall_at_5": 30.084333333333333, + "main_score": 27.248666666666665 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.779, + "map_at_10": 21.557000000000002, + "map_at_100": 22.338, + "map_at_1000": 22.421, + "map_at_3": 19.939, + "map_at_5": 20.903, + "mrr_at_1": 18.404999999999998, + "mrr_at_10": 23.435, + "mrr_at_100": 24.179000000000002, + "mrr_at_1000": 24.25, + "mrr_at_3": 21.907, + "mrr_at_5": 22.781000000000002, + "ndcg_at_1": 18.404999999999998, + "ndcg_at_10": 24.515, + "ndcg_at_100": 28.721000000000004, + "ndcg_at_1000": 31.259999999999998, + "ndcg_at_3": 21.508, + "ndcg_at_5": 23.01, + "precision_at_1": 18.404999999999998, + "precision_at_10": 3.834, + "precision_at_100": 0.641, + "precision_at_1000": 0.093, + "precision_at_3": 9.151, + "precision_at_5": 6.503, + "recall_at_1": 16.779, + "recall_at_10": 31.730000000000004, + "recall_at_100": 51.673, + "recall_at_1000": 71.17599999999999, + "recall_at_3": 23.518, + "recall_at_5": 27.230999999999998, + "main_score": 24.515 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.279, + "map_at_10": 13.822000000000001, + "map_at_100": 14.533, + "map_at_1000": 14.649999999999999, + "map_at_3": 12.396, + "map_at_5": 13.214, + "mrr_at_1": 11.149000000000001, + "mrr_at_10": 16.139, + "mrr_at_100": 16.872, + "mrr_at_1000": 16.964000000000002, + "mrr_at_3": 14.613000000000001, + "mrr_at_5": 15.486, + "ndcg_at_1": 11.149000000000001, + "ndcg_at_10": 16.82, + "ndcg_at_100": 20.73, + "ndcg_at_1000": 23.894000000000002, + "ndcg_at_3": 14.11, + "ndcg_at_5": 15.404000000000002, + "precision_at_1": 11.149000000000001, + "precision_at_10": 3.063, + "precision_at_100": 0.587, + "precision_at_1000": 0.1, + "precision_at_3": 6.699, + "precision_at_5": 4.928, + "recall_at_1": 9.279, + "recall_at_10": 23.745, + "recall_at_100": 41.873, + "recall_at_1000": 64.982, + "recall_at_3": 16.152, + "recall_at_5": 19.409000000000002, + "main_score": 16.82 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.36, + "map_at_10": 21.927, + "map_at_100": 22.889, + "map_at_1000": 22.994, + "map_at_3": 20.433, + "map_at_5": 21.337, + "mrr_at_1": 18.75, + "mrr_at_10": 24.859, + "mrr_at_100": 25.746999999999996, + "mrr_at_1000": 25.829, + "mrr_at_3": 23.383000000000003, + "mrr_at_5": 24.297, + "ndcg_at_1": 18.75, + "ndcg_at_10": 25.372, + "ndcg_at_100": 30.342999999999996, + "ndcg_at_1000": 33.286, + "ndcg_at_3": 22.627, + "ndcg_at_5": 24.04, + "precision_at_1": 18.75, + "precision_at_10": 4.1419999999999995, + "precision_at_100": 0.738, + "precision_at_1000": 0.11100000000000002, + "precision_at_3": 10.261000000000001, + "precision_at_5": 7.164, + "recall_at_1": 16.36, + "recall_at_10": 32.949, + "recall_at_100": 55.552, + "recall_at_1000": 77.09899999999999, + "recall_at_3": 25.538, + "recall_at_5": 29.008, + "main_score": 25.372 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.39, + "map_at_10": 23.058, + "map_at_100": 24.445, + "map_at_1000": 24.637999999999998, + "map_at_3": 21.037, + "map_at_5": 21.966, + "mrr_at_1": 19.96, + "mrr_at_10": 26.301000000000002, + "mrr_at_100": 27.297, + "mrr_at_1000": 27.375, + "mrr_at_3": 24.340999999999998, + "mrr_at_5": 25.339, + "ndcg_at_1": 19.96, + "ndcg_at_10": 27.249000000000002, + "ndcg_at_100": 32.997, + "ndcg_at_1000": 36.359, + "ndcg_at_3": 23.519000000000002, + "ndcg_at_5": 24.915000000000003, + "precision_at_1": 19.96, + "precision_at_10": 5.356000000000001, + "precision_at_100": 1.198, + "precision_at_1000": 0.20400000000000001, + "precision_at_3": 10.738, + "precision_at_5": 7.904999999999999, + "recall_at_1": 17.39, + "recall_at_10": 35.254999999999995, + "recall_at_100": 61.351, + "recall_at_1000": 84.395, + "recall_at_3": 25.194, + "recall_at_5": 28.546, + "main_score": 27.249000000000002 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 14.238999999999999, + "map_at_10": 19.323, + "map_at_100": 19.994, + "map_at_1000": 20.102999999999998, + "map_at_3": 17.631, + "map_at_5": 18.401, + "mrr_at_1": 15.157000000000002, + "mrr_at_10": 20.578, + "mrr_at_100": 21.252, + "mrr_at_1000": 21.346999999999998, + "mrr_at_3": 18.762, + "mrr_at_5": 19.713, + "ndcg_at_1": 15.157000000000002, + "ndcg_at_10": 22.468, + "ndcg_at_100": 26.245, + "ndcg_at_1000": 29.534, + "ndcg_at_3": 18.981, + "ndcg_at_5": 20.349999999999998, + "precision_at_1": 15.157000000000002, + "precision_at_10": 3.512, + "precision_at_100": 0.577, + "precision_at_1000": 0.091, + "precision_at_3": 8.01, + "precision_at_5": 5.656, + "recall_at_1": 14.238999999999999, + "recall_at_10": 31.038, + "recall_at_100": 49.122, + "recall_at_1000": 74.919, + "recall_at_3": 21.436, + "recall_at_5": 24.692, + "main_score": 22.468 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/ClimateFEVER.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/ClimateFEVER.json new file mode 100644 index 000000000..920ffb7df --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "392b78eb68c07badcd7c2cd8f39af108375dfcce", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.828, + "map_at_10": 14.982000000000001, + "map_at_100": 16.495, + "map_at_1000": 16.658, + "map_at_3": 12.366000000000001, + "map_at_5": 13.655000000000001, + "mrr_at_1": 19.088, + "mrr_at_10": 29.29, + "mrr_at_100": 30.291, + "mrr_at_1000": 30.342000000000002, + "mrr_at_3": 25.907000000000004, + "mrr_at_5": 27.840999999999998, + "ndcg_at_1": 19.088, + "ndcg_at_10": 21.858, + "ndcg_at_100": 28.323999999999998, + "ndcg_at_1000": 31.561, + "ndcg_at_3": 17.175, + "ndcg_at_5": 18.869, + "precision_at_1": 19.088, + "precision_at_10": 6.9190000000000005, + "precision_at_100": 1.376, + "precision_at_1000": 0.197, + "precision_at_3": 12.703999999999999, + "precision_at_5": 9.993, + "recall_at_1": 8.828, + "recall_at_10": 27.381, + "recall_at_100": 50.0, + "recall_at_1000": 68.355, + "recall_at_3": 16.118, + "recall_at_5": 20.587, + "main_score": 21.858 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/DBPedia.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/DBPedia.json new file mode 100644 index 000000000..dfc18dfe0 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "f097057d03ed98220bc7309ddb10b71a54d667d6", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.586, + "map_at_10": 10.040000000000001, + "map_at_100": 12.55, + "map_at_1000": 13.123999999999999, + "map_at_3": 7.75, + "map_at_5": 8.835999999999999, + "mrr_at_1": 42.25, + "mrr_at_10": 51.205999999999996, + "mrr_at_100": 51.818, + "mrr_at_1000": 51.855, + "mrr_at_3": 48.875, + "mrr_at_5": 50.488, + "ndcg_at_1": 32.25, + "ndcg_at_10": 22.718, + "ndcg_at_100": 24.359, + "ndcg_at_1000": 29.232000000000003, + "ndcg_at_3": 25.974000000000004, + "ndcg_at_5": 24.291999999999998, + "precision_at_1": 42.25, + "precision_at_10": 17.75, + "precision_at_100": 5.032, + "precision_at_1000": 1.117, + "precision_at_3": 28.833, + "precision_at_5": 24.25, + "recall_at_1": 5.586, + "recall_at_10": 14.16, + "recall_at_100": 28.051, + "recall_at_1000": 45.157000000000004, + "recall_at_3": 8.758000000000001, + "recall_at_5": 10.975999999999999, + "main_score": 22.718 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/EmotionClassification.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/EmotionClassification.json new file mode 100644 index 000000000..55208a4a5 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "829147f8f75a25f005913200eb5ed41fae320aa1", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 39.075, + "f1": 35.01420354708222, + "main_score": 39.075 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/FEVER.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/FEVER.json new file mode 100644 index 000000000..f312e1e28 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "1429cf27e393599b8b359b9b72c666f96b2525f9", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 43.519999999999996, + "map_at_10": 54.368, + "map_at_100": 54.918, + "map_at_1000": 54.942, + "map_at_3": 51.712, + "map_at_5": 53.33599999999999, + "mrr_at_1": 46.955000000000005, + "mrr_at_10": 58.219, + "mrr_at_100": 58.73500000000001, + "mrr_at_1000": 58.753, + "mrr_at_3": 55.518, + "mrr_at_5": 57.191, + "ndcg_at_1": 46.955000000000005, + "ndcg_at_10": 60.45, + "ndcg_at_100": 63.047, + "ndcg_at_1000": 63.712999999999994, + "ndcg_at_3": 55.233, + "ndcg_at_5": 58.072, + "precision_at_1": 46.955000000000005, + "precision_at_10": 8.267, + "precision_at_100": 0.962, + "precision_at_1000": 0.10300000000000001, + "precision_at_3": 22.326999999999998, + "precision_at_5": 14.940999999999999, + "recall_at_1": 43.519999999999996, + "recall_at_10": 75.632, + "recall_at_100": 87.41600000000001, + "recall_at_1000": 92.557, + "recall_at_3": 61.597, + "recall_at_5": 68.518, + "main_score": 60.45 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/FiQA2018.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/FiQA2018.json new file mode 100644 index 000000000..9def9dd80 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "41b686a7f28c59bcaaa5791efd47c67c8ebe28be", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.549000000000001, + "map_at_10": 15.762, + "map_at_100": 17.142, + "map_at_1000": 17.329, + "map_at_3": 13.575000000000001, + "map_at_5": 14.754000000000001, + "mrr_at_1": 19.753, + "mrr_at_10": 26.568, + "mrr_at_100": 27.606, + "mrr_at_1000": 27.68, + "mrr_at_3": 24.203, + "mrr_at_5": 25.668999999999997, + "ndcg_at_1": 19.753, + "ndcg_at_10": 21.118000000000002, + "ndcg_at_100": 27.308, + "ndcg_at_1000": 31.304, + "ndcg_at_3": 18.319, + "ndcg_at_5": 19.414, + "precision_at_1": 19.753, + "precision_at_10": 6.08, + "precision_at_100": 1.204, + "precision_at_1000": 0.192, + "precision_at_3": 12.191, + "precision_at_5": 9.383, + "recall_at_1": 9.549000000000001, + "recall_at_10": 26.131, + "recall_at_100": 50.544999999999995, + "recall_at_1000": 74.968, + "recall_at_3": 16.951, + "recall_at_5": 20.95, + "main_score": 21.118000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/HotpotQA.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/HotpotQA.json new file mode 100644 index 000000000..aba59d4e7 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "766870b35a1b9ca65e67a0d1913899973551fc6c", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.544, + "map_at_10": 32.62, + "map_at_100": 33.275, + "map_at_1000": 33.344, + "map_at_3": 30.851, + "map_at_5": 31.868999999999996, + "mrr_at_1": 51.087, + "mrr_at_10": 57.704, + "mrr_at_100": 58.175, + "mrr_at_1000": 58.207, + "mrr_at_3": 56.106, + "mrr_at_5": 57.074000000000005, + "ndcg_at_1": 51.087, + "ndcg_at_10": 40.876000000000005, + "ndcg_at_100": 43.762, + "ndcg_at_1000": 45.423, + "ndcg_at_3": 37.65, + "ndcg_at_5": 39.305, + "precision_at_1": 51.087, + "precision_at_10": 8.304, + "precision_at_100": 1.059, + "precision_at_1000": 0.128, + "precision_at_3": 22.875999999999998, + "precision_at_5": 15.033, + "recall_at_1": 25.544, + "recall_at_10": 41.519, + "recall_at_100": 52.957, + "recall_at_1000": 64.132, + "recall_at_3": 34.315, + "recall_at_5": 37.583, + "main_score": 40.876000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/ImdbClassification.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/ImdbClassification.json new file mode 100644 index 000000000..a0ce20355 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "8d743909f834c38949e8323a8a6ce8721ea6c7f4", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 58.6696, + "ap": 55.3644880984279, + "f1": 58.07942097405652, + "main_score": 58.6696 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/MSMARCO.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/MSMARCO.json new file mode 100644 index 000000000..644ca30f2 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "e6838a846e2408f22cf5cc337ebc83e0bcf77849", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 14.442, + "map_at_10": 22.932, + "map_at_100": 24.132, + "map_at_1000": 24.213, + "map_at_3": 20.002, + "map_at_5": 21.636, + "mrr_at_1": 14.841999999999999, + "mrr_at_10": 23.416, + "mrr_at_100": 24.593999999999998, + "mrr_at_1000": 24.669, + "mrr_at_3": 20.494, + "mrr_at_5": 22.14, + "ndcg_at_1": 14.841999999999999, + "ndcg_at_10": 27.975, + "ndcg_at_100": 34.143, + "ndcg_at_1000": 36.370000000000005, + "ndcg_at_3": 21.944, + "ndcg_at_5": 24.881, + "precision_at_1": 14.841999999999999, + "precision_at_10": 4.537, + "precision_at_100": 0.767, + "precision_at_1000": 0.096, + "precision_at_3": 9.322, + "precision_at_5": 7.074, + "recall_at_1": 14.442, + "recall_at_10": 43.557, + "recall_at_100": 72.904, + "recall_at_1000": 90.40700000000001, + "recall_at_3": 27.088, + "recall_at_5": 34.144000000000005, + "main_score": 27.975 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/MTOPDomainClassification.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/MTOPDomainClassification.json new file mode 100644 index 000000000..c29b62999 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/MTOPDomainClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "a7e2a951126a26fc8c6a69f835f33a346ba259e3", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.95622435020519, + "f1": 86.58363130708494, + "main_score": 86.95622435020519 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 62.73034657650043, + "f1": 60.78623915840713, + "main_score": 62.73034657650043 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 67.54503002001334, + "f1": 65.34879794116112, + "main_score": 67.54503002001334 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 65.35233322893829, + "f1": 62.994001882446646, + "main_score": 65.35233322893829 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 45.37110075295806, + "f1": 44.26285860740745, + "main_score": 45.37110075295806 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 55.276672694394215, + "f1": 53.28388179869587, + "main_score": 55.276672694394215 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/MTOPIntentClassification.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/MTOPIntentClassification.json new file mode 100644 index 000000000..442178d11 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/MTOPIntentClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "6299947a7777084cc2d4b64235bf7190381ce755", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 62.25262197902417, + "f1": 43.44084037148853, + "main_score": 62.25262197902417 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 49.56043956043956, + "f1": 32.86333673498598, + "main_score": 49.56043956043956 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 49.93995997331555, + "f1": 34.726671876888126, + "main_score": 49.93995997331555 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 46.32947071719386, + "f1": 32.325273615982795, + "main_score": 46.32947071719386 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 32.208676945141626, + "f1": 21.32185122815139, + "main_score": 32.208676945141626 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 43.627486437613015, + "f1": 27.04872922347508, + "main_score": 43.627486437613015 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/MassiveIntentClassification.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/MassiveIntentClassification.json new file mode 100644 index 000000000..a2d5b3a29 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/MassiveIntentClassification.json @@ -0,0 +1,469 @@ +{ + "dataset_revision": "072a486a144adf7f4479a4a0dddb2152e161e1ea", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 40.548083389374575, + "f1": 39.490307545239716, + "main_score": 40.548083389374575 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 24.18291862811029, + "f1": 23.437620034727473, + "main_score": 24.18291862811029 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 30.134498991257562, + "f1": 28.787175191531283, + "main_score": 30.134498991257562 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 35.88433086751849, + "f1": 36.264500398782126, + "main_score": 35.88433086751849 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 29.17283120376597, + "f1": 27.8101616531901, + "main_score": 29.17283120376597 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 41.788836583725626, + "f1": 39.71413181054801, + "main_score": 41.788836583725626 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 44.176193678547406, + "f1": 42.192499826552286, + "main_score": 44.176193678547406 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 42.07464694014795, + "f1": 39.44188259183162, + "main_score": 42.07464694014795 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 36.254203093476804, + "f1": 34.46592715936761, + "main_score": 36.254203093476804 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.40887693342301, + "f1": 59.79854802683996, + "main_score": 61.40887693342301 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 42.679892400807, + "f1": 42.04801248338172, + "main_score": 42.679892400807 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 35.59179556153329, + "f1": 34.045862930486166, + "main_score": 35.59179556153329 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 40.036987222595826, + "f1": 38.117703439362785, + "main_score": 40.036987222595826 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 43.43981170141224, + "f1": 42.7084388987865, + "main_score": 43.43981170141224 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 31.593813046402154, + "f1": 29.98550522450782, + "main_score": 31.593813046402154 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 27.044384667114997, + "f1": 27.313059184832667, + "main_score": 27.044384667114997 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 38.453261600538, + "f1": 37.309189326110435, + "main_score": 38.453261600538 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 27.979152656355076, + "f1": 27.430939684346445, + "main_score": 27.979152656355076 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 43.97108271687963, + "f1": 43.40585705688761, + "main_score": 43.97108271687963 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 40.302622730329524, + "f1": 39.108052180520744, + "main_score": 40.302622730329524 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 45.474108944182916, + "f1": 45.85950328241134, + "main_score": 45.474108944182916 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 45.60860793544048, + "f1": 43.94920708216737, + "main_score": 45.60860793544048 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 38.668459986550104, + "f1": 37.6990034018859, + "main_score": 38.668459986550104 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 25.6523201075992, + "f1": 25.279084273189582, + "main_score": 25.6523201075992 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 28.295225285810353, + "f1": 26.645825638771548, + "main_score": 28.295225285810353 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 23.480161398789505, + "f1": 22.275241866506732, + "main_score": 23.480161398789505 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 36.55682582380632, + "f1": 36.004753171063605, + "main_score": 36.55682582380632 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 41.84936112979153, + "f1": 41.38932672359119, + "main_score": 41.84936112979153 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 24.90921318090114, + "f1": 23.968687483768807, + "main_score": 24.90921318090114 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 29.86213853396099, + "f1": 29.977152075255407, + "main_score": 29.86213853396099 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 42.42098184263618, + "f1": 41.50877432664628, + "main_score": 42.42098184263618 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 25.131136516476126, + "f1": 23.938932214086776, + "main_score": 25.131136516476126 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 39.81506388702084, + "f1": 38.809586587791664, + "main_score": 39.81506388702084 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 43.62138533960995, + "f1": 42.01386842914633, + "main_score": 43.62138533960995 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 42.19569603227976, + "f1": 40.00556559825827, + "main_score": 42.19569603227976 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 45.20847343644923, + "f1": 44.24115005029051, + "main_score": 45.20847343644923 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 41.80901143241426, + "f1": 40.474074848670085, + "main_score": 41.80901143241426 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 35.96839273705447, + "f1": 35.095456843621, + "main_score": 35.96839273705447 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 40.60524546065905, + "f1": 39.302383051500136, + "main_score": 40.60524546065905 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 42.75722932078009, + "f1": 41.53763931497389, + "main_score": 42.75722932078009 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 42.347007397444514, + "f1": 41.04366017948627, + "main_score": 42.347007397444514 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 41.12306657700067, + "f1": 39.712940473289024, + "main_score": 41.12306657700067 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 24.603227975790183, + "f1": 23.969236788828606, + "main_score": 24.603227975790183 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 25.03698722259583, + "f1": 24.37196123281459, + "main_score": 25.03698722259583 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 35.40013449899126, + "f1": 35.063600413688036, + "main_score": 35.40013449899126 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 41.19031607262945, + "f1": 40.240432304273014, + "main_score": 41.19031607262945 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 36.405514458641555, + "f1": 36.03844992856558, + "main_score": 36.405514458641555 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 25.934767989240076, + "f1": 25.2074457023531, + "main_score": 25.934767989240076 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 38.79959650302622, + "f1": 37.160233794673125, + "main_score": 38.79959650302622 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 46.244115669132476, + "f1": 44.367480561291906, + "main_score": 46.244115669132476 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 42.30665770006724, + "f1": 41.9642223283514, + "main_score": 42.30665770006724 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/MassiveScenarioClassification.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..b626d1277 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/MassiveScenarioClassification.json @@ -0,0 +1,469 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 43.2481506388702, + "f1": 40.924230769590785, + "main_score": 43.2481506388702 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 25.30262273032952, + "f1": 24.937105830264066, + "main_score": 25.30262273032952 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 32.07128446536651, + "f1": 31.80245816594883, + "main_score": 32.07128446536651 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 36.681237390719566, + "f1": 36.37219042508338, + "main_score": 36.681237390719566 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 29.56624075319435, + "f1": 28.386042056362758, + "main_score": 29.56624075319435 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 42.1049092131809, + "f1": 38.926150886991294, + "main_score": 42.1049092131809 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 45.44384667114997, + "f1": 42.578252395460005, + "main_score": 45.44384667114997 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 43.211163416274374, + "f1": 41.04465858304789, + "main_score": 43.211163416274374 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 36.503026227303295, + "f1": 34.49785095312759, + "main_score": 36.503026227303295 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.73772696704773, + "f1": 69.21759502909043, + "main_score": 69.73772696704773 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 44.078681909885674, + "f1": 43.05914426901129, + "main_score": 44.078681909885674 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 32.61264290517821, + "f1": 32.02463177462754, + "main_score": 32.61264290517821 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 40.35642232683255, + "f1": 38.13642481807678, + "main_score": 40.35642232683255 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 45.06724949562878, + "f1": 43.19827608343738, + "main_score": 45.06724949562878 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 32.178883658372555, + "f1": 29.979761884698775, + "main_score": 32.178883658372555 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 26.903160726294555, + "f1": 25.833010434083363, + "main_score": 26.903160726294555 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 40.379959650302624, + "f1": 37.93134355292882, + "main_score": 40.379959650302624 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 28.375924680564896, + "f1": 26.96255693013172, + "main_score": 28.375924680564896 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 44.361129791526565, + "f1": 43.54445012295126, + "main_score": 44.361129791526565 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 39.290517821116346, + "f1": 37.26982052174147, + "main_score": 39.290517821116346 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 46.4694014794889, + "f1": 44.060986162841566, + "main_score": 46.4694014794889 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 46.25756556825824, + "f1": 45.625139456758816, + "main_score": 46.25756556825824 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 41.12642905178212, + "f1": 39.54392378396527, + "main_score": 41.12642905178212 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 24.72763954270343, + "f1": 23.337743140804484, + "main_score": 24.72763954270343 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 29.741089441829182, + "f1": 27.570876190083748, + "main_score": 29.741089441829182 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 23.850033624747816, + "f1": 22.86733484540032, + "main_score": 23.850033624747816 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 36.56691324815064, + "f1": 35.504081677134565, + "main_score": 36.56691324815064 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 40.928043039677206, + "f1": 39.108589131211254, + "main_score": 40.928043039677206 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 25.527908540685946, + "f1": 25.333391622280477, + "main_score": 25.527908540685946 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 29.105581708137183, + "f1": 28.478235012692814, + "main_score": 29.105581708137183 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 43.78614660390047, + "f1": 41.9640143926267, + "main_score": 43.78614660390047 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 27.269670477471415, + "f1": 26.228386764141852, + "main_score": 27.269670477471415 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 39.018157363819775, + "f1": 37.641949339321854, + "main_score": 39.018157363819775 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 45.35978480161399, + "f1": 42.6851176096831, + "main_score": 45.35978480161399 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 41.89307330195023, + "f1": 40.888710642615024, + "main_score": 41.89307330195023 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 45.901143241425686, + "f1": 44.496942353920545, + "main_score": 45.901143241425686 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 44.11566913248151, + "f1": 41.953945105870616, + "main_score": 44.11566913248151 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 32.76395427034297, + "f1": 31.436372571600934, + "main_score": 32.76395427034297 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 40.504371217215876, + "f1": 39.322752749628165, + "main_score": 40.504371217215876 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 42.51849361129792, + "f1": 41.4139297118463, + "main_score": 42.51849361129792 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 42.293207800941495, + "f1": 40.50409536806683, + "main_score": 42.293207800941495 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 42.9993275050437, + "f1": 41.045416224973266, + "main_score": 42.9993275050437 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 28.32548755884331, + "f1": 27.276841995561867, + "main_score": 28.32548755884331 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 26.593813046402154, + "f1": 25.483878616197586, + "main_score": 26.593813046402154 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 36.788836583725626, + "f1": 34.603932909177686, + "main_score": 36.788836583725626 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 42.5689307330195, + "f1": 40.924469309079825, + "main_score": 42.5689307330195 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 37.09482178883658, + "f1": 37.949628822857164, + "main_score": 37.09482178883658 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 28.836583725622063, + "f1": 27.806558655512344, + "main_score": 28.836583725622063 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 37.357094821788834, + "f1": 37.507918961038165, + "main_score": 37.357094821788834 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 49.37794216543375, + "f1": 47.20421153697707, + "main_score": 49.37794216543375 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 44.42165433759248, + "f1": 44.34741861198931, + "main_score": 44.42165433759248 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/MedrxivClusteringP2P.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..ace2320b5 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "dcefc037ef84348e49b0d29109e891c01067226b", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.374938993074252, + "main_score": 31.374938993074252 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/MedrxivClusteringS2S.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..e56e3cda3 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "3cd0e71dfbe09d4de0f9e5ecba43e7ce280959dc", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 26.871455379644093, + "main_score": 26.871455379644093 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/MindSmallReranking.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/MindSmallReranking.json new file mode 100644 index 000000000..d560f9977 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 30.402396942935333, + "mrr": 31.42600938803256, + "main_score": 30.402396942935333 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/NFCorpus.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/NFCorpus.json new file mode 100644 index 000000000..b985c4694 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "7eb63cc0c1eb59324d709ebed25fcab851fa7610", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.7740000000000005, + "map_at_10": 7.614999999999999, + "map_at_100": 9.574, + "map_at_1000": 10.711, + "map_at_3": 5.7540000000000004, + "map_at_5": 6.6659999999999995, + "mrr_at_1": 33.127, + "mrr_at_10": 40.351, + "mrr_at_100": 41.144, + "mrr_at_1000": 41.202, + "mrr_at_3": 38.029, + "mrr_at_5": 39.190000000000005, + "ndcg_at_1": 31.579, + "ndcg_at_10": 22.792, + "ndcg_at_100": 21.698999999999998, + "ndcg_at_1000": 30.892999999999997, + "ndcg_at_3": 26.828999999999997, + "ndcg_at_5": 25.119000000000003, + "precision_at_1": 33.127, + "precision_at_10": 16.718, + "precision_at_100": 5.7090000000000005, + "precision_at_1000": 1.836, + "precision_at_3": 24.768, + "precision_at_5": 21.3, + "recall_at_1": 3.7740000000000005, + "recall_at_10": 10.302999999999999, + "recall_at_100": 23.013, + "recall_at_1000": 54.864999999999995, + "recall_at_3": 6.554, + "recall_at_5": 8.087, + "main_score": 22.792 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/NQ.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/NQ.json new file mode 100644 index 000000000..efcbd81d5 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "6062aefc120bfe8ece5897809fb2e53bfe0d128c", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.620999999999999, + "map_at_10": 24.519, + "map_at_100": 25.586, + "map_at_1000": 25.662000000000003, + "map_at_3": 21.619, + "map_at_5": 23.232, + "mrr_at_1": 17.497, + "mrr_at_10": 26.301000000000002, + "mrr_at_100": 27.235, + "mrr_at_1000": 27.297, + "mrr_at_3": 23.561, + "mrr_at_5": 25.111, + "ndcg_at_1": 17.497, + "ndcg_at_10": 29.725, + "ndcg_at_100": 34.824, + "ndcg_at_1000": 36.907000000000004, + "ndcg_at_3": 23.946, + "ndcg_at_5": 26.739, + "precision_at_1": 17.497, + "precision_at_10": 5.2170000000000005, + "precision_at_100": 0.8099999999999999, + "precision_at_1000": 0.101, + "precision_at_3": 11.114, + "precision_at_5": 8.285, + "recall_at_1": 15.620999999999999, + "recall_at_10": 43.999, + "recall_at_100": 67.183, + "recall_at_1000": 83.174, + "recall_at_3": 28.720000000000002, + "recall_at_5": 35.154, + "main_score": 29.725 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/QuoraRetrieval.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/QuoraRetrieval.json new file mode 100644 index 000000000..22743886d --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "6205996560df11e3a3da9ab4f926788fc30a7db4", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 54.717000000000006, + "map_at_10": 67.514, + "map_at_100": 68.484, + "map_at_1000": 68.523, + "map_at_3": 64.169, + "map_at_5": 66.054, + "mrr_at_1": 62.46000000000001, + "mrr_at_10": 71.503, + "mrr_at_100": 71.91499999999999, + "mrr_at_1000": 71.923, + "mrr_at_3": 69.46799999999999, + "mrr_at_5": 70.677, + "ndcg_at_1": 62.480000000000004, + "ndcg_at_10": 72.98, + "ndcg_at_100": 76.023, + "ndcg_at_1000": 76.512, + "ndcg_at_3": 68.138, + "ndcg_at_5": 70.458, + "precision_at_1": 62.480000000000004, + "precision_at_10": 11.373, + "precision_at_100": 1.437, + "precision_at_1000": 0.154, + "precision_at_3": 29.622999999999998, + "precision_at_5": 19.918, + "recall_at_1": 54.717000000000006, + "recall_at_10": 84.745, + "recall_at_100": 96.528, + "recall_at_1000": 99.39, + "recall_at_3": 71.60600000000001, + "recall_at_5": 77.511, + "main_score": 72.98 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/RedditClustering.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/RedditClustering.json new file mode 100644 index 000000000..b593ca381 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "b2805658ae38990172679479369a78b86de8c390", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.23390747226228, + "main_score": 40.23390747226228 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/RedditClusteringP2P.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/RedditClusteringP2P.json new file mode 100644 index 000000000..c08964a43 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 49.090518272935626, + "main_score": 49.090518272935626 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/SCIDOCS.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/SCIDOCS.json new file mode 100644 index 000000000..7ccfd6123 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "5c59ef3e437a0a9651c8fe6fde943e7dce59fba5", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.028, + "map_at_10": 6.968000000000001, + "map_at_100": 8.200000000000001, + "map_at_1000": 8.432, + "map_at_3": 5.3069999999999995, + "map_at_5": 6.099, + "mrr_at_1": 14.799999999999999, + "mrr_at_10": 22.425, + "mrr_at_100": 23.577, + "mrr_at_1000": 23.669999999999998, + "mrr_at_3": 20.233, + "mrr_at_5": 21.318, + "ndcg_at_1": 14.799999999999999, + "ndcg_at_10": 12.206, + "ndcg_at_100": 17.799, + "ndcg_at_1000": 22.891000000000002, + "ndcg_at_3": 12.128, + "ndcg_at_5": 10.212, + "precision_at_1": 14.799999999999999, + "precision_at_10": 6.17, + "precision_at_100": 1.428, + "precision_at_1000": 0.266, + "precision_at_3": 11.333, + "precision_at_5": 8.74, + "recall_at_1": 3.028, + "recall_at_10": 12.522, + "recall_at_100": 28.975, + "recall_at_1000": 54.038, + "recall_at_3": 6.912999999999999, + "recall_at_5": 8.883000000000001, + "main_score": 12.206 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/SICK-R.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/SICK-R.json new file mode 100644 index 000000000..5dc31740e --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 76.62983928119752, + "cos_sim_spearman": 65.92910683118656, + "euclidean_pearson": 71.10290039690963, + "euclidean_spearman": 64.80076622426652, + "manhattan_pearson": 70.8944726230188, + "manhattan_spearman": 64.75082576033986, + "cosine_pearson": 76.62983928119752, + "cosine_spearman": 65.92910683118656, + "main_score": 65.92910683118656 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/STS12.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/STS12.json new file mode 100644 index 000000000..055298166 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "fdf84275bb8ce4b49c971d02e84dd1abc677a50f", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 74.42679147085553, + "cos_sim_spearman": 66.52980061546658, + "euclidean_pearson": 74.87039477408763, + "euclidean_spearman": 70.63397666902786, + "manhattan_pearson": 74.97015137513088, + "manhattan_spearman": 70.75951355434326, + "cosine_pearson": 74.42679147085553, + "cosine_spearman": 66.52980061546658, + "main_score": 66.52980061546658 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/STS13.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/STS13.json new file mode 100644 index 000000000..1c8a17941 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "1591bfcbe8c69d4bf7fe2a16e2451017832cafb9", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 75.62472426599543, + "cos_sim_spearman": 76.1662886374236, + "euclidean_pearson": 76.3297128081315, + "euclidean_spearman": 77.19385151966563, + "manhattan_pearson": 76.50363291423257, + "manhattan_spearman": 77.37081896355399, + "cosine_pearson": 75.62472426599543, + "cosine_spearman": 76.1662886374236, + "main_score": 76.1662886374236 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/STS14.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/STS14.json new file mode 100644 index 000000000..9f41ce106 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e2125984e7df8b7871f6ae9949cf6b6795e7c54b", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 74.48227705407035, + "cos_sim_spearman": 69.04572664009687, + "euclidean_pearson": 71.76138185714849, + "euclidean_spearman": 68.93415452043307, + "manhattan_pearson": 71.68010915543306, + "manhattan_spearman": 68.99176321262806, + "cosine_pearson": 74.48227705407035, + "cosine_spearman": 69.04572664009687, + "main_score": 69.04572664009687 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/STS15.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/STS15.json new file mode 100644 index 000000000..0ee45cc7e --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "1cd7298cac12a96a373b6a2f18738bb3e739a9b6", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 78.1566527175902, + "cos_sim_spearman": 79.23677712825851, + "euclidean_pearson": 76.29138438696417, + "euclidean_spearman": 77.20108266215374, + "manhattan_pearson": 76.27464935799118, + "manhattan_spearman": 77.15286174478099, + "cosine_pearson": 78.1566527175902, + "cosine_spearman": 79.23677712825851, + "main_score": 79.23677712825851 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/STS16.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/STS16.json new file mode 100644 index 000000000..4a3ce672c --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "360a0b2dff98700d09e634a01e1cc1624d3e42cd", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 75.068454465977, + "cos_sim_spearman": 76.06792422441929, + "euclidean_pearson": 70.64605440627699, + "euclidean_spearman": 70.21776051117844, + "manhattan_pearson": 70.32479295054918, + "manhattan_spearman": 69.89782458638528, + "cosine_pearson": 75.068454465977, + "cosine_spearman": 76.06792422441929, + "main_score": 76.06792422441929 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/STS17.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/STS17.json new file mode 100644 index 000000000..98b20094e --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/STS17.json @@ -0,0 +1,182 @@ +{ + "dataset_revision": "9fc37e8c632af1c87a3d23e685d49552a02582a0", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "ko-ko", + "languages": [ + "kor-Hang" + ], + "cos_sim_pearson": 39.43327289939437, + "cos_sim_spearman": 52.386010275505654, + "euclidean_pearson": 46.40999904885745, + "euclidean_spearman": 51.00333465175934, + "manhattan_pearson": 46.55753533133655, + "manhattan_spearman": 51.07550440519388, + "cosine_pearson": 39.43327289939437, + "cosine_spearman": 52.386010275505654, + "main_score": 52.386010275505654 + }, + { + "hf_subset": "ar-ar", + "languages": [ + "ara-Arab" + ], + "cos_sim_pearson": 55.54431928210687, + "cos_sim_spearman": 55.61674586076298, + "euclidean_pearson": 58.07442713714088, + "euclidean_spearman": 55.74066216931719, + "manhattan_pearson": 57.84021675638542, + "manhattan_spearman": 55.20365812536853, + "cosine_pearson": 55.54431928210687, + "cosine_spearman": 55.61674586076298, + "main_score": 55.61674586076298 + }, + { + "hf_subset": "en-ar", + "languages": [ + "eng-Latn", + "ara-Arab" + ], + "cos_sim_pearson": 11.378463868809098, + "cos_sim_spearman": 8.209569244801065, + "euclidean_pearson": 1.07041700730406, + "euclidean_spearman": 2.2052197108931892, + "manhattan_pearson": 0.7671300251104268, + "manhattan_spearman": 3.430645020535567, + "cosine_pearson": 11.378463868809098, + "cosine_spearman": 8.209569244801065, + "main_score": 8.209569244801065 + }, + { + "hf_subset": "en-de", + "languages": [ + "eng-Latn", + "deu-Latn" + ], + "cos_sim_pearson": 32.71403560929013, + "cos_sim_spearman": 30.18181775929109, + "euclidean_pearson": 25.57368595910298, + "euclidean_spearman": 23.316649115731376, + "manhattan_pearson": 24.144200325329614, + "manhattan_spearman": 21.64621546338457, + "cosine_pearson": 32.71403560929013, + "cosine_spearman": 30.18181775929109, + "main_score": 30.18181775929109 + }, + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.36340470799158, + "cos_sim_spearman": 84.95398260629699, + "euclidean_pearson": 80.69876969911644, + "euclidean_spearman": 80.97451731130427, + "manhattan_pearson": 80.65869354146945, + "manhattan_spearman": 80.8540858718528, + "cosine_pearson": 83.36340470799158, + "cosine_spearman": 84.95398260629699, + "main_score": 84.95398260629699 + }, + { + "hf_subset": "en-tr", + "languages": [ + "eng-Latn", + "tur-Latn" + ], + "cos_sim_pearson": 1.9200044163754912, + "cos_sim_spearman": 1.0393399782021342, + "euclidean_pearson": 1.1376003191297994, + "euclidean_spearman": 1.8947106671763914, + "manhattan_pearson": 3.8362564474484335, + "manhattan_spearman": 4.242750882792888, + "cosine_pearson": 1.9200044163754912, + "cosine_spearman": 1.0393399782021342, + "main_score": 1.0393399782021342 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 26.561262451099577, + "cos_sim_spearman": 28.776666666659906, + "euclidean_pearson": 14.640410196999088, + "euclidean_spearman": 16.10557011701786, + "manhattan_pearson": 15.019405495911272, + "manhattan_spearman": 15.37192083104197, + "cosine_pearson": 26.561262451099577, + "cosine_spearman": 28.776666666659906, + "main_score": 28.776666666659906 + }, + { + "hf_subset": "es-es", + "languages": [ + "spa-Latn" + ], + "cos_sim_pearson": 69.7544202001433, + "cos_sim_spearman": 71.88444295144646, + "euclidean_pearson": 73.84934185952773, + "euclidean_spearman": 73.26911108021089, + "manhattan_pearson": 74.04354196954574, + "manhattan_spearman": 73.37650787943872, + "cosine_pearson": 69.7544202001433, + "cosine_spearman": 71.88444295144646, + "main_score": 71.88444295144646 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 27.70511842301491, + "cos_sim_spearman": 26.339466714066447, + "euclidean_pearson": 9.323158236506385, + "euclidean_spearman": 7.32083231520273, + "manhattan_pearson": 7.807399527573071, + "manhattan_spearman": 5.525546663067113, + "cosine_pearson": 27.70511842301491, + "cosine_spearman": 26.339466714066447, + "main_score": 26.339466714066447 + }, + { + "hf_subset": "it-en", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 24.226521799447692, + "cos_sim_spearman": 20.72992940458968, + "euclidean_pearson": 6.753378617205011, + "euclidean_spearman": 6.281654679029505, + "manhattan_pearson": 7.087180250449323, + "manhattan_spearman": 6.41611659259516, + "cosine_pearson": 24.226521799447692, + "cosine_spearman": 20.72992940458968, + "main_score": 20.72992940458968 + }, + { + "hf_subset": "nl-en", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 29.131412364061234, + "cos_sim_spearman": 25.053429612793547, + "euclidean_pearson": 10.657141303962, + "euclidean_spearman": 9.712124819778452, + "manhattan_pearson": 12.481782693315688, + "manhattan_spearman": 11.287958480905973, + "cosine_pearson": 29.131412364061234, + "cosine_spearman": 25.053429612793547, + "main_score": 25.053429612793547 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/STS22.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/STS22.json new file mode 100644 index 000000000..8abefd34f --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/STS22.json @@ -0,0 +1,288 @@ +{ + "dataset_revision": "2de6ce8c1921b71a755b262c6b57fef195dd7906", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 64.04750650962879, + "cos_sim_spearman": 65.66183708171826, + "euclidean_pearson": 66.90887604405887, + "euclidean_spearman": 66.89814072484552, + "manhattan_pearson": 67.31627110509089, + "manhattan_spearman": 67.01048176165322, + "cosine_pearson": 64.04750650962879, + "cosine_spearman": 65.66183708171826, + "main_score": 65.66183708171826 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "cos_sim_pearson": 19.26519187000913, + "cos_sim_spearman": 21.987647321429005, + "euclidean_pearson": 17.850618752342946, + "euclidean_spearman": 22.86669392885474, + "manhattan_pearson": 18.16183594260708, + "manhattan_spearman": 23.637510352837907, + "cosine_pearson": 19.26519187000913, + "cosine_spearman": 21.987647321429005, + "main_score": 21.987647321429005 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "cos_sim_pearson": 34.221261828226936, + "cos_sim_spearman": 49.811823238907664, + "euclidean_pearson": 44.50394399762147, + "euclidean_spearman": 50.959184495072876, + "manhattan_pearson": 45.83191034038624, + "manhattan_spearman": 50.190409866117946, + "cosine_pearson": 34.221261828226936, + "cosine_spearman": 49.811823238907664, + "main_score": 49.811823238907664 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "cos_sim_pearson": 3.620381732096531, + "cos_sim_spearman": 23.30843951799194, + "euclidean_pearson": 0.965453312113125, + "euclidean_spearman": 24.235967620790316, + "manhattan_pearson": 1.4408922275701606, + "manhattan_spearman": 25.161920137046096, + "cosine_pearson": 3.620381732096531, + "cosine_spearman": 23.30843951799194, + "main_score": 23.30843951799194 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "cos_sim_pearson": 16.69489628726267, + "cos_sim_spearman": 34.66348380997687, + "euclidean_pearson": 29.415825529188606, + "euclidean_spearman": 38.33011033170646, + "manhattan_pearson": 31.23273195263394, + "manhattan_spearman": 39.10055785755795, + "cosine_pearson": 16.69489628726267, + "cosine_spearman": 34.66348380997687, + "main_score": 34.66348380997687 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "cos_sim_pearson": 9.134927430889528, + "cos_sim_spearman": 28.18922448944151, + "euclidean_pearson": 19.86814169549051, + "euclidean_spearman": 27.519588644948627, + "manhattan_pearson": 21.80949221238945, + "manhattan_spearman": 28.25217200494078, + "cosine_pearson": 9.134927430889528, + "cosine_spearman": 28.18922448944151, + "main_score": 28.18922448944151 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "cos_sim_pearson": 3.6386482942352085, + "cos_sim_spearman": 9.068119621940966, + "euclidean_pearson": 0.8123129118737714, + "euclidean_spearman": 9.173672890166147, + "manhattan_pearson": 0.754518899822658, + "manhattan_spearman": 8.431719541986524, + "cosine_pearson": 3.6386482942352085, + "cosine_spearman": 9.068119621940966, + "main_score": 9.068119621940966 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 2.972091574908432, + "cos_sim_spearman": 25.48511383289232, + "euclidean_pearson": 12.751569670148918, + "euclidean_spearman": 24.940721642439286, + "manhattan_pearson": 14.310238482989826, + "manhattan_spearman": 24.69821216148647, + "cosine_pearson": 2.972091574908432, + "cosine_spearman": 25.48511383289232, + "main_score": 25.48511383289232 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 54.4745185734135, + "cos_sim_spearman": 67.66493409568727, + "euclidean_pearson": 60.13580336797049, + "euclidean_spearman": 66.12319300814538, + "manhattan_pearson": 60.816210368708155, + "manhattan_spearman": 65.70010026716766, + "cosine_pearson": 54.4745185734135, + "cosine_spearman": 67.66493409568727, + "main_score": 67.66493409568727 + }, + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 49.37865412588201, + "cos_sim_spearman": 53.07135629778897, + "euclidean_pearson": 49.29201416711091, + "euclidean_spearman": 50.54523702399645, + "manhattan_pearson": 51.265764141268534, + "manhattan_spearman": 51.979086403193605, + "cosine_pearson": 49.37865412588201, + "cosine_spearman": 53.07135629778897, + "main_score": 53.07135629778897 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 44.925652392562135, + "cos_sim_spearman": 49.51253904767726, + "euclidean_pearson": 48.79346518897415, + "euclidean_spearman": 51.47957870101565, + "manhattan_pearson": 49.51314553898044, + "manhattan_spearman": 51.895207893189166, + "cosine_pearson": 44.925652392562135, + "cosine_spearman": 49.51253904767726, + "main_score": 49.51253904767726 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "cos_sim_pearson": 45.241690321111875, + "cos_sim_spearman": 48.24795739512037, + "euclidean_pearson": 49.22719494399897, + "euclidean_spearman": 49.64102442042809, + "manhattan_pearson": 49.497887732970256, + "manhattan_spearman": 49.940515338096304, + "cosine_pearson": 45.241690321111875, + "cosine_spearman": 48.24795739512037, + "main_score": 48.24795739512037 + }, + { + "hf_subset": "pl-en", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 36.42138324083909, + "cos_sim_spearman": 36.79867489417801, + "euclidean_pearson": 27.760612942610084, + "euclidean_spearman": 29.140966500287625, + "manhattan_pearson": 28.456674031350115, + "manhattan_spearman": 27.46356370924497, + "cosine_pearson": 36.42138324083909, + "cosine_spearman": 36.79867489417801, + "main_score": 36.79867489417801 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "cos_sim_pearson": 26.55350664089358, + "cos_sim_spearman": 28.681707196975008, + "euclidean_pearson": 12.613577889195138, + "euclidean_spearman": 13.589493311702933, + "manhattan_pearson": 11.640157427420958, + "manhattan_spearman": 10.345223941212415, + "cosine_pearson": 26.55350664089358, + "cosine_spearman": 28.681707196975008, + "main_score": 28.681707196975008 + }, + { + "hf_subset": "es-it", + "languages": [ + "spa-Latn", + "ita-Latn" + ], + "cos_sim_pearson": 38.54682179114309, + "cos_sim_spearman": 45.782560880405704, + "euclidean_pearson": 46.496857002368486, + "euclidean_spearman": 48.21270426410012, + "manhattan_pearson": 46.871839119374044, + "manhattan_spearman": 47.556987773851525, + "cosine_pearson": 38.54682179114309, + "cosine_spearman": 45.782560880405704, + "main_score": 45.782560880405704 + }, + { + "hf_subset": "de-fr", + "languages": [ + "deu-Latn", + "fra-Latn" + ], + "cos_sim_pearson": 35.12956772546032, + "cos_sim_spearman": 32.96920218281008, + "euclidean_pearson": 34.23140384382136, + "euclidean_spearman": 32.19303153191447, + "manhattan_pearson": 34.189468276600635, + "manhattan_spearman": 34.887065709732376, + "cosine_pearson": 35.12956772546032, + "cosine_spearman": 32.96920218281008, + "main_score": 32.96920218281008 + }, + { + "hf_subset": "de-pl", + "languages": [ + "deu-Latn", + "pol-Latn" + ], + "cos_sim_pearson": 30.507667380509634, + "cos_sim_spearman": 20.447284723752716, + "euclidean_pearson": 29.662041381794474, + "euclidean_spearman": 20.939990379746757, + "manhattan_pearson": 32.5112080506328, + "manhattan_spearman": 23.773047901712495, + "cosine_pearson": 30.507667380509634, + "cosine_spearman": 20.447284723752716, + "main_score": 20.447284723752716 + }, + { + "hf_subset": "fr-pl", + "languages": [ + "fra-Latn", + "pol-Latn" + ], + "cos_sim_pearson": 71.10820459712156, + "cos_sim_spearman": 61.97797868009122, + "euclidean_pearson": 60.30910689156633, + "euclidean_spearman": 61.97797868009122, + "manhattan_pearson": 66.3405176964038, + "manhattan_spearman": 61.97797868009122, + "cosine_pearson": 71.10820459712156, + "cosine_spearman": 61.97797868009122, + "main_score": 61.97797868009122 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/STSBenchmark.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/STSBenchmark.json new file mode 100644 index 000000000..2cbbccfe0 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "8913289635987208e6e7c72789e4be2fe94b6abd", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 76.53032504460737, + "cos_sim_spearman": 75.33716094627373, + "euclidean_pearson": 69.64662673290599, + "euclidean_spearman": 67.30188896368857, + "manhattan_pearson": 69.45096082050807, + "manhattan_spearman": 67.0718727259371, + "cosine_pearson": 76.53032504460737, + "cosine_spearman": 75.33716094627373, + "main_score": 75.33716094627373 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/SciDocsRR.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/SciDocsRR.json new file mode 100644 index 000000000..8c4636aae --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "56a6d0140cf6356659e2a7c1413286a774468d44", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 71.33941904192648, + "mrr": 89.73766429648782, + "main_score": 71.33941904192648 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/SciFact.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/SciFact.json new file mode 100644 index 000000000..eca88431d --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "a75ae049398addde9b70f6b268875f5cbce99089", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 43.333, + "map_at_10": 52.364, + "map_at_100": 53.184, + "map_at_1000": 53.234, + "map_at_3": 49.832, + "map_at_5": 51.244, + "mrr_at_1": 45.333, + "mrr_at_10": 53.455, + "mrr_at_100": 54.191, + "mrr_at_1000": 54.235, + "mrr_at_3": 51.556000000000004, + "mrr_at_5": 52.622, + "ndcg_at_1": 45.333, + "ndcg_at_10": 56.899, + "ndcg_at_100": 60.702, + "ndcg_at_1000": 62.046, + "ndcg_at_3": 52.451, + "ndcg_at_5": 54.534000000000006, + "precision_at_1": 45.333, + "precision_at_10": 7.8, + "precision_at_100": 0.987, + "precision_at_1000": 0.11, + "precision_at_3": 20.778, + "precision_at_5": 13.866999999999999, + "recall_at_1": 43.333, + "recall_at_10": 69.69999999999999, + "recall_at_100": 86.9, + "recall_at_1000": 97.6, + "recall_at_3": 57.81699999999999, + "recall_at_5": 62.827999999999996, + "main_score": 56.899 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/SprintDuplicateQuestions.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..ac1e6612a --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "5a8256d0dff9c4bd3be3ba3e67e4e70173f802ea", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.7, + "cos_sim_ap": 89.88577913120001, + "cos_sim_f1": 84.62694041061593, + "cos_sim_precision": 84.7542627883651, + "cos_sim_recall": 84.5, + "dot_accuracy": 99.24752475247524, + "dot_ap": 56.81855467290009, + "dot_f1": 56.084126189283936, + "dot_precision": 56.16850551654965, + "dot_recall": 56.00000000000001, + "euclidean_accuracy": 99.7059405940594, + "euclidean_ap": 90.12451226491524, + "euclidean_f1": 84.44211629125196, + "euclidean_precision": 88.66886688668868, + "euclidean_recall": 80.60000000000001, + "manhattan_accuracy": 99.7128712871287, + "manhattan_ap": 90.67590584183216, + "manhattan_f1": 84.85436893203884, + "manhattan_precision": 82.45283018867924, + "manhattan_recall": 87.4, + "max_accuracy": 99.7128712871287, + "max_ap": 90.67590584183216, + "max_f1": 84.85436893203884, + "main_score": 90.67590584183216 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/StackExchangeClustering.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/StackExchangeClustering.json new file mode 100644 index 000000000..52e7776d9 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "70a89468f6dccacc6aa2b12a6eac54e74328f235", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 52.74481093815175, + "main_score": 52.74481093815175 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/StackExchangeClusteringP2P.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..02a7702f0 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "d88009ab563dd0b16cfaf4436abaf97fa3550cf0", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.65999453562101, + "main_score": 32.65999453562101 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/StackOverflowDupQuestions.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..5ed338e42 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ef807ea29a75ec4f91b50fd4191cb4ee4589a9f9", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 44.74498464555465, + "mrr": 45.333879764026825, + "main_score": 44.74498464555465 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/SummEval.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/SummEval.json new file mode 100644 index 000000000..ad908ccf5 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "8753c2788d36c01fc6f05d03fe3f7268d63f9122", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": "29,603788751645216", + "cos_sim_spearman": 29.705103354786033, + "dot_pearson": 28.07425338095399, + "dot_spearman": 26.841406359135366, + "cosine_pearson": "29,603788751645216", + "cosine_spearman": 29.705103354786033, + "main_score": 29.705103354786033 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/TRECCOVID.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/TRECCOVID.json new file mode 100644 index 000000000..29e27bbd3 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "2c8041b2c07a79b6f7ba8fe6acc72e5d9f92d217", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.241, + "map_at_10": 1.672, + "map_at_100": 7.858999999999999, + "map_at_1000": 17.616, + "map_at_3": 0.631, + "map_at_5": 0.968, + "mrr_at_1": 90.0, + "mrr_at_10": 92.952, + "mrr_at_100": 93.036, + "mrr_at_1000": 93.036, + "mrr_at_3": 92.667, + "mrr_at_5": 92.667, + "ndcg_at_1": 83.0, + "ndcg_at_10": 70.30199999999999, + "ndcg_at_100": 48.149, + "ndcg_at_1000": 40.709, + "ndcg_at_3": 79.173, + "ndcg_at_5": 75.347, + "precision_at_1": 90.0, + "precision_at_10": 72.6, + "precision_at_100": 48.46, + "precision_at_1000": 18.093999999999998, + "precision_at_3": 84.0, + "precision_at_5": 78.8, + "recall_at_1": 0.241, + "recall_at_10": 1.814, + "recall_at_100": 11.141, + "recall_at_1000": 37.708999999999996, + "recall_at_3": 0.647, + "recall_at_5": 1.015, + "main_score": 70.30199999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/Touche2020.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/Touche2020.json new file mode 100644 index 000000000..ac964206f --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "527b7d77e16e343303e68cb6af11d6e18b9f7b3b", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.782, + "map_at_10": 9.06, + "map_at_100": 14.571000000000002, + "map_at_1000": 16.006999999999998, + "map_at_3": 5.037, + "map_at_5": 6.63, + "mrr_at_1": 34.694, + "mrr_at_10": 48.243, + "mrr_at_100": 49.065, + "mrr_at_1000": 49.065, + "mrr_at_3": 44.897999999999996, + "mrr_at_5": 46.428999999999995, + "ndcg_at_1": 31.633, + "ndcg_at_10": 22.972, + "ndcg_at_100": 34.777, + "ndcg_at_1000": 45.639, + "ndcg_at_3": 26.398, + "ndcg_at_5": 24.418, + "precision_at_1": 34.694, + "precision_at_10": 19.796, + "precision_at_100": 7.224, + "precision_at_1000": 1.4449999999999998, + "precision_at_3": 26.531, + "precision_at_5": 23.265, + "recall_at_1": 2.782, + "recall_at_10": 14.841, + "recall_at_100": 44.86, + "recall_at_1000": 78.227, + "recall_at_3": 5.959, + "recall_at_5": 8.969000000000001, + "main_score": 22.972 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/ToxicConversationsClassification.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..054bd401a --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 62.657999999999994, + "ap": 10.96353161716344, + "f1": 48.294226423442645, + "main_score": 62.657999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/TweetSentimentExtractionClassification.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..5aa57d02c --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "62146448f05be9e52a36b8ee9936447ea787eede", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 52.40803621958121, + "f1": 52.61009636022186, + "main_score": 52.40803621958121 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/TwentyNewsgroupsClustering.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..50502c8a0 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "091a54f9a36281ce7d6590ec8c75dd485e7e01d4", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.12697126747911, + "main_score": 32.12697126747911 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/TwitterSemEval2015.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/TwitterSemEval2015.json new file mode 100644 index 000000000..21dd6a48e --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 80.69976753889253, + "cos_sim_ap": 54.74680676121268, + "cos_sim_f1": 53.18923998590391, + "cos_sim_precision": 47.93563413084904, + "cos_sim_recall": 59.73614775725594, + "dot_accuracy": 79.3348036001669, + "dot_ap": 48.46902128933627, + "dot_f1": 50.480109739369006, + "dot_precision": 42.06084051345173, + "dot_recall": 63.113456464379944, + "euclidean_accuracy": 79.78780473266973, + "euclidean_ap": 50.258327255164815, + "euclidean_f1": 49.655838666827684, + "euclidean_precision": 45.78044978846582, + "euclidean_recall": 54.24802110817942, + "manhattan_accuracy": 79.76992310901831, + "manhattan_ap": 49.89892485714363, + "manhattan_f1": 49.330433787341185, + "manhattan_precision": 43.56175459874672, + "manhattan_recall": 56.86015831134564, + "max_accuracy": 80.69976753889253, + "max_ap": 54.74680676121268, + "max_f1": 53.18923998590391, + "main_score": 54.74680676121268 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/TwitterURLCorpus.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/TwitterURLCorpus.json new file mode 100644 index 000000000..c0bb6f27e --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 86.90573213800597, + "cos_sim_ap": 81.05760818661524, + "cos_sim_f1": 73.64688856729379, + "cos_sim_precision": 69.46491946491946, + "cos_sim_recall": 78.3646442870342, + "dot_accuracy": 83.80680715644041, + "dot_ap": 72.49774005947461, + "dot_f1": 68.68460650173216, + "dot_precision": 62.954647507858105, + "dot_recall": 75.56205728364644, + "euclidean_accuracy": 85.97430822369697, + "euclidean_ap": 78.86101740829326, + "euclidean_f1": 71.07960824663695, + "euclidean_precision": 70.36897306270279, + "euclidean_recall": 71.8047428395442, + "manhattan_accuracy": 85.94132029339853, + "manhattan_ap": 78.77876711171923, + "manhattan_f1": 71.07869075515912, + "manhattan_precision": 69.80697847067557, + "manhattan_recall": 72.39759778256852, + "max_accuracy": 86.90573213800597, + "max_ap": 81.05760818661524, + "max_f1": 73.64688856729379, + "main_score": 81.05760818661524 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/model_meta.json b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/model_meta.json new file mode 100644 index 000000000..d900e3bf5 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-msmarco-specb-bitfit/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "Muennighoff/SGPT-125M-weightedmean-msmarco-specb-bitfit", + "revision": "c135b3471857e3d8db7fd00ee981d7d1948f0770", + "release_date": "2022-03-02", + "languages": [], + "loader": null, + "n_parameters": 137797268, + "memory_usage": null, + "max_tokens": 2048, + "embed_dim": 768, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/AmazonCounterfactualClassification.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..c3d39b275 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/AmazonCounterfactualClassification.json @@ -0,0 +1,50 @@ +{ + "dataset_revision": "2d8a100785abf0ae21420d2a55b0c56e3e1ea996", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 65.88059701492537, + "ap": 28.685493163579785, + "f1": 59.79951005816335, + "main_score": 65.88059701492537 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 59.07922912205568, + "ap": 73.91887421019034, + "f1": 56.6316368658711, + "main_score": 59.07922912205568 + }, + { + "hf_subset": "en-ext", + "languages": [ + "eng-Latn" + ], + "accuracy": 64.91754122938531, + "ap": 16.360681214864226, + "f1": 53.126592061523766, + "main_score": 64.91754122938531 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 56.423982869378996, + "ap": 12.143003571907899, + "f1": 45.76363777987471, + "main_score": 56.423982869378996 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/AmazonPolarityClassification.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..69349620b --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "80714f8dcf8cefc218ef4f8c5a966dd83f75a0e1", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.938225, + "ap": 69.58187110320567, + "f1": 74.72744058439321, + "main_score": 74.938225 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/AmazonReviewsClassification.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..2afeab9e7 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/AmazonReviewsClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "c379a6705fec24a2493fa68e011692605f44e119", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 35.098, + "f1": 34.73265651435726, + "main_score": 35.098 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 24.516, + "f1": 24.21748200448397, + "main_score": 24.516 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 29.097999999999995, + "f1": 28.620040162757093, + "main_score": 29.097999999999995 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 27.395999999999997, + "f1": 27.146888644986284, + "main_score": 27.395999999999997 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 21.724, + "f1": 21.37230564276654, + "main_score": 21.724 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 23.976, + "f1": 23.741137981755482, + "main_score": 23.976 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/ArguAna.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/ArguAna.json new file mode 100644 index 000000000..2f21aeef9 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/ArguAna.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "5b3e3697907184a9b77a3c99ee9ea1a9cbb1e4e3", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 13.442000000000002, + "map_at_10": 24.275, + "map_at_100": 25.588, + "map_at_1000": 25.659, + "map_at_3": 20.092, + "map_at_5": 22.439999999999998, + "ndcg_at_1": 13.442000000000002, + "ndcg_at_10": 31.04, + "ndcg_at_100": 37.529, + "ndcg_at_1000": 39.348, + "ndcg_at_3": 22.342000000000002, + "ndcg_at_5": 26.595999999999997, + "precision_at_1": 13.442000000000002, + "precision_at_10": 5.299, + "precision_at_100": 0.836, + "precision_at_1000": 0.098, + "precision_at_3": 9.625, + "precision_at_5": 7.852, + "recall_at_1": 13.442000000000002, + "recall_at_10": 52.986999999999995, + "recall_at_100": 83.64200000000001, + "recall_at_1000": 97.795, + "recall_at_3": 28.876, + "recall_at_5": 39.26, + "main_score": 31.04 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/ArxivClusteringP2P.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..4e81d8528 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "0bbdb47bcbe3a90093699aefeed338a0f28a7ee8", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.742482477870766, + "main_score": 34.742482477870766 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/ArxivClusteringS2S.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..f68b942ef --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "b73bd54100e5abfa6e3a23dcafb46fe4d2438dc3", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 24.67870651472156, + "main_score": 24.67870651472156 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/AskUbuntuDupQuestions.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..2789c5057 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4d853f94cd57d85ec13805aeeac3ae3e5eb4c49c", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 52.63439984994702, + "mrr": 65.75704612408214, + "main_score": 52.63439984994702 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/BIOSSES.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/BIOSSES.json new file mode 100644 index 000000000..48a0977b9 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "9ee918f184421b6bd48b78f6c714d86546106103", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 72.78000135012542, + "cos_sim_spearman": 70.92812216947605, + "euclidean_pearson": 77.1169214949292, + "euclidean_spearman": 77.10175681583313, + "manhattan_pearson": 76.84527031837595, + "manhattan_spearman": 77.0704308008438, + "cosine_pearson": 72.78000135012542, + "cosine_spearman": 70.92812216947605, + "main_score": 70.92812216947605 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/BUCC.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/BUCC.json new file mode 100644 index 000000000..17aa208d6 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/BUCC.json @@ -0,0 +1,58 @@ +{ + "dataset_revision": "d51519689f32196a32af33b075a01d0e7c51e252", + "task_name": "BUCC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "accuracy": 1.0960334029227559, + "f1": 1.0925539318023658, + "precision": 1.0908141962421711, + "recall": 1.0960334029227559, + "main_score": 1.0925539318023658 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "accuracy": 0.02201188641866608, + "f1": 0.02201188641866608, + "precision": 0.02201188641866608, + "recall": 0.02201188641866608, + "main_score": 0.02201188641866608 + }, + { + "hf_subset": "ru-en", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "accuracy": 0.0, + "f1": 0.0, + "precision": 0.0, + "recall": 0.0, + "main_score": 0.0 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "accuracy": 0.0, + "f1": 0.0, + "precision": 0.0, + "recall": 0.0, + "main_score": 0.0 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/Banking77Classification.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/Banking77Classification.json new file mode 100644 index 000000000..3ffed9813 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "44fa15921b4c889113cc5df03dd4901b49161ab7", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.67857142857142, + "f1": 74.61743413995573, + "main_score": 74.67857142857142 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/BiorxivClusteringP2P.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..59e680031 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "11d0121201d1f1f280e8cc8f3d98fb9c4d9f9c55", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 28.93427045246491, + "main_score": 28.93427045246491 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/BiorxivClusteringS2S.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..2618dc977 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "c0fab014e1bcb8d3a5e31b2088972a1e01547dc1", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 23.080939123955474, + "main_score": 23.080939123955474 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/BlurbsClusteringS2S.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/BlurbsClusteringS2S.json new file mode 100644 index 000000000..2b96f68d4 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/BlurbsClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "9bfff9a7f8f6dc6ffc9da71c48dd48b68696471d", + "task_name": "BlurbsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "deu-Latn" + ], + "v_measure": 8.00311862863495, + "main_score": 8.00311862863495 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/CQADupstackAndroidRetrieval.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..91faa233e --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,413 @@ +{ + "dataset_revision": "2b9f5791698b5be7bc5e10535c8690f20043c3db", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.221999999999998, + "map_at_10": 24.506, + "map_at_100": 25.611, + "map_at_1000": 25.758, + "map_at_3": 22.264999999999997, + "map_at_5": 23.698, + "ndcg_at_1": 23.033, + "ndcg_at_10": 28.719, + "ndcg_at_100": 33.748, + "ndcg_at_1000": 37.056, + "ndcg_at_3": 25.240000000000002, + "ndcg_at_5": 27.12, + "precision_at_1": 23.033, + "precision_at_10": 5.408, + "precision_at_100": 1.004, + "precision_at_1000": 0.158, + "precision_at_3": 11.874, + "precision_at_5": 8.927, + "recall_at_1": 18.221999999999998, + "recall_at_10": 36.355, + "recall_at_100": 58.724, + "recall_at_1000": 81.33500000000001, + "recall_at_3": 26.334000000000003, + "recall_at_5": 31.4, + "main_score": 28.719 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 12.058, + "map_at_10": 16.051000000000002, + "map_at_100": 16.772000000000002, + "map_at_1000": 16.871, + "map_at_3": 14.78, + "map_at_5": 15.5, + "ndcg_at_1": 15.35, + "ndcg_at_10": 18.804000000000002, + "ndcg_at_100": 22.346, + "ndcg_at_1000": 25.007, + "ndcg_at_3": 16.768, + "ndcg_at_5": 17.692, + "precision_at_1": 15.35, + "precision_at_10": 3.51, + "precision_at_100": 0.664, + "precision_at_1000": 0.11100000000000002, + "precision_at_3": 7.983, + "precision_at_5": 5.656, + "recall_at_1": 12.058, + "recall_at_10": 23.644000000000002, + "recall_at_100": 39.76, + "recall_at_1000": 58.56, + "recall_at_3": 17.541999999999998, + "recall_at_5": 20.232, + "main_score": 18.804000000000002 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.183, + "map_at_10": 28.9, + "map_at_100": 29.858, + "map_at_1000": 29.953999999999997, + "map_at_3": 26.58, + "map_at_5": 27.912, + "ndcg_at_1": 24.765, + "ndcg_at_10": 33.339999999999996, + "ndcg_at_100": 37.997, + "ndcg_at_1000": 40.416000000000004, + "ndcg_at_3": 29.044999999999998, + "ndcg_at_5": 31.121, + "precision_at_1": 24.765, + "precision_at_10": 5.599, + "precision_at_100": 0.8699999999999999, + "precision_at_1000": 0.11499999999999999, + "precision_at_3": 13.270999999999999, + "precision_at_5": 9.367, + "recall_at_1": 21.183, + "recall_at_10": 43.875, + "recall_at_100": 65.005, + "recall_at_1000": 83.017, + "recall_at_3": 32.232, + "recall_at_5": 37.308, + "main_score": 33.339999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 11.350999999999999, + "map_at_10": 14.953, + "map_at_100": 15.623000000000001, + "map_at_1000": 15.716, + "map_at_3": 13.603000000000002, + "map_at_5": 14.343, + "ndcg_at_1": 12.429, + "ndcg_at_10": 17.319000000000003, + "ndcg_at_100": 20.990000000000002, + "ndcg_at_1000": 23.899, + "ndcg_at_3": 14.605, + "ndcg_at_5": 15.89, + "precision_at_1": 12.429, + "precision_at_10": 2.701, + "precision_at_100": 0.48700000000000004, + "precision_at_1000": 0.078, + "precision_at_3": 6.026, + "precision_at_5": 4.3839999999999995, + "recall_at_1": 11.350999999999999, + "recall_at_10": 23.536, + "recall_at_100": 40.942, + "recall_at_1000": 64.05, + "recall_at_3": 16.195, + "recall_at_5": 19.264, + "main_score": 17.319000000000003 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.08, + "map_at_10": 11.691, + "map_at_100": 12.312, + "map_at_1000": 12.439, + "map_at_3": 10.344000000000001, + "map_at_5": 10.996, + "ndcg_at_1": 10.697, + "ndcg_at_10": 14.48, + "ndcg_at_100": 18.160999999999998, + "ndcg_at_1000": 21.886, + "ndcg_at_3": 11.872, + "ndcg_at_5": 12.834000000000001, + "precision_at_1": 10.697, + "precision_at_10": 2.811, + "precision_at_100": 0.551, + "precision_at_1000": 0.10200000000000001, + "precision_at_3": 5.804, + "precision_at_5": 4.154, + "recall_at_1": 8.08, + "recall_at_10": 20.235, + "recall_at_100": 37.525999999999996, + "recall_at_1000": 65.106, + "recall_at_3": 12.803999999999998, + "recall_at_5": 15.498999999999999, + "main_score": 14.48 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 13.908999999999999, + "map_at_10": 19.256, + "map_at_100": 20.286, + "map_at_1000": 20.429, + "map_at_3": 17.399, + "map_at_5": 18.398999999999997, + "ndcg_at_1": 17.421, + "ndcg_at_10": 23.105999999999998, + "ndcg_at_100": 28.128999999999998, + "ndcg_at_1000": 31.480999999999998, + "ndcg_at_3": 19.789, + "ndcg_at_5": 21.237000000000002, + "precision_at_1": 17.421, + "precision_at_10": 4.331, + "precision_at_100": 0.839, + "precision_at_1000": 0.131, + "precision_at_3": 9.4, + "precision_at_5": 6.776, + "recall_at_1": 13.908999999999999, + "recall_at_10": 31.086999999999996, + "recall_at_100": 52.946000000000005, + "recall_at_1000": 76.546, + "recall_at_3": 21.351, + "recall_at_5": 25.264999999999997, + "main_score": 23.105999999999998 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 12.598, + "map_at_10": 17.304, + "map_at_100": 18.209, + "map_at_1000": 18.328, + "map_at_3": 15.784, + "map_at_5": 16.669999999999998, + "ndcg_at_1": 15.867999999999999, + "ndcg_at_10": 20.623, + "ndcg_at_100": 25.093, + "ndcg_at_1000": 28.498, + "ndcg_at_3": 17.912, + "ndcg_at_5": 19.198, + "precision_at_1": 15.867999999999999, + "precision_at_10": 3.7670000000000003, + "precision_at_100": 0.716, + "precision_at_1000": 0.11800000000000001, + "precision_at_3": 8.638, + "precision_at_5": 6.21, + "recall_at_1": 12.598, + "recall_at_10": 27.144000000000002, + "recall_at_100": 46.817, + "recall_at_1000": 71.86099999999999, + "recall_at_3": 19.231, + "recall_at_5": 22.716, + "main_score": 20.623 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 12.738416666666666, + "map_at_10": 17.235916666666668, + "map_at_100": 18.063333333333333, + "map_at_1000": 18.18433333333333, + "map_at_3": 15.74775, + "map_at_5": 16.57825, + "ndcg_at_1": 15.487416666666665, + "ndcg_at_10": 20.290166666666668, + "ndcg_at_100": 24.41291666666666, + "ndcg_at_1000": 27.586333333333336, + "ndcg_at_3": 17.622083333333332, + "ndcg_at_5": 18.859916666666667, + "precision_at_1": 15.487416666666665, + "precision_at_10": 3.6226666666666665, + "precision_at_100": 0.6820833333333334, + "precision_at_1000": 0.11216666666666666, + "precision_at_3": 8.163749999999999, + "precision_at_5": 5.865416666666667, + "recall_at_1": 12.738416666666666, + "recall_at_10": 26.599416666666663, + "recall_at_100": 45.41258333333334, + "recall_at_1000": 68.7565, + "recall_at_3": 19.008166666666668, + "recall_at_5": 22.24991666666667, + "main_score": 20.290166666666668 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 12.307, + "map_at_10": 15.440000000000001, + "map_at_100": 16.033, + "map_at_1000": 16.14, + "map_at_3": 14.393, + "map_at_5": 14.856, + "ndcg_at_1": 14.571000000000002, + "ndcg_at_10": 17.685000000000002, + "ndcg_at_100": 20.882, + "ndcg_at_1000": 23.888, + "ndcg_at_3": 15.739, + "ndcg_at_5": 16.391, + "precision_at_1": 14.571000000000002, + "precision_at_10": 2.883, + "precision_at_100": 0.49100000000000005, + "precision_at_1000": 0.08, + "precision_at_3": 7.0040000000000004, + "precision_at_5": 4.693, + "recall_at_1": 12.307, + "recall_at_10": 22.566, + "recall_at_100": 37.469, + "recall_at_1000": 60.550000000000004, + "recall_at_3": 16.742, + "recall_at_5": 18.634, + "main_score": 17.685000000000002 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.496, + "map_at_10": 9.243, + "map_at_100": 9.841, + "map_at_1000": 9.946000000000002, + "map_at_3": 8.395, + "map_at_5": 8.872, + "ndcg_at_1": 8.224, + "ndcg_at_10": 11.24, + "ndcg_at_100": 14.524999999999999, + "ndcg_at_1000": 17.686, + "ndcg_at_3": 9.617, + "ndcg_at_5": 10.37, + "precision_at_1": 8.224, + "precision_at_10": 2.0820000000000003, + "precision_at_100": 0.443, + "precision_at_1000": 0.08499999999999999, + "precision_at_3": 4.623, + "precision_at_5": 3.331, + "recall_at_1": 6.496, + "recall_at_10": 15.310000000000002, + "recall_at_100": 30.680000000000003, + "recall_at_1000": 54.335, + "recall_at_3": 10.691, + "recall_at_5": 12.687999999999999, + "main_score": 11.24 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 13.843, + "map_at_10": 17.496000000000002, + "map_at_100": 18.304000000000002, + "map_at_1000": 18.426000000000002, + "map_at_3": 16.225, + "map_at_5": 16.830000000000002, + "ndcg_at_1": 16.698, + "ndcg_at_10": 20.301, + "ndcg_at_100": 24.523, + "ndcg_at_1000": 27.784, + "ndcg_at_3": 17.822, + "ndcg_at_5": 18.794, + "precision_at_1": 16.698, + "precision_at_10": 3.3579999999999997, + "precision_at_100": 0.618, + "precision_at_1000": 0.101, + "precision_at_3": 7.898, + "precision_at_5": 5.428999999999999, + "recall_at_1": 13.843, + "recall_at_10": 25.887999999999998, + "recall_at_100": 45.028, + "recall_at_1000": 68.991, + "recall_at_3": 18.851000000000003, + "recall_at_5": 21.462, + "main_score": 20.301 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 13.757, + "map_at_10": 19.27, + "map_at_100": 20.461, + "map_at_1000": 20.641000000000002, + "map_at_3": 17.865000000000002, + "map_at_5": 18.618000000000002, + "ndcg_at_1": 16.996, + "ndcg_at_10": 22.774, + "ndcg_at_100": 27.675, + "ndcg_at_1000": 31.145, + "ndcg_at_3": 20.691000000000003, + "ndcg_at_5": 21.741, + "precision_at_1": 16.996, + "precision_at_10": 4.545, + "precision_at_100": 1.036, + "precision_at_1000": 0.185, + "precision_at_3": 10.145, + "precision_at_5": 7.391, + "recall_at_1": 13.757, + "recall_at_10": 28.233999999999998, + "recall_at_100": 51.05499999999999, + "recall_at_1000": 75.35300000000001, + "recall_at_3": 21.794, + "recall_at_5": 24.614, + "main_score": 22.774 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.057, + "map_at_10": 12.720999999999998, + "map_at_100": 13.450000000000001, + "map_at_1000": 13.564000000000002, + "map_at_3": 11.34, + "map_at_5": 12.245000000000001, + "ndcg_at_1": 9.797, + "ndcg_at_10": 15.091, + "ndcg_at_100": 18.886, + "ndcg_at_1000": 22.29, + "ndcg_at_3": 12.365, + "ndcg_at_5": 13.931, + "precision_at_1": 9.797, + "precision_at_10": 2.477, + "precision_at_100": 0.466, + "precision_at_1000": 0.082, + "precision_at_3": 5.299, + "precision_at_5": 4.067, + "recall_at_1": 9.057, + "recall_at_10": 21.319, + "recall_at_100": 38.999, + "recall_at_1000": 65.374, + "recall_at_3": 14.331, + "recall_at_5": 17.916999999999998, + "main_score": 15.091 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/ClimateFEVER.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/ClimateFEVER.json new file mode 100644 index 000000000..9c49d8fea --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/ClimateFEVER.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "392b78eb68c07badcd7c2cd8f39af108375dfcce", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.714, + "map_at_10": 6.926, + "map_at_100": 7.879, + "map_at_1000": 8.032, + "map_at_3": 5.504, + "map_at_5": 6.357, + "ndcg_at_1": 8.86, + "ndcg_at_10": 11.007, + "ndcg_at_100": 16.154, + "ndcg_at_1000": 19.668, + "ndcg_at_3": 8.103, + "ndcg_at_5": 9.456000000000001, + "precision_at_1": 8.86, + "precision_at_10": 3.7199999999999998, + "precision_at_100": 0.9169999999999999, + "precision_at_1000": 0.156, + "precision_at_3": 6.254, + "precision_at_5": 5.380999999999999, + "recall_at_1": 3.714, + "recall_at_10": 14.382, + "recall_at_100": 33.166000000000004, + "recall_at_1000": 53.444, + "recall_at_3": 7.523000000000001, + "recall_at_5": 10.91, + "main_score": 11.007 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/DBPedia.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/DBPedia.json new file mode 100644 index 000000000..f34d03e28 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/DBPedia.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "f097057d03ed98220bc7309ddb10b71a54d667d6", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 1.764, + "map_at_10": 3.8600000000000003, + "map_at_100": 5.457, + "map_at_1000": 5.938000000000001, + "map_at_3": 2.667, + "map_at_5": 3.2199999999999998, + "ndcg_at_1": 14.000000000000002, + "ndcg_at_10": 10.868, + "ndcg_at_100": 12.866, + "ndcg_at_1000": 17.43, + "ndcg_at_3": 11.943, + "ndcg_at_5": 11.66, + "precision_at_1": 19.25, + "precision_at_10": 10.274999999999999, + "precision_at_100": 3.527, + "precision_at_1000": 0.9119999999999999, + "precision_at_3": 14.917, + "precision_at_5": 13.5, + "recall_at_1": 1.764, + "recall_at_10": 6.609, + "recall_at_100": 17.616, + "recall_at_1000": 33.085, + "recall_at_3": 3.115, + "recall_at_5": 4.605, + "main_score": 10.868 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/EmotionClassification.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/EmotionClassification.json new file mode 100644 index 000000000..0c61d988c --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "829147f8f75a25f005913200eb5ed41fae320aa1", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 42.225, + "f1": 37.563516542112104, + "main_score": 42.225 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/FEVER.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/FEVER.json new file mode 100644 index 000000000..68424ba20 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/FEVER.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "1429cf27e393599b8b359b9b72c666f96b2525f9", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 11.497, + "map_at_10": 15.744, + "map_at_100": 16.3, + "map_at_1000": 16.365, + "map_at_3": 14.44, + "map_at_5": 15.18, + "ndcg_at_1": 12.346, + "ndcg_at_10": 18.398999999999997, + "ndcg_at_100": 21.399, + "ndcg_at_1000": 23.442, + "ndcg_at_3": 15.695, + "ndcg_at_5": 17.027, + "precision_at_1": 12.346, + "precision_at_10": 2.798, + "precision_at_100": 0.445, + "precision_at_1000": 0.063, + "precision_at_3": 6.586, + "precision_at_5": 4.665, + "recall_at_1": 11.497, + "recall_at_10": 25.636, + "recall_at_100": 39.894, + "recall_at_1000": 56.181000000000004, + "recall_at_3": 18.273, + "recall_at_5": 21.474, + "main_score": 18.398999999999997 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/FiQA2018.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/FiQA2018.json new file mode 100644 index 000000000..f8c8e7b5e --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/FiQA2018.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "41b686a7f28c59bcaaa5791efd47c67c8ebe28be", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.637, + "map_at_10": 6.084, + "map_at_100": 6.9190000000000005, + "map_at_1000": 7.1080000000000005, + "map_at_3": 5.071, + "map_at_5": 5.5649999999999995, + "ndcg_at_1": 7.407, + "ndcg_at_10": 8.94, + "ndcg_at_100": 13.594999999999999, + "ndcg_at_1000": 18.29, + "ndcg_at_3": 7.393, + "ndcg_at_5": 7.854, + "precision_at_1": 7.407, + "precision_at_10": 2.778, + "precision_at_100": 0.75, + "precision_at_1000": 0.154, + "precision_at_3": 5.144, + "precision_at_5": 3.981, + "recall_at_1": 3.637, + "recall_at_10": 11.821, + "recall_at_100": 30.18, + "recall_at_1000": 60.207, + "recall_at_3": 6.839, + "recall_at_5": 8.649, + "main_score": 8.94 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/HotpotQA.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/HotpotQA.json new file mode 100644 index 000000000..b5abc9355 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/HotpotQA.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "766870b35a1b9ca65e67a0d1913899973551fc6c", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.676, + "map_at_10": 13.350999999999999, + "map_at_100": 13.919, + "map_at_1000": 14.01, + "map_at_3": 12.223, + "map_at_5": 12.812000000000001, + "ndcg_at_1": 19.352, + "ndcg_at_10": 17.727, + "ndcg_at_100": 20.837, + "ndcg_at_1000": 23.412, + "ndcg_at_3": 15.317, + "ndcg_at_5": 16.436, + "precision_at_1": 19.352, + "precision_at_10": 3.993, + "precision_at_100": 0.651, + "precision_at_1000": 0.1, + "precision_at_3": 9.669, + "precision_at_5": 6.69, + "recall_at_1": 9.676, + "recall_at_10": 19.966, + "recall_at_100": 32.573, + "recall_at_1000": 49.905, + "recall_at_3": 14.504, + "recall_at_5": 16.725, + "main_score": 17.727 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/ImdbClassification.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/ImdbClassification.json new file mode 100644 index 000000000..f114438a5 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "8d743909f834c38949e8323a8a6ce8721ea6c7f4", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 62.895999999999994, + "ap": 58.47769349850157, + "f1": 62.67885149592086, + "main_score": 62.895999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/MSMARCO.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/MSMARCO.json new file mode 100644 index 000000000..33a1ea60d --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/MSMARCO.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "e6838a846e2408f22cf5cc337ebc83e0bcf77849", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.88, + "map_at_10": 4.914000000000001, + "map_at_100": 5.459, + "map_at_1000": 5.538, + "map_at_3": 4.087, + "map_at_5": 4.518, + "ndcg_at_1": 2.937, + "ndcg_at_10": 6.273, + "ndcg_at_100": 9.426, + "ndcg_at_1000": 12.033000000000001, + "ndcg_at_3": 4.513, + "ndcg_at_5": 5.292, + "precision_at_1": 2.937, + "precision_at_10": 1.089, + "precision_at_100": 0.27699999999999997, + "precision_at_1000": 0.051000000000000004, + "precision_at_3": 1.9290000000000003, + "precision_at_5": 1.547, + "recall_at_1": 2.88, + "recall_at_10": 10.578, + "recall_at_100": 26.267000000000003, + "recall_at_1000": 47.589999999999996, + "recall_at_3": 5.673, + "recall_at_5": 7.545, + "main_score": 6.273 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/MTOPDomainClassification.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/MTOPDomainClassification.json new file mode 100644 index 000000000..9f3b96ef2 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/MTOPDomainClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "a7e2a951126a26fc8c6a69f835f33a346ba259e3", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 81.51846785225717, + "f1": 81.648869152345, + "main_score": 81.51846785225717 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 60.37475345167653, + "f1": 58.452649375517026, + "main_score": 60.37475345167653 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 67.36824549699799, + "f1": 65.35927434998516, + "main_score": 67.36824549699799 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 63.12871907297212, + "f1": 61.37620329272278, + "main_score": 63.12871907297212 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 47.04553603442094, + "f1": 46.20389912644561, + "main_score": 47.04553603442094 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 52.282097649186255, + "f1": 50.75489206473579, + "main_score": 52.282097649186255 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/MTOPIntentClassification.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/MTOPIntentClassification.json new file mode 100644 index 000000000..2bbb43de4 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/MTOPIntentClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "6299947a7777084cc2d4b64235bf7190381ce755", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 58.2421340629275, + "f1": 40.11696046622642, + "main_score": 58.2421340629275 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 45.069033530571986, + "f1": 30.468468273374967, + "main_score": 45.069033530571986 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 48.80920613742495, + "f1": 32.65985375400447, + "main_score": 48.80920613742495 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 44.337613529595984, + "f1": 29.302047435606436, + "main_score": 44.337613529595984 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 34.198637504481894, + "f1": 22.063706032248408, + "main_score": 34.198637504481894 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 43.11030741410488, + "f1": 26.92408933648504, + "main_score": 43.11030741410488 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/MassiveIntentClassification.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/MassiveIntentClassification.json new file mode 100644 index 000000000..aced82aa8 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/MassiveIntentClassification.json @@ -0,0 +1,469 @@ +{ + "dataset_revision": "072a486a144adf7f4479a4a0dddb2152e161e1ea", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 37.79421654337593, + "f1": 36.81580701507746, + "main_score": 37.79421654337593 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 23.722259583053127, + "f1": 23.235269695764273, + "main_score": 23.722259583053127 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 29.64021519838601, + "f1": 28.273175327650137, + "main_score": 29.64021519838601 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 39.4754539340955, + "f1": 39.25997361415121, + "main_score": 39.4754539340955 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 26.550100874243444, + "f1": 25.607924873522975, + "main_score": 26.550100874243444 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 38.78278412911904, + "f1": 37.64180582626517, + "main_score": 38.78278412911904 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 43.557498318762605, + "f1": 41.35305173800667, + "main_score": 43.557498318762605 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 40.39340954942838, + "f1": 38.33393219528934, + "main_score": 40.39340954942838 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 37.28648285137861, + "f1": 36.64005906680284, + "main_score": 37.28648285137861 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 58.080026899798256, + "f1": 56.49243881660991, + "main_score": 58.080026899798256 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 41.176866173503704, + "f1": 40.66779962225799, + "main_score": 41.176866173503704 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 36.422326832548755, + "f1": 34.6441738042885, + "main_score": 36.422326832548755 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 38.75588433086752, + "f1": 37.26725894668694, + "main_score": 38.75588433086752 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 43.67182246133153, + "f1": 42.351846624566605, + "main_score": 43.67182246133153 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 31.980497646267658, + "f1": 30.557928872809008, + "main_score": 31.980497646267658 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 28.039677202420982, + "f1": 28.428418145508306, + "main_score": 28.039677202420982 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 38.13718897108272, + "f1": 37.057406988196874, + "main_score": 38.13718897108272 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 26.05245460659045, + "f1": 25.25483953344816, + "main_score": 26.05245460659045 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 41.156691324815064, + "f1": 40.83715033247605, + "main_score": 41.156691324815064 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 38.62811028917284, + "f1": 37.67691901246032, + "main_score": 38.62811028917284 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 44.0383322125084, + "f1": 43.77259010877456, + "main_score": 44.0383322125084 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 46.20712844653666, + "f1": 44.66632875940824, + "main_score": 46.20712844653666 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 37.60591795561533, + "f1": 36.581071742378015, + "main_score": 37.60591795561533 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 24.47209145931405, + "f1": 24.238209697895606, + "main_score": 24.47209145931405 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 26.23739071956961, + "f1": 25.378783150845052, + "main_score": 26.23739071956961 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 17.831203765971754, + "f1": 17.275078420466343, + "main_score": 17.831203765971754 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 37.266308002689975, + "f1": 36.92473791708214, + "main_score": 37.266308002689975 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 40.93140551445864, + "f1": 40.825227889641965, + "main_score": 40.93140551445864 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 17.88500336247478, + "f1": 17.621569082971817, + "main_score": 17.88500336247478 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 32.975790181573636, + "f1": 33.402014633349665, + "main_score": 32.975790181573636 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 40.91123066577001, + "f1": 40.09538559124075, + "main_score": 40.91123066577001 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 17.834566240753194, + "f1": 17.006381849454314, + "main_score": 17.834566240753194 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 39.47881640887693, + "f1": 37.819934317839305, + "main_score": 39.47881640887693 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 41.76193678547412, + "f1": 40.281991759509694, + "main_score": 41.76193678547412 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 42.61936785474109, + "f1": 40.83673914649905, + "main_score": 42.61936785474109 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 44.54270342972427, + "f1": 43.45243164278448, + "main_score": 44.54270342972427 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 39.96973772696705, + "f1": 38.74209466530094, + "main_score": 39.96973772696705 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 37.461331540013454, + "f1": 36.91132021821187, + "main_score": 37.461331540013454 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 38.28850033624748, + "f1": 37.37259394049676, + "main_score": 38.28850033624748 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 40.95494283792872, + "f1": 39.767707902869084, + "main_score": 40.95494283792872 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 41.85272360457296, + "f1": 40.42848260365438, + "main_score": 41.85272360457296 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 38.328850033624754, + "f1": 36.90334596675622, + "main_score": 38.328850033624754 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 19.031607262945528, + "f1": 18.66510306325761, + "main_score": 19.031607262945528 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 19.38466711499664, + "f1": 19.186399376652535, + "main_score": 19.38466711499664 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 34.088769334229994, + "f1": 34.20383086009429, + "main_score": 34.088769334229994 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 40.285810356422324, + "f1": 39.361500249640414, + "main_score": 40.285810356422324 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 38.860121049092136, + "f1": 37.81916859627235, + "main_score": 38.860121049092136 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 27.834566240753194, + "f1": 26.898389386106487, + "main_score": 27.834566240753194 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 38.70544720914593, + "f1": 38.280026442024415, + "main_score": 38.70544720914593 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 45.78009414929387, + "f1": 44.21526778674136, + "main_score": 45.78009414929387 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 42.32010759919301, + "f1": 42.25772977490916, + "main_score": 42.32010759919301 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/MassiveScenarioClassification.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..3946894e6 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/MassiveScenarioClassification.json @@ -0,0 +1,469 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 40.24546065904506, + "f1": 38.79924050989544, + "main_score": 40.24546065904506 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 25.68930733019502, + "f1": 25.488166279162712, + "main_score": 25.68930733019502 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 32.39744451916611, + "f1": 31.863029579075775, + "main_score": 32.39744451916611 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 40.53127101546738, + "f1": 39.707079033948936, + "main_score": 40.53127101546738 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 27.23268325487559, + "f1": 26.443653281858793, + "main_score": 27.23268325487559 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 38.69872225958305, + "f1": 36.55930387892567, + "main_score": 38.69872225958305 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 44.75453934095494, + "f1": 42.87356484024154, + "main_score": 44.75453934095494 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 41.355077336919976, + "f1": 39.82365179458047, + "main_score": 41.355077336919976 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 38.43981170141224, + "f1": 37.02538368296387, + "main_score": 38.43981170141224 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 66.33826496301278, + "f1": 65.89634765029932, + "main_score": 66.33826496301278 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 44.17955615332885, + "f1": 43.10228811620319, + "main_score": 44.17955615332885 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 34.82851378614661, + "f1": 33.95952441502803, + "main_score": 34.82851378614661 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 40.561533288500335, + "f1": 38.04939011733627, + "main_score": 40.561533288500335 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 45.917955615332886, + "f1": 44.65741971572902, + "main_score": 45.917955615332886 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 32.08473436449227, + "f1": 29.53932929808133, + "main_score": 32.08473436449227 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 28.369199731002016, + "f1": 27.52902837981212, + "main_score": 28.369199731002016 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 39.49226630800269, + "f1": 37.3272340470504, + "main_score": 39.49226630800269 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 25.904505716207133, + "f1": 24.547396574853444, + "main_score": 25.904505716207133 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 40.95830531271016, + "f1": 40.177843177422226, + "main_score": 40.95830531271016 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 38.564223268325485, + "f1": 37.35307758495248, + "main_score": 38.564223268325485 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 46.58708809683928, + "f1": 44.103900526804985, + "main_score": 46.58708809683928 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 46.24747814391393, + "f1": 45.4107101796664, + "main_score": 46.24747814391393 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 39.6570275722932, + "f1": 38.82737576832412, + "main_score": 39.6570275722932 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 25.279085406859448, + "f1": 23.662661686788493, + "main_score": 25.279085406859448 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 28.97108271687962, + "f1": 27.195758324189246, + "main_score": 28.97108271687962 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 19.27370544720915, + "f1": 18.694271924323637, + "main_score": 19.27370544720915 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 35.729657027572294, + "f1": 34.38287006177308, + "main_score": 35.729657027572294 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 39.57296570275723, + "f1": 38.074945140886925, + "main_score": 39.57296570275723 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 19.895763281775388, + "f1": 20.00931364846829, + "main_score": 19.895763281775388 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 32.431069266980494, + "f1": 31.395958664782576, + "main_score": 32.431069266980494 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 42.32347007397445, + "f1": 40.81374026314701, + "main_score": 42.32347007397445 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 20.864156018829856, + "f1": 20.409870408935436, + "main_score": 20.864156018829856 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 40.47074646940148, + "f1": 39.19044149415904, + "main_score": 40.47074646940148 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 43.591123066577, + "f1": 41.43420363064241, + "main_score": 43.591123066577 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 41.876260928043045, + "f1": 41.192117676667614, + "main_score": 41.876260928043045 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 46.30800268997983, + "f1": 45.25536730126799, + "main_score": 46.30800268997983 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 42.525218560860786, + "f1": 41.02418109296485, + "main_score": 42.525218560860786 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 35.94821788836584, + "f1": 35.08598314806566, + "main_score": 35.94821788836584 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 38.69199731002017, + "f1": 37.68119408674127, + "main_score": 38.69199731002017 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 40.474108944182916, + "f1": 39.480530387013594, + "main_score": 40.474108944182916 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 41.523201075991935, + "f1": 40.20097996024383, + "main_score": 41.523201075991935 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 39.54942837928716, + "f1": 38.185561243338064, + "main_score": 39.54942837928716 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 22.8782784129119, + "f1": 22.239467186721456, + "main_score": 22.8782784129119 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 20.51445864156019, + "f1": 19.999047885530217, + "main_score": 20.51445864156019 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 34.92602555480834, + "f1": 33.24016717215723, + "main_score": 34.92602555480834 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 40.74983187626093, + "f1": 39.30274328728882, + "main_score": 40.74983187626093 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 39.06859448554136, + "f1": 39.21542039662971, + "main_score": 39.06859448554136 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 29.747814391392062, + "f1": 28.261836892220447, + "main_score": 29.747814391392062 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 38.02286482851379, + "f1": 37.8742438608697, + "main_score": 38.02286482851379 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 48.550773369199725, + "f1": 46.7399625882649, + "main_score": 48.550773369199725 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 45.17821116341628, + "f1": 44.84809741811729, + "main_score": 45.17821116341628 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/MedrxivClusteringP2P.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..d18483364 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "dcefc037ef84348e49b0d29109e891c01067226b", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 28.301902023313875, + "main_score": 28.301902023313875 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/MedrxivClusteringS2S.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..cda92f98a --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "3cd0e71dfbe09d4de0f9e5ecba43e7ce280959dc", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 24.932123582259287, + "main_score": 24.932123582259287 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/MindSmallReranking.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/MindSmallReranking.json new file mode 100644 index 000000000..8212fbf03 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 29.269341041468326, + "mrr": 30.132140876875717, + "main_score": 29.269341041468326 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/NFCorpus.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/NFCorpus.json new file mode 100644 index 000000000..f66e8c014 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/NFCorpus.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "7eb63cc0c1eb59324d709ebed25fcab851fa7610", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 1.2269999999999999, + "map_at_10": 3.081, + "map_at_100": 4.104, + "map_at_1000": 4.989, + "map_at_3": 2.221, + "map_at_5": 2.535, + "ndcg_at_1": 15.015, + "ndcg_at_10": 11.805, + "ndcg_at_100": 12.452, + "ndcg_at_1000": 22.284000000000002, + "ndcg_at_3": 13.257, + "ndcg_at_5": 12.199, + "precision_at_1": 16.409000000000002, + "precision_at_10": 9.102, + "precision_at_100": 3.678, + "precision_at_1000": 1.609, + "precision_at_3": 12.797, + "precision_at_5": 10.464, + "recall_at_1": 1.2269999999999999, + "recall_at_10": 5.838, + "recall_at_100": 15.716, + "recall_at_1000": 48.837, + "recall_at_3": 2.828, + "recall_at_5": 3.697, + "main_score": 11.805 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/NQ.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/NQ.json new file mode 100644 index 000000000..9486952b7 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/NQ.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "6062aefc120bfe8ece5897809fb2e53bfe0d128c", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.515, + "map_at_10": 5.884, + "map_at_100": 6.510000000000001, + "map_at_1000": 6.598999999999999, + "map_at_3": 4.8919999999999995, + "map_at_5": 5.391, + "ndcg_at_1": 4.056, + "ndcg_at_10": 7.6259999999999994, + "ndcg_at_100": 11.08, + "ndcg_at_1000": 13.793, + "ndcg_at_3": 5.537, + "ndcg_at_5": 6.45, + "precision_at_1": 4.056, + "precision_at_10": 1.4569999999999999, + "precision_at_100": 0.347, + "precision_at_1000": 0.061, + "precision_at_3": 2.6069999999999998, + "precision_at_5": 2.086, + "recall_at_1": 3.515, + "recall_at_10": 12.312, + "recall_at_100": 28.713, + "recall_at_1000": 50.027, + "recall_at_3": 6.701, + "recall_at_5": 8.816, + "main_score": 7.6259999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/QuoraRetrieval.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/QuoraRetrieval.json new file mode 100644 index 000000000..7db90c912 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/QuoraRetrieval.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "6205996560df11e3a3da9ab4f926788fc30a7db4", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 61.697, + "map_at_10": 74.20400000000001, + "map_at_100": 75.023, + "map_at_1000": 75.059, + "map_at_3": 71.265, + "map_at_5": 73.001, + "ndcg_at_1": 70.95, + "ndcg_at_10": 78.96, + "ndcg_at_100": 81.26, + "ndcg_at_1000": 81.679, + "ndcg_at_3": 75.246, + "ndcg_at_5": 77.092, + "precision_at_1": 70.95, + "precision_at_10": 11.998000000000001, + "precision_at_100": 1.451, + "precision_at_1000": 0.154, + "precision_at_3": 32.629999999999995, + "precision_at_5": 21.573999999999998, + "recall_at_1": 61.697, + "recall_at_10": 88.23299999999999, + "recall_at_100": 96.961, + "recall_at_1000": 99.401, + "recall_at_3": 77.689, + "recall_at_5": 82.745, + "main_score": 78.96 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/RedditClustering.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/RedditClustering.json new file mode 100644 index 000000000..e6df7b595 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "b2805658ae38990172679479369a78b86de8c390", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.75741018380938, + "main_score": 33.75741018380938 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/RedditClusteringP2P.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/RedditClusteringP2P.json new file mode 100644 index 000000000..ed28ae08c --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 41.00799910099266, + "main_score": 41.00799910099266 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/SCIDOCS.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/SCIDOCS.json new file mode 100644 index 000000000..ef50ddd5b --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/SCIDOCS.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "5c59ef3e437a0a9651c8fe6fde943e7dce59fba5", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 1.72, + "map_at_10": 3.8240000000000003, + "map_at_100": 4.727, + "map_at_1000": 4.932, + "map_at_3": 2.867, + "map_at_5": 3.3230000000000004, + "ndcg_at_1": 8.5, + "ndcg_at_10": 7.133000000000001, + "ndcg_at_100": 11.911, + "ndcg_at_1000": 16.962, + "ndcg_at_3": 6.763, + "ndcg_at_5": 5.832, + "precision_at_1": 8.5, + "precision_at_10": 3.6799999999999997, + "precision_at_100": 1.0670000000000002, + "precision_at_1000": 0.22999999999999998, + "precision_at_3": 6.2330000000000005, + "precision_at_5": 5.0200000000000005, + "recall_at_1": 1.72, + "recall_at_10": 7.487000000000001, + "recall_at_100": 21.683, + "recall_at_1000": 46.688, + "recall_at_3": 3.798, + "recall_at_5": 5.113, + "main_score": 7.133000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/SICK-R.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/SICK-R.json new file mode 100644 index 000000000..388fad0f7 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 80.96286245858941, + "cos_sim_spearman": 74.57093488947429, + "euclidean_pearson": 75.50377970259402, + "euclidean_spearman": 71.7498004622999, + "manhattan_pearson": 75.3256836091382, + "manhattan_spearman": 71.80676733410375, + "cosine_pearson": 80.96286245858941, + "cosine_spearman": 74.57093488947429, + "main_score": 74.57093488947429 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/STS12.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/STS12.json new file mode 100644 index 000000000..28ee0b922 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "fdf84275bb8ce4b49c971d02e84dd1abc677a50f", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 80.20938796088339, + "cos_sim_spearman": 69.16914010333394, + "euclidean_pearson": 79.33415250097545, + "euclidean_spearman": 71.46707320292745, + "manhattan_pearson": 79.73669837981976, + "manhattan_spearman": 71.87919511134902, + "cosine_pearson": 80.20938796088339, + "cosine_spearman": 69.16914010333394, + "main_score": 69.16914010333394 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/STS13.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/STS13.json new file mode 100644 index 000000000..604ae1afd --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "1591bfcbe8c69d4bf7fe2a16e2451017832cafb9", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 76.401935081936, + "cos_sim_spearman": 77.23446219694267, + "euclidean_pearson": 74.61017160439877, + "euclidean_spearman": 75.85871531365609, + "manhattan_pearson": 74.83034779539724, + "manhattan_spearman": 75.95948993588429, + "cosine_pearson": 76.401935081936, + "cosine_spearman": 77.23446219694267, + "main_score": 77.23446219694267 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/STS14.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/STS14.json new file mode 100644 index 000000000..ce49b4b2b --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e2125984e7df8b7871f6ae9949cf6b6795e7c54b", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 75.35551963935667, + "cos_sim_spearman": 70.98892671568665, + "euclidean_pearson": 73.24467338564628, + "euclidean_spearman": 71.97533151639425, + "manhattan_pearson": 73.2776559359938, + "manhattan_spearman": 72.2221421456084, + "cosine_pearson": 75.35551963935667, + "cosine_spearman": 70.98892671568665, + "main_score": 70.98892671568665 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/STS15.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/STS15.json new file mode 100644 index 000000000..14fe46ebd --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "1cd7298cac12a96a373b6a2f18738bb3e739a9b6", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 79.05293131911803, + "cos_sim_spearman": 79.7379478259805, + "euclidean_pearson": 78.17016171851057, + "euclidean_spearman": 78.76038607583105, + "manhattan_pearson": 78.4994607532332, + "manhattan_spearman": 79.13026720132872, + "cosine_pearson": 79.05293131911803, + "cosine_spearman": 79.7379478259805, + "main_score": 79.7379478259805 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/STS16.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/STS16.json new file mode 100644 index 000000000..7873289ec --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "360a0b2dff98700d09e634a01e1cc1624d3e42cd", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 76.04750373932828, + "cos_sim_spearman": 77.93230986462234, + "euclidean_pearson": 75.8320302521164, + "euclidean_spearman": 76.83154481579385, + "manhattan_pearson": 75.98713517720608, + "manhattan_spearman": 76.95479705521507, + "cosine_pearson": 76.04750373932828, + "cosine_spearman": 77.93230986462234, + "main_score": 77.93230986462234 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/STS17.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/STS17.json new file mode 100644 index 000000000..fa49fc80f --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/STS17.json @@ -0,0 +1,182 @@ +{ + "dataset_revision": "9fc37e8c632af1c87a3d23e685d49552a02582a0", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "ko-ko", + "languages": [ + "kor-Hang" + ], + "cos_sim_pearson": 43.0464619152799, + "cos_sim_spearman": 45.65606588928089, + "euclidean_pearson": 45.69437788355499, + "euclidean_spearman": 45.08552742346606, + "manhattan_pearson": 45.87166698903681, + "manhattan_spearman": 45.155963016434164, + "cosine_pearson": 43.0464619152799, + "cosine_spearman": 45.65606588928089, + "main_score": 45.65606588928089 + }, + { + "hf_subset": "ar-ar", + "languages": [ + "ara-Arab" + ], + "cos_sim_pearson": 53.27469278912148, + "cos_sim_spearman": 54.16113207623789, + "euclidean_pearson": 55.97026429327157, + "euclidean_spearman": 54.71320909074608, + "manhattan_pearson": 56.12511774278802, + "manhattan_spearman": 55.22875659158676, + "cosine_pearson": 53.27469278912148, + "cosine_spearman": 54.16113207623789, + "main_score": 54.16113207623789 + }, + { + "hf_subset": "en-ar", + "languages": [ + "eng-Latn", + "ara-Arab" + ], + "cos_sim_pearson": 1.5482997790039945, + "cos_sim_spearman": 1.7208386347363582, + "euclidean_pearson": 6.727915670345885, + "euclidean_spearman": 6.112826908474543, + "manhattan_pearson": 4.94386093060865, + "manhattan_spearman": 5.018174110623732, + "cosine_pearson": 1.5482997790039945, + "cosine_spearman": 1.7208386347363582, + "main_score": 1.7208386347363582 + }, + { + "hf_subset": "en-de", + "languages": [ + "eng-Latn", + "deu-Latn" + ], + "cos_sim_pearson": 27.5420218362265, + "cos_sim_spearman": 25.483838431031007, + "euclidean_pearson": 6.268684143856358, + "euclidean_spearman": 5.877961421091679, + "manhattan_pearson": 2.667237739227861, + "manhattan_spearman": 2.5683839956554775, + "cosine_pearson": 27.5420218362265, + "cosine_spearman": 25.483838431031007, + "main_score": 25.483838431031007 + }, + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.32029757646663, + "cos_sim_spearman": 87.32720847297225, + "euclidean_pearson": 81.12594485791254, + "euclidean_spearman": 81.1531079489332, + "manhattan_pearson": 81.32899414704019, + "manhattan_spearman": 81.3897040261192, + "cosine_pearson": 85.32029757646663, + "cosine_spearman": 87.32720847297225, + "main_score": 87.32720847297225 + }, + { + "hf_subset": "en-tr", + "languages": [ + "eng-Latn", + "tur-Latn" + ], + "cos_sim_pearson": 4.37162299241808, + "cos_sim_spearman": 2.0879072561774543, + "euclidean_pearson": 3.0725243785454595, + "euclidean_spearman": 5.3721339279483535, + "manhattan_pearson": 4.867795293367359, + "manhattan_spearman": 7.9397069840018775, + "cosine_pearson": 4.37162299241808, + "cosine_spearman": 2.0879072561774543, + "main_score": 2.0879072561774543 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 20.306030448858603, + "cos_sim_spearman": 21.93220782551375, + "euclidean_pearson": 3.878631934602361, + "euclidean_spearman": 5.171796902725965, + "manhattan_pearson": 7.13020644036815, + "manhattan_spearman": 7.707315591498748, + "cosine_pearson": 20.306030448858603, + "cosine_spearman": 21.93220782551375, + "main_score": 21.93220782551375 + }, + { + "hf_subset": "es-es", + "languages": [ + "spa-Latn" + ], + "cos_sim_pearson": 66.81873207478459, + "cos_sim_spearman": 67.80273445636502, + "euclidean_pearson": 70.60654682977268, + "euclidean_spearman": 69.4566208379486, + "manhattan_pearson": 70.9548461896642, + "manhattan_spearman": 69.78323323058773, + "cosine_pearson": 66.81873207478459, + "cosine_spearman": 67.80273445636502, + "main_score": 67.80273445636502 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 21.366487281202602, + "cos_sim_spearman": 18.90627528698481, + "euclidean_pearson": 2.3390998579461995, + "euclidean_spearman": 4.151213674012541, + "manhattan_pearson": 2.234831868844863, + "manhattan_spearman": 4.555291328501442, + "cosine_pearson": 21.366487281202602, + "cosine_spearman": 18.90627528698481, + "main_score": 18.90627528698481 + }, + { + "hf_subset": "it-en", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 20.73153177251085, + "cos_sim_spearman": 16.3855949033176, + "euclidean_pearson": 8.734648741714238, + "euclidean_spearman": 10.75672244732182, + "manhattan_pearson": 7.536654126608877, + "manhattan_spearman": 8.330065460047296, + "cosine_pearson": 20.73153177251085, + "cosine_spearman": 16.3855949033176, + "main_score": 16.3855949033176 + }, + { + "hf_subset": "nl-en", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 26.618435024084253, + "cos_sim_spearman": 23.488974089577816, + "euclidean_pearson": 3.1310350304707866, + "euclidean_spearman": 3.1242598481634665, + "manhattan_pearson": 1.1096752982707008, + "manhattan_spearman": 1.4591693078765848, + "cosine_pearson": 26.618435024084253, + "cosine_spearman": 23.488974089577816, + "main_score": 23.488974089577816 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/STS22.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/STS22.json new file mode 100644 index 000000000..a87abd1ce --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/STS22.json @@ -0,0 +1,288 @@ +{ + "dataset_revision": "2de6ce8c1921b71a755b262c6b57fef195dd7906", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 59.17638344661753, + "cos_sim_spearman": 59.636760071130865, + "euclidean_pearson": 56.68753290255448, + "euclidean_spearman": 57.613280258574484, + "manhattan_pearson": 56.92312052723706, + "manhattan_spearman": 57.76774918418505, + "cosine_pearson": 59.17638344661753, + "cosine_spearman": 59.636760071130865, + "main_score": 59.636760071130865 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "cos_sim_pearson": 10.322254716987457, + "cos_sim_spearman": 11.0033092996862, + "euclidean_pearson": 6.006926471684402, + "euclidean_spearman": 10.972140246688376, + "manhattan_pearson": 5.933298751861177, + "manhattan_spearman": 11.030111585680233, + "cosine_pearson": 10.322254716987457, + "cosine_spearman": 11.0033092996862, + "main_score": 11.0033092996862 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "cos_sim_pearson": 43.38031880545056, + "cos_sim_spearman": 43.05358201410913, + "euclidean_pearson": 42.72327196362553, + "euclidean_spearman": 42.55163899944477, + "manhattan_pearson": 44.01557499780587, + "manhattan_spearman": 43.12473221615855, + "cosine_pearson": 43.38031880545056, + "cosine_spearman": 43.05358201410913, + "main_score": 43.05358201410913 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "cos_sim_pearson": 4.291290504363136, + "cos_sim_spearman": 14.912727487893479, + "euclidean_pearson": 3.2855132112394485, + "euclidean_spearman": 16.575204463951025, + "manhattan_pearson": 3.2398776723465814, + "manhattan_spearman": 16.841985772913855, + "cosine_pearson": 4.291290504363136, + "cosine_spearman": 14.912727487893479, + "main_score": 14.912727487893479 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "cos_sim_pearson": 4.102739498555817, + "cos_sim_spearman": 3.818238576547375, + "euclidean_pearson": 2.3181033496453556, + "euclidean_spearman": 5.1826811802703565, + "manhattan_pearson": 4.8006179265256455, + "manhattan_spearman": 6.738401400306252, + "cosine_pearson": 4.102739498555817, + "cosine_spearman": 3.818238576547375, + "main_score": 3.818238576547375 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "cos_sim_pearson": 2.38765395226737, + "cos_sim_spearman": 5.173899391162327, + "euclidean_pearson": 3.0710263954769825, + "euclidean_spearman": 5.04922290903982, + "manhattan_pearson": 3.7826314109861703, + "manhattan_spearman": 5.042238232170212, + "cosine_pearson": 2.38765395226737, + "cosine_spearman": 5.173899391162327, + "main_score": 5.173899391162327 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "cos_sim_pearson": 7.6735490672676345, + "cos_sim_spearman": 3.3631215256878892, + "euclidean_pearson": 4.64331702652217, + "euclidean_spearman": 3.6129205171334324, + "manhattan_pearson": 4.011231736076196, + "manhattan_spearman": 3.233959766173701, + "cosine_pearson": 7.6735490672676345, + "cosine_spearman": 3.3631215256878892, + "main_score": 3.3631215256878892 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 0.06167614416104335, + "cos_sim_spearman": 6.521685391703255, + "euclidean_pearson": 4.884572579069032, + "euclidean_spearman": 5.59058032900239, + "manhattan_pearson": 6.139838096573897, + "manhattan_spearman": 5.0060884837066215, + "cosine_pearson": 0.06167614416104335, + "cosine_spearman": 6.521685391703255, + "main_score": 6.521685391703255 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 53.19490347682836, + "cos_sim_spearman": 54.56055727079527, + "euclidean_pearson": 52.55574442039842, + "euclidean_spearman": 52.94640154371587, + "manhattan_pearson": 53.275993040454196, + "manhattan_spearman": 53.174561503510155, + "cosine_pearson": 53.19490347682836, + "cosine_spearman": 54.56055727079527, + "main_score": 54.56055727079527 + }, + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 51.151158530122146, + "cos_sim_spearman": 53.926925081736655, + "euclidean_pearson": 44.55629287737235, + "euclidean_spearman": 46.222372143731384, + "manhattan_pearson": 42.831322151459005, + "manhattan_spearman": 45.70991764985799, + "cosine_pearson": 51.151158530122146, + "cosine_spearman": 53.926925081736655, + "main_score": 53.926925081736655 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 30.36194885126792, + "cos_sim_spearman": 32.739632941633836, + "euclidean_pearson": 29.83135800843496, + "euclidean_spearman": 31.114406001326923, + "manhattan_pearson": 31.264502938148286, + "manhattan_spearman": 33.3112040753475, + "cosine_pearson": 30.36194885126792, + "cosine_spearman": 32.739632941633836, + "main_score": 32.739632941633836 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "cos_sim_pearson": 35.23883630335275, + "cos_sim_spearman": 33.67797082086704, + "euclidean_pearson": 34.878640693874544, + "euclidean_spearman": 33.525189235133496, + "manhattan_pearson": 34.22761246389947, + "manhattan_spearman": 32.713218497609176, + "cosine_pearson": 35.23883630335275, + "cosine_spearman": 33.67797082086704, + "main_score": 33.67797082086704 + }, + { + "hf_subset": "pl-en", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 19.809302548119547, + "cos_sim_spearman": 20.540370202115497, + "euclidean_pearson": 23.006803962133016, + "euclidean_spearman": 22.96270653079511, + "manhattan_pearson": 25.40168317585851, + "manhattan_spearman": 25.421508137540865, + "cosine_pearson": 19.809302548119547, + "cosine_spearman": 20.540370202115497, + "main_score": 20.540370202115497 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "cos_sim_pearson": 20.393500955410488, + "cos_sim_spearman": 26.705713693011603, + "euclidean_pearson": 18.168376767724585, + "euclidean_spearman": 19.260826601517245, + "manhattan_pearson": 18.302619990671527, + "manhattan_spearman": 19.4691037846159, + "cosine_pearson": 20.393500955410488, + "cosine_spearman": 26.705713693011603, + "main_score": 26.705713693011603 + }, + { + "hf_subset": "es-it", + "languages": [ + "spa-Latn", + "ita-Latn" + ], + "cos_sim_pearson": 36.58919983075148, + "cos_sim_spearman": 35.989722099974045, + "euclidean_pearson": 41.045112547574206, + "euclidean_spearman": 39.322301680629835, + "manhattan_pearson": 41.36802503205308, + "manhattan_spearman": 40.76270030293609, + "cosine_pearson": 36.58919983075148, + "cosine_spearman": 35.989722099974045, + "main_score": 35.989722099974045 + }, + { + "hf_subset": "de-fr", + "languages": [ + "deu-Latn", + "fra-Latn" + ], + "cos_sim_pearson": 26.350936227950083, + "cos_sim_spearman": 25.108218032460343, + "euclidean_pearson": 28.61681094744849, + "euclidean_spearman": 27.350990203943592, + "manhattan_pearson": 30.527977072984513, + "manhattan_spearman": 26.403339990640813, + "cosine_pearson": 26.350936227950083, + "cosine_spearman": 25.108218032460343, + "main_score": 25.108218032460343 + }, + { + "hf_subset": "de-pl", + "languages": [ + "deu-Latn", + "pol-Latn" + ], + "cos_sim_pearson": 20.056269198600322, + "cos_sim_spearman": 20.939990379746757, + "euclidean_pearson": 18.942765438962198, + "euclidean_spearman": 21.709842967237446, + "manhattan_pearson": 23.643909798655123, + "manhattan_spearman": 23.58828328071473, + "cosine_pearson": 20.056269198600322, + "cosine_spearman": 20.939990379746757, + "main_score": 20.939990379746757 + }, + { + "hf_subset": "fr-pl", + "languages": [ + "fra-Latn", + "pol-Latn" + ], + "cos_sim_pearson": 19.563740271419395, + "cos_sim_spearman": 5.634361698190111, + "euclidean_pearson": 16.833522619239474, + "euclidean_spearman": 16.903085094570333, + "manhattan_pearson": 5.805392712660814, + "manhattan_spearman": 16.903085094570333, + "cosine_pearson": 19.563740271419395, + "cosine_spearman": 5.634361698190111, + "main_score": 5.634361698190111 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/STSBenchmark.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/STSBenchmark.json new file mode 100644 index 000000000..b0bb45e6c --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "8913289635987208e6e7c72789e4be2fe94b6abd", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 80.00905671833966, + "cos_sim_spearman": 79.54269211027272, + "euclidean_pearson": 79.51954544247441, + "euclidean_spearman": 78.93670303434288, + "manhattan_pearson": 79.47610653340678, + "manhattan_spearman": 79.07344156719613, + "cosine_pearson": 80.00905671833966, + "cosine_spearman": 79.54269211027272, + "main_score": 79.54269211027272 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/SciDocsRR.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/SciDocsRR.json new file mode 100644 index 000000000..aed822311 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "56a6d0140cf6356659e2a7c1413286a774468d44", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 68.35710819755543, + "mrr": 88.05442832403617, + "main_score": 68.35710819755543 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/SciFact.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/SciFact.json new file mode 100644 index 000000000..7de654e42 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/SciFact.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "a75ae049398addde9b70f6b268875f5cbce99089", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.556, + "map_at_10": 27.982000000000003, + "map_at_100": 28.937, + "map_at_1000": 29.058, + "map_at_3": 25.644, + "map_at_5": 26.996, + "ndcg_at_1": 23.333000000000002, + "ndcg_at_10": 31.787, + "ndcg_at_100": 36.647999999999996, + "ndcg_at_1000": 39.936, + "ndcg_at_3": 27.299, + "ndcg_at_5": 29.659000000000002, + "precision_at_1": 23.333000000000002, + "precision_at_10": 4.867, + "precision_at_100": 0.743, + "precision_at_1000": 0.10200000000000001, + "precision_at_3": 11.333, + "precision_at_5": 8.133, + "recall_at_1": 21.556, + "recall_at_10": 42.333, + "recall_at_100": 65.706, + "recall_at_1000": 91.489, + "recall_at_3": 30.361, + "recall_at_5": 36.222, + "main_score": 31.787 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/SprintDuplicateQuestions.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..43a294c68 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "5a8256d0dff9c4bd3be3ba3e67e4e70173f802ea", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.49306930693069, + "cos_sim_ap": 77.7308550291728, + "cos_sim_f1": 71.78978681209718, + "cos_sim_precision": 71.1897738446411, + "cos_sim_recall": 72.39999999999999, + "dot_accuracy": 99.08118811881188, + "dot_ap": 30.267748833368234, + "dot_f1": 34.335201222618444, + "dot_precision": 34.994807892004154, + "dot_recall": 33.7, + "euclidean_accuracy": 99.51683168316832, + "euclidean_ap": 78.64498778235628, + "euclidean_f1": 73.09149972929075, + "euclidean_precision": 79.69303423848878, + "euclidean_recall": 67.5, + "manhattan_accuracy": 99.53168316831683, + "manhattan_ap": 79.45274878693958, + "manhattan_f1": 74.19863373620599, + "manhattan_precision": 78.18383167220377, + "manhattan_recall": 70.6, + "max_accuracy": 99.53168316831683, + "max_ap": 79.45274878693958, + "max_f1": 74.19863373620599, + "main_score": 79.45274878693958 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/StackExchangeClustering.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/StackExchangeClustering.json new file mode 100644 index 000000000..1ec28f8e4 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "70a89468f6dccacc6aa2b12a6eac54e74328f235", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 44.59127540530939, + "main_score": 44.59127540530939 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/StackExchangeClusteringP2P.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..fdd596480 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "d88009ab563dd0b16cfaf4436abaf97fa3550cf0", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 28.230204578753636, + "main_score": 28.230204578753636 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/StackOverflowDupQuestions.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..3471d3efd --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ef807ea29a75ec4f91b50fd4191cb4ee4589a9f9", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 39.96520488022785, + "mrr": 40.189248047703934, + "main_score": 39.96520488022785 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/SummEval.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/SummEval.json new file mode 100644 index 000000000..2f962f5a7 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "8753c2788d36c01fc6f05d03fe3f7268d63f9122", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.56303767714449, + "cos_sim_spearman": 30.256847004390487, + "dot_pearson": 29.453520030995005, + "dot_spearman": 29.561732550926777, + "cosine_pearson": 30.56303767714449, + "cosine_spearman": 30.256847004390487, + "main_score": 30.256847004390487 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/TRECCOVID.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/TRECCOVID.json new file mode 100644 index 000000000..e25618a59 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/TRECCOVID.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "2c8041b2c07a79b6f7ba8fe6acc72e5d9f92d217", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.11299999999999999, + "map_at_10": 0.733, + "map_at_100": 3.313, + "map_at_1000": 7.355, + "map_at_3": 0.28200000000000003, + "map_at_5": 0.414, + "ndcg_at_1": 42.0, + "ndcg_at_10": 39.31, + "ndcg_at_100": 26.904, + "ndcg_at_1000": 23.778, + "ndcg_at_3": 42.775999999999996, + "ndcg_at_5": 41.554, + "precision_at_1": 48.0, + "precision_at_10": 43.0, + "precision_at_100": 27.08, + "precision_at_1000": 11.014, + "precision_at_3": 48.0, + "precision_at_5": 45.6, + "recall_at_1": 0.11299999999999999, + "recall_at_10": 0.976, + "recall_at_100": 5.888, + "recall_at_1000": 22.634999999999998, + "recall_at_3": 0.329, + "recall_at_5": 0.518, + "main_score": 39.31 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/Touche2020.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/Touche2020.json new file mode 100644 index 000000000..2f3c0e6dc --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/Touche2020.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "527b7d77e16e343303e68cb6af11d6e18b9f7b3b", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.645, + "map_at_10": 4.1160000000000005, + "map_at_100": 7.527, + "map_at_1000": 8.677999999999999, + "map_at_3": 1.6019999999999999, + "map_at_5": 2.6, + "ndcg_at_1": 10.204, + "ndcg_at_10": 12.27, + "ndcg_at_100": 22.461000000000002, + "ndcg_at_1000": 33.543, + "ndcg_at_3": 9.982000000000001, + "ndcg_at_5": 11.498, + "precision_at_1": 10.204, + "precision_at_10": 12.245000000000001, + "precision_at_100": 5.286, + "precision_at_1000": 1.2630000000000001, + "precision_at_3": 10.884, + "precision_at_5": 13.061, + "recall_at_1": 0.645, + "recall_at_10": 8.996, + "recall_at_100": 33.666000000000004, + "recall_at_1000": 67.704, + "recall_at_3": 2.504, + "recall_at_5": 4.95, + "main_score": 12.27 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/ToxicConversationsClassification.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..341f89180 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 62.7862, + "ap": 10.958454618347831, + "f1": 48.37243417046763, + "main_score": 62.7862 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/TweetSentimentExtractionClassification.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..4f0e46978 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "62146448f05be9e52a36b8ee9936447ea787eede", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 54.821731748726656, + "f1": 55.14729314789282, + "main_score": 54.821731748726656 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/TwentyNewsgroupsClustering.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..bab33295c --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "091a54f9a36281ce7d6590ec8c75dd485e7e01d4", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 28.24295128553035, + "main_score": 28.24295128553035 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/TwitterSemEval2015.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/TwitterSemEval2015.json new file mode 100644 index 000000000..d9657be77 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 81.5640460153782, + "cos_sim_ap": 57.094095366921536, + "cos_sim_f1": 55.29607083563918, + "cos_sim_precision": 47.62631077216397, + "cos_sim_recall": 65.91029023746702, + "dot_accuracy": 78.81623651427549, + "dot_ap": 47.42989400382077, + "dot_f1": 51.25944584382871, + "dot_precision": 42.55838271174625, + "dot_recall": 64.43271767810026, + "euclidean_accuracy": 80.29445073612685, + "euclidean_ap": 53.42012231336148, + "euclidean_f1": 51.867783563504645, + "euclidean_precision": 45.4203013481364, + "euclidean_recall": 60.4485488126649, + "manhattan_accuracy": 80.2884901949097, + "manhattan_ap": 53.43205271323232, + "manhattan_f1": 52.014165559982295, + "manhattan_precision": 44.796035074342356, + "manhattan_recall": 62.00527704485488, + "max_accuracy": 81.5640460153782, + "max_ap": 57.094095366921536, + "max_f1": 55.29607083563918, + "main_score": 57.094095366921536 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/TwitterURLCorpus.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/TwitterURLCorpus.json new file mode 100644 index 000000000..0a626dff4 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 86.63018589668955, + "cos_sim_ap": 80.51063771262909, + "cos_sim_f1": 72.70810586950793, + "cos_sim_precision": 71.14123627790467, + "cos_sim_recall": 74.3455497382199, + "dot_accuracy": 82.41743315092948, + "dot_ap": 69.2393381283664, + "dot_f1": 65.61346624814597, + "dot_precision": 59.43260638630257, + "dot_recall": 73.22913458577148, + "euclidean_accuracy": 86.49435324251951, + "euclidean_ap": 80.28100477250926, + "euclidean_f1": 72.58242344489099, + "euclidean_precision": 67.44662568576906, + "euclidean_recall": 78.56482907299045, + "manhattan_accuracy": 86.59525749990297, + "manhattan_ap": 80.37850832566262, + "manhattan_f1": 72.59435321233073, + "manhattan_precision": 68.19350473612991, + "manhattan_recall": 77.60240221743148, + "max_accuracy": 86.63018589668955, + "max_ap": 80.51063771262909, + "max_f1": 72.70810586950793, + "main_score": 80.51063771262909 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/model_meta.json b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/model_meta.json new file mode 100644 index 000000000..a6d03d990 --- /dev/null +++ b/results/Muennighoff__SGPT-125M-weightedmean-nli-bitfit/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "Muennighoff/SGPT-125M-weightedmean-nli-bitfit", + "revision": "23691c8b63a42b9a9796965c152feea82e25133c", + "release_date": "2022-03-02", + "languages": [], + "loader": null, + "n_parameters": 137795732, + "memory_usage": null, + "max_tokens": 2048, + "embed_dim": 768, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/AmazonCounterfactualClassification.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..b5104ae5d --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "2d8a100785abf0ae21420d2a55b0c56e3e1ea996", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 67.56716417910448, + "ap": 30.75574629595259, + "f1": 61.805121301858655, + "main_score": 67.56716417910448 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/AmazonPolarityClassification.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..c72b09bca --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "80714f8dcf8cefc218ef4f8c5a966dd83f75a0e1", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.439575, + "ap": 65.91341330532453, + "f1": 70.90561852619555, + "main_score": 71.439575 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/AmazonReviewsClassification.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..fe5aab12a --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "c379a6705fec24a2493fa68e011692605f44e119", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 35.748000000000005, + "f1": 35.48576287186347, + "main_score": 35.748000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/ArguAna.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/ArguAna.json new file mode 100644 index 000000000..5ae9d0dc8 --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "5b3e3697907184a9b77a3c99ee9ea1a9cbb1e4e3", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.96, + "map_at_10": 41.619, + "map_at_100": 42.673, + "map_at_1000": 42.684, + "map_at_3": 36.569, + "map_at_5": 39.397, + "mrr_at_1": 26.316, + "mrr_at_10": 41.772, + "mrr_at_100": 42.82, + "mrr_at_1000": 42.83, + "mrr_at_3": 36.724000000000004, + "mrr_at_5": 39.528999999999996, + "ndcg_at_1": 25.96, + "ndcg_at_10": 50.491, + "ndcg_at_100": 54.864999999999995, + "ndcg_at_1000": 55.10699999999999, + "ndcg_at_3": 40.053, + "ndcg_at_5": 45.134, + "precision_at_1": 25.96, + "precision_at_10": 7.8950000000000005, + "precision_at_100": 0.9780000000000001, + "precision_at_1000": 0.1, + "precision_at_3": 16.714000000000002, + "precision_at_5": 12.489, + "recall_at_1": 25.96, + "recall_at_10": 78.947, + "recall_at_100": 97.795, + "recall_at_1000": 99.644, + "recall_at_3": 50.141999999999996, + "recall_at_5": 62.446999999999996, + "main_score": 50.491 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/ArxivClusteringP2P.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..753058f52 --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "0bbdb47bcbe3a90093699aefeed338a0f28a7ee8", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 44.72125714642202, + "main_score": 44.72125714642202 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/ArxivClusteringS2S.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..b7b35e9df --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "b73bd54100e5abfa6e3a23dcafb46fe4d2438dc3", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.081451519142064, + "main_score": 35.081451519142064 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/AskUbuntuDupQuestions.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..d55832e07 --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4d853f94cd57d85ec13805aeeac3ae3e5eb4c49c", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 59.634661990392054, + "mrr": 73.6813525040672, + "main_score": 59.634661990392054 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/BIOSSES.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/BIOSSES.json new file mode 100644 index 000000000..0fc7ff0d2 --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "9ee918f184421b6bd48b78f6c714d86546106103", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.42754550496836, + "cos_sim_spearman": 84.84289705838664, + "euclidean_pearson": 85.59331970450859, + "euclidean_spearman": 85.8525586184271, + "manhattan_pearson": 85.41233134466698, + "manhattan_spearman": 85.52303303767404, + "cosine_pearson": 87.42754550496836, + "cosine_spearman": 84.84289705838664, + "main_score": 84.84289705838664 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/Banking77Classification.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/Banking77Classification.json new file mode 100644 index 000000000..c2c4f33ca --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "44fa15921b4c889113cc5df03dd4901b49161ab7", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 83.21753246753246, + "f1": 83.15394543120915, + "main_score": 83.21753246753246 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/BiorxivClusteringP2P.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..ee9491518 --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "11d0121201d1f1f280e8cc8f3d98fb9c4d9f9c55", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.41414219680629, + "main_score": 34.41414219680629 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/BiorxivClusteringS2S.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..8b84999bd --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "c0fab014e1bcb8d3a5e31b2088972a1e01547dc1", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.533275862270028, + "main_score": 30.533275862270028 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/CQADupstackAndroidRetrieval.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..5b469d749 --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "2b9f5791698b5be7bc5e10535c8690f20043c3db", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.808999999999997, + "map_at_10": 40.617, + "map_at_100": 41.894999999999996, + "map_at_1000": 42.025, + "map_at_3": 37.0, + "map_at_5": 38.993, + "mrr_at_1": 37.482, + "mrr_at_10": 46.497, + "mrr_at_100": 47.144000000000005, + "mrr_at_1000": 47.189, + "mrr_at_3": 43.705, + "mrr_at_5": 45.193, + "ndcg_at_1": 37.482, + "ndcg_at_10": 46.688, + "ndcg_at_100": 51.726000000000006, + "ndcg_at_1000": 53.825, + "ndcg_at_3": 41.242000000000004, + "ndcg_at_5": 43.657000000000004, + "precision_at_1": 37.482, + "precision_at_10": 8.827, + "precision_at_100": 1.393, + "precision_at_1000": 0.186, + "precision_at_3": 19.361, + "precision_at_5": 14.106, + "recall_at_1": 30.808999999999997, + "recall_at_10": 58.47, + "recall_at_100": 80.51899999999999, + "recall_at_1000": 93.809, + "recall_at_3": 42.462, + "recall_at_5": 49.385, + "main_score": 46.688 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.962000000000003, + "map_at_10": 36.93, + "map_at_100": 38.102000000000004, + "map_at_1000": 38.22, + "map_at_3": 34.065, + "map_at_5": 35.72, + "mrr_at_1": 33.567, + "mrr_at_10": 42.269, + "mrr_at_100": 42.99, + "mrr_at_1000": 43.033, + "mrr_at_3": 40.064, + "mrr_at_5": 41.258, + "ndcg_at_1": 33.567, + "ndcg_at_10": 42.405, + "ndcg_at_100": 46.847, + "ndcg_at_1000": 48.951, + "ndcg_at_3": 38.312000000000005, + "ndcg_at_5": 40.242, + "precision_at_1": 33.567, + "precision_at_10": 8.032, + "precision_at_100": 1.295, + "precision_at_1000": 0.17600000000000002, + "precision_at_3": 18.662, + "precision_at_5": 13.299, + "recall_at_1": 26.962000000000003, + "recall_at_10": 52.489, + "recall_at_100": 71.635, + "recall_at_1000": 85.141, + "recall_at_3": 40.28, + "recall_at_5": 45.757, + "main_score": 42.405 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 36.318, + "map_at_10": 47.97, + "map_at_100": 49.003, + "map_at_1000": 49.065999999999995, + "map_at_3": 45.031, + "map_at_5": 46.633, + "mrr_at_1": 41.504999999999995, + "mrr_at_10": 51.431000000000004, + "mrr_at_100": 52.129000000000005, + "mrr_at_1000": 52.161, + "mrr_at_3": 48.934, + "mrr_at_5": 50.42, + "ndcg_at_1": 41.504999999999995, + "ndcg_at_10": 53.676, + "ndcg_at_100": 57.867000000000004, + "ndcg_at_1000": 59.166, + "ndcg_at_3": 48.516, + "ndcg_at_5": 50.983999999999995, + "precision_at_1": 41.504999999999995, + "precision_at_10": 8.608, + "precision_at_100": 1.1560000000000001, + "precision_at_1000": 0.133, + "precision_at_3": 21.462999999999997, + "precision_at_5": 14.721, + "recall_at_1": 36.318, + "recall_at_10": 67.066, + "recall_at_100": 85.34, + "recall_at_1000": 94.491, + "recall_at_3": 53.215999999999994, + "recall_at_5": 59.214, + "main_score": 53.676 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.167, + "map_at_10": 29.543999999999997, + "map_at_100": 30.579, + "map_at_1000": 30.669999999999998, + "map_at_3": 26.982, + "map_at_5": 28.474, + "mrr_at_1": 24.068, + "mrr_at_10": 31.237, + "mrr_at_100": 32.222, + "mrr_at_1000": 32.292, + "mrr_at_3": 28.776000000000003, + "mrr_at_5": 30.233999999999998, + "ndcg_at_1": 24.068, + "ndcg_at_10": 33.973, + "ndcg_at_100": 39.135, + "ndcg_at_1000": 41.443999999999996, + "ndcg_at_3": 29.018, + "ndcg_at_5": 31.558999999999997, + "precision_at_1": 24.068, + "precision_at_10": 5.299, + "precision_at_100": 0.823, + "precision_at_1000": 0.106, + "precision_at_3": 12.166, + "precision_at_5": 8.767999999999999, + "recall_at_1": 22.167, + "recall_at_10": 46.115, + "recall_at_100": 69.867, + "recall_at_1000": 87.234, + "recall_at_3": 32.798, + "recall_at_5": 38.951, + "main_score": 33.973 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 12.033000000000001, + "map_at_10": 19.314, + "map_at_100": 20.562, + "map_at_1000": 20.695, + "map_at_3": 16.946, + "map_at_5": 18.076999999999998, + "mrr_at_1": 14.801, + "mrr_at_10": 22.74, + "mrr_at_100": 23.876, + "mrr_at_1000": 23.949, + "mrr_at_3": 20.211000000000002, + "mrr_at_5": 21.573, + "ndcg_at_1": 14.801, + "ndcg_at_10": 24.038, + "ndcg_at_100": 30.186, + "ndcg_at_1000": 33.321, + "ndcg_at_3": 19.431, + "ndcg_at_5": 21.34, + "precision_at_1": 14.801, + "precision_at_10": 4.776, + "precision_at_100": 0.897, + "precision_at_1000": 0.133, + "precision_at_3": 9.66, + "precision_at_5": 7.239, + "recall_at_1": 12.033000000000001, + "recall_at_10": 35.098, + "recall_at_100": 62.175000000000004, + "recall_at_1000": 84.17099999999999, + "recall_at_3": 22.61, + "recall_at_5": 27.278999999999996, + "main_score": 24.038 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.651000000000003, + "map_at_10": 36.901, + "map_at_100": 38.249, + "map_at_1000": 38.361000000000004, + "map_at_3": 33.891, + "map_at_5": 35.439, + "mrr_at_1": 32.724, + "mrr_at_10": 42.504, + "mrr_at_100": 43.391999999999996, + "mrr_at_1000": 43.436, + "mrr_at_3": 39.989999999999995, + "mrr_at_5": 41.347, + "ndcg_at_1": 32.724, + "ndcg_at_10": 43.007, + "ndcg_at_100": 48.601, + "ndcg_at_1000": 50.697, + "ndcg_at_3": 37.99, + "ndcg_at_5": 40.083999999999996, + "precision_at_1": 32.724, + "precision_at_10": 7.872999999999999, + "precision_at_100": 1.247, + "precision_at_1000": 0.16199999999999998, + "precision_at_3": 18.062, + "precision_at_5": 12.666, + "recall_at_1": 26.651000000000003, + "recall_at_10": 55.674, + "recall_at_100": 78.904, + "recall_at_1000": 92.55799999999999, + "recall_at_3": 41.36, + "recall_at_5": 46.983999999999995, + "main_score": 43.007 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.589000000000002, + "map_at_10": 32.244, + "map_at_100": 33.46, + "map_at_1000": 33.593, + "map_at_3": 29.21, + "map_at_5": 31.019999999999996, + "mrr_at_1": 28.425, + "mrr_at_10": 37.282, + "mrr_at_100": 38.187, + "mrr_at_1000": 38.248, + "mrr_at_3": 34.684, + "mrr_at_5": 36.123, + "ndcg_at_1": 28.425, + "ndcg_at_10": 37.942, + "ndcg_at_100": 43.443, + "ndcg_at_1000": 45.995999999999995, + "ndcg_at_3": 32.873999999999995, + "ndcg_at_5": 35.325, + "precision_at_1": 28.425, + "precision_at_10": 7.1, + "precision_at_100": 1.166, + "precision_at_1000": 0.158, + "precision_at_3": 16.02, + "precision_at_5": 11.644, + "recall_at_1": 22.589000000000002, + "recall_at_10": 50.03999999999999, + "recall_at_100": 73.973, + "recall_at_1000": 91.128, + "recall_at_3": 35.882999999999996, + "recall_at_5": 42.187999999999995, + "main_score": 37.942 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.190833333333334, + "map_at_10": 31.504916666666666, + "map_at_100": 32.64908333333334, + "map_at_1000": 32.77075, + "map_at_3": 28.82575, + "map_at_5": 30.2755, + "mrr_at_1": 27.427499999999995, + "mrr_at_10": 35.36483333333334, + "mrr_at_100": 36.23441666666666, + "mrr_at_1000": 36.297583333333336, + "mrr_at_3": 32.97966666666667, + "mrr_at_5": 34.294583333333335, + "ndcg_at_1": 27.427499999999995, + "ndcg_at_10": 36.53358333333333, + "ndcg_at_100": 41.64508333333333, + "ndcg_at_1000": 44.14499999999999, + "ndcg_at_3": 31.88908333333333, + "ndcg_at_5": 33.98433333333333, + "precision_at_1": 27.427499999999995, + "precision_at_10": 6.481083333333333, + "precision_at_100": 1.0610833333333334, + "precision_at_1000": 0.14691666666666667, + "precision_at_3": 14.656749999999999, + "precision_at_5": 10.493583333333332, + "recall_at_1": 23.190833333333334, + "recall_at_10": 47.65175, + "recall_at_100": 70.41016666666667, + "recall_at_1000": 87.82708333333332, + "recall_at_3": 34.637583333333325, + "recall_at_5": 40.05008333333333, + "main_score": 36.53358333333333 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.409, + "map_at_10": 26.794, + "map_at_100": 27.682000000000002, + "map_at_1000": 27.783, + "map_at_3": 24.461, + "map_at_5": 25.668000000000003, + "mrr_at_1": 22.853, + "mrr_at_10": 29.296, + "mrr_at_100": 30.103, + "mrr_at_1000": 30.179000000000002, + "mrr_at_3": 27.173000000000002, + "mrr_at_5": 28.223, + "ndcg_at_1": 22.853, + "ndcg_at_10": 31.007, + "ndcg_at_100": 35.581, + "ndcg_at_1000": 38.147, + "ndcg_at_3": 26.590999999999998, + "ndcg_at_5": 28.43, + "precision_at_1": 22.853, + "precision_at_10": 5.031, + "precision_at_100": 0.7939999999999999, + "precision_at_1000": 0.11, + "precision_at_3": 11.401, + "precision_at_5": 8.16, + "recall_at_1": 20.409, + "recall_at_10": 41.766, + "recall_at_100": 62.964, + "recall_at_1000": 81.682, + "recall_at_3": 29.281000000000002, + "recall_at_5": 33.83, + "main_score": 31.007 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 14.549000000000001, + "map_at_10": 20.315, + "map_at_100": 21.301000000000002, + "map_at_1000": 21.425, + "map_at_3": 18.132, + "map_at_5": 19.429, + "mrr_at_1": 17.86, + "mrr_at_10": 23.860999999999997, + "mrr_at_100": 24.737000000000002, + "mrr_at_1000": 24.82, + "mrr_at_3": 21.685, + "mrr_at_5": 23.008, + "ndcg_at_1": 17.86, + "ndcg_at_10": 24.396, + "ndcg_at_100": 29.328, + "ndcg_at_1000": 32.486, + "ndcg_at_3": 20.375, + "ndcg_at_5": 22.411, + "precision_at_1": 17.86, + "precision_at_10": 4.47, + "precision_at_100": 0.8099999999999999, + "precision_at_1000": 0.125, + "precision_at_3": 9.475, + "precision_at_5": 7.170999999999999, + "recall_at_1": 14.549000000000001, + "recall_at_10": 33.365, + "recall_at_100": 55.797, + "recall_at_1000": 78.632, + "recall_at_3": 22.229, + "recall_at_5": 27.339000000000002, + "main_score": 24.396 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.286, + "map_at_10": 30.728, + "map_at_100": 31.840000000000003, + "map_at_1000": 31.953, + "map_at_3": 28.302, + "map_at_5": 29.615000000000002, + "mrr_at_1": 27.239, + "mrr_at_10": 34.408, + "mrr_at_100": 35.335, + "mrr_at_1000": 35.405, + "mrr_at_3": 32.151999999999994, + "mrr_at_5": 33.355000000000004, + "ndcg_at_1": 27.239, + "ndcg_at_10": 35.324, + "ndcg_at_100": 40.866, + "ndcg_at_1000": 43.584, + "ndcg_at_3": 30.898999999999997, + "ndcg_at_5": 32.812999999999995, + "precision_at_1": 27.239, + "precision_at_10": 5.896, + "precision_at_100": 0.979, + "precision_at_1000": 0.133, + "precision_at_3": 13.713000000000001, + "precision_at_5": 9.683, + "recall_at_1": 23.286, + "recall_at_10": 45.711, + "recall_at_100": 70.611, + "recall_at_1000": 90.029, + "recall_at_3": 33.615, + "recall_at_5": 38.41, + "main_score": 35.324 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.962, + "map_at_10": 31.942999999999998, + "map_at_100": 33.384, + "map_at_1000": 33.611000000000004, + "map_at_3": 29.243000000000002, + "map_at_5": 30.446, + "mrr_at_1": 28.458, + "mrr_at_10": 36.157000000000004, + "mrr_at_100": 37.092999999999996, + "mrr_at_1000": 37.163000000000004, + "mrr_at_3": 33.86, + "mrr_at_5": 35.086, + "ndcg_at_1": 28.458, + "ndcg_at_10": 37.201, + "ndcg_at_100": 42.591, + "ndcg_at_1000": 45.539, + "ndcg_at_3": 32.889, + "ndcg_at_5": 34.483000000000004, + "precision_at_1": 28.458, + "precision_at_10": 7.332, + "precision_at_100": 1.437, + "precision_at_1000": 0.233, + "precision_at_3": 15.547, + "precision_at_5": 11.146, + "recall_at_1": 23.962, + "recall_at_10": 46.751, + "recall_at_100": 71.626, + "recall_at_1000": 90.93900000000001, + "recall_at_3": 34.138000000000005, + "recall_at_5": 38.673, + "main_score": 37.201 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.555, + "map_at_10": 24.759, + "map_at_100": 25.732, + "map_at_1000": 25.846999999999998, + "map_at_3": 22.646, + "map_at_5": 23.791999999999998, + "mrr_at_1": 20.148, + "mrr_at_10": 26.695999999999998, + "mrr_at_100": 27.605, + "mrr_at_1000": 27.695999999999998, + "mrr_at_3": 24.522, + "mrr_at_5": 25.715, + "ndcg_at_1": 20.148, + "ndcg_at_10": 28.746, + "ndcg_at_100": 33.57, + "ndcg_at_1000": 36.584, + "ndcg_at_3": 24.532, + "ndcg_at_5": 26.484, + "precision_at_1": 20.148, + "precision_at_10": 4.529, + "precision_at_100": 0.736, + "precision_at_1000": 0.108, + "precision_at_3": 10.351, + "precision_at_5": 7.32, + "recall_at_1": 18.555, + "recall_at_10": 39.275999999999996, + "recall_at_100": 61.511, + "recall_at_1000": 84.111, + "recall_at_3": 27.778999999999996, + "recall_at_5": 32.591, + "main_score": 28.746 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/ClimateFEVER.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/ClimateFEVER.json new file mode 100644 index 000000000..e72b9ae08 --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "392b78eb68c07badcd7c2cd8f39af108375dfcce", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 10.366999999999999, + "map_at_10": 18.953999999999997, + "map_at_100": 20.674999999999997, + "map_at_1000": 20.868000000000002, + "map_at_3": 15.486, + "map_at_5": 17.347, + "mrr_at_1": 23.257, + "mrr_at_10": 35.419, + "mrr_at_100": 36.361, + "mrr_at_1000": 36.403, + "mrr_at_3": 31.747999999999998, + "mrr_at_5": 34.077, + "ndcg_at_1": 23.257, + "ndcg_at_10": 27.11, + "ndcg_at_100": 33.981, + "ndcg_at_1000": 37.444, + "ndcg_at_3": 21.471999999999998, + "ndcg_at_5": 23.769000000000002, + "precision_at_1": 23.257, + "precision_at_10": 8.704, + "precision_at_100": 1.606, + "precision_at_1000": 0.22499999999999998, + "precision_at_3": 16.287, + "precision_at_5": 13.068, + "recall_at_1": 10.366999999999999, + "recall_at_10": 33.706, + "recall_at_100": 57.375, + "recall_at_1000": 76.79, + "recall_at_3": 20.18, + "recall_at_5": 26.215, + "main_score": 27.11 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/DBPedia.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/DBPedia.json new file mode 100644 index 000000000..bb319feed --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "f097057d03ed98220bc7309ddb10b71a54d667d6", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.246, + "map_at_10": 15.979, + "map_at_100": 21.025, + "map_at_1000": 22.189999999999998, + "map_at_3": 11.997, + "map_at_5": 13.697000000000001, + "mrr_at_1": 60.75000000000001, + "mrr_at_10": 68.70100000000001, + "mrr_at_100": 69.1, + "mrr_at_1000": 69.111, + "mrr_at_3": 66.583, + "mrr_at_5": 67.87100000000001, + "ndcg_at_1": 49.75, + "ndcg_at_10": 34.702, + "ndcg_at_100": 37.607, + "ndcg_at_1000": 44.322, + "ndcg_at_3": 39.555, + "ndcg_at_5": 36.684, + "precision_at_1": 60.75000000000001, + "precision_at_10": 26.625, + "precision_at_100": 7.969999999999999, + "precision_at_1000": 1.678, + "precision_at_3": 41.833, + "precision_at_5": 34.5, + "recall_at_1": 8.246, + "recall_at_10": 20.968, + "recall_at_100": 42.065000000000005, + "recall_at_1000": 63.671, + "recall_at_3": 13.039000000000001, + "recall_at_5": 16.042, + "main_score": 34.702 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/EmotionClassification.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/EmotionClassification.json new file mode 100644 index 000000000..e47e654b4 --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "829147f8f75a25f005913200eb5ed41fae320aa1", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 49.214999999999996, + "f1": 44.85952451163755, + "main_score": 49.214999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/FEVER.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/FEVER.json new file mode 100644 index 000000000..28f4b3759 --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "1429cf27e393599b8b359b9b72c666f96b2525f9", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 56.769000000000005, + "map_at_10": 67.30199999999999, + "map_at_100": 67.692, + "map_at_1000": 67.712, + "map_at_3": 65.346, + "map_at_5": 66.574, + "mrr_at_1": 61.370999999999995, + "mrr_at_10": 71.875, + "mrr_at_100": 72.195, + "mrr_at_1000": 72.206, + "mrr_at_3": 70.04, + "mrr_at_5": 71.224, + "ndcg_at_1": 61.370999999999995, + "ndcg_at_10": 72.731, + "ndcg_at_100": 74.468, + "ndcg_at_1000": 74.91600000000001, + "ndcg_at_3": 69.077, + "ndcg_at_5": 71.111, + "precision_at_1": 61.370999999999995, + "precision_at_10": 9.325999999999999, + "precision_at_100": 1.03, + "precision_at_1000": 0.108, + "precision_at_3": 27.303, + "precision_at_5": 17.525, + "recall_at_1": 56.769000000000005, + "recall_at_10": 85.06, + "recall_at_100": 92.767, + "recall_at_1000": 95.933, + "recall_at_3": 75.131, + "recall_at_5": 80.17, + "main_score": 72.731 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/FiQA2018.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/FiQA2018.json new file mode 100644 index 000000000..3266e569a --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "41b686a7f28c59bcaaa5791efd47c67c8ebe28be", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.753, + "map_at_10": 25.875999999999998, + "map_at_100": 27.415, + "map_at_1000": 27.590999999999998, + "map_at_3": 22.17, + "map_at_5": 24.236, + "mrr_at_1": 31.019000000000002, + "mrr_at_10": 39.977000000000004, + "mrr_at_100": 40.788999999999994, + "mrr_at_1000": 40.832, + "mrr_at_3": 37.088, + "mrr_at_5": 38.655, + "ndcg_at_1": 31.019000000000002, + "ndcg_at_10": 33.286, + "ndcg_at_100": 39.528999999999996, + "ndcg_at_1000": 42.934, + "ndcg_at_3": 29.29, + "ndcg_at_5": 30.615, + "precision_at_1": 31.019000000000002, + "precision_at_10": 9.383, + "precision_at_100": 1.6019999999999999, + "precision_at_1000": 0.22200000000000003, + "precision_at_3": 19.753, + "precision_at_5": 14.815000000000001, + "recall_at_1": 15.753, + "recall_at_10": 40.896, + "recall_at_100": 64.443, + "recall_at_1000": 85.218, + "recall_at_3": 26.526, + "recall_at_5": 32.452999999999996, + "main_score": 33.286 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/HotpotQA.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/HotpotQA.json new file mode 100644 index 000000000..bcc574011 --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "766870b35a1b9ca65e67a0d1913899973551fc6c", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.153999999999996, + "map_at_10": 43.651, + "map_at_100": 44.41, + "map_at_1000": 44.487, + "map_at_3": 41.239, + "map_at_5": 42.659000000000006, + "mrr_at_1": 64.30799999999999, + "mrr_at_10": 71.22500000000001, + "mrr_at_100": 71.57, + "mrr_at_1000": 71.59100000000001, + "mrr_at_3": 69.95, + "mrr_at_5": 70.738, + "ndcg_at_1": 64.30799999999999, + "ndcg_at_10": 52.835, + "ndcg_at_100": 55.840999999999994, + "ndcg_at_1000": 57.484, + "ndcg_at_3": 49.014, + "ndcg_at_5": 51.01599999999999, + "precision_at_1": 64.30799999999999, + "precision_at_10": 10.77, + "precision_at_100": 1.315, + "precision_at_1000": 0.153, + "precision_at_3": 30.223, + "precision_at_5": 19.716, + "recall_at_1": 32.153999999999996, + "recall_at_10": 53.849000000000004, + "recall_at_100": 65.75999999999999, + "recall_at_1000": 76.705, + "recall_at_3": 45.334, + "recall_at_5": 49.291000000000004, + "main_score": 52.835 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/ImdbClassification.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/ImdbClassification.json new file mode 100644 index 000000000..4fea7339c --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "8d743909f834c38949e8323a8a6ce8721ea6c7f4", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 63.5316, + "ap": 58.90084300359825, + "f1": 63.35727889030892, + "main_score": 63.5316 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/MSMARCO.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/MSMARCO.json new file mode 100644 index 000000000..ce9df7d48 --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "e6838a846e2408f22cf5cc337ebc83e0bcf77849", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.566000000000003, + "map_at_10": 32.229, + "map_at_100": 33.445, + "map_at_1000": 33.501, + "map_at_3": 28.504, + "map_at_5": 30.681000000000004, + "mrr_at_1": 21.218, + "mrr_at_10": 32.816, + "mrr_at_100": 33.986, + "mrr_at_1000": 34.035, + "mrr_at_3": 29.15, + "mrr_at_5": 31.290000000000003, + "ndcg_at_1": 21.218, + "ndcg_at_10": 38.832, + "ndcg_at_100": 44.743, + "ndcg_at_1000": 46.138, + "ndcg_at_3": 31.232, + "ndcg_at_5": 35.099999999999994, + "precision_at_1": 21.218, + "precision_at_10": 6.186, + "precision_at_100": 0.914, + "precision_at_1000": 0.10300000000000001, + "precision_at_3": 13.314, + "precision_at_5": 9.943, + "recall_at_1": 20.566000000000003, + "recall_at_10": 59.192, + "recall_at_100": 86.626, + "recall_at_1000": 97.283, + "recall_at_3": 38.492, + "recall_at_5": 47.760000000000005, + "main_score": 38.832 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/MTOPDomainClassification.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/MTOPDomainClassification.json new file mode 100644 index 000000000..7e8fa9723 --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a7e2a951126a26fc8c6a69f835f33a346ba259e3", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.56269949840402, + "f1": 92.1020975473988, + "main_score": 92.56269949840402 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/MTOPIntentClassification.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/MTOPIntentClassification.json new file mode 100644 index 000000000..282aad58f --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6299947a7777084cc2d4b64235bf7190381ce755", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.8467852257182, + "f1": 53.652719348592015, + "main_score": 71.8467852257182 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/MassiveIntentClassification.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/MassiveIntentClassification.json new file mode 100644 index 000000000..513bffc82 --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "072a486a144adf7f4479a4a0dddb2152e161e1ea", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.00806993947546, + "f1": 67.41429618885515, + "main_score": 69.00806993947546 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/MassiveScenarioClassification.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..7fac985bb --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.90114324142569, + "f1": 76.25183590651454, + "main_score": 75.90114324142569 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/MedrxivClusteringP2P.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..3a9f9e8e6 --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "dcefc037ef84348e49b0d29109e891c01067226b", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.350109978273395, + "main_score": 31.350109978273395 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/MedrxivClusteringS2S.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..afac05f84 --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "3cd0e71dfbe09d4de0f9e5ecba43e7ce280959dc", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 28.768923695767327, + "main_score": 28.768923695767327 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/MindSmallReranking.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/MindSmallReranking.json new file mode 100644 index 000000000..5e38ce394 --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.716396735210754, + "mrr": 32.88970538547634, + "main_score": 31.716396735210754 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/NFCorpus.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/NFCorpus.json new file mode 100644 index 000000000..c3772eeed --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "7eb63cc0c1eb59324d709ebed25fcab851fa7610", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.604, + "map_at_10": 12.379999999999999, + "map_at_100": 15.791, + "map_at_1000": 17.327, + "map_at_3": 9.15, + "map_at_5": 10.599, + "mrr_at_1": 45.201, + "mrr_at_10": 53.374, + "mrr_at_100": 54.089, + "mrr_at_1000": 54.123, + "mrr_at_3": 51.44499999999999, + "mrr_at_5": 52.59, + "ndcg_at_1": 42.879, + "ndcg_at_10": 33.891, + "ndcg_at_100": 31.391999999999996, + "ndcg_at_1000": 40.36, + "ndcg_at_3": 39.076, + "ndcg_at_5": 37.047000000000004, + "precision_at_1": 44.582, + "precision_at_10": 25.294, + "precision_at_100": 8.285, + "precision_at_1000": 2.1479999999999997, + "precision_at_3": 36.120000000000005, + "precision_at_5": 31.95, + "recall_at_1": 5.604, + "recall_at_10": 16.239, + "recall_at_100": 32.16, + "recall_at_1000": 64.513, + "recall_at_3": 10.406, + "recall_at_5": 12.684999999999999, + "main_score": 33.891 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/NQ.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/NQ.json new file mode 100644 index 000000000..0865f77f7 --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "6062aefc120bfe8ece5897809fb2e53bfe0d128c", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.881, + "map_at_10": 39.501, + "map_at_100": 40.615, + "map_at_1000": 40.661, + "map_at_3": 35.559000000000005, + "map_at_5": 37.773, + "mrr_at_1": 29.229, + "mrr_at_10": 41.955999999999996, + "mrr_at_100": 42.86, + "mrr_at_1000": 42.893, + "mrr_at_3": 38.562000000000005, + "mrr_at_5": 40.542, + "ndcg_at_1": 29.2, + "ndcg_at_10": 46.703, + "ndcg_at_100": 51.644, + "ndcg_at_1000": 52.771, + "ndcg_at_3": 39.141999999999996, + "ndcg_at_5": 42.892, + "precision_at_1": 29.2, + "precision_at_10": 7.920000000000001, + "precision_at_100": 1.0659999999999998, + "precision_at_1000": 0.117, + "precision_at_3": 18.105, + "precision_at_5": 13.036, + "recall_at_1": 25.881, + "recall_at_10": 66.266, + "recall_at_100": 88.116, + "recall_at_1000": 96.58200000000001, + "recall_at_3": 46.526, + "recall_at_5": 55.154, + "main_score": 46.703 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/QuoraRetrieval.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/QuoraRetrieval.json new file mode 100644 index 000000000..a8882be0f --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "6205996560df11e3a3da9ab4f926788fc30a7db4", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 67.553, + "map_at_10": 81.34, + "map_at_100": 82.002, + "map_at_1000": 82.027, + "map_at_3": 78.281, + "map_at_5": 80.149, + "mrr_at_1": 77.72, + "mrr_at_10": 84.733, + "mrr_at_100": 84.878, + "mrr_at_1000": 84.879, + "mrr_at_3": 83.587, + "mrr_at_5": 84.32600000000001, + "ndcg_at_1": 77.75, + "ndcg_at_10": 85.603, + "ndcg_at_100": 87.069, + "ndcg_at_1000": 87.25, + "ndcg_at_3": 82.303, + "ndcg_at_5": 84.03699999999999, + "precision_at_1": 77.75, + "precision_at_10": 13.04, + "precision_at_100": 1.5070000000000001, + "precision_at_1000": 0.156, + "precision_at_3": 35.903, + "precision_at_5": 23.738, + "recall_at_1": 67.553, + "recall_at_10": 93.903, + "recall_at_100": 99.062, + "recall_at_1000": 99.935, + "recall_at_3": 84.58099999999999, + "recall_at_5": 89.316, + "main_score": 85.603 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/RedditClustering.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/RedditClustering.json new file mode 100644 index 000000000..c6c984540 --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "b2805658ae38990172679479369a78b86de8c390", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 46.46887711230235, + "main_score": 46.46887711230235 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/RedditClusteringP2P.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/RedditClusteringP2P.json new file mode 100644 index 000000000..b3794c09e --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 54.166876298246926, + "main_score": 54.166876298246926 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/SCIDOCS.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/SCIDOCS.json new file mode 100644 index 000000000..8263e7739 --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "5c59ef3e437a0a9651c8fe6fde943e7dce59fba5", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.053, + "map_at_10": 9.693999999999999, + "map_at_100": 11.387, + "map_at_1000": 11.654, + "map_at_3": 7.053, + "map_at_5": 8.439, + "mrr_at_1": 19.900000000000002, + "mrr_at_10": 29.359, + "mrr_at_100": 30.484, + "mrr_at_1000": 30.553, + "mrr_at_3": 26.200000000000003, + "mrr_at_5": 28.115000000000002, + "ndcg_at_1": 19.900000000000002, + "ndcg_at_10": 16.575, + "ndcg_at_100": 23.655, + "ndcg_at_1000": 28.853, + "ndcg_at_3": 15.848, + "ndcg_at_5": 14.026, + "precision_at_1": 19.900000000000002, + "precision_at_10": 8.450000000000001, + "precision_at_100": 1.872, + "precision_at_1000": 0.313, + "precision_at_3": 14.667, + "precision_at_5": 12.32, + "recall_at_1": 4.053, + "recall_at_10": 17.169999999999998, + "recall_at_100": 38.025, + "recall_at_1000": 63.571999999999996, + "recall_at_3": 8.903, + "recall_at_5": 12.477, + "main_score": 16.575 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/SICK-R.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/SICK-R.json new file mode 100644 index 000000000..d4ff14ae4 --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 77.7548748519677, + "cos_sim_spearman": 68.19926431966059, + "euclidean_pearson": 71.69016204991725, + "euclidean_spearman": 66.98099673026834, + "manhattan_pearson": 71.62994072488664, + "manhattan_spearman": 67.03435950744577, + "cosine_pearson": 77.7548748519677, + "cosine_spearman": 68.19926431966059, + "main_score": 68.19926431966059 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/STS12.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/STS12.json new file mode 100644 index 000000000..b97afbcb0 --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "fdf84275bb8ce4b49c971d02e84dd1abc677a50f", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 75.91051402657887, + "cos_sim_spearman": 66.99390786191645, + "euclidean_pearson": 71.54128036454578, + "euclidean_spearman": 69.25605675649068, + "manhattan_pearson": 71.60981030780171, + "manhattan_spearman": 69.27513670128046, + "cosine_pearson": 75.91051402657887, + "cosine_spearman": 66.99390786191645, + "main_score": 66.99390786191645 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/STS13.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/STS13.json new file mode 100644 index 000000000..a602ba1e7 --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "1591bfcbe8c69d4bf7fe2a16e2451017832cafb9", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 77.23835466417793, + "cos_sim_spearman": 77.57623085766706, + "euclidean_pearson": 77.5090992200725, + "euclidean_spearman": 77.88601688144924, + "manhattan_pearson": 77.39045060647423, + "manhattan_spearman": 77.77552718279098, + "cosine_pearson": 77.23835466417793, + "cosine_spearman": 77.57623085766706, + "main_score": 77.57623085766706 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/STS14.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/STS14.json new file mode 100644 index 000000000..67ab81204 --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e2125984e7df8b7871f6ae9949cf6b6795e7c54b", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 77.91692485139602, + "cos_sim_spearman": 72.78258293483495, + "euclidean_pearson": 74.64773017077789, + "euclidean_spearman": 71.81662299104619, + "manhattan_pearson": 74.71043337995533, + "manhattan_spearman": 71.83960860845646, + "cosine_pearson": 77.91692485139602, + "cosine_spearman": 72.78258293483495, + "main_score": 72.78258293483495 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/STS15.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/STS15.json new file mode 100644 index 000000000..286a8a237 --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "1cd7298cac12a96a373b6a2f18738bb3e739a9b6", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.13422113617578, + "cos_sim_spearman": 82.61707296911949, + "euclidean_pearson": 81.42487480400861, + "euclidean_spearman": 82.17970991273835, + "manhattan_pearson": 81.41985055477845, + "manhattan_spearman": 82.15823204362937, + "cosine_pearson": 82.13422113617578, + "cosine_spearman": 82.61707296911949, + "main_score": 82.61707296911949 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/STS16.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/STS16.json new file mode 100644 index 000000000..2940e4cf8 --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "360a0b2dff98700d09e634a01e1cc1624d3e42cd", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 79.07989542843826, + "cos_sim_spearman": 80.09839524406284, + "euclidean_pearson": 76.43186028364195, + "euclidean_spearman": 76.76720323266471, + "manhattan_pearson": 76.4674747409161, + "manhattan_spearman": 76.81797407068667, + "cosine_pearson": 79.07989542843826, + "cosine_spearman": 80.09839524406284, + "main_score": 80.09839524406284 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/STS17.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/STS17.json new file mode 100644 index 000000000..44ff44f5c --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "9fc37e8c632af1c87a3d23e685d49552a02582a0", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.0420983224933, + "cos_sim_spearman": 87.25017540413702, + "euclidean_pearson": 84.56384596473421, + "euclidean_spearman": 84.72557417564886, + "manhattan_pearson": 84.7329954474549, + "manhattan_spearman": 84.75071371008909, + "cosine_pearson": 87.0420983224933, + "cosine_spearman": 87.25017540413702, + "main_score": 87.25017540413702 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/STS22.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/STS22.json new file mode 100644 index 000000000..e55b51a8b --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "2de6ce8c1921b71a755b262c6b57fef195dd7906", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 68.47031320016424, + "cos_sim_spearman": 68.7486910762485, + "euclidean_pearson": 71.30330985913915, + "euclidean_spearman": 71.59666258520735, + "manhattan_pearson": 71.4423884279027, + "manhattan_spearman": 71.67460706861044, + "cosine_pearson": 68.47031320016424, + "cosine_spearman": 68.7486910762485, + "main_score": 68.7486910762485 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/STSBenchmark.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/STSBenchmark.json new file mode 100644 index 000000000..104579f8a --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "8913289635987208e6e7c72789e4be2fe94b6abd", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 80.79514366062675, + "cos_sim_spearman": 79.20585637461048, + "euclidean_pearson": 78.6591557395699, + "euclidean_spearman": 77.86455794285718, + "manhattan_pearson": 78.67754806486865, + "manhattan_spearman": 77.88178687200732, + "cosine_pearson": 80.79514366062675, + "cosine_spearman": 79.20585637461048, + "main_score": 79.20585637461048 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/SciDocsRR.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/SciDocsRR.json new file mode 100644 index 000000000..da6479165 --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "56a6d0140cf6356659e2a7c1413286a774468d44", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 77.71580844366375, + "mrr": 93.04215845882513, + "main_score": 77.71580844366375 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/SciFact.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/SciFact.json new file mode 100644 index 000000000..74a44b50d --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "a75ae049398addde9b70f6b268875f5cbce99089", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 56.39999999999999, + "map_at_10": 65.701, + "map_at_100": 66.32000000000001, + "map_at_1000": 66.34100000000001, + "map_at_3": 62.641999999999996, + "map_at_5": 64.342, + "mrr_at_1": 58.667, + "mrr_at_10": 66.45299999999999, + "mrr_at_100": 66.967, + "mrr_at_1000": 66.988, + "mrr_at_3": 64.11099999999999, + "mrr_at_5": 65.411, + "ndcg_at_1": 58.667, + "ndcg_at_10": 70.165, + "ndcg_at_100": 72.938, + "ndcg_at_1000": 73.456, + "ndcg_at_3": 64.79, + "ndcg_at_5": 67.28, + "precision_at_1": 58.667, + "precision_at_10": 9.4, + "precision_at_100": 1.087, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 24.889, + "precision_at_5": 16.667, + "recall_at_1": 56.39999999999999, + "recall_at_10": 83.122, + "recall_at_100": 95.667, + "recall_at_1000": 99.667, + "recall_at_3": 68.378, + "recall_at_5": 74.68299999999999, + "main_score": 70.165 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/SprintDuplicateQuestions.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..cd4d16d0d --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "5a8256d0dff9c4bd3be3ba3e67e4e70173f802ea", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.76831683168317, + "cos_sim_ap": 93.47124923047998, + "cos_sim_f1": 88.06122448979592, + "cos_sim_precision": 89.89583333333333, + "cos_sim_recall": 86.3, + "dot_accuracy": 99.57326732673268, + "dot_ap": 84.06577868167207, + "dot_f1": 77.82629791363416, + "dot_precision": 75.58906691800189, + "dot_recall": 80.2, + "euclidean_accuracy": 99.74257425742574, + "euclidean_ap": 92.1904681653555, + "euclidean_f1": 86.74821610601427, + "euclidean_precision": 88.46153846153845, + "euclidean_recall": 85.1, + "manhattan_accuracy": 99.74554455445545, + "manhattan_ap": 92.4337790809948, + "manhattan_f1": 86.86765457332653, + "manhattan_precision": 88.81922675026124, + "manhattan_recall": 85.0, + "max_accuracy": 99.76831683168317, + "max_ap": 93.47124923047998, + "max_f1": 88.06122448979592, + "main_score": 93.47124923047998 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/StackExchangeClustering.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/StackExchangeClustering.json new file mode 100644 index 000000000..a8a1f8bbd --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "70a89468f6dccacc6aa2b12a6eac54e74328f235", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 59.194098673976484, + "main_score": 59.194098673976484 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/StackExchangeClusteringP2P.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..320ef7117 --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "d88009ab563dd0b16cfaf4436abaf97fa3550cf0", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.5744032578115, + "main_score": 32.5744032578115 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/StackOverflowDupQuestions.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..aba7376b3 --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ef807ea29a75ec4f91b50fd4191cb4ee4589a9f9", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 49.61186384154483, + "mrr": 50.55424253034547, + "main_score": 49.61186384154483 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/SummEval.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/SummEval.json new file mode 100644 index 000000000..c641483c9 --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "8753c2788d36c01fc6f05d03fe3f7268d63f9122", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.027210161713946, + "cos_sim_spearman": 31.030178065751734, + "dot_pearson": 30.09179785685587, + "dot_spearman": 30.408303252207812, + "cosine_pearson": 30.027210161713946, + "cosine_spearman": 31.030178065751734, + "main_score": 31.030178065751734 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/TRECCOVID.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/TRECCOVID.json new file mode 100644 index 000000000..9300d6b7c --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "2c8041b2c07a79b6f7ba8fe6acc72e5d9f92d217", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.22300000000000003, + "map_at_10": 1.762, + "map_at_100": 9.984, + "map_at_1000": 24.265, + "map_at_3": 0.631, + "map_at_5": 0.9950000000000001, + "mrr_at_1": 88.0, + "mrr_at_10": 92.833, + "mrr_at_100": 92.833, + "mrr_at_1000": 92.833, + "mrr_at_3": 92.333, + "mrr_at_5": 92.833, + "ndcg_at_1": 83.0, + "ndcg_at_10": 75.17, + "ndcg_at_100": 55.432, + "ndcg_at_1000": 49.482, + "ndcg_at_3": 82.184, + "ndcg_at_5": 79.712, + "precision_at_1": 88.0, + "precision_at_10": 78.60000000000001, + "precision_at_100": 56.56, + "precision_at_1000": 22.334, + "precision_at_3": 86.667, + "precision_at_5": 83.6, + "recall_at_1": 0.22300000000000003, + "recall_at_10": 1.9879999999999998, + "recall_at_100": 13.300999999999998, + "recall_at_1000": 46.587, + "recall_at_3": 0.6629999999999999, + "recall_at_5": 1.079, + "main_score": 75.17 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/Touche2020.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/Touche2020.json new file mode 100644 index 000000000..b05b8b4f7 --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "527b7d77e16e343303e68cb6af11d6e18b9f7b3b", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.047, + "map_at_10": 8.792, + "map_at_100": 14.631, + "map_at_1000": 16.127, + "map_at_3": 4.673, + "map_at_5": 5.897, + "mrr_at_1": 38.775999999999996, + "mrr_at_10": 49.271, + "mrr_at_100": 50.181, + "mrr_at_1000": 50.2, + "mrr_at_3": 44.558, + "mrr_at_5": 47.925000000000004, + "ndcg_at_1": 35.714, + "ndcg_at_10": 23.44, + "ndcg_at_100": 35.345, + "ndcg_at_1000": 46.495, + "ndcg_at_3": 26.146, + "ndcg_at_5": 24.878, + "precision_at_1": 38.775999999999996, + "precision_at_10": 20.816000000000003, + "precision_at_100": 7.428999999999999, + "precision_at_1000": 1.494, + "precision_at_3": 25.85, + "precision_at_5": 24.082, + "recall_at_1": 3.047, + "recall_at_10": 14.975, + "recall_at_100": 45.943, + "recall_at_1000": 80.31099999999999, + "recall_at_3": 5.478000000000001, + "recall_at_5": 8.294, + "main_score": 23.44 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/ToxicConversationsClassification.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..3713f4107 --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 68.84080000000002, + "ap": 13.135219251019848, + "f1": 52.849999421995506, + "main_score": 68.84080000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/TweetSentimentExtractionClassification.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..ff5d17460 --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "62146448f05be9e52a36b8ee9936447ea787eede", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 56.68647425014149, + "f1": 56.97981427365949, + "main_score": 56.68647425014149 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/TwentyNewsgroupsClustering.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..bbf6d807b --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "091a54f9a36281ce7d6590ec8c75dd485e7e01d4", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.8911707239219, + "main_score": 40.8911707239219 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/TwitterSemEval2015.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/TwitterSemEval2015.json new file mode 100644 index 000000000..294bd17c1 --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 83.04226023722954, + "cos_sim_ap": 63.681339908301325, + "cos_sim_f1": 60.349184470480125, + "cos_sim_precision": 53.437754271765655, + "cos_sim_recall": 69.31398416886545, + "dot_accuracy": 81.46271681468677, + "dot_ap": 57.78072296265885, + "dot_f1": 56.28769265132901, + "dot_precision": 48.7993803253292, + "dot_recall": 66.49076517150397, + "euclidean_accuracy": 82.16606067830959, + "euclidean_ap": 59.974530371203514, + "euclidean_f1": 56.856023506366306, + "euclidean_precision": 53.037916857012334, + "euclidean_recall": 61.2664907651715, + "manhattan_accuracy": 82.16606067830959, + "manhattan_ap": 59.98962379571767, + "manhattan_f1": 56.98153158451947, + "manhattan_precision": 51.41158989598811, + "manhattan_recall": 63.90501319261214, + "max_accuracy": 83.04226023722954, + "max_ap": 63.681339908301325, + "max_f1": 60.349184470480125, + "main_score": 63.681339908301325 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/TwitterURLCorpus.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/TwitterURLCorpus.json new file mode 100644 index 000000000..6dd4c6dd2 --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.56871191834517, + "cos_sim_ap": 84.80240716354544, + "cos_sim_f1": 77.07765285922385, + "cos_sim_precision": 74.84947406601378, + "cos_sim_recall": 79.44256236526024, + "dot_accuracy": 86.00923662048356, + "dot_ap": 78.6556459012073, + "dot_f1": 72.7583749109052, + "dot_precision": 67.72823779193206, + "dot_recall": 78.59562673236834, + "euclidean_accuracy": 87.84103698529127, + "euclidean_ap": 83.50424424952834, + "euclidean_f1": 75.74496544549307, + "euclidean_precision": 73.19402556369381, + "euclidean_recall": 78.48013550970127, + "manhattan_accuracy": 87.9225365777933, + "manhattan_ap": 83.49479248597825, + "manhattan_f1": 75.67748162447101, + "manhattan_precision": 73.06810035842294, + "manhattan_recall": 78.48013550970127, + "max_accuracy": 88.56871191834517, + "max_ap": 84.80240716354544, + "max_f1": 77.07765285922385, + "main_score": 84.80240716354544 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/model_meta.json b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/model_meta.json new file mode 100644 index 000000000..c6a6b7cda --- /dev/null +++ b/results/Muennighoff__SGPT-2.7B-weightedmean-msmarco-specb-bitfit/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "Muennighoff/SGPT-2.7B-weightedmean-msmarco-specb-bitfit", + "revision": "44ec091e09d0366b9681dc853f88bfb619fedd19", + "release_date": "2022-03-02", + "languages": [], + "loader": null, + "n_parameters": 2684867104, + "memory_usage": null, + "max_tokens": 2048, + "embed_dim": 2560, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/AmazonCounterfactualClassification.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..bd8f6d997 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "2d8a100785abf0ae21420d2a55b0c56e3e1ea996", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.22388059701493, + "ap": 32.04724673950256, + "f1": 63.25719825770428, + "main_score": 69.22388059701493 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/AmazonPolarityClassification.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..07dc7515b --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "80714f8dcf8cefc218ef4f8c5a966dd83f75a0e1", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.26109999999998, + "ap": 66.16336378255403, + "f1": 70.89719145825303, + "main_score": 71.26109999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/AmazonReviewsClassification.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..44dd7b870 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "c379a6705fec24a2493fa68e011692605f44e119", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 39.19199999999999, + "f1": 38.580766731113826, + "main_score": 39.19199999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/ArguAna.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/ArguAna.json new file mode 100644 index 000000000..899815ba8 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "5b3e3697907184a9b77a3c99ee9ea1a9cbb1e4e3", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.311999999999998, + "map_at_10": 42.620000000000005, + "map_at_100": 43.707, + "map_at_1000": 43.714999999999996, + "map_at_3": 37.624, + "map_at_5": 40.498, + "mrr_at_1": 27.667, + "mrr_at_10": 42.737, + "mrr_at_100": 43.823, + "mrr_at_1000": 43.830999999999996, + "mrr_at_3": 37.743, + "mrr_at_5": 40.616, + "ndcg_at_1": 27.311999999999998, + "ndcg_at_10": 51.37500000000001, + "ndcg_at_100": 55.778000000000006, + "ndcg_at_1000": 55.96600000000001, + "ndcg_at_3": 41.087, + "ndcg_at_5": 46.269, + "precision_at_1": 27.311999999999998, + "precision_at_10": 7.945, + "precision_at_100": 0.9820000000000001, + "precision_at_1000": 0.1, + "precision_at_3": 17.046, + "precision_at_5": 12.745000000000001, + "recall_at_1": 27.311999999999998, + "recall_at_10": 79.445, + "recall_at_100": 98.151, + "recall_at_1000": 99.57300000000001, + "recall_at_3": 51.13799999999999, + "recall_at_5": 63.727000000000004, + "main_score": 51.37500000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/ArxivClusteringP2P.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..2683457b7 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "0bbdb47bcbe3a90093699aefeed338a0f28a7ee8", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 45.59037428592033, + "main_score": 45.59037428592033 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/ArxivClusteringS2S.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..196522dd0 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "b73bd54100e5abfa6e3a23dcafb46fe4d2438dc3", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.86371701986363, + "main_score": 38.86371701986363 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/AskUbuntuDupQuestions.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..841817be2 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4d853f94cd57d85ec13805aeeac3ae3e5eb4c49c", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 61.625568691427766, + "mrr": 75.83256386580486, + "main_score": 61.625568691427766 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/BIOSSES.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/BIOSSES.json new file mode 100644 index 000000000..f8865f96e --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "9ee918f184421b6bd48b78f6c714d86546106103", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 89.96074355094802, + "cos_sim_spearman": 86.2501580394454, + "euclidean_pearson": 82.18427440380462, + "euclidean_spearman": 80.14760935017947, + "manhattan_pearson": 82.24621578156392, + "manhattan_spearman": 80.00363016590163, + "cosine_pearson": 89.96074355094802, + "cosine_spearman": 86.2501580394454, + "main_score": 86.2501580394454 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/Banking77Classification.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/Banking77Classification.json new file mode 100644 index 000000000..b43e51cc6 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "44fa15921b4c889113cc5df03dd4901b49161ab7", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 84.49350649350649, + "f1": 84.4249343233736, + "main_score": 84.49350649350649 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/BiorxivClusteringP2P.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..eeceaf249 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "11d0121201d1f1f280e8cc8f3d98fb9c4d9f9c55", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.551459722989385, + "main_score": 36.551459722989385 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/BiorxivClusteringS2S.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..4f28d3f41 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "c0fab014e1bcb8d3a5e31b2088972a1e01547dc1", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.69901851846774, + "main_score": 33.69901851846774 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/CQADupstackAndroidRetrieval.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..3679317e8 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "2b9f5791698b5be7bc5e10535c8690f20043c3db", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.499, + "map_at_10": 41.208, + "map_at_100": 42.638, + "map_at_1000": 42.754, + "map_at_3": 37.506, + "map_at_5": 39.422000000000004, + "mrr_at_1": 37.339, + "mrr_at_10": 47.051, + "mrr_at_100": 47.745, + "mrr_at_1000": 47.786, + "mrr_at_3": 44.086999999999996, + "mrr_at_5": 45.711, + "ndcg_at_1": 37.339, + "ndcg_at_10": 47.666, + "ndcg_at_100": 52.994, + "ndcg_at_1000": 54.928999999999995, + "ndcg_at_3": 41.982, + "ndcg_at_5": 44.42, + "precision_at_1": 37.339, + "precision_at_10": 9.127, + "precision_at_100": 1.4749999999999999, + "precision_at_1000": 0.194, + "precision_at_3": 20.076, + "precision_at_5": 14.449000000000002, + "recall_at_1": 30.499, + "recall_at_10": 60.328, + "recall_at_100": 82.57900000000001, + "recall_at_1000": 95.074, + "recall_at_3": 44.17, + "recall_at_5": 50.94, + "main_score": 47.666 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.613, + "map_at_10": 40.781, + "map_at_100": 42.018, + "map_at_1000": 42.132999999999996, + "map_at_3": 37.816, + "map_at_5": 39.389, + "mrr_at_1": 38.408, + "mrr_at_10": 46.631, + "mrr_at_100": 47.332, + "mrr_at_1000": 47.368, + "mrr_at_3": 44.384, + "mrr_at_5": 45.661, + "ndcg_at_1": 38.408, + "ndcg_at_10": 46.379999999999995, + "ndcg_at_100": 50.81, + "ndcg_at_1000": 52.663000000000004, + "ndcg_at_3": 42.18, + "ndcg_at_5": 43.974000000000004, + "precision_at_1": 38.408, + "precision_at_10": 8.656, + "precision_at_100": 1.3860000000000001, + "precision_at_1000": 0.184, + "precision_at_3": 20.276, + "precision_at_5": 14.241999999999999, + "recall_at_1": 30.613, + "recall_at_10": 56.44, + "recall_at_100": 75.044, + "recall_at_1000": 86.426, + "recall_at_3": 43.766, + "recall_at_5": 48.998000000000005, + "main_score": 46.379999999999995 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 37.370999999999995, + "map_at_10": 49.718, + "map_at_100": 50.737, + "map_at_1000": 50.79, + "map_at_3": 46.231, + "map_at_5": 48.329, + "mrr_at_1": 42.884, + "mrr_at_10": 53.176, + "mrr_at_100": 53.81700000000001, + "mrr_at_1000": 53.845, + "mrr_at_3": 50.199000000000005, + "mrr_at_5": 52.129999999999995, + "ndcg_at_1": 42.884, + "ndcg_at_10": 55.826, + "ndcg_at_100": 59.93000000000001, + "ndcg_at_1000": 61.013, + "ndcg_at_3": 49.764, + "ndcg_at_5": 53.025999999999996, + "precision_at_1": 42.884, + "precision_at_10": 9.046999999999999, + "precision_at_100": 1.212, + "precision_at_1000": 0.135, + "precision_at_3": 22.131999999999998, + "precision_at_5": 15.524, + "recall_at_1": 37.370999999999995, + "recall_at_10": 70.482, + "recall_at_100": 88.425, + "recall_at_1000": 96.03399999999999, + "recall_at_3": 54.43, + "recall_at_5": 62.327999999999996, + "main_score": 55.826 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.875999999999998, + "map_at_10": 31.715, + "map_at_100": 32.847, + "map_at_1000": 32.922000000000004, + "map_at_3": 29.049999999999997, + "map_at_5": 30.396, + "mrr_at_1": 24.52, + "mrr_at_10": 33.497, + "mrr_at_100": 34.455000000000005, + "mrr_at_1000": 34.510000000000005, + "mrr_at_3": 30.791, + "mrr_at_5": 32.175, + "ndcg_at_1": 24.52, + "ndcg_at_10": 36.95, + "ndcg_at_100": 42.238, + "ndcg_at_1000": 44.147999999999996, + "ndcg_at_3": 31.435000000000002, + "ndcg_at_5": 33.839000000000006, + "precision_at_1": 24.52, + "precision_at_10": 5.9319999999999995, + "precision_at_100": 0.901, + "precision_at_1000": 0.11, + "precision_at_3": 13.446, + "precision_at_5": 9.469, + "recall_at_1": 22.875999999999998, + "recall_at_10": 51.38, + "recall_at_100": 75.31099999999999, + "recall_at_1000": 89.718, + "recall_at_3": 36.26, + "recall_at_5": 42.248999999999995, + "main_score": 36.95 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 14.984, + "map_at_10": 23.457, + "map_at_100": 24.723, + "map_at_1000": 24.846, + "map_at_3": 20.873, + "map_at_5": 22.357, + "mrr_at_1": 18.159, + "mrr_at_10": 27.431, + "mrr_at_100": 28.449, + "mrr_at_1000": 28.52, + "mrr_at_3": 24.979000000000003, + "mrr_at_5": 26.447, + "ndcg_at_1": 18.159, + "ndcg_at_10": 28.627999999999997, + "ndcg_at_100": 34.741, + "ndcg_at_1000": 37.516, + "ndcg_at_3": 23.902, + "ndcg_at_5": 26.294, + "precision_at_1": 18.159, + "precision_at_10": 5.485, + "precision_at_100": 0.985, + "precision_at_1000": 0.136, + "precision_at_3": 11.774, + "precision_at_5": 8.731, + "recall_at_1": 14.984, + "recall_at_10": 40.198, + "recall_at_100": 67.11500000000001, + "recall_at_1000": 86.497, + "recall_at_3": 27.639000000000003, + "recall_at_5": 33.595000000000006, + "main_score": 28.627999999999997 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.067, + "map_at_10": 39.457, + "map_at_100": 40.83, + "map_at_1000": 40.94, + "map_at_3": 35.995, + "map_at_5": 38.159, + "mrr_at_1": 34.937000000000005, + "mrr_at_10": 44.755, + "mrr_at_100": 45.549, + "mrr_at_1000": 45.589, + "mrr_at_3": 41.947, + "mrr_at_5": 43.733, + "ndcg_at_1": 34.937000000000005, + "ndcg_at_10": 45.573, + "ndcg_at_100": 51.266999999999996, + "ndcg_at_1000": 53.184, + "ndcg_at_3": 39.961999999999996, + "ndcg_at_5": 43.02, + "precision_at_1": 34.937000000000005, + "precision_at_10": 8.296000000000001, + "precision_at_100": 1.32, + "precision_at_1000": 0.167, + "precision_at_3": 18.8, + "precision_at_5": 13.763, + "recall_at_1": 29.067, + "recall_at_10": 58.298, + "recall_at_100": 82.25099999999999, + "recall_at_1000": 94.476, + "recall_at_3": 42.984, + "recall_at_5": 50.658, + "main_score": 45.573 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.985999999999997, + "map_at_10": 35.746, + "map_at_100": 37.067, + "map_at_1000": 37.191, + "map_at_3": 32.599000000000004, + "map_at_5": 34.239000000000004, + "mrr_at_1": 31.735000000000003, + "mrr_at_10": 40.515, + "mrr_at_100": 41.459, + "mrr_at_1000": 41.516, + "mrr_at_3": 37.938, + "mrr_at_5": 39.25, + "ndcg_at_1": 31.735000000000003, + "ndcg_at_10": 41.484, + "ndcg_at_100": 47.047, + "ndcg_at_1000": 49.427, + "ndcg_at_3": 36.254999999999995, + "ndcg_at_5": 38.375, + "precision_at_1": 31.735000000000003, + "precision_at_10": 7.66, + "precision_at_100": 1.234, + "precision_at_1000": 0.16, + "precision_at_3": 17.427999999999997, + "precision_at_5": 12.328999999999999, + "recall_at_1": 25.985999999999997, + "recall_at_10": 53.761, + "recall_at_100": 77.149, + "recall_at_1000": 93.342, + "recall_at_3": 39.068000000000005, + "recall_at_5": 44.693, + "main_score": 41.484 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.949749999999998, + "map_at_10": 34.04991666666667, + "map_at_100": 35.26825, + "map_at_1000": 35.38316666666667, + "map_at_3": 31.181333333333335, + "map_at_5": 32.77391666666667, + "mrr_at_1": 29.402833333333334, + "mrr_at_10": 38.01633333333333, + "mrr_at_100": 38.88033333333334, + "mrr_at_1000": 38.938500000000005, + "mrr_at_3": 35.5175, + "mrr_at_5": 36.93808333333333, + "ndcg_at_1": 29.402833333333334, + "ndcg_at_10": 39.403166666666664, + "ndcg_at_100": 44.66408333333333, + "ndcg_at_1000": 46.96283333333333, + "ndcg_at_3": 34.46633333333334, + "ndcg_at_5": 36.78441666666667, + "precision_at_1": 29.402833333333334, + "precision_at_10": 6.965833333333333, + "precision_at_100": 1.1330833333333334, + "precision_at_1000": 0.15158333333333335, + "precision_at_3": 15.886666666666665, + "precision_at_5": 11.360416666666667, + "recall_at_1": 24.949749999999998, + "recall_at_10": 51.29325, + "recall_at_100": 74.3695, + "recall_at_1000": 90.31299999999999, + "recall_at_3": 37.580083333333334, + "recall_at_5": 43.529666666666664, + "main_score": 39.403166666666664 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.081999999999997, + "map_at_10": 29.215999999999998, + "map_at_100": 30.163, + "map_at_1000": 30.269000000000002, + "map_at_3": 26.942, + "map_at_5": 28.236, + "mrr_at_1": 24.847, + "mrr_at_10": 31.918999999999997, + "mrr_at_100": 32.817, + "mrr_at_1000": 32.897, + "mrr_at_3": 29.831000000000003, + "mrr_at_5": 31.019999999999996, + "ndcg_at_1": 24.847, + "ndcg_at_10": 33.4, + "ndcg_at_100": 38.354, + "ndcg_at_1000": 41.045, + "ndcg_at_3": 29.236, + "ndcg_at_5": 31.258000000000003, + "precision_at_1": 24.847, + "precision_at_10": 5.353, + "precision_at_100": 0.853, + "precision_at_1000": 0.116, + "precision_at_3": 12.679000000000002, + "precision_at_5": 8.988, + "recall_at_1": 22.081999999999997, + "recall_at_10": 43.505, + "recall_at_100": 66.45400000000001, + "recall_at_1000": 86.378, + "recall_at_3": 32.163000000000004, + "recall_at_5": 37.059999999999995, + "main_score": 33.4 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.540000000000001, + "map_at_10": 22.362000000000002, + "map_at_100": 23.435, + "map_at_1000": 23.564, + "map_at_3": 20.143, + "map_at_5": 21.324, + "mrr_at_1": 18.892, + "mrr_at_10": 25.942999999999998, + "mrr_at_100": 26.883000000000003, + "mrr_at_1000": 26.968999999999998, + "mrr_at_3": 23.727, + "mrr_at_5": 24.923000000000002, + "ndcg_at_1": 18.892, + "ndcg_at_10": 26.811, + "ndcg_at_100": 32.066, + "ndcg_at_1000": 35.166, + "ndcg_at_3": 22.706, + "ndcg_at_5": 24.508, + "precision_at_1": 18.892, + "precision_at_10": 4.942, + "precision_at_100": 0.878, + "precision_at_1000": 0.131, + "precision_at_3": 10.748000000000001, + "precision_at_5": 7.784000000000001, + "recall_at_1": 15.540000000000001, + "recall_at_10": 36.742999999999995, + "recall_at_100": 60.525, + "recall_at_1000": 82.57600000000001, + "recall_at_3": 25.252000000000002, + "recall_at_5": 29.872, + "main_score": 26.811 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.453, + "map_at_10": 33.363, + "map_at_100": 34.579, + "map_at_1000": 34.686, + "map_at_3": 30.583, + "map_at_5": 32.118, + "mrr_at_1": 28.918, + "mrr_at_10": 37.675, + "mrr_at_100": 38.567, + "mrr_at_1000": 38.632, + "mrr_at_3": 35.260999999999996, + "mrr_at_5": 36.576, + "ndcg_at_1": 28.918, + "ndcg_at_10": 38.736, + "ndcg_at_100": 44.261, + "ndcg_at_1000": 46.72, + "ndcg_at_3": 33.81, + "ndcg_at_5": 36.009, + "precision_at_1": 28.918, + "precision_at_10": 6.586, + "precision_at_100": 1.047, + "precision_at_1000": 0.13699999999999998, + "precision_at_3": 15.360999999999999, + "precision_at_5": 10.857999999999999, + "recall_at_1": 24.453, + "recall_at_10": 50.885999999999996, + "recall_at_100": 75.03, + "recall_at_1000": 92.123, + "recall_at_3": 37.138, + "recall_at_5": 42.864999999999995, + "main_score": 38.736 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.57, + "map_at_10": 33.672000000000004, + "map_at_100": 35.244, + "map_at_1000": 35.467, + "map_at_3": 30.712, + "map_at_5": 32.383, + "mrr_at_1": 29.644, + "mrr_at_10": 38.344, + "mrr_at_100": 39.219, + "mrr_at_1000": 39.282000000000004, + "mrr_at_3": 35.771, + "mrr_at_5": 37.273, + "ndcg_at_1": 29.644, + "ndcg_at_10": 39.567, + "ndcg_at_100": 45.097, + "ndcg_at_1000": 47.923, + "ndcg_at_3": 34.768, + "ndcg_at_5": 37.122, + "precision_at_1": 29.644, + "precision_at_10": 7.5889999999999995, + "precision_at_100": 1.478, + "precision_at_1000": 0.23500000000000001, + "precision_at_3": 16.337, + "precision_at_5": 12.055, + "recall_at_1": 24.57, + "recall_at_10": 51.00900000000001, + "recall_at_100": 75.423, + "recall_at_1000": 93.671, + "recall_at_3": 36.925999999999995, + "recall_at_5": 43.245, + "main_score": 39.567 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.356, + "map_at_10": 27.904, + "map_at_100": 28.938000000000002, + "map_at_1000": 29.036, + "map_at_3": 25.726, + "map_at_5": 26.935, + "mrr_at_1": 22.551, + "mrr_at_10": 29.259, + "mrr_at_100": 30.272, + "mrr_at_1000": 30.348000000000003, + "mrr_at_3": 27.295, + "mrr_at_5": 28.358, + "ndcg_at_1": 22.551, + "ndcg_at_10": 31.817, + "ndcg_at_100": 37.164, + "ndcg_at_1000": 39.82, + "ndcg_at_3": 27.595999999999997, + "ndcg_at_5": 29.568, + "precision_at_1": 22.551, + "precision_at_10": 4.917, + "precision_at_100": 0.828, + "precision_at_1000": 0.11399999999999999, + "precision_at_3": 11.583, + "precision_at_5": 8.133, + "recall_at_1": 21.356, + "recall_at_10": 42.489, + "recall_at_100": 67.128, + "recall_at_1000": 87.441, + "recall_at_3": 31.165, + "recall_at_5": 35.853, + "main_score": 31.817 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/ClimateFEVER.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/ClimateFEVER.json new file mode 100644 index 000000000..06fe5b7bf --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "392b78eb68c07badcd7c2cd8f39af108375dfcce", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 12.306000000000001, + "map_at_10": 21.523, + "map_at_100": 23.358, + "map_at_1000": 23.541, + "map_at_3": 17.809, + "map_at_5": 19.631, + "mrr_at_1": 27.948, + "mrr_at_10": 40.355000000000004, + "mrr_at_100": 41.166000000000004, + "mrr_at_1000": 41.203, + "mrr_at_3": 36.819, + "mrr_at_5": 38.958999999999996, + "ndcg_at_1": 27.948, + "ndcg_at_10": 30.462, + "ndcg_at_100": 37.473, + "ndcg_at_1000": 40.717999999999996, + "ndcg_at_3": 24.646, + "ndcg_at_5": 26.642, + "precision_at_1": 27.948, + "precision_at_10": 9.648, + "precision_at_100": 1.7239999999999998, + "precision_at_1000": 0.232, + "precision_at_3": 18.48, + "precision_at_5": 14.293, + "recall_at_1": 12.306000000000001, + "recall_at_10": 37.181, + "recall_at_100": 61.148, + "recall_at_1000": 79.401, + "recall_at_3": 22.883, + "recall_at_5": 28.59, + "main_score": 30.462 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/DBPedia.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/DBPedia.json new file mode 100644 index 000000000..b5c718925 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "f097057d03ed98220bc7309ddb10b71a54d667d6", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.357, + "map_at_10": 18.849, + "map_at_100": 25.369000000000003, + "map_at_1000": 26.950000000000003, + "map_at_3": 13.625000000000002, + "map_at_5": 15.956999999999999, + "mrr_at_1": 67.75, + "mrr_at_10": 74.734, + "mrr_at_100": 75.1, + "mrr_at_1000": 75.10900000000001, + "mrr_at_3": 73.542, + "mrr_at_5": 74.167, + "ndcg_at_1": 55.375, + "ndcg_at_10": 39.873999999999995, + "ndcg_at_100": 43.098, + "ndcg_at_1000": 50.69200000000001, + "ndcg_at_3": 44.856, + "ndcg_at_5": 42.138999999999996, + "precision_at_1": 67.75, + "precision_at_10": 31.1, + "precision_at_100": 9.303, + "precision_at_1000": 2.0060000000000002, + "precision_at_3": 48.25, + "precision_at_5": 40.949999999999996, + "recall_at_1": 9.357, + "recall_at_10": 23.832, + "recall_at_100": 47.906, + "recall_at_1000": 71.309, + "recall_at_3": 14.512, + "recall_at_5": 18.3, + "main_score": 39.873999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/EmotionClassification.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/EmotionClassification.json new file mode 100644 index 000000000..836b110a9 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "829147f8f75a25f005913200eb5ed41fae320aa1", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 49.655, + "f1": 45.51976190938951, + "main_score": 49.655 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/FEVER.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/FEVER.json new file mode 100644 index 000000000..af4e31e3d --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "1429cf27e393599b8b359b9b72c666f96b2525f9", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 62.739999999999995, + "map_at_10": 73.07000000000001, + "map_at_100": 73.398, + "map_at_1000": 73.41, + "map_at_3": 71.33800000000001, + "map_at_5": 72.423, + "mrr_at_1": 67.777, + "mrr_at_10": 77.873, + "mrr_at_100": 78.091, + "mrr_at_1000": 78.094, + "mrr_at_3": 76.375, + "mrr_at_5": 77.316, + "ndcg_at_1": 67.777, + "ndcg_at_10": 78.24, + "ndcg_at_100": 79.557, + "ndcg_at_1000": 79.814, + "ndcg_at_3": 75.125, + "ndcg_at_5": 76.834, + "precision_at_1": 67.777, + "precision_at_10": 9.832, + "precision_at_100": 1.061, + "precision_at_1000": 0.11, + "precision_at_3": 29.433, + "precision_at_5": 18.665000000000003, + "recall_at_1": 62.739999999999995, + "recall_at_10": 89.505, + "recall_at_100": 95.102, + "recall_at_1000": 96.825, + "recall_at_3": 81.028, + "recall_at_5": 85.28099999999999, + "main_score": 78.24 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/FiQA2018.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/FiQA2018.json new file mode 100644 index 000000000..193c0caac --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "41b686a7f28c59bcaaa5791efd47c67c8ebe28be", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.467, + "map_at_10": 30.020999999999997, + "map_at_100": 31.739, + "map_at_1000": 31.934, + "map_at_3": 26.003, + "map_at_5": 28.338, + "mrr_at_1": 35.339999999999996, + "mrr_at_10": 44.108999999999995, + "mrr_at_100": 44.993, + "mrr_at_1000": 45.042, + "mrr_at_3": 41.667, + "mrr_at_5": 43.14, + "ndcg_at_1": 35.339999999999996, + "ndcg_at_10": 37.202, + "ndcg_at_100": 43.852999999999994, + "ndcg_at_1000": 47.235, + "ndcg_at_3": 33.5, + "ndcg_at_5": 34.985, + "precision_at_1": 35.339999999999996, + "precision_at_10": 10.247, + "precision_at_100": 1.7149999999999999, + "precision_at_1000": 0.232, + "precision_at_3": 22.222, + "precision_at_5": 16.573999999999998, + "recall_at_1": 18.467, + "recall_at_10": 44.080999999999996, + "recall_at_100": 68.72200000000001, + "recall_at_1000": 89.087, + "recall_at_3": 30.567, + "recall_at_5": 36.982, + "main_score": 37.202 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/HotpotQA.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/HotpotQA.json new file mode 100644 index 000000000..17c1a5583 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "766870b35a1b9ca65e67a0d1913899973551fc6c", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 35.726, + "map_at_10": 50.207, + "map_at_100": 51.05499999999999, + "map_at_1000": 51.12799999999999, + "map_at_3": 47.576, + "map_at_5": 49.172, + "mrr_at_1": 71.452, + "mrr_at_10": 77.41900000000001, + "mrr_at_100": 77.711, + "mrr_at_1000": 77.723, + "mrr_at_3": 76.39399999999999, + "mrr_at_5": 77.00099999999999, + "ndcg_at_1": 71.452, + "ndcg_at_10": 59.260999999999996, + "ndcg_at_100": 62.424, + "ndcg_at_1000": 63.951, + "ndcg_at_3": 55.327000000000005, + "ndcg_at_5": 57.416999999999994, + "precision_at_1": 71.452, + "precision_at_10": 12.061, + "precision_at_100": 1.455, + "precision_at_1000": 0.166, + "precision_at_3": 34.36, + "precision_at_5": 22.266, + "recall_at_1": 35.726, + "recall_at_10": 60.304, + "recall_at_100": 72.75500000000001, + "recall_at_1000": 82.978, + "recall_at_3": 51.54, + "recall_at_5": 55.665, + "main_score": 59.260999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/ImdbClassification.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/ImdbClassification.json new file mode 100644 index 000000000..ca64c67f4 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "8d743909f834c38949e8323a8a6ce8721ea6c7f4", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 66.63759999999999, + "ap": 61.48938261286748, + "f1": 66.35089269264965, + "main_score": 66.63759999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/MSMARCO.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/MSMARCO.json new file mode 100644 index 000000000..52602f7b4 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "e6838a846e2408f22cf5cc337ebc83e0bcf77849", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.842, + "map_at_10": 32.992, + "map_at_100": 34.236, + "map_at_1000": 34.286, + "map_at_3": 29.049000000000003, + "map_at_5": 31.391999999999996, + "mrr_at_1": 21.375, + "mrr_at_10": 33.581, + "mrr_at_100": 34.760000000000005, + "mrr_at_1000": 34.803, + "mrr_at_3": 29.704000000000004, + "mrr_at_5": 32.015, + "ndcg_at_1": 21.375, + "ndcg_at_10": 39.905, + "ndcg_at_100": 45.843, + "ndcg_at_1000": 47.083999999999996, + "ndcg_at_3": 31.918999999999997, + "ndcg_at_5": 36.107, + "precision_at_1": 21.375, + "precision_at_10": 6.393, + "precision_at_100": 0.935, + "precision_at_1000": 0.104, + "precision_at_3": 13.663, + "precision_at_5": 10.324, + "recall_at_1": 20.842, + "recall_at_10": 61.17, + "recall_at_100": 88.518, + "recall_at_1000": 97.993, + "recall_at_3": 39.571, + "recall_at_5": 49.653999999999996, + "main_score": 39.905 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/MTOPDomainClassification.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/MTOPDomainClassification.json new file mode 100644 index 000000000..7fb441ad8 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a7e2a951126a26fc8c6a69f835f33a346ba259e3", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.46557227542178, + "f1": 92.87345917772146, + "main_score": 93.46557227542178 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/MTOPIntentClassification.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/MTOPIntentClassification.json new file mode 100644 index 000000000..00eadfdb1 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6299947a7777084cc2d4b64235bf7190381ce755", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.42134062927497, + "f1": 55.03624810959269, + "main_score": 72.42134062927497 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/MassiveIntentClassification.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/MassiveIntentClassification.json new file mode 100644 index 000000000..d54c70f73 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "072a486a144adf7f4479a4a0dddb2152e161e1ea", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.3866845998655, + "f1": 68.9674519872921, + "main_score": 70.3866845998655 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/MassiveScenarioClassification.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..ee42898de --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.27774041694687, + "f1": 76.72936190462792, + "main_score": 76.27774041694687 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/MedrxivClusteringP2P.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..8fd6550b4 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "dcefc037ef84348e49b0d29109e891c01067226b", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.511745925773337, + "main_score": 31.511745925773337 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/MedrxivClusteringS2S.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..a1343f38e --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "3cd0e71dfbe09d4de0f9e5ecba43e7ce280959dc", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 28.764235987575365, + "main_score": 28.764235987575365 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/MindSmallReranking.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/MindSmallReranking.json new file mode 100644 index 000000000..0b43c34e9 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 32.29353136386601, + "mrr": 33.536774455851685, + "main_score": 32.29353136386601 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/NFCorpus.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/NFCorpus.json new file mode 100644 index 000000000..6be184ef9 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "7eb63cc0c1eb59324d709ebed25fcab851fa7610", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.702, + "map_at_10": 13.642000000000001, + "map_at_100": 17.503, + "map_at_1000": 19.126, + "map_at_3": 9.748, + "map_at_5": 11.642, + "mrr_at_1": 45.82, + "mrr_at_10": 54.821, + "mrr_at_100": 55.422000000000004, + "mrr_at_1000": 55.452999999999996, + "mrr_at_3": 52.373999999999995, + "mrr_at_5": 53.937000000000005, + "ndcg_at_1": 44.272, + "ndcg_at_10": 36.213, + "ndcg_at_100": 33.829, + "ndcg_at_1000": 42.557, + "ndcg_at_3": 40.814, + "ndcg_at_5": 39.562000000000005, + "precision_at_1": 45.511, + "precision_at_10": 27.214, + "precision_at_100": 8.941, + "precision_at_1000": 2.1870000000000003, + "precision_at_3": 37.874, + "precision_at_5": 34.489, + "recall_at_1": 5.702, + "recall_at_10": 17.638, + "recall_at_100": 34.419, + "recall_at_1000": 66.41, + "recall_at_3": 10.914, + "recall_at_5": 14.032, + "main_score": 36.213 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/NQ.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/NQ.json new file mode 100644 index 000000000..4fe113225 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "6062aefc120bfe8ece5897809fb2e53bfe0d128c", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.567, + "map_at_10": 45.01, + "map_at_100": 46.091, + "map_at_1000": 46.126, + "map_at_3": 40.897, + "map_at_5": 43.301, + "mrr_at_1": 34.56, + "mrr_at_10": 47.725, + "mrr_at_100": 48.548, + "mrr_at_1000": 48.571999999999996, + "mrr_at_3": 44.361, + "mrr_at_5": 46.351, + "ndcg_at_1": 34.531, + "ndcg_at_10": 52.410000000000004, + "ndcg_at_100": 56.999, + "ndcg_at_1000": 57.830999999999996, + "ndcg_at_3": 44.734, + "ndcg_at_5": 48.701, + "precision_at_1": 34.531, + "precision_at_10": 8.612, + "precision_at_100": 1.118, + "precision_at_1000": 0.12, + "precision_at_3": 20.307, + "precision_at_5": 14.519000000000002, + "recall_at_1": 30.567, + "recall_at_10": 72.238, + "recall_at_100": 92.154, + "recall_at_1000": 98.375, + "recall_at_3": 52.437999999999995, + "recall_at_5": 61.516999999999996, + "main_score": 52.410000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/QuoraRetrieval.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/QuoraRetrieval.json new file mode 100644 index 000000000..fd61a8dbd --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "6205996560df11e3a3da9ab4f926788fc30a7db4", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 65.98, + "map_at_10": 80.05600000000001, + "map_at_100": 80.76299999999999, + "map_at_1000": 80.786, + "map_at_3": 76.848, + "map_at_5": 78.854, + "mrr_at_1": 75.86, + "mrr_at_10": 83.397, + "mrr_at_100": 83.555, + "mrr_at_1000": 83.557, + "mrr_at_3": 82.033, + "mrr_at_5": 82.97, + "ndcg_at_1": 75.88000000000001, + "ndcg_at_10": 84.58099999999999, + "ndcg_at_100": 86.151, + "ndcg_at_1000": 86.315, + "ndcg_at_3": 80.902, + "ndcg_at_5": 82.953, + "precision_at_1": 75.88000000000001, + "precision_at_10": 12.986, + "precision_at_100": 1.5110000000000001, + "precision_at_1000": 0.156, + "precision_at_3": 35.382999999999996, + "precision_at_5": 23.555999999999997, + "recall_at_1": 65.98, + "recall_at_10": 93.716, + "recall_at_100": 99.21799999999999, + "recall_at_1000": 99.97, + "recall_at_3": 83.551, + "recall_at_5": 88.998, + "main_score": 84.58099999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/RedditClustering.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/RedditClustering.json new file mode 100644 index 000000000..01fcac433 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "b2805658ae38990172679479369a78b86de8c390", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.45148482612238, + "main_score": 40.45148482612238 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/RedditClusteringP2P.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/RedditClusteringP2P.json new file mode 100644 index 000000000..087aa1506 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 55.749490673039126, + "main_score": 55.749490673039126 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/SCIDOCS.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/SCIDOCS.json new file mode 100644 index 000000000..6924bf86e --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "5c59ef3e437a0a9651c8fe6fde943e7dce59fba5", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.903, + "map_at_10": 11.926, + "map_at_100": 13.916999999999998, + "map_at_1000": 14.215, + "map_at_3": 8.799999999999999, + "map_at_5": 10.360999999999999, + "mrr_at_1": 24.099999999999998, + "mrr_at_10": 34.482, + "mrr_at_100": 35.565999999999995, + "mrr_at_1000": 35.619, + "mrr_at_3": 31.433, + "mrr_at_5": 33.243, + "ndcg_at_1": 24.099999999999998, + "ndcg_at_10": 19.872999999999998, + "ndcg_at_100": 27.606, + "ndcg_at_1000": 32.811, + "ndcg_at_3": 19.497999999999998, + "ndcg_at_5": 16.813, + "precision_at_1": 24.099999999999998, + "precision_at_10": 10.08, + "precision_at_100": 2.122, + "precision_at_1000": 0.337, + "precision_at_3": 18.2, + "precision_at_5": 14.62, + "recall_at_1": 4.903, + "recall_at_10": 20.438000000000002, + "recall_at_100": 43.043, + "recall_at_1000": 68.41000000000001, + "recall_at_3": 11.068, + "recall_at_5": 14.818000000000001, + "main_score": 19.872999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/SICK-R.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/SICK-R.json new file mode 100644 index 000000000..e2e59cf13 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 78.58086597995997, + "cos_sim_spearman": 69.63214182814991, + "euclidean_pearson": 72.76175489042691, + "euclidean_spearman": 67.84965161872971, + "manhattan_pearson": 72.73812689782592, + "manhattan_spearman": 67.83610439531277, + "cosine_pearson": 78.58086597995997, + "cosine_spearman": 69.63214182814991, + "main_score": 69.63214182814991 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/STS12.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/STS12.json new file mode 100644 index 000000000..5966bc7ab --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "fdf84275bb8ce4b49c971d02e84dd1abc677a50f", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 75.13970861325006, + "cos_sim_spearman": 67.5020551515597, + "euclidean_pearson": 66.33415412418276, + "euclidean_spearman": 66.82145056673268, + "manhattan_pearson": 66.55489484006415, + "manhattan_spearman": 66.95147433279057, + "cosine_pearson": 75.13970861325006, + "cosine_spearman": 67.5020551515597, + "main_score": 67.5020551515597 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/STS13.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/STS13.json new file mode 100644 index 000000000..a394efa27 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "1591bfcbe8c69d4bf7fe2a16e2451017832cafb9", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 78.85850536483447, + "cos_sim_spearman": 79.1633350177206, + "euclidean_pearson": 72.74090561408477, + "euclidean_spearman": 73.57374448302961, + "manhattan_pearson": 72.92980654233226, + "manhattan_spearman": 73.72777155112588, + "cosine_pearson": 78.85850536483447, + "cosine_spearman": 79.1633350177206, + "main_score": 79.1633350177206 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/STS14.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/STS14.json new file mode 100644 index 000000000..a646b6e00 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e2125984e7df8b7871f6ae9949cf6b6795e7c54b", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 79.51125593897028, + "cos_sim_spearman": 74.46048326701329, + "euclidean_pearson": 70.87726087052985, + "euclidean_spearman": 67.7721470654411, + "manhattan_pearson": 71.05892792135637, + "manhattan_spearman": 67.93472619779037, + "cosine_pearson": 79.51125593897028, + "cosine_spearman": 74.46048326701329, + "main_score": 74.46048326701329 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/STS15.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/STS15.json new file mode 100644 index 000000000..c77699b50 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "1cd7298cac12a96a373b6a2f18738bb3e739a9b6", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.8299348880489, + "cos_sim_spearman": 84.47194637929275, + "euclidean_pearson": 78.68768462480418, + "euclidean_spearman": 79.80526323901917, + "manhattan_pearson": 78.6810718151946, + "manhattan_spearman": 79.7820584821254, + "cosine_pearson": 83.8299348880489, + "cosine_spearman": 84.47194637929275, + "main_score": 84.47194637929275 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/STS16.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/STS16.json new file mode 100644 index 000000000..39c3d4861 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "360a0b2dff98700d09e634a01e1cc1624d3e42cd", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 79.99206664843005, + "cos_sim_spearman": 80.96089203722137, + "euclidean_pearson": 71.31216213716365, + "euclidean_spearman": 71.45258140049407, + "manhattan_pearson": 71.26140340402836, + "manhattan_spearman": 71.3896894666943, + "cosine_pearson": 79.99206664843005, + "cosine_spearman": 80.96089203722137, + "main_score": 80.96089203722137 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/STS17.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/STS17.json new file mode 100644 index 000000000..1ce2e63e1 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "9fc37e8c632af1c87a3d23e685d49552a02582a0", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.35697089594868, + "cos_sim_spearman": 87.78202647220289, + "euclidean_pearson": 84.20969668786667, + "euclidean_spearman": 83.91876425459982, + "manhattan_pearson": 84.24429755612542, + "manhattan_spearman": 83.98826315103398, + "cosine_pearson": 87.35697089594868, + "cosine_spearman": 87.78202647220289, + "main_score": 87.78202647220289 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/STS22.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/STS22.json new file mode 100644 index 000000000..a7fd4ad05 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "2de6ce8c1921b71a755b262c6b57fef195dd7906", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 69.06962775868384, + "cos_sim_spearman": 69.34889515492327, + "euclidean_pearson": 69.28108180412313, + "euclidean_spearman": 69.6437114853659, + "manhattan_pearson": 69.39974983734993, + "manhattan_spearman": 69.69057284482079, + "cosine_pearson": 69.06962775868384, + "cosine_spearman": 69.34889515492327, + "main_score": 69.34889515492327 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/STSBenchmark.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/STSBenchmark.json new file mode 100644 index 000000000..5dcef7934 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "8913289635987208e6e7c72789e4be2fe94b6abd", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.42553734213958, + "cos_sim_spearman": 81.38977341532744, + "euclidean_pearson": 76.47494587945522, + "euclidean_spearman": 75.92794860531089, + "manhattan_pearson": 76.4768777169467, + "manhattan_spearman": 75.9252673228599, + "cosine_pearson": 82.42553734213958, + "cosine_spearman": 81.38977341532744, + "main_score": 81.38977341532744 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/SciDocsRR.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/SciDocsRR.json new file mode 100644 index 000000000..c0b8857a7 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "56a6d0140cf6356659e2a7c1413286a774468d44", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 80.78825425914722, + "mrr": 94.60017197762296, + "main_score": 80.78825425914722 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/SciFact.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/SciFact.json new file mode 100644 index 000000000..20fba6b62 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "a75ae049398addde9b70f6b268875f5cbce99089", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 60.633, + "map_at_10": 70.197, + "map_at_100": 70.758, + "map_at_1000": 70.765, + "map_at_3": 67.082, + "map_at_5": 69.209, + "mrr_at_1": 63.333, + "mrr_at_10": 71.17, + "mrr_at_100": 71.626, + "mrr_at_1000": 71.633, + "mrr_at_3": 68.833, + "mrr_at_5": 70.6, + "ndcg_at_1": 63.333, + "ndcg_at_10": 74.697, + "ndcg_at_100": 76.986, + "ndcg_at_1000": 77.225, + "ndcg_at_3": 69.527, + "ndcg_at_5": 72.816, + "precision_at_1": 63.333, + "precision_at_10": 9.9, + "precision_at_100": 1.103, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 26.889000000000003, + "precision_at_5": 18.2, + "recall_at_1": 60.633, + "recall_at_10": 87.36699999999999, + "recall_at_100": 97.333, + "recall_at_1000": 99.333, + "recall_at_3": 73.656, + "recall_at_5": 82.083, + "main_score": 74.697 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/SprintDuplicateQuestions.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..e18580bad --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "5a8256d0dff9c4bd3be3ba3e67e4e70173f802ea", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.76633663366337, + "cos_sim_ap": 93.84024096781063, + "cos_sim_f1": 88.08080808080808, + "cos_sim_precision": 88.9795918367347, + "cos_sim_recall": 87.2, + "dot_accuracy": 99.46336633663367, + "dot_ap": 75.78127156965245, + "dot_f1": 71.41403865717193, + "dot_precision": 72.67080745341616, + "dot_recall": 70.19999999999999, + "euclidean_accuracy": 99.67524752475248, + "euclidean_ap": 88.61274955249769, + "euclidean_f1": 82.30852211434735, + "euclidean_precision": 89.34426229508196, + "euclidean_recall": 76.3, + "manhattan_accuracy": 99.67722772277227, + "manhattan_ap": 88.77516158012779, + "manhattan_f1": 82.36536430834212, + "manhattan_precision": 87.24832214765101, + "manhattan_recall": 78.0, + "max_accuracy": 99.76633663366337, + "max_ap": 93.84024096781063, + "max_f1": 88.08080808080808, + "main_score": 93.84024096781063 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/StackExchangeClustering.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/StackExchangeClustering.json new file mode 100644 index 000000000..b2e7a2b5a --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "70a89468f6dccacc6aa2b12a6eac54e74328f235", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 59.20812266121527, + "main_score": 59.20812266121527 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/StackExchangeClusteringP2P.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..0afc55572 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "d88009ab563dd0b16cfaf4436abaf97fa3550cf0", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.954248554638056, + "main_score": 33.954248554638056 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/StackOverflowDupQuestions.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..b73e1b777 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ef807ea29a75ec4f91b50fd4191cb4ee4589a9f9", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 51.52800990025549, + "mrr": 52.360394915541974, + "main_score": 51.52800990025549 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/SummEval.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/SummEval.json new file mode 100644 index 000000000..e4f4eec6b --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "8753c2788d36c01fc6f05d03fe3f7268d63f9122", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.737881131277355, + "cos_sim_spearman": 31.45979323917254, + "dot_pearson": 26.24686017962023, + "dot_spearman": 25.006732878791745, + "cosine_pearson": 30.737881131277355, + "cosine_spearman": 31.45979323917254, + "main_score": 31.45979323917254 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/TRECCOVID.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/TRECCOVID.json new file mode 100644 index 000000000..266d80b95 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "2c8041b2c07a79b6f7ba8fe6acc72e5d9f92d217", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.253, + "map_at_10": 2.1399999999999997, + "map_at_100": 12.873000000000001, + "map_at_1000": 31.002000000000002, + "map_at_3": 0.711, + "map_at_5": 1.125, + "mrr_at_1": 96.0, + "mrr_at_10": 98.0, + "mrr_at_100": 98.0, + "mrr_at_1000": 98.0, + "mrr_at_3": 98.0, + "mrr_at_5": 98.0, + "ndcg_at_1": 94.0, + "ndcg_at_10": 84.881, + "ndcg_at_100": 64.694, + "ndcg_at_1000": 56.85, + "ndcg_at_3": 90.061, + "ndcg_at_5": 87.155, + "precision_at_1": 96.0, + "precision_at_10": 88.8, + "precision_at_100": 65.7, + "precision_at_1000": 25.080000000000002, + "precision_at_3": 92.667, + "precision_at_5": 90.0, + "recall_at_1": 0.253, + "recall_at_10": 2.292, + "recall_at_100": 15.78, + "recall_at_1000": 53.015, + "recall_at_3": 0.7270000000000001, + "recall_at_5": 1.162, + "main_score": 84.881 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/Touche2020.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/Touche2020.json new file mode 100644 index 000000000..65fffeff3 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "527b7d77e16e343303e68cb6af11d6e18b9f7b3b", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.116, + "map_at_10": 9.625, + "map_at_100": 15.641, + "map_at_1000": 17.127, + "map_at_3": 4.316, + "map_at_5": 6.208, + "mrr_at_1": 32.653, + "mrr_at_10": 48.083999999999996, + "mrr_at_100": 48.631, + "mrr_at_1000": 48.649, + "mrr_at_3": 42.857, + "mrr_at_5": 46.224, + "ndcg_at_1": 29.592000000000002, + "ndcg_at_10": 25.430999999999997, + "ndcg_at_100": 36.344, + "ndcg_at_1000": 47.676, + "ndcg_at_3": 26.144000000000002, + "ndcg_at_5": 26.304, + "precision_at_1": 32.653, + "precision_at_10": 24.082, + "precision_at_100": 7.714, + "precision_at_1000": 1.5310000000000001, + "precision_at_3": 26.531, + "precision_at_5": 26.939, + "recall_at_1": 2.116, + "recall_at_10": 16.794, + "recall_at_100": 47.452, + "recall_at_1000": 82.312, + "recall_at_3": 5.306, + "recall_at_5": 9.306000000000001, + "main_score": 25.430999999999997 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/ToxicConversationsClassification.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..6a2d718d1 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 67.709, + "ap": 13.541535578501716, + "f1": 52.569619919446794, + "main_score": 67.709 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/TweetSentimentExtractionClassification.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..531e60c5a --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "62146448f05be9e52a36b8ee9936447ea787eede", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 56.850594227504246, + "f1": 57.233377364910574, + "main_score": 56.850594227504246 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/TwentyNewsgroupsClustering.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..58f1dcdbc --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "091a54f9a36281ce7d6590ec8c75dd485e7e01d4", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.463722986090474, + "main_score": 39.463722986090474 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/TwitterSemEval2015.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/TwitterSemEval2015.json new file mode 100644 index 000000000..2c7160768 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 84.09131549144662, + "cos_sim_ap": 66.86677647503386, + "cos_sim_f1": 62.94631710362049, + "cos_sim_precision": 59.73933649289099, + "cos_sim_recall": 66.51715039577837, + "dot_accuracy": 80.27656911247541, + "dot_ap": 54.291720398612085, + "dot_f1": 54.77150537634409, + "dot_precision": 47.58660957571039, + "dot_recall": 64.5118733509235, + "euclidean_accuracy": 82.76211480002385, + "euclidean_ap": 62.430397690753296, + "euclidean_f1": 59.191590539356774, + "euclidean_precision": 56.296119971435374, + "euclidean_recall": 62.401055408970976, + "manhattan_accuracy": 82.7561542588067, + "manhattan_ap": 62.41882051995577, + "manhattan_f1": 59.32101002778785, + "manhattan_precision": 54.71361711611321, + "manhattan_recall": 64.77572559366754, + "max_accuracy": 84.09131549144662, + "max_ap": 66.86677647503386, + "max_f1": 62.94631710362049, + "main_score": 66.86677647503386 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/TwitterURLCorpus.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/TwitterURLCorpus.json new file mode 100644 index 000000000..56034d0b7 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.79574649745798, + "cos_sim_ap": 85.28960532524223, + "cos_sim_f1": 77.98460043358001, + "cos_sim_precision": 75.78090948714224, + "cos_sim_recall": 80.32029565753002, + "dot_accuracy": 85.5939767920208, + "dot_ap": 76.14131706694056, + "dot_f1": 72.70246298696868, + "dot_precision": 65.27012127894156, + "dot_recall": 82.04496458269172, + "euclidean_accuracy": 86.72332828812046, + "euclidean_ap": 80.84854809178995, + "euclidean_f1": 72.47657499809551, + "euclidean_precision": 71.71717171717171, + "euclidean_recall": 73.25223283030489, + "manhattan_accuracy": 86.7563162184189, + "manhattan_ap": 80.87598895575626, + "manhattan_f1": 72.54617892068092, + "manhattan_precision": 68.49268225960881, + "manhattan_recall": 77.10963966738528, + "max_accuracy": 88.79574649745798, + "max_ap": 85.28960532524223, + "max_f1": 77.98460043358001, + "main_score": 85.28960532524223 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/model_meta.json b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/model_meta.json new file mode 100644 index 000000000..d0ac1e5ad --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-msmarco-specb-bitfit/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "Muennighoff/SGPT-5.8B-weightedmean-msmarco-specb-bitfit", + "revision": "2dbba11efed19bb418811eac04be241ddc42eb99", + "release_date": "2022-03-02", + "languages": [], + "loader": null, + "n_parameters": 5873793004, + "memory_usage": null, + "max_tokens": 2048, + "embed_dim": 4096, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/AmazonCounterfactualClassification.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..f057fd855 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/AmazonCounterfactualClassification.json @@ -0,0 +1,50 @@ +{ + "dataset_revision": "2d8a100785abf0ae21420d2a55b0c56e3e1ea996", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.07462686567165, + "ap": 37.44692407529112, + "f1": 68.28971003916419, + "main_score": 74.07462686567165 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 66.63811563169165, + "ap": 78.57252079915924, + "f1": 64.5543087846584, + "main_score": 66.63811563169165 + }, + { + "hf_subset": "en-ext", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.21889055472263, + "ap": 25.663426367826712, + "f1": 64.26265688503176, + "main_score": 77.21889055472263 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 58.06209850107067, + "ap": 14.028219107023915, + "f1": 48.10387189660778, + "main_score": 58.06209850107067 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/AmazonPolarityClassification.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..36d9e8d36 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "80714f8dcf8cefc218ef4f8c5a966dd83f75a0e1", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 82.30920000000002, + "ap": 76.88786578621213, + "f1": 82.15455656065011, + "main_score": 82.30920000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/AmazonReviewsClassification.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..f2c8de70d --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/AmazonReviewsClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "c379a6705fec24a2493fa68e011692605f44e119", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 41.584, + "f1": 41.203137944390114, + "main_score": 41.584 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 35.288000000000004, + "f1": 34.672995558518096, + "main_score": 35.288000000000004 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 38.34, + "f1": 37.608755629529455, + "main_score": 38.34 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 37.839999999999996, + "f1": 36.86898201563507, + "main_score": 37.839999999999996 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 30.936000000000003, + "f1": 30.49401738527071, + "main_score": 30.936000000000003 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 33.75, + "f1": 33.38338946025617, + "main_score": 33.75 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/ArguAna.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/ArguAna.json new file mode 100644 index 000000000..f43d7ff83 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/ArguAna.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "5b3e3697907184a9b77a3c99ee9ea1a9cbb1e4e3", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 13.727, + "map_at_10": 26.740000000000002, + "map_at_100": 28.218, + "map_at_1000": 28.246, + "map_at_3": 21.728, + "map_at_5": 24.371000000000002, + "ndcg_at_1": 13.727, + "ndcg_at_10": 35.07, + "ndcg_at_100": 41.947, + "ndcg_at_1000": 42.649, + "ndcg_at_3": 24.484, + "ndcg_at_5": 29.282999999999998, + "precision_at_1": 13.727, + "precision_at_10": 6.223, + "precision_at_100": 0.9369999999999999, + "precision_at_1000": 0.099, + "precision_at_3": 10.835, + "precision_at_5": 8.848, + "recall_at_1": 13.727, + "recall_at_10": 62.233000000000004, + "recall_at_100": 93.67, + "recall_at_1000": 99.14699999999999, + "recall_at_3": 32.504, + "recall_at_5": 44.239, + "main_score": 35.07 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/ArxivClusteringP2P.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..1a7eff411 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "0bbdb47bcbe3a90093699aefeed338a0f28a7ee8", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.553923271901695, + "main_score": 40.553923271901695 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/ArxivClusteringS2S.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..01c4824d6 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "b73bd54100e5abfa6e3a23dcafb46fe4d2438dc3", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.49323183712211, + "main_score": 32.49323183712211 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/AskUbuntuDupQuestions.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..b2f8e39a3 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4d853f94cd57d85ec13805aeeac3ae3e5eb4c49c", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 55.89811361443445, + "mrr": 70.16235764850724, + "main_score": 55.89811361443445 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/BIOSSES.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/BIOSSES.json new file mode 100644 index 000000000..8a8a92d00 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "9ee918f184421b6bd48b78f6c714d86546106103", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.50506557805856, + "cos_sim_spearman": 79.50000423261176, + "euclidean_pearson": 75.76190885392926, + "euclidean_spearman": 76.7330737163434, + "manhattan_pearson": 75.825318036112, + "manhattan_spearman": 76.7415076434559, + "cosine_pearson": 82.50506557805856, + "cosine_spearman": 79.50000423261176, + "main_score": 79.50000423261176 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/BUCC.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/BUCC.json new file mode 100644 index 000000000..70d02a634 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/BUCC.json @@ -0,0 +1,58 @@ +{ + "dataset_revision": "d51519689f32196a32af33b075a01d0e7c51e252", + "task_name": "BUCC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "accuracy": 75.49060542797494, + "f1": 75.15379262352123, + "precision": 74.99391092553932, + "recall": 75.49060542797494, + "main_score": 75.15379262352123 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "accuracy": 0.4182258419546555, + "f1": 0.4182258419546555, + "precision": 0.4182258419546555, + "recall": 0.4182258419546555, + "main_score": 0.4182258419546555 + }, + { + "hf_subset": "ru-en", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "accuracy": 0.013855213023900243, + "f1": 0.0115460108532502, + "precision": 0.010391409767925183, + "recall": 0.013855213023900243, + "main_score": 0.0115460108532502 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "accuracy": 0.315955766192733, + "f1": 0.315955766192733, + "precision": 0.315955766192733, + "recall": 0.315955766192733, + "main_score": 0.315955766192733 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/Banking77Classification.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/Banking77Classification.json new file mode 100644 index 000000000..57dbddbb5 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "44fa15921b4c889113cc5df03dd4901b49161ab7", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 81.74025974025973, + "f1": 81.66568824876, + "main_score": 81.74025974025973 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/BiorxivClusteringP2P.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..e0b17666e --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "11d0121201d1f1f280e8cc8f3d98fb9c4d9f9c55", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.59451202614059, + "main_score": 33.59451202614059 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/BiorxivClusteringS2S.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..698819e90 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "c0fab014e1bcb8d3a5e31b2088972a1e01547dc1", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 29.128241446157165, + "main_score": 29.128241446157165 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/CQADupstackAndroidRetrieval.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..12f4771ff --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,413 @@ +{ + "dataset_revision": "2b9f5791698b5be7bc5e10535c8690f20043c3db", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.715, + "map_at_10": 35.007, + "map_at_100": 36.352000000000004, + "map_at_1000": 36.51, + "map_at_3": 32.257999999999996, + "map_at_5": 33.595000000000006, + "ndcg_at_1": 33.906, + "ndcg_at_10": 40.353, + "ndcg_at_100": 45.562999999999995, + "ndcg_at_1000": 48.454, + "ndcg_at_3": 36.349, + "ndcg_at_5": 37.856, + "precision_at_1": 33.906, + "precision_at_10": 7.854, + "precision_at_100": 1.29, + "precision_at_1000": 0.188, + "precision_at_3": 17.549, + "precision_at_5": 12.561, + "recall_at_1": 26.715, + "recall_at_10": 49.508, + "recall_at_100": 71.76599999999999, + "recall_at_1000": 91.118, + "recall_at_3": 37.356, + "recall_at_5": 41.836, + "main_score": 40.353 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.663, + "map_at_10": 27.086, + "map_at_100": 28.066999999999997, + "map_at_1000": 28.18, + "map_at_3": 24.819, + "map_at_5": 26.332, + "ndcg_at_1": 25.732, + "ndcg_at_10": 31.613999999999997, + "ndcg_at_100": 35.757, + "ndcg_at_1000": 38.21, + "ndcg_at_3": 28.332, + "ndcg_at_5": 30.264000000000003, + "precision_at_1": 25.732, + "precision_at_10": 6.038, + "precision_at_100": 1.034, + "precision_at_1000": 0.149, + "precision_at_3": 13.864, + "precision_at_5": 10.241999999999999, + "recall_at_1": 19.663, + "recall_at_10": 39.585, + "recall_at_100": 57.718, + "recall_at_1000": 74.26700000000001, + "recall_at_3": 29.845, + "recall_at_5": 35.105, + "main_score": 31.613999999999997 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.125, + "map_at_10": 39.824, + "map_at_100": 40.935, + "map_at_1000": 41.019, + "map_at_3": 37.144, + "map_at_5": 38.647999999999996, + "ndcg_at_1": 34.922, + "ndcg_at_10": 45.072, + "ndcg_at_100": 50.046, + "ndcg_at_1000": 51.895, + "ndcg_at_3": 40.251, + "ndcg_at_5": 42.581, + "precision_at_1": 34.922, + "precision_at_10": 7.303999999999999, + "precision_at_100": 1.0739999999999998, + "precision_at_1000": 0.13, + "precision_at_3": 17.994, + "precision_at_5": 12.475999999999999, + "recall_at_1": 30.125, + "recall_at_10": 57.253, + "recall_at_100": 79.35799999999999, + "recall_at_1000": 92.523, + "recall_at_3": 44.088, + "recall_at_5": 49.893, + "main_score": 45.072 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.298000000000002, + "map_at_10": 21.479, + "map_at_100": 22.387, + "map_at_1000": 22.483, + "map_at_3": 19.743, + "map_at_5": 20.444000000000003, + "ndcg_at_1": 17.740000000000002, + "ndcg_at_10": 24.887, + "ndcg_at_100": 29.544999999999998, + "ndcg_at_1000": 32.417, + "ndcg_at_3": 21.274, + "ndcg_at_5": 22.399, + "precision_at_1": 17.740000000000002, + "precision_at_10": 3.932, + "precision_at_100": 0.666, + "precision_at_1000": 0.094, + "precision_at_3": 8.927, + "precision_at_5": 6.056, + "recall_at_1": 16.298000000000002, + "recall_at_10": 34.031, + "recall_at_100": 55.769000000000005, + "recall_at_1000": 78.19500000000001, + "recall_at_3": 23.799999999999997, + "recall_at_5": 26.562, + "main_score": 24.887 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 10.958, + "map_at_10": 16.999, + "map_at_100": 17.979, + "map_at_1000": 18.112000000000002, + "map_at_3": 15.010000000000002, + "map_at_5": 16.256999999999998, + "ndcg_at_1": 14.179, + "ndcg_at_10": 20.985, + "ndcg_at_100": 26.216, + "ndcg_at_1000": 29.675, + "ndcg_at_3": 17.28, + "ndcg_at_5": 19.301, + "precision_at_1": 14.179, + "precision_at_10": 3.968, + "precision_at_100": 0.784, + "precision_at_1000": 0.121, + "precision_at_3": 8.541, + "precision_at_5": 6.468, + "recall_at_1": 10.958, + "recall_at_10": 29.903000000000002, + "recall_at_100": 53.413, + "recall_at_1000": 78.74799999999999, + "recall_at_3": 19.717000000000002, + "recall_at_5": 24.817, + "main_score": 20.985 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.217, + "map_at_10": 29.677, + "map_at_100": 30.928, + "map_at_1000": 31.063000000000002, + "map_at_3": 26.611, + "map_at_5": 28.463, + "ndcg_at_1": 26.083000000000002, + "ndcg_at_10": 35.217, + "ndcg_at_100": 40.715, + "ndcg_at_1000": 43.559, + "ndcg_at_3": 30.080000000000002, + "ndcg_at_5": 32.701, + "precision_at_1": 26.083000000000002, + "precision_at_10": 6.622, + "precision_at_100": 1.115, + "precision_at_1000": 0.156, + "precision_at_3": 14.629, + "precision_at_5": 10.837, + "recall_at_1": 21.217, + "recall_at_10": 47.031, + "recall_at_100": 70.378, + "recall_at_1000": 89.704, + "recall_at_3": 32.427, + "recall_at_5": 39.31, + "main_score": 35.217 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.274, + "map_at_10": 26.398, + "map_at_100": 27.711000000000002, + "map_at_1000": 27.833000000000002, + "map_at_3": 24.294, + "map_at_5": 25.385, + "ndcg_at_1": 24.886, + "ndcg_at_10": 30.909, + "ndcg_at_100": 36.941, + "ndcg_at_1000": 39.838, + "ndcg_at_3": 27.455000000000002, + "ndcg_at_5": 28.828, + "precision_at_1": 24.886, + "precision_at_10": 5.6739999999999995, + "precision_at_100": 1.0290000000000001, + "precision_at_1000": 0.146, + "precision_at_3": 13.242, + "precision_at_5": 9.292, + "recall_at_1": 19.274, + "recall_at_10": 39.643, + "recall_at_100": 66.091, + "recall_at_1000": 86.547, + "recall_at_3": 29.602, + "recall_at_5": 33.561, + "main_score": 30.909 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.653666666666666, + "map_at_10": 25.606666666666666, + "map_at_100": 26.669333333333334, + "map_at_1000": 26.795833333333334, + "map_at_3": 23.43433333333333, + "map_at_5": 24.609666666666666, + "ndcg_at_1": 22.742083333333333, + "ndcg_at_10": 29.978333333333335, + "ndcg_at_100": 34.89808333333333, + "ndcg_at_1000": 37.806583333333336, + "ndcg_at_3": 26.223666666666674, + "ndcg_at_5": 27.91033333333333, + "precision_at_1": 22.742083333333333, + "precision_at_10": 5.397083333333334, + "precision_at_100": 0.9340000000000002, + "precision_at_1000": 0.13691666666666663, + "precision_at_3": 12.331083333333332, + "precision_at_5": 8.805499999999999, + "recall_at_1": 18.653666666666666, + "recall_at_10": 39.22625000000001, + "recall_at_100": 61.31049999999999, + "recall_at_1000": 82.19058333333334, + "recall_at_3": 28.517333333333333, + "recall_at_5": 32.9565, + "main_score": 29.978333333333335 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.07, + "map_at_10": 21.509, + "map_at_100": 22.335, + "map_at_1000": 22.437, + "map_at_3": 19.717000000000002, + "map_at_5": 20.574, + "ndcg_at_1": 18.865000000000002, + "ndcg_at_10": 25.135999999999996, + "ndcg_at_100": 29.483999999999998, + "ndcg_at_1000": 32.303, + "ndcg_at_3": 21.719, + "ndcg_at_5": 23.039, + "precision_at_1": 18.865000000000002, + "precision_at_10": 4.263999999999999, + "precision_at_100": 0.696, + "precision_at_1000": 0.1, + "precision_at_3": 9.866999999999999, + "precision_at_5": 6.902, + "recall_at_1": 16.07, + "recall_at_10": 33.661, + "recall_at_100": 54.001999999999995, + "recall_at_1000": 75.564, + "recall_at_3": 23.956, + "recall_at_5": 27.264, + "main_score": 25.135999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 10.847, + "map_at_10": 15.518, + "map_at_100": 16.384, + "map_at_1000": 16.506, + "map_at_3": 14.093, + "map_at_5": 14.868, + "ndcg_at_1": 13.764999999999999, + "ndcg_at_10": 18.766, + "ndcg_at_100": 23.076, + "ndcg_at_1000": 26.344, + "ndcg_at_3": 16.150000000000002, + "ndcg_at_5": 17.373, + "precision_at_1": 13.764999999999999, + "precision_at_10": 3.572, + "precision_at_100": 0.6779999999999999, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 7.88, + "precision_at_5": 5.712, + "recall_at_1": 10.847, + "recall_at_10": 25.141999999999996, + "recall_at_100": 44.847, + "recall_at_1000": 68.92099999999999, + "recall_at_3": 17.721999999999998, + "recall_at_5": 20.968999999999998, + "main_score": 18.766 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.377, + "map_at_10": 26.005, + "map_at_100": 26.996, + "map_at_1000": 27.116, + "map_at_3": 23.712, + "map_at_5": 24.859, + "ndcg_at_1": 22.201, + "ndcg_at_10": 30.635, + "ndcg_at_100": 35.623, + "ndcg_at_1000": 38.551, + "ndcg_at_3": 26.565, + "ndcg_at_5": 28.28, + "precision_at_1": 22.201, + "precision_at_10": 5.41, + "precision_at_100": 0.88, + "precision_at_1000": 0.125, + "precision_at_3": 12.531, + "precision_at_5": 8.806, + "recall_at_1": 18.377, + "recall_at_10": 40.908, + "recall_at_100": 63.563, + "recall_at_1000": 84.503, + "recall_at_3": 29.793999999999997, + "recall_at_5": 34.144999999999996, + "main_score": 30.635 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.246, + "map_at_10": 27.528000000000002, + "map_at_100": 28.78, + "map_at_1000": 29.002, + "map_at_3": 25.226, + "map_at_5": 26.355, + "ndcg_at_1": 25.099, + "ndcg_at_10": 32.421, + "ndcg_at_100": 37.2, + "ndcg_at_1000": 40.693, + "ndcg_at_3": 28.768, + "ndcg_at_5": 30.23, + "precision_at_1": 25.099, + "precision_at_10": 6.245, + "precision_at_100": 1.269, + "precision_at_1000": 0.218, + "precision_at_3": 13.767999999999999, + "precision_at_5": 9.881, + "recall_at_1": 20.246, + "recall_at_10": 41.336, + "recall_at_100": 63.098, + "recall_at_1000": 86.473, + "recall_at_3": 30.069000000000003, + "recall_at_5": 34.262, + "main_score": 32.421 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 14.054, + "map_at_10": 20.25, + "map_at_100": 21.178, + "map_at_1000": 21.288999999999998, + "map_at_3": 18.584999999999997, + "map_at_5": 19.536, + "ndcg_at_1": 15.527, + "ndcg_at_10": 23.745, + "ndcg_at_100": 28.610999999999997, + "ndcg_at_1000": 31.740000000000002, + "ndcg_at_3": 20.461, + "ndcg_at_5": 22.072, + "precision_at_1": 15.527, + "precision_at_10": 3.882, + "precision_at_100": 0.6930000000000001, + "precision_at_1000": 0.104, + "precision_at_3": 9.181000000000001, + "precision_at_5": 6.433, + "recall_at_1": 14.054, + "recall_at_10": 32.714, + "recall_at_100": 55.723, + "recall_at_1000": 79.72399999999999, + "recall_at_3": 23.832, + "recall_at_5": 27.754, + "main_score": 23.745 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/ClimateFEVER.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/ClimateFEVER.json new file mode 100644 index 000000000..3ce0cdf89 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/ClimateFEVER.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "392b78eb68c07badcd7c2cd8f39af108375dfcce", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.122, + "map_at_10": 11.556, + "map_at_100": 12.998000000000001, + "map_at_1000": 13.202, + "map_at_3": 9.657, + "map_at_5": 10.585, + "ndcg_at_1": 15.049000000000001, + "ndcg_at_10": 17.574, + "ndcg_at_100": 24.465999999999998, + "ndcg_at_1000": 28.511999999999997, + "ndcg_at_3": 13.931, + "ndcg_at_5": 15.112, + "precision_at_1": 15.049000000000001, + "precision_at_10": 5.831, + "precision_at_100": 1.322, + "precision_at_1000": 0.20500000000000002, + "precision_at_3": 10.749, + "precision_at_5": 8.365, + "recall_at_1": 6.122, + "recall_at_10": 22.207, + "recall_at_100": 47.08, + "recall_at_1000": 70.182, + "recall_at_3": 13.416, + "recall_at_5": 16.672, + "main_score": 17.574 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/DBPedia.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/DBPedia.json new file mode 100644 index 000000000..6c3671269 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/DBPedia.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "f097057d03ed98220bc7309ddb10b71a54d667d6", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.672, + "map_at_10": 10.534, + "map_at_100": 14.798, + "map_at_1000": 15.927, + "map_at_3": 7.317, + "map_at_5": 8.726, + "ndcg_at_1": 36.5, + "ndcg_at_10": 26.098, + "ndcg_at_100": 29.215999999999998, + "ndcg_at_1000": 36.254999999999995, + "ndcg_at_3": 29.247, + "ndcg_at_5": 27.692, + "precision_at_1": 47.25, + "precision_at_10": 22.625, + "precision_at_100": 7.042, + "precision_at_1000": 1.6129999999999998, + "precision_at_3": 34.083000000000006, + "precision_at_5": 29.5, + "recall_at_1": 4.672, + "recall_at_10": 15.638, + "recall_at_100": 36.228, + "recall_at_1000": 58.831, + "recall_at_3": 8.578, + "recall_at_5": 11.18, + "main_score": 26.098 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/EmotionClassification.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/EmotionClassification.json new file mode 100644 index 000000000..2f1531a2e --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "829147f8f75a25f005913200eb5ed41fae320aa1", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 49.919999999999995, + "f1": 45.37973678791632, + "main_score": 49.919999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/FEVER.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/FEVER.json new file mode 100644 index 000000000..6d690967a --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/FEVER.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "1429cf27e393599b8b359b9b72c666f96b2525f9", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.801000000000002, + "map_at_10": 33.941, + "map_at_100": 34.73, + "map_at_1000": 34.793, + "map_at_3": 31.705, + "map_at_5": 33.047, + "ndcg_at_1": 27.933000000000003, + "ndcg_at_10": 38.644, + "ndcg_at_100": 42.594, + "ndcg_at_1000": 44.352000000000004, + "ndcg_at_3": 34.199, + "ndcg_at_5": 36.573, + "precision_at_1": 27.933000000000003, + "precision_at_10": 5.603000000000001, + "precision_at_100": 0.773, + "precision_at_1000": 0.094, + "precision_at_3": 14.171, + "precision_at_5": 9.786999999999999, + "recall_at_1": 25.801000000000002, + "recall_at_10": 50.876, + "recall_at_100": 69.253, + "recall_at_1000": 82.907, + "recall_at_3": 38.879000000000005, + "recall_at_5": 44.651999999999994, + "main_score": 38.644 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/FiQA2018.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/FiQA2018.json new file mode 100644 index 000000000..e9ff40644 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/FiQA2018.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "41b686a7f28c59bcaaa5791efd47c67c8ebe28be", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.142, + "map_at_10": 13.841999999999999, + "map_at_100": 14.960999999999999, + "map_at_1000": 15.187000000000001, + "map_at_3": 11.966000000000001, + "map_at_5": 12.921, + "ndcg_at_1": 18.364, + "ndcg_at_10": 18.590999999999998, + "ndcg_at_100": 24.153, + "ndcg_at_1000": 29.104000000000003, + "ndcg_at_3": 16.323, + "ndcg_at_5": 17.000999999999998, + "precision_at_1": 18.364, + "precision_at_10": 5.216, + "precision_at_100": 1.09, + "precision_at_1000": 0.193, + "precision_at_3": 10.751, + "precision_at_5": 7.932, + "recall_at_1": 9.142, + "recall_at_10": 22.747, + "recall_at_100": 44.585, + "recall_at_1000": 75.481, + "recall_at_3": 14.602, + "recall_at_5": 17.957, + "main_score": 18.590999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/HotpotQA.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/HotpotQA.json new file mode 100644 index 000000000..5cb1bef98 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/HotpotQA.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "766870b35a1b9ca65e67a0d1913899973551fc6c", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.677, + "map_at_10": 26.616, + "map_at_100": 27.605, + "map_at_1000": 27.711999999999996, + "map_at_3": 24.396, + "map_at_5": 25.627, + "ndcg_at_1": 37.352999999999994, + "ndcg_at_10": 33.995, + "ndcg_at_100": 38.423, + "ndcg_at_1000": 40.947, + "ndcg_at_3": 29.885, + "ndcg_at_5": 31.874999999999996, + "precision_at_1": 37.352999999999994, + "precision_at_10": 7.539999999999999, + "precision_at_100": 1.107, + "precision_at_1000": 0.145, + "precision_at_3": 18.938, + "precision_at_5": 12.943, + "recall_at_1": 18.677, + "recall_at_10": 37.698, + "recall_at_100": 55.354000000000006, + "recall_at_1000": 72.255, + "recall_at_3": 28.406, + "recall_at_5": 32.357, + "main_score": 33.995 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/ImdbClassification.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/ImdbClassification.json new file mode 100644 index 000000000..9dbda0027 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "8d743909f834c38949e8323a8a6ce8721ea6c7f4", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.3292, + "ap": 68.30186110189658, + "f1": 74.20709636944783, + "main_score": 74.3292 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/MSMARCO.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/MSMARCO.json new file mode 100644 index 000000000..ae18e3dfc --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/MSMARCO.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "e6838a846e2408f22cf5cc337ebc83e0bcf77849", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.889000000000001, + "map_at_10": 12.321, + "map_at_100": 13.416, + "map_at_1000": 13.525, + "map_at_3": 10.205, + "map_at_5": 11.342, + "ndcg_at_1": 7.092, + "ndcg_at_10": 15.827, + "ndcg_at_100": 21.72, + "ndcg_at_1000": 24.836, + "ndcg_at_3": 11.393, + "ndcg_at_5": 13.462, + "precision_at_1": 7.092, + "precision_at_10": 2.7969999999999997, + "precision_at_100": 0.583, + "precision_at_1000": 0.08499999999999999, + "precision_at_3": 5.019, + "precision_at_5": 4.06, + "recall_at_1": 6.889000000000001, + "recall_at_10": 26.791999999999998, + "recall_at_100": 55.371, + "recall_at_1000": 80.12899999999999, + "recall_at_3": 14.573, + "recall_at_5": 19.557, + "main_score": 15.827 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/MTOPDomainClassification.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/MTOPDomainClassification.json new file mode 100644 index 000000000..14a25a284 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/MTOPDomainClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "a7e2a951126a26fc8c6a69f835f33a346ba259e3", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 89.6374829001368, + "f1": 89.20878379358307, + "main_score": 89.6374829001368 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 84.54212454212454, + "f1": 82.81080100037023, + "main_score": 84.54212454212454 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 86.46430953969313, + "f1": 86.00019824223267, + "main_score": 86.46430953969313 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 81.31850923896022, + "f1": 81.07860454762863, + "main_score": 81.31850923896022 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 58.23234134098243, + "f1": 56.63845098081841, + "main_score": 58.23234134098243 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 72.28571428571429, + "f1": 70.95796714592039, + "main_score": 72.28571428571429 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/MTOPIntentClassification.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/MTOPIntentClassification.json new file mode 100644 index 000000000..6a08acaf0 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/MTOPIntentClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "6299947a7777084cc2d4b64235bf7190381ce755", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.68171454628363, + "f1": 52.57188062729139, + "main_score": 70.68171454628363 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 60.521273598196665, + "f1": 42.70492970339204, + "main_score": 60.521273598196665 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 64.32288192128087, + "f1": 45.97360620220273, + "main_score": 64.32288192128087 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 58.67209520826808, + "f1": 42.82844991304579, + "main_score": 58.67209520826808 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 41.95769092864826, + "f1": 28.914127631431263, + "main_score": 41.95769092864826 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 55.28390596745027, + "f1": 38.33899250561289, + "main_score": 55.28390596745027 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/MassiveIntentClassification.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/MassiveIntentClassification.json new file mode 100644 index 000000000..af37ab7a4 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "072a486a144adf7f4479a4a0dddb2152e161e1ea", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.00336247478144, + "f1": 68.72041942191649, + "main_score": 70.00336247478144 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/MassiveScenarioClassification.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..b852eb439 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.0268997982515, + "f1": 75.29844481506652, + "main_score": 75.0268997982515 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/MedrxivClusteringP2P.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..e6d83d81d --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "dcefc037ef84348e49b0d29109e891c01067226b", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.327566856300813, + "main_score": 30.327566856300813 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/MedrxivClusteringS2S.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..8c72bd81a --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "3cd0e71dfbe09d4de0f9e5ecba43e7ce280959dc", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 28.01650210863619, + "main_score": 28.01650210863619 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/MindSmallReranking.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/MindSmallReranking.json new file mode 100644 index 000000000..d27016c35 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.11041256752524, + "mrr": 32.14172939750204, + "main_score": 31.11041256752524 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/NFCorpus.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/NFCorpus.json new file mode 100644 index 000000000..4f6ecfc13 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/NFCorpus.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "7eb63cc0c1eb59324d709ebed25fcab851fa7610", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.527, + "map_at_10": 9.283, + "map_at_100": 11.995000000000001, + "map_at_1000": 13.33, + "map_at_3": 6.223, + "map_at_5": 7.68, + "ndcg_at_1": 36.223, + "ndcg_at_10": 28.255999999999997, + "ndcg_at_100": 26.355, + "ndcg_at_1000": 35.536, + "ndcg_at_3": 31.962000000000003, + "ndcg_at_5": 30.61, + "precision_at_1": 37.771, + "precision_at_10": 21.889, + "precision_at_100": 7.1080000000000005, + "precision_at_1000": 1.989, + "precision_at_3": 30.857, + "precision_at_5": 27.307, + "recall_at_1": 3.527, + "recall_at_10": 14.015, + "recall_at_100": 28.402, + "recall_at_1000": 59.795, + "recall_at_3": 7.5969999999999995, + "recall_at_5": 10.641, + "main_score": 28.255999999999997 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/NQ.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/NQ.json new file mode 100644 index 000000000..df0180f88 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/NQ.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "6062aefc120bfe8ece5897809fb2e53bfe0d128c", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 11.631, + "map_at_10": 19.532, + "map_at_100": 20.821, + "map_at_1000": 20.910999999999998, + "map_at_3": 16.597, + "map_at_5": 18.197, + "ndcg_at_1": 13.413, + "ndcg_at_10": 24.628, + "ndcg_at_100": 30.883, + "ndcg_at_1000": 33.216, + "ndcg_at_3": 18.697, + "ndcg_at_5": 21.501, + "precision_at_1": 13.413, + "precision_at_10": 4.571, + "precision_at_100": 0.812, + "precision_at_1000": 0.10300000000000001, + "precision_at_3": 8.845, + "precision_at_5": 6.889000000000001, + "recall_at_1": 11.631, + "recall_at_10": 38.429, + "recall_at_100": 67.009, + "recall_at_1000": 84.796, + "recall_at_3": 22.74, + "recall_at_5": 29.266, + "main_score": 24.628 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/QuoraRetrieval.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/QuoraRetrieval.json new file mode 100644 index 000000000..23ea5abed --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/QuoraRetrieval.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "6205996560df11e3a3da9ab4f926788fc30a7db4", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 66.64, + "map_at_10": 80.394, + "map_at_100": 81.099, + "map_at_1000": 81.122, + "map_at_3": 77.289, + "map_at_5": 79.25999999999999, + "ndcg_at_1": 76.85, + "ndcg_at_10": 84.68, + "ndcg_at_100": 86.311, + "ndcg_at_1000": 86.49900000000001, + "ndcg_at_3": 81.295, + "ndcg_at_5": 83.199, + "precision_at_1": 76.85, + "precision_at_10": 12.928999999999998, + "precision_at_100": 1.51, + "precision_at_1000": 0.156, + "precision_at_3": 35.557, + "precision_at_5": 23.576, + "recall_at_1": 66.64, + "recall_at_10": 93.059, + "recall_at_100": 98.922, + "recall_at_1000": 99.883, + "recall_at_3": 83.49499999999999, + "recall_at_5": 88.729, + "main_score": 84.68 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/RedditClustering.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/RedditClustering.json new file mode 100644 index 000000000..74674c191 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "b2805658ae38990172679479369a78b86de8c390", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 42.17131361041068, + "main_score": 42.17131361041068 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/RedditClusteringP2P.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/RedditClusteringP2P.json new file mode 100644 index 000000000..930cdf9d8 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.01815621479994, + "main_score": 48.01815621479994 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/SCIDOCS.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/SCIDOCS.json new file mode 100644 index 000000000..6f5ac4da1 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/SCIDOCS.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "5c59ef3e437a0a9651c8fe6fde943e7dce59fba5", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.198, + "map_at_10": 7.550999999999999, + "map_at_100": 9.232, + "map_at_1000": 9.51, + "map_at_3": 5.2940000000000005, + "map_at_5": 6.343999999999999, + "ndcg_at_1": 15.8, + "ndcg_at_10": 13.553999999999998, + "ndcg_at_100": 20.776, + "ndcg_at_1000": 26.204, + "ndcg_at_3": 12.306000000000001, + "ndcg_at_5": 10.952, + "precision_at_1": 15.8, + "precision_at_10": 7.180000000000001, + "precision_at_100": 1.762, + "precision_at_1000": 0.307, + "precision_at_3": 11.333, + "precision_at_5": 9.62, + "recall_at_1": 3.198, + "recall_at_10": 14.575, + "recall_at_100": 35.758, + "recall_at_1000": 62.317, + "recall_at_3": 6.922000000000001, + "recall_at_5": 9.767000000000001, + "main_score": 13.553999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/SICK-R.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/SICK-R.json new file mode 100644 index 000000000..98dd7964b --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.5217161312271, + "cos_sim_spearman": 79.58562467776268, + "euclidean_pearson": 76.69364353942403, + "euclidean_spearman": 74.68959282070473, + "manhattan_pearson": 76.81159265133732, + "manhattan_spearman": 74.7519444048176, + "cosine_pearson": 84.5217161312271, + "cosine_spearman": 79.58562467776268, + "main_score": 79.58562467776268 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/STS12.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/STS12.json new file mode 100644 index 000000000..0ef1f8ea5 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "fdf84275bb8ce4b49c971d02e84dd1abc677a50f", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.70403706922605, + "cos_sim_spearman": 74.28502198729447, + "euclidean_pearson": 83.32719404608066, + "euclidean_spearman": 75.92189433460788, + "manhattan_pearson": 83.35841543005293, + "manhattan_spearman": 75.94458615451978, + "cosine_pearson": 83.70403706922605, + "cosine_spearman": 74.28502198729447, + "main_score": 74.28502198729447 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/STS13.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/STS13.json new file mode 100644 index 000000000..f7137d1ce --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "1591bfcbe8c69d4bf7fe2a16e2451017832cafb9", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.94127878986795, + "cos_sim_spearman": 85.35148434923192, + "euclidean_pearson": 81.71127467071571, + "euclidean_spearman": 82.88240481546771, + "manhattan_pearson": 81.72826221967252, + "manhattan_spearman": 82.90725064625128, + "cosine_pearson": 84.94127878986795, + "cosine_spearman": 85.35148434923192, + "main_score": 85.35148434923192 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/STS14.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/STS14.json new file mode 100644 index 000000000..b05352c43 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e2125984e7df8b7871f6ae9949cf6b6795e7c54b", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.1474704168523, + "cos_sim_spearman": 79.20612995350827, + "euclidean_pearson": 78.85993329596555, + "euclidean_spearman": 78.91956572744715, + "manhattan_pearson": 78.89999720522347, + "manhattan_spearman": 78.93956842550107, + "cosine_pearson": 83.1474704168523, + "cosine_spearman": 79.20612995350827, + "main_score": 79.20612995350827 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/STS15.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/STS15.json new file mode 100644 index 000000000..bab362781 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "1cd7298cac12a96a373b6a2f18738bb3e739a9b6", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.81255514055894, + "cos_sim_spearman": 85.5217140762934, + "euclidean_pearson": 82.15024353784499, + "euclidean_spearman": 83.04155334389833, + "manhattan_pearson": 82.18598945053624, + "manhattan_spearman": 83.07248357693301, + "cosine_pearson": 84.81255514055894, + "cosine_spearman": 85.5217140762934, + "main_score": 85.5217140762934 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/STS16.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/STS16.json new file mode 100644 index 000000000..194b30bb3 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "360a0b2dff98700d09e634a01e1cc1624d3e42cd", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 80.63248465157822, + "cos_sim_spearman": 82.53853238521991, + "euclidean_pearson": 78.33936863828221, + "euclidean_spearman": 79.16305579487414, + "manhattan_pearson": 78.3888359870894, + "manhattan_spearman": 79.18504473136467, + "cosine_pearson": 80.63248465157822, + "cosine_spearman": 82.53853238521991, + "main_score": 82.53853238521991 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/STS17.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/STS17.json new file mode 100644 index 000000000..c2638b64f --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "9fc37e8c632af1c87a3d23e685d49552a02582a0", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 90.09066290639687, + "cos_sim_spearman": 90.43893699357069, + "euclidean_pearson": 82.39520777222396, + "euclidean_spearman": 81.23948185395952, + "manhattan_pearson": 82.35529784653383, + "manhattan_spearman": 81.12681522483975, + "cosine_pearson": 90.09066290639687, + "cosine_spearman": 90.43893699357069, + "main_score": 90.43893699357069 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/STS22.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/STS22.json new file mode 100644 index 000000000..e79eb5e20 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "2de6ce8c1921b71a755b262c6b57fef195dd7906", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 63.52752323046846, + "cos_sim_spearman": 63.19719780439462, + "euclidean_pearson": 58.29085490641428, + "euclidean_spearman": 58.975178656335046, + "manhattan_pearson": 58.183542772416985, + "manhattan_spearman": 59.190630462178994, + "cosine_pearson": 63.52752323046846, + "cosine_spearman": 63.19719780439462, + "main_score": 63.19719780439462 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/STSBenchmark.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/STSBenchmark.json new file mode 100644 index 000000000..4a68f43dd --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "8913289635987208e6e7c72789e4be2fe94b6abd", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.45100366635687, + "cos_sim_spearman": 85.66816193002651, + "euclidean_pearson": 81.87976731329091, + "euclidean_spearman": 82.01382867690964, + "manhattan_pearson": 81.88260155706726, + "manhattan_spearman": 82.05258597906492, + "cosine_pearson": 85.45100366635687, + "cosine_spearman": 85.66816193002651, + "main_score": 85.66816193002651 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/SciDocsRR.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/SciDocsRR.json new file mode 100644 index 000000000..469f58e15 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "56a6d0140cf6356659e2a7c1413286a774468d44", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 77.53549990038017, + "mrr": 93.37474163454556, + "main_score": 77.53549990038017 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/SciFact.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/SciFact.json new file mode 100644 index 000000000..8223e59c5 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/SciFact.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "a75ae049398addde9b70f6b268875f5cbce99089", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.167, + "map_at_10": 40.778, + "map_at_100": 42.063, + "map_at_1000": 42.103, + "map_at_3": 37.12, + "map_at_5": 39.205, + "ndcg_at_1": 33.667, + "ndcg_at_10": 46.662, + "ndcg_at_100": 51.995999999999995, + "ndcg_at_1000": 53.254999999999995, + "ndcg_at_3": 39.397999999999996, + "ndcg_at_5": 42.934, + "precision_at_1": 33.667, + "precision_at_10": 7.1, + "precision_at_100": 0.993, + "precision_at_1000": 0.11, + "precision_at_3": 16.111, + "precision_at_5": 11.600000000000001, + "recall_at_1": 31.167, + "recall_at_10": 63.744, + "recall_at_100": 87.156, + "recall_at_1000": 97.556, + "recall_at_3": 44.0, + "recall_at_5": 52.556000000000004, + "main_score": 46.662 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/SprintDuplicateQuestions.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..86fdeaebe --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "5a8256d0dff9c4bd3be3ba3e67e4e70173f802ea", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.55148514851486, + "cos_sim_ap": 80.535236573428, + "cos_sim_f1": 75.01331912626532, + "cos_sim_precision": 80.27366020524515, + "cos_sim_recall": 70.39999999999999, + "dot_accuracy": 99.04851485148515, + "dot_ap": 28.505358821499726, + "dot_f1": 36.36363636363637, + "dot_precision": 37.160751565762006, + "dot_recall": 35.6, + "euclidean_accuracy": 99.4990099009901, + "euclidean_ap": 74.95819047075476, + "euclidean_f1": 71.15489874110564, + "euclidean_precision": 78.59733978234583, + "euclidean_recall": 65.0, + "manhattan_accuracy": 99.50198019801981, + "manhattan_ap": 75.02070096015086, + "manhattan_f1": 71.20535714285712, + "manhattan_precision": 80.55555555555556, + "manhattan_recall": 63.800000000000004, + "max_accuracy": 99.55148514851486, + "max_ap": 80.535236573428, + "max_f1": 75.01331912626532, + "main_score": 80.535236573428 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/StackExchangeClustering.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/StackExchangeClustering.json new file mode 100644 index 000000000..8b740517e --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "70a89468f6dccacc6aa2b12a6eac54e74328f235", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 54.13314692311623, + "main_score": 54.13314692311623 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/StackExchangeClusteringP2P.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..032744968 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "d88009ab563dd0b16cfaf4436abaf97fa3550cf0", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.115181648287145, + "main_score": 31.115181648287145 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/StackOverflowDupQuestions.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..bfa3f308a --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ef807ea29a75ec4f91b50fd4191cb4ee4589a9f9", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 44.771112666694336, + "mrr": 45.30415764790765, + "main_score": 44.771112666694336 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/SummEval.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/SummEval.json new file mode 100644 index 000000000..9e572f489 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "8753c2788d36c01fc6f05d03fe3f7268d63f9122", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.849429597669374, + "cos_sim_spearman": 30.384175038360194, + "dot_pearson": 29.030383429536823, + "dot_spearman": 28.03273624951732, + "cosine_pearson": 30.849429597669374, + "cosine_spearman": 30.384175038360194, + "main_score": 30.384175038360194 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/TRECCOVID.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/TRECCOVID.json new file mode 100644 index 000000000..786f40c5e --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/TRECCOVID.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "2c8041b2c07a79b6f7ba8fe6acc72e5d9f92d217", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.19499999999999998, + "map_at_10": 1.0959999999999999, + "map_at_100": 5.726, + "map_at_1000": 13.611999999999998, + "map_at_3": 0.45399999999999996, + "map_at_5": 0.67, + "ndcg_at_1": 71.0, + "ndcg_at_10": 55.352999999999994, + "ndcg_at_100": 40.797, + "ndcg_at_1000": 35.955999999999996, + "ndcg_at_3": 63.263000000000005, + "ndcg_at_5": 60.14000000000001, + "precision_at_1": 78.0, + "precision_at_10": 56.99999999999999, + "precision_at_100": 41.199999999999996, + "precision_at_1000": 16.154, + "precision_at_3": 66.667, + "precision_at_5": 62.8, + "recall_at_1": 0.19499999999999998, + "recall_at_10": 1.3639999999999999, + "recall_at_100": 9.317, + "recall_at_1000": 33.629999999999995, + "recall_at_3": 0.49300000000000005, + "recall_at_5": 0.756, + "main_score": 55.352999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/Touche2020.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/Touche2020.json new file mode 100644 index 000000000..036d127c1 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/Touche2020.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "527b7d77e16e343303e68cb6af11d6e18b9f7b3b", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 1.335, + "map_at_10": 6.293, + "map_at_100": 10.928, + "map_at_1000": 12.359, + "map_at_3": 3.472, + "map_at_5": 4.935, + "ndcg_at_1": 19.387999999999998, + "ndcg_at_10": 16.178, + "ndcg_at_100": 28.149, + "ndcg_at_1000": 39.845000000000006, + "ndcg_at_3": 19.171, + "ndcg_at_5": 17.864, + "precision_at_1": 20.408, + "precision_at_10": 14.49, + "precision_at_100": 6.306000000000001, + "precision_at_1000": 1.3860000000000001, + "precision_at_3": 21.088, + "precision_at_5": 18.367, + "recall_at_1": 1.335, + "recall_at_10": 10.825999999999999, + "recall_at_100": 39.251000000000005, + "recall_at_1000": 74.952, + "recall_at_3": 4.9110000000000005, + "recall_at_5": 7.312, + "main_score": 16.178 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/ToxicConversationsClassification.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..83f3c8dfc --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.93339999999999, + "ap": 13.87476602492533, + "f1": 53.867357615848555, + "main_score": 69.93339999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/TweetSentimentExtractionClassification.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..06fa02ee8 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "62146448f05be9e52a36b8ee9936447ea787eede", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 62.43916242218449, + "f1": 62.870386304954685, + "main_score": 62.43916242218449 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/TwentyNewsgroupsClustering.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..744dbba24 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "091a54f9a36281ce7d6590ec8c75dd485e7e01d4", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.202082549859796, + "main_score": 37.202082549859796 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/TwitterSemEval2015.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/TwitterSemEval2015.json new file mode 100644 index 000000000..2055e31f2 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 83.65023544137807, + "cos_sim_ap": 65.99787692764193, + "cos_sim_f1": 62.10650887573965, + "cos_sim_precision": 56.30901287553648, + "cos_sim_recall": 69.23482849604221, + "dot_accuracy": 79.10830303391549, + "dot_ap": 48.80109642320246, + "dot_f1": 51.418744625967314, + "dot_precision": 40.30253107683091, + "dot_recall": 71.00263852242745, + "euclidean_accuracy": 82.45812719794957, + "euclidean_ap": 60.09969493259607, + "euclidean_f1": 57.658573789246226, + "euclidean_precision": 55.62913907284768, + "euclidean_recall": 59.84168865435356, + "manhattan_accuracy": 82.46408773916671, + "manhattan_ap": 60.116199786815116, + "manhattan_f1": 57.683903860160235, + "manhattan_precision": 53.41726618705036, + "manhattan_recall": 62.69129287598945, + "max_accuracy": 83.65023544137807, + "max_ap": 65.99787692764193, + "max_f1": 62.10650887573965, + "main_score": 65.99787692764193 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/TwitterURLCorpus.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/TwitterURLCorpus.json new file mode 100644 index 000000000..87844031f --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.34943920518494, + "cos_sim_ap": 84.5428891020442, + "cos_sim_f1": 77.09709933923172, + "cos_sim_precision": 74.83150952967607, + "cos_sim_recall": 79.50415768401602, + "dot_accuracy": 84.53448208949432, + "dot_ap": 73.96328242371995, + "dot_f1": 70.00553786515299, + "dot_precision": 63.58777665995976, + "dot_recall": 77.86418232214352, + "euclidean_accuracy": 86.87662514068381, + "euclidean_ap": 81.45499631520235, + "euclidean_f1": 73.46567109816063, + "euclidean_precision": 69.71037533697381, + "euclidean_recall": 77.6485987064983, + "manhattan_accuracy": 86.88244654014825, + "manhattan_ap": 81.47180273946366, + "manhattan_f1": 73.44624393136418, + "manhattan_precision": 70.80385852090032, + "manhattan_recall": 76.29350169387126, + "max_accuracy": 88.34943920518494, + "max_ap": 84.5428891020442, + "max_f1": 77.09709933923172, + "main_score": 84.5428891020442 + } + ] + } +} \ No newline at end of file diff --git a/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/model_meta.json b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/model_meta.json new file mode 100644 index 000000000..daefdcea4 --- /dev/null +++ b/results/Muennighoff__SGPT-5.8B-weightedmean-nli-bitfit/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "Muennighoff/SGPT-5.8B-weightedmean-nli-bitfit", + "revision": "88aafd983654e7ae20241b1f58223de316f7b003", + "release_date": "2022-03-02", + "languages": [], + "loader": null, + "n_parameters": 5873784812, + "memory_usage": null, + "max_tokens": 2048, + "embed_dim": 4096, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/NLPArtisan__qwen-1.8b-retrieval-test/external/CmedqaRetrieval.json b/results/NLPArtisan__qwen-1.8b-retrieval-test/external/CmedqaRetrieval.json new file mode 100644 index 000000000..3daa5031b --- /dev/null +++ b/results/NLPArtisan__qwen-1.8b-retrieval-test/external/CmedqaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 23.191, + "map_at_10": 34.272999999999996, + "map_at_100": 36.101, + "map_at_1000": 36.231, + "map_at_3": 30.495, + "map_at_5": 32.54, + "mrr_at_1": 35.434, + "mrr_at_10": 43.15, + "mrr_at_100": 44.155, + "mrr_at_1000": 44.211, + "mrr_at_3": 40.735, + "mrr_at_5": 42.052, + "ndcg_at_1": 35.434, + "ndcg_at_10": 40.572, + "ndcg_at_100": 47.921, + "ndcg_at_1000": 50.314, + "ndcg_at_3": 35.671, + "ndcg_at_5": 37.635000000000005, + "precision_at_1": 35.434, + "precision_at_10": 9.067, + "precision_at_100": 1.506, + "precision_at_1000": 0.181, + "precision_at_3": 20.163, + "precision_at_5": 14.624, + "recall_at_1": 23.191, + "recall_at_10": 50.318, + "recall_at_100": 80.958, + "recall_at_1000": 97.16799999999999, + "recall_at_3": 35.57, + "recall_at_5": 41.776, + "main_score": 40.572 + } + ] + } +} \ No newline at end of file diff --git a/results/NLPArtisan__qwen-1.8b-retrieval-test/external/CovidRetrieval.json b/results/NLPArtisan__qwen-1.8b-retrieval-test/external/CovidRetrieval.json new file mode 100644 index 000000000..bbdf2cf19 --- /dev/null +++ b/results/NLPArtisan__qwen-1.8b-retrieval-test/external/CovidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 64.015, + "map_at_10": 71.983, + "map_at_100": 72.432, + "map_at_1000": 72.441, + "map_at_3": 69.92399999999999, + "map_at_5": 71.177, + "mrr_at_1": 64.173, + "mrr_at_10": 71.985, + "mrr_at_100": 72.425, + "mrr_at_1000": 72.434, + "mrr_at_3": 69.968, + "mrr_at_5": 71.222, + "ndcg_at_1": 64.173, + "ndcg_at_10": 75.929, + "ndcg_at_100": 77.961, + "ndcg_at_1000": 78.223, + "ndcg_at_3": 71.828, + "ndcg_at_5": 74.066, + "precision_at_1": 64.173, + "precision_at_10": 8.924999999999999, + "precision_at_100": 0.985, + "precision_at_1000": 0.101, + "precision_at_3": 25.887, + "precision_at_5": 16.669999999999998, + "recall_at_1": 64.015, + "recall_at_10": 88.251, + "recall_at_100": 97.471, + "recall_at_1000": 99.579, + "recall_at_3": 77.292, + "recall_at_5": 82.666, + "main_score": 75.929 + } + ] + } +} \ No newline at end of file diff --git a/results/NLPArtisan__qwen-1.8b-retrieval-test/external/DuRetrieval.json b/results/NLPArtisan__qwen-1.8b-retrieval-test/external/DuRetrieval.json new file mode 100644 index 000000000..33ecad003 --- /dev/null +++ b/results/NLPArtisan__qwen-1.8b-retrieval-test/external/DuRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 23.983999999999998, + "map_at_10": 75.175, + "map_at_100": 78.27300000000001, + "map_at_1000": 78.322, + "map_at_3": 51.214999999999996, + "map_at_5": 64.89200000000001, + "mrr_at_1": 83.89999999999999, + "mrr_at_10": 89.563, + "mrr_at_100": 89.64999999999999, + "mrr_at_1000": 89.654, + "mrr_at_3": 89.167, + "mrr_at_5": 89.492, + "ndcg_at_1": 83.89999999999999, + "ndcg_at_10": 83.72800000000001, + "ndcg_at_100": 87.064, + "ndcg_at_1000": 87.504, + "ndcg_at_3": 81.318, + "ndcg_at_5": 80.667, + "precision_at_1": 83.89999999999999, + "precision_at_10": 40.699999999999996, + "precision_at_100": 4.7780000000000005, + "precision_at_1000": 0.488, + "precision_at_3": 73.317, + "precision_at_5": 62.129999999999995, + "recall_at_1": 23.983999999999998, + "recall_at_10": 86.412, + "recall_at_100": 96.882, + "recall_at_1000": 99.22, + "recall_at_3": 54.769999999999996, + "recall_at_5": 71.663, + "main_score": 83.72800000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/NLPArtisan__qwen-1.8b-retrieval-test/external/EcomRetrieval.json b/results/NLPArtisan__qwen-1.8b-retrieval-test/external/EcomRetrieval.json new file mode 100644 index 000000000..ca933ecd5 --- /dev/null +++ b/results/NLPArtisan__qwen-1.8b-retrieval-test/external/EcomRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 51.6, + "map_at_10": 61.209, + "map_at_100": 61.734, + "map_at_1000": 61.75000000000001, + "map_at_3": 58.8, + "map_at_5": 60.165, + "mrr_at_1": 51.6, + "mrr_at_10": 61.209, + "mrr_at_100": 61.734, + "mrr_at_1000": 61.75000000000001, + "mrr_at_3": 58.8, + "mrr_at_5": 60.165, + "ndcg_at_1": 51.6, + "ndcg_at_10": 66.13900000000001, + "ndcg_at_100": 68.65400000000001, + "ndcg_at_1000": 69.057, + "ndcg_at_3": 61.185, + "ndcg_at_5": 63.651, + "precision_at_1": 51.6, + "precision_at_10": 8.17, + "precision_at_100": 0.9339999999999999, + "precision_at_1000": 0.097, + "precision_at_3": 22.7, + "precision_at_5": 14.82, + "recall_at_1": 51.6, + "recall_at_10": 81.69999999999999, + "recall_at_100": 93.4, + "recall_at_1000": 96.6, + "recall_at_3": 68.10000000000001, + "recall_at_5": 74.1, + "main_score": 66.13900000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/NLPArtisan__qwen-1.8b-retrieval-test/external/MMarcoRetrieval.json b/results/NLPArtisan__qwen-1.8b-retrieval-test/external/MMarcoRetrieval.json new file mode 100644 index 000000000..e5930f8df --- /dev/null +++ b/results/NLPArtisan__qwen-1.8b-retrieval-test/external/MMarcoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 69.54599999999999, + "map_at_10": 78.477, + "map_at_100": 78.743, + "map_at_1000": 78.751, + "map_at_3": 76.769, + "map_at_5": 77.854, + "mrr_at_1": 71.819, + "mrr_at_10": 79.008, + "mrr_at_100": 79.24, + "mrr_at_1000": 79.247, + "mrr_at_3": 77.55300000000001, + "mrr_at_5": 78.477, + "ndcg_at_1": 71.819, + "ndcg_at_10": 81.947, + "ndcg_at_100": 83.112, + "ndcg_at_1000": 83.325, + "ndcg_at_3": 78.758, + "ndcg_at_5": 80.563, + "precision_at_1": 71.819, + "precision_at_10": 9.792, + "precision_at_100": 1.0370000000000001, + "precision_at_1000": 0.105, + "precision_at_3": 29.479, + "precision_at_5": 18.659, + "recall_at_1": 69.54599999999999, + "recall_at_10": 92.053, + "recall_at_100": 97.25399999999999, + "recall_at_1000": 98.926, + "recall_at_3": 83.682, + "recall_at_5": 87.944, + "main_score": 81.947 + } + ] + } +} \ No newline at end of file diff --git a/results/NLPArtisan__qwen-1.8b-retrieval-test/external/MedicalRetrieval.json b/results/NLPArtisan__qwen-1.8b-retrieval-test/external/MedicalRetrieval.json new file mode 100644 index 000000000..fe12498d2 --- /dev/null +++ b/results/NLPArtisan__qwen-1.8b-retrieval-test/external/MedicalRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 50.3, + "map_at_10": 55.824, + "map_at_100": 56.379999999999995, + "map_at_1000": 56.440999999999995, + "map_at_3": 54.400000000000006, + "map_at_5": 55.235, + "mrr_at_1": 50.4, + "mrr_at_10": 55.88999999999999, + "mrr_at_100": 56.447, + "mrr_at_1000": 56.508, + "mrr_at_3": 54.467, + "mrr_at_5": 55.30199999999999, + "ndcg_at_1": 50.3, + "ndcg_at_10": 58.577999999999996, + "ndcg_at_100": 61.49099999999999, + "ndcg_at_1000": 63.161, + "ndcg_at_3": 55.64, + "ndcg_at_5": 57.13399999999999, + "precision_at_1": 50.3, + "precision_at_10": 6.7299999999999995, + "precision_at_100": 0.814, + "precision_at_1000": 0.095, + "precision_at_3": 19.733, + "precision_at_5": 12.559999999999999, + "recall_at_1": 50.3, + "recall_at_10": 67.30000000000001, + "recall_at_100": 81.39999999999999, + "recall_at_1000": 94.69999999999999, + "recall_at_3": 59.199999999999996, + "recall_at_5": 62.8, + "main_score": 58.577999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/NLPArtisan__qwen-1.8b-retrieval-test/external/T2Retrieval.json b/results/NLPArtisan__qwen-1.8b-retrieval-test/external/T2Retrieval.json new file mode 100644 index 000000000..4385846ab --- /dev/null +++ b/results/NLPArtisan__qwen-1.8b-retrieval-test/external/T2Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 27.293, + "map_at_10": 76.618, + "map_at_100": 80.22500000000001, + "map_at_1000": 80.292, + "map_at_3": 53.856, + "map_at_5": 66.158, + "mrr_at_1": 89.659, + "mrr_at_10": 92.121, + "mrr_at_100": 92.214, + "mrr_at_1000": 92.218, + "mrr_at_3": 91.67, + "mrr_at_5": 91.955, + "ndcg_at_1": 89.659, + "ndcg_at_10": 84.172, + "ndcg_at_100": 87.767, + "ndcg_at_1000": 88.419, + "ndcg_at_3": 85.628, + "ndcg_at_5": 84.155, + "precision_at_1": 89.659, + "precision_at_10": 41.914, + "precision_at_100": 4.9959999999999996, + "precision_at_1000": 0.515, + "precision_at_3": 74.955, + "precision_at_5": 62.771, + "recall_at_1": 27.293, + "recall_at_10": 83.004, + "recall_at_100": 94.82300000000001, + "recall_at_1000": 98.15, + "recall_at_3": 55.455, + "recall_at_5": 69.422, + "main_score": 84.172 + } + ] + } +} \ No newline at end of file diff --git a/results/NLPArtisan__qwen-1.8b-retrieval-test/external/VideoRetrieval.json b/results/NLPArtisan__qwen-1.8b-retrieval-test/external/VideoRetrieval.json new file mode 100644 index 000000000..45afca1ab --- /dev/null +++ b/results/NLPArtisan__qwen-1.8b-retrieval-test/external/VideoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 59.599999999999994, + "map_at_10": 69.44399999999999, + "map_at_100": 69.798, + "map_at_1000": 69.81, + "map_at_3": 67.467, + "map_at_5": 68.692, + "mrr_at_1": 59.599999999999994, + "mrr_at_10": 69.44399999999999, + "mrr_at_100": 69.798, + "mrr_at_1000": 69.81, + "mrr_at_3": 67.467, + "mrr_at_5": 68.692, + "ndcg_at_1": 59.599999999999994, + "ndcg_at_10": 73.936, + "ndcg_at_100": 75.688, + "ndcg_at_1000": 75.942, + "ndcg_at_3": 69.92399999999999, + "ndcg_at_5": 72.14, + "precision_at_1": 59.599999999999994, + "precision_at_10": 8.790000000000001, + "precision_at_100": 0.9610000000000001, + "precision_at_1000": 0.098, + "precision_at_3": 25.667, + "precision_at_5": 16.48, + "recall_at_1": 59.599999999999994, + "recall_at_10": 87.9, + "recall_at_100": 96.1, + "recall_at_1000": 98.0, + "recall_at_3": 77.0, + "recall_at_5": 82.39999999999999, + "main_score": 73.936 + } + ] + } +} \ No newline at end of file diff --git a/results/NLPArtisan__qwen-1.8b-retrieval-test/external/model_meta.json b/results/NLPArtisan__qwen-1.8b-retrieval-test/external/model_meta.json new file mode 100644 index 000000000..4f4144d9c --- /dev/null +++ b/results/NLPArtisan__qwen-1.8b-retrieval-test/external/model_meta.json @@ -0,0 +1,20 @@ +{ + "name": "NLPArtisan/qwen-1.8b-retrieval-test", + "revision": "2812aa2d622e0188f67b487a3587960e54d374cb", + "release_date": "2024-04-22", + "languages": [], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": null, + "embed_dim": null, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/AmazonCounterfactualClassification.json b/results/Narsil__bge-base-en/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..438d438ac --- /dev/null +++ b/results/Narsil__bge-base-en/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.73134328358209, + "ap": 38.97277232632892, + "f1": 69.81740361139785, + "main_score": 75.73134328358209 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/AmazonPolarityClassification.json b/results/Narsil__bge-base-en/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..60322b01f --- /dev/null +++ b/results/Narsil__bge-base-en/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.56522500000001, + "ap": 88.88821771869553, + "f1": 92.54817512659696, + "main_score": 92.56522500000001 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/AmazonReviewsClassification.json b/results/Narsil__bge-base-en/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..2d454d7ea --- /dev/null +++ b/results/Narsil__bge-base-en/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 46.91, + "f1": 46.28536394320311, + "main_score": 46.91 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/ArguAna.json b/results/Narsil__bge-base-en/external/ArguAna.json new file mode 100644 index 000000000..987669137 --- /dev/null +++ b/results/Narsil__bge-base-en/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.834, + "map_at_10": 53.564, + "map_at_100": 54.230000000000004, + "map_at_1000": 54.235, + "map_at_3": 49.49, + "map_at_5": 51.784, + "mrr_at_1": 39.26, + "mrr_at_10": 53.744, + "mrr_at_100": 54.410000000000004, + "mrr_at_1000": 54.415, + "mrr_at_3": 49.656, + "mrr_at_5": 52.018, + "ndcg_at_1": 38.834, + "ndcg_at_10": 61.487, + "ndcg_at_100": 64.303, + "ndcg_at_1000": 64.408, + "ndcg_at_3": 53.116, + "ndcg_at_5": 57.248, + "precision_at_1": 38.834, + "precision_at_10": 8.663, + "precision_at_100": 0.989, + "precision_at_1000": 0.1, + "precision_at_3": 21.218999999999998, + "precision_at_5": 14.737, + "recall_at_1": 38.834, + "recall_at_10": 86.629, + "recall_at_100": 98.86200000000001, + "recall_at_1000": 99.644, + "recall_at_3": 63.656, + "recall_at_5": 73.68400000000001, + "main_score": 61.487 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/ArxivClusteringP2P.json b/results/Narsil__bge-base-en/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..b30230f37 --- /dev/null +++ b/results/Narsil__bge-base-en/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.88475477433035, + "main_score": 48.88475477433035 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/ArxivClusteringS2S.json b/results/Narsil__bge-base-en/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..f481c799b --- /dev/null +++ b/results/Narsil__bge-base-en/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 42.85053138403176, + "main_score": 42.85053138403176 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/AskUbuntuDupQuestions.json b/results/Narsil__bge-base-en/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..74ac40e48 --- /dev/null +++ b/results/Narsil__bge-base-en/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 62.23221013208242, + "mrr": 74.64857318735436, + "main_score": 62.23221013208242 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/BIOSSES.json b/results/Narsil__bge-base-en/external/BIOSSES.json new file mode 100644 index 000000000..f665e24ac --- /dev/null +++ b/results/Narsil__bge-base-en/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.4403443247284, + "cos_sim_spearman": 85.5326718115169, + "euclidean_pearson": 86.0114007449595, + "euclidean_spearman": 86.05979225604875, + "manhattan_pearson": 86.05423806568598, + "manhattan_spearman": 86.02485170086835, + "cosine_pearson": 87.4403443247284, + "cosine_spearman": 85.5326718115169, + "main_score": 85.5326718115169 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/Banking77Classification.json b/results/Narsil__bge-base-en/external/Banking77Classification.json new file mode 100644 index 000000000..a00c8bcec --- /dev/null +++ b/results/Narsil__bge-base-en/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.44480519480518, + "f1": 86.41301900941988, + "main_score": 86.44480519480518 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/BiorxivClusteringP2P.json b/results/Narsil__bge-base-en/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..729c75993 --- /dev/null +++ b/results/Narsil__bge-base-en/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.17547250880036, + "main_score": 40.17547250880036 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/BiorxivClusteringS2S.json b/results/Narsil__bge-base-en/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..280b7b03c --- /dev/null +++ b/results/Narsil__bge-base-en/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.74514172687293, + "main_score": 37.74514172687293 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/CQADupstackAndroidRetrieval.json b/results/Narsil__bge-base-en/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..e4ebc009e --- /dev/null +++ b/results/Narsil__bge-base-en/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.096000000000004, + "map_at_10": 43.345, + "map_at_100": 44.73, + "map_at_1000": 44.85, + "map_at_3": 39.956, + "map_at_5": 41.727, + "mrr_at_1": 38.769999999999996, + "mrr_at_10": 48.742000000000004, + "mrr_at_100": 49.474000000000004, + "mrr_at_1000": 49.513, + "mrr_at_3": 46.161, + "mrr_at_5": 47.721000000000004, + "ndcg_at_1": 38.769999999999996, + "ndcg_at_10": 49.464999999999996, + "ndcg_at_100": 54.632000000000005, + "ndcg_at_1000": 56.52, + "ndcg_at_3": 44.687, + "ndcg_at_5": 46.814, + "precision_at_1": 38.769999999999996, + "precision_at_10": 9.471, + "precision_at_100": 1.4909999999999999, + "precision_at_1000": 0.194, + "precision_at_3": 21.268, + "precision_at_5": 15.079, + "recall_at_1": 32.096000000000004, + "recall_at_10": 60.99099999999999, + "recall_at_100": 83.075, + "recall_at_1000": 95.178, + "recall_at_3": 47.009, + "recall_at_5": 53.348, + "main_score": 49.464999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.588, + "map_at_10": 42.251, + "map_at_100": 43.478, + "map_at_1000": 43.617, + "map_at_3": 39.381, + "map_at_5": 41.141, + "mrr_at_1": 41.21, + "mrr_at_10": 48.765, + "mrr_at_100": 49.403000000000006, + "mrr_at_1000": 49.451, + "mrr_at_3": 46.73, + "mrr_at_5": 47.965999999999994, + "ndcg_at_1": 41.21, + "ndcg_at_10": 47.704, + "ndcg_at_100": 51.916, + "ndcg_at_1000": 54.013999999999996, + "ndcg_at_3": 44.007000000000005, + "ndcg_at_5": 45.936, + "precision_at_1": 41.21, + "precision_at_10": 8.885, + "precision_at_100": 1.409, + "precision_at_1000": 0.189, + "precision_at_3": 21.274, + "precision_at_5": 15.045, + "recall_at_1": 32.588, + "recall_at_10": 56.333, + "recall_at_100": 74.251, + "recall_at_1000": 87.518, + "recall_at_3": 44.962, + "recall_at_5": 50.609, + "main_score": 47.704 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.308, + "map_at_10": 53.12, + "map_at_100": 54.123, + "map_at_1000": 54.173, + "map_at_3": 50.017999999999994, + "map_at_5": 51.902, + "mrr_at_1": 46.394999999999996, + "mrr_at_10": 56.531, + "mrr_at_100": 57.19800000000001, + "mrr_at_1000": 57.225, + "mrr_at_3": 54.368, + "mrr_at_5": 55.713, + "ndcg_at_1": 46.394999999999996, + "ndcg_at_10": 58.811, + "ndcg_at_100": 62.834, + "ndcg_at_1000": 63.849999999999994, + "ndcg_at_3": 53.88699999999999, + "ndcg_at_5": 56.477999999999994, + "precision_at_1": 46.394999999999996, + "precision_at_10": 9.398, + "precision_at_100": 1.2309999999999999, + "precision_at_1000": 0.136, + "precision_at_3": 24.221999999999998, + "precision_at_5": 16.539, + "recall_at_1": 40.308, + "recall_at_10": 72.146, + "recall_at_100": 89.60900000000001, + "recall_at_1000": 96.733, + "recall_at_3": 58.91499999999999, + "recall_at_5": 65.34299999999999, + "main_score": 58.811 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.383000000000003, + "map_at_10": 35.802, + "map_at_100": 36.756, + "map_at_1000": 36.826, + "map_at_3": 32.923, + "map_at_5": 34.577999999999996, + "mrr_at_1": 29.604999999999997, + "mrr_at_10": 37.918, + "mrr_at_100": 38.732, + "mrr_at_1000": 38.786, + "mrr_at_3": 35.198, + "mrr_at_5": 36.808, + "ndcg_at_1": 29.604999999999997, + "ndcg_at_10": 40.836, + "ndcg_at_100": 45.622, + "ndcg_at_1000": 47.427, + "ndcg_at_3": 35.208, + "ndcg_at_5": 38.066, + "precision_at_1": 29.604999999999997, + "precision_at_10": 6.226, + "precision_at_100": 0.9079999999999999, + "precision_at_1000": 0.11, + "precision_at_3": 14.463000000000001, + "precision_at_5": 10.35, + "recall_at_1": 27.383000000000003, + "recall_at_10": 54.434000000000005, + "recall_at_100": 76.632, + "recall_at_1000": 90.25, + "recall_at_3": 39.275, + "recall_at_5": 46.225, + "main_score": 40.836 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.885, + "map_at_10": 25.724000000000004, + "map_at_100": 26.992, + "map_at_1000": 27.107999999999997, + "map_at_3": 23.04, + "map_at_5": 24.529, + "mrr_at_1": 22.264, + "mrr_at_10": 30.548, + "mrr_at_100": 31.593, + "mrr_at_1000": 31.657999999999998, + "mrr_at_3": 27.756999999999998, + "mrr_at_5": 29.398999999999997, + "ndcg_at_1": 22.264, + "ndcg_at_10": 30.902, + "ndcg_at_100": 36.918, + "ndcg_at_1000": 39.735, + "ndcg_at_3": 25.915, + "ndcg_at_5": 28.255999999999997, + "precision_at_1": 22.264, + "precision_at_10": 5.634, + "precision_at_100": 0.9939999999999999, + "precision_at_1000": 0.13699999999999998, + "precision_at_3": 12.396, + "precision_at_5": 9.055, + "recall_at_1": 17.885, + "recall_at_10": 42.237, + "recall_at_100": 68.489, + "recall_at_1000": 88.721, + "recall_at_3": 28.283, + "recall_at_5": 34.300000000000004, + "main_score": 30.902 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.737000000000002, + "map_at_10": 39.757, + "map_at_100": 40.992, + "map_at_1000": 41.102, + "map_at_3": 36.612, + "map_at_5": 38.413000000000004, + "mrr_at_1": 35.804, + "mrr_at_10": 45.178000000000004, + "mrr_at_100": 45.975, + "mrr_at_1000": 46.021, + "mrr_at_3": 42.541000000000004, + "mrr_at_5": 44.167, + "ndcg_at_1": 35.804, + "ndcg_at_10": 45.608, + "ndcg_at_100": 50.746, + "ndcg_at_1000": 52.839999999999996, + "ndcg_at_3": 40.52, + "ndcg_at_5": 43.051, + "precision_at_1": 35.804, + "precision_at_10": 8.104, + "precision_at_100": 1.256, + "precision_at_1000": 0.161, + "precision_at_3": 19.121, + "precision_at_5": 13.532, + "recall_at_1": 29.737000000000002, + "recall_at_10": 57.66, + "recall_at_100": 79.121, + "recall_at_1000": 93.023, + "recall_at_3": 43.13, + "recall_at_5": 49.836000000000006, + "main_score": 45.608 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.299, + "map_at_10": 35.617, + "map_at_100": 36.972, + "map_at_1000": 37.096000000000004, + "map_at_3": 32.653999999999996, + "map_at_5": 34.363, + "mrr_at_1": 32.877, + "mrr_at_10": 41.423, + "mrr_at_100": 42.333999999999996, + "mrr_at_1000": 42.398, + "mrr_at_3": 39.193, + "mrr_at_5": 40.426, + "ndcg_at_1": 32.877, + "ndcg_at_10": 41.271, + "ndcg_at_100": 46.843, + "ndcg_at_1000": 49.366, + "ndcg_at_3": 36.735, + "ndcg_at_5": 38.775999999999996, + "precision_at_1": 32.877, + "precision_at_10": 7.580000000000001, + "precision_at_100": 1.192, + "precision_at_1000": 0.158, + "precision_at_3": 17.541999999999998, + "precision_at_5": 12.443, + "recall_at_1": 26.299, + "recall_at_10": 52.256, + "recall_at_100": 75.919, + "recall_at_1000": 93.185, + "recall_at_3": 39.271, + "recall_at_5": 44.901, + "main_score": 41.271 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.05741666666667, + "map_at_10": 36.086416666666665, + "map_at_100": 37.26916666666667, + "map_at_1000": 37.38191666666666, + "map_at_3": 33.34225, + "map_at_5": 34.86425, + "mrr_at_1": 32.06008333333333, + "mrr_at_10": 40.36658333333333, + "mrr_at_100": 41.206500000000005, + "mrr_at_1000": 41.261083333333325, + "mrr_at_3": 38.01208333333334, + "mrr_at_5": 39.36858333333333, + "ndcg_at_1": 32.06008333333333, + "ndcg_at_10": 41.3535, + "ndcg_at_100": 46.42066666666666, + "ndcg_at_1000": 48.655166666666666, + "ndcg_at_3": 36.78041666666667, + "ndcg_at_5": 38.91783333333334, + "precision_at_1": 32.06008333333333, + "precision_at_10": 7.169833333333332, + "precision_at_100": 1.1395, + "precision_at_1000": 0.15158333333333332, + "precision_at_3": 16.852, + "precision_at_5": 11.8645, + "recall_at_1": 27.05741666666667, + "recall_at_10": 52.64491666666666, + "recall_at_100": 74.99791666666667, + "recall_at_1000": 90.50524999999999, + "recall_at_3": 39.684000000000005, + "recall_at_5": 45.37225, + "main_score": 41.3535 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.607999999999997, + "map_at_10": 32.28, + "map_at_100": 33.261, + "map_at_1000": 33.346, + "map_at_3": 30.514999999999997, + "map_at_5": 31.415, + "mrr_at_1": 28.988000000000003, + "mrr_at_10": 35.384, + "mrr_at_100": 36.24, + "mrr_at_1000": 36.299, + "mrr_at_3": 33.717000000000006, + "mrr_at_5": 34.507, + "ndcg_at_1": 28.988000000000003, + "ndcg_at_10": 36.248000000000005, + "ndcg_at_100": 41.034, + "ndcg_at_1000": 43.35, + "ndcg_at_3": 32.987, + "ndcg_at_5": 34.333999999999996, + "precision_at_1": 28.988000000000003, + "precision_at_10": 5.506, + "precision_at_100": 0.853, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 14.11, + "precision_at_5": 9.417, + "recall_at_1": 25.607999999999997, + "recall_at_10": 45.344, + "recall_at_100": 67.132, + "recall_at_1000": 84.676, + "recall_at_3": 36.02, + "recall_at_5": 39.613, + "main_score": 36.248000000000005 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.44, + "map_at_10": 25.651000000000003, + "map_at_100": 26.735, + "map_at_1000": 26.86, + "map_at_3": 23.409, + "map_at_5": 24.604, + "mrr_at_1": 22.195, + "mrr_at_10": 29.482000000000003, + "mrr_at_100": 30.395, + "mrr_at_1000": 30.471999999999998, + "mrr_at_3": 27.409, + "mrr_at_5": 28.553, + "ndcg_at_1": 22.195, + "ndcg_at_10": 30.242, + "ndcg_at_100": 35.397, + "ndcg_at_1000": 38.287, + "ndcg_at_3": 26.201, + "ndcg_at_5": 28.008, + "precision_at_1": 22.195, + "precision_at_10": 5.372, + "precision_at_100": 0.9259999999999999, + "precision_at_1000": 0.135, + "precision_at_3": 12.228, + "precision_at_5": 8.727, + "recall_at_1": 18.44, + "recall_at_10": 40.325, + "recall_at_100": 63.504000000000005, + "recall_at_1000": 83.909, + "recall_at_3": 28.925, + "recall_at_5": 33.641, + "main_score": 30.242 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.535999999999998, + "map_at_10": 35.358000000000004, + "map_at_100": 36.498999999999995, + "map_at_1000": 36.597, + "map_at_3": 32.598, + "map_at_5": 34.185, + "mrr_at_1": 31.25, + "mrr_at_10": 39.593, + "mrr_at_100": 40.443, + "mrr_at_1000": 40.498, + "mrr_at_3": 37.018, + "mrr_at_5": 38.492, + "ndcg_at_1": 31.25, + "ndcg_at_10": 40.71, + "ndcg_at_100": 46.079, + "ndcg_at_1000": 48.287, + "ndcg_at_3": 35.667, + "ndcg_at_5": 38.080000000000005, + "precision_at_1": 31.25, + "precision_at_10": 6.847, + "precision_at_100": 1.079, + "precision_at_1000": 0.13699999999999998, + "precision_at_3": 16.262, + "precision_at_5": 11.455, + "recall_at_1": 26.535999999999998, + "recall_at_10": 52.92099999999999, + "recall_at_100": 76.669, + "recall_at_1000": 92.096, + "recall_at_3": 38.956, + "recall_at_5": 45.239000000000004, + "main_score": 40.71 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.691, + "map_at_10": 33.417, + "map_at_100": 35.036, + "map_at_1000": 35.251, + "map_at_3": 30.646, + "map_at_5": 32.177, + "mrr_at_1": 30.04, + "mrr_at_10": 37.905, + "mrr_at_100": 38.929, + "mrr_at_1000": 38.983000000000004, + "mrr_at_3": 35.276999999999994, + "mrr_at_5": 36.897000000000006, + "ndcg_at_1": 30.04, + "ndcg_at_10": 39.037, + "ndcg_at_100": 44.944, + "ndcg_at_1000": 47.644, + "ndcg_at_3": 34.833999999999996, + "ndcg_at_5": 36.83, + "precision_at_1": 30.04, + "precision_at_10": 7.4510000000000005, + "precision_at_100": 1.492, + "precision_at_1000": 0.234, + "precision_at_3": 16.337, + "precision_at_5": 11.897, + "recall_at_1": 24.691, + "recall_at_10": 49.303999999999995, + "recall_at_100": 76.20400000000001, + "recall_at_1000": 93.30000000000001, + "recall_at_3": 36.594, + "recall_at_5": 42.41, + "main_score": 39.037 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.118, + "map_at_10": 30.714999999999996, + "map_at_100": 31.656000000000002, + "map_at_1000": 31.757, + "map_at_3": 28.355000000000004, + "map_at_5": 29.337000000000003, + "mrr_at_1": 25.323, + "mrr_at_10": 32.93, + "mrr_at_100": 33.762, + "mrr_at_1000": 33.829, + "mrr_at_3": 30.775999999999996, + "mrr_at_5": 31.774, + "ndcg_at_1": 25.323, + "ndcg_at_10": 35.408, + "ndcg_at_100": 40.083, + "ndcg_at_1000": 42.542, + "ndcg_at_3": 30.717, + "ndcg_at_5": 32.385000000000005, + "precision_at_1": 25.323, + "precision_at_10": 5.564, + "precision_at_100": 0.843, + "precision_at_1000": 0.116, + "precision_at_3": 13.001, + "precision_at_5": 8.834999999999999, + "recall_at_1": 23.118, + "recall_at_10": 47.788000000000004, + "recall_at_100": 69.37, + "recall_at_1000": 87.47399999999999, + "recall_at_3": 34.868, + "recall_at_5": 39.001999999999995, + "main_score": 35.408 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/ClimateFEVER.json b/results/Narsil__bge-base-en/external/ClimateFEVER.json new file mode 100644 index 000000000..2dd01ddaf --- /dev/null +++ b/results/Narsil__bge-base-en/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 14.288, + "map_at_10": 23.256, + "map_at_100": 25.115, + "map_at_1000": 25.319000000000003, + "map_at_3": 20.005, + "map_at_5": 21.529999999999998, + "mrr_at_1": 31.401, + "mrr_at_10": 42.251, + "mrr_at_100": 43.236999999999995, + "mrr_at_1000": 43.272, + "mrr_at_3": 39.164, + "mrr_at_5": 40.881, + "ndcg_at_1": 31.401, + "ndcg_at_10": 31.615, + "ndcg_at_100": 38.982, + "ndcg_at_1000": 42.496, + "ndcg_at_3": 26.608999999999998, + "ndcg_at_5": 28.048000000000002, + "precision_at_1": 31.401, + "precision_at_10": 9.536999999999999, + "precision_at_100": 1.763, + "precision_at_1000": 0.241, + "precision_at_3": 19.153000000000002, + "precision_at_5": 14.228, + "recall_at_1": 14.288, + "recall_at_10": 36.717, + "recall_at_100": 61.9, + "recall_at_1000": 81.676, + "recall_at_3": 24.203, + "recall_at_5": 28.793999999999997, + "main_score": 31.615 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/DBPedia.json b/results/Narsil__bge-base-en/external/DBPedia.json new file mode 100644 index 000000000..202b5c6ef --- /dev/null +++ b/results/Narsil__bge-base-en/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.019, + "map_at_10": 19.963, + "map_at_100": 28.834, + "map_at_1000": 30.537999999999997, + "map_at_3": 14.45, + "map_at_5": 16.817999999999998, + "mrr_at_1": 65.75, + "mrr_at_10": 74.646, + "mrr_at_100": 74.946, + "mrr_at_1000": 74.95100000000001, + "mrr_at_3": 72.625, + "mrr_at_5": 74.012, + "ndcg_at_1": 54, + "ndcg_at_10": 42.014, + "ndcg_at_100": 47.527, + "ndcg_at_1000": 54.911, + "ndcg_at_3": 46.586, + "ndcg_at_5": 43.836999999999996, + "precision_at_1": 65.75, + "precision_at_10": 33.475, + "precision_at_100": 11.16, + "precision_at_1000": 2.145, + "precision_at_3": 50.083, + "precision_at_5": 42.55, + "recall_at_1": 9.019, + "recall_at_10": 25.558999999999997, + "recall_at_100": 53.937999999999995, + "recall_at_1000": 77.67399999999999, + "recall_at_3": 15.456, + "recall_at_5": 19.259, + "main_score": 42.014 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/EmotionClassification.json b/results/Narsil__bge-base-en/external/EmotionClassification.json new file mode 100644 index 000000000..5f5b26f32 --- /dev/null +++ b/results/Narsil__bge-base-en/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 52.635, + "f1": 47.692783881403926, + "main_score": 52.635 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/FEVER.json b/results/Narsil__bge-base-en/external/FEVER.json new file mode 100644 index 000000000..cf610e414 --- /dev/null +++ b/results/Narsil__bge-base-en/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 76.893, + "map_at_10": 84.897, + "map_at_100": 85.122, + "map_at_1000": 85.135, + "map_at_3": 83.88, + "map_at_5": 84.565, + "mrr_at_1": 83.003, + "mrr_at_10": 89.506, + "mrr_at_100": 89.574, + "mrr_at_1000": 89.575, + "mrr_at_3": 88.991, + "mrr_at_5": 89.349, + "ndcg_at_1": 83.003, + "ndcg_at_10": 88.351, + "ndcg_at_100": 89.128, + "ndcg_at_1000": 89.34100000000001, + "ndcg_at_3": 86.92, + "ndcg_at_5": 87.78200000000001, + "precision_at_1": 83.003, + "precision_at_10": 10.517999999999999, + "precision_at_100": 1.115, + "precision_at_1000": 0.11499999999999999, + "precision_at_3": 33.062999999999995, + "precision_at_5": 20.498, + "recall_at_1": 76.893, + "recall_at_10": 94.374, + "recall_at_100": 97.409, + "recall_at_1000": 98.687, + "recall_at_3": 90.513, + "recall_at_5": 92.709, + "main_score": 88.351 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/FiQA2018.json b/results/Narsil__bge-base-en/external/FiQA2018.json new file mode 100644 index 000000000..7a3e42340 --- /dev/null +++ b/results/Narsil__bge-base-en/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.829, + "map_at_10": 32.86, + "map_at_100": 34.838, + "map_at_1000": 35.006, + "map_at_3": 28.597, + "map_at_5": 31.056, + "mrr_at_1": 41.358, + "mrr_at_10": 49.542, + "mrr_at_100": 50.29900000000001, + "mrr_at_1000": 50.334999999999994, + "mrr_at_3": 46.579, + "mrr_at_5": 48.408, + "ndcg_at_1": 41.358, + "ndcg_at_10": 40.758, + "ndcg_at_100": 47.799, + "ndcg_at_1000": 50.589, + "ndcg_at_3": 36.695, + "ndcg_at_5": 38.193, + "precision_at_1": 41.358, + "precision_at_10": 11.142000000000001, + "precision_at_100": 1.8350000000000002, + "precision_at_1000": 0.234, + "precision_at_3": 24.023, + "precision_at_5": 17.963, + "recall_at_1": 20.829, + "recall_at_10": 47.467999999999996, + "recall_at_100": 73.593, + "recall_at_1000": 90.122, + "recall_at_3": 32.74, + "recall_at_5": 39.608, + "main_score": 40.758 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/HotpotQA.json b/results/Narsil__bge-base-en/external/HotpotQA.json new file mode 100644 index 000000000..0ceb37986 --- /dev/null +++ b/results/Narsil__bge-base-en/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.324, + "map_at_10": 64.183, + "map_at_100": 65.037, + "map_at_1000": 65.094, + "map_at_3": 60.663, + "map_at_5": 62.951, + "mrr_at_1": 80.648, + "mrr_at_10": 86.005, + "mrr_at_100": 86.157, + "mrr_at_1000": 86.162, + "mrr_at_3": 85.116, + "mrr_at_5": 85.703, + "ndcg_at_1": 80.648, + "ndcg_at_10": 72.351, + "ndcg_at_100": 75.279, + "ndcg_at_1000": 76.357, + "ndcg_at_3": 67.484, + "ndcg_at_5": 70.31500000000001, + "precision_at_1": 80.648, + "precision_at_10": 15.103, + "precision_at_100": 1.7399999999999998, + "precision_at_1000": 0.188, + "precision_at_3": 43.232, + "precision_at_5": 28.165000000000003, + "recall_at_1": 40.324, + "recall_at_10": 75.517, + "recall_at_100": 86.982, + "recall_at_1000": 94.072, + "recall_at_3": 64.848, + "recall_at_5": 70.41199999999999, + "main_score": 72.351 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/ImdbClassification.json b/results/Narsil__bge-base-en/external/ImdbClassification.json new file mode 100644 index 000000000..81f54b328 --- /dev/null +++ b/results/Narsil__bge-base-en/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.4, + "ap": 87.4422032289312, + "f1": 91.39249564302281, + "main_score": 91.4 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/MSMARCO.json b/results/Narsil__bge-base-en/external/MSMARCO.json new file mode 100644 index 000000000..f68da2a07 --- /dev/null +++ b/results/Narsil__bge-base-en/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.03, + "map_at_10": 34.402, + "map_at_100": 35.599, + "map_at_1000": 35.648, + "map_at_3": 30.603, + "map_at_5": 32.889, + "mrr_at_1": 22.679, + "mrr_at_10": 35.021, + "mrr_at_100": 36.162, + "mrr_at_1000": 36.205, + "mrr_at_3": 31.319999999999997, + "mrr_at_5": 33.562, + "ndcg_at_1": 22.692999999999998, + "ndcg_at_10": 41.258, + "ndcg_at_100": 46.967, + "ndcg_at_1000": 48.175000000000004, + "ndcg_at_3": 33.611000000000004, + "ndcg_at_5": 37.675, + "precision_at_1": 22.692999999999998, + "precision_at_10": 6.5089999999999995, + "precision_at_100": 0.936, + "precision_at_1000": 0.104, + "precision_at_3": 14.413, + "precision_at_5": 10.702, + "recall_at_1": 22.03, + "recall_at_10": 62.248000000000005, + "recall_at_100": 88.524, + "recall_at_1000": 97.714, + "recall_at_3": 41.617, + "recall_at_5": 51.359, + "main_score": 41.258 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/MTOPDomainClassification.json b/results/Narsil__bge-base-en/external/MTOPDomainClassification.json new file mode 100644 index 000000000..9a9da82da --- /dev/null +++ b/results/Narsil__bge-base-en/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 94.36844505243957, + "f1": 94.12408743818202, + "main_score": 94.36844505243957 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/MTOPIntentClassification.json b/results/Narsil__bge-base-en/external/MTOPIntentClassification.json new file mode 100644 index 000000000..a59b45622 --- /dev/null +++ b/results/Narsil__bge-base-en/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.43410852713177, + "f1": 58.501855709435624, + "main_score": 76.43410852713177 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/MassiveIntentClassification.json b/results/Narsil__bge-base-en/external/MassiveIntentClassification.json new file mode 100644 index 000000000..17814267c --- /dev/null +++ b/results/Narsil__bge-base-en/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.04909213180902, + "f1": 74.1800860395823, + "main_score": 76.04909213180902 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/MassiveScenarioClassification.json b/results/Narsil__bge-base-en/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..89a1a487a --- /dev/null +++ b/results/Narsil__bge-base-en/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.76126429051781, + "f1": 79.85705217473232, + "main_score": 79.76126429051781 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/MedrxivClusteringP2P.json b/results/Narsil__bge-base-en/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..585152650 --- /dev/null +++ b/results/Narsil__bge-base-en/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.70119520292863, + "main_score": 34.70119520292863 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/MedrxivClusteringS2S.json b/results/Narsil__bge-base-en/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..c5c6834e2 --- /dev/null +++ b/results/Narsil__bge-base-en/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.33544316467486, + "main_score": 32.33544316467486 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/MindSmallReranking.json b/results/Narsil__bge-base-en/external/MindSmallReranking.json new file mode 100644 index 000000000..81e36b08a --- /dev/null +++ b/results/Narsil__bge-base-en/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 30.75499243990726, + "mrr": 31.70602251821063, + "main_score": 30.75499243990726 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/NFCorpus.json b/results/Narsil__bge-base-en/external/NFCorpus.json new file mode 100644 index 000000000..01888206c --- /dev/null +++ b/results/Narsil__bge-base-en/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.451999999999999, + "map_at_10": 13.918, + "map_at_100": 17.316000000000003, + "map_at_1000": 18.747, + "map_at_3": 10.471, + "map_at_5": 12.104, + "mrr_at_1": 46.749, + "mrr_at_10": 55.717000000000006, + "mrr_at_100": 56.249, + "mrr_at_1000": 56.288000000000004, + "mrr_at_3": 53.818, + "mrr_at_5": 55.103, + "ndcg_at_1": 45.201, + "ndcg_at_10": 35.539, + "ndcg_at_100": 32.586, + "ndcg_at_1000": 41.486000000000004, + "ndcg_at_3": 41.174, + "ndcg_at_5": 38.939, + "precision_at_1": 46.749, + "precision_at_10": 25.944, + "precision_at_100": 8.084, + "precision_at_1000": 2.076, + "precision_at_3": 38.7, + "precision_at_5": 33.56, + "recall_at_1": 6.451999999999999, + "recall_at_10": 17.302, + "recall_at_100": 32.14, + "recall_at_1000": 64.12, + "recall_at_3": 11.219, + "recall_at_5": 13.993, + "main_score": 35.539 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/NQ.json b/results/Narsil__bge-base-en/external/NQ.json new file mode 100644 index 000000000..b08564e03 --- /dev/null +++ b/results/Narsil__bge-base-en/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.037, + "map_at_10": 46.565, + "map_at_100": 47.606, + "map_at_1000": 47.636, + "map_at_3": 42.459, + "map_at_5": 44.762, + "mrr_at_1": 36.181999999999995, + "mrr_at_10": 49.291000000000004, + "mrr_at_100": 50.059, + "mrr_at_1000": 50.078, + "mrr_at_3": 45.829, + "mrr_at_5": 47.797, + "ndcg_at_1": 36.153, + "ndcg_at_10": 53.983000000000004, + "ndcg_at_100": 58.347, + "ndcg_at_1000": 59.058, + "ndcg_at_3": 46.198, + "ndcg_at_5": 50.022, + "precision_at_1": 36.153, + "precision_at_10": 8.763, + "precision_at_100": 1.123, + "precision_at_1000": 0.11900000000000001, + "precision_at_3": 20.751, + "precision_at_5": 14.646999999999998, + "recall_at_1": 32.037, + "recall_at_10": 74.008, + "recall_at_100": 92.893, + "recall_at_1000": 98.16, + "recall_at_3": 53.705999999999996, + "recall_at_5": 62.495, + "main_score": 53.983000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/QuoraRetrieval.json b/results/Narsil__bge-base-en/external/QuoraRetrieval.json new file mode 100644 index 000000000..93eb95bf4 --- /dev/null +++ b/results/Narsil__bge-base-en/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 71.152, + "map_at_10": 85.104, + "map_at_100": 85.745, + "map_at_1000": 85.761, + "map_at_3": 82.175, + "map_at_5": 84.066, + "mrr_at_1": 82.03, + "mrr_at_10": 88.115, + "mrr_at_100": 88.21, + "mrr_at_1000": 88.211, + "mrr_at_3": 87.19200000000001, + "mrr_at_5": 87.85, + "ndcg_at_1": 82.03, + "ndcg_at_10": 88.78, + "ndcg_at_100": 89.96300000000001, + "ndcg_at_1000": 90.056, + "ndcg_at_3": 86.051, + "ndcg_at_5": 87.63499999999999, + "precision_at_1": 82.03, + "precision_at_10": 13.450000000000001, + "precision_at_100": 1.5310000000000001, + "precision_at_1000": 0.157, + "precision_at_3": 37.627, + "precision_at_5": 24.784, + "recall_at_1": 71.152, + "recall_at_10": 95.649, + "recall_at_100": 99.58200000000001, + "recall_at_1000": 99.981, + "recall_at_3": 87.767, + "recall_at_5": 92.233, + "main_score": 88.78 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/RedditClustering.json b/results/Narsil__bge-base-en/external/RedditClustering.json new file mode 100644 index 000000000..7d970d27e --- /dev/null +++ b/results/Narsil__bge-base-en/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 56.48713646277477, + "main_score": 56.48713646277477 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/RedditClusteringP2P.json b/results/Narsil__bge-base-en/external/RedditClusteringP2P.json new file mode 100644 index 000000000..8dab2aebd --- /dev/null +++ b/results/Narsil__bge-base-en/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 63.394940772438545, + "main_score": 63.394940772438545 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/SCIDOCS.json b/results/Narsil__bge-base-en/external/SCIDOCS.json new file mode 100644 index 000000000..ab85125b5 --- /dev/null +++ b/results/Narsil__bge-base-en/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.043, + "map_at_10": 12.949, + "map_at_100": 15.146, + "map_at_1000": 15.495000000000001, + "map_at_3": 9.333, + "map_at_5": 11.312999999999999, + "mrr_at_1": 24.9, + "mrr_at_10": 35.958, + "mrr_at_100": 37.152, + "mrr_at_1000": 37.201, + "mrr_at_3": 32.667, + "mrr_at_5": 34.567, + "ndcg_at_1": 24.9, + "ndcg_at_10": 21.298000000000002, + "ndcg_at_100": 29.849999999999998, + "ndcg_at_1000": 35.506, + "ndcg_at_3": 20.548, + "ndcg_at_5": 18.064, + "precision_at_1": 24.9, + "precision_at_10": 10.9, + "precision_at_100": 2.331, + "precision_at_1000": 0.367, + "precision_at_3": 19.267, + "precision_at_5": 15.939999999999998, + "recall_at_1": 5.043, + "recall_at_10": 22.092, + "recall_at_100": 47.323, + "recall_at_1000": 74.553, + "recall_at_3": 11.728, + "recall_at_5": 16.188, + "main_score": 21.298000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/SICK-R.json b/results/Narsil__bge-base-en/external/SICK-R.json new file mode 100644 index 000000000..f838f64e6 --- /dev/null +++ b/results/Narsil__bge-base-en/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.7007085938325, + "cos_sim_spearman": 80.0171084446234, + "euclidean_pearson": 81.28133218355893, + "euclidean_spearman": 79.99291731740131, + "manhattan_pearson": 81.22926922327846, + "manhattan_spearman": 79.94444878127038, + "cosine_pearson": 83.7007085938325, + "cosine_spearman": 80.0171084446234, + "main_score": 80.0171084446234 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/STS12.json b/results/Narsil__bge-base-en/external/STS12.json new file mode 100644 index 000000000..3be4e76c6 --- /dev/null +++ b/results/Narsil__bge-base-en/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.7411883252923, + "cos_sim_spearman": 77.93462937801245, + "euclidean_pearson": 83.00858563882404, + "euclidean_spearman": 77.82717362433257, + "manhattan_pearson": 82.92887645790769, + "manhattan_spearman": 77.78807488222115, + "cosine_pearson": 85.7411883252923, + "cosine_spearman": 77.93462937801245, + "main_score": 77.93462937801245 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/STS13.json b/results/Narsil__bge-base-en/external/STS13.json new file mode 100644 index 000000000..a40df0d36 --- /dev/null +++ b/results/Narsil__bge-base-en/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.04222459361023, + "cos_sim_spearman": 83.85931509330395, + "euclidean_pearson": 83.26916063876055, + "euclidean_spearman": 83.98621985648353, + "manhattan_pearson": 83.14935679184327, + "manhattan_spearman": 83.87938828586304, + "cosine_pearson": 82.04222459361023, + "cosine_spearman": 83.85931509330395, + "main_score": 83.85931509330395 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/STS14.json b/results/Narsil__bge-base-en/external/STS14.json new file mode 100644 index 000000000..ee63d7fa2 --- /dev/null +++ b/results/Narsil__bge-base-en/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.41136639535318, + "cos_sim_spearman": 81.51200091040481, + "euclidean_pearson": 81.45382456114775, + "euclidean_spearman": 81.46201181707931, + "manhattan_pearson": 81.37243088439584, + "manhattan_spearman": 81.39828421893426, + "cosine_pearson": 81.41136639535318, + "cosine_spearman": 81.51200091040481, + "main_score": 81.51200091040481 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/STS15.json b/results/Narsil__bge-base-en/external/STS15.json new file mode 100644 index 000000000..3a2150a0e --- /dev/null +++ b/results/Narsil__bge-base-en/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.71942451732227, + "cos_sim_spearman": 87.33044482064973, + "euclidean_pearson": 86.58580899365178, + "euclidean_spearman": 87.09206723832895, + "manhattan_pearson": 86.47460784157013, + "manhattan_spearman": 86.98367656583076, + "cosine_pearson": 85.71942451732227, + "cosine_spearman": 87.33044482064973, + "main_score": 87.33044482064973 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/STS16.json b/results/Narsil__bge-base-en/external/STS16.json new file mode 100644 index 000000000..299e80cee --- /dev/null +++ b/results/Narsil__bge-base-en/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.55868078863449, + "cos_sim_spearman": 85.38299230074065, + "euclidean_pearson": 84.64715256244595, + "euclidean_spearman": 85.49112229604047, + "manhattan_pearson": 84.60814346792462, + "manhattan_spearman": 85.44886026766822, + "cosine_pearson": 83.55868078863449, + "cosine_spearman": 85.38299230074065, + "main_score": 85.38299230074065 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/STS17.json b/results/Narsil__bge-base-en/external/STS17.json new file mode 100644 index 000000000..0e3cf7977 --- /dev/null +++ b/results/Narsil__bge-base-en/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.99292526370614, + "cos_sim_spearman": 85.58139465695983, + "euclidean_pearson": 86.51325066734084, + "euclidean_spearman": 85.56736418284562, + "manhattan_pearson": 86.48190836601357, + "manhattan_spearman": 85.51616256224258, + "cosine_pearson": 84.99292526370614, + "cosine_spearman": 85.58139465695983, + "main_score": 85.58139465695983 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/STS22.json b/results/Narsil__bge-base-en/external/STS22.json new file mode 100644 index 000000000..cc5df9542 --- /dev/null +++ b/results/Narsil__bge-base-en/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 64.54124715078807, + "cos_sim_spearman": 65.32134275948374, + "euclidean_pearson": 67.09791698300816, + "euclidean_spearman": 65.79468982468465, + "manhattan_pearson": 67.13304723693966, + "manhattan_spearman": 65.68439995849283, + "cosine_pearson": 64.54124715078807, + "cosine_spearman": 65.32134275948374, + "main_score": 65.32134275948374 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/STSBenchmark.json b/results/Narsil__bge-base-en/external/STSBenchmark.json new file mode 100644 index 000000000..70e60f511 --- /dev/null +++ b/results/Narsil__bge-base-en/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.4231099581624, + "cos_sim_spearman": 85.95475815226862, + "euclidean_pearson": 85.00339401999706, + "euclidean_spearman": 85.74133081802971, + "manhattan_pearson": 85.00407987181666, + "manhattan_spearman": 85.77509596397363, + "cosine_pearson": 83.4231099581624, + "cosine_spearman": 85.95475815226862, + "main_score": 85.95475815226862 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/SciDocsRR.json b/results/Narsil__bge-base-en/external/SciDocsRR.json new file mode 100644 index 000000000..7aa650dbe --- /dev/null +++ b/results/Narsil__bge-base-en/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 87.25666719585716, + "mrr": 96.32769917083642, + "main_score": 87.25666719585716 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/SciFact.json b/results/Narsil__bge-base-en/external/SciFact.json new file mode 100644 index 000000000..f5d3d8ebc --- /dev/null +++ b/results/Narsil__bge-base-en/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 57.828, + "map_at_10": 68.369, + "map_at_100": 68.83399999999999, + "map_at_1000": 68.856, + "map_at_3": 65.38000000000001, + "map_at_5": 67.06299999999999, + "mrr_at_1": 61, + "mrr_at_10": 69.45400000000001, + "mrr_at_100": 69.785, + "mrr_at_1000": 69.807, + "mrr_at_3": 67, + "mrr_at_5": 68.43299999999999, + "ndcg_at_1": 61, + "ndcg_at_10": 73.258, + "ndcg_at_100": 75.173, + "ndcg_at_1000": 75.696, + "ndcg_at_3": 68.162, + "ndcg_at_5": 70.53399999999999, + "precision_at_1": 61, + "precision_at_10": 9.8, + "precision_at_100": 1.087, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 27, + "precision_at_5": 17.666999999999998, + "recall_at_1": 57.828, + "recall_at_10": 87.122, + "recall_at_100": 95.667, + "recall_at_1000": 99.667, + "recall_at_3": 73.139, + "recall_at_5": 79.361, + "main_score": 73.258 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/SprintDuplicateQuestions.json b/results/Narsil__bge-base-en/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..10d535679 --- /dev/null +++ b/results/Narsil__bge-base-en/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.85247524752475, + "cos_sim_ap": 96.25640197639723, + "cos_sim_f1": 92.37851662404091, + "cos_sim_precision": 94.55497382198953, + "cos_sim_recall": 90.3, + "dot_accuracy": 99.76138613861386, + "dot_ap": 93.40295864389073, + "dot_f1": 87.64267990074441, + "dot_precision": 86.99507389162562, + "dot_recall": 88.3, + "euclidean_accuracy": 99.85049504950496, + "euclidean_ap": 96.24254350525462, + "euclidean_f1": 92.32323232323232, + "euclidean_precision": 93.26530612244898, + "euclidean_recall": 91.4, + "manhattan_accuracy": 99.85346534653465, + "manhattan_ap": 96.2635334753325, + "manhattan_f1": 92.37899073120495, + "manhattan_precision": 95.22292993630573, + "manhattan_recall": 89.7, + "max_accuracy": 99.85346534653465, + "max_ap": 96.2635334753325, + "max_f1": 92.37899073120495, + "main_score": 96.2635334753325 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/StackExchangeClustering.json b/results/Narsil__bge-base-en/external/StackExchangeClustering.json new file mode 100644 index 000000000..f3428cba3 --- /dev/null +++ b/results/Narsil__bge-base-en/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 65.83905786483794, + "main_score": 65.83905786483794 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/StackExchangeClusteringP2P.json b/results/Narsil__bge-base-en/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..afea438a3 --- /dev/null +++ b/results/Narsil__bge-base-en/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.031896152126436, + "main_score": 35.031896152126436 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/StackOverflowDupQuestions.json b/results/Narsil__bge-base-en/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..a43687d14 --- /dev/null +++ b/results/Narsil__bge-base-en/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 54.551326709447146, + "mrr": 55.43758222986165, + "main_score": 54.551326709447146 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/SummEval.json b/results/Narsil__bge-base-en/external/SummEval.json new file mode 100644 index 000000000..a97640dbd --- /dev/null +++ b/results/Narsil__bge-base-en/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.305688567308874, + "cos_sim_spearman": 29.27135743434515, + "dot_pearson": 30.336741878796563, + "dot_spearman": 30.513365725895937, + "cosine_pearson": 30.305688567308874, + "cosine_spearman": 29.27135743434515, + "main_score": 29.27135743434515 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/TRECCOVID.json b/results/Narsil__bge-base-en/external/TRECCOVID.json new file mode 100644 index 000000000..258a90608 --- /dev/null +++ b/results/Narsil__bge-base-en/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.245, + "map_at_10": 1.92, + "map_at_100": 10.519, + "map_at_1000": 23.874000000000002, + "map_at_3": 0.629, + "map_at_5": 1.0290000000000001, + "mrr_at_1": 88, + "mrr_at_10": 93.5, + "mrr_at_100": 93.5, + "mrr_at_1000": 93.5, + "mrr_at_3": 93, + "mrr_at_5": 93.5, + "ndcg_at_1": 84, + "ndcg_at_10": 76.447, + "ndcg_at_100": 56.516, + "ndcg_at_1000": 48.583999999999996, + "ndcg_at_3": 78.877, + "ndcg_at_5": 79.174, + "precision_at_1": 88, + "precision_at_10": 80.60000000000001, + "precision_at_100": 57.64, + "precision_at_1000": 21.227999999999998, + "precision_at_3": 82, + "precision_at_5": 83.6, + "recall_at_1": 0.245, + "recall_at_10": 2.128, + "recall_at_100": 13.767, + "recall_at_1000": 44.958, + "recall_at_3": 0.654, + "recall_at_5": 1.111, + "main_score": 76.447 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/Touche2020.json b/results/Narsil__bge-base-en/external/Touche2020.json new file mode 100644 index 000000000..f71ea02d3 --- /dev/null +++ b/results/Narsil__bge-base-en/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.5170000000000003, + "map_at_10": 10.915, + "map_at_100": 17.535, + "map_at_1000": 19.042, + "map_at_3": 5.689, + "map_at_5": 7.837, + "mrr_at_1": 34.694, + "mrr_at_10": 49.547999999999995, + "mrr_at_100": 50.653000000000006, + "mrr_at_1000": 50.653000000000006, + "mrr_at_3": 44.558, + "mrr_at_5": 48.333, + "ndcg_at_1": 32.653, + "ndcg_at_10": 26.543, + "ndcg_at_100": 38.946, + "ndcg_at_1000": 49.406, + "ndcg_at_3": 29.903000000000002, + "ndcg_at_5": 29.231, + "precision_at_1": 34.694, + "precision_at_10": 23.265, + "precision_at_100": 8.102, + "precision_at_1000": 1.5, + "precision_at_3": 31.293, + "precision_at_5": 29.796, + "recall_at_1": 2.5170000000000003, + "recall_at_10": 16.88, + "recall_at_100": 49.381, + "recall_at_1000": 81.23899999999999, + "recall_at_3": 6.965000000000001, + "recall_at_5": 10.847999999999999, + "main_score": 26.543 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/ToxicConversationsClassification.json b/results/Narsil__bge-base-en/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..43c348707 --- /dev/null +++ b/results/Narsil__bge-base-en/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.5942, + "ap": 13.92074156956546, + "f1": 54.671999698839066, + "main_score": 71.5942 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/TweetSentimentExtractionClassification.json b/results/Narsil__bge-base-en/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..7a997a77e --- /dev/null +++ b/results/Narsil__bge-base-en/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 59.39728353140916, + "f1": 59.68980496759517, + "main_score": 59.39728353140916 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/TwentyNewsgroupsClustering.json b/results/Narsil__bge-base-en/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..51e09e3f2 --- /dev/null +++ b/results/Narsil__bge-base-en/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 52.11181870104935, + "main_score": 52.11181870104935 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/TwitterSemEval2015.json b/results/Narsil__bge-base-en/external/TwitterSemEval2015.json new file mode 100644 index 000000000..293f123c1 --- /dev/null +++ b/results/Narsil__bge-base-en/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 86.46957143708649, + "cos_sim_ap": 76.16120197845457, + "cos_sim_f1": 69.69919295671315, + "cos_sim_precision": 64.94986326344576, + "cos_sim_recall": 75.19788918205805, + "dot_accuracy": 83.0780234845324, + "dot_ap": 64.21717343541934, + "dot_f1": 59.48375497624245, + "dot_precision": 57.94345759319489, + "dot_recall": 61.108179419525065, + "euclidean_accuracy": 86.6543482148179, + "euclidean_ap": 76.4527555010203, + "euclidean_f1": 70.10156056477584, + "euclidean_precision": 66.05975723622782, + "euclidean_recall": 74.67018469656992, + "manhattan_accuracy": 86.66030875603504, + "manhattan_ap": 76.40304567255436, + "manhattan_f1": 70.05275426328058, + "manhattan_precision": 65.4666360926393, + "manhattan_recall": 75.32981530343008, + "max_accuracy": 86.66030875603504, + "max_ap": 76.4527555010203, + "max_f1": 70.10156056477584, + "main_score": 76.4527555010203 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/TwitterURLCorpus.json b/results/Narsil__bge-base-en/external/TwitterURLCorpus.json new file mode 100644 index 000000000..889b0da55 --- /dev/null +++ b/results/Narsil__bge-base-en/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.42123646524624, + "cos_sim_ap": 85.15431437761646, + "cos_sim_f1": 76.98069301530742, + "cos_sim_precision": 72.9314502239063, + "cos_sim_recall": 81.50600554357868, + "dot_accuracy": 86.70974502270346, + "dot_ap": 80.77621563599457, + "dot_f1": 73.87058697285117, + "dot_precision": 68.98256396552877, + "dot_recall": 79.50415768401602, + "euclidean_accuracy": 88.46392672798541, + "euclidean_ap": 85.20370297495491, + "euclidean_f1": 77.01372369624886, + "euclidean_precision": 73.39052800446397, + "euclidean_recall": 81.01324299353249, + "manhattan_accuracy": 88.43481973066325, + "manhattan_ap": 85.16318289864545, + "manhattan_f1": 76.90884877182597, + "manhattan_precision": 74.01737396753062, + "manhattan_recall": 80.03541730828458, + "max_accuracy": 88.46392672798541, + "max_ap": 85.20370297495491, + "max_f1": 77.01372369624886, + "main_score": 85.20370297495491 + } + ] + } +} \ No newline at end of file diff --git a/results/Narsil__bge-base-en/external/model_meta.json b/results/Narsil__bge-base-en/external/model_meta.json new file mode 100644 index 000000000..3c06086b0 --- /dev/null +++ b/results/Narsil__bge-base-en/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "Narsil/bge-base-en", + "revision": "c96f54d89e62435bd1ae227adfb348f3d73f3b4b", + "release_date": "2023-08-29", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 109482752, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 768, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/AmazonCounterfactualClassification.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..e0f8dc0ff --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/AmazonCounterfactualClassification.json @@ -0,0 +1,50 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.23880597014924, + "ap": 39.07351965022687, + "f1": 70.04836733862683, + "main_score": 76.23880597014924 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 66.71306209850107, + "ap": 79.01499914759529, + "f1": 64.81951817560703, + "main_score": 66.71306209850107 + }, + { + "hf_subset": "en-ext", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.85307346326837, + "ap": 22.447519885878737, + "f1": 61.0162730745633, + "main_score": 73.85307346326837 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 76.04925053533191, + "ap": 23.44983217128922, + "f1": 62.5723230907759, + "main_score": 76.04925053533191 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/AmazonPolarityClassification.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..d3659597f --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 96.28742500000001, + "ap": 94.8449918887462, + "f1": 96.28680923610432, + "main_score": 96.28742500000001 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/AmazonReviewsClassification.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..d236639ed --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/AmazonReviewsClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 56.716, + "f1": 55.76510398266401, + "main_score": 56.716 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 52.99999999999999, + "f1": 52.00829994765178, + "main_score": 52.99999999999999 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 48.806000000000004, + "f1": 48.082345914983634, + "main_score": 48.806000000000004 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 48.507999999999996, + "f1": 47.68752844642045, + "main_score": 48.507999999999996 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 47.709999999999994, + "f1": 47.05870376637181, + "main_score": 47.709999999999994 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 44.662000000000006, + "f1": 43.42371965372771, + "main_score": 44.662000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/ArguAna.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/ArguAna.json new file mode 100644 index 000000000..7b6ef91ed --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.721, + "map_at_10": 49.221, + "map_at_100": 49.884, + "map_at_1000": 49.888, + "map_at_3": 44.31, + "map_at_5": 47.276, + "mrr_at_1": 32.432, + "mrr_at_10": 49.5, + "mrr_at_100": 50.163000000000004, + "mrr_at_1000": 50.166, + "mrr_at_3": 44.618, + "mrr_at_5": 47.541, + "ndcg_at_1": 31.721, + "ndcg_at_10": 58.384, + "ndcg_at_100": 61.111000000000004, + "ndcg_at_1000": 61.187999999999995, + "ndcg_at_3": 48.386, + "ndcg_at_5": 53.708999999999996, + "precision_at_1": 31.721, + "precision_at_10": 8.741, + "precision_at_100": 0.991, + "precision_at_1000": 0.1, + "precision_at_3": 20.057, + "precision_at_5": 14.609, + "recall_at_1": 31.721, + "recall_at_10": 87.411, + "recall_at_100": 99.075, + "recall_at_1000": 99.644, + "recall_at_3": 60.171, + "recall_at_5": 73.044, + "main_score": 58.384 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/ArxivClusteringP2P.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..0585891ac --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 46.40419580759799, + "main_score": 46.40419580759799 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/ArxivClusteringS2S.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..57e730249 --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.48593255007969, + "main_score": 40.48593255007969 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/AskUbuntuDupQuestions.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..0eac90d96 --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 63.889179122289995, + "mrr": 77.61146286769556, + "main_score": 63.889179122289995 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/BIOSSES.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/BIOSSES.json new file mode 100644 index 000000000..4960b26ab --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.15075203727929, + "cos_sim_spearman": 86.9622224570873, + "euclidean_pearson": 86.70473853624121, + "euclidean_spearman": 86.9622224570873, + "manhattan_pearson": 86.21089380980065, + "manhattan_spearman": 86.75318154937008, + "cosine_pearson": 88.15075203727929, + "cosine_spearman": 86.9622224570873, + "main_score": 86.9622224570873 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/BUCC.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/BUCC.json new file mode 100644 index 000000000..45b704b3b --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/BUCC.json @@ -0,0 +1,58 @@ +{ + "dataset_revision": "d51519689f32196a32af33b075a01d0e7c51e252", + "task_name": "BUCC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "accuracy": 99.65553235908142, + "f1": 99.60681976339595, + "precision": 99.58246346555325, + "recall": 99.65553235908142, + "main_score": 99.60681976339595 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "accuracy": 99.26260180497468, + "f1": 99.14520507740848, + "precision": 99.08650671362535, + "recall": 99.26260180497468, + "main_score": 99.14520507740848 + }, + { + "hf_subset": "ru-en", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "accuracy": 98.07412538967787, + "f1": 97.86629719431936, + "precision": 97.76238309664012, + "recall": 98.07412538967787, + "main_score": 97.86629719431936 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "accuracy": 99.42074776197998, + "f1": 99.38564156573635, + "precision": 99.36808846761454, + "recall": 99.42074776197998, + "main_score": 99.38564156573635 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/Banking77Classification.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/Banking77Classification.json new file mode 100644 index 000000000..c7ec372bc --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 85.73376623376623, + "f1": 85.68480707214599, + "main_score": 85.73376623376623 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/BiorxivClusteringP2P.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..18d0c64f8 --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.935218072113855, + "main_score": 40.935218072113855 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/BiorxivClusteringS2S.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..a496a3208 --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.276389017675264, + "main_score": 36.276389017675264 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/ClimateFEVER.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/ClimateFEVER.json new file mode 100644 index 000000000..6521d746d --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 12.969, + "map_at_10": 21.584999999999997, + "map_at_100": 23.3, + "map_at_1000": 23.5, + "map_at_3": 18.218999999999998, + "map_at_5": 19.983, + "mrr_at_1": 29.316, + "mrr_at_10": 40.033, + "mrr_at_100": 40.96, + "mrr_at_1000": 41.001, + "mrr_at_3": 37.123, + "mrr_at_5": 38.757999999999996, + "ndcg_at_1": 29.316, + "ndcg_at_10": 29.858, + "ndcg_at_100": 36.756, + "ndcg_at_1000": 40.245999999999995, + "ndcg_at_3": 24.822, + "ndcg_at_5": 26.565, + "precision_at_1": 29.316, + "precision_at_10": 9.186, + "precision_at_100": 1.6549999999999998, + "precision_at_1000": 0.22999999999999998, + "precision_at_3": 18.436, + "precision_at_5": 13.876, + "recall_at_1": 12.969, + "recall_at_10": 35.142, + "recall_at_100": 59.143, + "recall_at_1000": 78.594, + "recall_at_3": 22.604, + "recall_at_5": 27.883000000000003, + "main_score": 29.858 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/DBPedia.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/DBPedia.json new file mode 100644 index 000000000..1e8ea1448 --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.527999999999999, + "map_at_10": 17.974999999999998, + "map_at_100": 25.665, + "map_at_1000": 27.406000000000002, + "map_at_3": 13.017999999999999, + "map_at_5": 15.137, + "mrr_at_1": 62.5, + "mrr_at_10": 71.891, + "mrr_at_100": 72.294, + "mrr_at_1000": 72.296, + "mrr_at_3": 69.958, + "mrr_at_5": 71.121, + "ndcg_at_1": 50.875, + "ndcg_at_10": 38.36, + "ndcg_at_100": 44.235, + "ndcg_at_1000": 52.154, + "ndcg_at_3": 43.008, + "ndcg_at_5": 40.083999999999996, + "precision_at_1": 62.5, + "precision_at_10": 30.0, + "precision_at_100": 10.038, + "precision_at_1000": 2.0869999999999997, + "precision_at_3": 46.833000000000006, + "precision_at_5": 38.800000000000004, + "recall_at_1": 8.527999999999999, + "recall_at_10": 23.828, + "recall_at_100": 52.322, + "recall_at_1000": 77.143, + "recall_at_3": 14.136000000000001, + "recall_at_5": 17.761, + "main_score": 38.36 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/EmotionClassification.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/EmotionClassification.json new file mode 100644 index 000000000..745e4c11f --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 51.51, + "f1": 47.632159862049896, + "main_score": 51.51 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/FEVER.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/FEVER.json new file mode 100644 index 000000000..3ffc06fb9 --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 60.734, + "map_at_10": 72.442, + "map_at_100": 72.735, + "map_at_1000": 72.75, + "map_at_3": 70.41199999999999, + "map_at_5": 71.80499999999999, + "mrr_at_1": 65.212, + "mrr_at_10": 76.613, + "mrr_at_100": 76.79899999999999, + "mrr_at_1000": 76.801, + "mrr_at_3": 74.8, + "mrr_at_5": 76.12400000000001, + "ndcg_at_1": 65.212, + "ndcg_at_10": 77.988, + "ndcg_at_100": 79.167, + "ndcg_at_1000": 79.452, + "ndcg_at_3": 74.362, + "ndcg_at_5": 76.666, + "precision_at_1": 65.212, + "precision_at_10": 10.003, + "precision_at_100": 1.077, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 29.518, + "precision_at_5": 19.016, + "recall_at_1": 60.734, + "recall_at_10": 90.824, + "recall_at_100": 95.71600000000001, + "recall_at_1000": 97.577, + "recall_at_3": 81.243, + "recall_at_5": 86.90299999999999, + "main_score": 77.988 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/FiQA2018.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/FiQA2018.json new file mode 100644 index 000000000..7eaf729b5 --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.845, + "map_at_10": 39.281, + "map_at_100": 41.422, + "map_at_1000": 41.593, + "map_at_3": 34.467, + "map_at_5": 37.017, + "mrr_at_1": 47.531, + "mrr_at_10": 56.204, + "mrr_at_100": 56.928999999999995, + "mrr_at_1000": 56.962999999999994, + "mrr_at_3": 54.115, + "mrr_at_5": 55.373000000000005, + "ndcg_at_1": 47.531, + "ndcg_at_10": 47.711999999999996, + "ndcg_at_100": 54.510999999999996, + "ndcg_at_1000": 57.103, + "ndcg_at_3": 44.145, + "ndcg_at_5": 45.032, + "precision_at_1": 47.531, + "precision_at_10": 13.194, + "precision_at_100": 2.045, + "precision_at_1000": 0.249, + "precision_at_3": 29.424, + "precision_at_5": 21.451, + "recall_at_1": 23.845, + "recall_at_10": 54.967, + "recall_at_100": 79.11399999999999, + "recall_at_1000": 94.56700000000001, + "recall_at_3": 40.256, + "recall_at_5": 46.215, + "main_score": 47.711999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/HotpotQA.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/HotpotQA.json new file mode 100644 index 000000000..b161d0517 --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 37.819, + "map_at_10": 60.889, + "map_at_100": 61.717999999999996, + "map_at_1000": 61.778, + "map_at_3": 57.254000000000005, + "map_at_5": 59.541, + "mrr_at_1": 75.638, + "mrr_at_10": 82.173, + "mrr_at_100": 82.362, + "mrr_at_1000": 82.37, + "mrr_at_3": 81.089, + "mrr_at_5": 81.827, + "ndcg_at_1": 75.638, + "ndcg_at_10": 69.317, + "ndcg_at_100": 72.221, + "ndcg_at_1000": 73.382, + "ndcg_at_3": 64.14, + "ndcg_at_5": 67.07600000000001, + "precision_at_1": 75.638, + "precision_at_10": 14.704999999999998, + "precision_at_100": 1.698, + "precision_at_1000": 0.185, + "precision_at_3": 41.394999999999996, + "precision_at_5": 27.162999999999997, + "recall_at_1": 37.819, + "recall_at_10": 73.52499999999999, + "recall_at_100": 84.875, + "recall_at_1000": 92.559, + "recall_at_3": 62.092999999999996, + "recall_at_5": 67.907, + "main_score": 69.317 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/ImdbClassification.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/ImdbClassification.json new file mode 100644 index 000000000..50fd46635 --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 94.60079999999999, + "ap": 92.67396345347356, + "f1": 94.5988098167121, + "main_score": 94.60079999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/MSMARCO.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/MSMARCO.json new file mode 100644 index 000000000..7e9e9c1f6 --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.285, + "map_at_10": 33.436, + "map_at_100": 34.63, + "map_at_1000": 34.681, + "map_at_3": 29.412, + "map_at_5": 31.715, + "mrr_at_1": 21.848, + "mrr_at_10": 33.979, + "mrr_at_100": 35.118, + "mrr_at_1000": 35.162, + "mrr_at_3": 30.036, + "mrr_at_5": 32.298, + "ndcg_at_1": 21.862000000000002, + "ndcg_at_10": 40.43, + "ndcg_at_100": 46.17, + "ndcg_at_1000": 47.412, + "ndcg_at_3": 32.221, + "ndcg_at_5": 36.332, + "precision_at_1": 21.862000000000002, + "precision_at_10": 6.491, + "precision_at_100": 0.935, + "precision_at_1000": 0.104, + "precision_at_3": 13.744, + "precision_at_5": 10.331999999999999, + "recall_at_1": 21.285, + "recall_at_10": 62.083, + "recall_at_100": 88.576, + "recall_at_1000": 98.006, + "recall_at_3": 39.729, + "recall_at_5": 49.608000000000004, + "main_score": 40.43 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/MTOPDomainClassification.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/MTOPDomainClassification.json new file mode 100644 index 000000000..ea1625860 --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/MTOPDomainClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.92612859097127, + "f1": 93.82370333372853, + "main_score": 93.92612859097127 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 92.67681036911807, + "f1": 92.14191382411472, + "main_score": 92.67681036911807 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 92.26817878585723, + "f1": 91.92824250337878, + "main_score": 92.26817878585723 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 89.96554963983714, + "f1": 90.02859329630792, + "main_score": 89.96554963983714 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 90.02509860164935, + "f1": 89.30665159182062, + "main_score": 90.02509860164935 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 87.55515370705244, + "f1": 87.94449232331907, + "main_score": 87.55515370705244 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/MTOPIntentClassification.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/MTOPIntentClassification.json new file mode 100644 index 000000000..0fb16861a --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/MTOPIntentClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 82.4623803009576, + "f1": 66.06738378772725, + "main_score": 82.4623803009576 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 79.3716539870386, + "f1": 60.37614033396853, + "main_score": 79.3716539870386 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 80.34022681787857, + "f1": 58.302008026952, + "main_score": 80.34022681787857 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 76.72095208268087, + "f1": 59.64524724009049, + "main_score": 76.72095208268087 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 77.87020437432773, + "f1": 57.80202694670567, + "main_score": 77.87020437432773 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 77.73598553345387, + "f1": 58.19628250675031, + "main_score": 77.73598553345387 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/MassiveIntentClassification.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/MassiveIntentClassification.json new file mode 100644 index 000000000..6b2a64767 --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/MassiveIntentClassification.json @@ -0,0 +1,469 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 67.6630800268998, + "f1": 65.00996668051691, + "main_score": 67.6630800268998 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 60.7128446536651, + "f1": 57.95860594874963, + "main_score": 60.7128446536651 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 63.61129791526563, + "f1": 59.75328290206483, + "main_score": 63.61129791526563 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 69.00134498991257, + "f1": 67.0230483991802, + "main_score": 69.00134498991257 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 68.54068594485541, + "f1": 65.54604628946976, + "main_score": 68.54068594485541 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 63.032952252858095, + "f1": 58.715741857057104, + "main_score": 63.032952252858095 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 71.80901143241427, + "f1": 68.33963989243877, + "main_score": 71.80901143241427 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 72.47141896435777, + "f1": 69.56765020308262, + "main_score": 72.47141896435777 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 71.2373907195696, + "f1": 69.04529836036467, + "main_score": 71.2373907195696 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.05783456624076, + "f1": 74.69430584708174, + "main_score": 77.05783456624076 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 72.82111634162744, + "f1": 70.77228952803762, + "main_score": 72.82111634162744 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 74.25353059852051, + "f1": 71.05310103416411, + "main_score": 74.25353059852051 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 72.28648285137861, + "f1": 69.08020473732226, + "main_score": 72.28648285137861 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 73.31540013449899, + "f1": 70.9426355465791, + "main_score": 73.31540013449899 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 70.2151983860121, + "f1": 67.52541755908858, + "main_score": 70.2151983860121 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 71.58372562205784, + "f1": 69.49769064229827, + "main_score": 71.58372562205784 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 71.9233355749832, + "f1": 69.36311548259593, + "main_score": 71.9233355749832 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 68.07330195023538, + "f1": 64.99882022345572, + "main_score": 68.07330195023538 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 72.62273032952253, + "f1": 70.6394885471001, + "main_score": 72.62273032952253 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 65.77000672494957, + "f1": 62.9368944815065, + "main_score": 65.77000672494957 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 73.453261600538, + "f1": 70.85069934666681, + "main_score": 73.453261600538 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 74.6906523201076, + "f1": 72.03249740074217, + "main_score": 74.6906523201076 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 63.03631472763953, + "f1": 59.3165215571852, + "main_score": 63.03631472763953 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 58.913920645595155, + "f1": 57.367337711611285, + "main_score": 58.913920645595155 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 54.42837928715535, + "f1": 52.60527294970906, + "main_score": 54.42837928715535 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 66.33490248823135, + "f1": 63.213340969404065, + "main_score": 66.33490248823135 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 70.58507061197041, + "f1": 68.40256628040486, + "main_score": 70.58507061197041 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 69.11230665770006, + "f1": 66.44863577842305, + "main_score": 69.11230665770006 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 69.70073974445192, + "f1": 67.21291337273702, + "main_score": 69.70073974445192 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 66.43913920645595, + "f1": 64.09838087422806, + "main_score": 66.43913920645595 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 70.80026899798251, + "f1": 68.76986742962444, + "main_score": 70.80026899798251 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 64.78816408876934, + "f1": 62.18781873428972, + "main_score": 64.78816408876934 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 71.6577000672495, + "f1": 68.75171511133003, + "main_score": 71.6577000672495 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 74.42501681237391, + "f1": 71.18434963451544, + "main_score": 74.42501681237391 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 73.64828513786146, + "f1": 70.67741914007422, + "main_score": 73.64828513786146 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 73.62811028917284, + "f1": 71.36402039740959, + "main_score": 73.62811028917284 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 71.88634835238736, + "f1": 69.23701923480677, + "main_score": 71.88634835238736 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 74.15938130464022, + "f1": 71.87792218993388, + "main_score": 74.15938130464022 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 69.96301277740416, + "f1": 67.29584200202983, + "main_score": 69.96301277740416 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 69.49562878278412, + "f1": 66.91716685679431, + "main_score": 69.49562878278412 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 74.6805648957633, + "f1": 72.02723592594374, + "main_score": 74.6805648957633 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 63.00605245460659, + "f1": 60.16716669482932, + "main_score": 63.00605245460659 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 66.90988567585742, + "f1": 63.99405488777784, + "main_score": 66.90988567585742 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 67.62273032952253, + "f1": 65.17213906909481, + "main_score": 67.62273032952253 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 69.50907868190988, + "f1": 69.15165697194853, + "main_score": 69.50907868190988 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 69.30733019502352, + "f1": 66.69024007380474, + "main_score": 69.30733019502352 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 72.24277067921989, + "f1": 68.80515408492947, + "main_score": 72.24277067921989 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 67.49831876260929, + "f1": 64.83778567111116, + "main_score": 67.49831876260929 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 71.28782784129119, + "f1": 69.3294186700733, + "main_score": 71.28782784129119 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 73.315400134499, + "f1": 71.22674385243207, + "main_score": 73.315400134499 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 69.37794216543377, + "f1": 68.96962492838232, + "main_score": 69.37794216543377 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/MassiveScenarioClassification.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..24f78b886 --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/MassiveScenarioClassification.json @@ -0,0 +1,469 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 73.33557498318764, + "f1": 72.28949738478356, + "main_score": 73.33557498318764 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 65.84398117014123, + "f1": 64.71026362091463, + "main_score": 65.84398117014123 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 69.76462676529925, + "f1": 69.8229667407667, + "main_score": 69.76462676529925 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 72.02420981842636, + "f1": 71.76576384895898, + "main_score": 72.02420981842636 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 72.7572293207801, + "f1": 72.76840765295256, + "main_score": 72.7572293207801 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 68.02286482851379, + "f1": 66.17237947327872, + "main_score": 68.02286482851379 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 77.60928043039678, + "f1": 77.27094731234773, + "main_score": 77.60928043039678 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 77.68325487558843, + "f1": 77.97530399082261, + "main_score": 77.68325487558843 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 76.13315400134498, + "f1": 75.97558584796424, + "main_score": 76.13315400134498 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.47410894418292, + "f1": 80.52244841473792, + "main_score": 80.47410894418292 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 76.9670477471419, + "f1": 77.37318805793146, + "main_score": 76.9670477471419 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 78.09683927370544, + "f1": 77.69773737430847, + "main_score": 78.09683927370544 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 75.20847343644922, + "f1": 75.17071738727348, + "main_score": 75.20847343644922 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 77.07464694014796, + "f1": 77.16136207698571, + "main_score": 77.07464694014796 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 73.53396099529255, + "f1": 73.58296404484122, + "main_score": 73.53396099529255 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 75.75319435104237, + "f1": 75.24674707850833, + "main_score": 75.75319435104237 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 77.0948217888366, + "f1": 76.47559490205028, + "main_score": 77.0948217888366 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 71.07599193006052, + "f1": 70.76028043093511, + "main_score": 71.07599193006052 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 77.10490921318089, + "f1": 77.01215275283272, + "main_score": 77.10490921318089 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 71.25756556825824, + "f1": 70.20605314648762, + "main_score": 71.25756556825824 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 77.08137188971082, + "f1": 77.3899269057439, + "main_score": 77.08137188971082 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 79.35440484196369, + "f1": 79.58964690002772, + "main_score": 79.35440484196369 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 68.42299932750504, + "f1": 68.07844356925413, + "main_score": 68.42299932750504 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 66.15669132481507, + "f1": 65.89383352608513, + "main_score": 66.15669132481507 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 60.11432414256894, + "f1": 57.69910594559806, + "main_score": 60.11432414256894 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 71.24747814391392, + "f1": 70.42455553830918, + "main_score": 71.24747814391392 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 76.46267652992603, + "f1": 76.8854559308316, + "main_score": 76.46267652992603 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 73.24815063887021, + "f1": 72.77805034658074, + "main_score": 73.24815063887021 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 74.11566913248151, + "f1": 73.86147988001356, + "main_score": 74.11566913248151 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 70.0168123739072, + "f1": 69.38515920054571, + "main_score": 70.0168123739072 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 74.41156691324814, + "f1": 73.43474953408237, + "main_score": 74.41156691324814 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 68.39609952925353, + "f1": 67.29731681109291, + "main_score": 68.39609952925353 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 77.20914593140552, + "f1": 77.07066497935367, + "main_score": 77.20914593140552 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 78.52387357094821, + "f1": 78.5259569473291, + "main_score": 78.52387357094821 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 76.6913248150639, + "f1": 76.91201656350455, + "main_score": 76.6913248150639 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 77.1217215870881, + "f1": 77.41179937912504, + "main_score": 77.1217215870881 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 75.25891055817083, + "f1": 75.8089244542887, + "main_score": 75.25891055817083 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 77.70679219905851, + "f1": 78.21459594517711, + "main_score": 77.70679219905851 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 74.83523873570948, + "f1": 74.86847028401978, + "main_score": 74.83523873570948 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 74.71755211835911, + "f1": 74.0214326485662, + "main_score": 74.71755211835911 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 79.06523201075991, + "f1": 79.10545620325138, + "main_score": 79.06523201075991 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 67.91862811028918, + "f1": 66.50386121217983, + "main_score": 67.91862811028918 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 70.93140551445865, + "f1": 70.755435928495, + "main_score": 70.93140551445865 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 72.40753194351042, + "f1": 71.61816115782923, + "main_score": 72.40753194351042 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 75.1815736381977, + "f1": 75.08016717887205, + "main_score": 75.1815736381977 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 72.86482851378614, + "f1": 72.39521180006291, + "main_score": 72.86482851378614 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 76.46940147948891, + "f1": 76.70044085362349, + "main_score": 76.46940147948891 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 71.89307330195024, + "f1": 71.5721825332298, + "main_score": 71.89307330195024 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 74.7511768661735, + "f1": 75.17918654541515, + "main_score": 74.7511768661735 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 78.69535978480162, + "f1": 78.90019070153316, + "main_score": 78.69535978480162 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 75.45729657027572, + "f1": 76.19578371794672, + "main_score": 75.45729657027572 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/MedrxivClusteringP2P.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..bfddf9b5f --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.92715354123554, + "main_score": 36.92715354123554 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/MedrxivClusteringS2S.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..c9bd34b80 --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.53536244162518, + "main_score": 35.53536244162518 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/MindSmallReranking.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/MindSmallReranking.json new file mode 100644 index 000000000..ff02c5f5b --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 33.08507884504006, + "mrr": 34.32436977159129, + "main_score": 33.08507884504006 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/NFCorpus.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/NFCorpus.json new file mode 100644 index 000000000..93bad5ad1 --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.935, + "map_at_10": 13.297, + "map_at_100": 16.907, + "map_at_1000": 18.391, + "map_at_3": 9.626999999999999, + "map_at_5": 11.190999999999999, + "mrr_at_1": 46.129999999999995, + "mrr_at_10": 54.346000000000004, + "mrr_at_100": 55.067, + "mrr_at_1000": 55.1, + "mrr_at_3": 51.961, + "mrr_at_5": 53.246, + "ndcg_at_1": 44.118, + "ndcg_at_10": 35.534, + "ndcg_at_100": 32.946999999999996, + "ndcg_at_1000": 41.599000000000004, + "ndcg_at_3": 40.25, + "ndcg_at_5": 37.978, + "precision_at_1": 46.129999999999995, + "precision_at_10": 26.842, + "precision_at_100": 8.427, + "precision_at_1000": 2.128, + "precision_at_3": 37.977, + "precision_at_5": 32.879000000000005, + "recall_at_1": 5.935, + "recall_at_10": 17.211000000000002, + "recall_at_100": 34.33, + "recall_at_1000": 65.551, + "recall_at_3": 10.483, + "recall_at_5": 13.078999999999999, + "main_score": 35.534 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/NQ.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/NQ.json new file mode 100644 index 000000000..2ad4c2abb --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 35.231, + "map_at_10": 50.202000000000005, + "map_at_100": 51.154999999999994, + "map_at_1000": 51.181, + "map_at_3": 45.774, + "map_at_5": 48.522, + "mrr_at_1": 39.687, + "mrr_at_10": 52.88, + "mrr_at_100": 53.569, + "mrr_at_1000": 53.58500000000001, + "mrr_at_3": 49.228, + "mrr_at_5": 51.525, + "ndcg_at_1": 39.687, + "ndcg_at_10": 57.754000000000005, + "ndcg_at_100": 61.597, + "ndcg_at_1000": 62.18900000000001, + "ndcg_at_3": 49.55, + "ndcg_at_5": 54.11899999999999, + "precision_at_1": 39.687, + "precision_at_10": 9.313, + "precision_at_100": 1.146, + "precision_at_1000": 0.12, + "precision_at_3": 22.229, + "precision_at_5": 15.939, + "recall_at_1": 35.231, + "recall_at_10": 78.083, + "recall_at_100": 94.42099999999999, + "recall_at_1000": 98.81, + "recall_at_3": 57.047000000000004, + "recall_at_5": 67.637, + "main_score": 57.754000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/QuoraRetrieval.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/QuoraRetrieval.json new file mode 100644 index 000000000..75ae7a3cd --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 71.241, + "map_at_10": 85.462, + "map_at_100": 86.083, + "map_at_1000": 86.09700000000001, + "map_at_3": 82.49499999999999, + "map_at_5": 84.392, + "mrr_at_1": 82.09, + "mrr_at_10": 88.301, + "mrr_at_100": 88.383, + "mrr_at_1000": 88.384, + "mrr_at_3": 87.37, + "mrr_at_5": 88.035, + "ndcg_at_1": 82.12, + "ndcg_at_10": 89.149, + "ndcg_at_100": 90.235, + "ndcg_at_1000": 90.307, + "ndcg_at_3": 86.37599999999999, + "ndcg_at_5": 87.964, + "precision_at_1": 82.12, + "precision_at_10": 13.56, + "precision_at_100": 1.539, + "precision_at_1000": 0.157, + "precision_at_3": 37.88, + "precision_at_5": 24.92, + "recall_at_1": 71.241, + "recall_at_10": 96.128, + "recall_at_100": 99.696, + "recall_at_1000": 99.994, + "recall_at_3": 88.181, + "recall_at_5": 92.694, + "main_score": 89.149 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/RedditClustering.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/RedditClustering.json new file mode 100644 index 000000000..3348e0122 --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 56.59757799655151, + "main_score": 56.59757799655151 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/RedditClusteringP2P.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/RedditClusteringP2P.json new file mode 100644 index 000000000..024467dba --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 64.27391998854624, + "main_score": 64.27391998854624 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/SCIDOCS.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/SCIDOCS.json new file mode 100644 index 000000000..f17a3cae7 --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.243, + "map_at_10": 10.965, + "map_at_100": 12.934999999999999, + "map_at_1000": 13.256, + "map_at_3": 7.907, + "map_at_5": 9.435, + "mrr_at_1": 20.9, + "mrr_at_10": 31.849, + "mrr_at_100": 32.964, + "mrr_at_1000": 33.024, + "mrr_at_3": 28.517, + "mrr_at_5": 30.381999999999998, + "ndcg_at_1": 20.9, + "ndcg_at_10": 18.723, + "ndcg_at_100": 26.384999999999998, + "ndcg_at_1000": 32.114, + "ndcg_at_3": 17.753, + "ndcg_at_5": 15.558, + "precision_at_1": 20.9, + "precision_at_10": 9.8, + "precision_at_100": 2.078, + "precision_at_1000": 0.345, + "precision_at_3": 16.900000000000002, + "precision_at_5": 13.88, + "recall_at_1": 4.243, + "recall_at_10": 19.885, + "recall_at_100": 42.17, + "recall_at_1000": 70.12, + "recall_at_3": 10.288, + "recall_at_5": 14.072000000000001, + "main_score": 18.723 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/SICK-R.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/SICK-R.json new file mode 100644 index 000000000..6cf3f20be --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.84209174935282, + "cos_sim_spearman": 81.73248048438833, + "euclidean_pearson": 83.02810070308149, + "euclidean_spearman": 81.73248295679514, + "manhattan_pearson": 82.95368060376002, + "manhattan_spearman": 81.60277910998718, + "cosine_pearson": 85.84209174935282, + "cosine_spearman": 81.73248048438833, + "main_score": 81.73248048438833 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/STS12.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/STS12.json new file mode 100644 index 000000000..584d49d54 --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.52628804556943, + "cos_sim_spearman": 82.5713913555672, + "euclidean_pearson": 85.8796774746988, + "euclidean_spearman": 82.57137506803424, + "manhattan_pearson": 85.79671002960058, + "manhattan_spearman": 82.49445981618027, + "cosine_pearson": 88.52628804556943, + "cosine_spearman": 82.5713913555672, + "main_score": 82.5713913555672 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/STS13.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/STS13.json new file mode 100644 index 000000000..426863504 --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.23682503505542, + "cos_sim_spearman": 87.15008956711806, + "euclidean_pearson": 86.79805401524959, + "euclidean_spearman": 87.15008956711806, + "manhattan_pearson": 86.65298502699244, + "manhattan_spearman": 86.97677821948562, + "cosine_pearson": 86.23682503505542, + "cosine_spearman": 87.15008956711806, + "main_score": 87.15008956711806 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/STS14.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/STS14.json new file mode 100644 index 000000000..a37cba900 --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.63370304677802, + "cos_sim_spearman": 84.97105553540318, + "euclidean_pearson": 85.28896108687721, + "euclidean_spearman": 84.97105553540318, + "manhattan_pearson": 85.09663190337331, + "manhattan_spearman": 84.79126831644619, + "cosine_pearson": 85.63370304677802, + "cosine_spearman": 84.97105553540318, + "main_score": 84.97105553540318 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/STS15.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/STS15.json new file mode 100644 index 000000000..675b25607 --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 90.2614838800733, + "cos_sim_spearman": 91.0509162991835, + "euclidean_pearson": 90.33098317533373, + "euclidean_spearman": 91.05091625871644, + "manhattan_pearson": 90.26250435151107, + "manhattan_spearman": 90.97999594417519, + "cosine_pearson": 90.2614838800733, + "cosine_spearman": 91.0509162991835, + "main_score": 91.0509162991835 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/STS16.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/STS16.json new file mode 100644 index 000000000..bd7d9d8ec --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.80480973335091, + "cos_sim_spearman": 87.313695492969, + "euclidean_pearson": 86.49267251576939, + "euclidean_spearman": 87.313695492969, + "manhattan_pearson": 86.44019901831935, + "manhattan_spearman": 87.24205395460392, + "cosine_pearson": 85.80480973335091, + "cosine_spearman": 87.313695492969, + "main_score": 87.313695492969 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/STS17.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/STS17.json new file mode 100644 index 000000000..eac40eb89 --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 90.05662789380672, + "cos_sim_spearman": 90.02759424426651, + "euclidean_pearson": 90.4042483422981, + "euclidean_spearman": 90.02759424426651, + "manhattan_pearson": 90.51446975000226, + "manhattan_spearman": 90.08832889933616, + "cosine_pearson": 90.05662789380672, + "cosine_spearman": 90.02759424426651, + "main_score": 90.02759424426651 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/STS22.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/STS22.json new file mode 100644 index 000000000..6d993f0a5 --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 67.5975528273532, + "cos_sim_spearman": 67.62969861411354, + "euclidean_pearson": 69.224275734323, + "euclidean_spearman": 67.62969861411354, + "manhattan_pearson": 69.3761447059927, + "manhattan_spearman": 67.90921005611467, + "cosine_pearson": 67.5975528273532, + "cosine_spearman": 67.62969861411354, + "main_score": 67.62969861411354 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/STSBenchmark.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/STSBenchmark.json new file mode 100644 index 000000000..e74cc84b3 --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.11244327231684, + "cos_sim_spearman": 88.37902438979035, + "euclidean_pearson": 87.86054279847336, + "euclidean_spearman": 88.37902438979035, + "manhattan_pearson": 87.77257757320378, + "manhattan_spearman": 88.25208966098123, + "cosine_pearson": 87.11244327231684, + "cosine_spearman": 88.37902438979035, + "main_score": 88.37902438979035 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/SciDocsRR.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/SciDocsRR.json new file mode 100644 index 000000000..cbf46eda2 --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 85.87174608143563, + "mrr": 96.12836872640794, + "main_score": 85.87174608143563 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/SciFact.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/SciFact.json new file mode 100644 index 000000000..7d245cfca --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 57.760999999999996, + "map_at_10": 67.258, + "map_at_100": 67.757, + "map_at_1000": 67.78800000000001, + "map_at_3": 64.602, + "map_at_5": 65.64, + "mrr_at_1": 60.667, + "mrr_at_10": 68.441, + "mrr_at_100": 68.825, + "mrr_at_1000": 68.853, + "mrr_at_3": 66.444, + "mrr_at_5": 67.26100000000001, + "ndcg_at_1": 60.667, + "ndcg_at_10": 71.852, + "ndcg_at_100": 73.9, + "ndcg_at_1000": 74.628, + "ndcg_at_3": 67.093, + "ndcg_at_5": 68.58, + "precision_at_1": 60.667, + "precision_at_10": 9.6, + "precision_at_100": 1.0670000000000002, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 26.111, + "precision_at_5": 16.733, + "recall_at_1": 57.760999999999996, + "recall_at_10": 84.967, + "recall_at_100": 93.833, + "recall_at_1000": 99.333, + "recall_at_3": 71.589, + "recall_at_5": 75.483, + "main_score": 71.852 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/SprintDuplicateQuestions.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..481d0c1f4 --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.66633663366336, + "cos_sim_ap": 91.17685358899108, + "cos_sim_f1": 82.16818642350559, + "cos_sim_precision": 83.26488706365504, + "cos_sim_recall": 81.10000000000001, + "dot_accuracy": 99.66633663366336, + "dot_ap": 91.17663411119032, + "dot_f1": 82.16818642350559, + "dot_precision": 83.26488706365504, + "dot_recall": 81.10000000000001, + "euclidean_accuracy": 99.66633663366336, + "euclidean_ap": 91.17685189882275, + "euclidean_f1": 82.16818642350559, + "euclidean_precision": 83.26488706365504, + "euclidean_recall": 81.10000000000001, + "manhattan_accuracy": 99.66633663366336, + "manhattan_ap": 91.2241619496737, + "manhattan_f1": 82.20472440944883, + "manhattan_precision": 86.51933701657458, + "manhattan_recall": 78.3, + "max_accuracy": 99.66633663366336, + "max_ap": 91.2241619496737, + "max_f1": 82.20472440944883, + "main_score": 91.2241619496737 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/StackExchangeClustering.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/StackExchangeClustering.json new file mode 100644 index 000000000..9e0b4ad23 --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 66.85101268897951, + "main_score": 66.85101268897951 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/StackExchangeClusteringP2P.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..9dbfa8eeb --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 42.461184054706905, + "main_score": 42.461184054706905 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/StackOverflowDupQuestions.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..768d95793 --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 51.44542568873886, + "mrr": 52.33656151854681, + "main_score": 51.44542568873886 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/SummEval.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/SummEval.json new file mode 100644 index 000000000..1e805847c --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.75982974997539, + "cos_sim_spearman": 30.385405026539914, + "dot_pearson": 30.75982433546523, + "dot_spearman": 30.385405026539914, + "cosine_pearson": 30.75982974997539, + "cosine_spearman": 30.385405026539914, + "main_score": 30.385405026539914 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/TRECCOVID.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/TRECCOVID.json new file mode 100644 index 000000000..0f5275eca --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.22799999999999998, + "map_at_10": 2.064, + "map_at_100": 13.056000000000001, + "map_at_1000": 31.747999999999998, + "map_at_3": 0.67, + "map_at_5": 1.097, + "mrr_at_1": 90.0, + "mrr_at_10": 94.667, + "mrr_at_100": 94.667, + "mrr_at_1000": 94.667, + "mrr_at_3": 94.667, + "mrr_at_5": 94.667, + "ndcg_at_1": 86.0, + "ndcg_at_10": 82.0, + "ndcg_at_100": 64.307, + "ndcg_at_1000": 57.023999999999994, + "ndcg_at_3": 85.816, + "ndcg_at_5": 84.904, + "precision_at_1": 90.0, + "precision_at_10": 85.8, + "precision_at_100": 66.46, + "precision_at_1000": 25.202, + "precision_at_3": 90.0, + "precision_at_5": 89.2, + "recall_at_1": 0.22799999999999998, + "recall_at_10": 2.235, + "recall_at_100": 16.185, + "recall_at_1000": 53.620999999999995, + "recall_at_3": 0.7040000000000001, + "recall_at_5": 1.172, + "main_score": 82.0 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/Tatoeba.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/Tatoeba.json new file mode 100644 index 000000000..75465b4dc --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/Tatoeba.json @@ -0,0 +1,1354 @@ +{ + "dataset_revision": "9080400076fbadbb4c4dcb136ff4eddc40b42553", + "task_name": "Tatoeba", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "sqi-eng", + "languages": [ + "sqi-Latn", + "eng-Latn" + ], + "accuracy": 97.39999999999999, + "f1": 96.75, + "precision": 96.45, + "recall": 97.39999999999999, + "main_score": 96.75 + }, + { + "hf_subset": "fry-eng", + "languages": [ + "fry-Latn", + "eng-Latn" + ], + "accuracy": 85.54913294797689, + "f1": 82.46628131021194, + "precision": 81.1175337186898, + "recall": 85.54913294797689, + "main_score": 82.46628131021194 + }, + { + "hf_subset": "kur-eng", + "languages": [ + "kur-Latn", + "eng-Latn" + ], + "accuracy": 81.21951219512195, + "f1": 77.33333333333334, + "precision": 75.54878048780488, + "recall": 81.21951219512195, + "main_score": 77.33333333333334 + }, + { + "hf_subset": "tur-eng", + "languages": [ + "tur-Latn", + "eng-Latn" + ], + "accuracy": 98.6, + "f1": 98.26666666666665, + "precision": 98.1, + "recall": 98.6, + "main_score": 98.26666666666665 + }, + { + "hf_subset": "deu-eng", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "accuracy": 99.5, + "f1": 99.33333333333333, + "precision": 99.25, + "recall": 99.5, + "main_score": 99.33333333333333 + }, + { + "hf_subset": "nld-eng", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "accuracy": 97.8, + "f1": 97.2, + "precision": 96.89999999999999, + "recall": 97.8, + "main_score": 97.2 + }, + { + "hf_subset": "ron-eng", + "languages": [ + "ron-Latn", + "eng-Latn" + ], + "accuracy": 97.8, + "f1": 97.18333333333334, + "precision": 96.88333333333333, + "recall": 97.8, + "main_score": 97.18333333333334 + }, + { + "hf_subset": "ang-eng", + "languages": [ + "ang-Latn", + "eng-Latn" + ], + "accuracy": 77.61194029850746, + "f1": 72.81094527363183, + "precision": 70.83333333333333, + "recall": 77.61194029850746, + "main_score": 72.81094527363183 + }, + { + "hf_subset": "ido-eng", + "languages": [ + "ido-Latn", + "eng-Latn" + ], + "accuracy": 93.7, + "f1": 91.91666666666667, + "precision": 91.08333333333334, + "recall": 93.7, + "main_score": 91.91666666666667 + }, + { + "hf_subset": "jav-eng", + "languages": [ + "jav-Latn", + "eng-Latn" + ], + "accuracy": 88.29268292682927, + "f1": 85.27642276422765, + "precision": 84.01277584204414, + "recall": 88.29268292682927, + "main_score": 85.27642276422765 + }, + { + "hf_subset": "isl-eng", + "languages": [ + "isl-Latn", + "eng-Latn" + ], + "accuracy": 96.1, + "f1": 95.0, + "precision": 94.46666666666668, + "recall": 96.1, + "main_score": 95.0 + }, + { + "hf_subset": "slv-eng", + "languages": [ + "slv-Latn", + "eng-Latn" + ], + "accuracy": 93.681652490887, + "f1": 91.90765492102065, + "precision": 91.05913325232888, + "recall": 93.681652490887, + "main_score": 91.90765492102065 + }, + { + "hf_subset": "cym-eng", + "languages": [ + "cym-Latn", + "eng-Latn" + ], + "accuracy": 92.17391304347827, + "f1": 89.97101449275361, + "precision": 88.96811594202899, + "recall": 92.17391304347827, + "main_score": 89.97101449275361 + }, + { + "hf_subset": "kaz-eng", + "languages": [ + "kaz-Cyrl", + "eng-Latn" + ], + "accuracy": 90.43478260869566, + "f1": 87.72173913043478, + "precision": 86.42028985507245, + "recall": 90.43478260869566, + "main_score": 87.72173913043478 + }, + { + "hf_subset": "est-eng", + "languages": [ + "est-Latn", + "eng-Latn" + ], + "accuracy": 90.4, + "f1": 88.03, + "precision": 86.95, + "recall": 90.4, + "main_score": 88.03 + }, + { + "hf_subset": "heb-eng", + "languages": [ + "heb-Hebr", + "eng-Latn" + ], + "accuracy": 93.4, + "f1": 91.45666666666666, + "precision": 90.525, + "recall": 93.4, + "main_score": 91.45666666666666 + }, + { + "hf_subset": "gla-eng", + "languages": [ + "gla-Latn", + "eng-Latn" + ], + "accuracy": 81.9059107358263, + "f1": 78.32557872364869, + "precision": 76.78260286824823, + "recall": 81.9059107358263, + "main_score": 78.32557872364869 + }, + { + "hf_subset": "mar-eng", + "languages": [ + "mar-Deva", + "eng-Latn" + ], + "accuracy": 94.3, + "f1": 92.58333333333333, + "precision": 91.73333333333332, + "recall": 94.3, + "main_score": 92.58333333333333 + }, + { + "hf_subset": "lat-eng", + "languages": [ + "lat-Latn", + "eng-Latn" + ], + "accuracy": 79.10000000000001, + "f1": 74.50500000000001, + "precision": 72.58928571428571, + "recall": 79.10000000000001, + "main_score": 74.50500000000001 + }, + { + "hf_subset": "bel-eng", + "languages": [ + "bel-Cyrl", + "eng-Latn" + ], + "accuracy": 96.6, + "f1": 95.55, + "precision": 95.05, + "recall": 96.6, + "main_score": 95.55 + }, + { + "hf_subset": "pms-eng", + "languages": [ + "pms-Latn", + "eng-Latn" + ], + "accuracy": 82.0952380952381, + "f1": 77.98458049886621, + "precision": 76.1968253968254, + "recall": 82.0952380952381, + "main_score": 77.98458049886621 + }, + { + "hf_subset": "gle-eng", + "languages": [ + "gle-Latn", + "eng-Latn" + ], + "accuracy": 87.9, + "f1": 84.99190476190476, + "precision": 83.65, + "recall": 87.9, + "main_score": 84.99190476190476 + }, + { + "hf_subset": "pes-eng", + "languages": [ + "pes-Arab", + "eng-Latn" + ], + "accuracy": 95.7, + "f1": 94.56666666666666, + "precision": 94.01666666666667, + "recall": 95.7, + "main_score": 94.56666666666666 + }, + { + "hf_subset": "nob-eng", + "languages": [ + "nob-Latn", + "eng-Latn" + ], + "accuracy": 98.6, + "f1": 98.2, + "precision": 98.0, + "recall": 98.6, + "main_score": 98.2 + }, + { + "hf_subset": "bul-eng", + "languages": [ + "bul-Cyrl", + "eng-Latn" + ], + "accuracy": 95.6, + "f1": 94.38333333333334, + "precision": 93.78333333333335, + "recall": 95.6, + "main_score": 94.38333333333334 + }, + { + "hf_subset": "cbk-eng", + "languages": [ + "cbk-Latn", + "eng-Latn" + ], + "accuracy": 87.4, + "f1": 84.10380952380952, + "precision": 82.67, + "recall": 87.4, + "main_score": 84.10380952380952 + }, + { + "hf_subset": "hun-eng", + "languages": [ + "hun-Latn", + "eng-Latn" + ], + "accuracy": 95.5, + "f1": 94.33333333333334, + "precision": 93.78333333333333, + "recall": 95.5, + "main_score": 94.33333333333334 + }, + { + "hf_subset": "uig-eng", + "languages": [ + "uig-Arab", + "eng-Latn" + ], + "accuracy": 89.4, + "f1": 86.82000000000001, + "precision": 85.64500000000001, + "recall": 89.4, + "main_score": 86.82000000000001 + }, + { + "hf_subset": "rus-eng", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "accuracy": 95.1, + "f1": 93.56666666666668, + "precision": 92.81666666666666, + "recall": 95.1, + "main_score": 93.56666666666668 + }, + { + "hf_subset": "spa-eng", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "accuracy": 98.9, + "f1": 98.6, + "precision": 98.45, + "recall": 98.9, + "main_score": 98.6 + }, + { + "hf_subset": "hye-eng", + "languages": [ + "hye-Armn", + "eng-Latn" + ], + "accuracy": 95.01347708894879, + "f1": 93.51752021563343, + "precision": 92.82794249775381, + "recall": 95.01347708894879, + "main_score": 93.51752021563343 + }, + { + "hf_subset": "tel-eng", + "languages": [ + "tel-Telu", + "eng-Latn" + ], + "accuracy": 97.00854700854701, + "f1": 96.08262108262107, + "precision": 95.65527065527067, + "recall": 97.00854700854701, + "main_score": 96.08262108262107 + }, + { + "hf_subset": "afr-eng", + "languages": [ + "afr-Latn", + "eng-Latn" + ], + "accuracy": 96.5, + "f1": 95.39999999999999, + "precision": 94.88333333333333, + "recall": 96.5, + "main_score": 95.39999999999999 + }, + { + "hf_subset": "mon-eng", + "languages": [ + "mon-Cyrl", + "eng-Latn" + ], + "accuracy": 96.5909090909091, + "f1": 95.49242424242425, + "precision": 94.9621212121212, + "recall": 96.5909090909091, + "main_score": 95.49242424242425 + }, + { + "hf_subset": "arz-eng", + "languages": [ + "arz-Arab", + "eng-Latn" + ], + "accuracy": 84.90566037735849, + "f1": 81.85883997204752, + "precision": 80.54507337526205, + "recall": 84.90566037735849, + "main_score": 81.85883997204752 + }, + { + "hf_subset": "hrv-eng", + "languages": [ + "hrv-Latn", + "eng-Latn" + ], + "accuracy": 97.5, + "f1": 96.75, + "precision": 96.38333333333333, + "recall": 97.5, + "main_score": 96.75 + }, + { + "hf_subset": "nov-eng", + "languages": [ + "nov-Latn", + "eng-Latn" + ], + "accuracy": 86.7704280155642, + "f1": 82.99610894941635, + "precision": 81.32295719844358, + "recall": 86.7704280155642, + "main_score": 82.99610894941635 + }, + { + "hf_subset": "gsw-eng", + "languages": [ + "gsw-Latn", + "eng-Latn" + ], + "accuracy": 67.52136752136752, + "f1": 61.89662189662191, + "precision": 59.68660968660969, + "recall": 67.52136752136752, + "main_score": 61.89662189662191 + }, + { + "hf_subset": "nds-eng", + "languages": [ + "nds-Latn", + "eng-Latn" + ], + "accuracy": 89.2, + "f1": 86.32, + "precision": 85.015, + "recall": 89.2, + "main_score": 86.32 + }, + { + "hf_subset": "ukr-eng", + "languages": [ + "ukr-Cyrl", + "eng-Latn" + ], + "accuracy": 96.0, + "f1": 94.78333333333333, + "precision": 94.18333333333334, + "recall": 96.0, + "main_score": 94.78333333333333 + }, + { + "hf_subset": "uzb-eng", + "languages": [ + "uzb-Latn", + "eng-Latn" + ], + "accuracy": 83.8785046728972, + "f1": 80.54517133956385, + "precision": 79.154984423676, + "recall": 83.8785046728972, + "main_score": 80.54517133956385 + }, + { + "hf_subset": "lit-eng", + "languages": [ + "lit-Latn", + "eng-Latn" + ], + "accuracy": 93.60000000000001, + "f1": 92.01333333333334, + "precision": 91.28333333333333, + "recall": 93.60000000000001, + "main_score": 92.01333333333334 + }, + { + "hf_subset": "ina-eng", + "languages": [ + "ina-Latn", + "eng-Latn" + ], + "accuracy": 97.1, + "f1": 96.26666666666667, + "precision": 95.85000000000001, + "recall": 97.1, + "main_score": 96.26666666666667 + }, + { + "hf_subset": "lfn-eng", + "languages": [ + "lfn-Latn", + "eng-Latn" + ], + "accuracy": 84.3, + "f1": 80.67833333333333, + "precision": 79.03928571428571, + "recall": 84.3, + "main_score": 80.67833333333333 + }, + { + "hf_subset": "zsm-eng", + "languages": [ + "zsm-Latn", + "eng-Latn" + ], + "accuracy": 97.3, + "f1": 96.48333333333332, + "precision": 96.08333333333331, + "recall": 97.3, + "main_score": 96.48333333333332 + }, + { + "hf_subset": "ita-eng", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "accuracy": 95.7, + "f1": 94.66666666666667, + "precision": 94.16666666666667, + "recall": 95.7, + "main_score": 94.66666666666667 + }, + { + "hf_subset": "cmn-eng", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "accuracy": 97.2, + "f1": 96.36666666666667, + "precision": 95.96666666666668, + "recall": 97.2, + "main_score": 96.36666666666667 + }, + { + "hf_subset": "lvs-eng", + "languages": [ + "lvs-Latn", + "eng-Latn" + ], + "accuracy": 94.3, + "f1": 92.80666666666667, + "precision": 92.12833333333333, + "recall": 94.3, + "main_score": 92.80666666666667 + }, + { + "hf_subset": "glg-eng", + "languages": [ + "glg-Latn", + "eng-Latn" + ], + "accuracy": 97.0, + "f1": 96.22333333333334, + "precision": 95.875, + "recall": 97.0, + "main_score": 96.22333333333334 + }, + { + "hf_subset": "ceb-eng", + "languages": [ + "ceb-Latn", + "eng-Latn" + ], + "accuracy": 74.33333333333333, + "f1": 70.78174603174602, + "precision": 69.28333333333332, + "recall": 74.33333333333333, + "main_score": 70.78174603174602 + }, + { + "hf_subset": "bre-eng", + "languages": [ + "bre-Latn", + "eng-Latn" + ], + "accuracy": 37.6, + "f1": 32.938348952090365, + "precision": 31.2811038961039, + "recall": 37.6, + "main_score": 32.938348952090365 + }, + { + "hf_subset": "ben-eng", + "languages": [ + "ben-Beng", + "eng-Latn" + ], + "accuracy": 91.5, + "f1": 89.13333333333333, + "precision": 88.03333333333333, + "recall": 91.5, + "main_score": 89.13333333333333 + }, + { + "hf_subset": "swg-eng", + "languages": [ + "swg-Latn", + "eng-Latn" + ], + "accuracy": 82.14285714285714, + "f1": 77.67857142857143, + "precision": 75.59523809523809, + "recall": 82.14285714285714, + "main_score": 77.67857142857143 + }, + { + "hf_subset": "arq-eng", + "languages": [ + "arq-Arab", + "eng-Latn" + ], + "accuracy": 69.0450054884742, + "f1": 63.070409283362075, + "precision": 60.58992781824835, + "recall": 69.0450054884742, + "main_score": 63.070409283362075 + }, + { + "hf_subset": "kab-eng", + "languages": [ + "kab-Latn", + "eng-Latn" + ], + "accuracy": 63.1, + "f1": 57.848333333333336, + "precision": 55.69500000000001, + "recall": 63.1, + "main_score": 57.848333333333336 + }, + { + "hf_subset": "fra-eng", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "accuracy": 96.1, + "f1": 95.01666666666667, + "precision": 94.5, + "recall": 96.1, + "main_score": 95.01666666666667 + }, + { + "hf_subset": "por-eng", + "languages": [ + "por-Latn", + "eng-Latn" + ], + "accuracy": 95.89999999999999, + "f1": 94.90666666666667, + "precision": 94.425, + "recall": 95.89999999999999, + "main_score": 94.90666666666667 + }, + { + "hf_subset": "tat-eng", + "languages": [ + "tat-Cyrl", + "eng-Latn" + ], + "accuracy": 87.6, + "f1": 84.61333333333333, + "precision": 83.27, + "recall": 87.6, + "main_score": 84.61333333333333 + }, + { + "hf_subset": "oci-eng", + "languages": [ + "oci-Latn", + "eng-Latn" + ], + "accuracy": 76.4, + "f1": 71.90746031746032, + "precision": 70.07027777777778, + "recall": 76.4, + "main_score": 71.90746031746032 + }, + { + "hf_subset": "pol-eng", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "accuracy": 97.89999999999999, + "f1": 97.26666666666667, + "precision": 96.95, + "recall": 97.89999999999999, + "main_score": 97.26666666666667 + }, + { + "hf_subset": "war-eng", + "languages": [ + "war-Latn", + "eng-Latn" + ], + "accuracy": 78.8, + "f1": 74.39555555555555, + "precision": 72.59416666666667, + "recall": 78.8, + "main_score": 74.39555555555555 + }, + { + "hf_subset": "aze-eng", + "languages": [ + "aze-Latn", + "eng-Latn" + ], + "accuracy": 95.19999999999999, + "f1": 93.78999999999999, + "precision": 93.125, + "recall": 95.19999999999999, + "main_score": 93.78999999999999 + }, + { + "hf_subset": "vie-eng", + "languages": [ + "vie-Latn", + "eng-Latn" + ], + "accuracy": 97.8, + "f1": 97.1, + "precision": 96.75, + "recall": 97.8, + "main_score": 97.1 + }, + { + "hf_subset": "nno-eng", + "languages": [ + "nno-Latn", + "eng-Latn" + ], + "accuracy": 95.6, + "f1": 94.25666666666666, + "precision": 93.64166666666668, + "recall": 95.6, + "main_score": 94.25666666666666 + }, + { + "hf_subset": "cha-eng", + "languages": [ + "cha-Latn", + "eng-Latn" + ], + "accuracy": 56.934306569343065, + "f1": 51.461591936044485, + "precision": 49.37434827945776, + "recall": 56.934306569343065, + "main_score": 51.461591936044485 + }, + { + "hf_subset": "mhr-eng", + "languages": [ + "mhr-Cyrl", + "eng-Latn" + ], + "accuracy": 20.200000000000003, + "f1": 16.91799284049284, + "precision": 15.791855158730158, + "recall": 20.200000000000003, + "main_score": 16.91799284049284 + }, + { + "hf_subset": "dan-eng", + "languages": [ + "dan-Latn", + "eng-Latn" + ], + "accuracy": 96.2, + "f1": 95.3, + "precision": 94.85, + "recall": 96.2, + "main_score": 95.3 + }, + { + "hf_subset": "ell-eng", + "languages": [ + "ell-Grek", + "eng-Latn" + ], + "accuracy": 96.3, + "f1": 95.11666666666667, + "precision": 94.53333333333333, + "recall": 96.3, + "main_score": 95.11666666666667 + }, + { + "hf_subset": "amh-eng", + "languages": [ + "amh-Ethi", + "eng-Latn" + ], + "accuracy": 89.88095238095238, + "f1": 87.14285714285714, + "precision": 85.96230158730161, + "recall": 89.88095238095238, + "main_score": 87.14285714285714 + }, + { + "hf_subset": "pam-eng", + "languages": [ + "pam-Latn", + "eng-Latn" + ], + "accuracy": 24.099999999999998, + "f1": 19.630969083349783, + "precision": 18.275094905094907, + "recall": 24.099999999999998, + "main_score": 19.630969083349783 + }, + { + "hf_subset": "hsb-eng", + "languages": [ + "hsb-Latn", + "eng-Latn" + ], + "accuracy": 83.4368530020704, + "f1": 79.45183870649709, + "precision": 77.7432712215321, + "recall": 83.4368530020704, + "main_score": 79.45183870649709 + }, + { + "hf_subset": "srp-eng", + "languages": [ + "srp-Cyrl", + "eng-Latn" + ], + "accuracy": 95.8, + "f1": 94.53333333333333, + "precision": 93.91666666666666, + "recall": 95.8, + "main_score": 94.53333333333333 + }, + { + "hf_subset": "epo-eng", + "languages": [ + "epo-Latn", + "eng-Latn" + ], + "accuracy": 98.8, + "f1": 98.48333333333332, + "precision": 98.33333333333334, + "recall": 98.8, + "main_score": 98.48333333333332 + }, + { + "hf_subset": "kzj-eng", + "languages": [ + "kzj-Latn", + "eng-Latn" + ], + "accuracy": 17.5, + "f1": 14.979285714285714, + "precision": 14.23235060690943, + "recall": 17.5, + "main_score": 14.979285714285714 + }, + { + "hf_subset": "awa-eng", + "languages": [ + "awa-Deva", + "eng-Latn" + ], + "accuracy": 93.93939393939394, + "f1": 91.991341991342, + "precision": 91.05339105339105, + "recall": 93.93939393939394, + "main_score": 91.991341991342 + }, + { + "hf_subset": "fao-eng", + "languages": [ + "fao-Latn", + "eng-Latn" + ], + "accuracy": 89.31297709923665, + "f1": 86.76844783715012, + "precision": 85.63613231552164, + "recall": 89.31297709923665, + "main_score": 86.76844783715012 + }, + { + "hf_subset": "mal-eng", + "languages": [ + "mal-Mlym", + "eng-Latn" + ], + "accuracy": 99.12663755458514, + "f1": 98.93255701115964, + "precision": 98.83551673944687, + "recall": 99.12663755458514, + "main_score": 98.93255701115964 + }, + { + "hf_subset": "ile-eng", + "languages": [ + "ile-Latn", + "eng-Latn" + ], + "accuracy": 92.0, + "f1": 89.77999999999999, + "precision": 88.78333333333333, + "recall": 92.0, + "main_score": 89.77999999999999 + }, + { + "hf_subset": "bos-eng", + "languages": [ + "bos-Latn", + "eng-Latn" + ], + "accuracy": 96.89265536723164, + "f1": 95.85687382297553, + "precision": 95.33898305084746, + "recall": 96.89265536723164, + "main_score": 95.85687382297553 + }, + { + "hf_subset": "cor-eng", + "languages": [ + "cor-Latn", + "eng-Latn" + ], + "accuracy": 14.6, + "f1": 11.820611790170615, + "precision": 11.022616224355355, + "recall": 14.6, + "main_score": 11.820611790170615 + }, + { + "hf_subset": "cat-eng", + "languages": [ + "cat-Latn", + "eng-Latn" + ], + "accuracy": 95.89999999999999, + "f1": 94.93333333333334, + "precision": 94.48666666666666, + "recall": 95.89999999999999, + "main_score": 94.93333333333334 + }, + { + "hf_subset": "eus-eng", + "languages": [ + "eus-Latn", + "eng-Latn" + ], + "accuracy": 87.6, + "f1": 84.72333333333334, + "precision": 83.44166666666666, + "recall": 87.6, + "main_score": 84.72333333333334 + }, + { + "hf_subset": "yue-eng", + "languages": [ + "yue-Hant", + "eng-Latn" + ], + "accuracy": 94.8, + "f1": 93.47333333333333, + "precision": 92.875, + "recall": 94.8, + "main_score": 93.47333333333333 + }, + { + "hf_subset": "swe-eng", + "languages": [ + "swe-Latn", + "eng-Latn" + ], + "accuracy": 96.6, + "f1": 95.71666666666665, + "precision": 95.28333333333335, + "recall": 96.6, + "main_score": 95.71666666666665 + }, + { + "hf_subset": "dtp-eng", + "languages": [ + "dtp-Latn", + "eng-Latn" + ], + "accuracy": 17.8, + "f1": 14.511074040901628, + "precision": 13.503791000666002, + "recall": 17.8, + "main_score": 14.511074040901628 + }, + { + "hf_subset": "kat-eng", + "languages": [ + "kat-Geor", + "eng-Latn" + ], + "accuracy": 94.10187667560321, + "f1": 92.46648793565683, + "precision": 91.71134941912423, + "recall": 94.10187667560321, + "main_score": 92.46648793565683 + }, + { + "hf_subset": "jpn-eng", + "languages": [ + "jpn-Jpan", + "eng-Latn" + ], + "accuracy": 97.0, + "f1": 96.11666666666666, + "precision": 95.68333333333334, + "recall": 97.0, + "main_score": 96.11666666666666 + }, + { + "hf_subset": "csb-eng", + "languages": [ + "csb-Latn", + "eng-Latn" + ], + "accuracy": 72.72727272727273, + "f1": 66.58949745906267, + "precision": 63.86693017127799, + "recall": 72.72727272727273, + "main_score": 66.58949745906267 + }, + { + "hf_subset": "xho-eng", + "languages": [ + "xho-Latn", + "eng-Latn" + ], + "accuracy": 90.14084507042254, + "f1": 88.26291079812206, + "precision": 87.32394366197182, + "recall": 90.14084507042254, + "main_score": 88.26291079812206 + }, + { + "hf_subset": "orv-eng", + "languages": [ + "orv-Cyrl", + "eng-Latn" + ], + "accuracy": 64.67065868263472, + "f1": 58.2876627696987, + "precision": 55.79255774165953, + "recall": 64.67065868263472, + "main_score": 58.2876627696987 + }, + { + "hf_subset": "ind-eng", + "languages": [ + "ind-Latn", + "eng-Latn" + ], + "accuracy": 95.6, + "f1": 94.41666666666667, + "precision": 93.85, + "recall": 95.6, + "main_score": 94.41666666666667 + }, + { + "hf_subset": "tuk-eng", + "languages": [ + "tuk-Latn", + "eng-Latn" + ], + "accuracy": 55.172413793103445, + "f1": 49.63992493549144, + "precision": 47.71405113769646, + "recall": 55.172413793103445, + "main_score": 49.63992493549144 + }, + { + "hf_subset": "max-eng", + "languages": [ + "max-Deva", + "eng-Latn" + ], + "accuracy": 77.46478873239437, + "f1": 73.4417616811983, + "precision": 71.91607981220658, + "recall": 77.46478873239437, + "main_score": 73.4417616811983 + }, + { + "hf_subset": "swh-eng", + "languages": [ + "swh-Latn", + "eng-Latn" + ], + "accuracy": 84.61538461538461, + "f1": 80.91452991452994, + "precision": 79.33760683760683, + "recall": 84.61538461538461, + "main_score": 80.91452991452994 + }, + { + "hf_subset": "hin-eng", + "languages": [ + "hin-Deva", + "eng-Latn" + ], + "accuracy": 98.2, + "f1": 97.6, + "precision": 97.3, + "recall": 98.2, + "main_score": 97.6 + }, + { + "hf_subset": "dsb-eng", + "languages": [ + "dsb-Latn", + "eng-Latn" + ], + "accuracy": 75.5741127348643, + "f1": 72.00417536534445, + "precision": 70.53467872883321, + "recall": 75.5741127348643, + "main_score": 72.00417536534445 + }, + { + "hf_subset": "ber-eng", + "languages": [ + "ber-Tfng", + "eng-Latn" + ], + "accuracy": 62.2, + "f1": 55.577460317460314, + "precision": 52.98583333333333, + "recall": 62.2, + "main_score": 55.577460317460314 + }, + { + "hf_subset": "tam-eng", + "languages": [ + "tam-Taml", + "eng-Latn" + ], + "accuracy": 92.18241042345277, + "f1": 90.6468124709167, + "precision": 89.95656894679696, + "recall": 92.18241042345277, + "main_score": 90.6468124709167 + }, + { + "hf_subset": "slk-eng", + "languages": [ + "slk-Latn", + "eng-Latn" + ], + "accuracy": 96.1, + "f1": 95.13333333333333, + "precision": 94.66666666666667, + "recall": 96.1, + "main_score": 95.13333333333333 + }, + { + "hf_subset": "tgl-eng", + "languages": [ + "tgl-Latn", + "eng-Latn" + ], + "accuracy": 96.8, + "f1": 95.85000000000001, + "precision": 95.39999999999999, + "recall": 96.8, + "main_score": 95.85000000000001 + }, + { + "hf_subset": "ast-eng", + "languages": [ + "ast-Latn", + "eng-Latn" + ], + "accuracy": 92.1259842519685, + "f1": 89.76377952755905, + "precision": 88.71391076115485, + "recall": 92.1259842519685, + "main_score": 89.76377952755905 + }, + { + "hf_subset": "mkd-eng", + "languages": [ + "mkd-Cyrl", + "eng-Latn" + ], + "accuracy": 94.1, + "f1": 92.49, + "precision": 91.725, + "recall": 94.1, + "main_score": 92.49 + }, + { + "hf_subset": "khm-eng", + "languages": [ + "khm-Khmr", + "eng-Latn" + ], + "accuracy": 77.5623268698061, + "f1": 73.27364463791058, + "precision": 71.51947852086357, + "recall": 77.5623268698061, + "main_score": 73.27364463791058 + }, + { + "hf_subset": "ces-eng", + "languages": [ + "ces-Latn", + "eng-Latn" + ], + "accuracy": 97.39999999999999, + "f1": 96.56666666666666, + "precision": 96.16666666666667, + "recall": 97.39999999999999, + "main_score": 96.56666666666666 + }, + { + "hf_subset": "tzl-eng", + "languages": [ + "tzl-Latn", + "eng-Latn" + ], + "accuracy": 66.34615384615384, + "f1": 61.092032967032964, + "precision": 59.27197802197802, + "recall": 66.34615384615384, + "main_score": 61.092032967032964 + }, + { + "hf_subset": "urd-eng", + "languages": [ + "urd-Arab", + "eng-Latn" + ], + "accuracy": 94.89999999999999, + "f1": 93.41190476190476, + "precision": 92.7, + "recall": 94.89999999999999, + "main_score": 93.41190476190476 + }, + { + "hf_subset": "ara-eng", + "languages": [ + "ara-Arab", + "eng-Latn" + ], + "accuracy": 93.10000000000001, + "f1": 91.10000000000001, + "precision": 90.13333333333333, + "recall": 93.10000000000001, + "main_score": 91.10000000000001 + }, + { + "hf_subset": "kor-eng", + "languages": [ + "kor-Hang", + "eng-Latn" + ], + "accuracy": 93.7, + "f1": 91.97333333333334, + "precision": 91.14166666666667, + "recall": 93.7, + "main_score": 91.97333333333334 + }, + { + "hf_subset": "yid-eng", + "languages": [ + "yid-Hebr", + "eng-Latn" + ], + "accuracy": 92.21698113207547, + "f1": 90.3796046720575, + "precision": 89.56367924528303, + "recall": 92.21698113207547, + "main_score": 90.3796046720575 + }, + { + "hf_subset": "fin-eng", + "languages": [ + "fin-Latn", + "eng-Latn" + ], + "accuracy": 97.6, + "f1": 96.91666666666667, + "precision": 96.6, + "recall": 97.6, + "main_score": 96.91666666666667 + }, + { + "hf_subset": "tha-eng", + "languages": [ + "tha-Thai", + "eng-Latn" + ], + "accuracy": 97.44525547445255, + "f1": 96.71532846715328, + "precision": 96.35036496350365, + "recall": 97.44525547445255, + "main_score": 96.71532846715328 + }, + { + "hf_subset": "wuu-eng", + "languages": [ + "wuu-Hans", + "eng-Latn" + ], + "accuracy": 94.1, + "f1": 92.34000000000002, + "precision": 91.49166666666667, + "recall": 94.1, + "main_score": 92.34000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/Touche2020.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/Touche2020.json new file mode 100644 index 000000000..0456c493f --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.2910000000000004, + "map_at_10": 10.373000000000001, + "map_at_100": 15.612, + "map_at_1000": 17.06, + "map_at_3": 6.119, + "map_at_5": 7.917000000000001, + "mrr_at_1": 44.897999999999996, + "mrr_at_10": 56.054, + "mrr_at_100": 56.82000000000001, + "mrr_at_1000": 56.82000000000001, + "mrr_at_3": 52.381, + "mrr_at_5": 53.81, + "ndcg_at_1": 42.857, + "ndcg_at_10": 27.249000000000002, + "ndcg_at_100": 36.529, + "ndcg_at_1000": 48.136, + "ndcg_at_3": 33.938, + "ndcg_at_5": 29.951, + "precision_at_1": 44.897999999999996, + "precision_at_10": 22.653000000000002, + "precision_at_100": 7.000000000000001, + "precision_at_1000": 1.48, + "precision_at_3": 32.653, + "precision_at_5": 27.755000000000003, + "recall_at_1": 3.2910000000000004, + "recall_at_10": 16.16, + "recall_at_100": 43.908, + "recall_at_1000": 79.823, + "recall_at_3": 7.156, + "recall_at_5": 10.204, + "main_score": 27.249000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/ToxicConversationsClassification.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..06f16510b --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.05879999999999, + "ap": 14.609748142799111, + "f1": 54.878956295843096, + "main_score": 71.05879999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/TweetSentimentExtractionClassification.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..722f71eaf --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 64.61799660441426, + "f1": 64.8698191961434, + "main_score": 64.61799660441426 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/TwentyNewsgroupsClustering.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..2d30fd243 --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 51.32860036611885, + "main_score": 51.32860036611885 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/TwitterSemEval2015.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/TwitterSemEval2015.json new file mode 100644 index 000000000..b1993c41e --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.34714192048638, + "cos_sim_ap": 80.26732975975634, + "cos_sim_f1": 73.53415148134374, + "cos_sim_precision": 69.34767360299276, + "cos_sim_recall": 78.25857519788919, + "dot_accuracy": 88.34714192048638, + "dot_ap": 80.26733698491206, + "dot_f1": 73.53415148134374, + "dot_precision": 69.34767360299276, + "dot_recall": 78.25857519788919, + "euclidean_accuracy": 88.34714192048638, + "euclidean_ap": 80.26734337771738, + "euclidean_f1": 73.53415148134374, + "euclidean_precision": 69.34767360299276, + "euclidean_recall": 78.25857519788919, + "manhattan_accuracy": 88.30541813196639, + "manhattan_ap": 80.19415808104145, + "manhattan_f1": 73.55143870713441, + "manhattan_precision": 73.25307511122743, + "manhattan_recall": 73.85224274406332, + "max_accuracy": 88.34714192048638, + "max_ap": 80.26734337771738, + "max_f1": 73.55143870713441, + "main_score": 80.26734337771738 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/TwitterURLCorpus.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/TwitterURLCorpus.json new file mode 100644 index 000000000..25bf247d1 --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.81061047075717, + "cos_sim_ap": 87.11747055081017, + "cos_sim_f1": 80.04355498817256, + "cos_sim_precision": 78.1165262000733, + "cos_sim_recall": 82.06806282722513, + "dot_accuracy": 89.81061047075717, + "dot_ap": 87.11746902745236, + "dot_f1": 80.04355498817256, + "dot_precision": 78.1165262000733, + "dot_recall": 82.06806282722513, + "euclidean_accuracy": 89.81061047075717, + "euclidean_ap": 87.11746919324248, + "euclidean_f1": 80.04355498817256, + "euclidean_precision": 78.1165262000733, + "euclidean_recall": 82.06806282722513, + "manhattan_accuracy": 89.79508673885202, + "manhattan_ap": 87.11074390832218, + "manhattan_f1": 80.13002540726349, + "manhattan_precision": 77.83826945412311, + "manhattan_recall": 82.56082537727133, + "max_accuracy": 89.81061047075717, + "max_ap": 87.11747055081017, + "max_f1": 80.13002540726349, + "main_score": 87.11747055081017 + } + ] + } +} \ No newline at end of file diff --git a/results/Nextcloud-AI__multilingual-e5-large-instruct/external/model_meta.json b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/model_meta.json new file mode 100644 index 000000000..ad43f9ffc --- /dev/null +++ b/results/Nextcloud-AI__multilingual-e5-large-instruct/external/model_meta.json @@ -0,0 +1,117 @@ +{ + "name": "Nextcloud-AI/multilingual-e5-large-instruct", + "revision": "c9e87c786ffac96aeaeb42863276930883923ecb", + "release_date": "2024-09-27", + "languages": [ + "multilingual", + "af", + "am", + "ar", + "as", + "az", + "be", + "bg", + "bn", + "br", + "bs", + "ca", + "cs", + "cy", + "da", + "de", + "el", + "en", + "eo", + "es", + "et", + "eu", + "fa", + "fi", + "fr", + "fy", + "ga", + "gd", + "gl", + "gu", + "ha", + "he", + "hi", + "hr", + "hu", + "hy", + "id", + "is", + "it", + "ja", + "jv", + "ka", + "kk", + "km", + "kn", + "ko", + "ku", + "ky", + "la", + "lo", + "lt", + "lv", + "mg", + "mk", + "ml", + "mn", + "mr", + "ms", + "my", + "ne", + "nl", + "no", + "om", + "or", + "pa", + "pl", + "ps", + "pt", + "ro", + "ru", + "sa", + "sd", + "si", + "sk", + "sl", + "so", + "sq", + "sr", + "su", + "sv", + "sw", + "ta", + "te", + "th", + "tl", + "tr", + "ug", + "uk", + "ur", + "uz", + "vi", + "xh", + "yi", + "zh" + ], + "loader": null, + "n_parameters": 559890432, + "memory_usage": null, + "max_tokens": 514, + "embed_dim": 1024, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabert-all-nli-triplet-Matryoshka/external/BIOSSES.json b/results/Omartificial-Intelligence-Space__Arabert-all-nli-triplet-Matryoshka/external/BIOSSES.json new file mode 100644 index 000000000..9ec4a12ed --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabert-all-nli-triplet-Matryoshka/external/BIOSSES.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 67.88078975738149, + "cosine_spearman": 67.36900492799694, + "euclidean_pearson": 66.00402957388015, + "euclidean_spearman": 65.70270189991112, + "main_score": 67.36900492799694, + "manhattan_pearson": 66.54937895501651, + "manhattan_spearman": 66.12198856207587 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabert-all-nli-triplet-Matryoshka/external/SICK-R.json b/results/Omartificial-Intelligence-Space__Arabert-all-nli-triplet-Matryoshka/external/SICK-R.json new file mode 100644 index 000000000..7cdca72de --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabert-all-nli-triplet-Matryoshka/external/SICK-R.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 62.931439439697044, + "cosine_spearman": 57.64441663261227, + "euclidean_pearson": 61.119408834167835, + "euclidean_spearman": 57.42332323654558, + "main_score": 57.64441663261227, + "manhattan_pearson": 60.692516462749204, + "manhattan_spearman": 56.99349446063643 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabert-all-nli-triplet-Matryoshka/external/STS12.json b/results/Omartificial-Intelligence-Space__Arabert-all-nli-triplet-Matryoshka/external/STS12.json new file mode 100644 index 000000000..31af92c41 --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabert-all-nli-triplet-Matryoshka/external/STS12.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 70.42631404785132, + "cosine_spearman": 69.67060431422327, + "euclidean_pearson": 68.70261457119209, + "euclidean_spearman": 68.99597672902992, + "main_score": 69.67060431422327, + "manhattan_pearson": 67.99048393745159, + "manhattan_spearman": 68.1853179140009 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabert-all-nli-triplet-Matryoshka/external/STS13.json b/results/Omartificial-Intelligence-Space__Arabert-all-nli-triplet-Matryoshka/external/STS13.json new file mode 100644 index 000000000..29cba7642 --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabert-all-nli-triplet-Matryoshka/external/STS13.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 49.46916157874787, + "cosine_spearman": 51.95037157769884, + "euclidean_pearson": 55.17336596392549, + "euclidean_spearman": 54.312304378478835, + "main_score": 51.95037157769884, + "manhattan_pearson": 55.09060773902408, + "manhattan_spearman": 53.96813218977611 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabert-all-nli-triplet-Matryoshka/external/STS14.json b/results/Omartificial-Intelligence-Space__Arabert-all-nli-triplet-Matryoshka/external/STS14.json new file mode 100644 index 000000000..61381457d --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabert-all-nli-triplet-Matryoshka/external/STS14.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 54.37699141667456, + "cosine_spearman": 57.36607721958864, + "euclidean_pearson": 57.98000825695592, + "euclidean_spearman": 59.08844527739818, + "main_score": 57.36607721958864, + "manhattan_pearson": 57.588062173142106, + "manhattan_spearman": 58.35590953779109 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabert-all-nli-triplet-Matryoshka/external/STS15.json b/results/Omartificial-Intelligence-Space__Arabert-all-nli-triplet-Matryoshka/external/STS15.json new file mode 100644 index 000000000..f434cb472 --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabert-all-nli-triplet-Matryoshka/external/STS15.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 67.37948361289261, + "cosine_spearman": 70.0994395240558, + "euclidean_pearson": 70.28341277052768, + "euclidean_spearman": 70.11050982217422, + "main_score": 70.0994395240558, + "manhattan_pearson": 70.66000566140171, + "manhattan_spearman": 70.41742785288693 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabert-all-nli-triplet-Matryoshka/external/STS16.json b/results/Omartificial-Intelligence-Space__Arabert-all-nli-triplet-Matryoshka/external/STS16.json new file mode 100644 index 000000000..ed2d8fb73 --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabert-all-nli-triplet-Matryoshka/external/STS16.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 61.559501698409434, + "cosine_spearman": 65.04903130808405, + "euclidean_pearson": 63.92021058086694, + "euclidean_spearman": 64.22673046991633, + "main_score": 65.04903130808405, + "manhattan_pearson": 63.958100692077956, + "manhattan_spearman": 64.15057001708075 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabert-all-nli-triplet-Matryoshka/external/STS17.json b/results/Omartificial-Intelligence-Space__Arabert-all-nli-triplet-Matryoshka/external/STS17.json new file mode 100644 index 000000000..bdeded8ff --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabert-all-nli-triplet-Matryoshka/external/STS17.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "faeb762787bd10488a50c8b5be4a3b82e411949c", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "ar-ar", + "languages": [ + "ara-Arab" + ], + "cosine_pearson": 82.35377320218275, + "cosine_spearman": 83.15514468203664, + "euclidean_pearson": 80.56116685008965, + "euclidean_spearman": 82.38252301503367, + "main_score": 83.15514468203664, + "manhattan_pearson": 80.74794586574093, + "manhattan_spearman": 82.54224799581789 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabert-all-nli-triplet-Matryoshka/external/STS22.json b/results/Omartificial-Intelligence-Space__Arabert-all-nli-triplet-Matryoshka/external/STS22.json new file mode 100644 index 000000000..7baed63f5 --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabert-all-nli-triplet-Matryoshka/external/STS22.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "de9d86b3b84231dc21f76c7b7af1f28e2f57f6e3", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "cosine_pearson": 48.22154847597003, + "cosine_spearman": 58.29235719729918, + "euclidean_pearson": 51.54481297728728, + "euclidean_spearman": 58.990627664376674, + "main_score": 58.29235719729918, + "manhattan_pearson": 52.195039627338126, + "manhattan_spearman": 59.12018922641005 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabert-all-nli-triplet-Matryoshka/external/STSBenchmark.json b/results/Omartificial-Intelligence-Space__Arabert-all-nli-triplet-Matryoshka/external/STSBenchmark.json new file mode 100644 index 000000000..8e479d81c --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabert-all-nli-triplet-Matryoshka/external/STSBenchmark.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 59.50286436994106, + "cosine_spearman": 61.592426810014366, + "euclidean_pearson": 63.268627193788916, + "euclidean_spearman": 63.16239630067321, + "main_score": 61.592426810014366, + "manhattan_pearson": 62.95949714767757, + "manhattan_spearman": 62.687737378385364 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabert-all-nli-triplet-Matryoshka/external/SummEval.json b/results/Omartificial-Intelligence-Space__Arabert-all-nli-triplet-Matryoshka/external/SummEval.json new file mode 100644 index 000000000..63ad8475d --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabert-all-nli-triplet-Matryoshka/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 31.1427099547469, + "cosine_spearman": 31.32880594576111, + "dot_pearson": 25.98395652985614, + "dot_spearman": 25.30831374828529, + "main_score": 31.32880594576111, + "pearson": 31.1427099547469, + "spearman": 31.32880594576111 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabert-all-nli-triplet-Matryoshka/external/model_meta.json b/results/Omartificial-Intelligence-Space__Arabert-all-nli-triplet-Matryoshka/external/model_meta.json new file mode 100644 index 000000000..3a9d6d03c --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabert-all-nli-triplet-Matryoshka/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "Omartificial-Intelligence-Space/Arabert-all-nli-triplet-Matryoshka", + "revision": "d0361a36f6fe69febfc8550d0918abab174f6f30", + "release_date": "2024-06-16", + "languages": [ + "ar" + ], + "loader": null, + "n_parameters": 135193344, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 768, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabic-MiniLM-L12-v2-all-nli-triplet/external/BIOSSES.json b/results/Omartificial-Intelligence-Space__Arabic-MiniLM-L12-v2-all-nli-triplet/external/BIOSSES.json new file mode 100644 index 000000000..8857e1a01 --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabic-MiniLM-L12-v2-all-nli-triplet/external/BIOSSES.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 72.5081840952171, + "cosine_spearman": 69.41362982941537, + "euclidean_pearson": 67.45121490183709, + "euclidean_spearman": 67.15273493989758, + "main_score": 69.41362982941537, + "manhattan_pearson": 67.6119022794479, + "manhattan_spearman": 67.51659865246586 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabic-MiniLM-L12-v2-all-nli-triplet/external/SICK-R.json b/results/Omartificial-Intelligence-Space__Arabic-MiniLM-L12-v2-all-nli-triplet/external/SICK-R.json new file mode 100644 index 000000000..64b9e1c1c --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabic-MiniLM-L12-v2-all-nli-triplet/external/SICK-R.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 83.61591268324493, + "cosine_spearman": 79.61914245705792, + "euclidean_pearson": 81.32044881859483, + "euclidean_spearman": 79.04866675279919, + "main_score": 79.61914245705792, + "manhattan_pearson": 81.09220518201322, + "manhattan_spearman": 78.87590523907905 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabic-MiniLM-L12-v2-all-nli-triplet/external/STS12.json b/results/Omartificial-Intelligence-Space__Arabic-MiniLM-L12-v2-all-nli-triplet/external/STS12.json new file mode 100644 index 000000000..71e2a9dea --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabic-MiniLM-L12-v2-all-nli-triplet/external/STS12.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 84.59807803376341, + "cosine_spearman": 77.38689922564416, + "euclidean_pearson": 83.92034850646732, + "euclidean_spearman": 76.75857193093438, + "main_score": 77.38689922564416, + "manhattan_pearson": 83.97191863964667, + "manhattan_spearman": 76.89790070725708 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabic-MiniLM-L12-v2-all-nli-triplet/external/STS13.json b/results/Omartificial-Intelligence-Space__Arabic-MiniLM-L12-v2-all-nli-triplet/external/STS13.json new file mode 100644 index 000000000..917a522b8 --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabic-MiniLM-L12-v2-all-nli-triplet/external/STS13.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 78.18664268536664, + "cosine_spearman": 79.58989311630421, + "euclidean_pearson": 79.25259731614729, + "euclidean_spearman": 80.1701122827397, + "main_score": 79.58989311630421, + "manhattan_pearson": 79.12601451996869, + "manhattan_spearman": 79.98999436073663 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabic-MiniLM-L12-v2-all-nli-triplet/external/STS14.json b/results/Omartificial-Intelligence-Space__Arabic-MiniLM-L12-v2-all-nli-triplet/external/STS14.json new file mode 100644 index 000000000..6dab35bee --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabic-MiniLM-L12-v2-all-nli-triplet/external/STS14.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 80.97541876658141, + "cosine_spearman": 79.78614320477877, + "euclidean_pearson": 81.01514505747167, + "euclidean_spearman": 80.73664735567839, + "main_score": 79.78614320477877, + "manhattan_pearson": 80.8746560526314, + "manhattan_spearman": 80.67025673179079 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabic-MiniLM-L12-v2-all-nli-triplet/external/STS15.json b/results/Omartificial-Intelligence-Space__Arabic-MiniLM-L12-v2-all-nli-triplet/external/STS15.json new file mode 100644 index 000000000..cbeed775e --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabic-MiniLM-L12-v2-all-nli-triplet/external/STS15.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 85.23661155813113, + "cosine_spearman": 86.21134464371615, + "euclidean_pearson": 85.82518684522182, + "euclidean_spearman": 86.43600784349509, + "main_score": 86.21134464371615, + "manhattan_pearson": 85.83101152371589, + "manhattan_spearman": 86.42228695679498 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabic-MiniLM-L12-v2-all-nli-triplet/external/STS16.json b/results/Omartificial-Intelligence-Space__Arabic-MiniLM-L12-v2-all-nli-triplet/external/STS16.json new file mode 100644 index 000000000..3dd2108e7 --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabic-MiniLM-L12-v2-all-nli-triplet/external/STS16.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 79.20106689077852, + "cosine_spearman": 81.39570893867825, + "euclidean_pearson": 80.39578888768929, + "euclidean_spearman": 81.19950443340412, + "main_score": 81.39570893867825, + "manhattan_pearson": 80.2226679341839, + "manhattan_spearman": 80.99142422593823 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabic-MiniLM-L12-v2-all-nli-triplet/external/STS17.json b/results/Omartificial-Intelligence-Space__Arabic-MiniLM-L12-v2-all-nli-triplet/external/STS17.json new file mode 100644 index 000000000..a98d066d1 --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabic-MiniLM-L12-v2-all-nli-triplet/external/STS17.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "faeb762787bd10488a50c8b5be4a3b82e411949c", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "ar-ar", + "languages": [ + "ara-Arab" + ], + "cosine_pearson": 81.05294851623468, + "cosine_spearman": 81.10570655134113, + "euclidean_pearson": 79.22292773537778, + "euclidean_spearman": 78.84204232638425, + "main_score": 81.10570655134113, + "manhattan_pearson": 79.43750460320484, + "manhattan_spearman": 79.33713593557482 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabic-MiniLM-L12-v2-all-nli-triplet/external/STS22.json b/results/Omartificial-Intelligence-Space__Arabic-MiniLM-L12-v2-all-nli-triplet/external/STS22.json new file mode 100644 index 000000000..6fd9e2296 --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabic-MiniLM-L12-v2-all-nli-triplet/external/STS22.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "de9d86b3b84231dc21f76c7b7af1f28e2f57f6e3", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "cosine_pearson": 45.96875498680092, + "cosine_spearman": 52.405509117149904, + "euclidean_pearson": 42.097450896728226, + "euclidean_spearman": 50.89022884113707, + "main_score": 52.405509117149904, + "manhattan_pearson": 42.22827727075534, + "manhattan_spearman": 50.912841055442634 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabic-MiniLM-L12-v2-all-nli-triplet/external/STSBenchmark.json b/results/Omartificial-Intelligence-Space__Arabic-MiniLM-L12-v2-all-nli-triplet/external/STSBenchmark.json new file mode 100644 index 000000000..4e532e378 --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabic-MiniLM-L12-v2-all-nli-triplet/external/STSBenchmark.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 83.13261516884116, + "cosine_spearman": 84.3492527221498, + "euclidean_pearson": 82.691603178401, + "euclidean_spearman": 83.0499566200785, + "main_score": 84.3492527221498, + "manhattan_pearson": 82.68307441014618, + "manhattan_spearman": 83.01315787964519 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabic-MiniLM-L12-v2-all-nli-triplet/external/SummEval.json b/results/Omartificial-Intelligence-Space__Arabic-MiniLM-L12-v2-all-nli-triplet/external/SummEval.json new file mode 100644 index 000000000..b3b7e4bcf --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabic-MiniLM-L12-v2-all-nli-triplet/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 31.149232235402845, + "cosine_spearman": 30.685504130606255, + "dot_pearson": 27.466307571160375, + "dot_spearman": 28.93064261485915, + "main_score": 30.685504130606255, + "pearson": 31.149232235402845, + "spearman": 30.685504130606255 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabic-MiniLM-L12-v2-all-nli-triplet/external/model_meta.json b/results/Omartificial-Intelligence-Space__Arabic-MiniLM-L12-v2-all-nli-triplet/external/model_meta.json new file mode 100644 index 000000000..e6e75ca32 --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabic-MiniLM-L12-v2-all-nli-triplet/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "Omartificial-Intelligence-Space/Arabic-MiniLM-L12-v2-all-nli-triplet", + "revision": "6916465c43b984e955aa6dc72851474f0128f428", + "release_date": "2024-06-25", + "languages": [ + "ar" + ], + "loader": null, + "n_parameters": 117653760, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 384, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabic-all-nli-triplet-Matryoshka/external/BIOSSES.json b/results/Omartificial-Intelligence-Space__Arabic-all-nli-triplet-Matryoshka/external/BIOSSES.json new file mode 100644 index 000000000..30b52f9c1 --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabic-all-nli-triplet-Matryoshka/external/BIOSSES.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 81.20578037912223, + "cosine_spearman": 77.43670420687278, + "euclidean_pearson": 74.60444698819703, + "euclidean_spearman": 72.25767053642666, + "main_score": 77.43670420687278, + "manhattan_pearson": 73.86951335383257, + "manhattan_spearman": 71.41608509527123 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabic-all-nli-triplet-Matryoshka/external/SICK-R.json b/results/Omartificial-Intelligence-Space__Arabic-all-nli-triplet-Matryoshka/external/SICK-R.json new file mode 100644 index 000000000..23ac2c0e3 --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabic-all-nli-triplet-Matryoshka/external/SICK-R.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 83.11155556919923, + "cosine_spearman": 79.39435627520159, + "euclidean_pearson": 81.05225024180342, + "euclidean_spearman": 79.09926890001618, + "main_score": 79.39435627520159, + "manhattan_pearson": 80.74351302609706, + "manhattan_spearman": 78.826254748334 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabic-all-nli-triplet-Matryoshka/external/STS12.json b/results/Omartificial-Intelligence-Space__Arabic-all-nli-triplet-Matryoshka/external/STS12.json new file mode 100644 index 000000000..9e0bfc0a4 --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabic-all-nli-triplet-Matryoshka/external/STS12.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 85.10074960888633, + "cosine_spearman": 78.93043293576132, + "euclidean_pearson": 84.1168219787408, + "euclidean_spearman": 78.44739559202252, + "main_score": 78.93043293576132, + "manhattan_pearson": 83.79447841594396, + "manhattan_spearman": 77.94028171700384 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabic-all-nli-triplet-Matryoshka/external/STS13.json b/results/Omartificial-Intelligence-Space__Arabic-all-nli-triplet-Matryoshka/external/STS13.json new file mode 100644 index 000000000..02c21c942 --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabic-all-nli-triplet-Matryoshka/external/STS13.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 81.34459901517775, + "cosine_spearman": 82.73032633919925, + "euclidean_pearson": 82.83546499367434, + "euclidean_spearman": 83.29701673615389, + "main_score": 82.73032633919925, + "manhattan_pearson": 82.63480502797324, + "manhattan_spearman": 83.05016589615636 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabic-all-nli-triplet-Matryoshka/external/STS14.json b/results/Omartificial-Intelligence-Space__Arabic-all-nli-triplet-Matryoshka/external/STS14.json new file mode 100644 index 000000000..fbd29309d --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabic-all-nli-triplet-Matryoshka/external/STS14.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 82.53179983763488, + "cosine_spearman": 81.64974497557361, + "euclidean_pearson": 83.03981070806898, + "euclidean_spearman": 82.65556168300631, + "main_score": 81.64974497557361, + "manhattan_pearson": 82.83722360191446, + "manhattan_spearman": 82.4164264119 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabic-all-nli-triplet-Matryoshka/external/STS15.json b/results/Omartificial-Intelligence-Space__Arabic-all-nli-triplet-Matryoshka/external/STS15.json new file mode 100644 index 000000000..f0f373195 --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabic-all-nli-triplet-Matryoshka/external/STS15.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 86.5684162475647, + "cosine_spearman": 87.62163215009723, + "euclidean_pearson": 87.3068288651339, + "euclidean_spearman": 88.03508640722863, + "main_score": 87.62163215009723, + "manhattan_pearson": 87.21818681800193, + "manhattan_spearman": 87.94690511382603 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabic-all-nli-triplet-Matryoshka/external/STS16.json b/results/Omartificial-Intelligence-Space__Arabic-all-nli-triplet-Matryoshka/external/STS16.json new file mode 100644 index 000000000..ef317dccc --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabic-all-nli-triplet-Matryoshka/external/STS16.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 81.70518105237446, + "cosine_spearman": 83.66083698795428, + "euclidean_pearson": 82.80400684544435, + "euclidean_spearman": 83.39926895275799, + "main_score": 83.66083698795428, + "manhattan_pearson": 82.44430538731845, + "manhattan_spearman": 82.99600783826028 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabic-all-nli-triplet-Matryoshka/external/STS17.json b/results/Omartificial-Intelligence-Space__Arabic-all-nli-triplet-Matryoshka/external/STS17.json new file mode 100644 index 000000000..4830f978b --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabic-all-nli-triplet-Matryoshka/external/STS17.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "faeb762787bd10488a50c8b5be4a3b82e411949c", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "ar-ar", + "languages": [ + "ara-Arab" + ], + "cosine_pearson": 82.23229967696153, + "cosine_spearman": 82.40039006538706, + "euclidean_pearson": 79.21322872573518, + "euclidean_spearman": 79.14230529579783, + "main_score": 82.40039006538706, + "manhattan_pearson": 79.1476348987964, + "manhattan_spearman": 78.82381660638143 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabic-all-nli-triplet-Matryoshka/external/STS22.json b/results/Omartificial-Intelligence-Space__Arabic-all-nli-triplet-Matryoshka/external/STS22.json new file mode 100644 index 000000000..4a700b274 --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabic-all-nli-triplet-Matryoshka/external/STS22.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "de9d86b3b84231dc21f76c7b7af1f28e2f57f6e3", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "cosine_pearson": 45.95767124518871, + "cosine_spearman": 51.37922888872568, + "euclidean_pearson": 45.519471121310126, + "euclidean_spearman": 51.45605803385654, + "main_score": 51.37922888872568, + "manhattan_pearson": 45.98761117909666, + "manhattan_spearman": 51.48451973989366 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabic-all-nli-triplet-Matryoshka/external/STSBenchmark.json b/results/Omartificial-Intelligence-Space__Arabic-all-nli-triplet-Matryoshka/external/STSBenchmark.json new file mode 100644 index 000000000..284ba3df2 --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabic-all-nli-triplet-Matryoshka/external/STSBenchmark.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 85.38916827757183, + "cosine_spearman": 86.16303183485594, + "euclidean_pearson": 85.16406897245115, + "euclidean_spearman": 85.40364087457081, + "main_score": 86.16303183485594, + "manhattan_pearson": 84.96853193915084, + "manhattan_spearman": 85.13238442843544 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabic-all-nli-triplet-Matryoshka/external/SummEval.json b/results/Omartificial-Intelligence-Space__Arabic-all-nli-triplet-Matryoshka/external/SummEval.json new file mode 100644 index 000000000..25cb181b5 --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabic-all-nli-triplet-Matryoshka/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 30.077426987171158, + "cosine_spearman": 30.163682020271608, + "dot_pearson": 27.31125295906803, + "dot_spearman": 29.138235153208193, + "main_score": 30.163682020271608, + "pearson": 30.077426987171158, + "spearman": 30.163682020271608 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabic-all-nli-triplet-Matryoshka/external/model_meta.json b/results/Omartificial-Intelligence-Space__Arabic-all-nli-triplet-Matryoshka/external/model_meta.json new file mode 100644 index 000000000..2bbda65a3 --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabic-all-nli-triplet-Matryoshka/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "Omartificial-Intelligence-Space/Arabic-all-nli-triplet-Matryoshka", + "revision": "1ca467cc576bd76666a4d21b24ee43afa914dd10", + "release_date": "2024-06-14", + "languages": [ + "ar" + ], + "loader": null, + "n_parameters": 278043648, + "memory_usage": null, + "max_tokens": 514, + "embed_dim": 768, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabic-labse-Matryoshka/external/BIOSSES.json b/results/Omartificial-Intelligence-Space__Arabic-labse-Matryoshka/external/BIOSSES.json new file mode 100644 index 000000000..14ef92808 --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabic-labse-Matryoshka/external/BIOSSES.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 76.46793440999714, + "cosine_spearman": 76.66439745271298, + "euclidean_pearson": 76.52075972347127, + "euclidean_spearman": 76.66439745271298, + "main_score": 76.66439745271298, + "manhattan_pearson": 76.68001857069733, + "manhattan_spearman": 76.73066402288269 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabic-labse-Matryoshka/external/SICK-R.json b/results/Omartificial-Intelligence-Space__Arabic-labse-Matryoshka/external/SICK-R.json new file mode 100644 index 000000000..e174b22b1 --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabic-labse-Matryoshka/external/SICK-R.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 79.67657890693198, + "cosine_spearman": 77.03286420274621, + "euclidean_pearson": 78.1960735272073, + "euclidean_spearman": 77.032855497919, + "main_score": 77.03286420274621, + "manhattan_pearson": 78.25627275994229, + "manhattan_spearman": 77.00430810589081 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabic-labse-Matryoshka/external/STS12.json b/results/Omartificial-Intelligence-Space__Arabic-labse-Matryoshka/external/STS12.json new file mode 100644 index 000000000..e61a8237d --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabic-labse-Matryoshka/external/STS12.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 83.94288954523996, + "cosine_spearman": 79.21432176112556, + "euclidean_pearson": 81.21333251943913, + "euclidean_spearman": 79.2152067330468, + "main_score": 79.21432176112556, + "manhattan_pearson": 81.16910737482634, + "manhattan_spearman": 79.08756466301445 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabic-labse-Matryoshka/external/STS13.json b/results/Omartificial-Intelligence-Space__Arabic-labse-Matryoshka/external/STS13.json new file mode 100644 index 000000000..59d40fe77 --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabic-labse-Matryoshka/external/STS13.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 77.48393909963059, + "cosine_spearman": 79.54963868861196, + "euclidean_pearson": 79.28416002197451, + "euclidean_spearman": 79.54963861790114, + "main_score": 79.54963868861196, + "manhattan_pearson": 79.18653917582513, + "manhattan_spearman": 79.46713533414295 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabic-labse-Matryoshka/external/STS14.json b/results/Omartificial-Intelligence-Space__Arabic-labse-Matryoshka/external/STS14.json new file mode 100644 index 000000000..613fa1f86 --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabic-labse-Matryoshka/external/STS14.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 78.51596313692846, + "cosine_spearman": 78.84601702652395, + "euclidean_pearson": 78.55199809961427, + "euclidean_spearman": 78.84603362286225, + "main_score": 78.84601702652395, + "manhattan_pearson": 78.52780170677605, + "manhattan_spearman": 78.77744294039178 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabic-labse-Matryoshka/external/STS15.json b/results/Omartificial-Intelligence-Space__Arabic-labse-Matryoshka/external/STS15.json new file mode 100644 index 000000000..1f59bc1eb --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabic-labse-Matryoshka/external/STS15.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 84.53393478889929, + "cosine_spearman": 85.60821849381648, + "euclidean_pearson": 85.32813923250558, + "euclidean_spearman": 85.6081835456016, + "main_score": 85.60821849381648, + "manhattan_pearson": 85.32782097916476, + "manhattan_spearman": 85.58098670898562 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabic-labse-Matryoshka/external/STS16.json b/results/Omartificial-Intelligence-Space__Arabic-labse-Matryoshka/external/STS16.json new file mode 100644 index 000000000..49e894c78 --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabic-labse-Matryoshka/external/STS16.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 77.00196998325856, + "cosine_spearman": 79.930951699069, + "euclidean_pearson": 79.43196738390897, + "euclidean_spearman": 79.93095112410258, + "main_score": 79.930951699069, + "manhattan_pearson": 79.33744358111427, + "manhattan_spearman": 79.82939266539601 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabic-labse-Matryoshka/external/STS17.json b/results/Omartificial-Intelligence-Space__Arabic-labse-Matryoshka/external/STS17.json new file mode 100644 index 000000000..e25efe923 --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabic-labse-Matryoshka/external/STS17.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "faeb762787bd10488a50c8b5be4a3b82e411949c", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "ar-ar", + "languages": [ + "ara-Arab" + ], + "cosine_pearson": 81.60289529424327, + "cosine_spearman": 82.46806381979653, + "euclidean_pearson": 81.32235058296072, + "euclidean_spearman": 82.46676890643914, + "main_score": 82.46806381979653, + "manhattan_pearson": 81.43885277175312, + "manhattan_spearman": 82.38955952718666 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabic-labse-Matryoshka/external/STS22.json b/results/Omartificial-Intelligence-Space__Arabic-labse-Matryoshka/external/STS22.json new file mode 100644 index 000000000..c49461107 --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabic-labse-Matryoshka/external/STS22.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "de9d86b3b84231dc21f76c7b7af1f28e2f57f6e3", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "cosine_pearson": 49.58293768761314, + "cosine_spearman": 57.261888789832874, + "euclidean_pearson": 53.36549109538782, + "euclidean_spearman": 57.261888789832874, + "main_score": 57.261888789832874, + "manhattan_pearson": 53.06640323833928, + "manhattan_spearman": 57.05837935512948 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabic-labse-Matryoshka/external/STSBenchmark.json b/results/Omartificial-Intelligence-Space__Arabic-labse-Matryoshka/external/STSBenchmark.json new file mode 100644 index 000000000..91960ab05 --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabic-labse-Matryoshka/external/STSBenchmark.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 81.43997935928729, + "cosine_spearman": 82.04996129795596, + "euclidean_pearson": 82.01917866996972, + "euclidean_spearman": 82.04996129795596, + "main_score": 82.04996129795596, + "manhattan_pearson": 82.03487112040936, + "manhattan_spearman": 82.03774605775651 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabic-labse-Matryoshka/external/SummEval.json b/results/Omartificial-Intelligence-Space__Arabic-labse-Matryoshka/external/SummEval.json new file mode 100644 index 000000000..2b9b49adb --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabic-labse-Matryoshka/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 32.113475997147674, + "cosine_spearman": 32.17194233764879, + "dot_pearson": 32.113469728827255, + "dot_spearman": 32.174771315355386, + "main_score": 32.17194233764879, + "pearson": 32.113475997147674, + "spearman": 32.17194233764879 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabic-labse-Matryoshka/external/model_meta.json b/results/Omartificial-Intelligence-Space__Arabic-labse-Matryoshka/external/model_meta.json new file mode 100644 index 000000000..2972a823a --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabic-labse-Matryoshka/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "Omartificial-Intelligence-Space/Arabic-labse-Matryoshka", + "revision": "ee6d5e33c78ed582ade47fd452a74ea52aa5bfe2", + "release_date": "2024-06-16", + "languages": [ + "ar" + ], + "loader": null, + "n_parameters": 470926848, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 768, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabic-mpnet-base-all-nli-triplet/external/BIOSSES.json b/results/Omartificial-Intelligence-Space__Arabic-mpnet-base-all-nli-triplet/external/BIOSSES.json new file mode 100644 index 000000000..c1888ed26 --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabic-mpnet-base-all-nli-triplet/external/BIOSSES.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 69.84925402371587, + "cosine_spearman": 67.12261377163864, + "euclidean_pearson": 68.77931734192, + "euclidean_spearman": 67.10454107068325, + "main_score": 67.12261377163864, + "manhattan_pearson": 69.39988076793398, + "manhattan_spearman": 67.68708446481159 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabic-mpnet-base-all-nli-triplet/external/SICK-R.json b/results/Omartificial-Intelligence-Space__Arabic-mpnet-base-all-nli-triplet/external/SICK-R.json new file mode 100644 index 000000000..dd312771e --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabic-mpnet-base-all-nli-triplet/external/SICK-R.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 72.71925116055804, + "cosine_spearman": 68.9386835022992, + "euclidean_pearson": 71.00708266525079, + "euclidean_spearman": 69.07087906196487, + "main_score": 68.9386835022992, + "manhattan_pearson": 70.95266060047263, + "manhattan_spearman": 69.11051988196195 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabic-mpnet-base-all-nli-triplet/external/STS12.json b/results/Omartificial-Intelligence-Space__Arabic-mpnet-base-all-nli-triplet/external/STS12.json new file mode 100644 index 000000000..ec14745ca --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabic-mpnet-base-all-nli-triplet/external/STS12.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 71.67274455692545, + "cosine_spearman": 68.71669873972587, + "euclidean_pearson": 69.79037485042406, + "euclidean_spearman": 68.80550150752252, + "main_score": 68.71669873972587, + "manhattan_pearson": 69.7571283034187, + "manhattan_spearman": 68.58306466019968 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabic-mpnet-base-all-nli-triplet/external/STS13.json b/results/Omartificial-Intelligence-Space__Arabic-mpnet-base-all-nli-triplet/external/STS13.json new file mode 100644 index 000000000..696091622 --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabic-mpnet-base-all-nli-triplet/external/STS13.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 54.172888286882504, + "cosine_spearman": 56.04247097489131, + "euclidean_pearson": 57.88587934777827, + "euclidean_spearman": 57.6139294630564, + "main_score": 56.04247097489131, + "manhattan_pearson": 57.616116618991185, + "manhattan_spearman": 57.23150380799801 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabic-mpnet-base-all-nli-triplet/external/STS14.json b/results/Omartificial-Intelligence-Space__Arabic-mpnet-base-all-nli-triplet/external/STS14.json new file mode 100644 index 000000000..c35e55652 --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabic-mpnet-base-all-nli-triplet/external/STS14.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 59.58820914531488, + "cosine_spearman": 58.80575077741524, + "euclidean_pearson": 61.1884427988923, + "euclidean_spearman": 60.661625936116124, + "main_score": 58.80575077741524, + "manhattan_pearson": 60.800157410891885, + "manhattan_spearman": 60.29447727072491 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabic-mpnet-base-all-nli-triplet/external/STS15.json b/results/Omartificial-Intelligence-Space__Arabic-mpnet-base-all-nli-triplet/external/STS15.json new file mode 100644 index 000000000..cdf6c63da --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabic-mpnet-base-all-nli-triplet/external/STS15.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 73.45220638967554, + "cosine_spearman": 73.74453589715445, + "euclidean_pearson": 73.8887071337604, + "euclidean_spearman": 73.51752094057372, + "main_score": 73.74453589715445, + "manhattan_pearson": 73.45961523235827, + "manhattan_spearman": 73.07675481848841 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabic-mpnet-base-all-nli-triplet/external/STS16.json b/results/Omartificial-Intelligence-Space__Arabic-mpnet-base-all-nli-triplet/external/STS16.json new file mode 100644 index 000000000..356a77f73 --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabic-mpnet-base-all-nli-triplet/external/STS16.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 66.84132105540075, + "cosine_spearman": 68.24735989887876, + "euclidean_pearson": 68.2712231484699, + "euclidean_spearman": 68.02365271737838, + "main_score": 68.24735989887876, + "manhattan_pearson": 67.87379902773417, + "manhattan_spearman": 67.65342499070456 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabic-mpnet-base-all-nli-triplet/external/STS17.json b/results/Omartificial-Intelligence-Space__Arabic-mpnet-base-all-nli-triplet/external/STS17.json new file mode 100644 index 000000000..9b473af75 --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabic-mpnet-base-all-nli-triplet/external/STS17.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "faeb762787bd10488a50c8b5be4a3b82e411949c", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "ar-ar", + "languages": [ + "ara-Arab" + ], + "cosine_pearson": 79.2987412566616, + "cosine_spearman": 79.93275889323859, + "euclidean_pearson": 77.90301430319637, + "euclidean_spearman": 79.12169562085792, + "main_score": 79.93275889323859, + "manhattan_pearson": 77.93298637610417, + "manhattan_spearman": 79.38516109229111 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabic-mpnet-base-all-nli-triplet/external/STS22.json b/results/Omartificial-Intelligence-Space__Arabic-mpnet-base-all-nli-triplet/external/STS22.json new file mode 100644 index 000000000..4d1729a68 --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabic-mpnet-base-all-nli-triplet/external/STS22.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "de9d86b3b84231dc21f76c7b7af1f28e2f57f6e3", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "cosine_pearson": 46.955019830396445, + "cosine_spearman": 52.44226852669887, + "euclidean_pearson": 42.80891863181744, + "euclidean_spearman": 53.175461247693704, + "main_score": 52.44226852669887, + "manhattan_pearson": 42.97005510727849, + "manhattan_spearman": 53.158087426369825 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabic-mpnet-base-all-nli-triplet/external/STSBenchmark.json b/results/Omartificial-Intelligence-Space__Arabic-mpnet-base-all-nli-triplet/external/STSBenchmark.json new file mode 100644 index 000000000..9c64819ab --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabic-mpnet-base-all-nli-triplet/external/STSBenchmark.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 66.99025999216197, + "cosine_spearman": 67.56341643518167, + "euclidean_pearson": 69.73441598964332, + "euclidean_spearman": 68.72541136876826, + "main_score": 67.56341643518167, + "manhattan_pearson": 69.43492004000674, + "manhattan_spearman": 68.39614969063062 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabic-mpnet-base-all-nli-triplet/external/SummEval.json b/results/Omartificial-Intelligence-Space__Arabic-mpnet-base-all-nli-triplet/external/SummEval.json new file mode 100644 index 000000000..58744635a --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabic-mpnet-base-all-nli-triplet/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 30.13248188083236, + "cosine_spearman": 28.78575545661001, + "dot_pearson": 30.934754821379464, + "dot_spearman": 29.730792596057093, + "main_score": 28.78575545661001, + "pearson": 30.13248188083236, + "spearman": 28.78575545661001 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Arabic-mpnet-base-all-nli-triplet/external/model_meta.json b/results/Omartificial-Intelligence-Space__Arabic-mpnet-base-all-nli-triplet/external/model_meta.json new file mode 100644 index 000000000..e63055c43 --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Arabic-mpnet-base-all-nli-triplet/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "Omartificial-Intelligence-Space/Arabic-mpnet-base-all-nli-triplet", + "revision": "2628cb641e040f44328195fadcdfb58e6d5cffa7", + "release_date": "2024-06-15", + "languages": [ + "ar" + ], + "loader": null, + "n_parameters": 109486464, + "memory_usage": null, + "max_tokens": 514, + "embed_dim": 768, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__GATE-AraBert-v1/external/STS17.json b/results/Omartificial-Intelligence-Space__GATE-AraBert-v1/external/STS17.json new file mode 100644 index 000000000..032e7bba2 --- /dev/null +++ b/results/Omartificial-Intelligence-Space__GATE-AraBert-v1/external/STS17.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "faeb762787bd10488a50c8b5be4a3b82e411949c", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "ar-ar", + "languages": [ + "ara-Arab" + ], + "cosine_pearson": 82.06597171670848, + "cosine_spearman": 82.7809395809498, + "euclidean_pearson": 79.23996991139896, + "euclidean_spearman": 81.5287595404711, + "main_score": 82.7809395809498, + "manhattan_pearson": 78.95407006608013, + "manhattan_spearman": 81.15109493737467 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__GATE-AraBert-v1/external/STS22.v2.json b/results/Omartificial-Intelligence-Space__GATE-AraBert-v1/external/STS22.v2.json new file mode 100644 index 000000000..c0d343df5 --- /dev/null +++ b/results/Omartificial-Intelligence-Space__GATE-AraBert-v1/external/STS22.v2.json @@ -0,0 +1,36 @@ +{ + "dataset_revision": "d31f33a128469b20e357535c39b82fb3c3f6f2bd", + "task_name": "STS22.v2", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "cosine_pearson": 54.912880452465004, + "cosine_spearman": 63.09788380910325, + "euclidean_pearson": 57.92665617677832, + "euclidean_spearman": 62.76032598469037, + "main_score": 63.09788380910325, + "manhattan_pearson": 58.0736648155273, + "manhattan_spearman": 62.94190582776664 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "cosine_pearson": 51.72534929358701, + "cosine_spearman": 59.75149627160101, + "euclidean_pearson": 53.894835373598774, + "euclidean_spearman": 59.44278354697161, + "main_score": 59.75149627160101, + "manhattan_pearson": 54.076675975406985, + "manhattan_spearman": 59.610061143235725 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__GATE-AraBert-v1/external/model_meta.json b/results/Omartificial-Intelligence-Space__GATE-AraBert-v1/external/model_meta.json new file mode 100644 index 000000000..acde5fd62 --- /dev/null +++ b/results/Omartificial-Intelligence-Space__GATE-AraBert-v1/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "Omartificial-Intelligence-Space/GATE-AraBert-v1", + "revision": "ba615293591170c72c49755cf46a777aa373bc3a", + "release_date": "2024-08-03", + "languages": [ + "ar" + ], + "loader": null, + "n_parameters": 135193344, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 768, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Marbert-all-nli-triplet-Matryoshka/external/BIOSSES.json b/results/Omartificial-Intelligence-Space__Marbert-all-nli-triplet-Matryoshka/external/BIOSSES.json new file mode 100644 index 000000000..9a0d9fea7 --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Marbert-all-nli-triplet-Matryoshka/external/BIOSSES.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 49.25240527202211, + "cosine_spearman": 51.87708566904703, + "euclidean_pearson": 49.790877425774696, + "euclidean_spearman": 51.725274981021855, + "main_score": 51.87708566904703, + "manhattan_pearson": 52.31560776967401, + "manhattan_spearman": 54.28979124658997 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Marbert-all-nli-triplet-Matryoshka/external/SICK-R.json b/results/Omartificial-Intelligence-Space__Marbert-all-nli-triplet-Matryoshka/external/SICK-R.json new file mode 100644 index 000000000..1a1e2d382 --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Marbert-all-nli-triplet-Matryoshka/external/SICK-R.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 65.81089479351829, + "cosine_spearman": 65.80163441928238, + "euclidean_pearson": 65.2718874370746, + "euclidean_spearman": 65.92429031695988, + "main_score": 65.80163441928238, + "manhattan_pearson": 65.28701419332383, + "manhattan_spearman": 65.94229793651319 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Marbert-all-nli-triplet-Matryoshka/external/STS12.json b/results/Omartificial-Intelligence-Space__Marbert-all-nli-triplet-Matryoshka/external/STS12.json new file mode 100644 index 000000000..8068451d4 --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Marbert-all-nli-triplet-Matryoshka/external/STS12.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 65.11346939995998, + "cosine_spearman": 63.00297824477175, + "euclidean_pearson": 63.85320097970942, + "euclidean_spearman": 63.25151047701848, + "main_score": 63.00297824477175, + "manhattan_pearson": 64.40291990853984, + "manhattan_spearman": 63.63497232399945 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Marbert-all-nli-triplet-Matryoshka/external/STS13.json b/results/Omartificial-Intelligence-Space__Marbert-all-nli-triplet-Matryoshka/external/STS13.json new file mode 100644 index 000000000..df909e087 --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Marbert-all-nli-triplet-Matryoshka/external/STS13.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 52.2735823521702, + "cosine_spearman": 52.23198766098021, + "euclidean_pearson": 54.12467577456837, + "euclidean_spearman": 52.40014028261351, + "main_score": 52.23198766098021, + "manhattan_pearson": 54.38052509834607, + "manhattan_spearman": 52.70836595958237 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Marbert-all-nli-triplet-Matryoshka/external/STS14.json b/results/Omartificial-Intelligence-Space__Marbert-all-nli-triplet-Matryoshka/external/STS14.json new file mode 100644 index 000000000..781c745a8 --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Marbert-all-nli-triplet-Matryoshka/external/STS14.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 58.55307076840419, + "cosine_spearman": 59.2261024017655, + "euclidean_pearson": 59.55734715751804, + "euclidean_spearman": 60.135899681574834, + "main_score": 59.2261024017655, + "manhattan_pearson": 59.99274396356966, + "manhattan_spearman": 60.44325356503041 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Marbert-all-nli-triplet-Matryoshka/external/STS15.json b/results/Omartificial-Intelligence-Space__Marbert-all-nli-triplet-Matryoshka/external/STS15.json new file mode 100644 index 000000000..69552aa22 --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Marbert-all-nli-triplet-Matryoshka/external/STS15.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 68.94418532602707, + "cosine_spearman": 70.01912156519296, + "euclidean_pearson": 71.67028435860581, + "euclidean_spearman": 71.48252471922122, + "main_score": 70.01912156519296, + "manhattan_pearson": 71.9587452337792, + "manhattan_spearman": 71.69160519065173 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Marbert-all-nli-triplet-Matryoshka/external/STS16.json b/results/Omartificial-Intelligence-Space__Marbert-all-nli-triplet-Matryoshka/external/STS16.json new file mode 100644 index 000000000..23498610e --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Marbert-all-nli-triplet-Matryoshka/external/STS16.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 62.81619254162203, + "cosine_spearman": 64.98814526698425, + "euclidean_pearson": 66.43531796610995, + "euclidean_spearman": 66.53768451143964, + "main_score": 64.98814526698425, + "manhattan_pearson": 66.57822125651369, + "manhattan_spearman": 66.71830390508079 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Marbert-all-nli-triplet-Matryoshka/external/STS17.json b/results/Omartificial-Intelligence-Space__Marbert-all-nli-triplet-Matryoshka/external/STS17.json new file mode 100644 index 000000000..cb949e6e4 --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Marbert-all-nli-triplet-Matryoshka/external/STS17.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "faeb762787bd10488a50c8b5be4a3b82e411949c", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "ar-ar", + "languages": [ + "ara-Arab" + ], + "cosine_pearson": 81.68055610903552, + "cosine_spearman": 82.18125783448961, + "euclidean_pearson": 80.5422740473486, + "euclidean_spearman": 81.79456727036232, + "main_score": 82.18125783448961, + "manhattan_pearson": 80.43564733654793, + "manhattan_spearman": 81.76103816207625 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Marbert-all-nli-triplet-Matryoshka/external/STS22.json b/results/Omartificial-Intelligence-Space__Marbert-all-nli-triplet-Matryoshka/external/STS22.json new file mode 100644 index 000000000..76f635df3 --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Marbert-all-nli-triplet-Matryoshka/external/STS22.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "de9d86b3b84231dc21f76c7b7af1f28e2f57f6e3", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "cosine_pearson": 51.33460593849487, + "cosine_spearman": 58.07741072443786, + "euclidean_pearson": 54.26430308336828, + "euclidean_spearman": 58.8384539429318, + "main_score": 58.07741072443786, + "manhattan_pearson": 54.41587176266624, + "manhattan_spearman": 58.831993325957086 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Marbert-all-nli-triplet-Matryoshka/external/STSBenchmark.json b/results/Omartificial-Intelligence-Space__Marbert-all-nli-triplet-Matryoshka/external/STSBenchmark.json new file mode 100644 index 000000000..3c07c2007 --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Marbert-all-nli-triplet-Matryoshka/external/STSBenchmark.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 61.11956207522431, + "cosine_spearman": 61.16768766134144, + "euclidean_pearson": 64.44141934993837, + "euclidean_spearman": 63.450379593077066, + "main_score": 61.16768766134144, + "manhattan_pearson": 64.43852352892529, + "manhattan_spearman": 63.57630045107761 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Marbert-all-nli-triplet-Matryoshka/external/SummEval.json b/results/Omartificial-Intelligence-Space__Marbert-all-nli-triplet-Matryoshka/external/SummEval.json new file mode 100644 index 000000000..653cad130 --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Marbert-all-nli-triplet-Matryoshka/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 29.583566160417668, + "cosine_spearman": 29.534419950502212, + "dot_pearson": 28.13970643170574, + "dot_spearman": 28.907762267009073, + "main_score": 29.534419950502212, + "pearson": 29.583566160417668, + "spearman": 29.534419950502212 + } + ] + } +} \ No newline at end of file diff --git a/results/Omartificial-Intelligence-Space__Marbert-all-nli-triplet-Matryoshka/external/model_meta.json b/results/Omartificial-Intelligence-Space__Marbert-all-nli-triplet-Matryoshka/external/model_meta.json new file mode 100644 index 000000000..71a9fc8fd --- /dev/null +++ b/results/Omartificial-Intelligence-Space__Marbert-all-nli-triplet-Matryoshka/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "Omartificial-Intelligence-Space/Marbert-all-nli-triplet-Matryoshka", + "revision": "ecf3274e164f057c4a3dd70691cae0265d87a9d0", + "release_date": "2024-06-17", + "languages": [ + "ar" + ], + "loader": null, + "n_parameters": 162841344, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 768, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/AmazonCounterfactualClassification.json b/results/OrcaDB__cde-small-v1/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..605d986de --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/AmazonCounterfactualClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 87.02985074626866, + "ap": 56.706190238632956, + "ap_weighted": 56.706190238632956, + "f1": 81.93161953007674, + "f1_weighted": 87.7650174177188, + "main_score": 87.02985074626866 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/AmazonPolarityClassification.json b/results/OrcaDB__cde-small-v1/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..e7fff04bc --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/AmazonPolarityClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 94.664175, + "ap": 91.68668057762052, + "ap_weighted": 91.68668057762052, + "f1": 94.65859470333152, + "f1_weighted": 94.65859470333152, + "main_score": 94.664175 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/AmazonReviewsClassification.json b/results/OrcaDB__cde-small-v1/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..c235bbac3 --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/AmazonReviewsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 55.762, + "f1": 55.06427827477677, + "f1_weighted": 55.06427827477677, + "main_score": 55.762 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/ArguAna.json b/results/OrcaDB__cde-small-v1/external/ArguAna.json new file mode 100644 index 000000000..1bfd6c3fd --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/ArguAna.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 71.99600000000001, + "map_at_1": 49.004, + "map_at_10": 64.741, + "map_at_100": 65.045, + "map_at_1000": 65.048, + "map_at_20": 64.999, + "map_at_3": 61.344, + "map_at_5": 63.595, + "mrr_at_1": 50.71123755334281, + "mrr_at_10": 65.32688703741336, + "mrr_at_100": 65.63793917015693, + "mrr_at_1000": 65.64038101143724, + "mrr_at_20": 65.59178002869953, + "mrr_at_3": 61.960644855381695, + "mrr_at_5": 64.12636320531058, + "nauc_map_at_1000_diff1": 15.961240220366024, + "nauc_map_at_1000_max": -7.44765810583741, + "nauc_map_at_1000_std": -17.07167824225605, + "nauc_map_at_100_diff1": 15.965616911760689, + "nauc_map_at_100_max": -7.440609797442297, + "nauc_map_at_100_std": -17.069175070766125, + "nauc_map_at_10_diff1": 16.0053641689455, + "nauc_map_at_10_max": -7.292003400856069, + "nauc_map_at_10_std": -17.21891231777586, + "nauc_map_at_1_diff1": 16.775859614223965, + "nauc_map_at_1_max": -10.812150486389175, + "nauc_map_at_1_std": -18.447209756110635, + "nauc_map_at_20_diff1": 16.00477985164213, + "nauc_map_at_20_max": -7.344399709169316, + "nauc_map_at_20_std": -17.011815937847548, + "nauc_map_at_3_diff1": 15.730294091913994, + "nauc_map_at_3_max": -7.13902722192326, + "nauc_map_at_3_std": -16.846251134000045, + "nauc_map_at_5_diff1": 15.952653874864062, + "nauc_map_at_5_max": -6.730509527119155, + "nauc_map_at_5_std": -16.586379153220353, + "nauc_mrr_at_1000_diff1": 10.221278338563085, + "nauc_mrr_at_1000_max": -10.513831642963527, + "nauc_mrr_at_1000_std": -16.340880407651863, + "nauc_mrr_at_100_diff1": 10.226217465992063, + "nauc_mrr_at_100_max": -10.506478667638874, + "nauc_mrr_at_100_std": -16.33847358633176, + "nauc_mrr_at_10_diff1": 10.293491655887369, + "nauc_mrr_at_10_max": -10.357229664747909, + "nauc_mrr_at_10_std": -16.496874845739885, + "nauc_mrr_at_1_diff1": 12.049863016253427, + "nauc_mrr_at_1_max": -11.968579522299635, + "nauc_mrr_at_1_std": -16.65245790056632, + "nauc_mrr_at_20_diff1": 10.276109067921565, + "nauc_mrr_at_20_max": -10.404100283652397, + "nauc_mrr_at_20_std": -16.282098762560164, + "nauc_mrr_at_3_diff1": 10.338008940592475, + "nauc_mrr_at_3_max": -10.123508259477648, + "nauc_mrr_at_3_std": -16.218834894850918, + "nauc_mrr_at_5_diff1": 10.114375457049043, + "nauc_mrr_at_5_max": -9.987361588255437, + "nauc_mrr_at_5_std": -15.723897501895118, + "nauc_ndcg_at_1000_diff1": 16.00889445347496, + "nauc_ndcg_at_1000_max": -6.746746500535893, + "nauc_ndcg_at_1000_std": -16.567047531839382, + "nauc_ndcg_at_100_diff1": 16.10719535312808, + "nauc_ndcg_at_100_max": -6.59354665730934, + "nauc_ndcg_at_100_std": -16.513298001700566, + "nauc_ndcg_at_10_diff1": 16.396485814351973, + "nauc_ndcg_at_10_max": -5.7111859345525895, + "nauc_ndcg_at_10_std": -17.13416103510026, + "nauc_ndcg_at_1_diff1": 16.775859614223965, + "nauc_ndcg_at_1_max": -10.812150486389175, + "nauc_ndcg_at_1_std": -18.447209756110635, + "nauc_ndcg_at_20_diff1": 16.414235526534497, + "nauc_ndcg_at_20_max": -5.890463457153039, + "nauc_ndcg_at_20_std": -16.124783371499017, + "nauc_ndcg_at_3_diff1": 15.683431770601713, + "nauc_ndcg_at_3_max": -5.546675513691499, + "nauc_ndcg_at_3_std": -15.973244504586676, + "nauc_ndcg_at_5_diff1": 16.193847874581166, + "nauc_ndcg_at_5_max": -4.471638454091411, + "nauc_ndcg_at_5_std": -15.517824617814629, + "nauc_precision_at_1000_diff1": 3.170440311533737, + "nauc_precision_at_1000_max": 25.521992526080666, + "nauc_precision_at_1000_std": 68.4373013145641, + "nauc_precision_at_100_diff1": 30.283338663457897, + "nauc_precision_at_100_max": 44.33747104624998, + "nauc_precision_at_100_std": 42.28887350925609, + "nauc_precision_at_10_diff1": 23.390956301235633, + "nauc_precision_at_10_max": 15.468288261126773, + "nauc_precision_at_10_std": -18.2942744669977, + "nauc_precision_at_1_diff1": 16.775859614223965, + "nauc_precision_at_1_max": -10.812150486389175, + "nauc_precision_at_1_std": -18.447209756110635, + "nauc_precision_at_20_diff1": 37.14254275219614, + "nauc_precision_at_20_max": 46.984729023754824, + "nauc_precision_at_20_std": 22.763524786900717, + "nauc_precision_at_3_diff1": 15.651406928218881, + "nauc_precision_at_3_max": 0.7775458885343681, + "nauc_precision_at_3_std": -12.438132482295773, + "nauc_precision_at_5_diff1": 18.10074574210355, + "nauc_precision_at_5_max": 9.373350504221532, + "nauc_precision_at_5_std": -9.13125987784625, + "nauc_recall_at_1000_diff1": 3.1704403115262325, + "nauc_recall_at_1000_max": 25.521992526077756, + "nauc_recall_at_1000_std": 68.4373013145603, + "nauc_recall_at_100_diff1": 30.283338663455616, + "nauc_recall_at_100_max": 44.337471046250556, + "nauc_recall_at_100_std": 42.28887350925341, + "nauc_recall_at_10_diff1": 23.390956301235168, + "nauc_recall_at_10_max": 15.468288261126578, + "nauc_recall_at_10_std": -18.294274466997873, + "nauc_recall_at_1_diff1": 16.775859614223965, + "nauc_recall_at_1_max": -10.812150486389175, + "nauc_recall_at_1_std": -18.447209756110635, + "nauc_recall_at_20_diff1": 37.14254275219513, + "nauc_recall_at_20_max": 46.98472902375421, + "nauc_recall_at_20_std": 22.763524786899644, + "nauc_recall_at_3_diff1": 15.65140692821902, + "nauc_recall_at_3_max": 0.7775458885343522, + "nauc_recall_at_3_std": -12.43813248229578, + "nauc_recall_at_5_diff1": 18.10074574210355, + "nauc_recall_at_5_max": 9.373350504221595, + "nauc_recall_at_5_std": -9.131259877846116, + "ndcg_at_1": 49.004, + "ndcg_at_10": 71.99600000000001, + "ndcg_at_100": 73.173, + "ndcg_at_1000": 73.214, + "ndcg_at_20": 72.91, + "ndcg_at_3": 65.21900000000001, + "ndcg_at_5": 69.284, + "precision_at_1": 49.004, + "precision_at_10": 9.452, + "precision_at_100": 0.9939999999999999, + "precision_at_1000": 0.1, + "precision_at_20": 4.904, + "precision_at_3": 25.462, + "precision_at_5": 17.255000000000003, + "recall_at_1": 49.004, + "recall_at_10": 94.523, + "recall_at_100": 99.36, + "recall_at_1000": 99.644, + "recall_at_20": 98.08, + "recall_at_3": 76.387, + "recall_at_5": 86.273 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/ArxivClusteringP2P.json b/results/OrcaDB__cde-small-v1/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..caa3668d8 --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/ArxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 48.629569816593516, + "v_measure": 48.629569816593516, + "v_measure_std": 14.01810149072028 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/ArxivClusteringS2S.json b/results/OrcaDB__cde-small-v1/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..a6c4a3b30 --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/ArxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 40.52366904677561, + "v_measure": 40.52366904677561, + "v_measure_std": 14.375876773823757 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/AskUbuntuDupQuestions.json b/results/OrcaDB__cde-small-v1/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..cf7a468dc --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/AskUbuntuDupQuestions.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 61.27347206107508, + "map": 61.27347206107508, + "mrr": 74.49105219188321, + "nAUC_map_diff1": 13.442645655149457, + "nAUC_map_max": 25.013363268430027, + "nAUC_map_std": 17.60175231611674, + "nAUC_mrr_diff1": 25.217675209249435, + "nAUC_mrr_max": 32.37381560372622, + "nAUC_mrr_std": 22.584922632508412 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/BIOSSES.json b/results/OrcaDB__cde-small-v1/external/BIOSSES.json new file mode 100644 index 000000000..df58c6bac --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 89.09452267906886, + "cosine_spearman": 86.73450642504955, + "euclidean_pearson": 87.1275130552617, + "euclidean_spearman": 86.93812552248012, + "main_score": 86.73450642504955, + "manhattan_pearson": 86.79403606129864, + "manhattan_spearman": 86.76824213349957, + "pearson": 89.09452267906886, + "spearman": 86.73450642504955 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/Banking77Classification.json b/results/OrcaDB__cde-small-v1/external/Banking77Classification.json new file mode 100644 index 000000000..3d23f4c2a --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/Banking77Classification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 88.58116883116884, + "f1": 88.54536316207125, + "f1_weighted": 88.54536316207125, + "main_score": 88.58116883116884 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/BiorxivClusteringP2P.json b/results/OrcaDB__cde-small-v1/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..e62ce5454 --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/BiorxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 44.89554099528695, + "v_measure": 44.89554099528695, + "v_measure_std": 0.6101675839696261 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/BiorxivClusteringS2S.json b/results/OrcaDB__cde-small-v1/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..d3507b388 --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/BiorxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 37.89775676199564, + "v_measure": 37.89775676199564, + "v_measure_std": 0.6980439644171996 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/CQADupstackAndroidRetrieval.json b/results/OrcaDB__cde-small-v1/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..9c969cc60 --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f46a197baaae43b4f621051089b82a364682dfeb", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 49.239, + "map_at_1": 31.407, + "map_at_10": 42.788, + "map_at_100": 44.163999999999994, + "map_at_1000": 44.285000000000004, + "map_at_20": 43.531, + "map_at_3": 39.381, + "map_at_5": 41.296, + "mrr_at_1": 38.91273247496424, + "mrr_at_10": 48.82553307446011, + "mrr_at_100": 49.5278584841276, + "mrr_at_1000": 49.56897938168851, + "mrr_at_20": 49.27034318525701, + "mrr_at_3": 46.423462088698145, + "mrr_at_5": 47.83261802575108, + "nauc_map_at_1000_diff1": 51.50772644391144, + "nauc_map_at_1000_max": 39.57698592158747, + "nauc_map_at_1000_std": -5.092734127689174, + "nauc_map_at_100_diff1": 51.51650908644926, + "nauc_map_at_100_max": 39.579607215550325, + "nauc_map_at_100_std": -5.112306014245407, + "nauc_map_at_10_diff1": 51.80732269410239, + "nauc_map_at_10_max": 39.312012392020854, + "nauc_map_at_10_std": -5.844192947783184, + "nauc_map_at_1_diff1": 58.51885994004338, + "nauc_map_at_1_max": 35.306905646597656, + "nauc_map_at_1_std": -6.4627870729629455, + "nauc_map_at_20_diff1": 51.560698537725294, + "nauc_map_at_20_max": 39.40865218451427, + "nauc_map_at_20_std": -5.46140640509653, + "nauc_map_at_3_diff1": 52.845784777873305, + "nauc_map_at_3_max": 38.55976877563459, + "nauc_map_at_3_std": -5.72430771104222, + "nauc_map_at_5_diff1": 52.29343919325049, + "nauc_map_at_5_max": 38.98194700024613, + "nauc_map_at_5_std": -6.062278166282727, + "nauc_mrr_at_1000_diff1": 48.824012243253904, + "nauc_mrr_at_1000_max": 40.36119735345816, + "nauc_mrr_at_1000_std": -4.371172318529068, + "nauc_mrr_at_100_diff1": 48.80142209066577, + "nauc_mrr_at_100_max": 40.35371141231279, + "nauc_mrr_at_100_std": -4.382000140837231, + "nauc_mrr_at_10_diff1": 48.89408963706152, + "nauc_mrr_at_10_max": 40.48043029859513, + "nauc_mrr_at_10_std": -4.5927306729163835, + "nauc_mrr_at_1_diff1": 53.18491414251319, + "nauc_mrr_at_1_max": 38.43746618754316, + "nauc_mrr_at_1_std": -6.2489159406458965, + "nauc_mrr_at_20_diff1": 48.763867640789634, + "nauc_mrr_at_20_max": 40.369114351255135, + "nauc_mrr_at_20_std": -4.400065130027329, + "nauc_mrr_at_3_diff1": 48.87375252127912, + "nauc_mrr_at_3_max": 40.810763259212116, + "nauc_mrr_at_3_std": -3.4938483699692657, + "nauc_mrr_at_5_diff1": 49.186967577714285, + "nauc_mrr_at_5_max": 40.48882253846611, + "nauc_mrr_at_5_std": -4.621076155915746, + "nauc_ndcg_at_1000_diff1": 49.24642669558249, + "nauc_ndcg_at_1000_max": 41.00404222082434, + "nauc_ndcg_at_1000_std": -2.7356065308278392, + "nauc_ndcg_at_100_diff1": 48.92939354546236, + "nauc_ndcg_at_100_max": 40.972699158281586, + "nauc_ndcg_at_100_std": -3.0561983632108776, + "nauc_ndcg_at_10_diff1": 49.60179215238792, + "nauc_ndcg_at_10_max": 40.89678771623847, + "nauc_ndcg_at_10_std": -5.096633756025252, + "nauc_ndcg_at_1_diff1": 53.18491414251319, + "nauc_ndcg_at_1_max": 38.43746618754316, + "nauc_ndcg_at_1_std": -6.2489159406458965, + "nauc_ndcg_at_20_diff1": 48.826483305583984, + "nauc_ndcg_at_20_max": 40.592200374154466, + "nauc_ndcg_at_20_std": -4.185196398682058, + "nauc_ndcg_at_3_diff1": 49.9798291819845, + "nauc_ndcg_at_3_max": 40.50211559049151, + "nauc_ndcg_at_3_std": -3.9606100546649, + "nauc_ndcg_at_5_diff1": 50.222364976292454, + "nauc_ndcg_at_5_max": 40.477461845726694, + "nauc_ndcg_at_5_std": -5.025922873253527, + "nauc_precision_at_1000_diff1": -24.208256297106363, + "nauc_precision_at_1000_max": -10.21103761078881, + "nauc_precision_at_1000_std": -0.06753142735419307, + "nauc_precision_at_100_diff1": -15.392095697703853, + "nauc_precision_at_100_max": 3.3764259600400375, + "nauc_precision_at_100_std": 7.032273000803224, + "nauc_precision_at_10_diff1": 8.050911372676126, + "nauc_precision_at_10_max": 26.426542125643365, + "nauc_precision_at_10_std": 2.3142807003880423, + "nauc_precision_at_1_diff1": 53.18491414251319, + "nauc_precision_at_1_max": 38.43746618754316, + "nauc_precision_at_1_std": -6.2489159406458965, + "nauc_precision_at_20_diff1": -2.4038370945777605, + "nauc_precision_at_20_max": 18.29255413962441, + "nauc_precision_at_20_std": 6.963786700698579, + "nauc_precision_at_3_diff1": 27.590923102137978, + "nauc_precision_at_3_max": 36.809716569640635, + "nauc_precision_at_3_std": -0.4588749991090731, + "nauc_precision_at_5_diff1": 18.31451430104417, + "nauc_precision_at_5_max": 31.76792278657563, + "nauc_precision_at_5_std": -0.23205753470623663, + "nauc_recall_at_1000_diff1": 38.6186488416617, + "nauc_recall_at_1000_max": 58.02448766170835, + "nauc_recall_at_1000_std": 43.005151313404625, + "nauc_recall_at_100_diff1": 36.14901358957452, + "nauc_recall_at_100_max": 42.97412072448754, + "nauc_recall_at_100_std": 8.434723462734665, + "nauc_recall_at_10_diff1": 42.953316965307245, + "nauc_recall_at_10_max": 40.54865147159118, + "nauc_recall_at_10_std": -4.9425741693714125, + "nauc_recall_at_1_diff1": 58.51885994004338, + "nauc_recall_at_1_max": 35.306905646597656, + "nauc_recall_at_1_std": -6.4627870729629455, + "nauc_recall_at_20_diff1": 38.27628659312007, + "nauc_recall_at_20_max": 39.50607176714142, + "nauc_recall_at_20_std": -1.002089290215587, + "nauc_recall_at_3_diff1": 47.263415527062676, + "nauc_recall_at_3_max": 40.82836525135613, + "nauc_recall_at_3_std": -2.2314232915782504, + "nauc_recall_at_5_diff1": 46.13867315478644, + "nauc_recall_at_5_max": 39.93028001594826, + "nauc_recall_at_5_std": -4.809283400175646, + "ndcg_at_1": 38.913, + "ndcg_at_10": 49.239, + "ndcg_at_100": 54.325, + "ndcg_at_1000": 56.226, + "ndcg_at_20": 51.212999999999994, + "ndcg_at_3": 44.559, + "ndcg_at_5": 46.69, + "precision_at_1": 38.913, + "precision_at_10": 9.227, + "precision_at_100": 1.4909999999999999, + "precision_at_1000": 0.197, + "precision_at_20": 5.494000000000001, + "precision_at_3": 21.65, + "precision_at_5": 15.336, + "recall_at_1": 31.407, + "recall_at_10": 61.961999999999996, + "recall_at_100": 82.993, + "recall_at_1000": 94.887, + "recall_at_20": 68.771, + "recall_at_3": 47.77, + "recall_at_5": 53.895 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/CQADupstackEnglishRetrieval.json b/results/OrcaDB__cde-small-v1/external/CQADupstackEnglishRetrieval.json new file mode 100644 index 000000000..e36513666 --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/CQADupstackEnglishRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ad9991cb51e31e31e430383c75ffb2885547b5f0", + "task_name": "CQADupstackEnglishRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 44.391000000000005, + "map_at_1": 29.157, + "map_at_10": 38.723, + "map_at_100": 39.864, + "map_at_1000": 39.995999999999995, + "map_at_20": 39.287, + "map_at_3": 35.751, + "map_at_5": 37.373, + "mrr_at_1": 36.81528662420382, + "mrr_at_10": 44.82939035486806, + "mrr_at_100": 45.437834419775484, + "mrr_at_1000": 45.48695197590834, + "mrr_at_20": 45.15519263295387, + "mrr_at_3": 42.55838641188959, + "mrr_at_5": 43.87685774946922, + "nauc_map_at_1000_diff1": 51.086880931657944, + "nauc_map_at_1000_max": 36.870501109568856, + "nauc_map_at_1000_std": -9.041748740450098, + "nauc_map_at_100_diff1": 51.13349280885669, + "nauc_map_at_100_max": 36.81376788959824, + "nauc_map_at_100_std": -9.168817557968493, + "nauc_map_at_10_diff1": 51.43767101896258, + "nauc_map_at_10_max": 36.13512723388837, + "nauc_map_at_10_std": -10.340353132146591, + "nauc_map_at_1_diff1": 57.97216876426843, + "nauc_map_at_1_max": 32.093932122348804, + "nauc_map_at_1_std": -12.44326469749823, + "nauc_map_at_20_diff1": 51.35742644989209, + "nauc_map_at_20_max": 36.362008583908754, + "nauc_map_at_20_std": -9.925604455959942, + "nauc_map_at_3_diff1": 52.97191265890149, + "nauc_map_at_3_max": 35.216095114265, + "nauc_map_at_3_std": -11.505843284384989, + "nauc_map_at_5_diff1": 52.13435748405322, + "nauc_map_at_5_max": 35.63014323147684, + "nauc_map_at_5_std": -11.15253714131609, + "nauc_mrr_at_1000_diff1": 49.806361508243526, + "nauc_mrr_at_1000_max": 39.60825242174082, + "nauc_mrr_at_1000_std": -4.581320333963986, + "nauc_mrr_at_100_diff1": 49.794023465886575, + "nauc_mrr_at_100_max": 39.606036503563935, + "nauc_mrr_at_100_std": -4.580524433129927, + "nauc_mrr_at_10_diff1": 49.62511317783946, + "nauc_mrr_at_10_max": 39.524849843022054, + "nauc_mrr_at_10_std": -4.784364837521214, + "nauc_mrr_at_1_diff1": 55.03485605539673, + "nauc_mrr_at_1_max": 38.26074360694823, + "nauc_mrr_at_1_std": -6.990940922024673, + "nauc_mrr_at_20_diff1": 49.77823031843402, + "nauc_mrr_at_20_max": 39.62943812120721, + "nauc_mrr_at_20_std": -4.664971744136187, + "nauc_mrr_at_3_diff1": 50.60933103133387, + "nauc_mrr_at_3_max": 39.920174010377444, + "nauc_mrr_at_3_std": -5.404917304425809, + "nauc_mrr_at_5_diff1": 50.137405938227886, + "nauc_mrr_at_5_max": 39.7046033416223, + "nauc_mrr_at_5_std": -4.9683994219777965, + "nauc_ndcg_at_1000_diff1": 48.26320826156127, + "nauc_ndcg_at_1000_max": 39.11158925773445, + "nauc_ndcg_at_1000_std": -3.958164717220878, + "nauc_ndcg_at_100_diff1": 48.29325255469789, + "nauc_ndcg_at_100_max": 39.00224428862792, + "nauc_ndcg_at_100_std": -4.739309326434606, + "nauc_ndcg_at_10_diff1": 48.62405764367444, + "nauc_ndcg_at_10_max": 38.04015783804633, + "nauc_ndcg_at_10_std": -7.379427256377835, + "nauc_ndcg_at_1_diff1": 55.03485605539673, + "nauc_ndcg_at_1_max": 38.26074360694823, + "nauc_ndcg_at_1_std": -6.990940922024673, + "nauc_ndcg_at_20_diff1": 48.793146636748155, + "nauc_ndcg_at_20_max": 38.188247609309734, + "nauc_ndcg_at_20_std": -6.893163590780488, + "nauc_ndcg_at_3_diff1": 49.72527867128085, + "nauc_ndcg_at_3_max": 38.397771643337876, + "nauc_ndcg_at_3_std": -7.396734926261662, + "nauc_ndcg_at_5_diff1": 49.45897046963514, + "nauc_ndcg_at_5_max": 38.00788817919171, + "nauc_ndcg_at_5_std": -7.98773024373368, + "nauc_precision_at_1000_diff1": -15.203088093712378, + "nauc_precision_at_1000_max": 13.932931359528938, + "nauc_precision_at_1000_std": 28.443903216719125, + "nauc_precision_at_100_diff1": -9.833515062825485, + "nauc_precision_at_100_max": 25.501133048619252, + "nauc_precision_at_100_std": 29.28522368814619, + "nauc_precision_at_10_diff1": 11.048052024883837, + "nauc_precision_at_10_max": 35.12225756686281, + "nauc_precision_at_10_std": 13.549314875239492, + "nauc_precision_at_1_diff1": 55.03485605539673, + "nauc_precision_at_1_max": 38.26074360694823, + "nauc_precision_at_1_std": -6.990940922024673, + "nauc_precision_at_20_diff1": 3.6119660166254564, + "nauc_precision_at_20_max": 31.80991909502872, + "nauc_precision_at_20_std": 19.289172474937768, + "nauc_precision_at_3_diff1": 30.93845075141858, + "nauc_precision_at_3_max": 41.2363485550859, + "nauc_precision_at_3_std": 3.304016059128308, + "nauc_precision_at_5_diff1": 22.383511628600537, + "nauc_precision_at_5_max": 38.3094647733712, + "nauc_precision_at_5_std": 7.010497480008379, + "nauc_recall_at_1000_diff1": 31.611750140993035, + "nauc_recall_at_1000_max": 42.982693130692894, + "nauc_recall_at_1000_std": 25.50352029753317, + "nauc_recall_at_100_diff1": 36.466866132011525, + "nauc_recall_at_100_max": 39.8896195569174, + "nauc_recall_at_100_std": 8.056466272308052, + "nauc_recall_at_10_diff1": 40.55869867748143, + "nauc_recall_at_10_max": 35.35219000254458, + "nauc_recall_at_10_std": -6.935500599977123, + "nauc_recall_at_1_diff1": 57.97216876426843, + "nauc_recall_at_1_max": 32.093932122348804, + "nauc_recall_at_1_std": -12.44326469749823, + "nauc_recall_at_20_diff1": 40.699604166249046, + "nauc_recall_at_20_max": 36.441366652406835, + "nauc_recall_at_20_std": -4.519436682877613, + "nauc_recall_at_3_diff1": 47.15019730046201, + "nauc_recall_at_3_max": 35.1649979105234, + "nauc_recall_at_3_std": -10.908395079450377, + "nauc_recall_at_5_diff1": 44.535088248003156, + "nauc_recall_at_5_max": 34.89949777715303, + "nauc_recall_at_5_std": -10.361237744830412, + "ndcg_at_1": 36.815, + "ndcg_at_10": 44.391000000000005, + "ndcg_at_100": 48.515, + "ndcg_at_1000": 50.76199999999999, + "ndcg_at_20": 45.788000000000004, + "ndcg_at_3": 40.178000000000004, + "ndcg_at_5": 42.045, + "precision_at_1": 36.815, + "precision_at_10": 8.408, + "precision_at_100": 1.343, + "precision_at_1000": 0.182, + "precision_at_20": 4.873, + "precision_at_3": 19.299, + "precision_at_5": 13.758000000000001, + "recall_at_1": 29.157, + "recall_at_10": 54.214, + "recall_at_100": 71.929, + "recall_at_1000": 86.533, + "recall_at_20": 59.421, + "recall_at_3": 41.569, + "recall_at_5": 46.791 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/CQADupstackGamingRetrieval.json b/results/OrcaDB__cde-small-v1/external/CQADupstackGamingRetrieval.json new file mode 100644 index 000000000..5e049dfee --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/CQADupstackGamingRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "4885aa143210c98657558c04aaf3dc47cfb54340", + "task_name": "CQADupstackGamingRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 59.03699999999999, + "map_at_1": 41.476, + "map_at_10": 53.400000000000006, + "map_at_100": 54.452999999999996, + "map_at_1000": 54.504, + "map_at_20": 54.045, + "map_at_3": 50.153999999999996, + "map_at_5": 52.079, + "mrr_at_1": 46.95924764890282, + "mrr_at_10": 56.68495297805642, + "mrr_at_100": 57.34582096937295, + "mrr_at_1000": 57.37100347158495, + "mrr_at_20": 57.10508892444508, + "mrr_at_3": 54.242424242424235, + "mrr_at_5": 55.76593521421108, + "nauc_map_at_1000_diff1": 53.36527106664, + "nauc_map_at_1000_max": 43.486776333687835, + "nauc_map_at_1000_std": -5.509558143849234, + "nauc_map_at_100_diff1": 53.34097797467696, + "nauc_map_at_100_max": 43.476003610937234, + "nauc_map_at_100_std": -5.520166623777559, + "nauc_map_at_10_diff1": 53.432351035276746, + "nauc_map_at_10_max": 42.75788423195968, + "nauc_map_at_10_std": -6.504192409274652, + "nauc_map_at_1_diff1": 57.34963186677463, + "nauc_map_at_1_max": 36.95146202384373, + "nauc_map_at_1_std": -9.460645936916988, + "nauc_map_at_20_diff1": 53.29779847033195, + "nauc_map_at_20_max": 43.22342023309121, + "nauc_map_at_20_std": -5.953002390034157, + "nauc_map_at_3_diff1": 54.09550124289603, + "nauc_map_at_3_max": 41.09664412682725, + "nauc_map_at_3_std": -8.797917588156473, + "nauc_map_at_5_diff1": 53.47735307728038, + "nauc_map_at_5_max": 42.1420557369995, + "nauc_map_at_5_std": -6.982023249979087, + "nauc_mrr_at_1000_diff1": 53.84548396450655, + "nauc_mrr_at_1000_max": 45.70711475929243, + "nauc_mrr_at_1000_std": -3.572519075485509, + "nauc_mrr_at_100_diff1": 53.831585937143345, + "nauc_mrr_at_100_max": 45.71866605712688, + "nauc_mrr_at_100_std": -3.5531077992494087, + "nauc_mrr_at_10_diff1": 53.77550386915942, + "nauc_mrr_at_10_max": 45.61906078824265, + "nauc_mrr_at_10_std": -3.7647971491069567, + "nauc_mrr_at_1_diff1": 57.59578262230993, + "nauc_mrr_at_1_max": 43.132298775083996, + "nauc_mrr_at_1_std": -6.820570895500843, + "nauc_mrr_at_20_diff1": 53.757844034161984, + "nauc_mrr_at_20_max": 45.67787807420582, + "nauc_mrr_at_20_std": -3.6741549159529816, + "nauc_mrr_at_3_diff1": 54.41366916196891, + "nauc_mrr_at_3_max": 45.48753195460355, + "nauc_mrr_at_3_std": -4.536347261239106, + "nauc_mrr_at_5_diff1": 53.81844478829885, + "nauc_mrr_at_5_max": 45.77186226917752, + "nauc_mrr_at_5_std": -3.560088004877736, + "nauc_ndcg_at_1000_diff1": 52.474274223239945, + "nauc_ndcg_at_1000_max": 45.88297620389939, + "nauc_ndcg_at_1000_std": -2.236689460240769, + "nauc_ndcg_at_100_diff1": 51.99537297728399, + "nauc_ndcg_at_100_max": 46.162105938598245, + "nauc_ndcg_at_100_std": -1.636252027390496, + "nauc_ndcg_at_10_diff1": 51.981635840094334, + "nauc_ndcg_at_10_max": 44.72098290105285, + "nauc_ndcg_at_10_std": -4.26133599970984, + "nauc_ndcg_at_1_diff1": 57.43124530432752, + "nauc_ndcg_at_1_max": 42.987773648572045, + "nauc_ndcg_at_1_std": -6.975930064288375, + "nauc_ndcg_at_20_diff1": 51.709989593496665, + "nauc_ndcg_at_20_max": 45.35511346806507, + "nauc_ndcg_at_20_std": -3.441945043133369, + "nauc_ndcg_at_3_diff1": 52.83956836083957, + "nauc_ndcg_at_3_max": 43.14243257908553, + "nauc_ndcg_at_3_std": -6.906786756066083, + "nauc_ndcg_at_5_diff1": 51.92395247597085, + "nauc_ndcg_at_5_max": 44.28584104560978, + "nauc_ndcg_at_5_std": -4.432556679370336, + "nauc_precision_at_1000_diff1": -10.137271271355312, + "nauc_precision_at_1000_max": 21.053415390964915, + "nauc_precision_at_1000_std": 31.437645188936003, + "nauc_precision_at_100_diff1": -5.869005161223761, + "nauc_precision_at_100_max": 28.74652505762229, + "nauc_precision_at_100_std": 33.42249624017563, + "nauc_precision_at_10_diff1": 14.075300860742587, + "nauc_precision_at_10_max": 36.90717719533496, + "nauc_precision_at_10_std": 15.27522825163519, + "nauc_precision_at_1_diff1": 57.43124530432752, + "nauc_precision_at_1_max": 42.987773648572045, + "nauc_precision_at_1_std": -6.975930064288375, + "nauc_precision_at_20_diff1": 4.831146517476065, + "nauc_precision_at_20_max": 34.600390709037775, + "nauc_precision_at_20_std": 21.879191470976977, + "nauc_precision_at_3_diff1": 33.75586535854295, + "nauc_precision_at_3_max": 41.8963728460937, + "nauc_precision_at_3_std": 0.30853391781218725, + "nauc_precision_at_5_diff1": 23.619374234162443, + "nauc_precision_at_5_max": 40.26315749312306, + "nauc_precision_at_5_std": 9.496779653807806, + "nauc_recall_at_1000_diff1": 39.650899433995065, + "nauc_recall_at_1000_max": 65.95997046182639, + "nauc_recall_at_1000_std": 41.52010213404674, + "nauc_recall_at_100_diff1": 37.021652104886904, + "nauc_recall_at_100_max": 57.901229136609636, + "nauc_recall_at_100_std": 27.173492395498428, + "nauc_recall_at_10_diff1": 44.29968361744853, + "nauc_recall_at_10_max": 44.18295286662639, + "nauc_recall_at_10_std": -1.5721790203147754, + "nauc_recall_at_1_diff1": 57.34963186677463, + "nauc_recall_at_1_max": 36.95146202384373, + "nauc_recall_at_1_std": -9.460645936916988, + "nauc_recall_at_20_diff1": 41.603580598985126, + "nauc_recall_at_20_max": 47.702934198286876, + "nauc_recall_at_20_std": 3.019298754051616, + "nauc_recall_at_3_diff1": 49.02194332102533, + "nauc_recall_at_3_max": 41.38275177493884, + "nauc_recall_at_3_std": -8.055685087264179, + "nauc_recall_at_5_diff1": 45.213060998923496, + "nauc_recall_at_5_max": 43.53976038303946, + "nauc_recall_at_5_std": -1.7312187150046634, + "ndcg_at_1": 47.022000000000006, + "ndcg_at_10": 59.03699999999999, + "ndcg_at_100": 63.077000000000005, + "ndcg_at_1000": 64.098, + "ndcg_at_20": 60.84, + "ndcg_at_3": 53.657999999999994, + "ndcg_at_5": 56.501000000000005, + "precision_at_1": 47.022000000000006, + "precision_at_10": 9.342, + "precision_at_100": 1.2309999999999999, + "precision_at_1000": 0.136, + "precision_at_20": 5.232, + "precision_at_3": 23.552999999999997, + "precision_at_5": 16.250999999999998, + "recall_at_1": 41.476, + "recall_at_10": 72.283, + "recall_at_100": 89.545, + "recall_at_1000": 96.798, + "recall_at_20": 78.84100000000001, + "recall_at_3": 58.114, + "recall_at_5": 65.007 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/CQADupstackGisRetrieval.json b/results/OrcaDB__cde-small-v1/external/CQADupstackGisRetrieval.json new file mode 100644 index 000000000..566932107 --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/CQADupstackGisRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "5003b3064772da1887988e05400cf3806fe491f2", + "task_name": "CQADupstackGisRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 37.673, + "map_at_1": 25.324, + "map_at_10": 33.17, + "map_at_100": 34.095, + "map_at_1000": 34.182, + "map_at_20": 33.654, + "map_at_3": 30.879, + "map_at_5": 32.26, + "mrr_at_1": 27.34463276836158, + "mrr_at_10": 35.2258541834813, + "mrr_at_100": 36.00404498547979, + "mrr_at_1000": 36.07566444493976, + "mrr_at_20": 35.63110644891617, + "mrr_at_3": 32.95668549905838, + "mrr_at_5": 34.25612052730697, + "nauc_map_at_1000_diff1": 46.058990680271485, + "nauc_map_at_1000_max": 28.600543996662374, + "nauc_map_at_1000_std": -3.8218348925653505, + "nauc_map_at_100_diff1": 46.04742556273763, + "nauc_map_at_100_max": 28.58845010683153, + "nauc_map_at_100_std": -3.8241454424665746, + "nauc_map_at_10_diff1": 46.318380971509015, + "nauc_map_at_10_max": 28.445154969629815, + "nauc_map_at_10_std": -4.668418336182435, + "nauc_map_at_1_diff1": 50.84712517695217, + "nauc_map_at_1_max": 24.956820608742856, + "nauc_map_at_1_std": -7.408652214171463, + "nauc_map_at_20_diff1": 46.02082882551024, + "nauc_map_at_20_max": 28.71729950175136, + "nauc_map_at_20_std": -3.8899400482521864, + "nauc_map_at_3_diff1": 47.017578094263065, + "nauc_map_at_3_max": 27.57393258045568, + "nauc_map_at_3_std": -5.578535499711579, + "nauc_map_at_5_diff1": 46.64174901816308, + "nauc_map_at_5_max": 28.12934751037357, + "nauc_map_at_5_std": -4.623605944585039, + "nauc_mrr_at_1000_diff1": 44.80745580850706, + "nauc_mrr_at_1000_max": 30.08660965092525, + "nauc_mrr_at_1000_std": -1.8483739575689273, + "nauc_mrr_at_100_diff1": 44.79929065561873, + "nauc_mrr_at_100_max": 30.068319004487208, + "nauc_mrr_at_100_std": -1.8439865469408845, + "nauc_mrr_at_10_diff1": 45.04202172389592, + "nauc_mrr_at_10_max": 30.006082516512294, + "nauc_mrr_at_10_std": -2.4476357227718673, + "nauc_mrr_at_1_diff1": 49.710330210449705, + "nauc_mrr_at_1_max": 27.652926800227444, + "nauc_mrr_at_1_std": -4.963221847243473, + "nauc_mrr_at_20_diff1": 44.74348822631581, + "nauc_mrr_at_20_max": 30.232310892837866, + "nauc_mrr_at_20_std": -1.8627482467585263, + "nauc_mrr_at_3_diff1": 45.63996732955718, + "nauc_mrr_at_3_max": 29.71071543929027, + "nauc_mrr_at_3_std": -2.9488868732728264, + "nauc_mrr_at_5_diff1": 45.31282418942023, + "nauc_mrr_at_5_max": 29.59225270015164, + "nauc_mrr_at_5_std": -2.571596169990907, + "nauc_ndcg_at_1000_diff1": 43.44153526801899, + "nauc_ndcg_at_1000_max": 30.264809827186745, + "nauc_ndcg_at_1000_std": -0.3673459026557417, + "nauc_ndcg_at_100_diff1": 42.9260780049435, + "nauc_ndcg_at_100_max": 29.971290021267254, + "nauc_ndcg_at_100_std": 0.07223943237736839, + "nauc_ndcg_at_10_diff1": 43.89936991271991, + "nauc_ndcg_at_10_max": 29.883246789724915, + "nauc_ndcg_at_10_std": -2.842441401911265, + "nauc_ndcg_at_1_diff1": 50.14865712693543, + "nauc_ndcg_at_1_max": 27.111609058341863, + "nauc_ndcg_at_1_std": -5.5675174385570925, + "nauc_ndcg_at_20_diff1": 42.84709307426253, + "nauc_ndcg_at_20_max": 30.76378099168594, + "nauc_ndcg_at_20_std": -0.42561135386508475, + "nauc_ndcg_at_3_diff1": 45.4326566931524, + "nauc_ndcg_at_3_max": 28.61889737624481, + "nauc_ndcg_at_3_std": -4.348200281698876, + "nauc_ndcg_at_5_diff1": 44.630092727271034, + "nauc_ndcg_at_5_max": 29.04891878562973, + "nauc_ndcg_at_5_std": -2.8900608482934165, + "nauc_precision_at_1000_diff1": 1.563823692486198, + "nauc_precision_at_1000_max": 18.07524759715147, + "nauc_precision_at_1000_std": 10.75651488435518, + "nauc_precision_at_100_diff1": 15.84032553897459, + "nauc_precision_at_100_max": 26.9982332859951, + "nauc_precision_at_100_std": 13.809307316031362, + "nauc_precision_at_10_diff1": 33.44005568824001, + "nauc_precision_at_10_max": 35.31365313654245, + "nauc_precision_at_10_std": 2.1516208493844817, + "nauc_precision_at_1_diff1": 50.14865712693543, + "nauc_precision_at_1_max": 27.111609058341863, + "nauc_precision_at_1_std": -5.5675174385570925, + "nauc_precision_at_20_diff1": 26.453560867406594, + "nauc_precision_at_20_max": 36.754320258234735, + "nauc_precision_at_20_std": 10.960004664156314, + "nauc_precision_at_3_diff1": 39.5339842087826, + "nauc_precision_at_3_max": 32.43079763654043, + "nauc_precision_at_3_std": -1.1149107052174205, + "nauc_precision_at_5_diff1": 36.75997042257077, + "nauc_precision_at_5_max": 32.936394052992256, + "nauc_precision_at_5_std": 2.253739058194602, + "nauc_recall_at_1000_diff1": 26.620883791876672, + "nauc_recall_at_1000_max": 40.036249354126255, + "nauc_recall_at_1000_std": 24.67019914079094, + "nauc_recall_at_100_diff1": 29.06050311303032, + "nauc_recall_at_100_max": 31.719103788027674, + "nauc_recall_at_100_std": 16.517714390661105, + "nauc_recall_at_10_diff1": 36.292924258716106, + "nauc_recall_at_10_max": 32.02173242085442, + "nauc_recall_at_10_std": 1.016713326361783, + "nauc_recall_at_1_diff1": 50.84712517695217, + "nauc_recall_at_1_max": 24.956820608742856, + "nauc_recall_at_1_std": -7.408652214171463, + "nauc_recall_at_20_diff1": 31.875810510992398, + "nauc_recall_at_20_max": 35.1225435012755, + "nauc_recall_at_20_std": 10.08081240374867, + "nauc_recall_at_3_diff1": 41.31843254728666, + "nauc_recall_at_3_max": 29.083015930837323, + "nauc_recall_at_3_std": -2.6812306676938906, + "nauc_recall_at_5_diff1": 38.74912094651174, + "nauc_recall_at_5_max": 29.713413529317663, + "nauc_recall_at_5_std": 0.6429485746621083, + "ndcg_at_1": 27.232, + "ndcg_at_10": 37.673, + "ndcg_at_100": 42.379, + "ndcg_at_1000": 44.664, + "ndcg_at_20": 39.282000000000004, + "ndcg_at_3": 33.178999999999995, + "ndcg_at_5": 35.481, + "precision_at_1": 27.232, + "precision_at_10": 5.593, + "precision_at_100": 0.845, + "precision_at_1000": 0.108, + "precision_at_20": 3.1809999999999996, + "precision_at_3": 13.898, + "precision_at_5": 9.605, + "recall_at_1": 25.324, + "recall_at_10": 49.66, + "recall_at_100": 71.702, + "recall_at_1000": 88.884, + "recall_at_20": 55.63399999999999, + "recall_at_3": 37.557, + "recall_at_5": 43.086 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/CQADupstackMathematicaRetrieval.json b/results/OrcaDB__cde-small-v1/external/CQADupstackMathematicaRetrieval.json new file mode 100644 index 000000000..a1fd9c4c8 --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/CQADupstackMathematicaRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "90fceea13679c63fe563ded68f3b6f06e50061de", + "task_name": "CQADupstackMathematicaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 27.683000000000003, + "map_at_1": 15.440000000000001, + "map_at_10": 22.708000000000002, + "map_at_100": 23.891000000000002, + "map_at_1000": 24.009, + "map_at_20": 23.362, + "map_at_3": 20.173, + "map_at_5": 21.512999999999998, + "mrr_at_1": 19.154228855721392, + "mrr_at_10": 27.14907604832978, + "mrr_at_100": 28.134401799106946, + "mrr_at_1000": 28.210652971960727, + "mrr_at_20": 27.743116715423334, + "mrr_at_3": 24.64759535655058, + "mrr_at_5": 26.0530679933665, + "nauc_map_at_1000_diff1": 26.45225395954919, + "nauc_map_at_1000_max": 18.88821201176001, + "nauc_map_at_1000_std": -6.743073428818526, + "nauc_map_at_100_diff1": 26.46163797092885, + "nauc_map_at_100_max": 18.91020517272631, + "nauc_map_at_100_std": -6.715512753190824, + "nauc_map_at_10_diff1": 25.93830061738008, + "nauc_map_at_10_max": 18.230821464212788, + "nauc_map_at_10_std": -7.723714557953293, + "nauc_map_at_1_diff1": 32.6143819833978, + "nauc_map_at_1_max": 18.229434406703447, + "nauc_map_at_1_std": -8.826503266807608, + "nauc_map_at_20_diff1": 26.267375356189532, + "nauc_map_at_20_max": 18.74372577827996, + "nauc_map_at_20_std": -7.1213741256387495, + "nauc_map_at_3_diff1": 26.502658255222222, + "nauc_map_at_3_max": 17.34676548965769, + "nauc_map_at_3_std": -8.661705532483479, + "nauc_map_at_5_diff1": 25.947975266973, + "nauc_map_at_5_max": 18.26579025252041, + "nauc_map_at_5_std": -7.988152286698193, + "nauc_mrr_at_1000_diff1": 27.43240261182634, + "nauc_mrr_at_1000_max": 19.59851548113691, + "nauc_mrr_at_1000_std": -5.8659045748819505, + "nauc_mrr_at_100_diff1": 27.42860371902458, + "nauc_mrr_at_100_max": 19.61291439961396, + "nauc_mrr_at_100_std": -5.840170365425997, + "nauc_mrr_at_10_diff1": 26.996629286135576, + "nauc_mrr_at_10_max": 19.09125992187832, + "nauc_mrr_at_10_std": -6.401949732007706, + "nauc_mrr_at_1_diff1": 33.20355103883785, + "nauc_mrr_at_1_max": 18.84271700427976, + "nauc_mrr_at_1_std": -6.846362536084065, + "nauc_mrr_at_20_diff1": 27.342295700872445, + "nauc_mrr_at_20_max": 19.59730195635629, + "nauc_mrr_at_20_std": -6.045183866074472, + "nauc_mrr_at_3_diff1": 27.921898978571868, + "nauc_mrr_at_3_max": 19.028747822887816, + "nauc_mrr_at_3_std": -6.651966049443023, + "nauc_mrr_at_5_diff1": 27.280695824148392, + "nauc_mrr_at_5_max": 19.430798343725524, + "nauc_mrr_at_5_std": -6.747383339145715, + "nauc_ndcg_at_1000_diff1": 25.38902736172073, + "nauc_ndcg_at_1000_max": 20.45917423943934, + "nauc_ndcg_at_1000_std": -3.2757947022252076, + "nauc_ndcg_at_100_diff1": 25.732803165259238, + "nauc_ndcg_at_100_max": 20.836040539884642, + "nauc_ndcg_at_100_std": -2.9535785746014396, + "nauc_ndcg_at_10_diff1": 23.946041122415746, + "nauc_ndcg_at_10_max": 18.62752297015455, + "nauc_ndcg_at_10_std": -6.405272980276195, + "nauc_ndcg_at_1_diff1": 33.20355103883785, + "nauc_ndcg_at_1_max": 18.84271700427976, + "nauc_ndcg_at_1_std": -6.846362536084065, + "nauc_ndcg_at_20_diff1": 24.77178243398418, + "nauc_ndcg_at_20_max": 20.27057276120682, + "nauc_ndcg_at_20_std": -4.789054638686646, + "nauc_ndcg_at_3_diff1": 25.93797698971861, + "nauc_ndcg_at_3_max": 17.7626073837572, + "nauc_ndcg_at_3_std": -8.049324539903097, + "nauc_ndcg_at_5_diff1": 24.628424554881647, + "nauc_ndcg_at_5_max": 18.989213649165613, + "nauc_ndcg_at_5_std": -7.173452770970873, + "nauc_precision_at_1000_diff1": 5.456508320365408, + "nauc_precision_at_1000_max": 4.8136815217087205, + "nauc_precision_at_1000_std": 4.947456448109757, + "nauc_precision_at_100_diff1": 16.260577000896543, + "nauc_precision_at_100_max": 16.7039900850556, + "nauc_precision_at_100_std": 9.11227641718042, + "nauc_precision_at_10_diff1": 16.365122567702535, + "nauc_precision_at_10_max": 17.065003280187348, + "nauc_precision_at_10_std": -2.229290931287804, + "nauc_precision_at_1_diff1": 33.20355103883785, + "nauc_precision_at_1_max": 18.84271700427976, + "nauc_precision_at_1_std": -6.846362536084065, + "nauc_precision_at_20_diff1": 16.91214381595962, + "nauc_precision_at_20_max": 19.58308083494222, + "nauc_precision_at_20_std": 2.253335365165219, + "nauc_precision_at_3_diff1": 19.85085379824151, + "nauc_precision_at_3_max": 16.27352732420782, + "nauc_precision_at_3_std": -7.201882607059234, + "nauc_precision_at_5_diff1": 17.966240404329092, + "nauc_precision_at_5_max": 18.231425958226044, + "nauc_precision_at_5_std": -4.043751510938105, + "nauc_recall_at_1000_diff1": 13.957143176090353, + "nauc_recall_at_1000_max": 25.052247631159652, + "nauc_recall_at_1000_std": 17.326355613640054, + "nauc_recall_at_100_diff1": 21.440869340994407, + "nauc_recall_at_100_max": 24.311867728047343, + "nauc_recall_at_100_std": 9.336321796584325, + "nauc_recall_at_10_diff1": 16.696814266222432, + "nauc_recall_at_10_max": 17.145710052014486, + "nauc_recall_at_10_std": -4.135339167818864, + "nauc_recall_at_1_diff1": 32.6143819833978, + "nauc_recall_at_1_max": 18.229434406703447, + "nauc_recall_at_1_std": -8.826503266807608, + "nauc_recall_at_20_diff1": 18.34311797149379, + "nauc_recall_at_20_max": 21.832943514273143, + "nauc_recall_at_20_std": 0.8894706565637946, + "nauc_recall_at_3_diff1": 20.992985988081557, + "nauc_recall_at_3_max": 16.255791972442506, + "nauc_recall_at_3_std": -7.097037821828232, + "nauc_recall_at_5_diff1": 18.60326978035633, + "nauc_recall_at_5_max": 18.615371576760275, + "nauc_recall_at_5_std": -6.049891295196573, + "ndcg_at_1": 19.154, + "ndcg_at_10": 27.683000000000003, + "ndcg_at_100": 33.213, + "ndcg_at_1000": 36.141, + "ndcg_at_20": 29.854999999999997, + "ndcg_at_3": 22.987, + "ndcg_at_5": 25.106, + "precision_at_1": 19.154, + "precision_at_10": 5.224, + "precision_at_100": 0.919, + "precision_at_1000": 0.13, + "precision_at_20": 3.215, + "precision_at_3": 11.318, + "precision_at_5": 8.383000000000001, + "recall_at_1": 15.440000000000001, + "recall_at_10": 38.734, + "recall_at_100": 62.576, + "recall_at_1000": 83.541, + "recall_at_20": 46.45, + "recall_at_3": 25.438, + "recall_at_5": 30.891000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/CQADupstackPhysicsRetrieval.json b/results/OrcaDB__cde-small-v1/external/CQADupstackPhysicsRetrieval.json new file mode 100644 index 000000000..d2d89a41b --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/CQADupstackPhysicsRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "79531abbd1fb92d06c6d6315a0cbbbf5bb247ea4", + "task_name": "CQADupstackPhysicsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 45.196999999999996, + "map_at_1": 29.438, + "map_at_10": 39.497, + "map_at_100": 40.757, + "map_at_1000": 40.865, + "map_at_20": 40.21, + "map_at_3": 36.649, + "map_at_5": 38.278, + "mrr_at_1": 35.514918190567855, + "mrr_at_10": 44.939158531555066, + "mrr_at_100": 45.71399223764184, + "mrr_at_1000": 45.767047236444185, + "mrr_at_20": 45.40064162616659, + "mrr_at_3": 42.49278152069297, + "mrr_at_5": 43.999037536092395, + "nauc_map_at_1000_diff1": 48.2911083967695, + "nauc_map_at_1000_max": 33.0567223033294, + "nauc_map_at_1000_std": -7.5831018828087435, + "nauc_map_at_100_diff1": 48.266195527072156, + "nauc_map_at_100_max": 33.03915960499412, + "nauc_map_at_100_std": -7.606925986310037, + "nauc_map_at_10_diff1": 48.328320797346294, + "nauc_map_at_10_max": 32.7070148720631, + "nauc_map_at_10_std": -8.512811841258646, + "nauc_map_at_1_diff1": 52.88608162356222, + "nauc_map_at_1_max": 31.24794941358492, + "nauc_map_at_1_std": -11.706848009285954, + "nauc_map_at_20_diff1": 48.2969260156472, + "nauc_map_at_20_max": 32.86081996380274, + "nauc_map_at_20_std": -8.020958942798524, + "nauc_map_at_3_diff1": 48.743817641945114, + "nauc_map_at_3_max": 32.605458230621856, + "nauc_map_at_3_std": -8.638274842287737, + "nauc_map_at_5_diff1": 48.78806923732555, + "nauc_map_at_5_max": 32.61566250570677, + "nauc_map_at_5_std": -8.780064299161241, + "nauc_mrr_at_1000_diff1": 48.402407250061934, + "nauc_mrr_at_1000_max": 32.73963018253408, + "nauc_mrr_at_1000_std": -7.600714897746363, + "nauc_mrr_at_100_diff1": 48.38722402499983, + "nauc_mrr_at_100_max": 32.74291939054888, + "nauc_mrr_at_100_std": -7.584196436282831, + "nauc_mrr_at_10_diff1": 48.324992370558576, + "nauc_mrr_at_10_max": 32.65326566012142, + "nauc_mrr_at_10_std": -7.960957871756174, + "nauc_mrr_at_1_diff1": 52.51790849738347, + "nauc_mrr_at_1_max": 31.979743734335504, + "nauc_mrr_at_1_std": -11.101383949942232, + "nauc_mrr_at_20_diff1": 48.375346158446725, + "nauc_mrr_at_20_max": 32.73895555822591, + "nauc_mrr_at_20_std": -7.642914670396977, + "nauc_mrr_at_3_diff1": 48.83160990949774, + "nauc_mrr_at_3_max": 32.80880922901924, + "nauc_mrr_at_3_std": -7.760362168094019, + "nauc_mrr_at_5_diff1": 48.60255139323125, + "nauc_mrr_at_5_max": 32.72728351371156, + "nauc_mrr_at_5_std": -8.038189749481258, + "nauc_ndcg_at_1000_diff1": 46.67101320125475, + "nauc_ndcg_at_1000_max": 34.0504701772667, + "nauc_ndcg_at_1000_std": -4.032878112637376, + "nauc_ndcg_at_100_diff1": 46.248748827447265, + "nauc_ndcg_at_100_max": 33.74751928599088, + "nauc_ndcg_at_100_std": -3.991862266355337, + "nauc_ndcg_at_10_diff1": 46.46100196084458, + "nauc_ndcg_at_10_max": 32.807685888284794, + "nauc_ndcg_at_10_std": -7.457478747984192, + "nauc_ndcg_at_1_diff1": 52.51790849738347, + "nauc_ndcg_at_1_max": 31.979743734335504, + "nauc_ndcg_at_1_std": -11.101383949942232, + "nauc_ndcg_at_20_diff1": 46.410656199509944, + "nauc_ndcg_at_20_max": 33.1581309808876, + "nauc_ndcg_at_20_std": -5.99183846380811, + "nauc_ndcg_at_3_diff1": 47.26764972559635, + "nauc_ndcg_at_3_max": 33.08614197399897, + "nauc_ndcg_at_3_std": -7.0742507391341345, + "nauc_ndcg_at_5_diff1": 47.35898227835041, + "nauc_ndcg_at_5_max": 32.84468179240444, + "nauc_ndcg_at_5_std": -7.714927192881523, + "nauc_precision_at_1000_diff1": -9.52692395683019, + "nauc_precision_at_1000_max": 7.374303479576268, + "nauc_precision_at_1000_std": 20.79761650113592, + "nauc_precision_at_100_diff1": -0.5511806256392863, + "nauc_precision_at_100_max": 14.260122126630634, + "nauc_precision_at_100_std": 20.84530821188996, + "nauc_precision_at_10_diff1": 19.572115874106533, + "nauc_precision_at_10_max": 24.556082924046027, + "nauc_precision_at_10_std": 5.323857400679805, + "nauc_precision_at_1_diff1": 52.51790849738347, + "nauc_precision_at_1_max": 31.979743734335504, + "nauc_precision_at_1_std": -11.101383949942232, + "nauc_precision_at_20_diff1": 12.356576945971826, + "nauc_precision_at_20_max": 21.121689225096056, + "nauc_precision_at_20_std": 12.177075559439556, + "nauc_precision_at_3_diff1": 33.671667659871865, + "nauc_precision_at_3_max": 30.98143183174062, + "nauc_precision_at_3_std": 0.520604608152502, + "nauc_precision_at_5_diff1": 30.06980809430162, + "nauc_precision_at_5_max": 28.454115294663602, + "nauc_precision_at_5_std": 0.8596400708828538, + "nauc_recall_at_1000_diff1": 24.965587031650884, + "nauc_recall_at_1000_max": 40.72840120992986, + "nauc_recall_at_1000_std": 38.76857796467627, + "nauc_recall_at_100_diff1": 32.790892696170374, + "nauc_recall_at_100_max": 32.970070123139564, + "nauc_recall_at_100_std": 14.657654854897062, + "nauc_recall_at_10_diff1": 38.309181873423476, + "nauc_recall_at_10_max": 30.28707855794435, + "nauc_recall_at_10_std": -5.568997608502203, + "nauc_recall_at_1_diff1": 52.88608162356222, + "nauc_recall_at_1_max": 31.24794941358492, + "nauc_recall_at_1_std": -11.706848009285954, + "nauc_recall_at_20_diff1": 37.44816940285688, + "nauc_recall_at_20_max": 31.24736990052554, + "nauc_recall_at_20_std": -0.17027260910961897, + "nauc_recall_at_3_diff1": 42.921582034772726, + "nauc_recall_at_3_max": 31.861184780950513, + "nauc_recall_at_3_std": -6.209754089638474, + "nauc_recall_at_5_diff1": 41.74803396821156, + "nauc_recall_at_5_max": 31.13023590637421, + "nauc_recall_at_5_std": -6.608370086504567, + "ndcg_at_1": 35.515, + "ndcg_at_10": 45.196999999999996, + "ndcg_at_100": 50.38399999999999, + "ndcg_at_1000": 52.596, + "ndcg_at_20": 47.233000000000004, + "ndcg_at_3": 40.573, + "ndcg_at_5": 42.853, + "precision_at_1": 35.515, + "precision_at_10": 8.017000000000001, + "precision_at_100": 1.237, + "precision_at_1000": 0.159, + "precision_at_20": 4.687, + "precision_at_3": 18.961, + "precision_at_5": 13.34, + "recall_at_1": 29.438, + "recall_at_10": 56.603, + "recall_at_100": 78.281, + "recall_at_1000": 93.172, + "recall_at_20": 63.571, + "recall_at_3": 43.763000000000005, + "recall_at_5": 49.717 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/CQADupstackProgrammersRetrieval.json b/results/OrcaDB__cde-small-v1/external/CQADupstackProgrammersRetrieval.json new file mode 100644 index 000000000..f339bbba5 --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/CQADupstackProgrammersRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "6184bc1440d2dbc7612be22b50686b8826d22b32", + "task_name": "CQADupstackProgrammersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 41.967999999999996, + "map_at_1": 27.991, + "map_at_10": 36.815, + "map_at_100": 38.14, + "map_at_1000": 38.257999999999996, + "map_at_20": 37.561, + "map_at_3": 34.094, + "map_at_5": 35.557, + "mrr_at_1": 34.817351598173516, + "mrr_at_10": 42.56500507356672, + "mrr_at_100": 43.460463999764066, + "mrr_at_1000": 43.52348583643295, + "mrr_at_20": 43.11992252647868, + "mrr_at_3": 40.20167427701675, + "mrr_at_5": 41.45738203957382, + "nauc_map_at_1000_diff1": 41.67048775212967, + "nauc_map_at_1000_max": 43.99159244124849, + "nauc_map_at_1000_std": 2.573128018829387, + "nauc_map_at_100_diff1": 41.674051168864544, + "nauc_map_at_100_max": 43.98147916359051, + "nauc_map_at_100_std": 2.5254111056725157, + "nauc_map_at_10_diff1": 41.7125704403198, + "nauc_map_at_10_max": 43.474100183989364, + "nauc_map_at_10_std": 1.6477791314522445, + "nauc_map_at_1_diff1": 48.1867206901292, + "nauc_map_at_1_max": 40.525641468978996, + "nauc_map_at_1_std": -0.7568533902855162, + "nauc_map_at_20_diff1": 41.64339598055937, + "nauc_map_at_20_max": 43.62356989148736, + "nauc_map_at_20_std": 2.087731774178381, + "nauc_map_at_3_diff1": 43.473195638597325, + "nauc_map_at_3_max": 42.94377216167118, + "nauc_map_at_3_std": 0.2505945238603998, + "nauc_map_at_5_diff1": 42.39542158097317, + "nauc_map_at_5_max": 43.67892698262521, + "nauc_map_at_5_std": 0.9895905882223653, + "nauc_mrr_at_1000_diff1": 41.09671003865924, + "nauc_mrr_at_1000_max": 46.28436379929593, + "nauc_mrr_at_1000_std": 4.354037919152363, + "nauc_mrr_at_100_diff1": 41.09244756994191, + "nauc_mrr_at_100_max": 46.29034043110901, + "nauc_mrr_at_100_std": 4.351726070204726, + "nauc_mrr_at_10_diff1": 40.977946444819096, + "nauc_mrr_at_10_max": 46.10718374892125, + "nauc_mrr_at_10_std": 4.18336707456262, + "nauc_mrr_at_1_diff1": 45.599332453292675, + "nauc_mrr_at_1_max": 45.84726261326186, + "nauc_mrr_at_1_std": 2.4345971000548854, + "nauc_mrr_at_20_diff1": 40.95961993815576, + "nauc_mrr_at_20_max": 46.18592650660265, + "nauc_mrr_at_20_std": 4.305161755438331, + "nauc_mrr_at_3_diff1": 42.32692907673492, + "nauc_mrr_at_3_max": 46.26011359406279, + "nauc_mrr_at_3_std": 2.948567577936104, + "nauc_mrr_at_5_diff1": 41.34052580040367, + "nauc_mrr_at_5_max": 46.34383226431204, + "nauc_mrr_at_5_std": 3.633823850306508, + "nauc_ndcg_at_1000_diff1": 39.93215369321293, + "nauc_ndcg_at_1000_max": 45.687802170808574, + "nauc_ndcg_at_1000_std": 6.430986118631789, + "nauc_ndcg_at_100_diff1": 39.684859990483915, + "nauc_ndcg_at_100_max": 45.80031091479213, + "nauc_ndcg_at_100_std": 6.36066573145881, + "nauc_ndcg_at_10_diff1": 39.23880630958678, + "nauc_ndcg_at_10_max": 43.80038181935968, + "nauc_ndcg_at_10_std": 3.3533556819103074, + "nauc_ndcg_at_1_diff1": 45.94736367846991, + "nauc_ndcg_at_1_max": 46.105763729560294, + "nauc_ndcg_at_1_std": 2.5515460950343622, + "nauc_ndcg_at_20_diff1": 39.077143576829634, + "nauc_ndcg_at_20_max": 44.175755846357006, + "nauc_ndcg_at_20_std": 4.5499430823825, + "nauc_ndcg_at_3_diff1": 41.55043893779763, + "nauc_ndcg_at_3_max": 44.369396288268, + "nauc_ndcg_at_3_std": 1.8135062317910333, + "nauc_ndcg_at_5_diff1": 40.27727274546977, + "nauc_ndcg_at_5_max": 44.58055714919917, + "nauc_ndcg_at_5_std": 2.3858438655025895, + "nauc_precision_at_1000_diff1": -15.82921590565681, + "nauc_precision_at_1000_max": 5.3200324911551276, + "nauc_precision_at_1000_std": 17.059441605068066, + "nauc_precision_at_100_diff1": -3.477661270951154, + "nauc_precision_at_100_max": 23.102213467508363, + "nauc_precision_at_100_std": 22.61050030511951, + "nauc_precision_at_10_diff1": 13.022774804120216, + "nauc_precision_at_10_max": 38.41004452998074, + "nauc_precision_at_10_std": 15.569153607416283, + "nauc_precision_at_1_diff1": 45.94736367846991, + "nauc_precision_at_1_max": 46.105763729560294, + "nauc_precision_at_1_std": 2.5515460950343622, + "nauc_precision_at_20_diff1": 6.552231339783917, + "nauc_precision_at_20_max": 33.144348451578914, + "nauc_precision_at_20_std": 19.55599724769983, + "nauc_precision_at_3_diff1": 28.52937551899466, + "nauc_precision_at_3_max": 45.2056127705799, + "nauc_precision_at_3_std": 7.5353087497146785, + "nauc_precision_at_5_diff1": 21.680390063172492, + "nauc_precision_at_5_max": 44.075542142279645, + "nauc_precision_at_5_std": 10.933211341141087, + "nauc_recall_at_1000_diff1": 31.550619753305593, + "nauc_recall_at_1000_max": 49.1096811911254, + "nauc_recall_at_1000_std": 39.51532818925666, + "nauc_recall_at_100_diff1": 30.696662503429863, + "nauc_recall_at_100_max": 47.21608565384206, + "nauc_recall_at_100_std": 20.894556840831438, + "nauc_recall_at_10_diff1": 30.61623779072834, + "nauc_recall_at_10_max": 38.964392138468114, + "nauc_recall_at_10_std": 5.00024473264126, + "nauc_recall_at_1_diff1": 48.1867206901292, + "nauc_recall_at_1_max": 40.525641468978996, + "nauc_recall_at_1_std": -0.7568533902855162, + "nauc_recall_at_20_diff1": 29.07251333097125, + "nauc_recall_at_20_max": 39.03312242614524, + "nauc_recall_at_20_std": 8.959922224970903, + "nauc_recall_at_3_diff1": 38.724975690747826, + "nauc_recall_at_3_max": 41.3025635407677, + "nauc_recall_at_3_std": 0.6484284398052167, + "nauc_recall_at_5_diff1": 34.09423664395091, + "nauc_recall_at_5_max": 41.34844327450573, + "nauc_recall_at_5_std": 2.3349428535301424, + "ndcg_at_1": 34.703, + "ndcg_at_10": 41.967999999999996, + "ndcg_at_100": 47.607, + "ndcg_at_1000": 49.984, + "ndcg_at_20": 44.285000000000004, + "ndcg_at_3": 37.582, + "ndcg_at_5": 39.454, + "precision_at_1": 34.703, + "precision_at_10": 7.306, + "precision_at_100": 1.191, + "precision_at_1000": 0.156, + "precision_at_20": 4.406000000000001, + "precision_at_3": 17.541999999999998, + "precision_at_5": 12.26, + "recall_at_1": 27.991, + "recall_at_10": 52.016, + "recall_at_100": 75.807, + "recall_at_1000": 91.84400000000001, + "recall_at_20": 60.171, + "recall_at_3": 39.268, + "recall_at_5": 44.548 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/CQADupstackStatsRetrieval.json b/results/OrcaDB__cde-small-v1/external/CQADupstackStatsRetrieval.json new file mode 100644 index 000000000..9466cd665 --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/CQADupstackStatsRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "65ac3a16b8e91f9cee4c9828cc7c335575432a2a", + "task_name": "CQADupstackStatsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 34.888999999999996, + "map_at_1": 24.257, + "map_at_10": 30.85, + "map_at_100": 31.653, + "map_at_1000": 31.744, + "map_at_20": 31.235000000000003, + "map_at_3": 28.742, + "map_at_5": 29.743000000000002, + "mrr_at_1": 26.68711656441718, + "mrr_at_10": 33.22828415619827, + "mrr_at_100": 33.9510074708967, + "mrr_at_1000": 34.019092955305204, + "mrr_at_20": 33.600871234124, + "mrr_at_3": 31.160531697341508, + "mrr_at_5": 32.14212678936605, + "nauc_map_at_1000_diff1": 52.717440487225275, + "nauc_map_at_1000_max": 44.60170963845081, + "nauc_map_at_1000_std": -3.1996706483359136, + "nauc_map_at_100_diff1": 52.71189673586013, + "nauc_map_at_100_max": 44.57163638567482, + "nauc_map_at_100_std": -3.2345902627286436, + "nauc_map_at_10_diff1": 53.02449930693637, + "nauc_map_at_10_max": 44.35369795372346, + "nauc_map_at_10_std": -3.8104783477282513, + "nauc_map_at_1_diff1": 61.69412555489549, + "nauc_map_at_1_max": 45.687572761686425, + "nauc_map_at_1_std": -5.706950124921224, + "nauc_map_at_20_diff1": 52.762382597962855, + "nauc_map_at_20_max": 44.42527816578249, + "nauc_map_at_20_std": -3.62442115557958, + "nauc_map_at_3_diff1": 54.218133325934595, + "nauc_map_at_3_max": 43.886110491155, + "nauc_map_at_3_std": -5.373779809729606, + "nauc_map_at_5_diff1": 53.87314356227072, + "nauc_map_at_5_max": 44.19838867906011, + "nauc_map_at_5_std": -4.657996273921579, + "nauc_mrr_at_1000_diff1": 52.608759486406065, + "nauc_mrr_at_1000_max": 46.43225035608919, + "nauc_mrr_at_1000_std": -1.0825740469149292, + "nauc_mrr_at_100_diff1": 52.59290039623913, + "nauc_mrr_at_100_max": 46.43031739568791, + "nauc_mrr_at_100_std": -1.110101172332684, + "nauc_mrr_at_10_diff1": 52.860476269889055, + "nauc_mrr_at_10_max": 46.48418329087753, + "nauc_mrr_at_10_std": -1.3374238019386193, + "nauc_mrr_at_1_diff1": 61.441947428807666, + "nauc_mrr_at_1_max": 48.54756533074311, + "nauc_mrr_at_1_std": -2.3680485432053135, + "nauc_mrr_at_20_diff1": 52.665535367800906, + "nauc_mrr_at_20_max": 46.41185879304558, + "nauc_mrr_at_20_std": -1.3444595758714797, + "nauc_mrr_at_3_diff1": 54.172851649909134, + "nauc_mrr_at_3_max": 46.15833772250591, + "nauc_mrr_at_3_std": -2.6730529379570642, + "nauc_mrr_at_5_diff1": 53.723702014945175, + "nauc_mrr_at_5_max": 46.297316686693016, + "nauc_mrr_at_5_std": -2.159788610857334, + "nauc_ndcg_at_1000_diff1": 48.49475884804671, + "nauc_ndcg_at_1000_max": 45.2504813678727, + "nauc_ndcg_at_1000_std": 1.3660441371017331, + "nauc_ndcg_at_100_diff1": 48.328439839293004, + "nauc_ndcg_at_100_max": 45.1976848279064, + "nauc_ndcg_at_100_std": 0.984414559030773, + "nauc_ndcg_at_10_diff1": 49.57495706841805, + "nauc_ndcg_at_10_max": 44.32422841398523, + "nauc_ndcg_at_10_std": -1.8938863954712948, + "nauc_ndcg_at_1_diff1": 61.441947428807666, + "nauc_ndcg_at_1_max": 48.54756533074311, + "nauc_ndcg_at_1_std": -2.3680485432053135, + "nauc_ndcg_at_20_diff1": 48.698704369155664, + "nauc_ndcg_at_20_max": 44.32085785234671, + "nauc_ndcg_at_20_std": -1.5370200957389617, + "nauc_ndcg_at_3_diff1": 51.87602761155865, + "nauc_ndcg_at_3_max": 43.836423952288946, + "nauc_ndcg_at_3_std": -4.519331726990856, + "nauc_ndcg_at_5_diff1": 51.536849644847216, + "nauc_ndcg_at_5_max": 44.05267508410536, + "nauc_ndcg_at_5_std": -3.7646800644981484, + "nauc_precision_at_1000_diff1": -3.114425136121477, + "nauc_precision_at_1000_max": 21.219654091584214, + "nauc_precision_at_1000_std": 23.620715661080197, + "nauc_precision_at_100_diff1": 13.781387623485253, + "nauc_precision_at_100_max": 37.7816424452238, + "nauc_precision_at_100_std": 24.719409110027726, + "nauc_precision_at_10_diff1": 29.300018648484276, + "nauc_precision_at_10_max": 42.111386830242296, + "nauc_precision_at_10_std": 10.14768426081145, + "nauc_precision_at_1_diff1": 61.441947428807666, + "nauc_precision_at_1_max": 48.54756533074311, + "nauc_precision_at_1_std": -2.3680485432053135, + "nauc_precision_at_20_diff1": 24.056049155242437, + "nauc_precision_at_20_max": 41.1201344685915, + "nauc_precision_at_20_std": 12.97512554259156, + "nauc_precision_at_3_diff1": 40.917570494530224, + "nauc_precision_at_3_max": 42.15043236961856, + "nauc_precision_at_3_std": -0.589880165120388, + "nauc_precision_at_5_diff1": 36.58196834265981, + "nauc_precision_at_5_max": 41.630431483145955, + "nauc_precision_at_5_std": 2.792434474028848, + "nauc_recall_at_1000_diff1": 22.038599119727685, + "nauc_recall_at_1000_max": 40.92494951502034, + "nauc_recall_at_1000_std": 30.098168212129906, + "nauc_recall_at_100_diff1": 30.27278930698841, + "nauc_recall_at_100_max": 43.08655404016066, + "nauc_recall_at_100_std": 16.415020332792015, + "nauc_recall_at_10_diff1": 38.75370707674917, + "nauc_recall_at_10_max": 40.98674256815627, + "nauc_recall_at_10_std": 1.4170954879979862, + "nauc_recall_at_1_diff1": 61.69412555489549, + "nauc_recall_at_1_max": 45.687572761686425, + "nauc_recall_at_1_std": -5.706950124921224, + "nauc_recall_at_20_diff1": 34.95998605858319, + "nauc_recall_at_20_max": 40.10527957275843, + "nauc_recall_at_20_std": 2.1856254846998895, + "nauc_recall_at_3_diff1": 46.10618270844218, + "nauc_recall_at_3_max": 39.94724438255762, + "nauc_recall_at_3_std": -6.261263180948628, + "nauc_recall_at_5_diff1": 45.37034670682598, + "nauc_recall_at_5_max": 40.996211974958655, + "nauc_recall_at_5_std": -3.8795589504838945, + "ndcg_at_1": 26.687, + "ndcg_at_10": 34.888999999999996, + "ndcg_at_100": 38.967, + "ndcg_at_1000": 41.408, + "ndcg_at_20": 36.202, + "ndcg_at_3": 30.763, + "ndcg_at_5": 32.369, + "precision_at_1": 26.687, + "precision_at_10": 5.428999999999999, + "precision_at_100": 0.8099999999999999, + "precision_at_1000": 0.11, + "precision_at_20": 3.0669999999999997, + "precision_at_3": 12.883, + "precision_at_5": 8.895999999999999, + "recall_at_1": 24.257, + "recall_at_10": 45.013999999999996, + "recall_at_100": 63.55800000000001, + "recall_at_1000": 81.649, + "recall_at_20": 49.786, + "recall_at_3": 33.623, + "recall_at_5": 37.489 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/CQADupstackTexRetrieval.json b/results/OrcaDB__cde-small-v1/external/CQADupstackTexRetrieval.json new file mode 100644 index 000000000..5c8408563 --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/CQADupstackTexRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "46989137a86843e03a6195de44b09deda022eec7", + "task_name": "CQADupstackTexRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 27.174, + "map_at_1": 16.683, + "map_at_10": 22.965, + "map_at_100": 23.954, + "map_at_1000": 24.078, + "map_at_20": 23.49, + "map_at_3": 20.918999999999997, + "map_at_5": 22.027, + "mrr_at_1": 19.92429456297316, + "mrr_at_10": 26.551319656102862, + "mrr_at_100": 27.428968210944316, + "mrr_at_1000": 27.510501144435317, + "mrr_at_20": 27.051813881383698, + "mrr_at_3": 24.483826565726083, + "mrr_at_5": 25.624569855471435, + "nauc_map_at_1000_diff1": 39.70294552750383, + "nauc_map_at_1000_max": 31.317466455201227, + "nauc_map_at_1000_std": -1.762559086629105, + "nauc_map_at_100_diff1": 39.71390899838813, + "nauc_map_at_100_max": 31.29204970199068, + "nauc_map_at_100_std": -1.791535537876596, + "nauc_map_at_10_diff1": 40.01482969019678, + "nauc_map_at_10_max": 31.23314156393745, + "nauc_map_at_10_std": -2.3274535397042513, + "nauc_map_at_1_diff1": 46.72895932959986, + "nauc_map_at_1_max": 29.819875651168548, + "nauc_map_at_1_std": -3.6639434506444912, + "nauc_map_at_20_diff1": 39.79895580803141, + "nauc_map_at_20_max": 31.18209733793537, + "nauc_map_at_20_std": -2.052399285243834, + "nauc_map_at_3_diff1": 41.98314483627424, + "nauc_map_at_3_max": 31.410399587944422, + "nauc_map_at_3_std": -3.1256987241100957, + "nauc_map_at_5_diff1": 40.68955549018378, + "nauc_map_at_5_max": 31.529138053527888, + "nauc_map_at_5_std": -2.5106031609548727, + "nauc_mrr_at_1000_diff1": 38.843425454050774, + "nauc_mrr_at_1000_max": 32.080747972542476, + "nauc_mrr_at_1000_std": -1.8813140227198037, + "nauc_mrr_at_100_diff1": 38.844774433232246, + "nauc_mrr_at_100_max": 32.07767547525176, + "nauc_mrr_at_100_std": -1.8853968240347412, + "nauc_mrr_at_10_diff1": 38.9943638829038, + "nauc_mrr_at_10_max": 32.113199636613224, + "nauc_mrr_at_10_std": -2.2808765253620997, + "nauc_mrr_at_1_diff1": 45.204551111582504, + "nauc_mrr_at_1_max": 31.33271495263982, + "nauc_mrr_at_1_std": -4.310808417520686, + "nauc_mrr_at_20_diff1": 38.809653957002475, + "nauc_mrr_at_20_max": 32.00087958077687, + "nauc_mrr_at_20_std": -2.077240815930647, + "nauc_mrr_at_3_diff1": 40.640559615359884, + "nauc_mrr_at_3_max": 32.499874311042085, + "nauc_mrr_at_3_std": -3.0250204118059623, + "nauc_mrr_at_5_diff1": 39.730384199123904, + "nauc_mrr_at_5_max": 32.54797498951286, + "nauc_mrr_at_5_std": -2.483752446190051, + "nauc_ndcg_at_1000_diff1": 35.67309434839137, + "nauc_ndcg_at_1000_max": 31.968665383689366, + "nauc_ndcg_at_1000_std": 1.8902841143765996, + "nauc_ndcg_at_100_diff1": 35.532320541105456, + "nauc_ndcg_at_100_max": 31.39262363611392, + "nauc_ndcg_at_100_std": 1.3738974219360591, + "nauc_ndcg_at_10_diff1": 36.89304493982828, + "nauc_ndcg_at_10_max": 31.413699188823262, + "nauc_ndcg_at_10_std": -1.4406496834360265, + "nauc_ndcg_at_1_diff1": 45.204551111582504, + "nauc_ndcg_at_1_max": 31.33271495263982, + "nauc_ndcg_at_1_std": -4.310808417520686, + "nauc_ndcg_at_20_diff1": 36.10603668893203, + "nauc_ndcg_at_20_max": 31.08596071268814, + "nauc_ndcg_at_20_std": -0.5716127582631676, + "nauc_ndcg_at_3_diff1": 40.3406275054372, + "nauc_ndcg_at_3_max": 32.30746163378498, + "nauc_ndcg_at_3_std": -2.9826906381184086, + "nauc_ndcg_at_5_diff1": 38.435436080533805, + "nauc_ndcg_at_5_max": 32.28159769507487, + "nauc_ndcg_at_5_std": -1.896502637808091, + "nauc_precision_at_1000_diff1": -1.3272380913114576, + "nauc_precision_at_1000_max": 16.97452439042005, + "nauc_precision_at_1000_std": 6.727514561355023, + "nauc_precision_at_100_diff1": 9.050886288633748, + "nauc_precision_at_100_max": 22.793531578995857, + "nauc_precision_at_100_std": 9.041251836945914, + "nauc_precision_at_10_diff1": 23.58024783123664, + "nauc_precision_at_10_max": 30.911229044947746, + "nauc_precision_at_10_std": 0.49206924465533297, + "nauc_precision_at_1_diff1": 45.204551111582504, + "nauc_precision_at_1_max": 31.33271495263982, + "nauc_precision_at_1_std": -4.310808417520686, + "nauc_precision_at_20_diff1": 18.72722750869453, + "nauc_precision_at_20_max": 28.168309388621456, + "nauc_precision_at_20_std": 3.5580796098534906, + "nauc_precision_at_3_diff1": 34.21934456307853, + "nauc_precision_at_3_max": 34.50963041596628, + "nauc_precision_at_3_std": -2.1474684485851876, + "nauc_precision_at_5_diff1": 29.967346999613596, + "nauc_precision_at_5_max": 33.958476515854954, + "nauc_precision_at_5_std": -0.45778793347456004, + "nauc_recall_at_1000_diff1": 12.06453658572338, + "nauc_recall_at_1000_max": 30.788667195142633, + "nauc_recall_at_1000_std": 27.271269189751713, + "nauc_recall_at_100_diff1": 19.6231994553196, + "nauc_recall_at_100_max": 27.00238503628109, + "nauc_recall_at_100_std": 13.294514312384601, + "nauc_recall_at_10_diff1": 27.755272572613222, + "nauc_recall_at_10_max": 28.332855891388125, + "nauc_recall_at_10_std": 0.8241434995618968, + "nauc_recall_at_1_diff1": 46.72895932959986, + "nauc_recall_at_1_max": 29.819875651168548, + "nauc_recall_at_1_std": -3.6639434506444912, + "nauc_recall_at_20_diff1": 24.731671276025146, + "nauc_recall_at_20_max": 26.949426211227795, + "nauc_recall_at_20_std": 3.412457763382852, + "nauc_recall_at_3_diff1": 36.38111388907899, + "nauc_recall_at_3_max": 31.47754397495634, + "nauc_recall_at_3_std": -2.1874715383733956, + "nauc_recall_at_5_diff1": 31.68529930399809, + "nauc_recall_at_5_max": 31.090941464639744, + "nauc_recall_at_5_std": -0.1674878655815559, + "ndcg_at_1": 19.924, + "ndcg_at_10": 27.174, + "ndcg_at_100": 32.065, + "ndcg_at_1000": 35.106, + "ndcg_at_20": 28.939999999999998, + "ndcg_at_3": 23.372999999999998, + "ndcg_at_5": 25.096, + "precision_at_1": 19.924, + "precision_at_10": 4.855, + "precision_at_100": 0.857, + "precision_at_1000": 0.129, + "precision_at_20": 2.94, + "precision_at_3": 10.897, + "precision_at_5": 7.7909999999999995, + "recall_at_1": 16.683, + "recall_at_10": 36.276, + "recall_at_100": 58.437, + "recall_at_1000": 80.35900000000001, + "recall_at_20": 42.79, + "recall_at_3": 25.663999999999998, + "recall_at_5": 30.213 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/CQADupstackUnixRetrieval.json b/results/OrcaDB__cde-small-v1/external/CQADupstackUnixRetrieval.json new file mode 100644 index 000000000..72898241d --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/CQADupstackUnixRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "6c6430d3a6d36f8d2a829195bc5dc94d7e063e53", + "task_name": "CQADupstackUnixRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 38.34, + "map_at_1": 25.924999999999997, + "map_at_10": 33.53, + "map_at_100": 34.635, + "map_at_1000": 34.739, + "map_at_20": 34.117999999999995, + "map_at_3": 30.94, + "map_at_5": 32.411, + "mrr_at_1": 30.223880597014922, + "mrr_at_10": 37.598873193556024, + "mrr_at_100": 38.48001202116003, + "mrr_at_1000": 38.53998687212744, + "mrr_at_20": 38.0922428291824, + "mrr_at_3": 35.26119402985074, + "mrr_at_5": 36.627798507462686, + "nauc_map_at_1000_diff1": 48.99658121611321, + "nauc_map_at_1000_max": 43.36514689969973, + "nauc_map_at_1000_std": 1.2743138438292323, + "nauc_map_at_100_diff1": 49.00383839256485, + "nauc_map_at_100_max": 43.34421843813268, + "nauc_map_at_100_std": 1.2381577394429648, + "nauc_map_at_10_diff1": 48.976968357570804, + "nauc_map_at_10_max": 43.21656545934543, + "nauc_map_at_10_std": 0.8806229946576106, + "nauc_map_at_1_diff1": 54.79429701172901, + "nauc_map_at_1_max": 44.94497297225627, + "nauc_map_at_1_std": 0.3424876477921997, + "nauc_map_at_20_diff1": 49.05500453067965, + "nauc_map_at_20_max": 43.313867184227114, + "nauc_map_at_20_std": 1.0599077751868857, + "nauc_map_at_3_diff1": 50.202191345168735, + "nauc_map_at_3_max": 43.16428713411531, + "nauc_map_at_3_std": 0.33035782399351366, + "nauc_map_at_5_diff1": 49.43896179760421, + "nauc_map_at_5_max": 43.36309937252455, + "nauc_map_at_5_std": 0.6152011411226946, + "nauc_mrr_at_1000_diff1": 48.359023685110486, + "nauc_mrr_at_1000_max": 42.5315010808791, + "nauc_mrr_at_1000_std": 0.5920431228924952, + "nauc_mrr_at_100_diff1": 48.33949213883611, + "nauc_mrr_at_100_max": 42.501697399914725, + "nauc_mrr_at_100_std": 0.5683233598385363, + "nauc_mrr_at_10_diff1": 48.17405374349975, + "nauc_mrr_at_10_max": 42.36829702421452, + "nauc_mrr_at_10_std": 0.3918636512799242, + "nauc_mrr_at_1_diff1": 54.41613067936997, + "nauc_mrr_at_1_max": 44.91551488557509, + "nauc_mrr_at_1_std": -0.7697411188700982, + "nauc_mrr_at_20_diff1": 48.29085774083497, + "nauc_mrr_at_20_max": 42.46692350994534, + "nauc_mrr_at_20_std": 0.49667689004854476, + "nauc_mrr_at_3_diff1": 49.32403876113614, + "nauc_mrr_at_3_max": 42.420974899262816, + "nauc_mrr_at_3_std": -0.17054785857862576, + "nauc_mrr_at_5_diff1": 48.5386866012484, + "nauc_mrr_at_5_max": 42.49752447209939, + "nauc_mrr_at_5_std": -0.030068724695007015, + "nauc_ndcg_at_1000_diff1": 46.482903430093685, + "nauc_ndcg_at_1000_max": 43.18727440958746, + "nauc_ndcg_at_1000_std": 3.8397045352936874, + "nauc_ndcg_at_100_diff1": 46.272241119098105, + "nauc_ndcg_at_100_max": 42.44044067518221, + "nauc_ndcg_at_100_std": 3.0744093549329374, + "nauc_ndcg_at_10_diff1": 46.35820553525149, + "nauc_ndcg_at_10_max": 42.05754989284268, + "nauc_ndcg_at_10_std": 1.6140781134179982, + "nauc_ndcg_at_1_diff1": 54.41613067936997, + "nauc_ndcg_at_1_max": 44.91551488557509, + "nauc_ndcg_at_1_std": -0.7697411188700982, + "nauc_ndcg_at_20_diff1": 46.56173859192192, + "nauc_ndcg_at_20_max": 42.39990803441754, + "nauc_ndcg_at_20_std": 2.2301958940613518, + "nauc_ndcg_at_3_diff1": 48.45451921294981, + "nauc_ndcg_at_3_max": 42.1519683087422, + "nauc_ndcg_at_3_std": 0.43355376702150983, + "nauc_ndcg_at_5_diff1": 47.329516258529, + "nauc_ndcg_at_5_max": 42.39325493165628, + "nauc_ndcg_at_5_std": 0.8719863795035224, + "nauc_precision_at_1000_diff1": -10.427395700183098, + "nauc_precision_at_1000_max": 1.3695831886594074, + "nauc_precision_at_1000_std": 5.396211335976429, + "nauc_precision_at_100_diff1": 4.170216285720574, + "nauc_precision_at_100_max": 14.393676436386233, + "nauc_precision_at_100_std": 7.356250144868687, + "nauc_precision_at_10_diff1": 25.406793843503, + "nauc_precision_at_10_max": 30.469137431378485, + "nauc_precision_at_10_std": 4.262031333274362, + "nauc_precision_at_1_diff1": 54.41613067936997, + "nauc_precision_at_1_max": 44.91551488557509, + "nauc_precision_at_1_std": -0.7697411188700982, + "nauc_precision_at_20_diff1": 20.989784339763254, + "nauc_precision_at_20_max": 27.616892902118735, + "nauc_precision_at_20_std": 5.021785061675381, + "nauc_precision_at_3_diff1": 39.66665542900266, + "nauc_precision_at_3_max": 37.76686222170862, + "nauc_precision_at_3_std": 1.04925540752191, + "nauc_precision_at_5_diff1": 32.88141076318413, + "nauc_precision_at_5_max": 35.90401974619475, + "nauc_precision_at_5_std": 2.2695242286100408, + "nauc_recall_at_1000_diff1": 30.248973513875526, + "nauc_recall_at_1000_max": 48.439331789791325, + "nauc_recall_at_1000_std": 38.857189673518135, + "nauc_recall_at_100_diff1": 33.090255913758874, + "nauc_recall_at_100_max": 35.45818452208663, + "nauc_recall_at_100_std": 12.58439358264515, + "nauc_recall_at_10_diff1": 37.462082402733785, + "nauc_recall_at_10_max": 36.99065942533105, + "nauc_recall_at_10_std": 3.948587023033947, + "nauc_recall_at_1_diff1": 54.79429701172901, + "nauc_recall_at_1_max": 44.94497297225627, + "nauc_recall_at_1_std": 0.3424876477921997, + "nauc_recall_at_20_diff1": 37.34159405112872, + "nauc_recall_at_20_max": 37.50873448555206, + "nauc_recall_at_20_std": 6.669489660177887, + "nauc_recall_at_3_diff1": 43.751405924588184, + "nauc_recall_at_3_max": 38.5280847003097, + "nauc_recall_at_3_std": 0.8234291612745726, + "nauc_recall_at_5_diff1": 40.75537181461394, + "nauc_recall_at_5_max": 38.64761171801593, + "nauc_recall_at_5_std": 1.9783778065563666, + "ndcg_at_1": 30.224, + "ndcg_at_10": 38.34, + "ndcg_at_100": 43.564, + "ndcg_at_1000": 45.888, + "ndcg_at_20": 40.285, + "ndcg_at_3": 33.613, + "ndcg_at_5": 35.868, + "precision_at_1": 30.224, + "precision_at_10": 6.343, + "precision_at_100": 1.0030000000000001, + "precision_at_1000": 0.131, + "precision_at_20": 3.689, + "precision_at_3": 14.832, + "precision_at_5": 10.504, + "recall_at_1": 25.924999999999997, + "recall_at_10": 49.01, + "recall_at_100": 71.935, + "recall_at_1000": 88.191, + "recall_at_20": 56.076, + "recall_at_3": 36.344, + "recall_at_5": 41.942 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/CQADupstackWebmastersRetrieval.json b/results/OrcaDB__cde-small-v1/external/CQADupstackWebmastersRetrieval.json new file mode 100644 index 000000000..ed4718eea --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/CQADupstackWebmastersRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "160c094312a0e1facb97e55eeddb698c0abe3571", + "task_name": "CQADupstackWebmastersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 39.007, + "map_at_1": 25.195, + "map_at_10": 33.29, + "map_at_100": 34.919, + "map_at_1000": 35.132999999999996, + "map_at_20": 34.184, + "map_at_3": 30.501, + "map_at_5": 31.917, + "mrr_at_1": 30.237154150197625, + "mrr_at_10": 37.97901373988331, + "mrr_at_100": 38.89357624578056, + "mrr_at_1000": 38.96172508462875, + "mrr_at_20": 38.489908488593, + "mrr_at_3": 35.44137022397892, + "mrr_at_5": 36.755599472990774, + "nauc_map_at_1000_diff1": 54.52234288345771, + "nauc_map_at_1000_max": 37.02933259777875, + "nauc_map_at_1000_std": -1.8802414735497839, + "nauc_map_at_100_diff1": 54.592085424308564, + "nauc_map_at_100_max": 37.13861558972853, + "nauc_map_at_100_std": -1.8864900602925623, + "nauc_map_at_10_diff1": 55.32701084932018, + "nauc_map_at_10_max": 36.97158176818064, + "nauc_map_at_10_std": -3.364570079568588, + "nauc_map_at_1_diff1": 62.56234442022803, + "nauc_map_at_1_max": 37.725553737446866, + "nauc_map_at_1_std": -5.9573495367577705, + "nauc_map_at_20_diff1": 54.92567471295049, + "nauc_map_at_20_max": 36.980006282091985, + "nauc_map_at_20_std": -2.7416738048891243, + "nauc_map_at_3_diff1": 57.6202035201006, + "nauc_map_at_3_max": 36.85083307496426, + "nauc_map_at_3_std": -4.929088209082444, + "nauc_map_at_5_diff1": 56.43034014992742, + "nauc_map_at_5_max": 36.65006798835753, + "nauc_map_at_5_std": -4.776147213332607, + "nauc_mrr_at_1000_diff1": 51.91684536214369, + "nauc_mrr_at_1000_max": 35.50047477073224, + "nauc_mrr_at_1000_std": -0.9638166168094422, + "nauc_mrr_at_100_diff1": 51.89735751581897, + "nauc_mrr_at_100_max": 35.48371938892366, + "nauc_mrr_at_100_std": -0.9444977007097576, + "nauc_mrr_at_10_diff1": 51.82990105533963, + "nauc_mrr_at_10_max": 35.41678096580625, + "nauc_mrr_at_10_std": -1.2998439543197369, + "nauc_mrr_at_1_diff1": 57.36601705972182, + "nauc_mrr_at_1_max": 36.90602990003092, + "nauc_mrr_at_1_std": -3.4080880251307044, + "nauc_mrr_at_20_diff1": 51.8613947241447, + "nauc_mrr_at_20_max": 35.42345819928662, + "nauc_mrr_at_20_std": -1.093870308993923, + "nauc_mrr_at_3_diff1": 53.01993009463089, + "nauc_mrr_at_3_max": 35.822666497908806, + "nauc_mrr_at_3_std": -2.1165600076512474, + "nauc_mrr_at_5_diff1": 52.34611304656942, + "nauc_mrr_at_5_max": 35.49696929205688, + "nauc_mrr_at_5_std": -2.0955274926266982, + "nauc_ndcg_at_1000_diff1": 51.41120348218975, + "nauc_ndcg_at_1000_max": 36.685342768279675, + "nauc_ndcg_at_1000_std": 1.7205313748343651, + "nauc_ndcg_at_100_diff1": 50.93701708514895, + "nauc_ndcg_at_100_max": 36.162627377243275, + "nauc_ndcg_at_100_std": 1.7640807675244328, + "nauc_ndcg_at_10_diff1": 50.63098923593871, + "nauc_ndcg_at_10_max": 35.34361464083639, + "nauc_ndcg_at_10_std": -0.9402862458857915, + "nauc_ndcg_at_1_diff1": 57.36601705972182, + "nauc_ndcg_at_1_max": 36.90602990003092, + "nauc_ndcg_at_1_std": -3.4080880251307044, + "nauc_ndcg_at_20_diff1": 50.73961693837964, + "nauc_ndcg_at_20_max": 35.01998564289338, + "nauc_ndcg_at_20_std": -0.5241446967120867, + "nauc_ndcg_at_3_diff1": 53.23302956511971, + "nauc_ndcg_at_3_max": 35.708980757056295, + "nauc_ndcg_at_3_std": -3.017125347557592, + "nauc_ndcg_at_5_diff1": 52.335636773583396, + "nauc_ndcg_at_5_max": 35.34227057005852, + "nauc_ndcg_at_5_std": -2.9708664518544508, + "nauc_precision_at_1000_diff1": -18.554677236277232, + "nauc_precision_at_1000_max": -15.659740900843067, + "nauc_precision_at_1000_std": 8.228155770924415, + "nauc_precision_at_100_diff1": -12.195998995692928, + "nauc_precision_at_100_max": -0.5888781565639164, + "nauc_precision_at_100_std": 19.312752223375448, + "nauc_precision_at_10_diff1": 12.921470127228105, + "nauc_precision_at_10_max": 21.317929458256238, + "nauc_precision_at_10_std": 13.148202187911012, + "nauc_precision_at_1_diff1": 57.36601705972182, + "nauc_precision_at_1_max": 36.90602990003092, + "nauc_precision_at_1_std": -3.4080880251307044, + "nauc_precision_at_20_diff1": 2.4696353004069906, + "nauc_precision_at_20_max": 14.284343093524058, + "nauc_precision_at_20_std": 17.480976091077217, + "nauc_precision_at_3_diff1": 35.82856720298558, + "nauc_precision_at_3_max": 29.613454822718143, + "nauc_precision_at_3_std": 0.38030095211645343, + "nauc_precision_at_5_diff1": 27.632641276435354, + "nauc_precision_at_5_max": 27.238425775328967, + "nauc_precision_at_5_std": 3.152744091929671, + "nauc_recall_at_1000_diff1": 33.28570370310322, + "nauc_recall_at_1000_max": 44.315453433115785, + "nauc_recall_at_1000_std": 43.371884128363, + "nauc_recall_at_100_diff1": 35.77059425104567, + "nauc_recall_at_100_max": 31.48054575812204, + "nauc_recall_at_100_std": 17.639416832754303, + "nauc_recall_at_10_diff1": 40.179789202687914, + "nauc_recall_at_10_max": 30.466946546206923, + "nauc_recall_at_10_std": 0.8385433327977754, + "nauc_recall_at_1_diff1": 62.56234442022803, + "nauc_recall_at_1_max": 37.725553737446866, + "nauc_recall_at_1_std": -5.9573495367577705, + "nauc_recall_at_20_diff1": 38.70371818511684, + "nauc_recall_at_20_max": 28.305350175132567, + "nauc_recall_at_20_std": 3.8854966962347746, + "nauc_recall_at_3_diff1": 51.22347884414916, + "nauc_recall_at_3_max": 33.21612425601433, + "nauc_recall_at_3_std": -4.48370860005988, + "nauc_recall_at_5_diff1": 46.848014408337676, + "nauc_recall_at_5_max": 31.254476917525555, + "nauc_recall_at_5_std": -4.903427133365656, + "ndcg_at_1": 30.237000000000002, + "ndcg_at_10": 39.007, + "ndcg_at_100": 44.585, + "ndcg_at_1000": 47.464, + "ndcg_at_20": 41.278999999999996, + "ndcg_at_3": 34.472, + "ndcg_at_5": 36.315, + "precision_at_1": 30.237000000000002, + "precision_at_10": 7.51, + "precision_at_100": 1.478, + "precision_at_1000": 0.234, + "precision_at_20": 4.7829999999999995, + "precision_at_3": 16.14, + "precision_at_5": 11.462, + "recall_at_1": 25.195, + "recall_at_10": 49.507, + "recall_at_100": 74.083, + "recall_at_1000": 92.899, + "recall_at_20": 58.291000000000004, + "recall_at_3": 36.167, + "recall_at_5": 41.749 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/CQADupstackWordpressRetrieval.json b/results/OrcaDB__cde-small-v1/external/CQADupstackWordpressRetrieval.json new file mode 100644 index 000000000..b23b90b8b --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/CQADupstackWordpressRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "4ffe81d471b1924886b33c7567bfb200e9eec5c4", + "task_name": "CQADupstackWordpressRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 33.06, + "map_at_1": 22.683, + "map_at_10": 29.115000000000002, + "map_at_100": 30.035, + "map_at_1000": 30.141000000000002, + "map_at_20": 29.585, + "map_at_3": 27.436, + "map_at_5": 28.186, + "mrr_at_1": 24.953789279112755, + "mrr_at_10": 31.512190828272157, + "mrr_at_100": 32.30661079835987, + "mrr_at_1000": 32.388485948646846, + "mrr_at_20": 31.898454977555428, + "mrr_at_3": 29.852125693160815, + "mrr_at_5": 30.64695009242144, + "nauc_map_at_1000_diff1": 41.37097481409692, + "nauc_map_at_1000_max": 21.819472065390062, + "nauc_map_at_1000_std": -5.511851233031371, + "nauc_map_at_100_diff1": 41.38580981484577, + "nauc_map_at_100_max": 21.796410887298222, + "nauc_map_at_100_std": -5.56736379242138, + "nauc_map_at_10_diff1": 41.63629903410976, + "nauc_map_at_10_max": 21.90371149884218, + "nauc_map_at_10_std": -6.152274677121426, + "nauc_map_at_1_diff1": 45.84841941041374, + "nauc_map_at_1_max": 20.461574274794568, + "nauc_map_at_1_std": -7.769870515581234, + "nauc_map_at_20_diff1": 41.616159838791376, + "nauc_map_at_20_max": 21.879572436615728, + "nauc_map_at_20_std": -6.001760143925003, + "nauc_map_at_3_diff1": 42.690213994915474, + "nauc_map_at_3_max": 21.35340820982141, + "nauc_map_at_3_std": -6.118720026868332, + "nauc_map_at_5_diff1": 42.107817663484575, + "nauc_map_at_5_max": 22.02508826703247, + "nauc_map_at_5_std": -5.655849953120985, + "nauc_mrr_at_1000_diff1": 39.66954612386224, + "nauc_mrr_at_1000_max": 22.150137067327954, + "nauc_mrr_at_1000_std": -4.798006812425386, + "nauc_mrr_at_100_diff1": 39.66409024535208, + "nauc_mrr_at_100_max": 22.121525365416538, + "nauc_mrr_at_100_std": -4.806603240713894, + "nauc_mrr_at_10_diff1": 39.87117352487735, + "nauc_mrr_at_10_max": 22.298568726426076, + "nauc_mrr_at_10_std": -5.1451772190015195, + "nauc_mrr_at_1_diff1": 43.86075692062394, + "nauc_mrr_at_1_max": 20.51270620979276, + "nauc_mrr_at_1_std": -7.589704558075294, + "nauc_mrr_at_20_diff1": 39.820424398881215, + "nauc_mrr_at_20_max": 22.173944895852095, + "nauc_mrr_at_20_std": -5.0727540461865335, + "nauc_mrr_at_3_diff1": 40.73278435693193, + "nauc_mrr_at_3_max": 21.930995553135812, + "nauc_mrr_at_3_std": -5.980722775097277, + "nauc_mrr_at_5_diff1": 39.89679395564144, + "nauc_mrr_at_5_max": 22.02821777103734, + "nauc_mrr_at_5_std": -5.072135508421082, + "nauc_ndcg_at_1000_diff1": 37.957587605367785, + "nauc_ndcg_at_1000_max": 22.362257192820255, + "nauc_ndcg_at_1000_std": -1.7757428668228084, + "nauc_ndcg_at_100_diff1": 37.908544407246104, + "nauc_ndcg_at_100_max": 21.536623476432354, + "nauc_ndcg_at_100_std": -2.678355870833651, + "nauc_ndcg_at_10_diff1": 39.36845261271005, + "nauc_ndcg_at_10_max": 22.3150793248212, + "nauc_ndcg_at_10_std": -5.646375413170874, + "nauc_ndcg_at_1_diff1": 43.86075692062394, + "nauc_ndcg_at_1_max": 20.51270620979276, + "nauc_ndcg_at_1_std": -7.589704558075294, + "nauc_ndcg_at_20_diff1": 39.30711049883703, + "nauc_ndcg_at_20_max": 21.935544953883415, + "nauc_ndcg_at_20_std": -5.20402304183158, + "nauc_ndcg_at_3_diff1": 41.113286498750305, + "nauc_ndcg_at_3_max": 21.635397999914282, + "nauc_ndcg_at_3_std": -5.72866713630757, + "nauc_ndcg_at_5_diff1": 40.06783309225114, + "nauc_ndcg_at_5_max": 22.416356942701672, + "nauc_ndcg_at_5_std": -4.886519038213331, + "nauc_precision_at_1000_diff1": -17.52292838463402, + "nauc_precision_at_1000_max": -5.389818321213827, + "nauc_precision_at_1000_std": 26.772552854570375, + "nauc_precision_at_100_diff1": 3.543169641476175, + "nauc_precision_at_100_max": 9.574510694378198, + "nauc_precision_at_100_std": 17.92832693421059, + "nauc_precision_at_10_diff1": 24.894375565187694, + "nauc_precision_at_10_max": 22.273016884986628, + "nauc_precision_at_10_std": -0.32355612520474136, + "nauc_precision_at_1_diff1": 43.86075692062394, + "nauc_precision_at_1_max": 20.51270620979276, + "nauc_precision_at_1_std": -7.589704558075294, + "nauc_precision_at_20_diff1": 21.29826064932648, + "nauc_precision_at_20_max": 19.79498027543001, + "nauc_precision_at_20_std": 2.804941576632282, + "nauc_precision_at_3_diff1": 33.72177316592598, + "nauc_precision_at_3_max": 22.691241202228518, + "nauc_precision_at_3_std": -2.7085967541341853, + "nauc_precision_at_5_diff1": 30.51704379057159, + "nauc_precision_at_5_max": 24.287775910544436, + "nauc_precision_at_5_std": 0.6318618555538418, + "nauc_recall_at_1000_diff1": 16.14163529457628, + "nauc_recall_at_1000_max": 30.255937330833625, + "nauc_recall_at_1000_std": 34.82149396857235, + "nauc_recall_at_100_diff1": 24.81738199141423, + "nauc_recall_at_100_max": 17.622405730191517, + "nauc_recall_at_100_std": 9.943278532212068, + "nauc_recall_at_10_diff1": 34.03447281460739, + "nauc_recall_at_10_max": 22.077681180504047, + "nauc_recall_at_10_std": -5.772153803762581, + "nauc_recall_at_1_diff1": 45.84841941041374, + "nauc_recall_at_1_max": 20.461574274794568, + "nauc_recall_at_1_std": -7.769870515581234, + "nauc_recall_at_20_diff1": 33.91749085377916, + "nauc_recall_at_20_max": 20.226869969726543, + "nauc_recall_at_20_std": -4.369285076602888, + "nauc_recall_at_3_diff1": 38.25575445199975, + "nauc_recall_at_3_max": 21.402983769895837, + "nauc_recall_at_3_std": -5.96278802416301, + "nauc_recall_at_5_diff1": 36.17314539524256, + "nauc_recall_at_5_max": 23.115551795773314, + "nauc_recall_at_5_std": -3.8407187471333697, + "ndcg_at_1": 24.954, + "ndcg_at_10": 33.06, + "ndcg_at_100": 37.751000000000005, + "ndcg_at_1000": 40.477000000000004, + "ndcg_at_20": 34.587, + "ndcg_at_3": 29.666999999999998, + "ndcg_at_5": 30.929000000000002, + "precision_at_1": 24.954, + "precision_at_10": 4.972, + "precision_at_100": 0.799, + "precision_at_1000": 0.11499999999999999, + "precision_at_20": 2.874, + "precision_at_3": 12.446, + "precision_at_5": 8.244, + "recall_at_1": 22.683, + "recall_at_10": 42.775, + "recall_at_100": 65.05300000000001, + "recall_at_1000": 85.251, + "recall_at_20": 48.512, + "recall_at_3": 33.423, + "recall_at_5": 36.571 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/ClimateFEVER.json b/results/OrcaDB__cde-small-v1/external/ClimateFEVER.json new file mode 100644 index 000000000..3afda96ce --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/ClimateFEVER.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 25.713, + "map_at_1": 10.995000000000001, + "map_at_10": 18.183, + "map_at_100": 19.758, + "map_at_1000": 19.93, + "map_at_20": 19.023, + "map_at_3": 15.126999999999999, + "map_at_5": 16.521, + "mrr_at_1": 23.908794788273617, + "mrr_at_10": 34.419626699756996, + "mrr_at_100": 35.42205880765744, + "mrr_at_1000": 35.465636585855435, + "mrr_at_20": 35.04560320193987, + "mrr_at_3": 31.31378935939197, + "mrr_at_5": 32.98154180238871, + "nauc_map_at_1000_diff1": 30.808649871031978, + "nauc_map_at_1000_max": 38.44733700268257, + "nauc_map_at_1000_std": 24.83849154952647, + "nauc_map_at_100_diff1": 30.817681439188565, + "nauc_map_at_100_max": 38.38165009049118, + "nauc_map_at_100_std": 24.75945437667734, + "nauc_map_at_10_diff1": 31.016072728955457, + "nauc_map_at_10_max": 37.78482154934025, + "nauc_map_at_10_std": 22.73087477402899, + "nauc_map_at_1_diff1": 38.13786017193742, + "nauc_map_at_1_max": 34.897924276187446, + "nauc_map_at_1_std": 15.197914019142733, + "nauc_map_at_20_diff1": 30.93811389613207, + "nauc_map_at_20_max": 38.018621558175084, + "nauc_map_at_20_std": 23.87402074626538, + "nauc_map_at_3_diff1": 32.694558487234204, + "nauc_map_at_3_max": 37.452175644150344, + "nauc_map_at_3_std": 20.06796990357737, + "nauc_map_at_5_diff1": 31.654957870346784, + "nauc_map_at_5_max": 37.04115114192235, + "nauc_map_at_5_std": 21.129693545324375, + "nauc_mrr_at_1000_diff1": 29.802772421913403, + "nauc_mrr_at_1000_max": 38.000278050301176, + "nauc_mrr_at_1000_std": 23.48992856904152, + "nauc_mrr_at_100_diff1": 29.788014379597026, + "nauc_mrr_at_100_max": 38.0070275486147, + "nauc_mrr_at_100_std": 23.522736661530086, + "nauc_mrr_at_10_diff1": 29.5812602078958, + "nauc_mrr_at_10_max": 37.73314132006107, + "nauc_mrr_at_10_std": 23.34339817425411, + "nauc_mrr_at_1_diff1": 36.24696165314146, + "nauc_mrr_at_1_max": 36.63498565688475, + "nauc_mrr_at_1_std": 16.627906626261446, + "nauc_mrr_at_20_diff1": 29.765297131181562, + "nauc_mrr_at_20_max": 37.8739248069123, + "nauc_mrr_at_20_std": 23.44526626055555, + "nauc_mrr_at_3_diff1": 30.428492046004795, + "nauc_mrr_at_3_max": 37.917848006886125, + "nauc_mrr_at_3_std": 21.90161780585706, + "nauc_mrr_at_5_diff1": 29.93977431566972, + "nauc_mrr_at_5_max": 37.69690203746751, + "nauc_mrr_at_5_std": 22.75274068799061, + "nauc_ndcg_at_1000_diff1": 27.523183792167266, + "nauc_ndcg_at_1000_max": 40.93757048012577, + "nauc_ndcg_at_1000_std": 32.30396817658341, + "nauc_ndcg_at_100_diff1": 27.454763301587064, + "nauc_ndcg_at_100_max": 40.45039618287942, + "nauc_ndcg_at_100_std": 31.795801743619663, + "nauc_ndcg_at_10_diff1": 28.012456489936806, + "nauc_ndcg_at_10_max": 38.045278212869825, + "nauc_ndcg_at_10_std": 25.963041085823978, + "nauc_ndcg_at_1_diff1": 35.99513984271449, + "nauc_ndcg_at_1_max": 36.62771507516844, + "nauc_ndcg_at_1_std": 16.726124822038052, + "nauc_ndcg_at_20_diff1": 28.012111240688963, + "nauc_ndcg_at_20_max": 38.667107321330555, + "nauc_ndcg_at_20_std": 28.198245721076976, + "nauc_ndcg_at_3_diff1": 30.33073102826854, + "nauc_ndcg_at_3_max": 37.995789997615354, + "nauc_ndcg_at_3_std": 22.304331918813876, + "nauc_ndcg_at_5_diff1": 29.141028641237632, + "nauc_ndcg_at_5_max": 37.2113360591228, + "nauc_ndcg_at_5_std": 23.53066714165745, + "nauc_precision_at_1000_diff1": -1.0646702024743917, + "nauc_precision_at_1000_max": 19.304218995700534, + "nauc_precision_at_1000_std": 31.73840122818843, + "nauc_precision_at_100_diff1": 5.427804568412734, + "nauc_precision_at_100_max": 27.90881278884377, + "nauc_precision_at_100_std": 38.45326235114876, + "nauc_precision_at_10_diff1": 14.252021242340863, + "nauc_precision_at_10_max": 32.047078663067914, + "nauc_precision_at_10_std": 30.621835328899426, + "nauc_precision_at_1_diff1": 35.99513984271449, + "nauc_precision_at_1_max": 36.62771507516844, + "nauc_precision_at_1_std": 16.726124822038052, + "nauc_precision_at_20_diff1": 12.017354269524972, + "nauc_precision_at_20_max": 29.906152963561322, + "nauc_precision_at_20_std": 33.764105037332264, + "nauc_precision_at_3_diff1": 23.486354895398577, + "nauc_precision_at_3_max": 38.45096435794749, + "nauc_precision_at_3_std": 26.636452479567645, + "nauc_precision_at_5_diff1": 19.574760607896973, + "nauc_precision_at_5_max": 34.51474571826715, + "nauc_precision_at_5_std": 28.514859235740904, + "nauc_recall_at_1000_diff1": 12.801905007251246, + "nauc_recall_at_1000_max": 37.49463996225108, + "nauc_recall_at_1000_std": 45.46087045204742, + "nauc_recall_at_100_diff1": 15.082886168560034, + "nauc_recall_at_100_max": 35.720813725614, + "nauc_recall_at_100_std": 39.876934524809215, + "nauc_recall_at_10_diff1": 20.08086437796489, + "nauc_recall_at_10_max": 33.418507169063815, + "nauc_recall_at_10_std": 27.309080075299562, + "nauc_recall_at_1_diff1": 38.13786017193742, + "nauc_recall_at_1_max": 34.897924276187446, + "nauc_recall_at_1_std": 15.197914019142733, + "nauc_recall_at_20_diff1": 18.984980462200134, + "nauc_recall_at_20_max": 32.95474022914299, + "nauc_recall_at_20_std": 30.77553423574554, + "nauc_recall_at_3_diff1": 26.670776366276865, + "nauc_recall_at_3_max": 37.07230392845629, + "nauc_recall_at_3_std": 23.385309818709757, + "nauc_recall_at_5_diff1": 23.45569235165577, + "nauc_recall_at_5_max": 34.014688386664524, + "nauc_recall_at_5_std": 24.50194439244803, + "ndcg_at_1": 23.974, + "ndcg_at_10": 25.713, + "ndcg_at_100": 32.349, + "ndcg_at_1000": 35.615, + "ndcg_at_20": 28.28, + "ndcg_at_3": 20.761, + "ndcg_at_5": 22.225, + "precision_at_1": 23.974, + "precision_at_10": 8.052, + "precision_at_100": 1.5110000000000001, + "precision_at_1000": 0.211, + "precision_at_20": 5.106999999999999, + "precision_at_3": 15.157000000000002, + "precision_at_5": 11.557, + "recall_at_1": 10.995000000000001, + "recall_at_10": 31.05, + "recall_at_100": 54.233, + "recall_at_1000": 72.75500000000001, + "recall_at_20": 38.442, + "recall_at_3": 18.839, + "recall_at_5": 23.26 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/DBPedia.json b/results/OrcaDB__cde-small-v1/external/DBPedia.json new file mode 100644 index 000000000..7133cb9fb --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/DBPedia.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 40.091, + "map_at_1": 8.112, + "map_at_10": 18.911, + "map_at_100": 27.29, + "map_at_1000": 28.749000000000002, + "map_at_20": 22.187, + "map_at_3": 13.177, + "map_at_5": 15.723999999999998, + "mrr_at_1": 64.75, + "mrr_at_10": 73.0328373015873, + "mrr_at_100": 73.3904467983012, + "mrr_at_1000": 73.40582528487944, + "mrr_at_20": 73.25613317925624, + "mrr_at_3": 71.58333333333333, + "mrr_at_5": 72.52083333333333, + "nauc_map_at_1000_diff1": 30.326073419291667, + "nauc_map_at_1000_max": 41.2485655499243, + "nauc_map_at_1000_std": 34.68797882732488, + "nauc_map_at_100_diff1": 30.250567651424635, + "nauc_map_at_100_max": 39.591743243203275, + "nauc_map_at_100_std": 32.14962028433263, + "nauc_map_at_10_diff1": 28.30330426974147, + "nauc_map_at_10_max": 24.685858800003153, + "nauc_map_at_10_std": 6.991461788881313, + "nauc_map_at_1_diff1": 37.84825245885128, + "nauc_map_at_1_max": 10.784383140794167, + "nauc_map_at_1_std": -12.413788028731759, + "nauc_map_at_20_diff1": 30.56644002866712, + "nauc_map_at_20_max": 32.09850095008104, + "nauc_map_at_20_std": 17.68312732143373, + "nauc_map_at_3_diff1": 26.94636553986902, + "nauc_map_at_3_max": 13.716258156642672, + "nauc_map_at_3_std": -7.919396887763491, + "nauc_map_at_5_diff1": 26.703766272524305, + "nauc_map_at_5_max": 18.493432579075815, + "nauc_map_at_5_std": -1.7953102028408285, + "nauc_mrr_at_1000_diff1": 56.5585700690547, + "nauc_mrr_at_1000_max": 68.59723304665478, + "nauc_mrr_at_1000_std": 41.65741817361127, + "nauc_mrr_at_100_diff1": 56.56488475063903, + "nauc_mrr_at_100_max": 68.59436880973041, + "nauc_mrr_at_100_std": 41.64008885243909, + "nauc_mrr_at_10_diff1": 56.57992847970396, + "nauc_mrr_at_10_max": 68.54809322422658, + "nauc_mrr_at_10_std": 41.637196787701605, + "nauc_mrr_at_1_diff1": 59.49013430944212, + "nauc_mrr_at_1_max": 67.51266363522255, + "nauc_mrr_at_1_std": 39.159077933489094, + "nauc_mrr_at_20_diff1": 56.322141799066195, + "nauc_mrr_at_20_max": 68.41241085079113, + "nauc_mrr_at_20_std": 41.74023776153815, + "nauc_mrr_at_3_diff1": 56.43465566121455, + "nauc_mrr_at_3_max": 69.32027688455301, + "nauc_mrr_at_3_std": 42.35441414676036, + "nauc_mrr_at_5_diff1": 56.185426652218126, + "nauc_mrr_at_5_max": 68.68507625781251, + "nauc_mrr_at_5_std": 42.227673261247816, + "nauc_ndcg_at_1000_diff1": 38.452991805224926, + "nauc_ndcg_at_1000_max": 55.49295294630129, + "nauc_ndcg_at_1000_std": 47.669258273236046, + "nauc_ndcg_at_100_diff1": 37.94112950003329, + "nauc_ndcg_at_100_max": 50.68816850295493, + "nauc_ndcg_at_100_std": 40.72315230606931, + "nauc_ndcg_at_10_diff1": 38.47467764455152, + "nauc_ndcg_at_10_max": 49.25673297040027, + "nauc_ndcg_at_10_std": 36.76815739343767, + "nauc_ndcg_at_1_diff1": 54.434593584664995, + "nauc_ndcg_at_1_max": 57.61369658753043, + "nauc_ndcg_at_1_std": 33.10284117958805, + "nauc_ndcg_at_20_diff1": 38.3053661549299, + "nauc_ndcg_at_20_max": 49.26702623701029, + "nauc_ndcg_at_20_std": 36.78366426340987, + "nauc_ndcg_at_3_diff1": 38.34783510078573, + "nauc_ndcg_at_3_max": 51.181351973892085, + "nauc_ndcg_at_3_std": 35.13771937716931, + "nauc_ndcg_at_5_diff1": 38.73137682217783, + "nauc_ndcg_at_5_max": 51.289826741923875, + "nauc_ndcg_at_5_std": 36.76670998246709, + "nauc_precision_at_1000_diff1": -8.37698697546597, + "nauc_precision_at_1000_max": 4.649648259545355, + "nauc_precision_at_1000_std": 15.100762512885371, + "nauc_precision_at_100_diff1": 4.538510496829277, + "nauc_precision_at_100_max": 33.573044920932965, + "nauc_precision_at_100_std": 50.15177354474223, + "nauc_precision_at_10_diff1": 16.03217990213501, + "nauc_precision_at_10_max": 45.22978979054545, + "nauc_precision_at_10_std": 53.103286665555295, + "nauc_precision_at_1_diff1": 59.49013430944212, + "nauc_precision_at_1_max": 67.51266363522255, + "nauc_precision_at_1_std": 39.159077933489094, + "nauc_precision_at_20_diff1": 13.705605238285958, + "nauc_precision_at_20_max": 44.08365262009368, + "nauc_precision_at_20_std": 56.050420219607155, + "nauc_precision_at_3_diff1": 21.409861522316014, + "nauc_precision_at_3_max": 48.93702948445578, + "nauc_precision_at_3_std": 42.8419067771303, + "nauc_precision_at_5_diff1": 20.1310639195609, + "nauc_precision_at_5_max": 49.59134352761235, + "nauc_precision_at_5_std": 48.98546957350543, + "nauc_recall_at_1000_diff1": 27.181172941984112, + "nauc_recall_at_1000_max": 49.20832060504127, + "nauc_recall_at_1000_std": 50.58754027710416, + "nauc_recall_at_100_diff1": 25.831239736658713, + "nauc_recall_at_100_max": 37.92978899965714, + "nauc_recall_at_100_std": 32.84155059838547, + "nauc_recall_at_10_diff1": 21.03971256731199, + "nauc_recall_at_10_max": 16.34542184400448, + "nauc_recall_at_10_std": 1.624004078039708, + "nauc_recall_at_1_diff1": 37.84825245885128, + "nauc_recall_at_1_max": 10.784383140794167, + "nauc_recall_at_1_std": -12.413788028731759, + "nauc_recall_at_20_diff1": 23.612410438391652, + "nauc_recall_at_20_max": 24.731496668584725, + "nauc_recall_at_20_std": 11.94162779763853, + "nauc_recall_at_3_diff1": 21.124250217970754, + "nauc_recall_at_3_max": 9.581953839031879, + "nauc_recall_at_3_std": -9.955224094610848, + "nauc_recall_at_5_diff1": 20.272821143755714, + "nauc_recall_at_5_max": 12.80122421686649, + "nauc_recall_at_5_std": -4.822509659730001, + "ndcg_at_1": 52.87500000000001, + "ndcg_at_10": 40.091, + "ndcg_at_100": 45.007999999999996, + "ndcg_at_1000": 51.522, + "ndcg_at_20": 39.953, + "ndcg_at_3": 44.627, + "ndcg_at_5": 41.748000000000005, + "precision_at_1": 64.75, + "precision_at_10": 32.324999999999996, + "precision_at_100": 10.583, + "precision_at_1000": 1.992, + "precision_at_20": 25.15, + "precision_at_3": 48.5, + "precision_at_5": 40.8, + "recall_at_1": 8.112, + "recall_at_10": 24.769, + "recall_at_100": 51.92400000000001, + "recall_at_1000": 72.60799999999999, + "recall_at_20": 32.085, + "recall_at_3": 14.707999999999998, + "recall_at_5": 18.881 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/EmotionClassification.json b/results/OrcaDB__cde-small-v1/external/EmotionClassification.json new file mode 100644 index 000000000..238cce9bf --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/EmotionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.88499999999999, + "f1": 69.55769956653745, + "f1_weighted": 75.98938892167276, + "main_score": 74.88499999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/FEVER.json b/results/OrcaDB__cde-small-v1/external/FEVER.json new file mode 100644 index 000000000..3053e93fd --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/FEVER.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 86.088, + "map_at_1": 74.21, + "map_at_10": 82.238, + "map_at_100": 82.467, + "map_at_1000": 82.48, + "map_at_20": 82.38, + "map_at_3": 81.178, + "map_at_5": 81.882, + "mrr_at_1": 80.04800480048004, + "mrr_at_10": 87.28162697222103, + "mrr_at_100": 87.36425501689853, + "mrr_at_1000": 87.36494888408146, + "mrr_at_20": 87.33488767030532, + "mrr_at_3": 86.5011501150115, + "mrr_at_5": 87.04345434543454, + "nauc_map_at_1000_diff1": 46.86807158039652, + "nauc_map_at_1000_max": 17.537735239936584, + "nauc_map_at_1000_std": -6.180991548000637, + "nauc_map_at_100_diff1": 46.840981153123515, + "nauc_map_at_100_max": 17.51241604543591, + "nauc_map_at_100_std": -6.19572402233368, + "nauc_map_at_10_diff1": 46.63164937877156, + "nauc_map_at_10_max": 17.396231277218714, + "nauc_map_at_10_std": -6.328960389468633, + "nauc_map_at_1_diff1": 51.91442444295392, + "nauc_map_at_1_max": 14.772868336313651, + "nauc_map_at_1_std": -7.924628073687737, + "nauc_map_at_20_diff1": 46.78996154399, + "nauc_map_at_20_max": 17.52594082408568, + "nauc_map_at_20_std": -6.2535816636418255, + "nauc_map_at_3_diff1": 46.86720061616425, + "nauc_map_at_3_max": 17.17282268255638, + "nauc_map_at_3_std": -7.100454400283953, + "nauc_map_at_5_diff1": 46.743320728340485, + "nauc_map_at_5_max": 17.22026822962506, + "nauc_map_at_5_std": -6.593983297795947, + "nauc_mrr_at_1000_diff1": 64.22963921921831, + "nauc_mrr_at_1000_max": 22.50147928007347, + "nauc_mrr_at_1000_std": -10.753338651031981, + "nauc_mrr_at_100_diff1": 64.22599646741416, + "nauc_mrr_at_100_max": 22.49976292804203, + "nauc_mrr_at_100_std": -10.753324625089736, + "nauc_mrr_at_10_diff1": 64.24857003564016, + "nauc_mrr_at_10_max": 22.721448283312323, + "nauc_mrr_at_10_std": -10.698659951469375, + "nauc_mrr_at_1_diff1": 65.80017393845672, + "nauc_mrr_at_1_max": 19.56658619771462, + "nauc_mrr_at_1_std": -10.691529848056236, + "nauc_mrr_at_20_diff1": 64.22606211105564, + "nauc_mrr_at_20_max": 22.60630203277465, + "nauc_mrr_at_20_std": -10.698352035527936, + "nauc_mrr_at_3_diff1": 64.03189495070804, + "nauc_mrr_at_3_max": 23.197599099302078, + "nauc_mrr_at_3_std": -10.941260656610341, + "nauc_mrr_at_5_diff1": 64.21946450636831, + "nauc_mrr_at_5_max": 22.869883457504613, + "nauc_mrr_at_5_std": -10.773375222905306, + "nauc_ndcg_at_1000_diff1": 48.18634946007256, + "nauc_ndcg_at_1000_max": 19.635685645181443, + "nauc_ndcg_at_1000_std": -5.008615485203909, + "nauc_ndcg_at_100_diff1": 47.460702424024646, + "nauc_ndcg_at_100_max": 19.197829510466093, + "nauc_ndcg_at_100_std": -5.141098235552701, + "nauc_ndcg_at_10_diff1": 46.75967320832195, + "nauc_ndcg_at_10_max": 19.162998560532944, + "nauc_ndcg_at_10_std": -5.680454888720109, + "nauc_ndcg_at_1_diff1": 65.80017393845672, + "nauc_ndcg_at_1_max": 19.56658619771462, + "nauc_ndcg_at_1_std": -10.691529848056236, + "nauc_ndcg_at_20_diff1": 47.15063801450417, + "nauc_ndcg_at_20_max": 19.387976860064036, + "nauc_ndcg_at_20_std": -5.434429887556901, + "nauc_ndcg_at_3_diff1": 48.48013879703285, + "nauc_ndcg_at_3_max": 19.563845683013074, + "nauc_ndcg_at_3_std": -7.306366856511263, + "nauc_ndcg_at_5_diff1": 47.4477936851643, + "nauc_ndcg_at_5_max": 19.12745930840238, + "nauc_ndcg_at_5_std": -6.338914655492511, + "nauc_precision_at_1000_diff1": -4.975768805829236, + "nauc_precision_at_1000_max": 10.078421203817527, + "nauc_precision_at_1000_std": 10.15753365579419, + "nauc_precision_at_100_diff1": -7.411336519288538, + "nauc_precision_at_100_max": 11.116507499213043, + "nauc_precision_at_100_std": 11.608241877542543, + "nauc_precision_at_10_diff1": 2.6403449208341274, + "nauc_precision_at_10_max": 20.668398953238633, + "nauc_precision_at_10_std": 7.433281722501917, + "nauc_precision_at_1_diff1": 65.80017393845672, + "nauc_precision_at_1_max": 19.56658619771462, + "nauc_precision_at_1_std": -10.691529848056236, + "nauc_precision_at_20_diff1": -1.286553967637511, + "nauc_precision_at_20_max": 17.30405603464926, + "nauc_precision_at_20_std": 9.234773655809756, + "nauc_precision_at_3_diff1": 31.364166410646675, + "nauc_precision_at_3_max": 26.397101881343527, + "nauc_precision_at_3_std": -5.0543954546843946, + "nauc_precision_at_5_diff1": 17.1466778085294, + "nauc_precision_at_5_max": 23.18905254179433, + "nauc_precision_at_5_std": 1.6051724821489612, + "nauc_recall_at_1000_diff1": -3.9377049069087935, + "nauc_recall_at_1000_max": 27.168346654704095, + "nauc_recall_at_1000_std": 38.58463265497753, + "nauc_recall_at_100_diff1": -1.886570080947599, + "nauc_recall_at_100_max": 16.12930964320666, + "nauc_recall_at_100_std": 21.616391259129152, + "nauc_recall_at_10_diff1": 15.941506685002588, + "nauc_recall_at_10_max": 19.141995524332728, + "nauc_recall_at_10_std": 5.860480767168416, + "nauc_recall_at_1_diff1": 51.91442444295392, + "nauc_recall_at_1_max": 14.772868336313651, + "nauc_recall_at_1_std": -7.924628073687737, + "nauc_recall_at_20_diff1": 11.583722825668058, + "nauc_recall_at_20_max": 19.867221612869876, + "nauc_recall_at_20_std": 10.141960757453084, + "nauc_recall_at_3_diff1": 32.30936424972365, + "nauc_recall_at_3_max": 20.11705236473992, + "nauc_recall_at_3_std": -3.525144821962635, + "nauc_recall_at_5_diff1": 25.68392975410304, + "nauc_recall_at_5_max": 19.221295609032595, + "nauc_recall_at_5_std": 0.576160647152633, + "ndcg_at_1": 80.048, + "ndcg_at_10": 86.088, + "ndcg_at_100": 86.911, + "ndcg_at_1000": 87.125, + "ndcg_at_20": 86.468, + "ndcg_at_3": 84.375, + "ndcg_at_5": 85.384, + "precision_at_1": 80.048, + "precision_at_10": 10.236, + "precision_at_100": 1.085, + "precision_at_1000": 0.11199999999999999, + "precision_at_20": 5.2330000000000005, + "precision_at_3": 32.078, + "precision_at_5": 19.895, + "recall_at_1": 74.21, + "recall_at_10": 93.077, + "recall_at_100": 96.348, + "recall_at_1000": 97.65700000000001, + "recall_at_20": 94.36099999999999, + "recall_at_3": 88.337, + "recall_at_5": 90.948 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/FiQA2018.json b/results/OrcaDB__cde-small-v1/external/FiQA2018.json new file mode 100644 index 000000000..b0c2e4c22 --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/FiQA2018.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 45.405, + "map_at_1": 22.325, + "map_at_10": 36.975, + "map_at_100": 38.846000000000004, + "map_at_1000": 39.012, + "map_at_20": 37.958999999999996, + "map_at_3": 32.208, + "map_at_5": 34.928, + "mrr_at_1": 44.29012345679013, + "mrr_at_10": 54.02030668234372, + "mrr_at_100": 54.72897336245347, + "mrr_at_1000": 54.76320283944561, + "mrr_at_20": 54.50419077165938, + "mrr_at_3": 51.41460905349795, + "mrr_at_5": 53.11213991769548, + "nauc_map_at_1000_diff1": 42.33950505310022, + "nauc_map_at_1000_max": 32.814158723141745, + "nauc_map_at_1000_std": -4.5297230544932825, + "nauc_map_at_100_diff1": 42.316327406548695, + "nauc_map_at_100_max": 32.706900013479725, + "nauc_map_at_100_std": -4.564571222935577, + "nauc_map_at_10_diff1": 42.17734361420548, + "nauc_map_at_10_max": 31.527366385827854, + "nauc_map_at_10_std": -5.559289874353945, + "nauc_map_at_1_diff1": 47.33003471166015, + "nauc_map_at_1_max": 21.535228737020457, + "nauc_map_at_1_std": -11.649016586524858, + "nauc_map_at_20_diff1": 42.11015618170868, + "nauc_map_at_20_max": 32.18582282622051, + "nauc_map_at_20_std": -5.042968429993695, + "nauc_map_at_3_diff1": 43.26686524198236, + "nauc_map_at_3_max": 28.849395895564083, + "nauc_map_at_3_std": -6.976952334117308, + "nauc_map_at_5_diff1": 42.95893517901293, + "nauc_map_at_5_max": 30.871999781837612, + "nauc_map_at_5_std": -6.149645006139908, + "nauc_mrr_at_1000_diff1": 51.23708914241626, + "nauc_mrr_at_1000_max": 40.298960389709, + "nauc_mrr_at_1000_std": -5.188577391773796, + "nauc_mrr_at_100_diff1": 51.24001351681103, + "nauc_mrr_at_100_max": 40.318755039260886, + "nauc_mrr_at_100_std": -5.164744512057911, + "nauc_mrr_at_10_diff1": 51.116323465364566, + "nauc_mrr_at_10_max": 40.18322650792177, + "nauc_mrr_at_10_std": -5.42707335446156, + "nauc_mrr_at_1_diff1": 54.623685354463625, + "nauc_mrr_at_1_max": 38.52800456113852, + "nauc_mrr_at_1_std": -8.561342078884513, + "nauc_mrr_at_20_diff1": 51.082878864924076, + "nauc_mrr_at_20_max": 40.25224355621811, + "nauc_mrr_at_20_std": -5.1386035874860925, + "nauc_mrr_at_3_diff1": 51.28771495504919, + "nauc_mrr_at_3_max": 40.167661702884644, + "nauc_mrr_at_3_std": -6.672938174195537, + "nauc_mrr_at_5_diff1": 51.386811950131026, + "nauc_mrr_at_5_max": 40.29452825209631, + "nauc_mrr_at_5_std": -6.134184637482388, + "nauc_ndcg_at_1000_diff1": 44.46948002237412, + "nauc_ndcg_at_1000_max": 37.882877667376576, + "nauc_ndcg_at_1000_std": -0.2441149985965938, + "nauc_ndcg_at_100_diff1": 43.96014037390138, + "nauc_ndcg_at_100_max": 36.96423036666587, + "nauc_ndcg_at_100_std": 0.21228554480998071, + "nauc_ndcg_at_10_diff1": 42.889923047150226, + "nauc_ndcg_at_10_max": 33.95406097914127, + "nauc_ndcg_at_10_std": -3.3077129078149796, + "nauc_ndcg_at_1_diff1": 54.623685354463625, + "nauc_ndcg_at_1_max": 38.52800456113852, + "nauc_ndcg_at_1_std": -8.561342078884513, + "nauc_ndcg_at_20_diff1": 42.806846626799626, + "nauc_ndcg_at_20_max": 35.01566424207401, + "nauc_ndcg_at_20_std": -2.01466646308545, + "nauc_ndcg_at_3_diff1": 43.29070711758635, + "nauc_ndcg_at_3_max": 35.81474510295669, + "nauc_ndcg_at_3_std": -4.937712863159993, + "nauc_ndcg_at_5_diff1": 43.533204764747346, + "nauc_ndcg_at_5_max": 34.67200578229001, + "nauc_ndcg_at_5_std": -4.220153646752217, + "nauc_precision_at_1000_diff1": -0.24162611684046686, + "nauc_precision_at_1000_max": 26.610031730319122, + "nauc_precision_at_1000_std": 12.85473387814076, + "nauc_precision_at_100_diff1": 6.593767812518609, + "nauc_precision_at_100_max": 32.89478475065496, + "nauc_precision_at_100_std": 16.66995461135905, + "nauc_precision_at_10_diff1": 17.48446148168886, + "nauc_precision_at_10_max": 36.54732448382068, + "nauc_precision_at_10_std": 6.7478320020402, + "nauc_precision_at_1_diff1": 54.623685354463625, + "nauc_precision_at_1_max": 38.52800456113852, + "nauc_precision_at_1_std": -8.561342078884513, + "nauc_precision_at_20_diff1": 13.039974734569537, + "nauc_precision_at_20_max": 36.49695572253983, + "nauc_precision_at_20_std": 10.476938728091008, + "nauc_precision_at_3_diff1": 30.19928557150241, + "nauc_precision_at_3_max": 38.897101267116554, + "nauc_precision_at_3_std": 1.121533090916794, + "nauc_precision_at_5_diff1": 25.33029636435617, + "nauc_precision_at_5_max": 39.59677600835699, + "nauc_precision_at_5_std": 3.4416095155763244, + "nauc_recall_at_1000_diff1": 34.823080033440434, + "nauc_recall_at_1000_max": 43.87066795154745, + "nauc_recall_at_1000_std": 42.23182031662749, + "nauc_recall_at_100_diff1": 30.70809572521992, + "nauc_recall_at_100_max": 31.598064007837852, + "nauc_recall_at_100_std": 20.758185821213164, + "nauc_recall_at_10_diff1": 30.674660204386957, + "nauc_recall_at_10_max": 25.13675931430177, + "nauc_recall_at_10_std": 1.1493152709013974, + "nauc_recall_at_1_diff1": 47.33003471166015, + "nauc_recall_at_1_max": 21.535228737020457, + "nauc_recall_at_1_std": -11.649016586524858, + "nauc_recall_at_20_diff1": 28.60023313868174, + "nauc_recall_at_20_max": 26.576577612640655, + "nauc_recall_at_20_std": 6.331498880910594, + "nauc_recall_at_3_diff1": 36.61359637854836, + "nauc_recall_at_3_max": 26.205709444189345, + "nauc_recall_at_3_std": -4.41772315378875, + "nauc_recall_at_5_diff1": 34.721622588958894, + "nauc_recall_at_5_max": 26.870375540274104, + "nauc_recall_at_5_std": -1.2959303042762926, + "ndcg_at_1": 44.29, + "ndcg_at_10": 45.405, + "ndcg_at_100": 52.027, + "ndcg_at_1000": 54.688, + "ndcg_at_20": 47.967999999999996, + "ndcg_at_3": 41.496, + "ndcg_at_5": 42.902, + "precision_at_1": 44.29, + "precision_at_10": 12.469, + "precision_at_100": 1.9349999999999998, + "precision_at_1000": 0.243, + "precision_at_20": 7.323, + "precision_at_3": 27.622999999999998, + "precision_at_5": 20.34, + "recall_at_1": 22.325, + "recall_at_10": 52.788999999999994, + "recall_at_100": 77.274, + "recall_at_1000": 92.94, + "recall_at_20": 60.714, + "recall_at_3": 37.502, + "recall_at_5": 44.808 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/HotpotQA.json b/results/OrcaDB__cde-small-v1/external/HotpotQA.json new file mode 100644 index 000000000..6461655d3 --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/HotpotQA.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 66.661, + "map_at_1": 41.418, + "map_at_10": 57.086999999999996, + "map_at_100": 57.888, + "map_at_1000": 57.955, + "map_at_20": 57.544, + "map_at_3": 54.112, + "map_at_5": 55.942, + "mrr_at_1": 82.79540850776502, + "mrr_at_10": 87.24545298650632, + "mrr_at_100": 87.3943716521154, + "mrr_at_1000": 87.40052014901985, + "mrr_at_20": 87.3376988773675, + "mrr_at_3": 86.54287643484132, + "mrr_at_5": 87.0162052667117, + "nauc_map_at_1000_diff1": 13.347058320450778, + "nauc_map_at_1000_max": 19.172918193696585, + "nauc_map_at_1000_std": 1.6085652199402172, + "nauc_map_at_100_diff1": 13.309459563369677, + "nauc_map_at_100_max": 19.142490361521045, + "nauc_map_at_100_std": 1.5997757026480046, + "nauc_map_at_10_diff1": 13.821467981397284, + "nauc_map_at_10_max": 19.47388049912085, + "nauc_map_at_10_std": 0.7945082440633815, + "nauc_map_at_1_diff1": 80.17822133984255, + "nauc_map_at_1_max": 56.93232002015388, + "nauc_map_at_1_std": -9.565010407038201, + "nauc_map_at_20_diff1": 13.447193497393146, + "nauc_map_at_20_max": 19.208078541028097, + "nauc_map_at_20_std": 1.2699537557176803, + "nauc_map_at_3_diff1": 16.854345839107967, + "nauc_map_at_3_max": 21.648192526975727, + "nauc_map_at_3_std": -0.6137487567045511, + "nauc_map_at_5_diff1": 14.543663008536509, + "nauc_map_at_5_max": 20.155541895741532, + "nauc_map_at_5_std": 0.25148082760110224, + "nauc_mrr_at_1000_diff1": 79.11825919796162, + "nauc_mrr_at_1000_max": 60.10563640048739, + "nauc_mrr_at_1000_std": -6.726621618014327, + "nauc_mrr_at_100_diff1": 79.11854278578646, + "nauc_mrr_at_100_max": 60.11377258817985, + "nauc_mrr_at_100_std": -6.704065951576038, + "nauc_mrr_at_10_diff1": 79.07961808239499, + "nauc_mrr_at_10_max": 60.2138079214177, + "nauc_mrr_at_10_std": -6.74779578820509, + "nauc_mrr_at_1_diff1": 80.25371155548501, + "nauc_mrr_at_1_max": 57.01027352172217, + "nauc_mrr_at_1_std": -9.682353752598317, + "nauc_mrr_at_20_diff1": 79.08786670986484, + "nauc_mrr_at_20_max": 60.139471646688925, + "nauc_mrr_at_20_std": -6.720404576075471, + "nauc_mrr_at_3_diff1": 78.93741620023842, + "nauc_mrr_at_3_max": 60.31902114928829, + "nauc_mrr_at_3_std": -7.066082480981481, + "nauc_mrr_at_5_diff1": 79.06255305350973, + "nauc_mrr_at_5_max": 60.344631571197546, + "nauc_mrr_at_5_std": -6.788165280997917, + "nauc_ndcg_at_1000_diff1": 17.006951693217548, + "nauc_ndcg_at_1000_max": 21.854859924097646, + "nauc_ndcg_at_1000_std": 4.70138835806943, + "nauc_ndcg_at_100_diff1": 16.195007796313384, + "nauc_ndcg_at_100_max": 21.264332841663858, + "nauc_ndcg_at_100_std": 4.620999926841355, + "nauc_ndcg_at_10_diff1": 18.327522629298294, + "nauc_ndcg_at_10_max": 22.686509071566917, + "nauc_ndcg_at_10_std": 1.5527071297942836, + "nauc_ndcg_at_1_diff1": 80.17822133984255, + "nauc_ndcg_at_1_max": 56.93232002015388, + "nauc_ndcg_at_1_std": -9.565010407038201, + "nauc_ndcg_at_20_diff1": 17.11074173500959, + "nauc_ndcg_at_20_max": 21.81160814631424, + "nauc_ndcg_at_20_std": 2.858829825220597, + "nauc_ndcg_at_3_diff1": 23.797089205140068, + "nauc_ndcg_at_3_max": 26.659269305908296, + "nauc_ndcg_at_3_std": -0.7545654502076451, + "nauc_ndcg_at_5_diff1": 20.067483031938934, + "nauc_ndcg_at_5_max": 24.23026610511652, + "nauc_ndcg_at_5_std": 0.5097749208107711, + "nauc_precision_at_1000_diff1": -21.807728330326697, + "nauc_precision_at_1000_max": -2.9835997103120344, + "nauc_precision_at_1000_std": 25.81739799194849, + "nauc_precision_at_100_diff1": -16.05478872817429, + "nauc_precision_at_100_max": 0.2665969008515287, + "nauc_precision_at_100_std": 19.352798394287323, + "nauc_precision_at_10_diff1": -3.3507602135961037, + "nauc_precision_at_10_max": 8.867034772304718, + "nauc_precision_at_10_std": 6.545361194526079, + "nauc_precision_at_1_diff1": 80.17822133984255, + "nauc_precision_at_1_max": 56.93232002015388, + "nauc_precision_at_1_std": -9.565010407038201, + "nauc_precision_at_20_diff1": -7.902542409127802, + "nauc_precision_at_20_max": 5.62428878283396, + "nauc_precision_at_20_std": 10.592045512127914, + "nauc_precision_at_3_diff1": 8.132713424441485, + "nauc_precision_at_3_max": 17.99416677485544, + "nauc_precision_at_3_std": 1.9785114664304215, + "nauc_precision_at_5_diff1": 1.38596734740728, + "nauc_precision_at_5_max": 13.214138500817723, + "nauc_precision_at_5_std": 4.15378198762281, + "nauc_recall_at_1000_diff1": -21.807728330326455, + "nauc_recall_at_1000_max": -2.9835997103117293, + "nauc_recall_at_1000_std": 25.8173979919487, + "nauc_recall_at_100_diff1": -16.054788728174266, + "nauc_recall_at_100_max": 0.26659690085157123, + "nauc_recall_at_100_std": 19.35279839428729, + "nauc_recall_at_10_diff1": -3.350760213596107, + "nauc_recall_at_10_max": 8.86703477230471, + "nauc_recall_at_10_std": 6.5453611945261505, + "nauc_recall_at_1_diff1": 80.17822133984255, + "nauc_recall_at_1_max": 56.93232002015388, + "nauc_recall_at_1_std": -9.565010407038201, + "nauc_recall_at_20_diff1": -7.902542409127704, + "nauc_recall_at_20_max": 5.6242887828340375, + "nauc_recall_at_20_std": 10.592045512127953, + "nauc_recall_at_3_diff1": 8.132713424441446, + "nauc_recall_at_3_max": 17.99416677485538, + "nauc_recall_at_3_std": 1.9785114664303751, + "nauc_recall_at_5_diff1": 1.3859673474071779, + "nauc_recall_at_5_max": 13.214138500817668, + "nauc_recall_at_5_std": 4.153781987622754, + "ndcg_at_1": 82.836, + "ndcg_at_10": 66.661, + "ndcg_at_100": 69.42399999999999, + "ndcg_at_1000": 70.722, + "ndcg_at_20": 67.777, + "ndcg_at_3": 62.517, + "ndcg_at_5": 64.79700000000001, + "precision_at_1": 82.836, + "precision_at_10": 13.350000000000001, + "precision_at_100": 1.552, + "precision_at_1000": 0.172, + "precision_at_20": 7.034, + "precision_at_3": 38.375, + "precision_at_5": 24.829, + "recall_at_1": 41.418, + "recall_at_10": 66.752, + "recall_at_100": 77.576, + "recall_at_1000": 86.199, + "recall_at_20": 70.338, + "recall_at_3": 57.562000000000005, + "recall_at_5": 62.073 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/ImdbClassification.json b/results/OrcaDB__cde-small-v1/external/ImdbClassification.json new file mode 100644 index 000000000..a4ba018af --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/ImdbClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.58840000000001, + "ap": 90.234834378287, + "ap_weighted": 90.234834378287, + "f1": 93.58346966422063, + "f1_weighted": 93.58346966422063, + "main_score": 93.58840000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/MSMARCO.json b/results/OrcaDB__cde-small-v1/external/MSMARCO.json new file mode 100644 index 000000000..3d7968e91 --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/MSMARCO.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 41.48, + "map_at_1": 22.078999999999997, + "map_at_10": 34.416000000000004, + "map_at_100": 35.541, + "map_at_1000": 35.592, + "map_at_20": 35.106, + "map_at_3": 30.470000000000002, + "map_at_5": 32.774, + "mrr_at_1": 22.693409742120345, + "mrr_at_10": 35.02055760221949, + "mrr_at_100": 36.07282466487795, + "mrr_at_1000": 36.11725121701468, + "mrr_at_20": 35.667140877547986, + "mrr_at_3": 31.122254059216814, + "mrr_at_5": 33.40592168099331, + "nauc_map_at_1000_diff1": 33.00333472064972, + "nauc_map_at_1000_max": 5.156444947074947, + "nauc_map_at_1000_std": -23.103939979826375, + "nauc_map_at_100_diff1": 32.99943906977456, + "nauc_map_at_100_max": 5.156792638157342, + "nauc_map_at_100_std": -23.09927789432014, + "nauc_map_at_10_diff1": 32.93427060211673, + "nauc_map_at_10_max": 5.009847068055439, + "nauc_map_at_10_std": -23.69229778425936, + "nauc_map_at_1_diff1": 35.879541770806426, + "nauc_map_at_1_max": 4.037000551161811, + "nauc_map_at_1_std": -21.066913542507095, + "nauc_map_at_20_diff1": 32.94459306136245, + "nauc_map_at_20_max": 5.08450123260384, + "nauc_map_at_20_std": -23.367858842401674, + "nauc_map_at_3_diff1": 33.186734646971495, + "nauc_map_at_3_max": 4.52958372002426, + "nauc_map_at_3_std": -23.407182657661863, + "nauc_map_at_5_diff1": 33.09447602825229, + "nauc_map_at_5_max": 4.8295482352066275, + "nauc_map_at_5_std": -23.977226416616457, + "nauc_mrr_at_1000_diff1": 32.90248885790994, + "nauc_mrr_at_1000_max": 5.345915497836417, + "nauc_mrr_at_1000_std": -22.775176728644926, + "nauc_mrr_at_100_diff1": 32.89830733234614, + "nauc_mrr_at_100_max": 5.354794932204688, + "nauc_mrr_at_100_std": -22.76281634843283, + "nauc_mrr_at_10_diff1": 32.85362740239939, + "nauc_mrr_at_10_max": 5.22277263020967, + "nauc_mrr_at_10_std": -23.29890783663585, + "nauc_mrr_at_1_diff1": 35.8004961400585, + "nauc_mrr_at_1_max": 4.07480515690297, + "nauc_mrr_at_1_std": -21.157419860722133, + "nauc_mrr_at_20_diff1": 32.831058277421675, + "nauc_mrr_at_20_max": 5.30231502729234, + "nauc_mrr_at_20_std": -22.995188734787643, + "nauc_mrr_at_3_diff1": 33.06512398614513, + "nauc_mrr_at_3_max": 4.6832127086497675, + "nauc_mrr_at_3_std": -23.185466086324016, + "nauc_mrr_at_5_diff1": 32.95656016095678, + "nauc_mrr_at_5_max": 5.0055516099566475, + "nauc_mrr_at_5_std": -23.648076417104612, + "nauc_ndcg_at_1000_diff1": 32.23911068627994, + "nauc_ndcg_at_1000_max": 6.340890121521923, + "nauc_ndcg_at_1000_std": -21.64542687396577, + "nauc_ndcg_at_100_diff1": 32.11878167303473, + "nauc_ndcg_at_100_max": 6.597128552520879, + "nauc_ndcg_at_100_std": -21.03041945862791, + "nauc_ndcg_at_10_diff1": 31.78511231016483, + "nauc_ndcg_at_10_max": 5.784417481640047, + "nauc_ndcg_at_10_std": -24.161027978905647, + "nauc_ndcg_at_1_diff1": 35.74394132968329, + "nauc_ndcg_at_1_max": 4.0476454646619215, + "nauc_ndcg_at_1_std": -21.16866068260486, + "nauc_ndcg_at_20_diff1": 31.722628551526604, + "nauc_ndcg_at_20_max": 6.085473579598258, + "nauc_ndcg_at_20_std": -23.01301453978275, + "nauc_ndcg_at_3_diff1": 32.38743175334077, + "nauc_ndcg_at_3_max": 4.708074286110014, + "nauc_ndcg_at_3_std": -24.005841131351065, + "nauc_ndcg_at_5_diff1": 32.19107640366649, + "nauc_ndcg_at_5_max": 5.248392125691872, + "nauc_ndcg_at_5_std": -24.9544454485758, + "nauc_precision_at_1000_diff1": -2.0283123762593203, + "nauc_precision_at_1000_max": 14.569550330630554, + "nauc_precision_at_1000_std": 18.01811212416059, + "nauc_precision_at_100_diff1": 14.463485381374719, + "nauc_precision_at_100_max": 16.06415646423591, + "nauc_precision_at_100_std": 8.987627462107199, + "nauc_precision_at_10_diff1": 25.530846925228666, + "nauc_precision_at_10_max": 8.075830710803086, + "nauc_precision_at_10_std": -24.00010341583341, + "nauc_precision_at_1_diff1": 35.74394132968329, + "nauc_precision_at_1_max": 4.0476454646619215, + "nauc_precision_at_1_std": -21.16866068260486, + "nauc_precision_at_20_diff1": 22.490315165998652, + "nauc_precision_at_20_max": 9.695438542678712, + "nauc_precision_at_20_std": -16.779150840743586, + "nauc_precision_at_3_diff1": 29.653053865297718, + "nauc_precision_at_3_max": 4.956580341717329, + "nauc_precision_at_3_std": -25.716768027801912, + "nauc_precision_at_5_diff1": 28.466584677280675, + "nauc_precision_at_5_max": 6.035813186905091, + "nauc_precision_at_5_std": -27.40096435134959, + "nauc_recall_at_1000_diff1": 16.188777617075157, + "nauc_recall_at_1000_max": 45.1160674872711, + "nauc_recall_at_1000_std": 50.8993030763505, + "nauc_recall_at_100_diff1": 26.462748511423666, + "nauc_recall_at_100_max": 20.17057177381908, + "nauc_recall_at_100_std": 6.567222385661084, + "nauc_recall_at_10_diff1": 27.694042744869897, + "nauc_recall_at_10_max": 8.193922397003126, + "nauc_recall_at_10_std": -25.428481461107726, + "nauc_recall_at_1_diff1": 35.879541770806426, + "nauc_recall_at_1_max": 4.037000551161811, + "nauc_recall_at_1_std": -21.066913542507095, + "nauc_recall_at_20_diff1": 26.412542837917503, + "nauc_recall_at_20_max": 10.119778040160208, + "nauc_recall_at_20_std": -20.353583276762542, + "nauc_recall_at_3_diff1": 30.1723792933633, + "nauc_recall_at_3_max": 4.991021506511908, + "nauc_recall_at_3_std": -25.61028187578253, + "nauc_recall_at_5_diff1": 29.546460816157307, + "nauc_recall_at_5_max": 6.257065735729789, + "nauc_recall_at_5_std": -27.757268209659046, + "ndcg_at_1": 22.708000000000002, + "ndcg_at_10": 41.48, + "ndcg_at_100": 46.894999999999996, + "ndcg_at_1000": 48.14, + "ndcg_at_20": 43.918, + "ndcg_at_3": 33.423, + "ndcg_at_5": 37.553, + "precision_at_1": 22.708000000000002, + "precision_at_10": 6.6049999999999995, + "precision_at_100": 0.9329999999999999, + "precision_at_1000": 0.104, + "precision_at_20": 3.811, + "precision_at_3": 14.283999999999999, + "precision_at_5": 10.685, + "recall_at_1": 22.078999999999997, + "recall_at_10": 63.269, + "recall_at_100": 88.318, + "recall_at_1000": 97.80799999999999, + "recall_at_20": 72.741, + "recall_at_3": 41.347, + "recall_at_5": 51.271 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/MTOPDomainClassification.json b/results/OrcaDB__cde-small-v1/external/MTOPDomainClassification.json new file mode 100644 index 000000000..886bd3bbf --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/MTOPDomainClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 96.0373917008664, + "f1": 95.77672920037678, + "f1_weighted": 96.06299804062722, + "main_score": 96.0373917008664 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/MTOPIntentClassification.json b/results/OrcaDB__cde-small-v1/external/MTOPIntentClassification.json new file mode 100644 index 000000000..47c34d364 --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/MTOPIntentClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 89.1655266757866, + "f1": 71.6595596649587, + "f1_weighted": 90.44597470884298, + "main_score": 89.1655266757866 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/MassiveIntentClassification.json b/results/OrcaDB__cde-small-v1/external/MassiveIntentClassification.json new file mode 100644 index 000000000..13730704f --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/MassiveIntentClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "4672e20407010da34463acc759c162ca9734bca6", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.60390047074647, + "f1": 74.0382414657559, + "f1_weighted": 76.53055023019932, + "main_score": 76.60390047074647 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/MassiveScenarioClassification.json b/results/OrcaDB__cde-small-v1/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..7197ef76f --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/MassiveScenarioClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "fad2c6e8459f9e1c45d9315f4953d921437d70f8", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.93073301950236, + "f1": 78.58195068346751, + "f1_weighted": 78.86975899493798, + "main_score": 78.93073301950236 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/MedrxivClusteringP2P.json b/results/OrcaDB__cde-small-v1/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..7e9b8c5d7 --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/MedrxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 37.66500681777215, + "v_measure": 37.66500681777215, + "v_measure_std": 1.4953449515069268 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/MedrxivClusteringS2S.json b/results/OrcaDB__cde-small-v1/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..684d0e88d --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/MedrxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 35.51021437644991, + "v_measure": 35.51021437644991, + "v_measure_std": 1.3321174913629759 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/MindSmallReranking.json b/results/OrcaDB__cde-small-v1/external/MindSmallReranking.json new file mode 100644 index 000000000..d83fe2be3 --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/MindSmallReranking.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "59042f120c80e8afa9cdbb224f67076cec0fc9a7", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 30.10020452046386, + "map": 30.10020452046386, + "mrr": 31.096861019258043, + "nAUC_map_diff1": 12.853085612418742, + "nAUC_map_max": -20.97077158351351, + "nAUC_map_std": -2.459841546804226, + "nAUC_mrr_diff1": 12.08750595893558, + "nAUC_mrr_max": -15.502813020230475, + "nAUC_mrr_std": -0.8069966088331175 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/NFCorpus.json b/results/OrcaDB__cde-small-v1/external/NFCorpus.json new file mode 100644 index 000000000..1872b2380 --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/NFCorpus.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 34.725, + "map_at_1": 5.901, + "map_at_10": 12.992999999999999, + "map_at_100": 16.402, + "map_at_1000": 17.896, + "map_at_20": 14.411, + "map_at_3": 9.3, + "map_at_5": 10.906, + "mrr_at_1": 46.13003095975232, + "mrr_at_10": 54.67123691581895, + "mrr_at_100": 55.13154466663215, + "mrr_at_1000": 55.18028030923489, + "mrr_at_20": 54.89203403371564, + "mrr_at_3": 52.47678018575851, + "mrr_at_5": 54.10216718266254, + "nauc_map_at_1000_diff1": 26.097980547292376, + "nauc_map_at_1000_max": 31.716612190607847, + "nauc_map_at_1000_std": 10.484226609845875, + "nauc_map_at_100_diff1": 26.903184213500687, + "nauc_map_at_100_max": 30.254077338590847, + "nauc_map_at_100_std": 5.721213154053636, + "nauc_map_at_10_diff1": 30.41995975934737, + "nauc_map_at_10_max": 23.720851152044826, + "nauc_map_at_10_std": -6.968119243629756, + "nauc_map_at_1_diff1": 45.91087927776542, + "nauc_map_at_1_max": 11.368756627277754, + "nauc_map_at_1_std": -21.987291617576854, + "nauc_map_at_20_diff1": 28.907069629931854, + "nauc_map_at_20_max": 26.70846407056094, + "nauc_map_at_20_std": -1.9126005785897775, + "nauc_map_at_3_diff1": 38.73155355719495, + "nauc_map_at_3_max": 17.769925571726496, + "nauc_map_at_3_std": -15.240426410962574, + "nauc_map_at_5_diff1": 34.6278617589197, + "nauc_map_at_5_max": 20.54601986245645, + "nauc_map_at_5_std": -11.566817873968779, + "nauc_mrr_at_1000_diff1": 36.64991509982144, + "nauc_mrr_at_1000_max": 49.697173212531744, + "nauc_mrr_at_1000_std": 26.86511696261478, + "nauc_mrr_at_100_diff1": 36.68743394598715, + "nauc_mrr_at_100_max": 49.744202083676264, + "nauc_mrr_at_100_std": 26.90232555840209, + "nauc_mrr_at_10_diff1": 36.47029954847764, + "nauc_mrr_at_10_max": 49.439023284006, + "nauc_mrr_at_10_std": 26.690706480930444, + "nauc_mrr_at_1_diff1": 36.59190142546215, + "nauc_mrr_at_1_max": 41.74235868276634, + "nauc_mrr_at_1_std": 18.414274177675807, + "nauc_mrr_at_20_diff1": 36.681072119690086, + "nauc_mrr_at_20_max": 49.800936007548934, + "nauc_mrr_at_20_std": 26.961504252981683, + "nauc_mrr_at_3_diff1": 36.63303178691115, + "nauc_mrr_at_3_max": 48.628730526802904, + "nauc_mrr_at_3_std": 25.157181938589225, + "nauc_mrr_at_5_diff1": 36.41948638139246, + "nauc_mrr_at_5_max": 49.180007480727134, + "nauc_mrr_at_5_std": 26.145567865350543, + "nauc_ndcg_at_1000_diff1": 26.257313381009283, + "nauc_ndcg_at_1000_max": 46.45094846583072, + "nauc_ndcg_at_1000_std": 30.74855470405661, + "nauc_ndcg_at_100_diff1": 25.337713280261774, + "nauc_ndcg_at_100_max": 42.51314175786316, + "nauc_ndcg_at_100_std": 25.717600091835052, + "nauc_ndcg_at_10_diff1": 27.28963504973803, + "nauc_ndcg_at_10_max": 45.07020624629025, + "nauc_ndcg_at_10_std": 29.017215904691902, + "nauc_ndcg_at_1_diff1": 39.69547779212674, + "nauc_ndcg_at_1_max": 39.944550572400225, + "nauc_ndcg_at_1_std": 17.27308663512775, + "nauc_ndcg_at_20_diff1": 26.88029364873597, + "nauc_ndcg_at_20_max": 43.89319625918324, + "nauc_ndcg_at_20_std": 29.182590252122804, + "nauc_ndcg_at_3_diff1": 32.49288862835273, + "nauc_ndcg_at_3_max": 45.57318753977976, + "nauc_ndcg_at_3_std": 23.953534500127557, + "nauc_ndcg_at_5_diff1": 29.578845399866545, + "nauc_ndcg_at_5_max": 46.601862971633544, + "nauc_ndcg_at_5_std": 27.55565792973463, + "nauc_precision_at_1000_diff1": -4.397392180783799, + "nauc_precision_at_1000_max": 17.406927055459345, + "nauc_precision_at_1000_std": 47.8835834302276, + "nauc_precision_at_100_diff1": -3.582470870457778, + "nauc_precision_at_100_max": 30.6298826448415, + "nauc_precision_at_100_std": 55.54858727751579, + "nauc_precision_at_10_diff1": 6.591245947478634, + "nauc_precision_at_10_max": 44.36069671353394, + "nauc_precision_at_10_std": 45.85949796089425, + "nauc_precision_at_1_diff1": 39.90620183792372, + "nauc_precision_at_1_max": 41.93832955553217, + "nauc_precision_at_1_std": 17.78208215842155, + "nauc_precision_at_20_diff1": 3.1763559888676305, + "nauc_precision_at_20_max": 40.19013491290661, + "nauc_precision_at_20_std": 50.30896997510246, + "nauc_precision_at_3_diff1": 21.346541990363338, + "nauc_precision_at_3_max": 46.358486907663234, + "nauc_precision_at_3_std": 30.30796100013066, + "nauc_precision_at_5_diff1": 13.764960158282511, + "nauc_precision_at_5_max": 47.38189520644064, + "nauc_precision_at_5_std": 38.83370975791448, + "nauc_recall_at_1000_diff1": 3.111013627981912, + "nauc_recall_at_1000_max": 17.453303474327654, + "nauc_recall_at_1000_std": 16.831446977812252, + "nauc_recall_at_100_diff1": 16.59425078697382, + "nauc_recall_at_100_max": 25.400896109980174, + "nauc_recall_at_100_std": 10.794971059479254, + "nauc_recall_at_10_diff1": 23.63271460212068, + "nauc_recall_at_10_max": 20.991264958049598, + "nauc_recall_at_10_std": -6.022250169253036, + "nauc_recall_at_1_diff1": 45.91087927776542, + "nauc_recall_at_1_max": 11.368756627277754, + "nauc_recall_at_1_std": -21.987291617576854, + "nauc_recall_at_20_diff1": 22.615984500854555, + "nauc_recall_at_20_max": 23.637250829352997, + "nauc_recall_at_20_std": 0.41128528477486354, + "nauc_recall_at_3_diff1": 37.308271400820985, + "nauc_recall_at_3_max": 18.63584930406467, + "nauc_recall_at_3_std": -13.472251033244428, + "nauc_recall_at_5_diff1": 31.142005435540852, + "nauc_recall_at_5_max": 20.5834454794761, + "nauc_recall_at_5_std": -9.81034234508067, + "ndcg_at_1": 42.879, + "ndcg_at_10": 34.725, + "ndcg_at_100": 31.798, + "ndcg_at_1000": 40.486, + "ndcg_at_20": 32.535, + "ndcg_at_3": 38.97, + "ndcg_at_5": 37.602000000000004, + "precision_at_1": 44.891999999999996, + "precision_at_10": 26.192, + "precision_at_100": 8.241, + "precision_at_1000": 2.085, + "precision_at_20": 19.52, + "precision_at_3": 36.842000000000006, + "precision_at_5": 33.312999999999995, + "recall_at_1": 5.901, + "recall_at_10": 17.171, + "recall_at_100": 31.709, + "recall_at_1000": 63.589, + "recall_at_20": 20.782999999999998, + "recall_at_3": 10.194, + "recall_at_5": 12.934999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/NQ.json b/results/OrcaDB__cde-small-v1/external/NQ.json new file mode 100644 index 000000000..4f99b1f76 --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/NQ.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 59.951, + "map_at_1": 36.718, + "map_at_10": 52.518, + "map_at_100": 53.373000000000005, + "map_at_1000": 53.400000000000006, + "map_at_20": 53.11, + "map_at_3": 48.606, + "map_at_5": 50.922999999999995, + "mrr_at_1": 41.22247972190035, + "mrr_at_10": 55.10211471610661, + "mrr_at_100": 55.690424468447944, + "mrr_at_1000": 55.709587669000626, + "mrr_at_20": 55.51307514935747, + "mrr_at_3": 52.10023174971031, + "mrr_at_5": 53.85139049826188, + "nauc_map_at_1000_diff1": 36.084432495766244, + "nauc_map_at_1000_max": 32.106683448614696, + "nauc_map_at_1000_std": 0.28114600458421135, + "nauc_map_at_100_diff1": 36.076754155834685, + "nauc_map_at_100_max": 32.124501222653386, + "nauc_map_at_100_std": 0.3074172933687319, + "nauc_map_at_10_diff1": 35.95846264899338, + "nauc_map_at_10_max": 32.268962480678645, + "nauc_map_at_10_std": -0.10550275250265802, + "nauc_map_at_1_diff1": 39.29370524773578, + "nauc_map_at_1_max": 25.991296131217062, + "nauc_map_at_1_std": -2.5540466996583753, + "nauc_map_at_20_diff1": 35.98377971994357, + "nauc_map_at_20_max": 32.15683504409824, + "nauc_map_at_20_std": 0.19145693127134786, + "nauc_map_at_3_diff1": 36.0944254890347, + "nauc_map_at_3_max": 30.2128510665515, + "nauc_map_at_3_std": -1.9611081461308983, + "nauc_map_at_5_diff1": 36.00156289591984, + "nauc_map_at_5_max": 31.56149465902775, + "nauc_map_at_5_std": -0.8373235686244762, + "nauc_mrr_at_1000_diff1": 36.09152753153953, + "nauc_mrr_at_1000_max": 32.43454228496553, + "nauc_mrr_at_1000_std": 1.8517892571605596, + "nauc_mrr_at_100_diff1": 36.09112009133751, + "nauc_mrr_at_100_max": 32.44951869408173, + "nauc_mrr_at_100_std": 1.8714844618486277, + "nauc_mrr_at_10_diff1": 35.930421137614914, + "nauc_mrr_at_10_max": 32.65451978743636, + "nauc_mrr_at_10_std": 1.7723190829619009, + "nauc_mrr_at_1_diff1": 39.396024242346954, + "nauc_mrr_at_1_max": 28.132740347350953, + "nauc_mrr_at_1_std": -0.5935576215439111, + "nauc_mrr_at_20_diff1": 35.99903536497898, + "nauc_mrr_at_20_max": 32.50256539352071, + "nauc_mrr_at_20_std": 1.8829977887370852, + "nauc_mrr_at_3_diff1": 35.91812477028109, + "nauc_mrr_at_3_max": 31.595134192404796, + "nauc_mrr_at_3_std": 0.6749658339604261, + "nauc_mrr_at_5_diff1": 35.90541524153257, + "nauc_mrr_at_5_max": 32.375076970871106, + "nauc_mrr_at_5_std": 1.4530009988326982, + "nauc_ndcg_at_1000_diff1": 35.52189976546703, + "nauc_ndcg_at_1000_max": 33.97534043055662, + "nauc_ndcg_at_1000_std": 2.7358127566748025, + "nauc_ndcg_at_100_diff1": 35.32967760887528, + "nauc_ndcg_at_100_max": 34.51536712950666, + "nauc_ndcg_at_100_std": 3.561484184520643, + "nauc_ndcg_at_10_diff1": 34.63981443982384, + "nauc_ndcg_at_10_max": 35.2466755214177, + "nauc_ndcg_at_10_std": 2.163469830591493, + "nauc_ndcg_at_1_diff1": 39.47234805254548, + "nauc_ndcg_at_1_max": 27.949377920983448, + "nauc_ndcg_at_1_std": -0.7016496183295023, + "nauc_ndcg_at_20_diff1": 34.77193782885647, + "nauc_ndcg_at_20_max": 34.79563187118757, + "nauc_ndcg_at_20_std": 3.0333339734937326, + "nauc_ndcg_at_3_diff1": 34.84410905343334, + "nauc_ndcg_at_3_max": 31.53857235413653, + "nauc_ndcg_at_3_std": -1.2121011083371147, + "nauc_ndcg_at_5_diff1": 34.70655373953545, + "nauc_ndcg_at_5_max": 33.692790095442994, + "nauc_ndcg_at_5_std": 0.6612260001056149, + "nauc_precision_at_1000_diff1": -6.531497758654776, + "nauc_precision_at_1000_max": 6.592383443768815, + "nauc_precision_at_1000_std": 15.266065986503547, + "nauc_precision_at_100_diff1": -2.0738709139302003, + "nauc_precision_at_100_max": 15.324594432362842, + "nauc_precision_at_100_std": 20.825895623533857, + "nauc_precision_at_10_diff1": 9.98637582589397, + "nauc_precision_at_10_max": 30.50457748285925, + "nauc_precision_at_10_std": 13.73313229149034, + "nauc_precision_at_1_diff1": 39.47234805254548, + "nauc_precision_at_1_max": 27.949377920983448, + "nauc_precision_at_1_std": -0.7016496183295023, + "nauc_precision_at_20_diff1": 4.338247023429635, + "nauc_precision_at_20_max": 23.76589815146598, + "nauc_precision_at_20_std": 17.322633618978386, + "nauc_precision_at_3_diff1": 23.17326950999716, + "nauc_precision_at_3_max": 31.075717350827293, + "nauc_precision_at_3_std": 2.762436540576557, + "nauc_precision_at_5_diff1": 17.362008096246633, + "nauc_precision_at_5_max": 32.08805696305664, + "nauc_precision_at_5_std": 8.12524167169048, + "nauc_recall_at_1000_diff1": 34.18415215294108, + "nauc_recall_at_1000_max": 79.77930971993527, + "nauc_recall_at_1000_std": 70.27189175741741, + "nauc_recall_at_100_diff1": 28.249629521143465, + "nauc_recall_at_100_max": 62.21529072406605, + "nauc_recall_at_100_std": 46.23141649265807, + "nauc_recall_at_10_diff1": 27.302420328273612, + "nauc_recall_at_10_max": 47.57999826869166, + "nauc_recall_at_10_std": 9.807109630878386, + "nauc_recall_at_1_diff1": 39.29370524773578, + "nauc_recall_at_1_max": 25.991296131217062, + "nauc_recall_at_1_std": -2.5540466996583753, + "nauc_recall_at_20_diff1": 26.264363964930997, + "nauc_recall_at_20_max": 49.762297304442136, + "nauc_recall_at_20_std": 18.650695925686502, + "nauc_recall_at_3_diff1": 29.95231482486556, + "nauc_recall_at_3_max": 33.054441143791394, + "nauc_recall_at_3_std": -1.4133288694811754, + "nauc_recall_at_5_diff1": 28.978660648633802, + "nauc_recall_at_5_max": 38.844300548161186, + "nauc_recall_at_5_std": 3.19644809086287, + "ndcg_at_1": 41.193999999999996, + "ndcg_at_10": 59.951, + "ndcg_at_100": 63.343, + "ndcg_at_1000": 63.941, + "ndcg_at_20": 61.781, + "ndcg_at_3": 52.756, + "ndcg_at_5": 56.486999999999995, + "precision_at_1": 41.193999999999996, + "precision_at_10": 9.528, + "precision_at_100": 1.145, + "precision_at_1000": 0.12, + "precision_at_20": 5.206, + "precision_at_3": 23.696, + "precision_at_5": 16.419, + "recall_at_1": 36.718, + "recall_at_10": 79.84, + "recall_at_100": 94.228, + "recall_at_1000": 98.648, + "recall_at_20": 86.542, + "recall_at_3": 61.31999999999999, + "recall_at_5": 69.836 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/QuoraRetrieval.json b/results/OrcaDB__cde-small-v1/external/QuoraRetrieval.json new file mode 100644 index 000000000..45ef17fec --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/QuoraRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "e4e08e0b7dbe3c8700f0daef558ff32256715259", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 89.838, + "map_at_1": 72.44500000000001, + "map_at_10": 86.332, + "map_at_100": 86.936, + "map_at_1000": 86.95, + "map_at_20": 86.72999999999999, + "map_at_3": 83.417, + "map_at_5": 85.292, + "mrr_at_1": 83.5, + "mrr_at_10": 89.20519444444444, + "mrr_at_100": 89.2819086258491, + "mrr_at_1000": 89.28214505128291, + "mrr_at_20": 89.26673258007042, + "mrr_at_3": 88.36, + "mrr_at_5": 88.95100000000001, + "nauc_map_at_1000_diff1": 76.90740671940051, + "nauc_map_at_1000_max": 36.46444946338708, + "nauc_map_at_1000_std": -56.60380240532508, + "nauc_map_at_100_diff1": 76.91112078761572, + "nauc_map_at_100_max": 36.45304363618243, + "nauc_map_at_100_std": -56.67988410741111, + "nauc_map_at_10_diff1": 77.09598611046616, + "nauc_map_at_10_max": 35.96689922341558, + "nauc_map_at_10_std": -58.68604909203303, + "nauc_map_at_1_diff1": 80.37641963929528, + "nauc_map_at_1_max": 27.046973659136057, + "nauc_map_at_1_std": -49.41187376826384, + "nauc_map_at_20_diff1": 76.9541622063172, + "nauc_map_at_20_max": 36.29817666157097, + "nauc_map_at_20_std": -57.58995860118392, + "nauc_map_at_3_diff1": 77.79036430390953, + "nauc_map_at_3_max": 33.23673927645347, + "nauc_map_at_3_std": -60.10156884287652, + "nauc_map_at_5_diff1": 77.33636903512307, + "nauc_map_at_5_max": 35.003919992106006, + "nauc_map_at_5_std": -59.97787405958172, + "nauc_mrr_at_1000_diff1": 77.73000572331905, + "nauc_mrr_at_1000_max": 38.561364157585324, + "nauc_mrr_at_1000_std": -53.44976098044828, + "nauc_mrr_at_100_diff1": 77.72981689727108, + "nauc_mrr_at_100_max": 38.561425387623785, + "nauc_mrr_at_100_std": -53.45033750871979, + "nauc_mrr_at_10_diff1": 77.71709626439586, + "nauc_mrr_at_10_max": 38.624900686387214, + "nauc_mrr_at_10_std": -53.58765986161691, + "nauc_mrr_at_1_diff1": 78.37565253706408, + "nauc_mrr_at_1_max": 38.23888076842768, + "nauc_mrr_at_1_std": -50.20603764579538, + "nauc_mrr_at_20_diff1": 77.7306939391157, + "nauc_mrr_at_20_max": 38.59165749191751, + "nauc_mrr_at_20_std": -53.48812024214872, + "nauc_mrr_at_3_diff1": 77.54353349806524, + "nauc_mrr_at_3_max": 38.713759549229785, + "nauc_mrr_at_3_std": -53.94582165002703, + "nauc_mrr_at_5_diff1": 77.70283049254654, + "nauc_mrr_at_5_max": 38.716317005111215, + "nauc_mrr_at_5_std": -53.92085356926888, + "nauc_ndcg_at_1000_diff1": 76.89855290894926, + "nauc_ndcg_at_1000_max": 37.772216233524325, + "nauc_ndcg_at_1000_std": -54.86144177114646, + "nauc_ndcg_at_100_diff1": 76.90257905740786, + "nauc_ndcg_at_100_max": 37.739876618823274, + "nauc_ndcg_at_100_std": -55.18253534518033, + "nauc_ndcg_at_10_diff1": 76.82906119719216, + "nauc_ndcg_at_10_max": 37.09739956129085, + "nauc_ndcg_at_10_std": -58.49646829288816, + "nauc_ndcg_at_1_diff1": 78.37565253706408, + "nauc_ndcg_at_1_max": 38.335351847985045, + "nauc_ndcg_at_1_std": -50.212302001610745, + "nauc_ndcg_at_20_diff1": 76.86843611975287, + "nauc_ndcg_at_20_max": 37.38859864360577, + "nauc_ndcg_at_20_std": -57.243383699901386, + "nauc_ndcg_at_3_diff1": 76.43700144403104, + "nauc_ndcg_at_3_max": 35.849266604568456, + "nauc_ndcg_at_3_std": -58.26941196366757, + "nauc_ndcg_at_5_diff1": 76.65368894551763, + "nauc_ndcg_at_5_max": 36.67820873138469, + "nauc_ndcg_at_5_std": -59.167875261562884, + "nauc_precision_at_1000_diff1": -44.61035236776975, + "nauc_precision_at_1000_max": -6.9906519553038535, + "nauc_precision_at_1000_std": 45.26673634956755, + "nauc_precision_at_100_diff1": -44.471568524106466, + "nauc_precision_at_100_max": -6.513827405878257, + "nauc_precision_at_100_std": 43.61461800235919, + "nauc_precision_at_10_diff1": -40.63269213674181, + "nauc_precision_at_10_max": -2.176686756124717, + "nauc_precision_at_10_std": 29.834023361852225, + "nauc_precision_at_1_diff1": 78.37565253706408, + "nauc_precision_at_1_max": 38.335351847985045, + "nauc_precision_at_1_std": -50.212302001610745, + "nauc_precision_at_20_diff1": -43.166138321174, + "nauc_precision_at_20_max": -4.551647757465525, + "nauc_precision_at_20_std": 36.236925649882664, + "nauc_precision_at_3_diff1": -22.241887562444298, + "nauc_precision_at_3_max": 6.147594412705473, + "nauc_precision_at_3_std": 6.206594648276548, + "nauc_precision_at_5_diff1": -33.948204035499955, + "nauc_precision_at_5_max": 1.551952866668139, + "nauc_precision_at_5_std": 19.086692514199573, + "nauc_recall_at_1000_diff1": 56.00550359595701, + "nauc_recall_at_1000_max": 0.25076313433895114, + "nauc_recall_at_1000_std": -19.767447908090993, + "nauc_recall_at_100_diff1": 71.09157100014333, + "nauc_recall_at_100_max": 36.803937541332566, + "nauc_recall_at_100_std": -68.4065523296009, + "nauc_recall_at_10_diff1": 72.74150240606814, + "nauc_recall_at_10_max": 34.20323841659202, + "nauc_recall_at_10_std": -81.23057156799683, + "nauc_recall_at_1_diff1": 80.37641963929528, + "nauc_recall_at_1_max": 27.046973659136057, + "nauc_recall_at_1_std": -49.41187376826384, + "nauc_recall_at_20_diff1": 72.23679243300582, + "nauc_recall_at_20_max": 35.472624896485584, + "nauc_recall_at_20_std": -83.96453691324263, + "nauc_recall_at_3_diff1": 74.4436126143353, + "nauc_recall_at_3_max": 30.220293116530584, + "nauc_recall_at_3_std": -68.23230306181532, + "nauc_recall_at_5_diff1": 72.89682914794618, + "nauc_recall_at_5_max": 32.220311115253786, + "nauc_recall_at_5_std": -74.53623789048245, + "ndcg_at_1": 83.5, + "ndcg_at_10": 89.838, + "ndcg_at_100": 90.879, + "ndcg_at_1000": 90.955, + "ndcg_at_20": 90.422, + "ndcg_at_3": 87.21799999999999, + "ndcg_at_5": 88.727, + "precision_at_1": 83.5, + "precision_at_10": 13.571, + "precision_at_100": 1.5350000000000001, + "precision_at_1000": 0.157, + "precision_at_20": 7.175, + "precision_at_3": 38.12, + "precision_at_5": 25.041999999999998, + "recall_at_1": 72.44500000000001, + "recall_at_10": 96.298, + "recall_at_100": 99.696, + "recall_at_1000": 99.98599999999999, + "recall_at_20": 98.15700000000001, + "recall_at_3": 88.633, + "recall_at_5": 92.985 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/RedditClustering.json b/results/OrcaDB__cde-small-v1/external/RedditClustering.json new file mode 100644 index 000000000..22bb4b519 --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/RedditClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 59.36225093784713, + "v_measure": 59.36225093784713, + "v_measure_std": 3.9911509588570393 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/RedditClusteringP2P.json b/results/OrcaDB__cde-small-v1/external/RedditClusteringP2P.json new file mode 100644 index 000000000..28f72de9c --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/RedditClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 64.46282036246124, + "v_measure": 64.46282036246124, + "v_measure_std": 12.49196304240264 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/SCIDOCS.json b/results/OrcaDB__cde-small-v1/external/SCIDOCS.json new file mode 100644 index 000000000..d60397fc3 --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/SCIDOCS.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f8c2fcf00f625baaa80f62ec5bd9e1fff3b8ae88", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 21.781, + "map_at_1": 5.103, + "map_at_10": 13.152, + "map_at_100": 15.421000000000001, + "map_at_1000": 15.738, + "map_at_20": 14.313, + "map_at_3": 9.277000000000001, + "map_at_5": 11.079, + "mrr_at_1": 25.2, + "mrr_at_10": 36.30464285714286, + "mrr_at_100": 37.37083205414486, + "mrr_at_1000": 37.41889994963302, + "mrr_at_20": 36.99006600941199, + "mrr_at_3": 33.11666666666667, + "mrr_at_5": 34.971666666666664, + "nauc_map_at_1000_diff1": 13.3829110188465, + "nauc_map_at_1000_max": 26.200548089249203, + "nauc_map_at_1000_std": 15.782390299656376, + "nauc_map_at_100_diff1": 13.434823562595197, + "nauc_map_at_100_max": 26.19757227269967, + "nauc_map_at_100_std": 15.666149403001597, + "nauc_map_at_10_diff1": 13.136752265014085, + "nauc_map_at_10_max": 24.37704176159032, + "nauc_map_at_10_std": 11.875468320642725, + "nauc_map_at_1_diff1": 23.91080785158353, + "nauc_map_at_1_max": 21.714915496600813, + "nauc_map_at_1_std": 4.523659534794796, + "nauc_map_at_20_diff1": 13.08994175195148, + "nauc_map_at_20_max": 25.564250916023035, + "nauc_map_at_20_std": 13.758854620282229, + "nauc_map_at_3_diff1": 15.629634284012711, + "nauc_map_at_3_max": 20.94416328947656, + "nauc_map_at_3_std": 5.443733090008665, + "nauc_map_at_5_diff1": 13.717844004379067, + "nauc_map_at_5_max": 21.93083811259854, + "nauc_map_at_5_std": 7.496869394816883, + "nauc_mrr_at_1000_diff1": 19.466105991639516, + "nauc_mrr_at_1000_max": 23.857199036893714, + "nauc_mrr_at_1000_std": 10.400833057932964, + "nauc_mrr_at_100_diff1": 19.45377482442327, + "nauc_mrr_at_100_max": 23.86931198998342, + "nauc_mrr_at_100_std": 10.43160252915245, + "nauc_mrr_at_10_diff1": 19.595100505906498, + "nauc_mrr_at_10_max": 23.828564831729913, + "nauc_mrr_at_10_std": 10.158332218550582, + "nauc_mrr_at_1_diff1": 23.639623316387265, + "nauc_mrr_at_1_max": 21.91276584516334, + "nauc_mrr_at_1_std": 4.555063005377011, + "nauc_mrr_at_20_diff1": 19.42312083502562, + "nauc_mrr_at_20_max": 23.998031015425354, + "nauc_mrr_at_20_std": 10.507801798326819, + "nauc_mrr_at_3_diff1": 20.50499706447941, + "nauc_mrr_at_3_max": 22.89975536944602, + "nauc_mrr_at_3_std": 8.976243818880809, + "nauc_mrr_at_5_diff1": 19.59735376368769, + "nauc_mrr_at_5_max": 23.079995863526243, + "nauc_mrr_at_5_std": 9.558077494050336, + "nauc_ndcg_at_1000_diff1": 13.411221925319488, + "nauc_ndcg_at_1000_max": 28.874659943874605, + "nauc_ndcg_at_1000_std": 22.92179424488089, + "nauc_ndcg_at_100_diff1": 14.177059117246053, + "nauc_ndcg_at_100_max": 29.49863202457167, + "nauc_ndcg_at_100_std": 23.415432542915244, + "nauc_ndcg_at_10_diff1": 14.034714269886518, + "nauc_ndcg_at_10_max": 26.529324449228014, + "nauc_ndcg_at_10_std": 15.0835036529515, + "nauc_ndcg_at_1_diff1": 23.639623316387265, + "nauc_ndcg_at_1_max": 21.91276584516334, + "nauc_ndcg_at_1_std": 4.555063005377011, + "nauc_ndcg_at_20_diff1": 13.639153726908837, + "nauc_ndcg_at_20_max": 28.34934989257701, + "nauc_ndcg_at_20_std": 18.346102705103505, + "nauc_ndcg_at_3_diff1": 16.310949228363334, + "nauc_ndcg_at_3_max": 21.96244399696209, + "nauc_ndcg_at_3_std": 7.79248819842006, + "nauc_ndcg_at_5_diff1": 14.630417187709366, + "nauc_ndcg_at_5_max": 23.28452419937793, + "nauc_ndcg_at_5_std": 10.132485346479228, + "nauc_precision_at_1000_diff1": 0.4617378903286949, + "nauc_precision_at_1000_max": 23.084163863883607, + "nauc_precision_at_1000_std": 34.74028918125758, + "nauc_precision_at_100_diff1": 7.744924657665058, + "nauc_precision_at_100_max": 28.822902541968237, + "nauc_precision_at_100_std": 35.872958881610344, + "nauc_precision_at_10_diff1": 9.242022361674694, + "nauc_precision_at_10_max": 27.707443555826906, + "nauc_precision_at_10_std": 20.465290637452664, + "nauc_precision_at_1_diff1": 23.639623316387265, + "nauc_precision_at_1_max": 21.91276584516334, + "nauc_precision_at_1_std": 4.555063005377011, + "nauc_precision_at_20_diff1": 7.901785657316664, + "nauc_precision_at_20_max": 29.678603802205057, + "nauc_precision_at_20_std": 25.65946048724345, + "nauc_precision_at_3_diff1": 13.650585769886394, + "nauc_precision_at_3_max": 22.03045956299473, + "nauc_precision_at_3_std": 9.155456520493106, + "nauc_precision_at_5_diff1": 10.200134466214287, + "nauc_precision_at_5_max": 23.308672947117167, + "nauc_precision_at_5_std": 12.695862040385645, + "nauc_recall_at_1000_diff1": 1.7286393025447204, + "nauc_recall_at_1000_max": 23.322719223507704, + "nauc_recall_at_1000_std": 36.358257876511956, + "nauc_recall_at_100_diff1": 8.230846619688952, + "nauc_recall_at_100_max": 28.880569830494963, + "nauc_recall_at_100_std": 36.29115706966346, + "nauc_recall_at_10_diff1": 9.362248846760513, + "nauc_recall_at_10_max": 27.475538879580885, + "nauc_recall_at_10_std": 20.314461649538373, + "nauc_recall_at_1_diff1": 23.91080785158353, + "nauc_recall_at_1_max": 21.714915496600813, + "nauc_recall_at_1_std": 4.523659534794796, + "nauc_recall_at_20_diff1": 8.140101636033602, + "nauc_recall_at_20_max": 29.59131501693498, + "nauc_recall_at_20_std": 25.876120433055316, + "nauc_recall_at_3_diff1": 13.725759049941843, + "nauc_recall_at_3_max": 21.75055584058006, + "nauc_recall_at_3_std": 8.965766944507815, + "nauc_recall_at_5_diff1": 10.366069494614596, + "nauc_recall_at_5_max": 23.031784865881054, + "nauc_recall_at_5_std": 12.411188897743521, + "ndcg_at_1": 25.2, + "ndcg_at_10": 21.781, + "ndcg_at_100": 30.273, + "ndcg_at_1000": 35.768, + "ndcg_at_20": 24.967, + "ndcg_at_3": 20.580000000000002, + "ndcg_at_5": 17.926000000000002, + "precision_at_1": 25.2, + "precision_at_10": 11.4, + "precision_at_100": 2.359, + "precision_at_1000": 0.368, + "precision_at_20": 7.545, + "precision_at_3": 19.3, + "precision_at_5": 15.78, + "recall_at_1": 5.103, + "recall_at_10": 23.083000000000002, + "recall_at_100": 47.882999999999996, + "recall_at_1000": 74.783, + "recall_at_20": 30.592000000000002, + "recall_at_3": 11.753, + "recall_at_5": 15.983 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/SICK-R.json b/results/OrcaDB__cde-small-v1/external/SICK-R.json new file mode 100644 index 000000000..f15fdda78 --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 83.9841377195369, + "cosine_spearman": 77.44919890597407, + "euclidean_pearson": 81.21238548422511, + "euclidean_spearman": 76.94405730272983, + "main_score": 77.44919890597407, + "manhattan_pearson": 81.16824677968528, + "manhattan_spearman": 76.94296468591867, + "pearson": 83.9841377195369, + "spearman": 77.44919890597407 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/STS12.json b/results/OrcaDB__cde-small-v1/external/STS12.json new file mode 100644 index 000000000..a0db1be8e --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 81.36071984442052, + "cosine_spearman": 74.2212823495219, + "euclidean_pearson": 78.31139429452078, + "euclidean_spearman": 74.02790834412275, + "main_score": 74.2212823495219, + "manhattan_pearson": 78.26141328104697, + "manhattan_spearman": 74.02545007676329, + "pearson": 81.36071984442052, + "spearman": 74.2212823495219 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/STS13.json b/results/OrcaDB__cde-small-v1/external/STS13.json new file mode 100644 index 000000000..8c2bf2aa1 --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 85.49925337918731, + "cosine_spearman": 86.12368715292688, + "euclidean_pearson": 85.71147581542367, + "euclidean_spearman": 86.64112317821541, + "main_score": 86.12368715292688, + "manhattan_pearson": 85.58242941611371, + "manhattan_spearman": 86.51041533466731, + "pearson": 85.49925337918731, + "spearman": 86.12368715292688 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/STS14.json b/results/OrcaDB__cde-small-v1/external/STS14.json new file mode 100644 index 000000000..5539bd5bd --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 82.24735192639226, + "cosine_spearman": 78.88155361224834, + "euclidean_pearson": 80.52048132030517, + "euclidean_spearman": 78.1335955670817, + "main_score": 78.88155361224834, + "manhattan_pearson": 80.48178866605353, + "manhattan_spearman": 78.08994918255844, + "pearson": 82.24735192639226, + "spearman": 78.88155361224834 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/STS15.json b/results/OrcaDB__cde-small-v1/external/STS15.json new file mode 100644 index 000000000..c80a6275e --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 86.27381322229758, + "cosine_spearman": 87.5038962579188, + "euclidean_pearson": 86.7575259976948, + "euclidean_spearman": 87.3358778981031, + "main_score": 87.5038962579188, + "manhattan_pearson": 86.72177109814491, + "manhattan_spearman": 87.30593609243358, + "pearson": 86.27381322229758, + "spearman": 87.5038962579188 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/STS16.json b/results/OrcaDB__cde-small-v1/external/STS16.json new file mode 100644 index 000000000..2085e76f3 --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 82.90364706517789, + "cosine_spearman": 84.25854334490232, + "euclidean_pearson": 83.30065780824273, + "euclidean_spearman": 84.17467271748362, + "main_score": 84.25854334490232, + "manhattan_pearson": 83.21239264085494, + "manhattan_spearman": 84.05456832118482, + "pearson": 82.90364706517789, + "spearman": 84.25854334490232 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/STS17.json b/results/OrcaDB__cde-small-v1/external/STS17.json new file mode 100644 index 000000000..b8599be26 --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "faeb762787bd10488a50c8b5be4a3b82e411949c", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 88.88258729094343, + "cosine_spearman": 89.68436656381257, + "euclidean_pearson": 88.23417725579127, + "euclidean_spearman": 87.96688277361433, + "main_score": 89.68436656381257, + "manhattan_pearson": 88.07673471897155, + "manhattan_spearman": 87.7976329721765, + "pearson": 88.88258729094343, + "spearman": 89.68436656381257 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/STS22.json b/results/OrcaDB__cde-small-v1/external/STS22.json new file mode 100644 index 000000000..280900831 --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "de9d86b3b84231dc21f76c7b7af1f28e2f57f6e3", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 65.24627744968292, + "cosine_spearman": 65.96283849168346, + "euclidean_pearson": 66.2111925054528, + "euclidean_spearman": 65.83563143944401, + "main_score": 65.96283849168346, + "manhattan_pearson": 66.25664281582083, + "manhattan_spearman": 65.8830797513158, + "pearson": 65.24627744968292, + "spearman": 65.96283849168346 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/STSBenchmark.json b/results/OrcaDB__cde-small-v1/external/STSBenchmark.json new file mode 100644 index 000000000..488168aea --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 85.57515090752183, + "cosine_spearman": 85.54441587714372, + "euclidean_pearson": 85.53938106211463, + "euclidean_spearman": 85.28473579067878, + "main_score": 85.54441587714372, + "manhattan_pearson": 85.51025100057596, + "manhattan_spearman": 85.260887707662, + "pearson": 85.57515090752183, + "spearman": 85.54441587714372 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/SciDocsRR.json b/results/OrcaDB__cde-small-v1/external/SciDocsRR.json new file mode 100644 index 000000000..44a5d2a77 --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/SciDocsRR.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 82.9058801876062, + "map": 82.9058801876062, + "mrr": 95.256220721907, + "nAUC_map_diff1": 0.13078953297011875, + "nAUC_map_max": 59.173980738758026, + "nAUC_map_std": 73.35735418975649, + "nAUC_mrr_diff1": 46.534353907114514, + "nAUC_mrr_max": 89.56255914950661, + "nAUC_mrr_std": 85.6716185155955 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/SciFact.json b/results/OrcaDB__cde-small-v1/external/SciFact.json new file mode 100644 index 000000000..c3b9d35d8 --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/SciFact.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 71.844, + "map_at_1": 57.278, + "map_at_10": 67.109, + "map_at_100": 67.66499999999999, + "map_at_1000": 67.685, + "map_at_20": 67.482, + "map_at_3": 64.16199999999999, + "map_at_5": 65.82900000000001, + "mrr_at_1": 60.0, + "mrr_at_10": 68.19960317460317, + "mrr_at_100": 68.62748949394921, + "mrr_at_1000": 68.64515905414915, + "mrr_at_20": 68.472601010101, + "mrr_at_3": 66.0, + "mrr_at_5": 67.21666666666667, + "nauc_map_at_1000_diff1": 70.04313292027558, + "nauc_map_at_1000_max": 57.24529193476731, + "nauc_map_at_1000_std": -4.8888921470785585, + "nauc_map_at_100_diff1": 70.04624674117014, + "nauc_map_at_100_max": 57.25302539508853, + "nauc_map_at_100_std": -4.907703072069842, + "nauc_map_at_10_diff1": 70.06943109940849, + "nauc_map_at_10_max": 57.39452715929109, + "nauc_map_at_10_std": -4.743417671263566, + "nauc_map_at_1_diff1": 76.61111479875207, + "nauc_map_at_1_max": 52.822124992902374, + "nauc_map_at_1_std": -7.6071857283495445, + "nauc_map_at_20_diff1": 69.95251393140202, + "nauc_map_at_20_max": 57.328356768833146, + "nauc_map_at_20_std": -4.871357691032887, + "nauc_map_at_3_diff1": 69.71499509001714, + "nauc_map_at_3_max": 53.645107897260026, + "nauc_map_at_3_std": -7.908850295935557, + "nauc_map_at_5_diff1": 69.7531280646943, + "nauc_map_at_5_max": 55.71038914997073, + "nauc_map_at_5_std": -6.7813041970848476, + "nauc_mrr_at_1000_diff1": 69.61840192382927, + "nauc_mrr_at_1000_max": 58.419734360225696, + "nauc_mrr_at_1000_std": -1.8503761885586425, + "nauc_mrr_at_100_diff1": 69.6153571701724, + "nauc_mrr_at_100_max": 58.422378816414565, + "nauc_mrr_at_100_std": -1.8731915889302972, + "nauc_mrr_at_10_diff1": 69.5874772943516, + "nauc_mrr_at_10_max": 58.78121978366665, + "nauc_mrr_at_10_std": -1.2843146465927913, + "nauc_mrr_at_1_diff1": 74.35688136934793, + "nauc_mrr_at_1_max": 57.487384980706416, + "nauc_mrr_at_1_std": -1.3005837538340144, + "nauc_mrr_at_20_diff1": 69.53988639045606, + "nauc_mrr_at_20_max": 58.49631860342686, + "nauc_mrr_at_20_std": -1.7220227513588833, + "nauc_mrr_at_3_diff1": 68.94320178615871, + "nauc_mrr_at_3_max": 56.60856449749424, + "nauc_mrr_at_3_std": -3.3432894595086866, + "nauc_mrr_at_5_diff1": 68.94240340867633, + "nauc_mrr_at_5_max": 58.27068018852665, + "nauc_mrr_at_5_std": -2.320192066949136, + "nauc_ndcg_at_1000_diff1": 69.15093538086137, + "nauc_ndcg_at_1000_max": 58.6801221127507, + "nauc_ndcg_at_1000_std": -3.002038837722594, + "nauc_ndcg_at_100_diff1": 69.11507044508373, + "nauc_ndcg_at_100_max": 58.843490113137605, + "nauc_ndcg_at_100_std": -3.2810475322338566, + "nauc_ndcg_at_10_diff1": 68.71920945656667, + "nauc_ndcg_at_10_max": 60.13600198034469, + "nauc_ndcg_at_10_std": -1.6190106644777749, + "nauc_ndcg_at_1_diff1": 74.35688136934793, + "nauc_ndcg_at_1_max": 57.487384980706416, + "nauc_ndcg_at_1_std": -1.3005837538340144, + "nauc_ndcg_at_20_diff1": 68.33714726670162, + "nauc_ndcg_at_20_max": 59.45907982196103, + "nauc_ndcg_at_20_std": -2.5953063304797754, + "nauc_ndcg_at_3_diff1": 67.33605891922716, + "nauc_ndcg_at_3_max": 55.01142849375101, + "nauc_ndcg_at_3_std": -6.5632981093508205, + "nauc_ndcg_at_5_diff1": 67.59450950578172, + "nauc_ndcg_at_5_max": 57.50106057747294, + "nauc_ndcg_at_5_std": -5.415038422866616, + "nauc_precision_at_1000_diff1": -33.21156082089814, + "nauc_precision_at_1000_max": 19.132732038554398, + "nauc_precision_at_1000_std": 44.091281225705714, + "nauc_precision_at_100_diff1": -20.015823755259245, + "nauc_precision_at_100_max": 26.507243354636085, + "nauc_precision_at_100_std": 37.87274756817076, + "nauc_precision_at_10_diff1": 8.35057694800983, + "nauc_precision_at_10_max": 49.60611953844157, + "nauc_precision_at_10_std": 32.18410475820039, + "nauc_precision_at_1_diff1": 74.35688136934793, + "nauc_precision_at_1_max": 57.487384980706416, + "nauc_precision_at_1_std": -1.3005837538340144, + "nauc_precision_at_20_diff1": -3.0872665961524612, + "nauc_precision_at_20_max": 40.5565038905005, + "nauc_precision_at_20_std": 32.15291813716766, + "nauc_precision_at_3_diff1": 34.627722605371545, + "nauc_precision_at_3_max": 49.65219072739979, + "nauc_precision_at_3_std": 7.7588985130719434, + "nauc_precision_at_5_diff1": 22.06911561993657, + "nauc_precision_at_5_max": 49.09578970278826, + "nauc_precision_at_5_std": 16.038789872070705, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": 64.77257569694551, + "nauc_recall_at_100_max": 65.07269574496497, + "nauc_recall_at_100_std": -10.979947534569218, + "nauc_recall_at_10_diff1": 62.14297161941494, + "nauc_recall_at_10_max": 70.41353364022896, + "nauc_recall_at_10_std": 9.172932719542075, + "nauc_recall_at_1_diff1": 76.61111479875207, + "nauc_recall_at_1_max": 52.822124992902374, + "nauc_recall_at_1_std": -7.6071857283495445, + "nauc_recall_at_20_diff1": 57.631464811333224, + "nauc_recall_at_20_max": 67.83558221740536, + "nauc_recall_at_20_std": 3.110691973832695, + "nauc_recall_at_3_diff1": 60.39078444139112, + "nauc_recall_at_3_max": 51.122425596651574, + "nauc_recall_at_3_std": -10.307895490015559, + "nauc_recall_at_5_diff1": 59.703727953513145, + "nauc_recall_at_5_max": 59.81893786534298, + "nauc_recall_at_5_std": -6.231017907901268, + "ndcg_at_1": 60.0, + "ndcg_at_10": 71.844, + "ndcg_at_100": 74.278, + "ndcg_at_1000": 74.74199999999999, + "ndcg_at_20": 72.99, + "ndcg_at_3": 66.721, + "ndcg_at_5": 69.137, + "precision_at_1": 60.0, + "precision_at_10": 9.6, + "precision_at_100": 1.093, + "precision_at_1000": 0.11299999999999999, + "precision_at_20": 5.067, + "precision_at_3": 26.111, + "precision_at_5": 17.267, + "recall_at_1": 57.278, + "recall_at_10": 85.344, + "recall_at_100": 96.5, + "recall_at_1000": 100.0, + "recall_at_20": 89.589, + "recall_at_3": 71.45, + "recall_at_5": 77.361 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/SprintDuplicateQuestions.json b/results/OrcaDB__cde-small-v1/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..b791fc13c --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/SprintDuplicateQuestions.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 99.8019801980198, + "cosine_accuracy_threshold": 74.77510571479797, + "cosine_ap": 95.30006120252773, + "cosine_f1": 89.75265017667844, + "cosine_f1_threshold": 72.93492555618286, + "cosine_precision": 90.62181447502549, + "cosine_recall": 88.9, + "dot_accuracy": 99.74554455445545, + "dot_accuracy_threshold": 794.2790985107422, + "dot_ap": 93.33073289508414, + "dot_f1": 87.11779448621553, + "dot_f1_threshold": 793.5191631317139, + "dot_precision": 87.33668341708542, + "dot_recall": 86.9, + "euclidean_accuracy": 99.7960396039604, + "euclidean_accuracy_threshold": 238.72876167297363, + "euclidean_ap": 95.04815354196363, + "euclidean_f1": 89.53252032520325, + "euclidean_f1_threshold": 241.42813682556152, + "euclidean_precision": 91.01239669421489, + "euclidean_recall": 88.1, + "main_score": 95.30006120252773, + "manhattan_accuracy": 99.7960396039604, + "manhattan_accuracy_threshold": 5224.44953918457, + "manhattan_ap": 95.02798265540767, + "manhattan_f1": 89.4552723638181, + "manhattan_f1_threshold": 5434.450531005859, + "manhattan_precision": 89.41058941058941, + "manhattan_recall": 89.5, + "max_accuracy": 99.8019801980198, + "max_ap": 95.30006120252773, + "max_f1": 89.75265017667844, + "max_precision": 91.01239669421489, + "max_recall": 89.5, + "similarity_accuracy": 99.8019801980198, + "similarity_accuracy_threshold": 74.77510571479797, + "similarity_ap": 95.30006120252773, + "similarity_f1": 89.75265017667844, + "similarity_f1_threshold": 72.93492555618286, + "similarity_precision": 90.62181447502549, + "similarity_recall": 88.9 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/StackExchangeClustering.json b/results/OrcaDB__cde-small-v1/external/StackExchangeClustering.json new file mode 100644 index 000000000..76cc3e990 --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/StackExchangeClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 66.76593843797666, + "v_measure": 66.76593843797666, + "v_measure_std": 3.5421488096435416 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/StackExchangeClusteringP2P.json b/results/OrcaDB__cde-small-v1/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..3db2adca5 --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/StackExchangeClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 38.90007255920144, + "v_measure": 38.90007255920144, + "v_measure_std": 1.440894289494648 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/StackOverflowDupQuestions.json b/results/OrcaDB__cde-small-v1/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..40d398bd6 --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/StackOverflowDupQuestions.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 52.71807785910519, + "map": 52.71807785910519, + "mrr": 53.51011427298192, + "nAUC_map_diff1": 38.489341755206404, + "nAUC_map_max": 12.810459097227756, + "nAUC_map_std": 10.001723368468545, + "nAUC_mrr_diff1": 38.1795784067288, + "nAUC_mrr_max": 13.876071274342735, + "nAUC_mrr_std": 10.809361649584433 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/SummEval.json b/results/OrcaDB__cde-small-v1/external/SummEval.json new file mode 100644 index 000000000..166c0bf89 --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 31.51422308323083, + "cosine_spearman": 31.22821719703179, + "dot_pearson": 30.692806438778554, + "dot_spearman": 30.440095026481913, + "main_score": 31.22821719703179, + "pearson": 31.51422308323083, + "spearman": 31.22821719703179 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/TRECCOVID.json b/results/OrcaDB__cde-small-v1/external/TRECCOVID.json new file mode 100644 index 000000000..ac21ab8d2 --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/TRECCOVID.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "bb9466bac8153a0349341eb1b22e06409e78ef4e", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 79.38199999999999, + "map_at_1": 0.258, + "map_at_10": 2.077, + "map_at_100": 12.062000000000001, + "map_at_1000": 28.717, + "map_at_20": 3.6630000000000003, + "map_at_3": 0.7040000000000001, + "map_at_5": 1.114, + "mrr_at_1": 96.0, + "mrr_at_10": 97.66666666666667, + "mrr_at_100": 97.66666666666667, + "mrr_at_1000": 97.66666666666667, + "mrr_at_20": 97.66666666666667, + "mrr_at_3": 97.66666666666667, + "mrr_at_5": 97.66666666666667, + "nauc_map_at_1000_diff1": -19.606457542469276, + "nauc_map_at_1000_max": 62.23126542837836, + "nauc_map_at_1000_std": 78.11491433681955, + "nauc_map_at_100_diff1": 1.056950862100428, + "nauc_map_at_100_max": 43.14707718269215, + "nauc_map_at_100_std": 54.99119932336741, + "nauc_map_at_10_diff1": 31.26313513848752, + "nauc_map_at_10_max": 18.729050164831303, + "nauc_map_at_10_std": 12.501346100150942, + "nauc_map_at_1_diff1": 50.67428371303766, + "nauc_map_at_1_max": 8.26350705716926, + "nauc_map_at_1_std": -2.802747360156509, + "nauc_map_at_20_diff1": 23.85177292094862, + "nauc_map_at_20_max": 24.907498374862385, + "nauc_map_at_20_std": 23.15361092830954, + "nauc_map_at_3_diff1": 44.34113488392741, + "nauc_map_at_3_max": 16.13816628219856, + "nauc_map_at_3_std": 1.64493293742063, + "nauc_map_at_5_diff1": 43.35667417997146, + "nauc_map_at_5_max": 16.651525778549175, + "nauc_map_at_5_std": 5.344297729807275, + "nauc_mrr_at_1000_diff1": 65.01934106976137, + "nauc_mrr_at_1000_max": 74.5231425903695, + "nauc_mrr_at_1000_std": 84.12698412698381, + "nauc_mrr_at_100_diff1": 65.01934106976137, + "nauc_mrr_at_100_max": 74.5231425903695, + "nauc_mrr_at_100_std": 84.12698412698381, + "nauc_mrr_at_10_diff1": 65.01934106976137, + "nauc_mrr_at_10_max": 74.5231425903695, + "nauc_mrr_at_10_std": 84.12698412698381, + "nauc_mrr_at_1_diff1": 63.81886087768457, + "nauc_mrr_at_1_max": 77.70774976657333, + "nauc_mrr_at_1_std": 86.11111111111124, + "nauc_mrr_at_20_diff1": 65.01934106976137, + "nauc_mrr_at_20_max": 74.5231425903695, + "nauc_mrr_at_20_std": 84.12698412698381, + "nauc_mrr_at_3_diff1": 65.01934106976137, + "nauc_mrr_at_3_max": 74.5231425903695, + "nauc_mrr_at_3_std": 84.12698412698381, + "nauc_mrr_at_5_diff1": 65.01934106976137, + "nauc_mrr_at_5_max": 74.5231425903695, + "nauc_mrr_at_5_std": 84.12698412698381, + "nauc_ndcg_at_1000_diff1": -12.207934630430895, + "nauc_ndcg_at_1000_max": 63.27131989733247, + "nauc_ndcg_at_1000_std": 77.77862783776057, + "nauc_ndcg_at_100_diff1": -31.139043418906777, + "nauc_ndcg_at_100_max": 56.29288690229761, + "nauc_ndcg_at_100_std": 80.54207709212822, + "nauc_ndcg_at_10_diff1": -21.623075757241335, + "nauc_ndcg_at_10_max": 42.00930185115019, + "nauc_ndcg_at_10_std": 63.90085820733794, + "nauc_ndcg_at_1_diff1": 27.03957293721711, + "nauc_ndcg_at_1_max": 18.687865072917816, + "nauc_ndcg_at_1_std": 40.65606746354093, + "nauc_ndcg_at_20_diff1": -27.059567337111528, + "nauc_ndcg_at_20_max": 44.873490488692845, + "nauc_ndcg_at_20_std": 68.27056244238835, + "nauc_ndcg_at_3_diff1": -2.2768439107759253, + "nauc_ndcg_at_3_max": 33.16972612805963, + "nauc_ndcg_at_3_std": 49.35785810423734, + "nauc_ndcg_at_5_diff1": -8.380892599544165, + "nauc_ndcg_at_5_max": 39.7045491756542, + "nauc_ndcg_at_5_std": 56.662696632820044, + "nauc_precision_at_1000_diff1": -39.853246552685256, + "nauc_precision_at_1000_max": 45.82687391914263, + "nauc_precision_at_1000_std": 51.6573155072073, + "nauc_precision_at_100_diff1": -35.334152199143055, + "nauc_precision_at_100_max": 57.74163988146608, + "nauc_precision_at_100_std": 78.83424294782806, + "nauc_precision_at_10_diff1": -29.572269138136193, + "nauc_precision_at_10_max": 45.16249504588279, + "nauc_precision_at_10_std": 63.92716685466912, + "nauc_precision_at_1_diff1": 63.81886087768457, + "nauc_precision_at_1_max": 77.70774976657333, + "nauc_precision_at_1_std": 86.11111111111124, + "nauc_precision_at_20_diff1": -31.155129521710613, + "nauc_precision_at_20_max": 46.072522169609606, + "nauc_precision_at_20_std": 64.29857883516294, + "nauc_precision_at_3_diff1": -5.644268209909603, + "nauc_precision_at_3_max": 54.62437037830888, + "nauc_precision_at_3_std": 52.27021040974535, + "nauc_precision_at_5_diff1": -15.560278135078049, + "nauc_precision_at_5_max": 50.21344816658272, + "nauc_precision_at_5_std": 58.94711332326674, + "nauc_recall_at_1000_diff1": -8.016557237167058, + "nauc_recall_at_1000_max": 58.857938362714165, + "nauc_recall_at_1000_std": 66.83850522737738, + "nauc_recall_at_100_diff1": 15.447588986377317, + "nauc_recall_at_100_max": 37.515788055189084, + "nauc_recall_at_100_std": 42.326000614078026, + "nauc_recall_at_10_diff1": 34.99067421432679, + "nauc_recall_at_10_max": 13.792789030946933, + "nauc_recall_at_10_std": 7.066206327262477, + "nauc_recall_at_1_diff1": 50.67428371303766, + "nauc_recall_at_1_max": 8.26350705716926, + "nauc_recall_at_1_std": -2.802747360156509, + "nauc_recall_at_20_diff1": 31.277397618992136, + "nauc_recall_at_20_max": 20.296127261717054, + "nauc_recall_at_20_std": 16.117931287068437, + "nauc_recall_at_3_diff1": 46.303571802817025, + "nauc_recall_at_3_max": 14.03073426897129, + "nauc_recall_at_3_std": -0.39592906337357797, + "nauc_recall_at_5_diff1": 45.51206018811467, + "nauc_recall_at_5_max": 12.263182926616867, + "nauc_recall_at_5_std": 1.5451403387758214, + "ndcg_at_1": 87.0, + "ndcg_at_10": 79.38199999999999, + "ndcg_at_100": 59.941, + "ndcg_at_1000": 53.581999999999994, + "ndcg_at_20": 74.244, + "ndcg_at_3": 84.05, + "ndcg_at_5": 82.328, + "precision_at_1": 96.0, + "precision_at_10": 85.2, + "precision_at_100": 61.519999999999996, + "precision_at_1000": 23.328, + "precision_at_20": 78.4, + "precision_at_3": 90.667, + "precision_at_5": 88.4, + "recall_at_1": 0.258, + "recall_at_10": 2.225, + "recall_at_100": 15.190999999999999, + "recall_at_1000": 50.656, + "recall_at_20": 4.063, + "recall_at_3": 0.722, + "recall_at_5": 1.168 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/Touche2020.json b/results/OrcaDB__cde-small-v1/external/Touche2020.json new file mode 100644 index 000000000..1689a3596 --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/Touche2020.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 24.254, + "map_at_1": 2.355, + "map_at_10": 9.554, + "map_at_100": 14.856, + "map_at_1000": 16.320999999999998, + "map_at_20": 11.594, + "map_at_3": 5.624, + "map_at_5": 6.948, + "mrr_at_1": 28.57142857142857, + "mrr_at_10": 45.30855199222546, + "mrr_at_100": 46.29196367191565, + "mrr_at_1000": 46.31499833524485, + "mrr_at_20": 46.113797167218536, + "mrr_at_3": 42.17687074829932, + "mrr_at_5": 43.70748299319728, + "nauc_map_at_1000_diff1": 16.20923402096991, + "nauc_map_at_1000_max": -1.0790035381754648, + "nauc_map_at_1000_std": 7.195462252108266, + "nauc_map_at_100_diff1": 18.389136986949936, + "nauc_map_at_100_max": -2.05569038009456, + "nauc_map_at_100_std": 2.571693024788773, + "nauc_map_at_10_diff1": 21.066136452964642, + "nauc_map_at_10_max": 1.5731034935019352, + "nauc_map_at_10_std": -10.470562156435545, + "nauc_map_at_1_diff1": 18.809274247757674, + "nauc_map_at_1_max": -8.68104031396317, + "nauc_map_at_1_std": -30.619138463973307, + "nauc_map_at_20_diff1": 23.36148432932364, + "nauc_map_at_20_max": -0.38560029617230923, + "nauc_map_at_20_std": -6.8825311118744485, + "nauc_map_at_3_diff1": 18.9370153117886, + "nauc_map_at_3_max": 2.2032967783435375, + "nauc_map_at_3_std": -12.532694022066659, + "nauc_map_at_5_diff1": 21.434904521858602, + "nauc_map_at_5_max": 6.094611630406942, + "nauc_map_at_5_std": -12.492795788667474, + "nauc_mrr_at_1000_diff1": 11.961046636239269, + "nauc_mrr_at_1000_max": -15.748297693665677, + "nauc_mrr_at_1000_std": -12.067130971523385, + "nauc_mrr_at_100_diff1": 11.95534277650038, + "nauc_mrr_at_100_max": -15.684486171307041, + "nauc_mrr_at_100_std": -11.98247014226321, + "nauc_mrr_at_10_diff1": 12.191520381511925, + "nauc_mrr_at_10_max": -16.510285123987302, + "nauc_mrr_at_10_std": -11.93784570526233, + "nauc_mrr_at_1_diff1": 18.162553375605516, + "nauc_mrr_at_1_max": -18.920009881475387, + "nauc_mrr_at_1_std": -31.201005281857086, + "nauc_mrr_at_20_diff1": 11.85035482221006, + "nauc_mrr_at_20_max": -16.18704935368085, + "nauc_mrr_at_20_std": -11.424991900511088, + "nauc_mrr_at_3_diff1": 14.733201594965836, + "nauc_mrr_at_3_max": -11.75899459749356, + "nauc_mrr_at_3_std": -11.499870896820976, + "nauc_mrr_at_5_diff1": 12.874017458219845, + "nauc_mrr_at_5_max": -13.642689819875791, + "nauc_mrr_at_5_std": -11.64117086557618, + "nauc_ndcg_at_1000_diff1": -6.849400123979281, + "nauc_ndcg_at_1000_max": -3.8209628417621393, + "nauc_ndcg_at_1000_std": 31.393629472927504, + "nauc_ndcg_at_100_diff1": 5.4656320972286485, + "nauc_ndcg_at_100_max": -11.571250999652408, + "nauc_ndcg_at_100_std": 16.5511179303082, + "nauc_ndcg_at_10_diff1": 9.553502614400788, + "nauc_ndcg_at_10_max": -14.08266102380929, + "nauc_ndcg_at_10_std": -5.404201943794988, + "nauc_ndcg_at_1_diff1": 11.37824691229176, + "nauc_ndcg_at_1_max": -21.31215334708879, + "nauc_ndcg_at_1_std": -29.749958184219334, + "nauc_ndcg_at_20_diff1": 13.396975021395857, + "nauc_ndcg_at_20_max": -14.5189405742469, + "nauc_ndcg_at_20_std": -1.6276921520570502, + "nauc_ndcg_at_3_diff1": 2.3132968948746226, + "nauc_ndcg_at_3_max": -11.351646560904848, + "nauc_ndcg_at_3_std": -0.15036952995361091, + "nauc_ndcg_at_5_diff1": 6.214320727021392, + "nauc_ndcg_at_5_max": -9.797994041679638, + "nauc_ndcg_at_5_std": -3.3742904276844223, + "nauc_precision_at_1000_diff1": -32.78708155144845, + "nauc_precision_at_1000_max": 34.81622247650308, + "nauc_precision_at_1000_std": 47.996245254718744, + "nauc_precision_at_100_diff1": -10.867559709952797, + "nauc_precision_at_100_max": 6.681915188055671, + "nauc_precision_at_100_std": 61.989390090979356, + "nauc_precision_at_10_diff1": 6.511211593484189, + "nauc_precision_at_10_max": -16.842566662697454, + "nauc_precision_at_10_std": 5.002600740433903, + "nauc_precision_at_1_diff1": 18.162553375605516, + "nauc_precision_at_1_max": -18.920009881475387, + "nauc_precision_at_1_std": -31.201005281857086, + "nauc_precision_at_20_diff1": 9.640744611970522, + "nauc_precision_at_20_max": -18.27653996056668, + "nauc_precision_at_20_std": 22.021814503656543, + "nauc_precision_at_3_diff1": 6.916201107284145, + "nauc_precision_at_3_max": -0.039381527098944095, + "nauc_precision_at_3_std": 9.096821181866671, + "nauc_precision_at_5_diff1": 9.032683328748616, + "nauc_precision_at_5_max": -3.5989814795848223, + "nauc_precision_at_5_std": 2.506947866544208, + "nauc_recall_at_1000_diff1": -27.92405572104993, + "nauc_recall_at_1000_max": 14.256848434706395, + "nauc_recall_at_1000_std": 69.3546817240148, + "nauc_recall_at_100_diff1": 6.613753533249129, + "nauc_recall_at_100_max": -8.405822616363144, + "nauc_recall_at_100_std": 29.430588706591397, + "nauc_recall_at_10_diff1": 18.481730784371077, + "nauc_recall_at_10_max": -7.763172381505888, + "nauc_recall_at_10_std": -7.48570052741164, + "nauc_recall_at_1_diff1": 18.809274247757674, + "nauc_recall_at_1_max": -8.68104031396317, + "nauc_recall_at_1_std": -30.619138463973307, + "nauc_recall_at_20_diff1": 20.639977762281493, + "nauc_recall_at_20_max": -11.301201172125623, + "nauc_recall_at_20_std": 0.38755705583239786, + "nauc_recall_at_3_diff1": 18.279383297820562, + "nauc_recall_at_3_max": 5.287795698059438, + "nauc_recall_at_3_std": -3.7312167565958316, + "nauc_recall_at_5_diff1": 21.115852302465356, + "nauc_recall_at_5_max": 5.318139212101227, + "nauc_recall_at_5_std": -7.792885381250281, + "ndcg_at_1": 25.509999999999998, + "ndcg_at_10": 24.254, + "ndcg_at_100": 34.660000000000004, + "ndcg_at_1000": 45.798, + "ndcg_at_20": 24.988, + "ndcg_at_3": 29.273, + "ndcg_at_5": 25.453, + "precision_at_1": 28.571, + "precision_at_10": 21.02, + "precision_at_100": 7.122000000000001, + "precision_at_1000": 1.435, + "precision_at_20": 16.326999999999998, + "precision_at_3": 31.293, + "precision_at_5": 24.898, + "recall_at_1": 2.355, + "recall_at_10": 15.397, + "recall_at_100": 43.647000000000006, + "recall_at_1000": 77.089, + "recall_at_20": 22.792, + "recall_at_3": 6.847, + "recall_at_5": 9.136 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/ToxicConversationsClassification.json b/results/OrcaDB__cde-small-v1/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..065848275 --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/ToxicConversationsClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.7734375, + "ap": 15.655230461083708, + "ap_weighted": 15.655230461083708, + "f1": 56.31497978454638, + "f1_weighted": 78.70509613747345, + "main_score": 72.7734375 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/TweetSentimentExtractionClassification.json b/results/OrcaDB__cde-small-v1/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..a1f99fe7d --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.56366723259762, + "f1": 72.90413275122202, + "f1_weighted": 72.19948169084057, + "main_score": 72.56366723259762 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/TwentyNewsgroupsClustering.json b/results/OrcaDB__cde-small-v1/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..6733fc037 --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 56.90970017457857, + "v_measure": 56.90970017457857, + "v_measure_std": 1.5885885070403738 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/TwitterSemEval2015.json b/results/OrcaDB__cde-small-v1/external/TwitterSemEval2015.json new file mode 100644 index 000000000..1ec8b6d86 --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/TwitterSemEval2015.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 85.7006616200751, + "cosine_accuracy_threshold": 75.78572630882263, + "cosine_ap": 72.87577990245127, + "cosine_f1": 67.36422521175885, + "cosine_f1_threshold": 70.15678882598877, + "cosine_precision": 63.80368098159509, + "cosine_recall": 71.34564643799473, + "dot_accuracy": 83.60851165285807, + "dot_accuracy_threshold": 744.7918891906738, + "dot_ap": 64.82619159813649, + "dot_f1": 62.62379263968699, + "dot_f1_threshold": 696.7735290527344, + "dot_precision": 58.350421508316245, + "dot_recall": 67.57255936675462, + "euclidean_accuracy": 85.84371460928652, + "euclidean_accuracy_threshold": 220.4747200012207, + "euclidean_ap": 72.47837433257799, + "euclidean_f1": 67.2811059907834, + "euclidean_f1_threshold": 240.81902503967285, + "euclidean_precision": 65.34062655395326, + "euclidean_recall": 69.34036939313984, + "main_score": 72.87577990245127, + "manhattan_accuracy": 85.83179352685224, + "manhattan_accuracy_threshold": 4910.404205322266, + "manhattan_ap": 72.44111617709422, + "manhattan_f1": 67.09989806320081, + "manhattan_f1_threshold": 5333.793640136719, + "manhattan_precision": 64.88417939871857, + "manhattan_recall": 69.47229551451187, + "max_accuracy": 85.84371460928652, + "max_ap": 72.87577990245127, + "max_f1": 67.36422521175885, + "max_precision": 65.34062655395326, + "max_recall": 71.34564643799473, + "similarity_accuracy": 85.7006616200751, + "similarity_accuracy_threshold": 75.78572630882263, + "similarity_ap": 72.87577990245127, + "similarity_f1": 67.36422521175885, + "similarity_f1_threshold": 70.15678882598877, + "similarity_precision": 63.80368098159509, + "similarity_recall": 71.34564643799473 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/TwitterURLCorpus.json b/results/OrcaDB__cde-small-v1/external/TwitterURLCorpus.json new file mode 100644 index 000000000..6b4725fcc --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/TwitterURLCorpus.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 88.88112702293631, + "cosine_accuracy_threshold": 71.48405313491821, + "cosine_ap": 85.88088882163336, + "cosine_f1": 78.2251744598276, + "cosine_f1_threshold": 70.09605169296265, + "cosine_precision": 75.8997755087262, + "cosine_recall": 80.69756698490914, + "dot_accuracy": 88.04672643303451, + "dot_accuracy_threshold": 700.6264686584473, + "dot_ap": 83.52072844458456, + "dot_f1": 76.24239256244634, + "dot_f1_threshold": 664.9115562438965, + "dot_precision": 74.0123233055455, + "dot_recall": 78.61102556205728, + "euclidean_accuracy": 88.72588970388482, + "euclidean_accuracy_threshold": 226.53303146362305, + "euclidean_ap": 85.51788295919707, + "euclidean_f1": 77.73453426739316, + "euclidean_f1_threshold": 238.7503147125244, + "euclidean_precision": 74.94818097348296, + "euclidean_recall": 80.73606405913151, + "main_score": 85.88088882163336, + "manhattan_accuracy": 88.68902084061008, + "manhattan_accuracy_threshold": 5034.079742431641, + "manhattan_ap": 85.49952903626239, + "manhattan_f1": 77.74326743888625, + "manhattan_f1_threshold": 5334.531021118164, + "manhattan_precision": 73.98289171708741, + "manhattan_recall": 81.90637511549123, + "max_accuracy": 88.88112702293631, + "max_ap": 85.88088882163336, + "max_f1": 78.2251744598276, + "max_precision": 75.8997755087262, + "max_recall": 81.90637511549123, + "similarity_accuracy": 88.88112702293631, + "similarity_accuracy_threshold": 71.48405313491821, + "similarity_ap": 85.88088882163336, + "similarity_f1": 78.2251744598276, + "similarity_f1_threshold": 70.09605169296265, + "similarity_precision": 75.8997755087262, + "similarity_recall": 80.69756698490914 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__cde-small-v1/external/model_meta.json b/results/OrcaDB__cde-small-v1/external/model_meta.json new file mode 100644 index 000000000..5d33b0d99 --- /dev/null +++ b/results/OrcaDB__cde-small-v1/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "OrcaDB/cde-small-v1", + "revision": "f85b4164756120dab32cc0c829c8c7b3d1c58ae8", + "release_date": "2024-11-08", + "languages": [], + "loader": null, + "n_parameters": 281140992, + "memory_usage": null, + "max_tokens": null, + "embed_dim": null, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/AmazonCounterfactualClassification.json b/results/OrcaDB__gte-base-en-v1.5/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..7bb2b9d7b --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.7910447761194, + "ap": 37.053785713650626, + "f1": 68.51101510998551, + "main_score": 74.7910447761194 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/AmazonPolarityClassification.json b/results/OrcaDB__gte-base-en-v1.5/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..c1a7f0a14 --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.016875, + "ap": 89.17750268426342, + "f1": 92.9970977240524, + "main_score": 93.016875 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/AmazonReviewsClassification.json b/results/OrcaDB__gte-base-en-v1.5/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..5b76996c3 --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 53.312000000000005, + "f1": 52.98175784163017, + "main_score": 53.312000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/ArguAna.json b/results/OrcaDB__gte-base-en-v1.5/external/ArguAna.json new file mode 100644 index 000000000..36ee00641 --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.193, + "map_at_10": 54.848, + "map_at_100": 55.388000000000005, + "map_at_1000": 55.388999999999996, + "map_at_3": 50.427, + "map_at_5": 53.105000000000004, + "mrr_at_1": 39.047, + "mrr_at_10": 55.153, + "mrr_at_100": 55.686, + "mrr_at_1000": 55.688, + "mrr_at_3": 50.676, + "mrr_at_5": 53.417, + "ndcg_at_1": 38.193, + "ndcg_at_10": 63.486, + "ndcg_at_100": 65.58, + "ndcg_at_1000": 65.61, + "ndcg_at_3": 54.494, + "ndcg_at_5": 59.339, + "precision_at_1": 38.193, + "precision_at_10": 9.075, + "precision_at_100": 0.9939999999999999, + "precision_at_1000": 0.1, + "precision_at_3": 22.096, + "precision_at_5": 15.619, + "recall_at_1": 38.193, + "recall_at_10": 90.754, + "recall_at_100": 99.431, + "recall_at_1000": 99.644, + "recall_at_3": 66.28699999999999, + "recall_at_5": 78.094, + "main_score": 63.486 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/ArxivClusteringP2P.json b/results/OrcaDB__gte-base-en-v1.5/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..c539012c4 --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 47.508221208908964, + "main_score": 47.508221208908964 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/ArxivClusteringS2S.json b/results/OrcaDB__gte-base-en-v1.5/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..38c3521d9 --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 42.04668382560096, + "main_score": 42.04668382560096 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/AskUbuntuDupQuestions.json b/results/OrcaDB__gte-base-en-v1.5/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..fa8a4ad42 --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 61.828759903716815, + "mrr": 74.37343358395991, + "main_score": 61.828759903716815 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/BIOSSES.json b/results/OrcaDB__gte-base-en-v1.5/external/BIOSSES.json new file mode 100644 index 000000000..6ea355adb --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.03673698773017, + "cos_sim_spearman": 83.6470866785058, + "euclidean_pearson": 82.64048673096565, + "euclidean_spearman": 83.63142367101115, + "manhattan_pearson": 82.71493099760228, + "manhattan_spearman": 83.60491704294326, + "cosine_pearson": 85.03673698773017, + "cosine_spearman": 83.6470866785058, + "main_score": 83.6470866785058 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/Banking77Classification.json b/results/OrcaDB__gte-base-en-v1.5/external/Banking77Classification.json new file mode 100644 index 000000000..975632e03 --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.73376623376623, + "f1": 86.70294049278262, + "main_score": 86.73376623376623 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/BiorxivClusteringP2P.json b/results/OrcaDB__gte-base-en-v1.5/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..041681d4f --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.31923804167062, + "main_score": 40.31923804167062 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/BiorxivClusteringS2S.json b/results/OrcaDB__gte-base-en-v1.5/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..fdb2ecab2 --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.552547125348454, + "main_score": 37.552547125348454 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/CQADupstackAndroidRetrieval.json b/results/OrcaDB__gte-base-en-v1.5/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..056a52e6e --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "f46a197baaae43b4f621051089b82a364682dfeb", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.567, + "map_at_10": 41.269, + "map_at_100": 42.689, + "map_at_1000": 42.84, + "map_at_3": 37.567, + "map_at_5": 39.706, + "mrr_at_1": 37.053000000000004, + "mrr_at_10": 46.900999999999996, + "mrr_at_100": 47.662, + "mrr_at_1000": 47.713, + "mrr_at_3": 43.801, + "mrr_at_5": 45.689, + "ndcg_at_1": 37.053000000000004, + "ndcg_at_10": 47.73, + "ndcg_at_100": 53.128, + "ndcg_at_1000": 55.300000000000004, + "ndcg_at_3": 42.046, + "ndcg_at_5": 44.782, + "precision_at_1": 37.053000000000004, + "precision_at_10": 9.142, + "precision_at_100": 1.485, + "precision_at_1000": 0.197, + "precision_at_3": 20.076, + "precision_at_5": 14.535, + "recall_at_1": 30.567, + "recall_at_10": 60.602999999999994, + "recall_at_100": 83.22800000000001, + "recall_at_1000": 96.696, + "recall_at_3": 44.336999999999996, + "recall_at_5": 51.949, + "main_score": 47.73 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/CQADupstackEnglishRetrieval.json b/results/OrcaDB__gte-base-en-v1.5/external/CQADupstackEnglishRetrieval.json new file mode 100644 index 000000000..866021691 --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/CQADupstackEnglishRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "ad9991cb51e31e31e430383c75ffb2885547b5f0", + "task_name": "CQADupstackEnglishRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.538000000000004, + "map_at_10": 38.757999999999996, + "map_at_100": 40.129, + "map_at_1000": 40.262, + "map_at_3": 35.866, + "map_at_5": 37.417, + "mrr_at_1": 36.051, + "mrr_at_10": 44.868, + "mrr_at_100": 45.568999999999996, + "mrr_at_1000": 45.615, + "mrr_at_3": 42.558, + "mrr_at_5": 43.883, + "ndcg_at_1": 36.051, + "ndcg_at_10": 44.584, + "ndcg_at_100": 49.356, + "ndcg_at_1000": 51.39, + "ndcg_at_3": 40.389, + "ndcg_at_5": 42.14, + "precision_at_1": 36.051, + "precision_at_10": 8.446, + "precision_at_100": 1.411, + "precision_at_1000": 0.19, + "precision_at_3": 19.639, + "precision_at_5": 13.796, + "recall_at_1": 28.538000000000004, + "recall_at_10": 54.99000000000001, + "recall_at_100": 75.098, + "recall_at_1000": 87.848, + "recall_at_3": 42.236000000000004, + "recall_at_5": 47.377, + "main_score": 44.584 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/CQADupstackGamingRetrieval.json b/results/OrcaDB__gte-base-en-v1.5/external/CQADupstackGamingRetrieval.json new file mode 100644 index 000000000..f099f54e3 --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/CQADupstackGamingRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "4885aa143210c98657558c04aaf3dc47cfb54340", + "task_name": "CQADupstackGamingRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 37.188, + "map_at_10": 50.861000000000004, + "map_at_100": 51.917, + "map_at_1000": 51.964999999999996, + "map_at_3": 47.144000000000005, + "map_at_5": 49.417, + "mrr_at_1": 42.571, + "mrr_at_10": 54.086999999999996, + "mrr_at_100": 54.739000000000004, + "mrr_at_1000": 54.762, + "mrr_at_3": 51.285000000000004, + "mrr_at_5": 53.0, + "ndcg_at_1": 42.571, + "ndcg_at_10": 57.282, + "ndcg_at_100": 61.477000000000004, + "ndcg_at_1000": 62.426, + "ndcg_at_3": 51.0, + "ndcg_at_5": 54.346000000000004, + "precision_at_1": 42.571, + "precision_at_10": 9.467, + "precision_at_100": 1.2550000000000001, + "precision_at_1000": 0.13799999999999998, + "precision_at_3": 23.114, + "precision_at_5": 16.250999999999998, + "recall_at_1": 37.188, + "recall_at_10": 73.068, + "recall_at_100": 91.203, + "recall_at_1000": 97.916, + "recall_at_3": 56.552, + "recall_at_5": 64.567, + "main_score": 57.282 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/CQADupstackGisRetrieval.json b/results/OrcaDB__gte-base-en-v1.5/external/CQADupstackGisRetrieval.json new file mode 100644 index 000000000..8b5f9f8cc --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/CQADupstackGisRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "5003b3064772da1887988e05400cf3806fe491f2", + "task_name": "CQADupstackGisRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.041000000000004, + "map_at_10": 33.86, + "map_at_100": 34.988, + "map_at_1000": 35.064, + "map_at_3": 31.049, + "map_at_5": 32.845, + "mrr_at_1": 26.893, + "mrr_at_10": 35.594, + "mrr_at_100": 36.617, + "mrr_at_1000": 36.671, + "mrr_at_3": 33.051, + "mrr_at_5": 34.61, + "ndcg_at_1": 26.893, + "ndcg_at_10": 38.674, + "ndcg_at_100": 44.178, + "ndcg_at_1000": 46.089999999999996, + "ndcg_at_3": 33.485, + "ndcg_at_5": 36.402, + "precision_at_1": 26.893, + "precision_at_10": 5.989, + "precision_at_100": 0.918, + "precision_at_1000": 0.11100000000000002, + "precision_at_3": 14.2, + "precision_at_5": 10.26, + "recall_at_1": 25.041000000000004, + "recall_at_10": 51.666000000000004, + "recall_at_100": 76.896, + "recall_at_1000": 91.243, + "recall_at_3": 38.035999999999994, + "recall_at_5": 44.999, + "main_score": 38.674 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/CQADupstackMathematicaRetrieval.json b/results/OrcaDB__gte-base-en-v1.5/external/CQADupstackMathematicaRetrieval.json new file mode 100644 index 000000000..f80a2b062 --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/CQADupstackMathematicaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "90fceea13679c63fe563ded68f3b6f06e50061de", + "task_name": "CQADupstackMathematicaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.909999999999998, + "map_at_10": 23.901, + "map_at_100": 25.165, + "map_at_1000": 25.291000000000004, + "map_at_3": 21.356, + "map_at_5": 22.816, + "mrr_at_1": 20.025000000000002, + "mrr_at_10": 28.382, + "mrr_at_100": 29.465000000000003, + "mrr_at_1000": 29.535, + "mrr_at_3": 25.933, + "mrr_at_5": 27.332, + "ndcg_at_1": 20.025000000000002, + "ndcg_at_10": 29.099000000000004, + "ndcg_at_100": 35.127, + "ndcg_at_1000": 38.096000000000004, + "ndcg_at_3": 24.464, + "ndcg_at_5": 26.709, + "precision_at_1": 20.025000000000002, + "precision_at_10": 5.398, + "precision_at_100": 0.9690000000000001, + "precision_at_1000": 0.13699999999999998, + "precision_at_3": 11.774, + "precision_at_5": 8.632, + "recall_at_1": 15.909999999999998, + "recall_at_10": 40.672000000000004, + "recall_at_100": 66.855, + "recall_at_1000": 87.922, + "recall_at_3": 28.069, + "recall_at_5": 33.812, + "main_score": 29.099000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/CQADupstackPhysicsRetrieval.json b/results/OrcaDB__gte-base-en-v1.5/external/CQADupstackPhysicsRetrieval.json new file mode 100644 index 000000000..e1e268128 --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/CQADupstackPhysicsRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "79531abbd1fb92d06c6d6315a0cbbbf5bb247ea4", + "task_name": "CQADupstackPhysicsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.175, + "map_at_10": 41.36, + "map_at_100": 42.701, + "map_at_1000": 42.817, + "map_at_3": 37.931, + "map_at_5": 39.943, + "mrr_at_1": 35.611, + "mrr_at_10": 46.346, + "mrr_at_100": 47.160000000000004, + "mrr_at_1000": 47.203, + "mrr_at_3": 43.712, + "mrr_at_5": 45.367000000000004, + "ndcg_at_1": 35.611, + "ndcg_at_10": 47.532000000000004, + "ndcg_at_100": 53.003, + "ndcg_at_1000": 55.007, + "ndcg_at_3": 42.043, + "ndcg_at_5": 44.86, + "precision_at_1": 35.611, + "precision_at_10": 8.624, + "precision_at_100": 1.332, + "precision_at_1000": 0.169, + "precision_at_3": 20.083000000000002, + "precision_at_5": 14.437, + "recall_at_1": 30.175, + "recall_at_10": 60.5, + "recall_at_100": 83.399, + "recall_at_1000": 96.255, + "recall_at_3": 45.448, + "recall_at_5": 52.432, + "main_score": 47.532000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/CQADupstackProgrammersRetrieval.json b/results/OrcaDB__gte-base-en-v1.5/external/CQADupstackProgrammersRetrieval.json new file mode 100644 index 000000000..f0281f298 --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/CQADupstackProgrammersRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "6184bc1440d2dbc7612be22b50686b8826d22b32", + "task_name": "CQADupstackProgrammersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.467000000000002, + "map_at_10": 33.812999999999995, + "map_at_100": 35.248000000000005, + "map_at_1000": 35.359, + "map_at_3": 30.316, + "map_at_5": 32.233000000000004, + "mrr_at_1": 28.310999999999996, + "mrr_at_10": 38.979, + "mrr_at_100": 39.937, + "mrr_at_1000": 39.989999999999995, + "mrr_at_3": 36.244, + "mrr_at_5": 37.871, + "ndcg_at_1": 28.310999999999996, + "ndcg_at_10": 40.282000000000004, + "ndcg_at_100": 46.22, + "ndcg_at_1000": 48.507, + "ndcg_at_3": 34.596, + "ndcg_at_5": 37.267, + "precision_at_1": 28.310999999999996, + "precision_at_10": 7.831, + "precision_at_100": 1.257, + "precision_at_1000": 0.164, + "precision_at_3": 17.275, + "precision_at_5": 12.556999999999999, + "recall_at_1": 22.467000000000002, + "recall_at_10": 54.14099999999999, + "recall_at_100": 79.593, + "recall_at_1000": 95.063, + "recall_at_3": 38.539, + "recall_at_5": 45.403, + "main_score": 40.282000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/CQADupstackStatsRetrieval.json b/results/OrcaDB__gte-base-en-v1.5/external/CQADupstackStatsRetrieval.json new file mode 100644 index 000000000..45ad0a5d5 --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/CQADupstackStatsRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "65ac3a16b8e91f9cee4c9828cc7c335575432a2a", + "task_name": "CQADupstackStatsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.975, + "map_at_10": 29.781000000000002, + "map_at_100": 30.847, + "map_at_1000": 30.94, + "map_at_3": 27.167, + "map_at_5": 28.633999999999997, + "mrr_at_1": 24.387, + "mrr_at_10": 32.476, + "mrr_at_100": 33.337, + "mrr_at_1000": 33.403, + "mrr_at_3": 29.881999999999998, + "mrr_at_5": 31.339, + "ndcg_at_1": 24.387, + "ndcg_at_10": 34.596, + "ndcg_at_100": 39.635, + "ndcg_at_1000": 42.079, + "ndcg_at_3": 29.516, + "ndcg_at_5": 31.959, + "precision_at_1": 24.387, + "precision_at_10": 5.6129999999999995, + "precision_at_100": 0.8909999999999999, + "precision_at_1000": 0.117, + "precision_at_3": 12.73, + "precision_at_5": 9.171999999999999, + "recall_at_1": 21.975, + "recall_at_10": 46.826, + "recall_at_100": 69.554, + "recall_at_1000": 87.749, + "recall_at_3": 33.016, + "recall_at_5": 38.97, + "main_score": 34.596 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/CQADupstackTexRetrieval.json b/results/OrcaDB__gte-base-en-v1.5/external/CQADupstackTexRetrieval.json new file mode 100644 index 000000000..4bbdcbd07 --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/CQADupstackTexRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "46989137a86843e03a6195de44b09deda022eec7", + "task_name": "CQADupstackTexRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.614, + "map_at_10": 22.927, + "map_at_100": 24.185000000000002, + "map_at_1000": 24.319, + "map_at_3": 20.596, + "map_at_5": 21.854000000000003, + "mrr_at_1": 18.858, + "mrr_at_10": 26.535999999999998, + "mrr_at_100": 27.582, + "mrr_at_1000": 27.665, + "mrr_at_3": 24.295, + "mrr_at_5": 25.532, + "ndcg_at_1": 18.858, + "ndcg_at_10": 27.583000000000002, + "ndcg_at_100": 33.635, + "ndcg_at_1000": 36.647, + "ndcg_at_3": 23.348, + "ndcg_at_5": 25.257, + "precision_at_1": 18.858, + "precision_at_10": 5.158, + "precision_at_100": 0.964, + "precision_at_1000": 0.13999999999999999, + "precision_at_3": 11.092, + "precision_at_5": 8.1, + "recall_at_1": 15.614, + "recall_at_10": 37.916, + "recall_at_100": 65.205, + "recall_at_1000": 86.453, + "recall_at_3": 26.137, + "recall_at_5": 31.087999999999997, + "main_score": 27.583000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/CQADupstackUnixRetrieval.json b/results/OrcaDB__gte-base-en-v1.5/external/CQADupstackUnixRetrieval.json new file mode 100644 index 000000000..cf91ccac3 --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/CQADupstackUnixRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "6c6430d3a6d36f8d2a829195bc5dc94d7e063e53", + "task_name": "CQADupstackUnixRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.078000000000003, + "map_at_10": 31.941999999999997, + "map_at_100": 33.196999999999996, + "map_at_1000": 33.303, + "map_at_3": 28.927000000000003, + "map_at_5": 30.707, + "mrr_at_1": 26.866, + "mrr_at_10": 35.557, + "mrr_at_100": 36.569, + "mrr_at_1000": 36.632, + "mrr_at_3": 32.897999999999996, + "mrr_at_5": 34.437, + "ndcg_at_1": 26.866, + "ndcg_at_10": 37.372, + "ndcg_at_100": 43.248, + "ndcg_at_1000": 45.632, + "ndcg_at_3": 31.852999999999998, + "ndcg_at_5": 34.582, + "precision_at_1": 26.866, + "precision_at_10": 6.511, + "precision_at_100": 1.078, + "precision_at_1000": 0.13899999999999998, + "precision_at_3": 14.582999999999998, + "precision_at_5": 10.634, + "recall_at_1": 23.078000000000003, + "recall_at_10": 50.334, + "recall_at_100": 75.787, + "recall_at_1000": 92.485, + "recall_at_3": 35.386, + "recall_at_5": 42.225, + "main_score": 37.372 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/CQADupstackWebmastersRetrieval.json b/results/OrcaDB__gte-base-en-v1.5/external/CQADupstackWebmastersRetrieval.json new file mode 100644 index 000000000..e98352255 --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/CQADupstackWebmastersRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "160c094312a0e1facb97e55eeddb698c0abe3571", + "task_name": "CQADupstackWebmastersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.203999999999997, + "map_at_10": 31.276, + "map_at_100": 32.844, + "map_at_1000": 33.062999999999995, + "map_at_3": 27.733999999999998, + "map_at_5": 29.64, + "mrr_at_1": 27.272999999999996, + "mrr_at_10": 36.083, + "mrr_at_100": 37.008, + "mrr_at_1000": 37.076, + "mrr_at_3": 33.004, + "mrr_at_5": 34.664, + "ndcg_at_1": 27.272999999999996, + "ndcg_at_10": 37.763000000000005, + "ndcg_at_100": 43.566, + "ndcg_at_1000": 46.356, + "ndcg_at_3": 31.673000000000002, + "ndcg_at_5": 34.501, + "precision_at_1": 27.272999999999996, + "precision_at_10": 7.470000000000001, + "precision_at_100": 1.502, + "precision_at_1000": 0.24, + "precision_at_3": 14.756, + "precision_at_5": 11.225, + "recall_at_1": 22.203999999999997, + "recall_at_10": 51.437999999999995, + "recall_at_100": 76.845, + "recall_at_1000": 94.38600000000001, + "recall_at_3": 34.258, + "recall_at_5": 41.512, + "main_score": 37.763000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/CQADupstackWordpressRetrieval.json b/results/OrcaDB__gte-base-en-v1.5/external/CQADupstackWordpressRetrieval.json new file mode 100644 index 000000000..86b2026fa --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/CQADupstackWordpressRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "4ffe81d471b1924886b33c7567bfb200e9eec5c4", + "task_name": "CQADupstackWordpressRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.474, + "map_at_10": 26.362999999999996, + "map_at_100": 27.456999999999997, + "map_at_1000": 27.567999999999998, + "map_at_3": 23.518, + "map_at_5": 25.068, + "mrr_at_1": 18.669, + "mrr_at_10": 27.998, + "mrr_at_100": 28.953, + "mrr_at_1000": 29.03, + "mrr_at_3": 25.230999999999998, + "mrr_at_5": 26.654, + "ndcg_at_1": 18.669, + "ndcg_at_10": 31.684, + "ndcg_at_100": 36.864999999999995, + "ndcg_at_1000": 39.555, + "ndcg_at_3": 26.057000000000002, + "ndcg_at_5": 28.587, + "precision_at_1": 18.669, + "precision_at_10": 5.3420000000000005, + "precision_at_100": 0.847, + "precision_at_1000": 0.12, + "precision_at_3": 11.583, + "precision_at_5": 8.466, + "recall_at_1": 17.474, + "recall_at_10": 46.497, + "recall_at_100": 69.977, + "recall_at_1000": 89.872, + "recall_at_3": 31.385999999999996, + "recall_at_5": 37.283, + "main_score": 31.684 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/ClimateFEVER.json b/results/OrcaDB__gte-base-en-v1.5/external/ClimateFEVER.json new file mode 100644 index 000000000..d2c3f1b1b --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.173, + "map_at_10": 30.407, + "map_at_100": 32.528, + "map_at_1000": 32.698, + "map_at_3": 25.523, + "map_at_5": 28.038, + "mrr_at_1": 38.958, + "mrr_at_10": 51.515, + "mrr_at_100": 52.214000000000006, + "mrr_at_1000": 52.237, + "mrr_at_3": 48.502, + "mrr_at_5": 50.251000000000005, + "ndcg_at_1": 38.958, + "ndcg_at_10": 40.355000000000004, + "ndcg_at_100": 47.68, + "ndcg_at_1000": 50.370000000000005, + "ndcg_at_3": 33.946, + "ndcg_at_5": 36.057, + "precision_at_1": 38.958, + "precision_at_10": 12.508, + "precision_at_100": 2.054, + "precision_at_1000": 0.256, + "precision_at_3": 25.581, + "precision_at_5": 19.256999999999998, + "recall_at_1": 17.173, + "recall_at_10": 46.967, + "recall_at_100": 71.47200000000001, + "recall_at_1000": 86.238, + "recall_at_3": 30.961, + "recall_at_5": 37.539, + "main_score": 40.355000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/DBPedia.json b/results/OrcaDB__gte-base-en-v1.5/external/DBPedia.json new file mode 100644 index 000000000..45c027302 --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.999, + "map_at_10": 18.989, + "map_at_100": 26.133, + "map_at_1000": 27.666, + "map_at_3": 13.918, + "map_at_5": 16.473, + "mrr_at_1": 66.25, + "mrr_at_10": 74.161, + "mrr_at_100": 74.516, + "mrr_at_1000": 74.524, + "mrr_at_3": 72.875, + "mrr_at_5": 73.613, + "ndcg_at_1": 54.37499999999999, + "ndcg_at_10": 39.902, + "ndcg_at_100": 44.212, + "ndcg_at_1000": 51.62, + "ndcg_at_3": 45.193, + "ndcg_at_5": 42.541000000000004, + "precision_at_1": 66.25, + "precision_at_10": 30.425, + "precision_at_100": 9.754999999999999, + "precision_at_1000": 2.043, + "precision_at_3": 48.25, + "precision_at_5": 40.65, + "recall_at_1": 8.999, + "recall_at_10": 24.133, + "recall_at_100": 49.138999999999996, + "recall_at_1000": 72.639, + "recall_at_3": 15.287999999999998, + "recall_at_5": 19.415, + "main_score": 39.902 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/EmotionClassification.json b/results/OrcaDB__gte-base-en-v1.5/external/EmotionClassification.json new file mode 100644 index 000000000..59f0bf2b0 --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 46.38999999999999, + "f1": 41.444205512055234, + "main_score": 46.38999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/FEVER.json b/results/OrcaDB__gte-base-en-v1.5/external/FEVER.json new file mode 100644 index 000000000..56cb7401c --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 87.35000000000001, + "map_at_10": 92.837, + "map_at_100": 92.996, + "map_at_1000": 93.006, + "map_at_3": 92.187, + "map_at_5": 92.595, + "mrr_at_1": 93.864, + "mrr_at_10": 96.723, + "mrr_at_100": 96.72500000000001, + "mrr_at_1000": 96.72500000000001, + "mrr_at_3": 96.64, + "mrr_at_5": 96.71499999999999, + "ndcg_at_1": 93.864, + "ndcg_at_10": 94.813, + "ndcg_at_100": 95.243, + "ndcg_at_1000": 95.38600000000001, + "ndcg_at_3": 94.196, + "ndcg_at_5": 94.521, + "precision_at_1": 93.864, + "precision_at_10": 10.951, + "precision_at_100": 1.1400000000000001, + "precision_at_1000": 0.117, + "precision_at_3": 35.114000000000004, + "precision_at_5": 21.476, + "recall_at_1": 87.35000000000001, + "recall_at_10": 96.941, + "recall_at_100": 98.397, + "recall_at_1000": 99.21600000000001, + "recall_at_3": 95.149, + "recall_at_5": 96.131, + "main_score": 94.813 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/FiQA2018.json b/results/OrcaDB__gte-base-en-v1.5/external/FiQA2018.json new file mode 100644 index 000000000..126361cbf --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.476, + "map_at_10": 40.11, + "map_at_100": 42.229, + "map_at_1000": 42.378, + "map_at_3": 34.512, + "map_at_5": 38.037, + "mrr_at_1": 47.839999999999996, + "mrr_at_10": 57.053, + "mrr_at_100": 57.772, + "mrr_at_1000": 57.799, + "mrr_at_3": 54.552, + "mrr_at_5": 56.011, + "ndcg_at_1": 47.839999999999996, + "ndcg_at_10": 48.650999999999996, + "ndcg_at_100": 55.681000000000004, + "ndcg_at_1000": 57.979, + "ndcg_at_3": 43.923, + "ndcg_at_5": 46.037, + "precision_at_1": 47.839999999999996, + "precision_at_10": 13.395000000000001, + "precision_at_100": 2.0660000000000003, + "precision_at_1000": 0.248, + "precision_at_3": 29.064, + "precision_at_5": 22.006, + "recall_at_1": 24.476, + "recall_at_10": 56.216, + "recall_at_100": 81.798, + "recall_at_1000": 95.48299999999999, + "recall_at_3": 39.357, + "recall_at_5": 47.802, + "main_score": 48.650999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/HotpotQA.json b/results/OrcaDB__gte-base-en-v1.5/external/HotpotQA.json new file mode 100644 index 000000000..13230a4c0 --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 42.728, + "map_at_10": 57.737, + "map_at_100": 58.531, + "map_at_1000": 58.594, + "map_at_3": 54.869, + "map_at_5": 56.55, + "mrr_at_1": 85.456, + "mrr_at_10": 90.062, + "mrr_at_100": 90.159, + "mrr_at_1000": 90.16, + "mrr_at_3": 89.37899999999999, + "mrr_at_5": 89.81, + "ndcg_at_1": 85.456, + "ndcg_at_10": 67.755, + "ndcg_at_100": 70.341, + "ndcg_at_1000": 71.538, + "ndcg_at_3": 63.735, + "ndcg_at_5": 65.823, + "precision_at_1": 85.456, + "precision_at_10": 13.450000000000001, + "precision_at_100": 1.545, + "precision_at_1000": 0.16999999999999998, + "precision_at_3": 38.861000000000004, + "precision_at_5": 24.964, + "recall_at_1": 42.728, + "recall_at_10": 67.252, + "recall_at_100": 77.265, + "recall_at_1000": 85.246, + "recall_at_3": 58.292, + "recall_at_5": 62.41100000000001, + "main_score": 67.755 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/ImdbClassification.json b/results/OrcaDB__gte-base-en-v1.5/external/ImdbClassification.json new file mode 100644 index 000000000..94a0bdcc5 --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 87.4836, + "ap": 82.29552224030336, + "f1": 87.42791432227448, + "main_score": 87.4836 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/MSMARCO.json b/results/OrcaDB__gte-base-en-v1.5/external/MSMARCO.json new file mode 100644 index 000000000..37e85740a --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.015, + "map_at_10": 35.621, + "map_at_100": 36.809, + "map_at_1000": 36.853, + "map_at_3": 31.832, + "map_at_5": 34.006, + "mrr_at_1": 23.738999999999997, + "mrr_at_10": 36.309999999999995, + "mrr_at_100": 37.422, + "mrr_at_1000": 37.461, + "mrr_at_3": 32.592999999999996, + "mrr_at_5": 34.736, + "ndcg_at_1": 23.724999999999998, + "ndcg_at_10": 42.617, + "ndcg_at_100": 48.217999999999996, + "ndcg_at_1000": 49.309, + "ndcg_at_3": 34.905, + "ndcg_at_5": 38.769, + "precision_at_1": 23.724999999999998, + "precision_at_10": 6.689, + "precision_at_100": 0.9480000000000001, + "precision_at_1000": 0.104, + "precision_at_3": 14.89, + "precision_at_5": 10.897, + "recall_at_1": 23.015, + "recall_at_10": 64.041, + "recall_at_100": 89.724, + "recall_at_1000": 98.00999999999999, + "recall_at_3": 43.064, + "recall_at_5": 52.31099999999999, + "main_score": 42.617 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/MTOPDomainClassification.json b/results/OrcaDB__gte-base-en-v1.5/external/MTOPDomainClassification.json new file mode 100644 index 000000000..5f9f478e9 --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 96.49794801641588, + "f1": 96.28931114498003, + "main_score": 96.49794801641588 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/MTOPIntentClassification.json b/results/OrcaDB__gte-base-en-v1.5/external/MTOPIntentClassification.json new file mode 100644 index 000000000..5bf161376 --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 82.81121751025992, + "f1": 63.18740125901853, + "main_score": 82.81121751025992 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/MassiveIntentClassification.json b/results/OrcaDB__gte-base-en-v1.5/external/MassiveIntentClassification.json new file mode 100644 index 000000000..c334b2d37 --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.66644250168123, + "f1": 74.93211186867839, + "main_score": 77.66644250168123 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/MassiveScenarioClassification.json b/results/OrcaDB__gte-base-en-v1.5/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..c4bde0b66 --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 81.77202420981843, + "f1": 81.63681969283554, + "main_score": 81.77202420981843 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/MedrxivClusteringP2P.json b/results/OrcaDB__gte-base-en-v1.5/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..0d181905e --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.596687684870645, + "main_score": 34.596687684870645 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/MedrxivClusteringS2S.json b/results/OrcaDB__gte-base-en-v1.5/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..faf7ba098 --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.26965660101405, + "main_score": 32.26965660101405 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/MindSmallReranking.json b/results/OrcaDB__gte-base-en-v1.5/external/MindSmallReranking.json new file mode 100644 index 000000000..ab6018c4b --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.33619694846802, + "mrr": 32.53719657720334, + "main_score": 31.33619694846802 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/NFCorpus.json b/results/OrcaDB__gte-base-en-v1.5/external/NFCorpus.json new file mode 100644 index 000000000..010080324 --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.0729999999999995, + "map_at_10": 13.245999999999999, + "map_at_100": 16.747999999999998, + "map_at_1000": 18.163, + "map_at_3": 10.064, + "map_at_5": 11.513, + "mrr_at_1": 49.536, + "mrr_at_10": 58.092, + "mrr_at_100": 58.752, + "mrr_at_1000": 58.78, + "mrr_at_3": 56.398, + "mrr_at_5": 57.389, + "ndcg_at_1": 47.059, + "ndcg_at_10": 35.881, + "ndcg_at_100": 32.751999999999995, + "ndcg_at_1000": 41.498000000000005, + "ndcg_at_3": 42.518, + "ndcg_at_5": 39.550999999999995, + "precision_at_1": 49.536, + "precision_at_10": 26.316, + "precision_at_100": 8.084, + "precision_at_1000": 2.081, + "precision_at_3": 39.938, + "precision_at_5": 34.056, + "recall_at_1": 6.0729999999999995, + "recall_at_10": 16.593, + "recall_at_100": 32.883, + "recall_at_1000": 64.654, + "recall_at_3": 11.174000000000001, + "recall_at_5": 13.528, + "main_score": 35.881 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/NQ.json b/results/OrcaDB__gte-base-en-v1.5/external/NQ.json new file mode 100644 index 000000000..680907912 --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.043, + "map_at_10": 45.318999999999996, + "map_at_100": 46.381, + "map_at_1000": 46.412, + "map_at_3": 40.941, + "map_at_5": 43.662, + "mrr_at_1": 33.98, + "mrr_at_10": 47.870000000000005, + "mrr_at_100": 48.681999999999995, + "mrr_at_1000": 48.703, + "mrr_at_3": 44.341, + "mrr_at_5": 46.547, + "ndcg_at_1": 33.98, + "ndcg_at_10": 52.957, + "ndcg_at_100": 57.434, + "ndcg_at_1000": 58.103, + "ndcg_at_3": 44.896, + "ndcg_at_5": 49.353, + "precision_at_1": 33.98, + "precision_at_10": 8.786, + "precision_at_100": 1.1280000000000001, + "precision_at_1000": 0.11900000000000001, + "precision_at_3": 20.577, + "precision_at_5": 14.942, + "recall_at_1": 30.043, + "recall_at_10": 73.593, + "recall_at_100": 93.026, + "recall_at_1000": 97.943, + "recall_at_3": 52.955, + "recall_at_5": 63.132, + "main_score": 52.957 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/QuoraRetrieval.json b/results/OrcaDB__gte-base-en-v1.5/external/QuoraRetrieval.json new file mode 100644 index 000000000..c5a536cce --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 70.808, + "map_at_10": 84.675, + "map_at_100": 85.322, + "map_at_1000": 85.33800000000001, + "map_at_3": 81.68900000000001, + "map_at_5": 83.543, + "mrr_at_1": 81.5, + "mrr_at_10": 87.59700000000001, + "mrr_at_100": 87.705, + "mrr_at_1000": 87.70599999999999, + "mrr_at_3": 86.607, + "mrr_at_5": 87.289, + "ndcg_at_1": 81.51, + "ndcg_at_10": 88.41799999999999, + "ndcg_at_100": 89.644, + "ndcg_at_1000": 89.725, + "ndcg_at_3": 85.49900000000001, + "ndcg_at_5": 87.078, + "precision_at_1": 81.51, + "precision_at_10": 13.438, + "precision_at_100": 1.532, + "precision_at_1000": 0.157, + "precision_at_3": 37.363, + "precision_at_5": 24.57, + "recall_at_1": 70.808, + "recall_at_10": 95.575, + "recall_at_100": 99.667, + "recall_at_1000": 99.98899999999999, + "recall_at_3": 87.223, + "recall_at_5": 91.682, + "main_score": 88.41799999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/RedditClustering.json b/results/OrcaDB__gte-base-en-v1.5/external/RedditClustering.json new file mode 100644 index 000000000..f59ab6695 --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 58.614831329137715, + "main_score": 58.614831329137715 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/RedditClusteringP2P.json b/results/OrcaDB__gte-base-en-v1.5/external/RedditClusteringP2P.json new file mode 100644 index 000000000..1dc447a55 --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 66.86580408560826, + "main_score": 66.86580408560826 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/SCIDOCS.json b/results/OrcaDB__gte-base-en-v1.5/external/SCIDOCS.json new file mode 100644 index 000000000..04846f015 --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.093, + "map_at_10": 13.014000000000001, + "map_at_100": 15.412999999999998, + "map_at_1000": 15.756999999999998, + "map_at_3": 9.216000000000001, + "map_at_5": 11.036999999999999, + "mrr_at_1": 25.1, + "mrr_at_10": 37.133, + "mrr_at_100": 38.165, + "mrr_at_1000": 38.198, + "mrr_at_3": 33.217, + "mrr_at_5": 35.732, + "ndcg_at_1": 25.1, + "ndcg_at_10": 21.918000000000003, + "ndcg_at_100": 30.983, + "ndcg_at_1000": 36.629, + "ndcg_at_3": 20.544999999999998, + "ndcg_at_5": 18.192, + "precision_at_1": 25.1, + "precision_at_10": 11.44, + "precision_at_100": 2.459, + "precision_at_1000": 0.381, + "precision_at_3": 19.267, + "precision_at_5": 16.16, + "recall_at_1": 5.093, + "recall_at_10": 23.215, + "recall_at_100": 49.902, + "recall_at_1000": 77.403, + "recall_at_3": 11.733, + "recall_at_5": 16.372999999999998, + "main_score": 21.918000000000003 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/SICK-R.json b/results/OrcaDB__gte-base-en-v1.5/external/SICK-R.json new file mode 100644 index 000000000..d410ba520 --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.9365442977452, + "cos_sim_spearman": 79.36960687383745, + "euclidean_pearson": 79.6045204840714, + "euclidean_spearman": 79.26382712751337, + "manhattan_pearson": 79.4805084789529, + "manhattan_spearman": 79.21847863209523, + "cosine_pearson": 82.9365442977452, + "cosine_spearman": 79.36960687383745, + "main_score": 79.36960687383745 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/STS12.json b/results/OrcaDB__gte-base-en-v1.5/external/STS12.json new file mode 100644 index 000000000..2a90b4e09 --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.27906192961453, + "cos_sim_spearman": 74.38364712099211, + "euclidean_pearson": 78.54358927241223, + "euclidean_spearman": 74.22185560806376, + "manhattan_pearson": 78.50904327377751, + "manhattan_spearman": 74.2627500781748, + "cosine_pearson": 83.27906192961453, + "cosine_spearman": 74.38364712099211, + "main_score": 74.38364712099211 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/STS13.json b/results/OrcaDB__gte-base-en-v1.5/external/STS13.json new file mode 100644 index 000000000..2a8b51039 --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.66863742649639, + "cos_sim_spearman": 84.70630905216271, + "euclidean_pearson": 84.64498334705334, + "euclidean_spearman": 84.87204770690148, + "manhattan_pearson": 84.65774227976077, + "manhattan_spearman": 84.91251851797985, + "cosine_pearson": 84.66863742649639, + "cosine_spearman": 84.70630905216271, + "main_score": 84.70630905216271 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/STS14.json b/results/OrcaDB__gte-base-en-v1.5/external/STS14.json new file mode 100644 index 000000000..3b01842ac --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.1577763924467, + "cos_sim_spearman": 80.10314039230198, + "euclidean_pearson": 81.51346991046043, + "euclidean_spearman": 80.08678485109435, + "manhattan_pearson": 81.57058914661894, + "manhattan_spearman": 80.1516230725106, + "cosine_pearson": 83.1577763924467, + "cosine_spearman": 80.10314039230198, + "main_score": 80.10314039230198 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/STS15.json b/results/OrcaDB__gte-base-en-v1.5/external/STS15.json new file mode 100644 index 000000000..1a88f020a --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.40310839662533, + "cos_sim_spearman": 87.16293477217867, + "euclidean_pearson": 86.50688711184775, + "euclidean_spearman": 87.08651444923031, + "manhattan_pearson": 86.54674677557857, + "manhattan_spearman": 87.15079017870971, + "cosine_pearson": 86.40310839662533, + "cosine_spearman": 87.16293477217867, + "main_score": 87.16293477217867 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/STS16.json b/results/OrcaDB__gte-base-en-v1.5/external/STS16.json new file mode 100644 index 000000000..4aeef30d6 --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.32886275207817, + "cos_sim_spearman": 85.0190460590732, + "euclidean_pearson": 84.42553652784679, + "euclidean_spearman": 85.20027364279328, + "manhattan_pearson": 84.42926246281078, + "manhattan_spearman": 85.20187419804306, + "cosine_pearson": 84.32886275207817, + "cosine_spearman": 85.0190460590732, + "main_score": 85.0190460590732 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/STS17.json b/results/OrcaDB__gte-base-en-v1.5/external/STS17.json new file mode 100644 index 000000000..8edae7dad --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 90.76732216967812, + "cos_sim_spearman": 90.63701653633909, + "euclidean_pearson": 90.26678186114682, + "euclidean_spearman": 90.67288073455427, + "manhattan_pearson": 90.20772020584582, + "manhattan_spearman": 90.60764863983702, + "cosine_pearson": 90.76732216967812, + "cosine_spearman": 90.63701653633909, + "main_score": 90.63701653633909 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/STS22.json b/results/OrcaDB__gte-base-en-v1.5/external/STS22.json new file mode 100644 index 000000000..6ef5ff9f3 --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "eea2b4fe26a775864c896887d910b76a8098ad3f", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 69.09280387698125, + "cos_sim_spearman": 68.62743151172162, + "euclidean_pearson": 69.89386398104689, + "euclidean_spearman": 68.71191066733556, + "manhattan_pearson": 69.92516500604872, + "manhattan_spearman": 68.80452846992576, + "cosine_pearson": 69.09280387698125, + "cosine_spearman": 68.62743151172162, + "main_score": 68.62743151172162 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/STSBenchmark.json b/results/OrcaDB__gte-base-en-v1.5/external/STSBenchmark.json new file mode 100644 index 000000000..1a2d392fa --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.13178592019887, + "cos_sim_spearman": 86.03947178806887, + "euclidean_pearson": 85.87029414285313, + "euclidean_spearman": 86.04960843306998, + "manhattan_pearson": 85.92946858580146, + "manhattan_spearman": 86.12575341860442, + "cosine_pearson": 86.13178592019887, + "cosine_spearman": 86.03947178806887, + "main_score": 86.03947178806887 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/SciDocsRR.json b/results/OrcaDB__gte-base-en-v1.5/external/SciDocsRR.json new file mode 100644 index 000000000..dcae0430d --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 85.16657063002837, + "mrr": 95.73671063867141, + "main_score": 85.16657063002837 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/SciFact.json b/results/OrcaDB__gte-base-en-v1.5/external/SciFact.json new file mode 100644 index 000000000..dc4fef475 --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 63.510999999999996, + "map_at_10": 72.76899999999999, + "map_at_100": 73.303, + "map_at_1000": 73.32499999999999, + "map_at_3": 70.514, + "map_at_5": 71.929, + "mrr_at_1": 66.333, + "mrr_at_10": 73.75, + "mrr_at_100": 74.119, + "mrr_at_1000": 74.138, + "mrr_at_3": 72.222, + "mrr_at_5": 73.122, + "ndcg_at_1": 66.333, + "ndcg_at_10": 76.774, + "ndcg_at_100": 78.78500000000001, + "ndcg_at_1000": 79.254, + "ndcg_at_3": 73.088, + "ndcg_at_5": 75.002, + "precision_at_1": 66.333, + "precision_at_10": 9.833, + "precision_at_100": 1.093, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 28.222, + "precision_at_5": 18.333, + "recall_at_1": 63.510999999999996, + "recall_at_10": 87.98899999999999, + "recall_at_100": 96.5, + "recall_at_1000": 100.0, + "recall_at_3": 77.86699999999999, + "recall_at_5": 82.73899999999999, + "main_score": 76.774 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/SprintDuplicateQuestions.json b/results/OrcaDB__gte-base-en-v1.5/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..7ed89815f --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.78514851485149, + "cos_sim_ap": 94.94214383862038, + "cos_sim_f1": 89.02255639097744, + "cos_sim_precision": 89.2462311557789, + "cos_sim_recall": 88.8, + "dot_accuracy": 99.78217821782178, + "dot_ap": 94.69965247836805, + "dot_f1": 88.78695208970439, + "dot_precision": 90.54054054054053, + "dot_recall": 87.1, + "euclidean_accuracy": 99.78118811881188, + "euclidean_ap": 94.9865187695411, + "euclidean_f1": 88.99950223992036, + "euclidean_precision": 88.60257680872151, + "euclidean_recall": 89.4, + "manhattan_accuracy": 99.78811881188119, + "manhattan_ap": 95.0021236766459, + "manhattan_f1": 89.12071535022356, + "manhattan_precision": 88.54886475814413, + "manhattan_recall": 89.7, + "max_accuracy": 99.78811881188119, + "max_ap": 95.0021236766459, + "max_f1": 89.12071535022356, + "main_score": 95.0021236766459 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/StackExchangeClustering.json b/results/OrcaDB__gte-base-en-v1.5/external/StackExchangeClustering.json new file mode 100644 index 000000000..2cd7343b1 --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 68.93190546593995, + "main_score": 68.93190546593995 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/StackExchangeClusteringP2P.json b/results/OrcaDB__gte-base-en-v1.5/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..f66891410 --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.602808534760655, + "main_score": 37.602808534760655 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/StackOverflowDupQuestions.json b/results/OrcaDB__gte-base-en-v1.5/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..c1fcf1cfd --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 52.29214480978073, + "mrr": 53.123169722434426, + "main_score": 52.29214480978073 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/SummEval.json b/results/OrcaDB__gte-base-en-v1.5/external/SummEval.json new file mode 100644 index 000000000..ecb7cdde7 --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.967800769650022, + "cos_sim_spearman": 31.168490040206926, + "dot_pearson": 30.888603021128553, + "dot_spearman": 31.028241262520385, + "cosine_pearson": 30.967800769650022, + "cosine_spearman": 31.168490040206926, + "main_score": 31.168490040206926 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/TRECCOVID.json b/results/OrcaDB__gte-base-en-v1.5/external/TRECCOVID.json new file mode 100644 index 000000000..78ffcf668 --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.22300000000000003, + "map_at_10": 1.781, + "map_at_100": 9.905999999999999, + "map_at_1000": 23.455000000000002, + "map_at_3": 0.569, + "map_at_5": 0.918, + "mrr_at_1": 84.0, + "mrr_at_10": 91.067, + "mrr_at_100": 91.067, + "mrr_at_1000": 91.067, + "mrr_at_3": 90.667, + "mrr_at_5": 91.067, + "ndcg_at_1": 78.0, + "ndcg_at_10": 73.13499999999999, + "ndcg_at_100": 55.32, + "ndcg_at_1000": 49.532, + "ndcg_at_3": 73.715, + "ndcg_at_5": 72.74199999999999, + "precision_at_1": 84.0, + "precision_at_10": 78.8, + "precision_at_100": 56.32, + "precision_at_1000": 21.504, + "precision_at_3": 77.333, + "precision_at_5": 78.0, + "recall_at_1": 0.22300000000000003, + "recall_at_10": 2.049, + "recall_at_100": 13.553, + "recall_at_1000": 46.367999999999995, + "recall_at_3": 0.604, + "recall_at_5": 1.015, + "main_score": 73.13499999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/Touche2020.json b/results/OrcaDB__gte-base-en-v1.5/external/Touche2020.json new file mode 100644 index 000000000..79ee975fb --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.0380000000000003, + "map_at_10": 10.188, + "map_at_100": 16.395, + "map_at_1000": 18.024, + "map_at_3": 6.236, + "map_at_5": 7.276000000000001, + "mrr_at_1": 34.694, + "mrr_at_10": 46.292, + "mrr_at_100": 47.446, + "mrr_at_1000": 47.446, + "mrr_at_3": 41.156, + "mrr_at_5": 44.32, + "ndcg_at_1": 32.653, + "ndcg_at_10": 25.219, + "ndcg_at_100": 37.802, + "ndcg_at_1000": 49.274, + "ndcg_at_3": 28.605999999999998, + "ndcg_at_5": 26.21, + "precision_at_1": 34.694, + "precision_at_10": 21.837, + "precision_at_100": 7.776, + "precision_at_1000": 1.522, + "precision_at_3": 28.571, + "precision_at_5": 25.306, + "recall_at_1": 3.0380000000000003, + "recall_at_10": 16.298000000000002, + "recall_at_100": 48.712, + "recall_at_1000": 83.16799999999999, + "recall_at_3": 7.265000000000001, + "recall_at_5": 9.551, + "main_score": 25.219 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/ToxicConversationsClassification.json b/results/OrcaDB__gte-base-en-v1.5/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..1b0cf4fca --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 83.978, + "ap": 24.751887949330015, + "f1": 66.8685134049279, + "main_score": 83.978 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/TweetSentimentExtractionClassification.json b/results/OrcaDB__gte-base-en-v1.5/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..c6482e7d7 --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.573288058856825, + "f1": 61.973261751726604, + "main_score": 61.573288058856825 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/TwentyNewsgroupsClustering.json b/results/OrcaDB__gte-base-en-v1.5/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..55dc8d17e --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.75483298792469, + "main_score": 48.75483298792469 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/TwitterSemEval2015.json b/results/OrcaDB__gte-base-en-v1.5/external/TwitterSemEval2015.json new file mode 100644 index 000000000..38250f42e --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 86.36824223639506, + "cos_sim_ap": 75.53126388573047, + "cos_sim_f1": 67.9912831688245, + "cos_sim_precision": 66.11817501869858, + "cos_sim_recall": 69.9736147757256, + "dot_accuracy": 86.39804494248078, + "dot_ap": 75.27598891718046, + "dot_f1": 67.91146284159763, + "dot_precision": 63.90505003490807, + "dot_recall": 72.45382585751979, + "euclidean_accuracy": 86.36228169517793, + "euclidean_ap": 75.51438087434647, + "euclidean_f1": 68.02370523061066, + "euclidean_precision": 66.46525679758308, + "euclidean_recall": 69.65699208443272, + "manhattan_accuracy": 86.46361089586935, + "manhattan_ap": 75.50800785730111, + "manhattan_f1": 67.9220437187253, + "manhattan_precision": 67.79705573080967, + "manhattan_recall": 68.04749340369392, + "max_accuracy": 86.46361089586935, + "max_ap": 75.53126388573047, + "max_f1": 68.02370523061066, + "main_score": 75.53126388573047 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/TwitterURLCorpus.json b/results/OrcaDB__gte-base-en-v1.5/external/TwitterURLCorpus.json new file mode 100644 index 000000000..df2a9c585 --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.80350836341057, + "cos_sim_ap": 85.51101933260743, + "cos_sim_f1": 77.9152271629704, + "cos_sim_precision": 75.27815662910056, + "cos_sim_recall": 80.74376347397599, + "dot_accuracy": 88.84425815966158, + "dot_ap": 85.49726945962519, + "dot_f1": 77.94445269567801, + "dot_precision": 75.27251864601261, + "dot_recall": 80.81305820757623, + "euclidean_accuracy": 88.80350836341057, + "euclidean_ap": 85.4882880790211, + "euclidean_f1": 77.87063284615103, + "euclidean_precision": 74.61022927689595, + "euclidean_recall": 81.42901139513397, + "manhattan_accuracy": 88.7161873714441, + "manhattan_ap": 85.45753871906821, + "manhattan_f1": 77.8686401480111, + "manhattan_precision": 74.95903683123174, + "manhattan_recall": 81.01324299353249, + "max_accuracy": 88.84425815966158, + "max_ap": 85.51101933260743, + "max_f1": 77.94445269567801, + "main_score": 85.51101933260743 + } + ] + } +} \ No newline at end of file diff --git a/results/OrcaDB__gte-base-en-v1.5/external/model_meta.json b/results/OrcaDB__gte-base-en-v1.5/external/model_meta.json new file mode 100644 index 000000000..bbd7ec327 --- /dev/null +++ b/results/OrcaDB__gte-base-en-v1.5/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "OrcaDB/gte-base-en-v1.5", + "revision": "6a9b641cb627be442996ce096a996ced2bdd81ea", + "release_date": "2024-11-08", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 136776192, + "memory_usage": null, + "max_tokens": 8192, + "embed_dim": 768, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/OrdalieTech__Solon-embeddings-large-0.1/external/AlloProfClusteringP2P.json b/results/OrdalieTech__Solon-embeddings-large-0.1/external/AlloProfClusteringP2P.json new file mode 100644 index 000000000..a475d86c6 --- /dev/null +++ b/results/OrdalieTech__Solon-embeddings-large-0.1/external/AlloProfClusteringP2P.json @@ -0,0 +1,26 @@ +{ + "dataset_revision": "392ba3f5bcc8c51f578786c1fc3dae648662cb9b", + "task_name": "AlloProfClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "v_measure": 64.16942168287153, + "main_score": 64.16942168287153 + }, + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "v_measure": 38.17076313383054, + "main_score": 38.17076313383054 + } + ] + } +} \ No newline at end of file diff --git a/results/OrdalieTech__Solon-embeddings-large-0.1/external/AlloprofReranking.json b/results/OrdalieTech__Solon-embeddings-large-0.1/external/AlloprofReranking.json new file mode 100644 index 000000000..f3f8bcd7f --- /dev/null +++ b/results/OrdalieTech__Solon-embeddings-large-0.1/external/AlloprofReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "666fdacebe0291776e86f29345663dfaf80a0db9", + "task_name": "AlloprofReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map": 64.8770878097632, + "mrr": 66.39132423169396, + "main_score": 64.8770878097632 + } + ] + } +} \ No newline at end of file diff --git a/results/OrdalieTech__Solon-embeddings-large-0.1/external/AmazonReviewsClassification.json b/results/OrdalieTech__Solon-embeddings-large-0.1/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..f1b30ca76 --- /dev/null +++ b/results/OrdalieTech__Solon-embeddings-large-0.1/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 42.077999999999996, + "f1": 40.64511241732637, + "main_score": 42.077999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/OrdalieTech__Solon-embeddings-large-0.1/external/BSARDRetrieval.json b/results/OrdalieTech__Solon-embeddings-large-0.1/external/BSARDRetrieval.json new file mode 100644 index 000000000..b41f4decc --- /dev/null +++ b/results/OrdalieTech__Solon-embeddings-large-0.1/external/BSARDRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "5effa1b9b5fa3b0f9e12523e6e43e5f86a6e6d59", + "task_name": "BSARDRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map_at_1": 0.901, + "map_at_10": 1.524, + "map_at_100": 1.833, + "map_at_1000": 1.916, + "map_at_3": 1.276, + "map_at_5": 1.276, + "mrr_at_1": 0.901, + "mrr_at_10": 1.524, + "mrr_at_100": 1.833, + "mrr_at_1000": 1.916, + "mrr_at_3": 1.276, + "mrr_at_5": 1.276, + "ndcg_at_1": 0.901, + "ndcg_at_10": 2.085, + "ndcg_at_100": 3.805, + "ndcg_at_1000": 6.704000000000001, + "ndcg_at_3": 1.41, + "ndcg_at_5": 1.41, + "precision_at_1": 0.901, + "precision_at_10": 0.40499999999999997, + "precision_at_100": 0.126, + "precision_at_1000": 0.037, + "precision_at_3": 0.601, + "precision_at_5": 0.36, + "recall_at_1": 0.901, + "recall_at_10": 4.054, + "recall_at_100": 12.613, + "recall_at_1000": 36.937, + "recall_at_3": 1.802, + "recall_at_5": 1.802, + "main_score": 12.613 + } + ] + } +} \ No newline at end of file diff --git a/results/OrdalieTech__Solon-embeddings-large-0.1/external/HALClusteringS2S.json b/results/OrdalieTech__Solon-embeddings-large-0.1/external/HALClusteringS2S.json new file mode 100644 index 000000000..1f35dc145 --- /dev/null +++ b/results/OrdalieTech__Solon-embeddings-large-0.1/external/HALClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e06ebbbb123f8144bef1a5d18796f3dec9ae2915", + "task_name": "HALClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "v_measure": 24.087988843991155, + "main_score": 24.087988843991155 + } + ] + } +} \ No newline at end of file diff --git a/results/OrdalieTech__Solon-embeddings-large-0.1/external/MLSUMClusteringP2P.json b/results/OrdalieTech__Solon-embeddings-large-0.1/external/MLSUMClusteringP2P.json new file mode 100644 index 000000000..e34add11a --- /dev/null +++ b/results/OrdalieTech__Solon-embeddings-large-0.1/external/MLSUMClusteringP2P.json @@ -0,0 +1,26 @@ +{ + "dataset_revision": "b5d54f8f3b61ae17845046286940f03c6bc79bc7", + "task_name": "MLSUMClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "None" + ], + "v_measure": 43.79603865728535, + "main_score": 43.79603865728535 + }, + { + "hf_subset": "default", + "languages": [ + "None" + ], + "v_measure": 37.746550373003, + "main_score": 37.746550373003 + } + ] + } +} \ No newline at end of file diff --git a/results/OrdalieTech__Solon-embeddings-large-0.1/external/MTOPDomainClassification.json b/results/OrdalieTech__Solon-embeddings-large-0.1/external/MTOPDomainClassification.json new file mode 100644 index 000000000..e5436d4a4 --- /dev/null +++ b/results/OrdalieTech__Solon-embeddings-large-0.1/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 89.26088318196052, + "f1": 88.95811185929033, + "main_score": 89.26088318196052 + } + ] + } +} \ No newline at end of file diff --git a/results/OrdalieTech__Solon-embeddings-large-0.1/external/MTOPIntentClassification.json b/results/OrdalieTech__Solon-embeddings-large-0.1/external/MTOPIntentClassification.json new file mode 100644 index 000000000..768189347 --- /dev/null +++ b/results/OrdalieTech__Solon-embeddings-large-0.1/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 68.55308487316003, + "f1": 48.2936682439785, + "main_score": 68.55308487316003 + } + ] + } +} \ No newline at end of file diff --git a/results/OrdalieTech__Solon-embeddings-large-0.1/external/MasakhaNEWSClassification.json b/results/OrdalieTech__Solon-embeddings-large-0.1/external/MasakhaNEWSClassification.json new file mode 100644 index 000000000..d3187b3aa --- /dev/null +++ b/results/OrdalieTech__Solon-embeddings-large-0.1/external/MasakhaNEWSClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "8ccc72e69e65f40c70e117d8b3c08306bb788b60", + "task_name": "MasakhaNEWSClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fra", + "languages": [ + "fra-Latn" + ], + "accuracy": 81.51658767772511, + "f1": 77.695234448912, + "main_score": 81.51658767772511 + } + ] + } +} \ No newline at end of file diff --git a/results/OrdalieTech__Solon-embeddings-large-0.1/external/MassiveIntentClassification.json b/results/OrdalieTech__Solon-embeddings-large-0.1/external/MassiveIntentClassification.json new file mode 100644 index 000000000..ed7d0bff7 --- /dev/null +++ b/results/OrdalieTech__Solon-embeddings-large-0.1/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 67.40080699394755, + "f1": 65.60793135686376, + "main_score": 67.40080699394755 + } + ] + } +} \ No newline at end of file diff --git a/results/OrdalieTech__Solon-embeddings-large-0.1/external/MassiveScenarioClassification.json b/results/OrdalieTech__Solon-embeddings-large-0.1/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..337a63f44 --- /dev/null +++ b/results/OrdalieTech__Solon-embeddings-large-0.1/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 71.29455279085406, + "f1": 70.80876673828983, + "main_score": 71.29455279085406 + } + ] + } +} \ No newline at end of file diff --git a/results/OrdalieTech__Solon-embeddings-large-0.1/external/MintakaRetrieval.json b/results/OrdalieTech__Solon-embeddings-large-0.1/external/MintakaRetrieval.json new file mode 100644 index 000000000..96d1e6b75 --- /dev/null +++ b/results/OrdalieTech__Solon-embeddings-large-0.1/external/MintakaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "efa78cc2f74bbcd21eff2261f9e13aebe40b814e", + "task_name": "MintakaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "map_at_1": 16.625999999999998, + "map_at_10": 25.224999999999998, + "map_at_100": 26.291999999999998, + "map_at_1000": 26.395000000000003, + "map_at_3": 22.378999999999998, + "map_at_5": 24.009, + "mrr_at_1": 16.625999999999998, + "mrr_at_10": 25.224999999999998, + "mrr_at_100": 26.291999999999998, + "mrr_at_1000": 26.395000000000003, + "mrr_at_3": 22.378999999999998, + "mrr_at_5": 24.009, + "ndcg_at_1": 16.625999999999998, + "ndcg_at_10": 30.074, + "ndcg_at_100": 35.683, + "ndcg_at_1000": 38.714999999999996, + "ndcg_at_3": 24.188000000000002, + "ndcg_at_5": 27.124, + "precision_at_1": 16.625999999999998, + "precision_at_10": 4.566, + "precision_at_100": 0.729, + "precision_at_1000": 0.097, + "precision_at_3": 9.801, + "precision_at_5": 7.305000000000001, + "recall_at_1": 16.625999999999998, + "recall_at_10": 45.659, + "recall_at_100": 72.85000000000001, + "recall_at_1000": 97.42, + "recall_at_3": 29.402, + "recall_at_5": 36.527, + "main_score": 30.074 + } + ] + } +} \ No newline at end of file diff --git a/results/OrdalieTech__Solon-embeddings-large-0.1/external/OpusparcusPC.json b/results/OrdalieTech__Solon-embeddings-large-0.1/external/OpusparcusPC.json new file mode 100644 index 000000000..36cfbbac0 --- /dev/null +++ b/results/OrdalieTech__Solon-embeddings-large-0.1/external/OpusparcusPC.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "9e9b1f8ef51616073f47f306f7f47dd91663f86a", + "task_name": "OpusparcusPC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_accuracy": 83.58310626702998, + "cos_sim_ap": 94.01979957812989, + "cos_sim_f1": 88.70135958743555, + "cos_sim_precision": 84.01420959147424, + "cos_sim_recall": 93.94240317775571, + "dot_accuracy": 83.58310626702998, + "dot_ap": 94.01979957812989, + "dot_f1": 88.70135958743555, + "dot_precision": 84.01420959147424, + "dot_recall": 93.94240317775571, + "euclidean_accuracy": 83.58310626702998, + "euclidean_ap": 94.01979957812989, + "euclidean_f1": 88.70135958743555, + "euclidean_precision": 84.01420959147424, + "euclidean_recall": 93.94240317775571, + "manhattan_accuracy": 83.58310626702998, + "manhattan_ap": 93.99936024003892, + "manhattan_f1": 88.6924150767799, + "manhattan_precision": 83.45008756567425, + "manhattan_recall": 94.63753723932473, + "max_accuracy": 83.58310626702998, + "max_ap": 94.01979957812989, + "max_f1": 88.70135958743555, + "main_score": 94.01979957812989 + } + ] + } +} \ No newline at end of file diff --git a/results/OrdalieTech__Solon-embeddings-large-0.1/external/SICKFr.json b/results/OrdalieTech__Solon-embeddings-large-0.1/external/SICKFr.json new file mode 100644 index 000000000..b2041cfac --- /dev/null +++ b/results/OrdalieTech__Solon-embeddings-large-0.1/external/SICKFr.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e077ab4cf4774a1e36d86d593b150422fafd8e8a", + "task_name": "SICKFr", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 79.77067200230256, + "cos_sim_spearman": 76.7445532523278, + "euclidean_pearson": 76.34017074673956, + "euclidean_spearman": 76.7453011027832, + "manhattan_pearson": 76.19578084197778, + "manhattan_spearman": 76.56293456459228, + "cosine_pearson": 79.77067200230256, + "cosine_spearman": 76.7445532523278, + "main_score": 76.7445532523278 + } + ] + } +} \ No newline at end of file diff --git a/results/OrdalieTech__Solon-embeddings-large-0.1/external/STS22.json b/results/OrdalieTech__Solon-embeddings-large-0.1/external/STS22.json new file mode 100644 index 000000000..5278ea9e0 --- /dev/null +++ b/results/OrdalieTech__Solon-embeddings-large-0.1/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "eea2b4fe26a775864c896887d910b76a8098ad3f", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 81.2564160237984, + "cos_sim_spearman": 83.30552085410882, + "euclidean_pearson": 82.00494560507786, + "euclidean_spearman": 83.30552085410882, + "manhattan_pearson": 81.93132229157803, + "manhattan_spearman": 83.04357992939353, + "cosine_pearson": 81.2564160237984, + "cosine_spearman": 83.30552085410882, + "main_score": 83.30552085410882 + } + ] + } +} \ No newline at end of file diff --git a/results/OrdalieTech__Solon-embeddings-large-0.1/external/STSBenchmarkMultilingualSTS.json b/results/OrdalieTech__Solon-embeddings-large-0.1/external/STSBenchmarkMultilingualSTS.json new file mode 100644 index 000000000..84efa4d32 --- /dev/null +++ b/results/OrdalieTech__Solon-embeddings-large-0.1/external/STSBenchmarkMultilingualSTS.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "93d57ef91790589e3ce9c365164337a8a78b7632", + "task_name": "STSBenchmarkMultilingualSTS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 80.34931905288978, + "cos_sim_spearman": 79.99372771100049, + "euclidean_pearson": 78.37976845123443, + "euclidean_spearman": 79.99452356550658, + "manhattan_pearson": 78.24434042082316, + "manhattan_spearman": 79.87248340061164, + "cosine_pearson": 80.34931905288978, + "cosine_spearman": 79.99372771100049, + "main_score": 79.99372771100049 + } + ] + } +} \ No newline at end of file diff --git a/results/OrdalieTech__Solon-embeddings-large-0.1/external/SummEvalFr.json b/results/OrdalieTech__Solon-embeddings-large-0.1/external/SummEvalFr.json new file mode 100644 index 000000000..e7ed55506 --- /dev/null +++ b/results/OrdalieTech__Solon-embeddings-large-0.1/external/SummEvalFr.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "b385812de6a9577b6f4d0f88c6a6e35395a94054", + "task_name": "SummEvalFr", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 30.476001473421586, + "cos_sim_spearman": 29.687350195905456, + "dot_pearson": 30.476000875190685, + "dot_spearman": 29.662224660056562, + "cosine_pearson": 30.476001473421586, + "cosine_spearman": 29.687350195905456, + "main_score": 29.687350195905456 + } + ] + } +} \ No newline at end of file diff --git a/results/OrdalieTech__Solon-embeddings-large-0.1/external/SyntecReranking.json b/results/OrdalieTech__Solon-embeddings-large-0.1/external/SyntecReranking.json new file mode 100644 index 000000000..73789d534 --- /dev/null +++ b/results/OrdalieTech__Solon-embeddings-large-0.1/external/SyntecReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "b205c5084a0934ce8af14338bf03feb19499c84d", + "task_name": "SyntecReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map": 88.28333333333333, + "mrr": 88.28333333333333, + "main_score": 88.28333333333333 + } + ] + } +} \ No newline at end of file diff --git a/results/OrdalieTech__Solon-embeddings-large-0.1/external/SyntecRetrieval.json b/results/OrdalieTech__Solon-embeddings-large-0.1/external/SyntecRetrieval.json new file mode 100644 index 000000000..4417923cc --- /dev/null +++ b/results/OrdalieTech__Solon-embeddings-large-0.1/external/SyntecRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "77f7e271bf4a92b24fce5119f3486b583ca016ff", + "task_name": "SyntecRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map_at_1": 69, + "map_at_10": 79.906, + "map_at_100": 79.982, + "map_at_1000": 79.982, + "map_at_3": 77.667, + "map_at_5": 79.51700000000001, + "mrr_at_1": 69, + "mrr_at_10": 79.906, + "mrr_at_100": 79.982, + "mrr_at_1000": 79.982, + "mrr_at_3": 77.667, + "mrr_at_5": 79.51700000000001, + "ndcg_at_1": 69, + "ndcg_at_10": 84.60499999999999, + "ndcg_at_100": 84.868, + "ndcg_at_1000": 84.868, + "ndcg_at_3": 80.333, + "ndcg_at_5": 83.647, + "precision_at_1": 69, + "precision_at_10": 9.9, + "precision_at_100": 1, + "precision_at_1000": 0.1, + "precision_at_3": 29.333, + "precision_at_5": 19.2, + "recall_at_1": 69, + "recall_at_10": 99, + "recall_at_100": 100, + "recall_at_1000": 100, + "recall_at_3": 88, + "recall_at_5": 96, + "main_score": 84.60499999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/OrdalieTech__Solon-embeddings-large-0.1/external/XPQARetrieval.json b/results/OrdalieTech__Solon-embeddings-large-0.1/external/XPQARetrieval.json new file mode 100644 index 000000000..110583dfe --- /dev/null +++ b/results/OrdalieTech__Solon-embeddings-large-0.1/external/XPQARetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "c99d599f0a6ab9b85b065da6f9d94f9cf731679f", + "task_name": "XPQARetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "None" + ], + "map_at_1": 42.027, + "map_at_10": 64.331, + "map_at_100": 65.657, + "map_at_1000": 65.7, + "map_at_3": 57.967999999999996, + "map_at_5": 62.33800000000001, + "mrr_at_1": 65.688, + "mrr_at_10": 72.263, + "mrr_at_100": 72.679, + "mrr_at_1000": 72.69099999999999, + "mrr_at_3": 70.405, + "mrr_at_5": 71.587, + "ndcg_at_1": 65.688, + "ndcg_at_10": 70.221, + "ndcg_at_100": 74.457, + "ndcg_at_1000": 75.178, + "ndcg_at_3": 65.423, + "ndcg_at_5": 67.05499999999999, + "precision_at_1": 65.688, + "precision_at_10": 16.208, + "precision_at_100": 1.975, + "precision_at_1000": 0.207, + "precision_at_3": 39.831, + "precision_at_5": 28.652, + "recall_at_1": 42.027, + "recall_at_10": 78.803, + "recall_at_100": 95.051, + "recall_at_1000": 99.75500000000001, + "recall_at_3": 62.62799999999999, + "recall_at_5": 70.975, + "main_score": 70.221 + } + ] + } +} \ No newline at end of file diff --git a/results/OrdalieTech__Solon-embeddings-large-0.1/external/model_meta.json b/results/OrdalieTech__Solon-embeddings-large-0.1/external/model_meta.json new file mode 100644 index 000000000..297740152 --- /dev/null +++ b/results/OrdalieTech__Solon-embeddings-large-0.1/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "OrdalieTech/Solon-embeddings-large-0.1", + "revision": "9f6465f6ea2f6d10c6294bc15d84edf87d47cdef", + "release_date": "2023-12-09", + "languages": [ + "fr" + ], + "loader": null, + "n_parameters": 559890432, + "memory_usage": null, + "max_tokens": 514, + "embed_dim": 1024, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/OrlikB__KartonBERT-USE-base-v1/external/AllegroReviews.json b/results/OrlikB__KartonBERT-USE-base-v1/external/AllegroReviews.json new file mode 100644 index 000000000..cff967bf8 --- /dev/null +++ b/results/OrlikB__KartonBERT-USE-base-v1/external/AllegroReviews.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "b89853e6de927b0e3bfa8ecc0e56fe4e02ceafc6", + "task_name": "AllegroReviews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 54.15506958250498, + "f1": 46.5327734573016, + "f1_weighted": 54.68392312652715, + "main_score": 54.15506958250498 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__KartonBERT-USE-base-v1/external/ArguAna-PL.json b/results/OrlikB__KartonBERT-USE-base-v1/external/ArguAna-PL.json new file mode 100644 index 000000000..b9509ddf2 --- /dev/null +++ b/results/OrlikB__KartonBERT-USE-base-v1/external/ArguAna-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "63fc86750af76253e8c760fc9e534bbf24d260a2", + "task_name": "ArguAna-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 56.901, + "map_at_1": 31.791999999999998, + "map_at_10": 48.054, + "map_at_100": 48.878, + "map_at_1000": 48.882, + "map_at_20": 48.737, + "map_at_3": 43.231, + "map_at_5": 46.111999999999995, + "mrr_at_1": 32.574679943100996, + "mrr_at_10": 48.33367201788255, + "mrr_at_100": 49.15718185630711, + "mrr_at_1000": 49.1617121578244, + "mrr_at_20": 49.01694598176999, + "mrr_at_3": 43.51588430535799, + "mrr_at_5": 46.39284020862968, + "nauc_map_at_1000_diff1": 9.261912197433015, + "nauc_map_at_1000_max": -7.845080024659214, + "nauc_map_at_1000_std": -11.991866544435679, + "nauc_map_at_100_diff1": 9.26664720652122, + "nauc_map_at_100_max": -7.832848294616753, + "nauc_map_at_100_std": -11.9808027056787, + "nauc_map_at_10_diff1": 8.807497468420616, + "nauc_map_at_10_max": -7.964448980578822, + "nauc_map_at_10_std": -12.12899711880432, + "nauc_map_at_1_diff1": 13.32445989333938, + "nauc_map_at_1_max": -10.482064414968285, + "nauc_map_at_1_std": -13.501360370797148, + "nauc_map_at_20_diff1": 9.195156779288766, + "nauc_map_at_20_max": -7.783014219043757, + "nauc_map_at_20_std": -11.969490540925406, + "nauc_map_at_3_diff1": 9.216987154577305, + "nauc_map_at_3_max": -7.320889292833926, + "nauc_map_at_3_std": -11.556536581082206, + "nauc_map_at_5_diff1": 8.632595608937663, + "nauc_map_at_5_max": -8.100862283698563, + "nauc_map_at_5_std": -12.362725223929877, + "nauc_mrr_at_1000_diff1": 6.955563701248687, + "nauc_mrr_at_1000_max": -8.482826175940565, + "nauc_mrr_at_1000_std": -11.685173284450771, + "nauc_mrr_at_100_diff1": 6.960630009309121, + "nauc_mrr_at_100_max": -8.47053290533026, + "nauc_mrr_at_100_std": -11.674185693345231, + "nauc_mrr_at_10_diff1": 6.571885416453002, + "nauc_mrr_at_10_max": -8.579534736340365, + "nauc_mrr_at_10_std": -11.828451090180964, + "nauc_mrr_at_1_diff1": 11.037953768000532, + "nauc_mrr_at_1_max": -9.873898613911402, + "nauc_mrr_at_1_std": -12.460415140907712, + "nauc_mrr_at_20_diff1": 6.900888306598456, + "nauc_mrr_at_20_max": -8.416481040187186, + "nauc_mrr_at_20_std": -11.664087568363449, + "nauc_mrr_at_3_diff1": 7.06762175360558, + "nauc_mrr_at_3_max": -8.017279028707673, + "nauc_mrr_at_3_std": -11.297456731246768, + "nauc_mrr_at_5_diff1": 6.448800345577737, + "nauc_mrr_at_5_max": -8.745349771650183, + "nauc_mrr_at_5_std": -11.969389047713944, + "nauc_ndcg_at_1000_diff1": 8.76255638439487, + "nauc_ndcg_at_1000_max": -7.343629528331341, + "nauc_ndcg_at_1000_std": -11.47940744019621, + "nauc_ndcg_at_100_diff1": 8.919277731016157, + "nauc_ndcg_at_100_max": -7.019108339742727, + "nauc_ndcg_at_100_std": -11.194732417709883, + "nauc_ndcg_at_10_diff1": 6.935115430123545, + "nauc_ndcg_at_10_max": -7.331328886115093, + "nauc_ndcg_at_10_std": -11.823538474289432, + "nauc_ndcg_at_1_diff1": 13.32445989333938, + "nauc_ndcg_at_1_max": -10.482064414968285, + "nauc_ndcg_at_1_std": -13.501360370797148, + "nauc_ndcg_at_20_diff1": 8.459389806724928, + "nauc_ndcg_at_20_max": -6.58398762434462, + "nauc_ndcg_at_20_std": -11.058848254315285, + "nauc_ndcg_at_3_diff1": 7.835560234578747, + "nauc_ndcg_at_3_max": -6.423483615691791, + "nauc_ndcg_at_3_std": -10.911115187058067, + "nauc_ndcg_at_5_diff1": 6.682571459029503, + "nauc_ndcg_at_5_max": -7.818737713863339, + "nauc_ndcg_at_5_std": -12.432449183297598, + "nauc_precision_at_1000_diff1": -2.5745586949686294, + "nauc_precision_at_1000_max": 10.263038467948435, + "nauc_precision_at_1000_std": 68.30822185314709, + "nauc_precision_at_100_diff1": 32.41864555136661, + "nauc_precision_at_100_max": 52.55109728866118, + "nauc_precision_at_100_std": 62.241685968841395, + "nauc_precision_at_10_diff1": -4.819815865728714, + "nauc_precision_at_10_max": -3.3537757455238877, + "nauc_precision_at_10_std": -9.963817157694175, + "nauc_precision_at_1_diff1": 13.32445989333938, + "nauc_precision_at_1_max": -10.482064414968285, + "nauc_precision_at_1_std": -13.501360370797148, + "nauc_precision_at_20_diff1": 3.635887978878025, + "nauc_precision_at_20_max": 14.898454122959496, + "nauc_precision_at_20_std": 6.619835540940379, + "nauc_precision_at_3_diff1": 3.6054431173895667, + "nauc_precision_at_3_max": -3.728728411630629, + "nauc_precision_at_3_std": -8.937528472143674, + "nauc_precision_at_5_diff1": -0.655295588469194, + "nauc_precision_at_5_max": -7.099667676645105, + "nauc_precision_at_5_std": -13.01579557796282, + "nauc_recall_at_1000_diff1": -2.5745586949696144, + "nauc_recall_at_1000_max": 10.26303846794546, + "nauc_recall_at_1000_std": 68.3082218531417, + "nauc_recall_at_100_diff1": 32.41864555136416, + "nauc_recall_at_100_max": 52.55109728865944, + "nauc_recall_at_100_std": 62.24168596884267, + "nauc_recall_at_10_diff1": -4.819815865728716, + "nauc_recall_at_10_max": -3.353775745523958, + "nauc_recall_at_10_std": -9.963817157694203, + "nauc_recall_at_1_diff1": 13.32445989333938, + "nauc_recall_at_1_max": -10.482064414968285, + "nauc_recall_at_1_std": -13.501360370797148, + "nauc_recall_at_20_diff1": 3.6358879788779648, + "nauc_recall_at_20_max": 14.898454122959254, + "nauc_recall_at_20_std": 6.619835540940201, + "nauc_recall_at_3_diff1": 3.6054431173895582, + "nauc_recall_at_3_max": -3.7287284116306205, + "nauc_recall_at_3_std": -8.937528472143658, + "nauc_recall_at_5_diff1": -0.6552955884692194, + "nauc_recall_at_5_max": -7.099667676645175, + "nauc_recall_at_5_std": -13.015795577962777, + "ndcg_at_1": 31.791999999999998, + "ndcg_at_10": 56.901, + "ndcg_at_100": 60.192, + "ndcg_at_1000": 60.288, + "ndcg_at_20": 59.303, + "ndcg_at_3": 47.028999999999996, + "ndcg_at_5": 52.201, + "precision_at_1": 31.791999999999998, + "precision_at_10": 8.506, + "precision_at_100": 0.989, + "precision_at_1000": 0.1, + "precision_at_20": 4.719, + "precision_at_3": 19.346, + "precision_at_5": 14.111, + "recall_at_1": 31.791999999999998, + "recall_at_10": 85.064, + "recall_at_100": 98.933, + "recall_at_1000": 99.644, + "recall_at_20": 94.381, + "recall_at_3": 58.037000000000006, + "recall_at_5": 70.555 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__KartonBERT-USE-base-v1/external/BelebeleRetrieval.json b/results/OrlikB__KartonBERT-USE-base-v1/external/BelebeleRetrieval.json new file mode 100644 index 000000000..efcc26901 --- /dev/null +++ b/results/OrlikB__KartonBERT-USE-base-v1/external/BelebeleRetrieval.json @@ -0,0 +1,454 @@ +{ + "dataset_revision": "75b399394a9803252cfec289d103de462763db7c", + "task_name": "BelebeleRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "pol_Latn-pol_Latn", + "languages": [ + "pol-Latn", + "pol-Latn" + ], + "main_score": 91.541, + "map_at_1": 85.77799999999999, + "map_at_10": 89.752, + "map_at_100": 89.878, + "map_at_1000": 89.881, + "map_at_20": 89.852, + "map_at_3": 89.019, + "map_at_5": 89.363, + "mrr_at_1": 85.77777777777777, + "mrr_at_10": 89.75198412698411, + "mrr_at_100": 89.87762406306918, + "mrr_at_1000": 89.8806515152748, + "mrr_at_20": 89.85208842298627, + "mrr_at_3": 89.01851851851852, + "mrr_at_5": 89.36296296296297, + "nauc_map_at_1000_diff1": 91.4476978163489, + "nauc_map_at_1000_max": 81.5514176763366, + "nauc_map_at_1000_std": -26.55954678441229, + "nauc_map_at_100_diff1": 91.45032737132165, + "nauc_map_at_100_max": 81.55491042152336, + "nauc_map_at_100_std": -26.529320255777634, + "nauc_map_at_10_diff1": 91.39551937416603, + "nauc_map_at_10_max": 81.62509202485019, + "nauc_map_at_10_std": -26.551904492525747, + "nauc_map_at_1_diff1": 92.16805294153365, + "nauc_map_at_1_max": 79.46808026227919, + "nauc_map_at_1_std": -26.20021553032597, + "nauc_map_at_20_diff1": 91.44854892971289, + "nauc_map_at_20_max": 81.57301440410872, + "nauc_map_at_20_std": -26.442044476153104, + "nauc_map_at_3_diff1": 91.37113720093754, + "nauc_map_at_3_max": 81.86549795443065, + "nauc_map_at_3_std": -27.81837152321835, + "nauc_map_at_5_diff1": 91.36501739587844, + "nauc_map_at_5_max": 81.68480517417245, + "nauc_map_at_5_std": -28.018028030994742, + "nauc_mrr_at_1000_diff1": 91.4476978163489, + "nauc_mrr_at_1000_max": 81.5514176763366, + "nauc_mrr_at_1000_std": -26.55954678441229, + "nauc_mrr_at_100_diff1": 91.45032737132165, + "nauc_mrr_at_100_max": 81.55491042152336, + "nauc_mrr_at_100_std": -26.529320255777634, + "nauc_mrr_at_10_diff1": 91.39551937416603, + "nauc_mrr_at_10_max": 81.62509202485019, + "nauc_mrr_at_10_std": -26.551904492525747, + "nauc_mrr_at_1_diff1": 92.16805294153365, + "nauc_mrr_at_1_max": 79.46808026227919, + "nauc_mrr_at_1_std": -26.20021553032597, + "nauc_mrr_at_20_diff1": 91.44854892971289, + "nauc_mrr_at_20_max": 81.57301440410872, + "nauc_mrr_at_20_std": -26.442044476153104, + "nauc_mrr_at_3_diff1": 91.37113720093754, + "nauc_mrr_at_3_max": 81.86549795443065, + "nauc_mrr_at_3_std": -27.81837152321835, + "nauc_mrr_at_5_diff1": 91.36501739587844, + "nauc_mrr_at_5_max": 81.68480517417245, + "nauc_mrr_at_5_std": -28.018028030994742, + "nauc_ndcg_at_1000_diff1": 91.38663887591338, + "nauc_ndcg_at_1000_max": 81.83100576728476, + "nauc_ndcg_at_1000_std": -26.052082966114693, + "nauc_ndcg_at_100_diff1": 91.46858617319295, + "nauc_ndcg_at_100_max": 81.93078333237341, + "nauc_ndcg_at_100_std": -25.153555276485868, + "nauc_ndcg_at_10_diff1": 91.13804299227158, + "nauc_ndcg_at_10_max": 82.25580303805849, + "nauc_ndcg_at_10_std": -25.383981896383467, + "nauc_ndcg_at_1_diff1": 92.16805294153365, + "nauc_ndcg_at_1_max": 79.46808026227919, + "nauc_ndcg_at_1_std": -26.20021553032597, + "nauc_ndcg_at_20_diff1": 91.43798225301471, + "nauc_ndcg_at_20_max": 82.07518001371142, + "nauc_ndcg_at_20_std": -24.777088112541364, + "nauc_ndcg_at_3_diff1": 91.09449436290618, + "nauc_ndcg_at_3_max": 82.67766398790694, + "nauc_ndcg_at_3_std": -28.698696574215248, + "nauc_ndcg_at_5_diff1": 91.06439333732669, + "nauc_ndcg_at_5_max": 82.36532604706885, + "nauc_ndcg_at_5_std": -29.0545149754883, + "nauc_precision_at_1000_diff1": NaN, + "nauc_precision_at_1000_max": NaN, + "nauc_precision_at_1000_std": NaN, + "nauc_precision_at_100_diff1": 100.0, + "nauc_precision_at_100_max": 92.1568627450979, + "nauc_precision_at_100_std": 67.46031746031498, + "nauc_precision_at_10_diff1": 88.79551820728234, + "nauc_precision_at_10_max": 87.94261294261227, + "nauc_precision_at_10_std": -10.505997270703746, + "nauc_precision_at_1_diff1": 92.16805294153365, + "nauc_precision_at_1_max": 79.46808026227919, + "nauc_precision_at_1_std": -26.20021553032597, + "nauc_precision_at_20_diff1": 93.71543489190498, + "nauc_precision_at_20_max": 90.03447532859191, + "nauc_precision_at_20_std": 17.970265029086878, + "nauc_precision_at_3_diff1": 89.92617880485524, + "nauc_precision_at_3_max": 86.0965219421104, + "nauc_precision_at_3_std": -32.5922035480858, + "nauc_precision_at_5_diff1": 89.51410629611307, + "nauc_precision_at_5_max": 85.74266307830291, + "nauc_precision_at_5_std": -34.57278336171098, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": 100.0, + "nauc_recall_at_100_max": 92.15686274509831, + "nauc_recall_at_100_std": 67.4603174603183, + "nauc_recall_at_10_diff1": 88.79551820728301, + "nauc_recall_at_10_max": 87.94261294261294, + "nauc_recall_at_10_std": -10.505997270703194, + "nauc_recall_at_1_diff1": 92.16805294153365, + "nauc_recall_at_1_max": 79.46808026227919, + "nauc_recall_at_1_std": -26.20021553032597, + "nauc_recall_at_20_diff1": 93.71543489190589, + "nauc_recall_at_20_max": 90.03447532859326, + "nauc_recall_at_20_std": 17.97026502908778, + "nauc_recall_at_3_diff1": 89.92617880485525, + "nauc_recall_at_3_max": 86.09652194211006, + "nauc_recall_at_3_std": -32.592203548085735, + "nauc_recall_at_5_diff1": 89.5141062961131, + "nauc_recall_at_5_max": 85.74266307830314, + "nauc_recall_at_5_std": -34.572783361711004, + "ndcg_at_1": 85.77799999999999, + "ndcg_at_10": 91.541, + "ndcg_at_100": 92.07600000000001, + "ndcg_at_1000": 92.15, + "ndcg_at_20": 91.906, + "ndcg_at_3": 90.017, + "ndcg_at_5": 90.625, + "precision_at_1": 85.77799999999999, + "precision_at_10": 9.711, + "precision_at_100": 0.9939999999999999, + "precision_at_1000": 0.1, + "precision_at_20": 4.928, + "precision_at_3": 30.963, + "precision_at_5": 18.867, + "recall_at_1": 85.77799999999999, + "recall_at_10": 97.111, + "recall_at_100": 99.444, + "recall_at_1000": 100.0, + "recall_at_20": 98.556, + "recall_at_3": 92.889, + "recall_at_5": 94.333 + }, + { + "hf_subset": "pol_Latn-eng_Latn", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "main_score": 83.504, + "map_at_1": 74.333, + "map_at_10": 80.569, + "map_at_100": 80.803, + "map_at_1000": 80.816, + "map_at_20": 80.723, + "map_at_3": 79.278, + "map_at_5": 80.067, + "mrr_at_1": 74.33333333333333, + "mrr_at_10": 80.56869488536155, + "mrr_at_100": 80.80281231188738, + "mrr_at_1000": 80.81591021232106, + "mrr_at_20": 80.72251527043838, + "mrr_at_3": 79.27777777777779, + "mrr_at_5": 80.06666666666666, + "nauc_map_at_1000_diff1": 87.1827200996951, + "nauc_map_at_1000_max": 76.68256630016205, + "nauc_map_at_1000_std": -5.730353903171156, + "nauc_map_at_100_diff1": 87.17937163549941, + "nauc_map_at_100_max": 76.69368952203838, + "nauc_map_at_100_std": -5.6873032838969255, + "nauc_map_at_10_diff1": 87.12042254029072, + "nauc_map_at_10_max": 76.71805257742122, + "nauc_map_at_10_std": -5.592480366964013, + "nauc_map_at_1_diff1": 89.24798011187079, + "nauc_map_at_1_max": 75.83442039626006, + "nauc_map_at_1_std": -8.486603514571154, + "nauc_map_at_20_diff1": 87.14327639577641, + "nauc_map_at_20_max": 76.68990390370077, + "nauc_map_at_20_std": -5.580217539312647, + "nauc_map_at_3_diff1": 87.08395702335557, + "nauc_map_at_3_max": 76.49131087180318, + "nauc_map_at_3_std": -7.960457023584337, + "nauc_map_at_5_diff1": 87.01407675116587, + "nauc_map_at_5_max": 76.79987365594535, + "nauc_map_at_5_std": -6.096086399895831, + "nauc_mrr_at_1000_diff1": 87.1827200996951, + "nauc_mrr_at_1000_max": 76.68256630016205, + "nauc_mrr_at_1000_std": -5.730353903171156, + "nauc_mrr_at_100_diff1": 87.17937163549941, + "nauc_mrr_at_100_max": 76.69368952203838, + "nauc_mrr_at_100_std": -5.6873032838969255, + "nauc_mrr_at_10_diff1": 87.12042254029072, + "nauc_mrr_at_10_max": 76.71805257742122, + "nauc_mrr_at_10_std": -5.592480366964013, + "nauc_mrr_at_1_diff1": 89.24798011187079, + "nauc_mrr_at_1_max": 75.83442039626006, + "nauc_mrr_at_1_std": -8.486603514571154, + "nauc_mrr_at_20_diff1": 87.14327639577641, + "nauc_mrr_at_20_max": 76.68990390370077, + "nauc_mrr_at_20_std": -5.580217539312647, + "nauc_mrr_at_3_diff1": 87.08395702335557, + "nauc_mrr_at_3_max": 76.49131087180318, + "nauc_mrr_at_3_std": -7.960457023584337, + "nauc_mrr_at_5_diff1": 87.01407675116587, + "nauc_mrr_at_5_max": 76.79987365594535, + "nauc_mrr_at_5_std": -6.096086399895831, + "nauc_ndcg_at_1000_diff1": 86.83526635543689, + "nauc_ndcg_at_1000_max": 76.87213223376376, + "nauc_ndcg_at_1000_std": -4.326702937186593, + "nauc_ndcg_at_100_diff1": 86.77852107145551, + "nauc_ndcg_at_100_max": 77.13812696037, + "nauc_ndcg_at_100_std": -3.1580272337005453, + "nauc_ndcg_at_10_diff1": 86.36604843288399, + "nauc_ndcg_at_10_max": 77.1221987239842, + "nauc_ndcg_at_10_std": -2.4207447014322576, + "nauc_ndcg_at_1_diff1": 89.24798011187079, + "nauc_ndcg_at_1_max": 75.83442039626006, + "nauc_ndcg_at_1_std": -8.486603514571154, + "nauc_ndcg_at_20_diff1": 86.44160384842657, + "nauc_ndcg_at_20_max": 77.02933401904579, + "nauc_ndcg_at_20_std": -2.1826470452412066, + "nauc_ndcg_at_3_diff1": 86.2326519838603, + "nauc_ndcg_at_3_max": 76.62394641640242, + "nauc_ndcg_at_3_std": -7.766101601996052, + "nauc_ndcg_at_5_diff1": 86.06089203598795, + "nauc_ndcg_at_5_max": 77.29478430133818, + "nauc_ndcg_at_5_std": -3.9125333318549913, + "nauc_precision_at_1000_diff1": NaN, + "nauc_precision_at_1000_max": NaN, + "nauc_precision_at_1000_std": NaN, + "nauc_precision_at_100_diff1": 84.08579117921693, + "nauc_precision_at_100_max": 91.12978524743181, + "nauc_precision_at_100_std": 60.69368924040307, + "nauc_precision_at_10_diff1": 81.55999773646823, + "nauc_precision_at_10_max": 80.02433296550915, + "nauc_precision_at_10_std": 22.35591206179418, + "nauc_precision_at_1_diff1": 89.24798011187079, + "nauc_precision_at_1_max": 75.83442039626006, + "nauc_precision_at_1_std": -8.486603514571154, + "nauc_precision_at_20_diff1": 80.35765030649968, + "nauc_precision_at_20_max": 80.32415864896703, + "nauc_precision_at_20_std": 36.235943652823465, + "nauc_precision_at_3_diff1": 82.92001397135886, + "nauc_precision_at_3_max": 77.08808644406645, + "nauc_precision_at_3_std": -7.015034073765726, + "nauc_precision_at_5_diff1": 81.50283822138118, + "nauc_precision_at_5_max": 79.7989593188268, + "nauc_precision_at_5_std": 7.5491958372753745, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": 84.08579117921708, + "nauc_recall_at_100_max": 91.12978524743201, + "nauc_recall_at_100_std": 60.6936892404014, + "nauc_recall_at_10_diff1": 81.55999773646843, + "nauc_recall_at_10_max": 80.02433296550944, + "nauc_recall_at_10_std": 22.355912061794637, + "nauc_recall_at_1_diff1": 89.24798011187079, + "nauc_recall_at_1_max": 75.83442039626006, + "nauc_recall_at_1_std": -8.486603514571154, + "nauc_recall_at_20_diff1": 80.35765030649934, + "nauc_recall_at_20_max": 80.32415864896662, + "nauc_recall_at_20_std": 36.23594365282353, + "nauc_recall_at_3_diff1": 82.92001397135877, + "nauc_recall_at_3_max": 77.08808644406626, + "nauc_recall_at_3_std": -7.015034073765913, + "nauc_recall_at_5_diff1": 81.50283822138132, + "nauc_recall_at_5_max": 79.7989593188269, + "nauc_recall_at_5_std": 7.549195837275434, + "ndcg_at_1": 74.333, + "ndcg_at_10": 83.504, + "ndcg_at_100": 84.66, + "ndcg_at_1000": 84.92, + "ndcg_at_20": 84.065, + "ndcg_at_3": 80.864, + "ndcg_at_5": 82.284, + "precision_at_1": 74.333, + "precision_at_10": 9.267, + "precision_at_100": 0.9809999999999999, + "precision_at_1000": 0.1, + "precision_at_20": 4.744000000000001, + "precision_at_3": 28.481, + "precision_at_5": 17.778, + "recall_at_1": 74.333, + "recall_at_10": 92.667, + "recall_at_100": 98.111, + "recall_at_1000": 100.0, + "recall_at_20": 94.889, + "recall_at_3": 85.444, + "recall_at_5": 88.889 + }, + { + "hf_subset": "eng_Latn-pol_Latn", + "languages": [ + "eng-Latn", + "pol-Latn" + ], + "main_score": 89.445, + "map_at_1": 83.0, + "map_at_10": 87.421, + "map_at_100": 87.563, + "map_at_1000": 87.569, + "map_at_20": 87.507, + "map_at_3": 86.611, + "map_at_5": 87.072, + "mrr_at_1": 83.0, + "mrr_at_10": 87.42085537918871, + "mrr_at_100": 87.56310628611797, + "mrr_at_1000": 87.56892446259369, + "mrr_at_20": 87.50710137481293, + "mrr_at_3": 86.61111111111111, + "mrr_at_5": 87.07222222222222, + "nauc_map_at_1000_diff1": 85.27894860675904, + "nauc_map_at_1000_max": 71.20075329739284, + "nauc_map_at_1000_std": -30.5553788367382, + "nauc_map_at_100_diff1": 85.2804076974538, + "nauc_map_at_100_max": 71.20036875912842, + "nauc_map_at_100_std": -30.555551579374157, + "nauc_map_at_10_diff1": 85.22909026521418, + "nauc_map_at_10_max": 71.3137782383334, + "nauc_map_at_10_std": -30.527384226196947, + "nauc_map_at_1_diff1": 85.80361577110865, + "nauc_map_at_1_max": 67.3871119624879, + "nauc_map_at_1_std": -30.446069799990923, + "nauc_map_at_20_diff1": 85.3024090163576, + "nauc_map_at_20_max": 71.26314736084274, + "nauc_map_at_20_std": -30.449354240689352, + "nauc_map_at_3_diff1": 84.83736781234883, + "nauc_map_at_3_max": 71.61002582441802, + "nauc_map_at_3_std": -29.99465285790686, + "nauc_map_at_5_diff1": 85.20235777737288, + "nauc_map_at_5_max": 71.46957069322528, + "nauc_map_at_5_std": -30.945869713231627, + "nauc_mrr_at_1000_diff1": 85.27894860675904, + "nauc_mrr_at_1000_max": 71.20075329739284, + "nauc_mrr_at_1000_std": -30.5553788367382, + "nauc_mrr_at_100_diff1": 85.2804076974538, + "nauc_mrr_at_100_max": 71.20036875912842, + "nauc_mrr_at_100_std": -30.555551579374157, + "nauc_mrr_at_10_diff1": 85.22909026521418, + "nauc_mrr_at_10_max": 71.3137782383334, + "nauc_mrr_at_10_std": -30.527384226196947, + "nauc_mrr_at_1_diff1": 85.80361577110865, + "nauc_mrr_at_1_max": 67.3871119624879, + "nauc_mrr_at_1_std": -30.446069799990923, + "nauc_mrr_at_20_diff1": 85.3024090163576, + "nauc_mrr_at_20_max": 71.26314736084274, + "nauc_mrr_at_20_std": -30.449354240689352, + "nauc_mrr_at_3_diff1": 84.83736781234883, + "nauc_mrr_at_3_max": 71.61002582441802, + "nauc_mrr_at_3_std": -29.99465285790686, + "nauc_mrr_at_5_diff1": 85.20235777737288, + "nauc_mrr_at_5_max": 71.46957069322528, + "nauc_mrr_at_5_std": -30.945869713231627, + "nauc_ndcg_at_1000_diff1": 85.28579610897238, + "nauc_ndcg_at_1000_max": 71.71856783729305, + "nauc_ndcg_at_1000_std": -30.549569322105352, + "nauc_ndcg_at_100_diff1": 85.33303778055202, + "nauc_ndcg_at_100_max": 71.72213771654093, + "nauc_ndcg_at_100_std": -30.425199058298535, + "nauc_ndcg_at_10_diff1": 85.20490226070947, + "nauc_ndcg_at_10_max": 72.52298735993796, + "nauc_ndcg_at_10_std": -30.24271239212584, + "nauc_ndcg_at_1_diff1": 85.80361577110865, + "nauc_ndcg_at_1_max": 67.3871119624879, + "nauc_ndcg_at_1_std": -30.446069799990923, + "nauc_ndcg_at_20_diff1": 85.48817468663597, + "nauc_ndcg_at_20_max": 72.3267173920573, + "nauc_ndcg_at_20_std": -29.808693982808173, + "nauc_ndcg_at_3_diff1": 84.39869942100012, + "nauc_ndcg_at_3_max": 72.98018260317248, + "nauc_ndcg_at_3_std": -29.88649089998115, + "nauc_ndcg_at_5_diff1": 85.08666261656307, + "nauc_ndcg_at_5_max": 72.80513750333559, + "nauc_ndcg_at_5_std": -31.764129823670928, + "nauc_precision_at_1000_diff1": NaN, + "nauc_precision_at_1000_max": NaN, + "nauc_precision_at_1000_std": NaN, + "nauc_precision_at_100_diff1": 89.66253167933957, + "nauc_precision_at_100_max": 72.46231826063688, + "nauc_precision_at_100_std": -16.92677070828227, + "nauc_precision_at_10_diff1": 85.47348764067038, + "nauc_precision_at_10_max": 81.89223057644087, + "nauc_precision_at_10_std": -26.041820236867007, + "nauc_precision_at_1_diff1": 85.80361577110865, + "nauc_precision_at_1_max": 67.3871119624879, + "nauc_precision_at_1_std": -30.446069799990923, + "nauc_precision_at_20_diff1": 88.99436317736968, + "nauc_precision_at_20_max": 83.0826157623541, + "nauc_precision_at_20_std": -18.139848532006024, + "nauc_precision_at_3_diff1": 82.57426427361068, + "nauc_precision_at_3_max": 78.46422519625116, + "nauc_precision_at_3_std": -29.474588189185337, + "nauc_precision_at_5_diff1": 84.62792524417179, + "nauc_precision_at_5_max": 79.38286425681366, + "nauc_precision_at_5_std": -36.41827101210859, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": 89.66253167933883, + "nauc_recall_at_100_max": 72.46231826063716, + "nauc_recall_at_100_std": -16.926770708284298, + "nauc_recall_at_10_diff1": 85.47348764067067, + "nauc_recall_at_10_max": 81.89223057644107, + "nauc_recall_at_10_std": -26.041820236866585, + "nauc_recall_at_1_diff1": 85.80361577110865, + "nauc_recall_at_1_max": 67.3871119624879, + "nauc_recall_at_1_std": -30.446069799990923, + "nauc_recall_at_20_diff1": 88.99436317736975, + "nauc_recall_at_20_max": 83.08261576235462, + "nauc_recall_at_20_std": -18.139848532005708, + "nauc_recall_at_3_diff1": 82.57426427361058, + "nauc_recall_at_3_max": 78.46422519625135, + "nauc_recall_at_3_std": -29.47458818918515, + "nauc_recall_at_5_diff1": 84.62792524417188, + "nauc_recall_at_5_max": 79.38286425681372, + "nauc_recall_at_5_std": -36.418271012108875, + "ndcg_at_1": 83.0, + "ndcg_at_10": 89.445, + "ndcg_at_100": 90.167, + "ndcg_at_1000": 90.277, + "ndcg_at_20": 89.756, + "ndcg_at_3": 87.742, + "ndcg_at_5": 88.569, + "precision_at_1": 83.0, + "precision_at_10": 9.578000000000001, + "precision_at_100": 0.992, + "precision_at_1000": 0.1, + "precision_at_20": 4.8500000000000005, + "precision_at_3": 30.333, + "precision_at_5": 18.6, + "recall_at_1": 83.0, + "recall_at_10": 95.77799999999999, + "recall_at_100": 99.222, + "recall_at_1000": 100.0, + "recall_at_20": 97.0, + "recall_at_3": 91.0, + "recall_at_5": 93.0 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__KartonBERT-USE-base-v1/external/BibleNLPBitextMining.json b/results/OrlikB__KartonBERT-USE-base-v1/external/BibleNLPBitextMining.json new file mode 100644 index 000000000..9a8180091 --- /dev/null +++ b/results/OrlikB__KartonBERT-USE-base-v1/external/BibleNLPBitextMining.json @@ -0,0 +1,34 @@ +{ + "dataset_revision": "264a18480c529d9e922483839b4b9758e690b762", + "task_name": "BibleNLPBitextMining", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "train": [ + { + "hf_subset": "eng_Latn-pol_Latn", + "languages": [ + "eng-Latn", + "pol-Latn" + ], + "accuracy": 96.875, + "f1": 95.83333333333333, + "main_score": 95.83333333333333, + "precision": 95.3125, + "recall": 96.875 + }, + { + "hf_subset": "pol_Latn-eng_Latn", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "accuracy": 95.3125, + "f1": 93.88020833333334, + "main_score": 93.88020833333334, + "precision": 93.1640625, + "recall": 95.3125 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__KartonBERT-USE-base-v1/external/CBD.json b/results/OrlikB__KartonBERT-USE-base-v1/external/CBD.json new file mode 100644 index 000000000..b34e96c71 --- /dev/null +++ b/results/OrlikB__KartonBERT-USE-base-v1/external/CBD.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "36ddb419bcffe6a5374c3891957912892916f28d", + "task_name": "CBD", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 75.26, + "ap": 28.410218749169303, + "ap_weighted": 28.410218749169303, + "f1": 64.90867824844531, + "f1_weighted": 78.81011528610803, + "main_score": 75.26 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__KartonBERT-USE-base-v1/external/CDSC-E.json b/results/OrlikB__KartonBERT-USE-base-v1/external/CDSC-E.json new file mode 100644 index 000000000..db0af07d0 --- /dev/null +++ b/results/OrlikB__KartonBERT-USE-base-v1/external/CDSC-E.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "0a3d4aa409b22f80eb22cbf59b492637637b536d", + "task_name": "CDSC-E", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cosine_accuracy": 89.4, + "cosine_accuracy_threshold": 94.002366065979, + "cosine_ap": 77.00188770290791, + "cosine_f1": 68.07228915662651, + "cosine_f1_threshold": 94.002366065979, + "cosine_precision": 79.5774647887324, + "cosine_recall": 59.473684210526315, + "dot_accuracy": 89.4, + "dot_accuracy_threshold": 94.002366065979, + "dot_ap": 77.00188770290791, + "dot_f1": 68.07228915662651, + "dot_f1_threshold": 94.002366065979, + "dot_precision": 79.5774647887324, + "dot_recall": 59.473684210526315, + "euclidean_accuracy": 89.4, + "euclidean_accuracy_threshold": 34.634196758270264, + "euclidean_ap": 77.00188770290791, + "euclidean_f1": 68.07228915662651, + "euclidean_f1_threshold": 34.634196758270264, + "euclidean_precision": 79.5774647887324, + "euclidean_recall": 59.473684210526315, + "main_score": 77.06644109822335, + "manhattan_accuracy": 89.4, + "manhattan_accuracy_threshold": 755.0533294677734, + "manhattan_ap": 77.06644109822335, + "manhattan_f1": 68.07228915662651, + "manhattan_f1_threshold": 755.0533294677734, + "manhattan_precision": 79.5774647887324, + "manhattan_recall": 59.473684210526315, + "max_accuracy": 89.4, + "max_ap": 77.06644109822335, + "max_f1": 68.07228915662651, + "max_precision": 79.5774647887324, + "max_recall": 59.473684210526315, + "similarity_accuracy": 89.4, + "similarity_accuracy_threshold": 94.00235414505005, + "similarity_ap": 77.00188770290791, + "similarity_f1": 68.07228915662651, + "similarity_f1_threshold": 94.00235414505005, + "similarity_precision": 79.5774647887324, + "similarity_recall": 59.473684210526315 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__KartonBERT-USE-base-v1/external/CDSC-R.json b/results/OrlikB__KartonBERT-USE-base-v1/external/CDSC-R.json new file mode 100644 index 000000000..53ccc2b07 --- /dev/null +++ b/results/OrlikB__KartonBERT-USE-base-v1/external/CDSC-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "1cd6abbb00df7d14be3dbd76a7dcc64b3a79a7cd", + "task_name": "CDSC-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cosine_pearson": 91.17119649361847, + "cosine_spearman": 91.20577905928302, + "euclidean_pearson": 90.5668852344143, + "euclidean_spearman": 91.20577905928302, + "main_score": 91.20577905928302, + "manhattan_pearson": 90.6503906128131, + "manhattan_spearman": 91.30706035965189, + "pearson": 91.1711959701339, + "spearman": 91.20576339049457 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__KartonBERT-USE-base-v1/external/DBPedia-PL.json b/results/OrlikB__KartonBERT-USE-base-v1/external/DBPedia-PL.json new file mode 100644 index 000000000..ec1ae3371 --- /dev/null +++ b/results/OrlikB__KartonBERT-USE-base-v1/external/DBPedia-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "76afe41d9af165cc40999fcaa92312b8b012064a", + "task_name": "DBPedia-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 31.115, + "map_at_1": 6.665, + "map_at_10": 13.611999999999998, + "map_at_100": 18.631, + "map_at_1000": 19.973, + "map_at_20": 15.482000000000001, + "map_at_3": 10.191, + "map_at_5": 11.518, + "mrr_at_1": 49.75, + "mrr_at_10": 61.24871031746032, + "mrr_at_100": 61.6639721612659, + "mrr_at_1000": 61.68652629644693, + "mrr_at_20": 61.526411705339726, + "mrr_at_3": 59.62499999999999, + "mrr_at_5": 60.5125, + "nauc_map_at_1000_diff1": 27.97392366194627, + "nauc_map_at_1000_max": 30.16452498569316, + "nauc_map_at_1000_std": 29.201329015427007, + "nauc_map_at_100_diff1": 29.367174741920238, + "nauc_map_at_100_max": 28.973659071057366, + "nauc_map_at_100_std": 26.31505365178391, + "nauc_map_at_10_diff1": 36.69851589594083, + "nauc_map_at_10_max": 20.25364813839131, + "nauc_map_at_10_std": 9.574222619557707, + "nauc_map_at_1_diff1": 47.36289088982068, + "nauc_map_at_1_max": 16.040304183649507, + "nauc_map_at_1_std": 2.4515925926521254, + "nauc_map_at_20_diff1": 34.08015789582933, + "nauc_map_at_20_max": 23.19631824118355, + "nauc_map_at_20_std": 15.110110478483914, + "nauc_map_at_3_diff1": 38.7674548696569, + "nauc_map_at_3_max": 13.542163903569318, + "nauc_map_at_3_std": 2.134613354826337, + "nauc_map_at_5_diff1": 37.95693744467431, + "nauc_map_at_5_max": 16.05432858439634, + "nauc_map_at_5_std": 4.590544603710069, + "nauc_mrr_at_1000_diff1": 44.295123899826386, + "nauc_mrr_at_1000_max": 54.69332333119172, + "nauc_mrr_at_1000_std": 33.77442293639657, + "nauc_mrr_at_100_diff1": 44.305525925983034, + "nauc_mrr_at_100_max": 54.701484072630976, + "nauc_mrr_at_100_std": 33.77276371639727, + "nauc_mrr_at_10_diff1": 44.26301636684395, + "nauc_mrr_at_10_max": 54.853048563594875, + "nauc_mrr_at_10_std": 33.92811076621932, + "nauc_mrr_at_1_diff1": 45.93444117911359, + "nauc_mrr_at_1_max": 51.62632337425907, + "nauc_mrr_at_1_std": 29.68452022378797, + "nauc_mrr_at_20_diff1": 44.30198592107031, + "nauc_mrr_at_20_max": 54.758257064607385, + "nauc_mrr_at_20_std": 33.85765225017787, + "nauc_mrr_at_3_diff1": 44.300646770830745, + "nauc_mrr_at_3_max": 55.05487704215323, + "nauc_mrr_at_3_std": 33.6243706461525, + "nauc_mrr_at_5_diff1": 44.254814329835774, + "nauc_mrr_at_5_max": 55.429557231467555, + "nauc_mrr_at_5_std": 33.89131816053683, + "nauc_ndcg_at_1000_diff1": 26.532231272555943, + "nauc_ndcg_at_1000_max": 42.82810443913827, + "nauc_ndcg_at_1000_std": 41.786347836419175, + "nauc_ndcg_at_100_diff1": 29.769506208591867, + "nauc_ndcg_at_100_max": 38.53042002334068, + "nauc_ndcg_at_100_std": 33.887665540688886, + "nauc_ndcg_at_10_diff1": 31.732079187467072, + "nauc_ndcg_at_10_max": 39.82093012860551, + "nauc_ndcg_at_10_std": 29.1806509581709, + "nauc_ndcg_at_1_diff1": 39.54320133436284, + "nauc_ndcg_at_1_max": 42.045131681424216, + "nauc_ndcg_at_1_std": 25.077965965725056, + "nauc_ndcg_at_20_diff1": 31.45644544950967, + "nauc_ndcg_at_20_max": 36.28423421245746, + "nauc_ndcg_at_20_std": 28.30688750237228, + "nauc_ndcg_at_3_diff1": 29.70854623710537, + "nauc_ndcg_at_3_max": 39.94336409131591, + "nauc_ndcg_at_3_std": 27.22757989754428, + "nauc_ndcg_at_5_diff1": 30.651845085418376, + "nauc_ndcg_at_5_max": 40.37224782227242, + "nauc_ndcg_at_5_std": 27.502645528938817, + "nauc_precision_at_1000_diff1": -13.927590619742706, + "nauc_precision_at_1000_max": 3.1836041302862386, + "nauc_precision_at_1000_std": 15.58030701421384, + "nauc_precision_at_100_diff1": -6.758322244317817, + "nauc_precision_at_100_max": 28.118442940968187, + "nauc_precision_at_100_std": 43.53996850999107, + "nauc_precision_at_10_diff1": 7.804251693756052, + "nauc_precision_at_10_max": 39.42439336826685, + "nauc_precision_at_10_std": 41.41138537059063, + "nauc_precision_at_1_diff1": 45.93444117911359, + "nauc_precision_at_1_max": 51.62632337425907, + "nauc_precision_at_1_std": 29.68452022378797, + "nauc_precision_at_20_diff1": -0.12893175925907663, + "nauc_precision_at_20_max": 35.05865541707333, + "nauc_precision_at_20_std": 43.92422660338514, + "nauc_precision_at_3_diff1": 16.156714450361957, + "nauc_precision_at_3_max": 39.392697606797675, + "nauc_precision_at_3_std": 35.04515973514324, + "nauc_precision_at_5_diff1": 11.96106707384123, + "nauc_precision_at_5_max": 38.93920971689429, + "nauc_precision_at_5_std": 36.95318644468955, + "nauc_recall_at_1000_diff1": 13.88981638274071, + "nauc_recall_at_1000_max": 31.97503175789552, + "nauc_recall_at_1000_std": 46.86459640727557, + "nauc_recall_at_100_diff1": 21.231813262732814, + "nauc_recall_at_100_max": 27.607024026953887, + "nauc_recall_at_100_std": 33.43815591518041, + "nauc_recall_at_10_diff1": 31.161072928150496, + "nauc_recall_at_10_max": 16.792954450120913, + "nauc_recall_at_10_std": 7.9865023792723395, + "nauc_recall_at_1_diff1": 47.36289088982068, + "nauc_recall_at_1_max": 16.040304183649507, + "nauc_recall_at_1_std": 2.4515925926521254, + "nauc_recall_at_20_diff1": 25.765142923465966, + "nauc_recall_at_20_max": 16.296695698388213, + "nauc_recall_at_20_std": 12.842983647767928, + "nauc_recall_at_3_diff1": 32.22545303434119, + "nauc_recall_at_3_max": 8.911149866544205, + "nauc_recall_at_3_std": 0.6114376548438478, + "nauc_recall_at_5_diff1": 31.513268164295926, + "nauc_recall_at_5_max": 11.88810794407339, + "nauc_recall_at_5_std": 2.2459671612376306, + "ndcg_at_1": 40.5, + "ndcg_at_10": 31.115, + "ndcg_at_100": 34.508, + "ndcg_at_1000": 41.71, + "ndcg_at_20": 30.505, + "ndcg_at_3": 35.303000000000004, + "ndcg_at_5": 32.547, + "precision_at_1": 49.75, + "precision_at_10": 24.7, + "precision_at_100": 8.012, + "precision_at_1000": 1.818, + "precision_at_20": 18.425, + "precision_at_3": 38.417, + "precision_at_5": 31.35, + "recall_at_1": 6.665, + "recall_at_10": 18.529999999999998, + "recall_at_100": 39.309, + "recall_at_1000": 63.085, + "recall_at_20": 24.237000000000002, + "recall_at_3": 11.648, + "recall_at_5": 13.969000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__KartonBERT-USE-base-v1/external/DBPedia-PLHardNegatives.json b/results/OrlikB__KartonBERT-USE-base-v1/external/DBPedia-PLHardNegatives.json new file mode 100644 index 000000000..6325df7a5 --- /dev/null +++ b/results/OrlikB__KartonBERT-USE-base-v1/external/DBPedia-PLHardNegatives.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "bebc2b5c8f73cd6ba9d2a4664d5f3769e6ad557a", + "task_name": "DBPedia-PLHardNegatives", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 36.334, + "map_at_1": 7.4270000000000005, + "map_at_10": 15.809999999999999, + "map_at_100": 25.295, + "map_at_1000": 28.994999999999997, + "map_at_20": 18.598, + "map_at_3": 11.225999999999999, + "map_at_5": 13.075000000000001, + "mrr_at_1": 56.49999999999999, + "mrr_at_10": 67.59107142857142, + "mrr_at_100": 67.97602561595816, + "mrr_at_1000": 67.98142601983503, + "mrr_at_20": 67.80010691385498, + "mrr_at_3": 65.5, + "mrr_at_5": 66.825, + "nauc_map_at_1000_diff1": 19.03489213465321, + "nauc_map_at_1000_max": 24.31248855223973, + "nauc_map_at_1000_std": 7.6486353701964065, + "nauc_map_at_100_diff1": 23.803948576163872, + "nauc_map_at_100_max": 26.064916066562972, + "nauc_map_at_100_std": 4.5603234154703065, + "nauc_map_at_10_diff1": 34.852165552762905, + "nauc_map_at_10_max": 15.937406490323783, + "nauc_map_at_10_std": -11.21886485917206, + "nauc_map_at_1_diff1": 43.611175943667455, + "nauc_map_at_1_max": 10.29490789808112, + "nauc_map_at_1_std": -15.47370286445684, + "nauc_map_at_20_diff1": 31.63917106452436, + "nauc_map_at_20_max": 20.02214953017864, + "nauc_map_at_20_std": -5.944642243477304, + "nauc_map_at_3_diff1": 38.40895845560947, + "nauc_map_at_3_max": 11.73261168022514, + "nauc_map_at_3_std": -15.957596656985743, + "nauc_map_at_5_diff1": 37.74389955615709, + "nauc_map_at_5_max": 12.530750051473461, + "nauc_map_at_5_std": -14.904446849665357, + "nauc_mrr_at_1000_diff1": 37.3255053078257, + "nauc_mrr_at_1000_max": 50.092590673362835, + "nauc_mrr_at_1000_std": 24.465063640168896, + "nauc_mrr_at_100_diff1": 37.317631959351154, + "nauc_mrr_at_100_max": 50.089186894932446, + "nauc_mrr_at_100_std": 24.47297127967704, + "nauc_mrr_at_10_diff1": 37.26619954875676, + "nauc_mrr_at_10_max": 50.35898421281153, + "nauc_mrr_at_10_std": 24.53041743892045, + "nauc_mrr_at_1_diff1": 38.257605492082334, + "nauc_mrr_at_1_max": 45.15981702574061, + "nauc_mrr_at_1_std": 19.840646832561436, + "nauc_mrr_at_20_diff1": 37.43862334380517, + "nauc_mrr_at_20_max": 50.173131837502375, + "nauc_mrr_at_20_std": 24.539969193655452, + "nauc_mrr_at_3_diff1": 37.88117659952954, + "nauc_mrr_at_3_max": 51.60950598444801, + "nauc_mrr_at_3_std": 25.166999682440615, + "nauc_mrr_at_5_diff1": 37.958493437638026, + "nauc_mrr_at_5_max": 51.21047679102041, + "nauc_mrr_at_5_std": 24.69873551695111, + "nauc_ndcg_at_1000_diff1": 18.79475374007571, + "nauc_ndcg_at_1000_max": 38.41026674964163, + "nauc_ndcg_at_1000_std": 26.689990462447888, + "nauc_ndcg_at_100_diff1": 21.578286919038224, + "nauc_ndcg_at_100_max": 33.60574596089818, + "nauc_ndcg_at_100_std": 13.551338023245407, + "nauc_ndcg_at_10_diff1": 25.57361673709202, + "nauc_ndcg_at_10_max": 32.54833248349918, + "nauc_ndcg_at_10_std": 8.51937062532666, + "nauc_ndcg_at_1_diff1": 31.81949553561505, + "nauc_ndcg_at_1_max": 34.38816292397119, + "nauc_ndcg_at_1_std": 13.948958424185824, + "nauc_ndcg_at_20_diff1": 26.103449829594766, + "nauc_ndcg_at_20_max": 30.71124051388171, + "nauc_ndcg_at_20_std": 7.071826626406438, + "nauc_ndcg_at_3_diff1": 23.45723135474484, + "nauc_ndcg_at_3_max": 34.80165664743321, + "nauc_ndcg_at_3_std": 11.811364107953635, + "nauc_ndcg_at_5_diff1": 25.820575290072824, + "nauc_ndcg_at_5_max": 33.57773696590368, + "nauc_ndcg_at_5_std": 10.115752058469747, + "nauc_precision_at_1000_diff1": -16.854445390790353, + "nauc_precision_at_1000_max": -10.816821804734126, + "nauc_precision_at_1000_std": -3.569694723301324, + "nauc_precision_at_100_diff1": -17.072761519475527, + "nauc_precision_at_100_max": 10.65661794744656, + "nauc_precision_at_100_std": 20.505610434684947, + "nauc_precision_at_10_diff1": -0.9054613184930507, + "nauc_precision_at_10_max": 30.391584829217706, + "nauc_precision_at_10_std": 24.808586474275025, + "nauc_precision_at_1_diff1": 38.257605492082334, + "nauc_precision_at_1_max": 45.15981702574061, + "nauc_precision_at_1_std": 19.840646832561436, + "nauc_precision_at_20_diff1": -7.2709845751747615, + "nauc_precision_at_20_max": 25.023088848967213, + "nauc_precision_at_20_std": 24.518659186798256, + "nauc_precision_at_3_diff1": 9.282149063740338, + "nauc_precision_at_3_max": 34.52938117524703, + "nauc_precision_at_3_std": 18.985796468895796, + "nauc_precision_at_5_diff1": 5.981279708090407, + "nauc_precision_at_5_max": 31.74568145808379, + "nauc_precision_at_5_std": 21.190093133655658, + "nauc_recall_at_1000_diff1": 9.56810937763011, + "nauc_recall_at_1000_max": 36.88125925346485, + "nauc_recall_at_1000_std": 54.516273733852096, + "nauc_recall_at_100_diff1": 12.66136659540159, + "nauc_recall_at_100_max": 21.842810710889896, + "nauc_recall_at_100_std": 11.099322582373153, + "nauc_recall_at_10_diff1": 27.227630640264373, + "nauc_recall_at_10_max": 8.920146050576527, + "nauc_recall_at_10_std": -13.094871094982471, + "nauc_recall_at_1_diff1": 43.611175943667455, + "nauc_recall_at_1_max": 10.29490789808112, + "nauc_recall_at_1_std": -15.47370286445684, + "nauc_recall_at_20_diff1": 24.213720610882994, + "nauc_recall_at_20_max": 13.984478640047193, + "nauc_recall_at_20_std": -6.873995197727176, + "nauc_recall_at_3_diff1": 34.7580051454075, + "nauc_recall_at_3_max": 9.41880541336725, + "nauc_recall_at_3_std": -16.155623757406694, + "nauc_recall_at_5_diff1": 33.9246093125407, + "nauc_recall_at_5_max": 7.8188437738274335, + "nauc_recall_at_5_std": -16.27760332961706, + "ndcg_at_1": 46.125, + "ndcg_at_10": 36.334, + "ndcg_at_100": 45.507, + "ndcg_at_1000": 55.42, + "ndcg_at_20": 36.356, + "ndcg_at_3": 39.544000000000004, + "ndcg_at_5": 37.282, + "precision_at_1": 56.49999999999999, + "precision_at_10": 30.099999999999998, + "precision_at_100": 13.295000000000002, + "precision_at_1000": 3.107, + "precision_at_20": 24.05, + "precision_at_3": 43.25, + "precision_at_5": 36.7, + "recall_at_1": 7.4270000000000005, + "recall_at_10": 21.939, + "recall_at_100": 57.275, + "recall_at_1000": 87.541, + "recall_at_20": 28.887, + "recall_at_3": 12.488000000000001, + "recall_at_5": 16.012 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__KartonBERT-USE-base-v1/external/EightTagsClustering.json b/results/OrlikB__KartonBERT-USE-base-v1/external/EightTagsClustering.json new file mode 100644 index 000000000..93c3c065e --- /dev/null +++ b/results/OrlikB__KartonBERT-USE-base-v1/external/EightTagsClustering.json @@ -0,0 +1,28 @@ +{ + "dataset_revision": "78b962b130c6690659c65abf67bf1c2f030606b6", + "task_name": "EightTagsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 29.45128843333412, + "v_measure": 29.45128843333412, + "v_measure_std": 3.041162560667918 + }, + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 29.8763373396929, + "v_measure": 29.8763373396929, + "v_measure_std": 2.1856457067601442 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__KartonBERT-USE-base-v1/external/FiQA-PL.json b/results/OrlikB__KartonBERT-USE-base-v1/external/FiQA-PL.json new file mode 100644 index 000000000..2d7bea209 --- /dev/null +++ b/results/OrlikB__KartonBERT-USE-base-v1/external/FiQA-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "2e535829717f8bf9dc829b7f911cc5bbd4e6608e", + "task_name": "FiQA-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 35.528, + "map_at_1": 17.557000000000002, + "map_at_10": 28.286, + "map_at_100": 30.034, + "map_at_1000": 30.23, + "map_at_20": 29.26, + "map_at_3": 24.845, + "map_at_5": 26.499, + "mrr_at_1": 34.72222222222222, + "mrr_at_10": 43.146923378404864, + "mrr_at_100": 44.04815902024235, + "mrr_at_1000": 44.097903716068586, + "mrr_at_20": 43.7156255652916, + "mrr_at_3": 40.715020576131685, + "mrr_at_5": 41.92644032921811, + "nauc_map_at_1000_diff1": 33.644270831543075, + "nauc_map_at_1000_max": 24.03453792787825, + "nauc_map_at_1000_std": 1.97615287272658, + "nauc_map_at_100_diff1": 33.6032740378985, + "nauc_map_at_100_max": 23.89185578371163, + "nauc_map_at_100_std": 1.8654578877539438, + "nauc_map_at_10_diff1": 33.883307076533676, + "nauc_map_at_10_max": 22.682305975492028, + "nauc_map_at_10_std": 0.8046906577573549, + "nauc_map_at_1_diff1": 37.655216700037144, + "nauc_map_at_1_max": 16.668551169596526, + "nauc_map_at_1_std": -4.0646987080934895, + "nauc_map_at_20_diff1": 33.58718564397087, + "nauc_map_at_20_max": 23.389386039635035, + "nauc_map_at_20_std": 1.395995783937243, + "nauc_map_at_3_diff1": 34.35572697234372, + "nauc_map_at_3_max": 20.45983616887038, + "nauc_map_at_3_std": -1.2736797152737924, + "nauc_map_at_5_diff1": 34.34016596200666, + "nauc_map_at_5_max": 22.418291988627736, + "nauc_map_at_5_std": -0.44701086507254306, + "nauc_mrr_at_1000_diff1": 36.19004469292243, + "nauc_mrr_at_1000_max": 30.56126525504521, + "nauc_mrr_at_1000_std": 3.4741128332372306, + "nauc_mrr_at_100_diff1": 36.184227341579984, + "nauc_mrr_at_100_max": 30.550618338595836, + "nauc_mrr_at_100_std": 3.462976738014996, + "nauc_mrr_at_10_diff1": 36.30215412647522, + "nauc_mrr_at_10_max": 30.487801430449498, + "nauc_mrr_at_10_std": 3.448188439511118, + "nauc_mrr_at_1_diff1": 38.95670761428797, + "nauc_mrr_at_1_max": 29.4564169058169, + "nauc_mrr_at_1_std": -0.33742039884770314, + "nauc_mrr_at_20_diff1": 36.22848718875828, + "nauc_mrr_at_20_max": 30.594947294958303, + "nauc_mrr_at_20_std": 3.4116016526988298, + "nauc_mrr_at_3_diff1": 36.34985197043398, + "nauc_mrr_at_3_max": 30.532575216956936, + "nauc_mrr_at_3_std": 2.6086817144501344, + "nauc_mrr_at_5_diff1": 36.43204592281127, + "nauc_mrr_at_5_max": 30.510055166263804, + "nauc_mrr_at_5_std": 2.7846933372715474, + "nauc_ndcg_at_1000_diff1": 33.569589146097606, + "nauc_ndcg_at_1000_max": 28.44966024793093, + "nauc_ndcg_at_1000_std": 6.687377760452772, + "nauc_ndcg_at_100_diff1": 33.41392761635845, + "nauc_ndcg_at_100_max": 26.802853552558226, + "nauc_ndcg_at_100_std": 5.728593254623888, + "nauc_ndcg_at_10_diff1": 33.688317854955066, + "nauc_ndcg_at_10_max": 24.328331387672677, + "nauc_ndcg_at_10_std": 3.2688582818838525, + "nauc_ndcg_at_1_diff1": 38.95670761428797, + "nauc_ndcg_at_1_max": 29.4564169058169, + "nauc_ndcg_at_1_std": -0.33742039884770314, + "nauc_ndcg_at_20_diff1": 33.06908590284782, + "nauc_ndcg_at_20_max": 25.552680732497357, + "nauc_ndcg_at_20_std": 4.212872336532075, + "nauc_ndcg_at_3_diff1": 33.802719939106936, + "nauc_ndcg_at_3_max": 26.786920515224622, + "nauc_ndcg_at_3_std": 1.997987618355165, + "nauc_ndcg_at_5_diff1": 34.160233314172075, + "nauc_ndcg_at_5_max": 25.400020591229104, + "nauc_ndcg_at_5_std": 1.7012614030206177, + "nauc_precision_at_1000_diff1": 2.513296682036913, + "nauc_precision_at_1000_max": 29.943306602524, + "nauc_precision_at_1000_std": 14.284110752896906, + "nauc_precision_at_100_diff1": 9.00849244829456, + "nauc_precision_at_100_max": 32.061761129561845, + "nauc_precision_at_100_std": 15.263912490326792, + "nauc_precision_at_10_diff1": 18.545801394437728, + "nauc_precision_at_10_max": 33.1450392767742, + "nauc_precision_at_10_std": 12.798727612731073, + "nauc_precision_at_1_diff1": 38.95670761428797, + "nauc_precision_at_1_max": 29.4564169058169, + "nauc_precision_at_1_std": -0.33742039884770314, + "nauc_precision_at_20_diff1": 14.32446132754539, + "nauc_precision_at_20_max": 33.691221995211606, + "nauc_precision_at_20_std": 14.279203240881522, + "nauc_precision_at_3_diff1": 24.812141928018846, + "nauc_precision_at_3_max": 32.503439032877026, + "nauc_precision_at_3_std": 7.7068527544857215, + "nauc_precision_at_5_diff1": 23.78762563464159, + "nauc_precision_at_5_max": 34.70036993285849, + "nauc_precision_at_5_std": 8.956553891218908, + "nauc_recall_at_1000_diff1": 20.97047749110538, + "nauc_recall_at_1000_max": 32.50998840246347, + "nauc_recall_at_1000_std": 36.74691034137564, + "nauc_recall_at_100_diff1": 24.410642765125317, + "nauc_recall_at_100_max": 19.3720875912961, + "nauc_recall_at_100_std": 14.436674160770957, + "nauc_recall_at_10_diff1": 27.25521943152881, + "nauc_recall_at_10_max": 16.53742681254563, + "nauc_recall_at_10_std": 5.693616949046378, + "nauc_recall_at_1_diff1": 37.655216700037144, + "nauc_recall_at_1_max": 16.668551169596526, + "nauc_recall_at_1_std": -4.0646987080934895, + "nauc_recall_at_20_diff1": 24.374626441398036, + "nauc_recall_at_20_max": 18.945220734293102, + "nauc_recall_at_20_std": 8.277345594606045, + "nauc_recall_at_3_diff1": 30.295438911225535, + "nauc_recall_at_3_max": 17.72576332782552, + "nauc_recall_at_3_std": -0.4150602462194551, + "nauc_recall_at_5_diff1": 29.147471255769474, + "nauc_recall_at_5_max": 18.160645721922407, + "nauc_recall_at_5_std": 1.184845715848266, + "ndcg_at_1": 34.721999999999994, + "ndcg_at_10": 35.528, + "ndcg_at_100": 42.251, + "ndcg_at_1000": 45.693, + "ndcg_at_20": 38.216, + "ndcg_at_3": 32.151, + "ndcg_at_5": 32.727000000000004, + "precision_at_1": 34.721999999999994, + "precision_at_10": 9.846, + "precision_at_100": 1.662, + "precision_at_1000": 0.22699999999999998, + "precision_at_20": 6.010999999999999, + "precision_at_3": 21.348, + "precision_at_5": 15.123000000000001, + "recall_at_1": 17.557000000000002, + "recall_at_10": 42.065000000000005, + "recall_at_100": 67.207, + "recall_at_1000": 88.016, + "recall_at_20": 50.345, + "recall_at_3": 29.479, + "recall_at_5": 33.992 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__KartonBERT-USE-base-v1/external/FloresBitextMining.json b/results/OrlikB__KartonBERT-USE-base-v1/external/FloresBitextMining.json new file mode 100644 index 000000000..127a513c8 --- /dev/null +++ b/results/OrlikB__KartonBERT-USE-base-v1/external/FloresBitextMining.json @@ -0,0 +1,4882 @@ +{ + "dataset_revision": "e6b647fcb6299a2f686f742f4d4c023e553ea67e", + "task_name": "FloresBitextMining", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "devtest": [ + { + "hf_subset": "ace_Arab-pol_Latn", + "languages": [ + "ace-Arab", + "pol-Latn" + ], + "accuracy": 0.592885375494071, + "f1": 0.3181350268903164, + "main_score": 0.3181350268903164, + "precision": 0.30839411484572776, + "recall": 0.592885375494071 + }, + { + "hf_subset": "bam_Latn-pol_Latn", + "languages": [ + "bam-Latn", + "pol-Latn" + ], + "accuracy": 22.727272727272727, + "f1": 18.856205163673437, + "main_score": 18.856205163673437, + "precision": 17.853574155086342, + "recall": 22.727272727272727 + }, + { + "hf_subset": "dzo_Tibt-pol_Latn", + "languages": [ + "dzo-Tibt", + "pol-Latn" + ], + "accuracy": 0.1976284584980237, + "f1": 0.09900990099009901, + "main_score": 0.09900990099009901, + "precision": 0.09891216208275716, + "recall": 0.1976284584980237 + }, + { + "hf_subset": "hin_Deva-pol_Latn", + "languages": [ + "hin-Deva", + "pol-Latn" + ], + "accuracy": 3.9525691699604746, + "f1": 2.897496113899276, + "main_score": 2.897496113899276, + "precision": 2.611381778726582, + "recall": 3.9525691699604746 + }, + { + "hf_subset": "khm_Khmr-pol_Latn", + "languages": [ + "khm-Khmr", + "pol-Latn" + ], + "accuracy": 23.418972332015812, + "f1": 21.422759388174406, + "main_score": 21.422759388174406, + "precision": 20.7400345871417, + "recall": 23.418972332015812 + }, + { + "hf_subset": "mag_Deva-pol_Latn", + "languages": [ + "mag-Deva", + "pol-Latn" + ], + "accuracy": 3.458498023715415, + "f1": 2.622018112486536, + "main_score": 2.622018112486536, + "precision": 2.4537595577858893, + "recall": 3.458498023715415 + }, + { + "hf_subset": "pap_Latn-pol_Latn", + "languages": [ + "pap-Latn", + "pol-Latn" + ], + "accuracy": 39.03162055335969, + "f1": 35.30015219760418, + "main_score": 35.30015219760418, + "precision": 34.15844644794522, + "recall": 39.03162055335969 + }, + { + "hf_subset": "sot_Latn-pol_Latn", + "languages": [ + "sot-Latn", + "pol-Latn" + ], + "accuracy": 20.158102766798418, + "f1": 17.69223633337849, + "main_score": 17.69223633337849, + "precision": 17.098070294852068, + "recall": 20.158102766798418 + }, + { + "hf_subset": "tur_Latn-pol_Latn", + "languages": [ + "tur-Latn", + "pol-Latn" + ], + "accuracy": 24.703557312252965, + "f1": 21.29177122803851, + "main_score": 21.29177122803851, + "precision": 20.34792343942746, + "recall": 24.703557312252965 + }, + { + "hf_subset": "ace_Latn-pol_Latn", + "languages": [ + "ace-Latn", + "pol-Latn" + ], + "accuracy": 25.889328063241106, + "f1": 23.06308953172751, + "main_score": 23.06308953172751, + "precision": 22.24893068053073, + "recall": 25.889328063241106 + }, + { + "hf_subset": "ban_Latn-pol_Latn", + "languages": [ + "ban-Latn", + "pol-Latn" + ], + "accuracy": 25.494071146245062, + "f1": 22.007814923395514, + "main_score": 22.007814923395514, + "precision": 21.18801029853241, + "recall": 25.494071146245062 + }, + { + "hf_subset": "ell_Grek-pol_Latn", + "languages": [ + "ell-Grek", + "pol-Latn" + ], + "accuracy": 8.102766798418973, + "f1": 6.988965766514098, + "main_score": 6.988965766514098, + "precision": 6.712602330760323, + "recall": 8.102766798418973 + }, + { + "hf_subset": "hne_Deva-pol_Latn", + "languages": [ + "hne-Deva", + "pol-Latn" + ], + "accuracy": 2.371541501976284, + "f1": 1.6313787028973608, + "main_score": 1.6313787028973608, + "precision": 1.4932697009729146, + "recall": 2.371541501976284 + }, + { + "hf_subset": "kik_Latn-pol_Latn", + "languages": [ + "kik-Latn", + "pol-Latn" + ], + "accuracy": 32.31225296442688, + "f1": 27.111449621000936, + "main_score": 27.111449621000936, + "precision": 25.53133982182309, + "recall": 32.31225296442688 + }, + { + "hf_subset": "mai_Deva-pol_Latn", + "languages": [ + "mai-Deva", + "pol-Latn" + ], + "accuracy": 5.0395256916996045, + "f1": 3.966855997318039, + "main_score": 3.966855997318039, + "precision": 3.6789065258502127, + "recall": 5.0395256916996045 + }, + { + "hf_subset": "pbt_Arab-pol_Latn", + "languages": [ + "pbt-Arab", + "pol-Latn" + ], + "accuracy": 9.782608695652174, + "f1": 9.121288821137288, + "main_score": 9.121288821137288, + "precision": 8.943568976230727, + "recall": 9.782608695652174 + }, + { + "hf_subset": "spa_Latn-pol_Latn", + "languages": [ + "spa-Latn", + "pol-Latn" + ], + "accuracy": 31.422924901185773, + "f1": 29.66768938484047, + "main_score": 29.66768938484047, + "precision": 29.105673047225345, + "recall": 31.422924901185773 + }, + { + "hf_subset": "twi_Latn-pol_Latn", + "languages": [ + "twi-Latn", + "pol-Latn" + ], + "accuracy": 36.16600790513834, + "f1": 31.626095086908773, + "main_score": 31.626095086908773, + "precision": 30.198784888700832, + "recall": 36.16600790513834 + }, + { + "hf_subset": "acm_Arab-pol_Latn", + "languages": [ + "acm-Arab", + "pol-Latn" + ], + "accuracy": 3.557312252964427, + "f1": 2.721978575559138, + "main_score": 2.721978575559138, + "precision": 2.5283071397201833, + "recall": 3.557312252964427 + }, + { + "hf_subset": "bel_Cyrl-pol_Latn", + "languages": [ + "bel-Cyrl", + "pol-Latn" + ], + "accuracy": 3.6561264822134385, + "f1": 2.831898415680433, + "main_score": 2.831898415680433, + "precision": 2.683681277663466, + "recall": 3.6561264822134385 + }, + { + "hf_subset": "eng_Latn-pol_Latn", + "languages": [ + "eng-Latn", + "pol-Latn" + ], + "accuracy": 99.90118577075098, + "f1": 99.86824769433464, + "main_score": 99.86824769433464, + "precision": 99.85177865612648, + "recall": 99.90118577075098 + }, + { + "hf_subset": "hrv_Latn-pol_Latn", + "languages": [ + "hrv-Latn", + "pol-Latn" + ], + "accuracy": 39.52569169960474, + "f1": 34.67037471251808, + "main_score": 34.67037471251808, + "precision": 33.32842236446319, + "recall": 39.52569169960474 + }, + { + "hf_subset": "kin_Latn-pol_Latn", + "languages": [ + "kin-Latn", + "pol-Latn" + ], + "accuracy": 16.798418972332016, + "f1": 14.429336215660468, + "main_score": 14.429336215660468, + "precision": 13.794164021713101, + "recall": 16.798418972332016 + }, + { + "hf_subset": "mal_Mlym-pol_Latn", + "languages": [ + "mal-Mlym", + "pol-Latn" + ], + "accuracy": 3.3596837944664033, + "f1": 2.4283903952876282, + "main_score": 2.4283903952876282, + "precision": 2.2272021456804065, + "recall": 3.3596837944664033 + }, + { + "hf_subset": "pes_Arab-pol_Latn", + "languages": [ + "pes-Arab", + "pol-Latn" + ], + "accuracy": 7.312252964426877, + "f1": 6.133645183085144, + "main_score": 6.133645183085144, + "precision": 5.840438054980056, + "recall": 7.312252964426877 + }, + { + "hf_subset": "srd_Latn-pol_Latn", + "languages": [ + "srd-Latn", + "pol-Latn" + ], + "accuracy": 27.37154150197628, + "f1": 24.557303562561366, + "main_score": 24.557303562561366, + "precision": 23.69733617903604, + "recall": 27.37154150197628 + }, + { + "hf_subset": "tzm_Tfng-pol_Latn", + "languages": [ + "tzm-Tfng", + "pol-Latn" + ], + "accuracy": 3.6561264822134385, + "f1": 2.7323453897955785, + "main_score": 2.7323453897955785, + "precision": 2.5125182239806745, + "recall": 3.6561264822134385 + }, + { + "hf_subset": "acq_Arab-pol_Latn", + "languages": [ + "acq-Arab", + "pol-Latn" + ], + "accuracy": 3.6561264822134385, + "f1": 2.7828303630661635, + "main_score": 2.7828303630661635, + "precision": 2.6216215063238377, + "recall": 3.6561264822134385 + }, + { + "hf_subset": "bem_Latn-pol_Latn", + "languages": [ + "bem-Latn", + "pol-Latn" + ], + "accuracy": 23.418972332015812, + "f1": 20.18154247440937, + "main_score": 20.18154247440937, + "precision": 19.337227107086584, + "recall": 23.418972332015812 + }, + { + "hf_subset": "epo_Latn-pol_Latn", + "languages": [ + "epo-Latn", + "pol-Latn" + ], + "accuracy": 34.58498023715415, + "f1": 31.141139192708856, + "main_score": 31.141139192708856, + "precision": 30.228963674031846, + "recall": 34.58498023715415 + }, + { + "hf_subset": "hun_Latn-pol_Latn", + "languages": [ + "hun-Latn", + "pol-Latn" + ], + "accuracy": 21.83794466403162, + "f1": 18.382660044834967, + "main_score": 18.382660044834967, + "precision": 17.62388154204811, + "recall": 21.83794466403162 + }, + { + "hf_subset": "kir_Cyrl-pol_Latn", + "languages": [ + "kir-Cyrl", + "pol-Latn" + ], + "accuracy": 5.7312252964426875, + "f1": 4.390398521734955, + "main_score": 4.390398521734955, + "precision": 4.083283520585645, + "recall": 5.7312252964426875 + }, + { + "hf_subset": "mar_Deva-pol_Latn", + "languages": [ + "mar-Deva", + "pol-Latn" + ], + "accuracy": 3.3596837944664033, + "f1": 2.8885124537298448, + "main_score": 2.8885124537298448, + "precision": 2.7483235363670144, + "recall": 3.3596837944664033 + }, + { + "hf_subset": "plt_Latn-pol_Latn", + "languages": [ + "plt-Latn", + "pol-Latn" + ], + "accuracy": 17.490118577075098, + "f1": 14.096422773395407, + "main_score": 14.096422773395407, + "precision": 13.352882758512802, + "recall": 17.490118577075098 + }, + { + "hf_subset": "srp_Cyrl-pol_Latn", + "languages": [ + "srp-Cyrl", + "pol-Latn" + ], + "accuracy": 4.940711462450593, + "f1": 3.9464130963200947, + "main_score": 3.9464130963200947, + "precision": 3.6485591702983005, + "recall": 4.940711462450593 + }, + { + "hf_subset": "uig_Arab-pol_Latn", + "languages": [ + "uig-Arab", + "pol-Latn" + ], + "accuracy": 6.422924901185771, + "f1": 5.005627451279625, + "main_score": 5.005627451279625, + "precision": 4.641382098959696, + "recall": 6.422924901185771 + }, + { + "hf_subset": "aeb_Arab-pol_Latn", + "languages": [ + "aeb-Arab", + "pol-Latn" + ], + "accuracy": 3.557312252964427, + "f1": 2.6480295253947594, + "main_score": 2.6480295253947594, + "precision": 2.4734523333559957, + "recall": 3.557312252964427 + }, + { + "hf_subset": "ben_Beng-pol_Latn", + "languages": [ + "ben-Beng", + "pol-Latn" + ], + "accuracy": 3.458498023715415, + "f1": 2.9105495953322036, + "main_score": 2.9105495953322036, + "precision": 2.7819736015310457, + "recall": 3.458498023715415 + }, + { + "hf_subset": "est_Latn-pol_Latn", + "languages": [ + "est-Latn", + "pol-Latn" + ], + "accuracy": 23.122529644268774, + "f1": 19.955099258098155, + "main_score": 19.955099258098155, + "precision": 19.23495074794038, + "recall": 23.122529644268774 + }, + { + "hf_subset": "hye_Armn-pol_Latn", + "languages": [ + "hye-Armn", + "pol-Latn" + ], + "accuracy": 4.446640316205533, + "f1": 3.2768240711744383, + "main_score": 3.2768240711744383, + "precision": 3.0602119144770374, + "recall": 4.446640316205533 + }, + { + "hf_subset": "kmb_Latn-pol_Latn", + "languages": [ + "kmb-Latn", + "pol-Latn" + ], + "accuracy": 14.32806324110672, + "f1": 12.331135021968532, + "main_score": 12.331135021968532, + "precision": 11.91995364188873, + "recall": 14.32806324110672 + }, + { + "hf_subset": "min_Arab-pol_Latn", + "languages": [ + "min-Arab", + "pol-Latn" + ], + "accuracy": 0.3952569169960474, + "f1": 0.20182057731464847, + "main_score": 0.20182057731464847, + "precision": 0.1997649956026004, + "recall": 0.3952569169960474 + }, + { + "hf_subset": "pol_Latn-ace_Arab", + "languages": [ + "pol-Latn", + "ace-Arab" + ], + "accuracy": 0.592885375494071, + "f1": 0.07409945181279336, + "main_score": 0.07409945181279336, + "precision": 0.04302453996987383, + "recall": 0.592885375494071 + }, + { + "hf_subset": "pol_Latn-bam_Latn", + "languages": [ + "pol-Latn", + "bam-Latn" + ], + "accuracy": 24.40711462450593, + "f1": 19.400581302755214, + "main_score": 19.400581302755214, + "precision": 17.845439584570016, + "recall": 24.40711462450593 + }, + { + "hf_subset": "pol_Latn-dzo_Tibt", + "languages": [ + "pol-Latn", + "dzo-Tibt" + ], + "accuracy": 0.2964426877470355, + "f1": 0.009811695142164987, + "main_score": 0.009811695142164987, + "precision": 0.005088402404388525, + "recall": 0.2964426877470355 + }, + { + "hf_subset": "pol_Latn-hin_Deva", + "languages": [ + "pol-Latn", + "hin-Deva" + ], + "accuracy": 7.806324110671936, + "f1": 4.700948820933142, + "main_score": 4.700948820933142, + "precision": 4.085403094012081, + "recall": 7.806324110671936 + }, + { + "hf_subset": "pol_Latn-khm_Khmr", + "languages": [ + "pol-Latn", + "khm-Khmr" + ], + "accuracy": 28.458498023715418, + "f1": 20.920653101020132, + "main_score": 20.920653101020132, + "precision": 18.878444679295004, + "recall": 28.458498023715418 + }, + { + "hf_subset": "pol_Latn-mag_Deva", + "languages": [ + "pol-Latn", + "mag-Deva" + ], + "accuracy": 7.905138339920949, + "f1": 4.7160981251785765, + "main_score": 4.7160981251785765, + "precision": 4.084836368220641, + "recall": 7.905138339920949 + }, + { + "hf_subset": "pol_Latn-pap_Latn", + "languages": [ + "pol-Latn", + "pap-Latn" + ], + "accuracy": 48.418972332015805, + "f1": 39.21844495373907, + "main_score": 39.21844495373907, + "precision": 35.95251819436602, + "recall": 48.418972332015805 + }, + { + "hf_subset": "pol_Latn-sot_Latn", + "languages": [ + "pol-Latn", + "sot-Latn" + ], + "accuracy": 29.249011857707508, + "f1": 20.207185491276398, + "main_score": 20.207185491276398, + "precision": 17.683968963307308, + "recall": 29.249011857707508 + }, + { + "hf_subset": "pol_Latn-tur_Latn", + "languages": [ + "pol-Latn", + "tur-Latn" + ], + "accuracy": 29.841897233201582, + "f1": 23.310580092941755, + "main_score": 23.310580092941755, + "precision": 21.51464711072004, + "recall": 29.841897233201582 + }, + { + "hf_subset": "pol_Latn-ace_Latn", + "languages": [ + "pol-Latn", + "ace-Latn" + ], + "accuracy": 35.276679841897234, + "f1": 26.56043312355645, + "main_score": 26.56043312355645, + "precision": 24.029183691544187, + "recall": 35.276679841897234 + }, + { + "hf_subset": "pol_Latn-ban_Latn", + "languages": [ + "pol-Latn", + "ban-Latn" + ], + "accuracy": 34.28853754940712, + "f1": 25.31387739735394, + "main_score": 25.31387739735394, + "precision": 22.630872914963824, + "recall": 34.28853754940712 + }, + { + "hf_subset": "pol_Latn-ell_Grek", + "languages": [ + "pol-Latn", + "ell-Grek" + ], + "accuracy": 12.944664031620553, + "f1": 7.700420087043759, + "main_score": 7.700420087043759, + "precision": 6.557677527690299, + "recall": 12.944664031620553 + }, + { + "hf_subset": "pol_Latn-hne_Deva", + "languages": [ + "pol-Latn", + "hne-Deva" + ], + "accuracy": 6.027667984189724, + "f1": 3.7449153372588277, + "main_score": 3.7449153372588277, + "precision": 3.233029505119999, + "recall": 6.027667984189724 + }, + { + "hf_subset": "pol_Latn-kik_Latn", + "languages": [ + "pol-Latn", + "kik-Latn" + ], + "accuracy": 33.794466403162055, + "f1": 27.039119650545697, + "main_score": 27.039119650545697, + "precision": 24.780510943296644, + "recall": 33.794466403162055 + }, + { + "hf_subset": "pol_Latn-mai_Deva", + "languages": [ + "pol-Latn", + "mai-Deva" + ], + "accuracy": 9.683794466403162, + "f1": 6.347035635402815, + "main_score": 6.347035635402815, + "precision": 5.645462573386804, + "recall": 9.683794466403162 + }, + { + "hf_subset": "pol_Latn-pbt_Arab", + "languages": [ + "pol-Latn", + "pbt-Arab" + ], + "accuracy": 13.83399209486166, + "f1": 8.577476120246123, + "main_score": 8.577476120246123, + "precision": 7.307301107422271, + "recall": 13.83399209486166 + }, + { + "hf_subset": "pol_Latn-spa_Latn", + "languages": [ + "pol-Latn", + "spa-Latn" + ], + "accuracy": 55.434782608695656, + "f1": 47.04059938743733, + "main_score": 47.04059938743733, + "precision": 43.96519899731363, + "recall": 55.434782608695656 + }, + { + "hf_subset": "pol_Latn-twi_Latn", + "languages": [ + "pol-Latn", + "twi-Latn" + ], + "accuracy": 36.95652173913043, + "f1": 29.213974786225428, + "main_score": 29.213974786225428, + "precision": 26.67718658701861, + "recall": 36.95652173913043 + }, + { + "hf_subset": "pol_Latn-acm_Arab", + "languages": [ + "pol-Latn", + "acm-Arab" + ], + "accuracy": 7.015810276679842, + "f1": 3.8689788384375685, + "main_score": 3.8689788384375685, + "precision": 3.295533948722674, + "recall": 7.015810276679842 + }, + { + "hf_subset": "pol_Latn-bel_Cyrl", + "languages": [ + "pol-Latn", + "bel-Cyrl" + ], + "accuracy": 7.312252964426877, + "f1": 4.433740291213768, + "main_score": 4.433740291213768, + "precision": 3.7685799545496645, + "recall": 7.312252964426877 + }, + { + "hf_subset": "pol_Latn-eng_Latn", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "accuracy": 98.81422924901186, + "f1": 98.41897233201581, + "main_score": 98.41897233201581, + "precision": 98.22134387351778, + "recall": 98.81422924901186 + }, + { + "hf_subset": "pol_Latn-hrv_Latn", + "languages": [ + "pol-Latn", + "hrv-Latn" + ], + "accuracy": 41.798418972332016, + "f1": 34.01400189073114, + "main_score": 34.01400189073114, + "precision": 31.4615696984529, + "recall": 41.798418972332016 + }, + { + "hf_subset": "pol_Latn-kin_Latn", + "languages": [ + "pol-Latn", + "kin-Latn" + ], + "accuracy": 22.134387351778656, + "f1": 14.941913199793063, + "main_score": 14.941913199793063, + "precision": 13.09437075957867, + "recall": 22.134387351778656 + }, + { + "hf_subset": "pol_Latn-mal_Mlym", + "languages": [ + "pol-Latn", + "mal-Mlym" + ], + "accuracy": 7.905138339920949, + "f1": 4.676431663013731, + "main_score": 4.676431663013731, + "precision": 3.963416458591999, + "recall": 7.905138339920949 + }, + { + "hf_subset": "pol_Latn-pes_Arab", + "languages": [ + "pol-Latn", + "pes-Arab" + ], + "accuracy": 11.6600790513834, + "f1": 7.168267060928982, + "main_score": 7.168267060928982, + "precision": 6.158810820381868, + "recall": 11.6600790513834 + }, + { + "hf_subset": "pol_Latn-srd_Latn", + "languages": [ + "pol-Latn", + "srd-Latn" + ], + "accuracy": 39.723320158102766, + "f1": 31.331230254155155, + "main_score": 31.331230254155155, + "precision": 28.576141140370382, + "recall": 39.723320158102766 + }, + { + "hf_subset": "pol_Latn-tzm_Tfng", + "languages": [ + "pol-Latn", + "tzm-Tfng" + ], + "accuracy": 7.312252964426877, + "f1": 3.9530501105195044, + "main_score": 3.9530501105195044, + "precision": 3.3006450734694783, + "recall": 7.312252964426877 + }, + { + "hf_subset": "pol_Latn-acq_Arab", + "languages": [ + "pol-Latn", + "acq-Arab" + ], + "accuracy": 6.521739130434782, + "f1": 3.7118615772057084, + "main_score": 3.7118615772057084, + "precision": 3.140963634812984, + "recall": 6.521739130434782 + }, + { + "hf_subset": "pol_Latn-bem_Latn", + "languages": [ + "pol-Latn", + "bem-Latn" + ], + "accuracy": 29.940711462450594, + "f1": 21.838134223625964, + "main_score": 21.838134223625964, + "precision": 19.601437433830295, + "recall": 29.940711462450594 + }, + { + "hf_subset": "pol_Latn-epo_Latn", + "languages": [ + "pol-Latn", + "epo-Latn" + ], + "accuracy": 45.25691699604743, + "f1": 37.470343665995834, + "main_score": 37.470343665995834, + "precision": 34.91015394428969, + "recall": 45.25691699604743 + }, + { + "hf_subset": "pol_Latn-hun_Latn", + "languages": [ + "pol-Latn", + "hun-Latn" + ], + "accuracy": 27.766798418972332, + "f1": 19.856585262886124, + "main_score": 19.856585262886124, + "precision": 17.632943238979625, + "recall": 27.766798418972332 + }, + { + "hf_subset": "pol_Latn-kir_Cyrl", + "languages": [ + "pol-Latn", + "kir-Cyrl" + ], + "accuracy": 9.980237154150199, + "f1": 5.976712030682037, + "main_score": 5.976712030682037, + "precision": 5.1168105551227905, + "recall": 9.980237154150199 + }, + { + "hf_subset": "pol_Latn-mar_Deva", + "languages": [ + "pol-Latn", + "mar-Deva" + ], + "accuracy": 7.312252964426877, + "f1": 4.145286234223563, + "main_score": 4.145286234223563, + "precision": 3.5337956030345037, + "recall": 7.312252964426877 + }, + { + "hf_subset": "pol_Latn-plt_Latn", + "languages": [ + "pol-Latn", + "plt-Latn" + ], + "accuracy": 24.90118577075099, + "f1": 18.082595637436008, + "main_score": 18.082595637436008, + "precision": 16.16756856262583, + "recall": 24.90118577075099 + }, + { + "hf_subset": "pol_Latn-srp_Cyrl", + "languages": [ + "pol-Latn", + "srp-Cyrl" + ], + "accuracy": 7.806324110671936, + "f1": 4.668414246710413, + "main_score": 4.668414246710413, + "precision": 4.07016381507616, + "recall": 7.806324110671936 + }, + { + "hf_subset": "pol_Latn-uig_Arab", + "languages": [ + "pol-Latn", + "uig-Arab" + ], + "accuracy": 9.58498023715415, + "f1": 5.958798680475491, + "main_score": 5.958798680475491, + "precision": 5.1177497873792746, + "recall": 9.58498023715415 + }, + { + "hf_subset": "pol_Latn-aeb_Arab", + "languages": [ + "pol-Latn", + "aeb-Arab" + ], + "accuracy": 6.8181818181818175, + "f1": 3.75515263763757, + "main_score": 3.75515263763757, + "precision": 3.1582416170556162, + "recall": 6.8181818181818175 + }, + { + "hf_subset": "pol_Latn-ben_Beng", + "languages": [ + "pol-Latn", + "ben-Beng" + ], + "accuracy": 7.608695652173914, + "f1": 4.041225756257413, + "main_score": 4.041225756257413, + "precision": 3.324217301397562, + "recall": 7.608695652173914 + }, + { + "hf_subset": "pol_Latn-est_Latn", + "languages": [ + "pol-Latn", + "est-Latn" + ], + "accuracy": 29.347826086956523, + "f1": 22.32776391373229, + "main_score": 22.32776391373229, + "precision": 20.281558764760348, + "recall": 29.347826086956523 + }, + { + "hf_subset": "pol_Latn-hye_Armn", + "languages": [ + "pol-Latn", + "hye-Armn" + ], + "accuracy": 8.992094861660078, + "f1": 5.410264691947379, + "main_score": 5.410264691947379, + "precision": 4.551435410943297, + "recall": 8.992094861660078 + }, + { + "hf_subset": "pol_Latn-kmb_Latn", + "languages": [ + "pol-Latn", + "kmb-Latn" + ], + "accuracy": 22.33201581027668, + "f1": 15.508983949241994, + "main_score": 15.508983949241994, + "precision": 13.84626446237118, + "recall": 22.33201581027668 + }, + { + "hf_subset": "pol_Latn-min_Arab", + "languages": [ + "pol-Latn", + "min-Arab" + ], + "accuracy": 0.4940711462450593, + "f1": 0.1263500946050829, + "main_score": 0.1263500946050829, + "precision": 0.1133716826651609, + "recall": 0.4940711462450593 + }, + { + "hf_subset": "pol_Latn-ssw_Latn", + "languages": [ + "pol-Latn", + "ssw-Latn" + ], + "accuracy": 20.948616600790515, + "f1": 13.737818978807919, + "main_score": 13.737818978807919, + "precision": 11.8912676418156, + "recall": 20.948616600790515 + }, + { + "hf_subset": "pol_Latn-ukr_Cyrl", + "languages": [ + "pol-Latn", + "ukr-Cyrl" + ], + "accuracy": 7.015810276679842, + "f1": 3.949638010614578, + "main_score": 3.949638010614578, + "precision": 3.351660503470364, + "recall": 7.015810276679842 + }, + { + "hf_subset": "pol_Latn-afr_Latn", + "languages": [ + "pol-Latn", + "afr-Latn" + ], + "accuracy": 42.78656126482213, + "f1": 34.60139378961342, + "main_score": 34.60139378961342, + "precision": 32.04002903113575, + "recall": 42.78656126482213 + }, + { + "hf_subset": "pol_Latn-bho_Deva", + "languages": [ + "pol-Latn", + "bho-Deva" + ], + "accuracy": 8.893280632411066, + "f1": 5.424250733521232, + "main_score": 5.424250733521232, + "precision": 4.6840650669488015, + "recall": 8.893280632411066 + }, + { + "hf_subset": "pol_Latn-eus_Latn", + "languages": [ + "pol-Latn", + "eus-Latn" + ], + "accuracy": 37.94466403162055, + "f1": 29.129736096139265, + "main_score": 29.129736096139265, + "precision": 26.27383239290354, + "recall": 37.94466403162055 + }, + { + "hf_subset": "pol_Latn-ibo_Latn", + "languages": [ + "pol-Latn", + "ibo-Latn" + ], + "accuracy": 22.82608695652174, + "f1": 18.160396366918103, + "main_score": 18.160396366918103, + "precision": 16.68498579812809, + "recall": 22.82608695652174 + }, + { + "hf_subset": "pol_Latn-kmr_Latn", + "languages": [ + "pol-Latn", + "kmr-Latn" + ], + "accuracy": 21.83794466403162, + "f1": 16.69834842262613, + "main_score": 16.69834842262613, + "precision": 15.096012124362323, + "recall": 21.83794466403162 + }, + { + "hf_subset": "pol_Latn-min_Latn", + "languages": [ + "pol-Latn", + "min-Latn" + ], + "accuracy": 33.99209486166008, + "f1": 25.434667166386532, + "main_score": 25.434667166386532, + "precision": 22.89181280773553, + "recall": 33.99209486166008 + }, + { + "hf_subset": "pol_Latn-por_Latn", + "languages": [ + "pol-Latn", + "por-Latn" + ], + "accuracy": 48.71541501976285, + "f1": 39.9428047797613, + "main_score": 39.9428047797613, + "precision": 36.89033189033189, + "recall": 48.71541501976285 + }, + { + "hf_subset": "pol_Latn-sun_Latn", + "languages": [ + "pol-Latn", + "sun-Latn" + ], + "accuracy": 34.387351778656125, + "f1": 26.088610555013712, + "main_score": 26.088610555013712, + "precision": 23.44616594047338, + "recall": 34.387351778656125 + }, + { + "hf_subset": "pol_Latn-umb_Latn", + "languages": [ + "pol-Latn", + "umb-Latn" + ], + "accuracy": 21.34387351778656, + "f1": 15.03361444124914, + "main_score": 15.03361444124914, + "precision": 13.457627923107571, + "recall": 21.34387351778656 + }, + { + "hf_subset": "pol_Latn-ajp_Arab", + "languages": [ + "pol-Latn", + "ajp-Arab" + ], + "accuracy": 9.288537549407115, + "f1": 5.414032335360037, + "main_score": 5.414032335360037, + "precision": 4.607723748005992, + "recall": 9.288537549407115 + }, + { + "hf_subset": "pol_Latn-bjn_Arab", + "languages": [ + "pol-Latn", + "bjn-Arab" + ], + "accuracy": 0.4940711462450593, + "f1": 0.11765254656700863, + "main_score": 0.11765254656700863, + "precision": 0.10873873255364525, + "recall": 0.4940711462450593 + }, + { + "hf_subset": "pol_Latn-ewe_Latn", + "languages": [ + "pol-Latn", + "ewe-Latn" + ], + "accuracy": 26.976284584980238, + "f1": 21.945314237804357, + "main_score": 21.945314237804357, + "precision": 20.516700032510307, + "recall": 26.976284584980238 + }, + { + "hf_subset": "pol_Latn-ilo_Latn", + "languages": [ + "pol-Latn", + "ilo-Latn" + ], + "accuracy": 39.32806324110672, + "f1": 30.38183785911059, + "main_score": 30.38183785911059, + "precision": 27.592691125299822, + "recall": 39.32806324110672 + }, + { + "hf_subset": "pol_Latn-knc_Arab", + "languages": [ + "pol-Latn", + "knc-Arab" + ], + "accuracy": 9.881422924901186, + "f1": 5.620639548496682, + "main_score": 5.620639548496682, + "precision": 4.632203265894544, + "recall": 9.881422924901186 + }, + { + "hf_subset": "pol_Latn-mkd_Cyrl", + "languages": [ + "pol-Latn", + "mkd-Cyrl" + ], + "accuracy": 8.201581027667984, + "f1": 5.756667198483056, + "main_score": 5.756667198483056, + "precision": 5.172948249340367, + "recall": 8.201581027667984 + }, + { + "hf_subset": "pol_Latn-prs_Arab", + "languages": [ + "pol-Latn", + "prs-Arab" + ], + "accuracy": 9.782608695652174, + "f1": 5.919630385538823, + "main_score": 5.919630385538823, + "precision": 5.130159105954237, + "recall": 9.782608695652174 + }, + { + "hf_subset": "pol_Latn-swe_Latn", + "languages": [ + "pol-Latn", + "swe-Latn" + ], + "accuracy": 45.355731225296445, + "f1": 36.27500518804867, + "main_score": 36.27500518804867, + "precision": 33.26172976123569, + "recall": 45.355731225296445 + }, + { + "hf_subset": "pol_Latn-urd_Arab", + "languages": [ + "pol-Latn", + "urd-Arab" + ], + "accuracy": 5.632411067193676, + "f1": 3.569460684222274, + "main_score": 3.569460684222274, + "precision": 3.1240488378742373, + "recall": 5.632411067193676 + }, + { + "hf_subset": "pol_Latn-aka_Latn", + "languages": [ + "pol-Latn", + "aka-Latn" + ], + "accuracy": 36.56126482213439, + "f1": 29.486626632613916, + "main_score": 29.486626632613916, + "precision": 27.144587132235355, + "recall": 36.56126482213439 + }, + { + "hf_subset": "pol_Latn-bjn_Latn", + "languages": [ + "pol-Latn", + "bjn-Latn" + ], + "accuracy": 31.027667984189723, + "f1": 23.143749721435146, + "main_score": 23.143749721435146, + "precision": 20.753021818980315, + "recall": 31.027667984189723 + }, + { + "hf_subset": "pol_Latn-fao_Latn", + "languages": [ + "pol-Latn", + "fao-Latn" + ], + "accuracy": 30.434782608695656, + "f1": 22.605249989130634, + "main_score": 22.605249989130634, + "precision": 20.2527359827261, + "recall": 30.434782608695656 + }, + { + "hf_subset": "pol_Latn-ind_Latn", + "languages": [ + "pol-Latn", + "ind-Latn" + ], + "accuracy": 37.648221343873516, + "f1": 28.81205301932887, + "main_score": 28.81205301932887, + "precision": 26.10980623345404, + "recall": 37.648221343873516 + }, + { + "hf_subset": "pol_Latn-knc_Latn", + "languages": [ + "pol-Latn", + "knc-Latn" + ], + "accuracy": 31.719367588932805, + "f1": 25.271598735037472, + "main_score": 25.271598735037472, + "precision": 23.153872856640987, + "recall": 31.719367588932805 + }, + { + "hf_subset": "pol_Latn-mlt_Latn", + "languages": [ + "pol-Latn", + "mlt-Latn" + ], + "accuracy": 37.74703557312253, + "f1": 29.91421484751524, + "main_score": 29.91421484751524, + "precision": 27.373131717945178, + "recall": 37.74703557312253 + }, + { + "hf_subset": "pol_Latn-quy_Latn", + "languages": [ + "pol-Latn", + "quy-Latn" + ], + "accuracy": 31.32411067193676, + "f1": 22.65035601201609, + "main_score": 22.65035601201609, + "precision": 20.25053685652812, + "recall": 31.32411067193676 + }, + { + "hf_subset": "pol_Latn-swh_Latn", + "languages": [ + "pol-Latn", + "swh-Latn" + ], + "accuracy": 24.209486166007903, + "f1": 17.217401340425052, + "main_score": 17.217401340425052, + "precision": 15.316212104443727, + "recall": 24.209486166007903 + }, + { + "hf_subset": "pol_Latn-uzn_Latn", + "languages": [ + "pol-Latn", + "uzn-Latn" + ], + "accuracy": 26.284584980237153, + "f1": 18.861504835791653, + "main_score": 18.861504835791653, + "precision": 16.75885497785852, + "recall": 26.284584980237153 + }, + { + "hf_subset": "pol_Latn-als_Latn", + "languages": [ + "pol-Latn", + "als-Latn" + ], + "accuracy": 32.905138339920946, + "f1": 26.20568763315395, + "main_score": 26.20568763315395, + "precision": 24.225254735383192, + "recall": 32.905138339920946 + }, + { + "hf_subset": "pol_Latn-bod_Tibt", + "languages": [ + "pol-Latn", + "bod-Tibt" + ], + "accuracy": 5.434782608695652, + "f1": 2.0762499375776593, + "main_score": 2.0762499375776593, + "precision": 1.584450632089665, + "recall": 5.434782608695652 + }, + { + "hf_subset": "pol_Latn-fij_Latn", + "languages": [ + "pol-Latn", + "fij-Latn" + ], + "accuracy": 24.110671936758894, + "f1": 16.493571645324778, + "main_score": 16.493571645324778, + "precision": 14.493070973297389, + "recall": 24.110671936758894 + }, + { + "hf_subset": "pol_Latn-isl_Latn", + "languages": [ + "pol-Latn", + "isl-Latn" + ], + "accuracy": 25.592885375494074, + "f1": 18.80255539753331, + "main_score": 18.80255539753331, + "precision": 16.858735659377956, + "recall": 25.592885375494074 + }, + { + "hf_subset": "pol_Latn-kon_Latn", + "languages": [ + "pol-Latn", + "kon-Latn" + ], + "accuracy": 27.173913043478258, + "f1": 19.474921255779222, + "main_score": 19.474921255779222, + "precision": 17.42934918318192, + "recall": 27.173913043478258 + }, + { + "hf_subset": "pol_Latn-mni_Beng", + "languages": [ + "pol-Latn", + "mni-Beng" + ], + "accuracy": 5.7312252964426875, + "f1": 2.6892720436412247, + "main_score": 2.6892720436412247, + "precision": 2.13032205646918, + "recall": 5.7312252964426875 + }, + { + "hf_subset": "pol_Latn-ron_Latn", + "languages": [ + "pol-Latn", + "ron-Latn" + ], + "accuracy": 50.39525691699605, + "f1": 42.86300765549777, + "main_score": 42.86300765549777, + "precision": 40.16924253831368, + "recall": 50.39525691699605 + }, + { + "hf_subset": "pol_Latn-szl_Latn", + "languages": [ + "pol-Latn", + "szl-Latn" + ], + "accuracy": 87.94466403162056, + "f1": 84.61791831357048, + "main_score": 84.61791831357048, + "precision": 83.06982872200265, + "recall": 87.94466403162056 + }, + { + "hf_subset": "pol_Latn-vec_Latn", + "languages": [ + "pol-Latn", + "vec-Latn" + ], + "accuracy": 47.03557312252965, + "f1": 39.26110341130104, + "main_score": 39.26110341130104, + "precision": 36.65560888386975, + "recall": 47.03557312252965 + }, + { + "hf_subset": "pol_Latn-amh_Ethi", + "languages": [ + "pol-Latn", + "amh-Ethi" + ], + "accuracy": 7.213438735177865, + "f1": 4.229592189919405, + "main_score": 4.229592189919405, + "precision": 3.6053747800289306, + "recall": 7.213438735177865 + }, + { + "hf_subset": "pol_Latn-bos_Latn", + "languages": [ + "pol-Latn", + "bos-Latn" + ], + "accuracy": 41.205533596837945, + "f1": 33.10834279905426, + "main_score": 33.10834279905426, + "precision": 30.403204886900536, + "recall": 41.205533596837945 + }, + { + "hf_subset": "pol_Latn-fin_Latn", + "languages": [ + "pol-Latn", + "fin-Latn" + ], + "accuracy": 29.841897233201582, + "f1": 21.713522647146743, + "main_score": 21.713522647146743, + "precision": 19.350322170716574, + "recall": 29.841897233201582 + }, + { + "hf_subset": "pol_Latn-ita_Latn", + "languages": [ + "pol-Latn", + "ita-Latn" + ], + "accuracy": 50.29644268774703, + "f1": 40.906659765355414, + "main_score": 40.906659765355414, + "precision": 37.68257105213627, + "recall": 50.29644268774703 + }, + { + "hf_subset": "pol_Latn-kor_Hang", + "languages": [ + "pol-Latn", + "kor-Hang" + ], + "accuracy": 11.264822134387352, + "f1": 5.931697077593314, + "main_score": 5.931697077593314, + "precision": 4.9535659231074884, + "recall": 11.264822134387352 + }, + { + "hf_subset": "pol_Latn-mos_Latn", + "languages": [ + "pol-Latn", + "mos-Latn" + ], + "accuracy": 24.40711462450593, + "f1": 18.514184619660327, + "main_score": 18.514184619660327, + "precision": 16.817790607446316, + "recall": 24.40711462450593 + }, + { + "hf_subset": "pol_Latn-run_Latn", + "languages": [ + "pol-Latn", + "run-Latn" + ], + "accuracy": 22.134387351778656, + "f1": 15.38932603408888, + "main_score": 15.38932603408888, + "precision": 13.646404187542108, + "recall": 22.134387351778656 + }, + { + "hf_subset": "pol_Latn-tam_Taml", + "languages": [ + "pol-Latn", + "tam-Taml" + ], + "accuracy": 9.782608695652174, + "f1": 5.6178894438842555, + "main_score": 5.6178894438842555, + "precision": 4.75356748528658, + "recall": 9.782608695652174 + }, + { + "hf_subset": "pol_Latn-vie_Latn", + "languages": [ + "pol-Latn", + "vie-Latn" + ], + "accuracy": 29.446640316205535, + "f1": 23.58383601466605, + "main_score": 23.58383601466605, + "precision": 21.79765810879941, + "recall": 29.446640316205535 + }, + { + "hf_subset": "pol_Latn-apc_Arab", + "languages": [ + "pol-Latn", + "apc-Arab" + ], + "accuracy": 9.58498023715415, + "f1": 5.606078233293074, + "main_score": 5.606078233293074, + "precision": 4.687138313620527, + "recall": 9.58498023715415 + }, + { + "hf_subset": "pol_Latn-bug_Latn", + "languages": [ + "pol-Latn", + "bug-Latn" + ], + "accuracy": 32.31225296442688, + "f1": 24.07572142528976, + "main_score": 24.07572142528976, + "precision": 21.67035670741204, + "recall": 32.31225296442688 + }, + { + "hf_subset": "pol_Latn-fon_Latn", + "languages": [ + "pol-Latn", + "fon-Latn" + ], + "accuracy": 27.07509881422925, + "f1": 21.33543800292812, + "main_score": 21.33543800292812, + "precision": 19.557752665590193, + "recall": 27.07509881422925 + }, + { + "hf_subset": "pol_Latn-jav_Latn", + "languages": [ + "pol-Latn", + "jav-Latn" + ], + "accuracy": 32.509881422924906, + "f1": 23.972031207703143, + "main_score": 23.972031207703143, + "precision": 21.51591043098832, + "recall": 32.509881422924906 + }, + { + "hf_subset": "pol_Latn-lao_Laoo", + "languages": [ + "pol-Latn", + "lao-Laoo" + ], + "accuracy": 35.37549407114625, + "f1": 28.995182737771664, + "main_score": 28.995182737771664, + "precision": 27.077181737448885, + "recall": 35.37549407114625 + }, + { + "hf_subset": "pol_Latn-mri_Latn", + "languages": [ + "pol-Latn", + "mri-Latn" + ], + "accuracy": 22.134387351778656, + "f1": 15.354442612607786, + "main_score": 15.354442612607786, + "precision": 13.594571086102247, + "recall": 22.134387351778656 + }, + { + "hf_subset": "pol_Latn-rus_Cyrl", + "languages": [ + "pol-Latn", + "rus-Cyrl" + ], + "accuracy": 8.992094861660078, + "f1": 5.8135612152195755, + "main_score": 5.8135612152195755, + "precision": 5.163711679758252, + "recall": 8.992094861660078 + }, + { + "hf_subset": "pol_Latn-taq_Latn", + "languages": [ + "pol-Latn", + "taq-Latn" + ], + "accuracy": 32.80632411067194, + "f1": 26.83270577364974, + "main_score": 26.83270577364974, + "precision": 24.99793839961824, + "recall": 32.80632411067194 + }, + { + "hf_subset": "pol_Latn-war_Latn", + "languages": [ + "pol-Latn", + "war-Latn" + ], + "accuracy": 46.14624505928854, + "f1": 37.38924037095973, + "main_score": 37.38924037095973, + "precision": 34.53650072646034, + "recall": 46.14624505928854 + }, + { + "hf_subset": "pol_Latn-arb_Arab", + "languages": [ + "pol-Latn", + "arb-Arab" + ], + "accuracy": 6.521739130434782, + "f1": 3.5196469175927976, + "main_score": 3.5196469175927976, + "precision": 2.9206974315601584, + "recall": 6.521739130434782 + }, + { + "hf_subset": "pol_Latn-bul_Cyrl", + "languages": [ + "pol-Latn", + "bul-Cyrl" + ], + "accuracy": 9.782608695652174, + "f1": 7.0918258926674085, + "main_score": 7.0918258926674085, + "precision": 6.34613789429909, + "recall": 9.782608695652174 + }, + { + "hf_subset": "pol_Latn-fra_Latn", + "languages": [ + "pol-Latn", + "fra-Latn" + ], + "accuracy": 59.387351778656125, + "f1": 51.296113306982875, + "main_score": 51.296113306982875, + "precision": 48.246403532528845, + "recall": 59.387351778656125 + }, + { + "hf_subset": "pol_Latn-jpn_Jpan", + "languages": [ + "pol-Latn", + "jpn-Jpan" + ], + "accuracy": 2.9644268774703555, + "f1": 0.944206619732386, + "main_score": 0.944206619732386, + "precision": 0.6727116823200325, + "recall": 2.9644268774703555 + }, + { + "hf_subset": "pol_Latn-lij_Latn", + "languages": [ + "pol-Latn", + "lij-Latn" + ], + "accuracy": 43.77470355731226, + "f1": 35.2610249582756, + "main_score": 35.2610249582756, + "precision": 32.377518863437835, + "recall": 43.77470355731226 + }, + { + "hf_subset": "pol_Latn-mya_Mymr", + "languages": [ + "pol-Latn", + "mya-Mymr" + ], + "accuracy": 9.486166007905137, + "f1": 4.685784685126671, + "main_score": 4.685784685126671, + "precision": 3.7744225331158545, + "recall": 9.486166007905137 + }, + { + "hf_subset": "pol_Latn-sag_Latn", + "languages": [ + "pol-Latn", + "sag-Latn" + ], + "accuracy": 24.604743083003953, + "f1": 18.7955635422213, + "main_score": 18.7955635422213, + "precision": 17.210956257762234, + "recall": 24.604743083003953 + }, + { + "hf_subset": "pol_Latn-taq_Tfng", + "languages": [ + "pol-Latn", + "taq-Tfng" + ], + "accuracy": 10.375494071146244, + "f1": 5.969657887031101, + "main_score": 5.969657887031101, + "precision": 5.113323685856255, + "recall": 10.375494071146244 + }, + { + "hf_subset": "pol_Latn-wol_Latn", + "languages": [ + "pol-Latn", + "wol-Latn" + ], + "accuracy": 29.446640316205535, + "f1": 22.516172232601395, + "main_score": 22.516172232601395, + "precision": 20.50913832737827, + "recall": 29.446640316205535 + }, + { + "hf_subset": "pol_Latn-arb_Latn", + "languages": [ + "pol-Latn", + "arb-Latn" + ], + "accuracy": 17.885375494071145, + "f1": 11.136634966921527, + "main_score": 11.136634966921527, + "precision": 9.470246749242751, + "recall": 17.885375494071145 + }, + { + "hf_subset": "pol_Latn-cat_Latn", + "languages": [ + "pol-Latn", + "cat-Latn" + ], + "accuracy": 53.952569169960476, + "f1": 45.5981348471467, + "main_score": 45.5981348471467, + "precision": 42.58885438233265, + "recall": 53.952569169960476 + }, + { + "hf_subset": "pol_Latn-fur_Latn", + "languages": [ + "pol-Latn", + "fur-Latn" + ], + "accuracy": 43.97233201581028, + "f1": 35.834735093628375, + "main_score": 35.834735093628375, + "precision": 33.147622853650525, + "recall": 43.97233201581028 + }, + { + "hf_subset": "pol_Latn-kab_Latn", + "languages": [ + "pol-Latn", + "kab-Latn" + ], + "accuracy": 11.857707509881422, + "f1": 7.397762207050744, + "main_score": 7.397762207050744, + "precision": 6.311522971296096, + "recall": 11.857707509881422 + }, + { + "hf_subset": "pol_Latn-lim_Latn", + "languages": [ + "pol-Latn", + "lim-Latn" + ], + "accuracy": 45.8498023715415, + "f1": 37.7763778885611, + "main_score": 37.7763778885611, + "precision": 34.853639582711615, + "recall": 45.8498023715415 + }, + { + "hf_subset": "pol_Latn-nld_Latn", + "languages": [ + "pol-Latn", + "nld-Latn" + ], + "accuracy": 47.5296442687747, + "f1": 38.405752953677855, + "main_score": 38.405752953677855, + "precision": 35.274876090093485, + "recall": 47.5296442687747 + }, + { + "hf_subset": "pol_Latn-san_Deva", + "languages": [ + "pol-Latn", + "san-Deva" + ], + "accuracy": 9.189723320158102, + "f1": 5.205993892335911, + "main_score": 5.205993892335911, + "precision": 4.337201997808373, + "recall": 9.189723320158102 + }, + { + "hf_subset": "pol_Latn-tat_Cyrl", + "languages": [ + "pol-Latn", + "tat-Cyrl" + ], + "accuracy": 9.189723320158102, + "f1": 5.314675144304728, + "main_score": 5.314675144304728, + "precision": 4.492476362336001, + "recall": 9.189723320158102 + }, + { + "hf_subset": "pol_Latn-xho_Latn", + "languages": [ + "pol-Latn", + "xho-Latn" + ], + "accuracy": 24.90118577075099, + "f1": 16.50000499061764, + "main_score": 16.50000499061764, + "precision": 14.219926880064056, + "recall": 24.90118577075099 + }, + { + "hf_subset": "pol_Latn-ars_Arab", + "languages": [ + "pol-Latn", + "ars-Arab" + ], + "accuracy": 4.150197628458498, + "f1": 1.9884773395885484, + "main_score": 1.9884773395885484, + "precision": 1.6176875636726988, + "recall": 4.150197628458498 + }, + { + "hf_subset": "pol_Latn-ceb_Latn", + "languages": [ + "pol-Latn", + "ceb-Latn" + ], + "accuracy": 39.426877470355734, + "f1": 30.411252669157808, + "main_score": 30.411252669157808, + "precision": 27.625018536579798, + "recall": 39.426877470355734 + }, + { + "hf_subset": "pol_Latn-fuv_Latn", + "languages": [ + "pol-Latn", + "fuv-Latn" + ], + "accuracy": 25.889328063241106, + "f1": 18.16006406557946, + "main_score": 18.16006406557946, + "precision": 16.093802710132557, + "recall": 25.889328063241106 + }, + { + "hf_subset": "pol_Latn-kac_Latn", + "languages": [ + "pol-Latn", + "kac-Latn" + ], + "accuracy": 28.063241106719367, + "f1": 20.537588393674426, + "main_score": 20.537588393674426, + "precision": 18.555593378125913, + "recall": 28.063241106719367 + }, + { + "hf_subset": "pol_Latn-lin_Latn", + "languages": [ + "pol-Latn", + "lin-Latn" + ], + "accuracy": 27.56916996047431, + "f1": 19.59550667924326, + "main_score": 19.59550667924326, + "precision": 17.366118810405023, + "recall": 27.56916996047431 + }, + { + "hf_subset": "pol_Latn-nno_Latn", + "languages": [ + "pol-Latn", + "nno-Latn" + ], + "accuracy": 44.466403162055336, + "f1": 36.52365909233498, + "main_score": 36.52365909233498, + "precision": 34.02154307045611, + "recall": 44.466403162055336 + }, + { + "hf_subset": "pol_Latn-sat_Olck", + "languages": [ + "pol-Latn", + "sat-Olck" + ], + "accuracy": 1.7786561264822136, + "f1": 0.5308103241702219, + "main_score": 0.5308103241702219, + "precision": 0.3879325601322212, + "recall": 1.7786561264822136 + }, + { + "hf_subset": "pol_Latn-tel_Telu", + "languages": [ + "pol-Latn", + "tel-Telu" + ], + "accuracy": 13.043478260869565, + "f1": 7.211621994490727, + "main_score": 7.211621994490727, + "precision": 6.072556380043011, + "recall": 13.043478260869565 + }, + { + "hf_subset": "pol_Latn-ydd_Hebr", + "languages": [ + "pol-Latn", + "ydd-Hebr" + ], + "accuracy": 10.17786561264822, + "f1": 6.04945869467265, + "main_score": 6.04945869467265, + "precision": 5.313130898081306, + "recall": 10.17786561264822 + }, + { + "hf_subset": "pol_Latn-ary_Arab", + "languages": [ + "pol-Latn", + "ary-Arab" + ], + "accuracy": 7.905138339920949, + "f1": 4.544108401407499, + "main_score": 4.544108401407499, + "precision": 3.869493506162304, + "recall": 7.905138339920949 + }, + { + "hf_subset": "pol_Latn-ces_Latn", + "languages": [ + "pol-Latn", + "ces-Latn" + ], + "accuracy": 45.45454545454545, + "f1": 38.024558240445856, + "main_score": 38.024558240445856, + "precision": 35.54695706331953, + "recall": 45.45454545454545 + }, + { + "hf_subset": "pol_Latn-gaz_Latn", + "languages": [ + "pol-Latn", + "gaz-Latn" + ], + "accuracy": 11.16600790513834, + "f1": 6.159234456287466, + "main_score": 6.159234456287466, + "precision": 5.133667829697058, + "recall": 11.16600790513834 + }, + { + "hf_subset": "pol_Latn-kam_Latn", + "languages": [ + "pol-Latn", + "kam-Latn" + ], + "accuracy": 23.221343873517785, + "f1": 18.353962970667776, + "main_score": 18.353962970667776, + "precision": 16.88928967302209, + "recall": 23.221343873517785 + }, + { + "hf_subset": "pol_Latn-lit_Latn", + "languages": [ + "pol-Latn", + "lit-Latn" + ], + "accuracy": 27.4703557312253, + "f1": 21.64822878200428, + "main_score": 21.64822878200428, + "precision": 19.899989111993023, + "recall": 27.4703557312253 + }, + { + "hf_subset": "pol_Latn-nob_Latn", + "languages": [ + "pol-Latn", + "nob-Latn" + ], + "accuracy": 47.43083003952569, + "f1": 38.246988518727655, + "main_score": 38.246988518727655, + "precision": 35.016858690277665, + "recall": 47.43083003952569 + }, + { + "hf_subset": "pol_Latn-scn_Latn", + "languages": [ + "pol-Latn", + "scn-Latn" + ], + "accuracy": 31.225296442687743, + "f1": 24.21253976589945, + "main_score": 24.21253976589945, + "precision": 22.16210944903703, + "recall": 31.225296442687743 + }, + { + "hf_subset": "pol_Latn-tgk_Cyrl", + "languages": [ + "pol-Latn", + "tgk-Cyrl" + ], + "accuracy": 9.387351778656127, + "f1": 5.6102738478742555, + "main_score": 5.6102738478742555, + "precision": 4.867386506350517, + "recall": 9.387351778656127 + }, + { + "hf_subset": "pol_Latn-yor_Latn", + "languages": [ + "pol-Latn", + "yor-Latn" + ], + "accuracy": 27.4703557312253, + "f1": 20.59402252337035, + "main_score": 20.59402252337035, + "precision": 18.62389494756967, + "recall": 27.4703557312253 + }, + { + "hf_subset": "pol_Latn-arz_Arab", + "languages": [ + "pol-Latn", + "arz-Arab" + ], + "accuracy": 5.928853754940711, + "f1": 3.5288297962170567, + "main_score": 3.5288297962170567, + "precision": 3.0691475575368856, + "recall": 5.928853754940711 + }, + { + "hf_subset": "pol_Latn-cjk_Latn", + "languages": [ + "pol-Latn", + "cjk-Latn" + ], + "accuracy": 23.221343873517785, + "f1": 16.159405299721502, + "main_score": 16.159405299721502, + "precision": 14.393576878448815, + "recall": 23.221343873517785 + }, + { + "hf_subset": "pol_Latn-gla_Latn", + "languages": [ + "pol-Latn", + "gla-Latn" + ], + "accuracy": 20.35573122529644, + "f1": 13.720070726259618, + "main_score": 13.720070726259618, + "precision": 12.052392225429521, + "recall": 20.35573122529644 + }, + { + "hf_subset": "pol_Latn-kan_Knda", + "languages": [ + "pol-Latn", + "kan-Knda" + ], + "accuracy": 8.201581027667984, + "f1": 4.437171161571691, + "main_score": 4.437171161571691, + "precision": 3.749542197197035, + "recall": 8.201581027667984 + }, + { + "hf_subset": "pol_Latn-lmo_Latn", + "languages": [ + "pol-Latn", + "lmo-Latn" + ], + "accuracy": 38.83399209486166, + "f1": 31.714524774447494, + "main_score": 31.714524774447494, + "precision": 29.391946711610746, + "recall": 38.83399209486166 + }, + { + "hf_subset": "pol_Latn-npi_Deva", + "languages": [ + "pol-Latn", + "npi-Deva" + ], + "accuracy": 10.968379446640316, + "f1": 6.473612825827703, + "main_score": 6.473612825827703, + "precision": 5.49084990741001, + "recall": 10.968379446640316 + }, + { + "hf_subset": "pol_Latn-shn_Mymr", + "languages": [ + "pol-Latn", + "shn-Mymr" + ], + "accuracy": 38.43873517786561, + "f1": 29.396836145848006, + "main_score": 29.396836145848006, + "precision": 26.534336875245966, + "recall": 38.43873517786561 + }, + { + "hf_subset": "pol_Latn-tgl_Latn", + "languages": [ + "pol-Latn", + "tgl-Latn" + ], + "accuracy": 32.70750988142292, + "f1": 24.076005742744012, + "main_score": 24.076005742744012, + "precision": 21.6550168649971, + "recall": 32.70750988142292 + }, + { + "hf_subset": "pol_Latn-yue_Hant", + "languages": [ + "pol-Latn", + "yue-Hant" + ], + "accuracy": 9.980237154150199, + "f1": 5.866820855869608, + "main_score": 5.866820855869608, + "precision": 4.994463315141073, + "recall": 9.980237154150199 + }, + { + "hf_subset": "pol_Latn-asm_Beng", + "languages": [ + "pol-Latn", + "asm-Beng" + ], + "accuracy": 6.027667984189724, + "f1": 2.9919947985546753, + "main_score": 2.9919947985546753, + "precision": 2.396787621140054, + "recall": 6.027667984189724 + }, + { + "hf_subset": "pol_Latn-ckb_Arab", + "languages": [ + "pol-Latn", + "ckb-Arab" + ], + "accuracy": 5.0395256916996045, + "f1": 2.6313333428590333, + "main_score": 2.6313333428590333, + "precision": 2.1441980481557246, + "recall": 5.0395256916996045 + }, + { + "hf_subset": "pol_Latn-gle_Latn", + "languages": [ + "pol-Latn", + "gle-Latn" + ], + "accuracy": 22.92490118577075, + "f1": 16.366565597793155, + "main_score": 16.366565597793155, + "precision": 14.427773313642877, + "recall": 22.92490118577075 + }, + { + "hf_subset": "pol_Latn-kas_Arab", + "languages": [ + "pol-Latn", + "kas-Arab" + ], + "accuracy": 7.41106719367589, + "f1": 4.268493390151145, + "main_score": 4.268493390151145, + "precision": 3.6318124097564928, + "recall": 7.41106719367589 + }, + { + "hf_subset": "pol_Latn-ltg_Latn", + "languages": [ + "pol-Latn", + "ltg-Latn" + ], + "accuracy": 28.85375494071146, + "f1": 21.831210848523185, + "main_score": 21.831210848523185, + "precision": 19.65490879893054, + "recall": 28.85375494071146 + }, + { + "hf_subset": "pol_Latn-nso_Latn", + "languages": [ + "pol-Latn", + "nso-Latn" + ], + "accuracy": 29.051383399209485, + "f1": 21.425082008345996, + "main_score": 21.425082008345996, + "precision": 19.24843153307464, + "recall": 29.051383399209485 + }, + { + "hf_subset": "pol_Latn-sin_Sinh", + "languages": [ + "pol-Latn", + "sin-Sinh" + ], + "accuracy": 8.992094861660078, + "f1": 5.979100944100412, + "main_score": 5.979100944100412, + "precision": 5.385543481178876, + "recall": 8.992094861660078 + }, + { + "hf_subset": "pol_Latn-tha_Thai", + "languages": [ + "pol-Latn", + "tha-Thai" + ], + "accuracy": 15.909090909090908, + "f1": 9.796795116437666, + "main_score": 9.796795116437666, + "precision": 8.360619704129169, + "recall": 15.909090909090908 + }, + { + "hf_subset": "pol_Latn-zho_Hans", + "languages": [ + "pol-Latn", + "zho-Hans" + ], + "accuracy": 16.50197628458498, + "f1": 10.270309138975882, + "main_score": 10.270309138975882, + "precision": 8.73478574565531, + "recall": 16.50197628458498 + }, + { + "hf_subset": "pol_Latn-ast_Latn", + "languages": [ + "pol-Latn", + "ast-Latn" + ], + "accuracy": 47.92490118577075, + "f1": 39.26617464660943, + "main_score": 39.26617464660943, + "precision": 36.18855836741212, + "recall": 47.92490118577075 + }, + { + "hf_subset": "pol_Latn-crh_Latn", + "languages": [ + "pol-Latn", + "crh-Latn" + ], + "accuracy": 25.197628458498023, + "f1": 18.670974077359066, + "main_score": 18.670974077359066, + "precision": 16.954646692788984, + "recall": 25.197628458498023 + }, + { + "hf_subset": "pol_Latn-glg_Latn", + "languages": [ + "pol-Latn", + "glg-Latn" + ], + "accuracy": 52.37154150197628, + "f1": 43.88566144000926, + "main_score": 43.88566144000926, + "precision": 40.966425976307406, + "recall": 52.37154150197628 + }, + { + "hf_subset": "pol_Latn-kas_Deva", + "languages": [ + "pol-Latn", + "kas-Deva" + ], + "accuracy": 24.209486166007903, + "f1": 16.853008476346325, + "main_score": 16.853008476346325, + "precision": 14.851243130407093, + "recall": 24.209486166007903 + }, + { + "hf_subset": "pol_Latn-ltz_Latn", + "languages": [ + "pol-Latn", + "ltz-Latn" + ], + "accuracy": 44.86166007905138, + "f1": 36.53990936599632, + "main_score": 36.53990936599632, + "precision": 33.71791123723814, + "recall": 44.86166007905138 + }, + { + "hf_subset": "pol_Latn-nus_Latn", + "languages": [ + "pol-Latn", + "nus-Latn" + ], + "accuracy": 15.612648221343871, + "f1": 10.556552033824762, + "main_score": 10.556552033824762, + "precision": 9.225857138021011, + "recall": 15.612648221343871 + }, + { + "hf_subset": "pol_Latn-slk_Latn", + "languages": [ + "pol-Latn", + "slk-Latn" + ], + "accuracy": 41.60079051383399, + "f1": 34.67679197175244, + "main_score": 34.67679197175244, + "precision": 32.45954710407592, + "recall": 41.60079051383399 + }, + { + "hf_subset": "pol_Latn-tir_Ethi", + "languages": [ + "pol-Latn", + "tir-Ethi" + ], + "accuracy": 6.719367588932807, + "f1": 3.3274360285725493, + "main_score": 3.3274360285725493, + "precision": 2.8253990375336113, + "recall": 6.719367588932807 + }, + { + "hf_subset": "pol_Latn-zho_Hant", + "languages": [ + "pol-Latn", + "zho-Hant" + ], + "accuracy": 12.648221343873518, + "f1": 7.529818632617995, + "main_score": 7.529818632617995, + "precision": 6.454425829925467, + "recall": 12.648221343873518 + }, + { + "hf_subset": "pol_Latn-awa_Deva", + "languages": [ + "pol-Latn", + "awa-Deva" + ], + "accuracy": 8.300395256916996, + "f1": 4.53959024560111, + "main_score": 4.53959024560111, + "precision": 3.890776976863834, + "recall": 8.300395256916996 + }, + { + "hf_subset": "pol_Latn-cym_Latn", + "languages": [ + "pol-Latn", + "cym-Latn" + ], + "accuracy": 27.4703557312253, + "f1": 19.68063199050937, + "main_score": 19.68063199050937, + "precision": 17.529989174140933, + "recall": 27.4703557312253 + }, + { + "hf_subset": "pol_Latn-grn_Latn", + "languages": [ + "pol-Latn", + "grn-Latn" + ], + "accuracy": 37.45059288537549, + "f1": 28.71171428483681, + "main_score": 28.71171428483681, + "precision": 25.925313793526815, + "recall": 37.45059288537549 + }, + { + "hf_subset": "pol_Latn-kat_Geor", + "languages": [ + "pol-Latn", + "kat-Geor" + ], + "accuracy": 9.58498023715415, + "f1": 5.5219657006276055, + "main_score": 5.5219657006276055, + "precision": 4.6367511696542865, + "recall": 9.58498023715415 + }, + { + "hf_subset": "pol_Latn-lua_Latn", + "languages": [ + "pol-Latn", + "lua-Latn" + ], + "accuracy": 30.92885375494071, + "f1": 22.5116731094992, + "main_score": 22.5116731094992, + "precision": 20.106998654559504, + "recall": 30.92885375494071 + }, + { + "hf_subset": "pol_Latn-nya_Latn", + "languages": [ + "pol-Latn", + "nya-Latn" + ], + "accuracy": 30.335968379446644, + "f1": 21.866230950695634, + "main_score": 21.866230950695634, + "precision": 19.365828866947027, + "recall": 30.335968379446644 + }, + { + "hf_subset": "pol_Latn-slv_Latn", + "languages": [ + "pol-Latn", + "slv-Latn" + ], + "accuracy": 37.54940711462451, + "f1": 30.26678570994605, + "main_score": 30.26678570994605, + "precision": 27.977184847374154, + "recall": 37.54940711462451 + }, + { + "hf_subset": "pol_Latn-tpi_Latn", + "languages": [ + "pol-Latn", + "tpi-Latn" + ], + "accuracy": 54.841897233201585, + "f1": 45.945094650628256, + "main_score": 45.945094650628256, + "precision": 42.74126894186182, + "recall": 54.841897233201585 + }, + { + "hf_subset": "pol_Latn-zsm_Latn", + "languages": [ + "pol-Latn", + "zsm-Latn" + ], + "accuracy": 32.31225296442688, + "f1": 23.805788858652942, + "main_score": 23.805788858652942, + "precision": 21.37002869388159, + "recall": 32.31225296442688 + }, + { + "hf_subset": "pol_Latn-ayr_Latn", + "languages": [ + "pol-Latn", + "ayr-Latn" + ], + "accuracy": 24.50592885375494, + "f1": 17.06755049189183, + "main_score": 17.06755049189183, + "precision": 15.074182726898094, + "recall": 24.50592885375494 + }, + { + "hf_subset": "pol_Latn-dan_Latn", + "languages": [ + "pol-Latn", + "dan-Latn" + ], + "accuracy": 47.72727272727273, + "f1": 39.43143464301335, + "main_score": 39.43143464301335, + "precision": 36.54565995598604, + "recall": 47.72727272727273 + }, + { + "hf_subset": "pol_Latn-guj_Gujr", + "languages": [ + "pol-Latn", + "guj-Gujr" + ], + "accuracy": 6.324110671936759, + "f1": 3.3326388017378736, + "main_score": 3.3326388017378736, + "precision": 2.757544255992551, + "recall": 6.324110671936759 + }, + { + "hf_subset": "pol_Latn-kaz_Cyrl", + "languages": [ + "pol-Latn", + "kaz-Cyrl" + ], + "accuracy": 11.758893280632412, + "f1": 7.071173491888075, + "main_score": 7.071173491888075, + "precision": 6.050963825834047, + "recall": 11.758893280632412 + }, + { + "hf_subset": "pol_Latn-lug_Latn", + "languages": [ + "pol-Latn", + "lug-Latn" + ], + "accuracy": 25.889328063241106, + "f1": 18.129380500922, + "main_score": 18.129380500922, + "precision": 16.074419054685272, + "recall": 25.889328063241106 + }, + { + "hf_subset": "pol_Latn-oci_Latn", + "languages": [ + "pol-Latn", + "oci-Latn" + ], + "accuracy": 53.55731225296443, + "f1": 44.99836022563295, + "main_score": 44.99836022563295, + "precision": 42.04267049375744, + "recall": 53.55731225296443 + }, + { + "hf_subset": "pol_Latn-smo_Latn", + "languages": [ + "pol-Latn", + "smo-Latn" + ], + "accuracy": 25.889328063241106, + "f1": 18.157441837399986, + "main_score": 18.157441837399986, + "precision": 16.178864593379544, + "recall": 25.889328063241106 + }, + { + "hf_subset": "pol_Latn-tsn_Latn", + "languages": [ + "pol-Latn", + "tsn-Latn" + ], + "accuracy": 27.865612648221344, + "f1": 19.498233309640387, + "main_score": 19.498233309640387, + "precision": 17.179968828931276, + "recall": 27.865612648221344 + }, + { + "hf_subset": "pol_Latn-zul_Latn", + "languages": [ + "pol-Latn", + "zul-Latn" + ], + "accuracy": 18.774703557312254, + "f1": 11.903397061759863, + "main_score": 11.903397061759863, + "precision": 10.198701796150065, + "recall": 18.774703557312254 + }, + { + "hf_subset": "pol_Latn-azb_Arab", + "languages": [ + "pol-Latn", + "azb-Arab" + ], + "accuracy": 4.545454545454546, + "f1": 2.132585793652987, + "main_score": 2.132585793652987, + "precision": 1.643447767589644, + "recall": 4.545454545454546 + }, + { + "hf_subset": "pol_Latn-deu_Latn", + "languages": [ + "pol-Latn", + "deu-Latn" + ], + "accuracy": 51.18577075098815, + "f1": 42.361535942679865, + "main_score": 42.361535942679865, + "precision": 39.02309907374136, + "recall": 51.18577075098815 + }, + { + "hf_subset": "pol_Latn-hat_Latn", + "languages": [ + "pol-Latn", + "hat-Latn" + ], + "accuracy": 27.56916996047431, + "f1": 21.147938933628303, + "main_score": 21.147938933628303, + "precision": 19.18156560959233, + "recall": 27.56916996047431 + }, + { + "hf_subset": "pol_Latn-kbp_Latn", + "languages": [ + "pol-Latn", + "kbp-Latn" + ], + "accuracy": 24.90118577075099, + "f1": 19.400134514030917, + "main_score": 19.400134514030917, + "precision": 17.88038314123646, + "recall": 24.90118577075099 + }, + { + "hf_subset": "pol_Latn-luo_Latn", + "languages": [ + "pol-Latn", + "luo-Latn" + ], + "accuracy": 25.988142292490117, + "f1": 18.495583232417694, + "main_score": 18.495583232417694, + "precision": 16.526610238319726, + "recall": 25.988142292490117 + }, + { + "hf_subset": "pol_Latn-ory_Orya", + "languages": [ + "pol-Latn", + "ory-Orya" + ], + "accuracy": 8.201581027667984, + "f1": 4.347389033695483, + "main_score": 4.347389033695483, + "precision": 3.6527450801940744, + "recall": 8.201581027667984 + }, + { + "hf_subset": "pol_Latn-sna_Latn", + "languages": [ + "pol-Latn", + "sna-Latn" + ], + "accuracy": 21.936758893280633, + "f1": 13.626286791374994, + "main_score": 13.626286791374994, + "precision": 11.587003974907658, + "recall": 21.936758893280633 + }, + { + "hf_subset": "pol_Latn-tso_Latn", + "languages": [ + "pol-Latn", + "tso-Latn" + ], + "accuracy": 23.616600790513832, + "f1": 15.920835945002468, + "main_score": 15.920835945002468, + "precision": 13.785758159275947, + "recall": 23.616600790513832 + }, + { + "hf_subset": "pol_Latn-azj_Latn", + "languages": [ + "pol-Latn", + "azj-Latn" + ], + "accuracy": 21.73913043478261, + "f1": 16.54747537902312, + "main_score": 16.54747537902312, + "precision": 15.108106759292534, + "recall": 21.73913043478261 + }, + { + "hf_subset": "pol_Latn-dik_Latn", + "languages": [ + "pol-Latn", + "dik-Latn" + ], + "accuracy": 35.96837944664031, + "f1": 28.780955713033933, + "main_score": 28.780955713033933, + "precision": 26.50347346987663, + "recall": 35.96837944664031 + }, + { + "hf_subset": "pol_Latn-hau_Latn", + "languages": [ + "pol-Latn", + "hau-Latn" + ], + "accuracy": 25.09881422924901, + "f1": 17.50488293385294, + "main_score": 17.50488293385294, + "precision": 15.584319377114658, + "recall": 25.09881422924901 + }, + { + "hf_subset": "pol_Latn-kea_Latn", + "languages": [ + "pol-Latn", + "kea-Latn" + ], + "accuracy": 39.62450592885375, + "f1": 31.270850168199622, + "main_score": 31.270850168199622, + "precision": 28.530398387831802, + "recall": 39.62450592885375 + }, + { + "hf_subset": "pol_Latn-lus_Latn", + "languages": [ + "pol-Latn", + "lus-Latn" + ], + "accuracy": 46.24505928853755, + "f1": 37.202998472761315, + "main_score": 37.202998472761315, + "precision": 34.138708513708515, + "recall": 46.24505928853755 + }, + { + "hf_subset": "pol_Latn-pag_Latn", + "languages": [ + "pol-Latn", + "pag-Latn" + ], + "accuracy": 51.77865612648221, + "f1": 42.621375385703445, + "main_score": 42.621375385703445, + "precision": 39.34708462376447, + "recall": 51.77865612648221 + }, + { + "hf_subset": "pol_Latn-snd_Arab", + "languages": [ + "pol-Latn", + "snd-Arab" + ], + "accuracy": 9.58498023715415, + "f1": 6.1479644020877435, + "main_score": 6.1479644020877435, + "precision": 5.414916392558302, + "recall": 9.58498023715415 + }, + { + "hf_subset": "pol_Latn-tuk_Latn", + "languages": [ + "pol-Latn", + "tuk-Latn" + ], + "accuracy": 23.023715415019762, + "f1": 17.26881292064288, + "main_score": 17.26881292064288, + "precision": 15.607159530883665, + "recall": 23.023715415019762 + }, + { + "hf_subset": "pol_Latn-bak_Cyrl", + "languages": [ + "pol-Latn", + "bak-Cyrl" + ], + "accuracy": 9.288537549407115, + "f1": 5.527728406351995, + "main_score": 5.527728406351995, + "precision": 4.713201013355736, + "recall": 9.288537549407115 + }, + { + "hf_subset": "pol_Latn-dyu_Latn", + "languages": [ + "pol-Latn", + "dyu-Latn" + ], + "accuracy": 23.91304347826087, + "f1": 17.018730336418084, + "main_score": 17.018730336418084, + "precision": 14.966286314060392, + "recall": 23.91304347826087 + }, + { + "hf_subset": "pol_Latn-heb_Hebr", + "languages": [ + "pol-Latn", + "heb-Hebr" + ], + "accuracy": 9.980237154150199, + "f1": 5.4971546949165875, + "main_score": 5.4971546949165875, + "precision": 4.676576441810379, + "recall": 9.980237154150199 + }, + { + "hf_subset": "pol_Latn-khk_Cyrl", + "languages": [ + "pol-Latn", + "khk-Cyrl" + ], + "accuracy": 7.707509881422925, + "f1": 4.6221237336068315, + "main_score": 4.6221237336068315, + "precision": 3.9456592706208924, + "recall": 7.707509881422925 + }, + { + "hf_subset": "pol_Latn-lvs_Latn", + "languages": [ + "pol-Latn", + "lvs-Latn" + ], + "accuracy": 23.122529644268774, + "f1": 16.608556682667356, + "main_score": 16.608556682667356, + "precision": 14.73247944226003, + "recall": 23.122529644268774 + }, + { + "hf_subset": "pol_Latn-pan_Guru", + "languages": [ + "pol-Latn", + "pan-Guru" + ], + "accuracy": 8.992094861660078, + "f1": 4.8126673611522595, + "main_score": 4.8126673611522595, + "precision": 3.9900445824655755, + "recall": 8.992094861660078 + }, + { + "hf_subset": "pol_Latn-som_Latn", + "languages": [ + "pol-Latn", + "som-Latn" + ], + "accuracy": 23.616600790513832, + "f1": 16.280717795842147, + "main_score": 16.280717795842147, + "precision": 14.38424443365155, + "recall": 23.616600790513832 + }, + { + "hf_subset": "pol_Latn-tum_Latn", + "languages": [ + "pol-Latn", + "tum-Latn" + ], + "accuracy": 27.173913043478258, + "f1": 19.45508871892271, + "main_score": 19.45508871892271, + "precision": 17.333758687513626, + "recall": 27.173913043478258 + }, + { + "hf_subset": "ssw_Latn-pol_Latn", + "languages": [ + "ssw-Latn", + "pol-Latn" + ], + "accuracy": 13.636363636363635, + "f1": 11.545325158304745, + "main_score": 11.545325158304745, + "precision": 11.04849034050014, + "recall": 13.636363636363635 + }, + { + "hf_subset": "ukr_Cyrl-pol_Latn", + "languages": [ + "ukr-Cyrl", + "pol-Latn" + ], + "accuracy": 4.3478260869565215, + "f1": 3.36055023938623, + "main_score": 3.36055023938623, + "precision": 3.145713238288773, + "recall": 4.3478260869565215 + }, + { + "hf_subset": "afr_Latn-pol_Latn", + "languages": [ + "afr-Latn", + "pol-Latn" + ], + "accuracy": 37.351778656126484, + "f1": 32.657254375087675, + "main_score": 32.657254375087675, + "precision": 31.31990798417892, + "recall": 37.351778656126484 + }, + { + "hf_subset": "bho_Deva-pol_Latn", + "languages": [ + "bho-Deva", + "pol-Latn" + ], + "accuracy": 5.434782608695652, + "f1": 4.248538461856328, + "main_score": 4.248538461856328, + "precision": 3.9363477747469755, + "recall": 5.434782608695652 + }, + { + "hf_subset": "eus_Latn-pol_Latn", + "languages": [ + "eus-Latn", + "pol-Latn" + ], + "accuracy": 29.249011857707508, + "f1": 24.621199842181067, + "main_score": 24.621199842181067, + "precision": 23.318479076012707, + "recall": 29.249011857707508 + }, + { + "hf_subset": "ibo_Latn-pol_Latn", + "languages": [ + "ibo-Latn", + "pol-Latn" + ], + "accuracy": 19.66403162055336, + "f1": 16.366065476178022, + "main_score": 16.366065476178022, + "precision": 15.483095342831795, + "recall": 19.66403162055336 + }, + { + "hf_subset": "kmr_Latn-pol_Latn", + "languages": [ + "kmr-Latn", + "pol-Latn" + ], + "accuracy": 15.810276679841898, + "f1": 13.131433621845694, + "main_score": 13.131433621845694, + "precision": 12.496160503188007, + "recall": 15.810276679841898 + }, + { + "hf_subset": "min_Latn-pol_Latn", + "languages": [ + "min-Latn", + "pol-Latn" + ], + "accuracy": 23.221343873517785, + "f1": 20.460829297482324, + "main_score": 20.460829297482324, + "precision": 19.666039753880405, + "recall": 23.221343873517785 + }, + { + "hf_subset": "por_Latn-pol_Latn", + "languages": [ + "por-Latn", + "pol-Latn" + ], + "accuracy": 32.608695652173914, + "f1": 30.038782875813897, + "main_score": 30.038782875813897, + "precision": 29.3346482933393, + "recall": 32.608695652173914 + }, + { + "hf_subset": "sun_Latn-pol_Latn", + "languages": [ + "sun-Latn", + "pol-Latn" + ], + "accuracy": 26.284584980237153, + "f1": 23.167693438533703, + "main_score": 23.167693438533703, + "precision": 22.344726485619383, + "recall": 26.284584980237153 + }, + { + "hf_subset": "umb_Latn-pol_Latn", + "languages": [ + "umb-Latn", + "pol-Latn" + ], + "accuracy": 14.229249011857709, + "f1": 11.72032447043487, + "main_score": 11.72032447043487, + "precision": 11.113345808470575, + "recall": 14.229249011857709 + }, + { + "hf_subset": "ajp_Arab-pol_Latn", + "languages": [ + "ajp-Arab", + "pol-Latn" + ], + "accuracy": 6.027667984189724, + "f1": 4.906383446809295, + "main_score": 4.906383446809295, + "precision": 4.626812580140678, + "recall": 6.027667984189724 + }, + { + "hf_subset": "bjn_Arab-pol_Latn", + "languages": [ + "bjn-Arab", + "pol-Latn" + ], + "accuracy": 0.2964426877470355, + "f1": 0.014739619645471455, + "main_score": 0.014739619645471455, + "precision": 0.007793259862334742, + "recall": 0.2964426877470355 + }, + { + "hf_subset": "ewe_Latn-pol_Latn", + "languages": [ + "ewe-Latn", + "pol-Latn" + ], + "accuracy": 23.3201581027668, + "f1": 19.752939023865142, + "main_score": 19.752939023865142, + "precision": 18.695225242144133, + "recall": 23.3201581027668 + }, + { + "hf_subset": "ilo_Latn-pol_Latn", + "languages": [ + "ilo-Latn", + "pol-Latn" + ], + "accuracy": 26.877470355731226, + "f1": 24.036761426467308, + "main_score": 24.036761426467308, + "precision": 23.214768526844647, + "recall": 26.877470355731226 + }, + { + "hf_subset": "knc_Arab-pol_Latn", + "languages": [ + "knc-Arab", + "pol-Latn" + ], + "accuracy": 6.422924901185771, + "f1": 5.471861993108544, + "main_score": 5.471861993108544, + "precision": 5.208482825359429, + "recall": 6.422924901185771 + }, + { + "hf_subset": "mkd_Cyrl-pol_Latn", + "languages": [ + "mkd-Cyrl", + "pol-Latn" + ], + "accuracy": 4.743083003952568, + "f1": 3.8745999077711124, + "main_score": 3.8745999077711124, + "precision": 3.6662900574163095, + "recall": 4.743083003952568 + }, + { + "hf_subset": "prs_Arab-pol_Latn", + "languages": [ + "prs-Arab", + "pol-Latn" + ], + "accuracy": 5.8300395256917, + "f1": 4.67672888868541, + "main_score": 4.67672888868541, + "precision": 4.385871767652376, + "recall": 5.8300395256917 + }, + { + "hf_subset": "swe_Latn-pol_Latn", + "languages": [ + "swe-Latn", + "pol-Latn" + ], + "accuracy": 39.130434782608695, + "f1": 35.40899916648588, + "main_score": 35.40899916648588, + "precision": 34.37500839081867, + "recall": 39.130434782608695 + }, + { + "hf_subset": "urd_Arab-pol_Latn", + "languages": [ + "urd-Arab", + "pol-Latn" + ], + "accuracy": 2.8656126482213438, + "f1": 2.198814997617321, + "main_score": 2.198814997617321, + "precision": 2.0934232972037385, + "recall": 2.8656126482213438 + }, + { + "hf_subset": "aka_Latn-pol_Latn", + "languages": [ + "aka-Latn", + "pol-Latn" + ], + "accuracy": 34.88142292490119, + "f1": 29.74508937764049, + "main_score": 29.74508937764049, + "precision": 28.153705393466193, + "recall": 34.88142292490119 + }, + { + "hf_subset": "bjn_Latn-pol_Latn", + "languages": [ + "bjn-Latn", + "pol-Latn" + ], + "accuracy": 18.675889328063242, + "f1": 16.43948645657555, + "main_score": 16.43948645657555, + "precision": 15.862834370794616, + "recall": 18.675889328063242 + }, + { + "hf_subset": "fao_Latn-pol_Latn", + "languages": [ + "fao-Latn", + "pol-Latn" + ], + "accuracy": 25.395256916996047, + "f1": 21.625753426979184, + "main_score": 21.625753426979184, + "precision": 20.774449730898926, + "recall": 25.395256916996047 + }, + { + "hf_subset": "ind_Latn-pol_Latn", + "languages": [ + "ind-Latn", + "pol-Latn" + ], + "accuracy": 25.494071146245062, + "f1": 22.89853629340138, + "main_score": 22.89853629340138, + "precision": 22.19346819224176, + "recall": 25.494071146245062 + }, + { + "hf_subset": "knc_Latn-pol_Latn", + "languages": [ + "knc-Latn", + "pol-Latn" + ], + "accuracy": 26.778656126482215, + "f1": 23.135121575804448, + "main_score": 23.135121575804448, + "precision": 22.197098986477734, + "recall": 26.778656126482215 + }, + { + "hf_subset": "mlt_Latn-pol_Latn", + "languages": [ + "mlt-Latn", + "pol-Latn" + ], + "accuracy": 27.27272727272727, + "f1": 23.26113833343015, + "main_score": 23.26113833343015, + "precision": 22.291588018440425, + "recall": 27.27272727272727 + }, + { + "hf_subset": "quy_Latn-pol_Latn", + "languages": [ + "quy-Latn", + "pol-Latn" + ], + "accuracy": 21.640316205533598, + "f1": 18.324982985871475, + "main_score": 18.324982985871475, + "precision": 17.384170773661005, + "recall": 21.640316205533598 + }, + { + "hf_subset": "swh_Latn-pol_Latn", + "languages": [ + "swh-Latn", + "pol-Latn" + ], + "accuracy": 16.50197628458498, + "f1": 13.784780581928224, + "main_score": 13.784780581928224, + "precision": 13.15906973436561, + "recall": 16.50197628458498 + }, + { + "hf_subset": "uzn_Latn-pol_Latn", + "languages": [ + "uzn-Latn", + "pol-Latn" + ], + "accuracy": 13.73517786561265, + "f1": 11.7621999636561, + "main_score": 11.7621999636561, + "precision": 11.21864560930682, + "recall": 13.73517786561265 + }, + { + "hf_subset": "als_Latn-pol_Latn", + "languages": [ + "als-Latn", + "pol-Latn" + ], + "accuracy": 29.64426877470356, + "f1": 25.093862889528456, + "main_score": 25.093862889528456, + "precision": 23.85649046493975, + "recall": 29.64426877470356 + }, + { + "hf_subset": "bod_Tibt-pol_Latn", + "languages": [ + "bod-Tibt", + "pol-Latn" + ], + "accuracy": 1.8774703557312251, + "f1": 1.482427322348271, + "main_score": 1.482427322348271, + "precision": 1.3969415351679186, + "recall": 1.8774703557312251 + }, + { + "hf_subset": "fij_Latn-pol_Latn", + "languages": [ + "fij-Latn", + "pol-Latn" + ], + "accuracy": 17.588932806324113, + "f1": 15.044924633719347, + "main_score": 15.044924633719347, + "precision": 14.422284220226055, + "recall": 17.588932806324113 + }, + { + "hf_subset": "isl_Latn-pol_Latn", + "languages": [ + "isl-Latn", + "pol-Latn" + ], + "accuracy": 20.059288537549406, + "f1": 16.993604061124348, + "main_score": 16.993604061124348, + "precision": 16.38307404546514, + "recall": 20.059288537549406 + }, + { + "hf_subset": "kon_Latn-pol_Latn", + "languages": [ + "kon-Latn", + "pol-Latn" + ], + "accuracy": 20.059288537549406, + "f1": 17.30021401344778, + "main_score": 17.30021401344778, + "precision": 16.5997172620091, + "recall": 20.059288537549406 + }, + { + "hf_subset": "mni_Beng-pol_Latn", + "languages": [ + "mni-Beng", + "pol-Latn" + ], + "accuracy": 2.766798418972332, + "f1": 1.8188857320273997, + "main_score": 1.8188857320273997, + "precision": 1.596105526645877, + "recall": 2.766798418972332 + }, + { + "hf_subset": "ron_Latn-pol_Latn", + "languages": [ + "ron-Latn", + "pol-Latn" + ], + "accuracy": 44.762845849802375, + "f1": 40.20969594868712, + "main_score": 40.20969594868712, + "precision": 38.92095571914066, + "recall": 44.762845849802375 + }, + { + "hf_subset": "szl_Latn-pol_Latn", + "languages": [ + "szl-Latn", + "pol-Latn" + ], + "accuracy": 88.93280632411067, + "f1": 86.11989459815547, + "main_score": 86.11989459815547, + "precision": 84.89295125164689, + "recall": 88.93280632411067 + }, + { + "hf_subset": "vec_Latn-pol_Latn", + "languages": [ + "vec-Latn", + "pol-Latn" + ], + "accuracy": 33.201581027667984, + "f1": 30.53786572808312, + "main_score": 30.53786572808312, + "precision": 29.781267755341258, + "recall": 33.201581027667984 + }, + { + "hf_subset": "amh_Ethi-pol_Latn", + "languages": [ + "amh-Ethi", + "pol-Latn" + ], + "accuracy": 2.8656126482213438, + "f1": 2.3343702175686536, + "main_score": 2.3343702175686536, + "precision": 2.225088157792761, + "recall": 2.8656126482213438 + }, + { + "hf_subset": "bos_Latn-pol_Latn", + "languages": [ + "bos-Latn", + "pol-Latn" + ], + "accuracy": 40.81027667984189, + "f1": 35.816068036824284, + "main_score": 35.816068036824284, + "precision": 34.36131947680184, + "recall": 40.81027667984189 + }, + { + "hf_subset": "fin_Latn-pol_Latn", + "languages": [ + "fin-Latn", + "pol-Latn" + ], + "accuracy": 21.047430830039527, + "f1": 18.32388688372778, + "main_score": 18.32388688372778, + "precision": 17.65836451963984, + "recall": 21.047430830039527 + }, + { + "hf_subset": "ita_Latn-pol_Latn", + "languages": [ + "ita-Latn", + "pol-Latn" + ], + "accuracy": 26.284584980237153, + "f1": 25.328031148557844, + "main_score": 25.328031148557844, + "precision": 25.0573427033527, + "recall": 26.284584980237153 + }, + { + "hf_subset": "kor_Hang-pol_Latn", + "languages": [ + "kor-Hang", + "pol-Latn" + ], + "accuracy": 6.225296442687747, + "f1": 5.624717838156572, + "main_score": 5.624717838156572, + "precision": 5.436776229110326, + "recall": 6.225296442687747 + }, + { + "hf_subset": "mos_Latn-pol_Latn", + "languages": [ + "mos-Latn", + "pol-Latn" + ], + "accuracy": 19.861660079051383, + "f1": 16.686949600048273, + "main_score": 16.686949600048273, + "precision": 15.759010718370876, + "recall": 19.861660079051383 + }, + { + "hf_subset": "run_Latn-pol_Latn", + "languages": [ + "run-Latn", + "pol-Latn" + ], + "accuracy": 15.41501976284585, + "f1": 12.844131292483732, + "main_score": 12.844131292483732, + "precision": 12.239314986108212, + "recall": 15.41501976284585 + }, + { + "hf_subset": "tam_Taml-pol_Latn", + "languages": [ + "tam-Taml", + "pol-Latn" + ], + "accuracy": 5.138339920948617, + "f1": 4.107577623493304, + "main_score": 4.107577623493304, + "precision": 3.8837297105930646, + "recall": 5.138339920948617 + }, + { + "hf_subset": "vie_Latn-pol_Latn", + "languages": [ + "vie-Latn", + "pol-Latn" + ], + "accuracy": 25.889328063241106, + "f1": 22.579397348874743, + "main_score": 22.579397348874743, + "precision": 21.595638551483958, + "recall": 25.889328063241106 + }, + { + "hf_subset": "apc_Arab-pol_Latn", + "languages": [ + "apc-Arab", + "pol-Latn" + ], + "accuracy": 5.8300395256917, + "f1": 4.771345020289305, + "main_score": 4.771345020289305, + "precision": 4.531490987141249, + "recall": 5.8300395256917 + }, + { + "hf_subset": "bug_Latn-pol_Latn", + "languages": [ + "bug-Latn", + "pol-Latn" + ], + "accuracy": 23.91304347826087, + "f1": 20.07699048356012, + "main_score": 20.07699048356012, + "precision": 19.08000382091288, + "recall": 23.91304347826087 + }, + { + "hf_subset": "fon_Latn-pol_Latn", + "languages": [ + "fon-Latn", + "pol-Latn" + ], + "accuracy": 24.802371541501977, + "f1": 21.068053623570577, + "main_score": 21.068053623570577, + "precision": 20.049528384718315, + "recall": 24.802371541501977 + }, + { + "hf_subset": "jav_Latn-pol_Latn", + "languages": [ + "jav-Latn", + "pol-Latn" + ], + "accuracy": 19.861660079051383, + "f1": 17.8252060266033, + "main_score": 17.8252060266033, + "precision": 17.232613108208085, + "recall": 19.861660079051383 + }, + { + "hf_subset": "lao_Laoo-pol_Latn", + "languages": [ + "lao-Laoo", + "pol-Latn" + ], + "accuracy": 28.952569169960473, + "f1": 26.545881654577308, + "main_score": 26.545881654577308, + "precision": 25.711840655780314, + "recall": 28.952569169960473 + }, + { + "hf_subset": "mri_Latn-pol_Latn", + "languages": [ + "mri-Latn", + "pol-Latn" + ], + "accuracy": 17.786561264822133, + "f1": 15.783709557066814, + "main_score": 15.783709557066814, + "precision": 15.323213600988495, + "recall": 17.786561264822133 + }, + { + "hf_subset": "rus_Cyrl-pol_Latn", + "languages": [ + "rus-Cyrl", + "pol-Latn" + ], + "accuracy": 5.7312252964426875, + "f1": 4.633980959784417, + "main_score": 4.633980959784417, + "precision": 4.381700463126679, + "recall": 5.7312252964426875 + }, + { + "hf_subset": "taq_Latn-pol_Latn", + "languages": [ + "taq-Latn", + "pol-Latn" + ], + "accuracy": 28.85375494071146, + "f1": 24.7016707123012, + "main_score": 24.7016707123012, + "precision": 23.47897679898959, + "recall": 28.85375494071146 + }, + { + "hf_subset": "war_Latn-pol_Latn", + "languages": [ + "war-Latn", + "pol-Latn" + ], + "accuracy": 38.63636363636363, + "f1": 34.295490067770984, + "main_score": 34.295490067770984, + "precision": 33.21862519220829, + "recall": 38.63636363636363 + }, + { + "hf_subset": "arb_Arab-pol_Latn", + "languages": [ + "arb-Arab", + "pol-Latn" + ], + "accuracy": 3.6561264822134385, + "f1": 2.773676919366406, + "main_score": 2.773676919366406, + "precision": 2.6137121358188073, + "recall": 3.6561264822134385 + }, + { + "hf_subset": "bul_Cyrl-pol_Latn", + "languages": [ + "bul-Cyrl", + "pol-Latn" + ], + "accuracy": 5.632411067193676, + "f1": 4.504705439488048, + "main_score": 4.504705439488048, + "precision": 4.22258230186781, + "recall": 5.632411067193676 + }, + { + "hf_subset": "fra_Latn-pol_Latn", + "languages": [ + "fra-Latn", + "pol-Latn" + ], + "accuracy": 45.65217391304348, + "f1": 42.319337266121366, + "main_score": 42.319337266121366, + "precision": 41.337433711384975, + "recall": 45.65217391304348 + }, + { + "hf_subset": "jpn_Jpan-pol_Latn", + "languages": [ + "jpn-Jpan", + "pol-Latn" + ], + "accuracy": 1.7786561264822136, + "f1": 1.5436431670974948, + "main_score": 1.5436431670974948, + "precision": 1.4988121544095525, + "recall": 1.7786561264822136 + }, + { + "hf_subset": "lij_Latn-pol_Latn", + "languages": [ + "lij-Latn", + "pol-Latn" + ], + "accuracy": 32.11462450592885, + "f1": 29.849869097168057, + "main_score": 29.849869097168057, + "precision": 29.154947704114285, + "recall": 32.11462450592885 + }, + { + "hf_subset": "mya_Mymr-pol_Latn", + "languages": [ + "mya-Mymr", + "pol-Latn" + ], + "accuracy": 5.0395256916996045, + "f1": 4.519431283756075, + "main_score": 4.519431283756075, + "precision": 4.356224477087554, + "recall": 5.0395256916996045 + }, + { + "hf_subset": "sag_Latn-pol_Latn", + "languages": [ + "sag-Latn", + "pol-Latn" + ], + "accuracy": 17.094861660079054, + "f1": 14.637628173381545, + "main_score": 14.637628173381545, + "precision": 14.112004954025323, + "recall": 17.094861660079054 + }, + { + "hf_subset": "taq_Tfng-pol_Latn", + "languages": [ + "taq-Tfng", + "pol-Latn" + ], + "accuracy": 5.632411067193676, + "f1": 4.909914312233067, + "main_score": 4.909914312233067, + "precision": 4.724626945040803, + "recall": 5.632411067193676 + }, + { + "hf_subset": "wol_Latn-pol_Latn", + "languages": [ + "wol-Latn", + "pol-Latn" + ], + "accuracy": 23.616600790513832, + "f1": 20.279347388097182, + "main_score": 20.279347388097182, + "precision": 19.46070794354514, + "recall": 23.616600790513832 + }, + { + "hf_subset": "arb_Latn-pol_Latn", + "languages": [ + "arb-Latn", + "pol-Latn" + ], + "accuracy": 9.288537549407115, + "f1": 8.086159010072054, + "main_score": 8.086159010072054, + "precision": 7.813028740140765, + "recall": 9.288537549407115 + }, + { + "hf_subset": "cat_Latn-pol_Latn", + "languages": [ + "cat-Latn", + "pol-Latn" + ], + "accuracy": 38.24110671936759, + "f1": 35.27552312466981, + "main_score": 35.27552312466981, + "precision": 34.31791722698166, + "recall": 38.24110671936759 + }, + { + "hf_subset": "fur_Latn-pol_Latn", + "languages": [ + "fur-Latn", + "pol-Latn" + ], + "accuracy": 34.387351778656125, + "f1": 31.058068019828706, + "main_score": 31.058068019828706, + "precision": 30.052825623033737, + "recall": 34.387351778656125 + }, + { + "hf_subset": "kab_Latn-pol_Latn", + "languages": [ + "kab-Latn", + "pol-Latn" + ], + "accuracy": 7.806324110671936, + "f1": 5.902874997333144, + "main_score": 5.902874997333144, + "precision": 5.423746587330392, + "recall": 7.806324110671936 + }, + { + "hf_subset": "lim_Latn-pol_Latn", + "languages": [ + "lim-Latn", + "pol-Latn" + ], + "accuracy": 39.723320158102766, + "f1": 35.389001290356084, + "main_score": 35.389001290356084, + "precision": 34.13435535421377, + "recall": 39.723320158102766 + }, + { + "hf_subset": "nld_Latn-pol_Latn", + "languages": [ + "nld-Latn", + "pol-Latn" + ], + "accuracy": 42.094861660079054, + "f1": 37.93291320500714, + "main_score": 37.93291320500714, + "precision": 36.767114618952355, + "recall": 42.094861660079054 + }, + { + "hf_subset": "san_Deva-pol_Latn", + "languages": [ + "san-Deva", + "pol-Latn" + ], + "accuracy": 5.632411067193676, + "f1": 4.660741759396567, + "main_score": 4.660741759396567, + "precision": 4.430956752636382, + "recall": 5.632411067193676 + }, + { + "hf_subset": "tat_Cyrl-pol_Latn", + "languages": [ + "tat-Cyrl", + "pol-Latn" + ], + "accuracy": 5.928853754940711, + "f1": 4.929180488481535, + "main_score": 4.929180488481535, + "precision": 4.674956123463861, + "recall": 5.928853754940711 + }, + { + "hf_subset": "xho_Latn-pol_Latn", + "languages": [ + "xho-Latn", + "pol-Latn" + ], + "accuracy": 16.40316205533597, + "f1": 14.1584637782076, + "main_score": 14.1584637782076, + "precision": 13.551169277747055, + "recall": 16.40316205533597 + }, + { + "hf_subset": "ars_Arab-pol_Latn", + "languages": [ + "ars-Arab", + "pol-Latn" + ], + "accuracy": 2.075098814229249, + "f1": 1.5663001729144188, + "main_score": 1.5663001729144188, + "precision": 1.5034847066262733, + "recall": 2.075098814229249 + }, + { + "hf_subset": "ceb_Latn-pol_Latn", + "languages": [ + "ceb-Latn", + "pol-Latn" + ], + "accuracy": 27.766798418972332, + "f1": 25.138248191646635, + "main_score": 25.138248191646635, + "precision": 24.52148356634336, + "recall": 27.766798418972332 + }, + { + "hf_subset": "fuv_Latn-pol_Latn", + "languages": [ + "fuv-Latn", + "pol-Latn" + ], + "accuracy": 20.652173913043477, + "f1": 18.497889827878236, + "main_score": 18.497889827878236, + "precision": 17.894908363824175, + "recall": 20.652173913043477 + }, + { + "hf_subset": "kac_Latn-pol_Latn", + "languages": [ + "kac-Latn", + "pol-Latn" + ], + "accuracy": 18.675889328063242, + "f1": 16.47500264090945, + "main_score": 16.47500264090945, + "precision": 15.965045864487637, + "recall": 18.675889328063242 + }, + { + "hf_subset": "lin_Latn-pol_Latn", + "languages": [ + "lin-Latn", + "pol-Latn" + ], + "accuracy": 19.861660079051383, + "f1": 16.669395867367935, + "main_score": 16.669395867367935, + "precision": 15.996611411786905, + "recall": 19.861660079051383 + }, + { + "hf_subset": "nno_Latn-pol_Latn", + "languages": [ + "nno-Latn", + "pol-Latn" + ], + "accuracy": 37.74703557312253, + "f1": 33.43750147323936, + "main_score": 33.43750147323936, + "precision": 32.26544682279166, + "recall": 37.74703557312253 + }, + { + "hf_subset": "sat_Olck-pol_Latn", + "languages": [ + "sat-Olck", + "pol-Latn" + ], + "accuracy": 0.9881422924901186, + "f1": 0.738017708056005, + "main_score": 0.738017708056005, + "precision": 0.6918021091302707, + "recall": 0.9881422924901186 + }, + { + "hf_subset": "tel_Telu-pol_Latn", + "languages": [ + "tel-Telu", + "pol-Latn" + ], + "accuracy": 7.806324110671936, + "f1": 6.455909948121061, + "main_score": 6.455909948121061, + "precision": 6.10016680289029, + "recall": 7.806324110671936 + }, + { + "hf_subset": "ydd_Hebr-pol_Latn", + "languages": [ + "ydd-Hebr", + "pol-Latn" + ], + "accuracy": 5.8300395256917, + "f1": 4.714103592822127, + "main_score": 4.714103592822127, + "precision": 4.418610320290162, + "recall": 5.8300395256917 + }, + { + "hf_subset": "ary_Arab-pol_Latn", + "languages": [ + "ary-Arab", + "pol-Latn" + ], + "accuracy": 3.9525691699604746, + "f1": 3.038700967670975, + "main_score": 3.038700967670975, + "precision": 2.852792175238853, + "recall": 3.9525691699604746 + }, + { + "hf_subset": "ces_Latn-pol_Latn", + "languages": [ + "ces-Latn", + "pol-Latn" + ], + "accuracy": 43.3794466403162, + "f1": 38.33097409419722, + "main_score": 38.33097409419722, + "precision": 36.81077971825639, + "recall": 43.3794466403162 + }, + { + "hf_subset": "gaz_Latn-pol_Latn", + "languages": [ + "gaz-Latn", + "pol-Latn" + ], + "accuracy": 4.841897233201581, + "f1": 3.749327265034994, + "main_score": 3.749327265034994, + "precision": 3.5976880947568186, + "recall": 4.841897233201581 + }, + { + "hf_subset": "kam_Latn-pol_Latn", + "languages": [ + "kam-Latn", + "pol-Latn" + ], + "accuracy": 22.82608695652174, + "f1": 19.26086834997352, + "main_score": 19.26086834997352, + "precision": 18.374103098537436, + "recall": 22.82608695652174 + }, + { + "hf_subset": "lit_Latn-pol_Latn", + "languages": [ + "lit-Latn", + "pol-Latn" + ], + "accuracy": 24.50592885375494, + "f1": 20.41895151835619, + "main_score": 20.41895151835619, + "precision": 19.338293047532176, + "recall": 24.50592885375494 + }, + { + "hf_subset": "nob_Latn-pol_Latn", + "languages": [ + "nob-Latn", + "pol-Latn" + ], + "accuracy": 36.6600790513834, + "f1": 32.77972950668669, + "main_score": 32.77972950668669, + "precision": 31.673807638587903, + "recall": 36.6600790513834 + }, + { + "hf_subset": "scn_Latn-pol_Latn", + "languages": [ + "scn-Latn", + "pol-Latn" + ], + "accuracy": 20.652173913043477, + "f1": 19.09631332716127, + "main_score": 19.09631332716127, + "precision": 18.58198848760543, + "recall": 20.652173913043477 + }, + { + "hf_subset": "tgk_Cyrl-pol_Latn", + "languages": [ + "tgk-Cyrl", + "pol-Latn" + ], + "accuracy": 5.533596837944664, + "f1": 4.55426300946565, + "main_score": 4.55426300946565, + "precision": 4.305510392181988, + "recall": 5.533596837944664 + }, + { + "hf_subset": "yor_Latn-pol_Latn", + "languages": [ + "yor-Latn", + "pol-Latn" + ], + "accuracy": 24.011857707509883, + "f1": 20.4852283680085, + "main_score": 20.4852283680085, + "precision": 19.307145104230646, + "recall": 24.011857707509883 + }, + { + "hf_subset": "arz_Arab-pol_Latn", + "languages": [ + "arz-Arab", + "pol-Latn" + ], + "accuracy": 2.8656126482213438, + "f1": 2.050382343389291, + "main_score": 2.050382343389291, + "precision": 1.9244732677291967, + "recall": 2.8656126482213438 + }, + { + "hf_subset": "cjk_Latn-pol_Latn", + "languages": [ + "cjk-Latn", + "pol-Latn" + ], + "accuracy": 15.909090909090908, + "f1": 13.094697079040241, + "main_score": 13.094697079040241, + "precision": 12.451127946209137, + "recall": 15.909090909090908 + }, + { + "hf_subset": "gla_Latn-pol_Latn", + "languages": [ + "gla-Latn", + "pol-Latn" + ], + "accuracy": 14.229249011857709, + "f1": 11.8958091961019, + "main_score": 11.8958091961019, + "precision": 11.308813312132354, + "recall": 14.229249011857709 + }, + { + "hf_subset": "kan_Knda-pol_Latn", + "languages": [ + "kan-Knda", + "pol-Latn" + ], + "accuracy": 4.446640316205533, + "f1": 3.543866950918991, + "main_score": 3.543866950918991, + "precision": 3.344953602611705, + "recall": 4.446640316205533 + }, + { + "hf_subset": "lmo_Latn-pol_Latn", + "languages": [ + "lmo-Latn", + "pol-Latn" + ], + "accuracy": 31.818181818181817, + "f1": 28.84565227513798, + "main_score": 28.84565227513798, + "precision": 27.901861094548845, + "recall": 31.818181818181817 + }, + { + "hf_subset": "npi_Deva-pol_Latn", + "languages": [ + "npi-Deva", + "pol-Latn" + ], + "accuracy": 6.126482213438735, + "f1": 4.995296774703681, + "main_score": 4.995296774703681, + "precision": 4.716743907131579, + "recall": 6.126482213438735 + }, + { + "hf_subset": "shn_Mymr-pol_Latn", + "languages": [ + "shn-Mymr", + "pol-Latn" + ], + "accuracy": 32.41106719367589, + "f1": 29.33468087609507, + "main_score": 29.33468087609507, + "precision": 28.217299436243536, + "recall": 32.41106719367589 + }, + { + "hf_subset": "tgl_Latn-pol_Latn", + "languages": [ + "tgl-Latn", + "pol-Latn" + ], + "accuracy": 19.960474308300398, + "f1": 17.358391772917464, + "main_score": 17.358391772917464, + "precision": 16.714674395610597, + "recall": 19.960474308300398 + }, + { + "hf_subset": "yue_Hant-pol_Latn", + "languages": [ + "yue-Hant", + "pol-Latn" + ], + "accuracy": 5.8300395256917, + "f1": 5.1056101485728576, + "main_score": 5.1056101485728576, + "precision": 4.867798538747156, + "recall": 5.8300395256917 + }, + { + "hf_subset": "asm_Beng-pol_Latn", + "languages": [ + "asm-Beng", + "pol-Latn" + ], + "accuracy": 2.766798418972332, + "f1": 2.1076417295698957, + "main_score": 2.1076417295698957, + "precision": 1.9539846461201957, + "recall": 2.766798418972332 + }, + { + "hf_subset": "ckb_Arab-pol_Latn", + "languages": [ + "ckb-Arab", + "pol-Latn" + ], + "accuracy": 2.4703557312252964, + "f1": 1.7603256093421709, + "main_score": 1.7603256093421709, + "precision": 1.5924946194322374, + "recall": 2.4703557312252964 + }, + { + "hf_subset": "gle_Latn-pol_Latn", + "languages": [ + "gle-Latn", + "pol-Latn" + ], + "accuracy": 17.490118577075098, + "f1": 15.1736996743734, + "main_score": 15.1736996743734, + "precision": 14.611817031828728, + "recall": 17.490118577075098 + }, + { + "hf_subset": "kas_Arab-pol_Latn", + "languages": [ + "kas-Arab", + "pol-Latn" + ], + "accuracy": 4.150197628458498, + "f1": 3.4109750619615435, + "main_score": 3.4109750619615435, + "precision": 3.2236152439722527, + "recall": 4.150197628458498 + }, + { + "hf_subset": "ltg_Latn-pol_Latn", + "languages": [ + "ltg-Latn", + "pol-Latn" + ], + "accuracy": 26.778656126482215, + "f1": 22.413478254607035, + "main_score": 22.413478254607035, + "precision": 21.276900635762036, + "recall": 26.778656126482215 + }, + { + "hf_subset": "nso_Latn-pol_Latn", + "languages": [ + "nso-Latn", + "pol-Latn" + ], + "accuracy": 24.011857707509883, + "f1": 20.924527200344738, + "main_score": 20.924527200344738, + "precision": 20.22077114271249, + "recall": 24.011857707509883 + }, + { + "hf_subset": "sin_Sinh-pol_Latn", + "languages": [ + "sin-Sinh", + "pol-Latn" + ], + "accuracy": 4.3478260869565215, + "f1": 3.346071948603057, + "main_score": 3.346071948603057, + "precision": 3.095815510077129, + "recall": 4.3478260869565215 + }, + { + "hf_subset": "tha_Thai-pol_Latn", + "languages": [ + "tha-Thai", + "pol-Latn" + ], + "accuracy": 10.17786561264822, + "f1": 9.03960816616096, + "main_score": 9.03960816616096, + "precision": 8.720792794162358, + "recall": 10.17786561264822 + }, + { + "hf_subset": "zho_Hans-pol_Latn", + "languages": [ + "zho-Hans", + "pol-Latn" + ], + "accuracy": 11.16600790513834, + "f1": 9.816083127794206, + "main_score": 9.816083127794206, + "precision": 9.449149883932492, + "recall": 11.16600790513834 + }, + { + "hf_subset": "ast_Latn-pol_Latn", + "languages": [ + "ast-Latn", + "pol-Latn" + ], + "accuracy": 30.434782608695656, + "f1": 28.20427596119296, + "main_score": 28.20427596119296, + "precision": 27.513652569681575, + "recall": 30.434782608695656 + }, + { + "hf_subset": "crh_Latn-pol_Latn", + "languages": [ + "crh-Latn", + "pol-Latn" + ], + "accuracy": 20.75098814229249, + "f1": 17.77221970878066, + "main_score": 17.77221970878066, + "precision": 17.05363389516053, + "recall": 20.75098814229249 + }, + { + "hf_subset": "glg_Latn-pol_Latn", + "languages": [ + "glg-Latn", + "pol-Latn" + ], + "accuracy": 35.37549407114625, + "f1": 32.855499945461084, + "main_score": 32.855499945461084, + "precision": 32.22612135335778, + "recall": 35.37549407114625 + }, + { + "hf_subset": "kas_Deva-pol_Latn", + "languages": [ + "kas-Deva", + "pol-Latn" + ], + "accuracy": 16.40316205533597, + "f1": 14.19769011598097, + "main_score": 14.19769011598097, + "precision": 13.509038094724147, + "recall": 16.40316205533597 + }, + { + "hf_subset": "ltz_Latn-pol_Latn", + "languages": [ + "ltz-Latn", + "pol-Latn" + ], + "accuracy": 37.84584980237154, + "f1": 33.44048344372484, + "main_score": 33.44048344372484, + "precision": 32.05143506407127, + "recall": 37.84584980237154 + }, + { + "hf_subset": "nus_Latn-pol_Latn", + "languages": [ + "nus-Latn", + "pol-Latn" + ], + "accuracy": 12.845849802371543, + "f1": 10.896227857585187, + "main_score": 10.896227857585187, + "precision": 10.294754358350081, + "recall": 12.845849802371543 + }, + { + "hf_subset": "slk_Latn-pol_Latn", + "languages": [ + "slk-Latn", + "pol-Latn" + ], + "accuracy": 41.00790513833992, + "f1": 36.01972871344834, + "main_score": 36.01972871344834, + "precision": 34.530391529091034, + "recall": 41.00790513833992 + }, + { + "hf_subset": "tir_Ethi-pol_Latn", + "languages": [ + "tir-Ethi", + "pol-Latn" + ], + "accuracy": 2.66798418972332, + "f1": 2.2198721083844957, + "main_score": 2.2198721083844957, + "precision": 2.1499716421629076, + "recall": 2.66798418972332 + }, + { + "hf_subset": "zho_Hant-pol_Latn", + "languages": [ + "zho-Hant", + "pol-Latn" + ], + "accuracy": 7.312252964426877, + "f1": 6.340388250223482, + "main_score": 6.340388250223482, + "precision": 6.111030998564803, + "recall": 7.312252964426877 + }, + { + "hf_subset": "awa_Deva-pol_Latn", + "languages": [ + "awa-Deva", + "pol-Latn" + ], + "accuracy": 3.3596837944664033, + "f1": 2.579158411169609, + "main_score": 2.579158411169609, + "precision": 2.403919362726758, + "recall": 3.3596837944664033 + }, + { + "hf_subset": "cym_Latn-pol_Latn", + "languages": [ + "cym-Latn", + "pol-Latn" + ], + "accuracy": 20.35573122529644, + "f1": 18.287058620527255, + "main_score": 18.287058620527255, + "precision": 17.70382884312341, + "recall": 20.35573122529644 + }, + { + "hf_subset": "grn_Latn-pol_Latn", + "languages": [ + "grn-Latn", + "pol-Latn" + ], + "accuracy": 28.55731225296443, + "f1": 24.9187073406344, + "main_score": 24.9187073406344, + "precision": 23.940053904041108, + "recall": 28.55731225296443 + }, + { + "hf_subset": "kat_Geor-pol_Latn", + "languages": [ + "kat-Geor", + "pol-Latn" + ], + "accuracy": 6.027667984189724, + "f1": 4.838828225825765, + "main_score": 4.838828225825765, + "precision": 4.530376375310547, + "recall": 6.027667984189724 + }, + { + "hf_subset": "lua_Latn-pol_Latn", + "languages": [ + "lua-Latn", + "pol-Latn" + ], + "accuracy": 21.936758893280633, + "f1": 19.137345487494034, + "main_score": 19.137345487494034, + "precision": 18.50076951838475, + "recall": 21.936758893280633 + }, + { + "hf_subset": "nya_Latn-pol_Latn", + "languages": [ + "nya-Latn", + "pol-Latn" + ], + "accuracy": 22.727272727272727, + "f1": 19.352203630458405, + "main_score": 19.352203630458405, + "precision": 18.403212982984027, + "recall": 22.727272727272727 + }, + { + "hf_subset": "slv_Latn-pol_Latn", + "languages": [ + "slv-Latn", + "pol-Latn" + ], + "accuracy": 34.58498023715415, + "f1": 29.987852862596537, + "main_score": 29.987852862596537, + "precision": 28.67320439878897, + "recall": 34.58498023715415 + }, + { + "hf_subset": "tpi_Latn-pol_Latn", + "languages": [ + "tpi-Latn", + "pol-Latn" + ], + "accuracy": 49.50592885375494, + "f1": 45.07371755426884, + "main_score": 45.07371755426884, + "precision": 43.583045144983984, + "recall": 49.50592885375494 + }, + { + "hf_subset": "zsm_Latn-pol_Latn", + "languages": [ + "zsm-Latn", + "pol-Latn" + ], + "accuracy": 24.40711462450593, + "f1": 21.96257404337446, + "main_score": 21.96257404337446, + "precision": 21.242868844120004, + "recall": 24.40711462450593 + }, + { + "hf_subset": "ayr_Latn-pol_Latn", + "languages": [ + "ayr-Latn", + "pol-Latn" + ], + "accuracy": 19.76284584980237, + "f1": 16.61210544522444, + "main_score": 16.61210544522444, + "precision": 15.90306566825407, + "recall": 19.76284584980237 + }, + { + "hf_subset": "dan_Latn-pol_Latn", + "languages": [ + "dan-Latn", + "pol-Latn" + ], + "accuracy": 41.798418972332016, + "f1": 37.28920180969047, + "main_score": 37.28920180969047, + "precision": 35.93657133520941, + "recall": 41.798418972332016 + }, + { + "hf_subset": "guj_Gujr-pol_Latn", + "languages": [ + "guj-Gujr", + "pol-Latn" + ], + "accuracy": 3.260869565217391, + "f1": 2.5249735724995688, + "main_score": 2.5249735724995688, + "precision": 2.388309383138791, + "recall": 3.260869565217391 + }, + { + "hf_subset": "kaz_Cyrl-pol_Latn", + "languages": [ + "kaz-Cyrl", + "pol-Latn" + ], + "accuracy": 7.41106719367589, + "f1": 6.058280483075661, + "main_score": 6.058280483075661, + "precision": 5.757579952561782, + "recall": 7.41106719367589 + }, + { + "hf_subset": "lug_Latn-pol_Latn", + "languages": [ + "lug-Latn", + "pol-Latn" + ], + "accuracy": 17.885375494071145, + "f1": 15.521929947232882, + "main_score": 15.521929947232882, + "precision": 14.947095140298922, + "recall": 17.885375494071145 + }, + { + "hf_subset": "oci_Latn-pol_Latn", + "languages": [ + "oci-Latn", + "pol-Latn" + ], + "accuracy": 43.47826086956522, + "f1": 40.4731863475219, + "main_score": 40.4731863475219, + "precision": 39.59450765088603, + "recall": 43.47826086956522 + }, + { + "hf_subset": "smo_Latn-pol_Latn", + "languages": [ + "smo-Latn", + "pol-Latn" + ], + "accuracy": 17.588932806324113, + "f1": 15.690160809698227, + "main_score": 15.690160809698227, + "precision": 15.156564766279049, + "recall": 17.588932806324113 + }, + { + "hf_subset": "tsn_Latn-pol_Latn", + "languages": [ + "tsn-Latn", + "pol-Latn" + ], + "accuracy": 21.34387351778656, + "f1": 18.434350717459363, + "main_score": 18.434350717459363, + "precision": 17.774574235822616, + "recall": 21.34387351778656 + }, + { + "hf_subset": "zul_Latn-pol_Latn", + "languages": [ + "zul-Latn", + "pol-Latn" + ], + "accuracy": 11.6600790513834, + "f1": 9.735829734910533, + "main_score": 9.735829734910533, + "precision": 9.312566681548638, + "recall": 11.6600790513834 + }, + { + "hf_subset": "azb_Arab-pol_Latn", + "languages": [ + "azb-Arab", + "pol-Latn" + ], + "accuracy": 2.1739130434782608, + "f1": 1.5873015873015872, + "main_score": 1.5873015873015872, + "precision": 1.4545689817428948, + "recall": 2.1739130434782608 + }, + { + "hf_subset": "deu_Latn-pol_Latn", + "languages": [ + "deu-Latn", + "pol-Latn" + ], + "accuracy": 44.762845849802375, + "f1": 41.12292987587522, + "main_score": 41.12292987587522, + "precision": 39.92950680327162, + "recall": 44.762845849802375 + }, + { + "hf_subset": "hat_Latn-pol_Latn", + "languages": [ + "hat-Latn", + "pol-Latn" + ], + "accuracy": 22.33201581027668, + "f1": 18.967394150492094, + "main_score": 18.967394150492094, + "precision": 18.182537641253294, + "recall": 22.33201581027668 + }, + { + "hf_subset": "kbp_Latn-pol_Latn", + "languages": [ + "kbp-Latn", + "pol-Latn" + ], + "accuracy": 21.245059288537547, + "f1": 18.09991436613242, + "main_score": 18.09991436613242, + "precision": 17.252105388177373, + "recall": 21.245059288537547 + }, + { + "hf_subset": "luo_Latn-pol_Latn", + "languages": [ + "luo-Latn", + "pol-Latn" + ], + "accuracy": 22.233201581027668, + "f1": 18.449176192713168, + "main_score": 18.449176192713168, + "precision": 17.624851982025028, + "recall": 22.233201581027668 + }, + { + "hf_subset": "ory_Orya-pol_Latn", + "languages": [ + "ory-Orya", + "pol-Latn" + ], + "accuracy": 4.3478260869565215, + "f1": 3.611531226271985, + "main_score": 3.611531226271985, + "precision": 3.468918020129858, + "recall": 4.3478260869565215 + }, + { + "hf_subset": "sna_Latn-pol_Latn", + "languages": [ + "sna-Latn", + "pol-Latn" + ], + "accuracy": 15.217391304347828, + "f1": 12.702456926626832, + "main_score": 12.702456926626832, + "precision": 12.135158314143617, + "recall": 15.217391304347828 + }, + { + "hf_subset": "tso_Latn-pol_Latn", + "languages": [ + "tso-Latn", + "pol-Latn" + ], + "accuracy": 18.181818181818183, + "f1": 15.288851001752626, + "main_score": 15.288851001752626, + "precision": 14.650945991352978, + "recall": 18.181818181818183 + }, + { + "hf_subset": "azj_Latn-pol_Latn", + "languages": [ + "azj-Latn", + "pol-Latn" + ], + "accuracy": 18.57707509881423, + "f1": 14.966220609361827, + "main_score": 14.966220609361827, + "precision": 13.961871486067762, + "recall": 18.57707509881423 + }, + { + "hf_subset": "dik_Latn-pol_Latn", + "languages": [ + "dik-Latn", + "pol-Latn" + ], + "accuracy": 32.70750988142292, + "f1": 28.22133496338573, + "main_score": 28.22133496338573, + "precision": 26.929658124002465, + "recall": 32.70750988142292 + }, + { + "hf_subset": "hau_Latn-pol_Latn", + "languages": [ + "hau-Latn", + "pol-Latn" + ], + "accuracy": 17.490118577075098, + "f1": 15.013241657524787, + "main_score": 15.013241657524787, + "precision": 14.360189776791414, + "recall": 17.490118577075098 + }, + { + "hf_subset": "kea_Latn-pol_Latn", + "languages": [ + "kea-Latn", + "pol-Latn" + ], + "accuracy": 29.249011857707508, + "f1": 25.728171141197727, + "main_score": 25.728171141197727, + "precision": 24.845714735234882, + "recall": 29.249011857707508 + }, + { + "hf_subset": "lus_Latn-pol_Latn", + "languages": [ + "lus-Latn", + "pol-Latn" + ], + "accuracy": 37.45059288537549, + "f1": 34.1522273339155, + "main_score": 34.1522273339155, + "precision": 33.11133967978197, + "recall": 37.45059288537549 + }, + { + "hf_subset": "pag_Latn-pol_Latn", + "languages": [ + "pag-Latn", + "pol-Latn" + ], + "accuracy": 46.44268774703557, + "f1": 42.55956424045618, + "main_score": 42.55956424045618, + "precision": 41.308049408906065, + "recall": 46.44268774703557 + }, + { + "hf_subset": "snd_Arab-pol_Latn", + "languages": [ + "snd-Arab", + "pol-Latn" + ], + "accuracy": 5.7312252964426875, + "f1": 4.418129345402073, + "main_score": 4.418129345402073, + "precision": 4.080735393694834, + "recall": 5.7312252964426875 + }, + { + "hf_subset": "tuk_Latn-pol_Latn", + "languages": [ + "tuk-Latn", + "pol-Latn" + ], + "accuracy": 18.478260869565215, + "f1": 14.559489584262082, + "main_score": 14.559489584262082, + "precision": 13.576842652514323, + "recall": 18.478260869565215 + }, + { + "hf_subset": "bak_Cyrl-pol_Latn", + "languages": [ + "bak-Cyrl", + "pol-Latn" + ], + "accuracy": 5.7312252964426875, + "f1": 4.523459883439954, + "main_score": 4.523459883439954, + "precision": 4.2460184752788495, + "recall": 5.7312252964426875 + }, + { + "hf_subset": "dyu_Latn-pol_Latn", + "languages": [ + "dyu-Latn", + "pol-Latn" + ], + "accuracy": 17.885375494071145, + "f1": 15.287973467865342, + "main_score": 15.287973467865342, + "precision": 14.602748983645133, + "recall": 17.885375494071145 + }, + { + "hf_subset": "heb_Hebr-pol_Latn", + "languages": [ + "heb-Hebr", + "pol-Latn" + ], + "accuracy": 5.434782608695652, + "f1": 4.41417092476672, + "main_score": 4.41417092476672, + "precision": 4.190847187073325, + "recall": 5.434782608695652 + }, + { + "hf_subset": "khk_Cyrl-pol_Latn", + "languages": [ + "khk-Cyrl", + "pol-Latn" + ], + "accuracy": 3.8537549407114624, + "f1": 2.7896363021461554, + "main_score": 2.7896363021461554, + "precision": 2.554176462902154, + "recall": 3.8537549407114624 + }, + { + "hf_subset": "lvs_Latn-pol_Latn", + "languages": [ + "lvs-Latn", + "pol-Latn" + ], + "accuracy": 19.76284584980237, + "f1": 15.95516453180757, + "main_score": 15.95516453180757, + "precision": 14.79353339363382, + "recall": 19.76284584980237 + }, + { + "hf_subset": "pan_Guru-pol_Latn", + "languages": [ + "pan-Guru", + "pol-Latn" + ], + "accuracy": 4.150197628458498, + "f1": 3.19295355133975, + "main_score": 3.19295355133975, + "precision": 2.959982158565134, + "recall": 4.150197628458498 + }, + { + "hf_subset": "som_Latn-pol_Latn", + "languages": [ + "som-Latn", + "pol-Latn" + ], + "accuracy": 15.217391304347828, + "f1": 13.211426918534308, + "main_score": 13.211426918534308, + "precision": 12.706032748562594, + "recall": 15.217391304347828 + }, + { + "hf_subset": "tum_Latn-pol_Latn", + "languages": [ + "tum-Latn", + "pol-Latn" + ], + "accuracy": 21.73913043478261, + "f1": 18.12344158190285, + "main_score": 18.12344158190285, + "precision": 17.177114905727347, + "recall": 21.73913043478261 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__KartonBERT-USE-base-v1/external/HotpotQA-PL.json b/results/OrlikB__KartonBERT-USE-base-v1/external/HotpotQA-PL.json new file mode 100644 index 000000000..18bb2ab8e --- /dev/null +++ b/results/OrlikB__KartonBERT-USE-base-v1/external/HotpotQA-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "a0bd479ac97b4ccb5bd6ce320c415d0bb4beb907", + "task_name": "HotpotQA-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 57.45, + "map_at_1": 35.375, + "map_at_10": 48.074, + "map_at_100": 48.919000000000004, + "map_at_1000": 48.998000000000005, + "map_at_20": 48.556, + "map_at_3": 45.518, + "map_at_5": 47.032000000000004, + "mrr_at_1": 70.74949358541525, + "mrr_at_10": 76.78829190915619, + "mrr_at_100": 77.08402375999609, + "mrr_at_1000": 77.09935954798011, + "mrr_at_20": 76.96994129997728, + "mrr_at_3": 75.67184334908845, + "mrr_at_5": 76.36191762322755, + "nauc_map_at_1000_diff1": 27.947206485539006, + "nauc_map_at_1000_max": 26.1771329073023, + "nauc_map_at_1000_std": 5.2314854933790285, + "nauc_map_at_100_diff1": 27.941434167482498, + "nauc_map_at_100_max": 26.16836231495222, + "nauc_map_at_100_std": 5.19915879926482, + "nauc_map_at_10_diff1": 28.30412093215599, + "nauc_map_at_10_max": 26.507043849371705, + "nauc_map_at_10_std": 4.9731091966343435, + "nauc_map_at_1_diff1": 72.97828307949827, + "nauc_map_at_1_max": 52.081763648188485, + "nauc_map_at_1_std": 4.3782414938724274, + "nauc_map_at_20_diff1": 28.02867231346264, + "nauc_map_at_20_max": 26.269293729821857, + "nauc_map_at_20_std": 5.034947943611055, + "nauc_map_at_3_diff1": 30.823298736315678, + "nauc_map_at_3_max": 28.305551752514486, + "nauc_map_at_3_std": 4.10815806251092, + "nauc_map_at_5_diff1": 29.05835258195969, + "nauc_map_at_5_max": 27.040450341544826, + "nauc_map_at_5_std": 4.436108837487476, + "nauc_mrr_at_1000_diff1": 70.79284622625714, + "nauc_mrr_at_1000_max": 53.545770296186, + "nauc_mrr_at_1000_std": 6.713898700895104, + "nauc_mrr_at_100_diff1": 70.78789266461835, + "nauc_mrr_at_100_max": 53.548974646684, + "nauc_mrr_at_100_std": 6.718944513343734, + "nauc_mrr_at_10_diff1": 70.73072977161314, + "nauc_mrr_at_10_max": 53.596940611126044, + "nauc_mrr_at_10_std": 6.738009246182779, + "nauc_mrr_at_1_diff1": 72.97828307949827, + "nauc_mrr_at_1_max": 52.081763648188485, + "nauc_mrr_at_1_std": 4.3782414938724274, + "nauc_mrr_at_20_diff1": 70.75348482278754, + "nauc_mrr_at_20_max": 53.5477479731434, + "nauc_mrr_at_20_std": 6.725694432271149, + "nauc_mrr_at_3_diff1": 70.90921193129459, + "nauc_mrr_at_3_max": 53.56666547708075, + "nauc_mrr_at_3_std": 6.015691765361308, + "nauc_mrr_at_5_diff1": 70.77429682323806, + "nauc_mrr_at_5_max": 53.58598108314783, + "nauc_mrr_at_5_std": 6.3197118267571835, + "nauc_ndcg_at_1000_diff1": 31.832520163159945, + "nauc_ndcg_at_1000_max": 28.87137244600895, + "nauc_ndcg_at_1000_std": 8.080240653998418, + "nauc_ndcg_at_100_diff1": 31.669664556952565, + "nauc_ndcg_at_100_max": 28.71594989425018, + "nauc_ndcg_at_100_std": 7.4921101438523205, + "nauc_ndcg_at_10_diff1": 33.226000860634876, + "nauc_ndcg_at_10_max": 30.107656505365547, + "nauc_ndcg_at_10_std": 6.439918456928247, + "nauc_ndcg_at_1_diff1": 72.97828307949827, + "nauc_ndcg_at_1_max": 52.081763648188485, + "nauc_ndcg_at_1_std": 4.3782414938724274, + "nauc_ndcg_at_20_diff1": 32.302839386753554, + "nauc_ndcg_at_20_max": 29.29907663228911, + "nauc_ndcg_at_20_std": 6.580587478607336, + "nauc_ndcg_at_3_diff1": 37.7188612666666, + "nauc_ndcg_at_3_max": 33.15240774572049, + "nauc_ndcg_at_3_std": 4.819925669362351, + "nauc_ndcg_at_5_diff1": 34.87704367410069, + "nauc_ndcg_at_5_max": 31.209233398164365, + "nauc_ndcg_at_5_std": 5.320757770134728, + "nauc_precision_at_1000_diff1": -8.121260561311551, + "nauc_precision_at_1000_max": 1.4600692792429486, + "nauc_precision_at_1000_std": 18.980551255975282, + "nauc_precision_at_100_diff1": 0.9595396043800729, + "nauc_precision_at_100_max": 7.487652446748426, + "nauc_precision_at_100_std": 12.550190196346483, + "nauc_precision_at_10_diff1": 11.523234033091521, + "nauc_precision_at_10_max": 16.240380877381945, + "nauc_precision_at_10_std": 8.103831621990937, + "nauc_precision_at_1_diff1": 72.97828307949827, + "nauc_precision_at_1_max": 52.081763648188485, + "nauc_precision_at_1_std": 4.3782414938724274, + "nauc_precision_at_20_diff1": 7.776696643703554, + "nauc_precision_at_20_max": 13.003394172221489, + "nauc_precision_at_20_std": 8.456147688962815, + "nauc_precision_at_3_diff1": 22.92875552320387, + "nauc_precision_at_3_max": 24.690141011441337, + "nauc_precision_at_3_std": 4.897559810894209, + "nauc_precision_at_5_diff1": 17.073370028457965, + "nauc_precision_at_5_max": 20.395437811786447, + "nauc_precision_at_5_std": 5.746343973587844, + "nauc_recall_at_1000_diff1": -8.1212605613113, + "nauc_recall_at_1000_max": 1.4600692792431236, + "nauc_recall_at_1000_std": 18.98055125597542, + "nauc_recall_at_100_diff1": 0.9595396043800083, + "nauc_recall_at_100_max": 7.487652446748395, + "nauc_recall_at_100_std": 12.550190196346373, + "nauc_recall_at_10_diff1": 11.523234033091546, + "nauc_recall_at_10_max": 16.240380877381995, + "nauc_recall_at_10_std": 8.103831621991013, + "nauc_recall_at_1_diff1": 72.97828307949827, + "nauc_recall_at_1_max": 52.081763648188485, + "nauc_recall_at_1_std": 4.3782414938724274, + "nauc_recall_at_20_diff1": 7.776696643703573, + "nauc_recall_at_20_max": 13.0033941722215, + "nauc_recall_at_20_std": 8.45614768896279, + "nauc_recall_at_3_diff1": 22.928755523203822, + "nauc_recall_at_3_max": 24.690141011441263, + "nauc_recall_at_3_std": 4.897559810894166, + "nauc_recall_at_5_diff1": 17.073370028458005, + "nauc_recall_at_5_max": 20.395437811786472, + "nauc_recall_at_5_std": 5.746343973587907, + "ndcg_at_1": 70.749, + "ndcg_at_10": 57.45, + "ndcg_at_100": 60.650999999999996, + "ndcg_at_1000": 62.291, + "ndcg_at_20": 58.727, + "ndcg_at_3": 53.539, + "ndcg_at_5": 55.592, + "precision_at_1": 70.749, + "precision_at_10": 11.622, + "precision_at_100": 1.415, + "precision_at_1000": 0.163, + "precision_at_20": 6.2219999999999995, + "precision_at_3": 32.915, + "precision_at_5": 21.375, + "recall_at_1": 35.375, + "recall_at_10": 58.109, + "recall_at_100": 70.77, + "recall_at_1000": 81.708, + "recall_at_20": 62.221000000000004, + "recall_at_3": 49.372, + "recall_at_5": 53.437 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__KartonBERT-USE-base-v1/external/HotpotQA-PLHardNegatives.json b/results/OrlikB__KartonBERT-USE-base-v1/external/HotpotQA-PLHardNegatives.json new file mode 100644 index 000000000..44756d96e --- /dev/null +++ b/results/OrlikB__KartonBERT-USE-base-v1/external/HotpotQA-PLHardNegatives.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "0642cadffa3205c6b21c9af901fdffcd60d6f31e", + "task_name": "HotpotQA-PLHardNegatives", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 60.56700000000001, + "map_at_1": 36.199999999999996, + "map_at_10": 50.897999999999996, + "map_at_100": 52.038, + "map_at_1000": 52.134, + "map_at_20": 51.55800000000001, + "map_at_3": 47.766999999999996, + "map_at_5": 49.434, + "mrr_at_1": 72.39999999999999, + "mrr_at_10": 78.74666666666667, + "mrr_at_100": 79.06754299755188, + "mrr_at_1000": 79.07929688256422, + "mrr_at_20": 78.97176876614957, + "mrr_at_3": 77.5, + "mrr_at_5": 78.20499999999998, + "nauc_map_at_1000_diff1": 21.13561300802851, + "nauc_map_at_1000_max": 21.249219453246322, + "nauc_map_at_1000_std": -4.669822840258497, + "nauc_map_at_100_diff1": 21.095306085908604, + "nauc_map_at_100_max": 21.202772455601586, + "nauc_map_at_100_std": -4.723750393340032, + "nauc_map_at_10_diff1": 21.765115098977773, + "nauc_map_at_10_max": 21.77000691170242, + "nauc_map_at_10_std": -5.4382501708747, + "nauc_map_at_1_diff1": 68.79425914914317, + "nauc_map_at_1_max": 47.223208976547, + "nauc_map_at_1_std": -12.63967936490773, + "nauc_map_at_20_diff1": 21.23060640067979, + "nauc_map_at_20_max": 21.263514907637227, + "nauc_map_at_20_std": -5.156492062150907, + "nauc_map_at_3_diff1": 23.863613350758534, + "nauc_map_at_3_max": 22.361538264217785, + "nauc_map_at_3_std": -6.12150529504839, + "nauc_map_at_5_diff1": 22.542999500961926, + "nauc_map_at_5_max": 22.759646449359817, + "nauc_map_at_5_std": -4.761823706494758, + "nauc_mrr_at_1000_diff1": 68.09475501720986, + "nauc_mrr_at_1000_max": 49.08784703387968, + "nauc_mrr_at_1000_std": -11.912122956070558, + "nauc_mrr_at_100_diff1": 68.08653096396323, + "nauc_mrr_at_100_max": 49.082623679323305, + "nauc_mrr_at_100_std": -11.922377942768259, + "nauc_mrr_at_10_diff1": 68.01720190274823, + "nauc_mrr_at_10_max": 49.181515292974105, + "nauc_mrr_at_10_std": -11.64889917671523, + "nauc_mrr_at_1_diff1": 68.79425914914317, + "nauc_mrr_at_1_max": 47.223208976547, + "nauc_mrr_at_1_std": -12.63967936490773, + "nauc_mrr_at_20_diff1": 68.11391215333266, + "nauc_mrr_at_20_max": 49.22271597462208, + "nauc_mrr_at_20_std": -11.806540894851986, + "nauc_mrr_at_3_diff1": 68.39904516682762, + "nauc_mrr_at_3_max": 48.66756325961343, + "nauc_mrr_at_3_std": -12.807791929130827, + "nauc_mrr_at_5_diff1": 68.22020582688101, + "nauc_mrr_at_5_max": 49.32584715351403, + "nauc_mrr_at_5_std": -11.383099021799612, + "nauc_ndcg_at_1000_diff1": 25.403527087657316, + "nauc_ndcg_at_1000_max": 24.333374836810293, + "nauc_ndcg_at_1000_std": -2.301241563130495, + "nauc_ndcg_at_100_diff1": 24.23532138995639, + "nauc_ndcg_at_100_max": 23.39054626234519, + "nauc_ndcg_at_100_std": -3.01304262560594, + "nauc_ndcg_at_10_diff1": 26.762683685078137, + "nauc_ndcg_at_10_max": 25.25683654056493, + "nauc_ndcg_at_10_std": -5.778271315402495, + "nauc_ndcg_at_1_diff1": 68.79425914914317, + "nauc_ndcg_at_1_max": 47.223208976547, + "nauc_ndcg_at_1_std": -12.63967936490773, + "nauc_ndcg_at_20_diff1": 25.2054038951938, + "nauc_ndcg_at_20_max": 23.85054805466091, + "nauc_ndcg_at_20_std": -5.167987087532739, + "nauc_ndcg_at_3_diff1": 31.188392391732428, + "nauc_ndcg_at_3_max": 27.05796419887928, + "nauc_ndcg_at_3_std": -7.175158473634911, + "nauc_ndcg_at_5_diff1": 28.875147538360512, + "nauc_ndcg_at_5_max": 27.36413608753433, + "nauc_ndcg_at_5_std": -4.789438250105259, + "nauc_precision_at_1000_diff1": -32.63749453783157, + "nauc_precision_at_1000_max": -8.735044720641296, + "nauc_precision_at_1000_std": 36.93974744038624, + "nauc_precision_at_100_diff1": -15.12713425869049, + "nauc_precision_at_100_max": -1.124498888901322, + "nauc_precision_at_100_std": 13.404652097687492, + "nauc_precision_at_10_diff1": 5.003599070842457, + "nauc_precision_at_10_max": 12.408359902893231, + "nauc_precision_at_10_std": -1.9903333253005324, + "nauc_precision_at_1_diff1": 68.79425914914317, + "nauc_precision_at_1_max": 47.223208976547, + "nauc_precision_at_1_std": -12.63967936490773, + "nauc_precision_at_20_diff1": -2.5188824194472934, + "nauc_precision_at_20_max": 5.93923729966351, + "nauc_precision_at_20_std": 0.47431834856040817, + "nauc_precision_at_3_diff1": 16.917738934458505, + "nauc_precision_at_3_max": 19.198721140491106, + "nauc_precision_at_3_std": -4.843523153122463, + "nauc_precision_at_5_diff1": 11.667368686863435, + "nauc_precision_at_5_max": 18.856227988562072, + "nauc_precision_at_5_std": -0.13702330327582785, + "nauc_recall_at_1000_diff1": -32.63749453783146, + "nauc_recall_at_1000_max": -8.735044720641307, + "nauc_recall_at_1000_std": 36.9397474403863, + "nauc_recall_at_100_diff1": -15.127134258690614, + "nauc_recall_at_100_max": -1.124498888901344, + "nauc_recall_at_100_std": 13.404652097687325, + "nauc_recall_at_10_diff1": 5.003599070842488, + "nauc_recall_at_10_max": 12.408359902893208, + "nauc_recall_at_10_std": -1.9903333253004714, + "nauc_recall_at_1_diff1": 68.79425914914317, + "nauc_recall_at_1_max": 47.223208976547, + "nauc_recall_at_1_std": -12.63967936490773, + "nauc_recall_at_20_diff1": -2.5188824194472703, + "nauc_recall_at_20_max": 5.939237299663526, + "nauc_recall_at_20_std": 0.47431834856051747, + "nauc_recall_at_3_diff1": 16.917738934458495, + "nauc_recall_at_3_max": 19.198721140491156, + "nauc_recall_at_3_std": -4.8435231531224465, + "nauc_recall_at_5_diff1": 11.667368686863474, + "nauc_recall_at_5_max": 18.856227988562125, + "nauc_recall_at_5_std": -0.13702330327578427, + "ndcg_at_1": 72.39999999999999, + "ndcg_at_10": 60.56700000000001, + "ndcg_at_100": 64.703, + "ndcg_at_1000": 66.523, + "ndcg_at_20": 62.278999999999996, + "ndcg_at_3": 55.762, + "ndcg_at_5": 58.001999999999995, + "precision_at_1": 72.39999999999999, + "precision_at_10": 12.55, + "precision_at_100": 1.5810000000000002, + "precision_at_1000": 0.182, + "precision_at_20": 6.825, + "precision_at_3": 34.567, + "precision_at_5": 22.52, + "recall_at_1": 36.199999999999996, + "recall_at_10": 62.74999999999999, + "recall_at_100": 79.05, + "recall_at_1000": 91.05, + "recall_at_20": 68.25, + "recall_at_3": 51.849999999999994, + "recall_at_5": 56.3 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__KartonBERT-USE-base-v1/external/LanguageClassification.json b/results/OrlikB__KartonBERT-USE-base-v1/external/LanguageClassification.json new file mode 100644 index 000000000..28f3c4b49 --- /dev/null +++ b/results/OrlikB__KartonBERT-USE-base-v1/external/LanguageClassification.json @@ -0,0 +1,39 @@ +{ + "dataset_revision": "aa56583bf2bc52b0565770607d6fc3faebecf9e2", + "task_name": "LanguageClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "ara-Arab", + "bul-Cyrl", + "deu-Latn", + "ell-Grek", + "eng-Latn", + "spa-Latn", + "fra-Latn", + "hin-Deva", + "ita-Latn", + "jpn-Jpan", + "nld-Latn", + "pol-Latn", + "por-Latn", + "rus-Cyrl", + "swa-Latn", + "tha-Thai", + "tur-Latn", + "urd-Arab", + "vie-Latn", + "cmn-Hans" + ], + "accuracy": 59.3115234375, + "f1": 55.45455992019244, + "f1_weighted": 55.5143868826049, + "main_score": 59.3115234375 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__KartonBERT-USE-base-v1/external/MSMARCO-PL.json b/results/OrlikB__KartonBERT-USE-base-v1/external/MSMARCO-PL.json new file mode 100644 index 000000000..566279de5 --- /dev/null +++ b/results/OrlikB__KartonBERT-USE-base-v1/external/MSMARCO-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "8634c07806d5cce3a6138e260e59b81760a0a640", + "task_name": "MSMARCO-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 57.105, + "map_at_1": 1.9900000000000002, + "map_at_10": 10.452, + "map_at_100": 27.809, + "map_at_1000": 34.333999999999996, + "map_at_20": 15.934999999999999, + "map_at_3": 4.139, + "map_at_5": 6.593, + "mrr_at_1": 81.3953488372093, + "mrr_at_10": 88.00664451827242, + "mrr_at_100": 88.00664451827242, + "mrr_at_1000": 88.00664451827242, + "mrr_at_20": 88.00664451827242, + "mrr_at_3": 86.04651162790698, + "mrr_at_5": 87.67441860465117, + "nauc_map_at_1000_diff1": -8.012101097997089, + "nauc_map_at_1000_max": 56.4366412455371, + "nauc_map_at_1000_std": 42.9964737470612, + "nauc_map_at_100_diff1": 6.041944857071697, + "nauc_map_at_100_max": 45.956568555496126, + "nauc_map_at_100_std": 26.25070487004926, + "nauc_map_at_10_diff1": 18.286490244171176, + "nauc_map_at_10_max": 28.211402521021554, + "nauc_map_at_10_std": -1.552502361118044, + "nauc_map_at_1_diff1": 20.512143297892948, + "nauc_map_at_1_max": -15.919747659099992, + "nauc_map_at_1_std": -27.130727104051793, + "nauc_map_at_20_diff1": 18.236288908512847, + "nauc_map_at_20_max": 34.1167080054512, + "nauc_map_at_20_std": 1.14669873714027, + "nauc_map_at_3_diff1": 14.365487356948107, + "nauc_map_at_3_max": 6.975356551295571, + "nauc_map_at_3_std": -9.646239922358001, + "nauc_map_at_5_diff1": 13.364114223444492, + "nauc_map_at_5_max": 15.079226719804579, + "nauc_map_at_5_std": -8.19304844226965, + "nauc_mrr_at_1000_diff1": 12.044984137524793, + "nauc_mrr_at_1000_max": 22.507880773810452, + "nauc_mrr_at_1000_std": 5.769039872012413, + "nauc_mrr_at_100_diff1": 12.044984137524793, + "nauc_mrr_at_100_max": 22.507880773810452, + "nauc_mrr_at_100_std": 5.769039872012413, + "nauc_mrr_at_10_diff1": 12.044984137524793, + "nauc_mrr_at_10_max": 22.507880773810452, + "nauc_mrr_at_10_std": 5.769039872012413, + "nauc_mrr_at_1_diff1": 18.791336292581494, + "nauc_mrr_at_1_max": 17.34729375621222, + "nauc_mrr_at_1_std": 5.970890372277977, + "nauc_mrr_at_20_diff1": 12.044984137524793, + "nauc_mrr_at_20_max": 22.507880773810452, + "nauc_mrr_at_20_std": 5.769039872012413, + "nauc_mrr_at_3_diff1": 3.3178668209270006, + "nauc_mrr_at_3_max": 22.893544175421162, + "nauc_mrr_at_3_std": 9.55254750349961, + "nauc_mrr_at_5_diff1": 14.170130034718365, + "nauc_mrr_at_5_max": 23.91480366047494, + "nauc_mrr_at_5_std": 2.3989686840953475, + "nauc_ndcg_at_1000_diff1": -4.6649217802242395, + "nauc_ndcg_at_1000_max": 61.847729061932036, + "nauc_ndcg_at_1000_std": 37.82228582066131, + "nauc_ndcg_at_100_diff1": 0.50290949273706, + "nauc_ndcg_at_100_max": 56.67022656538278, + "nauc_ndcg_at_100_std": 36.09127681926358, + "nauc_ndcg_at_10_diff1": -9.802324122004562, + "nauc_ndcg_at_10_max": 43.331529382026304, + "nauc_ndcg_at_10_std": 17.31386700864639, + "nauc_ndcg_at_1_diff1": 5.761397078780122, + "nauc_ndcg_at_1_max": 15.085833736334006, + "nauc_ndcg_at_1_std": -3.649463680185266, + "nauc_ndcg_at_20_diff1": -9.960862900268634, + "nauc_ndcg_at_20_max": 45.071949623905894, + "nauc_ndcg_at_20_std": 19.66644760558708, + "nauc_ndcg_at_3_diff1": -16.306996796248235, + "nauc_ndcg_at_3_max": 32.221092998275154, + "nauc_ndcg_at_3_std": 17.93948728916441, + "nauc_ndcg_at_5_diff1": -10.728392149102975, + "nauc_ndcg_at_5_max": 35.86494251484633, + "nauc_ndcg_at_5_std": 11.684815101805704, + "nauc_precision_at_1000_diff1": -35.821618516281355, + "nauc_precision_at_1000_max": 31.03090279111049, + "nauc_precision_at_1000_std": 46.79376309398088, + "nauc_precision_at_100_diff1": -30.000379472915522, + "nauc_precision_at_100_max": 36.20094774818339, + "nauc_precision_at_100_std": 47.724950898741824, + "nauc_precision_at_10_diff1": -14.670361579043648, + "nauc_precision_at_10_max": 50.88317572882223, + "nauc_precision_at_10_std": 34.00961099560648, + "nauc_precision_at_1_diff1": 18.791336292581494, + "nauc_precision_at_1_max": 17.34729375621222, + "nauc_precision_at_1_std": 5.970890372277977, + "nauc_precision_at_20_diff1": -21.901371452888753, + "nauc_precision_at_20_max": 46.04639118721932, + "nauc_precision_at_20_std": 35.611867234067546, + "nauc_precision_at_3_diff1": -20.73209389401944, + "nauc_precision_at_3_max": 41.838425924111675, + "nauc_precision_at_3_std": 39.85194295498681, + "nauc_precision_at_5_diff1": -17.19319873775553, + "nauc_precision_at_5_max": 51.56250664664223, + "nauc_precision_at_5_std": 32.26306628179021, + "nauc_recall_at_1000_diff1": -5.135727487054241, + "nauc_recall_at_1000_max": 55.28965364606285, + "nauc_recall_at_1000_std": 39.29017243470838, + "nauc_recall_at_100_diff1": 9.288604504308834, + "nauc_recall_at_100_max": 36.941533115974366, + "nauc_recall_at_100_std": 17.162321543551354, + "nauc_recall_at_10_diff1": 24.5075068137349, + "nauc_recall_at_10_max": 24.704472613718117, + "nauc_recall_at_10_std": -10.491448477311643, + "nauc_recall_at_1_diff1": 20.512143297892948, + "nauc_recall_at_1_max": -15.919747659099992, + "nauc_recall_at_1_std": -27.130727104051793, + "nauc_recall_at_20_diff1": 20.470205622940263, + "nauc_recall_at_20_max": 25.03335185200762, + "nauc_recall_at_20_std": -9.542230615026384, + "nauc_recall_at_3_diff1": 12.721138757081683, + "nauc_recall_at_3_max": 4.808299122775801, + "nauc_recall_at_3_std": -11.465076844396568, + "nauc_recall_at_5_diff1": 16.88567314127846, + "nauc_recall_at_5_max": 10.614245198185062, + "nauc_recall_at_5_std": -16.18888205921033, + "ndcg_at_1": 67.829, + "ndcg_at_10": 57.105, + "ndcg_at_100": 51.527, + "ndcg_at_1000": 59.46399999999999, + "ndcg_at_20": 54.138, + "ndcg_at_3": 58.202, + "ndcg_at_5": 59.363, + "precision_at_1": 81.395, + "precision_at_10": 66.047, + "precision_at_100": 30.953000000000003, + "precision_at_1000": 6.04, + "precision_at_20": 55.93, + "precision_at_3": 70.543, + "precision_at_5": 72.09299999999999, + "recall_at_1": 1.9900000000000002, + "recall_at_10": 12.335, + "recall_at_100": 42.348, + "recall_at_1000": 68.891, + "recall_at_20": 20.054, + "recall_at_3": 4.375, + "recall_at_5": 7.534000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__KartonBERT-USE-base-v1/external/MSMARCO-PLHardNegatives.json b/results/OrlikB__KartonBERT-USE-base-v1/external/MSMARCO-PLHardNegatives.json new file mode 100644 index 000000000..93398ad1c --- /dev/null +++ b/results/OrlikB__KartonBERT-USE-base-v1/external/MSMARCO-PLHardNegatives.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "b609cb1ec6772bf92b8e014343a7ecfb10eef2d9", + "task_name": "MSMARCO-PLHardNegatives", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 62.479, + "map_at_1": 2.015, + "map_at_10": 11.856, + "map_at_100": 40.988, + "map_at_1000": 57.959, + "map_at_20": 19.111, + "map_at_3": 4.817, + "map_at_5": 7.3709999999999996, + "mrr_at_1": 83.72093023255815, + "mrr_at_10": 89.8671096345515, + "mrr_at_100": 89.8671096345515, + "mrr_at_1000": 89.8671096345515, + "mrr_at_20": 89.8671096345515, + "mrr_at_3": 88.37209302325581, + "mrr_at_5": 89.53488372093024, + "nauc_map_at_1000_diff1": -34.846135323586424, + "nauc_map_at_1000_max": 29.18292115867256, + "nauc_map_at_1000_std": 57.23667838425766, + "nauc_map_at_100_diff1": -6.016983594119641, + "nauc_map_at_100_max": 27.97105320494105, + "nauc_map_at_100_std": 20.986545754487558, + "nauc_map_at_10_diff1": 22.220254287378715, + "nauc_map_at_10_max": 11.403052444554513, + "nauc_map_at_10_std": -13.130226658464897, + "nauc_map_at_1_diff1": 39.69550436091381, + "nauc_map_at_1_max": -16.882723045728202, + "nauc_map_at_1_std": -29.330395083370686, + "nauc_map_at_20_diff1": 18.161494182946907, + "nauc_map_at_20_max": 16.529920908408926, + "nauc_map_at_20_std": -10.081086213313265, + "nauc_map_at_3_diff1": 31.32204771377053, + "nauc_map_at_3_max": -5.482815149647405, + "nauc_map_at_3_std": -20.43957139807913, + "nauc_map_at_5_diff1": 22.486941436188367, + "nauc_map_at_5_max": 4.612195845771766, + "nauc_map_at_5_std": -14.837761155598313, + "nauc_mrr_at_1000_diff1": 2.2095971706487303, + "nauc_mrr_at_1000_max": 10.097437841508302, + "nauc_mrr_at_1000_std": 24.63211668703523, + "nauc_mrr_at_100_diff1": 2.2095971706487303, + "nauc_mrr_at_100_max": 10.097437841508302, + "nauc_mrr_at_100_std": 24.63211668703523, + "nauc_mrr_at_10_diff1": 2.2095971706487303, + "nauc_mrr_at_10_max": 10.097437841508302, + "nauc_mrr_at_10_std": 24.63211668703523, + "nauc_mrr_at_1_diff1": 15.276398946528131, + "nauc_mrr_at_1_max": 8.717153299832296, + "nauc_mrr_at_1_std": 28.600034127271652, + "nauc_mrr_at_20_diff1": 2.2095971706487303, + "nauc_mrr_at_20_max": 10.097437841508302, + "nauc_mrr_at_20_std": 24.63211668703523, + "nauc_mrr_at_3_diff1": -10.560729627695347, + "nauc_mrr_at_3_max": 9.031758340498751, + "nauc_mrr_at_3_std": 22.47764642580193, + "nauc_mrr_at_5_diff1": 5.023952302939077, + "nauc_mrr_at_5_max": 11.596859447930543, + "nauc_mrr_at_5_std": 24.20435962088466, + "nauc_ndcg_at_1000_diff1": -38.521295110914316, + "nauc_ndcg_at_1000_max": 33.742873661087955, + "nauc_ndcg_at_1000_std": 54.07862663678682, + "nauc_ndcg_at_100_diff1": -13.191806198203498, + "nauc_ndcg_at_100_max": 42.898538839792785, + "nauc_ndcg_at_100_std": 52.431848941001846, + "nauc_ndcg_at_10_diff1": -14.094228653427074, + "nauc_ndcg_at_10_max": 22.013625698488877, + "nauc_ndcg_at_10_std": 32.269373872153004, + "nauc_ndcg_at_1_diff1": -0.9536993894348202, + "nauc_ndcg_at_1_max": 13.241805975751314, + "nauc_ndcg_at_1_std": 20.628301389219217, + "nauc_ndcg_at_20_diff1": -14.259970601088892, + "nauc_ndcg_at_20_max": 22.406568590509757, + "nauc_ndcg_at_20_std": 36.19985844757674, + "nauc_ndcg_at_3_diff1": -17.33669028160956, + "nauc_ndcg_at_3_max": 16.074824713300455, + "nauc_ndcg_at_3_std": 27.403567224575443, + "nauc_ndcg_at_5_diff1": -12.820784911984436, + "nauc_ndcg_at_5_max": 21.542886528832174, + "nauc_ndcg_at_5_std": 29.07282374739257, + "nauc_precision_at_1000_diff1": -35.60122645356994, + "nauc_precision_at_1000_max": 2.766728293354684, + "nauc_precision_at_1000_std": 45.106529504482644, + "nauc_precision_at_100_diff1": -42.734941084266296, + "nauc_precision_at_100_max": 14.953258911586055, + "nauc_precision_at_100_std": 55.037972769837175, + "nauc_precision_at_10_diff1": -28.890384218334038, + "nauc_precision_at_10_max": 32.5381595525642, + "nauc_precision_at_10_std": 45.24099410430647, + "nauc_precision_at_1_diff1": 15.276398946528131, + "nauc_precision_at_1_max": 8.717153299832296, + "nauc_precision_at_1_std": 28.600034127271652, + "nauc_precision_at_20_diff1": -33.02729563387234, + "nauc_precision_at_20_max": 27.19557155623203, + "nauc_precision_at_20_std": 44.47754520309755, + "nauc_precision_at_3_diff1": -14.501195444762063, + "nauc_precision_at_3_max": 13.86633130712465, + "nauc_precision_at_3_std": 40.179238021661355, + "nauc_precision_at_5_diff1": -17.545737121609438, + "nauc_precision_at_5_max": 34.62230292211274, + "nauc_precision_at_5_std": 49.446043969419165, + "nauc_recall_at_1000_diff1": -95.32777618701374, + "nauc_recall_at_1000_max": 48.60765801360888, + "nauc_recall_at_1000_std": 88.76245635034805, + "nauc_recall_at_100_diff1": 5.691841865744837, + "nauc_recall_at_100_max": 23.96749843706024, + "nauc_recall_at_100_std": 1.9555743397908651, + "nauc_recall_at_10_diff1": 27.624372183401157, + "nauc_recall_at_10_max": 4.019210332304043, + "nauc_recall_at_10_std": -20.85263152189046, + "nauc_recall_at_1_diff1": 39.69550436091381, + "nauc_recall_at_1_max": -16.882723045728202, + "nauc_recall_at_1_std": -29.330395083370686, + "nauc_recall_at_20_diff1": 22.01978317945599, + "nauc_recall_at_20_max": 7.144473524395364, + "nauc_recall_at_20_std": -18.490981365877715, + "nauc_recall_at_3_diff1": 31.62038934003161, + "nauc_recall_at_3_max": -10.760815503593776, + "nauc_recall_at_3_std": -25.045384537758242, + "nauc_recall_at_5_diff1": 25.9168912492029, + "nauc_recall_at_5_max": -1.57601021265437, + "nauc_recall_at_5_std": -21.644578724944903, + "ndcg_at_1": 68.605, + "ndcg_at_10": 62.479, + "ndcg_at_100": 66.44200000000001, + "ndcg_at_1000": 79.411, + "ndcg_at_20": 61.366, + "ndcg_at_3": 64.29899999999999, + "ndcg_at_5": 64.265, + "precision_at_1": 83.721, + "precision_at_10": 72.558, + "precision_at_100": 45.674, + "precision_at_1000": 9.251, + "precision_at_20": 65.581, + "precision_at_3": 80.62, + "precision_at_5": 79.07, + "recall_at_1": 2.015, + "recall_at_10": 14.13, + "recall_at_100": 60.998, + "recall_at_1000": 96.55799999999999, + "recall_at_20": 23.983999999999998, + "recall_at_3": 5.248, + "recall_at_5": 8.456 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__KartonBERT-USE-base-v1/external/MassiveIntentClassification.json b/results/OrlikB__KartonBERT-USE-base-v1/external/MassiveIntentClassification.json new file mode 100644 index 000000000..82c74fa41 --- /dev/null +++ b/results/OrlikB__KartonBERT-USE-base-v1/external/MassiveIntentClassification.json @@ -0,0 +1,32 @@ +{ + "dataset_revision": "4672e20407010da34463acc759c162ca9734bca6", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 72.63954270342971, + "f1": 69.45307590994116, + "f1_weighted": 71.79973967852227, + "main_score": 72.63954270342971 + } + ], + "validation": [ + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 73.62518445646828, + "f1": 68.92188487113377, + "f1_weighted": 72.64149757960894, + "main_score": 73.62518445646828 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__KartonBERT-USE-base-v1/external/MassiveScenarioClassification.json b/results/OrlikB__KartonBERT-USE-base-v1/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..d5bd90259 --- /dev/null +++ b/results/OrlikB__KartonBERT-USE-base-v1/external/MassiveScenarioClassification.json @@ -0,0 +1,32 @@ +{ + "dataset_revision": "fad2c6e8459f9e1c45d9315f4953d921437d70f8", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 76.56018829858776, + "f1": 76.02756886857807, + "f1_weighted": 76.61092646592095, + "main_score": 76.56018829858776 + } + ], + "validation": [ + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 76.7683226758485, + "f1": 76.02969933641604, + "f1_weighted": 76.73489976040989, + "main_score": 76.7683226758485 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__KartonBERT-USE-base-v1/external/MultiEURLEXMultilabelClassification.json b/results/OrlikB__KartonBERT-USE-base-v1/external/MultiEURLEXMultilabelClassification.json new file mode 100644 index 000000000..940f21329 --- /dev/null +++ b/results/OrlikB__KartonBERT-USE-base-v1/external/MultiEURLEXMultilabelClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "2aea5a6dc8fdcfeca41d0fb963c0a338930bde5c", + "task_name": "MultiEURLEXMultilabelClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 4.218, + "f1": 35.41806947791864, + "lrap": 46.31597017195712, + "main_score": 4.218 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__KartonBERT-USE-base-v1/external/MultiHateClassification.json b/results/OrlikB__KartonBERT-USE-base-v1/external/MultiHateClassification.json new file mode 100644 index 000000000..5517633f8 --- /dev/null +++ b/results/OrlikB__KartonBERT-USE-base-v1/external/MultiHateClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "8f95949846bb9e33c6aaf730ccfdb8fe6bcfb7a9", + "task_name": "MultiHateClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "pol", + "languages": [ + "pol-Latn" + ], + "accuracy": 61.550000000000004, + "ap": 34.943205720242624, + "ap_weighted": 34.943205720242624, + "f1": 57.42076384232142, + "f1_weighted": 62.592131425733, + "main_score": 61.550000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__KartonBERT-USE-base-v1/external/MultilingualSentimentClassification.json b/results/OrlikB__KartonBERT-USE-base-v1/external/MultilingualSentimentClassification.json new file mode 100644 index 000000000..ef31ae92f --- /dev/null +++ b/results/OrlikB__KartonBERT-USE-base-v1/external/MultilingualSentimentClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "2b9b4d10fc589af67794141fe8cbd3739de1eb33", + "task_name": "MultilingualSentimentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "pol", + "languages": [ + "pol-Latn" + ], + "accuracy": 90.58333333333331, + "ap": 85.78887796762379, + "ap_weighted": 85.78887796762379, + "f1": 90.45854538654365, + "f1_weighted": 90.59802034163135, + "main_score": 90.58333333333331 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__KartonBERT-USE-base-v1/external/NFCorpus-PL.json b/results/OrlikB__KartonBERT-USE-base-v1/external/NFCorpus-PL.json new file mode 100644 index 000000000..b0b4a93e0 --- /dev/null +++ b/results/OrlikB__KartonBERT-USE-base-v1/external/NFCorpus-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "9a6f9567fda928260afed2de480d79c98bf0bec0", + "task_name": "NFCorpus-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 32.836999999999996, + "map_at_1": 5.407, + "map_at_10": 11.602, + "map_at_100": 14.698, + "map_at_1000": 16.116, + "map_at_20": 12.712000000000002, + "map_at_3": 8.519, + "map_at_5": 9.892, + "mrr_at_1": 43.653250773993804, + "mrr_at_10": 52.844120104182025, + "mrr_at_100": 53.449775403110614, + "mrr_at_1000": 53.490875731391355, + "mrr_at_20": 53.22127287411389, + "mrr_at_3": 50.92879256965944, + "mrr_at_5": 52.07430340557275, + "nauc_map_at_1000_diff1": 21.252095579684628, + "nauc_map_at_1000_max": 26.70622083525327, + "nauc_map_at_1000_std": 8.767942285021244, + "nauc_map_at_100_diff1": 21.91396527029906, + "nauc_map_at_100_max": 24.78831708869797, + "nauc_map_at_100_std": 4.685598528309627, + "nauc_map_at_10_diff1": 23.354902063893743, + "nauc_map_at_10_max": 18.13889773190672, + "nauc_map_at_10_std": -5.875489355896885, + "nauc_map_at_1_diff1": 33.360938146617976, + "nauc_map_at_1_max": 10.174509947819098, + "nauc_map_at_1_std": -15.198793788870043, + "nauc_map_at_20_diff1": 23.212136861648684, + "nauc_map_at_20_max": 20.531117659821536, + "nauc_map_at_20_std": -2.786681819195299, + "nauc_map_at_3_diff1": 28.31527977573991, + "nauc_map_at_3_max": 11.587612514076165, + "nauc_map_at_3_std": -12.603907215111693, + "nauc_map_at_5_diff1": 25.965083702703495, + "nauc_map_at_5_max": 14.729243254441165, + "nauc_map_at_5_std": -10.677653224851138, + "nauc_mrr_at_1000_diff1": 36.42318903416605, + "nauc_mrr_at_1000_max": 51.18409250517103, + "nauc_mrr_at_1000_std": 31.29570352877994, + "nauc_mrr_at_100_diff1": 36.43269897021644, + "nauc_mrr_at_100_max": 51.21737308452086, + "nauc_mrr_at_100_std": 31.337400205547254, + "nauc_mrr_at_10_diff1": 36.367711586434055, + "nauc_mrr_at_10_max": 51.13843457934155, + "nauc_mrr_at_10_std": 30.99940878155313, + "nauc_mrr_at_1_diff1": 38.020555260298266, + "nauc_mrr_at_1_max": 45.76508007462295, + "nauc_mrr_at_1_std": 26.56239846524524, + "nauc_mrr_at_20_diff1": 36.4735716127678, + "nauc_mrr_at_20_max": 51.18482045326876, + "nauc_mrr_at_20_std": 31.182761897720628, + "nauc_mrr_at_3_diff1": 36.74620136204912, + "nauc_mrr_at_3_max": 50.46246550759349, + "nauc_mrr_at_3_std": 30.928776699074977, + "nauc_mrr_at_5_diff1": 36.43604909883522, + "nauc_mrr_at_5_max": 50.961876020556105, + "nauc_mrr_at_5_std": 30.558689522445277, + "nauc_ndcg_at_1000_diff1": 22.367261695212818, + "nauc_ndcg_at_1000_max": 46.381076848268314, + "nauc_ndcg_at_1000_std": 32.87206147838707, + "nauc_ndcg_at_100_diff1": 21.484143323872498, + "nauc_ndcg_at_100_max": 39.12491937457514, + "nauc_ndcg_at_100_std": 23.79972574892049, + "nauc_ndcg_at_10_diff1": 23.61423535088915, + "nauc_ndcg_at_10_max": 39.18046026051968, + "nauc_ndcg_at_10_std": 21.500043266959334, + "nauc_ndcg_at_1_diff1": 37.55672462811441, + "nauc_ndcg_at_1_max": 44.461461345711996, + "nauc_ndcg_at_1_std": 24.638179893174854, + "nauc_ndcg_at_20_diff1": 23.313762933875577, + "nauc_ndcg_at_20_max": 37.61712630443033, + "nauc_ndcg_at_20_std": 20.47709166123172, + "nauc_ndcg_at_3_diff1": 26.65064647305834, + "nauc_ndcg_at_3_max": 42.37171469906345, + "nauc_ndcg_at_3_std": 23.179726698729016, + "nauc_ndcg_at_5_diff1": 24.262311738959486, + "nauc_ndcg_at_5_max": 41.40200588435856, + "nauc_ndcg_at_5_std": 21.662269993534142, + "nauc_precision_at_1000_diff1": -1.289992273496289, + "nauc_precision_at_1000_max": 15.583146284118996, + "nauc_precision_at_1000_std": 29.804029015112356, + "nauc_precision_at_100_diff1": 1.564940945124233, + "nauc_precision_at_100_max": 26.392385300263037, + "nauc_precision_at_100_std": 38.76232331369285, + "nauc_precision_at_10_diff1": 10.074337562319577, + "nauc_precision_at_10_max": 40.138351711813634, + "nauc_precision_at_10_std": 34.220232921350025, + "nauc_precision_at_1_diff1": 38.020555260298266, + "nauc_precision_at_1_max": 45.76508007462295, + "nauc_precision_at_1_std": 26.56239846524524, + "nauc_precision_at_20_diff1": 7.895964325229299, + "nauc_precision_at_20_max": 37.24274329998079, + "nauc_precision_at_20_std": 37.404193953417106, + "nauc_precision_at_3_diff1": 19.55020676002291, + "nauc_precision_at_3_max": 43.59370824619839, + "nauc_precision_at_3_std": 28.46885149275582, + "nauc_precision_at_5_diff1": 13.091453046202925, + "nauc_precision_at_5_max": 43.182417322718536, + "nauc_precision_at_5_std": 29.92195463487166, + "nauc_recall_at_1000_diff1": 4.97907300227104, + "nauc_recall_at_1000_max": 22.28246568460588, + "nauc_recall_at_1000_std": 25.715913887754134, + "nauc_recall_at_100_diff1": 10.909246688962302, + "nauc_recall_at_100_max": 22.341695674602903, + "nauc_recall_at_100_std": 15.46486876238366, + "nauc_recall_at_10_diff1": 15.684351712023942, + "nauc_recall_at_10_max": 13.99640438074371, + "nauc_recall_at_10_std": -5.991871068665403, + "nauc_recall_at_1_diff1": 33.360938146617976, + "nauc_recall_at_1_max": 10.174509947819098, + "nauc_recall_at_1_std": -15.198793788870043, + "nauc_recall_at_20_diff1": 15.905172434675574, + "nauc_recall_at_20_max": 15.783093168064557, + "nauc_recall_at_20_std": -2.263046672061753, + "nauc_recall_at_3_diff1": 26.426234689785133, + "nauc_recall_at_3_max": 11.087891452701028, + "nauc_recall_at_3_std": -11.772482622591477, + "nauc_recall_at_5_diff1": 22.11736638320966, + "nauc_recall_at_5_max": 13.571692363425214, + "nauc_recall_at_5_std": -11.244894889011983, + "ndcg_at_1": 42.26, + "ndcg_at_10": 32.836999999999996, + "ndcg_at_100": 30.341, + "ndcg_at_1000": 39.114, + "ndcg_at_20": 30.375999999999998, + "ndcg_at_3": 38.174, + "ndcg_at_5": 35.945, + "precision_at_1": 43.653, + "precision_at_10": 24.303, + "precision_at_100": 8.025, + "precision_at_1000": 2.062, + "precision_at_20": 17.616, + "precision_at_3": 36.429, + "precision_at_5": 31.207, + "recall_at_1": 5.407, + "recall_at_10": 16.026, + "recall_at_100": 30.755, + "recall_at_1000": 63.058, + "recall_at_20": 19.56, + "recall_at_3": 9.383, + "recall_at_5": 11.955 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__KartonBERT-USE-base-v1/external/NQ-PL.json b/results/OrlikB__KartonBERT-USE-base-v1/external/NQ-PL.json new file mode 100644 index 000000000..f17de152b --- /dev/null +++ b/results/OrlikB__KartonBERT-USE-base-v1/external/NQ-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f171245712cf85dd4700b06bef18001578d0ca8d", + "task_name": "NQ-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 40.046, + "map_at_1": 20.836, + "map_at_10": 33.147, + "map_at_100": 34.305, + "map_at_1000": 34.365, + "map_at_20": 33.866, + "map_at_3": 29.029, + "map_at_5": 31.387999999999998, + "mrr_at_1": 23.638470451911935, + "mrr_at_10": 35.410666004524636, + "mrr_at_100": 36.39008970520291, + "mrr_at_1000": 36.434922659126926, + "mrr_at_20": 36.040096707445514, + "mrr_at_3": 31.909038238702202, + "mrr_at_5": 33.951332560834295, + "nauc_map_at_1000_diff1": 30.33789317509847, + "nauc_map_at_1000_max": 34.42459859725807, + "nauc_map_at_1000_std": 9.97643796318094, + "nauc_map_at_100_diff1": 30.330830102419498, + "nauc_map_at_100_max": 34.447821563623194, + "nauc_map_at_100_std": 10.005636991113455, + "nauc_map_at_10_diff1": 30.34368851651713, + "nauc_map_at_10_max": 34.049110329953194, + "nauc_map_at_10_std": 9.191908504593075, + "nauc_map_at_1_diff1": 35.26679557790614, + "nauc_map_at_1_max": 29.771974215418318, + "nauc_map_at_1_std": 4.776546296003624, + "nauc_map_at_20_diff1": 30.281421969911225, + "nauc_map_at_20_max": 34.33650674553603, + "nauc_map_at_20_std": 9.727603420278799, + "nauc_map_at_3_diff1": 31.145137267648813, + "nauc_map_at_3_max": 32.38852468715383, + "nauc_map_at_3_std": 6.999311805347667, + "nauc_map_at_5_diff1": 30.32736513433838, + "nauc_map_at_5_max": 33.292378027926425, + "nauc_map_at_5_std": 8.145447139184112, + "nauc_mrr_at_1000_diff1": 29.831199924703817, + "nauc_mrr_at_1000_max": 34.10844541447466, + "nauc_mrr_at_1000_std": 11.226040436619018, + "nauc_mrr_at_100_diff1": 29.83092714251575, + "nauc_mrr_at_100_max": 34.13324232175186, + "nauc_mrr_at_100_std": 11.251560383955486, + "nauc_mrr_at_10_diff1": 29.761109883105085, + "nauc_mrr_at_10_max": 33.87749240441422, + "nauc_mrr_at_10_std": 10.756431499661819, + "nauc_mrr_at_1_diff1": 33.989066055249154, + "nauc_mrr_at_1_max": 30.395509585555487, + "nauc_mrr_at_1_std": 6.5196986843728295, + "nauc_mrr_at_20_diff1": 29.746190088974455, + "nauc_mrr_at_20_max": 34.070814927054016, + "nauc_mrr_at_20_std": 11.101583529780374, + "nauc_mrr_at_3_diff1": 30.086990584032293, + "nauc_mrr_at_3_max": 32.714654369197135, + "nauc_mrr_at_3_std": 9.37948033677932, + "nauc_mrr_at_5_diff1": 29.53541842449955, + "nauc_mrr_at_5_max": 33.34401975157522, + "nauc_mrr_at_5_std": 10.156864160967393, + "nauc_ndcg_at_1000_diff1": 29.110288584326693, + "nauc_ndcg_at_1000_max": 36.90253858086684, + "nauc_ndcg_at_1000_std": 14.532331118999608, + "nauc_ndcg_at_100_diff1": 28.97540691413146, + "nauc_ndcg_at_100_max": 37.584960544191304, + "nauc_ndcg_at_100_std": 15.442845119344694, + "nauc_ndcg_at_10_diff1": 28.795881184832485, + "nauc_ndcg_at_10_max": 35.94272625161231, + "nauc_ndcg_at_10_std": 12.023528372246636, + "nauc_ndcg_at_1_diff1": 34.100597438365206, + "nauc_ndcg_at_1_max": 30.35880635797757, + "nauc_ndcg_at_1_std": 6.556654032875343, + "nauc_ndcg_at_20_diff1": 28.616176665243685, + "nauc_ndcg_at_20_max": 36.94100478517521, + "nauc_ndcg_at_20_std": 13.84115539697913, + "nauc_ndcg_at_3_diff1": 29.800875843729536, + "nauc_ndcg_at_3_max": 32.97586122644207, + "nauc_ndcg_at_3_std": 8.254595787337179, + "nauc_ndcg_at_5_diff1": 28.564485497706897, + "nauc_ndcg_at_5_max": 34.36550798481214, + "nauc_ndcg_at_5_std": 9.979146706487176, + "nauc_precision_at_1000_diff1": -2.0183745076034305, + "nauc_precision_at_1000_max": 17.01703235798985, + "nauc_precision_at_1000_std": 24.752710326143955, + "nauc_precision_at_100_diff1": 5.351886729324482, + "nauc_precision_at_100_max": 30.913625083631977, + "nauc_precision_at_100_std": 33.69481614506668, + "nauc_precision_at_10_diff1": 15.938911938541489, + "nauc_precision_at_10_max": 35.6404201670323, + "nauc_precision_at_10_std": 21.02640517885096, + "nauc_precision_at_1_diff1": 34.100597438365206, + "nauc_precision_at_1_max": 30.35880635797757, + "nauc_precision_at_1_std": 6.556654032875343, + "nauc_precision_at_20_diff1": 12.06019821733859, + "nauc_precision_at_20_max": 35.709266792371615, + "nauc_precision_at_20_std": 26.83935698262609, + "nauc_precision_at_3_diff1": 23.293715443749498, + "nauc_precision_at_3_max": 34.352815559576754, + "nauc_precision_at_3_std": 12.400616118285498, + "nauc_precision_at_5_diff1": 18.62536694684322, + "nauc_precision_at_5_max": 35.23411734933911, + "nauc_precision_at_5_std": 16.198868970484614, + "nauc_recall_at_1000_diff1": 19.95715343716757, + "nauc_recall_at_1000_max": 66.40788089117626, + "nauc_recall_at_1000_std": 68.87954839929897, + "nauc_recall_at_100_diff1": 22.83247580652378, + "nauc_recall_at_100_max": 56.48998030807925, + "nauc_recall_at_100_std": 47.86881793700064, + "nauc_recall_at_10_diff1": 24.09148418102836, + "nauc_recall_at_10_max": 40.405060126060754, + "nauc_recall_at_10_std": 18.243191480781267, + "nauc_recall_at_1_diff1": 35.26679557790614, + "nauc_recall_at_1_max": 29.771974215418318, + "nauc_recall_at_1_std": 4.776546296003624, + "nauc_recall_at_20_diff1": 22.69685579729365, + "nauc_recall_at_20_max": 45.429255336368044, + "nauc_recall_at_20_std": 26.960602261646045, + "nauc_recall_at_3_diff1": 26.763890354016656, + "nauc_recall_at_3_max": 33.44197235279934, + "nauc_recall_at_3_std": 9.139561741646231, + "nauc_recall_at_5_diff1": 23.79794408992853, + "nauc_recall_at_5_max": 35.948339011548484, + "nauc_recall_at_5_std": 12.507365356132215, + "ndcg_at_1": 23.61, + "ndcg_at_10": 40.046, + "ndcg_at_100": 45.353, + "ndcg_at_1000": 46.811, + "ndcg_at_20": 42.482, + "ndcg_at_3": 32.162, + "ndcg_at_5": 36.146, + "precision_at_1": 23.61, + "precision_at_10": 7.037, + "precision_at_100": 1.0, + "precision_at_1000": 0.11399999999999999, + "precision_at_20": 4.079, + "precision_at_3": 14.929, + "precision_at_5": 11.251, + "recall_at_1": 20.836, + "recall_at_10": 59.021, + "recall_at_100": 82.814, + "recall_at_1000": 93.675, + "recall_at_20": 68.185, + "recall_at_3": 38.376, + "recall_at_5": 47.615 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__KartonBERT-USE-base-v1/external/NQ-PLHardNegatives.json b/results/OrlikB__KartonBERT-USE-base-v1/external/NQ-PLHardNegatives.json new file mode 100644 index 000000000..52ce3e569 --- /dev/null +++ b/results/OrlikB__KartonBERT-USE-base-v1/external/NQ-PLHardNegatives.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "9a2878a70ea545a8f4df0cdfa1adea27f4f64390", + "task_name": "NQ-PLHardNegatives", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 42.744, + "map_at_1": 22.167, + "map_at_10": 35.442, + "map_at_100": 36.809, + "map_at_1000": 36.849, + "map_at_20": 36.281, + "map_at_3": 30.911, + "map_at_5": 33.799, + "mrr_at_1": 24.9, + "mrr_at_10": 37.717619047619046, + "mrr_at_100": 38.83175098401238, + "mrr_at_1000": 38.863984091549106, + "mrr_at_20": 38.42165681025202, + "mrr_at_3": 33.93333333333333, + "mrr_at_5": 36.38333333333333, + "nauc_map_at_1000_diff1": 29.349107175768076, + "nauc_map_at_1000_max": 32.65755799907269, + "nauc_map_at_1000_std": -3.806253487436536, + "nauc_map_at_100_diff1": 29.32313704694836, + "nauc_map_at_100_max": 32.674805659308234, + "nauc_map_at_100_std": -3.763463883857777, + "nauc_map_at_10_diff1": 29.378099045661276, + "nauc_map_at_10_max": 32.40977984208203, + "nauc_map_at_10_std": -4.750749976310079, + "nauc_map_at_1_diff1": 34.65899813124808, + "nauc_map_at_1_max": 27.5836856142388, + "nauc_map_at_1_std": -5.77408059219477, + "nauc_map_at_20_diff1": 29.234934100000142, + "nauc_map_at_20_max": 32.64242252873959, + "nauc_map_at_20_std": -3.9339041815132245, + "nauc_map_at_3_diff1": 29.75553691236355, + "nauc_map_at_3_max": 30.628821642751685, + "nauc_map_at_3_std": -6.71815410382398, + "nauc_map_at_5_diff1": 29.67011442099744, + "nauc_map_at_5_max": 31.880169485661735, + "nauc_map_at_5_std": -5.23243858089082, + "nauc_mrr_at_1000_diff1": 29.034444335684984, + "nauc_mrr_at_1000_max": 32.3826387684809, + "nauc_mrr_at_1000_std": -1.6453099036883947, + "nauc_mrr_at_100_diff1": 29.012673846053328, + "nauc_mrr_at_100_max": 32.39330681563384, + "nauc_mrr_at_100_std": -1.611798217539563, + "nauc_mrr_at_10_diff1": 28.927278042494308, + "nauc_mrr_at_10_max": 32.241913064296654, + "nauc_mrr_at_10_std": -2.196305056221632, + "nauc_mrr_at_1_diff1": 34.193706220534295, + "nauc_mrr_at_1_max": 28.472182308269332, + "nauc_mrr_at_1_std": -3.588866144076354, + "nauc_mrr_at_20_diff1": 28.905967167900897, + "nauc_mrr_at_20_max": 32.514840048451944, + "nauc_mrr_at_20_std": -1.5928217819446544, + "nauc_mrr_at_3_diff1": 28.910819895018104, + "nauc_mrr_at_3_max": 31.02262661603842, + "nauc_mrr_at_3_std": -3.7189550210915105, + "nauc_mrr_at_5_diff1": 29.153815747673384, + "nauc_mrr_at_5_max": 32.020862613895844, + "nauc_mrr_at_5_std": -2.559856974862219, + "nauc_ndcg_at_1000_diff1": 28.03384223859073, + "nauc_ndcg_at_1000_max": 34.65513427128041, + "nauc_ndcg_at_1000_std": -0.24943181025018912, + "nauc_ndcg_at_100_diff1": 27.314090721793853, + "nauc_ndcg_at_100_max": 35.139601373088546, + "nauc_ndcg_at_100_std": 1.029635770311101, + "nauc_ndcg_at_10_diff1": 27.406187481616122, + "nauc_ndcg_at_10_max": 34.294782527860775, + "nauc_ndcg_at_10_std": -2.7210616901005844, + "nauc_ndcg_at_1_diff1": 34.193706220534295, + "nauc_ndcg_at_1_max": 28.472182308269332, + "nauc_ndcg_at_1_std": -3.588866144076354, + "nauc_ndcg_at_20_diff1": 26.95213352438165, + "nauc_ndcg_at_20_max": 35.29748291845877, + "nauc_ndcg_at_20_std": -0.030327507133456177, + "nauc_ndcg_at_3_diff1": 27.96016479797334, + "nauc_ndcg_at_3_max": 31.260064258340847, + "nauc_ndcg_at_3_std": -6.185360480716815, + "nauc_ndcg_at_5_diff1": 28.09280399502525, + "nauc_ndcg_at_5_max": 33.303439636075424, + "nauc_ndcg_at_5_std": -3.772285985055726, + "nauc_precision_at_1000_diff1": -4.281358315231413, + "nauc_precision_at_1000_max": 15.068351358617104, + "nauc_precision_at_1000_std": 22.607343044895217, + "nauc_precision_at_100_diff1": -1.8498660906232658, + "nauc_precision_at_100_max": 24.711460259737567, + "nauc_precision_at_100_std": 29.23005993545415, + "nauc_precision_at_10_diff1": 12.909738393494976, + "nauc_precision_at_10_max": 35.070650662332916, + "nauc_precision_at_10_std": 6.898514999972704, + "nauc_precision_at_1_diff1": 34.193706220534295, + "nauc_precision_at_1_max": 28.472182308269332, + "nauc_precision_at_1_std": -3.588866144076354, + "nauc_precision_at_20_diff1": 7.203222790381147, + "nauc_precision_at_20_max": 34.687485444161794, + "nauc_precision_at_20_std": 18.72758400919753, + "nauc_precision_at_3_diff1": 21.26316091253772, + "nauc_precision_at_3_max": 33.927142239391834, + "nauc_precision_at_3_std": -4.082242115397914, + "nauc_precision_at_5_diff1": 18.018252640795644, + "nauc_precision_at_5_max": 35.690648047326626, + "nauc_precision_at_5_std": 2.7145471077534262, + "nauc_recall_at_1000_diff1": 20.536163183221504, + "nauc_recall_at_1000_max": 81.88608776844036, + "nauc_recall_at_1000_std": 76.64799253034528, + "nauc_recall_at_100_diff1": 8.475735597617868, + "nauc_recall_at_100_max": 56.05392838189596, + "nauc_recall_at_100_std": 47.124156579313166, + "nauc_recall_at_10_diff1": 20.846541949906808, + "nauc_recall_at_10_max": 38.356937471723704, + "nauc_recall_at_10_std": 0.9534412860615692, + "nauc_recall_at_1_diff1": 34.65899813124808, + "nauc_recall_at_1_max": 27.5836856142388, + "nauc_recall_at_1_std": -5.77408059219477, + "nauc_recall_at_20_diff1": 17.388853770371078, + "nauc_recall_at_20_max": 44.5348067371247, + "nauc_recall_at_20_std": 13.477242036566658, + "nauc_recall_at_3_diff1": 23.292689488826923, + "nauc_recall_at_3_max": 31.397211941626402, + "nauc_recall_at_3_std": -7.266266306172304, + "nauc_recall_at_5_diff1": 23.446848626918783, + "nauc_recall_at_5_max": 35.30890874307417, + "nauc_recall_at_5_std": -2.1058394852209883, + "ndcg_at_1": 24.9, + "ndcg_at_10": 42.744, + "ndcg_at_100": 48.995, + "ndcg_at_1000": 49.944, + "ndcg_at_20": 45.589, + "ndcg_at_3": 34.311, + "ndcg_at_5": 39.127, + "precision_at_1": 24.9, + "precision_at_10": 7.430000000000001, + "precision_at_100": 1.098, + "precision_at_1000": 0.11900000000000001, + "precision_at_20": 4.385, + "precision_at_3": 15.8, + "precision_at_5": 12.2, + "recall_at_1": 22.167, + "recall_at_10": 62.766999999999996, + "recall_at_100": 90.75, + "recall_at_1000": 97.833, + "recall_at_20": 73.483, + "recall_at_3": 41.15, + "recall_at_5": 52.217 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__KartonBERT-USE-base-v1/external/NTREXBitextMining.json b/results/OrlikB__KartonBERT-USE-base-v1/external/NTREXBitextMining.json new file mode 100644 index 000000000..ae838b335 --- /dev/null +++ b/results/OrlikB__KartonBERT-USE-base-v1/external/NTREXBitextMining.json @@ -0,0 +1,898 @@ +{ + "dataset_revision": "ed9a4403ed4adbfaf4aab56d5b2709e9f6c3ba33", + "task_name": "NTREXBitextMining", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "arb_Arab-pol_Latn", + "languages": [ + "arb-Arab", + "pol-Latn" + ], + "accuracy": 2.6039058587881825, + "f1": 1.7420063165137074, + "main_score": 1.7420063165137074, + "precision": 1.5987458678183388, + "recall": 2.6039058587881825 + }, + { + "hf_subset": "bel_Cyrl-pol_Latn", + "languages": [ + "bel-Cyrl", + "pol-Latn" + ], + "accuracy": 6.71006509764647, + "f1": 5.379820175253383, + "main_score": 5.379820175253383, + "precision": 5.006027887096325, + "recall": 6.71006509764647 + }, + { + "hf_subset": "ben_Beng-pol_Latn", + "languages": [ + "ben-Beng", + "pol-Latn" + ], + "accuracy": 1.0015022533800702, + "f1": 0.657269658938351, + "main_score": 0.657269658938351, + "precision": 0.5774496357952187, + "recall": 1.0015022533800702 + }, + { + "hf_subset": "bos_Latn-pol_Latn", + "languages": [ + "bos-Latn", + "pol-Latn" + ], + "accuracy": 41.4621932899349, + "f1": 36.566294033782604, + "main_score": 36.566294033782604, + "precision": 34.94809949228646, + "recall": 41.4621932899349 + }, + { + "hf_subset": "bul_Cyrl-pol_Latn", + "languages": [ + "bul-Cyrl", + "pol-Latn" + ], + "accuracy": 7.611417125688533, + "f1": 6.256776694331179, + "main_score": 6.256776694331179, + "precision": 5.9087199342302625, + "recall": 7.611417125688533 + }, + { + "hf_subset": "ces_Latn-pol_Latn", + "languages": [ + "ces-Latn", + "pol-Latn" + ], + "accuracy": 44.566850275413124, + "f1": 39.63102995727847, + "main_score": 39.63102995727847, + "precision": 37.92173103351191, + "recall": 44.566850275413124 + }, + { + "hf_subset": "deu_Latn-pol_Latn", + "languages": [ + "deu-Latn", + "pol-Latn" + ], + "accuracy": 41.4621932899349, + "f1": 37.33454445419768, + "main_score": 37.33454445419768, + "precision": 35.95442215997948, + "recall": 41.4621932899349 + }, + { + "hf_subset": "ell_Grek-pol_Latn", + "languages": [ + "ell-Grek", + "pol-Latn" + ], + "accuracy": 8.462694041061592, + "f1": 6.8087684894952885, + "main_score": 6.8087684894952885, + "precision": 6.376933631700838, + "recall": 8.462694041061592 + }, + { + "hf_subset": "eng_Latn-pol_Latn", + "languages": [ + "eng-Latn", + "pol-Latn" + ], + "accuracy": 96.84526790185278, + "f1": 95.9472542146553, + "main_score": 95.9472542146553, + "precision": 95.52411951260224, + "recall": 96.84526790185278 + }, + { + "hf_subset": "fas_Arab-pol_Latn", + "languages": [ + "fas-Arab", + "pol-Latn" + ], + "accuracy": 11.817726589884828, + "f1": 10.601177340803874, + "main_score": 10.601177340803874, + "precision": 10.223703198232055, + "recall": 11.817726589884828 + }, + { + "hf_subset": "fin_Latn-pol_Latn", + "languages": [ + "fin-Latn", + "pol-Latn" + ], + "accuracy": 24.13620430645969, + "f1": 20.11481738578615, + "main_score": 20.11481738578615, + "precision": 19.018296909416655, + "recall": 24.13620430645969 + }, + { + "hf_subset": "fra_Latn-pol_Latn", + "languages": [ + "fra-Latn", + "pol-Latn" + ], + "accuracy": 43.415122684026045, + "f1": 39.73512828041284, + "main_score": 39.73512828041284, + "precision": 38.61547526672604, + "recall": 43.415122684026045 + }, + { + "hf_subset": "heb_Hebr-pol_Latn", + "languages": [ + "heb-Hebr", + "pol-Latn" + ], + "accuracy": 5.107661492238358, + "f1": 3.7469320469398637, + "main_score": 3.7469320469398637, + "precision": 3.4073111528601916, + "recall": 5.107661492238358 + }, + { + "hf_subset": "hin_Deva-pol_Latn", + "languages": [ + "hin-Deva", + "pol-Latn" + ], + "accuracy": 3.755633450175263, + "f1": 2.6979430411046788, + "main_score": 2.6979430411046788, + "precision": 2.476982778272265, + "recall": 3.755633450175263 + }, + { + "hf_subset": "hrv_Latn-pol_Latn", + "languages": [ + "hrv-Latn", + "pol-Latn" + ], + "accuracy": 41.61241862794191, + "f1": 36.74310386132114, + "main_score": 36.74310386132114, + "precision": 35.08204010628832, + "recall": 41.61241862794191 + }, + { + "hf_subset": "hun_Latn-pol_Latn", + "languages": [ + "hun-Latn", + "pol-Latn" + ], + "accuracy": 25.187781672508763, + "f1": 21.589008204041267, + "main_score": 21.589008204041267, + "precision": 20.550856861808544, + "recall": 25.187781672508763 + }, + { + "hf_subset": "ind_Latn-pol_Latn", + "languages": [ + "ind-Latn", + "pol-Latn" + ], + "accuracy": 25.38808212318478, + "f1": 22.027865588136557, + "main_score": 22.027865588136557, + "precision": 21.02193156294836, + "recall": 25.38808212318478 + }, + { + "hf_subset": "jpn_Jpan-pol_Latn", + "languages": [ + "jpn-Jpan", + "pol-Latn" + ], + "accuracy": 1.4521782674011017, + "f1": 1.1551267029994832, + "main_score": 1.1551267029994832, + "precision": 1.0709350063506407, + "recall": 1.4521782674011017 + }, + { + "hf_subset": "kor_Hang-pol_Latn", + "languages": [ + "kor-Hang", + "pol-Latn" + ], + "accuracy": 8.662994491737606, + "f1": 7.702831195040925, + "main_score": 7.702831195040925, + "precision": 7.399493724590964, + "recall": 8.662994491737606 + }, + { + "hf_subset": "lit_Latn-pol_Latn", + "languages": [ + "lit-Latn", + "pol-Latn" + ], + "accuracy": 27.240861291937907, + "f1": 22.67568012885724, + "main_score": 22.67568012885724, + "precision": 21.345389137270303, + "recall": 27.240861291937907 + }, + { + "hf_subset": "mkd_Cyrl-pol_Latn", + "languages": [ + "mkd-Cyrl", + "pol-Latn" + ], + "accuracy": 5.2578868302453685, + "f1": 4.206059607176409, + "main_score": 4.206059607176409, + "precision": 3.9704622621726124, + "recall": 5.2578868302453685 + }, + { + "hf_subset": "nld_Latn-pol_Latn", + "languages": [ + "nld-Latn", + "pol-Latn" + ], + "accuracy": 41.66249374061092, + "f1": 37.07298258743049, + "main_score": 37.07298258743049, + "precision": 35.62787031614285, + "recall": 41.66249374061092 + }, + { + "hf_subset": "pol_Latn-arb_Arab", + "languages": [ + "pol-Latn", + "arb-Arab" + ], + "accuracy": 4.606910365548322, + "f1": 2.46942582684724, + "main_score": 2.46942582684724, + "precision": 2.1050793953671145, + "recall": 4.606910365548322 + }, + { + "hf_subset": "pol_Latn-bel_Cyrl", + "languages": [ + "pol-Latn", + "bel-Cyrl" + ], + "accuracy": 8.662994491737606, + "f1": 5.182695919286112, + "main_score": 5.182695919286112, + "precision": 4.489760167778365, + "recall": 8.662994491737606 + }, + { + "hf_subset": "pol_Latn-ben_Beng", + "languages": [ + "pol-Latn", + "ben-Beng" + ], + "accuracy": 2.6539809714571856, + "f1": 1.258614201836631, + "main_score": 1.258614201836631, + "precision": 1.0713961698889642, + "recall": 2.6539809714571856 + }, + { + "hf_subset": "pol_Latn-bos_Latn", + "languages": [ + "pol-Latn", + "bos-Latn" + ], + "accuracy": 36.55483224837256, + "f1": 29.774094494365304, + "main_score": 29.774094494365304, + "precision": 27.80072080015492, + "recall": 36.55483224837256 + }, + { + "hf_subset": "pol_Latn-bul_Cyrl", + "languages": [ + "pol-Latn", + "bul-Cyrl" + ], + "accuracy": 10.015022533800702, + "f1": 6.883913130592241, + "main_score": 6.883913130592241, + "precision": 6.16024442614442, + "recall": 10.015022533800702 + }, + { + "hf_subset": "pol_Latn-ces_Latn", + "languages": [ + "pol-Latn", + "ces-Latn" + ], + "accuracy": 42.06309464196295, + "f1": 34.378555224013816, + "main_score": 34.378555224013816, + "precision": 31.962839439959527, + "recall": 42.06309464196295 + }, + { + "hf_subset": "pol_Latn-deu_Latn", + "languages": [ + "pol-Latn", + "deu-Latn" + ], + "accuracy": 43.465197796695044, + "f1": 35.448522434000644, + "main_score": 35.448522434000644, + "precision": 32.92927940126679, + "recall": 43.465197796695044 + }, + { + "hf_subset": "pol_Latn-ell_Grek", + "languages": [ + "pol-Latn", + "ell-Grek" + ], + "accuracy": 10.665998998497747, + "f1": 6.412653388709864, + "main_score": 6.412653388709864, + "precision": 5.553629367440621, + "recall": 10.665998998497747 + }, + { + "hf_subset": "pol_Latn-eng_Latn", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "accuracy": 95.6434651977967, + "f1": 94.3281589050242, + "main_score": 94.3281589050242, + "precision": 93.69470872976132, + "recall": 95.6434651977967 + }, + { + "hf_subset": "pol_Latn-fas_Arab", + "languages": [ + "pol-Latn", + "fas-Arab" + ], + "accuracy": 14.521782674011016, + "f1": 9.83927594272999, + "main_score": 9.83927594272999, + "precision": 8.762366993974261, + "recall": 14.521782674011016 + }, + { + "hf_subset": "pol_Latn-fin_Latn", + "languages": [ + "pol-Latn", + "fin-Latn" + ], + "accuracy": 24.837255883825737, + "f1": 17.81630308485758, + "main_score": 17.81630308485758, + "precision": 16.06189265176832, + "recall": 24.837255883825737 + }, + { + "hf_subset": "pol_Latn-fra_Latn", + "languages": [ + "pol-Latn", + "fra-Latn" + ], + "accuracy": 46.21932899349023, + "f1": 37.289762204634506, + "main_score": 37.289762204634506, + "precision": 34.35696093911357, + "recall": 46.21932899349023 + }, + { + "hf_subset": "pol_Latn-heb_Hebr", + "languages": [ + "pol-Latn", + "heb-Hebr" + ], + "accuracy": 7.811717576364546, + "f1": 4.325980977253967, + "main_score": 4.325980977253967, + "precision": 3.692034397493451, + "recall": 7.811717576364546 + }, + { + "hf_subset": "pol_Latn-hin_Deva", + "languages": [ + "pol-Latn", + "hin-Deva" + ], + "accuracy": 5.408112168252378, + "f1": 3.3012026283157954, + "main_score": 3.3012026283157954, + "precision": 2.9200987844982302, + "recall": 5.408112168252378 + }, + { + "hf_subset": "pol_Latn-hrv_Latn", + "languages": [ + "pol-Latn", + "hrv-Latn" + ], + "accuracy": 35.65348022033049, + "f1": 28.87968630538368, + "main_score": 28.87968630538368, + "precision": 26.862013496119065, + "recall": 35.65348022033049 + }, + { + "hf_subset": "pol_Latn-hun_Latn", + "languages": [ + "pol-Latn", + "hun-Latn" + ], + "accuracy": 25.58838257386079, + "f1": 18.48609113402143, + "main_score": 18.48609113402143, + "precision": 16.57296197744189, + "recall": 25.58838257386079 + }, + { + "hf_subset": "pol_Latn-ind_Latn", + "languages": [ + "pol-Latn", + "ind-Latn" + ], + "accuracy": 29.093640460691038, + "f1": 21.347745568207063, + "main_score": 21.347745568207063, + "precision": 19.290524664413102, + "recall": 29.093640460691038 + }, + { + "hf_subset": "pol_Latn-jpn_Jpan", + "languages": [ + "pol-Latn", + "jpn-Jpan" + ], + "accuracy": 3.1547320981472207, + "f1": 1.3591775209486017, + "main_score": 1.3591775209486017, + "precision": 1.0911488276885473, + "recall": 3.1547320981472207 + }, + { + "hf_subset": "pol_Latn-kor_Hang", + "languages": [ + "pol-Latn", + "kor-Hang" + ], + "accuracy": 10.866299449173761, + "f1": 6.470438882301941, + "main_score": 6.470438882301941, + "precision": 5.5886448167365, + "recall": 10.866299449173761 + }, + { + "hf_subset": "pol_Latn-lit_Latn", + "languages": [ + "pol-Latn", + "lit-Latn" + ], + "accuracy": 25.38808212318478, + "f1": 19.368194787457522, + "main_score": 19.368194787457522, + "precision": 17.739499047326586, + "recall": 25.38808212318478 + }, + { + "hf_subset": "pol_Latn-mkd_Cyrl", + "languages": [ + "pol-Latn", + "mkd-Cyrl" + ], + "accuracy": 7.361041562343515, + "f1": 4.620503162223216, + "main_score": 4.620503162223216, + "precision": 4.0633841300538, + "recall": 7.361041562343515 + }, + { + "hf_subset": "pol_Latn-nld_Latn", + "languages": [ + "pol-Latn", + "nld-Latn" + ], + "accuracy": 42.16324486730095, + "f1": 34.45435727520619, + "main_score": 34.45435727520619, + "precision": 32.16608920524314, + "recall": 42.16324486730095 + }, + { + "hf_subset": "pol_Latn-por_Latn", + "languages": [ + "pol-Latn", + "por-Latn" + ], + "accuracy": 38.45768652979469, + "f1": 30.772146637068243, + "main_score": 30.772146637068243, + "precision": 28.392073335240376, + "recall": 38.45768652979469 + }, + { + "hf_subset": "pol_Latn-rus_Cyrl", + "languages": [ + "pol-Latn", + "rus-Cyrl" + ], + "accuracy": 9.01352028042063, + "f1": 5.7469829042905545, + "main_score": 5.7469829042905545, + "precision": 5.093509037970949, + "recall": 9.01352028042063 + }, + { + "hf_subset": "pol_Latn-slk_Latn", + "languages": [ + "pol-Latn", + "slk-Latn" + ], + "accuracy": 38.407611417125686, + "f1": 31.11590026725889, + "main_score": 31.11590026725889, + "precision": 28.88764140353986, + "recall": 38.407611417125686 + }, + { + "hf_subset": "pol_Latn-slv_Latn", + "languages": [ + "pol-Latn", + "slv-Latn" + ], + "accuracy": 33.24987481221833, + "f1": 25.950822457683554, + "main_score": 25.950822457683554, + "precision": 23.846365535044157, + "recall": 33.24987481221833 + }, + { + "hf_subset": "pol_Latn-spa_Latn", + "languages": [ + "pol-Latn", + "spa-Latn" + ], + "accuracy": 45.06760140210315, + "f1": 36.824239877433804, + "main_score": 36.824239877433804, + "precision": 34.21671795018105, + "recall": 45.06760140210315 + }, + { + "hf_subset": "pol_Latn-srp_Cyrl", + "languages": [ + "pol-Latn", + "srp-Cyrl" + ], + "accuracy": 7.911867801702553, + "f1": 5.036235972381512, + "main_score": 5.036235972381512, + "precision": 4.4125802643383745, + "recall": 7.911867801702553 + }, + { + "hf_subset": "pol_Latn-srp_Latn", + "languages": [ + "pol-Latn", + "srp-Latn" + ], + "accuracy": 25.43815723585378, + "f1": 18.921733221569646, + "main_score": 18.921733221569646, + "precision": 17.32003570311133, + "recall": 25.43815723585378 + }, + { + "hf_subset": "pol_Latn-swa_Latn", + "languages": [ + "pol-Latn", + "swa-Latn" + ], + "accuracy": 21.732598898347522, + "f1": 15.880290797178201, + "main_score": 15.880290797178201, + "precision": 14.395403694763726, + "recall": 21.732598898347522 + }, + { + "hf_subset": "pol_Latn-swe_Latn", + "languages": [ + "pol-Latn", + "swe-Latn" + ], + "accuracy": 40.610916374561846, + "f1": 32.421490223283655, + "main_score": 32.421490223283655, + "precision": 29.896983936859545, + "recall": 40.610916374561846 + }, + { + "hf_subset": "pol_Latn-tam_Taml", + "languages": [ + "pol-Latn", + "tam-Taml" + ], + "accuracy": 7.961942914371558, + "f1": 4.558103071505523, + "main_score": 4.558103071505523, + "precision": 3.8662602469179768, + "recall": 7.961942914371558 + }, + { + "hf_subset": "pol_Latn-tur_Latn", + "languages": [ + "pol-Latn", + "tur-Latn" + ], + "accuracy": 28.392588883324986, + "f1": 22.030266589108034, + "main_score": 22.030266589108034, + "precision": 20.308934108335674, + "recall": 28.392588883324986 + }, + { + "hf_subset": "pol_Latn-ukr_Cyrl", + "languages": [ + "pol-Latn", + "ukr-Cyrl" + ], + "accuracy": 8.512769153730595, + "f1": 5.296718542027111, + "main_score": 5.296718542027111, + "precision": 4.650127564300294, + "recall": 8.512769153730595 + }, + { + "hf_subset": "pol_Latn-vie_Latn", + "languages": [ + "pol-Latn", + "vie-Latn" + ], + "accuracy": 30.14521782674011, + "f1": 23.61573142082293, + "main_score": 23.61573142082293, + "precision": 21.67325222681889, + "recall": 30.14521782674011 + }, + { + "hf_subset": "pol_Latn-zho_Hant", + "languages": [ + "pol-Latn", + "zho-Hant" + ], + "accuracy": 24.036054081121684, + "f1": 17.92926410467618, + "main_score": 17.92926410467618, + "precision": 16.264283236205312, + "recall": 24.036054081121684 + }, + { + "hf_subset": "pol_Latn-zul_Latn", + "languages": [ + "pol-Latn", + "zul-Latn" + ], + "accuracy": 23.83575363044567, + "f1": 16.400739962706364, + "main_score": 16.400739962706364, + "precision": 14.601613184463366, + "recall": 23.83575363044567 + }, + { + "hf_subset": "por_Latn-pol_Latn", + "languages": [ + "por-Latn", + "pol-Latn" + ], + "accuracy": 37.40610916374562, + "f1": 33.819136027629646, + "main_score": 33.819136027629646, + "precision": 32.675346971067114, + "recall": 37.40610916374562 + }, + { + "hf_subset": "rus_Cyrl-pol_Latn", + "languages": [ + "rus-Cyrl", + "pol-Latn" + ], + "accuracy": 6.609914872308463, + "f1": 5.344181532448552, + "main_score": 5.344181532448552, + "precision": 5.016035805663429, + "recall": 6.609914872308463 + }, + { + "hf_subset": "slk_Latn-pol_Latn", + "languages": [ + "slk-Latn", + "pol-Latn" + ], + "accuracy": 43.21482223335003, + "f1": 38.594026070011935, + "main_score": 38.594026070011935, + "precision": 37.059186258663104, + "recall": 43.21482223335003 + }, + { + "hf_subset": "slv_Latn-pol_Latn", + "languages": [ + "slv-Latn", + "pol-Latn" + ], + "accuracy": 34.501752628943414, + "f1": 30.335345420429487, + "main_score": 30.335345420429487, + "precision": 28.9518422565815, + "recall": 34.501752628943414 + }, + { + "hf_subset": "spa_Latn-pol_Latn", + "languages": [ + "spa-Latn", + "pol-Latn" + ], + "accuracy": 37.656484727090636, + "f1": 33.980789524776114, + "main_score": 33.980789524776114, + "precision": 32.90989855225763, + "recall": 37.656484727090636 + }, + { + "hf_subset": "srp_Cyrl-pol_Latn", + "languages": [ + "srp-Cyrl", + "pol-Latn" + ], + "accuracy": 5.808713069604407, + "f1": 4.451889762512088, + "main_score": 4.451889762512088, + "precision": 4.125584144733145, + "recall": 5.808713069604407 + }, + { + "hf_subset": "srp_Latn-pol_Latn", + "languages": [ + "srp-Latn", + "pol-Latn" + ], + "accuracy": 28.14221331997997, + "f1": 23.51959297831865, + "main_score": 23.51959297831865, + "precision": 22.110666143488064, + "recall": 28.14221331997997 + }, + { + "hf_subset": "swa_Latn-pol_Latn", + "languages": [ + "swa-Latn", + "pol-Latn" + ], + "accuracy": 19.779669504256383, + "f1": 16.604335328648055, + "main_score": 16.604335328648055, + "precision": 15.768002918453657, + "recall": 19.779669504256383 + }, + { + "hf_subset": "swe_Latn-pol_Latn", + "languages": [ + "swe-Latn", + "pol-Latn" + ], + "accuracy": 40.86129193790686, + "f1": 36.23109651947736, + "main_score": 36.23109651947736, + "precision": 34.74497479993283, + "recall": 40.86129193790686 + }, + { + "hf_subset": "tam_Taml-pol_Latn", + "languages": [ + "tam-Taml", + "pol-Latn" + ], + "accuracy": 5.107661492238358, + "f1": 3.7687687480859795, + "main_score": 3.7687687480859795, + "precision": 3.4356832920668214, + "recall": 5.107661492238358 + }, + { + "hf_subset": "tur_Latn-pol_Latn", + "languages": [ + "tur-Latn", + "pol-Latn" + ], + "accuracy": 29.944917376064094, + "f1": 24.863268061783938, + "main_score": 24.863268061783938, + "precision": 23.36063980331642, + "recall": 29.944917376064094 + }, + { + "hf_subset": "ukr_Cyrl-pol_Latn", + "languages": [ + "ukr-Cyrl", + "pol-Latn" + ], + "accuracy": 7.260891337005508, + "f1": 5.704027989612987, + "main_score": 5.704027989612987, + "precision": 5.2703090950782165, + "recall": 7.260891337005508 + }, + { + "hf_subset": "vie_Latn-pol_Latn", + "languages": [ + "vie-Latn", + "pol-Latn" + ], + "accuracy": 29.093640460691038, + "f1": 24.651820126812275, + "main_score": 24.651820126812275, + "precision": 23.25686506040681, + "recall": 29.093640460691038 + }, + { + "hf_subset": "zho_Hant-pol_Latn", + "languages": [ + "zho-Hant", + "pol-Latn" + ], + "accuracy": 21.732598898347522, + "f1": 18.829299781805904, + "main_score": 18.829299781805904, + "precision": 17.89806400969999, + "recall": 21.732598898347522 + }, + { + "hf_subset": "zul_Latn-pol_Latn", + "languages": [ + "zul-Latn", + "pol-Latn" + ], + "accuracy": 23.084626940410615, + "f1": 19.616655275302847, + "main_score": 19.616655275302847, + "precision": 18.61171758782464, + "recall": 23.084626940410615 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__KartonBERT-USE-base-v1/external/PAC.json b/results/OrlikB__KartonBERT-USE-base-v1/external/PAC.json new file mode 100644 index 000000000..1161644ab --- /dev/null +++ b/results/OrlikB__KartonBERT-USE-base-v1/external/PAC.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "fc69d1c153a8ccdcf1eef52f4e2a27f88782f543", + "task_name": "PAC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 64.98696785403996, + "ap": 75.86324311231046, + "ap_weighted": 75.86324311231046, + "f1": 62.65274332767454, + "f1_weighted": 65.4625863993904, + "main_score": 64.98696785403996 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__KartonBERT-USE-base-v1/external/PSC.json b/results/OrlikB__KartonBERT-USE-base-v1/external/PSC.json new file mode 100644 index 000000000..a4106effc --- /dev/null +++ b/results/OrlikB__KartonBERT-USE-base-v1/external/PSC.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "d05a294af9e1d3ff2bfb6b714e08a24a6cabc669", + "task_name": "PSC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cosine_accuracy": 97.86641929499072, + "cosine_accuracy_threshold": 62.92417049407959, + "cosine_ap": 99.19415840133571, + "cosine_f1": 96.52042360060513, + "cosine_f1_threshold": 62.92417049407959, + "cosine_precision": 95.7957957957958, + "cosine_recall": 97.2560975609756, + "dot_accuracy": 97.86641929499072, + "dot_accuracy_threshold": 62.92417645454407, + "dot_ap": 99.19415840133571, + "dot_f1": 96.52042360060513, + "dot_f1_threshold": 62.92417645454407, + "dot_precision": 95.7957957957958, + "dot_recall": 97.2560975609756, + "euclidean_accuracy": 97.86641929499072, + "euclidean_accuracy_threshold": 86.11080646514893, + "euclidean_ap": 99.19415840133571, + "euclidean_f1": 96.52042360060513, + "euclidean_f1_threshold": 86.11080646514893, + "euclidean_precision": 95.7957957957958, + "euclidean_recall": 97.2560975609756, + "main_score": 99.20490128975061, + "manhattan_accuracy": 97.6808905380334, + "manhattan_accuracy_threshold": 1888.6344909667969, + "manhattan_ap": 99.20490128975061, + "manhattan_f1": 96.2178517397882, + "manhattan_f1_threshold": 1888.6344909667969, + "manhattan_precision": 95.4954954954955, + "manhattan_recall": 96.95121951219512, + "max_accuracy": 97.86641929499072, + "max_ap": 99.20490128975061, + "max_f1": 96.52042360060513, + "max_precision": 95.7957957957958, + "max_recall": 97.2560975609756, + "similarity_accuracy": 97.86641929499072, + "similarity_accuracy_threshold": 62.924182415008545, + "similarity_ap": 99.19415840133571, + "similarity_f1": 96.52042360060513, + "similarity_f1_threshold": 62.924182415008545, + "similarity_precision": 95.7957957957958, + "similarity_recall": 97.2560975609756 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__KartonBERT-USE-base-v1/external/PlscClusteringP2P.v2.json b/results/OrlikB__KartonBERT-USE-base-v1/external/PlscClusteringP2P.v2.json new file mode 100644 index 000000000..d501656ef --- /dev/null +++ b/results/OrlikB__KartonBERT-USE-base-v1/external/PlscClusteringP2P.v2.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "8436dd4c05222778013d6642ee2f3fa1722bca9b", + "task_name": "PlscClusteringP2P.v2", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 71.31966022242881, + "v_measure": 71.31966022242881, + "v_measure_std": 0.8738571211439499 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__KartonBERT-USE-base-v1/external/PlscClusteringS2S.v2.json b/results/OrlikB__KartonBERT-USE-base-v1/external/PlscClusteringS2S.v2.json new file mode 100644 index 000000000..68d1fc43a --- /dev/null +++ b/results/OrlikB__KartonBERT-USE-base-v1/external/PlscClusteringS2S.v2.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "39bcadbac6b1eddad7c1a0a176119ce58060289a", + "task_name": "PlscClusteringS2S.v2", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 70.2396182092355, + "v_measure": 70.2396182092355, + "v_measure_std": 1.8000040105133557 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__KartonBERT-USE-base-v1/external/PolEmo2.0-IN.json b/results/OrlikB__KartonBERT-USE-base-v1/external/PolEmo2.0-IN.json new file mode 100644 index 000000000..4c07249ee --- /dev/null +++ b/results/OrlikB__KartonBERT-USE-base-v1/external/PolEmo2.0-IN.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d90724373c70959f17d2331ad51fb60c71176b03", + "task_name": "PolEmo2.0-IN", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 77.06371191135733, + "f1": 75.24924358433623, + "f1_weighted": 77.67381875190982, + "main_score": 77.06371191135733 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__KartonBERT-USE-base-v1/external/PolEmo2.0-OUT.json b/results/OrlikB__KartonBERT-USE-base-v1/external/PolEmo2.0-OUT.json new file mode 100644 index 000000000..ab9fdb903 --- /dev/null +++ b/results/OrlikB__KartonBERT-USE-base-v1/external/PolEmo2.0-OUT.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "6a21ab8716e255ab1867265f8b396105e8aa63d4", + "task_name": "PolEmo2.0-OUT", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 51.1336032388664, + "f1": 43.593636081086586, + "f1_weighted": 58.20039598624505, + "main_score": 51.1336032388664 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__KartonBERT-USE-base-v1/external/Quora-PL.json b/results/OrlikB__KartonBERT-USE-base-v1/external/Quora-PL.json new file mode 100644 index 000000000..3fbad27ad --- /dev/null +++ b/results/OrlikB__KartonBERT-USE-base-v1/external/Quora-PL.json @@ -0,0 +1,306 @@ +{ + "dataset_revision": "0be27e93455051e531182b85e85e425aba12e9d4", + "task_name": "Quora-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 83.875, + "map_at_1": 65.774, + "map_at_10": 79.594, + "map_at_100": 80.336, + "map_at_1000": 80.35799999999999, + "map_at_20": 80.081, + "map_at_3": 76.543, + "map_at_5": 78.45400000000001, + "mrr_at_1": 75.76, + "mrr_at_10": 82.84497222222222, + "mrr_at_100": 83.02868118414814, + "mrr_at_1000": 83.03198341669084, + "mrr_at_20": 82.97830966853064, + "mrr_at_3": 81.605, + "mrr_at_5": 82.4165, + "nauc_map_at_1000_diff1": 73.40640121058422, + "nauc_map_at_1000_max": 28.46337709715841, + "nauc_map_at_1000_std": -34.36170797178319, + "nauc_map_at_100_diff1": 73.41027935468242, + "nauc_map_at_100_max": 28.448897737305167, + "nauc_map_at_100_std": -34.410053175618984, + "nauc_map_at_10_diff1": 73.63608438663765, + "nauc_map_at_10_max": 27.99805524703715, + "nauc_map_at_10_std": -35.96926536472381, + "nauc_map_at_1_diff1": 77.37739722887241, + "nauc_map_at_1_max": 20.489751324646726, + "nauc_map_at_1_std": -34.43345176075925, + "nauc_map_at_20_diff1": 73.48489056640469, + "nauc_map_at_20_max": 28.302520798061405, + "nauc_map_at_20_std": -35.033039709762456, + "nauc_map_at_3_diff1": 74.22725361971708, + "nauc_map_at_3_max": 25.81523287150949, + "nauc_map_at_3_std": -37.576947757072034, + "nauc_map_at_5_diff1": 73.82247830220571, + "nauc_map_at_5_max": 27.097568871055334, + "nauc_map_at_5_std": -37.178201184627305, + "nauc_mrr_at_1000_diff1": 73.671442290651, + "nauc_mrr_at_1000_max": 30.524947345269105, + "nauc_mrr_at_1000_std": -31.36532587671011, + "nauc_mrr_at_100_diff1": 73.66992200638639, + "nauc_mrr_at_100_max": 30.52663991152657, + "nauc_mrr_at_100_std": -31.359539680268337, + "nauc_mrr_at_10_diff1": 73.63189061102112, + "nauc_mrr_at_10_max": 30.606965655536673, + "nauc_mrr_at_10_std": -31.411534218742432, + "nauc_mrr_at_1_diff1": 75.17418724066114, + "nauc_mrr_at_1_max": 29.14884092629756, + "nauc_mrr_at_1_std": -31.16093210023857, + "nauc_mrr_at_20_diff1": 73.65231966885165, + "nauc_mrr_at_20_max": 30.583763761309974, + "nauc_mrr_at_20_std": -31.337398441591773, + "nauc_mrr_at_3_diff1": 73.3913556687992, + "nauc_mrr_at_3_max": 30.476618323576627, + "nauc_mrr_at_3_std": -31.858863133453397, + "nauc_mrr_at_5_diff1": 73.4716463702077, + "nauc_mrr_at_5_max": 30.61795159461716, + "nauc_mrr_at_5_std": -31.563308058631534, + "nauc_ndcg_at_1000_diff1": 72.95508712773197, + "nauc_ndcg_at_1000_max": 30.12028043393866, + "nauc_ndcg_at_1000_std": -31.90016377526389, + "nauc_ndcg_at_100_diff1": 72.91161449349684, + "nauc_ndcg_at_100_max": 30.1573165397239, + "nauc_ndcg_at_100_std": -31.898114473155537, + "nauc_ndcg_at_10_diff1": 72.98440999465589, + "nauc_ndcg_at_10_max": 29.498984798918926, + "nauc_ndcg_at_10_std": -34.409963346107, + "nauc_ndcg_at_1_diff1": 74.96338647049875, + "nauc_ndcg_at_1_max": 29.69806164680575, + "nauc_ndcg_at_1_std": -30.506573641100786, + "nauc_ndcg_at_20_diff1": 72.94194704227928, + "nauc_ndcg_at_20_max": 29.914187952525413, + "nauc_ndcg_at_20_std": -33.164979047878795, + "nauc_ndcg_at_3_diff1": 72.40928680360435, + "nauc_ndcg_at_3_max": 28.217746151291877, + "nauc_ndcg_at_3_std": -34.5876406089579, + "nauc_ndcg_at_5_diff1": 72.65286836503851, + "nauc_ndcg_at_5_max": 28.762447019502797, + "nauc_ndcg_at_5_std": -35.11764039207373, + "nauc_precision_at_1000_diff1": -41.68149562579916, + "nauc_precision_at_1000_max": 0.5346848775768239, + "nauc_precision_at_1000_std": 37.63984778174331, + "nauc_precision_at_100_diff1": -40.70814450989262, + "nauc_precision_at_100_max": 1.7957963726862223, + "nauc_precision_at_100_std": 36.681132193570996, + "nauc_precision_at_10_diff1": -30.413343518298632, + "nauc_precision_at_10_max": 7.5727147760066575, + "nauc_precision_at_10_std": 22.74763162315844, + "nauc_precision_at_1_diff1": 74.96338647049875, + "nauc_precision_at_1_max": 29.69806164680575, + "nauc_precision_at_1_std": -30.506573641100786, + "nauc_precision_at_20_diff1": -36.12470932128835, + "nauc_precision_at_20_max": 4.897816846407051, + "nauc_precision_at_20_std": 29.979051739488423, + "nauc_precision_at_3_diff1": -5.353214272695143, + "nauc_precision_at_3_max": 15.194981772023484, + "nauc_precision_at_3_std": 2.8778017019216726, + "nauc_precision_at_5_diff1": -19.967483442538388, + "nauc_precision_at_5_max": 11.178726211951638, + "nauc_precision_at_5_std": 12.462110198882302, + "nauc_recall_at_1000_diff1": 54.20555830597288, + "nauc_recall_at_1000_max": 54.00511659799212, + "nauc_recall_at_1000_std": 43.666835088245136, + "nauc_recall_at_100_diff1": 61.715707167844926, + "nauc_recall_at_100_max": 39.33537383712575, + "nauc_recall_at_100_std": -5.81121276399585, + "nauc_recall_at_10_diff1": 67.46913802915881, + "nauc_recall_at_10_max": 29.316426634098924, + "nauc_recall_at_10_std": -39.30499385618004, + "nauc_recall_at_1_diff1": 77.37739722887241, + "nauc_recall_at_1_max": 20.489751324646726, + "nauc_recall_at_1_std": -34.43345176075925, + "nauc_recall_at_20_diff1": 66.28280245365029, + "nauc_recall_at_20_max": 32.71950916379278, + "nauc_recall_at_20_std": -31.233343041727274, + "nauc_recall_at_3_diff1": 70.28676363121481, + "nauc_recall_at_3_max": 24.287271486292788, + "nauc_recall_at_3_std": -40.82142827677811, + "nauc_recall_at_5_diff1": 68.8387400353206, + "nauc_recall_at_5_max": 26.453954769696157, + "nauc_recall_at_5_std": -41.642567850497706, + "ndcg_at_1": 75.86, + "ndcg_at_10": 83.875, + "ndcg_at_100": 85.596, + "ndcg_at_1000": 85.804, + "ndcg_at_20": 84.789, + "ndcg_at_3": 80.548, + "ndcg_at_5": 82.352, + "precision_at_1": 75.86, + "precision_at_10": 12.867, + "precision_at_100": 1.505, + "precision_at_1000": 0.156, + "precision_at_20": 6.909999999999999, + "precision_at_3": 35.4, + "precision_at_5": 23.43, + "recall_at_1": 65.774, + "recall_at_10": 92.42099999999999, + "recall_at_100": 98.68400000000001, + "recall_at_1000": 99.82, + "recall_at_20": 95.43700000000001, + "recall_at_3": 82.92, + "recall_at_5": 87.89 + } + ], + "validation": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 83.78999999999999, + "map_at_1": 65.527, + "map_at_10": 79.54299999999999, + "map_at_100": 80.215, + "map_at_1000": 80.23599999999999, + "map_at_20": 80.009, + "map_at_3": 76.375, + "map_at_5": 78.361, + "mrr_at_1": 75.38, + "mrr_at_10": 82.58898412698412, + "mrr_at_100": 82.78276550796194, + "mrr_at_1000": 82.78548907447124, + "mrr_at_20": 82.72455061390276, + "mrr_at_3": 81.29333333333332, + "mrr_at_5": 82.16133333333333, + "nauc_map_at_1000_diff1": 72.17082965966746, + "nauc_map_at_1000_max": 25.561957524983104, + "nauc_map_at_1000_std": -32.729084893747775, + "nauc_map_at_100_diff1": 72.18145209742738, + "nauc_map_at_100_max": 25.562273072340062, + "nauc_map_at_100_std": -32.75499194018571, + "nauc_map_at_10_diff1": 72.17540509768051, + "nauc_map_at_10_max": 25.23028091664771, + "nauc_map_at_10_std": -33.80938822847208, + "nauc_map_at_1_diff1": 76.85902162952067, + "nauc_map_at_1_max": 15.119432901181101, + "nauc_map_at_1_std": -33.215413587802175, + "nauc_map_at_20_diff1": 72.20269126012819, + "nauc_map_at_20_max": 25.463663870881515, + "nauc_map_at_20_std": -33.171428047416875, + "nauc_map_at_3_diff1": 72.96664356556279, + "nauc_map_at_3_max": 22.83884443984863, + "nauc_map_at_3_std": -35.67073538019632, + "nauc_map_at_5_diff1": 72.29231438141625, + "nauc_map_at_5_max": 24.39299322090406, + "nauc_map_at_5_std": -34.8848651530573, + "nauc_mrr_at_1000_diff1": 72.36083495768207, + "nauc_mrr_at_1000_max": 27.29785049455846, + "nauc_mrr_at_1000_std": -29.413065947303934, + "nauc_mrr_at_100_diff1": 72.36147319908831, + "nauc_mrr_at_100_max": 27.30253888986283, + "nauc_mrr_at_100_std": -29.407204355739324, + "nauc_mrr_at_10_diff1": 72.29190315984265, + "nauc_mrr_at_10_max": 27.391173320996902, + "nauc_mrr_at_10_std": -29.425675339523078, + "nauc_mrr_at_1_diff1": 73.87822190537509, + "nauc_mrr_at_1_max": 23.821278424587756, + "nauc_mrr_at_1_std": -30.73829013582936, + "nauc_mrr_at_20_diff1": 72.34287269332268, + "nauc_mrr_at_20_max": 27.36468207313298, + "nauc_mrr_at_20_std": -29.397399644114923, + "nauc_mrr_at_3_diff1": 72.07642967834977, + "nauc_mrr_at_3_max": 27.938085395784988, + "nauc_mrr_at_3_std": -29.747194738371384, + "nauc_mrr_at_5_diff1": 72.06309211487309, + "nauc_mrr_at_5_max": 27.560904443136664, + "nauc_mrr_at_5_std": -29.39113946238272, + "nauc_ndcg_at_1000_diff1": 71.7974375201558, + "nauc_ndcg_at_1000_max": 27.297077258449914, + "nauc_ndcg_at_1000_std": -30.166803695034446, + "nauc_ndcg_at_100_diff1": 71.90182708721001, + "nauc_ndcg_at_100_max": 27.463368073082243, + "nauc_ndcg_at_100_std": -30.173059997756113, + "nauc_ndcg_at_10_diff1": 71.4971649738977, + "nauc_ndcg_at_10_max": 27.33895888686314, + "nauc_ndcg_at_10_std": -32.149121259739296, + "nauc_ndcg_at_1_diff1": 73.79341779758884, + "nauc_ndcg_at_1_max": 24.07575045739801, + "nauc_ndcg_at_1_std": -30.569253092715094, + "nauc_ndcg_at_20_diff1": 71.83476165120113, + "nauc_ndcg_at_20_max": 27.484988191438763, + "nauc_ndcg_at_20_std": -31.18933505569125, + "nauc_ndcg_at_3_diff1": 71.3211324267825, + "nauc_ndcg_at_3_max": 26.3827563071973, + "nauc_ndcg_at_3_std": -33.26564798575043, + "nauc_ndcg_at_5_diff1": 71.13111409439679, + "nauc_ndcg_at_5_max": 26.899174537293668, + "nauc_ndcg_at_5_std": -33.037279714247596, + "nauc_precision_at_1000_diff1": -41.06260416535236, + "nauc_precision_at_1000_max": 4.065296262607365, + "nauc_precision_at_1000_std": 32.664889523073235, + "nauc_precision_at_100_diff1": -39.46417965752645, + "nauc_precision_at_100_max": 5.845231054532795, + "nauc_precision_at_100_std": 32.267579356245015, + "nauc_precision_at_10_diff1": -30.398862391847853, + "nauc_precision_at_10_max": 11.366479364106302, + "nauc_precision_at_10_std": 20.905381134697873, + "nauc_precision_at_1_diff1": 73.79341779758884, + "nauc_precision_at_1_max": 24.07575045739801, + "nauc_precision_at_1_std": -30.569253092715094, + "nauc_precision_at_20_diff1": -34.95246979130432, + "nauc_precision_at_20_max": 8.471127128333388, + "nauc_precision_at_20_std": 26.200816731005723, + "nauc_precision_at_3_diff1": -6.0507685352298, + "nauc_precision_at_3_max": 18.181944109090693, + "nauc_precision_at_3_std": 2.4766181822784477, + "nauc_precision_at_5_diff1": -20.921638552869315, + "nauc_precision_at_5_max": 15.093648854992317, + "nauc_precision_at_5_std": 12.390250332801731, + "nauc_recall_at_1000_diff1": 72.76959786511301, + "nauc_recall_at_1000_max": 61.37728666951695, + "nauc_recall_at_1000_std": 38.29139577477708, + "nauc_recall_at_100_diff1": 73.26264132727238, + "nauc_recall_at_100_max": 43.79687261540802, + "nauc_recall_at_100_std": -11.430272905442566, + "nauc_recall_at_10_diff1": 65.56843657357662, + "nauc_recall_at_10_max": 30.859225864152133, + "nauc_recall_at_10_std": -34.881586204916495, + "nauc_recall_at_1_diff1": 76.85902162952067, + "nauc_recall_at_1_max": 15.119432901181101, + "nauc_recall_at_1_std": -33.215413587802175, + "nauc_recall_at_20_diff1": 67.37834715400818, + "nauc_recall_at_20_max": 35.213982982419374, + "nauc_recall_at_20_std": -29.688579231776913, + "nauc_recall_at_3_diff1": 68.79765755095777, + "nauc_recall_at_3_max": 25.26409330029704, + "nauc_recall_at_3_std": -37.49808566043117, + "nauc_recall_at_5_diff1": 66.41529573662208, + "nauc_recall_at_5_max": 27.814159729907644, + "nauc_recall_at_5_std": -37.02337127906464, + "ndcg_at_1": 75.42, + "ndcg_at_10": 83.78999999999999, + "ndcg_at_100": 85.45700000000001, + "ndcg_at_1000": 85.661, + "ndcg_at_20": 84.711, + "ndcg_at_3": 80.342, + "ndcg_at_5": 82.203, + "precision_at_1": 75.42, + "precision_at_10": 12.848, + "precision_at_100": 1.469, + "precision_at_1000": 0.152, + "precision_at_20": 6.837999999999999, + "precision_at_3": 35.32, + "precision_at_5": 23.427999999999997, + "recall_at_1": 65.527, + "recall_at_10": 92.547, + "recall_at_100": 98.722, + "recall_at_1000": 99.833, + "recall_at_20": 95.636, + "recall_at_3": 82.798, + "recall_at_5": 87.932 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__KartonBERT-USE-base-v1/external/Quora-PLHardNegatives.json b/results/OrlikB__KartonBERT-USE-base-v1/external/Quora-PLHardNegatives.json new file mode 100644 index 000000000..dd5c9efc1 --- /dev/null +++ b/results/OrlikB__KartonBERT-USE-base-v1/external/Quora-PLHardNegatives.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "523ff30f3346cd9c36081c19fc6eaef0a2f8d53d", + "task_name": "Quora-PLHardNegatives", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 83.441, + "map_at_1": 64.566, + "map_at_10": 78.976, + "map_at_100": 79.784, + "map_at_1000": 79.805, + "map_at_20": 79.473, + "map_at_3": 75.60900000000001, + "map_at_5": 77.59700000000001, + "mrr_at_1": 75.0, + "mrr_at_10": 82.24003968253967, + "mrr_at_100": 82.39148676909636, + "mrr_at_1000": 82.39412953563897, + "mrr_at_20": 82.3380424924233, + "mrr_at_3": 80.81666666666666, + "mrr_at_5": 81.76666666666667, + "nauc_map_at_1000_diff1": 70.11947044713457, + "nauc_map_at_1000_max": 32.0785962251563, + "nauc_map_at_1000_std": -25.72180310228886, + "nauc_map_at_100_diff1": 70.119223903828, + "nauc_map_at_100_max": 32.04902408982848, + "nauc_map_at_100_std": -25.741933094347818, + "nauc_map_at_10_diff1": 70.24873166549017, + "nauc_map_at_10_max": 32.01344077405822, + "nauc_map_at_10_std": -26.352879248313887, + "nauc_map_at_1_diff1": 76.3838359798031, + "nauc_map_at_1_max": 19.687227608021665, + "nauc_map_at_1_std": -27.80404785623863, + "nauc_map_at_20_diff1": 70.11742272646482, + "nauc_map_at_20_max": 31.974908565557914, + "nauc_map_at_20_std": -26.055873277823867, + "nauc_map_at_3_diff1": 71.38775037924422, + "nauc_map_at_3_max": 29.347110576500025, + "nauc_map_at_3_std": -27.546917264739633, + "nauc_map_at_5_diff1": 70.47666721538849, + "nauc_map_at_5_max": 30.391213537368557, + "nauc_map_at_5_std": -27.469926373290765, + "nauc_mrr_at_1000_diff1": 70.6739515891783, + "nauc_mrr_at_1000_max": 35.73696455413425, + "nauc_mrr_at_1000_std": -24.903543941487516, + "nauc_mrr_at_100_diff1": 70.6727011010652, + "nauc_mrr_at_100_max": 35.7441879616733, + "nauc_mrr_at_100_std": -24.893145024514293, + "nauc_mrr_at_10_diff1": 70.64421848648517, + "nauc_mrr_at_10_max": 35.737645000885344, + "nauc_mrr_at_10_std": -24.91053298763681, + "nauc_mrr_at_1_diff1": 72.96054421768706, + "nauc_mrr_at_1_max": 33.44908424908425, + "nauc_mrr_at_1_std": -27.055782312925196, + "nauc_mrr_at_20_diff1": 70.65109502016541, + "nauc_mrr_at_20_max": 35.75121651931555, + "nauc_mrr_at_20_std": -24.935827426097262, + "nauc_mrr_at_3_diff1": 70.46651990006681, + "nauc_mrr_at_3_max": 36.82409033566682, + "nauc_mrr_at_3_std": -23.77252296025634, + "nauc_mrr_at_5_diff1": 70.37584561193329, + "nauc_mrr_at_5_max": 35.95184767311965, + "nauc_mrr_at_5_std": -24.46407294516173, + "nauc_ndcg_at_1000_diff1": 69.78988888464094, + "nauc_ndcg_at_1000_max": 33.78633223806749, + "nauc_ndcg_at_1000_std": -24.30471382823556, + "nauc_ndcg_at_100_diff1": 69.68080255594029, + "nauc_ndcg_at_100_max": 33.75329157895577, + "nauc_ndcg_at_100_std": -23.950742923771408, + "nauc_ndcg_at_10_diff1": 69.32410336421049, + "nauc_ndcg_at_10_max": 32.62171559106042, + "nauc_ndcg_at_10_std": -25.055305262714896, + "nauc_ndcg_at_1_diff1": 73.79808983795444, + "nauc_ndcg_at_1_max": 31.11741586732179, + "nauc_ndcg_at_1_std": -26.49182333274088, + "nauc_ndcg_at_20_diff1": 69.28319519809568, + "nauc_ndcg_at_20_max": 32.649729085506685, + "nauc_ndcg_at_20_std": -24.78286422887768, + "nauc_ndcg_at_3_diff1": 69.46374350677924, + "nauc_ndcg_at_3_max": 33.48691707083252, + "nauc_ndcg_at_3_std": -23.258882920352097, + "nauc_ndcg_at_5_diff1": 69.15940341139341, + "nauc_ndcg_at_5_max": 32.38283752475865, + "nauc_ndcg_at_5_std": -25.331353469618236, + "nauc_precision_at_1000_diff1": -39.89797626190511, + "nauc_precision_at_1000_max": 0.6876951931266619, + "nauc_precision_at_1000_std": 24.135579123642, + "nauc_precision_at_100_diff1": -39.27741905918931, + "nauc_precision_at_100_max": 1.5295807101881045, + "nauc_precision_at_100_std": 23.73873597896803, + "nauc_precision_at_10_diff1": -31.95569799072481, + "nauc_precision_at_10_max": 11.133351075606681, + "nauc_precision_at_10_std": 18.12306130253635, + "nauc_precision_at_1_diff1": 73.79808983795444, + "nauc_precision_at_1_max": 31.11741586732179, + "nauc_precision_at_1_std": -26.49182333274088, + "nauc_precision_at_20_diff1": -35.86837967186013, + "nauc_precision_at_20_max": 5.146168726202043, + "nauc_precision_at_20_std": 20.394902558258444, + "nauc_precision_at_3_diff1": -7.123794765840237, + "nauc_precision_at_3_max": 23.732805023923436, + "nauc_precision_at_3_std": 6.118602290851066, + "nauc_precision_at_5_diff1": -22.353212199080236, + "nauc_precision_at_5_max": 16.87754190425444, + "nauc_precision_at_5_std": 12.493503307109334, + "nauc_recall_at_1000_diff1": 66.2401683837391, + "nauc_recall_at_1000_max": 69.89586795169929, + "nauc_recall_at_1000_std": 54.31274718413008, + "nauc_recall_at_100_diff1": 52.18342869491622, + "nauc_recall_at_100_max": 45.26570476940006, + "nauc_recall_at_100_std": 28.11023427839046, + "nauc_recall_at_10_diff1": 59.84335909161517, + "nauc_recall_at_10_max": 27.875640239194, + "nauc_recall_at_10_std": -22.99606199719549, + "nauc_recall_at_1_diff1": 76.3838359798031, + "nauc_recall_at_1_max": 19.687227608021665, + "nauc_recall_at_1_std": -27.80404785623863, + "nauc_recall_at_20_diff1": 57.20155639145018, + "nauc_recall_at_20_max": 23.36552345698421, + "nauc_recall_at_20_std": -20.66577074515514, + "nauc_recall_at_3_diff1": 66.70593366498305, + "nauc_recall_at_3_max": 29.49668171631047, + "nauc_recall_at_3_std": -23.511735151015237, + "nauc_recall_at_5_diff1": 62.801105437887806, + "nauc_recall_at_5_max": 28.681608337339814, + "nauc_recall_at_5_std": -26.076742308083222, + "ndcg_at_1": 74.6, + "ndcg_at_10": 83.441, + "ndcg_at_100": 85.207, + "ndcg_at_1000": 85.39099999999999, + "ndcg_at_20": 84.315, + "ndcg_at_3": 79.911, + "ndcg_at_5": 81.733, + "precision_at_1": 74.6, + "precision_at_10": 13.33, + "precision_at_100": 1.585, + "precision_at_1000": 0.163, + "precision_at_20": 7.215000000000001, + "precision_at_3": 35.6, + "precision_at_5": 23.880000000000003, + "recall_at_1": 64.566, + "recall_at_10": 92.599, + "recall_at_100": 98.846, + "recall_at_1000": 99.845, + "recall_at_20": 95.257, + "recall_at_3": 82.077, + "recall_at_5": 87.397 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__KartonBERT-USE-base-v1/external/SCIDOCS-PL.json b/results/OrlikB__KartonBERT-USE-base-v1/external/SCIDOCS-PL.json new file mode 100644 index 000000000..62e2bf6a9 --- /dev/null +++ b/results/OrlikB__KartonBERT-USE-base-v1/external/SCIDOCS-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "45452b03f05560207ef19149545f168e596c9337", + "task_name": "SCIDOCS-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 15.873000000000001, + "map_at_1": 3.775, + "map_at_10": 9.161, + "map_at_100": 10.918999999999999, + "map_at_1000": 11.202, + "map_at_20": 10.067, + "map_at_3": 6.597, + "map_at_5": 7.854, + "mrr_at_1": 18.6, + "mrr_at_10": 27.886428571428567, + "mrr_at_100": 28.989174893729764, + "mrr_at_1000": 29.06969368618742, + "mrr_at_20": 28.52687026509782, + "mrr_at_3": 24.733333333333334, + "mrr_at_5": 26.62333333333333, + "nauc_map_at_1000_diff1": 17.338063492099025, + "nauc_map_at_1000_max": 31.676710363869258, + "nauc_map_at_1000_std": 19.44787478817694, + "nauc_map_at_100_diff1": 17.330001556011098, + "nauc_map_at_100_max": 31.529980407900478, + "nauc_map_at_100_std": 19.101197347850587, + "nauc_map_at_10_diff1": 16.69617773011823, + "nauc_map_at_10_max": 29.330357636083065, + "nauc_map_at_10_std": 14.520443867477189, + "nauc_map_at_1_diff1": 19.69959398347788, + "nauc_map_at_1_max": 21.15503613820104, + "nauc_map_at_1_std": 5.949517842252173, + "nauc_map_at_20_diff1": 17.23299101990182, + "nauc_map_at_20_max": 30.743033737387552, + "nauc_map_at_20_std": 17.045152961765215, + "nauc_map_at_3_diff1": 16.869461560565544, + "nauc_map_at_3_max": 24.702066531086228, + "nauc_map_at_3_std": 8.381332247849253, + "nauc_map_at_5_diff1": 16.79450517482287, + "nauc_map_at_5_max": 26.953610672135465, + "nauc_map_at_5_std": 11.362691870524827, + "nauc_mrr_at_1000_diff1": 17.689725068831603, + "nauc_mrr_at_1000_max": 24.730134223817196, + "nauc_mrr_at_1000_std": 12.385372746391045, + "nauc_mrr_at_100_diff1": 17.69979261858343, + "nauc_mrr_at_100_max": 24.745016185063882, + "nauc_mrr_at_100_std": 12.43761305969452, + "nauc_mrr_at_10_diff1": 17.790136790834275, + "nauc_mrr_at_10_max": 24.63646057782297, + "nauc_mrr_at_10_std": 12.051623774206263, + "nauc_mrr_at_1_diff1": 19.694047484705795, + "nauc_mrr_at_1_max": 21.093009975002662, + "nauc_mrr_at_1_std": 5.620129192869433, + "nauc_mrr_at_20_diff1": 17.663848767206282, + "nauc_mrr_at_20_max": 24.736258292269998, + "nauc_mrr_at_20_std": 12.417424425736334, + "nauc_mrr_at_3_diff1": 16.741243494943962, + "nauc_mrr_at_3_max": 22.496607924575194, + "nauc_mrr_at_3_std": 8.83985463832847, + "nauc_mrr_at_5_diff1": 17.453148482385096, + "nauc_mrr_at_5_max": 24.191411493762853, + "nauc_mrr_at_5_std": 11.106728198617791, + "nauc_ndcg_at_1000_diff1": 17.05819787430221, + "nauc_ndcg_at_1000_max": 34.36473654929546, + "nauc_ndcg_at_1000_std": 27.84149425841954, + "nauc_ndcg_at_100_diff1": 17.654089575349236, + "nauc_ndcg_at_100_max": 33.58798073847035, + "nauc_ndcg_at_100_std": 26.20805574689576, + "nauc_ndcg_at_10_diff1": 17.31879632124412, + "nauc_ndcg_at_10_max": 30.288116141634454, + "nauc_ndcg_at_10_std": 17.301156501534756, + "nauc_ndcg_at_1_diff1": 19.694047484705795, + "nauc_ndcg_at_1_max": 21.093009975002662, + "nauc_ndcg_at_1_std": 5.620129192869433, + "nauc_ndcg_at_20_diff1": 17.594180577310784, + "nauc_ndcg_at_20_max": 32.11676032463241, + "nauc_ndcg_at_20_std": 20.9930275041836, + "nauc_ndcg_at_3_diff1": 16.345054106202365, + "nauc_ndcg_at_3_max": 24.438635311197014, + "nauc_ndcg_at_3_std": 9.012466244196702, + "nauc_ndcg_at_5_diff1": 16.787572813850378, + "nauc_ndcg_at_5_max": 27.482032734078444, + "nauc_ndcg_at_5_std": 13.333137895321832, + "nauc_precision_at_1000_diff1": 8.803110756113522, + "nauc_precision_at_1000_max": 31.2791590763206, + "nauc_precision_at_1000_std": 38.94233269200768, + "nauc_precision_at_100_diff1": 14.061557381077398, + "nauc_precision_at_100_max": 33.71562748261276, + "nauc_precision_at_100_std": 36.94329011079927, + "nauc_precision_at_10_diff1": 15.856997461162498, + "nauc_precision_at_10_max": 32.81363590609658, + "nauc_precision_at_10_std": 22.416593036651, + "nauc_precision_at_1_diff1": 19.694047484705795, + "nauc_precision_at_1_max": 21.093009975002662, + "nauc_precision_at_1_std": 5.620129192869433, + "nauc_precision_at_20_diff1": 15.811209412149053, + "nauc_precision_at_20_max": 34.81747068913031, + "nauc_precision_at_20_std": 28.32039806351492, + "nauc_precision_at_3_diff1": 15.007806096740516, + "nauc_precision_at_3_max": 25.467608599280595, + "nauc_precision_at_3_std": 9.97528298821604, + "nauc_precision_at_5_diff1": 15.711050079779485, + "nauc_precision_at_5_max": 30.04221632785474, + "nauc_precision_at_5_std": 16.94260428944902, + "nauc_recall_at_1000_diff1": 8.100290478639437, + "nauc_recall_at_1000_max": 31.18523144848299, + "nauc_recall_at_1000_std": 40.20433662499107, + "nauc_recall_at_100_diff1": 13.661547776170554, + "nauc_recall_at_100_max": 33.409430597319314, + "nauc_recall_at_100_std": 37.290964212520926, + "nauc_recall_at_10_diff1": 15.72252257570797, + "nauc_recall_at_10_max": 32.44746727086122, + "nauc_recall_at_10_std": 22.19023327223186, + "nauc_recall_at_1_diff1": 19.69959398347788, + "nauc_recall_at_1_max": 21.15503613820104, + "nauc_recall_at_1_std": 5.949517842252173, + "nauc_recall_at_20_diff1": 15.608371103886329, + "nauc_recall_at_20_max": 34.42514959297327, + "nauc_recall_at_20_std": 28.274144467952674, + "nauc_recall_at_3_diff1": 14.911590535221745, + "nauc_recall_at_3_max": 25.079059447651776, + "nauc_recall_at_3_std": 9.9537124673317, + "nauc_recall_at_5_diff1": 15.657528497044314, + "nauc_recall_at_5_max": 29.616816427701554, + "nauc_recall_at_5_std": 16.68457790000254, + "ndcg_at_1": 18.6, + "ndcg_at_10": 15.873000000000001, + "ndcg_at_100": 23.14, + "ndcg_at_1000": 28.504, + "ndcg_at_20": 18.502, + "ndcg_at_3": 14.97, + "ndcg_at_5": 13.153, + "precision_at_1": 18.6, + "precision_at_10": 8.260000000000002, + "precision_at_100": 1.8769999999999998, + "precision_at_1000": 0.317, + "precision_at_20": 5.66, + "precision_at_3": 13.966999999999999, + "precision_at_5": 11.559999999999999, + "recall_at_1": 3.775, + "recall_at_10": 16.733, + "recall_at_100": 38.153, + "recall_at_1000": 64.387, + "recall_at_20": 22.972, + "recall_at_3": 8.498, + "recall_at_5": 11.723 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__KartonBERT-USE-base-v1/external/SIB200Classification.json b/results/OrlikB__KartonBERT-USE-base-v1/external/SIB200Classification.json new file mode 100644 index 000000000..74db5f982 --- /dev/null +++ b/results/OrlikB__KartonBERT-USE-base-v1/external/SIB200Classification.json @@ -0,0 +1,53 @@ +{ + "dataset_revision": "a74d7350ea12af010cfb1c21e34f1f81fd2e615b", + "task_name": "SIB200Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "pol_Latn", + "languages": [ + "pol-Latn" + ], + "accuracy": 76.17647058823529, + "f1": 75.26003745335032, + "f1_weighted": 76.19627183062285, + "main_score": 76.17647058823529 + }, + { + "hf_subset": "pol_Latn", + "languages": [ + "pol-Latn" + ], + "main_score": 43.50358545235172, + "v_measure": 43.50358545235172, + "v_measure_std": 3.737257341216802 + } + ], + "train": [ + { + "hf_subset": "pol_Latn", + "languages": [ + "pol-Latn" + ], + "accuracy": 74.26533523537803, + "f1": 73.07458947819569, + "f1_weighted": 74.28822395076898, + "main_score": 74.26533523537803 + } + ], + "validation": [ + { + "hf_subset": "pol_Latn", + "languages": [ + "pol-Latn" + ], + "accuracy": 73.03030303030302, + "f1": 71.62450940401054, + "f1_weighted": 73.04756771855028, + "main_score": 73.03030303030302 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__KartonBERT-USE-base-v1/external/SICK-E-PL.json b/results/OrlikB__KartonBERT-USE-base-v1/external/SICK-E-PL.json new file mode 100644 index 000000000..07b8b114d --- /dev/null +++ b/results/OrlikB__KartonBERT-USE-base-v1/external/SICK-E-PL.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "71bba34b0ece6c56dfcf46d9758a27f7a90f17e9", + "task_name": "SICK-E-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cosine_accuracy": 85.50754178556869, + "cosine_accuracy_threshold": 89.79843258857727, + "cosine_ap": 79.81733712144906, + "cosine_f1": 73.49797272392186, + "cosine_f1_threshold": 89.26491141319275, + "cosine_precision": 76.1650114591291, + "cosine_recall": 71.01139601139602, + "dot_accuracy": 85.50754178556869, + "dot_accuracy_threshold": 89.79843854904175, + "dot_ap": 79.81731228808121, + "dot_f1": 73.49797272392186, + "dot_f1_threshold": 89.26491141319275, + "dot_precision": 76.1650114591291, + "dot_recall": 71.01139601139602, + "euclidean_accuracy": 85.50754178556869, + "euclidean_accuracy_threshold": 45.16982138156891, + "euclidean_ap": 79.81733712144904, + "euclidean_f1": 73.49797272392186, + "euclidean_f1_threshold": 46.335917711257935, + "euclidean_precision": 76.1650114591291, + "euclidean_recall": 71.01139601139602, + "main_score": 79.89579409621868, + "manhattan_accuracy": 85.50754178556869, + "manhattan_accuracy_threshold": 977.5501251220703, + "manhattan_ap": 79.89579409621868, + "manhattan_f1": 73.34315169366717, + "manhattan_f1_threshold": 1012.5644683837891, + "manhattan_precision": 75.91463414634147, + "manhattan_recall": 70.94017094017094, + "max_accuracy": 85.50754178556869, + "max_ap": 79.89579409621868, + "max_f1": 73.49797272392186, + "max_precision": 76.1650114591291, + "max_recall": 71.01139601139602, + "similarity_accuracy": 85.50754178556869, + "similarity_accuracy_threshold": 89.79843854904175, + "similarity_ap": 79.81733712144904, + "similarity_f1": 73.49797272392186, + "similarity_f1_threshold": 89.26491737365723, + "similarity_precision": 76.1650114591291, + "similarity_recall": 71.01139601139602 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__KartonBERT-USE-base-v1/external/SICK-R-PL.json b/results/OrlikB__KartonBERT-USE-base-v1/external/SICK-R-PL.json new file mode 100644 index 000000000..eef4204a1 --- /dev/null +++ b/results/OrlikB__KartonBERT-USE-base-v1/external/SICK-R-PL.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "fd5c2441b7eeff8676768036142af4cfa42c1339", + "task_name": "SICK-R-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cosine_pearson": 84.04170078857925, + "cosine_spearman": 78.92221847607668, + "euclidean_pearson": 80.88578682387758, + "euclidean_spearman": 78.92222004062023, + "main_score": 78.92221847607668, + "manhattan_pearson": 80.87171998509311, + "manhattan_spearman": 78.9413295057423, + "pearson": 84.04170012505008, + "spearman": 78.92224330603815 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__KartonBERT-USE-base-v1/external/STS22.json b/results/OrlikB__KartonBERT-USE-base-v1/external/STS22.json new file mode 100644 index 000000000..576bd7a8d --- /dev/null +++ b/results/OrlikB__KartonBERT-USE-base-v1/external/STS22.json @@ -0,0 +1,88 @@ +{ + "dataset_revision": "de9d86b3b84231dc21f76c7b7af1f28e2f57f6e3", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "cosine_pearson": 41.59174229342081, + "cosine_spearman": 41.81518057324345, + "euclidean_pearson": 32.466997983374014, + "euclidean_spearman": 41.93847574622057, + "main_score": 41.81518057324345, + "manhattan_pearson": 32.601545876828375, + "manhattan_spearman": 42.085389551718336, + "pearson": 41.59174140580378, + "spearman": 41.71631322253171 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "cosine_pearson": 46.55653550801935, + "cosine_spearman": 46.66163352853958, + "euclidean_pearson": 37.117407808457074, + "euclidean_spearman": 46.60094969381428, + "main_score": 46.66163352853958, + "manhattan_pearson": 36.80577904845572, + "manhattan_spearman": 46.494374958837525, + "pearson": 46.55653507995975, + "spearman": 46.55498079345369 + }, + { + "hf_subset": "pl-en", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "cosine_pearson": 80.21617029742387, + "cosine_spearman": 78.77574527045532, + "euclidean_pearson": 80.97356448551602, + "euclidean_spearman": 78.77574527045532, + "main_score": 78.77574527045532, + "manhattan_pearson": 80.09457133506493, + "manhattan_spearman": 78.9474544606806, + "pearson": 80.21617046885102, + "spearman": 78.77574527045532 + }, + { + "hf_subset": "de-pl", + "languages": [ + "deu-Latn", + "pol-Latn" + ], + "cosine_pearson": 21.14452310169841, + "cosine_spearman": 36.737365475055704, + "euclidean_pearson": 24.37979189301095, + "euclidean_spearman": 36.737365475055704, + "main_score": 36.737365475055704, + "manhattan_pearson": 25.671050857257033, + "manhattan_spearman": 36.798953682054965, + "pearson": 21.14454518448624, + "spearman": 36.737365475055704 + }, + { + "hf_subset": "fr-pl", + "languages": [ + "fra-Latn", + "pol-Latn" + ], + "cosine_pearson": 76.45845272153467, + "cosine_spearman": 84.51542547285167, + "euclidean_pearson": 78.31632842671074, + "euclidean_spearman": 84.51542547285167, + "main_score": 84.51542547285167, + "manhattan_pearson": 76.0583275237825, + "manhattan_spearman": 84.51542547285167, + "pearson": 76.45845588981632, + "spearman": 84.51542547285167 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__KartonBERT-USE-base-v1/external/STSBenchmarkMultilingualSTS.json b/results/OrlikB__KartonBERT-USE-base-v1/external/STSBenchmarkMultilingualSTS.json new file mode 100644 index 000000000..02625f762 --- /dev/null +++ b/results/OrlikB__KartonBERT-USE-base-v1/external/STSBenchmarkMultilingualSTS.json @@ -0,0 +1,42 @@ +{ + "dataset_revision": "29afa2569dcedaaa2fe6a3dcfebab33d28b82e8c", + "task_name": "STSBenchmarkMultilingualSTS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "cosine_pearson": 85.13515881535021, + "cosine_spearman": 85.87832429778716, + "euclidean_pearson": 85.53675589178216, + "euclidean_spearman": 85.87827749186407, + "main_score": 85.87832429778716, + "manhattan_pearson": 85.4970561306807, + "manhattan_spearman": 85.88418120738208, + "pearson": 85.1351598271008, + "spearman": 85.87829302337471 + } + ], + "test": [ + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "cosine_pearson": 83.90154924854153, + "cosine_spearman": 83.5802958202105, + "euclidean_pearson": 83.10838323620546, + "euclidean_spearman": 83.58158501150402, + "main_score": 83.5802958202105, + "manhattan_pearson": 83.1419912790974, + "manhattan_spearman": 83.70858645330948, + "pearson": 83.90154919039564, + "spearman": 83.58111597101961 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__KartonBERT-USE-base-v1/external/SciFact-PL.json b/results/OrlikB__KartonBERT-USE-base-v1/external/SciFact-PL.json new file mode 100644 index 000000000..6e05f7b13 --- /dev/null +++ b/results/OrlikB__KartonBERT-USE-base-v1/external/SciFact-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "47932a35f045ef8ed01ba82bf9ff67f6e109207e", + "task_name": "SciFact-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 60.6, + "map_at_1": 46.317, + "map_at_10": 55.915000000000006, + "map_at_100": 56.643, + "map_at_1000": 56.702, + "map_at_20": 56.399, + "map_at_3": 53.324000000000005, + "map_at_5": 54.786, + "mrr_at_1": 48.66666666666667, + "mrr_at_10": 57.321296296296296, + "mrr_at_100": 57.89882051667452, + "mrr_at_1000": 57.95238378103823, + "mrr_at_20": 57.6981314981315, + "mrr_at_3": 55.166666666666664, + "mrr_at_5": 56.45, + "nauc_map_at_1000_diff1": 60.35721143333672, + "nauc_map_at_1000_max": 60.05322180601467, + "nauc_map_at_1000_std": 16.99125810591374, + "nauc_map_at_100_diff1": 60.334099364313246, + "nauc_map_at_100_max": 60.0503907670776, + "nauc_map_at_100_std": 17.023508113514342, + "nauc_map_at_10_diff1": 60.23211261543967, + "nauc_map_at_10_max": 59.8033036450801, + "nauc_map_at_10_std": 16.464499848116212, + "nauc_map_at_1_diff1": 67.47955127132796, + "nauc_map_at_1_max": 57.93579782873647, + "nauc_map_at_1_std": 14.983305646438419, + "nauc_map_at_20_diff1": 60.191720208816726, + "nauc_map_at_20_max": 60.00050816589238, + "nauc_map_at_20_std": 16.629980059093093, + "nauc_map_at_3_diff1": 61.196988451613436, + "nauc_map_at_3_max": 59.99256716686697, + "nauc_map_at_3_std": 15.09494519132578, + "nauc_map_at_5_diff1": 60.595708985100536, + "nauc_map_at_5_max": 59.39892558822073, + "nauc_map_at_5_std": 14.467451148982066, + "nauc_mrr_at_1000_diff1": 61.11648031485068, + "nauc_mrr_at_1000_max": 62.219011526871995, + "nauc_mrr_at_1000_std": 19.42767858763793, + "nauc_mrr_at_100_diff1": 61.088188874994096, + "nauc_mrr_at_100_max": 62.223871302167964, + "nauc_mrr_at_100_std": 19.457452279707773, + "nauc_mrr_at_10_diff1": 61.08159685694334, + "nauc_mrr_at_10_max": 62.21990131935562, + "nauc_mrr_at_10_std": 19.376402355543178, + "nauc_mrr_at_1_diff1": 67.27438307353606, + "nauc_mrr_at_1_max": 62.885827711514494, + "nauc_mrr_at_1_std": 20.70936596493396, + "nauc_mrr_at_20_diff1": 60.94521143486739, + "nauc_mrr_at_20_max": 62.12161984797176, + "nauc_mrr_at_20_std": 19.22025350990408, + "nauc_mrr_at_3_diff1": 61.950249652240515, + "nauc_mrr_at_3_max": 63.14286143096035, + "nauc_mrr_at_3_std": 18.592436891815797, + "nauc_mrr_at_5_diff1": 61.19640903375612, + "nauc_mrr_at_5_max": 62.467767526202, + "nauc_mrr_at_5_std": 18.347510898506194, + "nauc_ndcg_at_1000_diff1": 59.01051651703205, + "nauc_ndcg_at_1000_max": 60.66279150024507, + "nauc_ndcg_at_1000_std": 18.6616104733483, + "nauc_ndcg_at_100_diff1": 58.26248080377461, + "nauc_ndcg_at_100_max": 60.38566791814694, + "nauc_ndcg_at_100_std": 19.505638219628143, + "nauc_ndcg_at_10_diff1": 57.67727303919001, + "nauc_ndcg_at_10_max": 59.692480553663295, + "nauc_ndcg_at_10_std": 17.35947712811857, + "nauc_ndcg_at_1_diff1": 67.27438307353606, + "nauc_ndcg_at_1_max": 62.885827711514494, + "nauc_ndcg_at_1_std": 20.70936596493396, + "nauc_ndcg_at_20_diff1": 57.30641762099167, + "nauc_ndcg_at_20_max": 59.95671965731118, + "nauc_ndcg_at_20_std": 17.33468485022403, + "nauc_ndcg_at_3_diff1": 59.01671872632254, + "nauc_ndcg_at_3_max": 61.340857926998225, + "nauc_ndcg_at_3_std": 15.691398633173204, + "nauc_ndcg_at_5_diff1": 58.096149600090556, + "nauc_ndcg_at_5_max": 59.46021363773192, + "nauc_ndcg_at_5_std": 13.964334038615151, + "nauc_precision_at_1000_diff1": -17.83315623809618, + "nauc_precision_at_1000_max": 19.620815707345145, + "nauc_precision_at_1000_std": 48.10708581433734, + "nauc_precision_at_100_diff1": 4.305969098053754, + "nauc_precision_at_100_max": 33.095489054143926, + "nauc_precision_at_100_std": 47.8246720129009, + "nauc_precision_at_10_diff1": 21.6453117579965, + "nauc_precision_at_10_max": 48.088709784794, + "nauc_precision_at_10_std": 33.99668913851027, + "nauc_precision_at_1_diff1": 67.27438307353606, + "nauc_precision_at_1_max": 62.885827711514494, + "nauc_precision_at_1_std": 20.70936596493396, + "nauc_precision_at_20_diff1": 13.06836048047285, + "nauc_precision_at_20_max": 43.08893420898951, + "nauc_precision_at_20_std": 34.521189143539914, + "nauc_precision_at_3_diff1": 38.595356035798126, + "nauc_precision_at_3_max": 59.77300449881297, + "nauc_precision_at_3_std": 24.25730237357198, + "nauc_precision_at_5_diff1": 30.655944367834824, + "nauc_precision_at_5_max": 53.28245247554937, + "nauc_precision_at_5_std": 20.886182524837356, + "nauc_recall_at_1000_diff1": 41.433239962651925, + "nauc_recall_at_1000_max": 86.11111111111035, + "nauc_recall_at_1000_std": 7.936507936508372, + "nauc_recall_at_100_diff1": 43.29551453892163, + "nauc_recall_at_100_max": 55.55531351071509, + "nauc_recall_at_100_std": 32.58481678344614, + "nauc_recall_at_10_diff1": 45.809480869001085, + "nauc_recall_at_10_max": 54.047819362944146, + "nauc_recall_at_10_std": 15.998244308111959, + "nauc_recall_at_1_diff1": 67.47955127132796, + "nauc_recall_at_1_max": 57.93579782873647, + "nauc_recall_at_1_std": 14.983305646438419, + "nauc_recall_at_20_diff1": 41.257961783439534, + "nauc_recall_at_20_max": 54.240380865722024, + "nauc_recall_at_20_std": 14.07822046015856, + "nauc_recall_at_3_diff1": 53.05384331122555, + "nauc_recall_at_3_max": 58.59544973536968, + "nauc_recall_at_3_std": 9.86718965198744, + "nauc_recall_at_5_diff1": 48.19331315126426, + "nauc_recall_at_5_max": 54.47823169862453, + "nauc_recall_at_5_std": 6.943218011112343, + "ndcg_at_1": 48.667, + "ndcg_at_10": 60.6, + "ndcg_at_100": 63.773, + "ndcg_at_1000": 65.295, + "ndcg_at_20": 62.172000000000004, + "ndcg_at_3": 55.981, + "ndcg_at_5": 58.270999999999994, + "precision_at_1": 48.667, + "precision_at_10": 8.233, + "precision_at_100": 0.997, + "precision_at_1000": 0.11199999999999999, + "precision_at_20": 4.4830000000000005, + "precision_at_3": 22.111, + "precision_at_5": 14.6, + "recall_at_1": 46.317, + "recall_at_10": 73.433, + "recall_at_100": 87.533, + "recall_at_1000": 99.333, + "recall_at_20": 79.333, + "recall_at_3": 60.882999999999996, + "recall_at_5": 66.89399999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__KartonBERT-USE-base-v1/external/TRECCOVID-PL.json b/results/OrlikB__KartonBERT-USE-base-v1/external/TRECCOVID-PL.json new file mode 100644 index 000000000..f2cd15e7a --- /dev/null +++ b/results/OrlikB__KartonBERT-USE-base-v1/external/TRECCOVID-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "81bcb408f33366c2a20ac54adafad1ae7e877fdd", + "task_name": "TRECCOVID-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 69.32000000000001, + "map_at_1": 0.22599999999999998, + "map_at_10": 1.7420000000000002, + "map_at_100": 9.665, + "map_at_1000": 24.174, + "map_at_20": 3.003, + "map_at_3": 0.599, + "map_at_5": 0.9560000000000001, + "mrr_at_1": 82.0, + "mrr_at_10": 90.0, + "mrr_at_100": 90.0, + "mrr_at_1000": 90.0, + "mrr_at_20": 90.0, + "mrr_at_3": 90.0, + "mrr_at_5": 90.0, + "nauc_map_at_1000_diff1": -15.757643018986789, + "nauc_map_at_1000_max": 58.83724759719735, + "nauc_map_at_1000_std": 81.5806407072152, + "nauc_map_at_100_diff1": -15.914337821257696, + "nauc_map_at_100_max": 42.94384150292272, + "nauc_map_at_100_std": 61.23454197897242, + "nauc_map_at_10_diff1": -22.890685727481163, + "nauc_map_at_10_max": 15.202784946934035, + "nauc_map_at_10_std": 19.53713756551298, + "nauc_map_at_1_diff1": -8.23648182483711, + "nauc_map_at_1_max": 2.9418466254777185, + "nauc_map_at_1_std": 9.066665328272006, + "nauc_map_at_20_diff1": -15.741357368332274, + "nauc_map_at_20_max": 23.093660938745934, + "nauc_map_at_20_std": 28.37835837211648, + "nauc_map_at_3_diff1": -22.196812161671943, + "nauc_map_at_3_max": 12.750029854270887, + "nauc_map_at_3_std": 23.17304521418692, + "nauc_map_at_5_diff1": -22.190118389435636, + "nauc_map_at_5_max": 15.24441128160928, + "nauc_map_at_5_std": 22.690240797848766, + "nauc_mrr_at_1000_diff1": -16.600985221674865, + "nauc_mrr_at_1000_max": 7.108374384236335, + "nauc_mrr_at_1000_std": 26.517241379310256, + "nauc_mrr_at_100_diff1": -16.600985221674865, + "nauc_mrr_at_100_max": 7.108374384236335, + "nauc_mrr_at_100_std": 26.517241379310256, + "nauc_mrr_at_10_diff1": -16.600985221674865, + "nauc_mrr_at_10_max": 7.108374384236335, + "nauc_mrr_at_10_std": 26.517241379310256, + "nauc_mrr_at_1_diff1": -13.608326908249815, + "nauc_mrr_at_1_max": 12.622535521533287, + "nauc_mrr_at_1_std": 28.81374600726958, + "nauc_mrr_at_20_diff1": -16.600985221674865, + "nauc_mrr_at_20_max": 7.108374384236335, + "nauc_mrr_at_20_std": 26.517241379310256, + "nauc_mrr_at_3_diff1": -16.600985221674865, + "nauc_mrr_at_3_max": 7.108374384236335, + "nauc_mrr_at_3_std": 26.517241379310256, + "nauc_mrr_at_5_diff1": -16.600985221674865, + "nauc_mrr_at_5_max": 7.108374384236335, + "nauc_mrr_at_5_std": 26.517241379310256, + "nauc_ndcg_at_1000_diff1": -13.194696606963987, + "nauc_ndcg_at_1000_max": 55.39361570574168, + "nauc_ndcg_at_1000_std": 78.24389785896678, + "nauc_ndcg_at_100_diff1": -14.709514114787883, + "nauc_ndcg_at_100_max": 42.5762797951252, + "nauc_ndcg_at_100_std": 72.26496604715362, + "nauc_ndcg_at_10_diff1": -20.152166371506738, + "nauc_ndcg_at_10_max": 32.94483821938343, + "nauc_ndcg_at_10_std": 44.03398124005722, + "nauc_ndcg_at_1_diff1": 7.175383527123184, + "nauc_ndcg_at_1_max": 9.772757416331425, + "nauc_ndcg_at_1_std": 25.648790839559606, + "nauc_ndcg_at_20_diff1": -9.62589500953276, + "nauc_ndcg_at_20_max": 39.30914262040181, + "nauc_ndcg_at_20_std": 56.880739749710116, + "nauc_ndcg_at_3_diff1": -17.947554993563717, + "nauc_ndcg_at_3_max": 26.74365078754596, + "nauc_ndcg_at_3_std": 41.793803172791606, + "nauc_ndcg_at_5_diff1": -17.417527011830227, + "nauc_ndcg_at_5_max": 33.88471424700834, + "nauc_ndcg_at_5_std": 46.534674061431424, + "nauc_precision_at_1000_diff1": -13.500374587246162, + "nauc_precision_at_1000_max": 41.89683167017185, + "nauc_precision_at_1000_std": 47.996095424591886, + "nauc_precision_at_100_diff1": -15.762075381944218, + "nauc_precision_at_100_max": 44.01616846578541, + "nauc_precision_at_100_std": 72.07152761602794, + "nauc_precision_at_10_diff1": -35.93338426279604, + "nauc_precision_at_10_max": 34.183040488922856, + "nauc_precision_at_10_std": 42.87975553857905, + "nauc_precision_at_1_diff1": -28.30756013745697, + "nauc_precision_at_1_max": 9.358124693176201, + "nauc_precision_at_1_std": 39.51276386843394, + "nauc_precision_at_20_diff1": -10.583246399588123, + "nauc_precision_at_20_max": 40.86870520654101, + "nauc_precision_at_20_std": 59.31717494682367, + "nauc_precision_at_3_diff1": -44.10520186335414, + "nauc_precision_at_3_max": 38.37344720496887, + "nauc_precision_at_3_std": 55.199922360248365, + "nauc_precision_at_5_diff1": -34.27848522284507, + "nauc_precision_at_5_max": 42.824052076404136, + "nauc_precision_at_5_std": 51.120165352085856, + "nauc_recall_at_1000_diff1": -11.76715587281032, + "nauc_recall_at_1000_max": 52.088079742910274, + "nauc_recall_at_1000_std": 68.23415173297899, + "nauc_recall_at_100_diff1": -10.978661355290605, + "nauc_recall_at_100_max": 31.748771511392693, + "nauc_recall_at_100_std": 51.122645111292876, + "nauc_recall_at_10_diff1": -19.336151816299974, + "nauc_recall_at_10_max": 10.743443384702298, + "nauc_recall_at_10_std": 12.911493888937114, + "nauc_recall_at_1_diff1": -8.23648182483711, + "nauc_recall_at_1_max": 2.9418466254777185, + "nauc_recall_at_1_std": 9.066665328272006, + "nauc_recall_at_20_diff1": -8.54869518672105, + "nauc_recall_at_20_max": 15.362562157663387, + "nauc_recall_at_20_std": 21.489881366775784, + "nauc_recall_at_3_diff1": -21.0866131241463, + "nauc_recall_at_3_max": 11.195127104924845, + "nauc_recall_at_3_std": 20.620111859982334, + "nauc_recall_at_5_diff1": -19.067070989034356, + "nauc_recall_at_5_max": 12.493604263463501, + "nauc_recall_at_5_std": 16.31157612407365, + "ndcg_at_1": 76.0, + "ndcg_at_10": 69.32000000000001, + "ndcg_at_100": 53.480000000000004, + "ndcg_at_1000": 50.283, + "ndcg_at_20": 65.157, + "ndcg_at_3": 73.75399999999999, + "ndcg_at_5": 71.881, + "precision_at_1": 84.0, + "precision_at_10": 73.6, + "precision_at_100": 55.26, + "precision_at_1000": 22.259999999999998, + "precision_at_20": 68.5, + "precision_at_3": 80.0, + "precision_at_5": 77.60000000000001, + "recall_at_1": 0.22599999999999998, + "recall_at_10": 1.978, + "recall_at_100": 13.272999999999998, + "recall_at_1000": 48.092, + "recall_at_20": 3.5839999999999996, + "recall_at_3": 0.636, + "recall_at_5": 1.046 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__KartonBERT-USE-base-v1/external/Tatoeba.json b/results/OrlikB__KartonBERT-USE-base-v1/external/Tatoeba.json new file mode 100644 index 000000000..c2160ee48 --- /dev/null +++ b/results/OrlikB__KartonBERT-USE-base-v1/external/Tatoeba.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "69e8f12da6e31d59addadda9a9c8a2e601a0e282", + "task_name": "Tatoeba", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "pol-eng", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "accuracy": 95.3, + "f1": 93.94, + "main_score": 93.94, + "precision": 93.29166666666666, + "recall": 95.3 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__KartonBERT-USE-base-v1/external/XPQARetrieval.json b/results/OrlikB__KartonBERT-USE-base-v1/external/XPQARetrieval.json new file mode 100644 index 000000000..5d56b0829 --- /dev/null +++ b/results/OrlikB__KartonBERT-USE-base-v1/external/XPQARetrieval.json @@ -0,0 +1,454 @@ +{ + "dataset_revision": "c99d599f0a6ab9b85b065da6f9d94f9cf731679f", + "task_name": "XPQARetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "pol-pol", + "languages": [ + "pol-Latn", + "pol-Latn" + ], + "main_score": 51.515, + "map_at_1": 26.518000000000004, + "map_at_10": 45.369, + "map_at_100": 47.223, + "map_at_1000": 47.321999999999996, + "map_at_20": 46.428000000000004, + "map_at_3": 39.318999999999996, + "map_at_5": 43.36, + "mrr_at_1": 44.968152866242036, + "mrr_at_10": 52.43079567283389, + "mrr_at_100": 53.34807803305783, + "mrr_at_1000": 53.37806353437189, + "mrr_at_20": 52.99111513455048, + "mrr_at_3": 49.78768577494692, + "mrr_at_5": 51.11889596602973, + "nauc_map_at_1000_diff1": 40.6335226588315, + "nauc_map_at_1000_max": 28.16397840496108, + "nauc_map_at_1000_std": -32.21841199511412, + "nauc_map_at_100_diff1": 40.590959517763906, + "nauc_map_at_100_max": 28.19178863787807, + "nauc_map_at_100_std": -32.21041997091445, + "nauc_map_at_10_diff1": 40.728865810296924, + "nauc_map_at_10_max": 28.10952776056662, + "nauc_map_at_10_std": -32.858725977862235, + "nauc_map_at_1_diff1": 53.70650384931953, + "nauc_map_at_1_max": 14.899229671716071, + "nauc_map_at_1_std": -27.68849479744787, + "nauc_map_at_20_diff1": 40.42458500884532, + "nauc_map_at_20_max": 28.105454952138793, + "nauc_map_at_20_std": -32.54318887740866, + "nauc_map_at_3_diff1": 43.6909634186489, + "nauc_map_at_3_max": 24.284262589928197, + "nauc_map_at_3_std": -31.57069615207669, + "nauc_map_at_5_diff1": 41.06724797035683, + "nauc_map_at_5_max": 27.848131743238234, + "nauc_map_at_5_std": -32.25111649789939, + "nauc_mrr_at_1000_diff1": 46.67398611613204, + "nauc_mrr_at_1000_max": 27.609373654318524, + "nauc_mrr_at_1000_std": -34.735880744535905, + "nauc_mrr_at_100_diff1": 46.66073223241135, + "nauc_mrr_at_100_max": 27.627036817536453, + "nauc_mrr_at_100_std": -34.70550683592668, + "nauc_mrr_at_10_diff1": 46.487500926010135, + "nauc_mrr_at_10_max": 27.75350626705907, + "nauc_mrr_at_10_std": -35.08601176389904, + "nauc_mrr_at_1_diff1": 51.06876475124916, + "nauc_mrr_at_1_max": 25.92322105282855, + "nauc_mrr_at_1_std": -34.15792018096852, + "nauc_mrr_at_20_diff1": 46.5162605888926, + "nauc_mrr_at_20_max": 27.55019106976382, + "nauc_mrr_at_20_std": -34.80694715170915, + "nauc_mrr_at_3_diff1": 47.36233736696853, + "nauc_mrr_at_3_max": 27.543928085898884, + "nauc_mrr_at_3_std": -35.21504971692032, + "nauc_mrr_at_5_diff1": 46.91292088489212, + "nauc_mrr_at_5_max": 27.298410620653396, + "nauc_mrr_at_5_std": -35.24045074547203, + "nauc_ndcg_at_1000_diff1": 41.07705948487416, + "nauc_ndcg_at_1000_max": 28.874643241309244, + "nauc_ndcg_at_1000_std": -31.60833641025355, + "nauc_ndcg_at_100_diff1": 40.2376962346747, + "nauc_ndcg_at_100_max": 29.635075481651157, + "nauc_ndcg_at_100_std": -30.81574899851739, + "nauc_ndcg_at_10_diff1": 39.818321210198796, + "nauc_ndcg_at_10_max": 29.29397326733968, + "nauc_ndcg_at_10_std": -33.94466582211004, + "nauc_ndcg_at_1_diff1": 51.06876475124916, + "nauc_ndcg_at_1_max": 25.92322105282855, + "nauc_ndcg_at_1_std": -34.15792018096852, + "nauc_ndcg_at_20_diff1": 39.27450983639958, + "nauc_ndcg_at_20_max": 28.894936103549007, + "nauc_ndcg_at_20_std": -33.21160980125333, + "nauc_ndcg_at_3_diff1": 41.785541318953186, + "nauc_ndcg_at_3_max": 27.23155369736596, + "nauc_ndcg_at_3_std": -33.37324927794433, + "nauc_ndcg_at_5_diff1": 40.72837220220939, + "nauc_ndcg_at_5_max": 28.55495870540679, + "nauc_ndcg_at_5_std": -33.24344549702784, + "nauc_precision_at_1000_diff1": -13.322446650376113, + "nauc_precision_at_1000_max": 8.545426214523442, + "nauc_precision_at_1000_std": 6.979424267581099, + "nauc_precision_at_100_diff1": -10.509590126006007, + "nauc_precision_at_100_max": 15.171580740556001, + "nauc_precision_at_100_std": 4.194466586738409, + "nauc_precision_at_10_diff1": 2.644797279359475, + "nauc_precision_at_10_max": 25.855731593146437, + "nauc_precision_at_10_std": -19.233983107036174, + "nauc_precision_at_1_diff1": 51.06876475124916, + "nauc_precision_at_1_max": 25.92322105282855, + "nauc_precision_at_1_std": -34.15792018096852, + "nauc_precision_at_20_diff1": -3.1136913912470736, + "nauc_precision_at_20_max": 21.359090339642805, + "nauc_precision_at_20_std": -13.023770103071856, + "nauc_precision_at_3_diff1": 15.584460581411957, + "nauc_precision_at_3_max": 27.42225721000173, + "nauc_precision_at_3_std": -25.104318309636454, + "nauc_precision_at_5_diff1": 7.674766587199025, + "nauc_precision_at_5_max": 28.111733106326504, + "nauc_precision_at_5_std": -21.937042014222495, + "nauc_recall_at_1000_diff1": 73.66889189263455, + "nauc_recall_at_1000_max": 90.15156027243394, + "nauc_recall_at_1000_std": 66.48304725775141, + "nauc_recall_at_100_diff1": 21.99762616698104, + "nauc_recall_at_100_max": 41.71147447669556, + "nauc_recall_at_100_std": -4.743160690089563, + "nauc_recall_at_10_diff1": 30.034636842475482, + "nauc_recall_at_10_max": 31.214728078930452, + "nauc_recall_at_10_std": -32.97398123551153, + "nauc_recall_at_1_diff1": 53.70650384931953, + "nauc_recall_at_1_max": 14.899229671716071, + "nauc_recall_at_1_std": -27.68849479744787, + "nauc_recall_at_20_diff1": 26.007825826053683, + "nauc_recall_at_20_max": 29.217535040661367, + "nauc_recall_at_20_std": -30.70687672239101, + "nauc_recall_at_3_diff1": 38.44779042450265, + "nauc_recall_at_3_max": 24.889721742689385, + "nauc_recall_at_3_std": -31.13463300886431, + "nauc_recall_at_5_diff1": 34.22038381301645, + "nauc_recall_at_5_max": 29.516584372821526, + "nauc_recall_at_5_std": -31.484524861831925, + "ndcg_at_1": 44.968, + "ndcg_at_10": 51.515, + "ndcg_at_100": 58.501000000000005, + "ndcg_at_1000": 60.068, + "ndcg_at_20": 54.429, + "ndcg_at_3": 44.909, + "ndcg_at_5": 47.682, + "precision_at_1": 44.968, + "precision_at_10": 12.903999999999998, + "precision_at_100": 1.873, + "precision_at_1000": 0.207, + "precision_at_20": 7.489999999999999, + "precision_at_3": 28.79, + "precision_at_5": 21.682000000000002, + "recall_at_1": 26.518000000000004, + "recall_at_10": 62.05500000000001, + "recall_at_100": 89.607, + "recall_at_1000": 99.682, + "recall_at_20": 71.531, + "recall_at_3": 43.671, + "recall_at_5": 52.373999999999995 + }, + { + "hf_subset": "eng-pol", + "languages": [ + "eng-Latn", + "pol-Latn" + ], + "main_score": 34.001999999999995, + "map_at_1": 14.172, + "map_at_10": 27.466, + "map_at_100": 29.469, + "map_at_1000": 29.686, + "map_at_20": 28.544000000000004, + "map_at_3": 22.451999999999998, + "map_at_5": 25.237, + "mrr_at_1": 30.828025477707005, + "mrr_at_10": 38.19634010716813, + "mrr_at_100": 39.2480381484182, + "mrr_at_1000": 39.321378424305784, + "mrr_at_20": 38.77839570360424, + "mrr_at_3": 35.64755838641189, + "mrr_at_5": 37.06157112526539, + "nauc_map_at_1000_diff1": 31.180369776855038, + "nauc_map_at_1000_max": 23.696275295738246, + "nauc_map_at_1000_std": -21.27413499405951, + "nauc_map_at_100_diff1": 31.189167925330995, + "nauc_map_at_100_max": 23.655306190408066, + "nauc_map_at_100_std": -21.436647059542242, + "nauc_map_at_10_diff1": 31.318694969880156, + "nauc_map_at_10_max": 23.074738813224236, + "nauc_map_at_10_std": -21.923538669237157, + "nauc_map_at_1_diff1": 41.6000692063174, + "nauc_map_at_1_max": 15.406617421977645, + "nauc_map_at_1_std": -20.907084480848887, + "nauc_map_at_20_diff1": 30.970001594011244, + "nauc_map_at_20_max": 23.14174410247358, + "nauc_map_at_20_std": -21.957135319177706, + "nauc_map_at_3_diff1": 32.54806390568495, + "nauc_map_at_3_max": 20.300802458881474, + "nauc_map_at_3_std": -21.94392553088974, + "nauc_map_at_5_diff1": 31.54042190428169, + "nauc_map_at_5_max": 23.203725494722843, + "nauc_map_at_5_std": -21.90268057328536, + "nauc_mrr_at_1000_diff1": 31.59051275226857, + "nauc_mrr_at_1000_max": 23.34286182938858, + "nauc_mrr_at_1000_std": -17.005575811675644, + "nauc_mrr_at_100_diff1": 31.569651385372694, + "nauc_mrr_at_100_max": 23.342499818552994, + "nauc_mrr_at_100_std": -16.966751458089767, + "nauc_mrr_at_10_diff1": 31.64921530070727, + "nauc_mrr_at_10_max": 23.026241511313508, + "nauc_mrr_at_10_std": -17.656777429702032, + "nauc_mrr_at_1_diff1": 34.49289583539921, + "nauc_mrr_at_1_max": 24.574155198363375, + "nauc_mrr_at_1_std": -17.42832990773259, + "nauc_mrr_at_20_diff1": 31.5433649153002, + "nauc_mrr_at_20_max": 23.11967165826937, + "nauc_mrr_at_20_std": -17.356109119216693, + "nauc_mrr_at_3_diff1": 31.38888681404883, + "nauc_mrr_at_3_max": 23.46764438246823, + "nauc_mrr_at_3_std": -17.441932437536085, + "nauc_mrr_at_5_diff1": 31.42962954759095, + "nauc_mrr_at_5_max": 22.961395531351496, + "nauc_mrr_at_5_std": -17.751199294592183, + "nauc_ndcg_at_1000_diff1": 30.152430844510363, + "nauc_ndcg_at_1000_max": 24.69903031443189, + "nauc_ndcg_at_1000_std": -17.020300975357372, + "nauc_ndcg_at_100_diff1": 30.056132616191643, + "nauc_ndcg_at_100_max": 24.678111161152504, + "nauc_ndcg_at_100_std": -17.636510310102548, + "nauc_ndcg_at_10_diff1": 30.453542123287775, + "nauc_ndcg_at_10_max": 21.918608131636432, + "nauc_ndcg_at_10_std": -21.615985468383712, + "nauc_ndcg_at_1_diff1": 34.49289583539921, + "nauc_ndcg_at_1_max": 24.574155198363375, + "nauc_ndcg_at_1_std": -17.42832990773259, + "nauc_ndcg_at_20_diff1": 29.618071857334964, + "nauc_ndcg_at_20_max": 22.165933820138235, + "nauc_ndcg_at_20_std": -21.24516593709915, + "nauc_ndcg_at_3_diff1": 29.935596954829425, + "nauc_ndcg_at_3_max": 23.870746063527886, + "nauc_ndcg_at_3_std": -20.52820962231354, + "nauc_ndcg_at_5_diff1": 30.611546547499852, + "nauc_ndcg_at_5_max": 22.46894832525212, + "nauc_ndcg_at_5_std": -21.42555859684832, + "nauc_precision_at_1000_diff1": -2.508301193301942, + "nauc_precision_at_1000_max": 22.390556885836265, + "nauc_precision_at_1000_std": 16.405344138171944, + "nauc_precision_at_100_diff1": 5.680220194312509, + "nauc_precision_at_100_max": 26.73017311371664, + "nauc_precision_at_100_std": 5.21547577464621, + "nauc_precision_at_10_diff1": 14.123129946524987, + "nauc_precision_at_10_max": 25.1809898898883, + "nauc_precision_at_10_std": -13.934743869017877, + "nauc_precision_at_1_diff1": 34.49289583539921, + "nauc_precision_at_1_max": 24.574155198363375, + "nauc_precision_at_1_std": -17.42832990773259, + "nauc_precision_at_20_diff1": 10.679094728567474, + "nauc_precision_at_20_max": 24.36678691093217, + "nauc_precision_at_20_std": -10.544690003735347, + "nauc_precision_at_3_diff1": 18.847592800225204, + "nauc_precision_at_3_max": 27.370778609630392, + "nauc_precision_at_3_std": -17.213845532849913, + "nauc_precision_at_5_diff1": 16.205691936009224, + "nauc_precision_at_5_max": 28.651246298621903, + "nauc_precision_at_5_std": -16.454362592616576, + "nauc_recall_at_1000_diff1": 26.134757901840477, + "nauc_recall_at_1000_max": 46.02150918798059, + "nauc_recall_at_1000_std": 43.284136673058285, + "nauc_recall_at_100_diff1": 22.56382049727145, + "nauc_recall_at_100_max": 25.364782533613546, + "nauc_recall_at_100_std": -5.261771997179095, + "nauc_recall_at_10_diff1": 26.108301564213672, + "nauc_recall_at_10_max": 16.37450289809244, + "nauc_recall_at_10_std": -22.244371629240995, + "nauc_recall_at_1_diff1": 41.6000692063174, + "nauc_recall_at_1_max": 15.406617421977645, + "nauc_recall_at_1_std": -20.907084480848887, + "nauc_recall_at_20_diff1": 23.043146881697876, + "nauc_recall_at_20_max": 15.787128435166457, + "nauc_recall_at_20_std": -21.829136287635855, + "nauc_recall_at_3_diff1": 27.70945722150185, + "nauc_recall_at_3_max": 17.38259189188097, + "nauc_recall_at_3_std": -21.45814251937902, + "nauc_recall_at_5_diff1": 26.482067595811316, + "nauc_recall_at_5_max": 18.563489596790177, + "nauc_recall_at_5_std": -21.423753382233, + "ndcg_at_1": 30.828, + "ndcg_at_10": 34.001999999999995, + "ndcg_at_100": 41.932, + "ndcg_at_1000": 45.9, + "ndcg_at_20": 36.93, + "ndcg_at_3": 29.116999999999997, + "ndcg_at_5": 30.160999999999998, + "precision_at_1": 30.828, + "precision_at_10": 10.688, + "precision_at_100": 1.8010000000000002, + "precision_at_1000": 0.23600000000000002, + "precision_at_20": 6.5409999999999995, + "precision_at_3": 21.486, + "precision_at_5": 16.611, + "recall_at_1": 14.172, + "recall_at_10": 41.588, + "recall_at_100": 72.478, + "recall_at_1000": 98.44800000000001, + "recall_at_20": 50.461, + "recall_at_3": 26.066, + "recall_at_5": 32.548 + }, + { + "hf_subset": "pol-eng", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "main_score": 46.075, + "map_at_1": 22.926, + "map_at_10": 40.257, + "map_at_100": 42.135, + "map_at_1000": 42.262, + "map_at_20": 41.253, + "map_at_3": 34.868, + "map_at_5": 38.475, + "mrr_at_1": 39.768339768339764, + "mrr_at_10": 47.09873138444567, + "mrr_at_100": 48.139301720039676, + "mrr_at_1000": 48.18418194119319, + "mrr_at_20": 47.644195865668664, + "mrr_at_3": 44.72329472329472, + "mrr_at_5": 45.86229086229087, + "nauc_map_at_1000_diff1": 35.70994225720207, + "nauc_map_at_1000_max": 31.922573287374682, + "nauc_map_at_1000_std": -19.077890896454814, + "nauc_map_at_100_diff1": 35.65001346737191, + "nauc_map_at_100_max": 31.88853880847858, + "nauc_map_at_100_std": -19.122326726996974, + "nauc_map_at_10_diff1": 36.06524735461695, + "nauc_map_at_10_max": 32.246461162800074, + "nauc_map_at_10_std": -19.679632621277232, + "nauc_map_at_1_diff1": 48.21834981287912, + "nauc_map_at_1_max": 19.568464844451327, + "nauc_map_at_1_std": -17.84079220033572, + "nauc_map_at_20_diff1": 35.85403649253042, + "nauc_map_at_20_max": 31.998466861950746, + "nauc_map_at_20_std": -19.417428025928675, + "nauc_map_at_3_diff1": 37.71461187785153, + "nauc_map_at_3_max": 27.85047376524254, + "nauc_map_at_3_std": -20.55351273572571, + "nauc_map_at_5_diff1": 36.41442025594757, + "nauc_map_at_5_max": 31.93891173147263, + "nauc_map_at_5_std": -20.470677786255496, + "nauc_mrr_at_1000_diff1": 40.12863479380261, + "nauc_mrr_at_1000_max": 32.60419234657007, + "nauc_mrr_at_1000_std": -19.444706103106302, + "nauc_mrr_at_100_diff1": 40.08976184544935, + "nauc_mrr_at_100_max": 32.596616195907316, + "nauc_mrr_at_100_std": -19.412710800127886, + "nauc_mrr_at_10_diff1": 40.118684898684506, + "nauc_mrr_at_10_max": 32.881384976300964, + "nauc_mrr_at_10_std": -19.609244341545555, + "nauc_mrr_at_1_diff1": 44.54706413166179, + "nauc_mrr_at_1_max": 30.651084477793876, + "nauc_mrr_at_1_std": -20.909499665543724, + "nauc_mrr_at_20_diff1": 40.12732869131533, + "nauc_mrr_at_20_max": 32.63485461369245, + "nauc_mrr_at_20_std": -19.53234890306859, + "nauc_mrr_at_3_diff1": 40.28699877191242, + "nauc_mrr_at_3_max": 32.10901511067561, + "nauc_mrr_at_3_std": -20.523157017762113, + "nauc_mrr_at_5_diff1": 40.598142279113624, + "nauc_mrr_at_5_max": 32.79284811079324, + "nauc_mrr_at_5_std": -20.10434179938904, + "nauc_ndcg_at_1000_diff1": 35.41293508928805, + "nauc_ndcg_at_1000_max": 32.95260794989011, + "nauc_ndcg_at_1000_std": -16.69889720188341, + "nauc_ndcg_at_100_diff1": 33.96563718225739, + "nauc_ndcg_at_100_max": 32.658834254535115, + "nauc_ndcg_at_100_std": -16.121037324309018, + "nauc_ndcg_at_10_diff1": 35.465622135521365, + "nauc_ndcg_at_10_max": 34.096760552498615, + "nauc_ndcg_at_10_std": -18.520624911178732, + "nauc_ndcg_at_1_diff1": 44.54706413166179, + "nauc_ndcg_at_1_max": 30.651084477793876, + "nauc_ndcg_at_1_std": -20.909499665543724, + "nauc_ndcg_at_20_diff1": 34.95908417380056, + "nauc_ndcg_at_20_max": 33.271534461469024, + "nauc_ndcg_at_20_std": -17.891499167451634, + "nauc_ndcg_at_3_diff1": 36.119618180303114, + "nauc_ndcg_at_3_max": 30.662594748089145, + "nauc_ndcg_at_3_std": -20.681275639308534, + "nauc_ndcg_at_5_diff1": 36.21550522955033, + "nauc_ndcg_at_5_max": 33.50161574303214, + "nauc_ndcg_at_5_std": -20.088080257880865, + "nauc_precision_at_1000_diff1": -11.522647268410749, + "nauc_precision_at_1000_max": 9.883825545840985, + "nauc_precision_at_1000_std": 12.25330079826974, + "nauc_precision_at_100_diff1": -8.19761548329529, + "nauc_precision_at_100_max": 15.63757897309177, + "nauc_precision_at_100_std": 8.653177981589872, + "nauc_precision_at_10_diff1": 7.361531571818795, + "nauc_precision_at_10_max": 30.843010914980688, + "nauc_precision_at_10_std": -8.588494931873978, + "nauc_precision_at_1_diff1": 44.54706413166179, + "nauc_precision_at_1_max": 30.651084477793876, + "nauc_precision_at_1_std": -20.909499665543724, + "nauc_precision_at_20_diff1": 2.8986420707285117, + "nauc_precision_at_20_max": 25.892300867175162, + "nauc_precision_at_20_std": -3.5411294612333744, + "nauc_precision_at_3_diff1": 15.349623540592155, + "nauc_precision_at_3_max": 30.160697321707737, + "nauc_precision_at_3_std": -16.526565753263412, + "nauc_precision_at_5_diff1": 11.487837439817703, + "nauc_precision_at_5_max": 33.00171032517383, + "nauc_precision_at_5_std": -13.576335609623799, + "nauc_recall_at_1000_diff1": 50.71476253406417, + "nauc_recall_at_1000_max": 80.27518537738743, + "nauc_recall_at_1000_std": 51.88951079114522, + "nauc_recall_at_100_diff1": 11.542640499848636, + "nauc_recall_at_100_max": 28.86012280016378, + "nauc_recall_at_100_std": 2.4903592627436635, + "nauc_recall_at_10_diff1": 28.879631516382137, + "nauc_recall_at_10_max": 36.2244883366462, + "nauc_recall_at_10_std": -13.892468342124683, + "nauc_recall_at_1_diff1": 48.21834981287912, + "nauc_recall_at_1_max": 19.568464844451327, + "nauc_recall_at_1_std": -17.84079220033572, + "nauc_recall_at_20_diff1": 26.184388494939803, + "nauc_recall_at_20_max": 32.97413130761342, + "nauc_recall_at_20_std": -12.523995865516586, + "nauc_recall_at_3_diff1": 32.6063576626463, + "nauc_recall_at_3_max": 28.665520067623607, + "nauc_recall_at_3_std": -18.890858269554286, + "nauc_recall_at_5_diff1": 31.148210159300234, + "nauc_recall_at_5_max": 35.00176018739188, + "nauc_recall_at_5_std": -18.078139835750264, + "ndcg_at_1": 39.768, + "ndcg_at_10": 46.075, + "ndcg_at_100": 53.417, + "ndcg_at_1000": 55.7, + "ndcg_at_20": 48.815, + "ndcg_at_3": 40.271, + "ndcg_at_5": 42.558, + "precision_at_1": 39.768, + "precision_at_10": 11.802, + "precision_at_100": 1.797, + "precision_at_1000": 0.21, + "precision_at_20": 6.866, + "precision_at_3": 26.512, + "precision_at_5": 19.82, + "recall_at_1": 22.926, + "recall_at_10": 55.909, + "recall_at_100": 84.758, + "recall_at_1000": 99.7, + "recall_at_20": 64.75800000000001, + "recall_at_3": 39.123000000000005, + "recall_at_5": 46.861999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__KartonBERT-USE-base-v1/external/model_meta.json b/results/OrlikB__KartonBERT-USE-base-v1/external/model_meta.json new file mode 100644 index 000000000..91d93177d --- /dev/null +++ b/results/OrlikB__KartonBERT-USE-base-v1/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "OrlikB/KartonBERT-USE-base-v1", + "revision": "1f59dd58fe57995c0e867d5e29f03763eae99645", + "release_date": "2024-09-30", + "languages": [ + "pl" + ], + "loader": null, + "n_parameters": 103705344, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 768, + "license": "gpl-3.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/AllegroReviews.json b/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/AllegroReviews.json new file mode 100644 index 000000000..cbc13c7d7 --- /dev/null +++ b/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/AllegroReviews.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "AllegroReviews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 40.188866799204774, + "f1": 34.71127012684797, + "main_score": 40.188866799204774 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/ArguAna-PL.json b/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/ArguAna-PL.json new file mode 100644 index 000000000..71299593f --- /dev/null +++ b/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/ArguAna-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 30.939, + "map_at_10": 47.467999999999996, + "map_at_100": 48.303000000000004, + "map_at_1000": 48.308, + "map_at_3": 43.22, + "map_at_5": 45.616, + "mrr_at_1": 31.863000000000003, + "mrr_at_10": 47.829, + "mrr_at_100": 48.664, + "mrr_at_1000": 48.67, + "mrr_at_3": 43.492, + "mrr_at_5": 46.006, + "ndcg_at_1": 30.939, + "ndcg_at_10": 56.058, + "ndcg_at_100": 59.562000000000005, + "ndcg_at_1000": 59.69799999999999, + "ndcg_at_3": 47.260000000000005, + "ndcg_at_5": 51.587, + "precision_at_1": 30.939, + "precision_at_10": 8.329, + "precision_at_100": 0.984, + "precision_at_1000": 0.1, + "precision_at_3": 19.654, + "precision_at_5": 13.898, + "recall_at_1": 30.939, + "recall_at_10": 83.286, + "recall_at_100": 98.43499999999999, + "recall_at_1000": 99.502, + "recall_at_3": 58.962, + "recall_at_5": 69.488, + "main_score": 56.058 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/CBD.json b/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/CBD.json new file mode 100644 index 000000000..754b274b6 --- /dev/null +++ b/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/CBD.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "CBD", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 67.69000000000001, + "ap": 21.078799692467182, + "f1": 56.80107173953953, + "main_score": 67.69000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/CDSC-E.json b/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/CDSC-E.json new file mode 100644 index 000000000..17d97238f --- /dev/null +++ b/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/CDSC-E.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "CDSC-E", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cos_sim_accuracy": 89.2, + "cos_sim_ap": 79.11674608786898, + "cos_sim_f1": 68.83468834688347, + "cos_sim_precision": 70.94972067039106, + "cos_sim_recall": 66.84210526315789, + "dot_accuracy": 89.2, + "dot_ap": 79.11674608786898, + "dot_f1": 68.83468834688347, + "dot_precision": 70.94972067039106, + "dot_recall": 66.84210526315789, + "euclidean_accuracy": 89.2, + "euclidean_ap": 79.11674608786898, + "euclidean_f1": 68.83468834688347, + "euclidean_precision": 70.94972067039106, + "euclidean_recall": 66.84210526315789, + "manhattan_accuracy": 89.1, + "manhattan_ap": 79.1220443374692, + "manhattan_f1": 69.02173913043478, + "manhattan_precision": 71.34831460674157, + "manhattan_recall": 66.84210526315789, + "max_accuracy": 89.2, + "max_ap": 79.1220443374692, + "max_f1": 69.02173913043478, + "main_score": 79.1220443374692 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/CDSC-R.json b/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/CDSC-R.json new file mode 100644 index 000000000..c8d5d8653 --- /dev/null +++ b/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/CDSC-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "CDSC-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cos_sim_pearson": 91.41534744278998, + "cos_sim_spearman": 92.12681551821147, + "euclidean_pearson": 91.74369794485992, + "euclidean_spearman": 92.12685848456046, + "manhattan_pearson": 91.66651938751657, + "manhattan_spearman": 92.057603126734, + "cosine_pearson": 91.41534744278998, + "cosine_spearman": 92.12681551821147, + "main_score": 92.12681551821147 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/DBPedia-PL.json b/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/DBPedia-PL.json new file mode 100644 index 000000000..7920f1a48 --- /dev/null +++ b/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/DBPedia-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 5.8709999999999996, + "map_at_10": 12.486, + "map_at_100": 16.897000000000002, + "map_at_1000": 18.056, + "map_at_3": 8.958, + "map_at_5": 10.57, + "mrr_at_1": 44.0, + "mrr_at_10": 53.830999999999996, + "mrr_at_100": 54.54, + "mrr_at_1000": 54.568000000000005, + "mrr_at_3": 51.87500000000001, + "mrr_at_5": 53.113, + "ndcg_at_1": 34.625, + "ndcg_at_10": 26.996, + "ndcg_at_100": 31.052999999999997, + "ndcg_at_1000": 38.208, + "ndcg_at_3": 29.471000000000004, + "ndcg_at_5": 28.364, + "precision_at_1": 44.0, + "precision_at_10": 21.45, + "precision_at_100": 6.837, + "precision_at_1000": 1.6019999999999999, + "precision_at_3": 32.333, + "precision_at_5": 27.800000000000004, + "recall_at_1": 5.8709999999999996, + "recall_at_10": 17.318, + "recall_at_100": 36.854, + "recall_at_1000": 60.468999999999994, + "recall_at_3": 10.213999999999999, + "recall_at_5": 13.364, + "main_score": 26.996 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/FiQA-PL.json b/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/FiQA-PL.json new file mode 100644 index 000000000..624bdd5b6 --- /dev/null +++ b/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/FiQA-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 10.289, + "map_at_10": 18.285999999999998, + "map_at_100": 19.743, + "map_at_1000": 19.964000000000002, + "map_at_3": 15.193000000000001, + "map_at_5": 16.962, + "mrr_at_1": 21.914, + "mrr_at_10": 30.653999999999996, + "mrr_at_100": 31.623, + "mrr_at_1000": 31.701, + "mrr_at_3": 27.855, + "mrr_at_5": 29.514000000000003, + "ndcg_at_1": 21.914, + "ndcg_at_10": 24.733, + "ndcg_at_100": 31.253999999999998, + "ndcg_at_1000": 35.617, + "ndcg_at_3": 20.962, + "ndcg_at_5": 22.553, + "precision_at_1": 21.914, + "precision_at_10": 7.346, + "precision_at_100": 1.389, + "precision_at_1000": 0.214, + "precision_at_3": 14.352, + "precision_at_5": 11.42, + "recall_at_1": 10.289, + "recall_at_10": 31.459, + "recall_at_100": 56.854000000000006, + "recall_at_1000": 83.722, + "recall_at_3": 19.457, + "recall_at_5": 24.767, + "main_score": 24.733 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/HotpotQA-PL.json b/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/HotpotQA-PL.json new file mode 100644 index 000000000..d8afc14e0 --- /dev/null +++ b/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/HotpotQA-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 29.669, + "map_at_10": 41.615, + "map_at_100": 42.571999999999996, + "map_at_1000": 42.662, + "map_at_3": 38.938, + "map_at_5": 40.541, + "mrr_at_1": 59.338, + "mrr_at_10": 66.93900000000001, + "mrr_at_100": 67.361, + "mrr_at_1000": 67.38499999999999, + "mrr_at_3": 65.384, + "mrr_at_5": 66.345, + "ndcg_at_1": 59.338, + "ndcg_at_10": 50.607, + "ndcg_at_100": 54.342999999999996, + "ndcg_at_1000": 56.286, + "ndcg_at_3": 46.289, + "ndcg_at_5": 48.581, + "precision_at_1": 59.338, + "precision_at_10": 10.585, + "precision_at_100": 1.353, + "precision_at_1000": 0.161, + "precision_at_3": 28.877000000000002, + "precision_at_5": 19.133, + "recall_at_1": 29.669, + "recall_at_10": 52.92400000000001, + "recall_at_100": 67.657, + "recall_at_1000": 80.628, + "recall_at_3": 43.315, + "recall_at_5": 47.833, + "main_score": 50.607 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/MSMARCO-PL.json b/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/MSMARCO-PL.json new file mode 100644 index 000000000..a114fd11d --- /dev/null +++ b/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/MSMARCO-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 0.997, + "map_at_10": 7.481999999999999, + "map_at_100": 20.208000000000002, + "map_at_1000": 25.601000000000003, + "map_at_3": 3.055, + "map_at_5": 4.853, + "mrr_at_1": 55.814, + "mrr_at_10": 64.651, + "mrr_at_100": 65.003, + "mrr_at_1000": 65.05199999999999, + "mrr_at_3": 62.403, + "mrr_at_5": 64.031, + "ndcg_at_1": 44.186, + "ndcg_at_10": 43.25, + "ndcg_at_100": 40.515, + "ndcg_at_1000": 48.345, + "ndcg_at_3": 45.829, + "ndcg_at_5": 46.477000000000004, + "precision_at_1": 55.814, + "precision_at_10": 50.465, + "precision_at_100": 25.419000000000004, + "precision_at_1000": 5.0840000000000005, + "precision_at_3": 58.14, + "precision_at_5": 57.67400000000001, + "recall_at_1": 0.997, + "recall_at_10": 8.985999999999999, + "recall_at_100": 33.221000000000004, + "recall_at_1000": 58.836999999999996, + "recall_at_3": 3.472, + "recall_at_5": 5.545, + "main_score": 43.25 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/MassiveIntentClassification.json b/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/MassiveIntentClassification.json new file mode 100644 index 000000000..37b3ecf9b --- /dev/null +++ b/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 68.19771351714861, + "f1": 64.75039989217822, + "main_score": 68.19771351714861 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/MassiveScenarioClassification.json b/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..c61c83311 --- /dev/null +++ b/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 73.9677202420982, + "f1": 73.72287107577753, + "main_score": 73.9677202420982 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/NFCorpus-PL.json b/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/NFCorpus-PL.json new file mode 100644 index 000000000..05c46bc08 --- /dev/null +++ b/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/NFCorpus-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 5.167, + "map_at_10": 10.791, + "map_at_100": 14.072999999999999, + "map_at_1000": 15.568000000000001, + "map_at_3": 7.847999999999999, + "map_at_5": 9.112, + "mrr_at_1": 42.105, + "mrr_at_10": 49.933, + "mrr_at_100": 50.659, + "mrr_at_1000": 50.705, + "mrr_at_3": 47.988, + "mrr_at_5": 49.056, + "ndcg_at_1": 39.938, + "ndcg_at_10": 31.147000000000002, + "ndcg_at_100": 29.336000000000002, + "ndcg_at_1000": 38.147, + "ndcg_at_3": 35.607, + "ndcg_at_5": 33.725, + "precision_at_1": 41.486000000000004, + "precision_at_10": 23.901, + "precision_at_100": 7.960000000000001, + "precision_at_1000": 2.086, + "precision_at_3": 33.437, + "precision_at_5": 29.598000000000003, + "recall_at_1": 5.167, + "recall_at_10": 14.244000000000002, + "recall_at_100": 31.192999999999998, + "recall_at_1000": 62.41799999999999, + "recall_at_3": 8.697000000000001, + "recall_at_5": 10.911, + "main_score": 31.147000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/NQ-PL.json b/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/NQ-PL.json new file mode 100644 index 000000000..20abcaa3d --- /dev/null +++ b/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/NQ-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 14.417, + "map_at_10": 23.330000000000002, + "map_at_100": 24.521, + "map_at_1000": 24.604, + "map_at_3": 20.076, + "map_at_5": 21.854000000000003, + "mrr_at_1": 16.454, + "mrr_at_10": 25.402, + "mrr_at_100": 26.411, + "mrr_at_1000": 26.479000000000003, + "mrr_at_3": 22.369, + "mrr_at_5": 24.047, + "ndcg_at_1": 16.454, + "ndcg_at_10": 28.886, + "ndcg_at_100": 34.489999999999995, + "ndcg_at_1000": 36.687999999999995, + "ndcg_at_3": 22.421, + "ndcg_at_5": 25.505, + "precision_at_1": 16.454, + "precision_at_10": 5.252, + "precision_at_100": 0.8410000000000001, + "precision_at_1000": 0.105, + "precision_at_3": 10.428999999999998, + "precision_at_5": 8.019, + "recall_at_1": 14.417, + "recall_at_10": 44.025, + "recall_at_100": 69.404, + "recall_at_1000": 86.18900000000001, + "recall_at_3": 26.972, + "recall_at_5": 34.132, + "main_score": 28.886 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/PAC.json b/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/PAC.json new file mode 100644 index 000000000..86d869ca0 --- /dev/null +++ b/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/PAC.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "PAC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 66.55082536924412, + "ap": 76.44962281293184, + "f1": 63.899803692180434, + "main_score": 66.55082536924412 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/PSC.json b/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/PSC.json new file mode 100644 index 000000000..18a9cdb67 --- /dev/null +++ b/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/PSC.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "PSC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cos_sim_accuracy": 95.64007421150278, + "cos_sim_ap": 98.42114841894346, + "cos_sim_f1": 92.8895612708018, + "cos_sim_precision": 92.1921921921922, + "cos_sim_recall": 93.59756097560977, + "dot_accuracy": 95.64007421150278, + "dot_ap": 98.42114841894346, + "dot_f1": 92.8895612708018, + "dot_precision": 92.1921921921922, + "dot_recall": 93.59756097560977, + "euclidean_accuracy": 95.64007421150278, + "euclidean_ap": 98.42114841894346, + "euclidean_f1": 92.8895612708018, + "euclidean_precision": 92.1921921921922, + "euclidean_recall": 93.59756097560977, + "manhattan_accuracy": 95.82560296846012, + "manhattan_ap": 98.38712415914046, + "manhattan_f1": 93.19213313161876, + "manhattan_precision": 92.49249249249249, + "manhattan_recall": 93.90243902439023, + "max_accuracy": 95.82560296846012, + "max_ap": 98.42114841894346, + "max_f1": 93.19213313161876, + "main_score": 98.42114841894346 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/PolEmo2.0-IN.json b/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/PolEmo2.0-IN.json new file mode 100644 index 000000000..6cf369aed --- /dev/null +++ b/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/PolEmo2.0-IN.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "PolEmo2.0-IN", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 68.40720221606648, + "f1": 67.09084289613526, + "main_score": 68.40720221606648 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/PolEmo2.0-OUT.json b/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/PolEmo2.0-OUT.json new file mode 100644 index 000000000..df7a8ea18 --- /dev/null +++ b/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/PolEmo2.0-OUT.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "PolEmo2.0-OUT", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 38.056680161943326, + "f1": 32.87731504372395, + "main_score": 38.056680161943326 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/Quora-PL.json b/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/Quora-PL.json new file mode 100644 index 000000000..3a6f4d70c --- /dev/null +++ b/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/Quora-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Quora-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 65.422, + "map_at_10": 79.259, + "map_at_100": 80.0, + "map_at_1000": 80.021, + "map_at_3": 76.16199999999999, + "map_at_5": 78.03999999999999, + "mrr_at_1": 75.26, + "mrr_at_10": 82.39699999999999, + "mrr_at_100": 82.589, + "mrr_at_1000": 82.593, + "mrr_at_3": 81.08999999999999, + "mrr_at_5": 81.952, + "ndcg_at_1": 75.3, + "ndcg_at_10": 83.588, + "ndcg_at_100": 85.312, + "ndcg_at_1000": 85.536, + "ndcg_at_3": 80.128, + "ndcg_at_5": 81.962, + "precision_at_1": 75.3, + "precision_at_10": 12.856000000000002, + "precision_at_100": 1.508, + "precision_at_1000": 0.156, + "precision_at_3": 35.207, + "precision_at_5": 23.316, + "recall_at_1": 65.422, + "recall_at_10": 92.381, + "recall_at_100": 98.575, + "recall_at_1000": 99.85300000000001, + "recall_at_3": 82.59100000000001, + "recall_at_5": 87.629, + "main_score": 83.588 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/SCIDOCS-PL.json b/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/SCIDOCS-PL.json new file mode 100644 index 000000000..d459e4d66 --- /dev/null +++ b/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/SCIDOCS-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 2.52, + "map_at_10": 6.814000000000001, + "map_at_100": 8.267, + "map_at_1000": 8.565000000000001, + "map_at_3": 4.736, + "map_at_5": 5.653, + "mrr_at_1": 12.5, + "mrr_at_10": 20.794999999999998, + "mrr_at_100": 22.014, + "mrr_at_1000": 22.109, + "mrr_at_3": 17.8, + "mrr_at_5": 19.42, + "ndcg_at_1": 12.5, + "ndcg_at_10": 12.209, + "ndcg_at_100": 18.812, + "ndcg_at_1000": 24.766, + "ndcg_at_3": 10.847, + "ndcg_at_5": 9.632, + "precision_at_1": 12.5, + "precision_at_10": 6.660000000000001, + "precision_at_100": 1.6340000000000001, + "precision_at_1000": 0.307, + "precision_at_3": 10.299999999999999, + "precision_at_5": 8.66, + "recall_at_1": 2.52, + "recall_at_10": 13.495, + "recall_at_100": 33.188, + "recall_at_1000": 62.34499999999999, + "recall_at_3": 6.245, + "recall_at_5": 8.76, + "main_score": 12.209 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/SICK-E-PL.json b/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/SICK-E-PL.json new file mode 100644 index 000000000..f3e7ce7aa --- /dev/null +++ b/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/SICK-E-PL.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "SICK-E-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cos_sim_accuracy": 86.13942111699959, + "cos_sim_ap": 81.47480017120256, + "cos_sim_f1": 74.79794268919912, + "cos_sim_precision": 77.2382397572079, + "cos_sim_recall": 72.50712250712252, + "dot_accuracy": 86.13942111699959, + "dot_ap": 81.47478531367476, + "dot_f1": 74.79794268919912, + "dot_precision": 77.2382397572079, + "dot_recall": 72.50712250712252, + "euclidean_accuracy": 86.13942111699959, + "euclidean_ap": 81.47478531367476, + "euclidean_f1": 74.79794268919912, + "euclidean_precision": 77.2382397572079, + "euclidean_recall": 72.50712250712252, + "manhattan_accuracy": 86.15980432123929, + "manhattan_ap": 81.40798042612397, + "manhattan_f1": 74.86116253239543, + "manhattan_precision": 77.9491133384734, + "manhattan_recall": 72.00854700854701, + "max_accuracy": 86.15980432123929, + "max_ap": 81.47480017120256, + "max_f1": 74.86116253239543, + "main_score": 81.47480017120256 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/SICK-R-PL.json b/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/SICK-R-PL.json new file mode 100644 index 000000000..fadf7d8cf --- /dev/null +++ b/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/SICK-R-PL.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "SICK-R-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cos_sim_pearson": 84.27525342551935, + "cos_sim_spearman": 79.50631730805885, + "euclidean_pearson": 82.07169123942028, + "euclidean_spearman": 79.50631887406465, + "manhattan_pearson": 81.98288826317463, + "manhattan_spearman": 79.4244081650332, + "cosine_pearson": 84.27525342551935, + "cosine_spearman": 79.50631730805885, + "main_score": 79.50631730805885 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/STS22.json b/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/STS22.json new file mode 100644 index 000000000..64ceee761 --- /dev/null +++ b/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "cos_sim_pearson": 35.59400236598834, + "cos_sim_spearman": 36.782560207852846, + "euclidean_pearson": 28.546177668542942, + "euclidean_spearman": 36.68394223635756, + "manhattan_pearson": 28.45606963909248, + "manhattan_spearman": 36.475975118547524, + "cosine_pearson": 35.59400236598834, + "cosine_spearman": 36.782560207852846, + "main_score": 36.782560207852846 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/SciFact-PL.json b/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/SciFact-PL.json new file mode 100644 index 000000000..a72e8379d --- /dev/null +++ b/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/SciFact-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 41.028, + "map_at_10": 52.23799999999999, + "map_at_100": 52.905, + "map_at_1000": 52.945, + "map_at_3": 49.102000000000004, + "map_at_5": 50.992000000000004, + "mrr_at_1": 43.333, + "mrr_at_10": 53.551, + "mrr_at_100": 54.138, + "mrr_at_1000": 54.175, + "mrr_at_3": 51.056000000000004, + "mrr_at_5": 52.705999999999996, + "ndcg_at_1": 43.333, + "ndcg_at_10": 57.731, + "ndcg_at_100": 61.18599999999999, + "ndcg_at_1000": 62.261, + "ndcg_at_3": 52.276999999999994, + "ndcg_at_5": 55.245999999999995, + "precision_at_1": 43.333, + "precision_at_10": 8.267, + "precision_at_100": 1.02, + "precision_at_1000": 0.11100000000000002, + "precision_at_3": 21.444, + "precision_at_5": 14.533, + "recall_at_1": 41.028, + "recall_at_10": 73.111, + "recall_at_100": 89.533, + "recall_at_1000": 98.0, + "recall_at_3": 58.744, + "recall_at_5": 66.106, + "main_score": 57.731 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/TRECCOVID-PL.json b/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/TRECCOVID-PL.json new file mode 100644 index 000000000..fbdfa32d2 --- /dev/null +++ b/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/TRECCOVID-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 0.146, + "map_at_10": 1.09, + "map_at_100": 6.002, + "map_at_1000": 15.479999999999999, + "map_at_3": 0.41000000000000003, + "map_at_5": 0.596, + "mrr_at_1": 54.0, + "mrr_at_10": 72.367, + "mrr_at_100": 72.367, + "mrr_at_1000": 72.367, + "mrr_at_3": 70.333, + "mrr_at_5": 72.033, + "ndcg_at_1": 48.0, + "ndcg_at_10": 48.827, + "ndcg_at_100": 38.513999999999996, + "ndcg_at_1000": 37.958, + "ndcg_at_3": 52.614000000000004, + "ndcg_at_5": 51.013, + "precision_at_1": 54.0, + "precision_at_10": 53.6, + "precision_at_100": 40.300000000000004, + "precision_at_1000": 17.276, + "precision_at_3": 57.333, + "precision_at_5": 55.60000000000001, + "recall_at_1": 0.146, + "recall_at_10": 1.438, + "recall_at_100": 9.673, + "recall_at_1000": 36.870999999999995, + "recall_at_3": 0.47400000000000003, + "recall_at_5": 0.721, + "main_score": 48.827 + } + ] + } +} \ No newline at end of file diff --git a/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/model_meta.json b/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/model_meta.json new file mode 100644 index 000000000..ecbb5dd97 --- /dev/null +++ b/results/OrlikB__st-polish-kartonberta-base-alpha-v1/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "OrlikB/st-polish-kartonberta-base-alpha-v1", + "revision": "5590a0e2d7bb43674e44d7076b3ff157f7d4a1cb", + "release_date": "2023-11-12", + "languages": [ + "pl" + ], + "loader": null, + "n_parameters": 124460683, + "memory_usage": null, + "max_tokens": 514, + "embed_dim": 768, + "license": "lgpl", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Pristinenlp__alime-embedding-large-zh/external/AFQMC.json b/results/Pristinenlp__alime-embedding-large-zh/external/AFQMC.json new file mode 100644 index 000000000..4f4b5b3a6 --- /dev/null +++ b/results/Pristinenlp__alime-embedding-large-zh/external/AFQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 49.6479989785073, + "cos_sim_spearman": 54.733173049795425, + "euclidean_pearson": 53.06330391299694, + "euclidean_spearman": 54.73321325021156, + "manhattan_pearson": 53.0477915350307, + "manhattan_spearman": 54.728508847750845, + "cosine_pearson": 49.6479989785073, + "cosine_spearman": 54.733173049795425, + "main_score": 54.733173049795425 + } + ] + } +} \ No newline at end of file diff --git a/results/Pristinenlp__alime-embedding-large-zh/external/ATEC.json b/results/Pristinenlp__alime-embedding-large-zh/external/ATEC.json new file mode 100644 index 000000000..1897c936b --- /dev/null +++ b/results/Pristinenlp__alime-embedding-large-zh/external/ATEC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 48.658812679136325, + "cos_sim_spearman": 55.125070901329146, + "euclidean_pearson": 55.73373519622172, + "euclidean_spearman": 55.12506864911728, + "manhattan_pearson": 55.71155132206361, + "manhattan_spearman": 55.121598723227905, + "cosine_pearson": 48.658812679136325, + "cosine_spearman": 55.125070901329146, + "main_score": 55.125070901329146 + } + ] + } +} \ No newline at end of file diff --git a/results/Pristinenlp__alime-embedding-large-zh/external/AmazonReviewsClassification.json b/results/Pristinenlp__alime-embedding-large-zh/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..a96c13bba --- /dev/null +++ b/results/Pristinenlp__alime-embedding-large-zh/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 46.95, + "f1": 45.34383964066362, + "main_score": 46.95 + } + ] + } +} \ No newline at end of file diff --git a/results/Pristinenlp__alime-embedding-large-zh/external/BQ.json b/results/Pristinenlp__alime-embedding-large-zh/external/BQ.json new file mode 100644 index 000000000..ecc96187b --- /dev/null +++ b/results/Pristinenlp__alime-embedding-large-zh/external/BQ.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 62.92731050834033, + "cos_sim_spearman": 64.8881453551134, + "euclidean_pearson": 63.31447523186855, + "euclidean_spearman": 64.88814189042776, + "manhattan_pearson": 63.222442228527996, + "manhattan_spearman": 64.79818263591122, + "cosine_pearson": 62.92731050834033, + "cosine_spearman": 64.8881453551134, + "main_score": 64.8881453551134 + } + ] + } +} \ No newline at end of file diff --git a/results/Pristinenlp__alime-embedding-large-zh/external/CLSClusteringP2P.json b/results/Pristinenlp__alime-embedding-large-zh/external/CLSClusteringP2P.json new file mode 100644 index 000000000..b3e520a94 --- /dev/null +++ b/results/Pristinenlp__alime-embedding-large-zh/external/CLSClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 42.518811360488925, + "main_score": 42.518811360488925 + } + ] + } +} \ No newline at end of file diff --git a/results/Pristinenlp__alime-embedding-large-zh/external/CLSClusteringS2S.json b/results/Pristinenlp__alime-embedding-large-zh/external/CLSClusteringS2S.json new file mode 100644 index 000000000..3cfe75658 --- /dev/null +++ b/results/Pristinenlp__alime-embedding-large-zh/external/CLSClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 39.72890397315954, + "main_score": 39.72890397315954 + } + ] + } +} \ No newline at end of file diff --git a/results/Pristinenlp__alime-embedding-large-zh/external/CmedqaRetrieval.json b/results/Pristinenlp__alime-embedding-large-zh/external/CmedqaRetrieval.json new file mode 100644 index 000000000..45cbada47 --- /dev/null +++ b/results/Pristinenlp__alime-embedding-large-zh/external/CmedqaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 24.883, + "map_at_10": 37.246, + "map_at_100": 39.11, + "map_at_1000": 39.222, + "map_at_3": 32.956, + "map_at_5": 35.411, + "mrr_at_1": 37.834, + "mrr_at_10": 46.031, + "mrr_at_100": 47.033, + "mrr_at_1000": 47.077000000000005, + "mrr_at_3": 43.415, + "mrr_at_5": 44.938, + "ndcg_at_1": 37.834, + "ndcg_at_10": 43.928, + "ndcg_at_100": 51.312999999999995, + "ndcg_at_1000": 53.23, + "ndcg_at_3": 38.397, + "ndcg_at_5": 40.848, + "precision_at_1": 37.834, + "precision_at_10": 9.782, + "precision_at_100": 1.583, + "precision_at_1000": 0.183, + "precision_at_3": 21.664, + "precision_at_5": 15.934000000000001, + "recall_at_1": 24.883, + "recall_at_10": 54.911, + "recall_at_100": 85.419, + "recall_at_1000": 98.16, + "recall_at_3": 38.416, + "recall_at_5": 45.778, + "main_score": 43.928 + } + ] + } +} \ No newline at end of file diff --git a/results/Pristinenlp__alime-embedding-large-zh/external/Cmnli.json b/results/Pristinenlp__alime-embedding-large-zh/external/Cmnli.json new file mode 100644 index 000000000..faf1ff022 --- /dev/null +++ b/results/Pristinenlp__alime-embedding-large-zh/external/Cmnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Cmnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 82.5616355983163, + "cos_sim_ap": 89.3612977679186, + "cos_sim_f1": 83.93428161870108, + "cos_sim_precision": 79.42404006677796, + "cos_sim_recall": 88.98760813654431, + "dot_accuracy": 82.5616355983163, + "dot_ap": 89.38168095374776, + "dot_f1": 83.93428161870108, + "dot_precision": 79.42404006677796, + "dot_recall": 88.98760813654431, + "euclidean_accuracy": 82.5616355983163, + "euclidean_ap": 89.36129603693611, + "euclidean_f1": 83.93428161870108, + "euclidean_precision": 79.42404006677796, + "euclidean_recall": 88.98760813654431, + "manhattan_accuracy": 82.42934455802767, + "manhattan_ap": 89.36577661305246, + "manhattan_f1": 83.94765539803707, + "manhattan_precision": 78.66339668914776, + "manhattan_recall": 89.99298573766659, + "max_accuracy": 82.5616355983163, + "max_ap": 89.38168095374776, + "max_f1": 83.94765539803707, + "main_score": 82.5616355983163 + } + ] + } +} \ No newline at end of file diff --git a/results/Pristinenlp__alime-embedding-large-zh/external/CovidRetrieval.json b/results/Pristinenlp__alime-embedding-large-zh/external/CovidRetrieval.json new file mode 100644 index 000000000..fb86412c1 --- /dev/null +++ b/results/Pristinenlp__alime-embedding-large-zh/external/CovidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 77.608, + "map_at_10": 85.1, + "map_at_100": 85.215, + "map_at_1000": 85.217, + "map_at_3": 83.97, + "map_at_5": 84.638, + "mrr_at_1": 77.97699999999999, + "mrr_at_10": 85.173, + "mrr_at_100": 85.28, + "mrr_at_1000": 85.282, + "mrr_at_3": 84.089, + "mrr_at_5": 84.726, + "ndcg_at_1": 77.871, + "ndcg_at_10": 88.141, + "ndcg_at_100": 88.612, + "ndcg_at_1000": 88.68, + "ndcg_at_3": 85.9, + "ndcg_at_5": 87.06, + "precision_at_1": 77.871, + "precision_at_10": 9.841999999999999, + "precision_at_100": 1.005, + "precision_at_1000": 0.101, + "precision_at_3": 30.698999999999998, + "precision_at_5": 19.009, + "recall_at_1": 77.608, + "recall_at_10": 97.418, + "recall_at_100": 99.473, + "recall_at_1000": 100.0, + "recall_at_3": 91.307, + "recall_at_5": 94.125, + "main_score": 88.141 + } + ] + } +} \ No newline at end of file diff --git a/results/Pristinenlp__alime-embedding-large-zh/external/DuRetrieval.json b/results/Pristinenlp__alime-embedding-large-zh/external/DuRetrieval.json new file mode 100644 index 000000000..43794be9d --- /dev/null +++ b/results/Pristinenlp__alime-embedding-large-zh/external/DuRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 26.104, + "map_at_10": 78.62, + "map_at_100": 81.417, + "map_at_1000": 81.46600000000001, + "map_at_3": 55.077, + "map_at_5": 69.18900000000001, + "mrr_at_1": 90.55, + "mrr_at_10": 93.42200000000001, + "mrr_at_100": 93.46900000000001, + "mrr_at_1000": 93.472, + "mrr_at_3": 93.108, + "mrr_at_5": 93.318, + "ndcg_at_1": 90.55, + "ndcg_at_10": 86.227, + "ndcg_at_100": 89.201, + "ndcg_at_1000": 89.655, + "ndcg_at_3": 85.89099999999999, + "ndcg_at_5": 84.443, + "precision_at_1": 90.55, + "precision_at_10": 40.915, + "precision_at_100": 4.749, + "precision_at_1000": 0.486, + "precision_at_3": 76.9, + "precision_at_5": 64.56, + "recall_at_1": 26.104, + "recall_at_10": 86.924, + "recall_at_100": 96.52, + "recall_at_1000": 98.83800000000001, + "recall_at_3": 57.196999999999996, + "recall_at_5": 73.595, + "main_score": 86.227 + } + ] + } +} \ No newline at end of file diff --git a/results/Pristinenlp__alime-embedding-large-zh/external/EcomRetrieval.json b/results/Pristinenlp__alime-embedding-large-zh/external/EcomRetrieval.json new file mode 100644 index 000000000..bb599079f --- /dev/null +++ b/results/Pristinenlp__alime-embedding-large-zh/external/EcomRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 51.9, + "map_at_10": 62.446, + "map_at_100": 62.922, + "map_at_1000": 62.934999999999995, + "map_at_3": 59.933, + "map_at_5": 61.548, + "mrr_at_1": 51.9, + "mrr_at_10": 62.446, + "mrr_at_100": 62.922, + "mrr_at_1000": 62.934999999999995, + "mrr_at_3": 59.933, + "mrr_at_5": 61.548, + "ndcg_at_1": 51.9, + "ndcg_at_10": 67.561, + "ndcg_at_100": 69.87400000000001, + "ndcg_at_1000": 70.19800000000001, + "ndcg_at_3": 62.474, + "ndcg_at_5": 65.391, + "precision_at_1": 51.9, + "precision_at_10": 8.36, + "precision_at_100": 0.9440000000000001, + "precision_at_1000": 0.097, + "precision_at_3": 23.267, + "precision_at_5": 15.379999999999999, + "recall_at_1": 51.9, + "recall_at_10": 83.6, + "recall_at_100": 94.39999999999999, + "recall_at_1000": 96.89999999999999, + "recall_at_3": 69.8, + "recall_at_5": 76.9, + "main_score": 67.561 + } + ] + } +} \ No newline at end of file diff --git a/results/Pristinenlp__alime-embedding-large-zh/external/IFlyTek.json b/results/Pristinenlp__alime-embedding-large-zh/external/IFlyTek.json new file mode 100644 index 000000000..89beaf16e --- /dev/null +++ b/results/Pristinenlp__alime-embedding-large-zh/external/IFlyTek.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 49.672951135051946, + "f1": 38.246634605142084, + "main_score": 49.672951135051946 + } + ] + } +} \ No newline at end of file diff --git a/results/Pristinenlp__alime-embedding-large-zh/external/JDReview.json b/results/Pristinenlp__alime-embedding-large-zh/external/JDReview.json new file mode 100644 index 000000000..5263941b7 --- /dev/null +++ b/results/Pristinenlp__alime-embedding-large-zh/external/JDReview.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 86.52908067542214, + "ap": 55.415146961759135, + "f1": 81.38343036361825, + "main_score": 86.52908067542214 + } + ] + } +} \ No newline at end of file diff --git a/results/Pristinenlp__alime-embedding-large-zh/external/LCQMC.json b/results/Pristinenlp__alime-embedding-large-zh/external/LCQMC.json new file mode 100644 index 000000000..5f3dd6287 --- /dev/null +++ b/results/Pristinenlp__alime-embedding-large-zh/external/LCQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 70.15572724302896, + "cos_sim_spearman": 75.11630463239744, + "euclidean_pearson": 74.2927184018677, + "euclidean_spearman": 75.11630463089752, + "manhattan_pearson": 74.27724224882166, + "manhattan_spearman": 75.10012699894408, + "cosine_pearson": 70.15572724302896, + "cosine_spearman": 75.11630463239744, + "main_score": 75.11630463239744 + } + ] + } +} \ No newline at end of file diff --git a/results/Pristinenlp__alime-embedding-large-zh/external/MMarcoReranking.json b/results/Pristinenlp__alime-embedding-large-zh/external/MMarcoReranking.json new file mode 100644 index 000000000..856d18fa0 --- /dev/null +++ b/results/Pristinenlp__alime-embedding-large-zh/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 30.62934327678744, + "mrr": 29.48730158730159, + "main_score": 30.62934327678744 + } + ] + } +} \ No newline at end of file diff --git a/results/Pristinenlp__alime-embedding-large-zh/external/MMarcoRetrieval.json b/results/Pristinenlp__alime-embedding-large-zh/external/MMarcoRetrieval.json new file mode 100644 index 000000000..b2b2ad27c --- /dev/null +++ b/results/Pristinenlp__alime-embedding-large-zh/external/MMarcoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 65.33, + "map_at_10": 74.524, + "map_at_100": 74.851, + "map_at_1000": 74.86500000000001, + "map_at_3": 72.748, + "map_at_5": 73.896, + "mrr_at_1": 67.593, + "mrr_at_10": 75.19, + "mrr_at_100": 75.472, + "mrr_at_1000": 75.484, + "mrr_at_3": 73.634, + "mrr_at_5": 74.638, + "ndcg_at_1": 67.593, + "ndcg_at_10": 78.254, + "ndcg_at_100": 79.727, + "ndcg_at_1000": 80.09100000000001, + "ndcg_at_3": 74.892, + "ndcg_at_5": 76.835, + "precision_at_1": 67.593, + "precision_at_10": 9.46, + "precision_at_100": 1.02, + "precision_at_1000": 0.105, + "precision_at_3": 28.227999999999998, + "precision_at_5": 17.965999999999998, + "recall_at_1": 65.33, + "recall_at_10": 89.048, + "recall_at_100": 95.732, + "recall_at_1000": 98.598, + "recall_at_3": 80.209, + "recall_at_5": 84.824, + "main_score": 78.254 + } + ] + } +} \ No newline at end of file diff --git a/results/Pristinenlp__alime-embedding-large-zh/external/MassiveIntentClassification.json b/results/Pristinenlp__alime-embedding-large-zh/external/MassiveIntentClassification.json new file mode 100644 index 000000000..2698d69f5 --- /dev/null +++ b/results/Pristinenlp__alime-embedding-large-zh/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 73.38937457969065, + "f1": 70.87692475465195, + "main_score": 73.38937457969065 + } + ] + } +} \ No newline at end of file diff --git a/results/Pristinenlp__alime-embedding-large-zh/external/MassiveScenarioClassification.json b/results/Pristinenlp__alime-embedding-large-zh/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..6fce58a23 --- /dev/null +++ b/results/Pristinenlp__alime-embedding-large-zh/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 76.04236718224612, + "f1": 75.52425703483891, + "main_score": 76.04236718224612 + } + ] + } +} \ No newline at end of file diff --git a/results/Pristinenlp__alime-embedding-large-zh/external/MedicalRetrieval.json b/results/Pristinenlp__alime-embedding-large-zh/external/MedicalRetrieval.json new file mode 100644 index 000000000..71be3a592 --- /dev/null +++ b/results/Pristinenlp__alime-embedding-large-zh/external/MedicalRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 53.1, + "map_at_10": 60.24, + "map_at_100": 60.781, + "map_at_1000": 60.81999999999999, + "map_at_3": 58.733000000000004, + "map_at_5": 59.618, + "mrr_at_1": 53.0, + "mrr_at_10": 60.195, + "mrr_at_100": 60.736000000000004, + "mrr_at_1000": 60.775, + "mrr_at_3": 58.68299999999999, + "mrr_at_5": 59.573, + "ndcg_at_1": 53.1, + "ndcg_at_10": 63.568999999999996, + "ndcg_at_100": 66.401, + "ndcg_at_1000": 67.597, + "ndcg_at_3": 60.455000000000005, + "ndcg_at_5": 62.05500000000001, + "precision_at_1": 53.1, + "precision_at_10": 7.3999999999999995, + "precision_at_100": 0.877, + "precision_at_1000": 0.097, + "precision_at_3": 21.8, + "precision_at_5": 13.86, + "recall_at_1": 53.1, + "recall_at_10": 74.0, + "recall_at_100": 87.7, + "recall_at_1000": 97.39999999999999, + "recall_at_3": 65.4, + "recall_at_5": 69.3, + "main_score": 63.568999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/Pristinenlp__alime-embedding-large-zh/external/MultilingualSentiment.json b/results/Pristinenlp__alime-embedding-large-zh/external/MultilingualSentiment.json new file mode 100644 index 000000000..2b5d96d30 --- /dev/null +++ b/results/Pristinenlp__alime-embedding-large-zh/external/MultilingualSentiment.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 76.40333333333332, + "f1": 76.40924131087777, + "main_score": 76.40333333333332 + } + ] + } +} \ No newline at end of file diff --git a/results/Pristinenlp__alime-embedding-large-zh/external/Ocnli.json b/results/Pristinenlp__alime-embedding-large-zh/external/Ocnli.json new file mode 100644 index 000000000..cac375adf --- /dev/null +++ b/results/Pristinenlp__alime-embedding-large-zh/external/Ocnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Ocnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 77.15213860314023, + "cos_sim_ap": 79.30594584166899, + "cos_sim_f1": 80.25889967637539, + "cos_sim_precision": 71.38157894736842, + "cos_sim_recall": 91.65786694825766, + "dot_accuracy": 77.15213860314023, + "dot_ap": 79.30594584166899, + "dot_f1": 80.25889967637539, + "dot_precision": 71.38157894736842, + "dot_recall": 91.65786694825766, + "euclidean_accuracy": 77.15213860314023, + "euclidean_ap": 79.30594584166899, + "euclidean_f1": 80.25889967637539, + "euclidean_precision": 71.38157894736842, + "euclidean_recall": 91.65786694825766, + "manhattan_accuracy": 77.36870600974554, + "manhattan_ap": 79.23401219102254, + "manhattan_f1": 80.44901777362021, + "manhattan_precision": 72.20822837951302, + "manhattan_recall": 90.8130939809926, + "max_accuracy": 77.36870600974554, + "max_ap": 79.30594584166899, + "max_f1": 80.44901777362021, + "main_score": 77.36870600974554 + } + ] + } +} \ No newline at end of file diff --git a/results/Pristinenlp__alime-embedding-large-zh/external/OnlineShopping.json b/results/Pristinenlp__alime-embedding-large-zh/external/OnlineShopping.json new file mode 100644 index 000000000..180160946 --- /dev/null +++ b/results/Pristinenlp__alime-embedding-large-zh/external/OnlineShopping.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 92.6, + "ap": 90.78779333103819, + "f1": 92.59253441654515, + "main_score": 92.6 + } + ] + } +} \ No newline at end of file diff --git a/results/Pristinenlp__alime-embedding-large-zh/external/PAWSX.json b/results/Pristinenlp__alime-embedding-large-zh/external/PAWSX.json new file mode 100644 index 000000000..e26710321 --- /dev/null +++ b/results/Pristinenlp__alime-embedding-large-zh/external/PAWSX.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 34.4442917065113, + "cos_sim_spearman": 37.93070836936766, + "euclidean_pearson": 38.35141108502335, + "euclidean_spearman": 37.936378767247106, + "manhattan_pearson": 38.357078125497566, + "manhattan_spearman": 37.94413026678537, + "cosine_pearson": 34.4442917065113, + "cosine_spearman": 37.93070836936766, + "main_score": 37.93070836936766 + } + ] + } +} \ No newline at end of file diff --git a/results/Pristinenlp__alime-embedding-large-zh/external/QBQTC.json b/results/Pristinenlp__alime-embedding-large-zh/external/QBQTC.json new file mode 100644 index 000000000..9be63cc05 --- /dev/null +++ b/results/Pristinenlp__alime-embedding-large-zh/external/QBQTC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "QBQTC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 32.84777948741198, + "cos_sim_spearman": 34.212129449696285, + "euclidean_pearson": 32.69161407750465, + "euclidean_spearman": 34.21178008084197, + "manhattan_pearson": 32.675418316752506, + "manhattan_spearman": 34.178590557249, + "cosine_pearson": 32.84777948741198, + "cosine_spearman": 34.212129449696285, + "main_score": 34.212129449696285 + } + ] + } +} \ No newline at end of file diff --git a/results/Pristinenlp__alime-embedding-large-zh/external/STS22.json b/results/Pristinenlp__alime-embedding-large-zh/external/STS22.json new file mode 100644 index 000000000..2a31aa1fc --- /dev/null +++ b/results/Pristinenlp__alime-embedding-large-zh/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 64.65903821549742, + "cos_sim_spearman": 64.54376284777354, + "euclidean_pearson": 63.70022677799055, + "euclidean_spearman": 64.54376284777354, + "manhattan_pearson": 64.46392290759724, + "manhattan_spearman": 65.2496975447815, + "cosine_pearson": 64.65903821549742, + "cosine_spearman": 64.54376284777354, + "main_score": 64.54376284777354 + } + ] + } +} \ No newline at end of file diff --git a/results/Pristinenlp__alime-embedding-large-zh/external/STSB.json b/results/Pristinenlp__alime-embedding-large-zh/external/STSB.json new file mode 100644 index 000000000..88fad483e --- /dev/null +++ b/results/Pristinenlp__alime-embedding-large-zh/external/STSB.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 80.05773088991484, + "cos_sim_spearman": 80.71550237522008, + "euclidean_pearson": 80.31115977415573, + "euclidean_spearman": 80.71510951779365, + "manhattan_pearson": 80.25235514937249, + "manhattan_spearman": 80.65958309383224, + "cosine_pearson": 80.05773088991484, + "cosine_spearman": 80.71550237522008, + "main_score": 80.71550237522008 + } + ] + } +} \ No newline at end of file diff --git a/results/Pristinenlp__alime-embedding-large-zh/external/T2Reranking.json b/results/Pristinenlp__alime-embedding-large-zh/external/T2Reranking.json new file mode 100644 index 000000000..41534313d --- /dev/null +++ b/results/Pristinenlp__alime-embedding-large-zh/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 66.18255262304848, + "mrr": 75.95393252087565, + "main_score": 66.18255262304848 + } + ] + } +} \ No newline at end of file diff --git a/results/Pristinenlp__alime-embedding-large-zh/external/T2Retrieval.json b/results/Pristinenlp__alime-embedding-large-zh/external/T2Retrieval.json new file mode 100644 index 000000000..46b0312e6 --- /dev/null +++ b/results/Pristinenlp__alime-embedding-large-zh/external/T2Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 28.651, + "map_at_10": 76.281, + "map_at_100": 80.018, + "map_at_1000": 80.098, + "map_at_3": 54.783, + "map_at_5": 66.508, + "mrr_at_1": 90.99199999999999, + "mrr_at_10": 93.812, + "mrr_at_100": 93.87100000000001, + "mrr_at_1000": 93.87299999999999, + "mrr_at_3": 93.415, + "mrr_at_5": 93.685, + "ndcg_at_1": 90.99199999999999, + "ndcg_at_10": 84.57900000000001, + "ndcg_at_100": 88.474, + "ndcg_at_1000": 89.172, + "ndcg_at_3": 86.56099999999999, + "ndcg_at_5": 84.811, + "precision_at_1": 90.99199999999999, + "precision_at_10": 40.969, + "precision_at_100": 4.97, + "precision_at_1000": 0.515, + "precision_at_3": 74.734, + "precision_at_5": 61.980999999999995, + "recall_at_1": 28.651, + "recall_at_10": 83.321, + "recall_at_100": 95.498, + "recall_at_1000": 98.759, + "recall_at_3": 56.708000000000006, + "recall_at_5": 70.25200000000001, + "main_score": 84.57900000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/Pristinenlp__alime-embedding-large-zh/external/TNews.json b/results/Pristinenlp__alime-embedding-large-zh/external/TNews.json new file mode 100644 index 000000000..71dc2ec81 --- /dev/null +++ b/results/Pristinenlp__alime-embedding-large-zh/external/TNews.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 52.037, + "f1": 50.3832093595745, + "main_score": 52.037 + } + ] + } +} \ No newline at end of file diff --git a/results/Pristinenlp__alime-embedding-large-zh/external/ThuNewsClusteringP2P.json b/results/Pristinenlp__alime-embedding-large-zh/external/ThuNewsClusteringP2P.json new file mode 100644 index 000000000..06c972b85 --- /dev/null +++ b/results/Pristinenlp__alime-embedding-large-zh/external/ThuNewsClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 70.09793315196697, + "main_score": 70.09793315196697 + } + ] + } +} \ No newline at end of file diff --git a/results/Pristinenlp__alime-embedding-large-zh/external/ThuNewsClusteringS2S.json b/results/Pristinenlp__alime-embedding-large-zh/external/ThuNewsClusteringS2S.json new file mode 100644 index 000000000..d1a32975e --- /dev/null +++ b/results/Pristinenlp__alime-embedding-large-zh/external/ThuNewsClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 63.66930246094367, + "main_score": 63.66930246094367 + } + ] + } +} \ No newline at end of file diff --git a/results/Pristinenlp__alime-embedding-large-zh/external/VideoRetrieval.json b/results/Pristinenlp__alime-embedding-large-zh/external/VideoRetrieval.json new file mode 100644 index 000000000..425ae7ca4 --- /dev/null +++ b/results/Pristinenlp__alime-embedding-large-zh/external/VideoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 60.4, + "map_at_10": 69.878, + "map_at_100": 70.285, + "map_at_1000": 70.295, + "map_at_3": 68.033, + "map_at_5": 69.233, + "mrr_at_1": 60.3, + "mrr_at_10": 69.828, + "mrr_at_100": 70.235, + "mrr_at_1000": 70.245, + "mrr_at_3": 67.983, + "mrr_at_5": 69.18299999999999, + "ndcg_at_1": 60.4, + "ndcg_at_10": 74.155, + "ndcg_at_100": 76.173, + "ndcg_at_1000": 76.44800000000001, + "ndcg_at_3": 70.44500000000001, + "ndcg_at_5": 72.61800000000001, + "precision_at_1": 60.4, + "precision_at_10": 8.74, + "precision_at_100": 0.9690000000000001, + "precision_at_1000": 0.099, + "precision_at_3": 25.8, + "precision_at_5": 16.54, + "recall_at_1": 60.4, + "recall_at_10": 87.4, + "recall_at_100": 96.89999999999999, + "recall_at_1000": 99.1, + "recall_at_3": 77.4, + "recall_at_5": 82.69999999999999, + "main_score": 74.155 + } + ] + } +} \ No newline at end of file diff --git a/results/Pristinenlp__alime-embedding-large-zh/external/Waimai.json b/results/Pristinenlp__alime-embedding-large-zh/external/Waimai.json new file mode 100644 index 000000000..5051d6f7a --- /dev/null +++ b/results/Pristinenlp__alime-embedding-large-zh/external/Waimai.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 88.49000000000001, + "ap": 73.5441395538586, + "f1": 86.88114969870975, + "main_score": 88.49000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/Pristinenlp__alime-embedding-large-zh/external/model_meta.json b/results/Pristinenlp__alime-embedding-large-zh/external/model_meta.json new file mode 100644 index 000000000..786cc6943 --- /dev/null +++ b/results/Pristinenlp__alime-embedding-large-zh/external/model_meta.json @@ -0,0 +1,20 @@ +{ + "name": "Pristinenlp/alime-embedding-large-zh", + "revision": "ff08b6aca3e40fc18dc5764eebc08aea0e5502d9", + "release_date": "2024-01-22", + "languages": [], + "loader": null, + "n_parameters": 325554026, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 1024, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Pristinenlp__alime-reranker-large-zh/external/MMarcoReranking.json b/results/Pristinenlp__alime-reranker-large-zh/external/MMarcoReranking.json new file mode 100644 index 000000000..e3c33f1a8 --- /dev/null +++ b/results/Pristinenlp__alime-reranker-large-zh/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 35.497382125464284, + "mrr": 35.29206349206349, + "main_score": 35.497382125464284 + } + ] + } +} \ No newline at end of file diff --git a/results/Pristinenlp__alime-reranker-large-zh/external/T2Reranking.json b/results/Pristinenlp__alime-reranker-large-zh/external/T2Reranking.json new file mode 100644 index 000000000..2b519e2e1 --- /dev/null +++ b/results/Pristinenlp__alime-reranker-large-zh/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 68.25849742148222, + "mrr": 78.64202157956387, + "main_score": 68.25849742148222 + } + ] + } +} \ No newline at end of file diff --git a/results/Pristinenlp__alime-reranker-large-zh/external/model_meta.json b/results/Pristinenlp__alime-reranker-large-zh/external/model_meta.json new file mode 100644 index 000000000..23f093298 --- /dev/null +++ b/results/Pristinenlp__alime-reranker-large-zh/external/model_meta.json @@ -0,0 +1,20 @@ +{ + "name": "Pristinenlp/alime-reranker-large-zh", + "revision": "1a4ceba28a27fec199327a6ab791a043d912260d", + "release_date": "2023-12-01", + "languages": [], + "loader": null, + "n_parameters": 559925356, + "memory_usage": null, + "max_tokens": 514, + "embed_dim": 1024, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/RookieHX__bge_m3e_stella/external/STSBenchmark.json b/results/RookieHX__bge_m3e_stella/external/STSBenchmark.json new file mode 100644 index 000000000..087daec57 --- /dev/null +++ b/results/RookieHX__bge_m3e_stella/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 58.40342702033939, + "cos_sim_spearman": 61.82757738668223, + "euclidean_pearson": 65.98511348169104, + "euclidean_spearman": 65.83335541333497, + "manhattan_pearson": 66.93537324688916, + "manhattan_spearman": 66.87340525241812, + "cosine_pearson": 58.40342702033939, + "cosine_spearman": 61.82757738668223, + "main_score": 61.82757738668223 + } + ] + } +} \ No newline at end of file diff --git a/results/RookieHX__bge_m3e_stella/external/model_meta.json b/results/RookieHX__bge_m3e_stella/external/model_meta.json new file mode 100644 index 000000000..7427ba8e1 --- /dev/null +++ b/results/RookieHX__bge_m3e_stella/external/model_meta.json @@ -0,0 +1,20 @@ +{ + "name": "RookieHX/bge_m3e_stella", + "revision": "efc559e953ddf5ca9a4c65f64c71f2f24b196eeb", + "release_date": "2023-12-22", + "languages": [], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": null, + "embed_dim": null, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/AmazonCounterfactualClassification.json b/results/Salesforce__SFR-Embedding-2_R/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..2a6c32147 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.71641791044776, + "ap": 69.47931007147756, + "f1": 88.0252625393374, + "main_score": 92.71641791044776 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/AmazonPolarityClassification.json b/results/Salesforce__SFR-Embedding-2_R/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..2a9d7499e --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 97.31075, + "ap": 96.26693923450127, + "f1": 97.31042448894502, + "main_score": 97.31075 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/AmazonReviewsClassification.json b/results/Salesforce__SFR-Embedding-2_R/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..ac896c8d4 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.040000000000006, + "f1": 60.78646832640785, + "main_score": 61.040000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/ArguAna.json b/results/Salesforce__SFR-Embedding-2_R/external/ArguAna.json new file mode 100644 index 000000000..f66dedd56 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/ArguAna.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 37.767, + "map_at_10": 53.908, + "map_at_100": 54.583000000000006, + "map_at_1000": 54.583999999999996, + "map_at_20": 54.50899999999999, + "map_at_3": 49.514, + "map_at_5": 52.059999999999995, + "mrr_at_1": 38.26458036984353, + "mrr_at_10": 54.120408001987066, + "mrr_at_100": 54.780719904297406, + "mrr_at_1000": 54.78174226698592, + "mrr_at_20": 54.706604527160295, + "mrr_at_3": 49.71550497866294, + "mrr_at_5": 52.247510668563436, + "ndcg_at_1": 37.767, + "ndcg_at_10": 62.339999999999996, + "ndcg_at_100": 64.89399999999999, + "ndcg_at_1000": 64.914, + "ndcg_at_20": 64.402, + "ndcg_at_3": 53.33, + "ndcg_at_5": 57.93899999999999, + "precision_at_1": 37.767, + "precision_at_10": 8.905000000000001, + "precision_at_100": 0.9950000000000001, + "precision_at_1000": 0.1, + "precision_at_20": 4.8469999999999995, + "precision_at_3": 21.456, + "precision_at_5": 15.121, + "recall_at_1": 37.767, + "recall_at_10": 89.047, + "recall_at_100": 99.502, + "recall_at_1000": 99.644, + "recall_at_20": 96.942, + "recall_at_3": 64.36699999999999, + "recall_at_5": 75.605, + "main_score": 62.339999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/ArxivClusteringP2P.json b/results/Salesforce__SFR-Embedding-2_R/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..966cb66b6 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 54.024325012036314, + "main_score": 54.024325012036314 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/ArxivClusteringS2S.json b/results/Salesforce__SFR-Embedding-2_R/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..236623c80 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.817300846601675, + "main_score": 48.817300846601675 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/AskUbuntuDupQuestions.json b/results/Salesforce__SFR-Embedding-2_R/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..95dd339b3 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 66.71478959728732, + "mrr": 79.07202216066482, + "main_score": 66.71478959728732 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/BIOSSES.json b/results/Salesforce__SFR-Embedding-2_R/external/BIOSSES.json new file mode 100644 index 000000000..7f93bdfc8 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.79517914982239, + "cos_sim_spearman": 87.60440576436838, + "euclidean_pearson": 87.75596873521118, + "euclidean_spearman": 87.60440576436838, + "manhattan_pearson": 87.74113773865973, + "manhattan_spearman": 87.50560833247899, + "cosine_pearson": 88.79517914982239, + "cosine_spearman": 87.60440576436838, + "main_score": 87.60440576436838 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/Banking77Classification.json b/results/Salesforce__SFR-Embedding-2_R/external/Banking77Classification.json new file mode 100644 index 000000000..caa1dcd12 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 90.02272727272727, + "f1": 89.96681880265936, + "main_score": 90.02272727272727 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/BiorxivClusteringP2P.json b/results/Salesforce__SFR-Embedding-2_R/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..42487a87d --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 50.75930389699286, + "main_score": 50.75930389699286 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/BiorxivClusteringS2S.json b/results/Salesforce__SFR-Embedding-2_R/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..749cbe66e --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 46.57286439805565, + "main_score": 46.57286439805565 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/ClimateFEVER.json b/results/Salesforce__SFR-Embedding-2_R/external/ClimateFEVER.json new file mode 100644 index 000000000..1e1681e55 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/ClimateFEVER.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.609, + "map_at_10": 25.584, + "map_at_100": 27.291999999999998, + "map_at_1000": 27.471, + "map_at_20": 26.497, + "map_at_3": 21.61, + "map_at_5": 23.76, + "mrr_at_1": 34.98371335504886, + "mrr_at_10": 45.73747479447807, + "mrr_at_100": 46.4973410206458, + "mrr_at_1000": 46.53372527933685, + "mrr_at_20": 46.19978503202757, + "mrr_at_3": 42.85559174809991, + "mrr_at_5": 44.65038002171556, + "ndcg_at_1": 34.984, + "ndcg_at_10": 34.427, + "ndcg_at_100": 40.908, + "ndcg_at_1000": 44.118, + "ndcg_at_20": 36.885, + "ndcg_at_3": 29.09, + "ndcg_at_5": 30.979, + "precision_at_1": 34.984, + "precision_at_10": 10.476, + "precision_at_100": 1.748, + "precision_at_1000": 0.23500000000000001, + "precision_at_20": 6.313000000000001, + "precision_at_3": 21.39, + "precision_at_5": 16.378, + "recall_at_1": 15.609, + "recall_at_10": 39.619, + "recall_at_100": 61.952, + "recall_at_1000": 79.861, + "recall_at_20": 46.489000000000004, + "recall_at_3": 26.134, + "recall_at_5": 31.955, + "main_score": 34.427 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/DBPedia.json b/results/Salesforce__SFR-Embedding-2_R/external/DBPedia.json new file mode 100644 index 000000000..ebeb05a2f --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/DBPedia.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 10.482, + "map_at_10": 25.155, + "map_at_100": 36.606, + "map_at_1000": 38.617000000000004, + "map_at_20": 29.676000000000002, + "map_at_3": 16.881, + "map_at_5": 20.043, + "mrr_at_1": 76.0, + "mrr_at_10": 82.5610119047619, + "mrr_at_100": 82.74795937825128, + "mrr_at_1000": 82.75526942226163, + "mrr_at_20": 82.70580357142858, + "mrr_at_3": 81.41666666666667, + "mrr_at_5": 82.26666666666667, + "ndcg_at_1": 63.625, + "ndcg_at_10": 51.214000000000006, + "ndcg_at_100": 56.411, + "ndcg_at_1000": 63.429, + "ndcg_at_20": 50.595, + "ndcg_at_3": 54.989, + "ndcg_at_5": 52.589, + "precision_at_1": 76.0, + "precision_at_10": 41.975, + "precision_at_100": 13.26, + "precision_at_1000": 2.493, + "precision_at_20": 32.15, + "precision_at_3": 59.0, + "precision_at_5": 51.24999999999999, + "recall_at_1": 10.482, + "recall_at_10": 31.075000000000003, + "recall_at_100": 63.119, + "recall_at_1000": 85.32300000000001, + "recall_at_20": 40.345, + "recall_at_3": 17.916, + "recall_at_5": 22.475, + "main_score": 51.214000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/EmotionClassification.json b/results/Salesforce__SFR-Embedding-2_R/external/EmotionClassification.json new file mode 100644 index 000000000..578b7f7ca --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.36500000000001, + "f1": 89.89541440183861, + "main_score": 93.36500000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/FEVER.json b/results/Salesforce__SFR-Embedding-2_R/external/FEVER.json new file mode 100644 index 000000000..329f760ac --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/FEVER.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 81.948, + "map_at_10": 89.47500000000001, + "map_at_100": 89.66199999999999, + "map_at_1000": 89.671, + "map_at_20": 89.582, + "map_at_3": 88.646, + "map_at_5": 89.19, + "mrr_at_1": 88.23882388238825, + "mrr_at_10": 93.2122736083131, + "mrr_at_100": 93.23908769526588, + "mrr_at_1000": 93.23932393435209, + "mrr_at_20": 93.23217832106207, + "mrr_at_3": 92.98679867986787, + "mrr_at_5": 93.16906690669056, + "ndcg_at_1": 88.239, + "ndcg_at_10": 92.155, + "ndcg_at_100": 92.735, + "ndcg_at_1000": 92.866, + "ndcg_at_20": 92.39699999999999, + "ndcg_at_3": 91.188, + "ndcg_at_5": 91.754, + "precision_at_1": 88.239, + "precision_at_10": 10.903, + "precision_at_100": 1.147, + "precision_at_1000": 0.117, + "precision_at_20": 5.5440000000000005, + "precision_at_3": 34.598, + "precision_at_5": 21.302, + "recall_at_1": 81.948, + "recall_at_10": 96.518, + "recall_at_100": 98.646, + "recall_at_1000": 99.399, + "recall_at_20": 97.262, + "recall_at_3": 93.89800000000001, + "recall_at_5": 95.38600000000001, + "main_score": 92.155 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/FiQA2018.json b/results/Salesforce__SFR-Embedding-2_R/external/FiQA2018.json new file mode 100644 index 000000000..817191661 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/FiQA2018.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.033, + "map_at_10": 53.55, + "map_at_100": 55.672, + "map_at_1000": 55.764, + "map_at_20": 54.87800000000001, + "map_at_3": 46.761, + "map_at_5": 50.529, + "mrr_at_1": 60.95679012345679, + "mrr_at_10": 68.70835782872815, + "mrr_at_100": 69.21918402444501, + "mrr_at_1000": 69.23608783148705, + "mrr_at_20": 69.07497388036454, + "mrr_at_3": 66.76954732510285, + "mrr_at_5": 67.95781893004109, + "ndcg_at_1": 60.956999999999994, + "ndcg_at_10": 61.766, + "ndcg_at_100": 67.652, + "ndcg_at_1000": 68.94500000000001, + "ndcg_at_20": 64.48700000000001, + "ndcg_at_3": 57.25, + "ndcg_at_5": 58.64, + "precision_at_1": 60.956999999999994, + "precision_at_10": 17.083000000000002, + "precision_at_100": 2.346, + "precision_at_1000": 0.257, + "precision_at_20": 9.807, + "precision_at_3": 38.477, + "precision_at_5": 27.962999999999997, + "recall_at_1": 32.033, + "recall_at_10": 69.44, + "recall_at_100": 90.17500000000001, + "recall_at_1000": 97.90100000000001, + "recall_at_20": 77.629, + "recall_at_3": 51.664, + "recall_at_5": 59.565, + "main_score": 61.766 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/HotpotQA.json b/results/Salesforce__SFR-Embedding-2_R/external/HotpotQA.json new file mode 100644 index 000000000..391e50660 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/HotpotQA.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 42.741, + "map_at_10": 74.811, + "map_at_100": 75.508, + "map_at_1000": 75.541, + "map_at_20": 75.25699999999999, + "map_at_3": 71.31, + "map_at_5": 73.69, + "mrr_at_1": 85.48278190411884, + "mrr_at_10": 90.20347684425987, + "mrr_at_100": 90.29734129342121, + "mrr_at_1000": 90.30017606259217, + "mrr_at_20": 90.27225310310567, + "mrr_at_3": 89.67364393427842, + "mrr_at_5": 90.02408282691847, + "ndcg_at_1": 85.483, + "ndcg_at_10": 81.361, + "ndcg_at_100": 83.588, + "ndcg_at_1000": 84.19, + "ndcg_at_20": 82.42699999999999, + "ndcg_at_3": 76.779, + "ndcg_at_5": 79.581, + "precision_at_1": 85.483, + "precision_at_10": 17.113, + "precision_at_100": 1.882, + "precision_at_1000": 0.196, + "precision_at_20": 8.899, + "precision_at_3": 50.397999999999996, + "precision_at_5": 32.443, + "recall_at_1": 42.741, + "recall_at_10": 85.564, + "recall_at_100": 94.07799999999999, + "recall_at_1000": 97.995, + "recall_at_20": 88.98700000000001, + "recall_at_3": 75.598, + "recall_at_5": 81.107, + "main_score": 81.361 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/ImdbClassification.json b/results/Salesforce__SFR-Embedding-2_R/external/ImdbClassification.json new file mode 100644 index 000000000..1711b3ae4 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 96.80320000000002, + "ap": 94.98856145360044, + "f1": 96.80287885839178, + "main_score": 96.80320000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/MSMARCO.json b/results/Salesforce__SFR-Embedding-2_R/external/MSMARCO.json new file mode 100644 index 000000000..25c1225fa --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/MSMARCO.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.539, + "map_at_10": 35.109, + "map_at_100": 36.287000000000006, + "map_at_1000": 36.335, + "map_at_20": 35.838, + "map_at_3": 31.11, + "map_at_5": 33.455, + "mrr_at_1": 23.15186246418338, + "mrr_at_10": 35.70532018920268, + "mrr_at_100": 36.815167506137584, + "mrr_at_1000": 36.85695349443505, + "mrr_at_20": 36.39500867880642, + "mrr_at_3": 31.81232091690535, + "mrr_at_5": 34.096704871060155, + "ndcg_at_1": 23.152, + "ndcg_at_10": 42.181999999999995, + "ndcg_at_100": 47.847, + "ndcg_at_1000": 48.988, + "ndcg_at_20": 44.767, + "ndcg_at_3": 34.088, + "ndcg_at_5": 38.257999999999996, + "precision_at_1": 23.152, + "precision_at_10": 6.678000000000001, + "precision_at_100": 0.9530000000000001, + "precision_at_1000": 0.105, + "precision_at_20": 3.881, + "precision_at_3": 14.518, + "precision_at_5": 10.831, + "recall_at_1": 22.539, + "recall_at_10": 63.965, + "recall_at_100": 90.129, + "recall_at_1000": 98.721, + "recall_at_20": 74.00999999999999, + "recall_at_3": 42.004999999999995, + "recall_at_5": 52.028, + "main_score": 42.181999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/MTOPDomainClassification.json b/results/Salesforce__SFR-Embedding-2_R/external/MTOPDomainClassification.json new file mode 100644 index 000000000..8c6c5edb6 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 98.5750113999088, + "f1": 98.41576079230245, + "main_score": 98.5750113999088 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/MTOPIntentClassification.json b/results/Salesforce__SFR-Embedding-2_R/external/MTOPIntentClassification.json new file mode 100644 index 000000000..9be7bd4c9 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.29502963976289, + "f1": 74.84400169335184, + "main_score": 91.29502963976289 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/MassiveIntentClassification.json b/results/Salesforce__SFR-Embedding-2_R/external/MassiveIntentClassification.json new file mode 100644 index 000000000..789265ffe --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 85.96839273705447, + "f1": 82.43129186593926, + "main_score": 85.96839273705447 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/MassiveScenarioClassification.json b/results/Salesforce__SFR-Embedding-2_R/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..538a6f744 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 90.60860793544047, + "f1": 89.79415994859477, + "main_score": 90.60860793544047 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/MedrxivClusteringP2P.json b/results/Salesforce__SFR-Embedding-2_R/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..21b090763 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 46.661892807041355, + "main_score": 46.661892807041355 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/MedrxivClusteringS2S.json b/results/Salesforce__SFR-Embedding-2_R/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..024d5c74b --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 44.17598473858937, + "main_score": 44.17598473858937 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/MindSmallReranking.json b/results/Salesforce__SFR-Embedding-2_R/external/MindSmallReranking.json new file mode 100644 index 000000000..d4372f300 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "59042f120c80e8afa9cdbb224f67076cec0fc9a7", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.260919294024603, + "mrr": 32.37049108835034, + "main_score": 31.260919294024603 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/NFCorpus.json b/results/Salesforce__SFR-Embedding-2_R/external/NFCorpus.json new file mode 100644 index 000000000..5b9b03967 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/NFCorpus.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.672000000000001, + "map_at_10": 15.972, + "map_at_100": 20.94, + "map_at_1000": 22.877, + "map_at_20": 17.986, + "map_at_3": 11.161, + "map_at_5": 13.293, + "mrr_at_1": 53.56037151702786, + "mrr_at_10": 61.915696103002595, + "mrr_at_100": 62.4130902631107, + "mrr_at_1000": 62.45228087711845, + "mrr_at_20": 62.1983715004112, + "mrr_at_3": 60.31991744066049, + "mrr_at_5": 61.27966976264191, + "ndcg_at_1": 50.929, + "ndcg_at_10": 41.336, + "ndcg_at_100": 38.586999999999996, + "ndcg_at_1000": 48.155, + "ndcg_at_20": 38.888, + "ndcg_at_3": 47.0, + "ndcg_at_5": 44.335, + "precision_at_1": 53.251000000000005, + "precision_at_10": 31.146, + "precision_at_100": 10.040000000000001, + "precision_at_1000": 2.432, + "precision_at_20": 23.421, + "precision_at_3": 45.098, + "precision_at_5": 39.071, + "recall_at_1": 6.672000000000001, + "recall_at_10": 20.764, + "recall_at_100": 40.759, + "recall_at_1000": 75.015, + "recall_at_20": 25.548, + "recall_at_3": 12.328, + "recall_at_5": 15.601999999999999, + "main_score": 41.336 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/NQ.json b/results/Salesforce__SFR-Embedding-2_R/external/NQ.json new file mode 100644 index 000000000..9fe9b9fcb --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/NQ.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 50.944, + "map_at_10": 67.565, + "map_at_100": 68.10300000000001, + "map_at_1000": 68.109, + "map_at_20": 67.973, + "map_at_3": 64.176, + "map_at_5": 66.39699999999999, + "mrr_at_1": 57.01042873696408, + "mrr_at_10": 69.76629605105849, + "mrr_at_100": 70.09927347130204, + "mrr_at_1000": 70.10309675839956, + "mrr_at_20": 70.02288627712392, + "mrr_at_3": 67.46813441483191, + "mrr_at_5": 68.93105446118189, + "ndcg_at_1": 57.010000000000005, + "ndcg_at_10": 73.956, + "ndcg_at_100": 75.90299999999999, + "ndcg_at_1000": 76.03999999999999, + "ndcg_at_20": 75.17, + "ndcg_at_3": 68.13900000000001, + "ndcg_at_5": 71.532, + "precision_at_1": 57.010000000000005, + "precision_at_10": 10.91, + "precision_at_100": 1.2, + "precision_at_1000": 0.121, + "precision_at_20": 5.753, + "precision_at_3": 29.828, + "precision_at_5": 19.971, + "recall_at_1": 50.944, + "recall_at_10": 90.754, + "recall_at_100": 98.699, + "recall_at_1000": 99.701, + "recall_at_20": 95.148, + "recall_at_3": 76.224, + "recall_at_5": 83.872, + "main_score": 73.956 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/QuoraRetrieval.json b/results/Salesforce__SFR-Embedding-2_R/external/QuoraRetrieval.json new file mode 100644 index 000000000..eeae58ae8 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/QuoraRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "e4e08e0b7dbe3c8700f0daef558ff32256715259", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 71.856, + "map_at_10": 86.077, + "map_at_100": 86.696, + "map_at_1000": 86.708, + "map_at_20": 86.493, + "map_at_3": 83.176, + "map_at_5": 85.008, + "mrr_at_1": 82.74000000000001, + "mrr_at_10": 88.68947222222207, + "mrr_at_100": 88.78196949571182, + "mrr_at_1000": 88.78223256200576, + "mrr_at_20": 88.76455636228219, + "mrr_at_3": 87.85833333333316, + "mrr_at_5": 88.43933333333311, + "ndcg_at_1": 82.74000000000001, + "ndcg_at_10": 89.583, + "ndcg_at_100": 90.652, + "ndcg_at_1000": 90.711, + "ndcg_at_20": 90.203, + "ndcg_at_3": 86.967, + "ndcg_at_5": 88.43299999999999, + "precision_at_1": 82.74000000000001, + "precision_at_10": 13.617, + "precision_at_100": 1.542, + "precision_at_1000": 0.157, + "precision_at_20": 7.217999999999999, + "precision_at_3": 38.163000000000004, + "precision_at_5": 25.05, + "recall_at_1": 71.856, + "recall_at_10": 96.244, + "recall_at_100": 99.773, + "recall_at_1000": 99.99900000000001, + "recall_at_20": 98.221, + "recall_at_3": 88.715, + "recall_at_5": 92.88499999999999, + "main_score": 89.583 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/RedditClustering.json b/results/Salesforce__SFR-Embedding-2_R/external/RedditClustering.json new file mode 100644 index 000000000..8624a13a7 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 62.91969510127886, + "main_score": 62.91969510127886 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/RedditClusteringP2P.json b/results/Salesforce__SFR-Embedding-2_R/external/RedditClusteringP2P.json new file mode 100644 index 000000000..95e5f1b4a --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 72.74201090913765, + "main_score": 72.74201090913765 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/SCIDOCS.json b/results/Salesforce__SFR-Embedding-2_R/external/SCIDOCS.json new file mode 100644 index 000000000..f95b50fd5 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/SCIDOCS.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "f8c2fcf00f625baaa80f62ec5bd9e1fff3b8ae88", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.8229999999999995, + "map_at_10": 15.152, + "map_at_100": 17.936, + "map_at_1000": 18.292, + "map_at_20": 16.526, + "map_at_3": 10.294, + "map_at_5": 12.794, + "mrr_at_1": 28.599999999999998, + "mrr_at_10": 40.68206349206347, + "mrr_at_100": 41.673752995361795, + "mrr_at_1000": 41.71500072915374, + "mrr_at_20": 41.28552805166964, + "mrr_at_3": 36.84999999999998, + "mrr_at_5": 39.19999999999995, + "ndcg_at_1": 28.599999999999998, + "ndcg_at_10": 24.866, + "ndcg_at_100": 34.597, + "ndcg_at_1000": 39.994, + "ndcg_at_20": 28.309, + "ndcg_at_3": 22.749, + "ndcg_at_5": 20.502000000000002, + "precision_at_1": 28.599999999999998, + "precision_at_10": 13.089999999999998, + "precision_at_100": 2.7119999999999997, + "precision_at_1000": 0.39899999999999997, + "precision_at_20": 8.53, + "precision_at_3": 21.099999999999998, + "precision_at_5": 18.22, + "recall_at_1": 5.8229999999999995, + "recall_at_10": 26.522000000000002, + "recall_at_100": 55.003, + "recall_at_1000": 80.977, + "recall_at_20": 34.618, + "recall_at_3": 12.848, + "recall_at_5": 18.477, + "main_score": 24.866 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/SICK-R.json b/results/Salesforce__SFR-Embedding-2_R/external/SICK-R.json new file mode 100644 index 000000000..28588cddc --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 80.72562067620224, + "cos_sim_spearman": 77.00710192931953, + "euclidean_pearson": 78.65843289108192, + "euclidean_spearman": 77.00710077709005, + "manhattan_pearson": 78.48859522905846, + "manhattan_spearman": 76.8213740840866, + "cosine_pearson": 80.72562067620224, + "cosine_spearman": 77.00710192931953, + "main_score": 77.00710192931953 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/STS12.json b/results/Salesforce__SFR-Embedding-2_R/external/STS12.json new file mode 100644 index 000000000..a73f358d7 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.15015325911659, + "cos_sim_spearman": 75.67268325741222, + "euclidean_pearson": 75.54004763633206, + "euclidean_spearman": 75.67262179635058, + "manhattan_pearson": 75.80681616893116, + "manhattan_spearman": 75.93721016401406, + "cosine_pearson": 81.15015325911659, + "cosine_spearman": 75.67268325741222, + "main_score": 75.67268325741222 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/STS13.json b/results/Salesforce__SFR-Embedding-2_R/external/STS13.json new file mode 100644 index 000000000..3c78ed3b2 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.71651874476737, + "cos_sim_spearman": 82.39667472464997, + "euclidean_pearson": 82.28256504757712, + "euclidean_spearman": 82.39663674872656, + "manhattan_pearson": 82.3192873176068, + "manhattan_spearman": 82.41915252757059, + "cosine_pearson": 81.71651874476737, + "cosine_spearman": 82.39667472464997, + "main_score": 82.39667472464997 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/STS14.json b/results/Salesforce__SFR-Embedding-2_R/external/STS14.json new file mode 100644 index 000000000..cda977f92 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.222967367593, + "cos_sim_spearman": 79.92685877403252, + "euclidean_pearson": 79.95053542861498, + "euclidean_spearman": 79.9268858850991, + "manhattan_pearson": 79.90485851323321, + "manhattan_spearman": 79.93878025669312, + "cosine_pearson": 81.222967367593, + "cosine_spearman": 79.92685877403252, + "main_score": 79.92685877403252 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/STS15.json b/results/Salesforce__SFR-Embedding-2_R/external/STS15.json new file mode 100644 index 000000000..7b8f0ed04 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.27539130156643, + "cos_sim_spearman": 85.81645767911826, + "euclidean_pearson": 85.5488615685444, + "euclidean_spearman": 85.81647022566916, + "manhattan_pearson": 85.6358149547879, + "manhattan_spearman": 85.96347118567043, + "cosine_pearson": 85.27539130156643, + "cosine_spearman": 85.81645767911826, + "main_score": 85.81645767911826 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/STS16.json b/results/Salesforce__SFR-Embedding-2_R/external/STS16.json new file mode 100644 index 000000000..9b9545fdf --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.43727336154858, + "cos_sim_spearman": 84.50468882202796, + "euclidean_pearson": 83.23576727105372, + "euclidean_spearman": 84.50468882202796, + "manhattan_pearson": 83.28843314503176, + "manhattan_spearman": 84.60383766214322, + "cosine_pearson": 83.43727336154858, + "cosine_spearman": 84.50468882202796, + "main_score": 84.50468882202796 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/STS17.json b/results/Salesforce__SFR-Embedding-2_R/external/STS17.json new file mode 100644 index 000000000..64638f1d4 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "faeb762787bd10488a50c8b5be4a3b82e411949c", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.86589365166874, + "cos_sim_spearman": 88.93117996163835, + "euclidean_pearson": 89.12271565981082, + "euclidean_spearman": 88.93117996163835, + "manhattan_pearson": 88.94419759325545, + "manhattan_spearman": 88.63073561731899, + "cosine_pearson": 88.86589365166874, + "cosine_spearman": 88.93117996163835, + "main_score": 88.93117996163835 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/STS22.json b/results/Salesforce__SFR-Embedding-2_R/external/STS22.json new file mode 100644 index 000000000..b6c663b4a --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 67.96578378422929, + "cos_sim_spearman": 67.10257461424345, + "euclidean_pearson": 67.51317866195149, + "euclidean_spearman": 67.10257461424345, + "manhattan_pearson": 67.74940912013754, + "manhattan_spearman": 67.46694183937207, + "cosine_pearson": 67.96578378422929, + "cosine_spearman": 67.10257461424345, + "main_score": 67.10257461424345 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/STSBenchmark.json b/results/Salesforce__SFR-Embedding-2_R/external/STSBenchmark.json new file mode 100644 index 000000000..69fee748b --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.55433725920493, + "cos_sim_spearman": 83.60373857254014, + "euclidean_pearson": 83.08086082334839, + "euclidean_spearman": 83.6036864776559, + "manhattan_pearson": 83.2232267589246, + "manhattan_spearman": 83.78923946962664, + "cosine_pearson": 83.55433725920493, + "cosine_spearman": 83.60373857254014, + "main_score": 83.60373857254014 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/SciDocsRR.json b/results/Salesforce__SFR-Embedding-2_R/external/SciDocsRR.json new file mode 100644 index 000000000..990e559ec --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 87.28566757174322, + "mrr": 96.63827639317836, + "main_score": 87.28566757174322 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/SciFact.json b/results/Salesforce__SFR-Embedding-2_R/external/SciFact.json new file mode 100644 index 000000000..82161cbeb --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/SciFact.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 70.661, + "map_at_10": 82.051, + "map_at_100": 82.162, + "map_at_1000": 82.167, + "map_at_20": 82.122, + "map_at_3": 79.919, + "map_at_5": 81.368, + "mrr_at_1": 74.33333333333333, + "mrr_at_10": 82.98452380952381, + "mrr_at_100": 83.09512420633841, + "mrr_at_1000": 83.10026279387446, + "mrr_at_20": 83.05460927960928, + "mrr_at_3": 81.8888888888889, + "mrr_at_5": 82.65555555555557, + "ndcg_at_1": 74.333, + "ndcg_at_10": 85.914, + "ndcg_at_100": 86.473, + "ndcg_at_1000": 86.602, + "ndcg_at_20": 86.169, + "ndcg_at_3": 83.047, + "ndcg_at_5": 84.72, + "precision_at_1": 74.333, + "precision_at_10": 10.933, + "precision_at_100": 1.1199999999999999, + "precision_at_1000": 0.11299999999999999, + "precision_at_20": 5.5169999999999995, + "precision_at_3": 32.444, + "precision_at_5": 20.8, + "recall_at_1": 70.661, + "recall_at_10": 96.333, + "recall_at_100": 99.0, + "recall_at_1000": 100.0, + "recall_at_20": 97.333, + "recall_at_3": 88.64999999999999, + "recall_at_5": 93.089, + "main_score": 85.914 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/SprintDuplicateQuestions.json b/results/Salesforce__SFR-Embedding-2_R/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..afb170888 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.89108910891089, + "cos_sim_ap": 97.61815451002174, + "cos_sim_f1": 94.51097804391219, + "cos_sim_precision": 94.32270916334662, + "cos_sim_recall": 94.69999999999999, + "dot_accuracy": 99.89108910891089, + "dot_ap": 97.61815451002175, + "dot_f1": 94.51097804391219, + "dot_precision": 94.32270916334662, + "dot_recall": 94.69999999999999, + "euclidean_accuracy": 99.89108910891089, + "euclidean_ap": 97.61815534251431, + "euclidean_f1": 94.51097804391219, + "euclidean_precision": 94.32270916334662, + "euclidean_recall": 94.69999999999999, + "manhattan_accuracy": 99.8940594059406, + "manhattan_ap": 97.66124472227202, + "manhattan_f1": 94.65267366316841, + "manhattan_precision": 94.60539460539461, + "manhattan_recall": 94.69999999999999, + "max_accuracy": 99.8940594059406, + "max_ap": 97.66124472227202, + "max_f1": 94.65267366316841, + "main_score": 97.66124472227202 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/StackExchangeClustering.json b/results/Salesforce__SFR-Embedding-2_R/external/StackExchangeClustering.json new file mode 100644 index 000000000..fe93422f5 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 76.482776391195, + "main_score": 76.482776391195 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/StackExchangeClusteringP2P.json b/results/Salesforce__SFR-Embedding-2_R/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..fd1517027 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.29023235124473, + "main_score": 48.29023235124473 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/StackOverflowDupQuestions.json b/results/Salesforce__SFR-Embedding-2_R/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..32673147a --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 55.3190739691685, + "mrr": 56.40441972243442, + "main_score": 55.3190739691685 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/SummEval.json b/results/Salesforce__SFR-Embedding-2_R/external/SummEval.json new file mode 100644 index 000000000..24cceabf1 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.98570594378664, + "cos_sim_spearman": 30.712965330802174, + "dot_pearson": 31.98570540209124, + "dot_spearman": 30.712965330802174, + "cosine_pearson": 31.98570594378664, + "cosine_spearman": 30.712965330802174, + "main_score": 30.712965330802174 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/TRECCOVID.json b/results/Salesforce__SFR-Embedding-2_R/external/TRECCOVID.json new file mode 100644 index 000000000..2de54bb16 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/TRECCOVID.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "bb9466bac8153a0349341eb1b22e06409e78ef4e", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.25, + "map_at_10": 2.2640000000000002, + "map_at_100": 14.447, + "map_at_1000": 35.452, + "map_at_20": 4.163, + "map_at_3": 0.715, + "map_at_5": 1.1780000000000002, + "mrr_at_1": 94.0, + "mrr_at_10": 96.66666666666667, + "mrr_at_100": 96.66666666666667, + "mrr_at_1000": 96.66666666666667, + "mrr_at_20": 96.66666666666667, + "mrr_at_3": 96.66666666666667, + "mrr_at_5": 96.66666666666667, + "ndcg_at_1": 92.0, + "ndcg_at_10": 87.26899999999999, + "ndcg_at_100": 68.586, + "ndcg_at_1000": 61.056999999999995, + "ndcg_at_20": 83.452, + "ndcg_at_3": 90.11200000000001, + "ndcg_at_5": 89.103, + "precision_at_1": 94.0, + "precision_at_10": 91.2, + "precision_at_100": 70.12, + "precision_at_1000": 26.773999999999997, + "precision_at_20": 87.3, + "precision_at_3": 92.667, + "precision_at_5": 92.4, + "recall_at_1": 0.25, + "recall_at_10": 2.3970000000000002, + "recall_at_100": 17.233999999999998, + "recall_at_1000": 57.879000000000005, + "recall_at_20": 4.508, + "recall_at_3": 0.734, + "recall_at_5": 1.2269999999999999, + "main_score": 87.26899999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/Touche2020.json b/results/Salesforce__SFR-Embedding-2_R/external/Touche2020.json new file mode 100644 index 000000000..f68340007 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/Touche2020.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.806, + "map_at_10": 11.369, + "map_at_100": 17.791, + "map_at_1000": 19.363, + "map_at_20": 14.038999999999998, + "map_at_3": 5.817, + "map_at_5": 8.331, + "mrr_at_1": 36.734693877551024, + "mrr_at_10": 53.355199222546155, + "mrr_at_100": 53.648197984932665, + "mrr_at_1000": 53.648197984932665, + "mrr_at_20": 53.500971817298336, + "mrr_at_3": 48.63945578231292, + "mrr_at_5": 51.29251700680272, + "ndcg_at_1": 35.714, + "ndcg_at_10": 28.18, + "ndcg_at_100": 39.22, + "ndcg_at_1000": 50.807, + "ndcg_at_20": 28.979, + "ndcg_at_3": 31.114000000000004, + "ndcg_at_5": 29.687, + "precision_at_1": 36.735, + "precision_at_10": 24.898, + "precision_at_100": 7.918, + "precision_at_1000": 1.5779999999999998, + "precision_at_20": 18.878, + "precision_at_3": 31.293, + "precision_at_5": 29.387999999999998, + "recall_at_1": 2.806, + "recall_at_10": 17.776, + "recall_at_100": 49.41, + "recall_at_1000": 84.97200000000001, + "recall_at_20": 26.589000000000002, + "recall_at_3": 6.866999999999999, + "recall_at_5": 10.964, + "main_score": 28.18 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/ToxicConversationsClassification.json b/results/Salesforce__SFR-Embedding-2_R/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..b3ca10e59 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.1376953125, + "ap": 40.51219896084815, + "f1": 77.5195445434559, + "main_score": 91.1376953125 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/TweetSentimentExtractionClassification.json b/results/Salesforce__SFR-Embedding-2_R/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..f4f2d4515 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.69722693831352, + "f1": 80.02969178591319, + "main_score": 79.69722693831352 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/TwentyNewsgroupsClustering.json b/results/Salesforce__SFR-Embedding-2_R/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..a30efdd73 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 66.42427742893598, + "main_score": 66.42427742893598 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/TwitterSemEval2015.json b/results/Salesforce__SFR-Embedding-2_R/external/TwitterSemEval2015.json new file mode 100644 index 000000000..261e0646b --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 87.81069321094355, + "cos_sim_ap": 78.57014017906349, + "cos_sim_f1": 72.38883143743536, + "cos_sim_precision": 70.95793208312215, + "cos_sim_recall": 73.87862796833772, + "dot_accuracy": 87.81069321094355, + "dot_ap": 78.5701399541226, + "dot_f1": 72.38883143743536, + "dot_precision": 70.95793208312215, + "dot_recall": 73.87862796833772, + "euclidean_accuracy": 87.81069321094355, + "euclidean_ap": 78.57015336777854, + "euclidean_f1": 72.38883143743536, + "euclidean_precision": 70.95793208312215, + "euclidean_recall": 73.87862796833772, + "manhattan_accuracy": 87.57227156225785, + "manhattan_ap": 78.19109731614216, + "manhattan_f1": 71.87819856704198, + "manhattan_precision": 69.77148534525584, + "manhattan_recall": 74.1160949868074, + "max_accuracy": 87.81069321094355, + "max_ap": 78.57015336777854, + "max_f1": 72.38883143743536, + "main_score": 78.57015336777854 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/TwitterURLCorpus.json b/results/Salesforce__SFR-Embedding-2_R/external/TwitterURLCorpus.json new file mode 100644 index 000000000..2d8376e6f --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.95032405790352, + "cos_sim_ap": 88.03104739249996, + "cos_sim_f1": 80.34377190070451, + "cos_sim_precision": 77.11534376548892, + "cos_sim_recall": 83.85432707114259, + "dot_accuracy": 89.95032405790352, + "dot_ap": 88.03105328515932, + "dot_f1": 80.34377190070451, + "dot_precision": 77.11534376548892, + "dot_recall": 83.85432707114259, + "euclidean_accuracy": 89.95032405790352, + "euclidean_ap": 88.03105084564575, + "euclidean_f1": 80.34377190070451, + "euclidean_precision": 77.11534376548892, + "euclidean_recall": 83.85432707114259, + "manhattan_accuracy": 89.88046726433035, + "manhattan_ap": 88.01484191858279, + "manhattan_f1": 80.34005593993817, + "manhattan_precision": 76.95290468133108, + "manhattan_recall": 84.03911302740991, + "max_accuracy": 89.95032405790352, + "max_ap": 88.03105328515932, + "max_f1": 80.34377190070451, + "main_score": 88.03105328515932 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-2_R/external/model_meta.json b/results/Salesforce__SFR-Embedding-2_R/external/model_meta.json new file mode 100644 index 000000000..d94916bb2 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-2_R/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "Salesforce/SFR-Embedding-2_R", + "revision": "91762139d94ed4371a9fa31db5551272e0b83818", + "release_date": "2024-06-14", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 7110660096, + "memory_usage": null, + "max_tokens": 32768, + "embed_dim": 4096, + "license": "cc-by-nc-4.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/AmazonCounterfactualClassification.json b/results/Salesforce__SFR-Embedding-Mistral/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..47029b499 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.92537313432834, + "ap": 40.86767661556651, + "f1": 71.65758897929837, + "main_score": 77.92537313432834 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/AmazonPolarityClassification.json b/results/Salesforce__SFR-Embedding-Mistral/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..2b6ced516 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 95.967, + "ap": 94.46300829592593, + "f1": 95.96507173189292, + "main_score": 95.967 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/AmazonReviewsClassification.json b/results/Salesforce__SFR-Embedding-Mistral/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..0515f3bc7 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 54.352000000000004, + "f1": 53.636682615380174, + "main_score": 54.352000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/ArguAna.json b/results/Salesforce__SFR-Embedding-Mistral/external/ArguAna.json new file mode 100644 index 000000000..2b2a6bb57 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/ArguAna.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 43.314, + "ndcg_at_2": 54.757, + "ndcg_at_3": 58.84700000000001, + "ndcg_at_5": 63.634, + "ndcg_at_7": 65.741, + "ndcg_at_10": 67.171, + "ndcg_at_20": 68.585, + "ndcg_at_30": 68.81, + "ndcg_at_50": 68.932, + "ndcg_at_70": 68.992, + "ndcg_at_100": 69.014, + "ndcg_at_200": 69.014, + "ndcg_at_300": 69.014, + "ndcg_at_500": 69.014, + "ndcg_at_700": 69.014, + "ndcg_at_1000": 69.014, + "map_at_1": 43.314, + "map_at_2": 52.383, + "map_at_3": 55.108999999999995, + "map_at_5": 57.772999999999996, + "map_at_7": 58.718, + "map_at_10": 59.256, + "map_at_20": 59.668, + "map_at_30": 59.709999999999994, + "map_at_50": 59.727, + "map_at_70": 59.733999999999995, + "map_at_100": 59.73500000000001, + "map_at_200": 59.73500000000001, + "map_at_300": 59.73500000000001, + "map_at_500": 59.73500000000001, + "map_at_700": 59.73500000000001, + "map_at_1000": 59.73500000000001, + "recall_at_1": 43.314, + "recall_at_2": 61.451, + "recall_at_3": 69.63000000000001, + "recall_at_5": 81.223, + "recall_at_7": 87.33999999999999, + "recall_at_10": 92.034, + "recall_at_20": 97.44, + "recall_at_30": 98.506, + "recall_at_50": 99.14699999999999, + "recall_at_70": 99.502, + "recall_at_100": 99.644, + "recall_at_200": 99.644, + "recall_at_300": 99.644, + "recall_at_500": 99.644, + "recall_at_700": 99.644, + "recall_at_1000": 99.644, + "precision_at_1": 43.314, + "precision_at_2": 30.725, + "precision_at_3": 23.21, + "precision_at_5": 16.245, + "precision_at_7": 12.477, + "precision_at_10": 9.203, + "precision_at_20": 4.872, + "precision_at_30": 3.2840000000000003, + "precision_at_50": 1.983, + "precision_at_70": 1.421, + "precision_at_100": 0.996, + "precision_at_200": 0.498, + "precision_at_300": 0.332, + "precision_at_500": 0.199, + "precision_at_700": 0.14200000000000002, + "precision_at_1000": 0.1, + "mrr_at_1": 44.666, + "mrr_at_2": 52.418, + "mrr_at_3": 55.595000000000006, + "mrr_at_5": 58.205, + "mrr_at_7": 59.202999999999996, + "mrr_at_10": 59.727, + "mrr_at_20": 60.133, + "mrr_at_30": 60.178, + "mrr_at_50": 60.192, + "mrr_at_70": 60.19799999999999, + "mrr_at_100": 60.199999999999996, + "mrr_at_200": 60.199999999999996, + "mrr_at_300": 60.199999999999996, + "mrr_at_500": 60.199999999999996, + "mrr_at_700": 60.199999999999996, + "mrr_at_1000": 60.199999999999996, + "main_score": 67.171 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/ArxivClusteringP2P.json b/results/Salesforce__SFR-Embedding-Mistral/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..aaa3e25d8 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 52.07508593014336, + "main_score": 52.07508593014336 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/ArxivClusteringS2S.json b/results/Salesforce__SFR-Embedding-Mistral/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..d2475aa95 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 47.381339333240675, + "main_score": 47.381339333240675 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/AskUbuntuDupQuestions.json b/results/Salesforce__SFR-Embedding-Mistral/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..2b453f711 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 67.58376647859171, + "mrr": 80.56885635140483, + "main_score": 67.58376647859171 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/BIOSSES.json b/results/Salesforce__SFR-Embedding-Mistral/external/BIOSSES.json new file mode 100644 index 000000000..8355b9423 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.40107280274783, + "cos_sim_spearman": 86.07003345325681, + "euclidean_pearson": 87.1726034325395, + "euclidean_spearman": 86.07003345325681, + "manhattan_pearson": 87.25660625029772, + "manhattan_spearman": 86.3808839096893, + "cosine_pearson": 88.40107280274783, + "cosine_spearman": 86.07003345325681, + "main_score": 86.07003345325681 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/Banking77Classification.json b/results/Salesforce__SFR-Embedding-Mistral/external/Banking77Classification.json new file mode 100644 index 000000000..a19fc1f09 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 88.81168831168831, + "f1": 88.76514496560141, + "main_score": 88.81168831168831 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/BiorxivClusteringP2P.json b/results/Salesforce__SFR-Embedding-Mistral/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..998bf9505 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 43.9382520874344, + "main_score": 43.9382520874344 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/BiorxivClusteringS2S.json b/results/Salesforce__SFR-Embedding-Mistral/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..e70249d04 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 41.14351847240913, + "main_score": 41.14351847240913 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/ClimateFEVER.json b/results/Salesforce__SFR-Embedding-Mistral/external/ClimateFEVER.json new file mode 100644 index 000000000..fc426439d --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/ClimateFEVER.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 35.179, + "ndcg_at_2": 31.243, + "ndcg_at_3": 30.562, + "ndcg_at_5": 32.409, + "ndcg_at_7": 34.525, + "ndcg_at_10": 36.415, + "ndcg_at_20": 39.443, + "ndcg_at_30": 40.796, + "ndcg_at_50": 42.16, + "ndcg_at_70": 42.971, + "ndcg_at_100": 43.691, + "ndcg_at_200": 45.004, + "ndcg_at_300": 45.527, + "ndcg_at_500": 46.072, + "ndcg_at_700": 46.387, + "ndcg_at_1000": 46.663, + "map_at_1": 15.692, + "map_at_2": 20.116, + "map_at_3": 22.6, + "map_at_5": 24.701, + "map_at_7": 25.934, + "map_at_10": 26.843, + "map_at_20": 27.975, + "map_at_30": 28.372000000000003, + "map_at_50": 28.671000000000003, + "map_at_70": 28.803, + "map_at_100": 28.895, + "map_at_200": 29.011, + "map_at_300": 29.042, + "map_at_500": 29.065, + "map_at_700": 29.075, + "map_at_1000": 29.081000000000003, + "recall_at_1": 15.692, + "recall_at_2": 22.602, + "recall_at_3": 27.814, + "recall_at_5": 33.756, + "recall_at_7": 38.073, + "recall_at_10": 42.553000000000004, + "recall_at_20": 51.121, + "recall_at_30": 55.523999999999994, + "recall_at_50": 60.586, + "recall_at_70": 63.94, + "recall_at_100": 67.134, + "recall_at_200": 73.543, + "recall_at_300": 76.372, + "recall_at_500": 79.60199999999999, + "recall_at_700": 81.536, + "recall_at_1000": 83.37400000000001, + "precision_at_1": 35.179, + "precision_at_2": 27.199, + "precision_at_3": 22.953000000000003, + "precision_at_5": 17.224999999999998, + "precision_at_7": 14.238999999999999, + "precision_at_10": 11.303, + "precision_at_20": 6.954000000000001, + "precision_at_30": 5.116, + "precision_at_50": 3.395, + "precision_at_70": 2.579, + "precision_at_100": 1.9109999999999998, + "precision_at_200": 1.065, + "precision_at_300": 0.743, + "precision_at_500": 0.46699999999999997, + "precision_at_700": 0.344, + "precision_at_1000": 0.247, + "mrr_at_1": 35.179, + "mrr_at_2": 41.792, + "mrr_at_3": 44.484, + "mrr_at_5": 46.39, + "mrr_at_7": 47.125, + "mrr_at_10": 47.711999999999996, + "mrr_at_20": 48.214, + "mrr_at_30": 48.325, + "mrr_at_50": 48.392, + "mrr_at_70": 48.418, + "mrr_at_100": 48.44, + "mrr_at_200": 48.46, + "mrr_at_300": 48.461999999999996, + "mrr_at_500": 48.466, + "mrr_at_700": 48.466, + "mrr_at_1000": 48.467, + "main_score": 36.415 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/DBPedia.json b/results/Salesforce__SFR-Embedding-Mistral/external/DBPedia.json new file mode 100644 index 000000000..e107d5a9a --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/DBPedia.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 62.375, + "ndcg_at_2": 56.286, + "ndcg_at_3": 53.665, + "ndcg_at_5": 51.139, + "ndcg_at_7": 49.873, + "ndcg_at_10": 49.056, + "ndcg_at_20": 48.783, + "ndcg_at_30": 49.166, + "ndcg_at_50": 51.141999999999996, + "ndcg_at_70": 52.774, + "ndcg_at_100": 54.403, + "ndcg_at_200": 57.419, + "ndcg_at_300": 58.778, + "ndcg_at_500": 60.228, + "ndcg_at_700": 61.07599999999999, + "ndcg_at_1000": 61.846000000000004, + "map_at_1": 10.359, + "map_at_2": 14.446, + "map_at_3": 16.689, + "map_at_5": 20.096, + "map_at_7": 22.247, + "map_at_10": 24.468999999999998, + "map_at_20": 28.938000000000002, + "map_at_30": 31.134, + "map_at_50": 33.403, + "map_at_70": 34.486, + "map_at_100": 35.337, + "map_at_200": 36.364999999999995, + "map_at_300": 36.735, + "map_at_500": 37.057, + "map_at_700": 37.225, + "map_at_1000": 37.379, + "recall_at_1": 10.359, + "recall_at_2": 14.945, + "recall_at_3": 17.694, + "recall_at_5": 22.677, + "recall_at_7": 26.131, + "recall_at_10": 30.053, + "recall_at_20": 39.518, + "recall_at_30": 44.925, + "recall_at_50": 52.154, + "recall_at_70": 56.729, + "recall_at_100": 61.18900000000001, + "recall_at_200": 70.407, + "recall_at_300": 74.412, + "recall_at_500": 78.891, + "recall_at_700": 81.74, + "recall_at_1000": 84.253, + "precision_at_1": 75, + "precision_at_2": 64.125, + "precision_at_3": 57.833, + "precision_at_5": 50.24999999999999, + "precision_at_7": 44.75, + "precision_at_10": 39.75, + "precision_at_20": 30.412, + "precision_at_30": 25.141999999999996, + "precision_at_50": 19.2, + "precision_at_70": 15.729000000000001, + "precision_at_100": 12.552, + "precision_at_200": 7.866, + "precision_at_300": 5.9270000000000005, + "precision_at_500": 4.1129999999999995, + "precision_at_700": 3.2460000000000004, + "precision_at_1000": 2.5260000000000002, + "mrr_at_1": 75, + "mrr_at_2": 78.625, + "mrr_at_3": 79.708, + "mrr_at_5": 80.446, + "mrr_at_7": 80.862, + "mrr_at_10": 81.161, + "mrr_at_20": 81.3, + "mrr_at_30": 81.348, + "mrr_at_50": 81.361, + "mrr_at_70": 81.361, + "mrr_at_100": 81.361, + "mrr_at_200": 81.367, + "mrr_at_300": 81.367, + "mrr_at_500": 81.368, + "mrr_at_700": 81.368, + "mrr_at_1000": 81.368, + "main_score": 49.056 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/EmotionClassification.json b/results/Salesforce__SFR-Embedding-Mistral/external/EmotionClassification.json new file mode 100644 index 000000000..265686808 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 50.239999999999995, + "f1": 46.42361822342044, + "main_score": 50.239999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/FEVER.json b/results/Salesforce__SFR-Embedding-Mistral/external/FEVER.json new file mode 100644 index 000000000..8bfa2819b --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/FEVER.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 83.723, + "ndcg_at_2": 86.777, + "ndcg_at_3": 87.997, + "ndcg_at_5": 88.864, + "ndcg_at_7": 89.143, + "ndcg_at_10": 89.349, + "ndcg_at_20": 89.709, + "ndcg_at_30": 89.82900000000001, + "ndcg_at_50": 89.923, + "ndcg_at_70": 89.982, + "ndcg_at_100": 90.026, + "ndcg_at_200": 90.10000000000001, + "ndcg_at_300": 90.12599999999999, + "ndcg_at_500": 90.17399999999999, + "ndcg_at_700": 90.19, + "ndcg_at_1000": 90.208, + "map_at_1": 77.64999999999999, + "map_at_2": 83.769, + "map_at_3": 85.041, + "map_at_5": 85.736, + "map_at_7": 85.924, + "map_at_10": 86.032, + "map_at_20": 86.177, + "map_at_30": 86.213, + "map_at_50": 86.233, + "map_at_70": 86.24300000000001, + "map_at_100": 86.249, + "map_at_200": 86.256, + "map_at_300": 86.258, + "map_at_500": 86.26, + "map_at_700": 86.26, + "map_at_1000": 86.261, + "recall_at_1": 77.64999999999999, + "recall_at_2": 88.53999999999999, + "recall_at_3": 91.696, + "recall_at_5": 93.916, + "recall_at_7": 94.731, + "recall_at_10": 95.318, + "recall_at_20": 96.507, + "recall_at_30": 96.956, + "recall_at_50": 97.34899999999999, + "recall_at_70": 97.61, + "recall_at_100": 97.83, + "recall_at_200": 98.223, + "recall_at_300": 98.374, + "recall_at_500": 98.67899999999999, + "recall_at_700": 98.787, + "recall_at_1000": 98.919, + "precision_at_1": 83.723, + "precision_at_2": 48.425000000000004, + "precision_at_3": 33.638, + "precision_at_5": 20.843, + "precision_at_7": 15.079, + "precision_at_10": 10.674999999999999, + "precision_at_20": 5.457999999999999, + "precision_at_30": 3.6740000000000004, + "precision_at_50": 2.2239999999999998, + "precision_at_70": 1.599, + "precision_at_100": 1.125, + "precision_at_200": 0.5680000000000001, + "precision_at_300": 0.38, + "precision_at_500": 0.22999999999999998, + "precision_at_700": 0.165, + "precision_at_1000": 0.116, + "mrr_at_1": 83.723, + "mrr_at_2": 88.794, + "mrr_at_3": 89.679, + "mrr_at_5": 90.049, + "mrr_at_7": 90.129, + "mrr_at_10": 90.167, + "mrr_at_20": 90.208, + "mrr_at_30": 90.214, + "mrr_at_50": 90.217, + "mrr_at_70": 90.218, + "mrr_at_100": 90.21900000000001, + "mrr_at_200": 90.21900000000001, + "mrr_at_300": 90.21900000000001, + "mrr_at_500": 90.21900000000001, + "mrr_at_700": 90.21900000000001, + "mrr_at_1000": 90.21900000000001, + "main_score": 89.349 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/FiQA2018.json b/results/Salesforce__SFR-Embedding-Mistral/external/FiQA2018.json new file mode 100644 index 000000000..cfe53033f --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/FiQA2018.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 59.721999999999994, + "ndcg_at_2": 56.85, + "ndcg_at_3": 56.462999999999994, + "ndcg_at_5": 57.75599999999999, + "ndcg_at_7": 59.109, + "ndcg_at_10": 60.402, + "ndcg_at_20": 63.071999999999996, + "ndcg_at_30": 64.302, + "ndcg_at_50": 65.619, + "ndcg_at_70": 66.161, + "ndcg_at_100": 66.645, + "ndcg_at_200": 67.353, + "ndcg_at_300": 67.646, + "ndcg_at_500": 67.852, + "ndcg_at_700": 67.974, + "ndcg_at_1000": 68.084, + "map_at_1": 31.56, + "map_at_2": 42.093, + "map_at_3": 46.177, + "map_at_5": 49.78, + "map_at_7": 51.410999999999994, + "map_at_10": 52.524, + "map_at_20": 53.815000000000005, + "map_at_30": 54.201, + "map_at_50": 54.531, + "map_at_70": 54.625, + "map_at_100": 54.686, + "map_at_200": 54.757999999999996, + "map_at_300": 54.776, + "map_at_500": 54.786, + "map_at_700": 54.790000000000006, + "map_at_1000": 54.793000000000006, + "recall_at_1": 31.56, + "recall_at_2": 44.858, + "recall_at_3": 51.11, + "recall_at_5": 58.394, + "recall_at_7": 63.001, + "recall_at_10": 66.81200000000001, + "recall_at_20": 74.901, + "recall_at_30": 79.218, + "recall_at_50": 84.49, + "recall_at_70": 87.003, + "recall_at_100": 89.345, + "recall_at_200": 93.173, + "recall_at_300": 94.906, + "recall_at_500": 96.223, + "recall_at_700": 97.043, + "recall_at_1000": 97.785, + "precision_at_1": 59.721999999999994, + "precision_at_2": 46.682, + "precision_at_3": 37.602999999999994, + "precision_at_5": 27.500000000000004, + "precision_at_7": 21.847, + "precision_at_10": 16.667, + "precision_at_20": 9.545, + "precision_at_30": 6.795, + "precision_at_50": 4.38, + "precision_at_70": 3.221, + "precision_at_100": 2.319, + "precision_at_200": 1.2149999999999999, + "precision_at_300": 0.827, + "precision_at_500": 0.504, + "precision_at_700": 0.364, + "precision_at_1000": 0.257, + "mrr_at_1": 59.721999999999994, + "mrr_at_2": 64.506, + "mrr_at_3": 65.792, + "mrr_at_5": 66.965, + "mrr_at_7": 67.34700000000001, + "mrr_at_10": 67.57, + "mrr_at_20": 67.896, + "mrr_at_30": 68.008, + "mrr_at_50": 68.083, + "mrr_at_70": 68.105, + "mrr_at_100": 68.116, + "mrr_at_200": 68.12700000000001, + "mrr_at_300": 68.13, + "mrr_at_500": 68.132, + "mrr_at_700": 68.133, + "mrr_at_1000": 68.133, + "main_score": 60.402 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/HotpotQA.json b/results/Salesforce__SFR-Embedding-Mistral/external/HotpotQA.json new file mode 100644 index 000000000..b98d6d143 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/HotpotQA.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 81.796, + "ndcg_at_2": 67.999, + "ndcg_at_3": 72.15599999999999, + "ndcg_at_5": 74.99900000000001, + "ndcg_at_7": 76.179, + "ndcg_at_10": 77.022, + "ndcg_at_20": 78.173, + "ndcg_at_30": 78.648, + "ndcg_at_50": 79.104, + "ndcg_at_70": 79.335, + "ndcg_at_100": 79.56, + "ndcg_at_200": 79.911, + "ndcg_at_300": 80.045, + "ndcg_at_500": 80.19500000000001, + "ndcg_at_700": 80.281, + "ndcg_at_1000": 80.35, + "map_at_1": 40.898, + "map_at_2": 62.016000000000005, + "map_at_3": 66.121, + "map_at_5": 68.471, + "map_at_7": 69.261, + "map_at_10": 69.738, + "map_at_20": 70.208, + "map_at_30": 70.343, + "map_at_50": 70.43700000000001, + "map_at_70": 70.47099999999999, + "map_at_100": 70.498, + "map_at_200": 70.526, + "map_at_300": 70.533, + "map_at_500": 70.538, + "map_at_700": 70.541, + "map_at_1000": 70.542, + "recall_at_1": 40.898, + "recall_at_2": 63.964, + "recall_at_3": 70.743, + "recall_at_5": 76.36699999999999, + "recall_at_7": 79.142, + "recall_at_10": 81.404, + "recall_at_20": 85.111, + "recall_at_30": 86.92800000000001, + "recall_at_50": 88.899, + "recall_at_70": 90.01400000000001, + "recall_at_100": 91.19500000000001, + "recall_at_200": 93.234, + "recall_at_300": 94.105, + "recall_at_500": 95.159, + "recall_at_700": 95.8, + "recall_at_1000": 96.34700000000001, + "precision_at_1": 81.796, + "precision_at_2": 63.964, + "precision_at_3": 47.162, + "precision_at_5": 30.547, + "precision_at_7": 22.612, + "precision_at_10": 16.281000000000002, + "precision_at_20": 8.511000000000001, + "precision_at_30": 5.795, + "precision_at_50": 3.556, + "precision_at_70": 2.572, + "precision_at_100": 1.8239999999999998, + "precision_at_200": 0.932, + "precision_at_300": 0.627, + "precision_at_500": 0.381, + "precision_at_700": 0.27399999999999997, + "precision_at_1000": 0.193, + "mrr_at_1": 81.796, + "mrr_at_2": 85.69200000000001, + "mrr_at_3": 86.52, + "mrr_at_5": 86.973, + "mrr_at_7": 87.13300000000001, + "mrr_at_10": 87.208, + "mrr_at_20": 87.303, + "mrr_at_30": 87.32799999999999, + "mrr_at_50": 87.347, + "mrr_at_70": 87.35199999999999, + "mrr_at_100": 87.355, + "mrr_at_200": 87.357, + "mrr_at_300": 87.357, + "mrr_at_500": 87.358, + "mrr_at_700": 87.358, + "mrr_at_1000": 87.358, + "main_score": 77.022 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/ImdbClassification.json b/results/Salesforce__SFR-Embedding-Mistral/external/ImdbClassification.json new file mode 100644 index 000000000..43fc30488 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 94.79200000000002, + "ap": 92.54484356773553, + "f1": 94.78965313682525, + "main_score": 94.79200000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/MSMARCO.json b/results/Salesforce__SFR-Embedding-Mistral/external/MSMARCO.json new file mode 100644 index 000000000..44c999683 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/MSMARCO.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 24.398, + "ndcg_at_2": 31.336000000000002, + "ndcg_at_3": 35.266999999999996, + "ndcg_at_5": 39.356, + "ndcg_at_7": 41.562, + "ndcg_at_10": 43.408, + "ndcg_at_20": 46.107, + "ndcg_at_30": 47.164, + "ndcg_at_50": 48.126000000000005, + "ndcg_at_70": 48.626999999999995, + "ndcg_at_100": 49.043, + "ndcg_at_200": 49.575, + "ndcg_at_300": 49.794, + "ndcg_at_500": 49.942, + "ndcg_at_700": 50.014, + "ndcg_at_1000": 50.077000000000005, + "map_at_1": 23.723, + "map_at_2": 29.593000000000004, + "map_at_3": 32.273, + "map_at_5": 34.587, + "map_at_7": 35.589999999999996, + "map_at_10": 36.296, + "map_at_20": 37.059999999999995, + "map_at_30": 37.265, + "map_at_50": 37.402, + "map_at_70": 37.454, + "map_at_100": 37.486999999999995, + "map_at_200": 37.516, + "map_at_300": 37.524, + "map_at_500": 37.528, + "map_at_700": 37.529, + "map_at_1000": 37.53, + "recall_at_1": 23.723, + "recall_at_2": 35.355, + "recall_at_3": 43.22, + "recall_at_5": 53.025, + "recall_at_7": 59.327, + "recall_at_10": 65.302, + "recall_at_20": 75.765, + "recall_at_30": 80.632, + "recall_at_50": 85.63499999999999, + "recall_at_70": 88.554, + "recall_at_100": 91.16300000000001, + "recall_at_200": 94.85, + "recall_at_300": 96.532, + "recall_at_500": 97.751, + "recall_at_700": 98.383, + "recall_at_1000": 98.97, + "precision_at_1": 24.398, + "precision_at_2": 18.274, + "precision_at_3": 14.951999999999998, + "precision_at_5": 11.052, + "precision_at_7": 8.84, + "precision_at_10": 6.8309999999999995, + "precision_at_20": 3.978, + "precision_at_30": 2.827, + "precision_at_50": 1.807, + "precision_at_70": 1.336, + "precision_at_100": 0.964, + "precision_at_200": 0.502, + "precision_at_300": 0.34099999999999997, + "precision_at_500": 0.208, + "precision_at_700": 0.15, + "precision_at_1000": 0.105, + "mrr_at_1": 24.398, + "mrr_at_2": 30.351, + "mrr_at_3": 33.001000000000005, + "mrr_at_5": 35.228, + "mrr_at_7": 36.223, + "mrr_at_10": 36.903999999999996, + "mrr_at_20": 37.631, + "mrr_at_30": 37.830000000000005, + "mrr_at_50": 37.955, + "mrr_at_70": 38.003, + "mrr_at_100": 38.033, + "mrr_at_200": 38.059, + "mrr_at_300": 38.066, + "mrr_at_500": 38.068999999999996, + "mrr_at_700": 38.07, + "mrr_at_1000": 38.07, + "main_score": 43.408 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/MTOPDomainClassification.json b/results/Salesforce__SFR-Embedding-Mistral/external/MTOPDomainClassification.json new file mode 100644 index 000000000..04ad1c933 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 96.35658914728683, + "f1": 96.15039630903114, + "main_score": 96.35658914728683 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/MTOPIntentClassification.json b/results/Salesforce__SFR-Embedding-Mistral/external/MTOPIntentClassification.json new file mode 100644 index 000000000..dd3208928 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.29730962152303, + "f1": 71.12166316567485, + "main_score": 86.29730962152303 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/MassiveIntentClassification.json b/results/Salesforce__SFR-Embedding-Mistral/external/MassiveIntentClassification.json new file mode 100644 index 000000000..e8f33bff8 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.98991257565568, + "f1": 77.41680115095276, + "main_score": 79.98991257565568 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/MassiveScenarioClassification.json b/results/Salesforce__SFR-Embedding-Mistral/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..ae0c7ccd4 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 82.1990585070612, + "f1": 82.23719179179362, + "main_score": 82.1990585070612 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/MedrxivClusteringP2P.json b/results/Salesforce__SFR-Embedding-Mistral/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..2e8b4cdfa --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.03019554933584, + "main_score": 40.03019554933584 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/MedrxivClusteringS2S.json b/results/Salesforce__SFR-Embedding-Mistral/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..a8d89cb57 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.999760551497815, + "main_score": 38.999760551497815 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/MindSmallReranking.json b/results/Salesforce__SFR-Embedding-Mistral/external/MindSmallReranking.json new file mode 100644 index 000000000..171e15520 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 32.72383151953079, + "mrr": 33.93989699030721, + "main_score": 32.72383151953079 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/NFCorpus.json b/results/Salesforce__SFR-Embedding-Mistral/external/NFCorpus.json new file mode 100644 index 000000000..4891ff900 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/NFCorpus.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 51.858000000000004, + "ndcg_at_2": 49.675999999999995, + "ndcg_at_3": 47.519, + "ndcg_at_5": 45.198, + "ndcg_at_7": 43.504, + "ndcg_at_10": 41.88, + "ndcg_at_20": 39.122, + "ndcg_at_30": 37.95, + "ndcg_at_50": 37.602999999999994, + "ndcg_at_70": 37.836, + "ndcg_at_100": 38.493, + "ndcg_at_200": 40.187, + "ndcg_at_300": 41.524, + "ndcg_at_500": 43.657000000000004, + "ndcg_at_700": 45.234, + "ndcg_at_1000": 47.047, + "map_at_1": 6.392, + "map_at_2": 10.113, + "map_at_3": 11.543000000000001, + "map_at_5": 13.729, + "map_at_7": 14.985000000000001, + "map_at_10": 16.217000000000002, + "map_at_20": 18.106, + "map_at_30": 18.878, + "map_at_50": 19.822, + "map_at_70": 20.352999999999998, + "map_at_100": 20.827, + "map_at_200": 21.512, + "map_at_300": 21.826, + "map_at_500": 22.155, + "map_at_700": 22.349, + "map_at_1000": 22.531000000000002, + "recall_at_1": 6.392, + "recall_at_2": 11.215, + "recall_at_3": 13.231000000000002, + "recall_at_5": 16.66, + "recall_at_7": 18.802, + "recall_at_10": 21.185000000000002, + "recall_at_20": 25.35, + "recall_at_30": 27.91, + "recall_at_50": 32.845, + "recall_at_70": 35.789, + "recall_at_100": 39.247, + "recall_at_200": 46.655, + "recall_at_300": 51.43299999999999, + "recall_at_500": 59.472, + "recall_at_700": 64.742, + "recall_at_1000": 70.97099999999999, + "precision_at_1": 53.559999999999995, + "precision_at_2": 48.762, + "precision_at_3": 44.169000000000004, + "precision_at_5": 39.071, + "precision_at_7": 35.161, + "precision_at_10": 31.238, + "precision_at_20": 23.064999999999998, + "precision_at_30": 18.844, + "precision_at_50": 14.601, + "precision_at_70": 12.088000000000001, + "precision_at_100": 9.844999999999999, + "precision_at_200": 6.358, + "precision_at_300": 4.915, + "precision_at_500": 3.531, + "precision_at_700": 2.8649999999999998, + "precision_at_1000": 2.289, + "mrr_at_1": 54.17999999999999, + "mrr_at_2": 59.288, + "mrr_at_3": 60.836, + "mrr_at_5": 62.275999999999996, + "mrr_at_7": 62.688, + "mrr_at_10": 62.865, + "mrr_at_20": 63.11, + "mrr_at_30": 63.193999999999996, + "mrr_at_50": 63.258, + "mrr_at_70": 63.278, + "mrr_at_100": 63.297000000000004, + "mrr_at_200": 63.315999999999995, + "mrr_at_300": 63.318, + "mrr_at_500": 63.32299999999999, + "mrr_at_700": 63.324000000000005, + "mrr_at_1000": 63.324999999999996, + "main_score": 41.88 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/NQ.json b/results/Salesforce__SFR-Embedding-Mistral/external/NQ.json new file mode 100644 index 000000000..080c55452 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/NQ.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 50.897999999999996, + "ndcg_at_2": 59.126, + "ndcg_at_3": 63.093999999999994, + "ndcg_at_5": 67.197, + "ndcg_at_7": 68.719, + "ndcg_at_10": 69.915, + "ndcg_at_20": 71.229, + "ndcg_at_30": 71.667, + "ndcg_at_50": 71.98, + "ndcg_at_70": 72.127, + "ndcg_at_100": 72.217, + "ndcg_at_200": 72.319, + "ndcg_at_300": 72.347, + "ndcg_at_500": 72.37, + "ndcg_at_700": 72.379, + "ndcg_at_1000": 72.381, + "map_at_1": 45.297, + "map_at_2": 55.596000000000004, + "map_at_3": 58.724, + "map_at_5": 61.387, + "map_at_7": 62.173, + "map_at_10": 62.69, + "map_at_20": 63.125, + "map_at_30": 63.223, + "map_at_50": 63.27700000000001, + "map_at_70": 63.295, + "map_at_100": 63.303, + "map_at_200": 63.31, + "map_at_300": 63.31099999999999, + "map_at_500": 63.312000000000005, + "map_at_700": 63.312000000000005, + "map_at_1000": 63.312000000000005, + "recall_at_1": 45.297, + "recall_at_2": 63.866, + "recall_at_3": 71.898, + "recall_at_5": 81.16600000000001, + "recall_at_7": 85.301, + "recall_at_10": 88.94800000000001, + "recall_at_20": 93.719, + "recall_at_30": 95.628, + "recall_at_50": 97.14699999999999, + "recall_at_70": 97.955, + "recall_at_100": 98.48599999999999, + "recall_at_200": 99.157, + "recall_at_300": 99.355, + "recall_at_500": 99.53699999999999, + "recall_at_700": 99.62299999999999, + "recall_at_1000": 99.638, + "precision_at_1": 50.897999999999996, + "precision_at_2": 36.703, + "precision_at_3": 27.926000000000002, + "precision_at_5": 19.276, + "precision_at_7": 14.533999999999999, + "precision_at_10": 10.678, + "precision_at_20": 5.663, + "precision_at_30": 3.8600000000000003, + "precision_at_50": 2.358, + "precision_at_70": 1.7000000000000002, + "precision_at_100": 1.198, + "precision_at_200": 0.603, + "precision_at_300": 0.40299999999999997, + "precision_at_500": 0.242, + "precision_at_700": 0.173, + "precision_at_1000": 0.121, + "mrr_at_1": 50.897999999999996, + "mrr_at_2": 59.994, + "mrr_at_3": 62.553000000000004, + "mrr_at_5": 64.307, + "mrr_at_7": 64.864, + "mrr_at_10": 65.22200000000001, + "mrr_at_20": 65.499, + "mrr_at_30": 65.561, + "mrr_at_50": 65.592, + "mrr_at_70": 65.602, + "mrr_at_100": 65.607, + "mrr_at_200": 65.61099999999999, + "mrr_at_300": 65.61200000000001, + "mrr_at_500": 65.61200000000001, + "mrr_at_700": 65.61200000000001, + "mrr_at_1000": 65.61200000000001, + "main_score": 69.915 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/QuoraRetrieval.json b/results/Salesforce__SFR-Embedding-Mistral/external/QuoraRetrieval.json new file mode 100644 index 000000000..f9bbabe9a --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/QuoraRetrieval.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 82.96, + "ndcg_at_2": 85.614, + "ndcg_at_3": 87.19, + "ndcg_at_5": 88.654, + "ndcg_at_7": 89.287, + "ndcg_at_10": 89.785, + "ndcg_at_20": 90.384, + "ndcg_at_30": 90.589, + "ndcg_at_50": 90.738, + "ndcg_at_70": 90.789, + "ndcg_at_100": 90.824, + "ndcg_at_200": 90.869, + "ndcg_at_300": 90.881, + "ndcg_at_500": 90.886, + "ndcg_at_700": 90.889, + "ndcg_at_1000": 90.889, + "map_at_1": 72.152, + "map_at_2": 80.818, + "map_at_3": 83.462, + "map_at_5": 85.286, + "map_at_7": 85.921, + "map_at_10": 86.334, + "map_at_20": 86.737, + "map_at_30": 86.847, + "map_at_50": 86.911, + "map_at_70": 86.932, + "map_at_100": 86.943, + "map_at_200": 86.953, + "map_at_300": 86.955, + "map_at_500": 86.956, + "map_at_700": 86.956, + "map_at_1000": 86.956, + "recall_at_1": 72.152, + "recall_at_2": 84.129, + "recall_at_3": 88.87, + "recall_at_5": 93.067, + "recall_at_7": 94.882, + "recall_at_10": 96.353, + "recall_at_20": 98.26700000000001, + "recall_at_30": 98.92999999999999, + "recall_at_50": 99.441, + "recall_at_70": 99.619, + "recall_at_100": 99.748, + "recall_at_200": 99.911, + "recall_at_300": 99.956, + "recall_at_500": 99.98, + "recall_at_700": 99.991, + "recall_at_1000": 99.996, + "precision_at_1": 82.96, + "precision_at_2": 52.175000000000004, + "precision_at_3": 38.223, + "precision_at_5": 25.056, + "precision_at_7": 18.717, + "precision_at_10": 13.614999999999998, + "precision_at_20": 7.208, + "precision_at_30": 4.928, + "precision_at_50": 3.024, + "precision_at_70": 2.183, + "precision_at_100": 1.54, + "precision_at_200": 0.779, + "precision_at_300": 0.521, + "precision_at_500": 0.313, + "precision_at_700": 0.22399999999999998, + "precision_at_1000": 0.157, + "mrr_at_1": 82.96, + "mrr_at_2": 87.005, + "mrr_at_3": 88.07199999999999, + "mrr_at_5": 88.634, + "mrr_at_7": 88.793, + "mrr_at_10": 88.87899999999999, + "mrr_at_20": 88.94999999999999, + "mrr_at_30": 88.96, + "mrr_at_50": 88.965, + "mrr_at_70": 88.966, + "mrr_at_100": 88.967, + "mrr_at_200": 88.967, + "mrr_at_300": 88.967, + "mrr_at_500": 88.967, + "mrr_at_700": 88.967, + "mrr_at_1000": 88.967, + "main_score": 89.785 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/RedditClustering.json b/results/Salesforce__SFR-Embedding-Mistral/external/RedditClustering.json new file mode 100644 index 000000000..b591d36ee --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 59.90388554491155, + "main_score": 59.90388554491155 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/RedditClusteringP2P.json b/results/Salesforce__SFR-Embedding-Mistral/external/RedditClusteringP2P.json new file mode 100644 index 000000000..d18a2ddbc --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 67.64232539036783, + "main_score": 67.64232539036783 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/SCIDOCS.json b/results/Salesforce__SFR-Embedding-Mistral/external/SCIDOCS.json new file mode 100644 index 000000000..7036e47af --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/SCIDOCS.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 22.6, + "ndcg_at_2": 20.355999999999998, + "ndcg_at_3": 18.536, + "ndcg_at_5": 16.523, + "ndcg_at_7": 17.979, + "ndcg_at_10": 19.908, + "ndcg_at_20": 22.887, + "ndcg_at_30": 24.43, + "ndcg_at_50": 25.959, + "ndcg_at_70": 26.989, + "ndcg_at_100": 27.977, + "ndcg_at_200": 29.831000000000003, + "ndcg_at_300": 30.787, + "ndcg_at_500": 31.974999999999998, + "ndcg_at_700": 32.554, + "ndcg_at_1000": 33.277, + "map_at_1": 4.593, + "map_at_2": 6.923, + "map_at_3": 8.3, + "map_at_5": 10.072000000000001, + "map_at_7": 10.782, + "map_at_10": 11.72, + "map_at_20": 12.838, + "map_at_30": 13.257, + "map_at_50": 13.569, + "map_at_70": 13.733, + "map_at_100": 13.858999999999998, + "map_at_200": 14.018, + "map_at_300": 14.072999999999999, + "map_at_500": 14.126, + "map_at_700": 14.145, + "map_at_1000": 14.161999999999999, + "recall_at_1": 4.593, + "recall_at_2": 7.997999999999999, + "recall_at_3": 10.563, + "recall_at_5": 14.907, + "recall_at_7": 17.4, + "recall_at_10": 21.18, + "recall_at_20": 28.144999999999996, + "recall_at_30": 32.462, + "recall_at_50": 37.267, + "recall_at_70": 40.875, + "recall_at_100": 44.641999999999996, + "recall_at_200": 52.573, + "recall_at_300": 57.089999999999996, + "recall_at_500": 63.14300000000001, + "recall_at_700": 66.313, + "recall_at_1000": 70.458, + "precision_at_1": 22.6, + "precision_at_2": 19.7, + "precision_at_3": 17.333000000000002, + "precision_at_5": 14.680000000000001, + "precision_at_7": 12.243, + "precision_at_10": 10.440000000000001, + "precision_at_20": 6.944999999999999, + "precision_at_30": 5.333, + "precision_at_50": 3.678, + "precision_at_70": 2.881, + "precision_at_100": 2.2030000000000003, + "precision_at_200": 1.295, + "precision_at_300": 0.9369999999999999, + "precision_at_500": 0.622, + "precision_at_700": 0.466, + "precision_at_1000": 0.347, + "mrr_at_1": 22.6, + "mrr_at_2": 27.900000000000002, + "mrr_at_3": 30.067, + "mrr_at_5": 32.207, + "mrr_at_7": 33.004, + "mrr_at_10": 33.596, + "mrr_at_20": 34.268, + "mrr_at_30": 34.492, + "mrr_at_50": 34.628, + "mrr_at_70": 34.681, + "mrr_at_100": 34.717, + "mrr_at_200": 34.757, + "mrr_at_300": 34.768, + "mrr_at_500": 34.772, + "mrr_at_700": 34.774, + "mrr_at_1000": 34.775, + "main_score": 19.908 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/SICK-R.json b/results/Salesforce__SFR-Embedding-Mistral/external/SICK-R.json new file mode 100644 index 000000000..1b3ac74e1 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.90122745229677, + "cos_sim_spearman": 82.92294737327579, + "euclidean_pearson": 84.08979655773187, + "euclidean_spearman": 82.92294657285412, + "manhattan_pearson": 84.09347480531832, + "manhattan_spearman": 82.91564613948087, + "cosine_pearson": 86.90122745229677, + "cosine_spearman": 82.92294737327579, + "main_score": 82.92294737327579 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/STS12.json b/results/Salesforce__SFR-Embedding-Mistral/external/STS12.json new file mode 100644 index 000000000..53583a60f --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.01218713698583, + "cos_sim_spearman": 79.46865215168464, + "euclidean_pearson": 83.22621889891909, + "euclidean_spearman": 79.46853821709514, + "manhattan_pearson": 83.69962580788805, + "manhattan_spearman": 79.9561593356932, + "cosine_pearson": 87.01218713698583, + "cosine_spearman": 79.46865215168464, + "main_score": 79.46865215168464 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/STS13.json b/results/Salesforce__SFR-Embedding-Mistral/external/STS13.json new file mode 100644 index 000000000..7fce18411 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.98438696342964, + "cos_sim_spearman": 89.15419511870839, + "euclidean_pearson": 88.49646141802894, + "euclidean_spearman": 89.15419503946019, + "manhattan_pearson": 88.6420585616327, + "manhattan_spearman": 89.42648950757743, + "cosine_pearson": 88.98438696342964, + "cosine_spearman": 89.15419511870839, + "main_score": 89.15419511870839 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/STS14.json b/results/Salesforce__SFR-Embedding-Mistral/external/STS14.json new file mode 100644 index 000000000..d1c67bc03 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.30772547759544, + "cos_sim_spearman": 84.93199878424691, + "euclidean_pearson": 86.16266630395455, + "euclidean_spearman": 84.93198798543634, + "manhattan_pearson": 86.14285723189803, + "manhattan_spearman": 85.0361672522687, + "cosine_pearson": 87.30772547759544, + "cosine_spearman": 84.93199878424691, + "main_score": 84.93199878424691 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/STS15.json b/results/Salesforce__SFR-Embedding-Mistral/external/STS15.json new file mode 100644 index 000000000..4aca9f5f2 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 90.21342071197127, + "cos_sim_spearman": 90.7407512744838, + "euclidean_pearson": 90.1517933113061, + "euclidean_spearman": 90.74075125431919, + "manhattan_pearson": 90.17963034676193, + "manhattan_spearman": 90.88999275865135, + "cosine_pearson": 90.21342071197127, + "cosine_spearman": 90.7407512744838, + "main_score": 90.7407512744838 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/STS16.json b/results/Salesforce__SFR-Embedding-Mistral/external/STS16.json new file mode 100644 index 000000000..b0da1b600 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.82518054100498, + "cos_sim_spearman": 87.81570533154735, + "euclidean_pearson": 86.91684561573618, + "euclidean_spearman": 87.81570533154735, + "manhattan_pearson": 86.98311935744032, + "manhattan_spearman": 87.9594667151966, + "cosine_pearson": 86.82518054100498, + "cosine_spearman": 87.81570533154735, + "main_score": 87.81570533154735 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/STS17.json b/results/Salesforce__SFR-Embedding-Mistral/external/STS17.json new file mode 100644 index 000000000..6d31e2332 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 92.09578436612053, + "cos_sim_spearman": 92.01519349090438, + "euclidean_pearson": 92.07113635890894, + "euclidean_spearman": 92.01519349090438, + "manhattan_pearson": 91.89343820765625, + "manhattan_spearman": 91.7443476810177, + "cosine_pearson": 92.09578436612053, + "cosine_spearman": 92.01519349090438, + "main_score": 92.01519349090438 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/STS22.json b/results/Salesforce__SFR-Embedding-Mistral/external/STS22.json new file mode 100644 index 000000000..67896a68b --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 69.29997751464549, + "cos_sim_spearman": 68.36425436812782, + "euclidean_pearson": 69.81381677661783, + "euclidean_spearman": 68.36425436812782, + "manhattan_pearson": 69.92823397008026, + "manhattan_spearman": 68.35770640039254, + "cosine_pearson": 69.29997751464549, + "cosine_spearman": 68.36425436812782, + "main_score": 68.36425436812782 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/STSBenchmark.json b/results/Salesforce__SFR-Embedding-Mistral/external/STSBenchmark.json new file mode 100644 index 000000000..a52ab440b --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.39126315452359, + "cos_sim_spearman": 88.99708463265337, + "euclidean_pearson": 88.60793820038607, + "euclidean_spearman": 88.99708463265337, + "manhattan_pearson": 88.69860633571047, + "manhattan_spearman": 89.20094593888012, + "cosine_pearson": 88.39126315452359, + "cosine_spearman": 88.99708463265337, + "main_score": 88.99708463265337 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/SciDocsRR.json b/results/Salesforce__SFR-Embedding-Mistral/external/SciDocsRR.json new file mode 100644 index 000000000..6050e1f11 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 86.58028062818582, + "mrr": 96.53586790841693, + "main_score": 86.58028062818582 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/SciFact.json b/results/Salesforce__SFR-Embedding-Mistral/external/SciFact.json new file mode 100644 index 000000000..ed0964151 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/SciFact.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 66.333, + "ndcg_at_2": 70.655, + "ndcg_at_3": 72.801, + "ndcg_at_5": 75.793, + "ndcg_at_7": 76.946, + "ndcg_at_10": 77.66199999999999, + "ndcg_at_20": 78.786, + "ndcg_at_30": 79.066, + "ndcg_at_50": 79.255, + "ndcg_at_70": 79.423, + "ndcg_at_100": 79.476, + "ndcg_at_200": 79.65299999999999, + "ndcg_at_300": 79.696, + "ndcg_at_500": 79.73599999999999, + "ndcg_at_700": 79.77199999999999, + "ndcg_at_1000": 79.77199999999999, + "map_at_1": 63.383, + "map_at_2": 68.144, + "map_at_3": 70.19800000000001, + "map_at_5": 72.38, + "map_at_7": 72.955, + "map_at_10": 73.312, + "map_at_20": 73.678, + "map_at_30": 73.72800000000001, + "map_at_50": 73.75500000000001, + "map_at_70": 73.771, + "map_at_100": 73.776, + "map_at_200": 73.783, + "map_at_300": 73.784, + "map_at_500": 73.785, + "map_at_700": 73.786, + "map_at_1000": 73.786, + "recall_at_1": 63.383, + "recall_at_2": 72.283, + "recall_at_3": 77.183, + "recall_at_5": 84.56099999999999, + "recall_at_7": 87.67200000000001, + "recall_at_10": 89.822, + "recall_at_20": 94, + "recall_at_30": 95.333, + "recall_at_50": 96.333, + "recall_at_70": 97.333, + "recall_at_100": 97.667, + "recall_at_200": 99, + "recall_at_300": 99.333, + "recall_at_500": 99.667, + "recall_at_700": 100, + "recall_at_1000": 100, + "precision_at_1": 66.333, + "precision_at_2": 38.667, + "precision_at_3": 28.111000000000004, + "precision_at_5": 18.933, + "precision_at_7": 14.094999999999999, + "precision_at_10": 10.167, + "precision_at_20": 5.35, + "precision_at_30": 3.611, + "precision_at_50": 2.1870000000000003, + "precision_at_70": 1.576, + "precision_at_100": 1.107, + "precision_at_200": 0.5599999999999999, + "precision_at_300": 0.374, + "precision_at_500": 0.22499999999999998, + "precision_at_700": 0.161, + "precision_at_1000": 0.11299999999999999, + "mrr_at_1": 66.333, + "mrr_at_2": 70.833, + "mrr_at_3": 72.167, + "mrr_at_5": 73.6, + "mrr_at_7": 74.084, + "mrr_at_10": 74.283, + "mrr_at_20": 74.54499999999999, + "mrr_at_30": 74.59599999999999, + "mrr_at_50": 74.622, + "mrr_at_70": 74.639, + "mrr_at_100": 74.643, + "mrr_at_200": 74.65, + "mrr_at_300": 74.652, + "mrr_at_500": 74.653, + "mrr_at_700": 74.653, + "mrr_at_1000": 74.653, + "main_score": 77.66199999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/SprintDuplicateQuestions.json b/results/Salesforce__SFR-Embedding-Mistral/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..d7ecda672 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.84554455445544, + "cos_sim_ap": 96.31178339136798, + "cos_sim_f1": 92.1921921921922, + "cos_sim_precision": 92.28456913827655, + "cos_sim_recall": 92.10000000000001, + "dot_accuracy": 99.84554455445544, + "dot_ap": 96.31178339136797, + "dot_f1": 92.1921921921922, + "dot_precision": 92.28456913827655, + "dot_recall": 92.10000000000001, + "euclidean_accuracy": 99.84554455445544, + "euclidean_ap": 96.31178339136798, + "euclidean_f1": 92.1921921921922, + "euclidean_precision": 92.28456913827655, + "euclidean_recall": 92.10000000000001, + "manhattan_accuracy": 99.84752475247525, + "manhattan_ap": 96.4591954606088, + "manhattan_f1": 92.25352112676056, + "manhattan_precision": 92.81376518218623, + "manhattan_recall": 91.7, + "max_accuracy": 99.84752475247525, + "max_ap": 96.4591954606088, + "max_f1": 92.25352112676056, + "main_score": 96.4591954606088 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/StackExchangeClustering.json b/results/Salesforce__SFR-Embedding-Mistral/external/StackExchangeClustering.json new file mode 100644 index 000000000..6020be62f --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 74.24659759283294, + "main_score": 74.24659759283294 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/StackExchangeClusteringP2P.json b/results/Salesforce__SFR-Embedding-Mistral/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..e3563c70b --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 46.77690051260451, + "main_score": 46.77690051260451 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/StackOverflowDupQuestions.json b/results/Salesforce__SFR-Embedding-Mistral/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..2069a76d9 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 55.68436757803185, + "mrr": 56.82157711569475, + "main_score": 55.68436757803185 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/SummEval.json b/results/Salesforce__SFR-Embedding-Mistral/external/SummEval.json new file mode 100644 index 000000000..917b6473e --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.652482405629843, + "cos_sim_spearman": 31.16341822347735, + "dot_pearson": 31.652479892699837, + "dot_spearman": 31.16341822347735, + "cosine_pearson": 31.652482405629843, + "cosine_spearman": 31.16341822347735, + "main_score": 31.16341822347735 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/TRECCOVID.json b/results/Salesforce__SFR-Embedding-Mistral/external/TRECCOVID.json new file mode 100644 index 000000000..e42785938 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/TRECCOVID.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 92, + "ndcg_at_2": 90.839, + "ndcg_at_3": 90.642, + "ndcg_at_5": 90.348, + "ndcg_at_7": 89.015, + "ndcg_at_10": 87.599, + "ndcg_at_20": 84.434, + "ndcg_at_30": 81.655, + "ndcg_at_50": 77.278, + "ndcg_at_70": 73.957, + "ndcg_at_100": 69.56, + "ndcg_at_200": 60.724000000000004, + "ndcg_at_300": 57.245000000000005, + "ndcg_at_500": 56.316, + "ndcg_at_700": 58.399, + "ndcg_at_1000": 62.21600000000001, + "map_at_1": 0.247, + "map_at_2": 0.488, + "map_at_3": 0.7230000000000001, + "map_at_5": 1.204, + "map_at_7": 1.6500000000000001, + "map_at_10": 2.292, + "map_at_20": 4.274, + "map_at_30": 6.027, + "map_at_50": 9.083, + "map_at_70": 11.751000000000001, + "map_at_100": 14.912, + "map_at_200": 22.213, + "map_at_300": 26.667999999999996, + "map_at_500": 31.556, + "map_at_700": 34.221000000000004, + "map_at_1000": 36.443999999999996, + "recall_at_1": 0.247, + "recall_at_2": 0.49899999999999994, + "recall_at_3": 0.742, + "recall_at_5": 1.247, + "recall_at_7": 1.722, + "recall_at_10": 2.405, + "recall_at_20": 4.583, + "recall_at_30": 6.587999999999999, + "recall_at_50": 10.188, + "recall_at_70": 13.496, + "recall_at_100": 17.578, + "recall_at_200": 28.158, + "recall_at_300": 35.532000000000004, + "recall_at_500": 45.31, + "recall_at_700": 51.822, + "recall_at_1000": 58.53, + "precision_at_1": 96, + "precision_at_2": 96, + "precision_at_3": 95.333, + "precision_at_5": 94.8, + "precision_at_7": 93.429, + "precision_at_10": 91.4, + "precision_at_20": 87.7, + "precision_at_30": 84.867, + "precision_at_50": 80.24, + "precision_at_70": 76.371, + "precision_at_100": 71.08, + "precision_at_200": 59.4, + "precision_at_300": 51.459999999999994, + "precision_at_500": 40.644000000000005, + "precision_at_700": 33.889, + "precision_at_1000": 27.250000000000004, + "mrr_at_1": 96, + "mrr_at_2": 98, + "mrr_at_3": 98, + "mrr_at_5": 98, + "mrr_at_7": 98, + "mrr_at_10": 98, + "mrr_at_20": 98, + "mrr_at_30": 98, + "mrr_at_50": 98, + "mrr_at_70": 98, + "mrr_at_100": 98, + "mrr_at_200": 98, + "mrr_at_300": 98, + "mrr_at_500": 98, + "mrr_at_700": 98, + "mrr_at_1000": 98, + "main_score": 87.599 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/Touche2020.json b/results/Salesforce__SFR-Embedding-Mistral/external/Touche2020.json new file mode 100644 index 000000000..edda0d90b --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/Touche2020.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 43.878, + "ndcg_at_2": 37.956, + "ndcg_at_3": 35.053, + "ndcg_at_5": 32.59, + "ndcg_at_7": 30.226, + "ndcg_at_10": 29.005, + "ndcg_at_20": 30.11, + "ndcg_at_30": 32.019999999999996, + "ndcg_at_50": 34.354, + "ndcg_at_70": 36.665, + "ndcg_at_100": 38.888, + "ndcg_at_200": 43.435, + "ndcg_at_300": 45.795, + "ndcg_at_500": 48.699999999999996, + "ndcg_at_700": 50.242, + "ndcg_at_1000": 51.529, + "map_at_1": 3.521, + "map_at_2": 5.309, + "map_at_3": 6.576, + "map_at_5": 8.97, + "map_at_7": 10.194, + "map_at_10": 11.949, + "map_at_20": 14.686, + "map_at_30": 15.8, + "map_at_50": 16.59, + "map_at_70": 17.2, + "map_at_100": 17.765, + "map_at_200": 18.636, + "map_at_300": 18.972, + "map_at_500": 19.301, + "map_at_700": 19.445, + "map_at_1000": 19.546, + "recall_at_1": 3.521, + "recall_at_2": 5.848, + "recall_at_3": 7.657, + "recall_at_5": 11.368, + "recall_at_7": 13.748, + "recall_at_10": 18.061, + "recall_at_20": 26.844, + "recall_at_30": 31.186000000000003, + "recall_at_50": 35.951, + "recall_at_70": 40.961999999999996, + "recall_at_100": 46.743, + "recall_at_200": 58.483, + "recall_at_300": 65.973, + "recall_at_500": 75.233, + "recall_at_700": 80.472, + "recall_at_1000": 85.02, + "precision_at_1": 46.939, + "precision_at_2": 38.775999999999996, + "precision_at_3": 34.694, + "precision_at_5": 31.429000000000002, + "precision_at_7": 27.697, + "precision_at_10": 24.490000000000002, + "precision_at_20": 18.776, + "precision_at_30": 15.034, + "precision_at_50": 10.857, + "precision_at_70": 9.096, + "precision_at_100": 7.51, + "precision_at_200": 4.929, + "precision_at_300": 3.7760000000000002, + "precision_at_500": 2.6780000000000004, + "precision_at_700": 2.085, + "precision_at_1000": 1.5709999999999997, + "mrr_at_1": 46.939, + "mrr_at_2": 55.102, + "mrr_at_3": 57.823, + "mrr_at_5": 60.68, + "mrr_at_7": 60.972, + "mrr_at_10": 61.199000000000005, + "mrr_at_20": 61.831, + "mrr_at_30": 61.831, + "mrr_at_50": 61.873, + "mrr_at_70": 61.873, + "mrr_at_100": 61.873, + "mrr_at_200": 61.873, + "mrr_at_300": 61.873, + "mrr_at_500": 61.873, + "mrr_at_700": 61.873, + "mrr_at_1000": 61.873, + "main_score": 29.005 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/ToxicConversationsClassification.json b/results/Salesforce__SFR-Embedding-Mistral/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..c3e5ee886 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.3294, + "ap": 14.561333393364736, + "f1": 53.992309820496466, + "main_score": 69.3294 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/TweetSentimentExtractionClassification.json b/results/Salesforce__SFR-Embedding-Mistral/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..d5e112160 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 63.63893604980192, + "f1": 63.92959380489434, + "main_score": 63.63893604980192 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/TwentyNewsgroupsClustering.json b/results/Salesforce__SFR-Embedding-Mistral/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..5e6781270 --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 56.270879258659775, + "main_score": 56.270879258659775 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/TwitterSemEval2015.json b/results/Salesforce__SFR-Embedding-Mistral/external/TwitterSemEval2015.json new file mode 100644 index 000000000..1046b653b --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.71073493473207, + "cos_sim_ap": 81.52392540284202, + "cos_sim_f1": 74.71162377994676, + "cos_sim_precision": 71.89558428885094, + "cos_sim_recall": 77.75725593667546, + "dot_accuracy": 88.71073493473207, + "dot_ap": 81.52394754041109, + "dot_f1": 74.71162377994676, + "dot_precision": 71.89558428885094, + "dot_recall": 77.75725593667546, + "euclidean_accuracy": 88.71073493473207, + "euclidean_ap": 81.52392035435321, + "euclidean_f1": 74.71162377994676, + "euclidean_precision": 71.89558428885094, + "euclidean_recall": 77.75725593667546, + "manhattan_accuracy": 88.47231328604637, + "manhattan_ap": 81.22907439267321, + "manhattan_f1": 74.3351571446749, + "manhattan_precision": 71.78667977390022, + "manhattan_recall": 77.0712401055409, + "max_accuracy": 88.71073493473207, + "max_ap": 81.52394754041109, + "max_f1": 74.71162377994676, + "main_score": 81.52394754041109 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/TwitterURLCorpus.json b/results/Salesforce__SFR-Embedding-Mistral/external/TwitterURLCorpus.json new file mode 100644 index 000000000..d2834d03e --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.85136026700819, + "cos_sim_ap": 87.7768002924216, + "cos_sim_f1": 80.358908624794, + "cos_sim_precision": 76.62918209122023, + "cos_sim_recall": 84.47028025870034, + "dot_accuracy": 89.85136026700819, + "dot_ap": 87.77680027889778, + "dot_f1": 80.358908624794, + "dot_precision": 76.62918209122023, + "dot_recall": 84.47028025870034, + "euclidean_accuracy": 89.85136026700819, + "euclidean_ap": 87.77680174697751, + "euclidean_f1": 80.358908624794, + "euclidean_precision": 76.62918209122023, + "euclidean_recall": 84.47028025870034, + "manhattan_accuracy": 89.86300306593705, + "manhattan_ap": 87.78613271895861, + "manhattan_f1": 80.31831016905645, + "manhattan_precision": 76.68230516070304, + "manhattan_recall": 84.3162919618109, + "max_accuracy": 89.86300306593705, + "max_ap": 87.78613271895861, + "max_f1": 80.358908624794, + "main_score": 87.78613271895861 + } + ] + } +} \ No newline at end of file diff --git a/results/Salesforce__SFR-Embedding-Mistral/external/model_meta.json b/results/Salesforce__SFR-Embedding-Mistral/external/model_meta.json new file mode 100644 index 000000000..2cbbaea7f --- /dev/null +++ b/results/Salesforce__SFR-Embedding-Mistral/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "Salesforce/SFR-Embedding-Mistral", + "revision": "938c560d1c236aa563b2dbdf084f28ab28bccb11", + "release_date": "2024-01-24", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 7110660096, + "memory_usage": null, + "max_tokens": 32768, + "embed_dim": 4096, + "license": "cc-by-nc-4.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/AmazonCounterfactualClassification.json b/results/Snowflake__snowflake-arctic-embed-l/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..f6b8e01db --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.80597014925374, + "ap": 37.911466766189875, + "f1": 68.88606927542106, + "main_score": 74.80597014925374 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/AmazonPolarityClassification.json b/results/Snowflake__snowflake-arctic-embed-l/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..8215efa92 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.402275, + "ap": 73.03294793248114, + "f1": 78.3147786132161, + "main_score": 78.402275 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/AmazonReviewsClassification.json b/results/Snowflake__snowflake-arctic-embed-l/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..9b082bb8f --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 36.717999999999996, + "f1": 35.918044248787766, + "main_score": 36.717999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/ArguAna.json b/results/Snowflake__snowflake-arctic-embed-l/external/ArguAna.json new file mode 100644 index 000000000..56fca43e6 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 34.495, + "map_at_10": 50.236000000000004, + "map_at_100": 50.944, + "map_at_1000": 50.94499999999999, + "map_at_3": 45.341, + "map_at_5": 48.286, + "mrr_at_1": 35.135, + "mrr_at_10": 50.471, + "mrr_at_100": 51.185, + "mrr_at_1000": 51.187000000000005, + "mrr_at_3": 45.602, + "mrr_at_5": 48.468, + "ndcg_at_1": 34.495, + "ndcg_at_10": 59.086000000000006, + "ndcg_at_100": 61.937, + "ndcg_at_1000": 61.966, + "ndcg_at_3": 49.062, + "ndcg_at_5": 54.367, + "precision_at_1": 34.495, + "precision_at_10": 8.734, + "precision_at_100": 0.9939999999999999, + "precision_at_1000": 0.1, + "precision_at_3": 19.962, + "precision_at_5": 14.552000000000001, + "recall_at_1": 34.495, + "recall_at_10": 87.33999999999999, + "recall_at_100": 99.431, + "recall_at_1000": 99.644, + "recall_at_3": 59.885999999999996, + "recall_at_5": 72.76, + "main_score": 59.086000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/ArxivClusteringP2P.json b/results/Snowflake__snowflake-arctic-embed-l/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..856703bb2 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 47.46440874635501, + "main_score": 47.46440874635501 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/ArxivClusteringS2S.json b/results/Snowflake__snowflake-arctic-embed-l/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..a2587db06 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.28720154213723, + "main_score": 38.28720154213723 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/AskUbuntuDupQuestions.json b/results/Snowflake__snowflake-arctic-embed-l/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..1d962f0c6 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 60.34614226394902, + "mrr": 75.05628105351096, + "main_score": 60.34614226394902 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/BIOSSES.json b/results/Snowflake__snowflake-arctic-embed-l/external/BIOSSES.json new file mode 100644 index 000000000..f1b84fffd --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.41072716728198, + "cos_sim_spearman": 86.34534093114372, + "euclidean_pearson": 85.34009667750838, + "euclidean_spearman": 86.34534093114372, + "manhattan_pearson": 85.2158833586889, + "manhattan_spearman": 86.60920236509224, + "cosine_pearson": 87.41072716728198, + "cosine_spearman": 86.34534093114372, + "main_score": 86.34534093114372 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/Banking77Classification.json b/results/Snowflake__snowflake-arctic-embed-l/external/Banking77Classification.json new file mode 100644 index 000000000..ba6b82322 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.06493506493507, + "f1": 79.28108600339833, + "main_score": 80.06493506493507 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/BigPatentClustering.json b/results/Snowflake__snowflake-arctic-embed-l/external/BigPatentClustering.json new file mode 100644 index 000000000..95679398d --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/BigPatentClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "62d5330920bca426ce9d3c76ea914f15fc83e891", + "task_name": "BigPatentClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 20.545049432417287, + "main_score": 20.545049432417287 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/BiorxivClusteringP2P.json b/results/Snowflake__snowflake-arctic-embed-l/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..f9438517f --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.54369718479804, + "main_score": 37.54369718479804 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/BiorxivClusteringS2S.json b/results/Snowflake__snowflake-arctic-embed-l/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..ba5c11965 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.64941588219162, + "main_score": 32.64941588219162 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/CQADupstackAndroidRetrieval.json b/results/Snowflake__snowflake-arctic-embed-l/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..b2139aed5 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "f46a197baaae43b4f621051089b82a364682dfeb", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 37.264, + "map_at_10": 49.43, + "map_at_100": 50.967, + "map_at_1000": 51.08200000000001, + "map_at_3": 45.742, + "map_at_5": 47.764, + "mrr_at_1": 44.921, + "mrr_at_10": 54.879999999999995, + "mrr_at_100": 55.525000000000006, + "mrr_at_1000": 55.565, + "mrr_at_3": 52.480000000000004, + "mrr_at_5": 53.86, + "ndcg_at_1": 44.921, + "ndcg_at_10": 55.664, + "ndcg_at_100": 60.488, + "ndcg_at_1000": 62.138000000000005, + "ndcg_at_3": 50.797000000000004, + "ndcg_at_5": 52.94799999999999, + "precision_at_1": 44.921, + "precision_at_10": 10.587, + "precision_at_100": 1.629, + "precision_at_1000": 0.203, + "precision_at_3": 24.034, + "precision_at_5": 17.224999999999998, + "recall_at_1": 37.264, + "recall_at_10": 67.15, + "recall_at_100": 86.811, + "recall_at_1000": 97.172, + "recall_at_3": 53.15800000000001, + "recall_at_5": 59.116, + "main_score": 55.664 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/CQADupstackEnglishRetrieval.json b/results/Snowflake__snowflake-arctic-embed-l/external/CQADupstackEnglishRetrieval.json new file mode 100644 index 000000000..580e667f2 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/CQADupstackEnglishRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "ad9991cb51e31e31e430383c75ffb2885547b5f0", + "task_name": "CQADupstackEnglishRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 36.237, + "map_at_10": 47.941, + "map_at_100": 49.131, + "map_at_1000": 49.26, + "map_at_3": 44.561, + "map_at_5": 46.28, + "mrr_at_1": 45.605000000000004, + "mrr_at_10": 54.039, + "mrr_at_100": 54.653, + "mrr_at_1000": 54.688, + "mrr_at_3": 52.006, + "mrr_at_5": 53.096, + "ndcg_at_1": 45.605000000000004, + "ndcg_at_10": 53.916, + "ndcg_at_100": 57.745999999999995, + "ndcg_at_1000": 59.492999999999995, + "ndcg_at_3": 49.774, + "ndcg_at_5": 51.434999999999995, + "precision_at_1": 45.605000000000004, + "precision_at_10": 10.229000000000001, + "precision_at_100": 1.55, + "precision_at_1000": 0.2, + "precision_at_3": 24.098, + "precision_at_5": 16.726, + "recall_at_1": 36.237, + "recall_at_10": 64.03, + "recall_at_100": 80.423, + "recall_at_1000": 91.03, + "recall_at_3": 51.20400000000001, + "recall_at_5": 56.298, + "main_score": 53.916 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/CQADupstackGamingRetrieval.json b/results/Snowflake__snowflake-arctic-embed-l/external/CQADupstackGamingRetrieval.json new file mode 100644 index 000000000..6b1f651ac --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/CQADupstackGamingRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "4885aa143210c98657558c04aaf3dc47cfb54340", + "task_name": "CQADupstackGamingRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 47.278, + "map_at_10": 59.757000000000005, + "map_at_100": 60.67, + "map_at_1000": 60.714, + "map_at_3": 56.714, + "map_at_5": 58.453, + "mrr_at_1": 53.73, + "mrr_at_10": 62.970000000000006, + "mrr_at_100": 63.507999999999996, + "mrr_at_1000": 63.53, + "mrr_at_3": 60.909, + "mrr_at_5": 62.172000000000004, + "ndcg_at_1": 53.73, + "ndcg_at_10": 64.97, + "ndcg_at_100": 68.394, + "ndcg_at_1000": 69.255, + "ndcg_at_3": 60.228, + "ndcg_at_5": 62.617999999999995, + "precision_at_1": 53.73, + "precision_at_10": 10.056, + "precision_at_100": 1.265, + "precision_at_1000": 0.13699999999999998, + "precision_at_3": 26.332, + "precision_at_5": 17.743000000000002, + "recall_at_1": 47.278, + "recall_at_10": 76.86500000000001, + "recall_at_100": 91.582, + "recall_at_1000": 97.583, + "recall_at_3": 64.443, + "recall_at_5": 70.283, + "main_score": 64.97 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/CQADupstackGisRetrieval.json b/results/Snowflake__snowflake-arctic-embed-l/external/CQADupstackGisRetrieval.json new file mode 100644 index 000000000..cb387ace1 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/CQADupstackGisRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "5003b3064772da1887988e05400cf3806fe491f2", + "task_name": "CQADupstackGisRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.702, + "map_at_10": 39.463, + "map_at_100": 40.508, + "map_at_1000": 40.579, + "map_at_3": 36.748999999999995, + "map_at_5": 38.296, + "mrr_at_1": 31.977, + "mrr_at_10": 41.739, + "mrr_at_100": 42.586, + "mrr_at_1000": 42.636, + "mrr_at_3": 39.096, + "mrr_at_5": 40.695, + "ndcg_at_1": 31.977, + "ndcg_at_10": 44.855000000000004, + "ndcg_at_100": 49.712, + "ndcg_at_1000": 51.443000000000005, + "ndcg_at_3": 39.585, + "ndcg_at_5": 42.244, + "precision_at_1": 31.977, + "precision_at_10": 6.768000000000001, + "precision_at_100": 0.9690000000000001, + "precision_at_1000": 0.116, + "precision_at_3": 16.761, + "precision_at_5": 11.593, + "recall_at_1": 29.702, + "recall_at_10": 59.082, + "recall_at_100": 80.92, + "recall_at_1000": 93.728, + "recall_at_3": 45.212, + "recall_at_5": 51.449, + "main_score": 44.855000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/CQADupstackMathematicaRetrieval.json b/results/Snowflake__snowflake-arctic-embed-l/external/CQADupstackMathematicaRetrieval.json new file mode 100644 index 000000000..8587683ef --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/CQADupstackMathematicaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "90fceea13679c63fe563ded68f3b6f06e50061de", + "task_name": "CQADupstackMathematicaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.336, + "map_at_10": 30.137999999999998, + "map_at_100": 31.385, + "map_at_1000": 31.495, + "map_at_3": 27.481, + "map_at_5": 28.772, + "mrr_at_1": 25.871, + "mrr_at_10": 34.686, + "mrr_at_100": 35.649, + "mrr_at_1000": 35.705, + "mrr_at_3": 32.09, + "mrr_at_5": 33.52, + "ndcg_at_1": 25.871, + "ndcg_at_10": 35.617, + "ndcg_at_100": 41.272999999999996, + "ndcg_at_1000": 43.725, + "ndcg_at_3": 30.653999999999996, + "ndcg_at_5": 32.714, + "precision_at_1": 25.871, + "precision_at_10": 6.4799999999999995, + "precision_at_100": 1.0699999999999998, + "precision_at_1000": 0.13999999999999999, + "precision_at_3": 14.469000000000001, + "precision_at_5": 10.274, + "recall_at_1": 21.336, + "recall_at_10": 47.746, + "recall_at_100": 71.773, + "recall_at_1000": 89.05199999999999, + "recall_at_3": 34.172999999999995, + "recall_at_5": 39.397999999999996, + "main_score": 35.617 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/CQADupstackPhysicsRetrieval.json b/results/Snowflake__snowflake-arctic-embed-l/external/CQADupstackPhysicsRetrieval.json new file mode 100644 index 000000000..0628e00bd --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/CQADupstackPhysicsRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "79531abbd1fb92d06c6d6315a0cbbbf5bb247ea4", + "task_name": "CQADupstackPhysicsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 34.424, + "map_at_10": 45.647999999999996, + "map_at_100": 46.907, + "map_at_1000": 47.010999999999996, + "map_at_3": 42.427, + "map_at_5": 44.285000000000004, + "mrr_at_1": 41.867, + "mrr_at_10": 51.17699999999999, + "mrr_at_100": 51.937, + "mrr_at_1000": 51.975, + "mrr_at_3": 48.941, + "mrr_at_5": 50.322, + "ndcg_at_1": 41.867, + "ndcg_at_10": 51.534, + "ndcg_at_100": 56.696999999999996, + "ndcg_at_1000": 58.475, + "ndcg_at_3": 46.835, + "ndcg_at_5": 49.161, + "precision_at_1": 41.867, + "precision_at_10": 9.134, + "precision_at_100": 1.362, + "precision_at_1000": 0.17099999999999999, + "precision_at_3": 22.073, + "precision_at_5": 15.495999999999999, + "recall_at_1": 34.424, + "recall_at_10": 63.237, + "recall_at_100": 84.774, + "recall_at_1000": 95.987, + "recall_at_3": 49.888, + "recall_at_5": 55.940999999999995, + "main_score": 51.534 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/CQADupstackProgrammersRetrieval.json b/results/Snowflake__snowflake-arctic-embed-l/external/CQADupstackProgrammersRetrieval.json new file mode 100644 index 000000000..4158328e3 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/CQADupstackProgrammersRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "6184bc1440d2dbc7612be22b50686b8826d22b32", + "task_name": "CQADupstackProgrammersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.72, + "map_at_10": 41.327999999999996, + "map_at_100": 42.651, + "map_at_1000": 42.739, + "map_at_3": 38.223, + "map_at_5": 40.053, + "mrr_at_1": 37.9, + "mrr_at_10": 46.857, + "mrr_at_100": 47.673, + "mrr_at_1000": 47.711999999999996, + "mrr_at_3": 44.292, + "mrr_at_5": 45.845, + "ndcg_at_1": 37.9, + "ndcg_at_10": 47.105999999999995, + "ndcg_at_100": 52.56999999999999, + "ndcg_at_1000": 54.37800000000001, + "ndcg_at_3": 42.282, + "ndcg_at_5": 44.646, + "precision_at_1": 37.9, + "precision_at_10": 8.368, + "precision_at_100": 1.283, + "precision_at_1000": 0.16, + "precision_at_3": 20.015, + "precision_at_5": 14.132, + "recall_at_1": 30.72, + "recall_at_10": 58.826, + "recall_at_100": 82.104, + "recall_at_1000": 94.194, + "recall_at_3": 44.962999999999994, + "recall_at_5": 51.426, + "main_score": 47.105999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/CQADupstackStatsRetrieval.json b/results/Snowflake__snowflake-arctic-embed-l/external/CQADupstackStatsRetrieval.json new file mode 100644 index 000000000..22b895ffa --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/CQADupstackStatsRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "65ac3a16b8e91f9cee4c9828cc7c335575432a2a", + "task_name": "CQADupstackStatsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.247, + "map_at_10": 35.443999999999996, + "map_at_100": 36.578, + "map_at_1000": 36.675999999999995, + "map_at_3": 33.276, + "map_at_5": 34.536, + "mrr_at_1": 31.747999999999998, + "mrr_at_10": 38.413000000000004, + "mrr_at_100": 39.327, + "mrr_at_1000": 39.389, + "mrr_at_3": 36.401, + "mrr_at_5": 37.543, + "ndcg_at_1": 31.747999999999998, + "ndcg_at_10": 39.646, + "ndcg_at_100": 44.861000000000004, + "ndcg_at_1000": 47.197, + "ndcg_at_3": 35.764, + "ndcg_at_5": 37.635999999999996, + "precision_at_1": 31.747999999999998, + "precision_at_10": 6.12, + "precision_at_100": 0.942, + "precision_at_1000": 0.123, + "precision_at_3": 15.235000000000001, + "precision_at_5": 10.491, + "recall_at_1": 28.247, + "recall_at_10": 49.456, + "recall_at_100": 73.02499999999999, + "recall_at_1000": 89.898, + "recall_at_3": 38.653999999999996, + "recall_at_5": 43.259, + "main_score": 39.646 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/CQADupstackTexRetrieval.json b/results/Snowflake__snowflake-arctic-embed-l/external/CQADupstackTexRetrieval.json new file mode 100644 index 000000000..5efa4b82f --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/CQADupstackTexRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "46989137a86843e03a6195de44b09deda022eec7", + "task_name": "CQADupstackTexRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.45, + "map_at_10": 30.476999999999997, + "map_at_100": 31.630999999999997, + "map_at_1000": 31.755, + "map_at_3": 27.989000000000004, + "map_at_5": 29.410999999999998, + "mrr_at_1": 26.979, + "mrr_at_10": 34.316, + "mrr_at_100": 35.272999999999996, + "mrr_at_1000": 35.342, + "mrr_at_3": 32.14, + "mrr_at_5": 33.405, + "ndcg_at_1": 26.979, + "ndcg_at_10": 35.166, + "ndcg_at_100": 40.583000000000006, + "ndcg_at_1000": 43.282, + "ndcg_at_3": 30.916, + "ndcg_at_5": 32.973, + "precision_at_1": 26.979, + "precision_at_10": 6.132, + "precision_at_100": 1.047, + "precision_at_1000": 0.145, + "precision_at_3": 14.360999999999999, + "precision_at_5": 10.227, + "recall_at_1": 22.45, + "recall_at_10": 45.348, + "recall_at_100": 69.484, + "recall_at_1000": 88.628, + "recall_at_3": 33.338, + "recall_at_5": 38.746, + "main_score": 35.166 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/CQADupstackUnixRetrieval.json b/results/Snowflake__snowflake-arctic-embed-l/external/CQADupstackUnixRetrieval.json new file mode 100644 index 000000000..0171b579c --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/CQADupstackUnixRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "6c6430d3a6d36f8d2a829195bc5dc94d7e063e53", + "task_name": "CQADupstackUnixRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.123000000000005, + "map_at_10": 41.778, + "map_at_100": 42.911, + "map_at_1000": 42.994, + "map_at_3": 38.558, + "map_at_5": 40.318, + "mrr_at_1": 37.687, + "mrr_at_10": 45.889, + "mrr_at_100": 46.672999999999995, + "mrr_at_1000": 46.72, + "mrr_at_3": 43.33, + "mrr_at_5": 44.734, + "ndcg_at_1": 37.687, + "ndcg_at_10": 47.258, + "ndcg_at_100": 52.331, + "ndcg_at_1000": 54.152, + "ndcg_at_3": 41.857, + "ndcg_at_5": 44.283, + "precision_at_1": 37.687, + "precision_at_10": 7.892, + "precision_at_100": 1.183, + "precision_at_1000": 0.14300000000000002, + "precision_at_3": 18.781, + "precision_at_5": 13.134, + "recall_at_1": 32.123000000000005, + "recall_at_10": 59.760000000000005, + "recall_at_100": 81.652, + "recall_at_1000": 94.401, + "recall_at_3": 44.996, + "recall_at_5": 51.184, + "main_score": 47.258 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/CQADupstackWebmastersRetrieval.json b/results/Snowflake__snowflake-arctic-embed-l/external/CQADupstackWebmastersRetrieval.json new file mode 100644 index 000000000..3a5b2f981 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/CQADupstackWebmastersRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "160c094312a0e1facb97e55eeddb698c0abe3571", + "task_name": "CQADupstackWebmastersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 33.196999999999996, + "map_at_10": 42.012, + "map_at_100": 43.663999999999994, + "map_at_1000": 43.883, + "map_at_3": 39.33, + "map_at_5": 40.586, + "mrr_at_1": 39.328, + "mrr_at_10": 46.57, + "mrr_at_100": 47.508, + "mrr_at_1000": 47.558, + "mrr_at_3": 44.532, + "mrr_at_5": 45.58, + "ndcg_at_1": 39.328, + "ndcg_at_10": 47.337, + "ndcg_at_100": 52.989, + "ndcg_at_1000": 55.224, + "ndcg_at_3": 43.362, + "ndcg_at_5": 44.866, + "precision_at_1": 39.328, + "precision_at_10": 8.577, + "precision_at_100": 1.5789999999999997, + "precision_at_1000": 0.25, + "precision_at_3": 19.697, + "precision_at_5": 13.755, + "recall_at_1": 33.196999999999996, + "recall_at_10": 56.635000000000005, + "recall_at_100": 81.882, + "recall_at_1000": 95.342, + "recall_at_3": 44.969, + "recall_at_5": 49.266, + "main_score": 47.337 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/CQADupstackWordpressRetrieval.json b/results/Snowflake__snowflake-arctic-embed-l/external/CQADupstackWordpressRetrieval.json new file mode 100644 index 000000000..57798ad0c --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/CQADupstackWordpressRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "4ffe81d471b1924886b33c7567bfb200e9eec5c4", + "task_name": "CQADupstackWordpressRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.901000000000003, + "map_at_10": 35.77, + "map_at_100": 36.638999999999996, + "map_at_1000": 36.741, + "map_at_3": 33.219, + "map_at_5": 34.574, + "mrr_at_1": 29.205, + "mrr_at_10": 37.848, + "mrr_at_100": 38.613, + "mrr_at_1000": 38.682, + "mrr_at_3": 35.551, + "mrr_at_5": 36.808, + "ndcg_at_1": 29.205, + "ndcg_at_10": 40.589, + "ndcg_at_100": 45.171, + "ndcg_at_1000": 47.602, + "ndcg_at_3": 35.760999999999996, + "ndcg_at_5": 37.980000000000004, + "precision_at_1": 29.205, + "precision_at_10": 6.192, + "precision_at_100": 0.922, + "precision_at_1000": 0.123, + "precision_at_3": 15.034, + "precision_at_5": 10.424999999999999, + "recall_at_1": 26.901000000000003, + "recall_at_10": 53.236000000000004, + "recall_at_100": 74.809, + "recall_at_1000": 92.884, + "recall_at_3": 40.314, + "recall_at_5": 45.617999999999995, + "main_score": 40.589 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/ClimateFEVER.json b/results/Snowflake__snowflake-arctic-embed-l/external/ClimateFEVER.json new file mode 100644 index 000000000..cad13df0c --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.794999999999998, + "map_at_10": 29.322, + "map_at_100": 31.463, + "map_at_1000": 31.643, + "map_at_3": 24.517, + "map_at_5": 27.237000000000002, + "mrr_at_1": 37.655, + "mrr_at_10": 50.952, + "mrr_at_100": 51.581999999999994, + "mrr_at_1000": 51.61, + "mrr_at_3": 47.991, + "mrr_at_5": 49.744, + "ndcg_at_1": 37.655, + "ndcg_at_10": 39.328, + "ndcg_at_100": 46.358, + "ndcg_at_1000": 49.245, + "ndcg_at_3": 33.052, + "ndcg_at_5": 35.407, + "precision_at_1": 37.655, + "precision_at_10": 12.202, + "precision_at_100": 1.9789999999999999, + "precision_at_1000": 0.252, + "precision_at_3": 24.973, + "precision_at_5": 19.075, + "recall_at_1": 16.794999999999998, + "recall_at_10": 45.716, + "recall_at_100": 68.919, + "recall_at_1000": 84.71600000000001, + "recall_at_3": 30.135, + "recall_at_5": 37.141999999999996, + "main_score": 39.328 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/DBPedia.json b/results/Snowflake__snowflake-arctic-embed-l/external/DBPedia.json new file mode 100644 index 000000000..8c0820d2e --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.817, + "map_at_10": 22.058, + "map_at_100": 31.805, + "map_at_1000": 33.562999999999995, + "map_at_3": 15.537, + "map_at_5": 18.199, + "mrr_at_1": 72.75, + "mrr_at_10": 79.804, + "mrr_at_100": 80.089, + "mrr_at_1000": 80.09100000000001, + "mrr_at_3": 78.75, + "mrr_at_5": 79.325, + "ndcg_at_1": 59.875, + "ndcg_at_10": 45.972, + "ndcg_at_100": 51.092999999999996, + "ndcg_at_1000": 58.048, + "ndcg_at_3": 50.552, + "ndcg_at_5": 47.672, + "precision_at_1": 72.75, + "precision_at_10": 37.05, + "precision_at_100": 12.005, + "precision_at_1000": 2.221, + "precision_at_3": 54.083000000000006, + "precision_at_5": 46.2, + "recall_at_1": 9.817, + "recall_at_10": 27.877000000000002, + "recall_at_100": 57.974000000000004, + "recall_at_1000": 80.085, + "recall_at_3": 16.911, + "recall_at_5": 20.689, + "main_score": 45.972 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/EmotionClassification.json b/results/Snowflake__snowflake-arctic-embed-l/external/EmotionClassification.json new file mode 100644 index 000000000..74e52526a --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 46.464999999999996, + "f1": 42.759588662873796, + "main_score": 46.464999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/FEVER.json b/results/Snowflake__snowflake-arctic-embed-l/external/FEVER.json new file mode 100644 index 000000000..caf63fec6 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 75.82900000000001, + "map_at_10": 84.613, + "map_at_100": 84.845, + "map_at_1000": 84.855, + "map_at_3": 83.498, + "map_at_5": 84.29299999999999, + "mrr_at_1": 81.69800000000001, + "mrr_at_10": 88.84100000000001, + "mrr_at_100": 88.887, + "mrr_at_1000": 88.888, + "mrr_at_3": 88.179, + "mrr_at_5": 88.69200000000001, + "ndcg_at_1": 81.69800000000001, + "ndcg_at_10": 88.21799999999999, + "ndcg_at_100": 88.961, + "ndcg_at_1000": 89.131, + "ndcg_at_3": 86.591, + "ndcg_at_5": 87.666, + "precision_at_1": 81.69800000000001, + "precision_at_10": 10.615, + "precision_at_100": 1.125, + "precision_at_1000": 0.11499999999999999, + "precision_at_3": 33.208, + "precision_at_5": 20.681, + "recall_at_1": 75.82900000000001, + "recall_at_10": 94.97, + "recall_at_100": 97.786, + "recall_at_1000": 98.809, + "recall_at_3": 90.625, + "recall_at_5": 93.345, + "main_score": 88.21799999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/FiQA2018.json b/results/Snowflake__snowflake-arctic-embed-l/external/FiQA2018.json new file mode 100644 index 000000000..b5e791996 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.788, + "map_at_10": 36.71, + "map_at_100": 38.527, + "map_at_1000": 38.701, + "map_at_3": 32.318999999999996, + "map_at_5": 34.809, + "mrr_at_1": 44.444, + "mrr_at_10": 52.868, + "mrr_at_100": 53.52400000000001, + "mrr_at_1000": 53.559999999999995, + "mrr_at_3": 50.153999999999996, + "mrr_at_5": 51.651, + "ndcg_at_1": 44.444, + "ndcg_at_10": 44.707, + "ndcg_at_100": 51.174, + "ndcg_at_1000": 53.996, + "ndcg_at_3": 40.855999999999995, + "ndcg_at_5": 42.113, + "precision_at_1": 44.444, + "precision_at_10": 12.021999999999998, + "precision_at_100": 1.8950000000000002, + "precision_at_1000": 0.241, + "precision_at_3": 26.8, + "precision_at_5": 19.66, + "recall_at_1": 22.788, + "recall_at_10": 51.793, + "recall_at_100": 75.69500000000001, + "recall_at_1000": 92.292, + "recall_at_3": 37.375, + "recall_at_5": 43.682, + "main_score": 44.707 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/HotpotQA.json b/results/Snowflake__snowflake-arctic-embed-l/external/HotpotQA.json new file mode 100644 index 000000000..c8f6945e5 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 41.276, + "map_at_10": 67.245, + "map_at_100": 68.061, + "map_at_1000": 68.11399999999999, + "map_at_3": 63.693, + "map_at_5": 65.90899999999999, + "mrr_at_1": 82.552, + "mrr_at_10": 87.741, + "mrr_at_100": 87.868, + "mrr_at_1000": 87.871, + "mrr_at_3": 86.98599999999999, + "mrr_at_5": 87.469, + "ndcg_at_1": 82.552, + "ndcg_at_10": 75.176, + "ndcg_at_100": 77.902, + "ndcg_at_1000": 78.852, + "ndcg_at_3": 70.30499999999999, + "ndcg_at_5": 73.00999999999999, + "precision_at_1": 82.552, + "precision_at_10": 15.765, + "precision_at_100": 1.788, + "precision_at_1000": 0.191, + "precision_at_3": 45.375, + "precision_at_5": 29.360999999999997, + "recall_at_1": 41.276, + "recall_at_10": 78.825, + "recall_at_100": 89.41900000000001, + "recall_at_1000": 95.625, + "recall_at_3": 68.062, + "recall_at_5": 73.40299999999999, + "main_score": 75.176 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/ImdbClassification.json b/results/Snowflake__snowflake-arctic-embed-l/external/ImdbClassification.json new file mode 100644 index 000000000..6909867fc --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.876, + "ap": 67.15477852410164, + "f1": 72.65147370025373, + "main_score": 72.876 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/MSMARCO.json b/results/Snowflake__snowflake-arctic-embed-l/external/MSMARCO.json new file mode 100644 index 000000000..df2506570 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.748, + "map_at_10": 34.626000000000005, + "map_at_100": 35.813, + "map_at_1000": 35.859, + "map_at_3": 30.753000000000004, + "map_at_5": 33.049, + "mrr_at_1": 22.35, + "mrr_at_10": 35.23, + "mrr_at_100": 36.359, + "mrr_at_1000": 36.399, + "mrr_at_3": 31.436999999999998, + "mrr_at_5": 33.687, + "ndcg_at_1": 22.364, + "ndcg_at_10": 41.677, + "ndcg_at_100": 47.355999999999995, + "ndcg_at_1000": 48.494, + "ndcg_at_3": 33.85, + "ndcg_at_5": 37.942, + "precision_at_1": 22.364, + "precision_at_10": 6.6000000000000005, + "precision_at_100": 0.9450000000000001, + "precision_at_1000": 0.104, + "precision_at_3": 14.527000000000001, + "precision_at_5": 10.796999999999999, + "recall_at_1": 21.748, + "recall_at_10": 63.292, + "recall_at_100": 89.427, + "recall_at_1000": 98.13499999999999, + "recall_at_3": 42.126000000000005, + "recall_at_5": 51.968, + "main_score": 41.677 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/MTOPDomainClassification.json b/results/Snowflake__snowflake-arctic-embed-l/external/MTOPDomainClassification.json new file mode 100644 index 000000000..78f7b5e52 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.62425900592795, + "f1": 92.08497761553683, + "main_score": 92.62425900592795 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/MTOPIntentClassification.json b/results/Snowflake__snowflake-arctic-embed-l/external/MTOPIntentClassification.json new file mode 100644 index 000000000..d0d069327 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 64.51436388508893, + "f1": 45.884016531912906, + "main_score": 64.51436388508893 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/MasakhaNEWSClassification.json b/results/Snowflake__snowflake-arctic-embed-l/external/MasakhaNEWSClassification.json new file mode 100644 index 000000000..90b01804f --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/MasakhaNEWSClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "8ccc72e69e65f40c70e117d8b3c08306bb788b60", + "task_name": "MasakhaNEWSClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "eng", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.57172995780591, + "f1": 75.52979910878491, + "main_score": 76.57172995780591 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/MassiveIntentClassification.json b/results/Snowflake__snowflake-arctic-embed-l/external/MassiveIntentClassification.json new file mode 100644 index 000000000..4a26c6456 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 65.79354404841965, + "f1": 63.17260074126185, + "main_score": 65.79354404841965 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/MassiveScenarioClassification.json b/results/Snowflake__snowflake-arctic-embed-l/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..db3c4437b --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.09616677874916, + "f1": 69.74285784421075, + "main_score": 71.09616677874916 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/MedrxivClusteringP2P.json b/results/Snowflake__snowflake-arctic-embed-l/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..df1e0b788 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.474709231086184, + "main_score": 31.474709231086184 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/MedrxivClusteringS2S.json b/results/Snowflake__snowflake-arctic-embed-l/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..7f83768da --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 28.93630367824217, + "main_score": 28.93630367824217 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/MindSmallReranking.json b/results/Snowflake__snowflake-arctic-embed-l/external/MindSmallReranking.json new file mode 100644 index 000000000..ca37e53bf --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 29.08234393834005, + "mrr": 29.740466971605432, + "main_score": 29.08234393834005 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/NFCorpus.json b/results/Snowflake__snowflake-arctic-embed-l/external/NFCorpus.json new file mode 100644 index 000000000..9c3f2ee65 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.2059999999999995, + "map_at_10": 14.442, + "map_at_100": 18.005, + "map_at_1000": 19.488, + "map_at_3": 10.666, + "map_at_5": 12.45, + "mrr_at_1": 47.678, + "mrr_at_10": 57.519, + "mrr_at_100": 58.13700000000001, + "mrr_at_1000": 58.167, + "mrr_at_3": 55.779, + "mrr_at_5": 56.940000000000005, + "ndcg_at_1": 45.82, + "ndcg_at_10": 37.651, + "ndcg_at_100": 34.001999999999995, + "ndcg_at_1000": 42.626, + "ndcg_at_3": 43.961, + "ndcg_at_5": 41.461, + "precision_at_1": 47.678, + "precision_at_10": 27.584999999999997, + "precision_at_100": 8.455, + "precision_at_1000": 2.118, + "precision_at_3": 41.692, + "precision_at_5": 36.161, + "recall_at_1": 6.2059999999999995, + "recall_at_10": 18.599, + "recall_at_100": 33.608, + "recall_at_1000": 65.429, + "recall_at_3": 12.126000000000001, + "recall_at_5": 14.902000000000001, + "main_score": 37.651 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/NQ.json b/results/Snowflake__snowflake-arctic-embed-l/external/NQ.json new file mode 100644 index 000000000..7ea3ab5c5 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 39.117000000000004, + "map_at_10": 55.535000000000004, + "map_at_100": 56.32899999999999, + "map_at_1000": 56.34400000000001, + "map_at_3": 51.439, + "map_at_5": 53.89699999999999, + "mrr_at_1": 43.714, + "mrr_at_10": 58.05200000000001, + "mrr_at_100": 58.582, + "mrr_at_1000": 58.592, + "mrr_at_3": 54.896, + "mrr_at_5": 56.874, + "ndcg_at_1": 43.685, + "ndcg_at_10": 63.108, + "ndcg_at_100": 66.231, + "ndcg_at_1000": 66.583, + "ndcg_at_3": 55.659000000000006, + "ndcg_at_5": 59.681, + "precision_at_1": 43.685, + "precision_at_10": 9.962, + "precision_at_100": 1.174, + "precision_at_1000": 0.121, + "precision_at_3": 24.961, + "precision_at_5": 17.352, + "recall_at_1": 39.117000000000004, + "recall_at_10": 83.408, + "recall_at_100": 96.553, + "recall_at_1000": 99.136, + "recall_at_3": 64.364, + "recall_at_5": 73.573, + "main_score": 63.108 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/NewsClassification.json b/results/Snowflake__snowflake-arctic-embed-l/external/NewsClassification.json new file mode 100644 index 000000000..3db9db933 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/NewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "eb185aade064a813bc0b7f42de02595523103ca4", + "task_name": "NewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.87763157894737, + "f1": 78.69611753876177, + "main_score": 78.87763157894737 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/OpusparcusPC.json b/results/Snowflake__snowflake-arctic-embed-l/external/OpusparcusPC.json new file mode 100644 index 000000000..8353fb28c --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/OpusparcusPC.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "9e9b1f8ef51616073f47f306f7f47dd91663f86a", + "task_name": "OpusparcusPC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.89816700610999, + "cos_sim_ap": 100, + "cos_sim_f1": 99.9490575649516, + "cos_sim_precision": 100, + "cos_sim_recall": 99.89816700610999, + "dot_accuracy": 99.89816700610999, + "dot_ap": 100, + "dot_f1": 99.9490575649516, + "dot_precision": 100, + "dot_recall": 99.89816700610999, + "euclidean_accuracy": 99.89816700610999, + "euclidean_ap": 100, + "euclidean_f1": 99.9490575649516, + "euclidean_precision": 100, + "euclidean_recall": 99.89816700610999, + "manhattan_accuracy": 99.89816700610999, + "manhattan_ap": 100, + "manhattan_f1": 99.9490575649516, + "manhattan_precision": 100, + "manhattan_recall": 99.89816700610999, + "max_accuracy": 99.89816700610999, + "max_ap": 100, + "max_f1": 99.9490575649516, + "main_score": 100 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/QuoraRetrieval.json b/results/Snowflake__snowflake-arctic-embed-l/external/QuoraRetrieval.json new file mode 100644 index 000000000..bfd44509b --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "e4e08e0b7dbe3c8700f0daef558ff32256715259", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 69.90899999999999, + "map_at_10": 83.56700000000001, + "map_at_100": 84.19200000000001, + "map_at_1000": 84.212, + "map_at_3": 80.658, + "map_at_5": 82.473, + "mrr_at_1": 80.4, + "mrr_at_10": 86.699, + "mrr_at_100": 86.798, + "mrr_at_1000": 86.80099999999999, + "mrr_at_3": 85.677, + "mrr_at_5": 86.354, + "ndcg_at_1": 80.43, + "ndcg_at_10": 87.41, + "ndcg_at_100": 88.653, + "ndcg_at_1000": 88.81599999999999, + "ndcg_at_3": 84.516, + "ndcg_at_5": 86.068, + "precision_at_1": 80.43, + "precision_at_10": 13.234000000000002, + "precision_at_100": 1.513, + "precision_at_1000": 0.156, + "precision_at_3": 36.93, + "precision_at_5": 24.26, + "recall_at_1": 69.90899999999999, + "recall_at_10": 94.687, + "recall_at_100": 98.96000000000001, + "recall_at_1000": 99.79599999999999, + "recall_at_3": 86.25699999999999, + "recall_at_5": 90.70700000000001, + "main_score": 87.41 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/RedditClustering.json b/results/Snowflake__snowflake-arctic-embed-l/external/RedditClustering.json new file mode 100644 index 000000000..58b667cef --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 46.02256865360266, + "main_score": 46.02256865360266 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/RedditClusteringP2P.json b/results/Snowflake__snowflake-arctic-embed-l/external/RedditClusteringP2P.json new file mode 100644 index 000000000..869f5544e --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 62.43157528757563, + "main_score": 62.43157528757563 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/SCIDOCS.json b/results/Snowflake__snowflake-arctic-embed-l/external/SCIDOCS.json new file mode 100644 index 000000000..b41c6da08 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "f8c2fcf00f625baaa80f62ec5bd9e1fff3b8ae88", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.093, + "map_at_10": 12.982, + "map_at_100": 15.031, + "map_at_1000": 15.334, + "map_at_3": 9.339, + "map_at_5": 11.183, + "mrr_at_1": 25.1, + "mrr_at_10": 36.257, + "mrr_at_100": 37.351, + "mrr_at_1000": 37.409, + "mrr_at_3": 33.050000000000004, + "mrr_at_5": 35.205, + "ndcg_at_1": 25.1, + "ndcg_at_10": 21.361, + "ndcg_at_100": 29.396, + "ndcg_at_1000": 34.849999999999994, + "ndcg_at_3": 20.704, + "ndcg_at_5": 18.086, + "precision_at_1": 25.1, + "precision_at_10": 10.94, + "precision_at_100": 2.257, + "precision_at_1000": 0.358, + "precision_at_3": 19.467000000000002, + "precision_at_5": 15.98, + "recall_at_1": 5.093, + "recall_at_10": 22.177, + "recall_at_100": 45.842, + "recall_at_1000": 72.598, + "recall_at_3": 11.833, + "recall_at_5": 16.173000000000002, + "main_score": 21.361 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/SICK-R.json b/results/Snowflake__snowflake-arctic-embed-l/external/SICK-R.json new file mode 100644 index 000000000..9e281eca4 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 73.56535226754596, + "cos_sim_spearman": 69.32425977603488, + "euclidean_pearson": 71.32425703470898, + "euclidean_spearman": 69.32425217267013, + "manhattan_pearson": 71.25897281394246, + "manhattan_spearman": 69.27132577049578, + "cosine_pearson": 73.56535226754596, + "cosine_spearman": 69.32425977603488, + "main_score": 69.32425977603488 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/STS12.json b/results/Snowflake__snowflake-arctic-embed-l/external/STS12.json new file mode 100644 index 000000000..63b2d80ae --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 69.66387868726018, + "cos_sim_spearman": 67.85470749045027, + "euclidean_pearson": 66.62075098063795, + "euclidean_spearman": 67.85470749045027, + "manhattan_pearson": 66.61455061901262, + "manhattan_spearman": 67.87229618498695, + "cosine_pearson": 69.66387868726018, + "cosine_spearman": 67.85470749045027, + "main_score": 67.85470749045027 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/STS13.json b/results/Snowflake__snowflake-arctic-embed-l/external/STS13.json new file mode 100644 index 000000000..e200f7750 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 75.65731331392575, + "cos_sim_spearman": 77.48991626780108, + "euclidean_pearson": 77.19884738623692, + "euclidean_spearman": 77.48985836619045, + "manhattan_pearson": 77.0656684243772, + "manhattan_spearman": 77.30289226582691, + "cosine_pearson": 75.65731331392575, + "cosine_spearman": 77.48991626780108, + "main_score": 77.48991626780108 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/STS14.json b/results/Snowflake__snowflake-arctic-embed-l/external/STS14.json new file mode 100644 index 000000000..3a0b8315d --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 69.37003253666457, + "cos_sim_spearman": 69.77157648098141, + "euclidean_pearson": 69.39543876030432, + "euclidean_spearman": 69.77157648098141, + "manhattan_pearson": 69.29901600459745, + "manhattan_spearman": 69.65074167527128, + "cosine_pearson": 69.37003253666457, + "cosine_spearman": 69.77157648098141, + "main_score": 69.77157648098141 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/STS15.json b/results/Snowflake__snowflake-arctic-embed-l/external/STS15.json new file mode 100644 index 000000000..a579f0e75 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 78.56777256540136, + "cos_sim_spearman": 80.16458787843023, + "euclidean_pearson": 80.16475730686916, + "euclidean_spearman": 80.16458787843023, + "manhattan_pearson": 80.12814463670401, + "manhattan_spearman": 80.1357907984809, + "cosine_pearson": 78.56777256540136, + "cosine_spearman": 80.16458787843023, + "main_score": 80.16458787843023 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/STS16.json b/results/Snowflake__snowflake-arctic-embed-l/external/STS16.json new file mode 100644 index 000000000..03cceac2d --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 76.09572350919031, + "cos_sim_spearman": 77.94490233429326, + "euclidean_pearson": 78.36595251203524, + "euclidean_spearman": 77.94490233429326, + "manhattan_pearson": 78.41538768125166, + "manhattan_spearman": 78.01244379569542, + "cosine_pearson": 76.09572350919031, + "cosine_spearman": 77.94490233429326, + "main_score": 77.94490233429326 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/STS17.json b/results/Snowflake__snowflake-arctic-embed-l/external/STS17.json new file mode 100644 index 000000000..75e46bc17 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 80.7843552187951, + "cos_sim_spearman": 82.28085055047386, + "euclidean_pearson": 82.37373672515267, + "euclidean_spearman": 82.28085055047386, + "manhattan_pearson": 82.39387241346917, + "manhattan_spearman": 82.36503339515906, + "cosine_pearson": 80.7843552187951, + "cosine_spearman": 82.28085055047386, + "main_score": 82.28085055047386 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/STS22.json b/results/Snowflake__snowflake-arctic-embed-l/external/STS22.json new file mode 100644 index 000000000..762ab1312 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "eea2b4fe26a775864c896887d910b76a8098ad3f", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 68.29963929962095, + "cos_sim_spearman": 67.96868942546051, + "euclidean_pearson": 68.93524903869285, + "euclidean_spearman": 67.96868942546051, + "manhattan_pearson": 68.79144468444811, + "manhattan_spearman": 67.69311483884324, + "cosine_pearson": 68.29963929962095, + "cosine_spearman": 67.96868942546051, + "main_score": 67.96868942546051 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/STSBenchmark.json b/results/Snowflake__snowflake-arctic-embed-l/external/STSBenchmark.json new file mode 100644 index 000000000..da63e4474 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 72.84789696700685, + "cos_sim_spearman": 75.67875747588545, + "euclidean_pearson": 75.07752300463038, + "euclidean_spearman": 75.67875747588545, + "manhattan_pearson": 74.97934248140928, + "manhattan_spearman": 75.62525644178724, + "cosine_pearson": 72.84789696700685, + "cosine_spearman": 75.67875747588545, + "main_score": 75.67875747588545 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/STSBenchmarkMultilingualSTS.json b/results/Snowflake__snowflake-arctic-embed-l/external/STSBenchmarkMultilingualSTS.json new file mode 100644 index 000000000..04e6d10a3 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/STSBenchmarkMultilingualSTS.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "93d57ef91790589e3ce9c365164337a8a78b7632", + "task_name": "STSBenchmarkMultilingualSTS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 72.84789702519309, + "cos_sim_spearman": 75.67875747588545, + "euclidean_pearson": 75.07752310061133, + "euclidean_spearman": 75.67875747588545, + "manhattan_pearson": 74.97934257159595, + "manhattan_spearman": 75.62525644178724, + "cosine_pearson": 72.84789702519309, + "cosine_spearman": 75.67875747588545, + "main_score": 75.67875747588545 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/SciDocsRR.json b/results/Snowflake__snowflake-arctic-embed-l/external/SciDocsRR.json new file mode 100644 index 000000000..5b2bee585 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 81.55557720431086, + "mrr": 94.91178665198272, + "main_score": 81.55557720431086 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/SciFact.json b/results/Snowflake__snowflake-arctic-embed-l/external/SciFact.json new file mode 100644 index 000000000..be186124c --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 59.260999999999996, + "map_at_10": 69.36099999999999, + "map_at_100": 69.868, + "map_at_1000": 69.877, + "map_at_3": 66.617, + "map_at_5": 68.061, + "mrr_at_1": 62.333000000000006, + "mrr_at_10": 70.533, + "mrr_at_100": 70.966, + "mrr_at_1000": 70.975, + "mrr_at_3": 68.667, + "mrr_at_5": 69.717, + "ndcg_at_1": 62.333000000000006, + "ndcg_at_10": 73.82300000000001, + "ndcg_at_100": 76.122, + "ndcg_at_1000": 76.374, + "ndcg_at_3": 69.27499999999999, + "ndcg_at_5": 71.33, + "precision_at_1": 62.333000000000006, + "precision_at_10": 9.8, + "precision_at_100": 1.097, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 26.889000000000003, + "precision_at_5": 17.599999999999998, + "recall_at_1": 59.260999999999996, + "recall_at_10": 86.2, + "recall_at_100": 96.667, + "recall_at_1000": 98.667, + "recall_at_3": 74.006, + "recall_at_5": 79.167, + "main_score": 73.82300000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/SprintDuplicateQuestions.json b/results/Snowflake__snowflake-arctic-embed-l/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..1d861652a --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.81881188118813, + "cos_sim_ap": 95.20169041096409, + "cos_sim_f1": 90.76224129227664, + "cos_sim_precision": 91.64118246687055, + "cos_sim_recall": 89.9, + "dot_accuracy": 99.81881188118813, + "dot_ap": 95.20169041096409, + "dot_f1": 90.76224129227664, + "dot_precision": 91.64118246687055, + "dot_recall": 89.9, + "euclidean_accuracy": 99.81881188118813, + "euclidean_ap": 95.2016904109641, + "euclidean_f1": 90.76224129227664, + "euclidean_precision": 91.64118246687055, + "euclidean_recall": 89.9, + "manhattan_accuracy": 99.81881188118813, + "manhattan_ap": 95.22680188132777, + "manhattan_f1": 90.79013588324108, + "manhattan_precision": 91.38804457953394, + "manhattan_recall": 90.2, + "max_accuracy": 99.81881188118813, + "max_ap": 95.22680188132777, + "max_f1": 90.79013588324108, + "main_score": 95.22680188132777 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/StackExchangeClustering.json b/results/Snowflake__snowflake-arctic-embed-l/external/StackExchangeClustering.json new file mode 100644 index 000000000..0cadeea02 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 57.8638628701308, + "main_score": 57.8638628701308 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/StackExchangeClusteringP2P.json b/results/Snowflake__snowflake-arctic-embed-l/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..a2250102b --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.82028248106046, + "main_score": 37.82028248106046 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/StackOverflowDupQuestions.json b/results/Snowflake__snowflake-arctic-embed-l/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..9dd30dd04 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 50.870860210170946, + "mrr": 51.608084521687466, + "main_score": 50.870860210170946 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/SummEval.json b/results/Snowflake__snowflake-arctic-embed-l/external/SummEval.json new file mode 100644 index 000000000..eac74ca06 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.60384207444685, + "cos_sim_spearman": 30.84047452209471, + "dot_pearson": 31.60384104417333, + "dot_spearman": 30.84047452209471, + "cosine_pearson": 31.60384207444685, + "cosine_spearman": 30.84047452209471, + "main_score": 30.84047452209471 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/TRECCOVID.json b/results/Snowflake__snowflake-arctic-embed-l/external/TRECCOVID.json new file mode 100644 index 000000000..db9c8639c --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "bb9466bac8153a0349341eb1b22e06409e78ef4e", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.246, + "map_at_10": 2.051, + "map_at_100": 13.129, + "map_at_1000": 31.56, + "map_at_3": 0.681, + "map_at_5": 1.105, + "mrr_at_1": 94, + "mrr_at_10": 97, + "mrr_at_100": 97, + "mrr_at_1000": 97, + "mrr_at_3": 97, + "mrr_at_5": 97, + "ndcg_at_1": 87, + "ndcg_at_10": 80.716, + "ndcg_at_100": 63.83, + "ndcg_at_1000": 56.215, + "ndcg_at_3": 84.531, + "ndcg_at_5": 84.777, + "precision_at_1": 94, + "precision_at_10": 84.6, + "precision_at_100": 66.03999999999999, + "precision_at_1000": 24.878, + "precision_at_3": 88.667, + "precision_at_5": 89.60000000000001, + "recall_at_1": 0.246, + "recall_at_10": 2.2079999999999997, + "recall_at_100": 15.895999999999999, + "recall_at_1000": 52.683, + "recall_at_3": 0.7040000000000001, + "recall_at_5": 1.163, + "main_score": 80.716 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/Touche2020.json b/results/Snowflake__snowflake-arctic-embed-l/external/Touche2020.json new file mode 100644 index 000000000..e8ae97f60 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.852, + "map_at_10": 14.316, + "map_at_100": 20.982, + "map_at_1000": 22.58, + "map_at_3": 7.767, + "map_at_5": 10.321, + "mrr_at_1": 51.019999999999996, + "mrr_at_10": 66.365, + "mrr_at_100": 66.522, + "mrr_at_1000": 66.522, + "mrr_at_3": 62.925, + "mrr_at_5": 64.762, + "ndcg_at_1": 46.939, + "ndcg_at_10": 34.516999999999996, + "ndcg_at_100": 44.25, + "ndcg_at_1000": 54.899, + "ndcg_at_3": 40.203, + "ndcg_at_5": 37.004, + "precision_at_1": 51.019999999999996, + "precision_at_10": 29.796, + "precision_at_100": 8.633000000000001, + "precision_at_1000": 1.584, + "precision_at_3": 40.816, + "precision_at_5": 35.918, + "recall_at_1": 3.852, + "recall_at_10": 20.891000000000002, + "recall_at_100": 52.428, + "recall_at_1000": 84.34899999999999, + "recall_at_3": 8.834, + "recall_at_5": 12.909, + "main_score": 34.516999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/ToxicConversationsClassification.json b/results/Snowflake__snowflake-arctic-embed-l/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..1bd451545 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 64.7092, + "ap": 11.972915012305819, + "f1": 49.91050149892115, + "main_score": 64.7092 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/TweetSentimentExtractionClassification.json b/results/Snowflake__snowflake-arctic-embed-l/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..9e2704968 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 56.737408036219584, + "f1": 57.07235266246011, + "main_score": 56.737408036219584 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/TwentyNewsgroupsClustering.json b/results/Snowflake__snowflake-arctic-embed-l/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..bfa531302 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.9147539025798, + "main_score": 35.9147539025798 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/TwitterSemEval2015.json b/results/Snowflake__snowflake-arctic-embed-l/external/TwitterSemEval2015.json new file mode 100644 index 000000000..e433a205f --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 82.52369315133814, + "cos_sim_ap": 62.34858091376534, + "cos_sim_f1": 58.18225190839694, + "cos_sim_precision": 53.09098824553766, + "cos_sim_recall": 64.35356200527704, + "dot_accuracy": 82.52369315133814, + "dot_ap": 62.34857753814992, + "dot_f1": 58.18225190839694, + "dot_precision": 53.09098824553766, + "dot_recall": 64.35356200527704, + "euclidean_accuracy": 82.52369315133814, + "euclidean_ap": 62.34857756663386, + "euclidean_f1": 58.18225190839694, + "euclidean_precision": 53.09098824553766, + "euclidean_recall": 64.35356200527704, + "manhattan_accuracy": 82.49389044525243, + "manhattan_ap": 62.32245347238179, + "manhattan_f1": 58.206309819213054, + "manhattan_precision": 52.70704044511021, + "manhattan_recall": 64.9868073878628, + "max_accuracy": 82.52369315133814, + "max_ap": 62.34858091376534, + "max_f1": 58.206309819213054, + "main_score": 62.34858091376534 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/TwitterURLCorpus.json b/results/Snowflake__snowflake-arctic-embed-l/external/TwitterURLCorpus.json new file mode 100644 index 000000000..956fc7957 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.34555827220863, + "cos_sim_ap": 84.84152481680071, + "cos_sim_f1": 76.860456739428, + "cos_sim_precision": 72.21470150263978, + "cos_sim_recall": 82.14505697566985, + "dot_accuracy": 88.34555827220863, + "dot_ap": 84.84152743322608, + "dot_f1": 76.860456739428, + "dot_precision": 72.21470150263978, + "dot_recall": 82.14505697566985, + "euclidean_accuracy": 88.34555827220863, + "euclidean_ap": 84.84152589453169, + "euclidean_f1": 76.860456739428, + "euclidean_precision": 72.21470150263978, + "euclidean_recall": 82.14505697566985, + "manhattan_accuracy": 88.38242713548337, + "manhattan_ap": 84.8112124970968, + "manhattan_f1": 76.83599206057487, + "manhattan_precision": 73.51244900829934, + "manhattan_recall": 80.47428395441946, + "max_accuracy": 88.38242713548337, + "max_ap": 84.84152743322608, + "max_f1": 76.860456739428, + "main_score": 84.84152743322608 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/WikiCitiesClustering.json b/results/Snowflake__snowflake-arctic-embed-l/external/WikiCitiesClustering.json new file mode 100644 index 000000000..3a3c9a038 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/WikiCitiesClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "ddc9ee9242fa65332597f70e967ecc38b9d734fa", + "task_name": "WikiCitiesClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 85.5314389263015, + "main_score": 85.5314389263015 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-l/external/model_meta.json b/results/Snowflake__snowflake-arctic-embed-l/external/model_meta.json new file mode 100644 index 000000000..373c4d3ef --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-l/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "Snowflake/snowflake-arctic-embed-l", + "revision": "9a9e5834d2e89cdd8bb72b64111dde496e4fe78c", + "release_date": "2024-04-12", + "languages": [], + "loader": null, + "n_parameters": 334092288, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 1024, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/AmazonCounterfactualClassification.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..9260b4943 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.4776119402985, + "ap": 42.34374238166049, + "f1": 72.51164234732224, + "main_score": 78.4776119402985 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/AmazonPolarityClassification.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..94fb3689b --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.7416, + "ap": 73.12074819362377, + "f1": 78.64057339708795, + "main_score": 78.7416 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/AmazonReviewsClassification.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..e549551d9 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 39.926, + "f1": 39.35531993117573, + "main_score": 39.926 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/ArguAna.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/ArguAna.json new file mode 100644 index 000000000..60bef4743 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 34.851, + "map_at_10": 51.473, + "map_at_100": 52.103, + "map_at_1000": 52.105000000000004, + "map_at_3": 46.776, + "map_at_5": 49.617, + "mrr_at_1": 35.491, + "mrr_at_10": 51.73799999999999, + "mrr_at_100": 52.37500000000001, + "mrr_at_1000": 52.378, + "mrr_at_3": 46.965, + "mrr_at_5": 49.878, + "ndcg_at_1": 34.851, + "ndcg_at_10": 60.364, + "ndcg_at_100": 62.888999999999996, + "ndcg_at_1000": 62.946000000000005, + "ndcg_at_3": 50.807, + "ndcg_at_5": 55.901, + "precision_at_1": 34.851, + "precision_at_10": 8.855, + "precision_at_100": 0.992, + "precision_at_1000": 0.1, + "precision_at_3": 20.839, + "precision_at_5": 14.963999999999999, + "recall_at_1": 34.851, + "recall_at_10": 88.549, + "recall_at_100": 99.21799999999999, + "recall_at_1000": 99.644, + "recall_at_3": 62.517999999999994, + "recall_at_5": 74.822, + "main_score": 60.364 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/ArxivClusteringP2P.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..1a3d0ec32 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 45.5554998405317, + "main_score": 45.5554998405317 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/ArxivClusteringS2S.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..1fc816663 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.614248811397005, + "main_score": 35.614248811397005 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/AskUbuntuDupQuestions.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..f463b6122 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 61.355489424753884, + "mrr": 75.49443784900849, + "main_score": 61.355489424753884 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/BIOSSES.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/BIOSSES.json new file mode 100644 index 000000000..49bc14b95 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 89.17311056578292, + "cos_sim_spearman": 88.24237210809322, + "euclidean_pearson": 87.3188065853646, + "euclidean_spearman": 88.24237210809322, + "manhattan_pearson": 86.89499710049658, + "manhattan_spearman": 87.85441146091777, + "cosine_pearson": 89.17311056578292, + "cosine_spearman": 88.24237210809322, + "main_score": 88.24237210809322 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/Banking77Classification.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/Banking77Classification.json new file mode 100644 index 000000000..0f0aa9c76 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.26298701298703, + "f1": 79.68356764080303, + "main_score": 80.26298701298703 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/BigPatentClustering.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/BigPatentClustering.json new file mode 100644 index 000000000..7f23a231e --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/BigPatentClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "62d5330920bca426ce9d3c76ea914f15fc83e891", + "task_name": "BigPatentClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 20.923883720813706, + "main_score": 20.923883720813706 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/BiorxivClusteringP2P.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..d627404ad --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.16058801465044, + "main_score": 36.16058801465044 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/BiorxivClusteringS2S.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..637062f49 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.1402356118627, + "main_score": 30.1402356118627 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/CQADupstackAndroidRetrieval.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..afb71cdec --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "f46a197baaae43b4f621051089b82a364682dfeb", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 35.612, + "map_at_10": 47.117, + "map_at_100": 48.711, + "map_at_1000": 48.826, + "map_at_3": 43.858999999999995, + "map_at_5": 45.612, + "mrr_at_1": 42.918, + "mrr_at_10": 52.806, + "mrr_at_100": 53.564, + "mrr_at_1000": 53.596999999999994, + "mrr_at_3": 50.453, + "mrr_at_5": 51.841, + "ndcg_at_1": 42.918, + "ndcg_at_10": 53.291999999999994, + "ndcg_at_100": 58.711999999999996, + "ndcg_at_1000": 60.317, + "ndcg_at_3": 48.855, + "ndcg_at_5": 50.778, + "precision_at_1": 42.918, + "precision_at_10": 9.927999999999999, + "precision_at_100": 1.592, + "precision_at_1000": 0.201, + "precision_at_3": 23.366999999999997, + "precision_at_5": 16.366, + "recall_at_1": 35.612, + "recall_at_10": 64.671, + "recall_at_100": 86.97, + "recall_at_1000": 96.99600000000001, + "recall_at_3": 51.37199999999999, + "recall_at_5": 57.094, + "main_score": 53.291999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/CQADupstackEnglishRetrieval.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/CQADupstackEnglishRetrieval.json new file mode 100644 index 000000000..99dd39ae9 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/CQADupstackEnglishRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "ad9991cb51e31e31e430383c75ffb2885547b5f0", + "task_name": "CQADupstackEnglishRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 33.742, + "map_at_10": 44.49, + "map_at_100": 45.781, + "map_at_1000": 45.902, + "map_at_3": 41.453, + "map_at_5": 43.251, + "mrr_at_1": 42.357, + "mrr_at_10": 50.463, + "mrr_at_100": 51.17, + "mrr_at_1000": 51.205999999999996, + "mrr_at_3": 48.397, + "mrr_at_5": 49.649, + "ndcg_at_1": 42.357, + "ndcg_at_10": 50.175000000000004, + "ndcg_at_100": 54.491, + "ndcg_at_1000": 56.282, + "ndcg_at_3": 46.159, + "ndcg_at_5": 48.226, + "precision_at_1": 42.357, + "precision_at_10": 9.382, + "precision_at_100": 1.473, + "precision_at_1000": 0.191, + "precision_at_3": 22.187, + "precision_at_5": 15.758, + "recall_at_1": 33.742, + "recall_at_10": 59.760999999999996, + "recall_at_100": 77.89500000000001, + "recall_at_1000": 89.005, + "recall_at_3": 47.872, + "recall_at_5": 53.559, + "main_score": 50.175000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/CQADupstackGamingRetrieval.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/CQADupstackGamingRetrieval.json new file mode 100644 index 000000000..7ba8f0326 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/CQADupstackGamingRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "4885aa143210c98657558c04aaf3dc47cfb54340", + "task_name": "CQADupstackGamingRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 43.883, + "map_at_10": 56.464999999999996, + "map_at_100": 57.394, + "map_at_1000": 57.443999999999996, + "map_at_3": 53.169, + "map_at_5": 54.984, + "mrr_at_1": 50.470000000000006, + "mrr_at_10": 59.997, + "mrr_at_100": 60.586, + "mrr_at_1000": 60.61, + "mrr_at_3": 57.837, + "mrr_at_5": 59.019, + "ndcg_at_1": 50.470000000000006, + "ndcg_at_10": 62.134, + "ndcg_at_100": 65.69500000000001, + "ndcg_at_1000": 66.674, + "ndcg_at_3": 56.916999999999994, + "ndcg_at_5": 59.312, + "precision_at_1": 50.470000000000006, + "precision_at_10": 9.812, + "precision_at_100": 1.25, + "precision_at_1000": 0.13699999999999998, + "precision_at_3": 25.119999999999997, + "precision_at_5": 17.016000000000002, + "recall_at_1": 43.883, + "recall_at_10": 75.417, + "recall_at_100": 90.545, + "recall_at_1000": 97.44500000000001, + "recall_at_3": 61.306000000000004, + "recall_at_5": 67.244, + "main_score": 62.134 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/CQADupstackGisRetrieval.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/CQADupstackGisRetrieval.json new file mode 100644 index 000000000..64553e8cf --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/CQADupstackGisRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "5003b3064772da1887988e05400cf3806fe491f2", + "task_name": "CQADupstackGisRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.813000000000002, + "map_at_10": 38.627, + "map_at_100": 39.735, + "map_at_1000": 39.806000000000004, + "map_at_3": 36.283, + "map_at_5": 37.491, + "mrr_at_1": 32.316, + "mrr_at_10": 40.752, + "mrr_at_100": 41.699000000000005, + "mrr_at_1000": 41.749, + "mrr_at_3": 38.531, + "mrr_at_5": 39.706, + "ndcg_at_1": 32.316, + "ndcg_at_10": 43.524, + "ndcg_at_100": 48.648, + "ndcg_at_1000": 50.405, + "ndcg_at_3": 38.928000000000004, + "ndcg_at_5": 40.967, + "precision_at_1": 32.316, + "precision_at_10": 6.451999999999999, + "precision_at_100": 0.9490000000000001, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 16.384, + "precision_at_5": 11.006, + "recall_at_1": 29.813000000000002, + "recall_at_10": 56.562999999999995, + "recall_at_100": 79.452, + "recall_at_1000": 92.715, + "recall_at_3": 43.985, + "recall_at_5": 49.001, + "main_score": 43.524 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/CQADupstackMathematicaRetrieval.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/CQADupstackMathematicaRetrieval.json new file mode 100644 index 000000000..0333db758 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/CQADupstackMathematicaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "90fceea13679c63fe563ded68f3b6f06e50061de", + "task_name": "CQADupstackMathematicaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.961000000000002, + "map_at_10": 28.026, + "map_at_100": 29.212, + "map_at_1000": 29.332, + "map_at_3": 25.296999999999997, + "map_at_5": 26.832, + "mrr_at_1": 24.627, + "mrr_at_10": 33.045, + "mrr_at_100": 33.944, + "mrr_at_1000": 34.013, + "mrr_at_3": 30.307000000000002, + "mrr_at_5": 31.874000000000002, + "ndcg_at_1": 24.627, + "ndcg_at_10": 33.414, + "ndcg_at_100": 39.061, + "ndcg_at_1000": 41.795, + "ndcg_at_3": 28.377000000000002, + "ndcg_at_5": 30.781999999999996, + "precision_at_1": 24.627, + "precision_at_10": 6.02, + "precision_at_100": 1.035, + "precision_at_1000": 0.13899999999999998, + "precision_at_3": 13.516, + "precision_at_5": 9.851, + "recall_at_1": 19.961000000000002, + "recall_at_10": 45.174, + "recall_at_100": 69.69, + "recall_at_1000": 89.24600000000001, + "recall_at_3": 31.062, + "recall_at_5": 37.193, + "main_score": 33.414 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/CQADupstackPhysicsRetrieval.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/CQADupstackPhysicsRetrieval.json new file mode 100644 index 000000000..7a1c016d0 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/CQADupstackPhysicsRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "79531abbd1fb92d06c6d6315a0cbbbf5bb247ea4", + "task_name": "CQADupstackPhysicsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.080999999999996, + "map_at_10": 42.177, + "map_at_100": 43.431999999999995, + "map_at_1000": 43.533, + "map_at_3": 38.721, + "map_at_5": 40.669, + "mrr_at_1": 38.787, + "mrr_at_10": 47.762, + "mrr_at_100": 48.541000000000004, + "mrr_at_1000": 48.581, + "mrr_at_3": 45.123999999999995, + "mrr_at_5": 46.639, + "ndcg_at_1": 38.787, + "ndcg_at_10": 48.094, + "ndcg_at_100": 53.291, + "ndcg_at_1000": 55.21, + "ndcg_at_3": 42.721, + "ndcg_at_5": 45.301, + "precision_at_1": 38.787, + "precision_at_10": 8.576, + "precision_at_100": 1.306, + "precision_at_1000": 0.164, + "precision_at_3": 19.698, + "precision_at_5": 14.013, + "recall_at_1": 32.080999999999996, + "recall_at_10": 59.948, + "recall_at_100": 81.811, + "recall_at_1000": 94.544, + "recall_at_3": 44.903999999999996, + "recall_at_5": 51.763999999999996, + "main_score": 48.094 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/CQADupstackProgrammersRetrieval.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/CQADupstackProgrammersRetrieval.json new file mode 100644 index 000000000..90a618598 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/CQADupstackProgrammersRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "6184bc1440d2dbc7612be22b50686b8826d22b32", + "task_name": "CQADupstackProgrammersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.869, + "map_at_10": 38.954, + "map_at_100": 40.233000000000004, + "map_at_1000": 40.332, + "map_at_3": 35.585, + "map_at_5": 37.476, + "mrr_at_1": 35.959, + "mrr_at_10": 44.800000000000004, + "mrr_at_100": 45.609, + "mrr_at_1000": 45.655, + "mrr_at_3": 42.333, + "mrr_at_5": 43.68, + "ndcg_at_1": 35.959, + "ndcg_at_10": 44.957, + "ndcg_at_100": 50.275000000000006, + "ndcg_at_1000": 52.29899999999999, + "ndcg_at_3": 39.797, + "ndcg_at_5": 42.128, + "precision_at_1": 35.959, + "precision_at_10": 8.185, + "precision_at_100": 1.261, + "precision_at_1000": 0.159, + "precision_at_3": 18.988, + "precision_at_5": 13.516, + "recall_at_1": 28.869, + "recall_at_10": 57.154, + "recall_at_100": 79.764, + "recall_at_1000": 93.515, + "recall_at_3": 42.364000000000004, + "recall_at_5": 48.756, + "main_score": 44.957 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/CQADupstackStatsRetrieval.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/CQADupstackStatsRetrieval.json new file mode 100644 index 000000000..152f31f10 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/CQADupstackStatsRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "65ac3a16b8e91f9cee4c9828cc7c335575432a2a", + "task_name": "CQADupstackStatsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.773000000000003, + "map_at_10": 34.13, + "map_at_100": 35.113, + "map_at_1000": 35.211, + "map_at_3": 31.958, + "map_at_5": 33.080999999999996, + "mrr_at_1": 30.061, + "mrr_at_10": 37.061, + "mrr_at_100": 37.865, + "mrr_at_1000": 37.939, + "mrr_at_3": 34.995, + "mrr_at_5": 36.092, + "ndcg_at_1": 30.061, + "ndcg_at_10": 38.391999999999996, + "ndcg_at_100": 43.13, + "ndcg_at_1000": 45.449, + "ndcg_at_3": 34.411, + "ndcg_at_5": 36.163000000000004, + "precision_at_1": 30.061, + "precision_at_10": 5.982, + "precision_at_100": 0.911, + "precision_at_1000": 0.11800000000000001, + "precision_at_3": 14.673, + "precision_at_5": 10.030999999999999, + "recall_at_1": 26.773000000000003, + "recall_at_10": 48.445, + "recall_at_100": 69.741, + "recall_at_1000": 86.59, + "recall_at_3": 37.576, + "recall_at_5": 41.948, + "main_score": 38.391999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/CQADupstackTexRetrieval.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/CQADupstackTexRetrieval.json new file mode 100644 index 000000000..414be5c78 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/CQADupstackTexRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "46989137a86843e03a6195de44b09deda022eec7", + "task_name": "CQADupstackTexRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.556, + "map_at_10": 26.340999999999998, + "map_at_100": 27.560000000000002, + "map_at_1000": 27.685, + "map_at_3": 24.136, + "map_at_5": 25.34, + "mrr_at_1": 22.368, + "mrr_at_10": 30.192999999999998, + "mrr_at_100": 31.183, + "mrr_at_1000": 31.258000000000003, + "mrr_at_3": 28.223, + "mrr_at_5": 29.294999999999998, + "ndcg_at_1": 22.368, + "ndcg_at_10": 31.029, + "ndcg_at_100": 36.768, + "ndcg_at_1000": 39.572, + "ndcg_at_3": 27.197, + "ndcg_at_5": 28.912, + "precision_at_1": 22.368, + "precision_at_10": 5.606, + "precision_at_100": 0.9979999999999999, + "precision_at_1000": 0.14100000000000001, + "precision_at_3": 12.892999999999999, + "precision_at_5": 9.16, + "recall_at_1": 18.556, + "recall_at_10": 41.087, + "recall_at_100": 66.92, + "recall_at_1000": 86.691, + "recall_at_3": 30.415, + "recall_at_5": 34.813, + "main_score": 31.029 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/CQADupstackUnixRetrieval.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/CQADupstackUnixRetrieval.json new file mode 100644 index 000000000..c43fc70e9 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/CQADupstackUnixRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "6c6430d3a6d36f8d2a829195bc5dc94d7e063e53", + "task_name": "CQADupstackUnixRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.953999999999997, + "map_at_10": 39.633, + "map_at_100": 40.923, + "map_at_1000": 41.016000000000005, + "map_at_3": 36.609, + "map_at_5": 38.443, + "mrr_at_1": 35.354, + "mrr_at_10": 43.718, + "mrr_at_100": 44.651999999999994, + "mrr_at_1000": 44.696000000000005, + "mrr_at_3": 41.154, + "mrr_at_5": 42.730000000000004, + "ndcg_at_1": 35.354, + "ndcg_at_10": 44.933, + "ndcg_at_100": 50.577000000000005, + "ndcg_at_1000": 52.428, + "ndcg_at_3": 39.833, + "ndcg_at_5": 42.465, + "precision_at_1": 35.354, + "precision_at_10": 7.416, + "precision_at_100": 1.157, + "precision_at_1000": 0.14100000000000001, + "precision_at_3": 17.817, + "precision_at_5": 12.687000000000001, + "recall_at_1": 29.953999999999997, + "recall_at_10": 56.932, + "recall_at_100": 80.93900000000001, + "recall_at_1000": 93.582, + "recall_at_3": 43.192, + "recall_at_5": 49.757, + "main_score": 44.933 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/CQADupstackWebmastersRetrieval.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/CQADupstackWebmastersRetrieval.json new file mode 100644 index 000000000..a7cb32a70 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/CQADupstackWebmastersRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "160c094312a0e1facb97e55eeddb698c0abe3571", + "task_name": "CQADupstackWebmastersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.85, + "map_at_10": 37.68, + "map_at_100": 39.295, + "map_at_1000": 39.527, + "map_at_3": 35.036, + "map_at_5": 36.269, + "mrr_at_1": 33.004, + "mrr_at_10": 42.096000000000004, + "mrr_at_100": 43.019, + "mrr_at_1000": 43.071, + "mrr_at_3": 39.987, + "mrr_at_5": 40.995, + "ndcg_at_1": 33.004, + "ndcg_at_10": 43.461, + "ndcg_at_100": 49.138, + "ndcg_at_1000": 51.50900000000001, + "ndcg_at_3": 39.317, + "ndcg_at_5": 40.760999999999996, + "precision_at_1": 33.004, + "precision_at_10": 8.161999999999999, + "precision_at_100": 1.583, + "precision_at_1000": 0.245, + "precision_at_3": 18.445, + "precision_at_5": 12.885, + "recall_at_1": 27.85, + "recall_at_10": 54.419, + "recall_at_100": 79.742, + "recall_at_1000": 93.97, + "recall_at_3": 42.149, + "recall_at_5": 46.165, + "main_score": 43.461 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/CQADupstackWordpressRetrieval.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/CQADupstackWordpressRetrieval.json new file mode 100644 index 000000000..b4d8bf67c --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/CQADupstackWordpressRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "4ffe81d471b1924886b33c7567bfb200e9eec5c4", + "task_name": "CQADupstackWordpressRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.627, + "map_at_10": 32.182, + "map_at_100": 33.217999999999996, + "map_at_1000": 33.32, + "map_at_3": 28.866999999999997, + "map_at_5": 30.871, + "mrr_at_1": 26.987, + "mrr_at_10": 34.37, + "mrr_at_100": 35.301, + "mrr_at_1000": 35.369, + "mrr_at_3": 31.391999999999996, + "mrr_at_5": 33.287, + "ndcg_at_1": 26.987, + "ndcg_at_10": 37.096000000000004, + "ndcg_at_100": 42.158, + "ndcg_at_1000": 44.548, + "ndcg_at_3": 30.913, + "ndcg_at_5": 34.245, + "precision_at_1": 26.987, + "precision_at_10": 5.878, + "precision_at_100": 0.906, + "precision_at_1000": 0.123, + "precision_at_3": 12.815999999999999, + "precision_at_5": 9.612, + "recall_at_1": 24.627, + "recall_at_10": 50.257, + "recall_at_100": 73.288, + "recall_at_1000": 90.97800000000001, + "recall_at_3": 33.823, + "recall_at_5": 41.839, + "main_score": 37.096000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/ClimateFEVER.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/ClimateFEVER.json new file mode 100644 index 000000000..4d6ea4f2e --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.343, + "map_at_10": 28.59, + "map_at_100": 30.591, + "map_at_1000": 30.759999999999998, + "map_at_3": 24.197, + "map_at_5": 26.433, + "mrr_at_1": 39.609, + "mrr_at_10": 51.107, + "mrr_at_100": 51.87199999999999, + "mrr_at_1000": 51.894, + "mrr_at_3": 48.154, + "mrr_at_5": 49.939, + "ndcg_at_1": 39.609, + "ndcg_at_10": 38.329, + "ndcg_at_100": 45.573, + "ndcg_at_1000": 48.405, + "ndcg_at_3": 32.506, + "ndcg_at_5": 34.331, + "precision_at_1": 39.609, + "precision_at_10": 11.668000000000001, + "precision_at_100": 1.9539999999999997, + "precision_at_1000": 0.249, + "precision_at_3": 23.952, + "precision_at_5": 17.902, + "recall_at_1": 17.343, + "recall_at_10": 43.704, + "recall_at_100": 68.363, + "recall_at_1000": 84.04599999999999, + "recall_at_3": 29.028, + "recall_at_5": 35.022, + "main_score": 38.329 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/DBPedia.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/DBPedia.json new file mode 100644 index 000000000..c3055e507 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.934999999999999, + "map_at_10": 22.081, + "map_at_100": 32.036, + "map_at_1000": 33.803, + "map_at_3": 15.687999999999999, + "map_at_5": 18.357, + "mrr_at_1": 70.75, + "mrr_at_10": 78.506, + "mrr_at_100": 78.874, + "mrr_at_1000": 78.88300000000001, + "mrr_at_3": 77.667, + "mrr_at_5": 78.342, + "ndcg_at_1": 57.25, + "ndcg_at_10": 45.286, + "ndcg_at_100": 50.791, + "ndcg_at_1000": 58.021, + "ndcg_at_3": 49.504, + "ndcg_at_5": 47.03, + "precision_at_1": 70.75, + "precision_at_10": 36.425000000000004, + "precision_at_100": 11.953, + "precision_at_1000": 2.248, + "precision_at_3": 53.25, + "precision_at_5": 46.150000000000006, + "recall_at_1": 9.934999999999999, + "recall_at_10": 27.592, + "recall_at_100": 58.089, + "recall_at_1000": 81.025, + "recall_at_3": 17.048, + "recall_at_5": 20.834, + "main_score": 45.286 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/EmotionClassification.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/EmotionClassification.json new file mode 100644 index 000000000..0698a28c7 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 47.25999999999999, + "f1": 43.83371155132253, + "main_score": 47.25999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/FEVER.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/FEVER.json new file mode 100644 index 000000000..fde111512 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 73.68900000000001, + "map_at_10": 82.878, + "map_at_100": 83.084, + "map_at_1000": 83.097, + "map_at_3": 81.528, + "map_at_5": 82.432, + "mrr_at_1": 79.49300000000001, + "mrr_at_10": 87.24300000000001, + "mrr_at_100": 87.3, + "mrr_at_1000": 87.301, + "mrr_at_3": 86.359, + "mrr_at_5": 87.01, + "ndcg_at_1": 79.49300000000001, + "ndcg_at_10": 86.894, + "ndcg_at_100": 87.6, + "ndcg_at_1000": 87.79299999999999, + "ndcg_at_3": 84.777, + "ndcg_at_5": 86.08, + "precision_at_1": 79.49300000000001, + "precision_at_10": 10.578, + "precision_at_100": 1.117, + "precision_at_1000": 0.11499999999999999, + "precision_at_3": 32.592999999999996, + "precision_at_5": 20.423, + "recall_at_1": 73.68900000000001, + "recall_at_10": 94.833, + "recall_at_100": 97.554, + "recall_at_1000": 98.672, + "recall_at_3": 89.236, + "recall_at_5": 92.461, + "main_score": 86.894 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/FiQA2018.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/FiQA2018.json new file mode 100644 index 000000000..da8c33b3e --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.59, + "map_at_10": 34.089000000000006, + "map_at_100": 35.796, + "map_at_1000": 35.988, + "map_at_3": 29.877, + "map_at_5": 32.202999999999996, + "mrr_at_1": 41.049, + "mrr_at_10": 50.370000000000005, + "mrr_at_100": 51.209, + "mrr_at_1000": 51.247, + "mrr_at_3": 48.122, + "mrr_at_5": 49.326, + "ndcg_at_1": 41.049, + "ndcg_at_10": 42.163000000000004, + "ndcg_at_100": 48.638999999999996, + "ndcg_at_1000": 51.775000000000006, + "ndcg_at_3": 38.435, + "ndcg_at_5": 39.561, + "precision_at_1": 41.049, + "precision_at_10": 11.481, + "precision_at_100": 1.8239999999999998, + "precision_at_1000": 0.24, + "precision_at_3": 25.257, + "precision_at_5": 18.519, + "recall_at_1": 20.59, + "recall_at_10": 49.547999999999995, + "recall_at_100": 73.676, + "recall_at_1000": 92.269, + "recall_at_3": 35.656, + "recall_at_5": 41.455, + "main_score": 42.163000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/HotpotQA.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/HotpotQA.json new file mode 100644 index 000000000..23d06a578 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 39.932, + "map_at_10": 64.184, + "map_at_100": 65.06, + "map_at_1000": 65.109, + "map_at_3": 60.27, + "map_at_5": 62.732, + "mrr_at_1": 79.865, + "mrr_at_10": 85.99799999999999, + "mrr_at_100": 86.13, + "mrr_at_1000": 86.13300000000001, + "mrr_at_3": 85.136, + "mrr_at_5": 85.69200000000001, + "ndcg_at_1": 79.865, + "ndcg_at_10": 72.756, + "ndcg_at_100": 75.638, + "ndcg_at_1000": 76.589, + "ndcg_at_3": 67.38199999999999, + "ndcg_at_5": 70.402, + "precision_at_1": 79.865, + "precision_at_10": 15.387999999999998, + "precision_at_100": 1.7610000000000001, + "precision_at_1000": 0.189, + "precision_at_3": 43.394, + "precision_at_5": 28.424, + "recall_at_1": 39.932, + "recall_at_10": 76.941, + "recall_at_100": 88.062, + "recall_at_1000": 94.396, + "recall_at_3": 65.091, + "recall_at_5": 71.06, + "main_score": 72.756 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/ImdbClassification.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/ImdbClassification.json new file mode 100644 index 000000000..15688e94e --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.7904, + "ap": 65.82899456730257, + "f1": 71.56611877410202, + "main_score": 71.7904 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/MSMARCO.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/MSMARCO.json new file mode 100644 index 000000000..a5f8a8167 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.931, + "map_at_10": 34.849999999999994, + "map_at_100": 36.033, + "map_at_1000": 36.08, + "map_at_3": 30.842000000000002, + "map_at_5": 33.229, + "mrr_at_1": 22.55, + "mrr_at_10": 35.436, + "mrr_at_100": 36.563, + "mrr_at_1000": 36.604, + "mrr_at_3": 31.507, + "mrr_at_5": 33.851, + "ndcg_at_1": 22.55, + "ndcg_at_10": 41.969, + "ndcg_at_100": 47.576, + "ndcg_at_1000": 48.731, + "ndcg_at_3": 33.894000000000005, + "ndcg_at_5": 38.133, + "precision_at_1": 22.55, + "precision_at_10": 6.660000000000001, + "precision_at_100": 0.946, + "precision_at_1000": 0.104, + "precision_at_3": 14.532, + "precision_at_5": 10.865, + "recall_at_1": 21.931, + "recall_at_10": 63.841, + "recall_at_100": 89.47699999999999, + "recall_at_1000": 98.259, + "recall_at_3": 42.063, + "recall_at_5": 52.21, + "main_score": 41.969 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/MTOPDomainClassification.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/MTOPDomainClassification.json new file mode 100644 index 000000000..0b831c099 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.03921568627452, + "f1": 92.56400672314416, + "main_score": 93.03921568627452 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/MTOPIntentClassification.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/MTOPIntentClassification.json new file mode 100644 index 000000000..d02073267 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 63.515731874145, + "f1": 44.922310875523216, + "main_score": 63.515731874145 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/MasakhaNEWSClassification.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/MasakhaNEWSClassification.json new file mode 100644 index 000000000..5b53e6e5e --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/MasakhaNEWSClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "8ccc72e69e65f40c70e117d8b3c08306bb788b60", + "task_name": "MasakhaNEWSClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "eng", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.57383966244727, + "f1": 76.55222378218293, + "main_score": 77.57383966244727 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/MassiveIntentClassification.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/MassiveIntentClassification.json new file mode 100644 index 000000000..2970f1b53 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 66.54673839946201, + "f1": 64.61004101532164, + "main_score": 66.54673839946201 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/MassiveScenarioClassification.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..6943e0d30 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.11365164761264, + "f1": 72.01684013680978, + "main_score": 73.11365164761264 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/MedrxivClusteringP2P.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..5bfbddccf --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.123671999617297, + "main_score": 31.123671999617297 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/MedrxivClusteringS2S.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..da03fb382 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 26.72684341430875, + "main_score": 26.72684341430875 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/MindSmallReranking.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/MindSmallReranking.json new file mode 100644 index 000000000..9a4a5eab7 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 29.910228061734816, + "mrr": 30.835255982532477, + "main_score": 29.910228061734816 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/NFCorpus.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/NFCorpus.json new file mode 100644 index 000000000..4709461a2 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.6770000000000005, + "map_at_10": 13.15, + "map_at_100": 16.205, + "map_at_1000": 17.580000000000002, + "map_at_3": 9.651, + "map_at_5": 11.142000000000001, + "mrr_at_1": 47.678, + "mrr_at_10": 56.257000000000005, + "mrr_at_100": 56.708000000000006, + "mrr_at_1000": 56.751, + "mrr_at_3": 54.128, + "mrr_at_5": 55.181000000000004, + "ndcg_at_1": 45.511, + "ndcg_at_10": 35.867, + "ndcg_at_100": 31.566, + "ndcg_at_1000": 40.077, + "ndcg_at_3": 41.9, + "ndcg_at_5": 39.367999999999995, + "precision_at_1": 47.678, + "precision_at_10": 26.842, + "precision_at_100": 7.991, + "precision_at_1000": 2.0469999999999997, + "precision_at_3": 39.938, + "precision_at_5": 34.613, + "recall_at_1": 5.6770000000000005, + "recall_at_10": 17.119999999999997, + "recall_at_100": 30.828, + "recall_at_1000": 62.082, + "recall_at_3": 10.456, + "recall_at_5": 12.903999999999998, + "main_score": 35.867 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/NQ.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/NQ.json new file mode 100644 index 000000000..ed117317d --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 39.021, + "map_at_10": 54.976, + "map_at_100": 55.793000000000006, + "map_at_1000": 55.811, + "map_at_3": 50.759, + "map_at_5": 53.429, + "mrr_at_1": 43.308, + "mrr_at_10": 57.118, + "mrr_at_100": 57.69499999999999, + "mrr_at_1000": 57.704, + "mrr_at_3": 53.848, + "mrr_at_5": 55.915000000000006, + "ndcg_at_1": 43.308, + "ndcg_at_10": 62.33800000000001, + "ndcg_at_100": 65.61099999999999, + "ndcg_at_1000": 65.995, + "ndcg_at_3": 54.723, + "ndcg_at_5": 59.026, + "precision_at_1": 43.308, + "precision_at_10": 9.803, + "precision_at_100": 1.167, + "precision_at_1000": 0.121, + "precision_at_3": 24.334, + "precision_at_5": 17.144000000000002, + "recall_at_1": 39.021, + "recall_at_10": 82.37299999999999, + "recall_at_100": 96.21499999999999, + "recall_at_1000": 99.02499999999999, + "recall_at_3": 63.031000000000006, + "recall_at_5": 72.856, + "main_score": 62.33800000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/NewsClassification.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/NewsClassification.json new file mode 100644 index 000000000..42fb65616 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/NewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "eb185aade064a813bc0b7f42de02595523103ca4", + "task_name": "NewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.03289473684211, + "f1": 77.89323745730803, + "main_score": 78.03289473684211 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/OpusparcusPC.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/OpusparcusPC.json new file mode 100644 index 000000000..80bb65872 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/OpusparcusPC.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "9e9b1f8ef51616073f47f306f7f47dd91663f86a", + "task_name": "OpusparcusPC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.89816700610999, + "cos_sim_ap": 100.0, + "cos_sim_f1": 99.9490575649516, + "cos_sim_precision": 100.0, + "cos_sim_recall": 99.89816700610999, + "dot_accuracy": 99.89816700610999, + "dot_ap": 100.0, + "dot_f1": 99.9490575649516, + "dot_precision": 100.0, + "dot_recall": 99.89816700610999, + "euclidean_accuracy": 99.89816700610999, + "euclidean_ap": 100.0, + "euclidean_f1": 99.9490575649516, + "euclidean_precision": 100.0, + "euclidean_recall": 99.89816700610999, + "manhattan_accuracy": 99.89816700610999, + "manhattan_ap": 100.0, + "manhattan_f1": 99.9490575649516, + "manhattan_precision": 100.0, + "manhattan_recall": 99.89816700610999, + "max_accuracy": 99.89816700610999, + "max_ap": 100.0, + "max_f1": 99.9490575649516, + "main_score": 100.0 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/QuoraRetrieval.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/QuoraRetrieval.json new file mode 100644 index 000000000..3334390a9 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "e4e08e0b7dbe3c8700f0daef558ff32256715259", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 70.186, + "map_at_10": 83.875, + "map_at_100": 84.514, + "map_at_1000": 84.53500000000001, + "map_at_3": 80.926, + "map_at_5": 82.797, + "mrr_at_1": 80.82000000000001, + "mrr_at_10": 87.068, + "mrr_at_100": 87.178, + "mrr_at_1000": 87.18, + "mrr_at_3": 86.055, + "mrr_at_5": 86.763, + "ndcg_at_1": 80.84, + "ndcg_at_10": 87.723, + "ndcg_at_100": 88.98700000000001, + "ndcg_at_1000": 89.13499999999999, + "ndcg_at_3": 84.821, + "ndcg_at_5": 86.441, + "precision_at_1": 80.84, + "precision_at_10": 13.270000000000001, + "precision_at_100": 1.516, + "precision_at_1000": 0.156, + "precision_at_3": 37.013, + "precision_at_5": 24.37, + "recall_at_1": 70.186, + "recall_at_10": 94.948, + "recall_at_100": 99.223, + "recall_at_1000": 99.932, + "recall_at_3": 86.57000000000001, + "recall_at_5": 91.157, + "main_score": 87.723 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/RedditClustering.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/RedditClustering.json new file mode 100644 index 000000000..a6b81dcfb --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 50.24198927949519, + "main_score": 50.24198927949519 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/RedditClusteringP2P.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/RedditClusteringP2P.json new file mode 100644 index 000000000..dd4dd59d9 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 61.452073078765544, + "main_score": 61.452073078765544 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/SCIDOCS.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/SCIDOCS.json new file mode 100644 index 000000000..9831f7f19 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "f8c2fcf00f625baaa80f62ec5bd9e1fff3b8ae88", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.972, + "map_at_10": 12.314, + "map_at_100": 14.333000000000002, + "map_at_1000": 14.628, + "map_at_3": 8.972, + "map_at_5": 10.724, + "mrr_at_1": 24.4, + "mrr_at_10": 35.257, + "mrr_at_100": 36.297000000000004, + "mrr_at_1000": 36.363, + "mrr_at_3": 32.267, + "mrr_at_5": 33.942, + "ndcg_at_1": 24.4, + "ndcg_at_10": 20.47, + "ndcg_at_100": 28.111000000000004, + "ndcg_at_1000": 33.499, + "ndcg_at_3": 19.975, + "ndcg_at_5": 17.293, + "precision_at_1": 24.4, + "precision_at_10": 10.440000000000001, + "precision_at_100": 2.136, + "precision_at_1000": 0.34299999999999997, + "precision_at_3": 18.733, + "precision_at_5": 15.120000000000001, + "recall_at_1": 4.972, + "recall_at_10": 21.157, + "recall_at_100": 43.335, + "recall_at_1000": 69.652, + "recall_at_3": 11.417, + "recall_at_5": 15.317, + "main_score": 20.47 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/SICK-R.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/SICK-R.json new file mode 100644 index 000000000..619bfb2cb --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 76.70295978506286, + "cos_sim_spearman": 70.91162732446628, + "euclidean_pearson": 73.25693688746031, + "euclidean_spearman": 70.91162556180127, + "manhattan_pearson": 73.27735004735767, + "manhattan_spearman": 70.8856787022704, + "cosine_pearson": 76.70295978506286, + "cosine_spearman": 70.91162732446628, + "main_score": 70.91162732446628 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/STS12.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/STS12.json new file mode 100644 index 000000000..a91552ee5 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 67.55878682646774, + "cos_sim_spearman": 66.10824660353681, + "euclidean_pearson": 64.93937270068541, + "euclidean_spearman": 66.10824660353681, + "manhattan_pearson": 64.96325555978984, + "manhattan_spearman": 66.12052481638577, + "cosine_pearson": 67.55878682646774, + "cosine_spearman": 66.10824660353681, + "main_score": 66.10824660353681 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/STS13.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/STS13.json new file mode 100644 index 000000000..85985303b --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 79.79979774019496, + "cos_sim_spearman": 79.82293444619499, + "euclidean_pearson": 79.4830436509311, + "euclidean_spearman": 79.82293444619499, + "manhattan_pearson": 79.49785594799296, + "manhattan_spearman": 79.8280390479434, + "cosine_pearson": 79.79979774019496, + "cosine_spearman": 79.82293444619499, + "main_score": 79.82293444619499 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/STS14.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/STS14.json new file mode 100644 index 000000000..f9ff54103 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 76.36839628231121, + "cos_sim_spearman": 73.63809739428072, + "euclidean_pearson": 74.93718121215906, + "euclidean_spearman": 73.63810227650436, + "manhattan_pearson": 74.8737197659424, + "manhattan_spearman": 73.57534688126572, + "cosine_pearson": 76.36839628231121, + "cosine_spearman": 73.63809739428072, + "main_score": 73.63809739428072 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/STS15.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/STS15.json new file mode 100644 index 000000000..a144ab56c --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.67482138157656, + "cos_sim_spearman": 83.23485786963107, + "euclidean_pearson": 82.50847772197369, + "euclidean_spearman": 83.23485786963107, + "manhattan_pearson": 82.48916218377576, + "manhattan_spearman": 83.19756483500014, + "cosine_pearson": 82.67482138157656, + "cosine_spearman": 83.23485786963107, + "main_score": 83.23485786963107 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/STS16.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/STS16.json new file mode 100644 index 000000000..eab9e8809 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.11626268793967, + "cos_sim_spearman": 81.58184691061507, + "euclidean_pearson": 80.65900869004938, + "euclidean_spearman": 81.58184691061507, + "manhattan_pearson": 80.67912306966772, + "manhattan_spearman": 81.59957593393145, + "cosine_pearson": 81.11626268793967, + "cosine_spearman": 81.58184691061507, + "main_score": 81.58184691061507 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/STS17.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/STS17.json new file mode 100644 index 000000000..5615b0d15 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 80.3140990821409, + "cos_sim_spearman": 80.59196586367551, + "euclidean_pearson": 80.73014029317672, + "euclidean_spearman": 80.59196586367551, + "manhattan_pearson": 80.5774325136987, + "manhattan_spearman": 80.35102610546238, + "cosine_pearson": 80.3140990821409, + "cosine_spearman": 80.59196586367551, + "main_score": 80.59196586367551 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/STS22.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/STS22.json new file mode 100644 index 000000000..7eaa90576 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "eea2b4fe26a775864c896887d910b76a8098ad3f", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 68.34450491529164, + "cos_sim_spearman": 68.79451793414492, + "euclidean_pearson": 68.75619738499324, + "euclidean_spearman": 68.79451793414492, + "manhattan_pearson": 68.75256119543882, + "manhattan_spearman": 68.81836416978547, + "cosine_pearson": 68.34450491529164, + "cosine_spearman": 68.79451793414492, + "main_score": 68.79451793414492 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/STSBenchmark.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/STSBenchmark.json new file mode 100644 index 000000000..5baccf52a --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 77.95580414975612, + "cos_sim_spearman": 77.89671867168987, + "euclidean_pearson": 77.61352097720862, + "euclidean_spearman": 77.89671867168987, + "manhattan_pearson": 77.65282228135632, + "manhattan_spearman": 77.91730533156762, + "cosine_pearson": 77.95580414975612, + "cosine_spearman": 77.89671867168987, + "main_score": 77.89671867168987 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/STSBenchmarkMultilingualSTS.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/STSBenchmarkMultilingualSTS.json new file mode 100644 index 000000000..a9a181f6d --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/STSBenchmarkMultilingualSTS.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "93d57ef91790589e3ce9c365164337a8a78b7632", + "task_name": "STSBenchmarkMultilingualSTS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 77.95580421496413, + "cos_sim_spearman": 77.89671867168987, + "euclidean_pearson": 77.61352107168794, + "euclidean_spearman": 77.89671867168987, + "manhattan_pearson": 77.65282237231794, + "manhattan_spearman": 77.91730533156762, + "cosine_pearson": 77.95580421496413, + "cosine_spearman": 77.89671867168987, + "main_score": 77.89671867168987 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/SciDocsRR.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/SciDocsRR.json new file mode 100644 index 000000000..ddecf8c9d --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 79.22928110092924, + "mrr": 94.46700902583257, + "main_score": 79.22928110092924 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/SciFact.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/SciFact.json new file mode 100644 index 000000000..2cead744c --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 56.011, + "map_at_10": 65.544, + "map_at_100": 66.034, + "map_at_1000": 66.065, + "map_at_3": 63.077000000000005, + "map_at_5": 64.354, + "mrr_at_1": 59.0, + "mrr_at_10": 66.74900000000001, + "mrr_at_100": 67.176, + "mrr_at_1000": 67.203, + "mrr_at_3": 65.056, + "mrr_at_5": 65.956, + "ndcg_at_1": 59.0, + "ndcg_at_10": 69.95599999999999, + "ndcg_at_100": 72.27, + "ndcg_at_1000": 73.066, + "ndcg_at_3": 65.837, + "ndcg_at_5": 67.633, + "precision_at_1": 59.0, + "precision_at_10": 9.333, + "precision_at_100": 1.053, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 26.0, + "precision_at_5": 16.866999999999997, + "recall_at_1": 56.011, + "recall_at_10": 82.133, + "recall_at_100": 92.767, + "recall_at_1000": 99.0, + "recall_at_3": 70.95, + "recall_at_5": 75.556, + "main_score": 69.95599999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/SprintDuplicateQuestions.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..42f45f365 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.81584158415842, + "cos_sim_ap": 94.67482871230736, + "cos_sim_f1": 90.67201604814443, + "cos_sim_precision": 90.94567404426559, + "cos_sim_recall": 90.4, + "dot_accuracy": 99.81584158415842, + "dot_ap": 94.67482871230737, + "dot_f1": 90.67201604814443, + "dot_precision": 90.94567404426559, + "dot_recall": 90.4, + "euclidean_accuracy": 99.81584158415842, + "euclidean_ap": 94.67482871230737, + "euclidean_f1": 90.67201604814443, + "euclidean_precision": 90.94567404426559, + "euclidean_recall": 90.4, + "manhattan_accuracy": 99.81188118811882, + "manhattan_ap": 94.6409082219286, + "manhattan_f1": 90.50949050949052, + "manhattan_precision": 90.41916167664671, + "manhattan_recall": 90.60000000000001, + "max_accuracy": 99.81584158415842, + "max_ap": 94.67482871230737, + "max_f1": 90.67201604814443, + "main_score": 94.67482871230737 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/StackExchangeClustering.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/StackExchangeClustering.json new file mode 100644 index 000000000..b28b50753 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 62.63494511649264, + "main_score": 62.63494511649264 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/StackExchangeClusteringP2P.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..3aa822590 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.165838327685755, + "main_score": 37.165838327685755 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/StackOverflowDupQuestions.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..34b3c951f --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 51.384873075208084, + "mrr": 52.196439181733304, + "main_score": 51.384873075208084 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/SummEval.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/SummEval.json new file mode 100644 index 000000000..a93dd2dfb --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 32.13690355567596, + "cos_sim_spearman": 31.38349778638125, + "dot_pearson": 32.13689596691593, + "dot_spearman": 31.38349778638125, + "cosine_pearson": 32.13690355567596, + "cosine_spearman": 31.38349778638125, + "main_score": 31.38349778638125 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/TRECCOVID.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/TRECCOVID.json new file mode 100644 index 000000000..fd69c1e97 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "bb9466bac8153a0349341eb1b22e06409e78ef4e", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.26, + "map_at_10": 2.08, + "map_at_100": 12.598, + "map_at_1000": 30.119, + "map_at_3": 0.701, + "map_at_5": 1.11, + "mrr_at_1": 96.0, + "mrr_at_10": 97.167, + "mrr_at_100": 97.167, + "mrr_at_1000": 97.167, + "mrr_at_3": 96.667, + "mrr_at_5": 97.167, + "ndcg_at_1": 91.0, + "ndcg_at_10": 81.69800000000001, + "ndcg_at_100": 62.9, + "ndcg_at_1000": 55.245999999999995, + "ndcg_at_3": 86.397, + "ndcg_at_5": 84.286, + "precision_at_1": 96.0, + "precision_at_10": 87.0, + "precision_at_100": 64.86, + "precision_at_1000": 24.512, + "precision_at_3": 90.667, + "precision_at_5": 88.8, + "recall_at_1": 0.26, + "recall_at_10": 2.238, + "recall_at_100": 15.488, + "recall_at_1000": 51.6, + "recall_at_3": 0.716, + "recall_at_5": 1.151, + "main_score": 81.69800000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/Touche2020.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/Touche2020.json new file mode 100644 index 000000000..21dfc109e --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.376, + "map_at_10": 13.142000000000001, + "map_at_100": 19.763, + "map_at_1000": 21.319, + "map_at_3": 6.805999999999999, + "map_at_5": 8.952, + "mrr_at_1": 46.939, + "mrr_at_10": 61.082, + "mrr_at_100": 61.45, + "mrr_at_1000": 61.468999999999994, + "mrr_at_3": 57.483, + "mrr_at_5": 59.931999999999995, + "ndcg_at_1": 44.897999999999996, + "ndcg_at_10": 32.35, + "ndcg_at_100": 42.719, + "ndcg_at_1000": 53.30200000000001, + "ndcg_at_3": 37.724999999999994, + "ndcg_at_5": 34.79, + "precision_at_1": 46.939, + "precision_at_10": 28.366999999999997, + "precision_at_100": 8.429, + "precision_at_1000": 1.557, + "precision_at_3": 38.095, + "precision_at_5": 33.469, + "recall_at_1": 3.376, + "recall_at_10": 20.164, + "recall_at_100": 50.668, + "recall_at_1000": 83.159, + "recall_at_3": 8.155, + "recall_at_5": 11.872, + "main_score": 32.35 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/ToxicConversationsClassification.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..b08637a86 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 66.739, + "ap": 12.17931839228834, + "f1": 51.05383188624636, + "main_score": 66.739 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/TweetSentimentExtractionClassification.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..cfab5a471 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 56.72891907187323, + "f1": 56.997614557150946, + "main_score": 56.72891907187323 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/TwentyNewsgroupsClustering.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..3b7b47344 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.825318429345224, + "main_score": 39.825318429345224 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/TwitterSemEval2015.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/TwitterSemEval2015.json new file mode 100644 index 000000000..d0afd6aa0 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 83.65619598259522, + "cos_sim_ap": 66.17412885183877, + "cos_sim_f1": 63.09125656951745, + "cos_sim_precision": 57.63858577040594, + "cos_sim_recall": 69.68337730870712, + "dot_accuracy": 83.65619598259522, + "dot_ap": 66.17413621964548, + "dot_f1": 63.09125656951745, + "dot_precision": 57.63858577040594, + "dot_recall": 69.68337730870712, + "euclidean_accuracy": 83.65619598259522, + "euclidean_ap": 66.17412836413126, + "euclidean_f1": 63.09125656951745, + "euclidean_precision": 57.63858577040594, + "euclidean_recall": 69.68337730870712, + "manhattan_accuracy": 83.5548667819038, + "manhattan_ap": 66.07998834521334, + "manhattan_f1": 62.96433419721092, + "manhattan_precision": 59.14676559239509, + "manhattan_recall": 67.30870712401055, + "max_accuracy": 83.65619598259522, + "max_ap": 66.17413621964548, + "max_f1": 63.09125656951745, + "main_score": 66.17413621964548 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/TwitterURLCorpus.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/TwitterURLCorpus.json new file mode 100644 index 000000000..999d318eb --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.55706911941631, + "cos_sim_ap": 85.20971331546805, + "cos_sim_f1": 77.28446050593702, + "cos_sim_precision": 74.16135881104033, + "cos_sim_recall": 80.6821681552202, + "dot_accuracy": 88.55706911941631, + "dot_ap": 85.2097154112633, + "dot_f1": 77.28446050593702, + "dot_precision": 74.16135881104033, + "dot_recall": 80.6821681552202, + "euclidean_accuracy": 88.55706911941631, + "euclidean_ap": 85.20971719214488, + "euclidean_f1": 77.28446050593702, + "euclidean_precision": 74.16135881104033, + "euclidean_recall": 80.6821681552202, + "manhattan_accuracy": 88.52020025614158, + "manhattan_ap": 85.17569799117058, + "manhattan_f1": 77.27157773040933, + "manhattan_precision": 72.79286638077734, + "manhattan_recall": 82.33754234678165, + "max_accuracy": 88.55706911941631, + "max_ap": 85.20971719214488, + "max_f1": 77.28446050593702, + "main_score": 85.20971719214488 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/WikiCitiesClustering.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/WikiCitiesClustering.json new file mode 100644 index 000000000..474503657 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/WikiCitiesClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "ddc9ee9242fa65332597f70e967ecc38b9d734fa", + "task_name": "WikiCitiesClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 85.63474850264893, + "main_score": 85.63474850264893 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-long/external/model_meta.json b/results/Snowflake__snowflake-arctic-embed-m-long/external/model_meta.json new file mode 100644 index 000000000..9ab447a6e --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-long/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "Snowflake/snowflake-arctic-embed-m-long", + "revision": "89d0f6ab196eead40b90cb6f9fefec01a908d2d1", + "release_date": "2024-04-12", + "languages": [], + "loader": null, + "n_parameters": 136731648, + "memory_usage": null, + "max_tokens": 8192, + "embed_dim": 768, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/AmazonCounterfactualClassification.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..dc3a239f5 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/AmazonCounterfactualClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 68.29850746268657, + "ap": 30.109785890841966, + "ap_weighted": 30.109785890841966, + "f1": 61.76875915202924, + "f1_weighted": 71.32073190458556, + "main_score": 68.29850746268657 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/AmazonPolarityClassification.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..d6399622a --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/AmazonPolarityClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 90.3068, + "ap": 86.17914339624038, + "ap_weighted": 86.17914339624038, + "f1": 90.29716826358077, + "f1_weighted": 90.29716826358077, + "main_score": 90.3068 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/AmazonReviewsClassification.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..8ae3a8e3c --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/AmazonReviewsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 46.272000000000006, + "f1": 45.57042543386915, + "f1_weighted": 45.57042543386915, + "main_score": 46.272000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/ArguAna.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/ArguAna.json new file mode 100644 index 000000000..c4cd75034 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/ArguAna.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 59.53000000000001, + "map_at_1": 34.282000000000004, + "map_at_10": 50.613, + "map_at_100": 51.269, + "map_at_1000": 51.271, + "map_at_20": 51.158, + "map_at_3": 45.626, + "map_at_5": 48.638, + "mrr_at_1": 34.92176386913229, + "mrr_at_10": 50.856081645555406, + "mrr_at_100": 51.510739437069034, + "mrr_at_1000": 51.51299498830165, + "mrr_at_20": 51.39987941081724, + "mrr_at_3": 45.993361782835514, + "mrr_at_5": 48.88098624940742, + "nauc_map_at_1000_diff1": 10.628675774160785, + "nauc_map_at_1000_max": -10.11742589992339, + "nauc_map_at_1000_std": -18.29277379812427, + "nauc_map_at_100_diff1": 10.63250240035489, + "nauc_map_at_100_max": -10.112078786734363, + "nauc_map_at_100_std": -18.288524872706834, + "nauc_map_at_10_diff1": 10.476494913081712, + "nauc_map_at_10_max": -9.890937746734037, + "nauc_map_at_10_std": -18.279750514750443, + "nauc_map_at_1_diff1": 14.549204048461151, + "nauc_map_at_1_max": -12.230560087701225, + "nauc_map_at_1_std": -19.469903650130362, + "nauc_map_at_20_diff1": 10.586564571825674, + "nauc_map_at_20_max": -10.00292720526217, + "nauc_map_at_20_std": -18.258077347878064, + "nauc_map_at_3_diff1": 10.378663968090372, + "nauc_map_at_3_max": -10.458896171786185, + "nauc_map_at_3_std": -18.38852760333766, + "nauc_map_at_5_diff1": 10.235960275925581, + "nauc_map_at_5_max": -10.239496080409058, + "nauc_map_at_5_std": -18.817023479445886, + "nauc_mrr_at_1000_diff1": 8.718212649575722, + "nauc_mrr_at_1000_max": -10.81022794038691, + "nauc_mrr_at_1000_std": -17.87669499555167, + "nauc_mrr_at_100_diff1": 8.722174171165133, + "nauc_mrr_at_100_max": -10.804840985713525, + "nauc_mrr_at_100_std": -17.872487099359986, + "nauc_mrr_at_10_diff1": 8.609421635870238, + "nauc_mrr_at_10_max": -10.568644717548432, + "nauc_mrr_at_10_std": -17.872968762635814, + "nauc_mrr_at_1_diff1": 12.69590006263834, + "nauc_mrr_at_1_max": -12.082056561238321, + "nauc_mrr_at_1_std": -18.036424092186657, + "nauc_mrr_at_20_diff1": 8.684842497970315, + "nauc_mrr_at_20_max": -10.691578914627286, + "nauc_mrr_at_20_std": -17.84350301434992, + "nauc_mrr_at_3_diff1": 8.649761557556763, + "nauc_mrr_at_3_max": -11.104694428047496, + "nauc_mrr_at_3_std": -18.149917948370344, + "nauc_mrr_at_5_diff1": 8.433489750038396, + "nauc_mrr_at_5_max": -10.917772454397436, + "nauc_mrr_at_5_std": -18.4094211134111, + "nauc_ndcg_at_1000_diff1": 10.19041067807956, + "nauc_ndcg_at_1000_max": -9.54328201605796, + "nauc_ndcg_at_1000_std": -17.824620427456633, + "nauc_ndcg_at_100_diff1": 10.289491087585963, + "nauc_ndcg_at_100_max": -9.357214331420337, + "nauc_ndcg_at_100_std": -17.657600653632873, + "nauc_ndcg_at_10_diff1": 9.435530877596092, + "nauc_ndcg_at_10_max": -8.182581635383546, + "nauc_ndcg_at_10_std": -17.603156479980388, + "nauc_ndcg_at_1_diff1": 14.549204048461151, + "nauc_ndcg_at_1_max": -12.230560087701225, + "nauc_ndcg_at_1_std": -19.469903650130362, + "nauc_ndcg_at_20_diff1": 9.885227087275197, + "nauc_ndcg_at_20_max": -8.52362662391439, + "nauc_ndcg_at_20_std": -17.441705436231764, + "nauc_ndcg_at_3_diff1": 9.22542769998547, + "nauc_ndcg_at_3_max": -9.903590564219288, + "nauc_ndcg_at_3_std": -18.357220221111593, + "nauc_ndcg_at_5_diff1": 8.8756720745828, + "nauc_ndcg_at_5_max": -9.269764943861245, + "nauc_ndcg_at_5_std": -19.009229433187784, + "nauc_precision_at_1000_diff1": 3.733355117431035, + "nauc_precision_at_1000_max": 3.9603571352517393, + "nauc_precision_at_1000_std": 70.07345061131439, + "nauc_precision_at_100_diff1": 29.019032142462457, + "nauc_precision_at_100_max": 40.75153328286103, + "nauc_precision_at_100_std": 62.634249549126594, + "nauc_precision_at_10_diff1": 2.5762677254910353, + "nauc_precision_at_10_max": 6.096298633773051, + "nauc_precision_at_10_std": -11.507400451348587, + "nauc_precision_at_1_diff1": 14.549204048461151, + "nauc_precision_at_1_max": -12.230560087701225, + "nauc_precision_at_1_std": -19.469903650130362, + "nauc_precision_at_20_diff1": 1.715540124567996, + "nauc_precision_at_20_max": 21.53546453945913, + "nauc_precision_at_20_std": 1.537961142195571, + "nauc_precision_at_3_diff1": 5.701850652555737, + "nauc_precision_at_3_max": -8.180345365085552, + "nauc_precision_at_3_std": -18.37033750502482, + "nauc_precision_at_5_diff1": 3.6053552181042843, + "nauc_precision_at_5_max": -5.207647070615612, + "nauc_precision_at_5_std": -19.89491085427258, + "nauc_recall_at_1000_diff1": 3.733355117431255, + "nauc_recall_at_1000_max": 3.9603571352482194, + "nauc_recall_at_1000_std": 70.07345061131205, + "nauc_recall_at_100_diff1": 29.01903214246288, + "nauc_recall_at_100_max": 40.7515332828621, + "nauc_recall_at_100_std": 62.63424954912607, + "nauc_recall_at_10_diff1": 2.5762677254911988, + "nauc_recall_at_10_max": 6.0962986337729905, + "nauc_recall_at_10_std": -11.507400451348577, + "nauc_recall_at_1_diff1": 14.549204048461151, + "nauc_recall_at_1_max": -12.230560087701225, + "nauc_recall_at_1_std": -19.469903650130362, + "nauc_recall_at_20_diff1": 1.7155401245682675, + "nauc_recall_at_20_max": 21.535464539459632, + "nauc_recall_at_20_std": 1.5379611421957025, + "nauc_recall_at_3_diff1": 5.7018506525557875, + "nauc_recall_at_3_max": -8.180345365085538, + "nauc_recall_at_3_std": -18.370337505024796, + "nauc_recall_at_5_diff1": 3.6053552181043913, + "nauc_recall_at_5_max": -5.207647070615579, + "nauc_recall_at_5_std": -19.894910854272492, + "ndcg_at_1": 34.282000000000004, + "ndcg_at_10": 59.53000000000001, + "ndcg_at_100": 62.187000000000005, + "ndcg_at_1000": 62.243, + "ndcg_at_20": 61.451, + "ndcg_at_3": 49.393, + "ndcg_at_5": 54.771, + "precision_at_1": 34.282000000000004, + "precision_at_10": 8.791, + "precision_at_100": 0.992, + "precision_at_1000": 0.1, + "precision_at_20": 4.769, + "precision_at_3": 20.104, + "precision_at_5": 14.651, + "recall_at_1": 34.282000000000004, + "recall_at_10": 87.909, + "recall_at_100": 99.21799999999999, + "recall_at_1000": 99.644, + "recall_at_20": 95.377, + "recall_at_3": 60.313, + "recall_at_5": 73.257 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/ArxivClusteringP2P.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..a911da66d --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/ArxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 44.9469238081379, + "v_measure": 44.9469238081379, + "v_measure_std": 13.26811262671461 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/ArxivClusteringS2S.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..604f4b37d --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/ArxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 34.12071448053325, + "v_measure": 34.12071448053325, + "v_measure_std": 13.7019879046405 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/AskUbuntuDupQuestions.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..ac76d1102 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/AskUbuntuDupQuestions.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 61.597667288657846, + "map": 61.597667288657846, + "mrr": 75.57940904893813, + "nAUC_map_diff1": 8.745172077340095, + "nAUC_map_max": 20.114863024035493, + "nAUC_map_std": 15.991351189572192, + "nAUC_mrr_diff1": 20.781369244159983, + "nAUC_mrr_max": 30.78542570228559, + "nAUC_mrr_std": 19.861484857303676 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/BIOSSES.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/BIOSSES.json new file mode 100644 index 000000000..16c968296 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 88.55587996301419, + "cosine_spearman": 86.40317357420093, + "euclidean_pearson": 86.93771958250231, + "euclidean_spearman": 86.40317357420093, + "main_score": 86.40317357420093, + "manhattan_pearson": 86.92196577117366, + "manhattan_spearman": 85.79834051556095, + "pearson": 88.55587996301419, + "spearman": 86.40317357420093 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/Banking77Classification.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/Banking77Classification.json new file mode 100644 index 000000000..a94182e7f --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/Banking77Classification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.0064935064935, + "f1": 79.29524254086299, + "f1_weighted": 79.295242540863, + "main_score": 80.0064935064935 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/BiorxivClusteringP2P.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..0f7ffa6e0 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/BiorxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 35.27186813341181, + "v_measure": 35.27186813341181, + "v_measure_std": 0.8621482145872432 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/BiorxivClusteringS2S.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..4442c39e2 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/BiorxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 28.411805064852295, + "v_measure": 28.411805064852295, + "v_measure_std": 0.7194290078011281 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/CQADupstackAndroidRetrieval.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..cedb2f3c9 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f46a197baaae43b4f621051089b82a364682dfeb", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 53.885000000000005, + "map_at_1": 35.429, + "map_at_10": 47.469, + "map_at_100": 48.997, + "map_at_1000": 49.117, + "map_at_20": 48.324, + "map_at_3": 43.835, + "map_at_5": 46.043, + "mrr_at_1": 43.34763948497854, + "mrr_at_10": 53.258623430297234, + "mrr_at_100": 53.99123884299005, + "mrr_at_1000": 54.02458101713216, + "mrr_at_20": 53.695964669618945, + "mrr_at_3": 50.81068192656173, + "mrr_at_5": 52.45588936576058, + "nauc_map_at_1000_diff1": 51.55382824218782, + "nauc_map_at_1000_max": 31.855350695084606, + "nauc_map_at_1000_std": -5.465862008150992, + "nauc_map_at_100_diff1": 51.55889312452534, + "nauc_map_at_100_max": 31.88429637207401, + "nauc_map_at_100_std": -5.40805152544196, + "nauc_map_at_10_diff1": 51.6592677505875, + "nauc_map_at_10_max": 31.554425233617543, + "nauc_map_at_10_std": -6.125756131339046, + "nauc_map_at_1_diff1": 55.6889617582672, + "nauc_map_at_1_max": 27.821166966868176, + "nauc_map_at_1_std": -5.778838498211728, + "nauc_map_at_20_diff1": 51.70520970992564, + "nauc_map_at_20_max": 31.811676633900465, + "nauc_map_at_20_std": -5.463596751904718, + "nauc_map_at_3_diff1": 53.206169626589606, + "nauc_map_at_3_max": 31.64373830824983, + "nauc_map_at_3_std": -6.054761451312827, + "nauc_map_at_5_diff1": 52.37308971673694, + "nauc_map_at_5_max": 31.974302019633644, + "nauc_map_at_5_std": -6.302653399940531, + "nauc_mrr_at_1000_diff1": 49.345152231490616, + "nauc_mrr_at_1000_max": 33.49789501712511, + "nauc_mrr_at_1000_std": -6.054730861163538, + "nauc_mrr_at_100_diff1": 49.3387577601307, + "nauc_mrr_at_100_max": 33.48149992464187, + "nauc_mrr_at_100_std": -6.061177137579308, + "nauc_mrr_at_10_diff1": 49.08312288449718, + "nauc_mrr_at_10_max": 33.470393322577465, + "nauc_mrr_at_10_std": -6.180286430216975, + "nauc_mrr_at_1_diff1": 52.43364978537192, + "nauc_mrr_at_1_max": 31.521755633355713, + "nauc_mrr_at_1_std": -7.002499524130836, + "nauc_mrr_at_20_diff1": 49.311059224991766, + "nauc_mrr_at_20_max": 33.538523037692144, + "nauc_mrr_at_20_std": -6.034619474981136, + "nauc_mrr_at_3_diff1": 49.90489868439366, + "nauc_mrr_at_3_max": 34.400493912164606, + "nauc_mrr_at_3_std": -6.028875320994629, + "nauc_mrr_at_5_diff1": 49.033661898983475, + "nauc_mrr_at_5_max": 33.732315350193936, + "nauc_mrr_at_5_std": -6.272548556330368, + "nauc_ndcg_at_1000_diff1": 49.81681892539247, + "nauc_ndcg_at_1000_max": 33.06518006062093, + "nauc_ndcg_at_1000_std": -4.282105713014755, + "nauc_ndcg_at_100_diff1": 49.42362108857786, + "nauc_ndcg_at_100_max": 32.92024325540483, + "nauc_ndcg_at_100_std": -3.7786765305496717, + "nauc_ndcg_at_10_diff1": 48.83102435475594, + "nauc_ndcg_at_10_max": 31.898404563611958, + "nauc_ndcg_at_10_std": -6.2024003866707, + "nauc_ndcg_at_1_diff1": 52.43364978537192, + "nauc_ndcg_at_1_max": 31.521755633355713, + "nauc_ndcg_at_1_std": -7.002499524130836, + "nauc_ndcg_at_20_diff1": 49.466526454438316, + "nauc_ndcg_at_20_max": 32.424462698701674, + "nauc_ndcg_at_20_std": -4.520809563712905, + "nauc_ndcg_at_3_diff1": 50.997884562583884, + "nauc_ndcg_at_3_max": 33.26787046916917, + "nauc_ndcg_at_3_std": -6.340699471083753, + "nauc_ndcg_at_5_diff1": 49.68314458398097, + "nauc_ndcg_at_5_max": 32.80910071143984, + "nauc_ndcg_at_5_std": -6.734495576445887, + "nauc_precision_at_1000_diff1": -24.18940012795299, + "nauc_precision_at_1000_max": -10.995343674356896, + "nauc_precision_at_1000_std": -8.298841004724856, + "nauc_precision_at_100_diff1": -18.104939577865935, + "nauc_precision_at_100_max": -1.3757613100627637, + "nauc_precision_at_100_std": 0.07661922190466432, + "nauc_precision_at_10_diff1": 3.9624459059275967, + "nauc_precision_at_10_max": 14.841561593450391, + "nauc_precision_at_10_std": -2.485374333613117, + "nauc_precision_at_1_diff1": 52.43364978537192, + "nauc_precision_at_1_max": 31.521755633355713, + "nauc_precision_at_1_std": -7.002499524130836, + "nauc_precision_at_20_diff1": -4.4791763436505265, + "nauc_precision_at_20_max": 9.157872836996276, + "nauc_precision_at_20_std": 2.086903518342088, + "nauc_precision_at_3_diff1": 28.480888018235568, + "nauc_precision_at_3_max": 30.34526267718485, + "nauc_precision_at_3_std": -6.3006706923866025, + "nauc_precision_at_5_diff1": 16.488039195453517, + "nauc_precision_at_5_max": 24.593477099241852, + "nauc_precision_at_5_std": -5.316448107840636, + "nauc_recall_at_1000_diff1": 34.715187316533076, + "nauc_recall_at_1000_max": 58.2266544684947, + "nauc_recall_at_1000_std": 63.85237636398278, + "nauc_recall_at_100_diff1": 36.08623826028132, + "nauc_recall_at_100_max": 33.05011429439473, + "nauc_recall_at_100_std": 16.559545021212564, + "nauc_recall_at_10_diff1": 39.76738610714205, + "nauc_recall_at_10_max": 28.233045706945997, + "nauc_recall_at_10_std": -5.13243784043598, + "nauc_recall_at_1_diff1": 55.6889617582672, + "nauc_recall_at_1_max": 27.821166966868176, + "nauc_recall_at_1_std": -5.778838498211728, + "nauc_recall_at_20_diff1": 41.18682480073759, + "nauc_recall_at_20_max": 29.525993239296945, + "nauc_recall_at_20_std": 1.5003598438954298, + "nauc_recall_at_3_diff1": 48.31879460301157, + "nauc_recall_at_3_max": 32.93751306970167, + "nauc_recall_at_3_std": -5.28070084211707, + "nauc_recall_at_5_diff1": 44.327686388315435, + "nauc_recall_at_5_max": 32.04823486234599, + "nauc_recall_at_5_std": -6.4221525602778256, + "ndcg_at_1": 43.348, + "ndcg_at_10": 53.885000000000005, + "ndcg_at_100": 59.204, + "ndcg_at_1000": 60.744, + "ndcg_at_20": 55.995, + "ndcg_at_3": 49.112, + "ndcg_at_5": 51.61900000000001, + "precision_at_1": 43.348, + "precision_at_10": 10.242999999999999, + "precision_at_100": 1.6150000000000002, + "precision_at_1000": 0.203, + "precision_at_20": 6.066, + "precision_at_3": 23.605, + "precision_at_5": 17.024, + "recall_at_1": 35.429, + "recall_at_10": 65.77199999999999, + "recall_at_100": 87.89, + "recall_at_1000": 97.13000000000001, + "recall_at_20": 73.299, + "recall_at_3": 52.034000000000006, + "recall_at_5": 58.96 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/CQADupstackEnglishRetrieval.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/CQADupstackEnglishRetrieval.json new file mode 100644 index 000000000..a6c32e347 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/CQADupstackEnglishRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ad9991cb51e31e31e430383c75ffb2885547b5f0", + "task_name": "CQADupstackEnglishRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 49.55, + "map_at_1": 31.684, + "map_at_10": 43.258, + "map_at_100": 44.628, + "map_at_1000": 44.761, + "map_at_20": 44.015, + "map_at_3": 39.778000000000006, + "map_at_5": 41.643, + "mrr_at_1": 39.87261146496815, + "mrr_at_10": 49.31978566373469, + "mrr_at_100": 49.94922739445482, + "mrr_at_1000": 49.990325601254106, + "mrr_at_20": 49.70597468576704, + "mrr_at_3": 47.070063694267546, + "mrr_at_5": 48.23248407643316, + "nauc_map_at_1000_diff1": 53.44044712371752, + "nauc_map_at_1000_max": 34.5651440062204, + "nauc_map_at_1000_std": -0.9814384609230475, + "nauc_map_at_100_diff1": 53.429004435388464, + "nauc_map_at_100_max": 34.52038957273436, + "nauc_map_at_100_std": -1.1021936362699805, + "nauc_map_at_10_diff1": 53.879128574022005, + "nauc_map_at_10_max": 33.74771524140917, + "nauc_map_at_10_std": -2.945132777205236, + "nauc_map_at_1_diff1": 60.25159799695403, + "nauc_map_at_1_max": 26.843892985235808, + "nauc_map_at_1_std": -9.618702739509093, + "nauc_map_at_20_diff1": 53.56789898225283, + "nauc_map_at_20_max": 34.11628845872402, + "nauc_map_at_20_std": -2.024376635870884, + "nauc_map_at_3_diff1": 54.45882099014072, + "nauc_map_at_3_max": 31.29495446507793, + "nauc_map_at_3_std": -6.391948228781555, + "nauc_map_at_5_diff1": 54.20536489050697, + "nauc_map_at_5_max": 32.31001487256826, + "nauc_map_at_5_std": -5.050953263346934, + "nauc_mrr_at_1000_diff1": 50.835858995999125, + "nauc_mrr_at_1000_max": 38.20717381701079, + "nauc_mrr_at_1000_std": 4.174163368228787, + "nauc_mrr_at_100_diff1": 50.827072441041224, + "nauc_mrr_at_100_max": 38.21077622034756, + "nauc_mrr_at_100_std": 4.1951082737013365, + "nauc_mrr_at_10_diff1": 50.90578491570948, + "nauc_mrr_at_10_max": 38.19229691746408, + "nauc_mrr_at_10_std": 3.8290750066335546, + "nauc_mrr_at_1_diff1": 54.807021746871186, + "nauc_mrr_at_1_max": 37.09225642043841, + "nauc_mrr_at_1_std": 0.5654547513131355, + "nauc_mrr_at_20_diff1": 50.86247832095378, + "nauc_mrr_at_20_max": 38.19277867384178, + "nauc_mrr_at_20_std": 4.098932316791841, + "nauc_mrr_at_3_diff1": 50.788934370903036, + "nauc_mrr_at_3_max": 37.72130561895659, + "nauc_mrr_at_3_std": 2.7339370381517583, + "nauc_mrr_at_5_diff1": 50.72543792525547, + "nauc_mrr_at_5_max": 37.57740908475375, + "nauc_mrr_at_5_std": 2.742881431085094, + "nauc_ndcg_at_1000_diff1": 50.89692885407576, + "nauc_ndcg_at_1000_max": 37.250583054716955, + "nauc_ndcg_at_1000_std": 5.552279826578831, + "nauc_ndcg_at_100_diff1": 50.624606875496944, + "nauc_ndcg_at_100_max": 37.1024514234627, + "nauc_ndcg_at_100_std": 5.495892760032762, + "nauc_ndcg_at_10_diff1": 51.910387255793445, + "nauc_ndcg_at_10_max": 36.71168418905039, + "nauc_ndcg_at_10_std": 2.3064115117905217, + "nauc_ndcg_at_1_diff1": 54.807021746871186, + "nauc_ndcg_at_1_max": 37.09225642043841, + "nauc_ndcg_at_1_std": 0.5654547513131355, + "nauc_ndcg_at_20_diff1": 51.43416588546778, + "nauc_ndcg_at_20_max": 36.76387180172346, + "nauc_ndcg_at_20_std": 3.7012798827049718, + "nauc_ndcg_at_3_diff1": 50.91198494475423, + "nauc_ndcg_at_3_max": 34.92770670756687, + "nauc_ndcg_at_3_std": -0.9071486759887368, + "nauc_ndcg_at_5_diff1": 51.63559468683886, + "nauc_ndcg_at_5_max": 34.86849679864564, + "nauc_ndcg_at_5_std": -0.734837221224976, + "nauc_precision_at_1000_diff1": -13.43645457127175, + "nauc_precision_at_1000_max": 12.71162105198664, + "nauc_precision_at_1000_std": 33.175399007040255, + "nauc_precision_at_100_diff1": -8.549834785105412, + "nauc_precision_at_100_max": 22.47383497331883, + "nauc_precision_at_100_std": 39.09108761430844, + "nauc_precision_at_10_diff1": 7.556572451100043, + "nauc_precision_at_10_max": 35.35285122987575, + "nauc_precision_at_10_std": 29.417466305615967, + "nauc_precision_at_1_diff1": 54.807021746871186, + "nauc_precision_at_1_max": 37.09225642043841, + "nauc_precision_at_1_std": 0.5654547513131355, + "nauc_precision_at_20_diff1": -0.550158641635712, + "nauc_precision_at_20_max": 29.9068430006187, + "nauc_precision_at_20_std": 33.920603132821185, + "nauc_precision_at_3_diff1": 25.551264664276687, + "nauc_precision_at_3_max": 37.59463225854679, + "nauc_precision_at_3_std": 13.707295021359043, + "nauc_precision_at_5_diff1": 17.76136129817151, + "nauc_precision_at_5_max": 35.85363807255972, + "nauc_precision_at_5_std": 19.48470876841111, + "nauc_recall_at_1000_diff1": 37.1593620123866, + "nauc_recall_at_1000_max": 46.29322536951135, + "nauc_recall_at_1000_std": 51.47312657083967, + "nauc_recall_at_100_diff1": 37.7542224949536, + "nauc_recall_at_100_max": 38.84120637703135, + "nauc_recall_at_100_std": 28.839672572221925, + "nauc_recall_at_10_diff1": 46.24130302658384, + "nauc_recall_at_10_max": 35.89001724712849, + "nauc_recall_at_10_std": 6.985137790828618, + "nauc_recall_at_1_diff1": 60.25159799695403, + "nauc_recall_at_1_max": 26.843892985235808, + "nauc_recall_at_1_std": -9.618702739509093, + "nauc_recall_at_20_diff1": 43.63576680886187, + "nauc_recall_at_20_max": 36.79079644708101, + "nauc_recall_at_20_std": 13.81561928605839, + "nauc_recall_at_3_diff1": 48.2299322140522, + "nauc_recall_at_3_max": 30.038088484376203, + "nauc_recall_at_3_std": -4.871116183843762, + "nauc_recall_at_5_diff1": 47.22331872695983, + "nauc_recall_at_5_max": 30.398541477173136, + "nauc_recall_at_5_std": -3.2038541888528957, + "ndcg_at_1": 39.873, + "ndcg_at_10": 49.55, + "ndcg_at_100": 53.809, + "ndcg_at_1000": 55.767999999999994, + "ndcg_at_20": 51.275999999999996, + "ndcg_at_3": 44.91, + "ndcg_at_5": 46.855999999999995, + "precision_at_1": 39.873, + "precision_at_10": 9.65, + "precision_at_100": 1.522, + "precision_at_1000": 0.196, + "precision_at_20": 5.701, + "precision_at_3": 22.166, + "precision_at_5": 15.643, + "recall_at_1": 31.684, + "recall_at_10": 60.69, + "recall_at_100": 78.521, + "recall_at_1000": 91.02900000000001, + "recall_at_20": 66.973, + "recall_at_3": 46.807, + "recall_at_5": 52.402 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/CQADupstackGamingRetrieval.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/CQADupstackGamingRetrieval.json new file mode 100644 index 000000000..2e29d82bc --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/CQADupstackGamingRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "4885aa143210c98657558c04aaf3dc47cfb54340", + "task_name": "CQADupstackGamingRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 62.686, + "map_at_1": 43.856, + "map_at_10": 57.056, + "map_at_100": 58.048, + "map_at_1000": 58.092, + "map_at_20": 57.684000000000005, + "map_at_3": 53.958, + "map_at_5": 55.80500000000001, + "mrr_at_1": 50.03134796238244, + "mrr_at_10": 60.31022043091019, + "mrr_at_100": 60.91892338857461, + "mrr_at_1000": 60.93770463536649, + "mrr_at_20": 60.705642387392736, + "mrr_at_3": 58.286311389759746, + "mrr_at_5": 59.49320794148393, + "nauc_map_at_1000_diff1": 54.849140197256695, + "nauc_map_at_1000_max": 38.978448968260224, + "nauc_map_at_1000_std": 0.4955439383268162, + "nauc_map_at_100_diff1": 54.824334747823364, + "nauc_map_at_100_max": 38.959443109450994, + "nauc_map_at_100_std": 0.49626092018886037, + "nauc_map_at_10_diff1": 54.778189277103394, + "nauc_map_at_10_max": 38.20972191654546, + "nauc_map_at_10_std": -0.7239823837455759, + "nauc_map_at_1_diff1": 58.74017164752485, + "nauc_map_at_1_max": 31.528974862589585, + "nauc_map_at_1_std": -3.273824691929492, + "nauc_map_at_20_diff1": 54.78943693416187, + "nauc_map_at_20_max": 38.77930316443076, + "nauc_map_at_20_std": 0.25607460088355544, + "nauc_map_at_3_diff1": 55.68313410225767, + "nauc_map_at_3_max": 36.22847284104399, + "nauc_map_at_3_std": -3.010979639100503, + "nauc_map_at_5_diff1": 55.11385094420661, + "nauc_map_at_5_max": 37.319681045490924, + "nauc_map_at_5_std": -2.156640733221061, + "nauc_mrr_at_1000_diff1": 54.504759468380705, + "nauc_mrr_at_1000_max": 40.58849492650406, + "nauc_mrr_at_1000_std": 1.8226622175866118, + "nauc_mrr_at_100_diff1": 54.4918034449886, + "nauc_mrr_at_100_max": 40.59202728933427, + "nauc_mrr_at_100_std": 1.8276428096536335, + "nauc_mrr_at_10_diff1": 54.33603399493329, + "nauc_mrr_at_10_max": 40.58896878978089, + "nauc_mrr_at_10_std": 1.5733340909114375, + "nauc_mrr_at_1_diff1": 58.062410036466105, + "nauc_mrr_at_1_max": 37.660958859966506, + "nauc_mrr_at_1_std": 0.029007600674170648, + "nauc_mrr_at_20_diff1": 54.43793386924358, + "nauc_mrr_at_20_max": 40.66773423875307, + "nauc_mrr_at_20_std": 1.891967891797154, + "nauc_mrr_at_3_diff1": 54.77901284537966, + "nauc_mrr_at_3_max": 40.182219821206964, + "nauc_mrr_at_3_std": 0.8911935034597871, + "nauc_mrr_at_5_diff1": 54.466068837163675, + "nauc_mrr_at_5_max": 40.334996916684126, + "nauc_mrr_at_5_std": 0.9460830492892364, + "nauc_ndcg_at_1000_diff1": 53.8465376860938, + "nauc_ndcg_at_1000_max": 41.63158111016696, + "nauc_ndcg_at_1000_std": 3.864205884257578, + "nauc_ndcg_at_100_diff1": 53.4025864436944, + "nauc_ndcg_at_100_max": 41.805453995307914, + "nauc_ndcg_at_100_std": 4.36777557904857, + "nauc_ndcg_at_10_diff1": 52.96034987157544, + "nauc_ndcg_at_10_max": 40.7601173480795, + "nauc_ndcg_at_10_std": 1.905824035879141, + "nauc_ndcg_at_1_diff1": 58.062410036466105, + "nauc_ndcg_at_1_max": 37.660958859966506, + "nauc_ndcg_at_1_std": 0.029007600674170648, + "nauc_ndcg_at_20_diff1": 53.2834771889242, + "nauc_ndcg_at_20_max": 41.713541932946406, + "nauc_ndcg_at_20_std": 3.865102828793311, + "nauc_ndcg_at_3_diff1": 54.03389464372289, + "nauc_ndcg_at_3_max": 38.41449914649933, + "nauc_ndcg_at_3_std": -0.886276189886313, + "nauc_ndcg_at_5_diff1": 53.456413320299, + "nauc_ndcg_at_5_max": 39.49048882649335, + "nauc_ndcg_at_5_std": -0.42692690160443814, + "nauc_precision_at_1000_diff1": -14.770791653274824, + "nauc_precision_at_1000_max": 21.479874538905246, + "nauc_precision_at_1000_std": 28.607024261300207, + "nauc_precision_at_100_diff1": -12.189696449878126, + "nauc_precision_at_100_max": 26.69785787492456, + "nauc_precision_at_100_std": 33.59098307467553, + "nauc_precision_at_10_diff1": 6.922968330978399, + "nauc_precision_at_10_max": 34.52138344123087, + "nauc_precision_at_10_std": 21.768427637079952, + "nauc_precision_at_1_diff1": 58.062410036466105, + "nauc_precision_at_1_max": 37.660958859966506, + "nauc_precision_at_1_std": 0.029007600674170648, + "nauc_precision_at_20_diff1": -0.6837867902179278, + "nauc_precision_at_20_max": 33.98683709011133, + "nauc_precision_at_20_std": 30.8845561918902, + "nauc_precision_at_3_diff1": 28.195043041120847, + "nauc_precision_at_3_max": 37.659916094938836, + "nauc_precision_at_3_std": 7.226520146634867, + "nauc_precision_at_5_diff1": 16.633667288096245, + "nauc_precision_at_5_max": 34.90176597404891, + "nauc_precision_at_5_std": 12.421585442334088, + "nauc_recall_at_1000_diff1": 45.20743732415397, + "nauc_recall_at_1000_max": 72.77115913579242, + "nauc_recall_at_1000_std": 70.48328496679083, + "nauc_recall_at_100_diff1": 38.56282680810794, + "nauc_recall_at_100_max": 55.46797683321103, + "nauc_recall_at_100_std": 36.878791151929136, + "nauc_recall_at_10_diff1": 44.18252051452362, + "nauc_recall_at_10_max": 43.33391810040086, + "nauc_recall_at_10_std": 6.663378192277723, + "nauc_recall_at_1_diff1": 58.74017164752485, + "nauc_recall_at_1_max": 31.528974862589585, + "nauc_recall_at_1_std": -3.273824691929492, + "nauc_recall_at_20_diff1": 44.19944231642417, + "nauc_recall_at_20_max": 49.401101483915866, + "nauc_recall_at_20_std": 18.97803841673839, + "nauc_recall_at_3_diff1": 49.56378985428704, + "nauc_recall_at_3_max": 36.434210616870224, + "nauc_recall_at_3_std": -2.850559971607616, + "nauc_recall_at_5_diff1": 47.37107217086109, + "nauc_recall_at_5_max": 39.0236745509895, + "nauc_recall_at_5_std": -1.7402454457937195, + "ndcg_at_1": 50.031000000000006, + "ndcg_at_10": 62.686, + "ndcg_at_100": 66.403, + "ndcg_at_1000": 67.241, + "ndcg_at_20": 64.37899999999999, + "ndcg_at_3": 57.859, + "ndcg_at_5": 60.375, + "precision_at_1": 50.031000000000006, + "precision_at_10": 9.856, + "precision_at_100": 1.266, + "precision_at_1000": 0.13799999999999998, + "precision_at_20": 5.489, + "precision_at_3": 25.746999999999996, + "precision_at_5": 17.492, + "recall_at_1": 43.856, + "recall_at_10": 75.824, + "recall_at_100": 91.622, + "recall_at_1000": 97.538, + "recall_at_20": 81.951, + "recall_at_3": 63.016000000000005, + "recall_at_5": 69.18299999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/CQADupstackGisRetrieval.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/CQADupstackGisRetrieval.json new file mode 100644 index 000000000..2d6c0e9a8 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/CQADupstackGisRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "5003b3064772da1887988e05400cf3806fe491f2", + "task_name": "CQADupstackGisRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 43.983, + "map_at_1": 28.942, + "map_at_10": 38.621, + "map_at_100": 39.7, + "map_at_1000": 39.766, + "map_at_20": 39.262, + "map_at_3": 35.719, + "map_at_5": 37.378, + "mrr_at_1": 31.29943502824859, + "mrr_at_10": 40.76463994260603, + "mrr_at_100": 41.67073617629083, + "mrr_at_1000": 41.717446259457105, + "mrr_at_20": 41.32577374689195, + "mrr_at_3": 37.984934086628996, + "mrr_at_5": 39.64595103578152, + "nauc_map_at_1000_diff1": 43.64461679688985, + "nauc_map_at_1000_max": 31.53717883948204, + "nauc_map_at_1000_std": 1.193745788248017, + "nauc_map_at_100_diff1": 43.63847825079489, + "nauc_map_at_100_max": 31.536602619279165, + "nauc_map_at_100_std": 1.2001240243342401, + "nauc_map_at_10_diff1": 43.845991987142014, + "nauc_map_at_10_max": 31.27509937344113, + "nauc_map_at_10_std": 0.7327934840520994, + "nauc_map_at_1_diff1": 50.62269273984579, + "nauc_map_at_1_max": 30.16325757909521, + "nauc_map_at_1_std": -0.6398875136233392, + "nauc_map_at_20_diff1": 43.630758403790914, + "nauc_map_at_20_max": 31.408258098047703, + "nauc_map_at_20_std": 1.12616034652217, + "nauc_map_at_3_diff1": 44.823493567359456, + "nauc_map_at_3_max": 31.075886347614496, + "nauc_map_at_3_std": -0.25126874515735426, + "nauc_map_at_5_diff1": 43.79768853087658, + "nauc_map_at_5_max": 31.091080995725324, + "nauc_map_at_5_std": 0.16440771782544047, + "nauc_mrr_at_1000_diff1": 42.7865400752329, + "nauc_mrr_at_1000_max": 32.84731670326893, + "nauc_mrr_at_1000_std": 2.6067637582013825, + "nauc_mrr_at_100_diff1": 42.771741548331065, + "nauc_mrr_at_100_max": 32.85324232845987, + "nauc_mrr_at_100_std": 2.6092786694308376, + "nauc_mrr_at_10_diff1": 42.82969738870672, + "nauc_mrr_at_10_max": 32.69407549631432, + "nauc_mrr_at_10_std": 2.302903910016054, + "nauc_mrr_at_1_diff1": 49.05638333657571, + "nauc_mrr_at_1_max": 33.12030717171514, + "nauc_mrr_at_1_std": 1.3278035087690774, + "nauc_mrr_at_20_diff1": 42.74267239536286, + "nauc_mrr_at_20_max": 32.78571108973092, + "nauc_mrr_at_20_std": 2.5932669908758643, + "nauc_mrr_at_3_diff1": 43.69963426089187, + "nauc_mrr_at_3_max": 32.78193126956233, + "nauc_mrr_at_3_std": 1.634874463134699, + "nauc_mrr_at_5_diff1": 42.838630647832524, + "nauc_mrr_at_5_max": 32.459318735260545, + "nauc_mrr_at_5_std": 1.9412518283209172, + "nauc_ndcg_at_1000_diff1": 41.01253839851583, + "nauc_ndcg_at_1000_max": 32.69570568894237, + "nauc_ndcg_at_1000_std": 3.4254737113410343, + "nauc_ndcg_at_100_diff1": 40.62589243745832, + "nauc_ndcg_at_100_max": 32.664990655736126, + "nauc_ndcg_at_100_std": 3.799569445326048, + "nauc_ndcg_at_10_diff1": 41.31658753735306, + "nauc_ndcg_at_10_max": 31.511946320339295, + "nauc_ndcg_at_10_std": 2.0492930500796662, + "nauc_ndcg_at_1_diff1": 49.05638333657571, + "nauc_ndcg_at_1_max": 33.12030717171514, + "nauc_ndcg_at_1_std": 1.3278035087690774, + "nauc_ndcg_at_20_diff1": 40.66188223212841, + "nauc_ndcg_at_20_max": 31.926240431497476, + "nauc_ndcg_at_20_std": 3.370398664595343, + "nauc_ndcg_at_3_diff1": 43.035580180241, + "nauc_ndcg_at_3_max": 31.363874129878404, + "nauc_ndcg_at_3_std": 0.1422507242819929, + "nauc_ndcg_at_5_diff1": 41.29049003955878, + "nauc_ndcg_at_5_max": 31.112034994977737, + "nauc_ndcg_at_5_std": 0.860179279828966, + "nauc_precision_at_1000_diff1": -12.41854465881981, + "nauc_precision_at_1000_max": 14.706779246590548, + "nauc_precision_at_1000_std": 9.812804367375206, + "nauc_precision_at_100_diff1": 2.797520107808461, + "nauc_precision_at_100_max": 24.335873541811406, + "nauc_precision_at_100_std": 12.87186398750545, + "nauc_precision_at_10_diff1": 24.530962799265847, + "nauc_precision_at_10_max": 31.00772010798733, + "nauc_precision_at_10_std": 6.696733001548185, + "nauc_precision_at_1_diff1": 49.05638333657571, + "nauc_precision_at_1_max": 33.12030717171514, + "nauc_precision_at_1_std": 1.3278035087690774, + "nauc_precision_at_20_diff1": 16.25028416351204, + "nauc_precision_at_20_max": 29.629326492027342, + "nauc_precision_at_20_std": 11.085888573121679, + "nauc_precision_at_3_diff1": 33.923667689694256, + "nauc_precision_at_3_max": 33.5859782361996, + "nauc_precision_at_3_std": 1.9468331086918693, + "nauc_precision_at_5_diff1": 27.917827233088875, + "nauc_precision_at_5_max": 33.13290043423535, + "nauc_precision_at_5_std": 3.800870695945311, + "nauc_recall_at_1000_diff1": 9.680283388428789, + "nauc_recall_at_1000_max": 49.479399284871235, + "nauc_recall_at_1000_std": 31.506985071436088, + "nauc_recall_at_100_diff1": 23.607673377885448, + "nauc_recall_at_100_max": 36.637750366403935, + "nauc_recall_at_100_std": 18.30770690564224, + "nauc_recall_at_10_diff1": 33.199683418312446, + "nauc_recall_at_10_max": 29.63115497012312, + "nauc_recall_at_10_std": 4.813200391480566, + "nauc_recall_at_1_diff1": 50.62269273984579, + "nauc_recall_at_1_max": 30.16325757909521, + "nauc_recall_at_1_std": -0.6398875136233392, + "nauc_recall_at_20_diff1": 29.16488387844995, + "nauc_recall_at_20_max": 30.788019479459, + "nauc_recall_at_20_std": 11.031953917298853, + "nauc_recall_at_3_diff1": 38.215351600417065, + "nauc_recall_at_3_max": 29.619887154236128, + "nauc_recall_at_3_std": -0.13237298980339363, + "nauc_recall_at_5_diff1": 33.93788042633265, + "nauc_recall_at_5_max": 28.67185092656741, + "nauc_recall_at_5_std": 1.316700201091445, + "ndcg_at_1": 31.299, + "ndcg_at_10": 43.983, + "ndcg_at_100": 48.992999999999995, + "ndcg_at_1000": 50.757, + "ndcg_at_20": 46.152, + "ndcg_at_3": 38.367000000000004, + "ndcg_at_5": 41.171, + "precision_at_1": 31.299, + "precision_at_10": 6.734, + "precision_at_100": 0.972, + "precision_at_1000": 0.11499999999999999, + "precision_at_20": 3.898, + "precision_at_3": 16.121, + "precision_at_5": 11.344999999999999, + "recall_at_1": 28.942, + "recall_at_10": 58.343999999999994, + "recall_at_100": 80.82300000000001, + "recall_at_1000": 94.348, + "recall_at_20": 66.449, + "recall_at_3": 43.415, + "recall_at_5": 50.007999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/CQADupstackMathematicaRetrieval.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/CQADupstackMathematicaRetrieval.json new file mode 100644 index 000000000..b0d9b92c9 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/CQADupstackMathematicaRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "90fceea13679c63fe563ded68f3b6f06e50061de", + "task_name": "CQADupstackMathematicaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 33.144, + "map_at_1": 19.41, + "map_at_10": 27.802, + "map_at_100": 29.157, + "map_at_1000": 29.274, + "map_at_20": 28.549000000000003, + "map_at_3": 25.052999999999997, + "map_at_5": 26.521, + "mrr_at_1": 23.756218905472636, + "mrr_at_10": 32.3623450209271, + "mrr_at_100": 33.3648208444617, + "mrr_at_1000": 33.427688215162185, + "mrr_at_20": 32.93723485575758, + "mrr_at_3": 29.539800995024883, + "mrr_at_5": 31.156716417910452, + "nauc_map_at_1000_diff1": 36.196391248081284, + "nauc_map_at_1000_max": 25.650644367091495, + "nauc_map_at_1000_std": 6.130340697729844, + "nauc_map_at_100_diff1": 36.138890642411376, + "nauc_map_at_100_max": 25.587124763888518, + "nauc_map_at_100_std": 6.129336379055536, + "nauc_map_at_10_diff1": 36.254426743566775, + "nauc_map_at_10_max": 25.465599906543034, + "nauc_map_at_10_std": 5.880280378112879, + "nauc_map_at_1_diff1": 42.890551563179976, + "nauc_map_at_1_max": 25.813805281076956, + "nauc_map_at_1_std": 5.150718386163028, + "nauc_map_at_20_diff1": 35.98551587974314, + "nauc_map_at_20_max": 25.501540521726636, + "nauc_map_at_20_std": 5.858703157458749, + "nauc_map_at_3_diff1": 37.646558039577734, + "nauc_map_at_3_max": 26.138491471124247, + "nauc_map_at_3_std": 6.0487505175540734, + "nauc_map_at_5_diff1": 36.817582976153695, + "nauc_map_at_5_max": 25.398200211121146, + "nauc_map_at_5_std": 6.31126763919522, + "nauc_mrr_at_1000_diff1": 37.313544952847835, + "nauc_mrr_at_1000_max": 26.96218532078988, + "nauc_mrr_at_1000_std": 6.814359224654042, + "nauc_mrr_at_100_diff1": 37.28104407653679, + "nauc_mrr_at_100_max": 26.931243040477256, + "nauc_mrr_at_100_std": 6.800500150841733, + "nauc_mrr_at_10_diff1": 37.315832621275895, + "nauc_mrr_at_10_max": 26.941454225978372, + "nauc_mrr_at_10_std": 6.837046527796884, + "nauc_mrr_at_1_diff1": 43.19904188582958, + "nauc_mrr_at_1_max": 26.975620445904795, + "nauc_mrr_at_1_std": 4.52071008581395, + "nauc_mrr_at_20_diff1": 37.2200524790774, + "nauc_mrr_at_20_max": 26.971494160765847, + "nauc_mrr_at_20_std": 6.716431228783282, + "nauc_mrr_at_3_diff1": 38.46236387340654, + "nauc_mrr_at_3_max": 27.846812992192056, + "nauc_mrr_at_3_std": 6.550711872569794, + "nauc_mrr_at_5_diff1": 37.620346007658476, + "nauc_mrr_at_5_max": 27.031025952102038, + "nauc_mrr_at_5_std": 7.32343760231163, + "nauc_ndcg_at_1000_diff1": 34.95081314840592, + "nauc_ndcg_at_1000_max": 26.89265465124325, + "nauc_ndcg_at_1000_std": 7.854154466831975, + "nauc_ndcg_at_100_diff1": 34.01417812563093, + "nauc_ndcg_at_100_max": 25.792737746436835, + "nauc_ndcg_at_100_std": 7.726584165493833, + "nauc_ndcg_at_10_diff1": 33.895122516474466, + "nauc_ndcg_at_10_max": 25.388442204589612, + "nauc_ndcg_at_10_std": 6.359560223645991, + "nauc_ndcg_at_1_diff1": 43.19904188582958, + "nauc_ndcg_at_1_max": 26.975620445904795, + "nauc_ndcg_at_1_std": 4.52071008581395, + "nauc_ndcg_at_20_diff1": 33.36078689830245, + "nauc_ndcg_at_20_max": 25.531794610571563, + "nauc_ndcg_at_20_std": 6.136658608653248, + "nauc_ndcg_at_3_diff1": 36.44505602530781, + "nauc_ndcg_at_3_max": 26.9104071983157, + "nauc_ndcg_at_3_std": 6.427178520371878, + "nauc_ndcg_at_5_diff1": 35.01384323197442, + "nauc_ndcg_at_5_max": 25.5560447088692, + "nauc_ndcg_at_5_std": 7.3676236760360485, + "nauc_precision_at_1000_diff1": 2.8903331041804514, + "nauc_precision_at_1000_max": 4.059662742366004, + "nauc_precision_at_1000_std": -1.5891687644008334, + "nauc_precision_at_100_diff1": 8.437726471693766, + "nauc_precision_at_100_max": 11.250588557568427, + "nauc_precision_at_100_std": 4.231571164627862, + "nauc_precision_at_10_diff1": 19.57085237210294, + "nauc_precision_at_10_max": 20.973093492003905, + "nauc_precision_at_10_std": 3.197416248152466, + "nauc_precision_at_1_diff1": 43.19904188582958, + "nauc_precision_at_1_max": 26.975620445904795, + "nauc_precision_at_1_std": 4.52071008581395, + "nauc_precision_at_20_diff1": 15.67136554192724, + "nauc_precision_at_20_max": 17.706882621057858, + "nauc_precision_at_20_std": 1.9363472182867714, + "nauc_precision_at_3_diff1": 30.38035695042325, + "nauc_precision_at_3_max": 26.48218693244094, + "nauc_precision_at_3_std": 6.424657705785632, + "nauc_precision_at_5_diff1": 25.272543315171458, + "nauc_precision_at_5_max": 22.32441421311652, + "nauc_precision_at_5_std": 7.4912569081905716, + "nauc_recall_at_1000_diff1": 25.5748044137675, + "nauc_recall_at_1000_max": 43.85796585370269, + "nauc_recall_at_1000_std": 30.0338086596789, + "nauc_recall_at_100_diff1": 22.577080638885093, + "nauc_recall_at_100_max": 23.224511700617477, + "nauc_recall_at_100_std": 15.187963852289313, + "nauc_recall_at_10_diff1": 25.058592299355908, + "nauc_recall_at_10_max": 22.24448483279841, + "nauc_recall_at_10_std": 6.3179089740052765, + "nauc_recall_at_1_diff1": 42.890551563179976, + "nauc_recall_at_1_max": 25.813805281076956, + "nauc_recall_at_1_std": 5.150718386163028, + "nauc_recall_at_20_diff1": 22.433865123187307, + "nauc_recall_at_20_max": 22.739695641511762, + "nauc_recall_at_20_std": 5.362005125538497, + "nauc_recall_at_3_diff1": 32.17919168998616, + "nauc_recall_at_3_max": 26.044028436867357, + "nauc_recall_at_3_std": 7.420349884006329, + "nauc_recall_at_5_diff1": 28.967104573649138, + "nauc_recall_at_5_max": 23.40865848168201, + "nauc_recall_at_5_std": 9.174406147723621, + "ndcg_at_1": 23.756, + "ndcg_at_10": 33.144, + "ndcg_at_100": 39.261, + "ndcg_at_1000": 41.881, + "ndcg_at_20": 35.56, + "ndcg_at_3": 27.927999999999997, + "ndcg_at_5": 30.293999999999997, + "precision_at_1": 23.756, + "precision_at_10": 5.995, + "precision_at_100": 1.053, + "precision_at_1000": 0.14100000000000001, + "precision_at_20": 3.688, + "precision_at_3": 13.059999999999999, + "precision_at_5": 9.602, + "recall_at_1": 19.41, + "recall_at_10": 45.074, + "recall_at_100": 71.131, + "recall_at_1000": 89.604, + "recall_at_20": 53.673, + "recall_at_3": 31.055, + "recall_at_5": 36.714999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/CQADupstackPhysicsRetrieval.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/CQADupstackPhysicsRetrieval.json new file mode 100644 index 000000000..7a7308d22 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/CQADupstackPhysicsRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "79531abbd1fb92d06c6d6315a0cbbbf5bb247ea4", + "task_name": "CQADupstackPhysicsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 49.675000000000004, + "map_at_1": 33.178999999999995, + "map_at_10": 43.807, + "map_at_100": 45.17, + "map_at_1000": 45.271, + "map_at_20": 44.516, + "map_at_3": 40.813, + "map_at_5": 42.457, + "mrr_at_1": 40.32723772858518, + "mrr_at_10": 49.646867409138814, + "mrr_at_100": 50.493686101426285, + "mrr_at_1000": 50.525386961808834, + "mrr_at_20": 50.120274354884586, + "mrr_at_3": 47.49759384023096, + "mrr_at_5": 48.72473532242535, + "nauc_map_at_1000_diff1": 49.5947127786396, + "nauc_map_at_1000_max": 33.39720045844929, + "nauc_map_at_1000_std": -3.131428593252271, + "nauc_map_at_100_diff1": 49.57797867324617, + "nauc_map_at_100_max": 33.356927974709464, + "nauc_map_at_100_std": -3.1661365376766337, + "nauc_map_at_10_diff1": 49.59294630598952, + "nauc_map_at_10_max": 32.86647346990462, + "nauc_map_at_10_std": -4.1582043443386745, + "nauc_map_at_1_diff1": 53.98646767288695, + "nauc_map_at_1_max": 29.45629077638936, + "nauc_map_at_1_std": -5.621187380771589, + "nauc_map_at_20_diff1": 49.486982890447074, + "nauc_map_at_20_max": 33.11681933406332, + "nauc_map_at_20_std": -3.5826433195146854, + "nauc_map_at_3_diff1": 50.81807107491861, + "nauc_map_at_3_max": 32.32552291988859, + "nauc_map_at_3_std": -3.952946504088928, + "nauc_map_at_5_diff1": 49.70201354274439, + "nauc_map_at_5_max": 32.831846031004886, + "nauc_map_at_5_std": -3.8330488624207737, + "nauc_mrr_at_1000_diff1": 49.04159472507738, + "nauc_mrr_at_1000_max": 35.617600171138676, + "nauc_mrr_at_1000_std": -1.5975830757486646, + "nauc_mrr_at_100_diff1": 49.03848471692094, + "nauc_mrr_at_100_max": 35.61936748662614, + "nauc_mrr_at_100_std": -1.5922053398594729, + "nauc_mrr_at_10_diff1": 48.92463964652612, + "nauc_mrr_at_10_max": 35.37757708992045, + "nauc_mrr_at_10_std": -2.2052028139567303, + "nauc_mrr_at_1_diff1": 52.23915787290734, + "nauc_mrr_at_1_max": 34.393531787632334, + "nauc_mrr_at_1_std": -1.452007661016969, + "nauc_mrr_at_20_diff1": 48.91168438018404, + "nauc_mrr_at_20_max": 35.478962544421876, + "nauc_mrr_at_20_std": -1.8246048423555414, + "nauc_mrr_at_3_diff1": 50.115432665442164, + "nauc_mrr_at_3_max": 35.89093796085569, + "nauc_mrr_at_3_std": -1.4895016313153366, + "nauc_mrr_at_5_diff1": 49.04321261351915, + "nauc_mrr_at_5_max": 35.85730520949451, + "nauc_mrr_at_5_std": -1.68790556880753, + "nauc_ndcg_at_1000_diff1": 48.294697499154374, + "nauc_ndcg_at_1000_max": 35.167410242367595, + "nauc_ndcg_at_1000_std": -0.6346078535914157, + "nauc_ndcg_at_100_diff1": 48.025525283449014, + "nauc_ndcg_at_100_max": 34.79288511776105, + "nauc_ndcg_at_100_std": -0.7823403044086993, + "nauc_ndcg_at_10_diff1": 47.70793258015258, + "nauc_ndcg_at_10_max": 33.09558927880104, + "nauc_ndcg_at_10_std": -4.7793864166260605, + "nauc_ndcg_at_1_diff1": 52.23915787290734, + "nauc_ndcg_at_1_max": 34.393531787632334, + "nauc_ndcg_at_1_std": -1.452007661016969, + "nauc_ndcg_at_20_diff1": 47.354286045074815, + "nauc_ndcg_at_20_max": 33.686648806027975, + "nauc_ndcg_at_20_std": -3.0189085132476556, + "nauc_ndcg_at_3_diff1": 49.68805334316908, + "nauc_ndcg_at_3_max": 34.196077748056496, + "nauc_ndcg_at_3_std": -2.7167289163768436, + "nauc_ndcg_at_5_diff1": 47.94474868912989, + "nauc_ndcg_at_5_max": 34.00261603413051, + "nauc_ndcg_at_5_std": -3.3541028103046115, + "nauc_precision_at_1000_diff1": -12.0150100710755, + "nauc_precision_at_1000_max": 5.332942816568796, + "nauc_precision_at_1000_std": 14.543288479130458, + "nauc_precision_at_100_diff1": -4.920332181588838, + "nauc_precision_at_100_max": 14.42313332017491, + "nauc_precision_at_100_std": 17.821953321018384, + "nauc_precision_at_10_diff1": 14.70509089079217, + "nauc_precision_at_10_max": 25.381887131649716, + "nauc_precision_at_10_std": 5.226419288645675, + "nauc_precision_at_1_diff1": 52.23915787290734, + "nauc_precision_at_1_max": 34.393531787632334, + "nauc_precision_at_1_std": -1.452007661016969, + "nauc_precision_at_20_diff1": 6.312827641507564, + "nauc_precision_at_20_max": 22.483038562271933, + "nauc_precision_at_20_std": 11.368419856892416, + "nauc_precision_at_3_diff1": 33.271443420273606, + "nauc_precision_at_3_max": 33.571078182106675, + "nauc_precision_at_3_std": 4.47382265155717, + "nauc_precision_at_5_diff1": 23.43287104284656, + "nauc_precision_at_5_max": 30.909085068105313, + "nauc_precision_at_5_std": 5.545672049452433, + "nauc_recall_at_1000_diff1": 35.22615594677707, + "nauc_recall_at_1000_max": 52.0710533173532, + "nauc_recall_at_1000_std": 45.17683523786464, + "nauc_recall_at_100_diff1": 36.2169056956332, + "nauc_recall_at_100_max": 35.02435003210817, + "nauc_recall_at_100_std": 15.833632946282508, + "nauc_recall_at_10_diff1": 39.12440292974848, + "nauc_recall_at_10_max": 28.0546011979648, + "nauc_recall_at_10_std": -9.620558638092172, + "nauc_recall_at_1_diff1": 53.98646767288695, + "nauc_recall_at_1_max": 29.45629077638936, + "nauc_recall_at_1_std": -5.621187380771589, + "nauc_recall_at_20_diff1": 36.39254630768161, + "nauc_recall_at_20_max": 29.277856508751967, + "nauc_recall_at_20_std": -3.048007490798412, + "nauc_recall_at_3_diff1": 45.64706642644958, + "nauc_recall_at_3_max": 31.003050159737413, + "nauc_recall_at_3_std": -4.849763876930667, + "nauc_recall_at_5_diff1": 40.918108859971746, + "nauc_recall_at_5_max": 30.69907335071493, + "nauc_recall_at_5_std": -6.1445436251916865, + "ndcg_at_1": 40.327, + "ndcg_at_10": 49.675000000000004, + "ndcg_at_100": 55.364000000000004, + "ndcg_at_1000": 56.992, + "ndcg_at_20": 51.803999999999995, + "ndcg_at_3": 45.227000000000004, + "ndcg_at_5": 47.244, + "precision_at_1": 40.327, + "precision_at_10": 8.826, + "precision_at_100": 1.354, + "precision_at_1000": 0.167, + "precision_at_20": 5.115, + "precision_at_3": 21.303, + "precision_at_5": 14.726, + "recall_at_1": 33.178999999999995, + "recall_at_10": 61.087, + "recall_at_100": 85.099, + "recall_at_1000": 95.14099999999999, + "recall_at_20": 68.623, + "recall_at_3": 48.245, + "recall_at_5": 53.832 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/CQADupstackProgrammersRetrieval.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/CQADupstackProgrammersRetrieval.json new file mode 100644 index 000000000..c5413fdf5 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/CQADupstackProgrammersRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "6184bc1440d2dbc7612be22b50686b8826d22b32", + "task_name": "CQADupstackProgrammersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 44.99, + "map_at_1": 28.089, + "map_at_10": 38.98, + "map_at_100": 40.339000000000006, + "map_at_1000": 40.441, + "map_at_20": 39.702, + "map_at_3": 35.620000000000005, + "map_at_5": 37.657000000000004, + "mrr_at_1": 35.15981735159817, + "mrr_at_10": 44.54075161266937, + "mrr_at_100": 45.435730392436646, + "mrr_at_1000": 45.47673849356812, + "mrr_at_20": 45.05949613726918, + "mrr_at_3": 42.00913242009131, + "mrr_at_5": 43.52739726027392, + "nauc_map_at_1000_diff1": 42.6375513442399, + "nauc_map_at_1000_max": 35.83899956589522, + "nauc_map_at_1000_std": 5.798620017712549, + "nauc_map_at_100_diff1": 42.609712253881504, + "nauc_map_at_100_max": 35.85401871065736, + "nauc_map_at_100_std": 5.829007296755533, + "nauc_map_at_10_diff1": 42.90931172127824, + "nauc_map_at_10_max": 35.46694204511423, + "nauc_map_at_10_std": 5.131477704152026, + "nauc_map_at_1_diff1": 48.066312177855956, + "nauc_map_at_1_max": 30.67745267941573, + "nauc_map_at_1_std": -1.4170737991670943, + "nauc_map_at_20_diff1": 42.730423700784, + "nauc_map_at_20_max": 35.710039616497085, + "nauc_map_at_20_std": 5.363961887475162, + "nauc_map_at_3_diff1": 43.499223646579935, + "nauc_map_at_3_max": 33.872570039621564, + "nauc_map_at_3_std": 3.0787571843453008, + "nauc_map_at_5_diff1": 43.28963642946521, + "nauc_map_at_5_max": 35.18327408279892, + "nauc_map_at_5_std": 4.516467154662473, + "nauc_mrr_at_1000_diff1": 42.71279871641341, + "nauc_mrr_at_1000_max": 37.48825064817496, + "nauc_mrr_at_1000_std": 8.10015025024314, + "nauc_mrr_at_100_diff1": 42.694777404773376, + "nauc_mrr_at_100_max": 37.476741768741086, + "nauc_mrr_at_100_std": 8.11525130417229, + "nauc_mrr_at_10_diff1": 42.954194054560176, + "nauc_mrr_at_10_max": 37.606138578797506, + "nauc_mrr_at_10_std": 8.092519513302399, + "nauc_mrr_at_1_diff1": 48.350790286038574, + "nauc_mrr_at_1_max": 33.97992759739641, + "nauc_mrr_at_1_std": 1.8332987018664093, + "nauc_mrr_at_20_diff1": 42.664983701783044, + "nauc_mrr_at_20_max": 37.47450702110784, + "nauc_mrr_at_20_std": 8.001067634745462, + "nauc_mrr_at_3_diff1": 42.921968602737955, + "nauc_mrr_at_3_max": 37.19599728791262, + "nauc_mrr_at_3_std": 7.4692697422507575, + "nauc_mrr_at_5_diff1": 42.96028546491891, + "nauc_mrr_at_5_max": 37.688350071295915, + "nauc_mrr_at_5_std": 8.213017954012372, + "nauc_ndcg_at_1000_diff1": 40.70763263942397, + "nauc_ndcg_at_1000_max": 37.87768319167602, + "nauc_ndcg_at_1000_std": 9.908807071686738, + "nauc_ndcg_at_100_diff1": 39.97828438221707, + "nauc_ndcg_at_100_max": 37.7723393835996, + "nauc_ndcg_at_100_std": 10.666779466040097, + "nauc_ndcg_at_10_diff1": 41.172233451172936, + "nauc_ndcg_at_10_max": 37.12252131573939, + "nauc_ndcg_at_10_std": 8.273798754436639, + "nauc_ndcg_at_1_diff1": 48.350790286038574, + "nauc_ndcg_at_1_max": 33.97992759739641, + "nauc_ndcg_at_1_std": 1.8332987018664093, + "nauc_ndcg_at_20_diff1": 40.33325895172716, + "nauc_ndcg_at_20_max": 37.36015594019951, + "nauc_ndcg_at_20_std": 8.818556108749302, + "nauc_ndcg_at_3_diff1": 41.652701699747254, + "nauc_ndcg_at_3_max": 35.499109874223294, + "nauc_ndcg_at_3_std": 5.831784865606119, + "nauc_ndcg_at_5_diff1": 41.856346892595475, + "nauc_ndcg_at_5_max": 36.940681835687194, + "nauc_ndcg_at_5_std": 7.507798515093516, + "nauc_precision_at_1000_diff1": -2.4605367806784866, + "nauc_precision_at_1000_max": -0.3538142127162922, + "nauc_precision_at_1000_std": 8.369794961833236, + "nauc_precision_at_100_diff1": -0.34954522096524704, + "nauc_precision_at_100_max": 13.159909603146458, + "nauc_precision_at_100_std": 19.425561514133996, + "nauc_precision_at_10_diff1": 17.048304710148145, + "nauc_precision_at_10_max": 29.816041846806375, + "nauc_precision_at_10_std": 18.358893367243798, + "nauc_precision_at_1_diff1": 48.350790286038574, + "nauc_precision_at_1_max": 33.97992759739641, + "nauc_precision_at_1_std": 1.8332987018664093, + "nauc_precision_at_20_diff1": 10.450903599411344, + "nauc_precision_at_20_max": 25.228916373799127, + "nauc_precision_at_20_std": 18.46893569529936, + "nauc_precision_at_3_diff1": 29.181236567048636, + "nauc_precision_at_3_max": 35.64918262500281, + "nauc_precision_at_3_std": 13.347538222514968, + "nauc_precision_at_5_diff1": 23.693323840550345, + "nauc_precision_at_5_max": 33.972399735191225, + "nauc_precision_at_5_std": 17.107012760554618, + "nauc_recall_at_1000_diff1": 20.297340483227945, + "nauc_recall_at_1000_max": 63.084305970127275, + "nauc_recall_at_1000_std": 63.04655000858784, + "nauc_recall_at_100_diff1": 22.587332148979723, + "nauc_recall_at_100_max": 40.740968468024775, + "nauc_recall_at_100_std": 34.120423684507124, + "nauc_recall_at_10_diff1": 33.361195948673675, + "nauc_recall_at_10_max": 37.1411402410262, + "nauc_recall_at_10_std": 13.475407196166259, + "nauc_recall_at_1_diff1": 48.066312177855956, + "nauc_recall_at_1_max": 30.67745267941573, + "nauc_recall_at_1_std": -1.4170737991670943, + "nauc_recall_at_20_diff1": 28.703982984383984, + "nauc_recall_at_20_max": 37.32929431193496, + "nauc_recall_at_20_std": 16.139135347989903, + "nauc_recall_at_3_diff1": 36.53346179134789, + "nauc_recall_at_3_max": 34.11397914899309, + "nauc_recall_at_3_std": 7.19358019807132, + "nauc_recall_at_5_diff1": 36.24058894947452, + "nauc_recall_at_5_max": 37.00990358651097, + "nauc_recall_at_5_std": 11.074645476821619, + "ndcg_at_1": 35.160000000000004, + "ndcg_at_10": 44.99, + "ndcg_at_100": 50.661, + "ndcg_at_1000": 52.599, + "ndcg_at_20": 47.154, + "ndcg_at_3": 39.843, + "ndcg_at_5": 42.486000000000004, + "precision_at_1": 35.160000000000004, + "precision_at_10": 8.299, + "precision_at_100": 1.2850000000000001, + "precision_at_1000": 0.16199999999999998, + "precision_at_20": 4.84, + "precision_at_3": 19.178, + "precision_at_5": 13.927, + "recall_at_1": 28.089, + "recall_at_10": 57.158, + "recall_at_100": 81.461, + "recall_at_1000": 94.46900000000001, + "recall_at_20": 64.927, + "recall_at_3": 42.775999999999996, + "recall_at_5": 49.719 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/CQADupstackStatsRetrieval.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/CQADupstackStatsRetrieval.json new file mode 100644 index 000000000..cd6a10679 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/CQADupstackStatsRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "65ac3a16b8e91f9cee4c9828cc7c335575432a2a", + "task_name": "CQADupstackStatsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 39.586, + "map_at_1": 27.301, + "map_at_10": 35.022, + "map_at_100": 36.061, + "map_at_1000": 36.146, + "map_at_20": 35.608000000000004, + "map_at_3": 32.978, + "map_at_5": 33.994, + "mrr_at_1": 30.67484662576687, + "mrr_at_10": 38.1696124257474, + "mrr_at_100": 38.99730898994137, + "mrr_at_1000": 39.049871007408136, + "mrr_at_20": 38.62424051396064, + "mrr_at_3": 36.40081799591004, + "mrr_at_5": 37.23670756646219, + "nauc_map_at_1000_diff1": 50.4395097150819, + "nauc_map_at_1000_max": 42.36231476768413, + "nauc_map_at_1000_std": 1.0739414045485742, + "nauc_map_at_100_diff1": 50.4253775421283, + "nauc_map_at_100_max": 42.34508969348633, + "nauc_map_at_100_std": 1.0590256535050135, + "nauc_map_at_10_diff1": 50.74196619464362, + "nauc_map_at_10_max": 42.354326434590284, + "nauc_map_at_10_std": 0.6330167542705694, + "nauc_map_at_1_diff1": 55.7404810490963, + "nauc_map_at_1_max": 40.7676941648045, + "nauc_map_at_1_std": -5.021772566610674, + "nauc_map_at_20_diff1": 50.39792463598886, + "nauc_map_at_20_max": 42.25768760228577, + "nauc_map_at_20_std": 0.8979017700131807, + "nauc_map_at_3_diff1": 51.53267996170815, + "nauc_map_at_3_max": 41.78801756883417, + "nauc_map_at_3_std": -0.6652383024396911, + "nauc_map_at_5_diff1": 50.992783683271504, + "nauc_map_at_5_max": 41.8607977828188, + "nauc_map_at_5_std": 0.3484379897869807, + "nauc_mrr_at_1000_diff1": 48.952907124445126, + "nauc_mrr_at_1000_max": 42.93563741482114, + "nauc_mrr_at_1000_std": 3.0791495753556424, + "nauc_mrr_at_100_diff1": 48.941921107360805, + "nauc_mrr_at_100_max": 42.94419657374061, + "nauc_mrr_at_100_std": 3.075397087180154, + "nauc_mrr_at_10_diff1": 49.098926306303056, + "nauc_mrr_at_10_max": 42.941857820499806, + "nauc_mrr_at_10_std": 2.8184474174054372, + "nauc_mrr_at_1_diff1": 54.428109877009334, + "nauc_mrr_at_1_max": 42.50273386972492, + "nauc_mrr_at_1_std": -2.1811826216412187, + "nauc_mrr_at_20_diff1": 48.82502192775839, + "nauc_mrr_at_20_max": 42.92227277257095, + "nauc_mrr_at_20_std": 2.975812634368533, + "nauc_mrr_at_3_diff1": 49.440009227591176, + "nauc_mrr_at_3_max": 42.95503176290712, + "nauc_mrr_at_3_std": 2.2997128945013796, + "nauc_mrr_at_5_diff1": 49.09846782701398, + "nauc_mrr_at_5_max": 42.51449168285772, + "nauc_mrr_at_5_std": 2.7785816484421297, + "nauc_ndcg_at_1000_diff1": 48.14680758187888, + "nauc_ndcg_at_1000_max": 43.57465718500695, + "nauc_ndcg_at_1000_std": 5.287435676678261, + "nauc_ndcg_at_100_diff1": 47.66081605743284, + "nauc_ndcg_at_100_max": 43.28156751251163, + "nauc_ndcg_at_100_std": 4.959626409663624, + "nauc_ndcg_at_10_diff1": 48.25075619623878, + "nauc_ndcg_at_10_max": 43.00688660666578, + "nauc_ndcg_at_10_std": 3.2319193368891637, + "nauc_ndcg_at_1_diff1": 54.428109877009334, + "nauc_ndcg_at_1_max": 42.50273386972492, + "nauc_ndcg_at_1_std": -2.1811826216412187, + "nauc_ndcg_at_20_diff1": 47.1943098627403, + "nauc_ndcg_at_20_max": 42.86954491768707, + "nauc_ndcg_at_20_std": 4.08583080150737, + "nauc_ndcg_at_3_diff1": 49.32681523192246, + "nauc_ndcg_at_3_max": 42.46898641470274, + "nauc_ndcg_at_3_std": 1.7416962407725236, + "nauc_ndcg_at_5_diff1": 48.59647012439291, + "nauc_ndcg_at_5_max": 42.07098889846439, + "nauc_ndcg_at_5_std": 2.979621233356828, + "nauc_precision_at_1000_diff1": -1.7366334161587105, + "nauc_precision_at_1000_max": 17.70969166396819, + "nauc_precision_at_1000_std": 17.50619975322144, + "nauc_precision_at_100_diff1": 10.082579982582155, + "nauc_precision_at_100_max": 28.024893516091776, + "nauc_precision_at_100_std": 18.41413013357596, + "nauc_precision_at_10_diff1": 28.796167732373657, + "nauc_precision_at_10_max": 40.37340024485382, + "nauc_precision_at_10_std": 13.718572711091733, + "nauc_precision_at_1_diff1": 54.428109877009334, + "nauc_precision_at_1_max": 42.50273386972492, + "nauc_precision_at_1_std": -2.1811826216412187, + "nauc_precision_at_20_diff1": 19.82691920771315, + "nauc_precision_at_20_max": 34.45075390159975, + "nauc_precision_at_20_std": 16.410812072348058, + "nauc_precision_at_3_diff1": 40.85430254962678, + "nauc_precision_at_3_max": 43.63016056067074, + "nauc_precision_at_3_std": 9.322014634477581, + "nauc_precision_at_5_diff1": 35.830272848975795, + "nauc_precision_at_5_max": 41.30047691620363, + "nauc_precision_at_5_std": 13.145693992266565, + "nauc_recall_at_1000_diff1": 35.532000545890504, + "nauc_recall_at_1000_max": 50.714223194510325, + "nauc_recall_at_1000_std": 43.09037309139045, + "nauc_recall_at_100_diff1": 35.11024488875192, + "nauc_recall_at_100_max": 43.0874566265193, + "nauc_recall_at_100_std": 19.70628521846854, + "nauc_recall_at_10_diff1": 40.36203726741153, + "nauc_recall_at_10_max": 42.581482582576726, + "nauc_recall_at_10_std": 8.642553371022348, + "nauc_recall_at_1_diff1": 55.7404810490963, + "nauc_recall_at_1_max": 40.7676941648045, + "nauc_recall_at_1_std": -5.021772566610674, + "nauc_recall_at_20_diff1": 35.97348868186562, + "nauc_recall_at_20_max": 41.82695933305065, + "nauc_recall_at_20_std": 11.444957541593585, + "nauc_recall_at_3_diff1": 44.20020470014979, + "nauc_recall_at_3_max": 40.84130855296979, + "nauc_recall_at_3_std": 5.004883338558809, + "nauc_recall_at_5_diff1": 42.08756885472078, + "nauc_recall_at_5_max": 39.90323783606852, + "nauc_recall_at_5_std": 8.085182534171127, + "ndcg_at_1": 30.675, + "ndcg_at_10": 39.586, + "ndcg_at_100": 44.737, + "ndcg_at_1000": 46.863, + "ndcg_at_20": 41.495, + "ndcg_at_3": 35.8, + "ndcg_at_5": 37.3, + "precision_at_1": 30.675, + "precision_at_10": 6.196, + "precision_at_100": 0.9570000000000001, + "precision_at_1000": 0.122, + "precision_at_20": 3.6350000000000002, + "precision_at_3": 15.337, + "precision_at_5": 10.337, + "recall_at_1": 27.301, + "recall_at_10": 50.346999999999994, + "recall_at_100": 74.459, + "recall_at_1000": 90.018, + "recall_at_20": 57.473, + "recall_at_3": 39.672000000000004, + "recall_at_5": 43.383 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/CQADupstackTexRetrieval.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/CQADupstackTexRetrieval.json new file mode 100644 index 000000000..236fd3cd6 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/CQADupstackTexRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "46989137a86843e03a6195de44b09deda022eec7", + "task_name": "CQADupstackTexRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 32.842, + "map_at_1": 19.527, + "map_at_10": 27.711999999999996, + "map_at_100": 28.98, + "map_at_1000": 29.108, + "map_at_20": 28.407, + "map_at_3": 25.023, + "map_at_5": 26.528000000000002, + "mrr_at_1": 23.675154852030282, + "mrr_at_10": 31.810676323752784, + "mrr_at_100": 32.788970614380716, + "mrr_at_1000": 32.86028758975889, + "mrr_at_20": 32.35935756676056, + "mrr_at_3": 29.41615049323246, + "mrr_at_5": 30.785730672172633, + "nauc_map_at_1000_diff1": 35.597766688968015, + "nauc_map_at_1000_max": 26.295790183159845, + "nauc_map_at_1000_std": -0.04229904865958209, + "nauc_map_at_100_diff1": 35.568782622469925, + "nauc_map_at_100_max": 26.27850795471227, + "nauc_map_at_100_std": -0.04944875782811099, + "nauc_map_at_10_diff1": 35.63760937893694, + "nauc_map_at_10_max": 26.130094042028233, + "nauc_map_at_10_std": -0.6896882769027717, + "nauc_map_at_1_diff1": 41.759098341890976, + "nauc_map_at_1_max": 23.918885427783326, + "nauc_map_at_1_std": -2.1383574897865074, + "nauc_map_at_20_diff1": 35.55706530442612, + "nauc_map_at_20_max": 26.23339626569677, + "nauc_map_at_20_std": -0.162172033918129, + "nauc_map_at_3_diff1": 37.22183376355153, + "nauc_map_at_3_max": 25.770512522122186, + "nauc_map_at_3_std": -1.3105892187778403, + "nauc_map_at_5_diff1": 36.205913161663084, + "nauc_map_at_5_max": 25.953300641502064, + "nauc_map_at_5_std": -0.7987363137547906, + "nauc_mrr_at_1000_diff1": 34.864016559617646, + "nauc_mrr_at_1000_max": 26.8689525348564, + "nauc_mrr_at_1000_std": -0.5839923973914446, + "nauc_mrr_at_100_diff1": 34.83820469598538, + "nauc_mrr_at_100_max": 26.864669056231282, + "nauc_mrr_at_100_std": -0.5785645654158633, + "nauc_mrr_at_10_diff1": 34.81868397381981, + "nauc_mrr_at_10_max": 26.79988560460627, + "nauc_mrr_at_10_std": -1.1113808365827318, + "nauc_mrr_at_1_diff1": 40.0281507903504, + "nauc_mrr_at_1_max": 25.036735941806583, + "nauc_mrr_at_1_std": -2.508700799268523, + "nauc_mrr_at_20_diff1": 34.81954537357966, + "nauc_mrr_at_20_max": 26.877673033315453, + "nauc_mrr_at_20_std": -0.6706028107452919, + "nauc_mrr_at_3_diff1": 35.87313782549696, + "nauc_mrr_at_3_max": 26.776261693392335, + "nauc_mrr_at_3_std": -1.8010591328112908, + "nauc_mrr_at_5_diff1": 35.31673912159536, + "nauc_mrr_at_5_max": 26.78720786106881, + "nauc_mrr_at_5_std": -1.3096326953900546, + "nauc_ndcg_at_1000_diff1": 33.43105244339048, + "nauc_ndcg_at_1000_max": 27.52195065724684, + "nauc_ndcg_at_1000_std": 2.8376056562675744, + "nauc_ndcg_at_100_diff1": 32.90916846420573, + "nauc_ndcg_at_100_max": 27.27161017736065, + "nauc_ndcg_at_100_std": 2.8703122625872126, + "nauc_ndcg_at_10_diff1": 33.12714979317447, + "nauc_ndcg_at_10_max": 26.67762031747992, + "nauc_ndcg_at_10_std": -0.1341345572932233, + "nauc_ndcg_at_1_diff1": 40.0281507903504, + "nauc_ndcg_at_1_max": 25.036735941806583, + "nauc_ndcg_at_1_std": -2.508700799268523, + "nauc_ndcg_at_20_diff1": 32.891656138688546, + "nauc_ndcg_at_20_max": 26.991976404027163, + "nauc_ndcg_at_20_std": 1.6050741106677746, + "nauc_ndcg_at_3_diff1": 35.576958713955484, + "nauc_ndcg_at_3_max": 26.41687745899445, + "nauc_ndcg_at_3_std": -1.5326687067002291, + "nauc_ndcg_at_5_diff1": 34.27335619067276, + "nauc_ndcg_at_5_max": 26.479515412084208, + "nauc_ndcg_at_5_std": -0.5597648935666003, + "nauc_precision_at_1000_diff1": -0.18660914306684007, + "nauc_precision_at_1000_max": 7.268255385799229, + "nauc_precision_at_1000_std": -0.1968875268478991, + "nauc_precision_at_100_diff1": 7.386701205054449, + "nauc_precision_at_100_max": 15.477735603019607, + "nauc_precision_at_100_std": 4.753153414679307, + "nauc_precision_at_10_diff1": 18.4668296945938, + "nauc_precision_at_10_max": 25.457144217779597, + "nauc_precision_at_10_std": 0.40165373733963605, + "nauc_precision_at_1_diff1": 40.0281507903504, + "nauc_precision_at_1_max": 25.036735941806583, + "nauc_precision_at_1_std": -2.508700799268523, + "nauc_precision_at_20_diff1": 14.751135844289335, + "nauc_precision_at_20_max": 22.763373329576293, + "nauc_precision_at_20_std": 4.360731801761864, + "nauc_precision_at_3_diff1": 28.154753888265393, + "nauc_precision_at_3_max": 27.838427033527147, + "nauc_precision_at_3_std": -1.0042621266717804, + "nauc_precision_at_5_diff1": 23.549026872711423, + "nauc_precision_at_5_max": 27.192214745385044, + "nauc_precision_at_5_std": 0.4455206110174471, + "nauc_recall_at_1000_diff1": 17.905404210815632, + "nauc_recall_at_1000_max": 32.8674418535776, + "nauc_recall_at_1000_std": 35.187050415735435, + "nauc_recall_at_100_diff1": 20.903609751984757, + "nauc_recall_at_100_max": 27.180306691518364, + "nauc_recall_at_100_std": 17.553030959393297, + "nauc_recall_at_10_diff1": 25.615147693464387, + "nauc_recall_at_10_max": 25.97062699453565, + "nauc_recall_at_10_std": 2.2181702899826576, + "nauc_recall_at_1_diff1": 41.759098341890976, + "nauc_recall_at_1_max": 23.918885427783326, + "nauc_recall_at_1_std": -2.1383574897865074, + "nauc_recall_at_20_diff1": 23.922775940094386, + "nauc_recall_at_20_max": 26.384627814902785, + "nauc_recall_at_20_std": 7.944532403561578, + "nauc_recall_at_3_diff1": 32.26543270634743, + "nauc_recall_at_3_max": 26.36357710828272, + "nauc_recall_at_3_std": -0.42723331708340706, + "nauc_recall_at_5_diff1": 29.080464141763336, + "nauc_recall_at_5_max": 25.81238438303652, + "nauc_recall_at_5_std": 1.1649311168287726, + "ndcg_at_1": 23.674999999999997, + "ndcg_at_10": 32.842, + "ndcg_at_100": 38.64, + "ndcg_at_1000": 41.367, + "ndcg_at_20": 35.032999999999994, + "ndcg_at_3": 28.166000000000004, + "ndcg_at_5": 30.407, + "precision_at_1": 23.674999999999997, + "precision_at_10": 6.005, + "precision_at_100": 1.053, + "precision_at_1000": 0.146, + "precision_at_20": 3.6580000000000004, + "precision_at_3": 13.352, + "precision_at_5": 9.718, + "recall_at_1": 19.527, + "recall_at_10": 44.096999999999994, + "recall_at_100": 69.962, + "recall_at_1000": 89.035, + "recall_at_20": 52.166000000000004, + "recall_at_3": 30.946, + "recall_at_5": 36.789 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/CQADupstackUnixRetrieval.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/CQADupstackUnixRetrieval.json new file mode 100644 index 000000000..21267c575 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/CQADupstackUnixRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "6c6430d3a6d36f8d2a829195bc5dc94d7e063e53", + "task_name": "CQADupstackUnixRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 46.54, + "map_at_1": 29.953999999999997, + "map_at_10": 40.742, + "map_at_100": 41.964, + "map_at_1000": 42.059999999999995, + "map_at_20": 41.426, + "map_at_3": 37.378, + "map_at_5": 39.267, + "mrr_at_1": 34.701492537313435, + "mrr_at_10": 44.29978085761664, + "mrr_at_100": 45.205551401915486, + "mrr_at_1000": 45.24735017384963, + "mrr_at_20": 44.85338423755729, + "mrr_at_3": 41.57338308457707, + "mrr_at_5": 43.19185323383077, + "nauc_map_at_1000_diff1": 48.45170522932164, + "nauc_map_at_1000_max": 31.544164363591204, + "nauc_map_at_1000_std": 0.8661088818146858, + "nauc_map_at_100_diff1": 48.47347800061323, + "nauc_map_at_100_max": 31.568637596620313, + "nauc_map_at_100_std": 0.9252699336843858, + "nauc_map_at_10_diff1": 48.64849891585432, + "nauc_map_at_10_max": 31.40371265579746, + "nauc_map_at_10_std": 0.7088016563713089, + "nauc_map_at_1_diff1": 53.57918993108331, + "nauc_map_at_1_max": 31.392632653740993, + "nauc_map_at_1_std": -2.857306170463933, + "nauc_map_at_20_diff1": 48.49084353023969, + "nauc_map_at_20_max": 31.470313174779374, + "nauc_map_at_20_std": 0.8950296035234309, + "nauc_map_at_3_diff1": 49.273481161619806, + "nauc_map_at_3_max": 31.101471509782826, + "nauc_map_at_3_std": -0.886510096257905, + "nauc_map_at_5_diff1": 48.85344288229106, + "nauc_map_at_5_max": 31.32633663238284, + "nauc_map_at_5_std": -0.44752909698881177, + "nauc_mrr_at_1000_diff1": 46.27593166906613, + "nauc_mrr_at_1000_max": 31.637594372116336, + "nauc_mrr_at_1000_std": 0.8444917550670064, + "nauc_mrr_at_100_diff1": 46.27161543033672, + "nauc_mrr_at_100_max": 31.64330655339695, + "nauc_mrr_at_100_std": 0.8717446416398773, + "nauc_mrr_at_10_diff1": 46.100348481312864, + "nauc_mrr_at_10_max": 31.594271897882237, + "nauc_mrr_at_10_std": 0.8807168907688873, + "nauc_mrr_at_1_diff1": 51.35163098909763, + "nauc_mrr_at_1_max": 31.99084441327899, + "nauc_mrr_at_1_std": -2.688594880742662, + "nauc_mrr_at_20_diff1": 46.18178546174727, + "nauc_mrr_at_20_max": 31.639111674119448, + "nauc_mrr_at_20_std": 0.9855008641374622, + "nauc_mrr_at_3_diff1": 46.307484835305864, + "nauc_mrr_at_3_max": 31.35563850804847, + "nauc_mrr_at_3_std": -0.3419536587707561, + "nauc_mrr_at_5_diff1": 46.17646418781234, + "nauc_mrr_at_5_max": 31.313474270239833, + "nauc_mrr_at_5_std": -0.08656550526568331, + "nauc_ndcg_at_1000_diff1": 46.12095795101613, + "nauc_ndcg_at_1000_max": 31.989083597726314, + "nauc_ndcg_at_1000_std": 3.2965704707660763, + "nauc_ndcg_at_100_diff1": 46.05376249841318, + "nauc_ndcg_at_100_max": 32.39195988574972, + "nauc_ndcg_at_100_std": 4.518018135593347, + "nauc_ndcg_at_10_diff1": 46.133631183744875, + "nauc_ndcg_at_10_max": 31.45358876172339, + "nauc_ndcg_at_10_std": 3.4254370918871055, + "nauc_ndcg_at_1_diff1": 51.35163098909763, + "nauc_ndcg_at_1_max": 31.99084441327899, + "nauc_ndcg_at_1_std": -2.688594880742662, + "nauc_ndcg_at_20_diff1": 45.94584949766954, + "nauc_ndcg_at_20_max": 31.689777515111295, + "nauc_ndcg_at_20_std": 4.189082428922442, + "nauc_ndcg_at_3_diff1": 46.5057835389752, + "nauc_ndcg_at_3_max": 30.941407592082047, + "nauc_ndcg_at_3_std": -0.042473944857831535, + "nauc_ndcg_at_5_diff1": 46.369027395136136, + "nauc_ndcg_at_5_max": 31.057841776505352, + "nauc_ndcg_at_5_std": 0.6878993420489522, + "nauc_precision_at_1000_diff1": -17.30759714093202, + "nauc_precision_at_1000_max": -4.441155558458858, + "nauc_precision_at_1000_std": 1.5537300718220326, + "nauc_precision_at_100_diff1": -7.18920438222021, + "nauc_precision_at_100_max": 8.017878121399253, + "nauc_precision_at_100_std": 11.357132919349102, + "nauc_precision_at_10_diff1": 15.202451884794076, + "nauc_precision_at_10_max": 19.077295902881417, + "nauc_precision_at_10_std": 9.885526867355805, + "nauc_precision_at_1_diff1": 51.35163098909763, + "nauc_precision_at_1_max": 31.99084441327899, + "nauc_precision_at_1_std": -2.688594880742662, + "nauc_precision_at_20_diff1": 6.827461091494899, + "nauc_precision_at_20_max": 15.27268633497114, + "nauc_precision_at_20_std": 11.515826649647384, + "nauc_precision_at_3_diff1": 31.043021807472027, + "nauc_precision_at_3_max": 26.22457157531548, + "nauc_precision_at_3_std": 1.788215968301994, + "nauc_precision_at_5_diff1": 25.030185818513235, + "nauc_precision_at_5_max": 23.680129160901537, + "nauc_precision_at_5_std": 4.303018899688115, + "nauc_recall_at_1000_diff1": 28.68826642607512, + "nauc_recall_at_1000_max": 42.33849804103852, + "nauc_recall_at_1000_std": 42.67413575876864, + "nauc_recall_at_100_diff1": 36.51494878715, + "nauc_recall_at_100_max": 37.4764995034434, + "nauc_recall_at_100_std": 28.295671266661017, + "nauc_recall_at_10_diff1": 39.416721111463524, + "nauc_recall_at_10_max": 29.95985608454179, + "nauc_recall_at_10_std": 12.423335839786201, + "nauc_recall_at_1_diff1": 53.57918993108331, + "nauc_recall_at_1_max": 31.392632653740993, + "nauc_recall_at_1_std": -2.857306170463933, + "nauc_recall_at_20_diff1": 38.228803480194046, + "nauc_recall_at_20_max": 30.87261362975955, + "nauc_recall_at_20_std": 16.977113091834095, + "nauc_recall_at_3_diff1": 43.154348566653155, + "nauc_recall_at_3_max": 29.54536633744803, + "nauc_recall_at_3_std": 2.02842672250621, + "nauc_recall_at_5_diff1": 41.00436246072242, + "nauc_recall_at_5_max": 29.413569555348023, + "nauc_recall_at_5_std": 3.845214021958289, + "ndcg_at_1": 34.701, + "ndcg_at_10": 46.54, + "ndcg_at_100": 51.754999999999995, + "ndcg_at_1000": 53.71, + "ndcg_at_20": 48.679, + "ndcg_at_3": 40.892, + "ndcg_at_5": 43.595, + "precision_at_1": 34.701, + "precision_at_10": 8.004, + "precision_at_100": 1.185, + "precision_at_1000": 0.145, + "precision_at_20": 4.632, + "precision_at_3": 18.719, + "precision_at_5": 13.245999999999999, + "recall_at_1": 29.953999999999997, + "recall_at_10": 60.246, + "recall_at_100": 82.128, + "recall_at_1000": 95.622, + "recall_at_20": 67.756, + "recall_at_3": 45.096000000000004, + "recall_at_5": 51.9 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/CQADupstackWebmastersRetrieval.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/CQADupstackWebmastersRetrieval.json new file mode 100644 index 000000000..a356705d9 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/CQADupstackWebmastersRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "160c094312a0e1facb97e55eeddb698c0abe3571", + "task_name": "CQADupstackWebmastersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 44.718999999999994, + "map_at_1": 28.383999999999997, + "map_at_10": 38.422, + "map_at_100": 40.058, + "map_at_1000": 40.276, + "map_at_20": 39.301, + "map_at_3": 35.205, + "map_at_5": 36.803999999999995, + "mrr_at_1": 33.59683794466403, + "mrr_at_10": 42.837536859275986, + "mrr_at_100": 43.7501703455481, + "mrr_at_1000": 43.79258407771123, + "mrr_at_20": 43.36044710445095, + "mrr_at_3": 40.15151515151516, + "mrr_at_5": 41.74242424242425, + "nauc_map_at_1000_diff1": 47.934826596875304, + "nauc_map_at_1000_max": 32.39759438116062, + "nauc_map_at_1000_std": 0.9489007346763054, + "nauc_map_at_100_diff1": 47.94844822157888, + "nauc_map_at_100_max": 32.51485845519537, + "nauc_map_at_100_std": 0.8094339925545622, + "nauc_map_at_10_diff1": 48.251456404874645, + "nauc_map_at_10_max": 31.412906399154245, + "nauc_map_at_10_std": -0.7024825737369933, + "nauc_map_at_1_diff1": 55.81906101970174, + "nauc_map_at_1_max": 31.811715334193796, + "nauc_map_at_1_std": -6.17056859281584, + "nauc_map_at_20_diff1": 47.80902650237369, + "nauc_map_at_20_max": 32.22465403023091, + "nauc_map_at_20_std": 0.20706526946705656, + "nauc_map_at_3_diff1": 49.97333984346632, + "nauc_map_at_3_max": 31.58195498640799, + "nauc_map_at_3_std": -2.577539707727459, + "nauc_map_at_5_diff1": 49.40005767350608, + "nauc_map_at_5_max": 30.998435600377434, + "nauc_map_at_5_std": -2.1231771618690307, + "nauc_mrr_at_1000_diff1": 46.86811371969663, + "nauc_mrr_at_1000_max": 31.25147138171024, + "nauc_mrr_at_1000_std": 1.9954422477585918, + "nauc_mrr_at_100_diff1": 46.855870345882195, + "nauc_mrr_at_100_max": 31.263524035665966, + "nauc_mrr_at_100_std": 2.0160751193806568, + "nauc_mrr_at_10_diff1": 46.93294772825783, + "nauc_mrr_at_10_max": 30.927002048701663, + "nauc_mrr_at_10_std": 1.6538220080908224, + "nauc_mrr_at_1_diff1": 52.416386548395664, + "nauc_mrr_at_1_max": 32.28582003787206, + "nauc_mrr_at_1_std": -2.154991145714492, + "nauc_mrr_at_20_diff1": 46.71796185319694, + "nauc_mrr_at_20_max": 31.16219902794994, + "nauc_mrr_at_20_std": 1.8590646572728409, + "nauc_mrr_at_3_diff1": 47.697100317669914, + "nauc_mrr_at_3_max": 30.821806030159383, + "nauc_mrr_at_3_std": 1.1927626358099177, + "nauc_mrr_at_5_diff1": 47.065272061365704, + "nauc_mrr_at_5_max": 30.299230962805023, + "nauc_mrr_at_5_std": 1.3225842862629529, + "nauc_ndcg_at_1000_diff1": 45.20612583136058, + "nauc_ndcg_at_1000_max": 33.51931869947315, + "nauc_ndcg_at_1000_std": 4.923707509620363, + "nauc_ndcg_at_100_diff1": 44.76206243393775, + "nauc_ndcg_at_100_max": 33.57771606755598, + "nauc_ndcg_at_100_std": 5.30915563331338, + "nauc_ndcg_at_10_diff1": 45.12714032463827, + "nauc_ndcg_at_10_max": 30.351909495610492, + "nauc_ndcg_at_10_std": 2.3972947289996873, + "nauc_ndcg_at_1_diff1": 52.416386548395664, + "nauc_ndcg_at_1_max": 32.28582003787206, + "nauc_ndcg_at_1_std": -2.154991145714492, + "nauc_ndcg_at_20_diff1": 44.20281844000005, + "nauc_ndcg_at_20_max": 32.14112739396226, + "nauc_ndcg_at_20_std": 3.3971385462591916, + "nauc_ndcg_at_3_diff1": 47.0633767031858, + "nauc_ndcg_at_3_max": 31.032896053733435, + "nauc_ndcg_at_3_std": 0.6827544906310201, + "nauc_ndcg_at_5_diff1": 46.735352294106484, + "nauc_ndcg_at_5_max": 29.784992270528544, + "nauc_ndcg_at_5_std": 0.8685943819516141, + "nauc_precision_at_1000_diff1": -12.223330179860852, + "nauc_precision_at_1000_max": -9.266492213777273, + "nauc_precision_at_1000_std": 19.0569899587788, + "nauc_precision_at_100_diff1": -5.803751085072067, + "nauc_precision_at_100_max": 3.448932057044294, + "nauc_precision_at_100_std": 23.470863527030627, + "nauc_precision_at_10_diff1": 8.887357341361907, + "nauc_precision_at_10_max": 18.67165390928126, + "nauc_precision_at_10_std": 19.158543337955404, + "nauc_precision_at_1_diff1": 52.416386548395664, + "nauc_precision_at_1_max": 32.28582003787206, + "nauc_precision_at_1_std": -2.154991145714492, + "nauc_precision_at_20_diff1": 0.942496138409553, + "nauc_precision_at_20_max": 18.86957127610774, + "nauc_precision_at_20_std": 24.075503903246496, + "nauc_precision_at_3_diff1": 28.15363877307106, + "nauc_precision_at_3_max": 27.064928137991824, + "nauc_precision_at_3_std": 8.632807104504753, + "nauc_precision_at_5_diff1": 20.805862332497973, + "nauc_precision_at_5_max": 21.420201475758404, + "nauc_precision_at_5_std": 12.380239645425714, + "nauc_recall_at_1000_diff1": 18.478341468055547, + "nauc_recall_at_1000_max": 56.293560115074506, + "nauc_recall_at_1000_std": 64.31607185065428, + "nauc_recall_at_100_diff1": 26.737267337771886, + "nauc_recall_at_100_max": 38.011889141496326, + "nauc_recall_at_100_std": 30.44904690114732, + "nauc_recall_at_10_diff1": 35.22772732735716, + "nauc_recall_at_10_max": 26.000054115159486, + "nauc_recall_at_10_std": 5.174264254271206, + "nauc_recall_at_1_diff1": 55.81906101970174, + "nauc_recall_at_1_max": 31.811715334193796, + "nauc_recall_at_1_std": -6.17056859281584, + "nauc_recall_at_20_diff1": 30.48493302415641, + "nauc_recall_at_20_max": 31.05487040370753, + "nauc_recall_at_20_std": 10.319948318834136, + "nauc_recall_at_3_diff1": 43.12289512340243, + "nauc_recall_at_3_max": 28.176279771026135, + "nauc_recall_at_3_std": -0.1775154523381921, + "nauc_recall_at_5_diff1": 40.9934933741234, + "nauc_recall_at_5_max": 25.569156290584733, + "nauc_recall_at_5_std": 0.21166696686855038, + "ndcg_at_1": 33.597, + "ndcg_at_10": 44.718999999999994, + "ndcg_at_100": 50.324000000000005, + "ndcg_at_1000": 52.468, + "ndcg_at_20": 46.822, + "ndcg_at_3": 39.558, + "ndcg_at_5": 41.827999999999996, + "precision_at_1": 33.597, + "precision_at_10": 8.735, + "precision_at_100": 1.6420000000000001, + "precision_at_1000": 0.246, + "precision_at_20": 5.375, + "precision_at_3": 18.511, + "precision_at_5": 13.399, + "recall_at_1": 28.383999999999997, + "recall_at_10": 56.425000000000004, + "recall_at_100": 82.01899999999999, + "recall_at_1000": 95.285, + "recall_at_20": 64.615, + "recall_at_3": 42.171, + "recall_at_5": 48.296 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/CQADupstackWordpressRetrieval.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/CQADupstackWordpressRetrieval.json new file mode 100644 index 000000000..f4b1c7a5d --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/CQADupstackWordpressRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "4ffe81d471b1924886b33c7567bfb200e9eec5c4", + "task_name": "CQADupstackWordpressRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 38.269999999999996, + "map_at_1": 25.324999999999996, + "map_at_10": 33.263, + "map_at_100": 34.304, + "map_at_1000": 34.394000000000005, + "map_at_20": 33.827, + "map_at_3": 30.259999999999998, + "map_at_5": 31.832, + "mrr_at_1": 27.171903881700555, + "mrr_at_10": 35.334991051257234, + "mrr_at_100": 36.251283465952355, + "mrr_at_1000": 36.316236092511055, + "mrr_at_20": 35.87141909945257, + "mrr_at_3": 32.71719038817007, + "mrr_at_5": 34.19593345656194, + "nauc_map_at_1000_diff1": 39.614836211522714, + "nauc_map_at_1000_max": 22.019768626310192, + "nauc_map_at_1000_std": -1.5238708712112499, + "nauc_map_at_100_diff1": 39.63008548572307, + "nauc_map_at_100_max": 22.044756063752345, + "nauc_map_at_100_std": -1.4869190221494792, + "nauc_map_at_10_diff1": 39.73025012395569, + "nauc_map_at_10_max": 22.117710178892107, + "nauc_map_at_10_std": -2.5129984871932973, + "nauc_map_at_1_diff1": 45.015617718902654, + "nauc_map_at_1_max": 19.313800263189638, + "nauc_map_at_1_std": -4.763931386681675, + "nauc_map_at_20_diff1": 39.53678019013766, + "nauc_map_at_20_max": 21.880316719428258, + "nauc_map_at_20_std": -1.882003994523355, + "nauc_map_at_3_diff1": 40.37307665298228, + "nauc_map_at_3_max": 20.851976075322533, + "nauc_map_at_3_std": -2.429569082966531, + "nauc_map_at_5_diff1": 39.763015635086, + "nauc_map_at_5_max": 22.010102196900725, + "nauc_map_at_5_std": -2.654896415670943, + "nauc_mrr_at_1000_diff1": 39.74071733680025, + "nauc_mrr_at_1000_max": 21.67309640681989, + "nauc_mrr_at_1000_std": -1.4003373135477462, + "nauc_mrr_at_100_diff1": 39.730614151966485, + "nauc_mrr_at_100_max": 21.678390048971767, + "nauc_mrr_at_100_std": -1.3655362623563931, + "nauc_mrr_at_10_diff1": 39.7900031013241, + "nauc_mrr_at_10_max": 21.73643491725051, + "nauc_mrr_at_10_std": -2.1175389838696312, + "nauc_mrr_at_1_diff1": 46.165736140679776, + "nauc_mrr_at_1_max": 20.071083446822147, + "nauc_mrr_at_1_std": -5.018909100858311, + "nauc_mrr_at_20_diff1": 39.6371295762885, + "nauc_mrr_at_20_max": 21.659557440270973, + "nauc_mrr_at_20_std": -1.4909603958341686, + "nauc_mrr_at_3_diff1": 40.351150322758876, + "nauc_mrr_at_3_max": 20.83706249041544, + "nauc_mrr_at_3_std": -1.956027373253151, + "nauc_mrr_at_5_diff1": 39.57759107791911, + "nauc_mrr_at_5_max": 21.79552045204151, + "nauc_mrr_at_5_std": -2.1507013120951126, + "nauc_ndcg_at_1000_diff1": 37.717619356839016, + "nauc_ndcg_at_1000_max": 22.545375504379805, + "nauc_ndcg_at_1000_std": 1.682348628141016, + "nauc_ndcg_at_100_diff1": 37.656027803682626, + "nauc_ndcg_at_100_max": 22.49278246383637, + "nauc_ndcg_at_100_std": 2.6818118152357773, + "nauc_ndcg_at_10_diff1": 37.834954205539766, + "nauc_ndcg_at_10_max": 22.655839885558443, + "nauc_ndcg_at_10_std": -1.97159619786231, + "nauc_ndcg_at_1_diff1": 46.165736140679776, + "nauc_ndcg_at_1_max": 20.071083446822147, + "nauc_ndcg_at_1_std": -5.018909100858311, + "nauc_ndcg_at_20_diff1": 37.171914857454304, + "nauc_ndcg_at_20_max": 21.858904801745897, + "nauc_ndcg_at_20_std": 0.3809854859496657, + "nauc_ndcg_at_3_diff1": 38.4460623883955, + "nauc_ndcg_at_3_max": 20.95244159463402, + "nauc_ndcg_at_3_std": -1.2685011660086651, + "nauc_ndcg_at_5_diff1": 37.48831054573054, + "nauc_ndcg_at_5_max": 22.625921624640526, + "nauc_ndcg_at_5_std": -2.049221092724925, + "nauc_precision_at_1000_diff1": -19.120500628263994, + "nauc_precision_at_1000_max": -6.650707109047473, + "nauc_precision_at_1000_std": 15.71193179253002, + "nauc_precision_at_100_diff1": 6.254606806876069, + "nauc_precision_at_100_max": 14.601826922181823, + "nauc_precision_at_100_std": 28.38299592246453, + "nauc_precision_at_10_diff1": 22.978614338670816, + "nauc_precision_at_10_max": 23.04146766323557, + "nauc_precision_at_10_std": 6.226264308612577, + "nauc_precision_at_1_diff1": 46.165736140679776, + "nauc_precision_at_1_max": 20.071083446822147, + "nauc_precision_at_1_std": -5.018909100858311, + "nauc_precision_at_20_diff1": 17.681032853225602, + "nauc_precision_at_20_max": 18.66680304585122, + "nauc_precision_at_20_std": 15.34896796713905, + "nauc_precision_at_3_diff1": 31.359396694559194, + "nauc_precision_at_3_max": 22.279263308973274, + "nauc_precision_at_3_std": 3.6302537979529035, + "nauc_precision_at_5_diff1": 26.32257879892933, + "nauc_precision_at_5_max": 25.402524493181026, + "nauc_precision_at_5_std": 4.731450603747359, + "nauc_recall_at_1000_diff1": 23.562925244967875, + "nauc_recall_at_1000_max": 30.737399333586797, + "nauc_recall_at_1000_std": 34.19418935008663, + "nauc_recall_at_100_diff1": 28.703574970574824, + "nauc_recall_at_100_max": 22.448663600170278, + "nauc_recall_at_100_std": 24.53297349042035, + "nauc_recall_at_10_diff1": 31.73603907811882, + "nauc_recall_at_10_max": 23.453183748640765, + "nauc_recall_at_10_std": -1.8279054407176274, + "nauc_recall_at_1_diff1": 45.015617718902654, + "nauc_recall_at_1_max": 19.313800263189638, + "nauc_recall_at_1_std": -4.763931386681675, + "nauc_recall_at_20_diff1": 28.74169081866096, + "nauc_recall_at_20_max": 20.035509169577324, + "nauc_recall_at_20_std": 7.371615811227748, + "nauc_recall_at_3_diff1": 34.09890157333362, + "nauc_recall_at_3_max": 20.46565842748346, + "nauc_recall_at_3_std": -0.4337283067447526, + "nauc_recall_at_5_diff1": 30.974580787842402, + "nauc_recall_at_5_max": 23.76379349487105, + "nauc_recall_at_5_std": -1.8407515927979428, + "ndcg_at_1": 27.172, + "ndcg_at_10": 38.269999999999996, + "ndcg_at_100": 43.338, + "ndcg_at_1000": 45.594, + "ndcg_at_20": 40.256, + "ndcg_at_3": 32.673, + "ndcg_at_5": 35.224, + "precision_at_1": 27.172, + "precision_at_10": 6.063000000000001, + "precision_at_100": 0.9259999999999999, + "precision_at_1000": 0.123, + "precision_at_20": 3.5029999999999997, + "precision_at_3": 13.74, + "precision_at_5": 9.797, + "recall_at_1": 25.324999999999996, + "recall_at_10": 51.634, + "recall_at_100": 74.687, + "recall_at_1000": 91.412, + "recall_at_20": 59.207, + "recall_at_3": 36.678, + "recall_at_5": 42.742999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/ClimateFEVER.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/ClimateFEVER.json new file mode 100644 index 000000000..845802d99 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/ClimateFEVER.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 36.853, + "map_at_1": 15.371000000000002, + "map_at_10": 27.122, + "map_at_100": 29.226000000000003, + "map_at_1000": 29.409999999999997, + "map_at_20": 28.274, + "map_at_3": 22.431, + "map_at_5": 24.877, + "mrr_at_1": 34.13680781758958, + "mrr_at_10": 47.265911793599145, + "mrr_at_100": 48.028369995763846, + "mrr_at_1000": 48.05317022537804, + "mrr_at_20": 47.75785292259516, + "mrr_at_3": 43.887079261672156, + "mrr_at_5": 45.906623235613544, + "nauc_map_at_1000_diff1": 24.949211292921547, + "nauc_map_at_1000_max": 38.69844483304584, + "nauc_map_at_1000_std": 18.336359440844753, + "nauc_map_at_100_diff1": 24.8951732982492, + "nauc_map_at_100_max": 38.65049158594052, + "nauc_map_at_100_std": 18.28935278388095, + "nauc_map_at_10_diff1": 24.606032216798273, + "nauc_map_at_10_max": 38.00608351559887, + "nauc_map_at_10_std": 16.61261615173358, + "nauc_map_at_1_diff1": 30.83614944448221, + "nauc_map_at_1_max": 33.757528532809, + "nauc_map_at_1_std": 8.880622713261126, + "nauc_map_at_20_diff1": 24.75491310922017, + "nauc_map_at_20_max": 38.353679076398834, + "nauc_map_at_20_std": 17.58637493443171, + "nauc_map_at_3_diff1": 25.563085273287083, + "nauc_map_at_3_max": 35.14515679047155, + "nauc_map_at_3_std": 11.75594869817732, + "nauc_map_at_5_diff1": 24.815807517691614, + "nauc_map_at_5_max": 36.25905426665983, + "nauc_map_at_5_std": 14.516391726180697, + "nauc_mrr_at_1000_diff1": 27.948233427121274, + "nauc_mrr_at_1000_max": 37.5893640945859, + "nauc_mrr_at_1000_std": 19.588442449629763, + "nauc_mrr_at_100_diff1": 27.947962345854037, + "nauc_mrr_at_100_max": 37.60375479481945, + "nauc_mrr_at_100_std": 19.614791576283793, + "nauc_mrr_at_10_diff1": 27.882311310262136, + "nauc_mrr_at_10_max": 37.58580968074054, + "nauc_mrr_at_10_std": 19.49875186170201, + "nauc_mrr_at_1_diff1": 28.017413073648477, + "nauc_mrr_at_1_max": 32.87710191514022, + "nauc_mrr_at_1_std": 14.04889142608459, + "nauc_mrr_at_20_diff1": 27.89129925771968, + "nauc_mrr_at_20_max": 37.6142863106945, + "nauc_mrr_at_20_std": 19.645390143394163, + "nauc_mrr_at_3_diff1": 27.99609559690795, + "nauc_mrr_at_3_max": 36.87362332456197, + "nauc_mrr_at_3_std": 18.598416821915333, + "nauc_mrr_at_5_diff1": 27.68306089976716, + "nauc_mrr_at_5_max": 37.12264485659723, + "nauc_mrr_at_5_std": 19.18875305730564, + "nauc_ndcg_at_1000_diff1": 25.736779186453777, + "nauc_ndcg_at_1000_max": 41.93281139456004, + "nauc_ndcg_at_1000_std": 25.179038422659993, + "nauc_ndcg_at_100_diff1": 25.144796623848322, + "nauc_ndcg_at_100_max": 41.72820916876173, + "nauc_ndcg_at_100_std": 25.12851686850754, + "nauc_ndcg_at_10_diff1": 24.321249191226652, + "nauc_ndcg_at_10_max": 40.23711916935706, + "nauc_ndcg_at_10_std": 20.89060972334557, + "nauc_ndcg_at_1_diff1": 28.017413073648477, + "nauc_ndcg_at_1_max": 32.87710191514022, + "nauc_ndcg_at_1_std": 14.04889142608459, + "nauc_ndcg_at_20_diff1": 24.5090484877482, + "nauc_ndcg_at_20_max": 40.752854032983606, + "nauc_ndcg_at_20_std": 22.70331074781384, + "nauc_ndcg_at_3_diff1": 25.13499057756147, + "nauc_ndcg_at_3_max": 35.8325682137567, + "nauc_ndcg_at_3_std": 15.23768392706637, + "nauc_ndcg_at_5_diff1": 24.614105695451116, + "nauc_ndcg_at_5_max": 37.68089587624492, + "nauc_ndcg_at_5_std": 17.946406099261708, + "nauc_precision_at_1000_diff1": -2.022340544774227, + "nauc_precision_at_1000_max": 6.070578645067797, + "nauc_precision_at_1000_std": 22.15132728777549, + "nauc_precision_at_100_diff1": 4.544144474504255, + "nauc_precision_at_100_max": 19.780392159848574, + "nauc_precision_at_100_std": 31.107111186002438, + "nauc_precision_at_10_diff1": 10.107015022955848, + "nauc_precision_at_10_max": 30.779709099060465, + "nauc_precision_at_10_std": 27.324148451668602, + "nauc_precision_at_1_diff1": 28.017413073648477, + "nauc_precision_at_1_max": 32.87710191514022, + "nauc_precision_at_1_std": 14.04889142608459, + "nauc_precision_at_20_diff1": 8.270881053079405, + "nauc_precision_at_20_max": 27.26753946078481, + "nauc_precision_at_20_std": 29.156725822074204, + "nauc_precision_at_3_diff1": 17.82468940497632, + "nauc_precision_at_3_max": 31.490021174215155, + "nauc_precision_at_3_std": 18.73818985054394, + "nauc_precision_at_5_diff1": 13.24803141673961, + "nauc_precision_at_5_max": 29.94926240784298, + "nauc_precision_at_5_std": 23.2940906142919, + "nauc_recall_at_1000_diff1": 19.09850333580471, + "nauc_recall_at_1000_max": 46.026306142840596, + "nauc_recall_at_1000_std": 46.50391519568263, + "nauc_recall_at_100_diff1": 16.739384224869738, + "nauc_recall_at_100_max": 40.68987136431252, + "nauc_recall_at_100_std": 36.01609750485591, + "nauc_recall_at_10_diff1": 17.51796617221814, + "nauc_recall_at_10_max": 39.47453129444401, + "nauc_recall_at_10_std": 23.79239002974899, + "nauc_recall_at_1_diff1": 30.83614944448221, + "nauc_recall_at_1_max": 33.757528532809, + "nauc_recall_at_1_std": 8.880622713261126, + "nauc_recall_at_20_diff1": 16.978668307251652, + "nauc_recall_at_20_max": 39.09115357303713, + "nauc_recall_at_20_std": 27.278668534187524, + "nauc_recall_at_3_diff1": 22.55937738994021, + "nauc_recall_at_3_max": 36.25055459395638, + "nauc_recall_at_3_std": 14.828905168761247, + "nauc_recall_at_5_diff1": 19.32656748627199, + "nauc_recall_at_5_max": 36.28836228620816, + "nauc_recall_at_5_std": 19.264352933914278, + "ndcg_at_1": 34.137, + "ndcg_at_10": 36.853, + "ndcg_at_100": 44.279, + "ndcg_at_1000": 47.336, + "ndcg_at_20": 39.815, + "ndcg_at_3": 30.253999999999998, + "ndcg_at_5": 32.649, + "precision_at_1": 34.137, + "precision_at_10": 11.655, + "precision_at_100": 1.9619999999999997, + "precision_at_1000": 0.254, + "precision_at_20": 7.1209999999999996, + "precision_at_3": 22.823, + "precision_at_5": 17.655, + "recall_at_1": 15.371000000000002, + "recall_at_10": 43.718, + "recall_at_100": 68.81, + "recall_at_1000": 85.69600000000001, + "recall_at_20": 51.94, + "recall_at_3": 27.694000000000003, + "recall_at_5": 34.469 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/DBPedia.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/DBPedia.json new file mode 100644 index 000000000..e49297e2f --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/DBPedia.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 45.553, + "map_at_1": 9.168999999999999, + "map_at_10": 22.154, + "map_at_100": 32.174, + "map_at_1000": 33.974, + "map_at_20": 25.899, + "map_at_3": 15.275, + "map_at_5": 18.291, + "mrr_at_1": 70.75, + "mrr_at_10": 78.39662698412697, + "mrr_at_100": 78.56221458977012, + "mrr_at_1000": 78.56669970642338, + "mrr_at_20": 78.49688805346696, + "mrr_at_3": 76.33333333333333, + "mrr_at_5": 77.70833333333333, + "nauc_map_at_1000_diff1": 18.465085922071346, + "nauc_map_at_1000_max": 24.29804638788498, + "nauc_map_at_1000_std": 22.380463943423514, + "nauc_map_at_100_diff1": 19.37585410674523, + "nauc_map_at_100_max": 22.56424042509462, + "nauc_map_at_100_std": 19.672237275984426, + "nauc_map_at_10_diff1": 23.597788166305577, + "nauc_map_at_10_max": 9.157316105122925, + "nauc_map_at_10_std": -3.8881247055786807, + "nauc_map_at_1_diff1": 43.96699602275052, + "nauc_map_at_1_max": -0.7577088440873263, + "nauc_map_at_1_std": -17.732463891968404, + "nauc_map_at_20_diff1": 22.326759054850097, + "nauc_map_at_20_max": 14.879191412167703, + "nauc_map_at_20_std": 5.405751236575241, + "nauc_map_at_3_diff1": 28.73583545428074, + "nauc_map_at_3_max": 1.5986597211018239, + "nauc_map_at_3_std": -16.512455883681515, + "nauc_map_at_5_diff1": 25.401810959155057, + "nauc_map_at_5_max": 4.418875376978587, + "nauc_map_at_5_std": -12.296750992013052, + "nauc_mrr_at_1000_diff1": 51.228801807498584, + "nauc_mrr_at_1000_max": 61.040998883279585, + "nauc_mrr_at_1000_std": 40.93983887257123, + "nauc_mrr_at_100_diff1": 51.23715338435314, + "nauc_mrr_at_100_max": 61.03971408781317, + "nauc_mrr_at_100_std": 40.91796923590573, + "nauc_mrr_at_10_diff1": 51.1214868552331, + "nauc_mrr_at_10_max": 61.03069045590881, + "nauc_mrr_at_10_std": 40.661621199704264, + "nauc_mrr_at_1_diff1": 50.84660003035892, + "nauc_mrr_at_1_max": 60.692091499960895, + "nauc_mrr_at_1_std": 42.126228731502955, + "nauc_mrr_at_20_diff1": 51.0402624284872, + "nauc_mrr_at_20_max": 60.94577844338166, + "nauc_mrr_at_20_std": 40.89505950503613, + "nauc_mrr_at_3_diff1": 51.771113665996516, + "nauc_mrr_at_3_max": 61.65264793077224, + "nauc_mrr_at_3_std": 41.75781827057092, + "nauc_mrr_at_5_diff1": 51.0656793772882, + "nauc_mrr_at_5_max": 61.08042065139715, + "nauc_mrr_at_5_std": 41.11203271084835, + "nauc_ndcg_at_1000_diff1": 22.347978262245107, + "nauc_ndcg_at_1000_max": 36.56458763955002, + "nauc_ndcg_at_1000_std": 35.99616144258822, + "nauc_ndcg_at_100_diff1": 23.1120990977162, + "nauc_ndcg_at_100_max": 30.79663306311657, + "nauc_ndcg_at_100_std": 27.387572106784297, + "nauc_ndcg_at_10_diff1": 23.329746066899656, + "nauc_ndcg_at_10_max": 28.69246947084685, + "nauc_ndcg_at_10_std": 21.457736188325345, + "nauc_ndcg_at_1_diff1": 39.99399153456974, + "nauc_ndcg_at_1_max": 38.12447856470389, + "nauc_ndcg_at_1_std": 27.768869260384676, + "nauc_ndcg_at_20_diff1": 24.945374175339907, + "nauc_ndcg_at_20_max": 27.67836982165295, + "nauc_ndcg_at_20_std": 19.7933631060578, + "nauc_ndcg_at_3_diff1": 26.063492354398527, + "nauc_ndcg_at_3_max": 33.06541959550656, + "nauc_ndcg_at_3_std": 23.278902797288726, + "nauc_ndcg_at_5_diff1": 22.521596060750035, + "nauc_ndcg_at_5_max": 31.210005673730784, + "nauc_ndcg_at_5_std": 22.893106456317927, + "nauc_precision_at_1000_diff1": -19.845356495096006, + "nauc_precision_at_1000_max": 4.163819381816099, + "nauc_precision_at_1000_std": 7.612952884590339, + "nauc_precision_at_100_diff1": -8.2679285153361, + "nauc_precision_at_100_max": 29.78018175573565, + "nauc_precision_at_100_std": 41.07244463956215, + "nauc_precision_at_10_diff1": -3.2451428407349057, + "nauc_precision_at_10_max": 36.92563008274906, + "nauc_precision_at_10_std": 45.06962043489777, + "nauc_precision_at_1_diff1": 50.84660003035892, + "nauc_precision_at_1_max": 60.692091499960895, + "nauc_precision_at_1_std": 42.126228731502955, + "nauc_precision_at_20_diff1": -3.432279149061878, + "nauc_precision_at_20_max": 37.013592483974875, + "nauc_precision_at_20_std": 46.47324739428665, + "nauc_precision_at_3_diff1": 7.28495481051025, + "nauc_precision_at_3_max": 38.66372411741402, + "nauc_precision_at_3_std": 35.23163993723955, + "nauc_precision_at_5_diff1": -0.16540230063716202, + "nauc_precision_at_5_max": 37.322494255721715, + "nauc_precision_at_5_std": 39.666653561269754, + "nauc_recall_at_1000_diff1": 11.388326469283681, + "nauc_recall_at_1000_max": 32.698146308591674, + "nauc_recall_at_1000_std": 49.48830488070777, + "nauc_recall_at_100_diff1": 11.497443532756819, + "nauc_recall_at_100_max": 20.196970431621615, + "nauc_recall_at_100_std": 23.688772100803433, + "nauc_recall_at_10_diff1": 16.519851398596003, + "nauc_recall_at_10_max": 0.774066845071221, + "nauc_recall_at_10_std": -10.89514647001814, + "nauc_recall_at_1_diff1": 43.96699602275052, + "nauc_recall_at_1_max": -0.7577088440873263, + "nauc_recall_at_1_std": -17.732463891968404, + "nauc_recall_at_20_diff1": 15.202960269878258, + "nauc_recall_at_20_max": 7.067263295590253, + "nauc_recall_at_20_std": -0.06050108222640702, + "nauc_recall_at_3_diff1": 24.066741361525125, + "nauc_recall_at_3_max": -2.1961525860488424, + "nauc_recall_at_3_std": -19.48307077749568, + "nauc_recall_at_5_diff1": 20.086330794102707, + "nauc_recall_at_5_max": -0.8866528062747986, + "nauc_recall_at_5_std": -16.53799173962747, + "ndcg_at_1": 57.99999999999999, + "ndcg_at_10": 45.553, + "ndcg_at_100": 51.014, + "ndcg_at_1000": 58.226, + "ndcg_at_20": 44.98, + "ndcg_at_3": 48.981, + "ndcg_at_5": 46.794999999999995, + "precision_at_1": 70.75, + "precision_at_10": 36.85, + "precision_at_100": 11.955, + "precision_at_1000": 2.247, + "precision_at_20": 28.075, + "precision_at_3": 52.666999999999994, + "precision_at_5": 45.85, + "recall_at_1": 9.168999999999999, + "recall_at_10": 28.796, + "recall_at_100": 58.892999999999994, + "recall_at_1000": 81.644, + "recall_at_20": 36.659000000000006, + "recall_at_3": 16.709, + "recall_at_5": 21.387 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/EmotionClassification.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/EmotionClassification.json new file mode 100644 index 000000000..fa73612ed --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/EmotionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 43.675, + "f1": 40.15061931375577, + "f1_weighted": 45.714186572727066, + "main_score": 43.675 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/FEVER.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/FEVER.json new file mode 100644 index 000000000..687b5c2b8 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/FEVER.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 88.41, + "map_at_1": 75.637, + "map_at_10": 84.674, + "map_at_100": 84.909, + "map_at_1000": 84.92, + "map_at_20": 84.836, + "map_at_3": 83.44200000000001, + "map_at_5": 84.28099999999999, + "mrr_at_1": 81.56315631563157, + "mrr_at_10": 88.89571695264748, + "mrr_at_100": 88.93671417216285, + "mrr_at_1000": 88.93708016011664, + "mrr_at_20": 88.9311652665256, + "mrr_at_3": 88.20882088208805, + "mrr_at_5": 88.72937293729349, + "nauc_map_at_1000_diff1": 54.41216035074026, + "nauc_map_at_1000_max": 13.346153003554361, + "nauc_map_at_1000_std": -6.721664416152164, + "nauc_map_at_100_diff1": 54.36538350995795, + "nauc_map_at_100_max": 13.355583381471298, + "nauc_map_at_100_std": -6.696921015641016, + "nauc_map_at_10_diff1": 54.0389127730555, + "nauc_map_at_10_max": 13.387802159150663, + "nauc_map_at_10_std": -6.73514381731833, + "nauc_map_at_1_diff1": 57.99489574836453, + "nauc_map_at_1_max": 7.830032589171654, + "nauc_map_at_1_std": -10.140208285080295, + "nauc_map_at_20_diff1": 54.16841004736076, + "nauc_map_at_20_max": 13.345607363689746, + "nauc_map_at_20_std": -6.663119775158465, + "nauc_map_at_3_diff1": 53.82879543599303, + "nauc_map_at_3_max": 12.716952288433902, + "nauc_map_at_3_std": -7.746102082835598, + "nauc_map_at_5_diff1": 53.82838395350109, + "nauc_map_at_5_max": 13.487373534211702, + "nauc_map_at_5_std": -6.869504398693434, + "nauc_mrr_at_1000_diff1": 68.92783546581906, + "nauc_mrr_at_1000_max": 12.076297180596592, + "nauc_mrr_at_1000_std": -13.306257067567998, + "nauc_mrr_at_100_diff1": 68.92780219775517, + "nauc_mrr_at_100_max": 12.078449805054374, + "nauc_mrr_at_100_std": -13.303524852703719, + "nauc_mrr_at_10_diff1": 68.92686206881258, + "nauc_mrr_at_10_max": 12.273295656884873, + "nauc_mrr_at_10_std": -13.222483496603965, + "nauc_mrr_at_1_diff1": 70.1738022073041, + "nauc_mrr_at_1_max": 9.378639533482806, + "nauc_mrr_at_1_std": -13.444033823202348, + "nauc_mrr_at_20_diff1": 68.91161304905303, + "nauc_mrr_at_20_max": 12.117091514817885, + "nauc_mrr_at_20_std": -13.258261750160239, + "nauc_mrr_at_3_diff1": 68.61982455945467, + "nauc_mrr_at_3_max": 12.608213879734578, + "nauc_mrr_at_3_std": -13.558003431587839, + "nauc_mrr_at_5_diff1": 68.81439097457242, + "nauc_mrr_at_5_max": 12.54025598903624, + "nauc_mrr_at_5_std": -13.199231514972093, + "nauc_ndcg_at_1000_diff1": 56.47563443877495, + "nauc_ndcg_at_1000_max": 14.508331783439466, + "nauc_ndcg_at_1000_std": -6.206829736668775, + "nauc_ndcg_at_100_diff1": 55.54015515673474, + "nauc_ndcg_at_100_max": 14.753595778278136, + "nauc_ndcg_at_100_std": -5.638517949568802, + "nauc_ndcg_at_10_diff1": 54.220845223257996, + "nauc_ndcg_at_10_max": 15.265309648490021, + "nauc_ndcg_at_10_std": -5.516276098929109, + "nauc_ndcg_at_1_diff1": 70.1738022073041, + "nauc_ndcg_at_1_max": 9.378639533482806, + "nauc_ndcg_at_1_std": -13.444033823202348, + "nauc_ndcg_at_20_diff1": 54.481406100854635, + "nauc_ndcg_at_20_max": 14.868763583210498, + "nauc_ndcg_at_20_std": -5.328097380018734, + "nauc_ndcg_at_3_diff1": 54.94411725607744, + "nauc_ndcg_at_3_max": 14.27186734506607, + "nauc_ndcg_at_3_std": -7.894724962312474, + "nauc_ndcg_at_5_diff1": 54.08048166974806, + "nauc_ndcg_at_5_max": 15.528233170721006, + "nauc_ndcg_at_5_std": -5.984768714537104, + "nauc_precision_at_1000_diff1": -8.744323640074445, + "nauc_precision_at_1000_max": -0.01881224392053465, + "nauc_precision_at_1000_std": 3.8721477979260635, + "nauc_precision_at_100_diff1": -11.86150156952171, + "nauc_precision_at_100_max": 3.2736651314552314, + "nauc_precision_at_100_std": 8.12687620615509, + "nauc_precision_at_10_diff1": -10.360708676781178, + "nauc_precision_at_10_max": 10.945552490433458, + "nauc_precision_at_10_std": 11.016707653014485, + "nauc_precision_at_1_diff1": 70.1738022073041, + "nauc_precision_at_1_max": 9.378639533482806, + "nauc_precision_at_1_std": -13.444033823202348, + "nauc_precision_at_20_diff1": -13.557721925696583, + "nauc_precision_at_20_max": 6.331386521718574, + "nauc_precision_at_20_std": 10.322188778142388, + "nauc_precision_at_3_diff1": 15.139456770248968, + "nauc_precision_at_3_max": 17.10220985600708, + "nauc_precision_at_3_std": 3.0448183682558074, + "nauc_precision_at_5_diff1": -1.9825577548111102, + "nauc_precision_at_5_max": 17.139148127012625, + "nauc_precision_at_5_std": 10.598435750554753, + "nauc_recall_at_1000_diff1": 15.641740744283005, + "nauc_recall_at_1000_max": 44.65315702195612, + "nauc_recall_at_1000_std": 52.34265862835513, + "nauc_recall_at_100_diff1": 5.254385435323394, + "nauc_recall_at_100_max": 38.53577774395794, + "nauc_recall_at_100_std": 43.47744274335829, + "nauc_recall_at_10_diff1": 19.135735476268042, + "nauc_recall_at_10_max": 30.05417445923848, + "nauc_recall_at_10_std": 18.3988023241141, + "nauc_recall_at_1_diff1": 57.99489574836453, + "nauc_recall_at_1_max": 7.830032589171654, + "nauc_recall_at_1_std": -10.140208285080295, + "nauc_recall_at_20_diff1": 9.444797759735126, + "nauc_recall_at_20_max": 31.001311675371017, + "nauc_recall_at_20_std": 29.351418893822178, + "nauc_recall_at_3_diff1": 36.88862653262064, + "nauc_recall_at_3_max": 19.845892741607823, + "nauc_recall_at_3_std": -1.0584273105890794, + "nauc_recall_at_5_diff1": 27.360718561944974, + "nauc_recall_at_5_max": 26.698311215441738, + "nauc_recall_at_5_std": 8.97113997755362, + "ndcg_at_1": 81.563, + "ndcg_at_10": 88.41, + "ndcg_at_100": 89.101, + "ndcg_at_1000": 89.25800000000001, + "ndcg_at_20": 88.79, + "ndcg_at_3": 86.599, + "ndcg_at_5": 87.74, + "precision_at_1": 81.563, + "precision_at_10": 10.699, + "precision_at_100": 1.13, + "precision_at_1000": 0.116, + "precision_at_20": 5.479, + "precision_at_3": 33.238, + "precision_at_5": 20.744, + "recall_at_1": 75.637, + "recall_at_10": 95.57600000000001, + "recall_at_100": 98.072, + "recall_at_1000": 98.951, + "recall_at_20": 96.792, + "recall_at_3": 90.79599999999999, + "recall_at_5": 93.674 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/FiQA2018.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/FiQA2018.json new file mode 100644 index 000000000..46e91c078 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/FiQA2018.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 42.396, + "map_at_1": 21.711, + "map_at_10": 34.628, + "map_at_100": 36.549, + "map_at_1000": 36.719, + "map_at_20": 35.673, + "map_at_3": 30.585, + "map_at_5": 32.875, + "mrr_at_1": 41.82098765432099, + "mrr_at_10": 50.69505682931607, + "mrr_at_100": 51.50556608727901, + "mrr_at_1000": 51.53870583208304, + "mrr_at_20": 51.15345764364655, + "mrr_at_3": 48.35390946502059, + "mrr_at_5": 49.87397119341563, + "nauc_map_at_1000_diff1": 45.182252919583895, + "nauc_map_at_1000_max": 35.66124930024801, + "nauc_map_at_1000_std": -0.6925562638650965, + "nauc_map_at_100_diff1": 45.116964706960125, + "nauc_map_at_100_max": 35.54990469525889, + "nauc_map_at_100_std": -0.6667263852859368, + "nauc_map_at_10_diff1": 45.39189096228184, + "nauc_map_at_10_max": 34.780111261901, + "nauc_map_at_10_std": -1.8169859294150819, + "nauc_map_at_1_diff1": 47.72764937952259, + "nauc_map_at_1_max": 24.83306559709341, + "nauc_map_at_1_std": -4.714128457297418, + "nauc_map_at_20_diff1": 45.17073365898278, + "nauc_map_at_20_max": 35.0938403469058, + "nauc_map_at_20_std": -1.373412631183604, + "nauc_map_at_3_diff1": 46.525724305731295, + "nauc_map_at_3_max": 31.042538866512597, + "nauc_map_at_3_std": -4.119355935975354, + "nauc_map_at_5_diff1": 45.79569633383187, + "nauc_map_at_5_max": 32.88779656647293, + "nauc_map_at_5_std": -3.2518474739335312, + "nauc_mrr_at_1000_diff1": 52.83619185487903, + "nauc_mrr_at_1000_max": 42.30310720405186, + "nauc_mrr_at_1000_std": -1.1487703348518024, + "nauc_mrr_at_100_diff1": 52.82248853996664, + "nauc_mrr_at_100_max": 42.30549701564678, + "nauc_mrr_at_100_std": -1.1240113031894834, + "nauc_mrr_at_10_diff1": 52.74644276642243, + "nauc_mrr_at_10_max": 42.39103029476398, + "nauc_mrr_at_10_std": -1.1043413237848576, + "nauc_mrr_at_1_diff1": 54.810335521617326, + "nauc_mrr_at_1_max": 40.733260207843394, + "nauc_mrr_at_1_std": -4.452554921565855, + "nauc_mrr_at_20_diff1": 52.788257862499954, + "nauc_mrr_at_20_max": 42.32658875363406, + "nauc_mrr_at_20_std": -1.2209728080684497, + "nauc_mrr_at_3_diff1": 53.43281175319808, + "nauc_mrr_at_3_max": 41.735942650867926, + "nauc_mrr_at_3_std": -2.462688102468019, + "nauc_mrr_at_5_diff1": 52.874037126566606, + "nauc_mrr_at_5_max": 41.93740449458822, + "nauc_mrr_at_5_std": -1.2928874908441947, + "nauc_ndcg_at_1000_diff1": 46.5532425476402, + "nauc_ndcg_at_1000_max": 40.369611603370515, + "nauc_ndcg_at_1000_std": 3.472567588386994, + "nauc_ndcg_at_100_diff1": 45.75244404695404, + "nauc_ndcg_at_100_max": 39.36470550675439, + "nauc_ndcg_at_100_std": 4.356189041115731, + "nauc_ndcg_at_10_diff1": 46.005135323539704, + "nauc_ndcg_at_10_max": 37.89018165334218, + "nauc_ndcg_at_10_std": 0.7129618297768014, + "nauc_ndcg_at_1_diff1": 54.810335521617326, + "nauc_ndcg_at_1_max": 40.733260207843394, + "nauc_ndcg_at_1_std": -4.452554921565855, + "nauc_ndcg_at_20_diff1": 45.841552790490034, + "nauc_ndcg_at_20_max": 38.04992825472661, + "nauc_ndcg_at_20_std": 1.2748305707955212, + "nauc_ndcg_at_3_diff1": 46.683033449357744, + "nauc_ndcg_at_3_max": 37.46397870760607, + "nauc_ndcg_at_3_std": -2.3421854966319824, + "nauc_ndcg_at_5_diff1": 45.82409645378457, + "nauc_ndcg_at_5_max": 36.27588234096716, + "nauc_ndcg_at_5_std": -1.5141197170944254, + "nauc_precision_at_1000_diff1": -3.137944321071885, + "nauc_precision_at_1000_max": 24.12803166253776, + "nauc_precision_at_1000_std": 11.076454789944101, + "nauc_precision_at_100_diff1": 3.9896283891401048, + "nauc_precision_at_100_max": 31.00198316788829, + "nauc_precision_at_100_std": 15.725887643803063, + "nauc_precision_at_10_diff1": 20.493420889888394, + "nauc_precision_at_10_max": 41.689699671507405, + "nauc_precision_at_10_std": 9.374983385669914, + "nauc_precision_at_1_diff1": 54.810335521617326, + "nauc_precision_at_1_max": 40.733260207843394, + "nauc_precision_at_1_std": -4.452554921565855, + "nauc_precision_at_20_diff1": 15.02911800246446, + "nauc_precision_at_20_max": 39.227068888505, + "nauc_precision_at_20_std": 11.755558515319404, + "nauc_precision_at_3_diff1": 34.044986535461746, + "nauc_precision_at_3_max": 40.96605829831656, + "nauc_precision_at_3_std": 1.1903535705688038, + "nauc_precision_at_5_diff1": 26.617002443432707, + "nauc_precision_at_5_max": 40.60413785916794, + "nauc_precision_at_5_std": 3.6984531670502814, + "nauc_recall_at_1000_diff1": 26.96489389440101, + "nauc_recall_at_1000_max": 41.811583968523955, + "nauc_recall_at_1000_std": 41.5719519496712, + "nauc_recall_at_100_diff1": 28.50851434908223, + "nauc_recall_at_100_max": 32.19528060706322, + "nauc_recall_at_100_std": 25.56935294258179, + "nauc_recall_at_10_diff1": 35.139582891180964, + "nauc_recall_at_10_max": 32.15221840434225, + "nauc_recall_at_10_std": 5.550434611582702, + "nauc_recall_at_1_diff1": 47.72764937952259, + "nauc_recall_at_1_max": 24.83306559709341, + "nauc_recall_at_1_std": -4.714128457297418, + "nauc_recall_at_20_diff1": 32.78604811055205, + "nauc_recall_at_20_max": 29.62940720700254, + "nauc_recall_at_20_std": 6.769941491859872, + "nauc_recall_at_3_diff1": 40.76090616138699, + "nauc_recall_at_3_max": 27.506425490226867, + "nauc_recall_at_3_std": -2.608872693119243, + "nauc_recall_at_5_diff1": 37.06532485024711, + "nauc_recall_at_5_max": 27.704150556658448, + "nauc_recall_at_5_std": 0.4718707152343872, + "ndcg_at_1": 41.821000000000005, + "ndcg_at_10": 42.396, + "ndcg_at_100": 49.370000000000005, + "ndcg_at_1000": 52.251000000000005, + "ndcg_at_20": 45.097, + "ndcg_at_3": 39.028, + "ndcg_at_5": 40.222, + "precision_at_1": 41.821000000000005, + "precision_at_10": 11.451, + "precision_at_100": 1.863, + "precision_at_1000": 0.23900000000000002, + "precision_at_20": 6.798, + "precision_at_3": 25.823, + "precision_at_5": 18.735, + "recall_at_1": 21.711, + "recall_at_10": 48.862, + "recall_at_100": 74.708, + "recall_at_1000": 91.865, + "recall_at_20": 57.50999999999999, + "recall_at_3": 35.85, + "recall_at_5": 41.976 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/HotpotQA.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/HotpotQA.json new file mode 100644 index 000000000..a50b44da7 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/HotpotQA.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 72.21, + "map_at_1": 39.487, + "map_at_10": 63.949999999999996, + "map_at_100": 64.873, + "map_at_1000": 64.927, + "map_at_20": 64.529, + "map_at_3": 60.243, + "map_at_5": 62.613, + "mrr_at_1": 78.97366644159351, + "mrr_at_10": 84.84600173627825, + "mrr_at_100": 85.0172804866798, + "mrr_at_1000": 85.02245651152857, + "mrr_at_20": 84.9625577788225, + "mrr_at_3": 83.90276839972962, + "mrr_at_5": 84.48278190411845, + "nauc_map_at_1000_diff1": 19.825004700775164, + "nauc_map_at_1000_max": 19.943221724164182, + "nauc_map_at_1000_std": 10.068951166560058, + "nauc_map_at_100_diff1": 19.80139472181137, + "nauc_map_at_100_max": 19.938006132804347, + "nauc_map_at_100_std": 10.100008107666842, + "nauc_map_at_10_diff1": 19.53604502514735, + "nauc_map_at_10_max": 19.62768870331064, + "nauc_map_at_10_std": 9.446859074725705, + "nauc_map_at_1_diff1": 67.7764270505257, + "nauc_map_at_1_max": 38.45166604737058, + "nauc_map_at_1_std": 1.9919181988552352, + "nauc_map_at_20_diff1": 19.635871913149913, + "nauc_map_at_20_max": 19.812838965919155, + "nauc_map_at_20_std": 9.905163140101845, + "nauc_map_at_3_diff1": 18.965707122532212, + "nauc_map_at_3_max": 17.878860313056517, + "nauc_map_at_3_std": 6.189378752019195, + "nauc_map_at_5_diff1": 19.493354049675954, + "nauc_map_at_5_max": 19.24527088109141, + "nauc_map_at_5_std": 8.283883139680066, + "nauc_mrr_at_1000_diff1": 66.87150374356781, + "nauc_mrr_at_1000_max": 41.413456443203984, + "nauc_mrr_at_1000_std": 4.140387282484357, + "nauc_mrr_at_100_diff1": 66.87178015619061, + "nauc_mrr_at_100_max": 41.419754763150834, + "nauc_mrr_at_100_std": 4.15222235416704, + "nauc_mrr_at_10_diff1": 66.89720586892301, + "nauc_mrr_at_10_max": 41.56353878125211, + "nauc_mrr_at_10_std": 4.213376519922392, + "nauc_mrr_at_1_diff1": 67.7764270505257, + "nauc_mrr_at_1_max": 38.45166604737058, + "nauc_mrr_at_1_std": 1.9919181988552352, + "nauc_mrr_at_20_diff1": 66.8714688713149, + "nauc_mrr_at_20_max": 41.46170778986735, + "nauc_mrr_at_20_std": 4.165154741309859, + "nauc_mrr_at_3_diff1": 66.31615462679144, + "nauc_mrr_at_3_max": 41.419637693259936, + "nauc_mrr_at_3_std": 3.814834551396097, + "nauc_mrr_at_5_diff1": 66.7289413087213, + "nauc_mrr_at_5_max": 41.668346356371586, + "nauc_mrr_at_5_std": 4.116331539882484, + "nauc_ndcg_at_1000_diff1": 26.37325375970598, + "nauc_ndcg_at_1000_max": 24.850915174721735, + "nauc_ndcg_at_1000_std": 13.37585683440429, + "nauc_ndcg_at_100_diff1": 25.591771178059503, + "nauc_ndcg_at_100_max": 24.562820829532473, + "nauc_ndcg_at_100_std": 14.093690500501541, + "nauc_ndcg_at_10_diff1": 24.64600598115805, + "nauc_ndcg_at_10_max": 23.543499404760023, + "nauc_ndcg_at_10_std": 11.55823632781553, + "nauc_ndcg_at_1_diff1": 67.7764270505257, + "nauc_ndcg_at_1_max": 38.45166604737058, + "nauc_ndcg_at_1_std": 1.9919181988552352, + "nauc_ndcg_at_20_diff1": 24.757843275306726, + "nauc_ndcg_at_20_max": 23.951154200380827, + "nauc_ndcg_at_20_std": 12.931320453044886, + "nauc_ndcg_at_3_diff1": 24.37742630418847, + "nauc_ndcg_at_3_max": 21.310512304883723, + "nauc_ndcg_at_3_std": 6.503993200818077, + "nauc_ndcg_at_5_diff1": 24.813706829269716, + "nauc_ndcg_at_5_max": 22.993657212898, + "nauc_ndcg_at_5_std": 9.34462052506809, + "nauc_precision_at_1000_diff1": -0.6506415756958156, + "nauc_precision_at_1000_max": 28.039755644694875, + "nauc_precision_at_1000_std": 53.46474329623814, + "nauc_precision_at_100_diff1": 3.78462668236152, + "nauc_precision_at_100_max": 22.501700881673862, + "nauc_precision_at_100_std": 40.56672716474142, + "nauc_precision_at_10_diff1": 9.156113228907534, + "nauc_precision_at_10_max": 19.734206254833254, + "nauc_precision_at_10_std": 19.986282545779602, + "nauc_precision_at_1_diff1": 67.7764270505257, + "nauc_precision_at_1_max": 38.45166604737058, + "nauc_precision_at_1_std": 1.9919181988552352, + "nauc_precision_at_20_diff1": 6.6164335644470125, + "nauc_precision_at_20_max": 20.29343459608317, + "nauc_precision_at_20_std": 26.51115475333977, + "nauc_precision_at_3_diff1": 12.476520554399546, + "nauc_precision_at_3_max": 16.69401409858964, + "nauc_precision_at_3_std": 8.165880294907444, + "nauc_precision_at_5_diff1": 11.783242828320958, + "nauc_precision_at_5_max": 19.0679467875759, + "nauc_precision_at_5_std": 13.615358345509884, + "nauc_recall_at_1000_diff1": -0.6506415756960168, + "nauc_recall_at_1000_max": 28.039755644694786, + "nauc_recall_at_1000_std": 53.46474329623801, + "nauc_recall_at_100_diff1": 3.7846266823613877, + "nauc_recall_at_100_max": 22.501700881674008, + "nauc_recall_at_100_std": 40.566727164741366, + "nauc_recall_at_10_diff1": 9.15611322890755, + "nauc_recall_at_10_max": 19.73420625483318, + "nauc_recall_at_10_std": 19.98628254577951, + "nauc_recall_at_1_diff1": 67.7764270505257, + "nauc_recall_at_1_max": 38.45166604737058, + "nauc_recall_at_1_std": 1.9919181988552352, + "nauc_recall_at_20_diff1": 6.616433564446929, + "nauc_recall_at_20_max": 20.293434596083248, + "nauc_recall_at_20_std": 26.5111547533396, + "nauc_recall_at_3_diff1": 12.476520554399531, + "nauc_recall_at_3_max": 16.69401409858966, + "nauc_recall_at_3_std": 8.165880294907438, + "nauc_recall_at_5_diff1": 11.783242828320999, + "nauc_recall_at_5_max": 19.067946787575845, + "nauc_recall_at_5_std": 13.61535834550991, + "ndcg_at_1": 78.974, + "ndcg_at_10": 72.21, + "ndcg_at_100": 75.264, + "ndcg_at_1000": 76.259, + "ndcg_at_20": 73.628, + "ndcg_at_3": 67.047, + "ndcg_at_5": 69.974, + "precision_at_1": 78.974, + "precision_at_10": 15.267, + "precision_at_100": 1.762, + "precision_at_1000": 0.189, + "precision_at_20": 8.09, + "precision_at_3": 43.309, + "precision_at_5": 28.294000000000004, + "recall_at_1": 39.487, + "recall_at_10": 76.334, + "recall_at_100": 88.076, + "recall_at_1000": 94.59100000000001, + "recall_at_20": 80.898, + "recall_at_3": 64.96300000000001, + "recall_at_5": 70.736 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/ImdbClassification.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/ImdbClassification.json new file mode 100644 index 000000000..a7783e040 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/ImdbClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 84.35640000000001, + "ap": 79.07507736685174, + "ap_weighted": 79.07507736685174, + "f1": 84.32288494833531, + "f1_weighted": 84.32288494833531, + "main_score": 84.35640000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/MSMARCO.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/MSMARCO.json new file mode 100644 index 000000000..5f8477ee3 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/MSMARCO.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 42.027, + "map_at_1": 22.118, + "map_at_10": 34.816, + "map_at_100": 35.983, + "map_at_1000": 36.028999999999996, + "map_at_20": 35.545, + "map_at_3": 30.752000000000002, + "map_at_5": 33.114, + "mrr_at_1": 22.793696275071635, + "mrr_at_10": 35.47250079592483, + "mrr_at_100": 36.576471512902856, + "mrr_at_1000": 36.616205680509786, + "mrr_at_20": 36.16557033864942, + "mrr_at_3": 31.48758357211065, + "mrr_at_5": 33.80563514804202, + "nauc_map_at_1000_diff1": 32.89234100489284, + "nauc_map_at_1000_max": 1.1802816553581001, + "nauc_map_at_1000_std": -20.187692925732446, + "nauc_map_at_100_diff1": 32.88694493681772, + "nauc_map_at_100_max": 1.1732717578080365, + "nauc_map_at_100_std": -20.164165529035245, + "nauc_map_at_10_diff1": 32.826182211848796, + "nauc_map_at_10_max": 1.1551262165737235, + "nauc_map_at_10_std": -20.88326292319754, + "nauc_map_at_1_diff1": 36.12732122790642, + "nauc_map_at_1_max": 1.8197550109156913, + "nauc_map_at_1_std": -17.205625720792167, + "nauc_map_at_20_diff1": 32.83333177195551, + "nauc_map_at_20_max": 1.0937431645506202, + "nauc_map_at_20_std": -20.503956514646145, + "nauc_map_at_3_diff1": 32.76264193805814, + "nauc_map_at_3_max": 0.8560962042500389, + "nauc_map_at_3_std": -20.608930717315577, + "nauc_map_at_5_diff1": 32.78673238978775, + "nauc_map_at_5_max": 1.0511863039329437, + "nauc_map_at_5_std": -21.02164728626011, + "nauc_mrr_at_1000_diff1": 32.610323934702286, + "nauc_mrr_at_1000_max": 1.276669121901405, + "nauc_mrr_at_1000_std": -19.908120615285043, + "nauc_mrr_at_100_diff1": 32.601373758102795, + "nauc_mrr_at_100_max": 1.2752735149992132, + "nauc_mrr_at_100_std": -19.87937042610101, + "nauc_mrr_at_10_diff1": 32.55795432078168, + "nauc_mrr_at_10_max": 1.2881786969258637, + "nauc_mrr_at_10_std": -20.54564519015977, + "nauc_mrr_at_1_diff1": 35.596301376443726, + "nauc_mrr_at_1_max": 1.7633238037306902, + "nauc_mrr_at_1_std": -17.1999420019887, + "nauc_mrr_at_20_diff1": 32.57185739111023, + "nauc_mrr_at_20_max": 1.2212620853201877, + "nauc_mrr_at_20_std": -20.179517281041264, + "nauc_mrr_at_3_diff1": 32.42681377099514, + "nauc_mrr_at_3_max": 0.8745921708861145, + "nauc_mrr_at_3_std": -20.41017687790572, + "nauc_mrr_at_5_diff1": 32.499107129648266, + "nauc_mrr_at_5_max": 1.1159673851851573, + "nauc_mrr_at_5_std": -20.695143502133824, + "nauc_ndcg_at_1000_diff1": 32.16957965806702, + "nauc_ndcg_at_1000_max": 1.6763998947980905, + "nauc_ndcg_at_1000_std": -18.970592350332893, + "nauc_ndcg_at_100_diff1": 31.977550102558872, + "nauc_ndcg_at_100_max": 1.5625858650110014, + "nauc_ndcg_at_100_std": -17.990456766123835, + "nauc_ndcg_at_10_diff1": 31.82738932481356, + "nauc_ndcg_at_10_max": 1.1661362042692103, + "nauc_ndcg_at_10_std": -21.872680193994217, + "nauc_ndcg_at_1_diff1": 35.596301376443726, + "nauc_ndcg_at_1_max": 1.7633238037306902, + "nauc_ndcg_at_1_std": -17.1999420019887, + "nauc_ndcg_at_20_diff1": 31.749656399266264, + "nauc_ndcg_at_20_max": 0.9629024493088691, + "nauc_ndcg_at_20_std": -20.4379403899277, + "nauc_ndcg_at_3_diff1": 31.731361436850836, + "nauc_ndcg_at_3_max": 0.531749791578849, + "nauc_ndcg_at_3_std": -21.551112910698674, + "nauc_ndcg_at_5_diff1": 31.785373941157303, + "nauc_ndcg_at_5_max": 0.86207769368333, + "nauc_ndcg_at_5_std": -22.24923399160171, + "nauc_precision_at_1000_diff1": -3.841288331986519, + "nauc_precision_at_1000_max": 13.558041371634976, + "nauc_precision_at_1000_std": 15.181510484512827, + "nauc_precision_at_100_diff1": 12.441154582709053, + "nauc_precision_at_100_max": 8.428136255841935, + "nauc_precision_at_100_std": 14.710391839731656, + "nauc_precision_at_10_diff1": 26.185854813986705, + "nauc_precision_at_10_max": 1.6348387310504464, + "nauc_precision_at_10_std": -23.448927004357298, + "nauc_precision_at_1_diff1": 35.596301376443726, + "nauc_precision_at_1_max": 1.7633238037306902, + "nauc_precision_at_1_std": -17.1999420019887, + "nauc_precision_at_20_diff1": 22.69194179544158, + "nauc_precision_at_20_max": 1.2972015009169306, + "nauc_precision_at_20_std": -15.751482380060269, + "nauc_precision_at_3_diff1": 28.255531512125188, + "nauc_precision_at_3_max": -0.3715575458464333, + "nauc_precision_at_3_std": -24.227970454057697, + "nauc_precision_at_5_diff1": 27.65497951098847, + "nauc_precision_at_5_max": 0.449773375292472, + "nauc_precision_at_5_std": -25.37445450938601, + "nauc_recall_at_1000_diff1": 15.243948516763819, + "nauc_recall_at_1000_max": 41.821227805251375, + "nauc_recall_at_1000_std": 61.66297794838101, + "nauc_recall_at_100_diff1": 24.516543685029994, + "nauc_recall_at_100_max": 7.093972966253228, + "nauc_recall_at_100_std": 17.244452321212282, + "nauc_recall_at_10_diff1": 28.404243095182828, + "nauc_recall_at_10_max": 1.0805210480930945, + "nauc_recall_at_10_std": -24.885018657039527, + "nauc_recall_at_1_diff1": 36.12732122790642, + "nauc_recall_at_1_max": 1.8197550109156913, + "nauc_recall_at_1_std": -17.205625720792167, + "nauc_recall_at_20_diff1": 26.956250169438512, + "nauc_recall_at_20_max": 0.023973408161285917, + "nauc_recall_at_20_std": -18.32944444428131, + "nauc_recall_at_3_diff1": 28.9894205130054, + "nauc_recall_at_3_max": -0.36140658021466865, + "nauc_recall_at_3_std": -24.022505107768364, + "nauc_recall_at_5_diff1": 28.907023434955104, + "nauc_recall_at_5_max": 0.2501037567297729, + "nauc_recall_at_5_std": -25.719919602271496, + "ndcg_at_1": 22.794, + "ndcg_at_10": 42.027, + "ndcg_at_100": 47.601, + "ndcg_at_1000": 48.713, + "ndcg_at_20": 44.623000000000005, + "ndcg_at_3": 33.772999999999996, + "ndcg_at_5": 37.991, + "precision_at_1": 22.794, + "precision_at_10": 6.711, + "precision_at_100": 0.9490000000000001, + "precision_at_1000": 0.105, + "precision_at_20": 3.8920000000000003, + "precision_at_3": 14.46, + "precision_at_5": 10.822, + "recall_at_1": 22.118, + "recall_at_10": 64.201, + "recall_at_100": 89.878, + "recall_at_1000": 98.259, + "recall_at_20": 74.34100000000001, + "recall_at_3": 41.8, + "recall_at_5": 51.959 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/MTOPDomainClassification.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/MTOPDomainClassification.json new file mode 100644 index 000000000..dd4b277e9 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/MTOPDomainClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.35658914728684, + "f1": 90.86877537911086, + "f1_weighted": 91.3282092774443, + "main_score": 91.35658914728684 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/MTOPIntentClassification.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/MTOPIntentClassification.json new file mode 100644 index 000000000..d3cd8971b --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/MTOPIntentClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 60.63611491108071, + "f1": 42.78886482112741, + "f1_weighted": 63.44208631840539, + "main_score": 60.63611491108071 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/MassiveIntentClassification.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/MassiveIntentClassification.json new file mode 100644 index 000000000..dea09b820 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/MassiveIntentClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "4672e20407010da34463acc759c162ca9734bca6", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 66.68796234028245, + "f1": 64.44940791000278, + "f1_weighted": 65.77554417406792, + "main_score": 66.68796234028245 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/MassiveScenarioClassification.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..30c7ffc97 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/MassiveScenarioClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "fad2c6e8459f9e1c45d9315f4953d921437d70f8", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.0598520511096, + "f1": 72.14267273884774, + "f1_weighted": 72.93345180137516, + "main_score": 73.0598520511096 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/MedrxivClusteringP2P.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..21c45e680 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/MedrxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 31.143081341699606, + "v_measure": 31.143081341699606, + "v_measure_std": 1.5578716347076906 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/MedrxivClusteringS2S.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..309153c29 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/MedrxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 27.010818869829556, + "v_measure": 27.010818869829556, + "v_measure_std": 1.1771554540819378 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/MindSmallReranking.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/MindSmallReranking.json new file mode 100644 index 000000000..a63a2ca94 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/MindSmallReranking.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "59042f120c80e8afa9cdbb224f67076cec0fc9a7", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 30.20503776754942, + "map": 30.20503776754942, + "mrr": 31.076636002733437, + "nAUC_map_diff1": 7.290568655287842, + "nAUC_map_max": -21.381599355932945, + "nAUC_map_std": -7.709920607543168, + "nAUC_mrr_diff1": 7.558397329284913, + "nAUC_mrr_max": -15.981397186427607, + "nAUC_mrr_std": -4.870495243168834 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/NFCorpus.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/NFCorpus.json new file mode 100644 index 000000000..de14e2a72 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/NFCorpus.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 36.201, + "map_at_1": 5.654, + "map_at_10": 13.402, + "map_at_100": 16.849, + "map_at_1000": 18.264, + "map_at_20": 14.832, + "map_at_3": 9.619, + "map_at_5": 11.483, + "mrr_at_1": 47.6780185758514, + "mrr_at_10": 56.47906531033466, + "mrr_at_100": 57.04539749991402, + "mrr_at_1000": 57.08810157607369, + "mrr_at_20": 56.88003170105462, + "mrr_at_3": 54.43756449948401, + "mrr_at_5": 55.660474716202266, + "nauc_map_at_1000_diff1": 31.134615238698192, + "nauc_map_at_1000_max": 36.09522002487132, + "nauc_map_at_1000_std": 14.72627666649002, + "nauc_map_at_100_diff1": 32.777473351864444, + "nauc_map_at_100_max": 35.25391471621035, + "nauc_map_at_100_std": 12.024428973861083, + "nauc_map_at_10_diff1": 36.46466466148528, + "nauc_map_at_10_max": 29.707805406826722, + "nauc_map_at_10_std": 2.0678757794226335, + "nauc_map_at_1_diff1": 54.30208426149679, + "nauc_map_at_1_max": 18.69125148481608, + "nauc_map_at_1_std": -8.970955660291802, + "nauc_map_at_20_diff1": 34.76513311600623, + "nauc_map_at_20_max": 32.20666003570514, + "nauc_map_at_20_std": 5.924889441518581, + "nauc_map_at_3_diff1": 45.73465176835491, + "nauc_map_at_3_max": 23.492291524989106, + "nauc_map_at_3_std": -5.0123536561688855, + "nauc_map_at_5_diff1": 39.7128319374107, + "nauc_map_at_5_max": 25.84231729559691, + "nauc_map_at_5_std": -2.0861428981140344, + "nauc_mrr_at_1000_diff1": 33.0997881703397, + "nauc_mrr_at_1000_max": 52.7089709923531, + "nauc_mrr_at_1000_std": 28.8517952674151, + "nauc_mrr_at_100_diff1": 33.1094984027438, + "nauc_mrr_at_100_max": 52.74301398138847, + "nauc_mrr_at_100_std": 28.897997840300892, + "nauc_mrr_at_10_diff1": 33.300713655464925, + "nauc_mrr_at_10_max": 52.572139698742184, + "nauc_mrr_at_10_std": 28.66875615527188, + "nauc_mrr_at_1_diff1": 32.57632582147155, + "nauc_mrr_at_1_max": 46.020072246328816, + "nauc_mrr_at_1_std": 20.99097889820076, + "nauc_mrr_at_20_diff1": 33.04083904518949, + "nauc_mrr_at_20_max": 52.597451362456994, + "nauc_mrr_at_20_std": 28.681527293587898, + "nauc_mrr_at_3_diff1": 33.64864656322754, + "nauc_mrr_at_3_max": 51.82256412011279, + "nauc_mrr_at_3_std": 27.241260746740686, + "nauc_mrr_at_5_diff1": 33.53201325467246, + "nauc_mrr_at_5_max": 52.79440885773516, + "nauc_mrr_at_5_std": 28.663081392086028, + "nauc_ndcg_at_1000_diff1": 28.632650542040714, + "nauc_ndcg_at_1000_max": 51.24103069835822, + "nauc_ndcg_at_1000_std": 35.05503784757999, + "nauc_ndcg_at_100_diff1": 29.082177715298503, + "nauc_ndcg_at_100_max": 45.24750203464315, + "nauc_ndcg_at_100_std": 27.146548925680914, + "nauc_ndcg_at_10_diff1": 25.123554466093594, + "nauc_ndcg_at_10_max": 42.74355537806512, + "nauc_ndcg_at_10_std": 22.234407997803935, + "nauc_ndcg_at_1_diff1": 33.75083940012058, + "nauc_ndcg_at_1_max": 44.44319402133161, + "nauc_ndcg_at_1_std": 19.146499358406487, + "nauc_ndcg_at_20_diff1": 24.954207968331872, + "nauc_ndcg_at_20_max": 41.25991844405748, + "nauc_ndcg_at_20_std": 22.169009285868864, + "nauc_ndcg_at_3_diff1": 28.186539942033516, + "nauc_ndcg_at_3_max": 44.40790009754965, + "nauc_ndcg_at_3_std": 20.99226576085115, + "nauc_ndcg_at_5_diff1": 25.498387899376706, + "nauc_ndcg_at_5_max": 43.174709766261316, + "nauc_ndcg_at_5_std": 21.88111962672031, + "nauc_precision_at_1000_diff1": -16.22321012507648, + "nauc_precision_at_1000_max": 5.808852256649677, + "nauc_precision_at_1000_std": 19.875641776698824, + "nauc_precision_at_100_diff1": -10.248089374355486, + "nauc_precision_at_100_max": 19.29065415127588, + "nauc_precision_at_100_std": 31.75019665627339, + "nauc_precision_at_10_diff1": 3.6783257583955056, + "nauc_precision_at_10_max": 39.22286010695767, + "nauc_precision_at_10_std": 31.225485732801022, + "nauc_precision_at_1_diff1": 32.57632582147155, + "nauc_precision_at_1_max": 46.020072246328816, + "nauc_precision_at_1_std": 20.99097889820076, + "nauc_precision_at_20_diff1": -3.1632510833242784, + "nauc_precision_at_20_max": 31.575496762405734, + "nauc_precision_at_20_std": 31.576283324468115, + "nauc_precision_at_3_diff1": 17.78864585545647, + "nauc_precision_at_3_max": 44.201289661125585, + "nauc_precision_at_3_std": 25.447840649726693, + "nauc_precision_at_5_diff1": 9.986748662091358, + "nauc_precision_at_5_max": 41.214164860776755, + "nauc_precision_at_5_std": 28.22551704127726, + "nauc_recall_at_1000_diff1": 10.984331766850506, + "nauc_recall_at_1000_max": 24.641216018034104, + "nauc_recall_at_1000_std": 26.91064221008446, + "nauc_recall_at_100_diff1": 23.7009352078473, + "nauc_recall_at_100_max": 30.176031609451297, + "nauc_recall_at_100_std": 20.360365243211564, + "nauc_recall_at_10_diff1": 28.11831737650638, + "nauc_recall_at_10_max": 24.21539670487414, + "nauc_recall_at_10_std": 2.245504974150148, + "nauc_recall_at_1_diff1": 54.30208426149679, + "nauc_recall_at_1_max": 18.69125148481608, + "nauc_recall_at_1_std": -8.970955660291802, + "nauc_recall_at_20_diff1": 26.199425305139908, + "nauc_recall_at_20_max": 24.66704097503736, + "nauc_recall_at_20_std": 5.86052107206246, + "nauc_recall_at_3_diff1": 42.88348677575622, + "nauc_recall_at_3_max": 21.189371077603308, + "nauc_recall_at_3_std": -4.537510127238226, + "nauc_recall_at_5_diff1": 30.7936756722569, + "nauc_recall_at_5_max": 21.06136406164962, + "nauc_recall_at_5_std": -1.4113804735229794, + "ndcg_at_1": 45.975, + "ndcg_at_10": 36.201, + "ndcg_at_100": 32.736, + "ndcg_at_1000": 41.099000000000004, + "ndcg_at_20": 33.724, + "ndcg_at_3": 42.242000000000004, + "ndcg_at_5": 40.137, + "precision_at_1": 47.678, + "precision_at_10": 26.904, + "precision_at_100": 8.368, + "precision_at_1000": 2.078, + "precision_at_20": 19.845, + "precision_at_3": 40.351, + "precision_at_5": 35.108, + "recall_at_1": 5.654, + "recall_at_10": 17.793, + "recall_at_100": 32.483000000000004, + "recall_at_1000": 63.294, + "recall_at_20": 21.754, + "recall_at_3": 10.771, + "recall_at_5": 14.084 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/NQ.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/NQ.json new file mode 100644 index 000000000..d521ae51f --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/NQ.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 62.464, + "map_at_1": 38.0, + "map_at_10": 54.806, + "map_at_100": 55.599, + "map_at_1000": 55.617000000000004, + "map_at_20": 55.336, + "map_at_3": 50.58200000000001, + "map_at_5": 53.181, + "mrr_at_1": 42.46813441483198, + "mrr_at_10": 57.060710147326446, + "mrr_at_100": 57.60978373431328, + "mrr_at_1000": 57.62192762809547, + "mrr_at_20": 57.43431796174232, + "mrr_at_3": 53.78041714947835, + "mrr_at_5": 55.81257242178437, + "nauc_map_at_1000_diff1": 38.337572188308194, + "nauc_map_at_1000_max": 27.550035254787197, + "nauc_map_at_1000_std": -7.5513729587308145, + "nauc_map_at_100_diff1": 38.335337794455015, + "nauc_map_at_100_max": 27.56919614414171, + "nauc_map_at_100_std": -7.526017855405723, + "nauc_map_at_10_diff1": 38.308131361353816, + "nauc_map_at_10_max": 27.691849580929933, + "nauc_map_at_10_std": -7.971461731555123, + "nauc_map_at_1_diff1": 42.721072690634884, + "nauc_map_at_1_max": 21.750451486885332, + "nauc_map_at_1_std": -9.99540950522643, + "nauc_map_at_20_diff1": 38.25792874982169, + "nauc_map_at_20_max": 27.68877906159661, + "nauc_map_at_20_std": -7.560753583212102, + "nauc_map_at_3_diff1": 37.950570055936254, + "nauc_map_at_3_max": 26.257969511794858, + "nauc_map_at_3_std": -9.236868658300553, + "nauc_map_at_5_diff1": 37.99893219450212, + "nauc_map_at_5_max": 27.293454259158057, + "nauc_map_at_5_std": -8.734089449603806, + "nauc_mrr_at_1000_diff1": 37.777767467474774, + "nauc_mrr_at_1000_max": 27.39507603748298, + "nauc_mrr_at_1000_std": -5.554754076870114, + "nauc_mrr_at_100_diff1": 37.77981674583538, + "nauc_mrr_at_100_max": 27.411100989441557, + "nauc_mrr_at_100_std": -5.539061231412731, + "nauc_mrr_at_10_diff1": 37.72399003363479, + "nauc_mrr_at_10_max": 27.618142546685416, + "nauc_mrr_at_10_std": -5.6819843907448195, + "nauc_mrr_at_1_diff1": 41.17596078958236, + "nauc_mrr_at_1_max": 23.32588591818617, + "nauc_mrr_at_1_std": -7.126628034623689, + "nauc_mrr_at_20_diff1": 37.695136721588, + "nauc_mrr_at_20_max": 27.52850676467322, + "nauc_mrr_at_20_std": -5.50667995515647, + "nauc_mrr_at_3_diff1": 37.23845700908964, + "nauc_mrr_at_3_max": 26.69389772971012, + "nauc_mrr_at_3_std": -6.31868405989011, + "nauc_mrr_at_5_diff1": 37.33757394192838, + "nauc_mrr_at_5_max": 27.42091593836207, + "nauc_mrr_at_5_std": -5.993243330132065, + "nauc_ndcg_at_1000_diff1": 37.74836061640332, + "nauc_ndcg_at_1000_max": 29.03148916289089, + "nauc_ndcg_at_1000_std": -5.543065770074502, + "nauc_ndcg_at_100_diff1": 37.75593955089626, + "nauc_ndcg_at_100_max": 29.67109480272493, + "nauc_ndcg_at_100_std": -4.773697596687493, + "nauc_ndcg_at_10_diff1": 37.41701174824348, + "nauc_ndcg_at_10_max": 30.448703434043445, + "nauc_ndcg_at_10_std": -6.306202666419071, + "nauc_ndcg_at_1_diff1": 41.17596078958236, + "nauc_ndcg_at_1_max": 23.32588591818617, + "nauc_ndcg_at_1_std": -7.126628034623689, + "nauc_ndcg_at_20_diff1": 37.17445197824622, + "nauc_ndcg_at_20_max": 30.47378561555209, + "nauc_ndcg_at_20_std": -4.921584853993488, + "nauc_ndcg_at_3_diff1": 36.5261976812068, + "nauc_ndcg_at_3_max": 27.560538820208926, + "nauc_ndcg_at_3_std": -8.556686332882931, + "nauc_ndcg_at_5_diff1": 36.571462759614526, + "nauc_ndcg_at_5_max": 29.363401730752585, + "nauc_ndcg_at_5_std": -7.825739170420347, + "nauc_precision_at_1000_diff1": -12.588899483401223, + "nauc_precision_at_1000_max": 2.641097890578701, + "nauc_precision_at_1000_std": 17.643107625788748, + "nauc_precision_at_100_diff1": -8.40579874206785, + "nauc_precision_at_100_max": 9.725496771040037, + "nauc_precision_at_100_std": 21.558582760191243, + "nauc_precision_at_10_diff1": 6.619157191854486, + "nauc_precision_at_10_max": 23.767406373688402, + "nauc_precision_at_10_std": 10.428535003478808, + "nauc_precision_at_1_diff1": 41.17596078958236, + "nauc_precision_at_1_max": 23.32588591818617, + "nauc_precision_at_1_std": -7.126628034623689, + "nauc_precision_at_20_diff1": -0.6449974218292859, + "nauc_precision_at_20_max": 20.211503851418783, + "nauc_precision_at_20_std": 17.922745410142575, + "nauc_precision_at_3_diff1": 19.710276097428657, + "nauc_precision_at_3_max": 26.768918044758706, + "nauc_precision_at_3_std": -1.0636448912049246, + "nauc_precision_at_5_diff1": 13.073181337982613, + "nauc_precision_at_5_max": 26.418340338971024, + "nauc_precision_at_5_std": 2.9842078949528688, + "nauc_recall_at_1000_diff1": 30.52411148739828, + "nauc_recall_at_1000_max": 90.96409807536762, + "nauc_recall_at_1000_std": 83.94857830921949, + "nauc_recall_at_100_diff1": 36.936303690592155, + "nauc_recall_at_100_max": 71.91515014325869, + "nauc_recall_at_100_std": 48.93061263403371, + "nauc_recall_at_10_diff1": 32.84292362076269, + "nauc_recall_at_10_max": 44.27252783122478, + "nauc_recall_at_10_std": -1.5981198975612385, + "nauc_recall_at_1_diff1": 42.721072690634884, + "nauc_recall_at_1_max": 21.750451486885332, + "nauc_recall_at_1_std": -9.99540950522643, + "nauc_recall_at_20_diff1": 29.36724417081702, + "nauc_recall_at_20_max": 52.035846390214715, + "nauc_recall_at_20_std": 11.967264191332818, + "nauc_recall_at_3_diff1": 31.634923771936098, + "nauc_recall_at_3_max": 30.225743369869473, + "nauc_recall_at_3_std": -9.253665347118615, + "nauc_recall_at_5_diff1": 30.66271853090737, + "nauc_recall_at_5_max": 35.70815715994996, + "nauc_recall_at_5_std": -7.836012956078996, + "ndcg_at_1": 42.468, + "ndcg_at_10": 62.464, + "ndcg_at_100": 65.618, + "ndcg_at_1000": 66.014, + "ndcg_at_20": 64.12, + "ndcg_at_3": 54.790000000000006, + "ndcg_at_5": 58.992, + "precision_at_1": 42.468, + "precision_at_10": 9.959, + "precision_at_100": 1.174, + "precision_at_1000": 0.121, + "precision_at_20": 5.380999999999999, + "precision_at_3": 24.73, + "precision_at_5": 17.299999999999997, + "recall_at_1": 38.0, + "recall_at_10": 83.22699999999999, + "recall_at_100": 96.584, + "recall_at_1000": 99.512, + "recall_at_20": 89.291, + "recall_at_3": 63.666, + "recall_at_5": 73.27900000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/QuoraRetrieval.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/QuoraRetrieval.json new file mode 100644 index 000000000..15143989b --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/QuoraRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "e4e08e0b7dbe3c8700f0daef558ff32256715259", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 87.366, + "map_at_1": 69.95700000000001, + "map_at_10": 83.55, + "map_at_100": 84.196, + "map_at_1000": 84.21600000000001, + "map_at_20": 83.982, + "map_at_3": 80.647, + "map_at_5": 82.443, + "mrr_at_1": 80.39, + "mrr_at_10": 86.65646031746004, + "mrr_at_100": 86.7852113210373, + "mrr_at_1000": 86.78651118354796, + "mrr_at_20": 86.75772838878498, + "mrr_at_3": 85.67499999999971, + "mrr_at_5": 86.33749999999962, + "nauc_map_at_1000_diff1": 76.68189702770007, + "nauc_map_at_1000_max": 36.19988239025682, + "nauc_map_at_1000_std": -26.231691135645736, + "nauc_map_at_100_diff1": 76.68832712120171, + "nauc_map_at_100_max": 36.18627717337547, + "nauc_map_at_100_std": -26.28243886166, + "nauc_map_at_10_diff1": 76.88888516032657, + "nauc_map_at_10_max": 35.69809861085124, + "nauc_map_at_10_std": -27.859425473864224, + "nauc_map_at_1_diff1": 79.5243725217315, + "nauc_map_at_1_max": 27.092773841207002, + "nauc_map_at_1_std": -26.223200911204543, + "nauc_map_at_20_diff1": 76.74938996155176, + "nauc_map_at_20_max": 36.07373781351406, + "nauc_map_at_20_std": -26.891400098628015, + "nauc_map_at_3_diff1": 77.29604745045076, + "nauc_map_at_3_max": 33.11431059356283, + "nauc_map_at_3_std": -29.555237195931085, + "nauc_map_at_5_diff1": 77.14069217901078, + "nauc_map_at_5_max": 34.68656073526487, + "nauc_map_at_5_std": -28.945053669861508, + "nauc_mrr_at_1000_diff1": 76.66087451567746, + "nauc_mrr_at_1000_max": 38.78133177265328, + "nauc_mrr_at_1000_std": -23.75726541774991, + "nauc_mrr_at_100_diff1": 76.66117078261013, + "nauc_mrr_at_100_max": 38.782533036423885, + "nauc_mrr_at_100_std": -23.752587601473568, + "nauc_mrr_at_10_diff1": 76.65866401411019, + "nauc_mrr_at_10_max": 38.87950311049704, + "nauc_mrr_at_10_std": -23.873660706680578, + "nauc_mrr_at_1_diff1": 77.42633506487041, + "nauc_mrr_at_1_max": 37.93973722217786, + "nauc_mrr_at_1_std": -23.3984130771317, + "nauc_mrr_at_20_diff1": 76.66210684923414, + "nauc_mrr_at_20_max": 38.81293033048911, + "nauc_mrr_at_20_std": -23.736590746133736, + "nauc_mrr_at_3_diff1": 76.33711764736019, + "nauc_mrr_at_3_max": 38.5659231830368, + "nauc_mrr_at_3_std": -23.99588149124865, + "nauc_mrr_at_5_diff1": 76.57123830226054, + "nauc_mrr_at_5_max": 38.97947097392977, + "nauc_mrr_at_5_std": -23.943668957974246, + "nauc_ndcg_at_1000_diff1": 76.38447339050585, + "nauc_ndcg_at_1000_max": 37.756822792877934, + "nauc_ndcg_at_1000_std": -24.046995734357164, + "nauc_ndcg_at_100_diff1": 76.44058018066822, + "nauc_ndcg_at_100_max": 37.72948294169218, + "nauc_ndcg_at_100_std": -24.083432140741795, + "nauc_ndcg_at_10_diff1": 76.56246287923074, + "nauc_ndcg_at_10_max": 37.0329253490553, + "nauc_ndcg_at_10_std": -26.6495163705961, + "nauc_ndcg_at_1_diff1": 77.4085129990432, + "nauc_ndcg_at_1_max": 38.06139172214421, + "nauc_ndcg_at_1_std": -23.656477126977386, + "nauc_ndcg_at_20_diff1": 76.50192496743098, + "nauc_ndcg_at_20_max": 37.51759311013985, + "nauc_ndcg_at_20_std": -25.45517058360004, + "nauc_ndcg_at_3_diff1": 75.94398494081794, + "nauc_ndcg_at_3_max": 35.7666711547279, + "nauc_ndcg_at_3_std": -26.866022682361578, + "nauc_ndcg_at_5_diff1": 76.47334274088344, + "nauc_ndcg_at_5_max": 36.40830331490731, + "nauc_ndcg_at_5_std": -27.170121189572765, + "nauc_precision_at_1000_diff1": -43.33672630765437, + "nauc_precision_at_1000_max": -5.089751329149161, + "nauc_precision_at_1000_std": 30.6241447847051, + "nauc_precision_at_100_diff1": -42.736833035629864, + "nauc_precision_at_100_max": -4.060198408346224, + "nauc_precision_at_100_std": 29.807050266205344, + "nauc_precision_at_10_diff1": -35.90810562245906, + "nauc_precision_at_10_max": 1.1633204529249133, + "nauc_precision_at_10_std": 20.129691203276018, + "nauc_precision_at_1_diff1": 77.4085129990432, + "nauc_precision_at_1_max": 38.06139172214421, + "nauc_precision_at_1_std": -23.656477126977386, + "nauc_precision_at_20_diff1": -40.2132286912738, + "nauc_precision_at_20_max": -1.3004735030734194, + "nauc_precision_at_20_std": 25.15612293757488, + "nauc_precision_at_3_diff1": -13.873825299883904, + "nauc_precision_at_3_max": 11.038689278907233, + "nauc_precision_at_3_std": 5.4276449621706, + "nauc_precision_at_5_diff1": -27.151668633894737, + "nauc_precision_at_5_max": 5.795130010163115, + "nauc_precision_at_5_std": 13.220722167587375, + "nauc_recall_at_1000_diff1": 83.903950427863, + "nauc_recall_at_1000_max": 37.82919000897223, + "nauc_recall_at_1000_std": 70.65670846771707, + "nauc_recall_at_100_diff1": 75.23306095335836, + "nauc_recall_at_100_max": 37.54281648247423, + "nauc_recall_at_100_std": 8.434289114377373, + "nauc_recall_at_10_diff1": 72.7872912723047, + "nauc_recall_at_10_max": 34.261519652104184, + "nauc_recall_at_10_std": -34.60101950810808, + "nauc_recall_at_1_diff1": 79.5243725217315, + "nauc_recall_at_1_max": 27.092773841207002, + "nauc_recall_at_1_std": -26.223200911204543, + "nauc_recall_at_20_diff1": 72.8297963091964, + "nauc_recall_at_20_max": 36.070220569670916, + "nauc_recall_at_20_std": -27.20897179168245, + "nauc_recall_at_3_diff1": 73.47456374650459, + "nauc_recall_at_3_max": 29.901663407294816, + "nauc_recall_at_3_std": -32.83329537040381, + "nauc_recall_at_5_diff1": 73.05025750827126, + "nauc_recall_at_5_max": 32.35733470860963, + "nauc_recall_at_5_std": -34.32357558493091, + "ndcg_at_1": 80.4, + "ndcg_at_10": 87.366, + "ndcg_at_100": 88.7, + "ndcg_at_1000": 88.842, + "ndcg_at_20": 88.11, + "ndcg_at_3": 84.52499999999999, + "ndcg_at_5": 86.047, + "precision_at_1": 80.4, + "precision_at_10": 13.235, + "precision_at_100": 1.516, + "precision_at_1000": 0.156, + "precision_at_20": 7.037, + "precision_at_3": 36.9, + "precision_at_5": 24.236, + "recall_at_1": 69.95700000000001, + "recall_at_10": 94.535, + "recall_at_100": 99.164, + "recall_at_1000": 99.855, + "recall_at_20": 96.974, + "recall_at_3": 86.33800000000001, + "recall_at_5": 90.69 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/RedditClustering.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/RedditClustering.json new file mode 100644 index 000000000..29f42a647 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/RedditClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 51.85893476633338, + "v_measure": 51.85893476633338, + "v_measure_std": 4.704770139385852 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/RedditClusteringP2P.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/RedditClusteringP2P.json new file mode 100644 index 000000000..7128f1fc2 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/RedditClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 61.8124222918822, + "v_measure": 61.8124222918822, + "v_measure_std": 11.994472578100165 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/SCIDOCS.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/SCIDOCS.json new file mode 100644 index 000000000..5d1d2d526 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/SCIDOCS.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f8c2fcf00f625baaa80f62ec5bd9e1fff3b8ae88", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 21.492, + "map_at_1": 5.192, + "map_at_10": 12.959000000000001, + "map_at_100": 14.963999999999999, + "map_at_1000": 15.261, + "map_at_20": 13.988999999999999, + "map_at_3": 9.235, + "map_at_5": 11.042, + "mrr_at_1": 25.5, + "mrr_at_10": 36.37313492063491, + "mrr_at_100": 37.36517957347626, + "mrr_at_1000": 37.42538601073437, + "mrr_at_20": 36.987896404421136, + "mrr_at_3": 32.966666666666654, + "mrr_at_5": 34.95166666666664, + "nauc_map_at_1000_diff1": 13.635120934154395, + "nauc_map_at_1000_max": 28.03542983005195, + "nauc_map_at_1000_std": 17.07156940311778, + "nauc_map_at_100_diff1": 13.59237295184475, + "nauc_map_at_100_max": 27.992291365051237, + "nauc_map_at_100_std": 16.926533467400464, + "nauc_map_at_10_diff1": 14.149193235999993, + "nauc_map_at_10_max": 26.520643811139305, + "nauc_map_at_10_std": 13.168673602548925, + "nauc_map_at_1_diff1": 20.096094508148465, + "nauc_map_at_1_max": 17.41582245576302, + "nauc_map_at_1_std": 5.771729007558897, + "nauc_map_at_20_diff1": 13.977726400526427, + "nauc_map_at_20_max": 27.2322235491895, + "nauc_map_at_20_std": 14.972781677750435, + "nauc_map_at_3_diff1": 17.371153027460355, + "nauc_map_at_3_max": 24.457758503208254, + "nauc_map_at_3_std": 7.719726821179824, + "nauc_map_at_5_diff1": 14.600442843442574, + "nauc_map_at_5_max": 25.899736370856296, + "nauc_map_at_5_std": 10.125349354853359, + "nauc_mrr_at_1000_diff1": 18.70342821390236, + "nauc_mrr_at_1000_max": 23.365194520549114, + "nauc_mrr_at_1000_std": 12.185114294903236, + "nauc_mrr_at_100_diff1": 18.677858738015907, + "nauc_mrr_at_100_max": 23.372641996726742, + "nauc_mrr_at_100_std": 12.216130561991909, + "nauc_mrr_at_10_diff1": 18.79094453090232, + "nauc_mrr_at_10_max": 23.511686337006466, + "nauc_mrr_at_10_std": 11.879716687008134, + "nauc_mrr_at_1_diff1": 20.10455171810408, + "nauc_mrr_at_1_max": 17.741566234315428, + "nauc_mrr_at_1_std": 6.1676764583652215, + "nauc_mrr_at_20_diff1": 18.70143648544655, + "nauc_mrr_at_20_max": 23.45603239095019, + "nauc_mrr_at_20_std": 12.244613576686202, + "nauc_mrr_at_3_diff1": 18.894662528857374, + "nauc_mrr_at_3_max": 23.3739038101588, + "nauc_mrr_at_3_std": 10.4709044796543, + "nauc_mrr_at_5_diff1": 18.877786065095563, + "nauc_mrr_at_5_max": 23.78061081203872, + "nauc_mrr_at_5_std": 11.847882917869622, + "nauc_ndcg_at_1000_diff1": 13.99159027398115, + "nauc_ndcg_at_1000_max": 29.44766808611483, + "nauc_ndcg_at_1000_std": 24.289749574699915, + "nauc_ndcg_at_100_diff1": 13.164020363258746, + "nauc_ndcg_at_100_max": 29.642442997167723, + "nauc_ndcg_at_100_std": 23.761764515453866, + "nauc_ndcg_at_10_diff1": 14.839883268638546, + "nauc_ndcg_at_10_max": 27.21043708455449, + "nauc_ndcg_at_10_std": 15.56110419291775, + "nauc_ndcg_at_1_diff1": 20.10455171810408, + "nauc_ndcg_at_1_max": 17.741566234315428, + "nauc_ndcg_at_1_std": 6.1676764583652215, + "nauc_ndcg_at_20_diff1": 14.27998110295395, + "nauc_ndcg_at_20_max": 28.2492026337839, + "nauc_ndcg_at_20_std": 18.822356982979105, + "nauc_ndcg_at_3_diff1": 17.659263157535445, + "nauc_ndcg_at_3_max": 25.416706421591396, + "nauc_ndcg_at_3_std": 9.650689638152636, + "nauc_ndcg_at_5_diff1": 15.38459833918123, + "nauc_ndcg_at_5_max": 26.92495519416969, + "nauc_ndcg_at_5_std": 12.71017696809276, + "nauc_precision_at_1000_diff1": 6.128490135458364, + "nauc_precision_at_1000_max": 23.52693893261883, + "nauc_precision_at_1000_std": 36.280432732819925, + "nauc_precision_at_100_diff1": 5.306163791220436, + "nauc_precision_at_100_max": 27.67851033239246, + "nauc_precision_at_100_std": 34.29821573752515, + "nauc_precision_at_10_diff1": 10.829686435425472, + "nauc_precision_at_10_max": 27.201648684015318, + "nauc_precision_at_10_std": 19.376999508233254, + "nauc_precision_at_1_diff1": 20.10455171810408, + "nauc_precision_at_1_max": 17.741566234315428, + "nauc_precision_at_1_std": 6.1676764583652215, + "nauc_precision_at_20_diff1": 9.416169626702048, + "nauc_precision_at_20_max": 27.65257998670333, + "nauc_precision_at_20_std": 24.761868509805826, + "nauc_precision_at_3_diff1": 16.666456902017348, + "nauc_precision_at_3_max": 27.9969730961105, + "nauc_precision_at_3_std": 10.991562741393231, + "nauc_precision_at_5_diff1": 12.26205064462843, + "nauc_precision_at_5_max": 29.083848730874095, + "nauc_precision_at_5_std": 15.66630836555747, + "nauc_recall_at_1000_diff1": 5.600277836894063, + "nauc_recall_at_1000_max": 23.228705161815526, + "nauc_recall_at_1000_std": 36.822431061799485, + "nauc_recall_at_100_diff1": 4.991781244867178, + "nauc_recall_at_100_max": 27.70095625483475, + "nauc_recall_at_100_std": 34.67168431597854, + "nauc_recall_at_10_diff1": 10.580860425931972, + "nauc_recall_at_10_max": 27.145829414223666, + "nauc_recall_at_10_std": 19.330630157067382, + "nauc_recall_at_1_diff1": 20.096094508148465, + "nauc_recall_at_1_max": 17.41582245576302, + "nauc_recall_at_1_std": 5.771729007558897, + "nauc_recall_at_20_diff1": 9.06945331260344, + "nauc_recall_at_20_max": 27.56725251066482, + "nauc_recall_at_20_std": 24.77644509886098, + "nauc_recall_at_3_diff1": 16.660507676429322, + "nauc_recall_at_3_max": 27.816546386536434, + "nauc_recall_at_3_std": 10.687824478247007, + "nauc_recall_at_5_diff1": 11.992514446369388, + "nauc_recall_at_5_max": 28.789031176671948, + "nauc_recall_at_5_std": 15.422118990090805, + "ndcg_at_1": 25.5, + "ndcg_at_10": 21.492, + "ndcg_at_100": 29.022, + "ndcg_at_1000": 34.298, + "ndcg_at_20": 24.237000000000002, + "ndcg_at_3": 20.392, + "ndcg_at_5": 17.801000000000002, + "precision_at_1": 25.5, + "precision_at_10": 11.09, + "precision_at_100": 2.1919999999999997, + "precision_at_1000": 0.346, + "precision_at_20": 7.135, + "precision_at_3": 18.933, + "precision_at_5": 15.52, + "recall_at_1": 5.192, + "recall_at_10": 22.512999999999998, + "recall_at_100": 44.505, + "recall_at_1000": 70.267, + "recall_at_20": 28.965000000000003, + "recall_at_3": 11.522, + "recall_at_5": 15.751999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/SICK-R.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/SICK-R.json new file mode 100644 index 000000000..a7bfdc094 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 77.63310776935984, + "cosine_spearman": 69.86468291111039, + "euclidean_pearson": 73.91537077798837, + "euclidean_spearman": 69.86468376650203, + "main_score": 69.86468291111039, + "manhattan_pearson": 73.68616048370464, + "manhattan_spearman": 69.76232036206659, + "pearson": 77.63310776935984, + "spearman": 69.86468291111039 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/STS12.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/STS12.json new file mode 100644 index 000000000..b494d81fb --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 57.71716838245049, + "cosine_spearman": 61.797855543446424, + "euclidean_pearson": 58.22958675325848, + "euclidean_spearman": 61.797855543446424, + "main_score": 61.797855543446424, + "manhattan_pearson": 57.63117544997929, + "manhattan_spearman": 61.3629404350085, + "pearson": 57.71716838245049, + "spearman": 61.797855543446424 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/STS13.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/STS13.json new file mode 100644 index 000000000..d9c97c1be --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 82.30260026790903, + "cosine_spearman": 82.66959813070869, + "euclidean_pearson": 82.08383017580783, + "euclidean_spearman": 82.66959813070869, + "main_score": 82.66959813070869, + "manhattan_pearson": 81.77991451392153, + "manhattan_spearman": 82.3652534745606, + "pearson": 82.30260026790903, + "spearman": 82.66959813070869 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/STS14.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/STS14.json new file mode 100644 index 000000000..1869e64ad --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 71.50608384084478, + "cosine_spearman": 68.94968064977785, + "euclidean_pearson": 70.73381299949564, + "euclidean_spearman": 68.94968064977785, + "main_score": 68.94968064977785, + "manhattan_pearson": 70.5385486953787, + "manhattan_spearman": 68.82132770672365, + "pearson": 71.50608384084478, + "spearman": 68.94968064977785 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/STS15.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/STS15.json new file mode 100644 index 000000000..e945a3495 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 73.66969825874907, + "cosine_spearman": 75.55374982088381, + "euclidean_pearson": 75.9339313749594, + "euclidean_spearman": 75.55374982088381, + "main_score": 75.55374982088381, + "manhattan_pearson": 75.88287553383817, + "manhattan_spearman": 75.50729812977688, + "pearson": 73.66969825874907, + "spearman": 75.55374982088381 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/STS16.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/STS16.json new file mode 100644 index 000000000..b64ffb1ba --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 74.5954724414016, + "cosine_spearman": 77.2688820850505, + "euclidean_pearson": 77.19866353971555, + "euclidean_spearman": 77.2688820850505, + "main_score": 77.2688820850505, + "manhattan_pearson": 77.27072603680978, + "manhattan_spearman": 77.29408453673607, + "pearson": 74.5954724414016, + "spearman": 77.2688820850505 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/STS17.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/STS17.json new file mode 100644 index 000000000..78fef970d --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "faeb762787bd10488a50c8b5be4a3b82e411949c", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 71.52588722654055, + "cosine_spearman": 74.97235736456061, + "euclidean_pearson": 74.51952528854038, + "euclidean_spearman": 74.97235736456061, + "main_score": 74.97235736456061, + "manhattan_pearson": 74.48272300884209, + "manhattan_spearman": 74.80633649415176, + "pearson": 71.52588722654055, + "spearman": 74.97235736456061 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/STS22.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/STS22.json new file mode 100644 index 000000000..67e0e9460 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "de9d86b3b84231dc21f76c7b7af1f28e2f57f6e3", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 68.80031120401976, + "cosine_spearman": 69.07945196478491, + "euclidean_pearson": 68.99674496430792, + "euclidean_spearman": 69.07945196478491, + "main_score": 69.07945196478491, + "manhattan_pearson": 69.00236107775687, + "manhattan_spearman": 68.98064879049272, + "pearson": 68.80031120401976, + "spearman": 69.07945196478491 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/STSBenchmark.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/STSBenchmark.json new file mode 100644 index 000000000..cf9f2dd5e --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 65.6898007230089, + "cosine_spearman": 69.72386211803668, + "euclidean_pearson": 69.04523003701475, + "euclidean_spearman": 69.72386211803668, + "main_score": 69.72386211803668, + "manhattan_pearson": 68.80479743770702, + "manhattan_spearman": 69.43264575177459, + "pearson": 65.6898007230089, + "spearman": 69.72386211803668 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/SciDocsRR.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/SciDocsRR.json new file mode 100644 index 000000000..a48b43f89 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/SciDocsRR.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 79.74088066874383, + "map": 79.74088066874383, + "mrr": 94.47697455050397, + "nAUC_map_diff1": 8.036086256905502, + "nAUC_map_max": 54.88199803816819, + "nAUC_map_std": 69.16267942176574, + "nAUC_mrr_diff1": 50.020738477678115, + "nAUC_mrr_max": 83.28922770326483, + "nAUC_mrr_std": 83.63973501802224 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/SciFact.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/SciFact.json new file mode 100644 index 000000000..086599133 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/SciFact.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 71.586, + "map_at_1": 56.760999999999996, + "map_at_10": 66.893, + "map_at_100": 67.42, + "map_at_1000": 67.44200000000001, + "map_at_20": 67.232, + "map_at_3": 64.193, + "map_at_5": 65.73400000000001, + "mrr_at_1": 60.0, + "mrr_at_10": 68.20383597883595, + "mrr_at_100": 68.58867453733343, + "mrr_at_1000": 68.61117469977329, + "mrr_at_20": 68.43973740684265, + "mrr_at_3": 66.11111111111111, + "mrr_at_5": 67.44444444444446, + "nauc_map_at_1000_diff1": 72.66688261123035, + "nauc_map_at_1000_max": 61.02926282006283, + "nauc_map_at_1000_std": 11.084549829740526, + "nauc_map_at_100_diff1": 72.66226192320828, + "nauc_map_at_100_max": 61.04393223108811, + "nauc_map_at_100_std": 11.101529343291695, + "nauc_map_at_10_diff1": 72.66732266693091, + "nauc_map_at_10_max": 61.24124296311832, + "nauc_map_at_10_std": 10.91179451961794, + "nauc_map_at_1_diff1": 74.2356464256346, + "nauc_map_at_1_max": 54.06962758957632, + "nauc_map_at_1_std": 0.8037891907963532, + "nauc_map_at_20_diff1": 72.65198594061253, + "nauc_map_at_20_max": 61.130159351448185, + "nauc_map_at_20_std": 11.2246899245522, + "nauc_map_at_3_diff1": 72.78578673303954, + "nauc_map_at_3_max": 59.19073262936321, + "nauc_map_at_3_std": 8.460301560522968, + "nauc_map_at_5_diff1": 72.55004168261968, + "nauc_map_at_5_max": 59.75181935082357, + "nauc_map_at_5_std": 9.440299527201889, + "nauc_mrr_at_1000_diff1": 72.82720348470325, + "nauc_mrr_at_1000_max": 62.344231223741446, + "nauc_mrr_at_1000_std": 12.60196558488974, + "nauc_mrr_at_100_diff1": 72.82236849255094, + "nauc_mrr_at_100_max": 62.35799491393125, + "nauc_mrr_at_100_std": 12.617900773655673, + "nauc_mrr_at_10_diff1": 72.7722847495086, + "nauc_mrr_at_10_max": 62.66642401155435, + "nauc_mrr_at_10_std": 12.906381237738746, + "nauc_mrr_at_1_diff1": 74.71208073612343, + "nauc_mrr_at_1_max": 59.50430394775893, + "nauc_mrr_at_1_std": 8.129514198080512, + "nauc_mrr_at_20_diff1": 72.78312367361772, + "nauc_mrr_at_20_max": 62.421122493761885, + "nauc_mrr_at_20_std": 12.693437522498588, + "nauc_mrr_at_3_diff1": 73.50670156385345, + "nauc_mrr_at_3_max": 62.01717537699209, + "nauc_mrr_at_3_std": 11.926548252191182, + "nauc_mrr_at_5_diff1": 72.62204028549876, + "nauc_mrr_at_5_max": 62.319358766312085, + "nauc_mrr_at_5_std": 13.081257923284342, + "nauc_ndcg_at_1000_diff1": 72.29960539074736, + "nauc_ndcg_at_1000_max": 62.75096959221402, + "nauc_ndcg_at_1000_std": 13.81528462505362, + "nauc_ndcg_at_100_diff1": 72.19985782073529, + "nauc_ndcg_at_100_max": 63.18837705326287, + "nauc_ndcg_at_100_std": 14.506479655117138, + "nauc_ndcg_at_10_diff1": 71.85759847832983, + "nauc_ndcg_at_10_max": 64.150996056865, + "nauc_ndcg_at_10_std": 14.580606901634278, + "nauc_ndcg_at_1_diff1": 74.71208073612343, + "nauc_ndcg_at_1_max": 59.50430394775893, + "nauc_ndcg_at_1_std": 8.129514198080512, + "nauc_ndcg_at_20_diff1": 71.80987178228351, + "nauc_ndcg_at_20_max": 63.56269460865743, + "nauc_ndcg_at_20_std": 15.024978004625922, + "nauc_ndcg_at_3_diff1": 72.35095651602592, + "nauc_ndcg_at_3_max": 61.60548011855679, + "nauc_ndcg_at_3_std": 12.048248788835263, + "nauc_ndcg_at_5_diff1": 71.48615621881864, + "nauc_ndcg_at_5_max": 61.72870035979784, + "nauc_ndcg_at_5_std": 12.83048357446691, + "nauc_precision_at_1000_diff1": -14.743011420972, + "nauc_precision_at_1000_max": 19.281995763080158, + "nauc_precision_at_1000_std": 49.6140660398164, + "nauc_precision_at_100_diff1": 0.11278174806205563, + "nauc_precision_at_100_max": 29.704511820077332, + "nauc_precision_at_100_std": 47.84916954122579, + "nauc_precision_at_10_diff1": 20.498227967235728, + "nauc_precision_at_10_max": 47.883119365891595, + "nauc_precision_at_10_std": 45.182178693450595, + "nauc_precision_at_1_diff1": 74.71208073612343, + "nauc_precision_at_1_max": 59.50430394775893, + "nauc_precision_at_1_std": 8.129514198080512, + "nauc_precision_at_20_diff1": 12.551737222341455, + "nauc_precision_at_20_max": 40.618899501225634, + "nauc_precision_at_20_std": 48.5598454249067, + "nauc_precision_at_3_diff1": 47.67720764601145, + "nauc_precision_at_3_max": 56.50632017305064, + "nauc_precision_at_3_std": 31.14175140162157, + "nauc_precision_at_5_diff1": 35.10058622792819, + "nauc_precision_at_5_max": 51.88948872657981, + "nauc_precision_at_5_std": 37.62796957461928, + "nauc_recall_at_1000_diff1": 79.57516339869238, + "nauc_recall_at_1000_max": 86.11111111111035, + "nauc_recall_at_1000_std": 79.57516339869238, + "nauc_recall_at_100_diff1": 70.50859559510081, + "nauc_recall_at_100_max": 79.17009941231396, + "nauc_recall_at_100_std": 44.32910419069595, + "nauc_recall_at_10_diff1": 66.16118569361245, + "nauc_recall_at_10_max": 74.73542948302286, + "nauc_recall_at_10_std": 27.680330939810037, + "nauc_recall_at_1_diff1": 74.2356464256346, + "nauc_recall_at_1_max": 54.06962758957632, + "nauc_recall_at_1_std": 0.8037891907963532, + "nauc_recall_at_20_diff1": 65.4748436545527, + "nauc_recall_at_20_max": 73.81532199081235, + "nauc_recall_at_20_std": 33.59324708196253, + "nauc_recall_at_3_diff1": 68.83194804473622, + "nauc_recall_at_3_max": 61.77722610439669, + "nauc_recall_at_3_std": 13.984923756556714, + "nauc_recall_at_5_diff1": 65.51467417209523, + "nauc_recall_at_5_max": 64.08276291427661, + "nauc_recall_at_5_std": 19.976472037847167, + "ndcg_at_1": 60.0, + "ndcg_at_10": 71.586, + "ndcg_at_100": 73.76899999999999, + "ndcg_at_1000": 74.386, + "ndcg_at_20": 72.612, + "ndcg_at_3": 66.944, + "ndcg_at_5": 69.333, + "precision_at_1": 60.0, + "precision_at_10": 9.6, + "precision_at_100": 1.073, + "precision_at_1000": 0.11199999999999999, + "precision_at_20": 5.033, + "precision_at_3": 26.333000000000002, + "precision_at_5": 17.4, + "recall_at_1": 56.760999999999996, + "recall_at_10": 84.589, + "recall_at_100": 94.333, + "recall_at_1000": 99.333, + "recall_at_20": 88.43299999999999, + "recall_at_3": 72.10600000000001, + "recall_at_5": 78.194 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/SprintDuplicateQuestions.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..4267e1665 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/SprintDuplicateQuestions.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 99.83861386138614, + "cosine_accuracy_threshold": 74.75666999816895, + "cosine_ap": 96.15132792066652, + "cosine_f1": 91.84890656063618, + "cosine_f1_threshold": 71.70594930648804, + "cosine_precision": 91.30434782608695, + "cosine_recall": 92.4, + "dot_accuracy": 99.83861386138614, + "dot_accuracy_threshold": 74.75666999816895, + "dot_ap": 96.15132792066653, + "dot_f1": 91.84890656063618, + "dot_f1_threshold": 71.70596122741699, + "dot_precision": 91.30434782608695, + "dot_recall": 92.4, + "euclidean_accuracy": 99.83861386138614, + "euclidean_accuracy_threshold": 71.05395793914795, + "euclidean_ap": 96.15132792066652, + "euclidean_f1": 91.84890656063618, + "euclidean_f1_threshold": 75.22505521774292, + "euclidean_precision": 91.30434782608695, + "euclidean_recall": 92.4, + "main_score": 96.15132792066653, + "manhattan_accuracy": 99.83564356435643, + "manhattan_accuracy_threshold": 1547.6950645446777, + "manhattan_ap": 96.06151211452136, + "manhattan_f1": 91.61676646706587, + "manhattan_f1_threshold": 1626.3608932495117, + "manhattan_precision": 91.43426294820716, + "manhattan_recall": 91.8, + "max_ap": 96.15132792066653, + "max_f1": 91.84890656063618, + "max_precision": 91.43426294820716, + "max_recall": 92.4, + "similarity_accuracy": 99.83861386138614, + "similarity_accuracy_threshold": 74.75666999816895, + "similarity_ap": 96.15132792066652, + "similarity_f1": 91.84890656063618, + "similarity_f1_threshold": 71.70594930648804, + "similarity_precision": 91.30434782608695, + "similarity_recall": 92.4 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/StackExchangeClustering.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/StackExchangeClustering.json new file mode 100644 index 000000000..f18331dd4 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/StackExchangeClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 61.24120328328453, + "v_measure": 61.24120328328453, + "v_measure_std": 3.9946560691100372 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/StackExchangeClusteringP2P.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..e1057814a --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/StackExchangeClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 33.808268374864745, + "v_measure": 33.808268374864745, + "v_measure_std": 1.2212188701887239 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/StackOverflowDupQuestions.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..e414a366a --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/StackOverflowDupQuestions.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 52.19806018468037, + "map": 52.19806018468037, + "mrr": 52.98921462524404, + "nAUC_map_diff1": 37.41443156995912, + "nAUC_map_max": 9.410262727675603, + "nAUC_map_std": 8.7094185014992, + "nAUC_mrr_diff1": 37.78202772392581, + "nAUC_mrr_max": 10.517635536565816, + "nAUC_mrr_std": 8.509423813772491 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/SummEval.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/SummEval.json new file mode 100644 index 000000000..36fbbca69 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 30.48413700430812, + "cosine_spearman": 30.357162200875816, + "dot_pearson": 30.484140144824938, + "dot_spearman": 30.357162200875816, + "main_score": 30.357162200875816, + "pearson": 30.48413700430812, + "spearman": 30.357162200875816 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/TRECCOVID.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/TRECCOVID.json new file mode 100644 index 000000000..836ee77c7 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/TRECCOVID.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "bb9466bac8153a0349341eb1b22e06409e78ef4e", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 84.60600000000001, + "map_at_1": 0.257, + "map_at_10": 2.196, + "map_at_100": 13.252, + "map_at_1000": 31.473000000000003, + "map_at_20": 4.023000000000001, + "map_at_3": 0.722, + "map_at_5": 1.146, + "mrr_at_1": 94.0, + "mrr_at_10": 97.0, + "mrr_at_100": 97.0, + "mrr_at_1000": 97.0, + "mrr_at_20": 97.0, + "mrr_at_3": 97.0, + "mrr_at_5": 97.0, + "nauc_map_at_1000_diff1": -30.674816554207062, + "nauc_map_at_1000_max": 53.18598689657068, + "nauc_map_at_1000_std": 78.88325309469121, + "nauc_map_at_100_diff1": -17.6877824653978, + "nauc_map_at_100_max": 19.584159765315658, + "nauc_map_at_100_std": 48.051154190992726, + "nauc_map_at_10_diff1": 20.076631089898626, + "nauc_map_at_10_max": -8.642556160185636, + "nauc_map_at_10_std": -5.768698617334298, + "nauc_map_at_1_diff1": 27.342260509653798, + "nauc_map_at_1_max": -23.400451210297994, + "nauc_map_at_1_std": -21.152006353733853, + "nauc_map_at_20_diff1": 8.019321726240506, + "nauc_map_at_20_max": -1.4826378210544222, + "nauc_map_at_20_std": 5.698208117745366, + "nauc_map_at_3_diff1": 32.073377946749446, + "nauc_map_at_3_max": -13.099353983204654, + "nauc_map_at_3_std": -15.36319127398037, + "nauc_map_at_5_diff1": 22.500045815797876, + "nauc_map_at_5_max": -8.548135411428023, + "nauc_map_at_5_std": -8.547850460331334, + "nauc_mrr_at_1000_diff1": -6.022408963585526, + "nauc_mrr_at_1000_max": 4.481792717087155, + "nauc_mrr_at_1000_std": 51.6962340491753, + "nauc_mrr_at_100_diff1": -6.022408963585526, + "nauc_mrr_at_100_max": 4.481792717087155, + "nauc_mrr_at_100_std": 51.6962340491753, + "nauc_mrr_at_10_diff1": -6.022408963585526, + "nauc_mrr_at_10_max": 4.481792717087155, + "nauc_mrr_at_10_std": 51.6962340491753, + "nauc_mrr_at_1_diff1": -6.022408963585076, + "nauc_mrr_at_1_max": 4.481792717087146, + "nauc_mrr_at_1_std": 51.69623404917518, + "nauc_mrr_at_20_diff1": -6.022408963585526, + "nauc_mrr_at_20_max": 4.481792717087155, + "nauc_mrr_at_20_std": 51.6962340491753, + "nauc_mrr_at_3_diff1": -6.022408963585526, + "nauc_mrr_at_3_max": 4.481792717087155, + "nauc_mrr_at_3_std": 51.6962340491753, + "nauc_mrr_at_5_diff1": -6.022408963585526, + "nauc_mrr_at_5_max": 4.481792717087155, + "nauc_mrr_at_5_std": 51.6962340491753, + "nauc_ndcg_at_1000_diff1": -20.79697283984295, + "nauc_ndcg_at_1000_max": 52.97671908009218, + "nauc_ndcg_at_1000_std": 75.43907707019758, + "nauc_ndcg_at_100_diff1": -38.620752706946455, + "nauc_ndcg_at_100_max": 49.41307462381511, + "nauc_ndcg_at_100_std": 81.33299379244252, + "nauc_ndcg_at_10_diff1": -18.611906363037356, + "nauc_ndcg_at_10_max": 44.20544651664479, + "nauc_ndcg_at_10_std": 61.322552829935816, + "nauc_ndcg_at_1_diff1": 18.625935567849073, + "nauc_ndcg_at_1_max": -10.104132769280879, + "nauc_ndcg_at_1_std": 22.449560689879743, + "nauc_ndcg_at_20_diff1": -30.61130208138771, + "nauc_ndcg_at_20_max": 52.68851710375231, + "nauc_ndcg_at_20_std": 69.72357683382992, + "nauc_ndcg_at_3_diff1": 5.695394821691213, + "nauc_ndcg_at_3_max": 37.909122367102135, + "nauc_ndcg_at_3_std": 46.2366603255159, + "nauc_ndcg_at_5_diff1": -15.273067832464731, + "nauc_ndcg_at_5_max": 49.7054639475091, + "nauc_ndcg_at_5_std": 58.83754007826166, + "nauc_precision_at_1000_diff1": -31.565302588492035, + "nauc_precision_at_1000_max": 52.56214379514724, + "nauc_precision_at_1000_std": 53.40618234326055, + "nauc_precision_at_100_diff1": -44.67273120709088, + "nauc_precision_at_100_max": 48.30381155522576, + "nauc_precision_at_100_std": 82.1984661602578, + "nauc_precision_at_10_diff1": -24.737383556860145, + "nauc_precision_at_10_max": 52.816815002878556, + "nauc_precision_at_10_std": 67.99052410030845, + "nauc_precision_at_1_diff1": -6.022408963585076, + "nauc_precision_at_1_max": 4.481792717087146, + "nauc_precision_at_1_std": 51.69623404917518, + "nauc_precision_at_20_diff1": -40.23628054967093, + "nauc_precision_at_20_max": 56.980056980057014, + "nauc_precision_at_20_std": 76.60976777785895, + "nauc_precision_at_3_diff1": -4.661784068466279, + "nauc_precision_at_3_max": 59.052007899934125, + "nauc_precision_at_3_std": 58.187952600394986, + "nauc_precision_at_5_diff1": -38.11848143512736, + "nauc_precision_at_5_max": 68.6149353358365, + "nauc_precision_at_5_std": 73.55652899457661, + "nauc_recall_at_1000_diff1": -14.886527444436345, + "nauc_recall_at_1000_max": 48.07492302795808, + "nauc_recall_at_1000_std": 65.05623212485906, + "nauc_recall_at_100_diff1": -8.148385729388195, + "nauc_recall_at_100_max": 8.041615364614533, + "nauc_recall_at_100_std": 33.77187914574611, + "nauc_recall_at_10_diff1": 24.333628413035942, + "nauc_recall_at_10_max": -14.577877145192078, + "nauc_recall_at_10_std": -12.131819145098557, + "nauc_recall_at_1_diff1": 27.342260509653798, + "nauc_recall_at_1_max": -23.400451210297994, + "nauc_recall_at_1_std": -21.152006353733853, + "nauc_recall_at_20_diff1": 13.695556376785564, + "nauc_recall_at_20_max": -8.872009346408264, + "nauc_recall_at_20_std": -3.163199444247112, + "nauc_recall_at_3_diff1": 32.00442538217753, + "nauc_recall_at_3_max": -15.159737942664552, + "nauc_recall_at_3_std": -17.530833132440645, + "nauc_recall_at_5_diff1": 22.64740552912405, + "nauc_recall_at_5_max": -12.947090597010414, + "nauc_recall_at_5_std": -12.914478822476807, + "ndcg_at_1": 88.0, + "ndcg_at_10": 84.60600000000001, + "ndcg_at_100": 64.31700000000001, + "ndcg_at_1000": 56.40500000000001, + "ndcg_at_20": 80.561, + "ndcg_at_3": 87.87700000000001, + "ndcg_at_5": 86.641, + "precision_at_1": 94.0, + "precision_at_10": 88.2, + "precision_at_100": 65.9, + "precision_at_1000": 25.019999999999996, + "precision_at_20": 84.7, + "precision_at_3": 92.0, + "precision_at_5": 90.0, + "recall_at_1": 0.257, + "recall_at_10": 2.338, + "recall_at_100": 15.831999999999999, + "recall_at_1000": 52.519000000000005, + "recall_at_20": 4.367, + "recall_at_3": 0.74, + "recall_at_5": 1.196 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/Touche2020.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/Touche2020.json new file mode 100644 index 000000000..615551d53 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/Touche2020.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 31.426, + "map_at_1": 3.4709999999999996, + "map_at_10": 13.236999999999998, + "map_at_100": 19.521, + "map_at_1000": 21.224, + "map_at_20": 15.626000000000001, + "map_at_3": 7.152, + "map_at_5": 9.914000000000001, + "mrr_at_1": 44.89795918367347, + "mrr_at_10": 57.54373177842565, + "mrr_at_100": 57.855267710139536, + "mrr_at_1000": 57.855267710139536, + "mrr_at_20": 57.70071764969724, + "mrr_at_3": 52.72108843537414, + "mrr_at_5": 55.06802721088435, + "nauc_map_at_1000_diff1": 21.148857552115558, + "nauc_map_at_1000_max": 2.0837572569021323, + "nauc_map_at_1000_std": 3.203419709665347, + "nauc_map_at_100_diff1": 21.383778167597878, + "nauc_map_at_100_max": 0.965767943155967, + "nauc_map_at_100_std": 0.3949924961020957, + "nauc_map_at_10_diff1": 27.178555638086394, + "nauc_map_at_10_max": 4.480675175857958, + "nauc_map_at_10_std": -13.69553539513878, + "nauc_map_at_1_diff1": 27.63901823865334, + "nauc_map_at_1_max": -18.6387233237763, + "nauc_map_at_1_std": -27.02164241863646, + "nauc_map_at_20_diff1": 23.892104752374888, + "nauc_map_at_20_max": 3.5343136621362348, + "nauc_map_at_20_std": -8.765101188860816, + "nauc_map_at_3_diff1": 22.065793929837493, + "nauc_map_at_3_max": 0.8063396680860568, + "nauc_map_at_3_std": -20.404849396621824, + "nauc_map_at_5_diff1": 22.66626080580714, + "nauc_map_at_5_max": 5.423340658352383, + "nauc_map_at_5_std": -18.31523779843455, + "nauc_mrr_at_1000_diff1": 30.520722269282665, + "nauc_mrr_at_1000_max": -16.644959497742267, + "nauc_mrr_at_1000_std": -16.3824126273053, + "nauc_mrr_at_100_diff1": 30.520722269282665, + "nauc_mrr_at_100_max": -16.644959497742267, + "nauc_mrr_at_100_std": -16.3824126273053, + "nauc_mrr_at_10_diff1": 30.428248939332974, + "nauc_mrr_at_10_max": -16.300183919261585, + "nauc_mrr_at_10_std": -15.404823235836309, + "nauc_mrr_at_1_diff1": 27.041346572613474, + "nauc_mrr_at_1_max": -23.181309312755804, + "nauc_mrr_at_1_std": -24.33076726484014, + "nauc_mrr_at_20_diff1": 30.676558567379303, + "nauc_mrr_at_20_max": -16.914268763031416, + "nauc_mrr_at_20_std": -15.77742854976336, + "nauc_mrr_at_3_diff1": 31.718457109787096, + "nauc_mrr_at_3_max": -15.508391132202235, + "nauc_mrr_at_3_std": -20.33229438349494, + "nauc_mrr_at_5_diff1": 28.73798376227693, + "nauc_mrr_at_5_max": -16.086295031060196, + "nauc_mrr_at_5_std": -15.644604635769321, + "nauc_ndcg_at_1000_diff1": 22.158724660189606, + "nauc_ndcg_at_1000_max": -3.1755686809941475, + "nauc_ndcg_at_1000_std": 19.258386224159075, + "nauc_ndcg_at_100_diff1": 21.83846748649288, + "nauc_ndcg_at_100_max": -10.939957598756036, + "nauc_ndcg_at_100_std": 14.729678880436623, + "nauc_ndcg_at_10_diff1": 26.944882726098424, + "nauc_ndcg_at_10_max": -3.5176483833346617, + "nauc_ndcg_at_10_std": -5.400606773697211, + "nauc_ndcg_at_1_diff1": 26.649410985172985, + "nauc_ndcg_at_1_max": -18.806716526067493, + "nauc_ndcg_at_1_std": -25.100244999343506, + "nauc_ndcg_at_20_diff1": 24.860266153648315, + "nauc_ndcg_at_20_max": -7.521401821712892, + "nauc_ndcg_at_20_std": -3.3696577425983003, + "nauc_ndcg_at_3_diff1": 23.9933326962406, + "nauc_ndcg_at_3_max": -0.4609479344284664, + "nauc_ndcg_at_3_std": -15.176459166869897, + "nauc_ndcg_at_5_diff1": 22.50595978713142, + "nauc_ndcg_at_5_max": -2.1093870656000857, + "nauc_ndcg_at_5_std": -12.732197425528257, + "nauc_precision_at_1000_diff1": -20.335120385950024, + "nauc_precision_at_1000_max": 26.95109729939765, + "nauc_precision_at_1000_std": 29.981685890622117, + "nauc_precision_at_100_diff1": -2.782114329320704, + "nauc_precision_at_100_max": 2.9489322002048604, + "nauc_precision_at_100_std": 67.3074073674319, + "nauc_precision_at_10_diff1": 21.385177180383383, + "nauc_precision_at_10_max": -2.4696365259422817, + "nauc_precision_at_10_std": 14.469784299536673, + "nauc_precision_at_1_diff1": 27.041346572613474, + "nauc_precision_at_1_max": -23.181309312755804, + "nauc_precision_at_1_std": -24.33076726484014, + "nauc_precision_at_20_diff1": 11.993846579997673, + "nauc_precision_at_20_max": -2.4792189693296227, + "nauc_precision_at_20_std": 28.581394687807745, + "nauc_precision_at_3_diff1": 20.70568446328836, + "nauc_precision_at_3_max": 0.37326398699875984, + "nauc_precision_at_3_std": -12.983918676694389, + "nauc_precision_at_5_diff1": 19.47466335828124, + "nauc_precision_at_5_max": -1.8921617684385994, + "nauc_precision_at_5_std": -6.533875294402164, + "nauc_recall_at_1000_diff1": 7.611201305723156, + "nauc_recall_at_1000_max": 5.6416194035820055, + "nauc_recall_at_1000_std": 61.695208644278, + "nauc_recall_at_100_diff1": 10.0183258158735, + "nauc_recall_at_100_max": -10.950612455698973, + "nauc_recall_at_100_std": 33.06069987640471, + "nauc_recall_at_10_diff1": 24.738210305731535, + "nauc_recall_at_10_max": -2.6592454032071546, + "nauc_recall_at_10_std": -4.83987517793115, + "nauc_recall_at_1_diff1": 27.63901823865334, + "nauc_recall_at_1_max": -18.6387233237763, + "nauc_recall_at_1_std": -27.02164241863646, + "nauc_recall_at_20_diff1": 17.79601177409034, + "nauc_recall_at_20_max": -6.681637093148051, + "nauc_recall_at_20_std": 3.369193919932238, + "nauc_recall_at_3_diff1": 24.9589431081204, + "nauc_recall_at_3_max": 2.4783640980500232, + "nauc_recall_at_3_std": -19.567415651090702, + "nauc_recall_at_5_diff1": 23.71803410135437, + "nauc_recall_at_5_max": 1.6294309357641652, + "nauc_recall_at_5_std": -15.365511906408983, + "ndcg_at_1": 40.816, + "ndcg_at_10": 31.426, + "ndcg_at_100": 41.558, + "ndcg_at_1000": 53.042, + "ndcg_at_20": 31.108999999999998, + "ndcg_at_3": 35.518, + "ndcg_at_5": 33.235, + "precision_at_1": 44.897999999999996, + "precision_at_10": 27.551, + "precision_at_100": 8.204, + "precision_at_1000": 1.582, + "precision_at_20": 19.796, + "precision_at_3": 36.735, + "precision_at_5": 33.061, + "recall_at_1": 3.4709999999999996, + "recall_at_10": 19.563, + "recall_at_100": 50.3, + "recall_at_1000": 85.13199999999999, + "recall_at_20": 26.738, + "recall_at_3": 7.8420000000000005, + "recall_at_5": 11.994 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/ToxicConversationsClassification.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..978cc068b --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/ToxicConversationsClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 66.8359375, + "ap": 12.482653786025985, + "ap_weighted": 12.482653786025985, + "f1": 51.328608527332385, + "f1_weighted": 74.07974463955398, + "main_score": 66.8359375 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/TweetSentimentExtractionClassification.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..3385a1c43 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 53.907753254103, + "f1": 54.22707647269581, + "f1_weighted": 53.611822984407695, + "main_score": 53.907753254103 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/TwentyNewsgroupsClustering.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..0e8380e3e --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 38.1364789307295, + "v_measure": 38.1364789307295, + "v_measure_std": 2.0731634966352077 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/TwitterSemEval2015.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/TwitterSemEval2015.json new file mode 100644 index 000000000..c2c90750c --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/TwitterSemEval2015.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 82.66674614054956, + "cosine_accuracy_threshold": 79.80123162269592, + "cosine_ap": 63.28209719072804, + "cosine_f1": 60.16389710903711, + "cosine_f1_threshold": 72.22893834114075, + "cosine_precision": 52.90232185748599, + "cosine_recall": 69.73614775725594, + "dot_accuracy": 82.66674614054956, + "dot_accuracy_threshold": 79.8012375831604, + "dot_ap": 63.282103870645166, + "dot_f1": 60.16389710903711, + "dot_f1_threshold": 72.22894430160522, + "dot_precision": 52.90232185748599, + "dot_recall": 69.73614775725594, + "euclidean_accuracy": 82.66674614054956, + "euclidean_accuracy_threshold": 63.55905532836914, + "euclidean_ap": 63.282095399953164, + "euclidean_f1": 60.16389710903711, + "euclidean_f1_threshold": 74.5265781879425, + "euclidean_precision": 52.90232185748599, + "euclidean_recall": 69.73614775725594, + "main_score": 63.282103870645166, + "manhattan_accuracy": 82.74423317637242, + "manhattan_accuracy_threshold": 1415.380859375, + "manhattan_ap": 63.26931757839598, + "manhattan_f1": 60.11014948859166, + "manhattan_f1_threshold": 1632.522201538086, + "manhattan_precision": 52.359506559624045, + "manhattan_recall": 70.55408970976254, + "max_ap": 63.282103870645166, + "max_f1": 60.16389710903711, + "max_precision": 52.90232185748599, + "max_recall": 70.55408970976254, + "similarity_accuracy": 82.66674614054956, + "similarity_accuracy_threshold": 79.80123162269592, + "similarity_ap": 63.28209719072804, + "similarity_f1": 60.16389710903711, + "similarity_f1_threshold": 72.22893834114075, + "similarity_precision": 52.90232185748599, + "similarity_recall": 69.73614775725594 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/TwitterURLCorpus.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/TwitterURLCorpus.json new file mode 100644 index 000000000..f22d6f371 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/TwitterURLCorpus.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 88.10105949470253, + "cosine_accuracy_threshold": 68.95147562026978, + "cosine_ap": 84.65516103854583, + "cosine_f1": 76.54581123301605, + "cosine_f1_threshold": 63.92929553985596, + "cosine_precision": 72.46526344751685, + "cosine_recall": 81.11333538651063, + "dot_accuracy": 88.10105949470253, + "dot_accuracy_threshold": 68.95147562026978, + "dot_ap": 84.65516301437592, + "dot_f1": 76.54581123301605, + "dot_f1_threshold": 63.92928957939148, + "dot_precision": 72.46526344751685, + "dot_recall": 81.11333538651063, + "euclidean_accuracy": 88.10105949470253, + "euclidean_accuracy_threshold": 78.80169153213501, + "euclidean_ap": 84.65517268264233, + "euclidean_f1": 76.54581123301605, + "euclidean_f1_threshold": 84.93610620498657, + "euclidean_precision": 72.46526344751685, + "euclidean_recall": 81.11333538651063, + "main_score": 84.65517268264233, + "manhattan_accuracy": 88.08941669577366, + "manhattan_accuracy_threshold": 1739.3169403076172, + "manhattan_ap": 84.64592398855694, + "manhattan_f1": 76.62890540443034, + "manhattan_f1_threshold": 1861.344337463379, + "manhattan_precision": 72.09775967413442, + "manhattan_recall": 81.76778564829073, + "max_ap": 84.65517268264233, + "max_f1": 76.62890540443034, + "max_precision": 72.46526344751685, + "max_recall": 81.76778564829073, + "similarity_accuracy": 88.10105949470253, + "similarity_accuracy_threshold": 68.95147562026978, + "similarity_ap": 84.65516103854583, + "similarity_f1": 76.54581123301605, + "similarity_f1_threshold": 63.92929553985596, + "similarity_precision": 72.46526344751685, + "similarity_recall": 81.11333538651063 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/model_meta.json b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/model_meta.json new file mode 100644 index 000000000..601a6f26b --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m-v1.5/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "Snowflake/snowflake-arctic-embed-m-v1.5", + "revision": "3b5a16eaf17e47bd997da998988dce5877a57092", + "release_date": "2024-07-03", + "languages": [], + "loader": null, + "n_parameters": 108891648, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 768, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/AmazonCounterfactualClassification.json b/results/Snowflake__snowflake-arctic-embed-m/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..e7d61cd20 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.80597014925374, + "ap": 39.31198155789558, + "f1": 70.48198448222148, + "main_score": 76.80597014925374 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/AmazonPolarityClassification.json b/results/Snowflake__snowflake-arctic-embed-m/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..6002fc2f1 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 82.831525, + "ap": 77.4474050181638, + "f1": 82.77204845110204, + "main_score": 82.831525 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/AmazonReviewsClassification.json b/results/Snowflake__snowflake-arctic-embed-m/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..7b31b4994 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 38.93000000000001, + "f1": 37.98013371053459, + "main_score": 38.93000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/ArguAna.json b/results/Snowflake__snowflake-arctic-embed-m/external/ArguAna.json new file mode 100644 index 000000000..5e8a6763f --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.223, + "map_at_10": 47.43, + "map_at_100": 48.208, + "map_at_1000": 48.211, + "map_at_3": 42.579, + "map_at_5": 45.263999999999996, + "mrr_at_1": 31.65, + "mrr_at_10": 47.573, + "mrr_at_100": 48.359, + "mrr_at_1000": 48.362, + "mrr_at_3": 42.734, + "mrr_at_5": 45.415, + "ndcg_at_1": 31.223, + "ndcg_at_10": 56.436, + "ndcg_at_100": 59.657000000000004, + "ndcg_at_1000": 59.731, + "ndcg_at_3": 46.327, + "ndcg_at_5": 51.178000000000004, + "precision_at_1": 31.223, + "precision_at_10": 8.527999999999999, + "precision_at_100": 0.991, + "precision_at_1000": 0.1, + "precision_at_3": 19.061, + "precision_at_5": 13.797999999999998, + "recall_at_1": 31.223, + "recall_at_10": 85.277, + "recall_at_100": 99.075, + "recall_at_1000": 99.644, + "recall_at_3": 57.18299999999999, + "recall_at_5": 68.99, + "main_score": 56.436 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/ArxivClusteringP2P.json b/results/Snowflake__snowflake-arctic-embed-m/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..45d885802 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 47.23625429411296, + "main_score": 47.23625429411296 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/ArxivClusteringS2S.json b/results/Snowflake__snowflake-arctic-embed-m/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..c32e2130f --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.433880471403654, + "main_score": 37.433880471403654 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/AskUbuntuDupQuestions.json b/results/Snowflake__snowflake-arctic-embed-m/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..bdf4525e4 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 60.53175025582013, + "mrr": 74.51160796728664, + "main_score": 60.53175025582013 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/BIOSSES.json b/results/Snowflake__snowflake-arctic-embed-m/external/BIOSSES.json new file mode 100644 index 000000000..c1950531c --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.93746103286769, + "cos_sim_spearman": 86.62245567912619, + "euclidean_pearson": 87.154173907501, + "euclidean_spearman": 86.62245567912619, + "manhattan_pearson": 87.17682026633462, + "manhattan_spearman": 86.74775973908348, + "cosine_pearson": 88.93746103286769, + "cosine_spearman": 86.62245567912619, + "main_score": 86.62245567912619 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/Banking77Classification.json b/results/Snowflake__snowflake-arctic-embed-m/external/Banking77Classification.json new file mode 100644 index 000000000..541b140a3 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.33766233766232, + "f1": 79.64931422442245, + "main_score": 80.33766233766232 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/BigPatentClustering.json b/results/Snowflake__snowflake-arctic-embed-m/external/BigPatentClustering.json new file mode 100644 index 000000000..d3888e206 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/BigPatentClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "62d5330920bca426ce9d3c76ea914f15fc83e891", + "task_name": "BigPatentClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 19.116028913890613, + "main_score": 19.116028913890613 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/BiorxivClusteringP2P.json b/results/Snowflake__snowflake-arctic-embed-m/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..6278351ac --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.966921852810174, + "main_score": 36.966921852810174 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/BiorxivClusteringS2S.json b/results/Snowflake__snowflake-arctic-embed-m/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..44e835d85 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.98019698537654, + "main_score": 31.98019698537654 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/CQADupstackAndroidRetrieval.json b/results/Snowflake__snowflake-arctic-embed-m/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..17ff9b6ab --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "f46a197baaae43b4f621051089b82a364682dfeb", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 34.079, + "map_at_10": 46.35, + "map_at_100": 47.785, + "map_at_1000": 47.903, + "map_at_3": 42.620999999999995, + "map_at_5": 44.765, + "mrr_at_1": 41.345, + "mrr_at_10": 52.032000000000004, + "mrr_at_100": 52.690000000000005, + "mrr_at_1000": 52.727999999999994, + "mrr_at_3": 49.428, + "mrr_at_5": 51.093999999999994, + "ndcg_at_1": 41.345, + "ndcg_at_10": 53.027, + "ndcg_at_100": 57.962, + "ndcg_at_1000": 59.611999999999995, + "ndcg_at_3": 47.687000000000005, + "ndcg_at_5": 50.367, + "precision_at_1": 41.345, + "precision_at_10": 10.157, + "precision_at_100": 1.567, + "precision_at_1000": 0.199, + "precision_at_3": 23.081, + "precision_at_5": 16.738, + "recall_at_1": 34.079, + "recall_at_10": 65.93900000000001, + "recall_at_100": 86.42699999999999, + "recall_at_1000": 96.61, + "recall_at_3": 50.56699999999999, + "recall_at_5": 57.82000000000001, + "main_score": 53.027 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/CQADupstackEnglishRetrieval.json b/results/Snowflake__snowflake-arctic-embed-m/external/CQADupstackEnglishRetrieval.json new file mode 100644 index 000000000..37acfa08c --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/CQADupstackEnglishRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "ad9991cb51e31e31e430383c75ffb2885547b5f0", + "task_name": "CQADupstackEnglishRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 33.289, + "map_at_10": 43.681, + "map_at_100": 45.056000000000004, + "map_at_1000": 45.171, + "map_at_3": 40.702, + "map_at_5": 42.292, + "mrr_at_1": 41.146, + "mrr_at_10": 49.604, + "mrr_at_100": 50.28399999999999, + "mrr_at_1000": 50.322, + "mrr_at_3": 47.611, + "mrr_at_5": 48.717, + "ndcg_at_1": 41.146, + "ndcg_at_10": 49.43, + "ndcg_at_100": 54.01899999999999, + "ndcg_at_1000": 55.803000000000004, + "ndcg_at_3": 45.503, + "ndcg_at_5": 47.198, + "precision_at_1": 41.146, + "precision_at_10": 9.268, + "precision_at_100": 1.4749999999999999, + "precision_at_1000": 0.19, + "precision_at_3": 21.932, + "precision_at_5": 15.389, + "recall_at_1": 33.289, + "recall_at_10": 59.209999999999994, + "recall_at_100": 78.676, + "recall_at_1000": 89.84100000000001, + "recall_at_3": 47.351, + "recall_at_5": 52.178999999999995, + "main_score": 49.43 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/CQADupstackGamingRetrieval.json b/results/Snowflake__snowflake-arctic-embed-m/external/CQADupstackGamingRetrieval.json new file mode 100644 index 000000000..c8791e7c2 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/CQADupstackGamingRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "4885aa143210c98657558c04aaf3dc47cfb54340", + "task_name": "CQADupstackGamingRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 44.483, + "map_at_10": 56.862, + "map_at_100": 57.901, + "map_at_1000": 57.948, + "map_at_3": 53.737, + "map_at_5": 55.64, + "mrr_at_1": 50.658, + "mrr_at_10": 60.281, + "mrr_at_100": 60.946, + "mrr_at_1000": 60.967000000000006, + "mrr_at_3": 58.192, + "mrr_at_5": 59.531, + "ndcg_at_1": 50.658, + "ndcg_at_10": 62.339, + "ndcg_at_100": 66.28399999999999, + "ndcg_at_1000": 67.166, + "ndcg_at_3": 57.458, + "ndcg_at_5": 60.112, + "precision_at_1": 50.658, + "precision_at_10": 9.762, + "precision_at_100": 1.26, + "precision_at_1000": 0.13799999999999998, + "precision_at_3": 25.329, + "precision_at_5": 17.254, + "recall_at_1": 44.483, + "recall_at_10": 74.819, + "recall_at_100": 91.702, + "recall_at_1000": 97.84, + "recall_at_3": 62.13999999999999, + "recall_at_5": 68.569, + "main_score": 62.339 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/CQADupstackGisRetrieval.json b/results/Snowflake__snowflake-arctic-embed-m/external/CQADupstackGisRetrieval.json new file mode 100644 index 000000000..a34c2bf51 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/CQADupstackGisRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "5003b3064772da1887988e05400cf3806fe491f2", + "task_name": "CQADupstackGisRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.489, + "map_at_10": 37.004999999999995, + "map_at_100": 38.001000000000005, + "map_at_1000": 38.085, + "map_at_3": 34.239999999999995, + "map_at_5": 35.934, + "mrr_at_1": 28.362, + "mrr_at_10": 38.807, + "mrr_at_100": 39.671, + "mrr_at_1000": 39.736, + "mrr_at_3": 36.29, + "mrr_at_5": 37.906, + "ndcg_at_1": 28.362, + "ndcg_at_10": 42.510999999999996, + "ndcg_at_100": 47.226, + "ndcg_at_1000": 49.226, + "ndcg_at_3": 37.295, + "ndcg_at_5": 40.165, + "precision_at_1": 28.362, + "precision_at_10": 6.633, + "precision_at_100": 0.9490000000000001, + "precision_at_1000": 0.11499999999999999, + "precision_at_3": 16.234, + "precision_at_5": 11.434999999999999, + "recall_at_1": 26.489, + "recall_at_10": 57.457, + "recall_at_100": 78.712, + "recall_at_1000": 93.565, + "recall_at_3": 43.748, + "recall_at_5": 50.589, + "main_score": 42.510999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/CQADupstackMathematicaRetrieval.json b/results/Snowflake__snowflake-arctic-embed-m/external/CQADupstackMathematicaRetrieval.json new file mode 100644 index 000000000..1696db5c2 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/CQADupstackMathematicaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "90fceea13679c63fe563ded68f3b6f06e50061de", + "task_name": "CQADupstackMathematicaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 12.418999999999999, + "map_at_10": 22.866, + "map_at_100": 24.365000000000002, + "map_at_1000": 24.479, + "map_at_3": 19.965, + "map_at_5": 21.684, + "mrr_at_1": 14.677000000000001, + "mrr_at_10": 26.316, + "mrr_at_100": 27.514, + "mrr_at_1000": 27.57, + "mrr_at_3": 23.3, + "mrr_at_5": 25.191000000000003, + "ndcg_at_1": 14.677000000000001, + "ndcg_at_10": 28.875, + "ndcg_at_100": 35.607, + "ndcg_at_1000": 38.237, + "ndcg_at_3": 23.284, + "ndcg_at_5": 26.226, + "precision_at_1": 14.677000000000001, + "precision_at_10": 5.771, + "precision_at_100": 1.058, + "precision_at_1000": 0.14200000000000002, + "precision_at_3": 11.940000000000001, + "precision_at_5": 9.229, + "recall_at_1": 12.418999999999999, + "recall_at_10": 43.333, + "recall_at_100": 71.942, + "recall_at_1000": 90.67399999999999, + "recall_at_3": 28.787000000000003, + "recall_at_5": 35.638, + "main_score": 28.875 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/CQADupstackPhysicsRetrieval.json b/results/Snowflake__snowflake-arctic-embed-m/external/CQADupstackPhysicsRetrieval.json new file mode 100644 index 000000000..d688ca95c --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/CQADupstackPhysicsRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "79531abbd1fb92d06c6d6315a0cbbbf5bb247ea4", + "task_name": "CQADupstackPhysicsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.686999999999998, + "map_at_10": 42.331, + "map_at_100": 43.655, + "map_at_1000": 43.771, + "map_at_3": 38.944, + "map_at_5": 40.991, + "mrr_at_1": 37.921, + "mrr_at_10": 47.534, + "mrr_at_100": 48.362, + "mrr_at_1000": 48.405, + "mrr_at_3": 44.995000000000005, + "mrr_at_5": 46.617, + "ndcg_at_1": 37.921, + "ndcg_at_10": 48.236000000000004, + "ndcg_at_100": 53.705000000000005, + "ndcg_at_1000": 55.596000000000004, + "ndcg_at_3": 43.11, + "ndcg_at_5": 45.862, + "precision_at_1": 37.921, + "precision_at_10": 8.643, + "precision_at_100": 1.336, + "precision_at_1000": 0.166, + "precision_at_3": 20.308, + "precision_at_5": 14.514, + "recall_at_1": 31.686999999999998, + "recall_at_10": 60.126999999999995, + "recall_at_100": 83.10600000000001, + "recall_at_1000": 95.15, + "recall_at_3": 46.098, + "recall_at_5": 53.179, + "main_score": 48.236000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/CQADupstackProgrammersRetrieval.json b/results/Snowflake__snowflake-arctic-embed-m/external/CQADupstackProgrammersRetrieval.json new file mode 100644 index 000000000..de530aabe --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/CQADupstackProgrammersRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "6184bc1440d2dbc7612be22b50686b8826d22b32", + "task_name": "CQADupstackProgrammersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.686, + "map_at_10": 39.146, + "map_at_100": 40.543, + "map_at_1000": 40.644999999999996, + "map_at_3": 36.195, + "map_at_5": 37.919000000000004, + "mrr_at_1": 35.160000000000004, + "mrr_at_10": 44.711, + "mrr_at_100": 45.609, + "mrr_at_1000": 45.655, + "mrr_at_3": 42.409, + "mrr_at_5": 43.779, + "ndcg_at_1": 35.160000000000004, + "ndcg_at_10": 44.977000000000004, + "ndcg_at_100": 50.663000000000004, + "ndcg_at_1000": 52.794, + "ndcg_at_3": 40.532000000000004, + "ndcg_at_5": 42.641, + "precision_at_1": 35.160000000000004, + "precision_at_10": 8.014000000000001, + "precision_at_100": 1.269, + "precision_at_1000": 0.163, + "precision_at_3": 19.444, + "precision_at_5": 13.653, + "recall_at_1": 28.686, + "recall_at_10": 56.801, + "recall_at_100": 80.559, + "recall_at_1000": 95.052, + "recall_at_3": 43.675999999999995, + "recall_at_5": 49.703, + "main_score": 44.977000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/CQADupstackStatsRetrieval.json b/results/Snowflake__snowflake-arctic-embed-m/external/CQADupstackStatsRetrieval.json new file mode 100644 index 000000000..677ebdd30 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/CQADupstackStatsRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "65ac3a16b8e91f9cee4c9828cc7c335575432a2a", + "task_name": "CQADupstackStatsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.625999999999998, + "map_at_10": 32.808, + "map_at_100": 33.951, + "map_at_1000": 34.052, + "map_at_3": 30.536, + "map_at_5": 31.77, + "mrr_at_1": 28.374, + "mrr_at_10": 35.527, + "mrr_at_100": 36.451, + "mrr_at_1000": 36.522, + "mrr_at_3": 33.410000000000004, + "mrr_at_5": 34.537, + "ndcg_at_1": 28.374, + "ndcg_at_10": 37.172, + "ndcg_at_100": 42.474000000000004, + "ndcg_at_1000": 44.853, + "ndcg_at_3": 32.931, + "ndcg_at_5": 34.882999999999996, + "precision_at_1": 28.374, + "precision_at_10": 5.813, + "precision_at_100": 0.928, + "precision_at_1000": 0.121, + "precision_at_3": 14.008000000000001, + "precision_at_5": 9.754999999999999, + "recall_at_1": 25.625999999999998, + "recall_at_10": 47.812, + "recall_at_100": 71.61800000000001, + "recall_at_1000": 88.881, + "recall_at_3": 35.876999999999995, + "recall_at_5": 40.839, + "main_score": 37.172 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/CQADupstackTexRetrieval.json b/results/Snowflake__snowflake-arctic-embed-m/external/CQADupstackTexRetrieval.json new file mode 100644 index 000000000..6c3c80081 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/CQADupstackTexRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "46989137a86843e03a6195de44b09deda022eec7", + "task_name": "CQADupstackTexRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.233, + "map_at_10": 26.375999999999998, + "map_at_100": 27.575, + "map_at_1000": 27.706999999999997, + "map_at_3": 23.619, + "map_at_5": 25.217, + "mrr_at_1": 22.023, + "mrr_at_10": 30.122, + "mrr_at_100": 31.083, + "mrr_at_1000": 31.163999999999998, + "mrr_at_3": 27.541, + "mrr_at_5": 29.061999999999998, + "ndcg_at_1": 22.023, + "ndcg_at_10": 31.476, + "ndcg_at_100": 37.114000000000004, + "ndcg_at_1000": 39.981, + "ndcg_at_3": 26.538, + "ndcg_at_5": 29.016, + "precision_at_1": 22.023, + "precision_at_10": 5.819, + "precision_at_100": 1.018, + "precision_at_1000": 0.14300000000000002, + "precision_at_3": 12.583, + "precision_at_5": 9.36, + "recall_at_1": 18.233, + "recall_at_10": 43.029, + "recall_at_100": 68.253, + "recall_at_1000": 88.319, + "recall_at_3": 29.541, + "recall_at_5": 35.783, + "main_score": 31.476 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/CQADupstackUnixRetrieval.json b/results/Snowflake__snowflake-arctic-embed-m/external/CQADupstackUnixRetrieval.json new file mode 100644 index 000000000..ba096f8bf --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/CQADupstackUnixRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "6c6430d3a6d36f8d2a829195bc5dc94d7e063e53", + "task_name": "CQADupstackUnixRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.923, + "map_at_10": 39.231, + "map_at_100": 40.483000000000004, + "map_at_1000": 40.575, + "map_at_3": 35.94, + "map_at_5": 37.683, + "mrr_at_1": 33.955, + "mrr_at_10": 43.163000000000004, + "mrr_at_100": 44.054, + "mrr_at_1000": 44.099, + "mrr_at_3": 40.361000000000004, + "mrr_at_5": 41.905, + "ndcg_at_1": 33.955, + "ndcg_at_10": 45.068000000000005, + "ndcg_at_100": 50.470000000000006, + "ndcg_at_1000": 52.349000000000004, + "ndcg_at_3": 39.298, + "ndcg_at_5": 41.821999999999996, + "precision_at_1": 33.955, + "precision_at_10": 7.649, + "precision_at_100": 1.173, + "precision_at_1000": 0.14200000000000002, + "precision_at_3": 17.817, + "precision_at_5": 12.537, + "recall_at_1": 28.923, + "recall_at_10": 58.934, + "recall_at_100": 81.809, + "recall_at_1000": 94.71300000000001, + "recall_at_3": 42.975, + "recall_at_5": 49.501, + "main_score": 45.068000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/CQADupstackWebmastersRetrieval.json b/results/Snowflake__snowflake-arctic-embed-m/external/CQADupstackWebmastersRetrieval.json new file mode 100644 index 000000000..5ee64352a --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/CQADupstackWebmastersRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "160c094312a0e1facb97e55eeddb698c0abe3571", + "task_name": "CQADupstackWebmastersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.596, + "map_at_10": 38.735, + "map_at_100": 40.264, + "map_at_1000": 40.48, + "map_at_3": 35.394999999999996, + "map_at_5": 37.099, + "mrr_at_1": 33.992, + "mrr_at_10": 43.076, + "mrr_at_100": 44.005, + "mrr_at_1000": 44.043, + "mrr_at_3": 40.415, + "mrr_at_5": 41.957, + "ndcg_at_1": 33.992, + "ndcg_at_10": 44.896, + "ndcg_at_100": 50.44499999999999, + "ndcg_at_1000": 52.675000000000004, + "ndcg_at_3": 39.783, + "ndcg_at_5": 41.997, + "precision_at_1": 33.992, + "precision_at_10": 8.498, + "precision_at_100": 1.585, + "precision_at_1000": 0.248, + "precision_at_3": 18.511, + "precision_at_5": 13.241, + "recall_at_1": 28.596, + "recall_at_10": 56.885, + "recall_at_100": 82.306, + "recall_at_1000": 95.813, + "recall_at_3": 42.168, + "recall_at_5": 48.32, + "main_score": 44.896 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/CQADupstackWordpressRetrieval.json b/results/Snowflake__snowflake-arctic-embed-m/external/CQADupstackWordpressRetrieval.json new file mode 100644 index 000000000..44911ac2a --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/CQADupstackWordpressRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "4ffe81d471b1924886b33c7567bfb200e9eec5c4", + "task_name": "CQADupstackWordpressRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.576, + "map_at_10": 33.034, + "map_at_100": 34.117999999999995, + "map_at_1000": 34.222, + "map_at_3": 30.183, + "map_at_5": 31.974000000000004, + "mrr_at_1": 27.542, + "mrr_at_10": 34.838, + "mrr_at_100": 35.824, + "mrr_at_1000": 35.899, + "mrr_at_3": 32.348, + "mrr_at_5": 34.039, + "ndcg_at_1": 27.542, + "ndcg_at_10": 37.663000000000004, + "ndcg_at_100": 42.762, + "ndcg_at_1000": 45.235, + "ndcg_at_3": 32.227, + "ndcg_at_5": 35.27, + "precision_at_1": 27.542, + "precision_at_10": 5.840999999999999, + "precision_at_100": 0.895, + "precision_at_1000": 0.123, + "precision_at_3": 13.370000000000001, + "precision_at_5": 9.797, + "recall_at_1": 25.576, + "recall_at_10": 50.285000000000004, + "recall_at_100": 73.06, + "recall_at_1000": 91.15299999999999, + "recall_at_3": 35.781, + "recall_at_5": 43.058, + "main_score": 37.663000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/ClimateFEVER.json b/results/Snowflake__snowflake-arctic-embed-m/external/ClimateFEVER.json new file mode 100644 index 000000000..a956f3775 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.061, + "map_at_10": 29.464000000000002, + "map_at_100": 31.552999999999997, + "map_at_1000": 31.707, + "map_at_3": 24.834999999999997, + "map_at_5": 27.355, + "mrr_at_1": 38.958, + "mrr_at_10": 51.578, + "mrr_at_100": 52.262, + "mrr_at_1000": 52.283, + "mrr_at_3": 48.599, + "mrr_at_5": 50.404, + "ndcg_at_1": 38.958, + "ndcg_at_10": 39.367999999999995, + "ndcg_at_100": 46.521, + "ndcg_at_1000": 49.086999999999996, + "ndcg_at_3": 33.442, + "ndcg_at_5": 35.515, + "precision_at_1": 38.958, + "precision_at_10": 12.110999999999999, + "precision_at_100": 1.982, + "precision_at_1000": 0.247, + "precision_at_3": 25.102999999999998, + "precision_at_5": 18.971, + "recall_at_1": 17.061, + "recall_at_10": 45.198, + "recall_at_100": 69.18900000000001, + "recall_at_1000": 83.38499999999999, + "recall_at_3": 30.241, + "recall_at_5": 36.851, + "main_score": 39.367999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/DBPedia.json b/results/Snowflake__snowflake-arctic-embed-m/external/DBPedia.json new file mode 100644 index 000000000..6f06b13cc --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.398, + "map_at_10": 21.421, + "map_at_100": 31.649, + "map_at_1000": 33.469, + "map_at_3": 15.310000000000002, + "map_at_5": 17.946, + "mrr_at_1": 71, + "mrr_at_10": 78.92099999999999, + "mrr_at_100": 79.225, + "mrr_at_1000": 79.23, + "mrr_at_3": 77.792, + "mrr_at_5": 78.467, + "ndcg_at_1": 57.99999999999999, + "ndcg_at_10": 44.733000000000004, + "ndcg_at_100": 50.646, + "ndcg_at_1000": 57.903999999999996, + "ndcg_at_3": 49.175999999999995, + "ndcg_at_5": 46.800999999999995, + "precision_at_1": 71, + "precision_at_10": 36.25, + "precision_at_100": 12.135, + "precision_at_1000": 2.26, + "precision_at_3": 52.75, + "precision_at_5": 45.65, + "recall_at_1": 9.398, + "recall_at_10": 26.596999999999998, + "recall_at_100": 57.943, + "recall_at_1000": 81.147, + "recall_at_3": 16.634, + "recall_at_5": 20.7, + "main_score": 44.733000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/EmotionClassification.json b/results/Snowflake__snowflake-arctic-embed-m/external/EmotionClassification.json new file mode 100644 index 000000000..a385d9c59 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 46.535000000000004, + "f1": 42.53702746452163, + "main_score": 46.535000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/FEVER.json b/results/Snowflake__snowflake-arctic-embed-m/external/FEVER.json new file mode 100644 index 000000000..476e3d4b8 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 77.235, + "map_at_10": 85.504, + "map_at_100": 85.707, + "map_at_1000": 85.718, + "map_at_3": 84.425, + "map_at_5": 85.13, + "mrr_at_1": 83.363, + "mrr_at_10": 89.916, + "mrr_at_100": 89.955, + "mrr_at_1000": 89.956, + "mrr_at_3": 89.32600000000001, + "mrr_at_5": 89.79, + "ndcg_at_1": 83.363, + "ndcg_at_10": 89.015, + "ndcg_at_100": 89.649, + "ndcg_at_1000": 89.825, + "ndcg_at_3": 87.45100000000001, + "ndcg_at_5": 88.39399999999999, + "precision_at_1": 83.363, + "precision_at_10": 10.659, + "precision_at_100": 1.122, + "precision_at_1000": 0.11499999999999999, + "precision_at_3": 33.338, + "precision_at_5": 20.671999999999997, + "recall_at_1": 77.235, + "recall_at_10": 95.389, + "recall_at_100": 97.722, + "recall_at_1000": 98.744, + "recall_at_3": 91.19800000000001, + "recall_at_5": 93.635, + "main_score": 89.015 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/FiQA2018.json b/results/Snowflake__snowflake-arctic-embed-m/external/FiQA2018.json new file mode 100644 index 000000000..c819d3b76 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.835, + "map_at_10": 34.459, + "map_at_100": 36.335, + "map_at_1000": 36.518, + "map_at_3": 30.581000000000003, + "map_at_5": 32.859, + "mrr_at_1": 40.894999999999996, + "mrr_at_10": 50.491, + "mrr_at_100": 51.243, + "mrr_at_1000": 51.286, + "mrr_at_3": 47.994, + "mrr_at_5": 49.429, + "ndcg_at_1": 40.894999999999996, + "ndcg_at_10": 42.403, + "ndcg_at_100": 48.954, + "ndcg_at_1000": 51.961, + "ndcg_at_3": 39.11, + "ndcg_at_5": 40.152, + "precision_at_1": 40.894999999999996, + "precision_at_10": 11.466, + "precision_at_100": 1.833, + "precision_at_1000": 0.23700000000000002, + "precision_at_3": 25.874000000000002, + "precision_at_5": 19.012, + "recall_at_1": 20.835, + "recall_at_10": 49.535000000000004, + "recall_at_100": 73.39099999999999, + "recall_at_1000": 91.01599999999999, + "recall_at_3": 36.379, + "recall_at_5": 42.059999999999995, + "main_score": 42.403 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/HotpotQA.json b/results/Snowflake__snowflake-arctic-embed-m/external/HotpotQA.json new file mode 100644 index 000000000..7553ee91c --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.945, + "map_at_10": 65.376, + "map_at_100": 66.278, + "map_at_1000": 66.33, + "map_at_3": 61.753, + "map_at_5": 64.077, + "mrr_at_1": 81.891, + "mrr_at_10": 87.256, + "mrr_at_100": 87.392, + "mrr_at_1000": 87.395, + "mrr_at_3": 86.442, + "mrr_at_5": 86.991, + "ndcg_at_1": 81.891, + "ndcg_at_10": 73.654, + "ndcg_at_100": 76.62299999999999, + "ndcg_at_1000": 77.60000000000001, + "ndcg_at_3": 68.71199999999999, + "ndcg_at_5": 71.563, + "precision_at_1": 81.891, + "precision_at_10": 15.409, + "precision_at_100": 1.77, + "precision_at_1000": 0.19, + "precision_at_3": 44.15, + "precision_at_5": 28.732000000000003, + "recall_at_1": 40.945, + "recall_at_10": 77.04299999999999, + "recall_at_100": 88.508, + "recall_at_1000": 94.943, + "recall_at_3": 66.226, + "recall_at_5": 71.83, + "main_score": 73.654 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/ImdbClassification.json b/results/Snowflake__snowflake-arctic-embed-m/external/ImdbClassification.json new file mode 100644 index 000000000..6f9b95822 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.08200000000001, + "ap": 68.10929101713998, + "f1": 73.98447117652009, + "main_score": 74.08200000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/MSMARCO.json b/results/Snowflake__snowflake-arctic-embed-m/external/MSMARCO.json new file mode 100644 index 000000000..43721c70a --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.729000000000003, + "map_at_10": 34.602, + "map_at_100": 35.756, + "map_at_1000": 35.803000000000004, + "map_at_3": 30.619000000000003, + "map_at_5": 32.914, + "mrr_at_1": 22.364, + "mrr_at_10": 35.183, + "mrr_at_100": 36.287000000000006, + "mrr_at_1000": 36.327999999999996, + "mrr_at_3": 31.258000000000003, + "mrr_at_5": 33.542, + "ndcg_at_1": 22.364, + "ndcg_at_10": 41.765, + "ndcg_at_100": 47.293, + "ndcg_at_1000": 48.457, + "ndcg_at_3": 33.676, + "ndcg_at_5": 37.783, + "precision_at_1": 22.364, + "precision_at_10": 6.662, + "precision_at_100": 0.943, + "precision_at_1000": 0.104, + "precision_at_3": 14.435999999999998, + "precision_at_5": 10.764999999999999, + "recall_at_1": 21.729000000000003, + "recall_at_10": 63.815999999999995, + "recall_at_100": 89.265, + "recall_at_1000": 98.149, + "recall_at_3": 41.898, + "recall_at_5": 51.76500000000001, + "main_score": 41.765 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/MTOPDomainClassification.json b/results/Snowflake__snowflake-arctic-embed-m/external/MTOPDomainClassification.json new file mode 100644 index 000000000..9f80e03cd --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.73141814865483, + "f1": 92.17518476408004, + "main_score": 92.73141814865483 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/MTOPIntentClassification.json b/results/Snowflake__snowflake-arctic-embed-m/external/MTOPIntentClassification.json new file mode 100644 index 000000000..4c3a724f8 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 65.18011855905152, + "f1": 46.70999638311856, + "main_score": 65.18011855905152 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/MasakhaNEWSClassification.json b/results/Snowflake__snowflake-arctic-embed-m/external/MasakhaNEWSClassification.json new file mode 100644 index 000000000..50529a47c --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/MasakhaNEWSClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "8ccc72e69e65f40c70e117d8b3c08306bb788b60", + "task_name": "MasakhaNEWSClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "eng", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.24261603375525, + "f1": 74.07895183913367, + "main_score": 75.24261603375525 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/MassiveIntentClassification.json b/results/Snowflake__snowflake-arctic-embed-m/external/MassiveIntentClassification.json new file mode 100644 index 000000000..d64c7f084 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 66.92333557498318, + "f1": 64.29789389602692, + "main_score": 66.92333557498318 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/MassiveScenarioClassification.json b/results/Snowflake__snowflake-arctic-embed-m/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..717964ee0 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.74714189643578, + "f1": 71.672585608315, + "main_score": 72.74714189643578 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/MedrxivClusteringP2P.json b/results/Snowflake__snowflake-arctic-embed-m/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..745cd4442 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.503564225501613, + "main_score": 31.503564225501613 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/MedrxivClusteringS2S.json b/results/Snowflake__snowflake-arctic-embed-m/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..10b2965dd --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 28.410225127136457, + "main_score": 28.410225127136457 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/MindSmallReranking.json b/results/Snowflake__snowflake-arctic-embed-m/external/MindSmallReranking.json new file mode 100644 index 000000000..01c7e3047 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 29.170019896091908, + "mrr": 29.881276831500976, + "main_score": 29.170019896091908 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/NFCorpus.json b/results/Snowflake__snowflake-arctic-embed-m/external/NFCorpus.json new file mode 100644 index 000000000..1e55e725f --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.544, + "map_at_10": 14.116999999999999, + "map_at_100": 17.522, + "map_at_1000": 19, + "map_at_3": 10.369, + "map_at_5": 12.189, + "mrr_at_1": 47.988, + "mrr_at_10": 56.84, + "mrr_at_100": 57.367000000000004, + "mrr_at_1000": 57.403000000000006, + "mrr_at_3": 54.592, + "mrr_at_5": 56.233, + "ndcg_at_1": 45.82, + "ndcg_at_10": 36.767, + "ndcg_at_100": 33.356, + "ndcg_at_1000": 42.062, + "ndcg_at_3": 42.15, + "ndcg_at_5": 40.355000000000004, + "precision_at_1": 47.988, + "precision_at_10": 27.121000000000002, + "precision_at_100": 8.455, + "precision_at_1000": 2.103, + "precision_at_3": 39.628, + "precision_at_5": 35.356, + "recall_at_1": 6.544, + "recall_at_10": 17.928, + "recall_at_100": 32.843, + "recall_at_1000": 65.752, + "recall_at_3": 11.297, + "recall_at_5": 14.357000000000001, + "main_score": 36.767 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/NQ.json b/results/Snowflake__snowflake-arctic-embed-m/external/NQ.json new file mode 100644 index 000000000..ead2354e8 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 39.262, + "map_at_10": 55.095000000000006, + "map_at_100": 55.93900000000001, + "map_at_1000": 55.955999999999996, + "map_at_3": 50.93, + "map_at_5": 53.491, + "mrr_at_1": 43.598, + "mrr_at_10": 57.379999999999995, + "mrr_at_100": 57.940999999999995, + "mrr_at_1000": 57.952000000000005, + "mrr_at_3": 53.998000000000005, + "mrr_at_5": 56.128, + "ndcg_at_1": 43.598, + "ndcg_at_10": 62.427, + "ndcg_at_100": 65.759, + "ndcg_at_1000": 66.133, + "ndcg_at_3": 54.745999999999995, + "ndcg_at_5": 58.975, + "precision_at_1": 43.598, + "precision_at_10": 9.789, + "precision_at_100": 1.171, + "precision_at_1000": 0.121, + "precision_at_3": 24.295, + "precision_at_5": 17.028, + "recall_at_1": 39.262, + "recall_at_10": 82.317, + "recall_at_100": 96.391, + "recall_at_1000": 99.116, + "recall_at_3": 62.621, + "recall_at_5": 72.357, + "main_score": 62.427 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/NewsClassification.json b/results/Snowflake__snowflake-arctic-embed-m/external/NewsClassification.json new file mode 100644 index 000000000..902bf5301 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/NewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "eb185aade064a813bc0b7f42de02595523103ca4", + "task_name": "NewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.17500000000001, + "f1": 78.01940892857273, + "main_score": 78.17500000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/OpusparcusPC.json b/results/Snowflake__snowflake-arctic-embed-m/external/OpusparcusPC.json new file mode 100644 index 000000000..8353fb28c --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/OpusparcusPC.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "9e9b1f8ef51616073f47f306f7f47dd91663f86a", + "task_name": "OpusparcusPC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.89816700610999, + "cos_sim_ap": 100, + "cos_sim_f1": 99.9490575649516, + "cos_sim_precision": 100, + "cos_sim_recall": 99.89816700610999, + "dot_accuracy": 99.89816700610999, + "dot_ap": 100, + "dot_f1": 99.9490575649516, + "dot_precision": 100, + "dot_recall": 99.89816700610999, + "euclidean_accuracy": 99.89816700610999, + "euclidean_ap": 100, + "euclidean_f1": 99.9490575649516, + "euclidean_precision": 100, + "euclidean_recall": 99.89816700610999, + "manhattan_accuracy": 99.89816700610999, + "manhattan_ap": 100, + "manhattan_f1": 99.9490575649516, + "manhattan_precision": 100, + "manhattan_recall": 99.89816700610999, + "max_accuracy": 99.89816700610999, + "max_ap": 100, + "max_f1": 99.9490575649516, + "main_score": 100 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/QuoraRetrieval.json b/results/Snowflake__snowflake-arctic-embed-m/external/QuoraRetrieval.json new file mode 100644 index 000000000..f7596be45 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "e4e08e0b7dbe3c8700f0daef558ff32256715259", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 69.963, + "map_at_10": 83.59400000000001, + "map_at_100": 84.236, + "map_at_1000": 84.255, + "map_at_3": 80.69800000000001, + "map_at_5": 82.568, + "mrr_at_1": 80.58999999999999, + "mrr_at_10": 86.78200000000001, + "mrr_at_100": 86.89099999999999, + "mrr_at_1000": 86.893, + "mrr_at_3": 85.757, + "mrr_at_5": 86.507, + "ndcg_at_1": 80.60000000000001, + "ndcg_at_10": 87.41799999999999, + "ndcg_at_100": 88.723, + "ndcg_at_1000": 88.875, + "ndcg_at_3": 84.565, + "ndcg_at_5": 86.236, + "precision_at_1": 80.60000000000001, + "precision_at_10": 13.239, + "precision_at_100": 1.5150000000000001, + "precision_at_1000": 0.156, + "precision_at_3": 36.947, + "precision_at_5": 24.354, + "recall_at_1": 69.963, + "recall_at_10": 94.553, + "recall_at_100": 99.104, + "recall_at_1000": 99.872, + "recall_at_3": 86.317, + "recall_at_5": 91.023, + "main_score": 87.41799999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/RedditClustering.json b/results/Snowflake__snowflake-arctic-embed-m/external/RedditClustering.json new file mode 100644 index 000000000..b8ff6dffd --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 47.52890410998761, + "main_score": 47.52890410998761 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/RedditClusteringP2P.json b/results/Snowflake__snowflake-arctic-embed-m/external/RedditClusteringP2P.json new file mode 100644 index 000000000..df6b7069f --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 62.760692287940486, + "main_score": 62.760692287940486 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/SCIDOCS.json b/results/Snowflake__snowflake-arctic-embed-m/external/SCIDOCS.json new file mode 100644 index 000000000..f473b00a7 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "f8c2fcf00f625baaa80f62ec5bd9e1fff3b8ae88", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.093, + "map_at_10": 12.695, + "map_at_100": 14.824000000000002, + "map_at_1000": 15.123000000000001, + "map_at_3": 8.968, + "map_at_5": 10.828, + "mrr_at_1": 25.1, + "mrr_at_10": 35.894999999999996, + "mrr_at_100": 36.966, + "mrr_at_1000": 37.019999999999996, + "mrr_at_3": 32.467, + "mrr_at_5": 34.416999999999994, + "ndcg_at_1": 25.1, + "ndcg_at_10": 21.096999999999998, + "ndcg_at_100": 29.202, + "ndcg_at_1000": 34.541, + "ndcg_at_3": 19.875, + "ndcg_at_5": 17.497, + "precision_at_1": 25.1, + "precision_at_10": 10.9, + "precision_at_100": 2.255, + "precision_at_1000": 0.35400000000000004, + "precision_at_3": 18.367, + "precision_at_5": 15.299999999999999, + "recall_at_1": 5.093, + "recall_at_10": 22.092, + "recall_at_100": 45.778, + "recall_at_1000": 71.985, + "recall_at_3": 11.167, + "recall_at_5": 15.501999999999999, + "main_score": 21.096999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/SICK-R.json b/results/Snowflake__snowflake-arctic-embed-m/external/SICK-R.json new file mode 100644 index 000000000..61ee3f048 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 74.04386981759481, + "cos_sim_spearman": 69.12484963763646, + "euclidean_pearson": 71.49384353291062, + "euclidean_spearman": 69.12484548317074, + "manhattan_pearson": 71.49828173987272, + "manhattan_spearman": 69.08350274367014, + "cosine_pearson": 74.04386981759481, + "cosine_spearman": 69.12484963763646, + "main_score": 69.12484963763646 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/STS12.json b/results/Snowflake__snowflake-arctic-embed-m/external/STS12.json new file mode 100644 index 000000000..82b605c9d --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 66.95372527615659, + "cos_sim_spearman": 66.96821894433991, + "euclidean_pearson": 64.675348002074, + "euclidean_spearman": 66.96821894433991, + "manhattan_pearson": 64.5965887073831, + "manhattan_spearman": 66.88569076794741, + "cosine_pearson": 66.95372527615659, + "cosine_spearman": 66.96821894433991, + "main_score": 66.96821894433991 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/STS13.json b/results/Snowflake__snowflake-arctic-embed-m/external/STS13.json new file mode 100644 index 000000000..f46e7294a --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 77.34698437961983, + "cos_sim_spearman": 79.1153001117325, + "euclidean_pearson": 78.53562874696966, + "euclidean_spearman": 79.11530018205724, + "manhattan_pearson": 78.46484988944093, + "manhattan_spearman": 79.01416027493104, + "cosine_pearson": 77.34698437961983, + "cosine_spearman": 79.1153001117325, + "main_score": 79.1153001117325 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/STS14.json b/results/Snowflake__snowflake-arctic-embed-m/external/STS14.json new file mode 100644 index 000000000..d453d874d --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 68.81220371935373, + "cos_sim_spearman": 68.50538405089604, + "euclidean_pearson": 68.69204272683749, + "euclidean_spearman": 68.50534223912419, + "manhattan_pearson": 68.67300120149523, + "manhattan_spearman": 68.45404301623115, + "cosine_pearson": 68.81220371935373, + "cosine_spearman": 68.50538405089604, + "main_score": 68.50538405089604 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/STS15.json b/results/Snowflake__snowflake-arctic-embed-m/external/STS15.json new file mode 100644 index 000000000..f98ba105d --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 78.2464678879813, + "cos_sim_spearman": 79.92003940566667, + "euclidean_pearson": 79.8080778793964, + "euclidean_spearman": 79.92003940566667, + "manhattan_pearson": 79.80153621444681, + "manhattan_spearman": 79.91293261418134, + "cosine_pearson": 78.2464678879813, + "cosine_spearman": 79.92003940566667, + "main_score": 79.92003940566667 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/STS16.json b/results/Snowflake__snowflake-arctic-embed-m/external/STS16.json new file mode 100644 index 000000000..73f8b740d --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 76.31179207708662, + "cos_sim_spearman": 78.65597349856115, + "euclidean_pearson": 78.76937027472678, + "euclidean_spearman": 78.65597349856115, + "manhattan_pearson": 78.77129513300605, + "manhattan_spearman": 78.62640467680775, + "cosine_pearson": 76.31179207708662, + "cosine_spearman": 78.65597349856115, + "main_score": 78.65597349856115 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/STS17.json b/results/Snowflake__snowflake-arctic-embed-m/external/STS17.json new file mode 100644 index 000000000..b186557ed --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 79.43158429552561, + "cos_sim_spearman": 81.46108646565362, + "euclidean_pearson": 81.47071791452292, + "euclidean_spearman": 81.46108646565362, + "manhattan_pearson": 81.56920643846031, + "manhattan_spearman": 81.42226241399516, + "cosine_pearson": 79.43158429552561, + "cosine_spearman": 81.46108646565362, + "main_score": 81.46108646565362 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/STS22.json b/results/Snowflake__snowflake-arctic-embed-m/external/STS22.json new file mode 100644 index 000000000..32b4da0af --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "eea2b4fe26a775864c896887d910b76a8098ad3f", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 66.89546474141514, + "cos_sim_spearman": 65.8393752170531, + "euclidean_pearson": 67.2580522762307, + "euclidean_spearman": 65.8393752170531, + "manhattan_pearson": 67.45157729300522, + "manhattan_spearman": 66.19470854403802, + "cosine_pearson": 66.89546474141514, + "cosine_spearman": 65.8393752170531, + "main_score": 65.8393752170531 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/STSBenchmark.json b/results/Snowflake__snowflake-arctic-embed-m/external/STSBenchmark.json new file mode 100644 index 000000000..a8b3ea00f --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 71.39566306334434, + "cos_sim_spearman": 74.0981396086974, + "euclidean_pearson": 73.7834496259745, + "euclidean_spearman": 74.09803741302046, + "manhattan_pearson": 73.79958138780945, + "manhattan_spearman": 74.09894837555905, + "cosine_pearson": 71.39566306334434, + "cosine_spearman": 74.0981396086974, + "main_score": 74.0981396086974 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/STSBenchmarkMultilingualSTS.json b/results/Snowflake__snowflake-arctic-embed-m/external/STSBenchmarkMultilingualSTS.json new file mode 100644 index 000000000..ce5656f35 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/STSBenchmarkMultilingualSTS.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "93d57ef91790589e3ce9c365164337a8a78b7632", + "task_name": "STSBenchmarkMultilingualSTS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 71.39566311006806, + "cos_sim_spearman": 74.0981396086974, + "euclidean_pearson": 73.78344970897099, + "euclidean_spearman": 74.09803741302046, + "manhattan_pearson": 73.79958147136705, + "manhattan_spearman": 74.09894837555905, + "cosine_pearson": 71.39566311006806, + "cosine_spearman": 74.0981396086974, + "main_score": 74.0981396086974 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/SciDocsRR.json b/results/Snowflake__snowflake-arctic-embed-m/external/SciDocsRR.json new file mode 100644 index 000000000..03e1f39c3 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 80.81059564334683, + "mrr": 94.62696617108381, + "main_score": 80.81059564334683 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/SciFact.json b/results/Snowflake__snowflake-arctic-embed-m/external/SciFact.json new file mode 100644 index 000000000..38dc847ca --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 57.760999999999996, + "map_at_10": 68.614, + "map_at_100": 69.109, + "map_at_1000": 69.134, + "map_at_3": 65.735, + "map_at_5": 67.42099999999999, + "mrr_at_1": 60.667, + "mrr_at_10": 69.94200000000001, + "mrr_at_100": 70.254, + "mrr_at_1000": 70.28, + "mrr_at_3": 67.72200000000001, + "mrr_at_5": 69.18900000000001, + "ndcg_at_1": 60.667, + "ndcg_at_10": 73.548, + "ndcg_at_100": 75.381, + "ndcg_at_1000": 75.991, + "ndcg_at_3": 68.685, + "ndcg_at_5": 71.26, + "precision_at_1": 60.667, + "precision_at_10": 9.833, + "precision_at_100": 1.08, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 26.889000000000003, + "precision_at_5": 17.8, + "recall_at_1": 57.760999999999996, + "recall_at_10": 87.13300000000001, + "recall_at_100": 95, + "recall_at_1000": 99.667, + "recall_at_3": 74.211, + "recall_at_5": 80.63900000000001, + "main_score": 73.548 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/SprintDuplicateQuestions.json b/results/Snowflake__snowflake-arctic-embed-m/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..1a66a3318 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.81881188118813, + "cos_sim_ap": 95.21196473745837, + "cos_sim_f1": 90.69767441860465, + "cos_sim_precision": 91.71779141104295, + "cos_sim_recall": 89.7, + "dot_accuracy": 99.81881188118813, + "dot_ap": 95.21196473745837, + "dot_f1": 90.69767441860465, + "dot_precision": 91.71779141104295, + "dot_recall": 89.7, + "euclidean_accuracy": 99.81881188118813, + "euclidean_ap": 95.21196473745839, + "euclidean_f1": 90.69767441860465, + "euclidean_precision": 91.71779141104295, + "euclidean_recall": 89.7, + "manhattan_accuracy": 99.81287128712871, + "manhattan_ap": 95.16667174835017, + "manhattan_f1": 90.41095890410959, + "manhattan_precision": 91.7610710607621, + "manhattan_recall": 89.1, + "max_accuracy": 99.81881188118813, + "max_ap": 95.21196473745839, + "max_f1": 90.69767441860465, + "main_score": 95.21196473745839 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/StackExchangeClustering.json b/results/Snowflake__snowflake-arctic-embed-m/external/StackExchangeClustering.json new file mode 100644 index 000000000..33ee68334 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 59.54942204515638, + "main_score": 59.54942204515638 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/StackExchangeClusteringP2P.json b/results/Snowflake__snowflake-arctic-embed-m/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..bd3575c32 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.42892282672948, + "main_score": 39.42892282672948 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/StackOverflowDupQuestions.json b/results/Snowflake__snowflake-arctic-embed-m/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..558dc6a1d --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 51.189033075914324, + "mrr": 51.97014790764791, + "main_score": 51.189033075914324 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/SummEval.json b/results/Snowflake__snowflake-arctic-embed-m/external/SummEval.json new file mode 100644 index 000000000..5f1c9a61f --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.09466569775977, + "cos_sim_spearman": 30.31058660775912, + "dot_pearson": 30.09466438861689, + "dot_spearman": 30.31058660775912, + "cosine_pearson": 30.09466569775977, + "cosine_spearman": 30.31058660775912, + "main_score": 30.31058660775912 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/TRECCOVID.json b/results/Snowflake__snowflake-arctic-embed-m/external/TRECCOVID.json new file mode 100644 index 000000000..403f88e49 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "bb9466bac8153a0349341eb1b22e06409e78ef4e", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.253, + "map_at_10": 2.07, + "map_at_100": 12.679000000000002, + "map_at_1000": 30.412, + "map_at_3": 0.688, + "map_at_5": 1.079, + "mrr_at_1": 96, + "mrr_at_10": 98, + "mrr_at_100": 98, + "mrr_at_1000": 98, + "mrr_at_3": 98, + "mrr_at_5": 98, + "ndcg_at_1": 89, + "ndcg_at_10": 79.646, + "ndcg_at_100": 62.217999999999996, + "ndcg_at_1000": 55.13400000000001, + "ndcg_at_3": 83.458, + "ndcg_at_5": 80.982, + "precision_at_1": 96, + "precision_at_10": 84.6, + "precision_at_100": 64.34, + "precision_at_1000": 24.534, + "precision_at_3": 88.667, + "precision_at_5": 85.6, + "recall_at_1": 0.253, + "recall_at_10": 2.253, + "recall_at_100": 15.606, + "recall_at_1000": 51.595, + "recall_at_3": 0.7100000000000001, + "recall_at_5": 1.139, + "main_score": 79.646 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/Touche2020.json b/results/Snowflake__snowflake-arctic-embed-m/external/Touche2020.json new file mode 100644 index 000000000..118edbe5c --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.0540000000000003, + "map_at_10": 13.078999999999999, + "map_at_100": 19.468, + "map_at_1000": 21.006, + "map_at_3": 6.8629999999999995, + "map_at_5": 9.187, + "mrr_at_1": 42.857, + "mrr_at_10": 56.735, + "mrr_at_100": 57.352000000000004, + "mrr_at_1000": 57.352000000000004, + "mrr_at_3": 52.721, + "mrr_at_5": 54.66, + "ndcg_at_1": 38.775999999999996, + "ndcg_at_10": 31.469, + "ndcg_at_100": 42.016999999999996, + "ndcg_at_1000": 52.60399999999999, + "ndcg_at_3": 35.894, + "ndcg_at_5": 33.873, + "precision_at_1": 42.857, + "precision_at_10": 27.346999999999998, + "precision_at_100": 8.327, + "precision_at_1000": 1.551, + "precision_at_3": 36.735, + "precision_at_5": 33.469, + "recall_at_1": 3.0540000000000003, + "recall_at_10": 19.185, + "recall_at_100": 51.056000000000004, + "recall_at_1000": 82.814, + "recall_at_3": 7.961, + "recall_at_5": 11.829, + "main_score": 31.469 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/ToxicConversationsClassification.json b/results/Snowflake__snowflake-arctic-embed-m/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..a2348808f --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 64.9346, + "ap": 12.121605736777527, + "f1": 50.169902005887955, + "main_score": 64.9346 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/TweetSentimentExtractionClassification.json b/results/Snowflake__snowflake-arctic-embed-m/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..09801d533 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 56.72608941709111, + "f1": 57.0702928875253, + "main_score": 56.72608941709111 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/TwentyNewsgroupsClustering.json b/results/Snowflake__snowflake-arctic-embed-m/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..26a481699 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.72671554400943, + "main_score": 37.72671554400943 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/TwitterSemEval2015.json b/results/Snowflake__snowflake-arctic-embed-m/external/TwitterSemEval2015.json new file mode 100644 index 000000000..b0342f303 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 82.84556237706384, + "cos_sim_ap": 63.28364215788651, + "cos_sim_f1": 60.00000000000001, + "cos_sim_precision": 54.45161290322581, + "cos_sim_recall": 66.80738786279683, + "dot_accuracy": 82.84556237706384, + "dot_ap": 63.28364302860433, + "dot_f1": 60.00000000000001, + "dot_precision": 54.45161290322581, + "dot_recall": 66.80738786279683, + "euclidean_accuracy": 82.84556237706384, + "euclidean_ap": 63.28363625097978, + "euclidean_f1": 60.00000000000001, + "euclidean_precision": 54.45161290322581, + "euclidean_recall": 66.80738786279683, + "manhattan_accuracy": 82.86940454193241, + "manhattan_ap": 63.244773709836764, + "manhattan_f1": 60.12680942696495, + "manhattan_precision": 55.00109433136353, + "manhattan_recall": 66.3060686015831, + "max_accuracy": 82.86940454193241, + "max_ap": 63.28364302860433, + "max_f1": 60.12680942696495, + "main_score": 63.28364302860433 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/TwitterURLCorpus.json b/results/Snowflake__snowflake-arctic-embed-m/external/TwitterURLCorpus.json new file mode 100644 index 000000000..58577da19 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.32033220786278, + "cos_sim_ap": 84.71928176006863, + "cos_sim_f1": 76.51483333969684, + "cos_sim_precision": 75.89184276300841, + "cos_sim_recall": 77.14813674160764, + "dot_accuracy": 88.32033220786278, + "dot_ap": 84.71928330149228, + "dot_f1": 76.51483333969684, + "dot_precision": 75.89184276300841, + "dot_recall": 77.14813674160764, + "euclidean_accuracy": 88.32033220786278, + "euclidean_ap": 84.71928045384345, + "euclidean_f1": 76.51483333969684, + "euclidean_precision": 75.89184276300841, + "euclidean_recall": 77.14813674160764, + "manhattan_accuracy": 88.27570147863545, + "manhattan_ap": 84.68523541579755, + "manhattan_f1": 76.51512269355146, + "manhattan_precision": 75.62608107091825, + "manhattan_recall": 77.42531567600862, + "max_accuracy": 88.32033220786278, + "max_ap": 84.71928330149228, + "max_f1": 76.51512269355146, + "main_score": 84.71928330149228 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/WikiCitiesClustering.json b/results/Snowflake__snowflake-arctic-embed-m/external/WikiCitiesClustering.json new file mode 100644 index 000000000..b7464c7ba --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/WikiCitiesClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "ddc9ee9242fa65332597f70e967ecc38b9d734fa", + "task_name": "WikiCitiesClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 85.30624598674467, + "main_score": 85.30624598674467 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-m/external/model_meta.json b/results/Snowflake__snowflake-arctic-embed-m/external/model_meta.json new file mode 100644 index 000000000..7bda0ed54 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-m/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "Snowflake/snowflake-arctic-embed-m", + "revision": "e2b128b9fa60c82b4585512b33e1544224ffff42", + "release_date": "2024-04-11", + "languages": [], + "loader": null, + "n_parameters": 108891648, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 768, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/AmazonCounterfactualClassification.json b/results/Snowflake__snowflake-arctic-embed-s/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..b514dc819 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.17910447761193, + "ap": 33.15833652904991, + "f1": 64.86214791591543, + "main_score": 71.17910447761193 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/AmazonPolarityClassification.json b/results/Snowflake__snowflake-arctic-embed-s/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..81986f4b4 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.750325, + "ap": 72.83242788470943, + "f1": 78.63968044029453, + "main_score": 78.750325 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/AmazonReviewsClassification.json b/results/Snowflake__snowflake-arctic-embed-s/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..2c2fa05f2 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 38.264, + "f1": 37.140269688532825, + "main_score": 38.264 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/ArguAna.json b/results/Snowflake__snowflake-arctic-embed-s/external/ArguAna.json new file mode 100644 index 000000000..5f23cd9bb --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.646, + "map_at_10": 48.372, + "map_at_100": 49.207, + "map_at_1000": 49.214, + "map_at_3": 43.611, + "map_at_5": 46.601, + "mrr_at_1": 33.144, + "mrr_at_10": 48.557, + "mrr_at_100": 49.385, + "mrr_at_1000": 49.392, + "mrr_at_3": 43.777, + "mrr_at_5": 46.792, + "ndcg_at_1": 32.646, + "ndcg_at_10": 56.874, + "ndcg_at_100": 60.307, + "ndcg_at_1000": 60.465999999999994, + "ndcg_at_3": 47.339999999999996, + "ndcg_at_5": 52.685, + "precision_at_1": 32.646, + "precision_at_10": 8.378, + "precision_at_100": 0.984, + "precision_at_1000": 0.1, + "precision_at_3": 19.393, + "precision_at_5": 14.210999999999999, + "recall_at_1": 32.646, + "recall_at_10": 83.784, + "recall_at_100": 98.43499999999999, + "recall_at_1000": 99.644, + "recall_at_3": 58.179, + "recall_at_5": 71.053, + "main_score": 56.874 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/ArxivClusteringP2P.json b/results/Snowflake__snowflake-arctic-embed-s/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..505972fb2 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 44.94353025039141, + "main_score": 44.94353025039141 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/ArxivClusteringS2S.json b/results/Snowflake__snowflake-arctic-embed-s/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..2069e95ec --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.870836103029156, + "main_score": 35.870836103029156 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/AskUbuntuDupQuestions.json b/results/Snowflake__snowflake-arctic-embed-s/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..f96eff4d9 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 61.149290266979236, + "mrr": 73.8448093919008, + "main_score": 61.149290266979236 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/BIOSSES.json b/results/Snowflake__snowflake-arctic-embed-s/external/BIOSSES.json new file mode 100644 index 000000000..17f3d8c4b --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.055571064151, + "cos_sim_spearman": 86.2652186235749, + "euclidean_pearson": 85.82039272282503, + "euclidean_spearman": 86.2652186235749, + "manhattan_pearson": 85.95825392094812, + "manhattan_spearman": 86.6742640885316, + "cosine_pearson": 87.055571064151, + "cosine_spearman": 86.2652186235749, + "main_score": 86.2652186235749 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/Banking77Classification.json b/results/Snowflake__snowflake-arctic-embed-s/external/Banking77Classification.json new file mode 100644 index 000000000..454f05861 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.11688311688312, + "f1": 78.28328901613885, + "main_score": 79.11688311688312 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/BigPatentClustering.json b/results/Snowflake__snowflake-arctic-embed-s/external/BigPatentClustering.json new file mode 100644 index 000000000..b4605f740 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/BigPatentClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "62d5330920bca426ce9d3c76ea914f15fc83e891", + "task_name": "BigPatentClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 19.147523589859325, + "main_score": 19.147523589859325 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/BiorxivClusteringP2P.json b/results/Snowflake__snowflake-arctic-embed-s/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..efcf2a9cd --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.68369864124274, + "main_score": 35.68369864124274 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/BiorxivClusteringS2S.json b/results/Snowflake__snowflake-arctic-embed-s/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..4dfa399c7 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.474958792950872, + "main_score": 30.474958792950872 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/CQADupstackAndroidRetrieval.json b/results/Snowflake__snowflake-arctic-embed-s/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..4a87e047f --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "f46a197baaae43b4f621051089b82a364682dfeb", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 33.183, + "map_at_10": 43.989, + "map_at_100": 45.389, + "map_at_1000": 45.517, + "map_at_3": 40.275, + "map_at_5": 42.306, + "mrr_at_1": 40.486, + "mrr_at_10": 49.62, + "mrr_at_100": 50.351, + "mrr_at_1000": 50.393, + "mrr_at_3": 46.805, + "mrr_at_5": 48.429, + "ndcg_at_1": 40.486, + "ndcg_at_10": 50.249, + "ndcg_at_100": 55.206, + "ndcg_at_1000": 57.145, + "ndcg_at_3": 44.852, + "ndcg_at_5": 47.355000000000004, + "precision_at_1": 40.486, + "precision_at_10": 9.571, + "precision_at_100": 1.4949999999999999, + "precision_at_1000": 0.196, + "precision_at_3": 21.173000000000002, + "precision_at_5": 15.622, + "recall_at_1": 33.183, + "recall_at_10": 62.134, + "recall_at_100": 82.73, + "recall_at_1000": 94.93599999999999, + "recall_at_3": 46.497, + "recall_at_5": 53.199, + "main_score": 50.249 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/CQADupstackEnglishRetrieval.json b/results/Snowflake__snowflake-arctic-embed-s/external/CQADupstackEnglishRetrieval.json new file mode 100644 index 000000000..843266558 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/CQADupstackEnglishRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "ad9991cb51e31e31e430383c75ffb2885547b5f0", + "task_name": "CQADupstackEnglishRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.862, + "map_at_10": 42.439, + "map_at_100": 43.736999999999995, + "map_at_1000": 43.864, + "map_at_3": 39.67, + "map_at_5": 41.202, + "mrr_at_1": 40.892, + "mrr_at_10": 48.61, + "mrr_at_100": 49.29, + "mrr_at_1000": 49.332, + "mrr_at_3": 46.688, + "mrr_at_5": 47.803000000000004, + "ndcg_at_1": 40.892, + "ndcg_at_10": 47.797, + "ndcg_at_100": 52.17699999999999, + "ndcg_at_1000": 54.127, + "ndcg_at_3": 44.189, + "ndcg_at_5": 45.821, + "precision_at_1": 40.892, + "precision_at_10": 8.841000000000001, + "precision_at_100": 1.419, + "precision_at_1000": 0.188, + "precision_at_3": 21.104, + "precision_at_5": 14.777000000000001, + "recall_at_1": 32.862, + "recall_at_10": 56.352999999999994, + "recall_at_100": 74.795, + "recall_at_1000": 86.957, + "recall_at_3": 45.269999999999996, + "recall_at_5": 50.053000000000004, + "main_score": 47.797 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/CQADupstackGamingRetrieval.json b/results/Snowflake__snowflake-arctic-embed-s/external/CQADupstackGamingRetrieval.json new file mode 100644 index 000000000..7596ca27a --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/CQADupstackGamingRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "4885aa143210c98657558c04aaf3dc47cfb54340", + "task_name": "CQADupstackGamingRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 42.998999999999995, + "map_at_10": 54.745, + "map_at_100": 55.650999999999996, + "map_at_1000": 55.703, + "map_at_3": 51.67, + "map_at_5": 53.503, + "mrr_at_1": 49.028, + "mrr_at_10": 58.172000000000004, + "mrr_at_100": 58.744, + "mrr_at_1000": 58.769000000000005, + "mrr_at_3": 55.977, + "mrr_at_5": 57.38799999999999, + "ndcg_at_1": 49.028, + "ndcg_at_10": 60.161, + "ndcg_at_100": 63.806, + "ndcg_at_1000": 64.821, + "ndcg_at_3": 55.199, + "ndcg_at_5": 57.830999999999996, + "precision_at_1": 49.028, + "precision_at_10": 9.455, + "precision_at_100": 1.216, + "precision_at_1000": 0.135, + "precision_at_3": 24.242, + "precision_at_5": 16.614, + "recall_at_1": 42.998999999999995, + "recall_at_10": 72.542, + "recall_at_100": 88.605, + "recall_at_1000": 95.676, + "recall_at_3": 59.480999999999995, + "recall_at_5": 65.886, + "main_score": 60.161 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/CQADupstackGisRetrieval.json b/results/Snowflake__snowflake-arctic-embed-s/external/CQADupstackGisRetrieval.json new file mode 100644 index 000000000..b0de7e155 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/CQADupstackGisRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "5003b3064772da1887988e05400cf3806fe491f2", + "task_name": "CQADupstackGisRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.907, + "map_at_10": 35.975, + "map_at_100": 36.985, + "map_at_1000": 37.063, + "map_at_3": 33.467999999999996, + "map_at_5": 34.749, + "mrr_at_1": 30.056, + "mrr_at_10": 38.047, + "mrr_at_100": 38.932, + "mrr_at_1000": 38.991, + "mrr_at_3": 35.705999999999996, + "mrr_at_5": 36.966, + "ndcg_at_1": 30.056, + "ndcg_at_10": 40.631, + "ndcg_at_100": 45.564, + "ndcg_at_1000": 47.685, + "ndcg_at_3": 35.748000000000005, + "ndcg_at_5": 37.921, + "precision_at_1": 30.056, + "precision_at_10": 6.079, + "precision_at_100": 0.898, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 14.727, + "precision_at_5": 10.056, + "recall_at_1": 27.907, + "recall_at_10": 52.981, + "recall_at_100": 75.53999999999999, + "recall_at_1000": 91.759, + "recall_at_3": 39.878, + "recall_at_5": 45.077, + "main_score": 40.631 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/CQADupstackMathematicaRetrieval.json b/results/Snowflake__snowflake-arctic-embed-s/external/CQADupstackMathematicaRetrieval.json new file mode 100644 index 000000000..4d535c8b6 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/CQADupstackMathematicaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "90fceea13679c63fe563ded68f3b6f06e50061de", + "task_name": "CQADupstackMathematicaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.764000000000003, + "map_at_10": 24.294, + "map_at_100": 25.507999999999996, + "map_at_1000": 25.64, + "map_at_3": 21.807000000000002, + "map_at_5": 23.21, + "mrr_at_1": 20.771, + "mrr_at_10": 28.677000000000003, + "mrr_at_100": 29.742, + "mrr_at_1000": 29.816, + "mrr_at_3": 26.327, + "mrr_at_5": 27.639000000000003, + "ndcg_at_1": 20.771, + "ndcg_at_10": 29.21, + "ndcg_at_100": 34.788000000000004, + "ndcg_at_1000": 37.813, + "ndcg_at_3": 24.632, + "ndcg_at_5": 26.801000000000002, + "precision_at_1": 20.771, + "precision_at_10": 5.373, + "precision_at_100": 0.923, + "precision_at_1000": 0.133, + "precision_at_3": 12.065, + "precision_at_5": 8.706, + "recall_at_1": 16.764000000000003, + "recall_at_10": 40.072, + "recall_at_100": 63.856, + "recall_at_1000": 85.141, + "recall_at_3": 27.308, + "recall_at_5": 32.876, + "main_score": 29.21 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/CQADupstackPhysicsRetrieval.json b/results/Snowflake__snowflake-arctic-embed-s/external/CQADupstackPhysicsRetrieval.json new file mode 100644 index 000000000..bffbad515 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/CQADupstackPhysicsRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "79531abbd1fb92d06c6d6315a0cbbbf5bb247ea4", + "task_name": "CQADupstackPhysicsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.194, + "map_at_10": 40.731, + "map_at_100": 42.073, + "map_at_1000": 42.178, + "map_at_3": 37.726, + "map_at_5": 39.474, + "mrr_at_1": 37.729, + "mrr_at_10": 46.494, + "mrr_at_100": 47.368, + "mrr_at_1000": 47.407, + "mrr_at_3": 44.224999999999994, + "mrr_at_5": 45.582, + "ndcg_at_1": 37.729, + "ndcg_at_10": 46.312999999999995, + "ndcg_at_100": 51.915, + "ndcg_at_1000": 53.788000000000004, + "ndcg_at_3": 41.695, + "ndcg_at_5": 43.956, + "precision_at_1": 37.729, + "precision_at_10": 8.181, + "precision_at_100": 1.275, + "precision_at_1000": 0.16199999999999998, + "precision_at_3": 19.41, + "precision_at_5": 13.648, + "recall_at_1": 31.194, + "recall_at_10": 57.118, + "recall_at_100": 80.759, + "recall_at_1000": 92.779, + "recall_at_3": 44.083, + "recall_at_5": 50.044999999999995, + "main_score": 46.312999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/CQADupstackProgrammersRetrieval.json b/results/Snowflake__snowflake-arctic-embed-s/external/CQADupstackProgrammersRetrieval.json new file mode 100644 index 000000000..0e3524f7f --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/CQADupstackProgrammersRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "6184bc1440d2dbc7612be22b50686b8826d22b32", + "task_name": "CQADupstackProgrammersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.047, + "map_at_10": 37.79, + "map_at_100": 39.145, + "map_at_1000": 39.254, + "map_at_3": 34.857, + "map_at_5": 36.545, + "mrr_at_1": 35.388, + "mrr_at_10": 43.475, + "mrr_at_100": 44.440000000000005, + "mrr_at_1000": 44.494, + "mrr_at_3": 41.286, + "mrr_at_5": 42.673, + "ndcg_at_1": 35.388, + "ndcg_at_10": 43.169000000000004, + "ndcg_at_100": 48.785000000000004, + "ndcg_at_1000": 51.029, + "ndcg_at_3": 38.801, + "ndcg_at_5": 40.9, + "precision_at_1": 35.388, + "precision_at_10": 7.7509999999999994, + "precision_at_100": 1.212, + "precision_at_1000": 0.157, + "precision_at_3": 18.455, + "precision_at_5": 13.014000000000001, + "recall_at_1": 28.047, + "recall_at_10": 53.53099999999999, + "recall_at_100": 77.285, + "recall_at_1000": 92.575, + "recall_at_3": 40.949000000000005, + "recall_at_5": 46.742, + "main_score": 43.169000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/CQADupstackStatsRetrieval.json b/results/Snowflake__snowflake-arctic-embed-s/external/CQADupstackStatsRetrieval.json new file mode 100644 index 000000000..9cbc03d4c --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/CQADupstackStatsRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "65ac3a16b8e91f9cee4c9828cc7c335575432a2a", + "task_name": "CQADupstackStatsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.773999999999997, + "map_at_10": 31.997999999999998, + "map_at_100": 32.857, + "map_at_1000": 32.957, + "map_at_3": 30.041, + "map_at_5": 31.119000000000003, + "mrr_at_1": 27.607, + "mrr_at_10": 34.538000000000004, + "mrr_at_100": 35.308, + "mrr_at_1000": 35.375, + "mrr_at_3": 32.643, + "mrr_at_5": 33.755, + "ndcg_at_1": 27.607, + "ndcg_at_10": 36.035000000000004, + "ndcg_at_100": 40.351, + "ndcg_at_1000": 42.684, + "ndcg_at_3": 32.414, + "ndcg_at_5": 34.11, + "precision_at_1": 27.607, + "precision_at_10": 5.6129999999999995, + "precision_at_100": 0.8370000000000001, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 13.957, + "precision_at_5": 9.571, + "recall_at_1": 24.773999999999997, + "recall_at_10": 45.717, + "recall_at_100": 65.499, + "recall_at_1000": 82.311, + "recall_at_3": 35.716, + "recall_at_5": 40.007999999999996, + "main_score": 36.035000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/CQADupstackTexRetrieval.json b/results/Snowflake__snowflake-arctic-embed-s/external/CQADupstackTexRetrieval.json new file mode 100644 index 000000000..2d04f5e13 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/CQADupstackTexRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "46989137a86843e03a6195de44b09deda022eec7", + "task_name": "CQADupstackTexRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.227, + "map_at_10": 26.649, + "map_at_100": 27.711999999999996, + "map_at_1000": 27.837, + "map_at_3": 24.454, + "map_at_5": 25.772000000000002, + "mrr_at_1": 23.433999999999997, + "mrr_at_10": 30.564999999999998, + "mrr_at_100": 31.44, + "mrr_at_1000": 31.513999999999996, + "mrr_at_3": 28.435, + "mrr_at_5": 29.744999999999997, + "ndcg_at_1": 23.433999999999997, + "ndcg_at_10": 31.104, + "ndcg_at_100": 36.172, + "ndcg_at_1000": 39.006, + "ndcg_at_3": 27.248, + "ndcg_at_5": 29.249000000000002, + "precision_at_1": 23.433999999999997, + "precision_at_10": 5.496, + "precision_at_100": 0.9490000000000001, + "precision_at_1000": 0.13699999999999998, + "precision_at_3": 12.709000000000001, + "precision_at_5": 9.209, + "recall_at_1": 19.227, + "recall_at_10": 40.492, + "recall_at_100": 63.304, + "recall_at_1000": 83.45, + "recall_at_3": 29.713, + "recall_at_5": 34.82, + "main_score": 31.104 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/CQADupstackUnixRetrieval.json b/results/Snowflake__snowflake-arctic-embed-s/external/CQADupstackUnixRetrieval.json new file mode 100644 index 000000000..46c5ff7a2 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/CQADupstackUnixRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "6c6430d3a6d36f8d2a829195bc5dc94d7e063e53", + "task_name": "CQADupstackUnixRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.199, + "map_at_10": 37.617, + "map_at_100": 38.746, + "map_at_1000": 38.851, + "map_at_3": 34.882000000000005, + "map_at_5": 36.571999999999996, + "mrr_at_1": 33.489000000000004, + "mrr_at_10": 41.089999999999996, + "mrr_at_100": 41.965, + "mrr_at_1000": 42.028, + "mrr_at_3": 38.666, + "mrr_at_5": 40.159, + "ndcg_at_1": 33.489000000000004, + "ndcg_at_10": 42.487, + "ndcg_at_100": 47.552, + "ndcg_at_1000": 49.774, + "ndcg_at_3": 37.623, + "ndcg_at_5": 40.184999999999995, + "precision_at_1": 33.489000000000004, + "precision_at_10": 6.94, + "precision_at_100": 1.0699999999999998, + "precision_at_1000": 0.136, + "precision_at_3": 16.667, + "precision_at_5": 11.922, + "recall_at_1": 29.199, + "recall_at_10": 53.689, + "recall_at_100": 75.374, + "recall_at_1000": 90.64999999999999, + "recall_at_3": 40.577999999999996, + "recall_at_5": 46.909, + "main_score": 42.487 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/CQADupstackWebmastersRetrieval.json b/results/Snowflake__snowflake-arctic-embed-s/external/CQADupstackWebmastersRetrieval.json new file mode 100644 index 000000000..ea52c8b5a --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/CQADupstackWebmastersRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "160c094312a0e1facb97e55eeddb698c0abe3571", + "task_name": "CQADupstackWebmastersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.206999999999997, + "map_at_10": 36.146, + "map_at_100": 37.759, + "map_at_1000": 37.979, + "map_at_3": 32.967999999999996, + "map_at_5": 34.809, + "mrr_at_1": 32.806000000000004, + "mrr_at_10": 40.449, + "mrr_at_100": 41.404999999999994, + "mrr_at_1000": 41.457, + "mrr_at_3": 37.614999999999995, + "mrr_at_5": 39.324999999999996, + "ndcg_at_1": 32.806000000000004, + "ndcg_at_10": 41.911, + "ndcg_at_100": 47.576, + "ndcg_at_1000": 50.072, + "ndcg_at_3": 36.849, + "ndcg_at_5": 39.475, + "precision_at_1": 32.806000000000004, + "precision_at_10": 8.103, + "precision_at_100": 1.557, + "precision_at_1000": 0.242, + "precision_at_3": 17.26, + "precision_at_5": 12.885, + "recall_at_1": 27.206999999999997, + "recall_at_10": 52.56999999999999, + "recall_at_100": 78.302, + "recall_at_1000": 94.121, + "recall_at_3": 38.317, + "recall_at_5": 45.410000000000004, + "main_score": 41.911 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/CQADupstackWordpressRetrieval.json b/results/Snowflake__snowflake-arctic-embed-s/external/CQADupstackWordpressRetrieval.json new file mode 100644 index 000000000..0b885f373 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/CQADupstackWordpressRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "4ffe81d471b1924886b33c7567bfb200e9eec5c4", + "task_name": "CQADupstackWordpressRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.221, + "map_at_10": 30.826999999999998, + "map_at_100": 31.845000000000002, + "map_at_1000": 31.95, + "map_at_3": 28.547, + "map_at_5": 29.441, + "mrr_at_1": 26.247999999999998, + "mrr_at_10": 32.957, + "mrr_at_100": 33.819, + "mrr_at_1000": 33.899, + "mrr_at_3": 30.714999999999996, + "mrr_at_5": 31.704, + "ndcg_at_1": 26.247999999999998, + "ndcg_at_10": 35.171, + "ndcg_at_100": 40.098, + "ndcg_at_1000": 42.67, + "ndcg_at_3": 30.508999999999997, + "ndcg_at_5": 32.022, + "precision_at_1": 26.247999999999998, + "precision_at_10": 5.36, + "precision_at_100": 0.843, + "precision_at_1000": 0.11499999999999999, + "precision_at_3": 12.568999999999999, + "precision_at_5": 8.540000000000001, + "recall_at_1": 24.221, + "recall_at_10": 46.707, + "recall_at_100": 69.104, + "recall_at_1000": 88.19500000000001, + "recall_at_3": 33.845, + "recall_at_5": 37.375, + "main_score": 35.171 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/ClimateFEVER.json b/results/Snowflake__snowflake-arctic-embed-s/external/ClimateFEVER.json new file mode 100644 index 000000000..d31cc0040 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 13.624, + "map_at_10": 22.557, + "map_at_100": 24.367, + "map_at_1000": 24.54, + "map_at_3": 18.988, + "map_at_5": 20.785999999999998, + "mrr_at_1": 30.619000000000003, + "mrr_at_10": 42.019, + "mrr_at_100": 42.818, + "mrr_at_1000": 42.856, + "mrr_at_3": 38.578, + "mrr_at_5": 40.669, + "ndcg_at_1": 30.619000000000003, + "ndcg_at_10": 31.252999999999997, + "ndcg_at_100": 38.238, + "ndcg_at_1000": 41.368, + "ndcg_at_3": 25.843, + "ndcg_at_5": 27.638, + "precision_at_1": 30.619000000000003, + "precision_at_10": 9.687, + "precision_at_100": 1.718, + "precision_at_1000": 0.22999999999999998, + "precision_at_3": 18.849, + "precision_at_5": 14.463000000000001, + "recall_at_1": 13.624, + "recall_at_10": 36.693999999999996, + "recall_at_100": 60.9, + "recall_at_1000": 78.46, + "recall_at_3": 23.354, + "recall_at_5": 28.756999999999998, + "main_score": 31.252999999999997 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/DBPedia.json b/results/Snowflake__snowflake-arctic-embed-s/external/DBPedia.json new file mode 100644 index 000000000..3ca21c210 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.077, + "map_at_10": 19.813, + "map_at_100": 27.822999999999997, + "map_at_1000": 29.485, + "map_at_3": 14.255999999999998, + "map_at_5": 16.836000000000002, + "mrr_at_1": 69.25, + "mrr_at_10": 77.059, + "mrr_at_100": 77.41, + "mrr_at_1000": 77.416, + "mrr_at_3": 75.625, + "mrr_at_5": 76.512, + "ndcg_at_1": 55.75, + "ndcg_at_10": 41.587, + "ndcg_at_100": 46.048, + "ndcg_at_1000": 53.172, + "ndcg_at_3": 46.203, + "ndcg_at_5": 43.696, + "precision_at_1": 69.25, + "precision_at_10": 32.95, + "precision_at_100": 10.555, + "precision_at_1000": 2.136, + "precision_at_3": 49.667, + "precision_at_5": 42.5, + "recall_at_1": 9.077, + "recall_at_10": 25.249, + "recall_at_100": 51.964, + "recall_at_1000": 74.51, + "recall_at_3": 15.584000000000001, + "recall_at_5": 19.717000000000002, + "main_score": 41.587 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/EmotionClassification.json b/results/Snowflake__snowflake-arctic-embed-s/external/EmotionClassification.json new file mode 100644 index 000000000..a2d16b837 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 45.769999999999996, + "f1": 41.64144711933962, + "main_score": 45.769999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/FEVER.json b/results/Snowflake__snowflake-arctic-embed-s/external/FEVER.json new file mode 100644 index 000000000..105d6576c --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 67.098, + "map_at_10": 77.69800000000001, + "map_at_100": 77.947, + "map_at_1000": 77.961, + "map_at_3": 76.278, + "map_at_5": 77.217, + "mrr_at_1": 72.532, + "mrr_at_10": 82.41199999999999, + "mrr_at_100": 82.527, + "mrr_at_1000": 82.529, + "mrr_at_3": 81.313, + "mrr_at_5": 82.069, + "ndcg_at_1": 72.532, + "ndcg_at_10": 82.488, + "ndcg_at_100": 83.382, + "ndcg_at_1000": 83.622, + "ndcg_at_3": 80.101, + "ndcg_at_5": 81.52199999999999, + "precision_at_1": 72.532, + "precision_at_10": 10.203, + "precision_at_100": 1.082, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 31.308000000000003, + "precision_at_5": 19.652, + "recall_at_1": 67.098, + "recall_at_10": 92.511, + "recall_at_100": 96.06099999999999, + "recall_at_1000": 97.548, + "recall_at_3": 86.105, + "recall_at_5": 89.661, + "main_score": 82.488 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/FiQA2018.json b/results/Snowflake__snowflake-arctic-embed-s/external/FiQA2018.json new file mode 100644 index 000000000..9ef05804b --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.681, + "map_at_10": 31.739, + "map_at_100": 33.503, + "map_at_1000": 33.69, + "map_at_3": 27.604, + "map_at_5": 29.993, + "mrr_at_1": 37.5, + "mrr_at_10": 46.933, + "mrr_at_100": 47.771, + "mrr_at_1000": 47.805, + "mrr_at_3": 44.239, + "mrr_at_5": 45.766, + "ndcg_at_1": 37.5, + "ndcg_at_10": 39.682, + "ndcg_at_100": 46.127, + "ndcg_at_1000": 48.994, + "ndcg_at_3": 35.655, + "ndcg_at_5": 37.036, + "precision_at_1": 37.5, + "precision_at_10": 11.08, + "precision_at_100": 1.765, + "precision_at_1000": 0.22999999999999998, + "precision_at_3": 23.919999999999998, + "precision_at_5": 17.809, + "recall_at_1": 18.681, + "recall_at_10": 47.548, + "recall_at_100": 71.407, + "recall_at_1000": 87.805, + "recall_at_3": 32.979, + "recall_at_5": 39.192, + "main_score": 39.682 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/HotpotQA.json b/results/Snowflake__snowflake-arctic-embed-s/external/HotpotQA.json new file mode 100644 index 000000000..4d415ee10 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.257999999999996, + "map_at_10": 57.605, + "map_at_100": 58.50300000000001, + "map_at_1000": 58.568, + "map_at_3": 54.172, + "map_at_5": 56.323, + "mrr_at_1": 76.51599999999999, + "mrr_at_10": 82.584, + "mrr_at_100": 82.78, + "mrr_at_1000": 82.787, + "mrr_at_3": 81.501, + "mrr_at_5": 82.185, + "ndcg_at_1": 76.51599999999999, + "ndcg_at_10": 66.593, + "ndcg_at_100": 69.699, + "ndcg_at_1000": 70.953, + "ndcg_at_3": 61.673, + "ndcg_at_5": 64.42, + "precision_at_1": 76.51599999999999, + "precision_at_10": 13.857, + "precision_at_100": 1.628, + "precision_at_1000": 0.179, + "precision_at_3": 38.956, + "precision_at_5": 25.541999999999998, + "recall_at_1": 38.257999999999996, + "recall_at_10": 69.284, + "recall_at_100": 81.391, + "recall_at_1000": 89.689, + "recall_at_3": 58.433, + "recall_at_5": 63.856, + "main_score": 66.593 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/ImdbClassification.json b/results/Snowflake__snowflake-arctic-embed-s/external/ImdbClassification.json new file mode 100644 index 000000000..0d3656151 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.48679999999999, + "ap": 63.97638838971138, + "f1": 69.22731638841675, + "main_score": 69.48679999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/MSMARCO.json b/results/Snowflake__snowflake-arctic-embed-s/external/MSMARCO.json new file mode 100644 index 000000000..e8c383bf1 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.916999999999998, + "map_at_10": 32.929, + "map_at_100": 34.1, + "map_at_1000": 34.152, + "map_at_3": 29.065, + "map_at_5": 31.287, + "mrr_at_1": 21.562, + "mrr_at_10": 33.533, + "mrr_at_100": 34.644000000000005, + "mrr_at_1000": 34.69, + "mrr_at_3": 29.735, + "mrr_at_5": 31.928, + "ndcg_at_1": 21.562, + "ndcg_at_10": 39.788000000000004, + "ndcg_at_100": 45.434999999999995, + "ndcg_at_1000": 46.75, + "ndcg_at_3": 31.942999999999998, + "ndcg_at_5": 35.888, + "precision_at_1": 21.562, + "precision_at_10": 6.348, + "precision_at_100": 0.918, + "precision_at_1000": 0.10300000000000001, + "precision_at_3": 13.682, + "precision_at_5": 10.189, + "recall_at_1": 20.916999999999998, + "recall_at_10": 60.926, + "recall_at_100": 87.03800000000001, + "recall_at_1000": 97.085, + "recall_at_3": 39.637, + "recall_at_5": 49.069, + "main_score": 39.788000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/MTOPDomainClassification.json b/results/Snowflake__snowflake-arctic-embed-s/external/MTOPDomainClassification.json new file mode 100644 index 000000000..643e3178f --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 90.93935248518011, + "f1": 90.56439321844506, + "main_score": 90.93935248518011 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/MTOPIntentClassification.json b/results/Snowflake__snowflake-arctic-embed-s/external/MTOPIntentClassification.json new file mode 100644 index 000000000..27cc921f3 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 58.62517099863203, + "f1": 40.69925681703197, + "main_score": 58.62517099863203 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/MasakhaNEWSClassification.json b/results/Snowflake__snowflake-arctic-embed-s/external/MasakhaNEWSClassification.json new file mode 100644 index 000000000..40a0a3dcc --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/MasakhaNEWSClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "8ccc72e69e65f40c70e117d8b3c08306bb788b60", + "task_name": "MasakhaNEWSClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "eng", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.29746835443039, + "f1": 75.31702672039506, + "main_score": 76.29746835443039 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/MassiveIntentClassification.json b/results/Snowflake__snowflake-arctic-embed-s/external/MassiveIntentClassification.json new file mode 100644 index 000000000..0e4e8f366 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 64.76126429051781, + "f1": 62.60284261265268, + "main_score": 64.76126429051781 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/MassiveScenarioClassification.json b/results/Snowflake__snowflake-arctic-embed-s/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..eeffd1106 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.05043712172159, + "f1": 69.08340521169049, + "main_score": 70.05043712172159 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/MedrxivClusteringP2P.json b/results/Snowflake__snowflake-arctic-embed-s/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..6aa36e8a6 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.78969229005989, + "main_score": 30.78969229005989 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/MedrxivClusteringS2S.json b/results/Snowflake__snowflake-arctic-embed-s/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..56958d997 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 27.954325178520335, + "main_score": 27.954325178520335 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/MindSmallReranking.json b/results/Snowflake__snowflake-arctic-embed-s/external/MindSmallReranking.json new file mode 100644 index 000000000..6ee4b90c7 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 30.601827413968596, + "mrr": 31.515372019474196, + "main_score": 30.601827413968596 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/NFCorpus.json b/results/Snowflake__snowflake-arctic-embed-s/external/NFCorpus.json new file mode 100644 index 000000000..ba301ab46 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.4559999999999995, + "map_at_10": 12.039, + "map_at_100": 14.804999999999998, + "map_at_1000": 16.081, + "map_at_3": 8.996, + "map_at_5": 10.357, + "mrr_at_1": 45.82, + "mrr_at_10": 53.583999999999996, + "mrr_at_100": 54.330999999999996, + "mrr_at_1000": 54.366, + "mrr_at_3": 52.166999999999994, + "mrr_at_5": 52.971999999999994, + "ndcg_at_1": 44.427, + "ndcg_at_10": 32.536, + "ndcg_at_100": 29.410999999999998, + "ndcg_at_1000": 38.012, + "ndcg_at_3": 38.674, + "ndcg_at_5": 36.107, + "precision_at_1": 45.82, + "precision_at_10": 23.591, + "precision_at_100": 7.35, + "precision_at_1000": 1.9769999999999999, + "precision_at_3": 36.016999999999996, + "precision_at_5": 30.959999999999997, + "recall_at_1": 5.4559999999999995, + "recall_at_10": 15.387, + "recall_at_100": 28.754999999999995, + "recall_at_1000": 59.787, + "recall_at_3": 10.137, + "recall_at_5": 12.200999999999999, + "main_score": 32.536 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/NQ.json b/results/Snowflake__snowflake-arctic-embed-s/external/NQ.json new file mode 100644 index 000000000..0431391d7 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.609, + "map_at_10": 48.522, + "map_at_100": 49.468, + "map_at_1000": 49.497, + "map_at_3": 44.327, + "map_at_5": 46.937, + "mrr_at_1": 36.616, + "mrr_at_10": 50.943000000000005, + "mrr_at_100": 51.626000000000005, + "mrr_at_1000": 51.647, + "mrr_at_3": 47.532999999999994, + "mrr_at_5": 49.714000000000006, + "ndcg_at_1": 36.586999999999996, + "ndcg_at_10": 56.19499999999999, + "ndcg_at_100": 60.014, + "ndcg_at_1000": 60.707, + "ndcg_at_3": 48.486000000000004, + "ndcg_at_5": 52.791999999999994, + "precision_at_1": 36.586999999999996, + "precision_at_10": 9.139999999999999, + "precision_at_100": 1.129, + "precision_at_1000": 0.11900000000000001, + "precision_at_3": 22.171, + "precision_at_5": 15.787999999999998, + "recall_at_1": 32.609, + "recall_at_10": 77.011, + "recall_at_100": 93.202, + "recall_at_1000": 98.344, + "recall_at_3": 57.286, + "recall_at_5": 67.181, + "main_score": 56.19499999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/NewsClassification.json b/results/Snowflake__snowflake-arctic-embed-s/external/NewsClassification.json new file mode 100644 index 000000000..f56d2884e --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/NewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "eb185aade064a813bc0b7f42de02595523103ca4", + "task_name": "NewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.4421052631579, + "f1": 77.23976860913628, + "main_score": 77.4421052631579 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/OpusparcusPC.json b/results/Snowflake__snowflake-arctic-embed-s/external/OpusparcusPC.json new file mode 100644 index 000000000..8353fb28c --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/OpusparcusPC.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "9e9b1f8ef51616073f47f306f7f47dd91663f86a", + "task_name": "OpusparcusPC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.89816700610999, + "cos_sim_ap": 100, + "cos_sim_f1": 99.9490575649516, + "cos_sim_precision": 100, + "cos_sim_recall": 99.89816700610999, + "dot_accuracy": 99.89816700610999, + "dot_ap": 100, + "dot_f1": 99.9490575649516, + "dot_precision": 100, + "dot_recall": 99.89816700610999, + "euclidean_accuracy": 99.89816700610999, + "euclidean_ap": 100, + "euclidean_f1": 99.9490575649516, + "euclidean_precision": 100, + "euclidean_recall": 99.89816700610999, + "manhattan_accuracy": 99.89816700610999, + "manhattan_ap": 100, + "manhattan_f1": 99.9490575649516, + "manhattan_precision": 100, + "manhattan_recall": 99.89816700610999, + "max_accuracy": 99.89816700610999, + "max_ap": 100, + "max_f1": 99.9490575649516, + "main_score": 100 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/QuoraRetrieval.json b/results/Snowflake__snowflake-arctic-embed-s/external/QuoraRetrieval.json new file mode 100644 index 000000000..fb6d696b2 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "e4e08e0b7dbe3c8700f0daef558ff32256715259", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 69.919, + "map_at_10": 83.636, + "map_at_100": 84.27, + "map_at_1000": 84.289, + "map_at_3": 80.744, + "map_at_5": 82.509, + "mrr_at_1": 80.52, + "mrr_at_10": 86.751, + "mrr_at_100": 86.875, + "mrr_at_1000": 86.876, + "mrr_at_3": 85.798, + "mrr_at_5": 86.414, + "ndcg_at_1": 80.53, + "ndcg_at_10": 87.465, + "ndcg_at_100": 88.762, + "ndcg_at_1000": 88.90599999999999, + "ndcg_at_3": 84.634, + "ndcg_at_5": 86.09400000000001, + "precision_at_1": 80.53, + "precision_at_10": 13.263, + "precision_at_100": 1.517, + "precision_at_1000": 0.156, + "precision_at_3": 36.973, + "precision_at_5": 24.25, + "recall_at_1": 69.919, + "recall_at_10": 94.742, + "recall_at_100": 99.221, + "recall_at_1000": 99.917, + "recall_at_3": 86.506, + "recall_at_5": 90.736, + "main_score": 87.465 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/RedditClustering.json b/results/Snowflake__snowflake-arctic-embed-s/external/RedditClustering.json new file mode 100644 index 000000000..33161791d --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 50.47309147963901, + "main_score": 50.47309147963901 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/RedditClusteringP2P.json b/results/Snowflake__snowflake-arctic-embed-s/external/RedditClusteringP2P.json new file mode 100644 index 000000000..25c42c6f7 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 60.53779561923047, + "main_score": 60.53779561923047 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/SCIDOCS.json b/results/Snowflake__snowflake-arctic-embed-s/external/SCIDOCS.json new file mode 100644 index 000000000..3d716a22c --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "f8c2fcf00f625baaa80f62ec5bd9e1fff3b8ae88", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.843, + "map_at_10": 11.664, + "map_at_100": 13.499, + "map_at_1000": 13.771, + "map_at_3": 8.602, + "map_at_5": 10.164, + "mrr_at_1": 23.9, + "mrr_at_10": 34.018, + "mrr_at_100": 35.099000000000004, + "mrr_at_1000": 35.162, + "mrr_at_3": 31.233, + "mrr_at_5": 32.793, + "ndcg_at_1": 23.9, + "ndcg_at_10": 19.42, + "ndcg_at_100": 26.715, + "ndcg_at_1000": 31.776, + "ndcg_at_3": 19.165, + "ndcg_at_5": 16.46, + "precision_at_1": 23.9, + "precision_at_10": 9.82, + "precision_at_100": 2.0340000000000003, + "precision_at_1000": 0.325, + "precision_at_3": 17.767, + "precision_at_5": 14.24, + "recall_at_1": 4.843, + "recall_at_10": 19.895, + "recall_at_100": 41.302, + "recall_at_1000": 66.077, + "recall_at_3": 10.803, + "recall_at_5": 14.418000000000001, + "main_score": 19.42 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/SICK-R.json b/results/Snowflake__snowflake-arctic-embed-s/external/SICK-R.json new file mode 100644 index 000000000..a2c21bba3 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 76.94120735638143, + "cos_sim_spearman": 69.66114097154585, + "euclidean_pearson": 73.11242035696426, + "euclidean_spearman": 69.66114271982464, + "manhattan_pearson": 73.07993034858605, + "manhattan_spearman": 69.6457893357314, + "cosine_pearson": 76.94120735638143, + "cosine_spearman": 69.66114097154585, + "main_score": 69.66114097154585 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/STS12.json b/results/Snowflake__snowflake-arctic-embed-s/external/STS12.json new file mode 100644 index 000000000..5868d49a0 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 74.72893353272778, + "cos_sim_spearman": 68.78540928870311, + "euclidean_pearson": 71.13907970605574, + "euclidean_spearman": 68.78540928870311, + "manhattan_pearson": 71.02709590547859, + "manhattan_spearman": 68.71685896660532, + "cosine_pearson": 74.72893353272778, + "cosine_spearman": 68.78540928870311, + "main_score": 68.78540928870311 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/STS13.json b/results/Snowflake__snowflake-arctic-embed-s/external/STS13.json new file mode 100644 index 000000000..5070cf4d1 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 79.30142652684971, + "cos_sim_spearman": 79.61879435615303, + "euclidean_pearson": 79.08730432883864, + "euclidean_spearman": 79.61879435615303, + "manhattan_pearson": 78.99621073156322, + "manhattan_spearman": 79.53806342308278, + "cosine_pearson": 79.30142652684971, + "cosine_spearman": 79.61879435615303, + "main_score": 79.61879435615303 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/STS14.json b/results/Snowflake__snowflake-arctic-embed-s/external/STS14.json new file mode 100644 index 000000000..dd05a1534 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 78.99585233036139, + "cos_sim_spearman": 75.57574519760183, + "euclidean_pearson": 77.33835658613162, + "euclidean_spearman": 75.57573873503655, + "manhattan_pearson": 77.12175044789362, + "manhattan_spearman": 75.41293517634836, + "cosine_pearson": 78.99585233036139, + "cosine_spearman": 75.57574519760183, + "main_score": 75.57574519760183 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/STS15.json b/results/Snowflake__snowflake-arctic-embed-s/external/STS15.json new file mode 100644 index 000000000..55a484cc3 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.9694268253376, + "cos_sim_spearman": 84.64256921939338, + "euclidean_pearson": 83.92322958711, + "euclidean_spearman": 84.64257976421872, + "manhattan_pearson": 83.93503107204337, + "manhattan_spearman": 84.63611608236032, + "cosine_pearson": 83.9694268253376, + "cosine_spearman": 84.64256921939338, + "main_score": 84.64256921939338 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/STS16.json b/results/Snowflake__snowflake-arctic-embed-s/external/STS16.json new file mode 100644 index 000000000..99b6e0784 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.09041419790253, + "cos_sim_spearman": 82.39869157752557, + "euclidean_pearson": 82.04595698258301, + "euclidean_spearman": 82.39869157752557, + "manhattan_pearson": 81.97581168053004, + "manhattan_spearman": 82.34255320578193, + "cosine_pearson": 81.09041419790253, + "cosine_spearman": 82.39869157752557, + "main_score": 82.39869157752557 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/STS17.json b/results/Snowflake__snowflake-arctic-embed-s/external/STS17.json new file mode 100644 index 000000000..e321d8d84 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.35210432821825, + "cos_sim_spearman": 86.73200885328937, + "euclidean_pearson": 86.8527089168747, + "euclidean_spearman": 86.73200885328937, + "manhattan_pearson": 86.95671235295457, + "manhattan_spearman": 86.77713700838545, + "cosine_pearson": 86.35210432821825, + "cosine_spearman": 86.73200885328937, + "main_score": 86.73200885328937 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/STS22.json b/results/Snowflake__snowflake-arctic-embed-s/external/STS22.json new file mode 100644 index 000000000..b8247010f --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "eea2b4fe26a775864c896887d910b76a8098ad3f", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 68.91106612960657, + "cos_sim_spearman": 69.48524490302286, + "euclidean_pearson": 70.51347841618035, + "euclidean_spearman": 69.48524490302286, + "manhattan_pearson": 70.31770181334245, + "manhattan_spearman": 69.12494700138238, + "cosine_pearson": 68.91106612960657, + "cosine_spearman": 69.48524490302286, + "main_score": 69.48524490302286 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/STSBenchmark.json b/results/Snowflake__snowflake-arctic-embed-s/external/STSBenchmark.json new file mode 100644 index 000000000..becf92886 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.54104342761988, + "cos_sim_spearman": 81.18789220331483, + "euclidean_pearson": 81.5895544590969, + "euclidean_spearman": 81.18789220331483, + "manhattan_pearson": 81.4738562449809, + "manhattan_spearman": 81.06565101416024, + "cosine_pearson": 81.54104342761988, + "cosine_spearman": 81.18789220331483, + "main_score": 81.18789220331483 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/STSBenchmarkMultilingualSTS.json b/results/Snowflake__snowflake-arctic-embed-s/external/STSBenchmarkMultilingualSTS.json new file mode 100644 index 000000000..61488fe2f --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/STSBenchmarkMultilingualSTS.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "93d57ef91790589e3ce9c365164337a8a78b7632", + "task_name": "STSBenchmarkMultilingualSTS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.54104346197056, + "cos_sim_spearman": 81.18789220331483, + "euclidean_pearson": 81.58955451690102, + "euclidean_spearman": 81.18789220331483, + "manhattan_pearson": 81.47385630064072, + "manhattan_spearman": 81.06565101416024, + "cosine_pearson": 81.54104346197056, + "cosine_spearman": 81.18789220331483, + "main_score": 81.18789220331483 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/SciDocsRR.json b/results/Snowflake__snowflake-arctic-embed-s/external/SciDocsRR.json new file mode 100644 index 000000000..44d32402e --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 79.34107964300796, + "mrr": 94.01917889662987, + "main_score": 79.34107964300796 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/SciFact.json b/results/Snowflake__snowflake-arctic-embed-s/external/SciFact.json new file mode 100644 index 000000000..023e875f0 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 55.928, + "map_at_10": 65.443, + "map_at_100": 66.067, + "map_at_1000": 66.091, + "map_at_3": 62.629999999999995, + "map_at_5": 64.35, + "mrr_at_1": 59, + "mrr_at_10": 66.845, + "mrr_at_100": 67.31899999999999, + "mrr_at_1000": 67.342, + "mrr_at_3": 64.61099999999999, + "mrr_at_5": 66.044, + "ndcg_at_1": 59, + "ndcg_at_10": 69.921, + "ndcg_at_100": 72.365, + "ndcg_at_1000": 73.055, + "ndcg_at_3": 65.086, + "ndcg_at_5": 67.62700000000001, + "precision_at_1": 59, + "precision_at_10": 9.3, + "precision_at_100": 1.057, + "precision_at_1000": 0.11100000000000002, + "precision_at_3": 25.333, + "precision_at_5": 16.866999999999997, + "recall_at_1": 55.928, + "recall_at_10": 82.289, + "recall_at_100": 92.833, + "recall_at_1000": 98.333, + "recall_at_3": 69.172, + "recall_at_5": 75.628, + "main_score": 69.921 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/SprintDuplicateQuestions.json b/results/Snowflake__snowflake-arctic-embed-s/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..5a5090328 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.81881188118813, + "cos_sim_ap": 95.2776439040401, + "cos_sim_f1": 90.74355083459787, + "cos_sim_precision": 91.81166837256909, + "cos_sim_recall": 89.7, + "dot_accuracy": 99.81881188118813, + "dot_ap": 95.27764092100406, + "dot_f1": 90.74355083459787, + "dot_precision": 91.81166837256909, + "dot_recall": 89.7, + "euclidean_accuracy": 99.81881188118813, + "euclidean_ap": 95.27764091101388, + "euclidean_f1": 90.74355083459787, + "euclidean_precision": 91.81166837256909, + "euclidean_recall": 89.7, + "manhattan_accuracy": 99.82079207920792, + "manhattan_ap": 95.25081634689418, + "manhattan_f1": 90.75114971895759, + "manhattan_precision": 92.78996865203762, + "manhattan_recall": 88.8, + "max_accuracy": 99.82079207920792, + "max_ap": 95.2776439040401, + "max_f1": 90.75114971895759, + "main_score": 95.2776439040401 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/StackExchangeClustering.json b/results/Snowflake__snowflake-arctic-embed-s/external/StackExchangeClustering.json new file mode 100644 index 000000000..2d62dcd0c --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 60.69855369728728, + "main_score": 60.69855369728728 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/StackExchangeClusteringP2P.json b/results/Snowflake__snowflake-arctic-embed-s/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..dd7399cbd --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.98191834367251, + "main_score": 33.98191834367251 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/StackOverflowDupQuestions.json b/results/Snowflake__snowflake-arctic-embed-s/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..46ba18955 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 50.156163330429614, + "mrr": 50.90145148968678, + "main_score": 50.156163330429614 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/SummEval.json b/results/Snowflake__snowflake-arctic-embed-s/external/SummEval.json new file mode 100644 index 000000000..67892fd87 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.16938079808134, + "cos_sim_spearman": 31.74655874538245, + "dot_pearson": 31.169380299671705, + "dot_spearman": 31.74655874538245, + "cosine_pearson": 31.16938079808134, + "cosine_spearman": 31.74655874538245, + "main_score": 31.74655874538245 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/TRECCOVID.json b/results/Snowflake__snowflake-arctic-embed-s/external/TRECCOVID.json new file mode 100644 index 000000000..618d57d6e --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "bb9466bac8153a0349341eb1b22e06409e78ef4e", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.252, + "map_at_10": 2.009, + "map_at_100": 11.611, + "map_at_1000": 27.811999999999998, + "map_at_3": 0.685, + "map_at_5": 1.08, + "mrr_at_1": 94, + "mrr_at_10": 97, + "mrr_at_100": 97, + "mrr_at_1000": 97, + "mrr_at_3": 97, + "mrr_at_5": 97, + "ndcg_at_1": 88, + "ndcg_at_10": 81.388, + "ndcg_at_100": 60.629, + "ndcg_at_1000": 52.38, + "ndcg_at_3": 86.827, + "ndcg_at_5": 84.597, + "precision_at_1": 94, + "precision_at_10": 85.8, + "precision_at_100": 62.419999999999995, + "precision_at_1000": 23.31, + "precision_at_3": 90.667, + "precision_at_5": 88.4, + "recall_at_1": 0.252, + "recall_at_10": 2.164, + "recall_at_100": 14.613999999999999, + "recall_at_1000": 48.730000000000004, + "recall_at_3": 0.7020000000000001, + "recall_at_5": 1.122, + "main_score": 81.388 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/Touche2020.json b/results/Snowflake__snowflake-arctic-embed-s/external/Touche2020.json new file mode 100644 index 000000000..5eccdf22f --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.476, + "map_at_10": 13.442000000000002, + "map_at_100": 20.618, + "map_at_1000": 22.175, + "map_at_3": 6.968000000000001, + "map_at_5": 9.214, + "mrr_at_1": 44.897999999999996, + "mrr_at_10": 56.77100000000001, + "mrr_at_100": 57.226, + "mrr_at_1000": 57.226, + "mrr_at_3": 52.381, + "mrr_at_5": 54.523999999999994, + "ndcg_at_1": 42.857, + "ndcg_at_10": 32.507999999999996, + "ndcg_at_100": 43.614000000000004, + "ndcg_at_1000": 53.82, + "ndcg_at_3": 36.818, + "ndcg_at_5": 33.346, + "precision_at_1": 44.897999999999996, + "precision_at_10": 28.571, + "precision_at_100": 8.652999999999999, + "precision_at_1000": 1.5709999999999997, + "precision_at_3": 38.095, + "precision_at_5": 32.245000000000005, + "recall_at_1": 3.476, + "recall_at_10": 20.827, + "recall_at_100": 53.04299999999999, + "recall_at_1000": 84.221, + "recall_at_3": 8.200000000000001, + "recall_at_5": 11.651, + "main_score": 32.507999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/ToxicConversationsClassification.json b/results/Snowflake__snowflake-arctic-embed-s/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..5f19270ed --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.96360000000001, + "ap": 11.256160324436445, + "f1": 48.07712827691349, + "main_score": 61.96360000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/TweetSentimentExtractionClassification.json b/results/Snowflake__snowflake-arctic-embed-s/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..294a91e97 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 58.90492359932088, + "f1": 59.12542417513503, + "main_score": 58.90492359932088 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/TwentyNewsgroupsClustering.json b/results/Snowflake__snowflake-arctic-embed-s/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..e07dcfd93 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.284935353315355, + "main_score": 38.284935353315355 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/TwitterSemEval2015.json b/results/Snowflake__snowflake-arctic-embed-s/external/TwitterSemEval2015.json new file mode 100644 index 000000000..0be746d3e --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 83.4714192048638, + "cos_sim_ap": 65.77588263185375, + "cos_sim_f1": 62.459508098380326, + "cos_sim_precision": 57.27172717271727, + "cos_sim_recall": 68.68073878627968, + "dot_accuracy": 83.4714192048638, + "dot_ap": 65.77588818364636, + "dot_f1": 62.459508098380326, + "dot_precision": 57.27172717271727, + "dot_recall": 68.68073878627968, + "euclidean_accuracy": 83.4714192048638, + "euclidean_ap": 65.77587693431595, + "euclidean_f1": 62.459508098380326, + "euclidean_precision": 57.27172717271727, + "euclidean_recall": 68.68073878627968, + "manhattan_accuracy": 83.47737974608094, + "manhattan_ap": 65.65957745829654, + "manhattan_f1": 62.22760290556902, + "manhattan_precision": 57.494407158836694, + "manhattan_recall": 67.81002638522428, + "max_accuracy": 83.47737974608094, + "max_ap": 65.77588818364636, + "max_f1": 62.459508098380326, + "main_score": 65.77588818364636 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/TwitterURLCorpus.json b/results/Snowflake__snowflake-arctic-embed-s/external/TwitterURLCorpus.json new file mode 100644 index 000000000..056129f09 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.64244964489463, + "cos_sim_ap": 85.154122301394, + "cos_sim_f1": 77.45617911327146, + "cos_sim_precision": 74.23066064370413, + "cos_sim_recall": 80.97474591931014, + "dot_accuracy": 88.64244964489463, + "dot_ap": 85.15411965587543, + "dot_f1": 77.45617911327146, + "dot_precision": 74.23066064370413, + "dot_recall": 80.97474591931014, + "euclidean_accuracy": 88.64244964489463, + "euclidean_ap": 85.15414684113986, + "euclidean_f1": 77.45617911327146, + "euclidean_precision": 74.23066064370413, + "euclidean_recall": 80.97474591931014, + "manhattan_accuracy": 88.57841425078588, + "manhattan_ap": 85.12472268567576, + "manhattan_f1": 77.39497339937627, + "manhattan_precision": 73.92584285413892, + "manhattan_recall": 81.20572836464429, + "max_accuracy": 88.64244964489463, + "max_ap": 85.15414684113986, + "max_f1": 77.45617911327146, + "main_score": 85.15414684113986 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/WikiCitiesClustering.json b/results/Snowflake__snowflake-arctic-embed-s/external/WikiCitiesClustering.json new file mode 100644 index 000000000..508012edb --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/WikiCitiesClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "ddc9ee9242fa65332597f70e967ecc38b9d734fa", + "task_name": "WikiCitiesClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 79.58576208710117, + "main_score": 79.58576208710117 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-s/external/model_meta.json b/results/Snowflake__snowflake-arctic-embed-s/external/model_meta.json new file mode 100644 index 000000000..2ed817417 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-s/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "Snowflake/snowflake-arctic-embed-s", + "revision": "b9d983b295c8ae411c9b3be2e85521ebcbcd3e17", + "release_date": "2024-04-12", + "languages": [], + "loader": null, + "n_parameters": 33212160, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 384, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/AmazonCounterfactualClassification.json b/results/Snowflake__snowflake-arctic-embed-xs/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..65e278703 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 65.08955223880598, + "ap": 28.514291209445364, + "f1": 59.2604580112738, + "main_score": 65.08955223880598 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/AmazonPolarityClassification.json b/results/Snowflake__snowflake-arctic-embed-xs/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..cc7795ff3 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.035375, + "ap": 64.29444264250405, + "f1": 69.78382333907138, + "main_score": 70.035375 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/AmazonReviewsClassification.json b/results/Snowflake__snowflake-arctic-embed-xs/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..bb113a190 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 35.343999999999994, + "f1": 34.69618251902858, + "main_score": 35.343999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/ArguAna.json b/results/Snowflake__snowflake-arctic-embed-xs/external/ArguAna.json new file mode 100644 index 000000000..ed2a7642a --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.592000000000002, + "map_at_10": 43.597, + "map_at_100": 44.614, + "map_at_1000": 44.624, + "map_at_3": 38.928000000000004, + "map_at_5": 41.453, + "mrr_at_1": 29.232000000000003, + "mrr_at_10": 43.829, + "mrr_at_100": 44.852, + "mrr_at_1000": 44.862, + "mrr_at_3": 39.118, + "mrr_at_5": 41.703, + "ndcg_at_1": 28.592000000000002, + "ndcg_at_10": 52.081, + "ndcg_at_100": 56.37, + "ndcg_at_1000": 56.598000000000006, + "ndcg_at_3": 42.42, + "ndcg_at_5": 46.965, + "precision_at_1": 28.592000000000002, + "precision_at_10": 7.922999999999999, + "precision_at_100": 0.979, + "precision_at_1000": 0.1, + "precision_at_3": 17.52, + "precision_at_5": 12.717, + "recall_at_1": 28.592000000000002, + "recall_at_10": 79.232, + "recall_at_100": 97.866, + "recall_at_1000": 99.57300000000001, + "recall_at_3": 52.559999999999995, + "recall_at_5": 63.585, + "main_score": 52.081 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/ArxivClusteringP2P.json b/results/Snowflake__snowflake-arctic-embed-xs/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..aba47a05f --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 43.50220588953974, + "main_score": 43.50220588953974 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/ArxivClusteringS2S.json b/results/Snowflake__snowflake-arctic-embed-xs/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..16f232957 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.08725826118282, + "main_score": 32.08725826118282 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/AskUbuntuDupQuestions.json b/results/Snowflake__snowflake-arctic-embed-xs/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..65b62fd29 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 60.25381587694928, + "mrr": 73.79776194873148, + "main_score": 60.25381587694928 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/BIOSSES.json b/results/Snowflake__snowflake-arctic-embed-xs/external/BIOSSES.json new file mode 100644 index 000000000..26b178d5c --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.47489332445278, + "cos_sim_spearman": 84.05432487336698, + "euclidean_pearson": 84.5108222177219, + "euclidean_spearman": 84.05432487336698, + "manhattan_pearson": 84.20440618321464, + "manhattan_spearman": 83.9290208134097, + "cosine_pearson": 85.47489332445278, + "cosine_spearman": 84.05432487336698, + "main_score": 84.05432487336698 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/Banking77Classification.json b/results/Snowflake__snowflake-arctic-embed-xs/external/Banking77Classification.json new file mode 100644 index 000000000..03f7364be --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.37337662337663, + "f1": 75.33296834885043, + "main_score": 76.37337662337663 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/BigPatentClustering.json b/results/Snowflake__snowflake-arctic-embed-xs/external/BigPatentClustering.json new file mode 100644 index 000000000..948b9b7db --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/BigPatentClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "62d5330920bca426ce9d3c76ea914f15fc83e891", + "task_name": "BigPatentClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 21.31174373264835, + "main_score": 21.31174373264835 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/BiorxivClusteringP2P.json b/results/Snowflake__snowflake-arctic-embed-xs/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..9e4c200de --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.481973521597844, + "main_score": 34.481973521597844 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/BiorxivClusteringS2S.json b/results/Snowflake__snowflake-arctic-embed-xs/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..64ccebbb9 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 26.14094256567341, + "main_score": 26.14094256567341 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/CQADupstackAndroidRetrieval.json b/results/Snowflake__snowflake-arctic-embed-xs/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..34cecbcd2 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "f46a197baaae43b4f621051089b82a364682dfeb", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.527, + "map_at_10": 43.699, + "map_at_100": 45.03, + "map_at_1000": 45.157000000000004, + "map_at_3": 39.943, + "map_at_5": 42.324, + "mrr_at_1": 39.771, + "mrr_at_10": 49.277, + "mrr_at_100": 49.956, + "mrr_at_1000": 50.005, + "mrr_at_3": 46.304, + "mrr_at_5": 48.493, + "ndcg_at_1": 39.771, + "ndcg_at_10": 49.957, + "ndcg_at_100": 54.678000000000004, + "ndcg_at_1000": 56.751, + "ndcg_at_3": 44.608, + "ndcg_at_5": 47.687000000000005, + "precision_at_1": 39.771, + "precision_at_10": 9.557, + "precision_at_100": 1.5010000000000001, + "precision_at_1000": 0.194, + "precision_at_3": 21.173000000000002, + "precision_at_5": 15.794, + "recall_at_1": 32.527, + "recall_at_10": 61.791, + "recall_at_100": 81.49300000000001, + "recall_at_1000": 95.014, + "recall_at_3": 46.605000000000004, + "recall_at_5": 54.83, + "main_score": 49.957 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/CQADupstackEnglishRetrieval.json b/results/Snowflake__snowflake-arctic-embed-xs/external/CQADupstackEnglishRetrieval.json new file mode 100644 index 000000000..a0d955dc0 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/CQADupstackEnglishRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "ad9991cb51e31e31e430383c75ffb2885547b5f0", + "task_name": "CQADupstackEnglishRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.424, + "map_at_10": 38.667, + "map_at_100": 39.771, + "map_at_1000": 39.899, + "map_at_3": 35.91, + "map_at_5": 37.45, + "mrr_at_1": 36.687999999999995, + "mrr_at_10": 44.673, + "mrr_at_100": 45.289, + "mrr_at_1000": 45.338, + "mrr_at_3": 42.601, + "mrr_at_5": 43.875, + "ndcg_at_1": 36.687999999999995, + "ndcg_at_10": 44.013000000000005, + "ndcg_at_100": 48.13, + "ndcg_at_1000": 50.294000000000004, + "ndcg_at_3": 40.056999999999995, + "ndcg_at_5": 41.902, + "precision_at_1": 36.687999999999995, + "precision_at_10": 8.158999999999999, + "precision_at_100": 1.321, + "precision_at_1000": 0.179, + "precision_at_3": 19.045, + "precision_at_5": 13.427, + "recall_at_1": 29.424, + "recall_at_10": 53.08500000000001, + "recall_at_100": 70.679, + "recall_at_1000": 84.66, + "recall_at_3": 41.399, + "recall_at_5": 46.632, + "main_score": 44.013000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/CQADupstackGamingRetrieval.json b/results/Snowflake__snowflake-arctic-embed-xs/external/CQADupstackGamingRetrieval.json new file mode 100644 index 000000000..7ba7bbd4e --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/CQADupstackGamingRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "4885aa143210c98657558c04aaf3dc47cfb54340", + "task_name": "CQADupstackGamingRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 39.747, + "map_at_10": 51.452, + "map_at_100": 52.384, + "map_at_1000": 52.437, + "map_at_3": 48.213, + "map_at_5": 50.195, + "mrr_at_1": 45.391999999999996, + "mrr_at_10": 54.928, + "mrr_at_100": 55.532000000000004, + "mrr_at_1000": 55.565, + "mrr_at_3": 52.456, + "mrr_at_5": 54.054, + "ndcg_at_1": 45.391999999999996, + "ndcg_at_10": 57.055, + "ndcg_at_100": 60.751999999999995, + "ndcg_at_1000": 61.864, + "ndcg_at_3": 51.662, + "ndcg_at_5": 54.613, + "precision_at_1": 45.391999999999996, + "precision_at_10": 9.103, + "precision_at_100": 1.1780000000000002, + "precision_at_1000": 0.132, + "precision_at_3": 22.717000000000002, + "precision_at_5": 15.812000000000001, + "recall_at_1": 39.747, + "recall_at_10": 70.10499999999999, + "recall_at_100": 86.23100000000001, + "recall_at_1000": 94.025, + "recall_at_3": 55.899, + "recall_at_5": 63.05500000000001, + "main_score": 57.055 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/CQADupstackGisRetrieval.json b/results/Snowflake__snowflake-arctic-embed-xs/external/CQADupstackGisRetrieval.json new file mode 100644 index 000000000..eba39c6f6 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/CQADupstackGisRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "5003b3064772da1887988e05400cf3806fe491f2", + "task_name": "CQADupstackGisRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.168999999999997, + "map_at_10": 34.975, + "map_at_100": 35.94, + "map_at_1000": 36.021, + "map_at_3": 32.35, + "map_at_5": 33.831, + "mrr_at_1": 28.701, + "mrr_at_10": 36.698, + "mrr_at_100": 37.546, + "mrr_at_1000": 37.613, + "mrr_at_3": 34.256, + "mrr_at_5": 35.685, + "ndcg_at_1": 28.701, + "ndcg_at_10": 39.639, + "ndcg_at_100": 44.389, + "ndcg_at_1000": 46.46, + "ndcg_at_3": 34.52, + "ndcg_at_5": 37.076, + "precision_at_1": 28.701, + "precision_at_10": 5.955, + "precision_at_100": 0.8880000000000001, + "precision_at_1000": 0.109, + "precision_at_3": 14.274999999999999, + "precision_at_5": 10.011000000000001, + "recall_at_1": 27.168999999999997, + "recall_at_10": 52.347, + "recall_at_100": 74.1, + "recall_at_1000": 89.739, + "recall_at_3": 38.567, + "recall_at_5": 44.767, + "main_score": 39.639 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/CQADupstackMathematicaRetrieval.json b/results/Snowflake__snowflake-arctic-embed-xs/external/CQADupstackMathematicaRetrieval.json new file mode 100644 index 000000000..b99316204 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/CQADupstackMathematicaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "90fceea13679c63fe563ded68f3b6f06e50061de", + "task_name": "CQADupstackMathematicaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.872, + "map_at_10": 23.153000000000002, + "map_at_100": 24.311, + "map_at_1000": 24.432000000000002, + "map_at_3": 20.707, + "map_at_5": 21.921, + "mrr_at_1": 19.776, + "mrr_at_10": 27.755999999999997, + "mrr_at_100": 28.709, + "mrr_at_1000": 28.778, + "mrr_at_3": 25.186999999999998, + "mrr_at_5": 26.43, + "ndcg_at_1": 19.776, + "ndcg_at_10": 28.288999999999998, + "ndcg_at_100": 34.011, + "ndcg_at_1000": 36.916, + "ndcg_at_3": 23.551, + "ndcg_at_5": 25.429000000000002, + "precision_at_1": 19.776, + "precision_at_10": 5.311, + "precision_at_100": 0.9440000000000001, + "precision_at_1000": 0.132, + "precision_at_3": 11.360000000000001, + "precision_at_5": 8.209, + "recall_at_1": 15.872, + "recall_at_10": 39.726, + "recall_at_100": 65.035, + "recall_at_1000": 85.846, + "recall_at_3": 26.432, + "recall_at_5": 31.22, + "main_score": 28.288999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/CQADupstackPhysicsRetrieval.json b/results/Snowflake__snowflake-arctic-embed-xs/external/CQADupstackPhysicsRetrieval.json new file mode 100644 index 000000000..a1931df45 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/CQADupstackPhysicsRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "79531abbd1fb92d06c6d6315a0cbbbf5bb247ea4", + "task_name": "CQADupstackPhysicsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.126, + "map_at_10": 37.537, + "map_at_100": 38.807, + "map_at_1000": 38.923, + "map_at_3": 34.65, + "map_at_5": 36.248000000000005, + "mrr_at_1": 34.649, + "mrr_at_10": 42.893, + "mrr_at_100": 43.721, + "mrr_at_1000": 43.775999999999996, + "mrr_at_3": 40.488, + "mrr_at_5": 41.729, + "ndcg_at_1": 34.649, + "ndcg_at_10": 43.072, + "ndcg_at_100": 48.464, + "ndcg_at_1000": 50.724000000000004, + "ndcg_at_3": 38.506, + "ndcg_at_5": 40.522000000000006, + "precision_at_1": 34.649, + "precision_at_10": 7.68, + "precision_at_100": 1.214, + "precision_at_1000": 0.16, + "precision_at_3": 18.029999999999998, + "precision_at_5": 12.666, + "recall_at_1": 28.126, + "recall_at_10": 54.396, + "recall_at_100": 76.988, + "recall_at_1000": 91.85799999999999, + "recall_at_3": 41.169, + "recall_at_5": 46.658, + "main_score": 43.072 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/CQADupstackProgrammersRetrieval.json b/results/Snowflake__snowflake-arctic-embed-xs/external/CQADupstackProgrammersRetrieval.json new file mode 100644 index 000000000..7d4743d43 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/CQADupstackProgrammersRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "6184bc1440d2dbc7612be22b50686b8826d22b32", + "task_name": "CQADupstackProgrammersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.68, + "map_at_10": 35.702, + "map_at_100": 36.864999999999995, + "map_at_1000": 36.977, + "map_at_3": 32.828, + "map_at_5": 34.481, + "mrr_at_1": 32.991, + "mrr_at_10": 40.993, + "mrr_at_100": 41.827, + "mrr_at_1000": 41.887, + "mrr_at_3": 38.623000000000005, + "mrr_at_5": 40.021, + "ndcg_at_1": 32.991, + "ndcg_at_10": 41.036, + "ndcg_at_100": 46.294000000000004, + "ndcg_at_1000": 48.644, + "ndcg_at_3": 36.419000000000004, + "ndcg_at_5": 38.618, + "precision_at_1": 32.991, + "precision_at_10": 7.385999999999999, + "precision_at_100": 1.176, + "precision_at_1000": 0.151, + "precision_at_3": 17.122999999999998, + "precision_at_5": 12.215, + "recall_at_1": 26.68, + "recall_at_10": 51.644, + "recall_at_100": 74.55000000000001, + "recall_at_1000": 90.825, + "recall_at_3": 38.579, + "recall_at_5": 44.512, + "main_score": 41.036 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/CQADupstackStatsRetrieval.json b/results/Snowflake__snowflake-arctic-embed-xs/external/CQADupstackStatsRetrieval.json new file mode 100644 index 000000000..cc2c0e68e --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/CQADupstackStatsRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "65ac3a16b8e91f9cee4c9828cc7c335575432a2a", + "task_name": "CQADupstackStatsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.363999999999997, + "map_at_10": 30.606, + "map_at_100": 31.491999999999997, + "map_at_1000": 31.578, + "map_at_3": 28.610000000000003, + "map_at_5": 29.602, + "mrr_at_1": 26.38, + "mrr_at_10": 33.472, + "mrr_at_100": 34.299, + "mrr_at_1000": 34.361999999999995, + "mrr_at_3": 31.696999999999996, + "mrr_at_5": 32.503, + "ndcg_at_1": 26.38, + "ndcg_at_10": 34.772999999999996, + "ndcg_at_100": 39.334, + "ndcg_at_1000": 41.676, + "ndcg_at_3": 31.097, + "ndcg_at_5": 32.561, + "precision_at_1": 26.38, + "precision_at_10": 5.475, + "precision_at_100": 0.84, + "precision_at_1000": 0.11100000000000002, + "precision_at_3": 13.395000000000001, + "precision_at_5": 9.11, + "recall_at_1": 23.363999999999997, + "recall_at_10": 44.656, + "recall_at_100": 65.77199999999999, + "recall_at_1000": 83.462, + "recall_at_3": 34.213, + "recall_at_5": 38.091, + "main_score": 34.772999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/CQADupstackTexRetrieval.json b/results/Snowflake__snowflake-arctic-embed-xs/external/CQADupstackTexRetrieval.json new file mode 100644 index 000000000..bc479f004 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/CQADupstackTexRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "46989137a86843e03a6195de44b09deda022eec7", + "task_name": "CQADupstackTexRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.971999999999998, + "map_at_10": 24.913, + "map_at_100": 25.916, + "map_at_1000": 26.049, + "map_at_3": 22.569, + "map_at_5": 23.858999999999998, + "mrr_at_1": 21.748, + "mrr_at_10": 28.711, + "mrr_at_100": 29.535, + "mrr_at_1000": 29.621, + "mrr_at_3": 26.484999999999996, + "mrr_at_5": 27.701999999999998, + "ndcg_at_1": 21.748, + "ndcg_at_10": 29.412, + "ndcg_at_100": 34.204, + "ndcg_at_1000": 37.358000000000004, + "ndcg_at_3": 25.202, + "ndcg_at_5": 27.128000000000004, + "precision_at_1": 21.748, + "precision_at_10": 5.279, + "precision_at_100": 0.902, + "precision_at_1000": 0.135, + "precision_at_3": 11.551, + "precision_at_5": 8.437999999999999, + "recall_at_1": 17.971999999999998, + "recall_at_10": 39.186, + "recall_at_100": 60.785999999999994, + "recall_at_1000": 83.372, + "recall_at_3": 27.584999999999997, + "recall_at_5": 32.448, + "main_score": 29.412 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/CQADupstackUnixRetrieval.json b/results/Snowflake__snowflake-arctic-embed-xs/external/CQADupstackUnixRetrieval.json new file mode 100644 index 000000000..af83412d0 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/CQADupstackUnixRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "6c6430d3a6d36f8d2a829195bc5dc94d7e063e53", + "task_name": "CQADupstackUnixRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.684, + "map_at_10": 35.188, + "map_at_100": 36.379, + "map_at_1000": 36.481, + "map_at_3": 32.401, + "map_at_5": 34.132, + "mrr_at_1": 31.063000000000002, + "mrr_at_10": 39.104, + "mrr_at_100": 40.062999999999995, + "mrr_at_1000": 40.119, + "mrr_at_3": 36.692, + "mrr_at_5": 38.161, + "ndcg_at_1": 31.063000000000002, + "ndcg_at_10": 40.096, + "ndcg_at_100": 45.616, + "ndcg_at_1000": 47.869, + "ndcg_at_3": 35.256, + "ndcg_at_5": 37.826, + "precision_at_1": 31.063000000000002, + "precision_at_10": 6.622999999999999, + "precision_at_100": 1.046, + "precision_at_1000": 0.135, + "precision_at_3": 15.641, + "precision_at_5": 11.231, + "recall_at_1": 26.684, + "recall_at_10": 51.092999999999996, + "recall_at_100": 75.099, + "recall_at_1000": 90.644, + "recall_at_3": 38.063, + "recall_at_5": 44.518, + "main_score": 40.096 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/CQADupstackWebmastersRetrieval.json b/results/Snowflake__snowflake-arctic-embed-xs/external/CQADupstackWebmastersRetrieval.json new file mode 100644 index 000000000..f4705424d --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/CQADupstackWebmastersRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "160c094312a0e1facb97e55eeddb698c0abe3571", + "task_name": "CQADupstackWebmastersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.249, + "map_at_10": 34.694, + "map_at_100": 36.208, + "map_at_1000": 36.443, + "map_at_3": 31.868000000000002, + "map_at_5": 33.018, + "mrr_at_1": 31.818, + "mrr_at_10": 39.416000000000004, + "mrr_at_100": 40.327, + "mrr_at_1000": 40.388000000000005, + "mrr_at_3": 37.120999999999995, + "mrr_at_5": 38.07, + "ndcg_at_1": 31.818, + "ndcg_at_10": 40.405, + "ndcg_at_100": 45.816, + "ndcg_at_1000": 48.403, + "ndcg_at_3": 35.823, + "ndcg_at_5": 37.191, + "precision_at_1": 31.818, + "precision_at_10": 7.806, + "precision_at_100": 1.518, + "precision_at_1000": 0.241, + "precision_at_3": 16.535, + "precision_at_5": 11.738999999999999, + "recall_at_1": 26.249, + "recall_at_10": 50.928, + "recall_at_100": 75.271, + "recall_at_1000": 91.535, + "recall_at_3": 37.322, + "recall_at_5": 41.318, + "main_score": 40.405 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/CQADupstackWordpressRetrieval.json b/results/Snowflake__snowflake-arctic-embed-xs/external/CQADupstackWordpressRetrieval.json new file mode 100644 index 000000000..839d06b4c --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/CQADupstackWordpressRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "4ffe81d471b1924886b33c7567bfb200e9eec5c4", + "task_name": "CQADupstackWordpressRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.884999999999998, + "map_at_10": 29.158, + "map_at_100": 30.208000000000002, + "map_at_1000": 30.304, + "map_at_3": 26.82, + "map_at_5": 28.051, + "mrr_at_1": 23.66, + "mrr_at_10": 31.277, + "mrr_at_100": 32.237, + "mrr_at_1000": 32.308, + "mrr_at_3": 29.205, + "mrr_at_5": 30.314000000000004, + "ndcg_at_1": 23.66, + "ndcg_at_10": 33.64, + "ndcg_at_100": 39.028, + "ndcg_at_1000": 41.423, + "ndcg_at_3": 29.189, + "ndcg_at_5": 31.191999999999997, + "precision_at_1": 23.66, + "precision_at_10": 5.287, + "precision_at_100": 0.86, + "precision_at_1000": 0.11499999999999999, + "precision_at_3": 12.631, + "precision_at_5": 8.762, + "recall_at_1": 21.884999999999998, + "recall_at_10": 45.357, + "recall_at_100": 70.338, + "recall_at_1000": 88.356, + "recall_at_3": 33.312000000000005, + "recall_at_5": 38.222, + "main_score": 33.64 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/ClimateFEVER.json b/results/Snowflake__snowflake-arctic-embed-xs/external/ClimateFEVER.json new file mode 100644 index 000000000..7328688c1 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 13.058, + "map_at_10": 21.549, + "map_at_100": 23.287, + "map_at_1000": 23.444000000000003, + "map_at_3": 18.18, + "map_at_5": 19.886, + "mrr_at_1": 28.73, + "mrr_at_10": 40.014, + "mrr_at_100": 40.827000000000005, + "mrr_at_1000": 40.866, + "mrr_at_3": 36.602000000000004, + "mrr_at_5": 38.702, + "ndcg_at_1": 28.73, + "ndcg_at_10": 29.881, + "ndcg_at_100": 36.662, + "ndcg_at_1000": 39.641999999999996, + "ndcg_at_3": 24.661, + "ndcg_at_5": 26.548, + "precision_at_1": 28.73, + "precision_at_10": 9.094, + "precision_at_100": 1.6480000000000001, + "precision_at_1000": 0.22100000000000003, + "precision_at_3": 17.98, + "precision_at_5": 13.811000000000002, + "recall_at_1": 13.058, + "recall_at_10": 35.458, + "recall_at_100": 58.719, + "recall_at_1000": 75.495, + "recall_at_3": 22.607, + "recall_at_5": 28.067999999999998, + "main_score": 29.881 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/DBPedia.json b/results/Snowflake__snowflake-arctic-embed-xs/external/DBPedia.json new file mode 100644 index 000000000..31d66b5f2 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.811, + "map_at_10": 19.134999999999998, + "map_at_100": 26.905, + "map_at_1000": 28.503, + "map_at_3": 13.863, + "map_at_5": 16.062, + "mrr_at_1": 67, + "mrr_at_10": 74.607, + "mrr_at_100": 74.941, + "mrr_at_1000": 74.954, + "mrr_at_3": 73.042, + "mrr_at_5": 73.992, + "ndcg_at_1": 52.87500000000001, + "ndcg_at_10": 40.199, + "ndcg_at_100": 44.901, + "ndcg_at_1000": 52.239999999999995, + "ndcg_at_3": 44.983000000000004, + "ndcg_at_5": 42.137, + "precision_at_1": 67, + "precision_at_10": 31.8, + "precision_at_100": 10.315000000000001, + "precision_at_1000": 2.0420000000000003, + "precision_at_3": 48.667, + "precision_at_5": 40.9, + "recall_at_1": 8.811, + "recall_at_10": 24.503, + "recall_at_100": 51.288999999999994, + "recall_at_1000": 74.827, + "recall_at_3": 15.254999999999999, + "recall_at_5": 18.698999999999998, + "main_score": 40.199 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/EmotionClassification.json b/results/Snowflake__snowflake-arctic-embed-xs/external/EmotionClassification.json new file mode 100644 index 000000000..c1ed2d425 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 41.839999999999996, + "f1": 37.78718146306379, + "main_score": 41.839999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/FEVER.json b/results/Snowflake__snowflake-arctic-embed-xs/external/FEVER.json new file mode 100644 index 000000000..967809228 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 68.47999999999999, + "map_at_10": 78.782, + "map_at_100": 79.021, + "map_at_1000": 79.035, + "map_at_3": 77.389, + "map_at_5": 78.347, + "mrr_at_1": 73.837, + "mrr_at_10": 83.41499999999999, + "mrr_at_100": 83.53399999999999, + "mrr_at_1000": 83.535, + "mrr_at_3": 82.32300000000001, + "mrr_at_5": 83.13000000000001, + "ndcg_at_1": 73.837, + "ndcg_at_10": 83.404, + "ndcg_at_100": 84.287, + "ndcg_at_1000": 84.52199999999999, + "ndcg_at_3": 81.072, + "ndcg_at_5": 82.537, + "precision_at_1": 73.837, + "precision_at_10": 10.254000000000001, + "precision_at_100": 1.088, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 31.538, + "precision_at_5": 19.811, + "recall_at_1": 68.47999999999999, + "recall_at_10": 92.98100000000001, + "recall_at_100": 96.50800000000001, + "recall_at_1000": 97.925, + "recall_at_3": 86.764, + "recall_at_5": 90.39, + "main_score": 83.404 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/FiQA2018.json b/results/Snowflake__snowflake-arctic-embed-xs/external/FiQA2018.json new file mode 100644 index 000000000..5d98d15c3 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.786, + "map_at_10": 26.97, + "map_at_100": 28.488000000000003, + "map_at_1000": 28.665000000000003, + "map_at_3": 23.3, + "map_at_5": 25.249, + "mrr_at_1": 33.025, + "mrr_at_10": 41.86, + "mrr_at_100": 42.673, + "mrr_at_1000": 42.714, + "mrr_at_3": 39.403, + "mrr_at_5": 40.723, + "ndcg_at_1": 33.025, + "ndcg_at_10": 34.522999999999996, + "ndcg_at_100": 40.831, + "ndcg_at_1000": 44.01, + "ndcg_at_3": 30.698999999999998, + "ndcg_at_5": 31.832, + "precision_at_1": 33.025, + "precision_at_10": 9.583, + "precision_at_100": 1.619, + "precision_at_1000": 0.22100000000000003, + "precision_at_3": 20.216, + "precision_at_5": 15.031, + "recall_at_1": 16.786, + "recall_at_10": 41.969, + "recall_at_100": 66.353, + "recall_at_1000": 85.299, + "recall_at_3": 28.111000000000004, + "recall_at_5": 33.645, + "main_score": 34.522999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/HotpotQA.json b/results/Snowflake__snowflake-arctic-embed-xs/external/HotpotQA.json new file mode 100644 index 000000000..76711a004 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 37.346000000000004, + "map_at_10": 56.184999999999995, + "map_at_100": 57.062000000000005, + "map_at_1000": 57.126999999999995, + "map_at_3": 52.815, + "map_at_5": 54.893, + "mrr_at_1": 74.693, + "mrr_at_10": 81.128, + "mrr_at_100": 81.356, + "mrr_at_1000": 81.363, + "mrr_at_3": 80.05600000000001, + "mrr_at_5": 80.74, + "ndcg_at_1": 74.693, + "ndcg_at_10": 65.249, + "ndcg_at_100": 68.357, + "ndcg_at_1000": 69.64200000000001, + "ndcg_at_3": 60.377, + "ndcg_at_5": 63.044, + "precision_at_1": 74.693, + "precision_at_10": 13.630999999999998, + "precision_at_100": 1.606, + "precision_at_1000": 0.178, + "precision_at_3": 38.222, + "precision_at_5": 25.040000000000003, + "recall_at_1": 37.346000000000004, + "recall_at_10": 68.157, + "recall_at_100": 80.297, + "recall_at_1000": 88.832, + "recall_at_3": 57.333, + "recall_at_5": 62.6, + "main_score": 65.249 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/ImdbClassification.json b/results/Snowflake__snowflake-arctic-embed-xs/external/ImdbClassification.json new file mode 100644 index 000000000..19fd4e695 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 62.80240000000001, + "ap": 58.22949464075975, + "f1": 62.55694937343487, + "main_score": 62.80240000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/MSMARCO.json b/results/Snowflake__snowflake-arctic-embed-xs/external/MSMARCO.json new file mode 100644 index 000000000..65338b480 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.918, + "map_at_10": 32.732, + "map_at_100": 33.922000000000004, + "map_at_1000": 33.976, + "map_at_3": 29.051, + "map_at_5": 31.101, + "mrr_at_1": 21.418, + "mrr_at_10": 33.284000000000006, + "mrr_at_100": 34.426, + "mrr_at_1000": 34.473, + "mrr_at_3": 29.644, + "mrr_at_5": 31.691000000000003, + "ndcg_at_1": 21.418, + "ndcg_at_10": 39.427, + "ndcg_at_100": 45.190999999999995, + "ndcg_at_1000": 46.544000000000004, + "ndcg_at_3": 31.885, + "ndcg_at_5": 35.555, + "precision_at_1": 21.418, + "precision_at_10": 6.254999999999999, + "precision_at_100": 0.915, + "precision_at_1000": 0.10300000000000001, + "precision_at_3": 13.591000000000001, + "precision_at_5": 10.011000000000001, + "recall_at_1": 20.918, + "recall_at_10": 60.074000000000005, + "recall_at_100": 86.726, + "recall_at_1000": 97.116, + "recall_at_3": 39.506, + "recall_at_5": 48.319, + "main_score": 39.427 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/MTOPDomainClassification.json b/results/Snowflake__snowflake-arctic-embed-xs/external/MTOPDomainClassification.json new file mode 100644 index 000000000..0f6f08d8c --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 90.79799361605106, + "f1": 90.0757957511057, + "main_score": 90.79799361605106 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/MTOPIntentClassification.json b/results/Snowflake__snowflake-arctic-embed-xs/external/MTOPIntentClassification.json new file mode 100644 index 000000000..0a73fc4ef --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 58.00501595987233, + "f1": 39.85731569133947, + "main_score": 58.00501595987233 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/MasakhaNEWSClassification.json b/results/Snowflake__snowflake-arctic-embed-xs/external/MasakhaNEWSClassification.json new file mode 100644 index 000000000..545993977 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/MasakhaNEWSClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "8ccc72e69e65f40c70e117d8b3c08306bb788b60", + "task_name": "MasakhaNEWSClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "eng", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.10970464135022, + "f1": 76.12037616356896, + "main_score": 77.10970464135022 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/MassiveIntentClassification.json b/results/Snowflake__snowflake-arctic-embed-xs/external/MassiveIntentClassification.json new file mode 100644 index 000000000..69fc06d90 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 63.51042367182246, + "f1": 60.99310361578824, + "main_score": 63.51042367182246 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/MassiveScenarioClassification.json b/results/Snowflake__snowflake-arctic-embed-xs/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..e6443f9fa --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.0053799596503, + "f1": 69.7794673003686, + "main_score": 71.0053799596503 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/MedrxivClusteringP2P.json b/results/Snowflake__snowflake-arctic-embed-xs/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..14f84b457 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.56899174856954, + "main_score": 30.56899174856954 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/MedrxivClusteringS2S.json b/results/Snowflake__snowflake-arctic-embed-xs/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..04edfdd72 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 26.21848014733929, + "main_score": 26.21848014733929 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/MindSmallReranking.json b/results/Snowflake__snowflake-arctic-embed-xs/external/MindSmallReranking.json new file mode 100644 index 000000000..b967e279b --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 30.256308756916646, + "mrr": 31.123872086825656, + "main_score": 30.256308756916646 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/NFCorpus.json b/results/Snowflake__snowflake-arctic-embed-xs/external/NFCorpus.json new file mode 100644 index 000000000..0c443109c --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.07, + "map_at_10": 11.286999999999999, + "map_at_100": 13.630999999999998, + "map_at_1000": 14.844, + "map_at_3": 8.395, + "map_at_5": 9.721, + "mrr_at_1": 41.486000000000004, + "mrr_at_10": 51.041000000000004, + "mrr_at_100": 51.661, + "mrr_at_1000": 51.7, + "mrr_at_3": 49.226, + "mrr_at_5": 50.526, + "ndcg_at_1": 39.783, + "ndcg_at_10": 30.885, + "ndcg_at_100": 27.459, + "ndcg_at_1000": 35.988, + "ndcg_at_3": 36.705, + "ndcg_at_5": 34.156, + "precision_at_1": 41.486000000000004, + "precision_at_10": 22.415, + "precision_at_100": 6.819999999999999, + "precision_at_1000": 1.8980000000000001, + "precision_at_3": 34.572, + "precision_at_5": 29.287999999999997, + "recall_at_1": 5.07, + "recall_at_10": 14.576, + "recall_at_100": 27.112000000000002, + "recall_at_1000": 57.995, + "recall_at_3": 9.242, + "recall_at_5": 11.668000000000001, + "main_score": 30.885 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/NQ.json b/results/Snowflake__snowflake-arctic-embed-xs/external/NQ.json new file mode 100644 index 000000000..839bd6679 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.263999999999996, + "map_at_10": 47.219, + "map_at_100": 48.209999999999994, + "map_at_1000": 48.24, + "map_at_3": 42.905, + "map_at_5": 45.501000000000005, + "mrr_at_1": 36.153, + "mrr_at_10": 49.636, + "mrr_at_100": 50.357, + "mrr_at_1000": 50.378, + "mrr_at_3": 46.094, + "mrr_at_5": 48.233, + "ndcg_at_1": 36.124, + "ndcg_at_10": 54.764, + "ndcg_at_100": 58.867999999999995, + "ndcg_at_1000": 59.548, + "ndcg_at_3": 46.717999999999996, + "ndcg_at_5": 50.981, + "precision_at_1": 36.124, + "precision_at_10": 8.931000000000001, + "precision_at_100": 1.126, + "precision_at_1000": 0.11900000000000001, + "precision_at_3": 21.051000000000002, + "precision_at_5": 15.104000000000001, + "recall_at_1": 32.263999999999996, + "recall_at_10": 75.39099999999999, + "recall_at_100": 93.038, + "recall_at_1000": 98.006, + "recall_at_3": 54.562999999999995, + "recall_at_5": 64.352, + "main_score": 54.764 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/NewsClassification.json b/results/Snowflake__snowflake-arctic-embed-xs/external/NewsClassification.json new file mode 100644 index 000000000..090149110 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/NewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "eb185aade064a813bc0b7f42de02595523103ca4", + "task_name": "NewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.75, + "f1": 77.504243291547, + "main_score": 77.75 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/OpusparcusPC.json b/results/Snowflake__snowflake-arctic-embed-xs/external/OpusparcusPC.json new file mode 100644 index 000000000..8353fb28c --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/OpusparcusPC.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "9e9b1f8ef51616073f47f306f7f47dd91663f86a", + "task_name": "OpusparcusPC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.89816700610999, + "cos_sim_ap": 100, + "cos_sim_f1": 99.9490575649516, + "cos_sim_precision": 100, + "cos_sim_recall": 99.89816700610999, + "dot_accuracy": 99.89816700610999, + "dot_ap": 100, + "dot_f1": 99.9490575649516, + "dot_precision": 100, + "dot_recall": 99.89816700610999, + "euclidean_accuracy": 99.89816700610999, + "euclidean_ap": 100, + "euclidean_f1": 99.9490575649516, + "euclidean_precision": 100, + "euclidean_recall": 99.89816700610999, + "manhattan_accuracy": 99.89816700610999, + "manhattan_ap": 100, + "manhattan_f1": 99.9490575649516, + "manhattan_precision": 100, + "manhattan_recall": 99.89816700610999, + "max_accuracy": 99.89816700610999, + "max_ap": 100, + "max_f1": 99.9490575649516, + "main_score": 100 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/QuoraRetrieval.json b/results/Snowflake__snowflake-arctic-embed-xs/external/QuoraRetrieval.json new file mode 100644 index 000000000..111fae582 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "e4e08e0b7dbe3c8700f0daef558ff32256715259", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 69.001, + "map_at_10": 82.573, + "map_at_100": 83.226, + "map_at_1000": 83.246, + "map_at_3": 79.625, + "map_at_5": 81.491, + "mrr_at_1": 79.44, + "mrr_at_10": 85.928, + "mrr_at_100": 86.05199999999999, + "mrr_at_1000": 86.054, + "mrr_at_3": 84.847, + "mrr_at_5": 85.596, + "ndcg_at_1": 79.41, + "ndcg_at_10": 86.568, + "ndcg_at_100": 87.965, + "ndcg_at_1000": 88.134, + "ndcg_at_3": 83.55900000000001, + "ndcg_at_5": 85.244, + "precision_at_1": 79.41, + "precision_at_10": 13.108, + "precision_at_100": 1.509, + "precision_at_1000": 0.156, + "precision_at_3": 36.443, + "precision_at_5": 24.03, + "recall_at_1": 69.001, + "recall_at_10": 94.132, + "recall_at_100": 99.043, + "recall_at_1000": 99.878, + "recall_at_3": 85.492, + "recall_at_5": 90.226, + "main_score": 86.568 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/RedditClustering.json b/results/Snowflake__snowflake-arctic-embed-xs/external/RedditClustering.json new file mode 100644 index 000000000..d202e2a4a --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.3161352736264, + "main_score": 48.3161352736264 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/RedditClusteringP2P.json b/results/Snowflake__snowflake-arctic-embed-xs/external/RedditClusteringP2P.json new file mode 100644 index 000000000..9d30dfa2b --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 57.83784484156747, + "main_score": 57.83784484156747 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/SCIDOCS.json b/results/Snowflake__snowflake-arctic-embed-xs/external/SCIDOCS.json new file mode 100644 index 000000000..064cab44d --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "f8c2fcf00f625baaa80f62ec5bd9e1fff3b8ae88", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.403, + "map_at_10": 10.922, + "map_at_100": 12.626000000000001, + "map_at_1000": 12.883, + "map_at_3": 7.982, + "map_at_5": 9.442, + "mrr_at_1": 21.7, + "mrr_at_10": 31.653, + "mrr_at_100": 32.757999999999996, + "mrr_at_1000": 32.824999999999996, + "mrr_at_3": 28.266999999999996, + "mrr_at_5": 30.127, + "ndcg_at_1": 21.7, + "ndcg_at_10": 18.355, + "ndcg_at_100": 25.228, + "ndcg_at_1000": 30.164, + "ndcg_at_3": 17.549, + "ndcg_at_5": 15.260000000000002, + "precision_at_1": 21.7, + "precision_at_10": 9.47, + "precision_at_100": 1.9290000000000003, + "precision_at_1000": 0.312, + "precision_at_3": 16.3, + "precision_at_5": 13.28, + "recall_at_1": 4.403, + "recall_at_10": 19.18, + "recall_at_100": 39.182, + "recall_at_1000": 63.378, + "recall_at_3": 9.934999999999999, + "recall_at_5": 13.459999999999999, + "main_score": 18.355 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/SICK-R.json b/results/Snowflake__snowflake-arctic-embed-xs/external/SICK-R.json new file mode 100644 index 000000000..5fd4a0b47 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 76.90841073432534, + "cos_sim_spearman": 69.2566375434526, + "euclidean_pearson": 73.00183878559413, + "euclidean_spearman": 69.25664656235413, + "manhattan_pearson": 72.89594756197533, + "manhattan_spearman": 69.23247111043545, + "cosine_pearson": 76.90841073432534, + "cosine_spearman": 69.2566375434526, + "main_score": 69.2566375434526 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/STS12.json b/results/Snowflake__snowflake-arctic-embed-xs/external/STS12.json new file mode 100644 index 000000000..e12b1564e --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 69.60878511794063, + "cos_sim_spearman": 65.89916377105551, + "euclidean_pearson": 66.90761876557181, + "euclidean_spearman": 65.89915018368384, + "manhattan_pearson": 66.78502575257721, + "manhattan_spearman": 65.79977053467938, + "cosine_pearson": 69.60878511794063, + "cosine_spearman": 65.89916377105551, + "main_score": 65.89916377105551 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/STS13.json b/results/Snowflake__snowflake-arctic-embed-xs/external/STS13.json new file mode 100644 index 000000000..22a7509de --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 77.2869334987418, + "cos_sim_spearman": 77.86961921643416, + "euclidean_pearson": 77.43179820479914, + "euclidean_spearman": 77.86961921643416, + "manhattan_pearson": 77.18900647348373, + "manhattan_spearman": 77.61209060062608, + "cosine_pearson": 77.2869334987418, + "cosine_spearman": 77.86961921643416, + "main_score": 77.86961921643416 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/STS14.json b/results/Snowflake__snowflake-arctic-embed-xs/external/STS14.json new file mode 100644 index 000000000..d1fdf5c2a --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 76.26453932960364, + "cos_sim_spearman": 72.81574657995401, + "euclidean_pearson": 75.0708953437423, + "euclidean_spearman": 72.81574657995401, + "manhattan_pearson": 74.88396609999512, + "manhattan_spearman": 72.65437562156805, + "cosine_pearson": 76.26453932960364, + "cosine_spearman": 72.81574657995401, + "main_score": 72.81574657995401 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/STS15.json b/results/Snowflake__snowflake-arctic-embed-xs/external/STS15.json new file mode 100644 index 000000000..92d9777fc --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.37827653919395, + "cos_sim_spearman": 83.4885552472602, + "euclidean_pearson": 82.89377087926749, + "euclidean_spearman": 83.4885552472602, + "manhattan_pearson": 82.82440771787735, + "manhattan_spearman": 83.41449537888975, + "cosine_pearson": 82.37827653919395, + "cosine_spearman": 83.4885552472602, + "main_score": 83.4885552472602 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/STS16.json b/results/Snowflake__snowflake-arctic-embed-xs/external/STS16.json new file mode 100644 index 000000000..20215f9c8 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 78.7995043673964, + "cos_sim_spearman": 80.57804447517638, + "euclidean_pearson": 80.03013884278195, + "euclidean_spearman": 80.57804447517638, + "manhattan_pearson": 80.13406111544424, + "manhattan_spearman": 80.65354602648962, + "cosine_pearson": 78.7995043673964, + "cosine_spearman": 80.57804447517638, + "main_score": 80.57804447517638 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/STS17.json b/results/Snowflake__snowflake-arctic-embed-xs/external/STS17.json new file mode 100644 index 000000000..460252e77 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.63565989937278, + "cos_sim_spearman": 84.4948593656943, + "euclidean_pearson": 84.68743074820951, + "euclidean_spearman": 84.4948593656943, + "manhattan_pearson": 84.43639397781811, + "manhattan_spearman": 84.32595552115242, + "cosine_pearson": 83.63565989937278, + "cosine_spearman": 84.4948593656943, + "main_score": 84.4948593656943 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/STS22.json b/results/Snowflake__snowflake-arctic-embed-xs/external/STS22.json new file mode 100644 index 000000000..6de3679f1 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "eea2b4fe26a775864c896887d910b76a8098ad3f", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 65.06382649277246, + "cos_sim_spearman": 66.28447782018655, + "euclidean_pearson": 67.09895930908392, + "euclidean_spearman": 66.28447782018655, + "manhattan_pearson": 66.96342453888376, + "manhattan_spearman": 66.33876259551842, + "cosine_pearson": 65.06382649277246, + "cosine_spearman": 66.28447782018655, + "main_score": 66.28447782018655 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/STSBenchmark.json b/results/Snowflake__snowflake-arctic-embed-xs/external/STSBenchmark.json new file mode 100644 index 000000000..440abc1cf --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 78.43883428940346, + "cos_sim_spearman": 79.18395553127085, + "euclidean_pearson": 79.22986635457109, + "euclidean_spearman": 79.18395553127085, + "manhattan_pearson": 79.10921229934691, + "manhattan_spearman": 79.02283553930171, + "cosine_pearson": 78.43883428940346, + "cosine_spearman": 79.18395553127085, + "main_score": 79.18395553127085 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/STSBenchmarkMultilingualSTS.json b/results/Snowflake__snowflake-arctic-embed-xs/external/STSBenchmarkMultilingualSTS.json new file mode 100644 index 000000000..78824b407 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/STSBenchmarkMultilingualSTS.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "93d57ef91790589e3ce9c365164337a8a78b7632", + "task_name": "STSBenchmarkMultilingualSTS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 78.43883433444418, + "cos_sim_spearman": 79.18395553127085, + "euclidean_pearson": 79.22986642351681, + "euclidean_spearman": 79.18395553127085, + "manhattan_pearson": 79.10921236746302, + "manhattan_spearman": 79.02283553930171, + "cosine_pearson": 78.43883433444418, + "cosine_spearman": 79.18395553127085, + "main_score": 79.18395553127085 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/SciDocsRR.json b/results/Snowflake__snowflake-arctic-embed-xs/external/SciDocsRR.json new file mode 100644 index 000000000..1d824243b --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 76.9361627171417, + "mrr": 93.06577046773126, + "main_score": 76.9361627171417 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/SciFact.json b/results/Snowflake__snowflake-arctic-embed-xs/external/SciFact.json new file mode 100644 index 000000000..6495dd99b --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 50.693999999999996, + "map_at_10": 59.784000000000006, + "map_at_100": 60.443000000000005, + "map_at_1000": 60.480000000000004, + "map_at_3": 57.028, + "map_at_5": 58.306999999999995, + "mrr_at_1": 53.333, + "mrr_at_10": 61.565000000000005, + "mrr_at_100": 62.095, + "mrr_at_1000": 62.131, + "mrr_at_3": 59.721999999999994, + "mrr_at_5": 60.589000000000006, + "ndcg_at_1": 53.333, + "ndcg_at_10": 64.512, + "ndcg_at_100": 67.366, + "ndcg_at_1000": 68.46799999999999, + "ndcg_at_3": 59.748999999999995, + "ndcg_at_5": 61.526, + "precision_at_1": 53.333, + "precision_at_10": 8.733, + "precision_at_100": 1.027, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 23.222, + "precision_at_5": 15.2, + "recall_at_1": 50.693999999999996, + "recall_at_10": 77.333, + "recall_at_100": 90.10000000000001, + "recall_at_1000": 99, + "recall_at_3": 64.39399999999999, + "recall_at_5": 68.7, + "main_score": 64.512 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/SprintDuplicateQuestions.json b/results/Snowflake__snowflake-arctic-embed-xs/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..dcccc4484 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.81386138613861, + "cos_sim_ap": 94.96375600031361, + "cos_sim_f1": 90.36885245901641, + "cos_sim_precision": 92.64705882352942, + "cos_sim_recall": 88.2, + "dot_accuracy": 99.81386138613861, + "dot_ap": 94.96375600031361, + "dot_f1": 90.36885245901641, + "dot_precision": 92.64705882352942, + "dot_recall": 88.2, + "euclidean_accuracy": 99.81386138613861, + "euclidean_ap": 94.96375600031361, + "euclidean_f1": 90.36885245901641, + "euclidean_precision": 92.64705882352942, + "euclidean_recall": 88.2, + "manhattan_accuracy": 99.81287128712871, + "manhattan_ap": 94.92563500640084, + "manhattan_f1": 90.27277406073082, + "manhattan_precision": 93.00106044538707, + "manhattan_recall": 87.7, + "max_accuracy": 99.81386138613861, + "max_ap": 94.96375600031361, + "max_f1": 90.36885245901641, + "main_score": 94.96375600031361 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/StackExchangeClustering.json b/results/Snowflake__snowflake-arctic-embed-xs/external/StackExchangeClustering.json new file mode 100644 index 000000000..b341d5257 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 57.486984956276274, + "main_score": 57.486984956276274 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/StackExchangeClusteringP2P.json b/results/Snowflake__snowflake-arctic-embed-xs/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..0db49669f --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.58453023612073, + "main_score": 34.58453023612073 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/StackOverflowDupQuestions.json b/results/Snowflake__snowflake-arctic-embed-xs/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..cac2156df --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 50.16317315282306, + "mrr": 50.82617137764197, + "main_score": 50.16317315282306 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/SummEval.json b/results/Snowflake__snowflake-arctic-embed-xs/external/SummEval.json new file mode 100644 index 000000000..052171d8c --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.2927995133324, + "cos_sim_spearman": 30.09648622523191, + "dot_pearson": 30.29279853541771, + "dot_spearman": 30.09648622523191, + "cosine_pearson": 30.2927995133324, + "cosine_spearman": 30.09648622523191, + "main_score": 30.09648622523191 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/TRECCOVID.json b/results/Snowflake__snowflake-arctic-embed-xs/external/TRECCOVID.json new file mode 100644 index 000000000..7f23549f9 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "bb9466bac8153a0349341eb1b22e06409e78ef4e", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.23500000000000001, + "map_at_10": 2.01, + "map_at_100": 12.064, + "map_at_1000": 27.437, + "map_at_3": 0.6649999999999999, + "map_at_5": 1.0959999999999999, + "mrr_at_1": 88, + "mrr_at_10": 92.667, + "mrr_at_100": 92.667, + "mrr_at_1000": 92.667, + "mrr_at_3": 91.667, + "mrr_at_5": 92.667, + "ndcg_at_1": 84, + "ndcg_at_10": 79.431, + "ndcg_at_100": 60.914, + "ndcg_at_1000": 52.005, + "ndcg_at_3": 82.285, + "ndcg_at_5": 81.565, + "precision_at_1": 88, + "precision_at_10": 84.8, + "precision_at_100": 62.32, + "precision_at_1000": 23.014000000000003, + "precision_at_3": 86.667, + "precision_at_5": 87.2, + "recall_at_1": 0.23500000000000001, + "recall_at_10": 2.19, + "recall_at_100": 14.904, + "recall_at_1000": 47.875, + "recall_at_3": 0.695, + "recall_at_5": 1.165, + "main_score": 79.431 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/Touche2020.json b/results/Snowflake__snowflake-arctic-embed-xs/external/Touche2020.json new file mode 100644 index 000000000..b208c960d --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.639, + "map_at_10": 14.184, + "map_at_100": 20.61, + "map_at_1000": 22.377, + "map_at_3": 9.163, + "map_at_5": 10.773000000000001, + "mrr_at_1": 46.939, + "mrr_at_10": 59.345000000000006, + "mrr_at_100": 60.07599999999999, + "mrr_at_1000": 60.07599999999999, + "mrr_at_3": 55.782, + "mrr_at_5": 58.231, + "ndcg_at_1": 41.837, + "ndcg_at_10": 32.789, + "ndcg_at_100": 42.232, + "ndcg_at_1000": 53.900999999999996, + "ndcg_at_3": 41.963, + "ndcg_at_5": 35.983, + "precision_at_1": 46.939, + "precision_at_10": 28.163, + "precision_at_100": 8.102, + "precision_at_1000": 1.59, + "precision_at_3": 44.897999999999996, + "precision_at_5": 34.694, + "recall_at_1": 3.639, + "recall_at_10": 19.308, + "recall_at_100": 48.992000000000004, + "recall_at_1000": 84.59400000000001, + "recall_at_3": 9.956, + "recall_at_5": 12.33, + "main_score": 32.789 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/ToxicConversationsClassification.json b/results/Snowflake__snowflake-arctic-embed-xs/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..bbcdfb64f --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 64.305, + "ap": 11.330746746072599, + "f1": 49.290704382387865, + "main_score": 64.305 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/TweetSentimentExtractionClassification.json b/results/Snowflake__snowflake-arctic-embed-xs/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..94dc02944 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 56.1941143180532, + "f1": 56.40189765095578, + "main_score": 56.1941143180532 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/TwentyNewsgroupsClustering.json b/results/Snowflake__snowflake-arctic-embed-xs/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..b37a379f8 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.28189332526842, + "main_score": 36.28189332526842 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/TwitterSemEval2015.json b/results/Snowflake__snowflake-arctic-embed-xs/external/TwitterSemEval2015.json new file mode 100644 index 000000000..38cb08289 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 83.1912737676581, + "cos_sim_ap": 64.31536990146257, + "cos_sim_f1": 61.095167030191696, + "cos_sim_precision": 54.074375127006704, + "cos_sim_recall": 70.21108179419525, + "dot_accuracy": 83.1912737676581, + "dot_ap": 64.31539216162541, + "dot_f1": 61.095167030191696, + "dot_precision": 54.074375127006704, + "dot_recall": 70.21108179419525, + "euclidean_accuracy": 83.1912737676581, + "euclidean_ap": 64.31538391358727, + "euclidean_f1": 61.095167030191696, + "euclidean_precision": 54.074375127006704, + "euclidean_recall": 70.21108179419525, + "manhattan_accuracy": 83.07206294331525, + "manhattan_ap": 64.14646315556838, + "manhattan_f1": 61.194029850746254, + "manhattan_precision": 54.166666666666664, + "manhattan_recall": 70.31662269129288, + "max_accuracy": 83.1912737676581, + "max_ap": 64.31539216162541, + "max_f1": 61.194029850746254, + "main_score": 64.31539216162541 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/TwitterURLCorpus.json b/results/Snowflake__snowflake-arctic-embed-xs/external/TwitterURLCorpus.json new file mode 100644 index 000000000..b7d3c4520 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.38242713548337, + "cos_sim_ap": 84.70041255196017, + "cos_sim_f1": 77.13222561986515, + "cos_sim_precision": 73.95266690215472, + "cos_sim_recall": 80.59747459193102, + "dot_accuracy": 88.38242713548337, + "dot_ap": 84.7004118720222, + "dot_f1": 77.13222561986515, + "dot_precision": 73.95266690215472, + "dot_recall": 80.59747459193102, + "euclidean_accuracy": 88.38242713548337, + "euclidean_ap": 84.70041593996575, + "euclidean_f1": 77.13222561986515, + "euclidean_precision": 73.95266690215472, + "euclidean_recall": 80.59747459193102, + "manhattan_accuracy": 88.36108200411378, + "manhattan_ap": 84.66897701572054, + "manhattan_f1": 77.00707640360645, + "manhattan_precision": 72.17695778062082, + "manhattan_recall": 82.53002771789343, + "max_accuracy": 88.38242713548337, + "max_ap": 84.70041593996575, + "max_f1": 77.13222561986515, + "main_score": 84.70041593996575 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/WikiCitiesClustering.json b/results/Snowflake__snowflake-arctic-embed-xs/external/WikiCitiesClustering.json new file mode 100644 index 000000000..169b97560 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/WikiCitiesClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "ddc9ee9242fa65332597f70e967ecc38b9d734fa", + "task_name": "WikiCitiesClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 81.46426354153643, + "main_score": 81.46426354153643 + } + ] + } +} \ No newline at end of file diff --git a/results/Snowflake__snowflake-arctic-embed-xs/external/model_meta.json b/results/Snowflake__snowflake-arctic-embed-xs/external/model_meta.json new file mode 100644 index 000000000..83f8d1141 --- /dev/null +++ b/results/Snowflake__snowflake-arctic-embed-xs/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "Snowflake/snowflake-arctic-embed-xs", + "revision": "742da4f66e1823b5b4dbe6c320a1375a1fd85f9e", + "release_date": "2024-04-12", + "languages": [], + "loader": null, + "n_parameters": 22565376, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 384, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/TownsWu__PEG/external/CmedqaRetrieval.json b/results/TownsWu__PEG/external/CmedqaRetrieval.json new file mode 100644 index 000000000..f121ce561 --- /dev/null +++ b/results/TownsWu__PEG/external/CmedqaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 26.101000000000003, + "map_at_10": 38.239000000000004, + "map_at_100": 40.083, + "map_at_1000": 40.205, + "map_at_3": 34.386, + "map_at_5": 36.425999999999995, + "mrr_at_1": 39.434999999999995, + "mrr_at_10": 46.967999999999996, + "mrr_at_100": 47.946, + "mrr_at_1000": 47.997, + "mrr_at_3": 44.803, + "mrr_at_5": 45.911, + "ndcg_at_1": 39.434999999999995, + "ndcg_at_10": 44.416, + "ndcg_at_100": 51.773, + "ndcg_at_1000": 53.888000000000005, + "ndcg_at_3": 39.816, + "ndcg_at_5": 41.467999999999996, + "precision_at_1": 39.434999999999995, + "precision_at_10": 9.786999999999999, + "precision_at_100": 1.5810000000000002, + "precision_at_1000": 0.184, + "precision_at_3": 22.414, + "precision_at_5": 15.943999999999999, + "recall_at_1": 26.101000000000003, + "recall_at_10": 53.82900000000001, + "recall_at_100": 84.63199999999999, + "recall_at_1000": 98.782, + "recall_at_3": 39.585, + "recall_at_5": 45.141, + "main_score": 44.416 + } + ] + } +} \ No newline at end of file diff --git a/results/TownsWu__PEG/external/CovidRetrieval.json b/results/TownsWu__PEG/external/CovidRetrieval.json new file mode 100644 index 000000000..b4964a4d8 --- /dev/null +++ b/results/TownsWu__PEG/external/CovidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 70.39, + "map_at_10": 78.93599999999999, + "map_at_100": 79.202, + "map_at_1000": 79.205, + "map_at_3": 77.538, + "map_at_5": 78.312, + "mrr_at_1": 70.706, + "mrr_at_10": 79.018, + "mrr_at_100": 79.28399999999999, + "mrr_at_1000": 79.288, + "mrr_at_3": 77.713, + "mrr_at_5": 78.462, + "ndcg_at_1": 70.601, + "ndcg_at_10": 82.555, + "ndcg_at_100": 83.718, + "ndcg_at_1000": 83.855, + "ndcg_at_3": 79.779, + "ndcg_at_5": 81.149, + "precision_at_1": 70.601, + "precision_at_10": 9.463000000000001, + "precision_at_100": 0.9979999999999999, + "precision_at_1000": 0.101, + "precision_at_3": 28.871999999999996, + "precision_at_5": 18.019, + "recall_at_1": 70.39, + "recall_at_10": 93.572, + "recall_at_100": 98.736, + "recall_at_1000": 99.895, + "recall_at_3": 86.091, + "recall_at_5": 89.384, + "main_score": 82.555 + } + ] + } +} \ No newline at end of file diff --git a/results/TownsWu__PEG/external/DuRetrieval.json b/results/TownsWu__PEG/external/DuRetrieval.json new file mode 100644 index 000000000..a16cd7a20 --- /dev/null +++ b/results/TownsWu__PEG/external/DuRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 26.147, + "map_at_10": 80.205, + "map_at_100": 82.96, + "map_at_1000": 82.999, + "map_at_3": 55.16799999999999, + "map_at_5": 69.798, + "mrr_at_1": 89.8, + "mrr_at_10": 93.16799999999999, + "mrr_at_100": 93.22500000000001, + "mrr_at_1000": 93.228, + "mrr_at_3": 92.85, + "mrr_at_5": 93.067, + "ndcg_at_1": 89.8, + "ndcg_at_10": 87.668, + "ndcg_at_100": 90.16, + "ndcg_at_1000": 90.505, + "ndcg_at_3": 85.842, + "ndcg_at_5": 85.101, + "precision_at_1": 89.8, + "precision_at_10": 42.225, + "precision_at_100": 4.8149999999999995, + "precision_at_1000": 0.48900000000000005, + "precision_at_3": 76.967, + "precision_at_5": 65.32, + "recall_at_1": 26.147, + "recall_at_10": 89.30399999999999, + "recall_at_100": 97.609, + "recall_at_1000": 99.409, + "recall_at_3": 57.56, + "recall_at_5": 74.78200000000001, + "main_score": 87.668 + } + ] + } +} \ No newline at end of file diff --git a/results/TownsWu__PEG/external/EcomRetrieval.json b/results/TownsWu__PEG/external/EcomRetrieval.json new file mode 100644 index 000000000..8cfe23943 --- /dev/null +++ b/results/TownsWu__PEG/external/EcomRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 53.300000000000004, + "map_at_10": 62.507000000000005, + "map_at_100": 63.068000000000005, + "map_at_1000": 63.08200000000001, + "map_at_3": 60.050000000000004, + "map_at_5": 61.41, + "mrr_at_1": 53.300000000000004, + "mrr_at_10": 62.507000000000005, + "mrr_at_100": 63.068000000000005, + "mrr_at_1000": 63.08200000000001, + "mrr_at_3": 60.050000000000004, + "mrr_at_5": 61.41, + "ndcg_at_1": 53.300000000000004, + "ndcg_at_10": 67.31700000000001, + "ndcg_at_100": 69.862, + "ndcg_at_1000": 70.231, + "ndcg_at_3": 62.222, + "ndcg_at_5": 64.66300000000001, + "precision_at_1": 53.300000000000004, + "precision_at_10": 8.260000000000002, + "precision_at_100": 0.941, + "precision_at_1000": 0.097, + "precision_at_3": 22.833000000000002, + "precision_at_5": 14.879999999999999, + "recall_at_1": 53.300000000000004, + "recall_at_10": 82.6, + "recall_at_100": 94.1, + "recall_at_1000": 97.0, + "recall_at_3": 68.5, + "recall_at_5": 74.4, + "main_score": 67.31700000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/TownsWu__PEG/external/MMarcoReranking.json b/results/TownsWu__PEG/external/MMarcoReranking.json new file mode 100644 index 000000000..233e70cd1 --- /dev/null +++ b/results/TownsWu__PEG/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 33.548800108363665, + "mrr": 32.529761904761905, + "main_score": 33.548800108363665 + } + ] + } +} \ No newline at end of file diff --git a/results/TownsWu__PEG/external/MMarcoRetrieval.json b/results/TownsWu__PEG/external/MMarcoRetrieval.json new file mode 100644 index 000000000..454d184b6 --- /dev/null +++ b/results/TownsWu__PEG/external/MMarcoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 70.68799999999999, + "map_at_10": 79.28399999999999, + "map_at_100": 79.537, + "map_at_1000": 79.545, + "map_at_3": 77.643, + "map_at_5": 78.694, + "mrr_at_1": 73.05199999999999, + "mrr_at_10": 79.794, + "mrr_at_100": 80.024, + "mrr_at_1000": 80.03099999999999, + "mrr_at_3": 78.441, + "mrr_at_5": 79.29, + "ndcg_at_1": 73.05199999999999, + "ndcg_at_10": 82.627, + "ndcg_at_100": 83.737, + "ndcg_at_1000": 83.946, + "ndcg_at_3": 79.585, + "ndcg_at_5": 81.306, + "precision_at_1": 73.05199999999999, + "precision_at_10": 9.835, + "precision_at_100": 1.038, + "precision_at_1000": 0.106, + "precision_at_3": 29.756, + "precision_at_5": 18.788, + "recall_at_1": 70.68799999999999, + "recall_at_10": 92.38300000000001, + "recall_at_100": 97.347, + "recall_at_1000": 98.992, + "recall_at_3": 84.37, + "recall_at_5": 88.434, + "main_score": 82.627 + } + ] + } +} \ No newline at end of file diff --git a/results/TownsWu__PEG/external/MedicalRetrieval.json b/results/TownsWu__PEG/external/MedicalRetrieval.json new file mode 100644 index 000000000..dee6601e0 --- /dev/null +++ b/results/TownsWu__PEG/external/MedicalRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 53.1, + "map_at_10": 58.36599999999999, + "map_at_100": 58.939, + "map_at_1000": 58.99100000000001, + "map_at_3": 57.15, + "map_at_5": 57.794999999999995, + "mrr_at_1": 53.2, + "mrr_at_10": 58.416000000000004, + "mrr_at_100": 58.989999999999995, + "mrr_at_1000": 59.041, + "mrr_at_3": 57.199999999999996, + "mrr_at_5": 57.845, + "ndcg_at_1": 53.1, + "ndcg_at_10": 60.989000000000004, + "ndcg_at_100": 63.967, + "ndcg_at_1000": 65.436, + "ndcg_at_3": 58.425000000000004, + "ndcg_at_5": 59.583, + "precision_at_1": 53.1, + "precision_at_10": 6.93, + "precision_at_100": 0.8370000000000001, + "precision_at_1000": 0.096, + "precision_at_3": 20.7, + "precision_at_5": 12.98, + "recall_at_1": 53.1, + "recall_at_10": 69.3, + "recall_at_100": 83.7, + "recall_at_1000": 95.5, + "recall_at_3": 62.1, + "recall_at_5": 64.9, + "main_score": 60.989000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/TownsWu__PEG/external/T2Reranking.json b/results/TownsWu__PEG/external/T2Reranking.json new file mode 100644 index 000000000..a3c738adf --- /dev/null +++ b/results/TownsWu__PEG/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 69.43381583724414, + "mrr": 80.47879657392181, + "main_score": 69.43381583724414 + } + ] + } +} \ No newline at end of file diff --git a/results/TownsWu__PEG/external/T2Retrieval.json b/results/TownsWu__PEG/external/T2Retrieval.json new file mode 100644 index 000000000..31793aa30 --- /dev/null +++ b/results/TownsWu__PEG/external/T2Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 28.116000000000003, + "map_at_10": 80.026, + "map_at_100": 83.541, + "map_at_1000": 83.592, + "map_at_3": 56.092, + "map_at_5": 69.114, + "mrr_at_1": 91.557, + "mrr_at_10": 93.73700000000001, + "mrr_at_100": 93.808, + "mrr_at_1000": 93.811, + "mrr_at_3": 93.384, + "mrr_at_5": 93.614, + "ndcg_at_1": 91.553, + "ndcg_at_10": 87.003, + "ndcg_at_100": 90.128, + "ndcg_at_1000": 90.615, + "ndcg_at_3": 88.205, + "ndcg_at_5": 86.978, + "precision_at_1": 91.553, + "precision_at_10": 43.25, + "precision_at_100": 5.067, + "precision_at_1000": 0.518, + "precision_at_3": 77.25, + "precision_at_5": 64.902, + "recall_at_1": 28.116000000000003, + "recall_at_10": 85.994, + "recall_at_100": 96.345, + "recall_at_1000": 98.867, + "recall_at_3": 57.67099999999999, + "recall_at_5": 72.26, + "main_score": 87.003 + } + ] + } +} \ No newline at end of file diff --git a/results/TownsWu__PEG/external/VideoRetrieval.json b/results/TownsWu__PEG/external/VideoRetrieval.json new file mode 100644 index 000000000..17ae92611 --- /dev/null +++ b/results/TownsWu__PEG/external/VideoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 64.9, + "map_at_10": 73.763, + "map_at_100": 74.116, + "map_at_1000": 74.12100000000001, + "map_at_3": 72.15, + "map_at_5": 73.25, + "mrr_at_1": 64.9, + "mrr_at_10": 73.763, + "mrr_at_100": 74.116, + "mrr_at_1000": 74.12100000000001, + "mrr_at_3": 72.15, + "mrr_at_5": 73.25, + "ndcg_at_1": 64.9, + "ndcg_at_10": 77.639, + "ndcg_at_100": 79.396, + "ndcg_at_1000": 79.554, + "ndcg_at_3": 74.406, + "ndcg_at_5": 76.385, + "precision_at_1": 64.9, + "precision_at_10": 8.959999999999999, + "precision_at_100": 0.979, + "precision_at_1000": 0.099, + "precision_at_3": 26.967000000000002, + "precision_at_5": 17.14, + "recall_at_1": 64.9, + "recall_at_10": 89.60000000000001, + "recall_at_100": 97.89999999999999, + "recall_at_1000": 99.2, + "recall_at_3": 80.9, + "recall_at_5": 85.7, + "main_score": 77.639 + } + ] + } +} \ No newline at end of file diff --git a/results/TownsWu__PEG/external/model_meta.json b/results/TownsWu__PEG/external/model_meta.json new file mode 100644 index 000000000..c7d44fdc2 --- /dev/null +++ b/results/TownsWu__PEG/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "TownsWu/PEG", + "revision": "6b83b04bc9e6fdcfe34ee25c72db98f0be8e3881", + "release_date": "2023-11-15", + "languages": [ + "zh" + ], + "loader": null, + "n_parameters": 162793915, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 1024, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/VectorStackAI__vstackai-law-1/external/AILACasedocs.json b/results/VectorStackAI__vstackai-law-1/external/AILACasedocs.json new file mode 100644 index 000000000..19fe4e995 --- /dev/null +++ b/results/VectorStackAI__vstackai-law-1/external/AILACasedocs.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "4106e6bcc72e0698d714ea8b101355e3e238431a", + "task_name": "AILACasedocs", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 45.881, + "map_at_1": 15.626000000000001, + "map_at_10": 35.655, + "map_at_100": 39.715, + "map_at_1000": 39.889, + "map_at_20": 37.102000000000004, + "map_at_3": 27.089999999999996, + "map_at_5": 31.025999999999996, + "mrr_at_1": 46, + "mrr_at_10": 54.604761904761915, + "mrr_at_100": 55.25030966503531, + "mrr_at_1000": 55.28445318355383, + "mrr_at_20": 54.921136173767756, + "mrr_at_3": 51.66666666666666, + "mrr_at_5": 52.166666666666664, + "nauc_map_at_1000_diff1": 15.57495845891449, + "nauc_map_at_1000_max": 23.143422477463474, + "nauc_map_at_1000_std": -8.945561626866498, + "nauc_map_at_100_diff1": 15.506630125824048, + "nauc_map_at_100_max": 23.282567495936846, + "nauc_map_at_100_std": -8.911449134456035, + "nauc_map_at_10_diff1": 15.618163394870141, + "nauc_map_at_10_max": 22.07816596666465, + "nauc_map_at_10_std": -10.298462021115187, + "nauc_map_at_1_diff1": 13.37923142053057, + "nauc_map_at_1_max": 13.483533976115272, + "nauc_map_at_1_std": -6.849119244118052, + "nauc_map_at_20_diff1": 15.678610092128679, + "nauc_map_at_20_max": 23.01239046943845, + "nauc_map_at_20_std": -10.384062772234483, + "nauc_map_at_3_diff1": 21.805983515218617, + "nauc_map_at_3_max": 15.777843249645866, + "nauc_map_at_3_std": -15.963631005395404, + "nauc_map_at_5_diff1": 20.668846473212096, + "nauc_map_at_5_max": 21.465743982369055, + "nauc_map_at_5_std": -13.06765002103128, + "nauc_mrr_at_1000_diff1": 18.950498468308886, + "nauc_mrr_at_1000_max": 26.651641047762148, + "nauc_mrr_at_1000_std": -4.101624493270528, + "nauc_mrr_at_100_diff1": 18.92883047034938, + "nauc_mrr_at_100_max": 26.722955290521792, + "nauc_mrr_at_100_std": -4.027052366530224, + "nauc_mrr_at_10_diff1": 18.60683936270885, + "nauc_mrr_at_10_max": 26.16665005770204, + "nauc_mrr_at_10_std": -4.698063142209917, + "nauc_mrr_at_1_diff1": 17.54487398491498, + "nauc_mrr_at_1_max": 26.099182675882364, + "nauc_mrr_at_1_std": -7.442642768915407, + "nauc_mrr_at_20_diff1": 19.0367989604306, + "nauc_mrr_at_20_max": 26.630737835733974, + "nauc_mrr_at_20_std": -4.11566988702261, + "nauc_mrr_at_3_diff1": 21.267024293259933, + "nauc_mrr_at_3_max": 26.69418345236406, + "nauc_mrr_at_3_std": -3.612150752894062, + "nauc_mrr_at_5_diff1": 19.90001865151827, + "nauc_mrr_at_5_max": 27.66941220085612, + "nauc_mrr_at_5_std": -2.7974974728343893, + "nauc_ndcg_at_1000_diff1": 15.901300620232577, + "nauc_ndcg_at_1000_max": 25.612869768853642, + "nauc_ndcg_at_1000_std": -5.309417560619307, + "nauc_ndcg_at_100_diff1": 14.95954368378741, + "nauc_ndcg_at_100_max": 27.23572900207926, + "nauc_ndcg_at_100_std": -3.5899694438310528, + "nauc_ndcg_at_10_diff1": 14.060694457887331, + "nauc_ndcg_at_10_max": 23.459115385918828, + "nauc_ndcg_at_10_std": -7.547036607345263, + "nauc_ndcg_at_1_diff1": 17.54487398491498, + "nauc_ndcg_at_1_max": 26.099182675882364, + "nauc_ndcg_at_1_std": -7.442642768915407, + "nauc_ndcg_at_20_diff1": 14.406205372080914, + "nauc_ndcg_at_20_max": 26.249115297438518, + "nauc_ndcg_at_20_std": -6.498773153759981, + "nauc_ndcg_at_3_diff1": 15.967994683338851, + "nauc_ndcg_at_3_max": 23.71128286998367, + "nauc_ndcg_at_3_std": -7.166430376561868, + "nauc_ndcg_at_5_diff1": 16.371530698236622, + "nauc_ndcg_at_5_max": 25.725132293180273, + "nauc_ndcg_at_5_std": -3.8545166535972943, + "nauc_precision_at_1000_diff1": -10.41717795536071, + "nauc_precision_at_1000_max": 4.7029594790402625, + "nauc_precision_at_1000_std": 14.173763073581878, + "nauc_precision_at_100_diff1": -11.074302280828615, + "nauc_precision_at_100_max": 8.244938186343832, + "nauc_precision_at_100_std": 15.285975835662343, + "nauc_precision_at_10_diff1": -10.837400355480538, + "nauc_precision_at_10_max": 22.832192981934664, + "nauc_precision_at_10_std": 10.05034983325703, + "nauc_precision_at_1_diff1": 17.54487398491498, + "nauc_precision_at_1_max": 26.099182675882364, + "nauc_precision_at_1_std": -7.442642768915407, + "nauc_precision_at_20_diff1": -9.411528844386767, + "nauc_precision_at_20_max": 22.63946047993228, + "nauc_precision_at_20_std": 10.267476763547872, + "nauc_precision_at_3_diff1": 12.089219490235562, + "nauc_precision_at_3_max": 21.867564149285098, + "nauc_precision_at_3_std": -7.900490900126483, + "nauc_precision_at_5_diff1": 6.088160593562308, + "nauc_precision_at_5_max": 25.24343016238549, + "nauc_precision_at_5_std": -0.2798984072447858, + "nauc_recall_at_1000_diff1": null, + "nauc_recall_at_1000_max": null, + "nauc_recall_at_1000_std": null, + "nauc_recall_at_100_diff1": -5.301190251888983, + "nauc_recall_at_100_max": 61.552650883513884, + "nauc_recall_at_100_std": 41.63529646496176, + "nauc_recall_at_10_diff1": 3.4992492433968714, + "nauc_recall_at_10_max": 14.516376506894568, + "nauc_recall_at_10_std": -8.155441184017405, + "nauc_recall_at_1_diff1": 13.37923142053057, + "nauc_recall_at_1_max": 13.483533976115272, + "nauc_recall_at_1_std": -6.849119244118052, + "nauc_recall_at_20_diff1": 3.2751273323204697, + "nauc_recall_at_20_max": 22.900211937193326, + "nauc_recall_at_20_std": -1.1031026054527242, + "nauc_recall_at_3_diff1": 22.819746834360018, + "nauc_recall_at_3_max": 13.682536574839425, + "nauc_recall_at_3_std": -14.733108963214727, + "nauc_recall_at_5_diff1": 22.45051937631727, + "nauc_recall_at_5_max": 24.19540105383745, + "nauc_recall_at_5_std": -7.468653169210884, + "ndcg_at_1": 46, + "ndcg_at_10": 45.881, + "ndcg_at_100": 57.25900000000001, + "ndcg_at_1000": 58.528000000000006, + "ndcg_at_20": 48.413000000000004, + "ndcg_at_3": 42.709, + "ndcg_at_5": 41.253, + "precision_at_1": 46, + "precision_at_10": 19.400000000000002, + "precision_at_100": 3.66, + "precision_at_1000": 0.38999999999999996, + "precision_at_20": 11.3, + "precision_at_3": 34.666999999999994, + "precision_at_5": 26.8, + "recall_at_1": 15.626000000000001, + "recall_at_10": 53.722, + "recall_at_100": 93.312, + "recall_at_1000": 100, + "recall_at_20": 62.011, + "recall_at_3": 30.44, + "recall_at_5": 35.836 + } + ] + } +} \ No newline at end of file diff --git a/results/VectorStackAI__vstackai-law-1/external/AILAStatutes.json b/results/VectorStackAI__vstackai-law-1/external/AILAStatutes.json new file mode 100644 index 000000000..6ac02ece3 --- /dev/null +++ b/results/VectorStackAI__vstackai-law-1/external/AILAStatutes.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ebfcd844eadd3d667efa3c57fc5c8c87f5c2867e", + "task_name": "AILAStatutes", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 47.122, + "map_at_1": 11.4, + "map_at_10": 30.796, + "map_at_100": 37.822, + "map_at_1000": 37.822, + "map_at_20": 34.211000000000006, + "map_at_3": 20.089000000000002, + "map_at_5": 25.304, + "mrr_at_1": 50, + "mrr_at_10": 67.45714285714284, + "mrr_at_100": 67.45714285714284, + "mrr_at_1000": 67.45714285714284, + "mrr_at_20": 67.45714285714284, + "mrr_at_3": 63.66666666666666, + "mrr_at_5": 66.06666666666666, + "nauc_map_at_1000_diff1": 13.231953724763489, + "nauc_map_at_1000_max": 36.25413964500182, + "nauc_map_at_1000_std": 16.12109134339587, + "nauc_map_at_100_diff1": 13.231953724763489, + "nauc_map_at_100_max": 36.25413964500182, + "nauc_map_at_100_std": 16.12109134339587, + "nauc_map_at_10_diff1": 17.94211109348458, + "nauc_map_at_10_max": 39.28669806176402, + "nauc_map_at_10_std": 13.594341769002869, + "nauc_map_at_1_diff1": 30.100915555842434, + "nauc_map_at_1_max": 33.83683525374127, + "nauc_map_at_1_std": 20.814102357206625, + "nauc_map_at_20_diff1": 13.652796877938734, + "nauc_map_at_20_max": 35.83818028836039, + "nauc_map_at_20_std": 14.37656196108266, + "nauc_map_at_3_diff1": 34.486067078257975, + "nauc_map_at_3_max": 31.543224895382878, + "nauc_map_at_3_std": -5.527795564447535, + "nauc_map_at_5_diff1": 26.851187948582773, + "nauc_map_at_5_max": 38.89484793235884, + "nauc_map_at_5_std": 3.4001045162742694, + "nauc_mrr_at_1000_diff1": 26.39698483562357, + "nauc_mrr_at_1000_max": 30.835723241593847, + "nauc_mrr_at_1000_std": 20.683462333907705, + "nauc_mrr_at_100_diff1": 26.39698483562357, + "nauc_mrr_at_100_max": 30.835723241593847, + "nauc_mrr_at_100_std": 20.683462333907705, + "nauc_mrr_at_10_diff1": 26.39698483562357, + "nauc_mrr_at_10_max": 30.835723241593847, + "nauc_mrr_at_10_std": 20.683462333907705, + "nauc_mrr_at_1_diff1": 27.95469686875413, + "nauc_mrr_at_1_max": 31.818787475016645, + "nauc_mrr_at_1_std": 19.56295802798131, + "nauc_mrr_at_20_diff1": 26.39698483562357, + "nauc_mrr_at_20_max": 30.835723241593847, + "nauc_mrr_at_20_std": 20.683462333907705, + "nauc_mrr_at_3_diff1": 27.65080554514802, + "nauc_mrr_at_3_max": 32.553977955855814, + "nauc_mrr_at_3_std": 18.78114112837834, + "nauc_mrr_at_5_diff1": 26.384655469886393, + "nauc_mrr_at_5_max": 31.664536690997192, + "nauc_mrr_at_5_std": 23.119445085922425, + "nauc_ndcg_at_1000_diff1": 13.624306343440482, + "nauc_ndcg_at_1000_max": 33.949287066404395, + "nauc_ndcg_at_1000_std": 18.873031773538894, + "nauc_ndcg_at_100_diff1": 13.624306343440482, + "nauc_ndcg_at_100_max": 33.949287066404395, + "nauc_ndcg_at_100_std": 18.873031773538894, + "nauc_ndcg_at_10_diff1": 17.95882248371854, + "nauc_ndcg_at_10_max": 38.42611161111767, + "nauc_ndcg_at_10_std": 18.382289466996596, + "nauc_ndcg_at_1_diff1": 27.95469686875413, + "nauc_ndcg_at_1_max": 31.818787475016645, + "nauc_ndcg_at_1_std": 19.56295802798131, + "nauc_ndcg_at_20_diff1": 10.108403510160493, + "nauc_ndcg_at_20_max": 33.30645155135527, + "nauc_ndcg_at_20_std": 19.106968240050197, + "nauc_ndcg_at_3_diff1": 26.02063027004639, + "nauc_ndcg_at_3_max": 29.85933476459198, + "nauc_ndcg_at_3_std": 0.04135555148143812, + "nauc_ndcg_at_5_diff1": 24.51049558894743, + "nauc_ndcg_at_5_max": 39.030804792387535, + "nauc_ndcg_at_5_std": 10.626686520599742, + "nauc_precision_at_1000_diff1": -52.64814035601246, + "nauc_precision_at_1000_max": -13.856314374050852, + "nauc_precision_at_1000_std": 17.593896928340197, + "nauc_precision_at_100_diff1": -52.648140356011965, + "nauc_precision_at_100_max": -13.856314374050674, + "nauc_precision_at_100_std": 17.593896928340225, + "nauc_precision_at_10_diff1": -11.6303596329846, + "nauc_precision_at_10_max": 26.23949752159085, + "nauc_precision_at_10_std": 25.41101749534196, + "nauc_precision_at_1_diff1": 27.95469686875413, + "nauc_precision_at_1_max": 31.818787475016645, + "nauc_precision_at_1_std": 19.56295802798131, + "nauc_precision_at_20_diff1": -26.535056035995154, + "nauc_precision_at_20_max": 11.922354543765811, + "nauc_precision_at_20_std": 23.095498544921597, + "nauc_precision_at_3_diff1": 21.2869202175386, + "nauc_precision_at_3_max": 31.7866363919357, + "nauc_precision_at_3_std": -3.858197066525092, + "nauc_precision_at_5_diff1": 1.8680405985613282, + "nauc_precision_at_5_max": 35.366076833199564, + "nauc_precision_at_5_std": 16.706786604164005, + "nauc_recall_at_1000_diff1": null, + "nauc_recall_at_1000_max": null, + "nauc_recall_at_1000_std": null, + "nauc_recall_at_100_diff1": null, + "nauc_recall_at_100_max": null, + "nauc_recall_at_100_std": null, + "nauc_recall_at_10_diff1": 8.112331861587329, + "nauc_recall_at_10_max": 34.89423965499535, + "nauc_recall_at_10_std": 21.6246021152069, + "nauc_recall_at_1_diff1": 30.100915555842434, + "nauc_recall_at_1_max": 33.83683525374127, + "nauc_recall_at_1_std": 20.814102357206625, + "nauc_recall_at_20_diff1": -11.669499704119648, + "nauc_recall_at_20_max": 22.30570195122146, + "nauc_recall_at_20_std": 23.238122093323348, + "nauc_recall_at_3_diff1": 33.29080234285882, + "nauc_recall_at_3_max": 30.134100912744604, + "nauc_recall_at_3_std": -12.43448322513982, + "nauc_recall_at_5_diff1": 18.77021416083913, + "nauc_recall_at_5_max": 40.54971590909089, + "nauc_recall_at_5_std": 9.419471153846175, + "ndcg_at_1": 50, + "ndcg_at_10": 47.122, + "ndcg_at_100": 63.287000000000006, + "ndcg_at_1000": 63.287000000000006, + "ndcg_at_20": 53.172, + "ndcg_at_3": 39.36, + "ndcg_at_5": 38.586, + "precision_at_1": 50, + "precision_at_10": 23, + "precision_at_100": 4.34, + "precision_at_1000": 0.434, + "precision_at_20": 14.799999999999999, + "precision_at_3": 35.333, + "precision_at_5": 31.2, + "recall_at_1": 11.4, + "recall_at_10": 52.532999999999994, + "recall_at_100": 100, + "recall_at_1000": 100, + "recall_at_20": 67, + "recall_at_3": 25.467000000000002, + "recall_at_5": 36.467 + } + ] + } +} \ No newline at end of file diff --git a/results/VectorStackAI__vstackai-law-1/external/GerDaLIRSmall.json b/results/VectorStackAI__vstackai-law-1/external/GerDaLIRSmall.json new file mode 100644 index 000000000..5903da4cc --- /dev/null +++ b/results/VectorStackAI__vstackai-law-1/external/GerDaLIRSmall.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "48327de6ee192e9610f3069789719788957c7abd", + "task_name": "GerDaLIRSmall", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "deu-Latn" + ], + "main_score": 50.041999999999994, + "map_at_1": 32.192, + "map_at_10": 44.156, + "map_at_100": 45.08, + "map_at_1000": 45.126, + "map_at_20": 44.743, + "map_at_3": 40.886, + "map_at_5": 42.834, + "mrr_at_1": 35.67108059506294, + "mrr_at_10": 46.08966424562292, + "mrr_at_100": 46.85163949774394, + "mrr_at_1000": 46.88987506054722, + "mrr_at_20": 46.56428992878071, + "mrr_at_3": 43.33415072748076, + "mrr_at_5": 44.98406081412419, + "nauc_map_at_1000_diff1": 47.08157584565528, + "nauc_map_at_1000_max": 43.206128601312486, + "nauc_map_at_1000_std": 4.745982286256461, + "nauc_map_at_100_diff1": 47.07078139806274, + "nauc_map_at_100_max": 43.23099197560626, + "nauc_map_at_100_std": 4.781780686055857, + "nauc_map_at_10_diff1": 47.06888215588044, + "nauc_map_at_10_max": 42.993085843512404, + "nauc_map_at_10_std": 4.137168566460313, + "nauc_map_at_1_diff1": 50.99589527197208, + "nauc_map_at_1_max": 35.91682256310639, + "nauc_map_at_1_std": -1.167131810256268, + "nauc_map_at_20_diff1": 47.04454709015284, + "nauc_map_at_20_max": 43.25308050978819, + "nauc_map_at_20_std": 4.655176251983949, + "nauc_map_at_3_diff1": 47.477586403020254, + "nauc_map_at_3_max": 41.070269193209505, + "nauc_map_at_3_std": 1.8419013437125402, + "nauc_map_at_5_diff1": 47.02373499346413, + "nauc_map_at_5_max": 42.16258581830696, + "nauc_map_at_5_std": 3.0623218224529687, + "nauc_mrr_at_1000_diff1": 47.80488822997101, + "nauc_mrr_at_1000_max": 44.30020606841032, + "nauc_mrr_at_1000_std": 5.636122646285231, + "nauc_mrr_at_100_diff1": 47.79392263287222, + "nauc_mrr_at_100_max": 44.32088767447976, + "nauc_mrr_at_100_std": 5.668194634702436, + "nauc_mrr_at_10_diff1": 47.76641281589811, + "nauc_mrr_at_10_max": 44.279337066083805, + "nauc_mrr_at_10_std": 5.324066003258172, + "nauc_mrr_at_1_diff1": 51.827466333842494, + "nauc_mrr_at_1_max": 39.9726801468231, + "nauc_mrr_at_1_std": 0.7288717627709872, + "nauc_mrr_at_20_diff1": 47.764880161368986, + "nauc_mrr_at_20_max": 44.37823842067007, + "nauc_mrr_at_20_std": 5.622281146435594, + "nauc_mrr_at_3_diff1": 48.09440765276413, + "nauc_mrr_at_3_max": 43.08121834325808, + "nauc_mrr_at_3_std": 3.463004783984404, + "nauc_mrr_at_5_diff1": 47.722106520188504, + "nauc_mrr_at_5_max": 43.75524931306371, + "nauc_mrr_at_5_std": 4.544429473258565, + "nauc_ndcg_at_1000_diff1": 46.173190405196785, + "nauc_ndcg_at_1000_max": 45.74626009789115, + "nauc_ndcg_at_1000_std": 8.766536922367903, + "nauc_ndcg_at_100_diff1": 45.83562302519218, + "nauc_ndcg_at_100_max": 46.439699221515376, + "nauc_ndcg_at_100_std": 9.948770560612058, + "nauc_ndcg_at_10_diff1": 45.75120503110639, + "nauc_ndcg_at_10_max": 45.97030387145503, + "nauc_ndcg_at_10_std": 7.585101690722181, + "nauc_ndcg_at_1_diff1": 51.80241384384428, + "nauc_ndcg_at_1_max": 39.954443617615624, + "nauc_ndcg_at_1_std": 0.6967907136634796, + "nauc_ndcg_at_20_diff1": 45.653758645238895, + "nauc_ndcg_at_20_max": 46.71180118809166, + "nauc_ndcg_at_20_std": 9.250603495033369, + "nauc_ndcg_at_3_diff1": 46.451364520561924, + "nauc_ndcg_at_3_max": 42.65149578608251, + "nauc_ndcg_at_3_std": 3.18214445444501, + "nauc_ndcg_at_5_diff1": 45.70310380498345, + "nauc_ndcg_at_5_max": 44.210803603105866, + "nauc_ndcg_at_5_std": 5.164266026630885, + "nauc_precision_at_1000_diff1": 1.5935204591909151, + "nauc_precision_at_1000_max": 24.49290419273546, + "nauc_precision_at_1000_std": 23.419221041007578, + "nauc_precision_at_100_diff1": 11.340541238515147, + "nauc_precision_at_100_max": 38.03551764407295, + "nauc_precision_at_100_std": 31.0523811487812, + "nauc_precision_at_10_diff1": 25.73178507519107, + "nauc_precision_at_10_max": 46.868875006839545, + "nauc_precision_at_10_std": 20.062754134173872, + "nauc_precision_at_1_diff1": 51.80241384384428, + "nauc_precision_at_1_max": 39.954443617615624, + "nauc_precision_at_1_std": 0.6967907136634796, + "nauc_precision_at_20_diff1": 20.43139551018563, + "nauc_precision_at_20_max": 46.00136497143788, + "nauc_precision_at_20_std": 26.43348589267883, + "nauc_precision_at_3_diff1": 36.477540595476235, + "nauc_precision_at_3_max": 45.27812276802484, + "nauc_precision_at_3_std": 7.988192977691942, + "nauc_precision_at_5_diff1": 30.711545494807886, + "nauc_precision_at_5_max": 45.84532014309742, + "nauc_precision_at_5_std": 12.810198584032126, + "nauc_recall_at_1000_diff1": 34.222675530936584, + "nauc_recall_at_1000_max": 64.84714200625044, + "nauc_recall_at_1000_std": 58.96182247732879, + "nauc_recall_at_100_diff1": 35.36855555958951, + "nauc_recall_at_100_max": 62.91068693686705, + "nauc_recall_at_100_std": 46.54158522159893, + "nauc_recall_at_10_diff1": 39.32976276229237, + "nauc_recall_at_10_max": 53.86613555456697, + "nauc_recall_at_10_std": 18.601960247067957, + "nauc_recall_at_1_diff1": 50.99589527197208, + "nauc_recall_at_1_max": 35.91682256310639, + "nauc_recall_at_1_std": -1.167131810256268, + "nauc_recall_at_20_diff1": 37.57662491377409, + "nauc_recall_at_20_max": 58.543627483010816, + "nauc_recall_at_20_std": 28.511725371993336, + "nauc_recall_at_3_diff1": 42.4797724119925, + "nauc_recall_at_3_max": 43.96696921591431, + "nauc_recall_at_3_std": 4.855189723191562, + "nauc_recall_at_5_diff1": 40.20239865372907, + "nauc_recall_at_5_max": 47.80150483467517, + "nauc_recall_at_5_std": 9.903701080938268, + "ndcg_at_1": 35.679, + "ndcg_at_10": 50.041999999999994, + "ndcg_at_100": 54.193000000000005, + "ndcg_at_1000": 55.444, + "ndcg_at_20": 51.961, + "ndcg_at_3": 43.942, + "ndcg_at_5": 47.121, + "precision_at_1": 35.679, + "precision_at_10": 7.733, + "precision_at_100": 0.997, + "precision_at_1000": 0.11100000000000002, + "precision_at_20": 4.304, + "precision_at_3": 19.165, + "precision_at_5": 13.366, + "recall_at_1": 32.192, + "recall_at_10": 66.226, + "recall_at_100": 84.985, + "recall_at_1000": 94.76299999999999, + "recall_at_20": 73.456, + "recall_at_3": 50.071, + "recall_at_5": 57.60999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/VectorStackAI__vstackai-law-1/external/LeCaRDv2.json b/results/VectorStackAI__vstackai-law-1/external/LeCaRDv2.json new file mode 100644 index 000000000..bdf331bb1 --- /dev/null +++ b/results/VectorStackAI__vstackai-law-1/external/LeCaRDv2.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "b78e18688c3d012a33dc3676597c1d1b2243ce1c", + "task_name": "LeCaRDv2", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "zho-Hans" + ], + "main_score": 75.955, + "map_at_1": 4.099, + "map_at_10": 27.639999999999997, + "map_at_100": 63.919000000000004, + "map_at_1000": 64.742, + "map_at_20": 43.64, + "map_at_3": 11.017000000000001, + "map_at_5": 16.487, + "mrr_at_1": 86.79245283018868, + "mrr_at_10": 91.09613656783468, + "mrr_at_100": 91.24099956647127, + "mrr_at_1000": 91.24099956647127, + "mrr_at_20": 91.24099956647127, + "mrr_at_3": 90.67085953878407, + "mrr_at_5": 90.7966457023061, + "nauc_map_at_1000_diff1": -0.1165116760309431, + "nauc_map_at_1000_max": 36.09282039931682, + "nauc_map_at_1000_std": 16.717641031560422, + "nauc_map_at_100_diff1": -0.1977916865120706, + "nauc_map_at_100_max": 35.95558832098128, + "nauc_map_at_100_std": 17.15965620332017, + "nauc_map_at_10_diff1": 11.88383387650193, + "nauc_map_at_10_max": 19.323749519368256, + "nauc_map_at_10_std": -13.368970916127784, + "nauc_map_at_1_diff1": 12.468762885123516, + "nauc_map_at_1_max": 5.597229875368963, + "nauc_map_at_1_std": -25.835685303037202, + "nauc_map_at_20_diff1": 4.625997058170944, + "nauc_map_at_20_max": 23.42312594320493, + "nauc_map_at_20_std": -1.2842557193275415, + "nauc_map_at_3_diff1": 16.457500025698952, + "nauc_map_at_3_max": 12.260630248199256, + "nauc_map_at_3_std": -23.60500260290979, + "nauc_map_at_5_diff1": 15.924351493208256, + "nauc_map_at_5_max": 17.553142481774472, + "nauc_map_at_5_std": -17.604184344296943, + "nauc_mrr_at_1000_diff1": 23.24803044899622, + "nauc_mrr_at_1000_max": 67.6449236362031, + "nauc_mrr_at_1000_std": 18.966799318760344, + "nauc_mrr_at_100_diff1": 23.24803044899622, + "nauc_mrr_at_100_max": 67.6449236362031, + "nauc_mrr_at_100_std": 18.966799318760344, + "nauc_mrr_at_10_diff1": 22.7515823299183, + "nauc_mrr_at_10_max": 67.04946200016059, + "nauc_mrr_at_10_std": 19.187654338444936, + "nauc_mrr_at_1_diff1": 29.056072093682022, + "nauc_mrr_at_1_max": 68.55895633768269, + "nauc_mrr_at_1_std": 15.092113581290862, + "nauc_mrr_at_20_diff1": 23.24803044899622, + "nauc_mrr_at_20_max": 67.6449236362031, + "nauc_mrr_at_20_std": 18.966799318760344, + "nauc_mrr_at_3_diff1": 23.287597081925508, + "nauc_mrr_at_3_max": 68.05169166666252, + "nauc_mrr_at_3_std": 19.785092034648617, + "nauc_mrr_at_5_diff1": 23.11480929003818, + "nauc_mrr_at_5_max": 67.99383983419222, + "nauc_mrr_at_5_std": 19.052480486459373, + "nauc_ndcg_at_1000_diff1": 1.5782017453966002, + "nauc_ndcg_at_1000_max": 41.5302298842471, + "nauc_ndcg_at_1000_std": 20.50865790647901, + "nauc_ndcg_at_100_diff1": -2.1894348746609804, + "nauc_ndcg_at_100_max": 37.14267089909159, + "nauc_ndcg_at_100_std": 25.276579300026942, + "nauc_ndcg_at_10_diff1": 4.916325074632776, + "nauc_ndcg_at_10_max": 41.10158619113785, + "nauc_ndcg_at_10_std": 12.855454525343141, + "nauc_ndcg_at_1_diff1": 29.056072093682022, + "nauc_ndcg_at_1_max": 68.55895633768269, + "nauc_ndcg_at_1_std": 15.092113581290862, + "nauc_ndcg_at_20_diff1": -0.7532516396275979, + "nauc_ndcg_at_20_max": 32.78457335101816, + "nauc_ndcg_at_20_std": 13.463927254088695, + "nauc_ndcg_at_3_diff1": 12.68114834388015, + "nauc_ndcg_at_3_max": 54.41470867032895, + "nauc_ndcg_at_3_std": 18.565606565635647, + "nauc_ndcg_at_5_diff1": 10.193606786989358, + "nauc_ndcg_at_5_max": 51.401706187544825, + "nauc_ndcg_at_5_std": 19.805481146848177, + "nauc_precision_at_1000_diff1": -11.29314155191534, + "nauc_precision_at_1000_max": 36.90077388824628, + "nauc_precision_at_1000_std": 42.40123140196757, + "nauc_precision_at_100_diff1": -12.974354162087675, + "nauc_precision_at_100_max": 34.81416396301287, + "nauc_precision_at_100_std": 45.724028299929955, + "nauc_precision_at_10_diff1": 0.25354300446169603, + "nauc_precision_at_10_max": 34.7650903227545, + "nauc_precision_at_10_std": 14.426822867124692, + "nauc_precision_at_1_diff1": 29.056072093682022, + "nauc_precision_at_1_max": 68.55895633768269, + "nauc_precision_at_1_std": 15.092113581290862, + "nauc_precision_at_20_diff1": -4.398113098730461, + "nauc_precision_at_20_max": 29.644722534077783, + "nauc_precision_at_20_std": 20.498896408366953, + "nauc_precision_at_3_diff1": 8.511537696975939, + "nauc_precision_at_3_max": 51.02291732645718, + "nauc_precision_at_3_std": 19.018537614881883, + "nauc_precision_at_5_diff1": 5.968041335751909, + "nauc_precision_at_5_max": 47.08751216174023, + "nauc_precision_at_5_std": 21.422128104399597, + "nauc_recall_at_1000_diff1": -114.68537043092684, + "nauc_recall_at_1000_max": -17.258899842714303, + "nauc_recall_at_1000_std": 35.64737342608127, + "nauc_recall_at_100_diff1": -21.918374369212724, + "nauc_recall_at_100_max": 9.323860457981256, + "nauc_recall_at_100_std": 41.88023148573863, + "nauc_recall_at_10_diff1": 6.872030552051965, + "nauc_recall_at_10_max": 3.87403864340295, + "nauc_recall_at_10_std": -21.003946521947647, + "nauc_recall_at_1_diff1": 12.468762885123516, + "nauc_recall_at_1_max": 5.597229875368963, + "nauc_recall_at_1_std": -25.835685303037202, + "nauc_recall_at_20_diff1": -0.957514361288361, + "nauc_recall_at_20_max": 6.322474574744254, + "nauc_recall_at_20_std": -7.517845037342536, + "nauc_recall_at_3_diff1": 11.6795437402863, + "nauc_recall_at_3_max": 4.802113241170994, + "nauc_recall_at_3_std": -25.562583690610108, + "nauc_recall_at_5_diff1": 11.34475005606284, + "nauc_recall_at_5_max": 8.318487558973697, + "nauc_recall_at_5_std": -21.462212735159852, + "ndcg_at_1": 86.792, + "ndcg_at_10": 75.955, + "ndcg_at_100": 83.532, + "ndcg_at_1000": 86.085, + "ndcg_at_20": 70.61699999999999, + "ndcg_at_3": 83.672, + "ndcg_at_5": 80.988, + "precision_at_1": 86.792, + "precision_at_10": 71.572, + "precision_at_100": 22.962, + "precision_at_1000": 2.448, + "precision_at_20": 62.075, + "precision_at_3": 83.019, + "precision_at_5": 79.119, + "recall_at_1": 4.099, + "recall_at_10": 30.963, + "recall_at_100": 93.66799999999999, + "recall_at_1000": 99.91, + "recall_at_20": 51.763999999999996, + "recall_at_3": 11.644, + "recall_at_5": 17.646 + } + ] + } +} \ No newline at end of file diff --git a/results/VectorStackAI__vstackai-law-1/external/LegalBenchConsumerContractsQA.json b/results/VectorStackAI__vstackai-law-1/external/LegalBenchConsumerContractsQA.json new file mode 100644 index 000000000..6a446dd0f --- /dev/null +++ b/results/VectorStackAI__vstackai-law-1/external/LegalBenchConsumerContractsQA.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "b23590301ec94e8087e2850b21d43d4956b1cca9", + "task_name": "LegalBenchConsumerContractsQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 81.722, + "map_at_1": 66.919, + "map_at_10": 77.11099999999999, + "map_at_100": 77.365, + "map_at_1000": 77.365, + "map_at_20": 77.32, + "map_at_3": 75.042, + "map_at_5": 76.519, + "mrr_at_1": 67.17171717171718, + "mrr_at_10": 77.23735369568702, + "mrr_at_100": 77.49038149701025, + "mrr_at_1000": 77.49038149701025, + "mrr_at_20": 77.44484086340144, + "mrr_at_3": 75.16835016835017, + "mrr_at_5": 76.64562289562288, + "nauc_map_at_1000_diff1": 52.97349214688111, + "nauc_map_at_1000_max": 36.6960251962721, + "nauc_map_at_1000_std": 5.3061037068017995, + "nauc_map_at_100_diff1": 52.97349214688111, + "nauc_map_at_100_max": 36.6960251962721, + "nauc_map_at_100_std": 5.3061037068017995, + "nauc_map_at_10_diff1": 52.75678159019962, + "nauc_map_at_10_max": 36.540933731741696, + "nauc_map_at_10_std": 5.301224105047955, + "nauc_map_at_1_diff1": 57.67214955091278, + "nauc_map_at_1_max": 35.78220074855998, + "nauc_map_at_1_std": 3.4210250671003326, + "nauc_map_at_20_diff1": 52.932588393157765, + "nauc_map_at_20_max": 36.63003364305272, + "nauc_map_at_20_std": 5.379295465437984, + "nauc_map_at_3_diff1": 52.480331430472546, + "nauc_map_at_3_max": 38.091587355109084, + "nauc_map_at_3_std": 5.195570015494146, + "nauc_map_at_5_diff1": 51.82108883079516, + "nauc_map_at_5_max": 36.87971971720586, + "nauc_map_at_5_std": 6.1809111678690725, + "nauc_mrr_at_1000_diff1": 52.50999035933979, + "nauc_mrr_at_1000_max": 36.34762852524654, + "nauc_mrr_at_1000_std": 4.968842635399586, + "nauc_mrr_at_100_diff1": 52.50999035933979, + "nauc_mrr_at_100_max": 36.34762852524654, + "nauc_mrr_at_100_std": 4.968842635399586, + "nauc_mrr_at_10_diff1": 52.30508629262912, + "nauc_mrr_at_10_max": 36.209224098805336, + "nauc_mrr_at_10_std": 4.966404389655018, + "nauc_mrr_at_1_diff1": 57.04712337185792, + "nauc_mrr_at_1_max": 35.30097575331179, + "nauc_mrr_at_1_std": 2.9296181705495568, + "nauc_mrr_at_20_diff1": 52.4700212348044, + "nauc_mrr_at_20_max": 36.282215725584074, + "nauc_mrr_at_20_std": 5.043076008887179, + "nauc_mrr_at_3_diff1": 52.06774147045164, + "nauc_mrr_at_3_max": 37.79424665327426, + "nauc_mrr_at_3_std": 4.890057068652614, + "nauc_mrr_at_5_diff1": 51.37929937217122, + "nauc_mrr_at_5_max": 36.55880654826355, + "nauc_mrr_at_5_std": 5.858835123935254, + "nauc_ndcg_at_1000_diff1": 52.35035912300684, + "nauc_ndcg_at_1000_max": 36.68201866972285, + "nauc_ndcg_at_1000_std": 5.7202049594831035, + "nauc_ndcg_at_100_diff1": 52.35035912300684, + "nauc_ndcg_at_100_max": 36.68201866972285, + "nauc_ndcg_at_100_std": 5.7202049594831035, + "nauc_ndcg_at_10_diff1": 51.28316055116551, + "nauc_ndcg_at_10_max": 35.87712251784529, + "nauc_ndcg_at_10_std": 6.021170340566541, + "nauc_ndcg_at_1_diff1": 57.67214955091278, + "nauc_ndcg_at_1_max": 35.78220074855998, + "nauc_ndcg_at_1_std": 3.4210250671003326, + "nauc_ndcg_at_20_diff1": 52.026541138524394, + "nauc_ndcg_at_20_max": 36.23499300677105, + "nauc_ndcg_at_20_std": 6.3316005762687695, + "nauc_ndcg_at_3_diff1": 50.317993712307285, + "nauc_ndcg_at_3_max": 39.27048927075592, + "nauc_ndcg_at_3_std": 6.266648429252955, + "nauc_ndcg_at_5_diff1": 48.69195472599095, + "nauc_ndcg_at_5_max": 36.920018592423126, + "nauc_ndcg_at_5_std": 8.451954024556523, + "nauc_precision_at_1000_diff1": null, + "nauc_precision_at_1000_max": null, + "nauc_precision_at_1000_std": null, + "nauc_precision_at_100_diff1": null, + "nauc_precision_at_100_max": null, + "nauc_precision_at_100_std": null, + "nauc_precision_at_10_diff1": 34.43489322486972, + "nauc_precision_at_10_max": 23.186302881363822, + "nauc_precision_at_10_std": 13.793599801222541, + "nauc_precision_at_1_diff1": 57.67214955091278, + "nauc_precision_at_1_max": 35.78220074855998, + "nauc_precision_at_1_std": 3.4210250671003326, + "nauc_precision_at_20_diff1": 32.55853898108205, + "nauc_precision_at_20_max": 11.404195591060642, + "nauc_precision_at_20_std": 43.5675136741475, + "nauc_precision_at_3_diff1": 40.852371923000376, + "nauc_precision_at_3_max": 44.53164299608135, + "nauc_precision_at_3_std": 11.109027031191964, + "nauc_precision_at_5_diff1": 26.165078486515554, + "nauc_precision_at_5_max": 36.58403503282701, + "nauc_precision_at_5_std": 25.437593302644462, + "nauc_recall_at_1000_diff1": null, + "nauc_recall_at_1000_max": null, + "nauc_recall_at_1000_std": null, + "nauc_recall_at_100_diff1": null, + "nauc_recall_at_100_max": null, + "nauc_recall_at_100_std": null, + "nauc_recall_at_10_diff1": 34.43489322486968, + "nauc_recall_at_10_max": 23.186302881364337, + "nauc_recall_at_10_std": 13.793599801223758, + "nauc_recall_at_1_diff1": 57.67214955091278, + "nauc_recall_at_1_max": 35.78220074855998, + "nauc_recall_at_1_std": 3.4210250671003326, + "nauc_recall_at_20_diff1": 32.55853898108042, + "nauc_recall_at_20_max": 11.404195591059747, + "nauc_recall_at_20_std": 43.56751367414731, + "nauc_recall_at_3_diff1": 40.852371923000334, + "nauc_recall_at_3_max": 44.53164299608149, + "nauc_recall_at_3_std": 11.10902703119201, + "nauc_recall_at_5_diff1": 26.165078486515746, + "nauc_recall_at_5_max": 36.58403503282719, + "nauc_recall_at_5_std": 25.437593302644736, + "ndcg_at_1": 66.919, + "ndcg_at_10": 81.722, + "ndcg_at_100": 82.704, + "ndcg_at_1000": 82.704, + "ndcg_at_20": 82.44399999999999, + "ndcg_at_3": 77.63, + "ndcg_at_5": 80.314, + "precision_at_1": 66.919, + "precision_at_10": 9.596, + "precision_at_100": 1, + "precision_at_1000": 0.1, + "precision_at_20": 4.936999999999999, + "precision_at_3": 28.366999999999997, + "precision_at_5": 18.333, + "recall_at_1": 66.919, + "recall_at_10": 95.96000000000001, + "recall_at_100": 100, + "recall_at_1000": 100, + "recall_at_20": 98.737, + "recall_at_3": 85.101, + "recall_at_5": 91.667 + } + ] + } +} \ No newline at end of file diff --git a/results/VectorStackAI__vstackai-law-1/external/LegalBenchCorporateLobbying.json b/results/VectorStackAI__vstackai-law-1/external/LegalBenchCorporateLobbying.json new file mode 100644 index 000000000..52cbedbba --- /dev/null +++ b/results/VectorStackAI__vstackai-law-1/external/LegalBenchCorporateLobbying.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f69691c650464e62546d7f2a4536f8f87c891e38", + "task_name": "LegalBenchCorporateLobbying", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 95.275, + "map_at_1": 90, + "map_at_10": 93.896, + "map_at_100": 93.896, + "map_at_1000": 93.89999999999999, + "map_at_20": 93.896, + "map_at_3": 93.529, + "map_at_5": 93.735, + "mrr_at_1": 90, + "mrr_at_10": 93.89577497665734, + "mrr_at_100": 93.89577497665734, + "mrr_at_1000": 93.89961722973894, + "mrr_at_20": 93.89577497665734, + "mrr_at_3": 93.52941176470588, + "mrr_at_5": 93.73529411764707, + "nauc_map_at_1000_diff1": 87.98954780116061, + "nauc_map_at_1000_max": 48.73465559069755, + "nauc_map_at_1000_std": -24.16685492630147, + "nauc_map_at_100_diff1": 87.97183672739986, + "nauc_map_at_100_max": 48.726283117594946, + "nauc_map_at_100_std": -24.21564012563856, + "nauc_map_at_10_diff1": 87.97183672739986, + "nauc_map_at_10_max": 48.726283117594946, + "nauc_map_at_10_std": -24.21564012563856, + "nauc_map_at_1_diff1": 88.58268797715169, + "nauc_map_at_1_max": 41.42912066787494, + "nauc_map_at_1_std": -20.242214532871987, + "nauc_map_at_20_diff1": 87.97183672739986, + "nauc_map_at_20_max": 48.726283117594946, + "nauc_map_at_20_std": -24.21564012563856, + "nauc_map_at_3_diff1": 88.40647370059126, + "nauc_map_at_3_max": 51.27040715275998, + "nauc_map_at_3_std": -26.350691791868247, + "nauc_map_at_5_diff1": 88.02546579403796, + "nauc_map_at_5_max": 49.82239113694508, + "nauc_map_at_5_std": -24.375227399253678, + "nauc_mrr_at_1000_diff1": 87.98954780116061, + "nauc_mrr_at_1000_max": 50.085159299027296, + "nauc_mrr_at_1000_std": -23.851737394357862, + "nauc_mrr_at_100_diff1": 87.97183672739986, + "nauc_mrr_at_100_max": 50.075936762728254, + "nauc_mrr_at_100_std": -23.90072094177412, + "nauc_mrr_at_10_diff1": 87.97183672739986, + "nauc_mrr_at_10_max": 50.075936762728254, + "nauc_mrr_at_10_std": -23.90072094177412, + "nauc_mrr_at_1_diff1": 88.58268797715169, + "nauc_mrr_at_1_max": 43.076838578568626, + "nauc_mrr_at_1_std": -19.857747020376795, + "nauc_mrr_at_20_diff1": 87.97183672739986, + "nauc_mrr_at_20_max": 50.075936762728254, + "nauc_mrr_at_20_std": -23.90072094177412, + "nauc_mrr_at_3_diff1": 88.40647370059126, + "nauc_mrr_at_3_max": 52.54364372011418, + "nauc_mrr_at_3_std": -26.053603259485598, + "nauc_mrr_at_5_diff1": 88.02546579403796, + "nauc_mrr_at_5_max": 51.13747115956445, + "nauc_mrr_at_5_std": -24.068375393975824, + "nauc_ndcg_at_1000_diff1": 87.66050817567788, + "nauc_ndcg_at_1000_max": 49.54001381756884, + "nauc_ndcg_at_1000_std": -24.35184631163463, + "nauc_ndcg_at_100_diff1": 87.24416537653535, + "nauc_ndcg_at_100_max": 49.57831808101997, + "nauc_ndcg_at_100_std": -24.793463718624537, + "nauc_ndcg_at_10_diff1": 87.24416537653535, + "nauc_ndcg_at_10_max": 49.57831808101997, + "nauc_ndcg_at_10_std": -24.793463718624537, + "nauc_ndcg_at_1_diff1": 88.58268797715169, + "nauc_ndcg_at_1_max": 41.42912066787494, + "nauc_ndcg_at_1_std": -20.242214532871987, + "nauc_ndcg_at_20_diff1": 87.24416537653535, + "nauc_ndcg_at_20_max": 49.57831808101997, + "nauc_ndcg_at_20_std": -24.793463718624537, + "nauc_ndcg_at_3_diff1": 88.28539315614394, + "nauc_ndcg_at_3_max": 55.661427932222765, + "nauc_ndcg_at_3_std": -29.09686303480698, + "nauc_ndcg_at_5_diff1": 87.44364795542245, + "nauc_ndcg_at_5_max": 52.79959281779241, + "nauc_ndcg_at_5_std": -24.76177349657667, + "nauc_precision_at_1000_diff1": 100, + "nauc_precision_at_1000_max": 100, + "nauc_precision_at_1000_std": 100, + "nauc_precision_at_100_diff1": 63.81886087768098, + "nauc_precision_at_100_max": 56.1391223155907, + "nauc_precision_at_100_std": -36.99813258637037, + "nauc_precision_at_10_diff1": 63.81886087768457, + "nauc_precision_at_10_max": 56.13912231559321, + "nauc_precision_at_10_std": -36.99813258636605, + "nauc_precision_at_1_diff1": 88.58268797715169, + "nauc_precision_at_1_max": 41.42912066787494, + "nauc_precision_at_1_std": -20.242214532871987, + "nauc_precision_at_20_diff1": 63.81886087768457, + "nauc_precision_at_20_max": 56.13912231559321, + "nauc_precision_at_20_std": -36.99813258636605, + "nauc_precision_at_3_diff1": 87.42089428363992, + "nauc_precision_at_3_max": 85.71428571428666, + "nauc_precision_at_3_std": -47.90953418404368, + "nauc_precision_at_5_diff1": 81.13134142545934, + "nauc_precision_at_5_max": 80.75007780890182, + "nauc_precision_at_5_std": -25.715841892311385, + "nauc_recall_at_1000_diff1": null, + "nauc_recall_at_1000_max": null, + "nauc_recall_at_1000_std": null, + "nauc_recall_at_100_diff1": 63.81886087768457, + "nauc_recall_at_100_max": 56.13912231559266, + "nauc_recall_at_100_std": -36.99813258636772, + "nauc_recall_at_10_diff1": 63.81886087768457, + "nauc_recall_at_10_max": 56.13912231559266, + "nauc_recall_at_10_std": -36.99813258636772, + "nauc_recall_at_1_diff1": 88.58268797715169, + "nauc_recall_at_1_max": 41.42912066787494, + "nauc_recall_at_1_std": -20.242214532871987, + "nauc_recall_at_20_diff1": 63.81886087768457, + "nauc_recall_at_20_max": 56.13912231559266, + "nauc_recall_at_20_std": -36.99813258636772, + "nauc_recall_at_3_diff1": 87.4208942836394, + "nauc_recall_at_3_max": 85.71428571428564, + "nauc_recall_at_3_std": -47.90953418404379, + "nauc_recall_at_5_diff1": 81.1313414254593, + "nauc_recall_at_5_max": 80.75007780890142, + "nauc_recall_at_5_std": -25.715841892312174, + "ndcg_at_1": 90, + "ndcg_at_10": 95.275, + "ndcg_at_100": 95.275, + "ndcg_at_1000": 95.355, + "ndcg_at_20": 95.275, + "ndcg_at_3": 94.524, + "ndcg_at_5": 94.891, + "precision_at_1": 90, + "precision_at_10": 9.940999999999999, + "precision_at_100": 0.9939999999999999, + "precision_at_1000": 0.1, + "precision_at_20": 4.971, + "precision_at_3": 32.451, + "precision_at_5": 19.647000000000002, + "recall_at_1": 90, + "recall_at_10": 99.412, + "recall_at_100": 99.412, + "recall_at_1000": 100, + "recall_at_20": 99.412, + "recall_at_3": 97.353, + "recall_at_5": 98.235 + } + ] + } +} \ No newline at end of file diff --git a/results/VectorStackAI__vstackai-law-1/external/LegalQuAD.json b/results/VectorStackAI__vstackai-law-1/external/LegalQuAD.json new file mode 100644 index 000000000..262b91bee --- /dev/null +++ b/results/VectorStackAI__vstackai-law-1/external/LegalQuAD.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "37aa6cfb01d48960b0f8e3f17d6e3d99bf1ebc3e", + "task_name": "LegalQuAD", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "deu-Latn" + ], + "main_score": 64.899, + "map_at_1": 48.5, + "map_at_10": 59.607, + "map_at_100": 60.102, + "map_at_1000": 60.141, + "map_at_20": 59.836, + "map_at_3": 57.416999999999994, + "map_at_5": 58.342000000000006, + "mrr_at_1": 48.5, + "mrr_at_10": 59.60734126984125, + "mrr_at_100": 60.10134959097208, + "mrr_at_1000": 60.140317577579324, + "mrr_at_20": 59.83595938375349, + "mrr_at_3": 57.41666666666665, + "mrr_at_5": 58.34166666666666, + "nauc_map_at_1000_diff1": 62.80752643431633, + "nauc_map_at_1000_max": 62.00607212479527, + "nauc_map_at_1000_std": 17.541941429951855, + "nauc_map_at_100_diff1": 62.807006564215705, + "nauc_map_at_100_max": 62.025705691974885, + "nauc_map_at_100_std": 17.56923712268851, + "nauc_map_at_10_diff1": 62.51717633954077, + "nauc_map_at_10_max": 61.97403063599849, + "nauc_map_at_10_std": 17.634018830663045, + "nauc_map_at_1_diff1": 65.73772773363197, + "nauc_map_at_1_max": 59.189205309863524, + "nauc_map_at_1_std": 14.461624107787843, + "nauc_map_at_20_diff1": 62.72297267428931, + "nauc_map_at_20_max": 62.09138256517757, + "nauc_map_at_20_std": 17.751999039640335, + "nauc_map_at_3_diff1": 63.4965467376001, + "nauc_map_at_3_max": 62.20134238108197, + "nauc_map_at_3_std": 16.0562228318107, + "nauc_map_at_5_diff1": 63.596270852816886, + "nauc_map_at_5_max": 62.370748922533515, + "nauc_map_at_5_std": 16.199213024713476, + "nauc_mrr_at_1000_diff1": 62.807542338240665, + "nauc_mrr_at_1000_max": 62.00610157228559, + "nauc_mrr_at_1000_std": 17.54188368114912, + "nauc_mrr_at_100_diff1": 62.80702245597816, + "nauc_mrr_at_100_max": 62.02573476935551, + "nauc_mrr_at_100_std": 17.569178989249227, + "nauc_mrr_at_10_diff1": 62.51717633954077, + "nauc_mrr_at_10_max": 61.97403063599849, + "nauc_mrr_at_10_std": 17.634018830663045, + "nauc_mrr_at_1_diff1": 65.73772773363197, + "nauc_mrr_at_1_max": 59.189205309863524, + "nauc_mrr_at_1_std": 14.461624107787843, + "nauc_mrr_at_20_diff1": 62.72297267428931, + "nauc_mrr_at_20_max": 62.09138256517757, + "nauc_mrr_at_20_std": 17.751999039640335, + "nauc_mrr_at_3_diff1": 63.4965467376001, + "nauc_mrr_at_3_max": 62.20134238108197, + "nauc_mrr_at_3_std": 16.0562228318107, + "nauc_mrr_at_5_diff1": 63.596270852816886, + "nauc_mrr_at_5_max": 62.370748922533515, + "nauc_mrr_at_5_std": 16.199213024713476, + "nauc_ndcg_at_1000_diff1": 61.99027512405032, + "nauc_ndcg_at_1000_max": 62.3794577316155, + "nauc_ndcg_at_1000_std": 18.81209576316582, + "nauc_ndcg_at_100_diff1": 61.981491536700695, + "nauc_ndcg_at_100_max": 62.83920688186244, + "nauc_ndcg_at_100_std": 19.50643109965116, + "nauc_ndcg_at_10_diff1": 60.04817741489627, + "nauc_ndcg_at_10_max": 62.4470034515535, + "nauc_ndcg_at_10_std": 20.53817059813657, + "nauc_ndcg_at_1_diff1": 65.73772773363197, + "nauc_ndcg_at_1_max": 59.189205309863524, + "nauc_ndcg_at_1_std": 14.461624107787843, + "nauc_ndcg_at_20_diff1": 60.907316049398794, + "nauc_ndcg_at_20_max": 62.99570450758024, + "nauc_ndcg_at_20_std": 21.058986818468124, + "nauc_ndcg_at_3_diff1": 62.73893976493435, + "nauc_ndcg_at_3_max": 63.03331537097003, + "nauc_ndcg_at_3_std": 16.64703608470413, + "nauc_ndcg_at_5_diff1": 62.877505768846845, + "nauc_ndcg_at_5_max": 63.383723263638544, + "nauc_ndcg_at_5_std": 16.955089182466672, + "nauc_precision_at_1000_diff1": 100, + "nauc_precision_at_1000_max": 100, + "nauc_precision_at_1000_std": 100, + "nauc_precision_at_100_diff1": 61.49859943977586, + "nauc_precision_at_100_max": 78.61811391223151, + "nauc_precision_at_100_std": 43.9635854341738, + "nauc_precision_at_10_diff1": 46.05874298601228, + "nauc_precision_at_10_max": 64.15281767659134, + "nauc_precision_at_10_std": 36.998952935806905, + "nauc_precision_at_1_diff1": 65.73772773363197, + "nauc_precision_at_1_max": 59.189205309863524, + "nauc_precision_at_1_std": 14.461624107787843, + "nauc_precision_at_20_diff1": 49.614383338756745, + "nauc_precision_at_20_max": 68.69996745850949, + "nauc_precision_at_20_std": 44.100227790432726, + "nauc_precision_at_3_diff1": 60.181007322330856, + "nauc_precision_at_3_max": 65.7700665904469, + "nauc_precision_at_3_std": 18.6619072970213, + "nauc_precision_at_5_diff1": 60.24398508980005, + "nauc_precision_at_5_max": 67.09105872101463, + "nauc_precision_at_5_std": 19.826693130657848, + "nauc_recall_at_1000_diff1": null, + "nauc_recall_at_1000_max": null, + "nauc_recall_at_1000_std": null, + "nauc_recall_at_100_diff1": 61.498599439775816, + "nauc_recall_at_100_max": 78.61811391223146, + "nauc_recall_at_100_std": 43.96358543417379, + "nauc_recall_at_10_diff1": 46.05874298601233, + "nauc_recall_at_10_max": 64.1528176765914, + "nauc_recall_at_10_std": 36.99895293580692, + "nauc_recall_at_1_diff1": 65.73772773363197, + "nauc_recall_at_1_max": 59.189205309863524, + "nauc_recall_at_1_std": 14.461624107787843, + "nauc_recall_at_20_diff1": 49.61438333875686, + "nauc_recall_at_20_max": 68.69996745850956, + "nauc_recall_at_20_std": 44.10022779043285, + "nauc_recall_at_3_diff1": 60.181007322330935, + "nauc_recall_at_3_max": 65.77006659044693, + "nauc_recall_at_3_std": 18.661907297021287, + "nauc_recall_at_5_diff1": 60.243985089800056, + "nauc_recall_at_5_max": 67.09105872101472, + "nauc_recall_at_5_std": 19.826693130657883, + "ndcg_at_1": 48.5, + "ndcg_at_10": 64.899, + "ndcg_at_100": 67.634, + "ndcg_at_1000": 68.345, + "ndcg_at_20": 65.767, + "ndcg_at_3": 60.268, + "ndcg_at_5": 61.925, + "precision_at_1": 48.5, + "precision_at_10": 8.15, + "precision_at_100": 0.95, + "precision_at_1000": 0.1, + "precision_at_20": 4.25, + "precision_at_3": 22.833000000000002, + "precision_at_5": 14.499999999999998, + "recall_at_1": 48.5, + "recall_at_10": 81.5, + "recall_at_100": 95, + "recall_at_1000": 100, + "recall_at_20": 85, + "recall_at_3": 68.5, + "recall_at_5": 72.5 + } + ] + } +} \ No newline at end of file diff --git a/results/VectorStackAI__vstackai-law-1/external/LegalSummarization.json b/results/VectorStackAI__vstackai-law-1/external/LegalSummarization.json new file mode 100644 index 000000000..f29c9ab07 --- /dev/null +++ b/results/VectorStackAI__vstackai-law-1/external/LegalSummarization.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "3bb1a05c66872889662af04c5691c14489cebd72", + "task_name": "LegalSummarization", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 68.37299999999999, + "map_at_1": 50.583999999999996, + "map_at_10": 62.287000000000006, + "map_at_100": 63.537, + "map_at_1000": 63.573, + "map_at_20": 63.077000000000005, + "map_at_3": 58.358, + "map_at_5": 60.211000000000006, + "mrr_at_1": 58.80281690140845, + "mrr_at_10": 67.8209534987704, + "mrr_at_100": 68.40289291033511, + "mrr_at_1000": 68.41681870169752, + "mrr_at_20": 68.25865150223059, + "mrr_at_3": 65.66901408450703, + "mrr_at_5": 66.84859154929578, + "nauc_map_at_1000_diff1": 66.23490767864845, + "nauc_map_at_1000_max": 56.62757337597366, + "nauc_map_at_1000_std": 4.528549025111963, + "nauc_map_at_100_diff1": 66.22940398014607, + "nauc_map_at_100_max": 56.634349360676865, + "nauc_map_at_100_std": 4.541880997700564, + "nauc_map_at_10_diff1": 65.94549814528568, + "nauc_map_at_10_max": 55.52461478236527, + "nauc_map_at_10_std": 2.457230374531773, + "nauc_map_at_1_diff1": 68.72392823338977, + "nauc_map_at_1_max": 53.391642623028936, + "nauc_map_at_1_std": 1.4283196945625762, + "nauc_map_at_20_diff1": 66.20579936575423, + "nauc_map_at_20_max": 56.531407372997954, + "nauc_map_at_20_std": 4.117228263552818, + "nauc_map_at_3_diff1": 65.34148569044554, + "nauc_map_at_3_max": 52.23666020679251, + "nauc_map_at_3_std": 0.6213942899425956, + "nauc_map_at_5_diff1": 65.56848099295489, + "nauc_map_at_5_max": 54.14599505704255, + "nauc_map_at_5_std": 1.7510168090848297, + "nauc_mrr_at_1000_diff1": 65.2248453530452, + "nauc_mrr_at_1000_max": 56.26467474118066, + "nauc_mrr_at_1000_std": 7.765895326925132, + "nauc_mrr_at_100_diff1": 65.21070712758778, + "nauc_mrr_at_100_max": 56.271177686981325, + "nauc_mrr_at_100_std": 7.785345389803579, + "nauc_mrr_at_10_diff1": 64.99745390900522, + "nauc_mrr_at_10_max": 56.055839490543576, + "nauc_mrr_at_10_std": 7.496513504421416, + "nauc_mrr_at_1_diff1": 68.92907857149805, + "nauc_mrr_at_1_max": 56.26107663193521, + "nauc_mrr_at_1_std": 6.297369156935706, + "nauc_mrr_at_20_diff1": 65.1678016982267, + "nauc_mrr_at_20_max": 56.335972588669726, + "nauc_mrr_at_20_std": 7.8243664682538485, + "nauc_mrr_at_3_diff1": 64.83973635858855, + "nauc_mrr_at_3_max": 55.5714129852856, + "nauc_mrr_at_3_std": 6.613504325180008, + "nauc_mrr_at_5_diff1": 64.74589091931088, + "nauc_mrr_at_5_max": 55.88271351361698, + "nauc_mrr_at_5_std": 7.1386788643876455, + "nauc_ndcg_at_1000_diff1": 65.202639941499, + "nauc_ndcg_at_1000_max": 57.564093890541756, + "nauc_ndcg_at_1000_std": 7.258587810697105, + "nauc_ndcg_at_100_diff1": 64.7813249495164, + "nauc_ndcg_at_100_max": 57.79712787033168, + "nauc_ndcg_at_100_std": 7.773895293143383, + "nauc_ndcg_at_10_diff1": 64.32391711969152, + "nauc_ndcg_at_10_max": 55.63793686530347, + "nauc_ndcg_at_10_std": 3.4059961155442764, + "nauc_ndcg_at_1_diff1": 68.92907857149805, + "nauc_ndcg_at_1_max": 56.26107663193521, + "nauc_ndcg_at_1_std": 6.297369156935706, + "nauc_ndcg_at_20_diff1": 64.81574204816175, + "nauc_ndcg_at_20_max": 58.2840773030739, + "nauc_ndcg_at_20_std": 7.263179111057372, + "nauc_ndcg_at_3_diff1": 63.912724511990696, + "nauc_ndcg_at_3_max": 53.75803159488968, + "nauc_ndcg_at_3_std": 3.1036435446695645, + "nauc_ndcg_at_5_diff1": 63.79330356150732, + "nauc_ndcg_at_5_max": 55.082744998876464, + "nauc_ndcg_at_5_std": 3.6246823425115213, + "nauc_precision_at_1000_diff1": -22.10580213313522, + "nauc_precision_at_1000_max": -0.9118701386503028, + "nauc_precision_at_1000_std": 27.333746721273283, + "nauc_precision_at_100_diff1": -18.882895589911644, + "nauc_precision_at_100_max": 4.113768286012285, + "nauc_precision_at_100_std": 30.048337440426497, + "nauc_precision_at_10_diff1": 3.248704005833223, + "nauc_precision_at_10_max": 23.154996086400423, + "nauc_precision_at_10_std": 20.251997611045912, + "nauc_precision_at_1_diff1": 68.92907857149805, + "nauc_precision_at_1_max": 56.26107663193521, + "nauc_precision_at_1_std": 6.297369156935706, + "nauc_precision_at_20_diff1": -7.13873585811708, + "nauc_precision_at_20_max": 17.375565602388527, + "nauc_precision_at_20_std": 31.317699557764485, + "nauc_precision_at_3_diff1": 33.63751338671969, + "nauc_precision_at_3_max": 38.476765888636756, + "nauc_precision_at_3_std": 12.2723755464466, + "nauc_precision_at_5_diff1": 20.649180734546427, + "nauc_precision_at_5_max": 34.74830242946571, + "nauc_precision_at_5_std": 16.90872320810353, + "nauc_recall_at_1000_diff1": null, + "nauc_recall_at_1000_max": null, + "nauc_recall_at_1000_std": null, + "nauc_recall_at_100_diff1": 38.57539921023781, + "nauc_recall_at_100_max": 63.42225430043433, + "nauc_recall_at_100_std": 31.59021194191864, + "nauc_recall_at_10_diff1": 53.672218603348455, + "nauc_recall_at_10_max": 48.673710550594265, + "nauc_recall_at_10_std": -2.566654931781578, + "nauc_recall_at_1_diff1": 68.72392823338977, + "nauc_recall_at_1_max": 53.391642623028936, + "nauc_recall_at_1_std": 1.4283196945625762, + "nauc_recall_at_20_diff1": 51.84453378101791, + "nauc_recall_at_20_max": 62.44943925787231, + "nauc_recall_at_20_std": 15.782443159610663, + "nauc_recall_at_3_diff1": 56.20810589388257, + "nauc_recall_at_3_max": 45.892032964653836, + "nauc_recall_at_3_std": -2.820516274258717, + "nauc_recall_at_5_diff1": 54.215941877653904, + "nauc_recall_at_5_max": 48.20665726343471, + "nauc_recall_at_5_std": -0.791029661993311, + "ndcg_at_1": 58.803000000000004, + "ndcg_at_10": 68.37299999999999, + "ndcg_at_100": 72.446, + "ndcg_at_1000": 72.992, + "ndcg_at_20": 70.414, + "ndcg_at_3": 62.839, + "ndcg_at_5": 65.023, + "precision_at_1": 58.803000000000004, + "precision_at_10": 11.197, + "precision_at_100": 1.4749999999999999, + "precision_at_1000": 0.155, + "precision_at_20": 6.356000000000001, + "precision_at_3": 27.346999999999998, + "precision_at_5": 18.521, + "recall_at_1": 50.583999999999996, + "recall_at_10": 80.833, + "recall_at_100": 96.467, + "recall_at_1000": 100, + "recall_at_20": 87.543, + "recall_at_3": 65.515, + "recall_at_5": 71.47200000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/VectorStackAI__vstackai-law-1/external/model_meta.json b/results/VectorStackAI__vstackai-law-1/external/model_meta.json new file mode 100644 index 000000000..9ba1a5175 --- /dev/null +++ b/results/VectorStackAI__vstackai-law-1/external/model_meta.json @@ -0,0 +1,20 @@ +{ + "name": "VectorStackAI/vstackai-law-1", + "revision": "dba3bd859e7951578ee79e94d41f509e6c90b8f0", + "release_date": "2024-10-22", + "languages": [], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": 32768, + "embed_dim": 1536, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/AmazonCounterfactualClassification.json b/results/WhereIsAI__UAE-Large-V1/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..fd4f2285e --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.55223880597015, + "ap": 38.264070815317794, + "f1": 69.40977934769845, + "main_score": 75.55223880597015 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/AmazonPolarityClassification.json b/results/WhereIsAI__UAE-Large-V1/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..950e71d8d --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.84267499999999, + "ap": 89.57568507997713, + "f1": 92.82590734337774, + "main_score": 92.84267499999999 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/AmazonReviewsClassification.json b/results/WhereIsAI__UAE-Large-V1/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..b3f6062d9 --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 48.292, + "f1": 47.90257816032778, + "main_score": 48.292 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/ArguAna.json b/results/WhereIsAI__UAE-Large-V1/external/ArguAna.json new file mode 100644 index 000000000..9db3b394d --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 42.105, + "map_at_10": 58.181000000000004, + "map_at_100": 58.653999999999996, + "map_at_1000": 58.657000000000004, + "map_at_3": 54.386, + "map_at_5": 56.757999999999996, + "mrr_at_1": 42.745, + "mrr_at_10": 58.437, + "mrr_at_100": 58.894999999999996, + "mrr_at_1000": 58.897999999999996, + "mrr_at_3": 54.635, + "mrr_at_5": 56.99999999999999, + "ndcg_at_1": 42.105, + "ndcg_at_10": 66.14999999999999, + "ndcg_at_100": 68.048, + "ndcg_at_1000": 68.11399999999999, + "ndcg_at_3": 58.477000000000004, + "ndcg_at_5": 62.768, + "precision_at_1": 42.105, + "precision_at_10": 9.110999999999999, + "precision_at_100": 0.991, + "precision_at_1000": 0.1, + "precision_at_3": 23.447000000000003, + "precision_at_5": 16.159000000000002, + "recall_at_1": 42.105, + "recall_at_10": 91.11, + "recall_at_100": 99.14699999999999, + "recall_at_1000": 99.644, + "recall_at_3": 70.341, + "recall_at_5": 80.797, + "main_score": 66.14999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/ArxivClusteringP2P.json b/results/WhereIsAI__UAE-Large-V1/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..16450a43c --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 49.02580759154173, + "main_score": 49.02580759154173 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/ArxivClusteringS2S.json b/results/WhereIsAI__UAE-Large-V1/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..aaf934375 --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 43.093601280163554, + "main_score": 43.093601280163554 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/AskUbuntuDupQuestions.json b/results/WhereIsAI__UAE-Large-V1/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..27242eb8e --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 64.19590406875427, + "mrr": 77.09547992788991, + "main_score": 64.19590406875427 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/BIOSSES.json b/results/WhereIsAI__UAE-Large-V1/external/BIOSSES.json new file mode 100644 index 000000000..c49a251da --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.86678362843676, + "cos_sim_spearman": 86.1423242570783, + "euclidean_pearson": 85.98994198511751, + "euclidean_spearman": 86.48209103503942, + "manhattan_pearson": 85.6446436316182, + "manhattan_spearman": 86.21039809734357, + "cosine_pearson": 87.86678362843676, + "cosine_spearman": 86.1423242570783, + "main_score": 86.1423242570783 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/Banking77Classification.json b/results/WhereIsAI__UAE-Large-V1/external/Banking77Classification.json new file mode 100644 index 000000000..41a4ae9f5 --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 87.69155844155844, + "f1": 87.68109381943547, + "main_score": 87.69155844155844 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/BiorxivClusteringP2P.json b/results/WhereIsAI__UAE-Large-V1/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..1fa5f7f65 --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.37501687500394, + "main_score": 39.37501687500394 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/BiorxivClusteringS2S.json b/results/WhereIsAI__UAE-Large-V1/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..3520c94b0 --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.23401405155885, + "main_score": 37.23401405155885 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/CQADupstackAndroidRetrieval.json b/results/WhereIsAI__UAE-Large-V1/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..d7769483a --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.232, + "map_at_10": 41.404999999999994, + "map_at_100": 42.896, + "map_at_1000": 43.028, + "map_at_3": 37.925, + "map_at_5": 39.865, + "mrr_at_1": 36.338, + "mrr_at_10": 46.969, + "mrr_at_100": 47.684, + "mrr_at_1000": 47.731, + "mrr_at_3": 44.063, + "mrr_at_5": 45.908, + "ndcg_at_1": 36.338, + "ndcg_at_10": 47.887, + "ndcg_at_100": 53.357, + "ndcg_at_1000": 55.376999999999995, + "ndcg_at_3": 42.588, + "ndcg_at_5": 45.132, + "precision_at_1": 36.338, + "precision_at_10": 9.17, + "precision_at_100": 1.4909999999999999, + "precision_at_1000": 0.196, + "precision_at_3": 20.315, + "precision_at_5": 14.793000000000001, + "recall_at_1": 30.232, + "recall_at_10": 60.67399999999999, + "recall_at_100": 83.628, + "recall_at_1000": 96.209, + "recall_at_3": 45.48, + "recall_at_5": 52.354, + "main_score": 47.887 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.237, + "map_at_10": 42.829, + "map_at_100": 44.065, + "map_at_1000": 44.199, + "map_at_3": 39.885999999999996, + "map_at_5": 41.55, + "mrr_at_1": 40.064, + "mrr_at_10": 48.611, + "mrr_at_100": 49.245, + "mrr_at_1000": 49.29, + "mrr_at_3": 46.561, + "mrr_at_5": 47.771, + "ndcg_at_1": 40.064, + "ndcg_at_10": 48.388, + "ndcg_at_100": 52.666999999999994, + "ndcg_at_1000": 54.67100000000001, + "ndcg_at_3": 44.504, + "ndcg_at_5": 46.303, + "precision_at_1": 40.064, + "precision_at_10": 9.051, + "precision_at_100": 1.4500000000000002, + "precision_at_1000": 0.193, + "precision_at_3": 21.444, + "precision_at_5": 15.045, + "recall_at_1": 32.237, + "recall_at_10": 57.943999999999996, + "recall_at_100": 75.98700000000001, + "recall_at_1000": 88.453, + "recall_at_3": 46.268, + "recall_at_5": 51.459999999999994, + "main_score": 48.388 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.797, + "map_at_10": 51.263000000000005, + "map_at_100": 52.333, + "map_at_1000": 52.393, + "map_at_3": 47.936, + "map_at_5": 49.844, + "mrr_at_1": 44.389, + "mrr_at_10": 54.601, + "mrr_at_100": 55.300000000000004, + "mrr_at_1000": 55.333, + "mrr_at_3": 52.068999999999996, + "mrr_at_5": 53.627, + "ndcg_at_1": 44.389, + "ndcg_at_10": 57.193000000000005, + "ndcg_at_100": 61.307, + "ndcg_at_1000": 62.529, + "ndcg_at_3": 51.607, + "ndcg_at_5": 54.409, + "precision_at_1": 44.389, + "precision_at_10": 9.26, + "precision_at_100": 1.222, + "precision_at_1000": 0.13699999999999998, + "precision_at_3": 23.03, + "precision_at_5": 15.887, + "recall_at_1": 38.797, + "recall_at_10": 71.449, + "recall_at_100": 88.881, + "recall_at_1000": 97.52, + "recall_at_3": 56.503, + "recall_at_5": 63.392, + "main_score": 57.193000000000005 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.291999999999998, + "map_at_10": 35.65, + "map_at_100": 36.689, + "map_at_1000": 36.753, + "map_at_3": 32.995000000000005, + "map_at_5": 34.409, + "mrr_at_1": 29.04, + "mrr_at_10": 37.486000000000004, + "mrr_at_100": 38.394, + "mrr_at_1000": 38.445, + "mrr_at_3": 35.028, + "mrr_at_5": 36.305, + "ndcg_at_1": 29.04, + "ndcg_at_10": 40.613, + "ndcg_at_100": 45.733000000000004, + "ndcg_at_1000": 47.447, + "ndcg_at_3": 35.339999999999996, + "ndcg_at_5": 37.706, + "precision_at_1": 29.04, + "precision_at_10": 6.192, + "precision_at_100": 0.9249999999999999, + "precision_at_1000": 0.11, + "precision_at_3": 14.802000000000001, + "precision_at_5": 10.305, + "recall_at_1": 27.291999999999998, + "recall_at_10": 54.25299999999999, + "recall_at_100": 77.773, + "recall_at_1000": 90.795, + "recall_at_3": 39.731, + "recall_at_5": 45.403999999999996, + "main_score": 40.613 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.326, + "map_at_10": 26.290999999999997, + "map_at_100": 27.456999999999997, + "map_at_1000": 27.583000000000002, + "map_at_3": 23.578, + "map_at_5": 25.113000000000003, + "mrr_at_1": 22.637, + "mrr_at_10": 31.139, + "mrr_at_100": 32.074999999999996, + "mrr_at_1000": 32.147, + "mrr_at_3": 28.483000000000004, + "mrr_at_5": 29.963, + "ndcg_at_1": 22.637, + "ndcg_at_10": 31.717000000000002, + "ndcg_at_100": 37.201, + "ndcg_at_1000": 40.088, + "ndcg_at_3": 26.686, + "ndcg_at_5": 29.076999999999998, + "precision_at_1": 22.637, + "precision_at_10": 5.7090000000000005, + "precision_at_100": 0.979, + "precision_at_1000": 0.13799999999999998, + "precision_at_3": 12.894, + "precision_at_5": 9.328, + "recall_at_1": 18.326, + "recall_at_10": 43.824999999999996, + "recall_at_100": 67.316, + "recall_at_1000": 87.481, + "recall_at_3": 29.866999999999997, + "recall_at_5": 35.961999999999996, + "main_score": 31.717000000000002 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.875, + "map_at_10": 40.458, + "map_at_100": 41.772, + "map_at_1000": 41.882999999999996, + "map_at_3": 37.086999999999996, + "map_at_5": 39.153, + "mrr_at_1": 36.381, + "mrr_at_10": 46.190999999999995, + "mrr_at_100": 46.983999999999995, + "mrr_at_1000": 47.032000000000004, + "mrr_at_3": 43.486999999999995, + "mrr_at_5": 45.249, + "ndcg_at_1": 36.381, + "ndcg_at_10": 46.602, + "ndcg_at_100": 51.885999999999996, + "ndcg_at_1000": 53.895, + "ndcg_at_3": 41.155, + "ndcg_at_5": 44.182, + "precision_at_1": 36.381, + "precision_at_10": 8.402, + "precision_at_100": 1.278, + "precision_at_1000": 0.16199999999999998, + "precision_at_3": 19.346, + "precision_at_5": 14.09, + "recall_at_1": 29.875, + "recall_at_10": 59.065999999999995, + "recall_at_100": 80.923, + "recall_at_1000": 93.927, + "recall_at_3": 44.462, + "recall_at_5": 51.89, + "main_score": 46.602 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.94, + "map_at_10": 35.125, + "map_at_100": 36.476, + "map_at_1000": 36.579, + "map_at_3": 31.840000000000003, + "map_at_5": 33.647, + "mrr_at_1": 30.936000000000003, + "mrr_at_10": 40.637, + "mrr_at_100": 41.471000000000004, + "mrr_at_1000": 41.525, + "mrr_at_3": 38.013999999999996, + "mrr_at_5": 39.469, + "ndcg_at_1": 30.936000000000003, + "ndcg_at_10": 41.295, + "ndcg_at_100": 46.92, + "ndcg_at_1000": 49.183, + "ndcg_at_3": 35.811, + "ndcg_at_5": 38.306000000000004, + "precision_at_1": 30.936000000000003, + "precision_at_10": 7.728, + "precision_at_100": 1.226, + "precision_at_1000": 0.158, + "precision_at_3": 17.237, + "precision_at_5": 12.42, + "recall_at_1": 24.94, + "recall_at_10": 54.235, + "recall_at_100": 78.314, + "recall_at_1000": 93.973, + "recall_at_3": 38.925, + "recall_at_5": 45.505, + "main_score": 41.295 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.250833333333333, + "map_at_10": 35.46875, + "map_at_100": 36.667, + "map_at_1000": 36.78025, + "map_at_3": 32.56733333333334, + "map_at_5": 34.20333333333333, + "mrr_at_1": 30.8945, + "mrr_at_10": 39.636833333333335, + "mrr_at_100": 40.46508333333333, + "mrr_at_1000": 40.521249999999995, + "mrr_at_3": 37.140166666666666, + "mrr_at_5": 38.60999999999999, + "ndcg_at_1": 30.8945, + "ndcg_at_10": 40.93441666666667, + "ndcg_at_100": 46.062416666666664, + "ndcg_at_1000": 48.28341666666667, + "ndcg_at_3": 35.97575, + "ndcg_at_5": 38.3785, + "precision_at_1": 30.8945, + "precision_at_10": 7.180250000000001, + "precision_at_100": 1.1468333333333334, + "precision_at_1000": 0.15283333333333332, + "precision_at_3": 16.525583333333334, + "precision_at_5": 11.798333333333332, + "recall_at_1": 26.250833333333333, + "recall_at_10": 52.96108333333333, + "recall_at_100": 75.45908333333334, + "recall_at_1000": 90.73924999999998, + "recall_at_3": 39.25483333333333, + "recall_at_5": 45.37950000000001, + "main_score": 40.93441666666667 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.595, + "map_at_10": 31.747999999999998, + "map_at_100": 32.62, + "map_at_1000": 32.713, + "map_at_3": 29.48, + "map_at_5": 30.635, + "mrr_at_1": 27.607, + "mrr_at_10": 34.449000000000005, + "mrr_at_100": 35.182, + "mrr_at_1000": 35.254000000000005, + "mrr_at_3": 32.413, + "mrr_at_5": 33.372, + "ndcg_at_1": 27.607, + "ndcg_at_10": 36.041000000000004, + "ndcg_at_100": 40.514, + "ndcg_at_1000": 42.851, + "ndcg_at_3": 31.689, + "ndcg_at_5": 33.479, + "precision_at_1": 27.607, + "precision_at_10": 5.66, + "precision_at_100": 0.868, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 13.446, + "precision_at_5": 9.264, + "recall_at_1": 24.595, + "recall_at_10": 46.79, + "recall_at_100": 67.413, + "recall_at_1000": 84.753, + "recall_at_3": 34.644999999999996, + "recall_at_5": 39.09, + "main_score": 36.041000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.333000000000002, + "map_at_10": 24.427, + "map_at_100": 25.576, + "map_at_1000": 25.692999999999998, + "map_at_3": 22.002, + "map_at_5": 23.249, + "mrr_at_1": 20.716, + "mrr_at_10": 28.072000000000003, + "mrr_at_100": 29.067, + "mrr_at_1000": 29.137, + "mrr_at_3": 25.832, + "mrr_at_5": 27.045, + "ndcg_at_1": 20.716, + "ndcg_at_10": 29.109, + "ndcg_at_100": 34.797, + "ndcg_at_1000": 37.503, + "ndcg_at_3": 24.668, + "ndcg_at_5": 26.552999999999997, + "precision_at_1": 20.716, + "precision_at_10": 5.351, + "precision_at_100": 0.955, + "precision_at_1000": 0.136, + "precision_at_3": 11.584999999999999, + "precision_at_5": 8.362, + "recall_at_1": 17.333000000000002, + "recall_at_10": 39.604, + "recall_at_100": 65.525, + "recall_at_1000": 84.651, + "recall_at_3": 27.199, + "recall_at_5": 32.019, + "main_score": 29.109 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.342, + "map_at_10": 35.349000000000004, + "map_at_100": 36.443, + "map_at_1000": 36.548, + "map_at_3": 32.307, + "map_at_5": 34.164, + "mrr_at_1": 31.063000000000002, + "mrr_at_10": 39.703, + "mrr_at_100": 40.555, + "mrr_at_1000": 40.614, + "mrr_at_3": 37.141999999999996, + "mrr_at_5": 38.812000000000005, + "ndcg_at_1": 31.063000000000002, + "ndcg_at_10": 40.873, + "ndcg_at_100": 45.896, + "ndcg_at_1000": 48.205999999999996, + "ndcg_at_3": 35.522, + "ndcg_at_5": 38.419, + "precision_at_1": 31.063000000000002, + "precision_at_10": 6.866, + "precision_at_100": 1.053, + "precision_at_1000": 0.13699999999999998, + "precision_at_3": 16.014, + "precision_at_5": 11.604000000000001, + "recall_at_1": 26.342, + "recall_at_10": 53.40200000000001, + "recall_at_100": 75.251, + "recall_at_1000": 91.13799999999999, + "recall_at_3": 39.103, + "recall_at_5": 46.357, + "main_score": 40.873 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.71, + "map_at_10": 32.153999999999996, + "map_at_100": 33.821, + "map_at_1000": 34.034, + "map_at_3": 29.376, + "map_at_5": 30.878, + "mrr_at_1": 28.458, + "mrr_at_10": 36.775999999999996, + "mrr_at_100": 37.804, + "mrr_at_1000": 37.858999999999995, + "mrr_at_3": 34.123999999999995, + "mrr_at_5": 35.596, + "ndcg_at_1": 28.458, + "ndcg_at_10": 37.858999999999995, + "ndcg_at_100": 44.194, + "ndcg_at_1000": 46.744, + "ndcg_at_3": 33.348, + "ndcg_at_5": 35.448, + "precision_at_1": 28.458, + "precision_at_10": 7.4510000000000005, + "precision_at_100": 1.5, + "precision_at_1000": 0.23700000000000002, + "precision_at_3": 15.809999999999999, + "precision_at_5": 11.462, + "recall_at_1": 23.71, + "recall_at_10": 48.272999999999996, + "recall_at_100": 77.134, + "recall_at_1000": 93.001, + "recall_at_3": 35.480000000000004, + "recall_at_5": 41.19, + "main_score": 37.858999999999995 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.331, + "map_at_10": 28.926000000000002, + "map_at_100": 29.855999999999998, + "map_at_1000": 29.957, + "map_at_3": 26.395999999999997, + "map_at_5": 27.933000000000003, + "mrr_at_1": 23.105, + "mrr_at_10": 31.008000000000003, + "mrr_at_100": 31.819999999999997, + "mrr_at_1000": 31.887999999999998, + "mrr_at_3": 28.466, + "mrr_at_5": 30.203000000000003, + "ndcg_at_1": 23.105, + "ndcg_at_10": 33.635999999999996, + "ndcg_at_100": 38.277, + "ndcg_at_1000": 40.907, + "ndcg_at_3": 28.791, + "ndcg_at_5": 31.528, + "precision_at_1": 23.105, + "precision_at_10": 5.323, + "precision_at_100": 0.815, + "precision_at_1000": 0.117, + "precision_at_3": 12.384, + "precision_at_5": 9.02, + "recall_at_1": 21.331, + "recall_at_10": 46.018, + "recall_at_100": 67.364, + "recall_at_1000": 86.97, + "recall_at_3": 33.395, + "recall_at_5": 39.931, + "main_score": 33.635999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/ClimateFEVER.json b/results/WhereIsAI__UAE-Large-V1/external/ClimateFEVER.json new file mode 100644 index 000000000..6e77e0b94 --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.011000000000003, + "map_at_10": 28.816999999999997, + "map_at_100": 30.761, + "map_at_1000": 30.958000000000002, + "map_at_3": 24.044999999999998, + "map_at_5": 26.557, + "mrr_at_1": 38.696999999999996, + "mrr_at_10": 50.464, + "mrr_at_100": 51.193999999999996, + "mrr_at_1000": 51.219, + "mrr_at_3": 47.339999999999996, + "mrr_at_5": 49.346000000000004, + "ndcg_at_1": 38.696999999999996, + "ndcg_at_10": 38.53, + "ndcg_at_100": 45.525, + "ndcg_at_1000": 48.685, + "ndcg_at_3": 32.282, + "ndcg_at_5": 34.482, + "precision_at_1": 38.696999999999996, + "precision_at_10": 11.895999999999999, + "precision_at_100": 1.95, + "precision_at_1000": 0.254, + "precision_at_3": 24.038999999999998, + "precision_at_5": 18.332, + "recall_at_1": 17.011000000000003, + "recall_at_10": 44.452999999999996, + "recall_at_100": 68.223, + "recall_at_1000": 85.653, + "recall_at_3": 28.784, + "recall_at_5": 35.66, + "main_score": 38.53 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/DBPedia.json b/results/WhereIsAI__UAE-Large-V1/external/DBPedia.json new file mode 100644 index 000000000..60d0e9558 --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.516, + "map_at_10": 21.439, + "map_at_100": 31.517, + "map_at_1000": 33.267, + "map_at_3": 15.004999999999999, + "map_at_5": 17.793999999999997, + "mrr_at_1": 71.25, + "mrr_at_10": 79.071, + "mrr_at_100": 79.325, + "mrr_at_1000": 79.33, + "mrr_at_3": 77.708, + "mrr_at_5": 78.546, + "ndcg_at_1": 58.62500000000001, + "ndcg_at_10": 44.889, + "ndcg_at_100": 50.536, + "ndcg_at_1000": 57.724, + "ndcg_at_3": 49.32, + "ndcg_at_5": 46.775, + "precision_at_1": 71.25, + "precision_at_10": 36.175000000000004, + "precision_at_100": 11.940000000000001, + "precision_at_1000": 2.178, + "precision_at_3": 53.583000000000006, + "precision_at_5": 45.550000000000004, + "recall_at_1": 9.516, + "recall_at_10": 27.028000000000002, + "recall_at_100": 57.581, + "recall_at_1000": 80.623, + "recall_at_3": 16.313, + "recall_at_5": 20.674, + "main_score": 44.889 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/EmotionClassification.json b/results/WhereIsAI__UAE-Large-V1/external/EmotionClassification.json new file mode 100644 index 000000000..555269bf7 --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 51.74999999999999, + "f1": 46.46706502669774, + "main_score": 51.74999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/FEVER.json b/results/WhereIsAI__UAE-Large-V1/external/FEVER.json new file mode 100644 index 000000000..542b7cec0 --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 77.266, + "map_at_10": 84.89999999999999, + "map_at_100": 85.109, + "map_at_1000": 85.123, + "map_at_3": 83.898, + "map_at_5": 84.541, + "mrr_at_1": 83.138, + "mrr_at_10": 89.37, + "mrr_at_100": 89.432, + "mrr_at_1000": 89.43299999999999, + "mrr_at_3": 88.836, + "mrr_at_5": 89.21, + "ndcg_at_1": 83.138, + "ndcg_at_10": 88.244, + "ndcg_at_100": 88.98700000000001, + "ndcg_at_1000": 89.21900000000001, + "ndcg_at_3": 86.825, + "ndcg_at_5": 87.636, + "precision_at_1": 83.138, + "precision_at_10": 10.47, + "precision_at_100": 1.1079999999999999, + "precision_at_1000": 0.11499999999999999, + "precision_at_3": 32.933, + "precision_at_5": 20.36, + "recall_at_1": 77.266, + "recall_at_10": 94.063, + "recall_at_100": 96.993, + "recall_at_1000": 98.414, + "recall_at_3": 90.228, + "recall_at_5": 92.328, + "main_score": 88.244 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/FiQA2018.json b/results/WhereIsAI__UAE-Large-V1/external/FiQA2018.json new file mode 100644 index 000000000..1c37b819e --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.319, + "map_at_10": 36.943, + "map_at_100": 38.951, + "map_at_1000": 39.114, + "map_at_3": 32.82, + "map_at_5": 34.945, + "mrr_at_1": 44.135999999999996, + "mrr_at_10": 53.071999999999996, + "mrr_at_100": 53.87, + "mrr_at_1000": 53.90200000000001, + "mrr_at_3": 50.77199999999999, + "mrr_at_5": 52.129999999999995, + "ndcg_at_1": 44.135999999999996, + "ndcg_at_10": 44.836, + "ndcg_at_100": 51.754, + "ndcg_at_1000": 54.36, + "ndcg_at_3": 41.658, + "ndcg_at_5": 42.354, + "precision_at_1": 44.135999999999996, + "precision_at_10": 12.284, + "precision_at_100": 1.952, + "precision_at_1000": 0.242, + "precision_at_3": 27.828999999999997, + "precision_at_5": 20.093, + "recall_at_1": 22.319, + "recall_at_10": 51.528, + "recall_at_100": 76.70700000000001, + "recall_at_1000": 92.143, + "recall_at_3": 38.641, + "recall_at_5": 43.653999999999996, + "main_score": 44.836 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/HotpotQA.json b/results/WhereIsAI__UAE-Large-V1/external/HotpotQA.json new file mode 100644 index 000000000..6335c57dd --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.182, + "map_at_10": 65.146, + "map_at_100": 66.023, + "map_at_1000": 66.078, + "map_at_3": 61.617999999999995, + "map_at_5": 63.82299999999999, + "mrr_at_1": 80.365, + "mrr_at_10": 85.79, + "mrr_at_100": 85.963, + "mrr_at_1000": 85.968, + "mrr_at_3": 84.952, + "mrr_at_5": 85.503, + "ndcg_at_1": 80.365, + "ndcg_at_10": 73.13499999999999, + "ndcg_at_100": 76.133, + "ndcg_at_1000": 77.151, + "ndcg_at_3": 68.255, + "ndcg_at_5": 70.978, + "precision_at_1": 80.365, + "precision_at_10": 15.359, + "precision_at_100": 1.7690000000000001, + "precision_at_1000": 0.19, + "precision_at_3": 44.024, + "precision_at_5": 28.555999999999997, + "recall_at_1": 40.182, + "recall_at_10": 76.793, + "recall_at_100": 88.474, + "recall_at_1000": 95.159, + "recall_at_3": 66.036, + "recall_at_5": 71.391, + "main_score": 73.13499999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/ImdbClassification.json b/results/WhereIsAI__UAE-Large-V1/external/ImdbClassification.json new file mode 100644 index 000000000..7a4608d02 --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.7796, + "ap": 89.24883716810874, + "f1": 92.7706903433313, + "main_score": 92.7796 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/MSMARCO.json b/results/WhereIsAI__UAE-Large-V1/external/MSMARCO.json new file mode 100644 index 000000000..c2c481b33 --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.016, + "map_at_10": 34.408, + "map_at_100": 35.592, + "map_at_1000": 35.64, + "map_at_3": 30.459999999999997, + "map_at_5": 32.721000000000004, + "mrr_at_1": 22.593, + "mrr_at_10": 34.993, + "mrr_at_100": 36.113, + "mrr_at_1000": 36.156, + "mrr_at_3": 31.101, + "mrr_at_5": 33.364, + "ndcg_at_1": 22.579, + "ndcg_at_10": 41.404999999999994, + "ndcg_at_100": 47.018, + "ndcg_at_1000": 48.211999999999996, + "ndcg_at_3": 33.389, + "ndcg_at_5": 37.425000000000004, + "precision_at_1": 22.579, + "precision_at_10": 6.59, + "precision_at_100": 0.938, + "precision_at_1000": 0.104, + "precision_at_3": 14.241000000000001, + "precision_at_5": 10.59, + "recall_at_1": 22.016, + "recall_at_10": 62.927, + "recall_at_100": 88.72, + "recall_at_1000": 97.80799999999999, + "recall_at_3": 41.229, + "recall_at_5": 50.88, + "main_score": 41.404999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/MTOPDomainClassification.json b/results/WhereIsAI__UAE-Large-V1/external/MTOPDomainClassification.json new file mode 100644 index 000000000..82c538636 --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 94.01732786137711, + "f1": 93.76353126402202, + "main_score": 94.01732786137711 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/MTOPIntentClassification.json b/results/WhereIsAI__UAE-Large-V1/external/MTOPIntentClassification.json new file mode 100644 index 000000000..6d7e5630e --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.91746466028272, + "f1": 57.715651682646765, + "main_score": 76.91746466028272 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/MassiveIntentClassification.json b/results/WhereIsAI__UAE-Large-V1/external/MassiveIntentClassification.json new file mode 100644 index 000000000..4c8054c4c --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.5030262273033, + "f1": 74.6693629986121, + "main_score": 76.5030262273033 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/MassiveScenarioClassification.json b/results/WhereIsAI__UAE-Large-V1/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..d10c548c7 --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.74781439139207, + "f1": 79.96684171018774, + "main_score": 79.74781439139207 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/MedrxivClusteringP2P.json b/results/WhereIsAI__UAE-Large-V1/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..c82f38bec --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.2156206892017, + "main_score": 33.2156206892017 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/MedrxivClusteringS2S.json b/results/WhereIsAI__UAE-Large-V1/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..2048079d0 --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.180539484816137, + "main_score": 31.180539484816137 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/MindSmallReranking.json b/results/WhereIsAI__UAE-Large-V1/external/MindSmallReranking.json new file mode 100644 index 000000000..35337f5c8 --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 32.51125957874274, + "mrr": 33.777037359249995, + "main_score": 32.51125957874274 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/NFCorpus.json b/results/WhereIsAI__UAE-Large-V1/external/NFCorpus.json new file mode 100644 index 000000000..4f9f2c580 --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 7.248, + "map_at_10": 15.340000000000002, + "map_at_100": 19.591, + "map_at_1000": 21.187, + "map_at_3": 11.329, + "map_at_5": 13.209999999999999, + "mrr_at_1": 47.678, + "mrr_at_10": 57.493, + "mrr_at_100": 58.038999999999994, + "mrr_at_1000": 58.07, + "mrr_at_3": 55.36600000000001, + "mrr_at_5": 56.635999999999996, + "ndcg_at_1": 46.129999999999995, + "ndcg_at_10": 38.653999999999996, + "ndcg_at_100": 36.288, + "ndcg_at_1000": 44.765, + "ndcg_at_3": 43.553, + "ndcg_at_5": 41.317, + "precision_at_1": 47.368, + "precision_at_10": 28.669, + "precision_at_100": 9.158, + "precision_at_1000": 2.207, + "precision_at_3": 40.97, + "precision_at_5": 35.604, + "recall_at_1": 7.248, + "recall_at_10": 19.46, + "recall_at_100": 37.214000000000006, + "recall_at_1000": 67.64099999999999, + "recall_at_3": 12.025, + "recall_at_5": 15.443999999999999, + "main_score": 38.653999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/NQ.json b/results/WhereIsAI__UAE-Large-V1/external/NQ.json new file mode 100644 index 000000000..1cef62048 --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.595000000000002, + "map_at_10": 47.815999999999995, + "map_at_100": 48.811, + "map_at_1000": 48.835, + "map_at_3": 43.225, + "map_at_5": 46.017, + "mrr_at_1": 35.689, + "mrr_at_10": 50.341, + "mrr_at_100": 51.044999999999995, + "mrr_at_1000": 51.062, + "mrr_at_3": 46.553, + "mrr_at_5": 48.918, + "ndcg_at_1": 35.66, + "ndcg_at_10": 55.859, + "ndcg_at_100": 59.864, + "ndcg_at_1000": 60.419999999999995, + "ndcg_at_3": 47.371, + "ndcg_at_5": 51.995000000000005, + "precision_at_1": 35.66, + "precision_at_10": 9.27, + "precision_at_100": 1.1520000000000001, + "precision_at_1000": 0.12, + "precision_at_3": 21.63, + "precision_at_5": 15.655, + "recall_at_1": 31.595000000000002, + "recall_at_10": 77.704, + "recall_at_100": 94.774, + "recall_at_1000": 98.919, + "recall_at_3": 56.052, + "recall_at_5": 66.623, + "main_score": 55.859 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/QuoraRetrieval.json b/results/WhereIsAI__UAE-Large-V1/external/QuoraRetrieval.json new file mode 100644 index 000000000..070cd1efd --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 71.489, + "map_at_10": 85.411, + "map_at_100": 86.048, + "map_at_1000": 86.064, + "map_at_3": 82.587, + "map_at_5": 84.339, + "mrr_at_1": 82.28, + "mrr_at_10": 88.27199999999999, + "mrr_at_100": 88.362, + "mrr_at_1000": 88.362, + "mrr_at_3": 87.372, + "mrr_at_5": 87.995, + "ndcg_at_1": 82.27, + "ndcg_at_10": 89.023, + "ndcg_at_100": 90.191, + "ndcg_at_1000": 90.266, + "ndcg_at_3": 86.37, + "ndcg_at_5": 87.804, + "precision_at_1": 82.27, + "precision_at_10": 13.469000000000001, + "precision_at_100": 1.533, + "precision_at_1000": 0.157, + "precision_at_3": 37.797, + "precision_at_5": 24.734, + "recall_at_1": 71.489, + "recall_at_10": 95.824, + "recall_at_100": 99.70599999999999, + "recall_at_1000": 99.979, + "recall_at_3": 88.099, + "recall_at_5": 92.285, + "main_score": 89.023 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/RedditClustering.json b/results/WhereIsAI__UAE-Large-V1/external/RedditClustering.json new file mode 100644 index 000000000..39b3cdbe5 --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 60.52398807444541, + "main_score": 60.52398807444541 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/RedditClusteringP2P.json b/results/WhereIsAI__UAE-Large-V1/external/RedditClusteringP2P.json new file mode 100644 index 000000000..3da11cf0d --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 65.34855891507871, + "main_score": 65.34855891507871 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/SCIDOCS.json b/results/WhereIsAI__UAE-Large-V1/external/SCIDOCS.json new file mode 100644 index 000000000..4a4724503 --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.188000000000001, + "map_at_10": 13.987, + "map_at_100": 16.438, + "map_at_1000": 16.829, + "map_at_3": 9.767000000000001, + "map_at_5": 11.912, + "mrr_at_1": 25.6, + "mrr_at_10": 37.744, + "mrr_at_100": 38.847, + "mrr_at_1000": 38.894, + "mrr_at_3": 34.166999999999994, + "mrr_at_5": 36.207, + "ndcg_at_1": 25.6, + "ndcg_at_10": 22.980999999999998, + "ndcg_at_100": 32.039, + "ndcg_at_1000": 38.157000000000004, + "ndcg_at_3": 21.567, + "ndcg_at_5": 19.070999999999998, + "precision_at_1": 25.6, + "precision_at_10": 12.02, + "precision_at_100": 2.5100000000000002, + "precision_at_1000": 0.396, + "precision_at_3": 20.333000000000002, + "precision_at_5": 16.98, + "recall_at_1": 5.188000000000001, + "recall_at_10": 24.372, + "recall_at_100": 50.934999999999995, + "recall_at_1000": 80.477, + "recall_at_3": 12.363, + "recall_at_5": 17.203, + "main_score": 22.980999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/SICK-R.json b/results/WhereIsAI__UAE-Large-V1/external/SICK-R.json new file mode 100644 index 000000000..64af9732d --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.24286275535398, + "cos_sim_spearman": 82.62333770991818, + "euclidean_pearson": 84.60353717637284, + "euclidean_spearman": 82.32990108810047, + "manhattan_pearson": 84.6089049738196, + "manhattan_spearman": 82.33361785438936, + "cosine_pearson": 87.24286275535398, + "cosine_spearman": 82.62333770991818, + "main_score": 82.62333770991818 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/STS12.json b/results/WhereIsAI__UAE-Large-V1/external/STS12.json new file mode 100644 index 000000000..98e427cee --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.87428858503165, + "cos_sim_spearman": 79.09145886519929, + "euclidean_pearson": 86.42669231664036, + "euclidean_spearman": 80.03127375435449, + "manhattan_pearson": 86.41330338305022, + "manhattan_spearman": 80.02492538673368, + "cosine_pearson": 87.87428858503165, + "cosine_spearman": 79.09145886519929, + "main_score": 79.09145886519929 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/STS13.json b/results/WhereIsAI__UAE-Large-V1/external/STS13.json new file mode 100644 index 000000000..4a82bce0e --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.67912277322645, + "cos_sim_spearman": 89.6171319711762, + "euclidean_pearson": 86.56571917398725, + "euclidean_spearman": 87.71216907898948, + "manhattan_pearson": 86.57459050182473, + "manhattan_spearman": 87.71916648349993, + "cosine_pearson": 88.67912277322645, + "cosine_spearman": 89.6171319711762, + "main_score": 89.6171319711762 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/STS14.json b/results/WhereIsAI__UAE-Large-V1/external/STS14.json new file mode 100644 index 000000000..c21c93e42 --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.71957379085862, + "cos_sim_spearman": 85.01784075851465, + "euclidean_pearson": 84.7407848472801, + "euclidean_spearman": 84.61063091345538, + "manhattan_pearson": 84.71494352494403, + "manhattan_spearman": 84.58772077604254, + "cosine_pearson": 86.71957379085862, + "cosine_spearman": 85.01784075851465, + "main_score": 85.01784075851465 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/STS15.json b/results/WhereIsAI__UAE-Large-V1/external/STS15.json new file mode 100644 index 000000000..03c41e659 --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.40508326325175, + "cos_sim_spearman": 89.50912897763186, + "euclidean_pearson": 87.82349070086627, + "euclidean_spearman": 88.44179162727521, + "manhattan_pearson": 87.80181927025595, + "manhattan_spearman": 88.43205129636243, + "cosine_pearson": 88.40508326325175, + "cosine_spearman": 89.50912897763186, + "main_score": 89.50912897763186 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/STS16.json b/results/WhereIsAI__UAE-Large-V1/external/STS16.json new file mode 100644 index 000000000..485564a38 --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.35846741715478, + "cos_sim_spearman": 86.61172476741842, + "euclidean_pearson": 84.60123125491637, + "euclidean_spearman": 85.3001948141827, + "manhattan_pearson": 84.56231142658329, + "manhattan_spearman": 85.23579900798813, + "cosine_pearson": 85.35846741715478, + "cosine_spearman": 86.61172476741842, + "main_score": 86.61172476741842 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/STS17.json b/results/WhereIsAI__UAE-Large-V1/external/STS17.json new file mode 100644 index 000000000..4718b939a --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.94539129818824, + "cos_sim_spearman": 88.99349064256742, + "euclidean_pearson": 88.7142444640351, + "euclidean_spearman": 88.34120813505011, + "manhattan_pearson": 88.70363008238084, + "manhattan_spearman": 88.31952816956954, + "cosine_pearson": 88.94539129818824, + "cosine_spearman": 88.99349064256742, + "main_score": 88.99349064256742 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/STS22.json b/results/WhereIsAI__UAE-Large-V1/external/STS22.json new file mode 100644 index 000000000..a19b255fd --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 68.29910260369893, + "cos_sim_spearman": 68.79263346213466, + "euclidean_pearson": 68.41627521422252, + "euclidean_spearman": 66.61602587398579, + "manhattan_pearson": 68.49402183447361, + "manhattan_spearman": 66.80157792354453, + "cosine_pearson": 68.29910260369893, + "cosine_spearman": 68.79263346213466, + "main_score": 68.79263346213466 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/STSBenchmark.json b/results/WhereIsAI__UAE-Large-V1/external/STSBenchmark.json new file mode 100644 index 000000000..5fcd60695 --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.43703906343708, + "cos_sim_spearman": 89.06081805093662, + "euclidean_pearson": 87.48311456299662, + "euclidean_spearman": 88.07417597580013, + "manhattan_pearson": 87.48202249768894, + "manhattan_spearman": 88.04758031111642, + "cosine_pearson": 87.43703906343708, + "cosine_spearman": 89.06081805093662, + "main_score": 89.06081805093662 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/SciDocsRR.json b/results/WhereIsAI__UAE-Large-V1/external/SciDocsRR.json new file mode 100644 index 000000000..7f6d19b2b --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 87.49080620485203, + "mrr": 96.19145378949301, + "main_score": 87.49080620485203 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/SciFact.json b/results/WhereIsAI__UAE-Large-V1/external/SciFact.json new file mode 100644 index 000000000..4aed7b0cd --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 59.317, + "map_at_10": 69.296, + "map_at_100": 69.738, + "map_at_1000": 69.759, + "map_at_3": 66.12599999999999, + "map_at_5": 67.532, + "mrr_at_1": 62, + "mrr_at_10": 70.176, + "mrr_at_100": 70.565, + "mrr_at_1000": 70.583, + "mrr_at_3": 67.833, + "mrr_at_5": 68.93299999999999, + "ndcg_at_1": 62, + "ndcg_at_10": 74.069, + "ndcg_at_100": 76.037, + "ndcg_at_1000": 76.467, + "ndcg_at_3": 68.628, + "ndcg_at_5": 70.57600000000001, + "precision_at_1": 62, + "precision_at_10": 10, + "precision_at_100": 1.097, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 26.667, + "precision_at_5": 17.4, + "recall_at_1": 59.317, + "recall_at_10": 87.822, + "recall_at_100": 96.833, + "recall_at_1000": 100, + "recall_at_3": 73.06099999999999, + "recall_at_5": 77.928, + "main_score": 74.069 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/SprintDuplicateQuestions.json b/results/WhereIsAI__UAE-Large-V1/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..9f7dec4e0 --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.88910891089108, + "cos_sim_ap": 97.236958456951, + "cos_sim_f1": 94.39999999999999, + "cos_sim_precision": 94.39999999999999, + "cos_sim_recall": 94.39999999999999, + "dot_accuracy": 99.82574257425742, + "dot_ap": 94.94344759441888, + "dot_f1": 91.17352056168507, + "dot_precision": 91.44869215291752, + "dot_recall": 90.9, + "euclidean_accuracy": 99.88415841584158, + "euclidean_ap": 97.2044250782305, + "euclidean_f1": 94.210786739238, + "euclidean_precision": 93.24191968658178, + "euclidean_recall": 95.19999999999999, + "manhattan_accuracy": 99.88613861386139, + "manhattan_ap": 97.20683205497689, + "manhattan_f1": 94.2643391521197, + "manhattan_precision": 94.02985074626866, + "manhattan_recall": 94.5, + "max_accuracy": 99.88910891089108, + "max_ap": 97.236958456951, + "max_f1": 94.39999999999999, + "main_score": 97.236958456951 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/StackExchangeClustering.json b/results/WhereIsAI__UAE-Large-V1/external/StackExchangeClustering.json new file mode 100644 index 000000000..78f29e2aa --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 66.53940781726187, + "main_score": 66.53940781726187 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/StackExchangeClusteringP2P.json b/results/WhereIsAI__UAE-Large-V1/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..780a5e6b0 --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.71865011295108, + "main_score": 36.71865011295108 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/StackOverflowDupQuestions.json b/results/WhereIsAI__UAE-Large-V1/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..7cc287dea --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 55.3218674533331, + "mrr": 56.28279910449028, + "main_score": 55.3218674533331 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/SummEval.json b/results/WhereIsAI__UAE-Large-V1/external/SummEval.json new file mode 100644 index 000000000..ae672d4b1 --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.723915667479673, + "cos_sim_spearman": 32.029070449745234, + "dot_pearson": 28.864944212481454, + "dot_spearman": 27.939266999596725, + "cosine_pearson": 30.723915667479673, + "cosine_spearman": 32.029070449745234, + "main_score": 32.029070449745234 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/TRECCOVID.json b/results/WhereIsAI__UAE-Large-V1/external/TRECCOVID.json new file mode 100644 index 000000000..a66d392d7 --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.231, + "map_at_10": 1.949, + "map_at_100": 10.023, + "map_at_1000": 23.485, + "map_at_3": 0.652, + "map_at_5": 1.054, + "mrr_at_1": 86, + "mrr_at_10": 92.067, + "mrr_at_100": 92.067, + "mrr_at_1000": 92.067, + "mrr_at_3": 91.667, + "mrr_at_5": 92.067, + "ndcg_at_1": 83, + "ndcg_at_10": 76.32900000000001, + "ndcg_at_100": 54.662, + "ndcg_at_1000": 48.062, + "ndcg_at_3": 81.827, + "ndcg_at_5": 80.664, + "precision_at_1": 86, + "precision_at_10": 80, + "precision_at_100": 55.48, + "precision_at_1000": 20.938000000000002, + "precision_at_3": 85.333, + "precision_at_5": 84.39999999999999, + "recall_at_1": 0.231, + "recall_at_10": 2.158, + "recall_at_100": 13.344000000000001, + "recall_at_1000": 44.31, + "recall_at_3": 0.6779999999999999, + "recall_at_5": 1.13, + "main_score": 76.32900000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/Touche2020.json b/results/WhereIsAI__UAE-Large-V1/external/Touche2020.json new file mode 100644 index 000000000..07d3e8619 --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.524, + "map_at_10": 10.183, + "map_at_100": 16.625, + "map_at_1000": 18.017, + "map_at_3": 5.169, + "map_at_5": 6.772, + "mrr_at_1": 32.653, + "mrr_at_10": 47.128, + "mrr_at_100": 48.458, + "mrr_at_1000": 48.473, + "mrr_at_3": 44.897999999999996, + "mrr_at_5": 45.306000000000004, + "ndcg_at_1": 30.612000000000002, + "ndcg_at_10": 24.928, + "ndcg_at_100": 37.613, + "ndcg_at_1000": 48.528, + "ndcg_at_3": 28.829, + "ndcg_at_5": 25.237, + "precision_at_1": 32.653, + "precision_at_10": 22.448999999999998, + "precision_at_100": 8.02, + "precision_at_1000": 1.537, + "precision_at_3": 30.612000000000002, + "precision_at_5": 24.490000000000002, + "recall_at_1": 2.524, + "recall_at_10": 16.38, + "recall_at_100": 49.529, + "recall_at_1000": 83.598, + "recall_at_3": 6.411, + "recall_at_5": 8.932, + "main_score": 24.928 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/ToxicConversationsClassification.json b/results/WhereIsAI__UAE-Large-V1/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..9c06c4c2a --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.09020000000001, + "ap": 14.451710060978993, + "f1": 54.7874410609049, + "main_score": 71.09020000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/TweetSentimentExtractionClassification.json b/results/WhereIsAI__UAE-Large-V1/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..4bb094b8e --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 59.745331069609506, + "f1": 60.08387848592697, + "main_score": 59.745331069609506 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/TwentyNewsgroupsClustering.json b/results/WhereIsAI__UAE-Large-V1/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..42b691457 --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 51.71549485462037, + "main_score": 51.71549485462037 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/TwitterSemEval2015.json b/results/WhereIsAI__UAE-Large-V1/external/TwitterSemEval2015.json new file mode 100644 index 000000000..f1e0800ea --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 87.39345532574357, + "cos_sim_ap": 78.16796549696478, + "cos_sim_f1": 71.27713276123171, + "cos_sim_precision": 68.3115626511853, + "cos_sim_recall": 74.51187335092348, + "dot_accuracy": 85.12248912201228, + "dot_ap": 69.26039256107077, + "dot_f1": 65.04294321240867, + "dot_precision": 63.251059586138126, + "dot_recall": 66.93931398416886, + "euclidean_accuracy": 87.07754664123503, + "euclidean_ap": 77.7872176038945, + "euclidean_f1": 70.85587801278899, + "euclidean_precision": 66.3519115614924, + "euclidean_recall": 76.01583113456465, + "manhattan_accuracy": 87.07754664123503, + "manhattan_ap": 77.7341400185556, + "manhattan_f1": 70.80310880829015, + "manhattan_precision": 69.54198473282443, + "manhattan_recall": 72.1108179419525, + "max_accuracy": 87.39345532574357, + "max_ap": 78.16796549696478, + "max_f1": 71.27713276123171, + "main_score": 78.16796549696478 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/TwitterURLCorpus.json b/results/WhereIsAI__UAE-Large-V1/external/TwitterURLCorpus.json new file mode 100644 index 000000000..f9817544d --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.09457833663213, + "cos_sim_ap": 86.33024314706873, + "cos_sim_f1": 78.59623733719248, + "cos_sim_precision": 74.13322413322413, + "cos_sim_recall": 83.63104404065291, + "dot_accuracy": 88.3086894089339, + "dot_ap": 83.92225241805097, + "dot_f1": 76.8721826377781, + "dot_precision": 72.8168044077135, + "dot_recall": 81.40591315060055, + "euclidean_accuracy": 88.77052043311213, + "euclidean_ap": 85.7410710218755, + "euclidean_f1": 77.97705489398781, + "euclidean_precision": 73.77713657598241, + "euclidean_recall": 82.68401601478288, + "manhattan_accuracy": 88.73753250281368, + "manhattan_ap": 85.72867199072802, + "manhattan_f1": 77.89774182922812, + "manhattan_precision": 74.23787931635857, + "manhattan_recall": 81.93717277486911, + "max_accuracy": 89.09457833663213, + "max_ap": 86.33024314706873, + "max_f1": 78.59623733719248, + "main_score": 86.33024314706873 + } + ] + } +} \ No newline at end of file diff --git a/results/WhereIsAI__UAE-Large-V1/external/model_meta.json b/results/WhereIsAI__UAE-Large-V1/external/model_meta.json new file mode 100644 index 000000000..1f5f654dd --- /dev/null +++ b/results/WhereIsAI__UAE-Large-V1/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "WhereIsAI/UAE-Large-V1", + "revision": "584fb280384b508a5ca77547a6f0d98d64809e32", + "release_date": "2023-12-04", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 335141888, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 1024, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/aari1995__German_Semantic_STS_V2/external/AmazonCounterfactualClassification.json b/results/aari1995__German_Semantic_STS_V2/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..d43e51138 --- /dev/null +++ b/results/aari1995__German_Semantic_STS_V2/external/AmazonCounterfactualClassification.json @@ -0,0 +1,28 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 67.00214132762312, + "main_score": 67.00214132762312 + } + ], + "validation": [ + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 68.43347639484978, + "main_score": 68.43347639484978 + } + ] + } +} \ No newline at end of file diff --git a/results/aari1995__German_Semantic_STS_V2/external/AmazonReviewsClassification.json b/results/aari1995__German_Semantic_STS_V2/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..cf2bdaf73 --- /dev/null +++ b/results/aari1995__German_Semantic_STS_V2/external/AmazonReviewsClassification.json @@ -0,0 +1,28 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 39.092, + "main_score": 39.092 + } + ], + "validation": [ + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 39.146, + "main_score": 39.146 + } + ] + } +} \ No newline at end of file diff --git a/results/aari1995__German_Semantic_STS_V2/external/BlurbsClusteringP2P.json b/results/aari1995__German_Semantic_STS_V2/external/BlurbsClusteringP2P.json new file mode 100644 index 000000000..6e650f7a2 --- /dev/null +++ b/results/aari1995__German_Semantic_STS_V2/external/BlurbsClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a2dd5b02a77de3466a3eaa98ae586b5610314496", + "task_name": "BlurbsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "deu-Latn" + ], + "v_measure": 38.68098166984213, + "main_score": 38.68098166984213 + } + ] + } +} \ No newline at end of file diff --git a/results/aari1995__German_Semantic_STS_V2/external/BlurbsClusteringS2S.json b/results/aari1995__German_Semantic_STS_V2/external/BlurbsClusteringS2S.json new file mode 100644 index 000000000..5c93231fc --- /dev/null +++ b/results/aari1995__German_Semantic_STS_V2/external/BlurbsClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "22793b6a6465bf00120ad525e38c51210858132c", + "task_name": "BlurbsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "deu-Latn" + ], + "v_measure": 17.624489937027505, + "main_score": 17.624489937027505 + } + ] + } +} \ No newline at end of file diff --git a/results/aari1995__German_Semantic_STS_V2/external/GermanDPR.json b/results/aari1995__German_Semantic_STS_V2/external/GermanDPR.json new file mode 100644 index 000000000..b2c4284d1 --- /dev/null +++ b/results/aari1995__German_Semantic_STS_V2/external/GermanDPR.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "5129d02422a66be600ac89cd3e8531b4f97d347d", + "task_name": "GermanDPR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "deu-Latn" + ], + "ndcg_at_10": 72.921, + "main_score": 72.921 + } + ] + } +} \ No newline at end of file diff --git a/results/aari1995__German_Semantic_STS_V2/external/GermanQuAD-Retrieval.json b/results/aari1995__German_Semantic_STS_V2/external/GermanQuAD-Retrieval.json new file mode 100644 index 000000000..efad2a7a4 --- /dev/null +++ b/results/aari1995__German_Semantic_STS_V2/external/GermanQuAD-Retrieval.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f5c87ae5a2e7a5106606314eef45255f03151bb3", + "task_name": "GermanQuAD-Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "deu-Latn" + ], + "mrr_at_5": 85.316, + "main_score": 85.316 + } + ] + } +} \ No newline at end of file diff --git a/results/aari1995__German_Semantic_STS_V2/external/GermanSTSBenchmark.json b/results/aari1995__German_Semantic_STS_V2/external/GermanSTSBenchmark.json new file mode 100644 index 000000000..09a17e254 --- /dev/null +++ b/results/aari1995__German_Semantic_STS_V2/external/GermanSTSBenchmark.json @@ -0,0 +1,48 @@ +{ + "dataset_revision": "e36907544d44c3a247898ed81540310442329e20", + "task_name": "GermanSTSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "deu-Latn" + ], + "cos_sim_spearman": 84.67696933608696, + "cosine_spearman": 84.67696933608696, + "main_score": 84.67696933608696 + }, + { + "hf_subset": "default", + "languages": [ + "deu-Latn" + ], + "cos_sim_spearman": 84.6769860406506, + "cosine_spearman": 84.6769860406506, + "main_score": 84.6769860406506 + } + ], + "validation": [ + { + "hf_subset": "default", + "languages": [ + "deu-Latn" + ], + "cos_sim_spearman": 88.048957974805, + "cosine_spearman": 88.048957974805, + "main_score": 88.048957974805 + }, + { + "hf_subset": "default", + "languages": [ + "deu-Latn" + ], + "cos_sim_spearman": 88.048957974805, + "cosine_spearman": 88.048957974805, + "main_score": 88.048957974805 + } + ] + } +} \ No newline at end of file diff --git a/results/aari1995__German_Semantic_STS_V2/external/MTOPDomainClassification.json b/results/aari1995__German_Semantic_STS_V2/external/MTOPDomainClassification.json new file mode 100644 index 000000000..a89263aad --- /dev/null +++ b/results/aari1995__German_Semantic_STS_V2/external/MTOPDomainClassification.json @@ -0,0 +1,28 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 89.00253592561285, + "main_score": 89.00253592561285 + } + ], + "validation": [ + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 87.70798898071627, + "main_score": 87.70798898071627 + } + ] + } +} \ No newline at end of file diff --git a/results/aari1995__German_Semantic_STS_V2/external/MTOPIntentClassification.json b/results/aari1995__German_Semantic_STS_V2/external/MTOPIntentClassification.json new file mode 100644 index 000000000..f73553e2c --- /dev/null +++ b/results/aari1995__German_Semantic_STS_V2/external/MTOPIntentClassification.json @@ -0,0 +1,28 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 70.06198929275853, + "main_score": 70.06198929275853 + } + ], + "validation": [ + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 68.6060606060606, + "main_score": 68.6060606060606 + } + ] + } +} \ No newline at end of file diff --git a/results/aari1995__German_Semantic_STS_V2/external/MassiveIntentClassification.json b/results/aari1995__German_Semantic_STS_V2/external/MassiveIntentClassification.json new file mode 100644 index 000000000..1646af9df --- /dev/null +++ b/results/aari1995__German_Semantic_STS_V2/external/MassiveIntentClassification.json @@ -0,0 +1,28 @@ +{ + "dataset_revision": "4672e20407010da34463acc759c162ca9734bca6", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 66.25084061869536, + "main_score": 66.25084061869536 + } + ], + "validation": [ + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 66.44859813084113, + "main_score": 66.44859813084113 + } + ] + } +} \ No newline at end of file diff --git a/results/aari1995__German_Semantic_STS_V2/external/MassiveScenarioClassification.json b/results/aari1995__German_Semantic_STS_V2/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..88c20dd78 --- /dev/null +++ b/results/aari1995__German_Semantic_STS_V2/external/MassiveScenarioClassification.json @@ -0,0 +1,28 @@ +{ + "dataset_revision": "fad2c6e8459f9e1c45d9315f4953d921437d70f8", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 72.51176866173503, + "main_score": 72.51176866173503 + } + ], + "validation": [ + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 72.02164289227743, + "main_score": 72.02164289227743 + } + ] + } +} \ No newline at end of file diff --git a/results/aari1995__German_Semantic_STS_V2/external/STS22.json b/results/aari1995__German_Semantic_STS_V2/external/STS22.json new file mode 100644 index 000000000..2471a111c --- /dev/null +++ b/results/aari1995__German_Semantic_STS_V2/external/STS22.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "de9d86b3b84231dc21f76c7b7af1f28e2f57f6e3", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "cos_sim_spearman": 50.63839763951755, + "cosine_spearman": 50.63839763951755, + "main_score": 50.63839763951755 + } + ] + } +} \ No newline at end of file diff --git a/results/aari1995__German_Semantic_STS_V2/external/TenKGnadClusteringP2P.json b/results/aari1995__German_Semantic_STS_V2/external/TenKGnadClusteringP2P.json new file mode 100644 index 000000000..922e019eb --- /dev/null +++ b/results/aari1995__German_Semantic_STS_V2/external/TenKGnadClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "5c59e41555244b7e45c9a6be2d720ab4bafae558", + "task_name": "TenKGnadClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "deu-Latn" + ], + "v_measure": 37.99668579652982, + "main_score": 37.99668579652982 + } + ] + } +} \ No newline at end of file diff --git a/results/aari1995__German_Semantic_STS_V2/external/TenKGnadClusteringS2S.json b/results/aari1995__German_Semantic_STS_V2/external/TenKGnadClusteringS2S.json new file mode 100644 index 000000000..3eb49b7a7 --- /dev/null +++ b/results/aari1995__German_Semantic_STS_V2/external/TenKGnadClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cddbe003f12b9b140aec477b583ac4191f01786", + "task_name": "TenKGnadClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "deu-Latn" + ], + "v_measure": 23.71145428041516, + "main_score": 23.71145428041516 + } + ] + } +} \ No newline at end of file diff --git a/results/aari1995__German_Semantic_STS_V2/external/model_meta.json b/results/aari1995__German_Semantic_STS_V2/external/model_meta.json new file mode 100644 index 000000000..564dd82d7 --- /dev/null +++ b/results/aari1995__German_Semantic_STS_V2/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "aari1995/German_Semantic_STS_V2", + "revision": "22912542b0ec7a7ef369837e28ffe6352a27afc9", + "release_date": "2022-11-17", + "languages": [ + "de" + ], + "loader": null, + "n_parameters": 335736320, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 1024, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/AmazonCounterfactualClassification.json b/results/abhinand__MedEmbed-small-v0.1/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..29c4d5897 --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/AmazonCounterfactualClassification.json @@ -0,0 +1,34 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-ext", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.17391304347827, + "ap": 21.757637881353535, + "ap_weighted": 21.757637881353535, + "f1": 59.80304692298741, + "f1_weighted": 77.3761270422597, + "main_score": 72.17391304347827 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.28358208955224, + "ap": 33.51413347752456, + "ap_weighted": 33.51413347752456, + "f1": 65.07760889689999, + "f1_weighted": 74.00602410875776, + "main_score": 71.28358208955224 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/AmazonPolarityClassification.json b/results/abhinand__MedEmbed-small-v0.1/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..c7a5aab48 --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/AmazonPolarityClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.99472500000002, + "ap": 88.24057492408383, + "ap_weighted": 88.24057492408383, + "f1": 91.97746777375899, + "f1_weighted": 91.97746777375899, + "main_score": 91.99472500000002 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/AmazonReviewsClassification.json b/results/abhinand__MedEmbed-small-v0.1/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..dcee824b0 --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/AmazonReviewsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 48.211999999999996, + "f1": 46.94308842799891, + "f1_weighted": 46.94308842799891, + "main_score": 48.211999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/ArguAna.json b/results/abhinand__MedEmbed-small-v0.1/external/ArguAna.json new file mode 100644 index 000000000..624445424 --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/ArguAna.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 61.587, + "map_at_1": 37.980000000000004, + "map_at_10": 53.40200000000001, + "map_at_100": 54.032000000000004, + "map_at_1000": 54.038, + "map_at_20": 53.898999999999994, + "map_at_3": 49.123, + "map_at_5": 51.747, + "mrr_at_1": 38.26458036984353, + "mrr_at_10": 53.522206416943355, + "mrr_at_100": 54.145400691658374, + "mrr_at_1000": 54.150812285856695, + "mrr_at_20": 54.015571340811796, + "mrr_at_3": 49.3006164058796, + "mrr_at_5": 51.850403034613656, + "nauc_map_at_1000_diff1": 12.462809218755954, + "nauc_map_at_1000_max": -8.081945194296322, + "nauc_map_at_1000_std": -6.165333174593185, + "nauc_map_at_100_diff1": 12.46115346472636, + "nauc_map_at_100_max": -8.07700864766809, + "nauc_map_at_100_std": -6.154824360110573, + "nauc_map_at_10_diff1": 12.247142312490714, + "nauc_map_at_10_max": -8.05437952054825, + "nauc_map_at_10_std": -5.98349855940482, + "nauc_map_at_1_diff1": 15.505336965073605, + "nauc_map_at_1_max": -10.866105149439845, + "nauc_map_at_1_std": -9.694177220362505, + "nauc_map_at_20_diff1": 12.449923215332698, + "nauc_map_at_20_max": -8.061694795957425, + "nauc_map_at_20_std": -6.048155776035038, + "nauc_map_at_3_diff1": 11.777509442505403, + "nauc_map_at_3_max": -8.619619751268965, + "nauc_map_at_3_std": -7.029734930936095, + "nauc_map_at_5_diff1": 12.072349873282578, + "nauc_map_at_5_max": -7.9037810476976835, + "nauc_map_at_5_std": -6.3962966098864, + "nauc_mrr_at_1000_diff1": 11.55871613635287, + "nauc_mrr_at_1000_max": -8.524668018179772, + "nauc_mrr_at_1000_std": -5.821749837488739, + "nauc_mrr_at_100_diff1": 11.557229356469213, + "nauc_mrr_at_100_max": -8.519652075012466, + "nauc_mrr_at_100_std": -5.811310846389489, + "nauc_mrr_at_10_diff1": 11.386476038925435, + "nauc_mrr_at_10_max": -8.45430627552755, + "nauc_mrr_at_10_std": -5.65917735429017, + "nauc_mrr_at_1_diff1": 14.693476121231305, + "nauc_mrr_at_1_max": -10.94460265018313, + "nauc_mrr_at_1_std": -8.77030471829497, + "nauc_mrr_at_20_diff1": 11.541143108641904, + "nauc_mrr_at_20_max": -8.508664836852851, + "nauc_mrr_at_20_std": -5.718714620902282, + "nauc_mrr_at_3_diff1": 11.065095966162826, + "nauc_mrr_at_3_max": -8.88590386152548, + "nauc_mrr_at_3_std": -6.741394531507113, + "nauc_mrr_at_5_diff1": 11.143404810693896, + "nauc_mrr_at_5_max": -8.410832856819567, + "nauc_mrr_at_5_std": -6.101439716672843, + "nauc_ndcg_at_1000_diff1": 12.251069053520732, + "nauc_ndcg_at_1000_max": -7.386319921375587, + "nauc_ndcg_at_1000_std": -5.2642773188011205, + "nauc_ndcg_at_100_diff1": 12.205700301839183, + "nauc_ndcg_at_100_max": -7.248372196650524, + "nauc_ndcg_at_100_std": -4.970330352461419, + "nauc_ndcg_at_10_diff1": 11.523326871708202, + "nauc_ndcg_at_10_max": -6.816950583275555, + "nauc_ndcg_at_10_std": -3.9784804860320198, + "nauc_ndcg_at_1_diff1": 15.505336965073605, + "nauc_ndcg_at_1_max": -10.866105149439845, + "nauc_ndcg_at_1_std": -9.694177220362505, + "nauc_ndcg_at_20_diff1": 12.270064495647071, + "nauc_ndcg_at_20_max": -6.927364052923182, + "nauc_ndcg_at_20_std": -4.168791551223215, + "nauc_ndcg_at_3_diff1": 10.718998017465346, + "nauc_ndcg_at_3_max": -7.968252808658605, + "nauc_ndcg_at_3_std": -6.379316205846782, + "nauc_ndcg_at_5_diff1": 11.132383943770357, + "nauc_ndcg_at_5_max": -6.52591429832427, + "nauc_ndcg_at_5_std": -5.216113688168761, + "nauc_precision_at_1000_diff1": 16.1495781371987, + "nauc_precision_at_1000_max": 39.995738985755196, + "nauc_precision_at_1000_std": 50.855436172063065, + "nauc_precision_at_100_diff1": 5.9156015470781265, + "nauc_precision_at_100_max": 26.03608801637909, + "nauc_precision_at_100_std": 54.70480941746274, + "nauc_precision_at_10_diff1": 7.001835875439316, + "nauc_precision_at_10_max": 2.135776035777977, + "nauc_precision_at_10_std": 11.516009853432555, + "nauc_precision_at_1_diff1": 15.505336965073605, + "nauc_precision_at_1_max": -10.866105149439845, + "nauc_precision_at_1_std": -9.694177220362505, + "nauc_precision_at_20_diff1": 13.681914368809867, + "nauc_precision_at_20_max": 9.479991446859016, + "nauc_precision_at_20_std": 26.376943655091644, + "nauc_precision_at_3_diff1": 7.325939191487269, + "nauc_precision_at_3_max": -5.874501064035859, + "nauc_precision_at_3_std": -4.340026468355782, + "nauc_precision_at_5_diff1": 7.383019735342397, + "nauc_precision_at_5_max": -0.5758672788087532, + "nauc_precision_at_5_std": -0.3247880327348163, + "nauc_recall_at_1000_diff1": 16.149578137193416, + "nauc_recall_at_1000_max": 39.99573898574825, + "nauc_recall_at_1000_std": 50.85543617205994, + "nauc_recall_at_100_diff1": 5.915601547077784, + "nauc_recall_at_100_max": 26.03608801637899, + "nauc_recall_at_100_std": 54.704809417461085, + "nauc_recall_at_10_diff1": 7.001835875439445, + "nauc_recall_at_10_max": 2.1357760357780817, + "nauc_recall_at_10_std": 11.516009853432491, + "nauc_recall_at_1_diff1": 15.505336965073605, + "nauc_recall_at_1_max": -10.866105149439845, + "nauc_recall_at_1_std": -9.694177220362505, + "nauc_recall_at_20_diff1": 13.681914368809581, + "nauc_recall_at_20_max": 9.479991446859197, + "nauc_recall_at_20_std": 26.37694365509119, + "nauc_recall_at_3_diff1": 7.325939191487281, + "nauc_recall_at_3_max": -5.874501064035827, + "nauc_recall_at_3_std": -4.3400264683557825, + "nauc_recall_at_5_diff1": 7.383019735342311, + "nauc_recall_at_5_max": -0.575867278808783, + "nauc_recall_at_5_std": -0.32478803273490514, + "ndcg_at_1": 37.980000000000004, + "ndcg_at_10": 61.587, + "ndcg_at_100": 64.212, + "ndcg_at_1000": 64.327, + "ndcg_at_20": 63.365, + "ndcg_at_3": 52.898999999999994, + "ndcg_at_5": 57.62199999999999, + "precision_at_1": 37.980000000000004, + "precision_at_10": 8.748000000000001, + "precision_at_100": 0.988, + "precision_at_1000": 0.1, + "precision_at_20": 4.723, + "precision_at_3": 21.29, + "precision_at_5": 15.064, + "recall_at_1": 37.980000000000004, + "recall_at_10": 87.482, + "recall_at_100": 98.791, + "recall_at_1000": 99.644, + "recall_at_20": 94.452, + "recall_at_3": 63.869, + "recall_at_5": 75.32 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/ArxivClusteringP2P.json b/results/abhinand__MedEmbed-small-v0.1/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..093f431df --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/ArxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 47.1311063882059, + "v_measure": 47.1311063882059, + "v_measure_std": 14.069209556131934 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/ArxivClusteringS2S.json b/results/abhinand__MedEmbed-small-v0.1/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..23c384cc1 --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/ArxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 39.590626960311226, + "v_measure": 39.590626960311226, + "v_measure_std": 14.382421237527772 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/AskUbuntuDupQuestions.json b/results/abhinand__MedEmbed-small-v0.1/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..405fe6228 --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/AskUbuntuDupQuestions.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 62.68563238263294, + "map": 62.68563238263294, + "mrr": 75.61359539198872, + "nAUC_map_diff1": 12.262339818337102, + "nAUC_map_max": 27.16961840255215, + "nAUC_map_std": 18.41854439312187, + "nAUC_mrr_diff1": 17.929775567867427, + "nAUC_mrr_max": 37.4634718998761, + "nAUC_mrr_std": 22.75208941087266 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/BIOSSES.json b/results/abhinand__MedEmbed-small-v0.1/external/BIOSSES.json new file mode 100644 index 000000000..00c1fda97 --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 86.81310198111923, + "cosine_spearman": 87.203191803159, + "euclidean_pearson": 85.99215953326265, + "euclidean_spearman": 87.203191803159, + "main_score": 87.203191803159, + "manhattan_pearson": 85.9379635608278, + "manhattan_spearman": 87.25861475275549, + "pearson": 86.81310198111923, + "spearman": 87.203191803159 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/Banking77Classification.json b/results/abhinand__MedEmbed-small-v0.1/external/Banking77Classification.json new file mode 100644 index 000000000..8f0e6471c --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/Banking77Classification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 81.012987012987, + "f1": 80.07167813016267, + "f1_weighted": 80.07167813016268, + "main_score": 81.012987012987 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/BiorxivClusteringP2P.json b/results/abhinand__MedEmbed-small-v0.1/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..7e2172cf0 --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/BiorxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 38.78797599586202, + "v_measure": 38.78797599586202, + "v_measure_std": 1.0363490868285057 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/BiorxivClusteringS2S.json b/results/abhinand__MedEmbed-small-v0.1/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..297332698 --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/BiorxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 34.02215818630931, + "v_measure": 34.02215818630931, + "v_measure_std": 0.9696451651437041 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/CQADupstackAndroidRetrieval.json b/results/abhinand__MedEmbed-small-v0.1/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..be5d6fb1f --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f46a197baaae43b4f621051089b82a364682dfeb", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 46.627, + "map_at_1": 28.217, + "map_at_10": 39.892, + "map_at_100": 41.449000000000005, + "map_at_1000": 41.579, + "map_at_20": 40.762, + "map_at_3": 36.195, + "map_at_5": 38.305, + "mrr_at_1": 35.1931330472103, + "mrr_at_10": 45.828451075232195, + "mrr_at_100": 46.57230049635246, + "mrr_at_1000": 46.61709253893551, + "mrr_at_20": 46.28287282124363, + "mrr_at_3": 42.51311397234143, + "mrr_at_5": 44.67334287076773, + "nauc_map_at_1000_diff1": 48.71767769457138, + "nauc_map_at_1000_max": 39.35739368614963, + "nauc_map_at_1000_std": -2.1704456217464028, + "nauc_map_at_100_diff1": 48.72787371204226, + "nauc_map_at_100_max": 39.37274775045581, + "nauc_map_at_100_std": -2.127591114741793, + "nauc_map_at_10_diff1": 48.81205052330434, + "nauc_map_at_10_max": 38.69733357092054, + "nauc_map_at_10_std": -2.9875060424451596, + "nauc_map_at_1_diff1": 54.74897730317293, + "nauc_map_at_1_max": 36.20815199595291, + "nauc_map_at_1_std": -4.9834209135466745, + "nauc_map_at_20_diff1": 48.755892872921784, + "nauc_map_at_20_max": 39.07765061538151, + "nauc_map_at_20_std": -2.3776308458840165, + "nauc_map_at_3_diff1": 50.16967741469197, + "nauc_map_at_3_max": 38.585635380693624, + "nauc_map_at_3_std": -4.221176794198626, + "nauc_map_at_5_diff1": 49.23913187338483, + "nauc_map_at_5_max": 37.90581077128227, + "nauc_map_at_5_std": -3.976982817403684, + "nauc_mrr_at_1000_diff1": 47.302576554982565, + "nauc_mrr_at_1000_max": 39.42247557331803, + "nauc_mrr_at_1000_std": -5.093001257632933, + "nauc_mrr_at_100_diff1": 47.28081174156696, + "nauc_mrr_at_100_max": 39.41937462480708, + "nauc_mrr_at_100_std": -5.09795439703923, + "nauc_mrr_at_10_diff1": 47.113269125719164, + "nauc_mrr_at_10_max": 39.368581425469856, + "nauc_mrr_at_10_std": -5.277228133429229, + "nauc_mrr_at_1_diff1": 51.5649652720488, + "nauc_mrr_at_1_max": 38.28526532925652, + "nauc_mrr_at_1_std": -7.500007125478944, + "nauc_mrr_at_20_diff1": 47.264033020877825, + "nauc_mrr_at_20_max": 39.378664517788145, + "nauc_mrr_at_20_std": -5.074502402009077, + "nauc_mrr_at_3_diff1": 48.280167889883735, + "nauc_mrr_at_3_max": 40.08468002595438, + "nauc_mrr_at_3_std": -5.587010540450647, + "nauc_mrr_at_5_diff1": 47.075331054632024, + "nauc_mrr_at_5_max": 38.66614809652955, + "nauc_mrr_at_5_std": -5.580429126374889, + "nauc_ndcg_at_1000_diff1": 46.87312381595359, + "nauc_ndcg_at_1000_max": 40.85262017311222, + "nauc_ndcg_at_1000_std": -0.30623579781240073, + "nauc_ndcg_at_100_diff1": 46.235157795940054, + "nauc_ndcg_at_100_max": 40.92612671162398, + "nauc_ndcg_at_100_std": 0.13207070143061483, + "nauc_ndcg_at_10_diff1": 46.105580841531044, + "nauc_ndcg_at_10_max": 39.25806212859237, + "nauc_ndcg_at_10_std": -2.0479578136863483, + "nauc_ndcg_at_1_diff1": 51.5649652720488, + "nauc_ndcg_at_1_max": 38.28526532925652, + "nauc_ndcg_at_1_std": -7.500007125478944, + "nauc_ndcg_at_20_diff1": 46.107622786903654, + "nauc_ndcg_at_20_max": 39.6477616907479, + "nauc_ndcg_at_20_std": -0.7893045729851432, + "nauc_ndcg_at_3_diff1": 47.78517331152383, + "nauc_ndcg_at_3_max": 39.57887271602766, + "nauc_ndcg_at_3_std": -3.7158851363814507, + "nauc_ndcg_at_5_diff1": 46.33678372159624, + "nauc_ndcg_at_5_max": 37.70592482456646, + "nauc_ndcg_at_5_std": -3.463868685785821, + "nauc_precision_at_1000_diff1": -21.647335193360824, + "nauc_precision_at_1000_max": -10.332791963863814, + "nauc_precision_at_1000_std": -4.585384160420304, + "nauc_precision_at_100_diff1": -11.243893402087695, + "nauc_precision_at_100_max": 6.61622760941563, + "nauc_precision_at_100_std": 8.31890658946228, + "nauc_precision_at_10_diff1": 11.992735889770284, + "nauc_precision_at_10_max": 26.368661979039032, + "nauc_precision_at_10_std": 7.257193178137085, + "nauc_precision_at_1_diff1": 51.5649652720488, + "nauc_precision_at_1_max": 38.28526532925652, + "nauc_precision_at_1_std": -7.500007125478944, + "nauc_precision_at_20_diff1": 2.788039468977995, + "nauc_precision_at_20_max": 19.61829689410151, + "nauc_precision_at_20_std": 10.454426854909613, + "nauc_precision_at_3_diff1": 32.170103339905374, + "nauc_precision_at_3_max": 37.69989711862568, + "nauc_precision_at_3_std": -1.2665563798590034, + "nauc_precision_at_5_diff1": 21.90723648268845, + "nauc_precision_at_5_max": 28.934461907153274, + "nauc_precision_at_5_std": 1.496963451309664, + "nauc_recall_at_1000_diff1": 39.845193615005165, + "nauc_recall_at_1000_max": 67.53429995472943, + "nauc_recall_at_1000_std": 54.25541191889182, + "nauc_recall_at_100_diff1": 30.48595510867637, + "nauc_recall_at_100_max": 45.56799906157419, + "nauc_recall_at_100_std": 18.803518480822365, + "nauc_recall_at_10_diff1": 37.39314315072326, + "nauc_recall_at_10_max": 36.58964403796781, + "nauc_recall_at_10_std": 1.4221578063034934, + "nauc_recall_at_1_diff1": 54.74897730317293, + "nauc_recall_at_1_max": 36.20815199595291, + "nauc_recall_at_1_std": -4.9834209135466745, + "nauc_recall_at_20_diff1": 34.78809945590171, + "nauc_recall_at_20_max": 36.24306666062695, + "nauc_recall_at_20_std": 6.691638038251415, + "nauc_recall_at_3_diff1": 45.15894238510486, + "nauc_recall_at_3_max": 38.42252145730142, + "nauc_recall_at_3_std": -3.1703672077384977, + "nauc_recall_at_5_diff1": 39.99639508242837, + "nauc_recall_at_5_max": 33.63188962949065, + "nauc_recall_at_5_std": -2.463748471656163, + "ndcg_at_1": 35.193000000000005, + "ndcg_at_10": 46.627, + "ndcg_at_100": 52.259, + "ndcg_at_1000": 54.18300000000001, + "ndcg_at_20": 48.869, + "ndcg_at_3": 40.802, + "ndcg_at_5": 43.826, + "precision_at_1": 35.193000000000005, + "precision_at_10": 9.084, + "precision_at_100": 1.506, + "precision_at_1000": 0.201, + "precision_at_20": 5.515, + "precision_at_3": 19.552, + "precision_at_5": 14.707, + "recall_at_1": 28.217, + "recall_at_10": 60.148999999999994, + "recall_at_100": 83.509, + "recall_at_1000": 95.623, + "recall_at_20": 67.87100000000001, + "recall_at_3": 43.913999999999994, + "recall_at_5": 51.626000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/CQADupstackEnglishRetrieval.json b/results/abhinand__MedEmbed-small-v0.1/external/CQADupstackEnglishRetrieval.json new file mode 100644 index 000000000..62a3704fa --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/CQADupstackEnglishRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ad9991cb51e31e31e430383c75ffb2885547b5f0", + "task_name": "CQADupstackEnglishRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 43.26, + "map_at_1": 28.537000000000003, + "map_at_10": 37.814, + "map_at_100": 39.016, + "map_at_1000": 39.141, + "map_at_20": 38.438, + "map_at_3": 35.119, + "map_at_5": 36.635, + "mrr_at_1": 35.6687898089172, + "mrr_at_10": 43.89740673339401, + "mrr_at_100": 44.595541925858406, + "mrr_at_1000": 44.64146530556938, + "mrr_at_20": 44.322503369933926, + "mrr_at_3": 41.64543524416137, + "mrr_at_5": 43.00212314225054, + "nauc_map_at_1000_diff1": 50.38242920034188, + "nauc_map_at_1000_max": 31.60097027148917, + "nauc_map_at_1000_std": 0.9103551393313613, + "nauc_map_at_100_diff1": 50.445666478760366, + "nauc_map_at_100_max": 31.517660912977508, + "nauc_map_at_100_std": 0.7775484115197918, + "nauc_map_at_10_diff1": 50.661812695077316, + "nauc_map_at_10_max": 30.609498777441285, + "nauc_map_at_10_std": -0.6888710687447454, + "nauc_map_at_1_diff1": 55.984295592830215, + "nauc_map_at_1_max": 27.359981225642287, + "nauc_map_at_1_std": -4.6372027497722925, + "nauc_map_at_20_diff1": 50.6210701540613, + "nauc_map_at_20_max": 30.97814546421626, + "nauc_map_at_20_std": -0.00853770688951084, + "nauc_map_at_3_diff1": 52.02665194423681, + "nauc_map_at_3_max": 29.185613677490394, + "nauc_map_at_3_std": -1.9976659466126225, + "nauc_map_at_5_diff1": 51.19674489416761, + "nauc_map_at_5_max": 30.160612226786988, + "nauc_map_at_5_std": -1.3713739278786357, + "nauc_mrr_at_1000_diff1": 48.263786175116394, + "nauc_mrr_at_1000_max": 33.528582446000335, + "nauc_mrr_at_1000_std": 3.997090643336205, + "nauc_mrr_at_100_diff1": 48.261549498353794, + "nauc_mrr_at_100_max": 33.53481236606367, + "nauc_mrr_at_100_std": 3.999833501681202, + "nauc_mrr_at_10_diff1": 48.15519091869044, + "nauc_mrr_at_10_max": 33.45559294700087, + "nauc_mrr_at_10_std": 3.63480527599511, + "nauc_mrr_at_1_diff1": 53.101823173896314, + "nauc_mrr_at_1_max": 33.32155831980044, + "nauc_mrr_at_1_std": 1.7548676566607069, + "nauc_mrr_at_20_diff1": 48.228190697254696, + "nauc_mrr_at_20_max": 33.45847789439114, + "nauc_mrr_at_20_std": 3.8424882676403405, + "nauc_mrr_at_3_diff1": 48.962748652767296, + "nauc_mrr_at_3_max": 33.110931453654366, + "nauc_mrr_at_3_std": 3.2626108133115785, + "nauc_mrr_at_5_diff1": 48.41529159773174, + "nauc_mrr_at_5_max": 33.57404651404654, + "nauc_mrr_at_5_std": 3.40495779898185, + "nauc_ndcg_at_1000_diff1": 47.48984825963725, + "nauc_ndcg_at_1000_max": 33.54130065771048, + "nauc_ndcg_at_1000_std": 6.121693672230708, + "nauc_ndcg_at_100_diff1": 47.548547556497454, + "nauc_ndcg_at_100_max": 33.472952805068815, + "nauc_ndcg_at_100_std": 5.781276334687519, + "nauc_ndcg_at_10_diff1": 47.615354334764966, + "nauc_ndcg_at_10_max": 32.18027911162887, + "nauc_ndcg_at_10_std": 2.1717663696202183, + "nauc_ndcg_at_1_diff1": 53.101823173896314, + "nauc_ndcg_at_1_max": 33.32155831980044, + "nauc_ndcg_at_1_std": 1.7548676566607069, + "nauc_ndcg_at_20_diff1": 47.730317212864094, + "nauc_ndcg_at_20_max": 32.245697290265426, + "nauc_ndcg_at_20_std": 3.438922453415761, + "nauc_ndcg_at_3_diff1": 49.02930101842743, + "nauc_ndcg_at_3_max": 31.360355684228725, + "nauc_ndcg_at_3_std": 1.6443840772752165, + "nauc_ndcg_at_5_diff1": 48.224855926716394, + "nauc_ndcg_at_5_max": 32.31325115635817, + "nauc_ndcg_at_5_std": 1.730840438831435, + "nauc_precision_at_1000_diff1": -18.403594567458207, + "nauc_precision_at_1000_max": 21.49485514696995, + "nauc_precision_at_1000_std": 31.712375598122332, + "nauc_precision_at_100_diff1": -8.793614199073078, + "nauc_precision_at_100_max": 30.913124236942203, + "nauc_precision_at_100_std": 36.20921952482491, + "nauc_precision_at_10_diff1": 13.321069551389805, + "nauc_precision_at_10_max": 34.64171103330222, + "nauc_precision_at_10_std": 21.814571428436768, + "nauc_precision_at_1_diff1": 53.101823173896314, + "nauc_precision_at_1_max": 33.32155831980044, + "nauc_precision_at_1_std": 1.7548676566607069, + "nauc_precision_at_20_diff1": 5.887493649538546, + "nauc_precision_at_20_max": 33.9325045896976, + "nauc_precision_at_20_std": 28.652312941049168, + "nauc_precision_at_3_diff1": 31.511315134064876, + "nauc_precision_at_3_max": 32.88348773453123, + "nauc_precision_at_3_std": 10.46641443327759, + "nauc_precision_at_5_diff1": 22.887506091181294, + "nauc_precision_at_5_max": 35.416697921302806, + "nauc_precision_at_5_std": 15.33616375317894, + "nauc_recall_at_1000_diff1": 34.10586124707363, + "nauc_recall_at_1000_max": 34.54304855921719, + "nauc_recall_at_1000_std": 34.65621165539369, + "nauc_recall_at_100_diff1": 36.022255136157874, + "nauc_recall_at_100_max": 34.64999485306686, + "nauc_recall_at_100_std": 22.671221118089825, + "nauc_recall_at_10_diff1": 40.33647072966317, + "nauc_recall_at_10_max": 28.705618140836826, + "nauc_recall_at_10_std": 1.920768225117285, + "nauc_recall_at_1_diff1": 55.984295592830215, + "nauc_recall_at_1_max": 27.359981225642287, + "nauc_recall_at_1_std": -4.6372027497722925, + "nauc_recall_at_20_diff1": 39.05498416729996, + "nauc_recall_at_20_max": 28.449080252085896, + "nauc_recall_at_20_std": 7.336167777371156, + "nauc_recall_at_3_diff1": 47.03085830864628, + "nauc_recall_at_3_max": 27.45027142421863, + "nauc_recall_at_3_std": -0.5843560184900182, + "nauc_recall_at_5_diff1": 43.534508407363404, + "nauc_recall_at_5_max": 28.823615210124515, + "nauc_recall_at_5_std": 0.30711982604670324, + "ndcg_at_1": 35.669000000000004, + "ndcg_at_10": 43.26, + "ndcg_at_100": 47.73, + "ndcg_at_1000": 49.888, + "ndcg_at_20": 44.931, + "ndcg_at_3": 39.285, + "ndcg_at_5": 41.185, + "precision_at_1": 35.669000000000004, + "precision_at_10": 8.108, + "precision_at_100": 1.3299999999999998, + "precision_at_1000": 0.181, + "precision_at_20": 4.79, + "precision_at_3": 18.875, + "precision_at_5": 13.338, + "recall_at_1": 28.537000000000003, + "recall_at_10": 52.528, + "recall_at_100": 71.544, + "recall_at_1000": 85.52300000000001, + "recall_at_20": 58.665, + "recall_at_3": 40.682, + "recall_at_5": 46.102 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/CQADupstackGamingRetrieval.json b/results/abhinand__MedEmbed-small-v0.1/external/CQADupstackGamingRetrieval.json new file mode 100644 index 000000000..10ef8165d --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/CQADupstackGamingRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "4885aa143210c98657558c04aaf3dc47cfb54340", + "task_name": "CQADupstackGamingRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 55.482, + "map_at_1": 37.155, + "map_at_10": 49.467, + "map_at_100": 50.597, + "map_at_1000": 50.64999999999999, + "map_at_20": 50.153000000000006, + "map_at_3": 46.153, + "map_at_5": 48.167, + "mrr_at_1": 42.69592476489028, + "mrr_at_10": 52.934890779718444, + "mrr_at_100": 53.675559437654385, + "mrr_at_1000": 53.700718829078795, + "mrr_at_20": 53.38668059647668, + "mrr_at_3": 50.428422152560145, + "mrr_at_5": 51.95193312434701, + "nauc_map_at_1000_diff1": 45.39853735301247, + "nauc_map_at_1000_max": 35.88207570837637, + "nauc_map_at_1000_std": -4.29738026780591, + "nauc_map_at_100_diff1": 45.387618392967234, + "nauc_map_at_100_max": 35.86260554726276, + "nauc_map_at_100_std": -4.294613837825713, + "nauc_map_at_10_diff1": 45.50417160033363, + "nauc_map_at_10_max": 35.35533906436545, + "nauc_map_at_10_std": -5.041866425981859, + "nauc_map_at_1_diff1": 48.49418411014949, + "nauc_map_at_1_max": 30.467103950355046, + "nauc_map_at_1_std": -6.7511953844717585, + "nauc_map_at_20_diff1": 45.40183877110559, + "nauc_map_at_20_max": 35.67488678826502, + "nauc_map_at_20_std": -4.542033283197055, + "nauc_map_at_3_diff1": 45.828558019478685, + "nauc_map_at_3_max": 33.811993497438046, + "nauc_map_at_3_std": -7.022097202852565, + "nauc_map_at_5_diff1": 45.55644758512818, + "nauc_map_at_5_max": 34.539038617747174, + "nauc_map_at_5_std": -6.108792115020993, + "nauc_mrr_at_1000_diff1": 44.87714381142493, + "nauc_mrr_at_1000_max": 37.33976418014246, + "nauc_mrr_at_1000_std": -3.300901653609806, + "nauc_mrr_at_100_diff1": 44.87248633704184, + "nauc_mrr_at_100_max": 37.34859192418237, + "nauc_mrr_at_100_std": -3.2870314069697337, + "nauc_mrr_at_10_diff1": 44.69076109213016, + "nauc_mrr_at_10_max": 37.30123464532984, + "nauc_mrr_at_10_std": -3.325752153037405, + "nauc_mrr_at_1_diff1": 48.19163276678239, + "nauc_mrr_at_1_max": 34.61847854145463, + "nauc_mrr_at_1_std": -5.370501121412354, + "nauc_mrr_at_20_diff1": 44.840939385551216, + "nauc_mrr_at_20_max": 37.384435797609505, + "nauc_mrr_at_20_std": -3.2559923415768326, + "nauc_mrr_at_3_diff1": 44.956318047816296, + "nauc_mrr_at_3_max": 36.88636261611909, + "nauc_mrr_at_3_std": -4.271260442740253, + "nauc_mrr_at_5_diff1": 44.6576132493844, + "nauc_mrr_at_5_max": 37.067740181380366, + "nauc_mrr_at_5_std": -3.968886060963421, + "nauc_ndcg_at_1000_diff1": 44.37434646459078, + "nauc_ndcg_at_1000_max": 38.215572514193994, + "nauc_ndcg_at_1000_std": -1.3042381057500214, + "nauc_ndcg_at_100_diff1": 44.290728955986516, + "nauc_ndcg_at_100_max": 38.3958306354721, + "nauc_ndcg_at_100_std": -0.8730872184515021, + "nauc_ndcg_at_10_diff1": 44.119091219198104, + "nauc_ndcg_at_10_max": 37.70013992720767, + "nauc_ndcg_at_10_std": -2.439834460321177, + "nauc_ndcg_at_1_diff1": 48.19163276678239, + "nauc_ndcg_at_1_max": 34.61847854145463, + "nauc_ndcg_at_1_std": -5.370501121412354, + "nauc_ndcg_at_20_diff1": 44.22301071777352, + "nauc_ndcg_at_20_max": 38.13294450352038, + "nauc_ndcg_at_20_std": -1.5320041255829162, + "nauc_ndcg_at_3_diff1": 44.18839086666503, + "nauc_ndcg_at_3_max": 35.530975247059544, + "nauc_ndcg_at_3_std": -5.574269526409219, + "nauc_ndcg_at_5_diff1": 43.968238482098926, + "nauc_ndcg_at_5_max": 36.41757888561071, + "nauc_ndcg_at_5_std": -4.532795858948274, + "nauc_precision_at_1000_diff1": -9.234774982708476, + "nauc_precision_at_1000_max": 22.127614179936824, + "nauc_precision_at_1000_std": 22.646193222930773, + "nauc_precision_at_100_diff1": -5.234665765188833, + "nauc_precision_at_100_max": 27.271500842942746, + "nauc_precision_at_100_std": 26.184067367482474, + "nauc_precision_at_10_diff1": 13.037817071774949, + "nauc_precision_at_10_max": 33.66318780774645, + "nauc_precision_at_10_std": 13.312767253904342, + "nauc_precision_at_1_diff1": 48.19163276678239, + "nauc_precision_at_1_max": 34.61847854145463, + "nauc_precision_at_1_std": -5.370501121412354, + "nauc_precision_at_20_diff1": 5.741386063339354, + "nauc_precision_at_20_max": 32.48331924084784, + "nauc_precision_at_20_std": 20.06250876070363, + "nauc_precision_at_3_diff1": 28.609002718352333, + "nauc_precision_at_3_max": 34.6795736576386, + "nauc_precision_at_3_std": -0.04417621858530164, + "nauc_precision_at_5_diff1": 20.976308196400424, + "nauc_precision_at_5_max": 33.3948604565235, + "nauc_precision_at_5_std": 5.149959751504062, + "nauc_recall_at_1000_diff1": 28.383977077680207, + "nauc_recall_at_1000_max": 57.70769869998163, + "nauc_recall_at_1000_std": 46.997952366562174, + "nauc_recall_at_100_diff1": 35.63735101494906, + "nauc_recall_at_100_max": 49.70285511610692, + "nauc_recall_at_100_std": 25.56344297714899, + "nauc_recall_at_10_diff1": 38.705113308372354, + "nauc_recall_at_10_max": 40.20557937184269, + "nauc_recall_at_10_std": 4.171468175806741, + "nauc_recall_at_1_diff1": 48.49418411014949, + "nauc_recall_at_1_max": 30.467103950355046, + "nauc_recall_at_1_std": -6.7511953844717585, + "nauc_recall_at_20_diff1": 38.48920202661439, + "nauc_recall_at_20_max": 43.57168759518817, + "nauc_recall_at_20_std": 10.269085411405069, + "nauc_recall_at_3_diff1": 41.086532491390585, + "nauc_recall_at_3_max": 34.81725796602349, + "nauc_recall_at_3_std": -6.673864007702387, + "nauc_recall_at_5_diff1": 39.1176927288211, + "nauc_recall_at_5_max": 36.18158874606236, + "nauc_recall_at_5_std": -3.4373454531511647, + "ndcg_at_1": 42.696, + "ndcg_at_10": 55.482, + "ndcg_at_100": 59.927, + "ndcg_at_1000": 60.919999999999995, + "ndcg_at_20": 57.416999999999994, + "ndcg_at_3": 49.888, + "ndcg_at_5": 52.833, + "precision_at_1": 42.696, + "precision_at_10": 9.078, + "precision_at_100": 1.218, + "precision_at_1000": 0.135, + "precision_at_20": 5.113, + "precision_at_3": 22.445, + "precision_at_5": 15.661, + "recall_at_1": 37.155, + "recall_at_10": 69.792, + "recall_at_100": 89.035, + "recall_at_1000": 95.943, + "recall_at_20": 76.89099999999999, + "recall_at_3": 54.969, + "recall_at_5": 62.114000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/CQADupstackGisRetrieval.json b/results/abhinand__MedEmbed-small-v0.1/external/CQADupstackGisRetrieval.json new file mode 100644 index 000000000..e11e84ed9 --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/CQADupstackGisRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "5003b3064772da1887988e05400cf3806fe491f2", + "task_name": "CQADupstackGisRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 37.686, + "map_at_1": 24.194, + "map_at_10": 32.706, + "map_at_100": 33.696, + "map_at_1000": 33.768, + "map_at_20": 33.25, + "map_at_3": 29.970000000000002, + "map_at_5": 31.578, + "mrr_at_1": 26.327683615819208, + "mrr_at_10": 34.80033180880639, + "mrr_at_100": 35.68493088802286, + "mrr_at_1000": 35.73890763688848, + "mrr_at_20": 35.284647683976026, + "mrr_at_3": 32.20338983050847, + "mrr_at_5": 33.689265536723155, + "nauc_map_at_1000_diff1": 39.0058007993193, + "nauc_map_at_1000_max": 31.9664848424503, + "nauc_map_at_1000_std": 0.69708864063753, + "nauc_map_at_100_diff1": 38.99740699853551, + "nauc_map_at_100_max": 31.950173674106637, + "nauc_map_at_100_std": 0.6831416203961035, + "nauc_map_at_10_diff1": 39.16403477206109, + "nauc_map_at_10_max": 31.801992594297484, + "nauc_map_at_10_std": 0.08487527963355261, + "nauc_map_at_1_diff1": 47.129030830065, + "nauc_map_at_1_max": 30.9543809605351, + "nauc_map_at_1_std": -2.616386042411576, + "nauc_map_at_20_diff1": 39.016119588237004, + "nauc_map_at_20_max": 31.966103550512486, + "nauc_map_at_20_std": 0.5993010385451379, + "nauc_map_at_3_diff1": 39.960423401096016, + "nauc_map_at_3_max": 31.126852260003602, + "nauc_map_at_3_std": -1.2432186078894505, + "nauc_map_at_5_diff1": 39.350942260116916, + "nauc_map_at_5_max": 31.477494706451516, + "nauc_map_at_5_std": -0.332327514629881, + "nauc_mrr_at_1000_diff1": 37.56861228659833, + "nauc_mrr_at_1000_max": 32.77701183545048, + "nauc_mrr_at_1000_std": 1.8573601025377928, + "nauc_mrr_at_100_diff1": 37.56084842599138, + "nauc_mrr_at_100_max": 32.77474646470676, + "nauc_mrr_at_100_std": 1.8661824660967452, + "nauc_mrr_at_10_diff1": 37.651655650043615, + "nauc_mrr_at_10_max": 32.82210713728638, + "nauc_mrr_at_10_std": 1.5178658325578909, + "nauc_mrr_at_1_diff1": 44.932276757115815, + "nauc_mrr_at_1_max": 32.66068226327021, + "nauc_mrr_at_1_std": -0.9313870351409079, + "nauc_mrr_at_20_diff1": 37.540979386031864, + "nauc_mrr_at_20_max": 32.81440742182942, + "nauc_mrr_at_20_std": 1.826591047299842, + "nauc_mrr_at_3_diff1": 38.269772827885966, + "nauc_mrr_at_3_max": 32.10537876507981, + "nauc_mrr_at_3_std": 0.3024566400660873, + "nauc_mrr_at_5_diff1": 37.84033535304918, + "nauc_mrr_at_5_max": 32.452393894273584, + "nauc_mrr_at_5_std": 1.0029016560532624, + "nauc_ndcg_at_1000_diff1": 35.81763575917382, + "nauc_ndcg_at_1000_max": 32.769876372777794, + "nauc_ndcg_at_1000_std": 4.257684081453828, + "nauc_ndcg_at_100_diff1": 35.62486527543234, + "nauc_ndcg_at_100_max": 32.6865313439193, + "nauc_ndcg_at_100_std": 4.493848690808405, + "nauc_ndcg_at_10_diff1": 36.264350852558444, + "nauc_ndcg_at_10_max": 32.46258658377739, + "nauc_ndcg_at_10_std": 2.1785378510762112, + "nauc_ndcg_at_1_diff1": 44.932276757115815, + "nauc_ndcg_at_1_max": 32.66068226327021, + "nauc_ndcg_at_1_std": -0.9313870351409079, + "nauc_ndcg_at_20_diff1": 35.722983189942596, + "nauc_ndcg_at_20_max": 32.877377599742964, + "nauc_ndcg_at_20_std": 3.790875849871362, + "nauc_ndcg_at_3_diff1": 37.63400271423685, + "nauc_ndcg_at_3_max": 31.2739081815396, + "nauc_ndcg_at_3_std": -0.29839390734625465, + "nauc_ndcg_at_5_diff1": 36.62082003320047, + "nauc_ndcg_at_5_max": 31.65589810609168, + "nauc_ndcg_at_5_std": 1.216992770007969, + "nauc_precision_at_1000_diff1": -5.24340167738406, + "nauc_precision_at_1000_max": 15.455427903541539, + "nauc_precision_at_1000_std": 16.49503077501681, + "nauc_precision_at_100_diff1": 7.313598783241113, + "nauc_precision_at_100_max": 27.10636757798661, + "nauc_precision_at_100_std": 20.187644679960428, + "nauc_precision_at_10_diff1": 22.200310338575214, + "nauc_precision_at_10_max": 34.92118636200516, + "nauc_precision_at_10_std": 10.234848073059426, + "nauc_precision_at_1_diff1": 44.932276757115815, + "nauc_precision_at_1_max": 32.66068226327021, + "nauc_precision_at_1_std": -0.9313870351409079, + "nauc_precision_at_20_diff1": 17.8901438402456, + "nauc_precision_at_20_max": 34.65374091414346, + "nauc_precision_at_20_std": 15.973547940494178, + "nauc_precision_at_3_diff1": 29.04687567805014, + "nauc_precision_at_3_max": 32.75971500796976, + "nauc_precision_at_3_std": 2.9305507946156957, + "nauc_precision_at_5_diff1": 24.888863498098704, + "nauc_precision_at_5_max": 32.5731555578299, + "nauc_precision_at_5_std": 6.791337976386832, + "nauc_recall_at_1000_diff1": 8.037993412142983, + "nauc_recall_at_1000_max": 33.615275538881626, + "nauc_recall_at_1000_std": 37.22256855147328, + "nauc_recall_at_100_diff1": 20.2507317736947, + "nauc_recall_at_100_max": 31.661424125840178, + "nauc_recall_at_100_std": 22.041159712662882, + "nauc_recall_at_10_diff1": 28.048775208583177, + "nauc_recall_at_10_max": 31.969139370292087, + "nauc_recall_at_10_std": 6.644084230971351, + "nauc_recall_at_1_diff1": 47.129030830065, + "nauc_recall_at_1_max": 30.9543809605351, + "nauc_recall_at_1_std": -2.616386042411576, + "nauc_recall_at_20_diff1": 25.172877062002037, + "nauc_recall_at_20_max": 33.432560257671156, + "nauc_recall_at_20_std": 13.179799770289216, + "nauc_recall_at_3_diff1": 32.76056599359956, + "nauc_recall_at_3_max": 30.12736405148995, + "nauc_recall_at_3_std": 1.1248390066659661, + "nauc_recall_at_5_diff1": 29.375771822035233, + "nauc_recall_at_5_max": 30.221436803204387, + "nauc_recall_at_5_std": 4.140063667676888, + "ndcg_at_1": 26.328000000000003, + "ndcg_at_10": 37.686, + "ndcg_at_100": 42.829, + "ndcg_at_1000": 44.793, + "ndcg_at_20": 39.646, + "ndcg_at_3": 32.374, + "ndcg_at_5": 35.08, + "precision_at_1": 26.328000000000003, + "precision_at_10": 5.853, + "precision_at_100": 0.89, + "precision_at_1000": 0.11, + "precision_at_20": 3.39, + "precision_at_3": 13.71, + "precision_at_5": 9.853000000000002, + "recall_at_1": 24.194, + "recall_at_10": 51.11599999999999, + "recall_at_100": 75.228, + "recall_at_1000": 90.206, + "recall_at_20": 58.684999999999995, + "recall_at_3": 36.839, + "recall_at_5": 43.275999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/CQADupstackMathematicaRetrieval.json b/results/abhinand__MedEmbed-small-v0.1/external/CQADupstackMathematicaRetrieval.json new file mode 100644 index 000000000..8cf1f0572 --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/CQADupstackMathematicaRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "90fceea13679c63fe563ded68f3b6f06e50061de", + "task_name": "CQADupstackMathematicaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 29.403000000000002, + "map_at_1": 15.797, + "map_at_10": 24.122, + "map_at_100": 25.334, + "map_at_1000": 25.444, + "map_at_20": 24.783, + "map_at_3": 21.718, + "map_at_5": 23.104, + "mrr_at_1": 19.154228855721392, + "mrr_at_10": 28.551192450446177, + "mrr_at_100": 29.498082834170386, + "mrr_at_1000": 29.56293339499485, + "mrr_at_20": 29.085609803416858, + "mrr_at_3": 26.01575456053069, + "mrr_at_5": 27.589137645107797, + "nauc_map_at_1000_diff1": 27.36221687250577, + "nauc_map_at_1000_max": 18.089424170411217, + "nauc_map_at_1000_std": 0.5188935207421588, + "nauc_map_at_100_diff1": 27.34379428055101, + "nauc_map_at_100_max": 18.06293708742179, + "nauc_map_at_100_std": 0.5190525693808369, + "nauc_map_at_10_diff1": 27.308055008582066, + "nauc_map_at_10_max": 17.726725077602694, + "nauc_map_at_10_std": -0.21344892091498174, + "nauc_map_at_1_diff1": 34.60126559188873, + "nauc_map_at_1_max": 19.748244491317678, + "nauc_map_at_1_std": -3.2201287026916625, + "nauc_map_at_20_diff1": 27.226319415474943, + "nauc_map_at_20_max": 17.956515675249072, + "nauc_map_at_20_std": 0.4472031548873323, + "nauc_map_at_3_diff1": 27.95165713417068, + "nauc_map_at_3_max": 17.072686143179975, + "nauc_map_at_3_std": -0.7411970021732948, + "nauc_map_at_5_diff1": 27.593386851196893, + "nauc_map_at_5_max": 17.45702849396662, + "nauc_map_at_5_std": -0.8286937920403831, + "nauc_mrr_at_1000_diff1": 28.74831279311148, + "nauc_mrr_at_1000_max": 20.17411091929109, + "nauc_mrr_at_1000_std": -0.0652738752409115, + "nauc_mrr_at_100_diff1": 28.747440393282336, + "nauc_mrr_at_100_max": 20.185108068951408, + "nauc_mrr_at_100_std": -0.05333343570132689, + "nauc_mrr_at_10_diff1": 28.744815155313024, + "nauc_mrr_at_10_max": 20.04684911692695, + "nauc_mrr_at_10_std": -0.4264784901487863, + "nauc_mrr_at_1_diff1": 37.2441962865539, + "nauc_mrr_at_1_max": 22.534613943885276, + "nauc_mrr_at_1_std": -2.479501845567973, + "nauc_mrr_at_20_diff1": 28.63646797885947, + "nauc_mrr_at_20_max": 20.130624923076574, + "nauc_mrr_at_20_std": -0.05655707131769798, + "nauc_mrr_at_3_diff1": 29.3420984302583, + "nauc_mrr_at_3_max": 19.791159534927232, + "nauc_mrr_at_3_std": -0.98317898053703, + "nauc_mrr_at_5_diff1": 29.057555082772467, + "nauc_mrr_at_5_max": 20.093774401866142, + "nauc_mrr_at_5_std": -0.9877016856465175, + "nauc_ndcg_at_1000_diff1": 25.77793793755624, + "nauc_ndcg_at_1000_max": 19.071095093248687, + "nauc_ndcg_at_1000_std": 3.0917142331029663, + "nauc_ndcg_at_100_diff1": 25.64757683875679, + "nauc_ndcg_at_100_max": 18.775229437095444, + "nauc_ndcg_at_100_std": 3.4174861916019523, + "nauc_ndcg_at_10_diff1": 25.1442487582001, + "nauc_ndcg_at_10_max": 17.838371789800192, + "nauc_ndcg_at_10_std": 1.0998312769822474, + "nauc_ndcg_at_1_diff1": 37.2441962865539, + "nauc_ndcg_at_1_max": 22.534613943885276, + "nauc_ndcg_at_1_std": -2.479501845567973, + "nauc_ndcg_at_20_diff1": 24.723691897706757, + "nauc_ndcg_at_20_max": 18.399201975361787, + "nauc_ndcg_at_20_std": 2.8917844365812013, + "nauc_ndcg_at_3_diff1": 26.599800600549084, + "nauc_ndcg_at_3_max": 17.344488540994927, + "nauc_ndcg_at_3_std": -0.17080783586921952, + "nauc_ndcg_at_5_diff1": 25.984027442909515, + "nauc_ndcg_at_5_max": 17.736902140905325, + "nauc_ndcg_at_5_std": -0.20538546466798493, + "nauc_precision_at_1000_diff1": 3.117372016834661, + "nauc_precision_at_1000_max": 7.967798366288187, + "nauc_precision_at_1000_std": 2.0188396778725726, + "nauc_precision_at_100_diff1": 11.0493012267289, + "nauc_precision_at_100_max": 15.29094702092163, + "nauc_precision_at_100_std": 9.566781850851134, + "nauc_precision_at_10_diff1": 16.185361455209947, + "nauc_precision_at_10_max": 17.925890160877806, + "nauc_precision_at_10_std": 4.125664833130542, + "nauc_precision_at_1_diff1": 37.2441962865539, + "nauc_precision_at_1_max": 22.534613943885276, + "nauc_precision_at_1_std": -2.479501845567973, + "nauc_precision_at_20_diff1": 13.992027549349888, + "nauc_precision_at_20_max": 17.637015499360924, + "nauc_precision_at_20_std": 8.696148386896645, + "nauc_precision_at_3_diff1": 21.639032017471013, + "nauc_precision_at_3_max": 16.289401791760103, + "nauc_precision_at_3_std": 0.0870722852396641, + "nauc_precision_at_5_diff1": 20.63295832944016, + "nauc_precision_at_5_max": 17.295872773951523, + "nauc_precision_at_5_std": 0.14307299914708274, + "nauc_recall_at_1000_diff1": 13.57694892081493, + "nauc_recall_at_1000_max": 20.109277095141024, + "nauc_recall_at_1000_std": 21.931352956332276, + "nauc_recall_at_100_diff1": 18.554121580441926, + "nauc_recall_at_100_max": 16.735991072150373, + "nauc_recall_at_100_std": 14.037608911733404, + "nauc_recall_at_10_diff1": 17.9750116470627, + "nauc_recall_at_10_max": 14.99747681641434, + "nauc_recall_at_10_std": 3.9873903476195682, + "nauc_recall_at_1_diff1": 34.60126559188873, + "nauc_recall_at_1_max": 19.748244491317678, + "nauc_recall_at_1_std": -3.2201287026916625, + "nauc_recall_at_20_diff1": 15.361358977507825, + "nauc_recall_at_20_max": 16.162769140091253, + "nauc_recall_at_20_std": 9.552452165627919, + "nauc_recall_at_3_diff1": 20.63223458359373, + "nauc_recall_at_3_max": 14.003039719774163, + "nauc_recall_at_3_std": 1.6065537387953692, + "nauc_recall_at_5_diff1": 19.515171377833855, + "nauc_recall_at_5_max": 15.099962639838937, + "nauc_recall_at_5_std": 1.2965194340275676, + "ndcg_at_1": 19.154, + "ndcg_at_10": 29.403000000000002, + "ndcg_at_100": 35.167, + "ndcg_at_1000": 37.964, + "ndcg_at_20": 31.557000000000002, + "ndcg_at_3": 24.973, + "ndcg_at_5": 27.112000000000002, + "precision_at_1": 19.154, + "precision_at_10": 5.535, + "precision_at_100": 0.955, + "precision_at_1000": 0.134, + "precision_at_20": 3.3770000000000002, + "precision_at_3": 12.272, + "precision_at_5": 9.005, + "recall_at_1": 15.797, + "recall_at_10": 41.107, + "recall_at_100": 66.52900000000001, + "recall_at_1000": 86.768, + "recall_at_20": 48.748999999999995, + "recall_at_3": 28.716, + "recall_at_5": 34.141 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/CQADupstackPhysicsRetrieval.json b/results/abhinand__MedEmbed-small-v0.1/external/CQADupstackPhysicsRetrieval.json new file mode 100644 index 000000000..0186e1848 --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/CQADupstackPhysicsRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "79531abbd1fb92d06c6d6315a0cbbbf5bb247ea4", + "task_name": "CQADupstackPhysicsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 43.516, + "map_at_1": 27.477, + "map_at_10": 37.554, + "map_at_100": 38.876, + "map_at_1000": 38.99, + "map_at_20": 38.309, + "map_at_3": 34.487, + "map_at_5": 36.08, + "mrr_at_1": 34.07122232916265, + "mrr_at_10": 43.28058878347616, + "mrr_at_100": 44.11679663484729, + "mrr_at_1000": 44.16065088048062, + "mrr_at_20": 43.75169948030771, + "mrr_at_3": 40.648059031119644, + "mrr_at_5": 42.144690407443, + "nauc_map_at_1000_diff1": 53.11716806625181, + "nauc_map_at_1000_max": 35.45664823064199, + "nauc_map_at_1000_std": 2.1861361604480254, + "nauc_map_at_100_diff1": 53.13756094020834, + "nauc_map_at_100_max": 35.414022190155535, + "nauc_map_at_100_std": 2.1172853626560584, + "nauc_map_at_10_diff1": 53.362800758097116, + "nauc_map_at_10_max": 35.120906104683144, + "nauc_map_at_10_std": 1.3648401515609623, + "nauc_map_at_1_diff1": 57.616491138132176, + "nauc_map_at_1_max": 33.360475822897804, + "nauc_map_at_1_std": -2.1517434693833706, + "nauc_map_at_20_diff1": 53.28694534380964, + "nauc_map_at_20_max": 35.27319158087644, + "nauc_map_at_20_std": 1.8727333074364048, + "nauc_map_at_3_diff1": 54.107154112179245, + "nauc_map_at_3_max": 34.50940904457967, + "nauc_map_at_3_std": -0.15769425621216243, + "nauc_map_at_5_diff1": 53.42453940564339, + "nauc_map_at_5_max": 34.94771385611006, + "nauc_map_at_5_std": 0.6074409657139379, + "nauc_mrr_at_1000_diff1": 52.27752417239682, + "nauc_mrr_at_1000_max": 36.765948629971476, + "nauc_mrr_at_1000_std": 4.302475616232717, + "nauc_mrr_at_100_diff1": 52.269051770995176, + "nauc_mrr_at_100_max": 36.76909035999622, + "nauc_mrr_at_100_std": 4.299069865333679, + "nauc_mrr_at_10_diff1": 52.377658822943985, + "nauc_mrr_at_10_max": 36.707211313866004, + "nauc_mrr_at_10_std": 3.944105976986153, + "nauc_mrr_at_1_diff1": 55.83627754980158, + "nauc_mrr_at_1_max": 37.08763266019038, + "nauc_mrr_at_1_std": 3.0033119574631186, + "nauc_mrr_at_20_diff1": 52.3480634575466, + "nauc_mrr_at_20_max": 36.63972610802775, + "nauc_mrr_at_20_std": 4.255643011583951, + "nauc_mrr_at_3_diff1": 52.65151934971672, + "nauc_mrr_at_3_max": 36.40720713989, + "nauc_mrr_at_3_std": 3.197519381268911, + "nauc_mrr_at_5_diff1": 52.3866756788575, + "nauc_mrr_at_5_max": 36.731755062099644, + "nauc_mrr_at_5_std": 3.8257443367009905, + "nauc_ndcg_at_1000_diff1": 51.124410117397645, + "nauc_ndcg_at_1000_max": 36.92297872228472, + "nauc_ndcg_at_1000_std": 5.943098614351781, + "nauc_ndcg_at_100_diff1": 50.9983428273292, + "nauc_ndcg_at_100_max": 36.48405211151064, + "nauc_ndcg_at_100_std": 5.488151511201609, + "nauc_ndcg_at_10_diff1": 51.756184856988405, + "nauc_ndcg_at_10_max": 35.38717328414983, + "nauc_ndcg_at_10_std": 3.047458430921158, + "nauc_ndcg_at_1_diff1": 55.83627754980158, + "nauc_ndcg_at_1_max": 37.08763266019038, + "nauc_ndcg_at_1_std": 3.0033119574631186, + "nauc_ndcg_at_20_diff1": 51.63542460952658, + "nauc_ndcg_at_20_max": 35.52888410473399, + "nauc_ndcg_at_20_std": 4.38826631541566, + "nauc_ndcg_at_3_diff1": 52.280381542128005, + "nauc_ndcg_at_3_max": 35.2446928308368, + "nauc_ndcg_at_3_std": 1.6071190136031377, + "nauc_ndcg_at_5_diff1": 51.63085543217384, + "nauc_ndcg_at_5_max": 35.38522586909386, + "nauc_ndcg_at_5_std": 2.257550414928455, + "nauc_precision_at_1000_diff1": -16.486915214707476, + "nauc_precision_at_1000_max": 7.538275188391877, + "nauc_precision_at_1000_std": 18.19269313673447, + "nauc_precision_at_100_diff1": -1.9736731164148775, + "nauc_precision_at_100_max": 16.539438828030338, + "nauc_precision_at_100_std": 19.71975128874717, + "nauc_precision_at_10_diff1": 22.941192836692938, + "nauc_precision_at_10_max": 29.06408942754971, + "nauc_precision_at_10_std": 13.706761382257538, + "nauc_precision_at_1_diff1": 55.83627754980158, + "nauc_precision_at_1_max": 37.08763266019038, + "nauc_precision_at_1_std": 3.0033119574631186, + "nauc_precision_at_20_diff1": 14.639428084708031, + "nauc_precision_at_20_max": 25.194223713311846, + "nauc_precision_at_20_std": 16.3724647158108, + "nauc_precision_at_3_diff1": 39.24536487566087, + "nauc_precision_at_3_max": 34.507130942854594, + "nauc_precision_at_3_std": 7.604148713316975, + "nauc_precision_at_5_diff1": 31.934728493246205, + "nauc_precision_at_5_max": 32.79790114332321, + "nauc_precision_at_5_std": 9.300713639365156, + "nauc_recall_at_1000_diff1": 28.76947795717725, + "nauc_recall_at_1000_max": 47.29845921439558, + "nauc_recall_at_1000_std": 50.206579725929835, + "nauc_recall_at_100_diff1": 35.99115119379463, + "nauc_recall_at_100_max": 35.90016946217124, + "nauc_recall_at_100_std": 20.36252722466296, + "nauc_recall_at_10_diff1": 44.9035061323177, + "nauc_recall_at_10_max": 31.55646682626508, + "nauc_recall_at_10_std": 5.202368314746213, + "nauc_recall_at_1_diff1": 57.616491138132176, + "nauc_recall_at_1_max": 33.360475822897804, + "nauc_recall_at_1_std": -2.1517434693833706, + "nauc_recall_at_20_diff1": 44.082155347846786, + "nauc_recall_at_20_max": 31.111947497273174, + "nauc_recall_at_20_std": 10.74007442952765, + "nauc_recall_at_3_diff1": 48.99683708882751, + "nauc_recall_at_3_max": 31.591738499338323, + "nauc_recall_at_3_std": -0.4970248113753141, + "nauc_recall_at_5_diff1": 45.72255982322729, + "nauc_recall_at_5_max": 31.9303024917854, + "nauc_recall_at_5_std": 2.178007010965473, + "ndcg_at_1": 34.071, + "ndcg_at_10": 43.516, + "ndcg_at_100": 49.001, + "ndcg_at_1000": 51.176, + "ndcg_at_20": 45.675, + "ndcg_at_3": 38.471, + "ndcg_at_5": 40.721000000000004, + "precision_at_1": 34.071, + "precision_at_10": 7.921, + "precision_at_100": 1.238, + "precision_at_1000": 0.161, + "precision_at_20": 4.692, + "precision_at_3": 18.062, + "precision_at_5": 12.839, + "recall_at_1": 27.477, + "recall_at_10": 55.627, + "recall_at_100": 78.999, + "recall_at_1000": 93.388, + "recall_at_20": 63.099000000000004, + "recall_at_3": 41.396, + "recall_at_5": 47.199000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/CQADupstackProgrammersRetrieval.json b/results/abhinand__MedEmbed-small-v0.1/external/CQADupstackProgrammersRetrieval.json new file mode 100644 index 000000000..5670a54fd --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/CQADupstackProgrammersRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "6184bc1440d2dbc7612be22b50686b8826d22b32", + "task_name": "CQADupstackProgrammersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 38.024, + "map_at_1": 23.173, + "map_at_10": 32.297, + "map_at_100": 33.672000000000004, + "map_at_1000": 33.793, + "map_at_20": 33.064, + "map_at_3": 29.156, + "map_at_5": 30.964999999999996, + "mrr_at_1": 28.538812785388128, + "mrr_at_10": 37.33076031021236, + "mrr_at_100": 38.33757969963895, + "mrr_at_1000": 38.39935336168593, + "mrr_at_20": 37.936087860689724, + "mrr_at_3": 34.855403348554034, + "mrr_at_5": 36.19672754946727, + "nauc_map_at_1000_diff1": 40.108286871576595, + "nauc_map_at_1000_max": 34.932555227073095, + "nauc_map_at_1000_std": 6.221807917311268, + "nauc_map_at_100_diff1": 40.09828293293427, + "nauc_map_at_100_max": 34.952917251621365, + "nauc_map_at_100_std": 6.231287481156123, + "nauc_map_at_10_diff1": 40.01528416311391, + "nauc_map_at_10_max": 33.89944085012165, + "nauc_map_at_10_std": 5.258003016169289, + "nauc_map_at_1_diff1": 45.05748000688197, + "nauc_map_at_1_max": 30.741952307152193, + "nauc_map_at_1_std": 0.10027922648870957, + "nauc_map_at_20_diff1": 40.213591831598336, + "nauc_map_at_20_max": 34.62908891442373, + "nauc_map_at_20_std": 5.763711381584264, + "nauc_map_at_3_diff1": 40.89235452782516, + "nauc_map_at_3_max": 33.1747621759765, + "nauc_map_at_3_std": 3.331742393981075, + "nauc_map_at_5_diff1": 40.403274490377534, + "nauc_map_at_5_max": 33.94134091027758, + "nauc_map_at_5_std": 4.360176315671494, + "nauc_mrr_at_1000_diff1": 40.14241619166317, + "nauc_mrr_at_1000_max": 38.65445721763423, + "nauc_mrr_at_1000_std": 9.749476533081992, + "nauc_mrr_at_100_diff1": 40.14319401324518, + "nauc_mrr_at_100_max": 38.659012797855915, + "nauc_mrr_at_100_std": 9.750005980569185, + "nauc_mrr_at_10_diff1": 39.843622825414, + "nauc_mrr_at_10_max": 38.25272189734047, + "nauc_mrr_at_10_std": 9.455238241095982, + "nauc_mrr_at_1_diff1": 45.544486458047764, + "nauc_mrr_at_1_max": 38.36905133790403, + "nauc_mrr_at_1_std": 6.313800371398363, + "nauc_mrr_at_20_diff1": 40.168037291291945, + "nauc_mrr_at_20_max": 38.588132492862286, + "nauc_mrr_at_20_std": 9.59289103060053, + "nauc_mrr_at_3_diff1": 40.77069874457395, + "nauc_mrr_at_3_max": 39.17196241078363, + "nauc_mrr_at_3_std": 8.617425759338197, + "nauc_mrr_at_5_diff1": 40.06388436713267, + "nauc_mrr_at_5_max": 38.459050270900846, + "nauc_mrr_at_5_std": 9.01716272113449, + "nauc_ndcg_at_1000_diff1": 38.28079417943546, + "nauc_ndcg_at_1000_max": 37.373375829157126, + "nauc_ndcg_at_1000_std": 10.915194308249555, + "nauc_ndcg_at_100_diff1": 38.303029042268314, + "nauc_ndcg_at_100_max": 37.874116564812326, + "nauc_ndcg_at_100_std": 11.447496719900775, + "nauc_ndcg_at_10_diff1": 37.8583307138946, + "nauc_ndcg_at_10_max": 34.708345234497166, + "nauc_ndcg_at_10_std": 8.020760282496871, + "nauc_ndcg_at_1_diff1": 45.544486458047764, + "nauc_ndcg_at_1_max": 38.36905133790403, + "nauc_ndcg_at_1_std": 6.313800371398363, + "nauc_ndcg_at_20_diff1": 38.70263255314536, + "nauc_ndcg_at_20_max": 36.74873403813739, + "nauc_ndcg_at_20_std": 9.245300863480727, + "nauc_ndcg_at_3_diff1": 39.68243402945326, + "nauc_ndcg_at_3_max": 35.80245947389082, + "nauc_ndcg_at_3_std": 6.01195047461147, + "nauc_ndcg_at_5_diff1": 38.60536509722538, + "nauc_ndcg_at_5_max": 35.314432767482714, + "nauc_ndcg_at_5_std": 6.5428970299886355, + "nauc_precision_at_1000_diff1": -4.069384802622214, + "nauc_precision_at_1000_max": 6.707725051629613, + "nauc_precision_at_1000_std": 13.958586804597543, + "nauc_precision_at_100_diff1": 3.6277603347565393, + "nauc_precision_at_100_max": 25.52632391438941, + "nauc_precision_at_100_std": 23.784864119867034, + "nauc_precision_at_10_diff1": 18.261312841674247, + "nauc_precision_at_10_max": 34.11796051379501, + "nauc_precision_at_10_std": 19.77962411706688, + "nauc_precision_at_1_diff1": 45.544486458047764, + "nauc_precision_at_1_max": 38.36905133790403, + "nauc_precision_at_1_std": 6.313800371398363, + "nauc_precision_at_20_diff1": 14.653399217564534, + "nauc_precision_at_20_max": 35.58870037452182, + "nauc_precision_at_20_std": 22.622999716137446, + "nauc_precision_at_3_diff1": 30.858809285910805, + "nauc_precision_at_3_max": 40.875462270983995, + "nauc_precision_at_3_std": 14.039083589242434, + "nauc_precision_at_5_diff1": 24.894001411473027, + "nauc_precision_at_5_max": 38.182725673958075, + "nauc_precision_at_5_std": 16.206658306046783, + "nauc_recall_at_1000_diff1": 16.53564900892544, + "nauc_recall_at_1000_max": 46.72318966917282, + "nauc_recall_at_1000_std": 54.442875812845855, + "nauc_recall_at_100_diff1": 29.021625912783367, + "nauc_recall_at_100_max": 42.51861007543889, + "nauc_recall_at_100_std": 31.609526311067608, + "nauc_recall_at_10_diff1": 29.824715829870073, + "nauc_recall_at_10_max": 29.657124103804104, + "nauc_recall_at_10_std": 11.250748700772178, + "nauc_recall_at_1_diff1": 45.05748000688197, + "nauc_recall_at_1_max": 30.741952307152193, + "nauc_recall_at_1_std": 0.10027922648870957, + "nauc_recall_at_20_diff1": 32.42540174551291, + "nauc_recall_at_20_max": 35.98077437174156, + "nauc_recall_at_20_std": 15.309458278296484, + "nauc_recall_at_3_diff1": 35.45259519413173, + "nauc_recall_at_3_max": 32.67176629682575, + "nauc_recall_at_3_std": 4.565244871237187, + "nauc_recall_at_5_diff1": 32.457520797399155, + "nauc_recall_at_5_max": 31.85239341740217, + "nauc_recall_at_5_std": 6.528652055169674, + "ndcg_at_1": 28.538999999999998, + "ndcg_at_10": 38.024, + "ndcg_at_100": 44.062, + "ndcg_at_1000": 46.539, + "ndcg_at_20": 40.455000000000005, + "ndcg_at_3": 32.818999999999996, + "ndcg_at_5": 35.231, + "precision_at_1": 28.538999999999998, + "precision_at_10": 7.077999999999999, + "precision_at_100": 1.183, + "precision_at_1000": 0.156, + "precision_at_20": 4.275, + "precision_at_3": 15.943999999999999, + "precision_at_5": 11.620999999999999, + "recall_at_1": 23.173, + "recall_at_10": 50.352, + "recall_at_100": 76.087, + "recall_at_1000": 92.92399999999999, + "recall_at_20": 59.082, + "recall_at_3": 35.544, + "recall_at_5": 41.937999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/CQADupstackStatsRetrieval.json b/results/abhinand__MedEmbed-small-v0.1/external/CQADupstackStatsRetrieval.json new file mode 100644 index 000000000..d37b82a0b --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/CQADupstackStatsRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "65ac3a16b8e91f9cee4c9828cc7c335575432a2a", + "task_name": "CQADupstackStatsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 33.661, + "map_at_1": 23.879, + "map_at_10": 29.93, + "map_at_100": 30.871, + "map_at_1000": 30.963, + "map_at_20": 30.455, + "map_at_3": 28.162, + "map_at_5": 29.182000000000002, + "mrr_at_1": 26.68711656441718, + "mrr_at_10": 32.58478186775732, + "mrr_at_100": 33.439877614219206, + "mrr_at_1000": 33.509744356192215, + "mrr_at_20": 33.08638504959304, + "mrr_at_3": 30.904907975460134, + "mrr_at_5": 31.86349693251534, + "nauc_map_at_1000_diff1": 48.53139009200422, + "nauc_map_at_1000_max": 41.07136045901999, + "nauc_map_at_1000_std": 11.677315277008843, + "nauc_map_at_100_diff1": 48.50830887484553, + "nauc_map_at_100_max": 41.033344784856354, + "nauc_map_at_100_std": 11.664201973879315, + "nauc_map_at_10_diff1": 48.91206176897672, + "nauc_map_at_10_max": 40.80325462807101, + "nauc_map_at_10_std": 11.14885787161969, + "nauc_map_at_1_diff1": 55.659938675798394, + "nauc_map_at_1_max": 39.66838947608073, + "nauc_map_at_1_std": 6.825041531017375, + "nauc_map_at_20_diff1": 48.591524746620266, + "nauc_map_at_20_max": 40.78908497571411, + "nauc_map_at_20_std": 11.367474736784935, + "nauc_map_at_3_diff1": 49.999805605139244, + "nauc_map_at_3_max": 40.7083589084763, + "nauc_map_at_3_std": 9.539830643323945, + "nauc_map_at_5_diff1": 49.41513832999669, + "nauc_map_at_5_max": 40.682908322546446, + "nauc_map_at_5_std": 10.401189036376163, + "nauc_mrr_at_1000_diff1": 48.23812662173282, + "nauc_mrr_at_1000_max": 42.89771775296582, + "nauc_mrr_at_1000_std": 14.23723724292204, + "nauc_mrr_at_100_diff1": 48.209766136073554, + "nauc_mrr_at_100_max": 42.892924636996135, + "nauc_mrr_at_100_std": 14.24054457950116, + "nauc_mrr_at_10_diff1": 48.473273186214705, + "nauc_mrr_at_10_max": 42.82520357348653, + "nauc_mrr_at_10_std": 14.016153249262794, + "nauc_mrr_at_1_diff1": 55.03641495962279, + "nauc_mrr_at_1_max": 42.725997739916615, + "nauc_mrr_at_1_std": 11.822056277995028, + "nauc_mrr_at_20_diff1": 48.284200279599496, + "nauc_mrr_at_20_max": 42.7371964321212, + "nauc_mrr_at_20_std": 13.960829135523737, + "nauc_mrr_at_3_diff1": 49.499792042223866, + "nauc_mrr_at_3_max": 43.098227232894246, + "nauc_mrr_at_3_std": 13.154632787036547, + "nauc_mrr_at_5_diff1": 49.10361982716086, + "nauc_mrr_at_5_max": 42.88372641833646, + "nauc_mrr_at_5_std": 13.4614603500215, + "nauc_ndcg_at_1000_diff1": 45.06608258942947, + "nauc_ndcg_at_1000_max": 42.79644362867509, + "nauc_ndcg_at_1000_std": 16.15949102798443, + "nauc_ndcg_at_100_diff1": 44.266893620089554, + "nauc_ndcg_at_100_max": 42.206424784327574, + "nauc_ndcg_at_100_std": 16.05284758202025, + "nauc_ndcg_at_10_diff1": 45.986130524985626, + "nauc_ndcg_at_10_max": 41.19638299083851, + "nauc_ndcg_at_10_std": 13.629470298951524, + "nauc_ndcg_at_1_diff1": 55.03641495962279, + "nauc_ndcg_at_1_max": 42.725997739916615, + "nauc_ndcg_at_1_std": 11.822056277995028, + "nauc_ndcg_at_20_diff1": 44.84752448706012, + "nauc_ndcg_at_20_max": 40.844656950591634, + "nauc_ndcg_at_20_std": 13.956165195086271, + "nauc_ndcg_at_3_diff1": 47.93537280384065, + "nauc_ndcg_at_3_max": 41.40364123527904, + "nauc_ndcg_at_3_std": 11.195130884125609, + "nauc_ndcg_at_5_diff1": 47.343700055586346, + "nauc_ndcg_at_5_max": 41.24280986284959, + "nauc_ndcg_at_5_std": 12.000132612812044, + "nauc_precision_at_1000_diff1": 4.994176167963606, + "nauc_precision_at_1000_max": 27.486847290176904, + "nauc_precision_at_1000_std": 23.927151301162095, + "nauc_precision_at_100_diff1": 15.07041459911376, + "nauc_precision_at_100_max": 36.53781189328251, + "nauc_precision_at_100_std": 29.5490135147151, + "nauc_precision_at_10_diff1": 29.58860754340708, + "nauc_precision_at_10_max": 40.30128439488323, + "nauc_precision_at_10_std": 24.53133157634616, + "nauc_precision_at_1_diff1": 55.03641495962279, + "nauc_precision_at_1_max": 42.725997739916615, + "nauc_precision_at_1_std": 11.822056277995028, + "nauc_precision_at_20_diff1": 24.75997844201911, + "nauc_precision_at_20_max": 37.42292478671453, + "nauc_precision_at_20_std": 25.045588924299995, + "nauc_precision_at_3_diff1": 39.700372389353454, + "nauc_precision_at_3_max": 42.623221778268366, + "nauc_precision_at_3_std": 17.754093140734657, + "nauc_precision_at_5_diff1": 35.8446328417336, + "nauc_precision_at_5_max": 41.77355878364959, + "nauc_precision_at_5_std": 19.993565988703768, + "nauc_recall_at_1000_diff1": 24.521138453207396, + "nauc_recall_at_1000_max": 47.71668606929123, + "nauc_recall_at_1000_std": 41.58965703674164, + "nauc_recall_at_100_diff1": 25.24665773660013, + "nauc_recall_at_100_max": 41.30250865497976, + "nauc_recall_at_100_std": 30.672023026584007, + "nauc_recall_at_10_diff1": 36.8832100241956, + "nauc_recall_at_10_max": 38.49814277935064, + "nauc_recall_at_10_std": 17.48144338977386, + "nauc_recall_at_1_diff1": 55.659938675798394, + "nauc_recall_at_1_max": 39.66838947608073, + "nauc_recall_at_1_std": 6.825041531017375, + "nauc_recall_at_20_diff1": 32.01354938288064, + "nauc_recall_at_20_max": 36.63011334832695, + "nauc_recall_at_20_std": 18.41097455462446, + "nauc_recall_at_3_diff1": 42.76006973727167, + "nauc_recall_at_3_max": 40.153203605070274, + "nauc_recall_at_3_std": 11.005059866357977, + "nauc_recall_at_5_diff1": 41.39165317018751, + "nauc_recall_at_5_max": 39.736897424968035, + "nauc_recall_at_5_std": 13.22928947133363, + "ndcg_at_1": 26.687, + "ndcg_at_10": 33.661, + "ndcg_at_100": 38.35, + "ndcg_at_1000": 40.8, + "ndcg_at_20": 35.437000000000005, + "ndcg_at_3": 30.342999999999996, + "ndcg_at_5": 31.941000000000003, + "precision_at_1": 26.687, + "precision_at_10": 5.153, + "precision_at_100": 0.814, + "precision_at_1000": 0.11, + "precision_at_20": 3.029, + "precision_at_3": 12.883, + "precision_at_5": 8.803999999999998, + "recall_at_1": 23.879, + "recall_at_10": 42.477, + "recall_at_100": 63.906, + "recall_at_1000": 82.211, + "recall_at_20": 49.045, + "recall_at_3": 33.332, + "recall_at_5": 37.354 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/CQADupstackTexRetrieval.json b/results/abhinand__MedEmbed-small-v0.1/external/CQADupstackTexRetrieval.json new file mode 100644 index 000000000..974ab95af --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/CQADupstackTexRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "46989137a86843e03a6195de44b09deda022eec7", + "task_name": "CQADupstackTexRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 26.76, + "map_at_1": 15.662999999999998, + "map_at_10": 22.35, + "map_at_100": 23.427, + "map_at_1000": 23.563000000000002, + "map_at_20": 22.926, + "map_at_3": 20.084, + "map_at_5": 21.313, + "mrr_at_1": 18.960770818995183, + "mrr_at_10": 25.904983121948067, + "mrr_at_100": 26.821542489430144, + "mrr_at_1000": 26.906098040412544, + "mrr_at_20": 26.403069282619253, + "mrr_at_3": 23.692360633172754, + "mrr_at_5": 24.924294562973202, + "nauc_map_at_1000_diff1": 36.32845762325914, + "nauc_map_at_1000_max": 33.55736291239209, + "nauc_map_at_1000_std": 3.432229473309837, + "nauc_map_at_100_diff1": 36.30089055071476, + "nauc_map_at_100_max": 33.52021447234604, + "nauc_map_at_100_std": 3.3949530646797705, + "nauc_map_at_10_diff1": 36.706713645539004, + "nauc_map_at_10_max": 33.36722158098282, + "nauc_map_at_10_std": 2.7726772519273584, + "nauc_map_at_1_diff1": 42.78539859955363, + "nauc_map_at_1_max": 32.50849076879976, + "nauc_map_at_1_std": 1.3954658101521349, + "nauc_map_at_20_diff1": 36.44434182966826, + "nauc_map_at_20_max": 33.4223606249205, + "nauc_map_at_20_std": 3.056877020975398, + "nauc_map_at_3_diff1": 38.09385217889672, + "nauc_map_at_3_max": 33.444266093850466, + "nauc_map_at_3_std": 1.4210812078047044, + "nauc_map_at_5_diff1": 37.45455194954524, + "nauc_map_at_5_max": 33.58297487933362, + "nauc_map_at_5_std": 2.225792098397186, + "nauc_mrr_at_1000_diff1": 34.97608766191874, + "nauc_mrr_at_1000_max": 33.6349173107215, + "nauc_mrr_at_1000_std": 3.0989650345980073, + "nauc_mrr_at_100_diff1": 34.94255258229341, + "nauc_mrr_at_100_max": 33.62631058099838, + "nauc_mrr_at_100_std": 3.1051547505163493, + "nauc_mrr_at_10_diff1": 35.194039255792454, + "nauc_mrr_at_10_max": 33.604737843685626, + "nauc_mrr_at_10_std": 2.5905553770990615, + "nauc_mrr_at_1_diff1": 40.836866506372836, + "nauc_mrr_at_1_max": 33.39325239663001, + "nauc_mrr_at_1_std": 1.127754938660376, + "nauc_mrr_at_20_diff1": 35.00502184255156, + "nauc_mrr_at_20_max": 33.52420796858889, + "nauc_mrr_at_20_std": 2.898811413334367, + "nauc_mrr_at_3_diff1": 36.338551068937036, + "nauc_mrr_at_3_max": 33.815881689155916, + "nauc_mrr_at_3_std": 1.5498753093044315, + "nauc_mrr_at_5_diff1": 35.873030664605885, + "nauc_mrr_at_5_max": 33.897101810836226, + "nauc_mrr_at_5_std": 2.1967073621343687, + "nauc_ndcg_at_1000_diff1": 32.837773001140015, + "nauc_ndcg_at_1000_max": 33.978063813852195, + "nauc_ndcg_at_1000_std": 7.18061649572422, + "nauc_ndcg_at_100_diff1": 32.23692228107245, + "nauc_ndcg_at_100_max": 33.558149600646544, + "nauc_ndcg_at_100_std": 6.814544306611417, + "nauc_ndcg_at_10_diff1": 33.79758164734529, + "nauc_ndcg_at_10_max": 33.16077004784226, + "nauc_ndcg_at_10_std": 3.807132179198105, + "nauc_ndcg_at_1_diff1": 40.836866506372836, + "nauc_ndcg_at_1_max": 33.39325239663001, + "nauc_ndcg_at_1_std": 1.127754938660376, + "nauc_ndcg_at_20_diff1": 33.04159869018307, + "nauc_ndcg_at_20_max": 33.095598392370086, + "nauc_ndcg_at_20_std": 4.86129474656699, + "nauc_ndcg_at_3_diff1": 36.32253988443199, + "nauc_ndcg_at_3_max": 33.9538290861425, + "nauc_ndcg_at_3_std": 1.3215696887170623, + "nauc_ndcg_at_5_diff1": 35.47052283188967, + "nauc_ndcg_at_5_max": 33.89612026096585, + "nauc_ndcg_at_5_std": 2.6710425885570195, + "nauc_precision_at_1000_diff1": 0.9916365417350987, + "nauc_precision_at_1000_max": 18.94027390642169, + "nauc_precision_at_1000_std": 11.991965258965426, + "nauc_precision_at_100_diff1": 8.540728510260907, + "nauc_precision_at_100_max": 25.34067366375036, + "nauc_precision_at_100_std": 14.584127511948362, + "nauc_precision_at_10_diff1": 21.425375464273117, + "nauc_precision_at_10_max": 30.715529687561215, + "nauc_precision_at_10_std": 7.050366947545752, + "nauc_precision_at_1_diff1": 40.836866506372836, + "nauc_precision_at_1_max": 33.39325239663001, + "nauc_precision_at_1_std": 1.127754938660376, + "nauc_precision_at_20_diff1": 17.126577160838767, + "nauc_precision_at_20_max": 28.180350861048918, + "nauc_precision_at_20_std": 9.204946568923095, + "nauc_precision_at_3_diff1": 30.03248221152837, + "nauc_precision_at_3_max": 34.469274514363576, + "nauc_precision_at_3_std": 1.3169507336484703, + "nauc_precision_at_5_diff1": 27.691321638789717, + "nauc_precision_at_5_max": 34.448336681904514, + "nauc_precision_at_5_std": 4.3727325951693565, + "nauc_recall_at_1000_diff1": 13.813296274685182, + "nauc_recall_at_1000_max": 32.53692936157239, + "nauc_recall_at_1000_std": 33.6379690047766, + "nauc_recall_at_100_diff1": 17.544425110662758, + "nauc_recall_at_100_max": 29.99355188898577, + "nauc_recall_at_100_std": 19.181138219276104, + "nauc_recall_at_10_diff1": 25.579263146027888, + "nauc_recall_at_10_max": 29.688994497442945, + "nauc_recall_at_10_std": 6.101926427651782, + "nauc_recall_at_1_diff1": 42.78539859955363, + "nauc_recall_at_1_max": 32.50849076879976, + "nauc_recall_at_1_std": 1.3954658101521349, + "nauc_recall_at_20_diff1": 22.855697416129058, + "nauc_recall_at_20_max": 29.016750276488402, + "nauc_recall_at_20_std": 9.507542232520008, + "nauc_recall_at_3_diff1": 32.74667430133546, + "nauc_recall_at_3_max": 32.36180346979294, + "nauc_recall_at_3_std": 1.5435126499493685, + "nauc_recall_at_5_diff1": 30.35636475352035, + "nauc_recall_at_5_max": 31.964366285189993, + "nauc_recall_at_5_std": 3.7439177812212914, + "ndcg_at_1": 18.961, + "ndcg_at_10": 26.76, + "ndcg_at_100": 31.987, + "ndcg_at_1000": 35.14, + "ndcg_at_20": 28.666000000000004, + "ndcg_at_3": 22.611, + "ndcg_at_5": 24.495, + "precision_at_1": 18.961, + "precision_at_10": 4.955, + "precision_at_100": 0.886, + "precision_at_1000": 0.134, + "precision_at_20": 3.02, + "precision_at_3": 10.679, + "precision_at_5": 7.811, + "recall_at_1": 15.662999999999998, + "recall_at_10": 36.486000000000004, + "recall_at_100": 60.13699999999999, + "recall_at_1000": 82.674, + "recall_at_20": 43.636, + "recall_at_3": 24.895999999999997, + "recall_at_5": 29.755 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/CQADupstackUnixRetrieval.json b/results/abhinand__MedEmbed-small-v0.1/external/CQADupstackUnixRetrieval.json new file mode 100644 index 000000000..f6724b48d --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/CQADupstackUnixRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "6c6430d3a6d36f8d2a829195bc5dc94d7e063e53", + "task_name": "CQADupstackUnixRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 37.25, + "map_at_1": 23.52, + "map_at_10": 32.04, + "map_at_100": 33.265, + "map_at_1000": 33.364, + "map_at_20": 32.705, + "map_at_3": 29.433, + "map_at_5": 30.803000000000004, + "mrr_at_1": 27.51865671641791, + "mrr_at_10": 36.00424218194739, + "mrr_at_100": 36.903107608606675, + "mrr_at_1000": 36.96395251148347, + "mrr_at_20": 36.459384561103356, + "mrr_at_3": 33.62873134328357, + "mrr_at_5": 34.91138059701488, + "nauc_map_at_1000_diff1": 44.26760971600569, + "nauc_map_at_1000_max": 37.03675061352433, + "nauc_map_at_1000_std": -0.6748853500833264, + "nauc_map_at_100_diff1": 44.26591155341421, + "nauc_map_at_100_max": 37.0374608260786, + "nauc_map_at_100_std": -0.6739130374083069, + "nauc_map_at_10_diff1": 44.64333115475081, + "nauc_map_at_10_max": 36.618375959258096, + "nauc_map_at_10_std": -1.3282754617161208, + "nauc_map_at_1_diff1": 51.61094035660931, + "nauc_map_at_1_max": 35.24232228126847, + "nauc_map_at_1_std": -4.805963422515798, + "nauc_map_at_20_diff1": 44.41630684519036, + "nauc_map_at_20_max": 37.02214474390442, + "nauc_map_at_20_std": -0.8251824639491345, + "nauc_map_at_3_diff1": 45.61815969575457, + "nauc_map_at_3_max": 35.387991045369716, + "nauc_map_at_3_std": -3.239524904892324, + "nauc_map_at_5_diff1": 44.82439840305814, + "nauc_map_at_5_max": 36.24725748815871, + "nauc_map_at_5_std": -1.851648510167343, + "nauc_mrr_at_1000_diff1": 42.03257519827712, + "nauc_mrr_at_1000_max": 38.37966433606752, + "nauc_mrr_at_1000_std": -0.15282541892993076, + "nauc_mrr_at_100_diff1": 42.014741602279564, + "nauc_mrr_at_100_max": 38.37840441614305, + "nauc_mrr_at_100_std": -0.14610389460051212, + "nauc_mrr_at_10_diff1": 42.15513668994741, + "nauc_mrr_at_10_max": 38.30754832862629, + "nauc_mrr_at_10_std": -0.5099123585689097, + "nauc_mrr_at_1_diff1": 49.1101047164422, + "nauc_mrr_at_1_max": 37.933671986494026, + "nauc_mrr_at_1_std": -3.7731587131539976, + "nauc_mrr_at_20_diff1": 42.06752969763786, + "nauc_mrr_at_20_max": 38.36700308017657, + "nauc_mrr_at_20_std": -0.3054736037276272, + "nauc_mrr_at_3_diff1": 42.62372944034753, + "nauc_mrr_at_3_max": 37.909468795649666, + "nauc_mrr_at_3_std": -1.527800377472655, + "nauc_mrr_at_5_diff1": 42.198527449928804, + "nauc_mrr_at_5_max": 38.35215994800784, + "nauc_mrr_at_5_std": -0.5485521166603851, + "nauc_ndcg_at_1000_diff1": 40.855780678246724, + "nauc_ndcg_at_1000_max": 38.394998686556, + "nauc_ndcg_at_1000_std": 2.8353732609834514, + "nauc_ndcg_at_100_diff1": 40.55606418953665, + "nauc_ndcg_at_100_max": 38.454872156001805, + "nauc_ndcg_at_100_std": 3.061615143253422, + "nauc_ndcg_at_10_diff1": 41.90525124437928, + "nauc_ndcg_at_10_max": 37.591000536129435, + "nauc_ndcg_at_10_std": 0.7110197729123375, + "nauc_ndcg_at_1_diff1": 49.1101047164422, + "nauc_ndcg_at_1_max": 37.933671986494026, + "nauc_ndcg_at_1_std": -3.7731587131539976, + "nauc_ndcg_at_20_diff1": 41.307377431306556, + "nauc_ndcg_at_20_max": 38.41832801024425, + "nauc_ndcg_at_20_std": 1.9886496294555962, + "nauc_ndcg_at_3_diff1": 42.986902248079836, + "nauc_ndcg_at_3_max": 36.196771893007885, + "nauc_ndcg_at_3_std": -2.2909240633804404, + "nauc_ndcg_at_5_diff1": 42.11824383427997, + "nauc_ndcg_at_5_max": 37.09158761390391, + "nauc_ndcg_at_5_std": -0.1957306778551101, + "nauc_precision_at_1000_diff1": -14.92219394812046, + "nauc_precision_at_1000_max": 6.200453065515646, + "nauc_precision_at_1000_std": 7.198226536807955, + "nauc_precision_at_100_diff1": -0.933334477353504, + "nauc_precision_at_100_max": 23.74769225281431, + "nauc_precision_at_100_std": 13.760336011422103, + "nauc_precision_at_10_diff1": 21.317504992362302, + "nauc_precision_at_10_max": 36.64677303747258, + "nauc_precision_at_10_std": 9.268521380662948, + "nauc_precision_at_1_diff1": 49.1101047164422, + "nauc_precision_at_1_max": 37.933671986494026, + "nauc_precision_at_1_std": -3.7731587131539976, + "nauc_precision_at_20_diff1": 13.657560976362785, + "nauc_precision_at_20_max": 33.87541496378981, + "nauc_precision_at_20_std": 12.548073724501604, + "nauc_precision_at_3_diff1": 31.86603948675504, + "nauc_precision_at_3_max": 36.7937804867161, + "nauc_precision_at_3_std": 1.3747787278458556, + "nauc_precision_at_5_diff1": 26.464128564884287, + "nauc_precision_at_5_max": 38.421403615633615, + "nauc_precision_at_5_std": 6.849484842483432, + "nauc_recall_at_1000_diff1": 18.749722864106687, + "nauc_recall_at_1000_max": 43.23340103124563, + "nauc_recall_at_1000_std": 40.71445800815644, + "nauc_recall_at_100_diff1": 25.75477193308326, + "nauc_recall_at_100_max": 38.95166149979008, + "nauc_recall_at_100_std": 20.086723446846307, + "nauc_recall_at_10_diff1": 34.9465684232037, + "nauc_recall_at_10_max": 36.310367249051446, + "nauc_recall_at_10_std": 5.334139441477833, + "nauc_recall_at_1_diff1": 51.61094035660931, + "nauc_recall_at_1_max": 35.24232228126847, + "nauc_recall_at_1_std": -4.805963422515798, + "nauc_recall_at_20_diff1": 32.74344985990636, + "nauc_recall_at_20_max": 38.70262442532749, + "nauc_recall_at_20_std": 9.903515883710332, + "nauc_recall_at_3_diff1": 38.44351038745494, + "nauc_recall_at_3_max": 33.58936306504043, + "nauc_recall_at_3_std": -1.4980811551146116, + "nauc_recall_at_5_diff1": 35.90101189825282, + "nauc_recall_at_5_max": 35.662369181706204, + "nauc_recall_at_5_std": 3.0145054767330115, + "ndcg_at_1": 27.519, + "ndcg_at_10": 37.25, + "ndcg_at_100": 42.848000000000006, + "ndcg_at_1000": 45.254, + "ndcg_at_20": 39.277, + "ndcg_at_3": 32.399, + "ndcg_at_5": 34.524, + "precision_at_1": 27.519, + "precision_at_10": 6.334, + "precision_at_100": 1.026, + "precision_at_1000": 0.134, + "precision_at_20": 3.759, + "precision_at_3": 14.677000000000001, + "precision_at_5": 10.317, + "recall_at_1": 23.52, + "recall_at_10": 49.184, + "recall_at_100": 73.733, + "recall_at_1000": 90.77, + "recall_at_20": 56.298, + "recall_at_3": 35.973, + "recall_at_5": 41.374 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/CQADupstackWebmastersRetrieval.json b/results/abhinand__MedEmbed-small-v0.1/external/CQADupstackWebmastersRetrieval.json new file mode 100644 index 000000000..b9e380ab0 --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/CQADupstackWebmastersRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "160c094312a0e1facb97e55eeddb698c0abe3571", + "task_name": "CQADupstackWebmastersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 36.565, + "map_at_1": 23.105999999999998, + "map_at_10": 31.290000000000003, + "map_at_100": 32.84, + "map_at_1000": 33.056999999999995, + "map_at_20": 32.053, + "map_at_3": 28.524, + "map_at_5": 30.059, + "mrr_at_1": 27.27272727272727, + "mrr_at_10": 35.2733860342556, + "mrr_at_100": 36.3053638836631, + "mrr_at_1000": 36.37032482519805, + "mrr_at_20": 35.859048151622396, + "mrr_at_3": 32.83926218708829, + "mrr_at_5": 34.12384716732543, + "nauc_map_at_1000_diff1": 39.76272068657792, + "nauc_map_at_1000_max": 29.790280297209893, + "nauc_map_at_1000_std": 10.757488325628422, + "nauc_map_at_100_diff1": 39.81480347795618, + "nauc_map_at_100_max": 29.922166651619236, + "nauc_map_at_100_std": 10.65010277811946, + "nauc_map_at_10_diff1": 39.55904622384973, + "nauc_map_at_10_max": 29.4537747039685, + "nauc_map_at_10_std": 9.600423622583662, + "nauc_map_at_1_diff1": 46.2974028098431, + "nauc_map_at_1_max": 28.426406901170203, + "nauc_map_at_1_std": 2.298735191126003, + "nauc_map_at_20_diff1": 39.3449497565094, + "nauc_map_at_20_max": 29.80594598624846, + "nauc_map_at_20_std": 10.131168100104727, + "nauc_map_at_3_diff1": 41.76837093706344, + "nauc_map_at_3_max": 29.663230640722325, + "nauc_map_at_3_std": 8.357883325471708, + "nauc_map_at_5_diff1": 40.001875443538545, + "nauc_map_at_5_max": 29.427859045507148, + "nauc_map_at_5_std": 8.398905009560293, + "nauc_mrr_at_1000_diff1": 40.471195736412206, + "nauc_mrr_at_1000_max": 30.816676948801714, + "nauc_mrr_at_1000_std": 11.159711491734067, + "nauc_mrr_at_100_diff1": 40.47871261866228, + "nauc_mrr_at_100_max": 30.821157171181696, + "nauc_mrr_at_100_std": 11.178279050139082, + "nauc_mrr_at_10_diff1": 40.43627989797811, + "nauc_mrr_at_10_max": 30.68845552208875, + "nauc_mrr_at_10_std": 11.082356764494767, + "nauc_mrr_at_1_diff1": 45.50910903294914, + "nauc_mrr_at_1_max": 31.3076070063755, + "nauc_mrr_at_1_std": 5.37768597927747, + "nauc_mrr_at_20_diff1": 40.145413037287746, + "nauc_mrr_at_20_max": 30.78817829326666, + "nauc_mrr_at_20_std": 11.135265444724569, + "nauc_mrr_at_3_diff1": 41.67907201095954, + "nauc_mrr_at_3_max": 30.935486674293628, + "nauc_mrr_at_3_std": 9.999676547554822, + "nauc_mrr_at_5_diff1": 40.63061020793853, + "nauc_mrr_at_5_max": 30.65935831056293, + "nauc_mrr_at_5_std": 10.253570942971265, + "nauc_ndcg_at_1000_diff1": 38.31679453625091, + "nauc_ndcg_at_1000_max": 30.42490674886122, + "nauc_ndcg_at_1000_std": 14.214535852825216, + "nauc_ndcg_at_100_diff1": 38.25066725250533, + "nauc_ndcg_at_100_max": 30.44191906381211, + "nauc_ndcg_at_100_std": 14.901162385978845, + "nauc_ndcg_at_10_diff1": 37.69901106502627, + "nauc_ndcg_at_10_max": 29.64235402905151, + "nauc_ndcg_at_10_std": 13.16074821157373, + "nauc_ndcg_at_1_diff1": 45.50910903294914, + "nauc_ndcg_at_1_max": 31.3076070063755, + "nauc_ndcg_at_1_std": 5.37768597927747, + "nauc_ndcg_at_20_diff1": 36.28568865631326, + "nauc_ndcg_at_20_max": 30.050385172275394, + "nauc_ndcg_at_20_std": 13.754810821651981, + "nauc_ndcg_at_3_diff1": 41.651315048123216, + "nauc_ndcg_at_3_max": 31.443490740638612, + "nauc_ndcg_at_3_std": 11.384365369343216, + "nauc_ndcg_at_5_diff1": 39.128045954408535, + "nauc_ndcg_at_5_max": 30.294182805626523, + "nauc_ndcg_at_5_std": 11.455518736657039, + "nauc_precision_at_1000_diff1": -2.5588471818616236, + "nauc_precision_at_1000_max": -8.40564077817957, + "nauc_precision_at_1000_std": 17.178789287436377, + "nauc_precision_at_100_diff1": 10.20179378901254, + "nauc_precision_at_100_max": 6.9826053319142485, + "nauc_precision_at_100_std": 24.31302168417932, + "nauc_precision_at_10_diff1": 21.64226817804198, + "nauc_precision_at_10_max": 25.95797802850366, + "nauc_precision_at_10_std": 23.463222960924217, + "nauc_precision_at_1_diff1": 45.50910903294914, + "nauc_precision_at_1_max": 31.3076070063755, + "nauc_precision_at_1_std": 5.37768597927747, + "nauc_precision_at_20_diff1": 16.188528114667015, + "nauc_precision_at_20_max": 22.711717515357932, + "nauc_precision_at_20_std": 25.92900601366098, + "nauc_precision_at_3_diff1": 33.38289089598491, + "nauc_precision_at_3_max": 33.0613762828467, + "nauc_precision_at_3_std": 18.26750139224793, + "nauc_precision_at_5_diff1": 25.299183198738884, + "nauc_precision_at_5_max": 27.95155532864501, + "nauc_precision_at_5_std": 17.69547733910105, + "nauc_recall_at_1000_diff1": 22.127156020725522, + "nauc_recall_at_1000_max": 36.32198236414703, + "nauc_recall_at_1000_std": 46.0024764987062, + "nauc_recall_at_100_diff1": 30.41962941522361, + "nauc_recall_at_100_max": 29.658332453198888, + "nauc_recall_at_100_std": 32.76645418495392, + "nauc_recall_at_10_diff1": 27.94562925698465, + "nauc_recall_at_10_max": 26.023394389331383, + "nauc_recall_at_10_std": 18.394527204627348, + "nauc_recall_at_1_diff1": 46.2974028098431, + "nauc_recall_at_1_max": 28.426406901170203, + "nauc_recall_at_1_std": 2.298735191126003, + "nauc_recall_at_20_diff1": 22.776623977857145, + "nauc_recall_at_20_max": 27.21001817636621, + "nauc_recall_at_20_std": 21.282932443508354, + "nauc_recall_at_3_diff1": 36.884749050164295, + "nauc_recall_at_3_max": 28.465498877250873, + "nauc_recall_at_3_std": 12.711247426442371, + "nauc_recall_at_5_diff1": 31.283845178999254, + "nauc_recall_at_5_max": 27.061848538009027, + "nauc_recall_at_5_std": 13.469960961026883, + "ndcg_at_1": 27.272999999999996, + "ndcg_at_10": 36.565, + "ndcg_at_100": 42.9, + "ndcg_at_1000": 45.608, + "ndcg_at_20": 38.751000000000005, + "ndcg_at_3": 31.939, + "ndcg_at_5": 34.101, + "precision_at_1": 27.272999999999996, + "precision_at_10": 6.917, + "precision_at_100": 1.455, + "precision_at_1000": 0.232, + "precision_at_20": 4.447, + "precision_at_3": 14.69, + "precision_at_5": 10.870000000000001, + "recall_at_1": 23.105999999999998, + "recall_at_10": 46.894999999999996, + "recall_at_100": 75.594, + "recall_at_1000": 92.732, + "recall_at_20": 55.257999999999996, + "recall_at_3": 33.934999999999995, + "recall_at_5": 39.222 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/CQADupstackWordpressRetrieval.json b/results/abhinand__MedEmbed-small-v0.1/external/CQADupstackWordpressRetrieval.json new file mode 100644 index 000000000..ecaa8f25c --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/CQADupstackWordpressRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "4ffe81d471b1924886b33c7567bfb200e9eec5c4", + "task_name": "CQADupstackWordpressRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 29.567, + "map_at_1": 17.904999999999998, + "map_at_10": 24.938, + "map_at_100": 25.909, + "map_at_1000": 26.027, + "map_at_20": 25.451, + "map_at_3": 22.259999999999998, + "map_at_5": 23.834, + "mrr_at_1": 19.223659889094268, + "mrr_at_10": 26.62845113399643, + "mrr_at_100": 27.499845907183552, + "mrr_at_1000": 27.593472908486984, + "mrr_at_20": 27.123214255946344, + "mrr_at_3": 23.813924830560687, + "mrr_at_5": 25.551447935921136, + "nauc_map_at_1000_diff1": 38.89606010868926, + "nauc_map_at_1000_max": 31.538856803290884, + "nauc_map_at_1000_std": -1.305075788649935, + "nauc_map_at_100_diff1": 38.82639909571271, + "nauc_map_at_100_max": 31.497525225584177, + "nauc_map_at_100_std": -1.309646997856667, + "nauc_map_at_10_diff1": 39.29347922607974, + "nauc_map_at_10_max": 31.79078705023462, + "nauc_map_at_10_std": -1.876636004896723, + "nauc_map_at_1_diff1": 48.21195607823574, + "nauc_map_at_1_max": 32.939940404152814, + "nauc_map_at_1_std": -2.598175888025344, + "nauc_map_at_20_diff1": 38.97329850846901, + "nauc_map_at_20_max": 31.517768894234088, + "nauc_map_at_20_std": -1.7582312182435884, + "nauc_map_at_3_diff1": 41.14141970209535, + "nauc_map_at_3_max": 32.30972428641846, + "nauc_map_at_3_std": -1.8883058706632543, + "nauc_map_at_5_diff1": 40.09562382270429, + "nauc_map_at_5_max": 31.933391253205627, + "nauc_map_at_5_std": -2.100889221871347, + "nauc_mrr_at_1000_diff1": 39.01910001476905, + "nauc_mrr_at_1000_max": 33.08207505682323, + "nauc_mrr_at_1000_std": -0.6237855979344884, + "nauc_mrr_at_100_diff1": 38.93803750185852, + "nauc_mrr_at_100_max": 33.048836543873975, + "nauc_mrr_at_100_std": -0.6062208268461757, + "nauc_mrr_at_10_diff1": 39.270583896754644, + "nauc_mrr_at_10_max": 33.24795051204245, + "nauc_mrr_at_10_std": -0.9725090570441313, + "nauc_mrr_at_1_diff1": 47.999638413846505, + "nauc_mrr_at_1_max": 35.36138863519551, + "nauc_mrr_at_1_std": -1.880235814636017, + "nauc_mrr_at_20_diff1": 39.021750324405396, + "nauc_mrr_at_20_max": 33.03808863518709, + "nauc_mrr_at_20_std": -0.9591151055995247, + "nauc_mrr_at_3_diff1": 41.80927533235213, + "nauc_mrr_at_3_max": 34.29227659304729, + "nauc_mrr_at_3_std": -1.1645238886922333, + "nauc_mrr_at_5_diff1": 40.090198362725445, + "nauc_mrr_at_5_max": 33.38020362155669, + "nauc_mrr_at_5_std": -0.9765029348699578, + "nauc_ndcg_at_1000_diff1": 35.50789376303437, + "nauc_ndcg_at_1000_max": 31.615759544374693, + "nauc_ndcg_at_1000_std": 2.1204304391621855, + "nauc_ndcg_at_100_diff1": 33.57315272127493, + "nauc_ndcg_at_100_max": 30.086482858827026, + "nauc_ndcg_at_100_std": 2.0440427140431576, + "nauc_ndcg_at_10_diff1": 35.34492455018914, + "nauc_ndcg_at_10_max": 31.02089117001684, + "nauc_ndcg_at_10_std": -1.1048933497920645, + "nauc_ndcg_at_1_diff1": 47.999638413846505, + "nauc_ndcg_at_1_max": 35.36138863519551, + "nauc_ndcg_at_1_std": -1.880235814636017, + "nauc_ndcg_at_20_diff1": 34.26215274432466, + "nauc_ndcg_at_20_max": 30.20225190792415, + "nauc_ndcg_at_20_std": -0.7509261018709115, + "nauc_ndcg_at_3_diff1": 39.389519747059026, + "nauc_ndcg_at_3_max": 32.63411653129123, + "nauc_ndcg_at_3_std": -0.993678872804903, + "nauc_ndcg_at_5_diff1": 37.188814736325924, + "nauc_ndcg_at_5_max": 31.495832182127202, + "nauc_ndcg_at_5_std": -1.2778445014948332, + "nauc_precision_at_1000_diff1": -9.97486529251133, + "nauc_precision_at_1000_max": -0.7480260820564806, + "nauc_precision_at_1000_std": 11.340009034047164, + "nauc_precision_at_100_diff1": 3.9801856363648436, + "nauc_precision_at_100_max": 13.379133650650818, + "nauc_precision_at_100_std": 19.09971792064424, + "nauc_precision_at_10_diff1": 21.999340108469816, + "nauc_precision_at_10_max": 27.787090972478723, + "nauc_precision_at_10_std": 3.666717149158269, + "nauc_precision_at_1_diff1": 47.999638413846505, + "nauc_precision_at_1_max": 35.36138863519551, + "nauc_precision_at_1_std": -1.880235814636017, + "nauc_precision_at_20_diff1": 16.517223912074233, + "nauc_precision_at_20_max": 23.937166410814513, + "nauc_precision_at_20_std": 8.146414485970688, + "nauc_precision_at_3_diff1": 32.928185060716544, + "nauc_precision_at_3_max": 33.32909830966484, + "nauc_precision_at_3_std": 1.7607783669388026, + "nauc_precision_at_5_diff1": 27.617896173358826, + "nauc_precision_at_5_max": 31.07062829318418, + "nauc_precision_at_5_std": 2.5159680374410023, + "nauc_recall_at_1000_diff1": 25.828881504446947, + "nauc_recall_at_1000_max": 41.72839366554471, + "nauc_recall_at_1000_std": 32.88040232676994, + "nauc_recall_at_100_diff1": 13.845109468247148, + "nauc_recall_at_100_max": 21.81619945923323, + "nauc_recall_at_100_std": 15.182307774891207, + "nauc_recall_at_10_diff1": 24.07889524419303, + "nauc_recall_at_10_max": 26.924752181722017, + "nauc_recall_at_10_std": -0.011546334534046606, + "nauc_recall_at_1_diff1": 48.21195607823574, + "nauc_recall_at_1_max": 32.939940404152814, + "nauc_recall_at_1_std": -2.598175888025344, + "nauc_recall_at_20_diff1": 19.964045605188886, + "nauc_recall_at_20_max": 23.885666727839393, + "nauc_recall_at_20_std": 0.42285441592789197, + "nauc_recall_at_3_diff1": 33.929457814927375, + "nauc_recall_at_3_max": 30.910764244335205, + "nauc_recall_at_3_std": 0.3174639322018935, + "nauc_recall_at_5_diff1": 29.092298121601694, + "nauc_recall_at_5_max": 28.363390941448102, + "nauc_recall_at_5_std": -0.2037623526882392, + "ndcg_at_1": 19.224, + "ndcg_at_10": 29.567, + "ndcg_at_100": 34.521, + "ndcg_at_1000": 37.525999999999996, + "ndcg_at_20": 31.385999999999996, + "ndcg_at_3": 24.104999999999997, + "ndcg_at_5": 26.956000000000003, + "precision_at_1": 19.224, + "precision_at_10": 4.898000000000001, + "precision_at_100": 0.8, + "precision_at_1000": 0.117, + "precision_at_20": 2.8930000000000002, + "precision_at_3": 10.228, + "precision_at_5": 7.8, + "recall_at_1": 17.904999999999998, + "recall_at_10": 42.236000000000004, + "recall_at_100": 65.31, + "recall_at_1000": 87.725, + "recall_at_20": 49.122, + "recall_at_3": 27.659, + "recall_at_5": 34.476 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/ClimateFEVER.json b/results/abhinand__MedEmbed-small-v0.1/external/ClimateFEVER.json new file mode 100644 index 000000000..1b8d9aed3 --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/ClimateFEVER.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 26.737, + "map_at_1": 11.047, + "map_at_10": 19.031000000000002, + "map_at_100": 20.811, + "map_at_1000": 21.004, + "map_at_20": 19.906, + "map_at_3": 16.154, + "map_at_5": 17.637, + "mrr_at_1": 24.7557003257329, + "mrr_at_10": 36.00248177446872, + "mrr_at_100": 37.022765746266224, + "mrr_at_1000": 37.06412282708337, + "mrr_at_20": 36.613242481766875, + "mrr_at_3": 32.99674267100971, + "mrr_at_5": 34.77198697068397, + "nauc_map_at_1000_diff1": 22.95284162051679, + "nauc_map_at_1000_max": 41.05657553737428, + "nauc_map_at_1000_std": 18.834903528536966, + "nauc_map_at_100_diff1": 22.98481765525261, + "nauc_map_at_100_max": 41.03975029590201, + "nauc_map_at_100_std": 18.771562130707093, + "nauc_map_at_10_diff1": 23.13821422467576, + "nauc_map_at_10_max": 39.82209459044267, + "nauc_map_at_10_std": 16.550430053938996, + "nauc_map_at_1_diff1": 27.763657551345815, + "nauc_map_at_1_max": 36.12475370802807, + "nauc_map_at_1_std": 8.813087776045409, + "nauc_map_at_20_diff1": 22.989816492876976, + "nauc_map_at_20_max": 40.47306627293731, + "nauc_map_at_20_std": 17.922541923299242, + "nauc_map_at_3_diff1": 25.177638524660594, + "nauc_map_at_3_max": 38.39188053307798, + "nauc_map_at_3_std": 12.43002831643714, + "nauc_map_at_5_diff1": 24.11240452332388, + "nauc_map_at_5_max": 39.78597831033908, + "nauc_map_at_5_std": 15.348832909388102, + "nauc_mrr_at_1000_diff1": 22.953724268315007, + "nauc_mrr_at_1000_max": 36.75873655295118, + "nauc_mrr_at_1000_std": 18.86900175143143, + "nauc_mrr_at_100_diff1": 22.94708169148642, + "nauc_mrr_at_100_max": 36.77692171237133, + "nauc_mrr_at_100_std": 18.90049139812642, + "nauc_mrr_at_10_diff1": 22.961392194546697, + "nauc_mrr_at_10_max": 36.5664392762182, + "nauc_mrr_at_10_std": 18.61258791439757, + "nauc_mrr_at_1_diff1": 25.264729979176337, + "nauc_mrr_at_1_max": 32.00533151772989, + "nauc_mrr_at_1_std": 11.28963976428763, + "nauc_mrr_at_20_diff1": 22.89202299597813, + "nauc_mrr_at_20_max": 36.81591748654397, + "nauc_mrr_at_20_std": 18.957871797322213, + "nauc_mrr_at_3_diff1": 23.32679875268354, + "nauc_mrr_at_3_max": 35.77247598730184, + "nauc_mrr_at_3_std": 16.998072713674137, + "nauc_mrr_at_5_diff1": 22.940494982850357, + "nauc_mrr_at_5_max": 36.4761572989835, + "nauc_mrr_at_5_std": 18.247716522394114, + "nauc_ndcg_at_1000_diff1": 20.33208895418013, + "nauc_ndcg_at_1000_max": 43.43624293116895, + "nauc_ndcg_at_1000_std": 26.692682553388043, + "nauc_ndcg_at_100_diff1": 20.683371851614915, + "nauc_ndcg_at_100_max": 43.23955154318779, + "nauc_ndcg_at_100_std": 26.255509612217846, + "nauc_ndcg_at_10_diff1": 21.4076909300414, + "nauc_ndcg_at_10_max": 39.940378122809996, + "nauc_ndcg_at_10_std": 20.34199980826332, + "nauc_ndcg_at_1_diff1": 25.264729979176337, + "nauc_ndcg_at_1_max": 32.00533151772989, + "nauc_ndcg_at_1_std": 11.28963976428763, + "nauc_ndcg_at_20_diff1": 21.06028073012518, + "nauc_ndcg_at_20_max": 41.39323714162508, + "nauc_ndcg_at_20_std": 23.294473172219288, + "nauc_ndcg_at_3_diff1": 23.795439983732766, + "nauc_ndcg_at_3_max": 37.670223262411994, + "nauc_ndcg_at_3_std": 14.988047358058045, + "nauc_ndcg_at_5_diff1": 22.549509904412304, + "nauc_ndcg_at_5_max": 39.97171597626144, + "nauc_ndcg_at_5_std": 18.522092622834307, + "nauc_precision_at_1000_diff1": -2.966526326664724, + "nauc_precision_at_1000_max": 19.35956305205282, + "nauc_precision_at_1000_std": 29.208694771321802, + "nauc_precision_at_100_diff1": 3.89594831569403, + "nauc_precision_at_100_max": 30.93107729730319, + "nauc_precision_at_100_std": 35.65762513251467, + "nauc_precision_at_10_diff1": 11.55435573260231, + "nauc_precision_at_10_max": 33.6858401099601, + "nauc_precision_at_10_std": 27.844293535879206, + "nauc_precision_at_1_diff1": 25.264729979176337, + "nauc_precision_at_1_max": 32.00533151772989, + "nauc_precision_at_1_std": 11.28963976428763, + "nauc_precision_at_20_diff1": 9.19449929503659, + "nauc_precision_at_20_max": 34.04253984479287, + "nauc_precision_at_20_std": 33.26324613378763, + "nauc_precision_at_3_diff1": 19.686045361727484, + "nauc_precision_at_3_max": 36.03726542607104, + "nauc_precision_at_3_std": 19.73290312758754, + "nauc_precision_at_5_diff1": 15.192260787856585, + "nauc_precision_at_5_max": 37.448062698115095, + "nauc_precision_at_5_std": 26.272485409517117, + "nauc_recall_at_1000_diff1": 3.8258182870161943, + "nauc_recall_at_1000_max": 43.71178689615702, + "nauc_recall_at_1000_std": 45.551384524629576, + "nauc_recall_at_100_diff1": 9.602166248337264, + "nauc_recall_at_100_max": 40.222401344352136, + "nauc_recall_at_100_std": 36.19019924878991, + "nauc_recall_at_10_diff1": 14.698199205269786, + "nauc_recall_at_10_max": 35.961298718387326, + "nauc_recall_at_10_std": 21.970115975467966, + "nauc_recall_at_1_diff1": 27.763657551345815, + "nauc_recall_at_1_max": 36.12475370802807, + "nauc_recall_at_1_std": 8.813087776045409, + "nauc_recall_at_20_diff1": 13.109375978076127, + "nauc_recall_at_20_max": 37.72229474207071, + "nauc_recall_at_20_std": 27.908697340918625, + "nauc_recall_at_3_diff1": 20.97044679859558, + "nauc_recall_at_3_max": 37.050460347469986, + "nauc_recall_at_3_std": 14.204226826731455, + "nauc_recall_at_5_diff1": 18.139967176831718, + "nauc_recall_at_5_max": 38.69687411453869, + "nauc_recall_at_5_std": 19.825425230717368, + "ndcg_at_1": 24.756, + "ndcg_at_10": 26.737, + "ndcg_at_100": 34.097, + "ndcg_at_1000": 37.653999999999996, + "ndcg_at_20": 29.341, + "ndcg_at_3": 22.209, + "ndcg_at_5": 23.726, + "precision_at_1": 24.756, + "precision_at_10": 8.28, + "precision_at_100": 1.6199999999999999, + "precision_at_1000": 0.22799999999999998, + "precision_at_20": 5.261, + "precision_at_3": 16.678, + "precision_at_5": 12.598999999999998, + "recall_at_1": 11.047, + "recall_at_10": 31.939, + "recall_at_100": 57.66, + "recall_at_1000": 77.676, + "recall_at_20": 39.375, + "recall_at_3": 20.534, + "recall_at_5": 25.113000000000003 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/DBPedia.json b/results/abhinand__MedEmbed-small-v0.1/external/DBPedia.json new file mode 100644 index 000000000..550b0330c --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/DBPedia.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 38.553, + "map_at_1": 8.427, + "map_at_10": 17.947, + "map_at_100": 24.859, + "map_at_1000": 26.284999999999997, + "map_at_20": 20.529, + "map_at_3": 13.032, + "map_at_5": 15.087, + "mrr_at_1": 63.74999999999999, + "mrr_at_10": 72.26726190476191, + "mrr_at_100": 72.60264087536868, + "mrr_at_1000": 72.6117769251391, + "mrr_at_20": 72.48660991785995, + "mrr_at_3": 70.29166666666669, + "mrr_at_5": 71.72916666666667, + "nauc_map_at_1000_diff1": 16.885215876440295, + "nauc_map_at_1000_max": 24.251410480294357, + "nauc_map_at_1000_std": 30.442486178306797, + "nauc_map_at_100_diff1": 17.77376546461243, + "nauc_map_at_100_max": 22.397423178877666, + "nauc_map_at_100_std": 27.80993039204801, + "nauc_map_at_10_diff1": 23.34667275277926, + "nauc_map_at_10_max": 10.594143100766155, + "nauc_map_at_10_std": 10.585594861156142, + "nauc_map_at_1_diff1": 41.31179058216469, + "nauc_map_at_1_max": 2.7789106998022595, + "nauc_map_at_1_std": -5.629361745337226, + "nauc_map_at_20_diff1": 21.171735707940826, + "nauc_map_at_20_max": 14.91112453141777, + "nauc_map_at_20_std": 16.852537320237083, + "nauc_map_at_3_diff1": 27.764297506590797, + "nauc_map_at_3_max": 3.350829180020233, + "nauc_map_at_3_std": 0.6093126325885707, + "nauc_map_at_5_diff1": 24.65278591199583, + "nauc_map_at_5_max": 4.879335188280108, + "nauc_map_at_5_std": 3.7215226421650267, + "nauc_mrr_at_1000_diff1": 46.334418500628054, + "nauc_mrr_at_1000_max": 61.28184640697816, + "nauc_mrr_at_1000_std": 39.24492154930731, + "nauc_mrr_at_100_diff1": 46.330131722627435, + "nauc_mrr_at_100_max": 61.28413429173713, + "nauc_mrr_at_100_std": 39.24030745947179, + "nauc_mrr_at_10_diff1": 46.31370888820881, + "nauc_mrr_at_10_max": 61.3280839283407, + "nauc_mrr_at_10_std": 39.4561235573134, + "nauc_mrr_at_1_diff1": 49.415410285441865, + "nauc_mrr_at_1_max": 58.67786981308228, + "nauc_mrr_at_1_std": 34.349164729952484, + "nauc_mrr_at_20_diff1": 46.44394246082444, + "nauc_mrr_at_20_max": 61.349381938107015, + "nauc_mrr_at_20_std": 39.329379002565865, + "nauc_mrr_at_3_diff1": 46.5466532654621, + "nauc_mrr_at_3_max": 60.738204480647994, + "nauc_mrr_at_3_std": 39.75962812429745, + "nauc_mrr_at_5_diff1": 45.573755866755, + "nauc_mrr_at_5_max": 61.37737255344052, + "nauc_mrr_at_5_std": 39.48646682460037, + "nauc_ndcg_at_1000_diff1": 16.736755471969026, + "nauc_ndcg_at_1000_max": 38.94665722868098, + "nauc_ndcg_at_1000_std": 41.67473161838855, + "nauc_ndcg_at_100_diff1": 18.410722578049988, + "nauc_ndcg_at_100_max": 32.48401439716438, + "nauc_ndcg_at_100_std": 34.71840405905395, + "nauc_ndcg_at_10_diff1": 23.046713516949357, + "nauc_ndcg_at_10_max": 36.41251437514339, + "nauc_ndcg_at_10_std": 33.85064850271241, + "nauc_ndcg_at_1_diff1": 44.98121223766516, + "nauc_ndcg_at_1_max": 49.651287744543346, + "nauc_ndcg_at_1_std": 29.780916188076894, + "nauc_ndcg_at_20_diff1": 22.22814399555328, + "nauc_ndcg_at_20_max": 32.27357130353916, + "nauc_ndcg_at_20_std": 31.075769289452598, + "nauc_ndcg_at_3_diff1": 25.535588030138996, + "nauc_ndcg_at_3_max": 39.83735223382875, + "nauc_ndcg_at_3_std": 31.56662105223355, + "nauc_ndcg_at_5_diff1": 24.200992920951915, + "nauc_ndcg_at_5_max": 38.983334609042664, + "nauc_ndcg_at_5_std": 32.815778747524064, + "nauc_precision_at_1000_diff1": -13.042988259065188, + "nauc_precision_at_1000_max": 14.592773793416065, + "nauc_precision_at_1000_std": 18.54030566512939, + "nauc_precision_at_100_diff1": -8.839880525325949, + "nauc_precision_at_100_max": 35.27222519062242, + "nauc_precision_at_100_std": 42.48049287957863, + "nauc_precision_at_10_diff1": -0.30622683334044837, + "nauc_precision_at_10_max": 43.863332528297384, + "nauc_precision_at_10_std": 45.99630936149964, + "nauc_precision_at_1_diff1": 49.415410285441865, + "nauc_precision_at_1_max": 58.67786981308228, + "nauc_precision_at_1_std": 34.349164729952484, + "nauc_precision_at_20_diff1": -3.0634928461658135, + "nauc_precision_at_20_max": 40.58489408271218, + "nauc_precision_at_20_std": 44.78991176526987, + "nauc_precision_at_3_diff1": 7.030183506370981, + "nauc_precision_at_3_max": 39.4877838164423, + "nauc_precision_at_3_std": 36.35500887750183, + "nauc_precision_at_5_diff1": 2.7154599702814086, + "nauc_precision_at_5_max": 43.340435401319304, + "nauc_precision_at_5_std": 42.78969754624864, + "nauc_recall_at_1000_diff1": 2.0440148038106543, + "nauc_recall_at_1000_max": 27.80788064711282, + "nauc_recall_at_1000_std": 43.56435465984963, + "nauc_recall_at_100_diff1": 7.249759444328031, + "nauc_recall_at_100_max": 18.51578835482464, + "nauc_recall_at_100_std": 28.176910509170515, + "nauc_recall_at_10_diff1": 18.095470021097675, + "nauc_recall_at_10_max": 4.0380084324985415, + "nauc_recall_at_10_std": 6.188126602282033, + "nauc_recall_at_1_diff1": 41.31179058216469, + "nauc_recall_at_1_max": 2.7789106998022595, + "nauc_recall_at_1_std": -5.629361745337226, + "nauc_recall_at_20_diff1": 15.124098206152278, + "nauc_recall_at_20_max": 8.168146286216665, + "nauc_recall_at_20_std": 12.163295762335588, + "nauc_recall_at_3_diff1": 23.242634056765034, + "nauc_recall_at_3_max": -1.2044999492508157, + "nauc_recall_at_3_std": -0.9756022011856826, + "nauc_recall_at_5_diff1": 18.51030489728696, + "nauc_recall_at_5_max": -1.02698451199236, + "nauc_recall_at_5_std": 0.9103887215447328, + "ndcg_at_1": 51.74999999999999, + "ndcg_at_10": 38.553, + "ndcg_at_100": 42.603, + "ndcg_at_1000": 49.996, + "ndcg_at_20": 37.624, + "ndcg_at_3": 43.129, + "ndcg_at_5": 40.286, + "precision_at_1": 63.74999999999999, + "precision_at_10": 30.8, + "precision_at_100": 9.47, + "precision_at_1000": 1.8350000000000002, + "precision_at_20": 22.662, + "precision_at_3": 46.666999999999994, + "precision_at_5": 39.050000000000004, + "recall_at_1": 8.427, + "recall_at_10": 23.385, + "recall_at_100": 48.498999999999995, + "recall_at_1000": 72.161, + "recall_at_20": 29.683999999999997, + "recall_at_3": 14.401, + "recall_at_5": 17.803 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/EmotionClassification.json b/results/abhinand__MedEmbed-small-v0.1/external/EmotionClassification.json new file mode 100644 index 000000000..2db0f0c01 --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/EmotionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 49.754999999999995, + "f1": 43.36982442562564, + "f1_weighted": 51.61952910603824, + "main_score": 49.754999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/FEVER.json b/results/abhinand__MedEmbed-small-v0.1/external/FEVER.json new file mode 100644 index 000000000..4d18de2aa --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/FEVER.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 84.936, + "map_at_1": 72.57400000000001, + "map_at_10": 81.066, + "map_at_100": 81.297, + "map_at_1000": 81.312, + "map_at_20": 81.207, + "map_at_3": 79.986, + "map_at_5": 80.69800000000001, + "mrr_at_1": 78.38283828382838, + "mrr_at_10": 85.85126965077451, + "mrr_at_100": 85.94789108942497, + "mrr_at_1000": 85.95083700548771, + "mrr_at_20": 85.92198402529328, + "mrr_at_3": 85.09850985098504, + "mrr_at_5": 85.60856085608543, + "nauc_map_at_1000_diff1": 50.66119889176923, + "nauc_map_at_1000_max": 27.580944486960778, + "nauc_map_at_1000_std": 2.476183923102915, + "nauc_map_at_100_diff1": 50.62017790161358, + "nauc_map_at_100_max": 27.56129936780716, + "nauc_map_at_100_std": 2.4766366012578596, + "nauc_map_at_10_diff1": 50.419141534275646, + "nauc_map_at_10_max": 27.356650851579005, + "nauc_map_at_10_std": 2.3350604474354455, + "nauc_map_at_1_diff1": 54.29468230013946, + "nauc_map_at_1_max": 22.58894354165319, + "nauc_map_at_1_std": -2.7297280069759613, + "nauc_map_at_20_diff1": 50.53772247796323, + "nauc_map_at_20_max": 27.47288741660889, + "nauc_map_at_20_std": 2.4731058048920134, + "nauc_map_at_3_diff1": 50.44147113679276, + "nauc_map_at_3_max": 26.61390529181397, + "nauc_map_at_3_std": 0.7317631152076722, + "nauc_map_at_5_diff1": 50.35927561260093, + "nauc_map_at_5_max": 27.171327197638924, + "nauc_map_at_5_std": 2.005685096668936, + "nauc_mrr_at_1000_diff1": 66.66956741241363, + "nauc_mrr_at_1000_max": 34.60696986415113, + "nauc_mrr_at_1000_std": -0.664668306469195, + "nauc_mrr_at_100_diff1": 66.66794471782865, + "nauc_mrr_at_100_max": 34.61677889901239, + "nauc_mrr_at_100_std": -0.656402933928221, + "nauc_mrr_at_10_diff1": 66.68304426013808, + "nauc_mrr_at_10_max": 34.73024103786049, + "nauc_mrr_at_10_std": -0.6353888738825407, + "nauc_mrr_at_1_diff1": 67.19771091736617, + "nauc_mrr_at_1_max": 29.860207317348003, + "nauc_mrr_at_1_std": -3.6568452043648385, + "nauc_mrr_at_20_diff1": 66.68308645971901, + "nauc_mrr_at_20_max": 34.714325975079156, + "nauc_mrr_at_20_std": -0.5677886371954249, + "nauc_mrr_at_3_diff1": 66.51153384715913, + "nauc_mrr_at_3_max": 34.452498948880596, + "nauc_mrr_at_3_std": -1.7332465728437143, + "nauc_mrr_at_5_diff1": 66.59225232490988, + "nauc_mrr_at_5_max": 34.7512528049011, + "nauc_mrr_at_5_std": -0.7375111171529252, + "nauc_ndcg_at_1000_diff1": 52.70447792725332, + "nauc_ndcg_at_1000_max": 31.099714402668877, + "nauc_ndcg_at_1000_std": 4.952576129141146, + "nauc_ndcg_at_100_diff1": 51.8680556343591, + "nauc_ndcg_at_100_max": 30.899433878567578, + "nauc_ndcg_at_100_std": 5.15165187665861, + "nauc_ndcg_at_10_diff1": 51.13133494726316, + "nauc_ndcg_at_10_max": 30.350385714960144, + "nauc_ndcg_at_10_std": 4.788310908509855, + "nauc_ndcg_at_1_diff1": 67.19771091736617, + "nauc_ndcg_at_1_max": 29.860207317348003, + "nauc_ndcg_at_1_std": -3.6568452043648385, + "nauc_ndcg_at_20_diff1": 51.430338783177845, + "nauc_ndcg_at_20_max": 30.66830067670468, + "nauc_ndcg_at_20_std": 5.321140832352313, + "nauc_ndcg_at_3_diff1": 52.45624793046263, + "nauc_ndcg_at_3_max": 29.934052260543847, + "nauc_ndcg_at_3_std": 1.5120530275817168, + "nauc_ndcg_at_5_diff1": 51.3969061446885, + "nauc_ndcg_at_5_max": 30.239907029985897, + "nauc_ndcg_at_5_std": 3.960594477502144, + "nauc_precision_at_1000_diff1": 1.0422268465313624, + "nauc_precision_at_1000_max": 15.84092949003887, + "nauc_precision_at_1000_std": 9.963760763573108, + "nauc_precision_at_100_diff1": 0.04282213273969017, + "nauc_precision_at_100_max": 20.801404126556278, + "nauc_precision_at_100_std": 14.868023073502593, + "nauc_precision_at_10_diff1": 12.009370034101515, + "nauc_precision_at_10_max": 31.401749097136626, + "nauc_precision_at_10_std": 20.31851789650492, + "nauc_precision_at_1_diff1": 67.19771091736617, + "nauc_precision_at_1_max": 29.860207317348003, + "nauc_precision_at_1_std": -3.6568452043648385, + "nauc_precision_at_20_diff1": 6.2515537022637835, + "nauc_precision_at_20_max": 27.36775832291631, + "nauc_precision_at_20_std": 20.08032001724466, + "nauc_precision_at_3_diff1": 35.00061054285493, + "nauc_precision_at_3_max": 37.27790982101606, + "nauc_precision_at_3_std": 9.236135982360096, + "nauc_precision_at_5_diff1": 22.165859212913382, + "nauc_precision_at_5_max": 35.223908290124776, + "nauc_precision_at_5_std": 17.42571822680717, + "nauc_recall_at_1000_diff1": 15.54216884685085, + "nauc_recall_at_1000_max": 47.34980103888308, + "nauc_recall_at_1000_std": 54.29278330007617, + "nauc_recall_at_100_diff1": 15.804892954178532, + "nauc_recall_at_100_max": 38.94488759227265, + "nauc_recall_at_100_std": 39.15674768221356, + "nauc_recall_at_10_diff1": 26.705107043813843, + "nauc_recall_at_10_max": 33.52349469470716, + "nauc_recall_at_10_std": 23.113004953511055, + "nauc_recall_at_1_diff1": 54.29468230013946, + "nauc_recall_at_1_max": 22.58894354165319, + "nauc_recall_at_1_std": -2.7297280069759613, + "nauc_recall_at_20_diff1": 23.16005062188733, + "nauc_recall_at_20_max": 35.90277692951498, + "nauc_recall_at_20_std": 30.83357455111629, + "nauc_recall_at_3_diff1": 37.845329065879305, + "nauc_recall_at_3_max": 29.827530624825272, + "nauc_recall_at_3_std": 6.738499485390652, + "nauc_recall_at_5_diff1": 32.32928010117198, + "nauc_recall_at_5_max": 32.14388883263825, + "nauc_recall_at_5_std": 16.086201199214255, + "ndcg_at_1": 78.38300000000001, + "ndcg_at_10": 84.936, + "ndcg_at_100": 85.794, + "ndcg_at_1000": 86.075, + "ndcg_at_20": 85.341, + "ndcg_at_3": 83.22800000000001, + "ndcg_at_5": 84.224, + "precision_at_1": 78.38300000000001, + "precision_at_10": 10.181999999999999, + "precision_at_100": 1.081, + "precision_at_1000": 0.11199999999999999, + "precision_at_20": 5.209, + "precision_at_3": 31.852999999999998, + "precision_at_5": 19.778000000000002, + "recall_at_1": 72.57400000000001, + "recall_at_10": 92.166, + "recall_at_100": 95.634, + "recall_at_1000": 97.432, + "recall_at_20": 93.577, + "recall_at_3": 87.46000000000001, + "recall_at_5": 90.044 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/FiQA2018.json b/results/abhinand__MedEmbed-small-v0.1/external/FiQA2018.json new file mode 100644 index 000000000..87b44a1b6 --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/FiQA2018.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 38.496, + "map_at_1": 19.184, + "map_at_10": 31.161, + "map_at_100": 33.043, + "map_at_1000": 33.232, + "map_at_20": 32.226, + "map_at_3": 27.607, + "map_at_5": 29.499, + "mrr_at_1": 37.808641975308646, + "mrr_at_10": 46.674382716049365, + "mrr_at_100": 47.52932976593473, + "mrr_at_1000": 47.58129814456106, + "mrr_at_20": 47.16211081543323, + "mrr_at_3": 44.753086419753096, + "mrr_at_5": 45.70216049382716, + "nauc_map_at_1000_diff1": 41.13556588085034, + "nauc_map_at_1000_max": 26.446518169258436, + "nauc_map_at_1000_std": 4.947054879978255, + "nauc_map_at_100_diff1": 41.07818713362254, + "nauc_map_at_100_max": 26.358031657016213, + "nauc_map_at_100_std": 4.962050092923268, + "nauc_map_at_10_diff1": 41.44482937397835, + "nauc_map_at_10_max": 25.721025003207565, + "nauc_map_at_10_std": 3.329956561698185, + "nauc_map_at_1_diff1": 46.26531369764426, + "nauc_map_at_1_max": 18.364933647270643, + "nauc_map_at_1_std": -2.262414956846059, + "nauc_map_at_20_diff1": 41.02884195313503, + "nauc_map_at_20_max": 25.825932384455264, + "nauc_map_at_20_std": 4.228083176777648, + "nauc_map_at_3_diff1": 43.106018762558875, + "nauc_map_at_3_max": 24.77226948960475, + "nauc_map_at_3_std": 1.8680539073320452, + "nauc_map_at_5_diff1": 42.15001342294521, + "nauc_map_at_5_max": 25.226226502657116, + "nauc_map_at_5_std": 2.2239341498092804, + "nauc_mrr_at_1000_diff1": 45.75815475829176, + "nauc_mrr_at_1000_max": 33.16308247045093, + "nauc_mrr_at_1000_std": 4.865912289812554, + "nauc_mrr_at_100_diff1": 45.72090839837304, + "nauc_mrr_at_100_max": 33.146147463070754, + "nauc_mrr_at_100_std": 4.894576902832264, + "nauc_mrr_at_10_diff1": 45.64332996509239, + "nauc_mrr_at_10_max": 33.406770043256024, + "nauc_mrr_at_10_std": 4.39074822608675, + "nauc_mrr_at_1_diff1": 48.924390583495665, + "nauc_mrr_at_1_max": 30.378798819048026, + "nauc_mrr_at_1_std": 1.941425436753191, + "nauc_mrr_at_20_diff1": 45.690917800161515, + "nauc_mrr_at_20_max": 33.10823443798682, + "nauc_mrr_at_20_std": 4.779855297102603, + "nauc_mrr_at_3_diff1": 46.204867899757055, + "nauc_mrr_at_3_max": 33.30076707231032, + "nauc_mrr_at_3_std": 4.507678674711717, + "nauc_mrr_at_5_diff1": 45.811627759116455, + "nauc_mrr_at_5_max": 33.37895652871395, + "nauc_mrr_at_5_std": 4.501784832453282, + "nauc_ndcg_at_1000_diff1": 41.6125334158319, + "nauc_ndcg_at_1000_max": 30.16303539863395, + "nauc_ndcg_at_1000_std": 9.320860296325897, + "nauc_ndcg_at_100_diff1": 40.58309967897852, + "nauc_ndcg_at_100_max": 29.266226796484496, + "nauc_ndcg_at_100_std": 10.31534341767162, + "nauc_ndcg_at_10_diff1": 41.05940444122101, + "nauc_ndcg_at_10_max": 27.96328418422611, + "nauc_ndcg_at_10_std": 4.692298775524114, + "nauc_ndcg_at_1_diff1": 48.924390583495665, + "nauc_ndcg_at_1_max": 30.378798819048026, + "nauc_ndcg_at_1_std": 1.941425436753191, + "nauc_ndcg_at_20_diff1": 40.157160957917014, + "nauc_ndcg_at_20_max": 27.493518163331522, + "nauc_ndcg_at_20_std": 6.809059359656342, + "nauc_ndcg_at_3_diff1": 41.63951276991973, + "nauc_ndcg_at_3_max": 29.15518654994495, + "nauc_ndcg_at_3_std": 4.836914696725136, + "nauc_ndcg_at_5_diff1": 41.325178314736036, + "nauc_ndcg_at_5_max": 28.050168266490928, + "nauc_ndcg_at_5_std": 3.898848874816655, + "nauc_precision_at_1000_diff1": 0.9996077037868993, + "nauc_precision_at_1000_max": 23.48150040925757, + "nauc_precision_at_1000_std": 12.864187472849862, + "nauc_precision_at_100_diff1": 6.832487632948481, + "nauc_precision_at_100_max": 26.9080049604059, + "nauc_precision_at_100_std": 20.278561164143323, + "nauc_precision_at_10_diff1": 18.571173078039145, + "nauc_precision_at_10_max": 29.625927319287975, + "nauc_precision_at_10_std": 12.543363741883576, + "nauc_precision_at_1_diff1": 48.924390583495665, + "nauc_precision_at_1_max": 30.378798819048026, + "nauc_precision_at_1_std": 1.941425436753191, + "nauc_precision_at_20_diff1": 13.515647907611536, + "nauc_precision_at_20_max": 26.353132950858065, + "nauc_precision_at_20_std": 14.887387015957195, + "nauc_precision_at_3_diff1": 28.87824381197347, + "nauc_precision_at_3_max": 30.99331486275142, + "nauc_precision_at_3_std": 9.310818980550453, + "nauc_precision_at_5_diff1": 23.21025248054266, + "nauc_precision_at_5_max": 29.580877930541057, + "nauc_precision_at_5_std": 9.593048125924087, + "nauc_recall_at_1000_diff1": 30.10835562862456, + "nauc_recall_at_1000_max": 24.149255779667854, + "nauc_recall_at_1000_std": 37.07994398705662, + "nauc_recall_at_100_diff1": 26.12210815380886, + "nauc_recall_at_100_max": 22.570853805396553, + "nauc_recall_at_100_std": 29.144304590338294, + "nauc_recall_at_10_diff1": 31.94641026009961, + "nauc_recall_at_10_max": 22.175120874773736, + "nauc_recall_at_10_std": 4.761095246287363, + "nauc_recall_at_1_diff1": 46.26531369764426, + "nauc_recall_at_1_max": 18.364933647270643, + "nauc_recall_at_1_std": -2.262414956846059, + "nauc_recall_at_20_diff1": 27.64677435734486, + "nauc_recall_at_20_max": 19.516676410346868, + "nauc_recall_at_20_std": 10.872851154845188, + "nauc_recall_at_3_diff1": 36.71090149814694, + "nauc_recall_at_3_max": 23.731583063719967, + "nauc_recall_at_3_std": 3.003592433785659, + "nauc_recall_at_5_diff1": 34.94516645771627, + "nauc_recall_at_5_max": 22.485817201833626, + "nauc_recall_at_5_std": 2.8783986999083204, + "ndcg_at_1": 37.809, + "ndcg_at_10": 38.496, + "ndcg_at_100": 45.251000000000005, + "ndcg_at_1000": 48.583999999999996, + "ndcg_at_20": 41.136, + "ndcg_at_3": 35.759, + "ndcg_at_5": 36.291000000000004, + "precision_at_1": 37.809, + "precision_at_10": 10.602, + "precision_at_100": 1.7590000000000001, + "precision_at_1000": 0.233, + "precision_at_20": 6.465999999999999, + "precision_at_3": 24.279999999999998, + "precision_at_5": 17.438000000000002, + "recall_at_1": 19.184, + "recall_at_10": 44.335, + "recall_at_100": 69.11500000000001, + "recall_at_1000": 89.441, + "recall_at_20": 52.193, + "recall_at_3": 32.61, + "recall_at_5": 37.018 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/HotpotQA.json b/results/abhinand__MedEmbed-small-v0.1/external/HotpotQA.json new file mode 100644 index 000000000..06b2e23cd --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/HotpotQA.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 69.21000000000001, + "map_at_1": 38.785, + "map_at_10": 60.838, + "map_at_100": 61.696, + "map_at_1000": 61.758, + "map_at_20": 61.328, + "map_at_3": 57.521, + "map_at_5": 59.618, + "mrr_at_1": 77.5692099932478, + "mrr_at_10": 83.49855310118625, + "mrr_at_100": 83.66645235605773, + "mrr_at_1000": 83.67374499665621, + "mrr_at_20": 83.6002145349913, + "mrr_at_3": 82.49155975692081, + "mrr_at_5": 83.17825793382818, + "nauc_map_at_1000_diff1": 18.956900221394175, + "nauc_map_at_1000_max": 16.964305368821428, + "nauc_map_at_1000_std": 15.655849134524265, + "nauc_map_at_100_diff1": 18.929114512218085, + "nauc_map_at_100_max": 16.94710742970695, + "nauc_map_at_100_std": 15.674964988072324, + "nauc_map_at_10_diff1": 18.782047255838393, + "nauc_map_at_10_max": 16.797329471843735, + "nauc_map_at_10_std": 15.135148500192287, + "nauc_map_at_1_diff1": 67.2370046355765, + "nauc_map_at_1_max": 45.20986007464327, + "nauc_map_at_1_std": 5.491336801263256, + "nauc_map_at_20_diff1": 18.86964339327235, + "nauc_map_at_20_max": 16.832263221676456, + "nauc_map_at_20_std": 15.484857381790839, + "nauc_map_at_3_diff1": 19.42608968562529, + "nauc_map_at_3_max": 16.528325865015052, + "nauc_map_at_3_std": 12.534151821941256, + "nauc_map_at_5_diff1": 18.832060314354084, + "nauc_map_at_5_max": 16.674177380965602, + "nauc_map_at_5_std": 14.243688579695046, + "nauc_mrr_at_1000_diff1": 66.1869057892041, + "nauc_mrr_at_1000_max": 47.004199753631724, + "nauc_mrr_at_1000_std": 8.368361737748069, + "nauc_mrr_at_100_diff1": 66.18828485330391, + "nauc_mrr_at_100_max": 47.01194361501428, + "nauc_mrr_at_100_std": 8.382829386160866, + "nauc_mrr_at_10_diff1": 66.16092867475533, + "nauc_mrr_at_10_max": 47.07790111504346, + "nauc_mrr_at_10_std": 8.464495756292754, + "nauc_mrr_at_1_diff1": 67.2370046355765, + "nauc_mrr_at_1_max": 45.20986007464327, + "nauc_mrr_at_1_std": 5.491336801263256, + "nauc_mrr_at_20_diff1": 66.1793742427507, + "nauc_mrr_at_20_max": 47.02809343642448, + "nauc_mrr_at_20_std": 8.386363287213086, + "nauc_mrr_at_3_diff1": 66.16684538242693, + "nauc_mrr_at_3_max": 47.142557308711616, + "nauc_mrr_at_3_std": 8.141804487345757, + "nauc_mrr_at_5_diff1": 65.96429788916728, + "nauc_mrr_at_5_max": 46.93768012767146, + "nauc_mrr_at_5_std": 8.208692767558844, + "nauc_ndcg_at_1000_diff1": 24.84858425094176, + "nauc_ndcg_at_1000_max": 21.82162743473047, + "nauc_ndcg_at_1000_std": 18.342909152128044, + "nauc_ndcg_at_100_diff1": 24.085422928773593, + "nauc_ndcg_at_100_max": 21.3499532544156, + "nauc_ndcg_at_100_std": 18.844827203764993, + "nauc_ndcg_at_10_diff1": 23.623559226099033, + "nauc_ndcg_at_10_max": 20.690583026235615, + "nauc_ndcg_at_10_std": 16.715017586341173, + "nauc_ndcg_at_1_diff1": 67.2370046355765, + "nauc_ndcg_at_1_max": 45.20986007464327, + "nauc_ndcg_at_1_std": 5.491336801263256, + "nauc_ndcg_at_20_diff1": 23.713499963173195, + "nauc_ndcg_at_20_max": 20.668447040323397, + "nauc_ndcg_at_20_std": 17.629112144669932, + "nauc_ndcg_at_3_diff1": 25.27768681334773, + "nauc_ndcg_at_3_max": 20.828823134048164, + "nauc_ndcg_at_3_std": 12.70796767520854, + "nauc_ndcg_at_5_diff1": 23.89598796213276, + "nauc_ndcg_at_5_max": 20.58599241532738, + "nauc_ndcg_at_5_std": 14.95835803756551, + "nauc_precision_at_1000_diff1": -3.4292836680950116, + "nauc_precision_at_1000_max": 11.313613371375729, + "nauc_precision_at_1000_std": 45.62746731220966, + "nauc_precision_at_100_diff1": 1.506841269626321, + "nauc_precision_at_100_max": 11.036489056981475, + "nauc_precision_at_100_std": 37.47159150833276, + "nauc_precision_at_10_diff1": 6.95635710197309, + "nauc_precision_at_10_max": 11.562888984720791, + "nauc_precision_at_10_std": 23.511130408518152, + "nauc_precision_at_1_diff1": 67.2370046355765, + "nauc_precision_at_1_max": 45.20986007464327, + "nauc_precision_at_1_std": 5.491336801263256, + "nauc_precision_at_20_diff1": 5.505741459315741, + "nauc_precision_at_20_max": 10.507089080488106, + "nauc_precision_at_20_std": 27.23927147632133, + "nauc_precision_at_3_diff1": 13.412154109447352, + "nauc_precision_at_3_max": 13.930584715797645, + "nauc_precision_at_3_std": 15.064854663569433, + "nauc_precision_at_5_diff1": 9.659656667775913, + "nauc_precision_at_5_max": 12.713155451309499, + "nauc_precision_at_5_std": 19.270448197611838, + "nauc_recall_at_1000_diff1": -3.4292836680946994, + "nauc_recall_at_1000_max": 11.313613371375997, + "nauc_recall_at_1000_std": 45.62746731220985, + "nauc_recall_at_100_diff1": 1.5068412696263371, + "nauc_recall_at_100_max": 11.036489056981324, + "nauc_recall_at_100_std": 37.471591508332594, + "nauc_recall_at_10_diff1": 6.956357101973093, + "nauc_recall_at_10_max": 11.562888984720738, + "nauc_recall_at_10_std": 23.51113040851825, + "nauc_recall_at_1_diff1": 67.2370046355765, + "nauc_recall_at_1_max": 45.20986007464327, + "nauc_recall_at_1_std": 5.491336801263256, + "nauc_recall_at_20_diff1": 5.505741459315786, + "nauc_recall_at_20_max": 10.507089080488091, + "nauc_recall_at_20_std": 27.2392714763214, + "nauc_recall_at_3_diff1": 13.412154109447364, + "nauc_recall_at_3_max": 13.930584715797615, + "nauc_recall_at_3_std": 15.064854663569433, + "nauc_recall_at_5_diff1": 9.659656667775886, + "nauc_recall_at_5_max": 12.713155451309596, + "nauc_recall_at_5_std": 19.270448197611813, + "ndcg_at_1": 77.569, + "ndcg_at_10": 69.21000000000001, + "ndcg_at_100": 72.21499999999999, + "ndcg_at_1000": 73.418, + "ndcg_at_20": 70.407, + "ndcg_at_3": 64.5, + "ndcg_at_5": 67.183, + "precision_at_1": 77.569, + "precision_at_10": 14.435999999999998, + "precision_at_100": 1.68, + "precision_at_1000": 0.184, + "precision_at_20": 7.602, + "precision_at_3": 41.215, + "precision_at_5": 26.844, + "recall_at_1": 38.785, + "recall_at_10": 72.181, + "recall_at_100": 84.018, + "recall_at_1000": 91.972, + "recall_at_20": 76.023, + "recall_at_3": 61.82299999999999, + "recall_at_5": 67.11 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/ImdbClassification.json b/results/abhinand__MedEmbed-small-v0.1/external/ImdbClassification.json new file mode 100644 index 000000000..804e55e71 --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/ImdbClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.30639999999998, + "ap": 87.52850875096853, + "ap_weighted": 87.52850875096853, + "f1": 91.29841749475374, + "f1_weighted": 91.29841749475374, + "main_score": 91.30639999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/MSMARCO.json b/results/abhinand__MedEmbed-small-v0.1/external/MSMARCO.json new file mode 100644 index 000000000..345064279 --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/MSMARCO.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 69.801, + "map_at_1": 2.451, + "map_at_10": 15.669, + "map_at_100": 38.479, + "map_at_1000": 45.692, + "map_at_20": 22.442, + "map_at_3": 6.361999999999999, + "map_at_5": 9.041, + "mrr_at_1": 93.02325581395348, + "mrr_at_10": 95.63953488372093, + "mrr_at_100": 95.63953488372093, + "mrr_at_1000": 95.63953488372093, + "mrr_at_20": 95.63953488372093, + "mrr_at_3": 95.34883720930233, + "mrr_at_5": 95.34883720930233, + "nauc_map_at_1000_diff1": -34.77360607000261, + "nauc_map_at_1000_max": 37.105245787173835, + "nauc_map_at_1000_std": 38.520309199886455, + "nauc_map_at_100_diff1": -21.42480611783042, + "nauc_map_at_100_max": 20.50633133517426, + "nauc_map_at_100_std": 17.726069370578543, + "nauc_map_at_10_diff1": -1.1900473891638557, + "nauc_map_at_10_max": -4.327696460661841, + "nauc_map_at_10_std": -22.9353425409415, + "nauc_map_at_1_diff1": 8.887948006513117, + "nauc_map_at_1_max": -28.392221850180484, + "nauc_map_at_1_std": -36.713671179054636, + "nauc_map_at_20_diff1": -4.063108213547096, + "nauc_map_at_20_max": 2.5748738626205303, + "nauc_map_at_20_std": -13.84602498035036, + "nauc_map_at_3_diff1": 2.242735363640109, + "nauc_map_at_3_max": -22.59145084951087, + "nauc_map_at_3_std": -34.62574649864125, + "nauc_map_at_5_diff1": 0.6216057852370439, + "nauc_map_at_5_max": -13.727700828370892, + "nauc_map_at_5_std": -29.642718215652135, + "nauc_mrr_at_1000_diff1": -26.460535747732973, + "nauc_mrr_at_1000_max": 66.59497826279839, + "nauc_mrr_at_1000_std": 43.162508643477295, + "nauc_mrr_at_100_diff1": -26.460535747732973, + "nauc_mrr_at_100_max": 66.59497826279839, + "nauc_mrr_at_100_std": 43.162508643477295, + "nauc_mrr_at_10_diff1": -26.460535747732973, + "nauc_mrr_at_10_max": 66.59497826279839, + "nauc_mrr_at_10_std": 43.162508643477295, + "nauc_mrr_at_1_diff1": -4.79052153792628, + "nauc_mrr_at_1_max": 74.2862212758406, + "nauc_mrr_at_1_std": 28.953135804346815, + "nauc_mrr_at_20_diff1": -26.460535747732973, + "nauc_mrr_at_20_max": 66.59497826279839, + "nauc_mrr_at_20_std": 43.162508643477295, + "nauc_mrr_at_3_diff1": -31.878039300184707, + "nauc_mrr_at_3_max": 64.67216750953789, + "nauc_mrr_at_3_std": 46.71485185326015, + "nauc_mrr_at_5_diff1": -31.878039300184707, + "nauc_mrr_at_5_max": 64.67216750953789, + "nauc_mrr_at_5_std": 46.71485185326015, + "nauc_ndcg_at_1000_diff1": -44.15085027848325, + "nauc_ndcg_at_1000_max": 56.25521046667954, + "nauc_ndcg_at_1000_std": 46.36970379223632, + "nauc_ndcg_at_100_diff1": -39.50083793730437, + "nauc_ndcg_at_100_max": 41.82457895330969, + "nauc_ndcg_at_100_std": 43.75463835115521, + "nauc_ndcg_at_10_diff1": -20.601212170311666, + "nauc_ndcg_at_10_max": 39.636237142037565, + "nauc_ndcg_at_10_std": 19.452478646271373, + "nauc_ndcg_at_1_diff1": 22.80050548927079, + "nauc_ndcg_at_1_max": 31.358862371469264, + "nauc_ndcg_at_1_std": -7.142182820398638, + "nauc_ndcg_at_20_diff1": -34.11753790748588, + "nauc_ndcg_at_20_max": 32.1122313276435, + "nauc_ndcg_at_20_std": 28.105554366760018, + "nauc_ndcg_at_3_diff1": 2.6372016977509594, + "nauc_ndcg_at_3_max": 35.156005404237845, + "nauc_ndcg_at_3_std": 6.261468803699801, + "nauc_ndcg_at_5_diff1": -9.474268053778937, + "nauc_ndcg_at_5_max": 33.21925931881887, + "nauc_ndcg_at_5_std": 7.458434415980239, + "nauc_precision_at_1000_diff1": -40.07799532530941, + "nauc_precision_at_1000_max": 31.156456417174205, + "nauc_precision_at_1000_std": 48.27480631876068, + "nauc_precision_at_100_diff1": -42.02250569966725, + "nauc_precision_at_100_max": 33.58973907303474, + "nauc_precision_at_100_std": 55.06366799570662, + "nauc_precision_at_10_diff1": -49.71439650639399, + "nauc_precision_at_10_max": 58.113349127681545, + "nauc_precision_at_10_std": 55.03130750422891, + "nauc_precision_at_1_diff1": -4.79052153792628, + "nauc_precision_at_1_max": 74.2862212758406, + "nauc_precision_at_1_std": 28.953135804346815, + "nauc_precision_at_20_diff1": -44.7658587995923, + "nauc_precision_at_20_max": 37.95609687942612, + "nauc_precision_at_20_std": 50.32119458805291, + "nauc_precision_at_3_diff1": -46.00414842286393, + "nauc_precision_at_3_max": 61.74015379253264, + "nauc_precision_at_3_std": 56.4136278482117, + "nauc_precision_at_5_diff1": -51.7601573366637, + "nauc_precision_at_5_max": 55.953703102236965, + "nauc_precision_at_5_std": 51.41803894746122, + "nauc_recall_at_1000_diff1": -47.522392809524945, + "nauc_recall_at_1000_max": 53.589786470310806, + "nauc_recall_at_1000_std": 46.470512981921274, + "nauc_recall_at_100_diff1": -15.907347162724578, + "nauc_recall_at_100_max": 21.680423810119056, + "nauc_recall_at_100_std": 15.973645761855645, + "nauc_recall_at_10_diff1": 0.10781311427713663, + "nauc_recall_at_10_max": -9.277386241567552, + "nauc_recall_at_10_std": -24.949282177180258, + "nauc_recall_at_1_diff1": 8.887948006513117, + "nauc_recall_at_1_max": -28.392221850180484, + "nauc_recall_at_1_std": -36.713671179054636, + "nauc_recall_at_20_diff1": -2.930230134017464, + "nauc_recall_at_20_max": -1.739131611687823, + "nauc_recall_at_20_std": -16.2461103824525, + "nauc_recall_at_3_diff1": 1.7811229328074583, + "nauc_recall_at_3_max": -24.815459645928094, + "nauc_recall_at_3_std": -34.963317879895826, + "nauc_recall_at_5_diff1": -0.07179290440344144, + "nauc_recall_at_5_max": -17.45693684826598, + "nauc_recall_at_5_std": -31.10276136562734, + "ndcg_at_1": 74.419, + "ndcg_at_10": 69.801, + "ndcg_at_100": 62.514, + "ndcg_at_1000": 69.173, + "ndcg_at_20": 66.247, + "ndcg_at_3": 72.752, + "ndcg_at_5": 70.795, + "precision_at_1": 93.023, + "precision_at_10": 79.767, + "precision_at_100": 37.023, + "precision_at_1000": 6.63, + "precision_at_20": 67.907, + "precision_at_3": 86.822, + "precision_at_5": 83.256, + "recall_at_1": 2.451, + "recall_at_10": 17.041, + "recall_at_100": 50.346999999999994, + "recall_at_1000": 74.842, + "recall_at_20": 24.94, + "recall_at_3": 6.548, + "recall_at_5": 9.497 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/MTOPDomainClassification.json b/results/abhinand__MedEmbed-small-v0.1/external/MTOPDomainClassification.json new file mode 100644 index 000000000..a4fc5156e --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/MTOPDomainClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.49202006383948, + "f1": 92.33980048261546, + "f1_weighted": 92.44985105058221, + "main_score": 92.49202006383948 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/MTOPIntentClassification.json b/results/abhinand__MedEmbed-small-v0.1/external/MTOPIntentClassification.json new file mode 100644 index 000000000..00ab8a3c6 --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/MTOPIntentClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 63.23301413588691, + "f1": 44.554720819218964, + "f1_weighted": 65.47524300339032, + "main_score": 63.23301413588691 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/MassiveIntentClassification.json b/results/abhinand__MedEmbed-small-v0.1/external/MassiveIntentClassification.json new file mode 100644 index 000000000..b5f5ee06b --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/MassiveIntentClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "4672e20407010da34463acc759c162ca9734bca6", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.43375924680566, + "f1": 68.02391267335155, + "f1_weighted": 69.25139312466567, + "main_score": 70.43375924680566 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/MassiveScenarioClassification.json b/results/abhinand__MedEmbed-small-v0.1/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..e8522fc02 --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/MassiveScenarioClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "fad2c6e8459f9e1c45d9315f4953d921437d70f8", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.12104909213181, + "f1": 74.58688682730612, + "f1_weighted": 74.76872548200055, + "main_score": 75.12104909213181 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/MedicalQARetrieval.json b/results/abhinand__MedEmbed-small-v0.1/external/MedicalQARetrieval.json new file mode 100644 index 000000000..9b850a9ab --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/MedicalQARetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ae763399273d8b20506b80cf6f6f9a31a6a2b238", + "task_name": "MedicalQARetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 70.316, + "map_at_1": 55.762, + "map_at_10": 65.617, + "map_at_100": 66.07499999999999, + "map_at_1000": 66.098, + "map_at_20": 65.926, + "map_at_3": 63.46000000000001, + "map_at_5": 64.81, + "mrr_at_1": 55.76171875, + "mrr_at_10": 65.61734638516852, + "mrr_at_100": 66.07564323944077, + "mrr_at_1000": 66.09885409027784, + "mrr_at_20": 65.92394787011318, + "mrr_at_3": 63.46028645833318, + "mrr_at_5": 64.81038411458326, + "nauc_map_at_1000_diff1": 55.117921948917704, + "nauc_map_at_1000_max": 40.329646871994434, + "nauc_map_at_1000_std": -2.7447494458084516, + "nauc_map_at_100_diff1": 55.08707565824308, + "nauc_map_at_100_max": 40.35427405860057, + "nauc_map_at_100_std": -2.7521388878942994, + "nauc_map_at_10_diff1": 54.987359148416616, + "nauc_map_at_10_max": 40.2168179457375, + "nauc_map_at_10_std": -2.978624864409744, + "nauc_map_at_1_diff1": 61.239951679175974, + "nauc_map_at_1_max": 39.49150430490776, + "nauc_map_at_1_std": -1.8142615816830427, + "nauc_map_at_20_diff1": 54.980346172896766, + "nauc_map_at_20_max": 40.388274220840984, + "nauc_map_at_20_std": -2.7917130558799648, + "nauc_map_at_3_diff1": 55.540250455236176, + "nauc_map_at_3_max": 39.01408945261429, + "nauc_map_at_3_std": -2.804709321224132, + "nauc_map_at_5_diff1": 55.17728028457556, + "nauc_map_at_5_max": 39.67456707836799, + "nauc_map_at_5_std": -2.9985665760830456, + "nauc_mrr_at_1000_diff1": 55.119408854006814, + "nauc_mrr_at_1000_max": 40.386764886119956, + "nauc_mrr_at_1000_std": -2.5256541513637263, + "nauc_mrr_at_100_diff1": 55.08855646650919, + "nauc_mrr_at_100_max": 40.41133635338564, + "nauc_mrr_at_100_std": -2.533239161326411, + "nauc_mrr_at_10_diff1": 54.988649543503385, + "nauc_mrr_at_10_max": 40.27285482782524, + "nauc_mrr_at_10_std": -2.762984128910569, + "nauc_mrr_at_1_diff1": 61.239951679175974, + "nauc_mrr_at_1_max": 39.586560519712386, + "nauc_mrr_at_1_std": -1.4746589950499525, + "nauc_mrr_at_20_diff1": 54.985183128082305, + "nauc_mrr_at_20_max": 40.448217601766494, + "nauc_mrr_at_20_std": -2.575271717637722, + "nauc_mrr_at_3_diff1": 55.540250455236176, + "nauc_mrr_at_3_max": 39.051677641594125, + "nauc_mrr_at_3_std": -2.5883569220502896, + "nauc_mrr_at_5_diff1": 55.17728028457556, + "nauc_mrr_at_5_max": 39.71664203575019, + "nauc_mrr_at_5_std": -2.770350063430267, + "nauc_ndcg_at_1000_diff1": 53.6068186160231, + "nauc_ndcg_at_1000_max": 41.16895263409432, + "nauc_ndcg_at_1000_std": -2.668077069688034, + "nauc_ndcg_at_100_diff1": 52.72931924038622, + "nauc_ndcg_at_100_max": 41.92759552302126, + "nauc_ndcg_at_100_std": -2.5890899194293304, + "nauc_ndcg_at_10_diff1": 52.007628100401234, + "nauc_ndcg_at_10_max": 41.737827206310705, + "nauc_ndcg_at_10_std": -3.542176180209694, + "nauc_ndcg_at_1_diff1": 61.239951679175974, + "nauc_ndcg_at_1_max": 39.49150430490776, + "nauc_ndcg_at_1_std": -1.8142615816830427, + "nauc_ndcg_at_20_diff1": 51.847691200116586, + "nauc_ndcg_at_20_max": 42.42280333674705, + "nauc_ndcg_at_20_std": -2.850352004423232, + "nauc_ndcg_at_3_diff1": 53.51791263993053, + "nauc_ndcg_at_3_max": 38.862920843577655, + "nauc_ndcg_at_3_std": -3.187427589360101, + "nauc_ndcg_at_5_diff1": 52.645322320026466, + "nauc_ndcg_at_5_max": 40.18836539232817, + "nauc_ndcg_at_5_std": -3.615361739188517, + "nauc_precision_at_1000_diff1": 41.51993887005676, + "nauc_precision_at_1000_max": 31.92569580445928, + "nauc_precision_at_1000_std": 13.578742907797217, + "nauc_precision_at_100_diff1": 21.604666213166603, + "nauc_precision_at_100_max": 67.69955190694637, + "nauc_precision_at_100_std": 4.356106302996764, + "nauc_precision_at_10_diff1": 35.06077106721305, + "nauc_precision_at_10_max": 51.73865588486901, + "nauc_precision_at_10_std": -6.637691880259535, + "nauc_precision_at_1_diff1": 61.239951679175974, + "nauc_precision_at_1_max": 39.49150430490776, + "nauc_precision_at_1_std": -1.8142615816830427, + "nauc_precision_at_20_diff1": 27.691560548393458, + "nauc_precision_at_20_max": 60.735172992308385, + "nauc_precision_at_20_std": -2.087850725674345, + "nauc_precision_at_3_diff1": 46.443339144235736, + "nauc_precision_at_3_max": 38.34121270977754, + "nauc_precision_at_3_std": -4.53847034769947, + "nauc_precision_at_5_diff1": 41.99220857335789, + "nauc_precision_at_5_max": 42.64971733556552, + "nauc_precision_at_5_std": -6.288726238529177, + "nauc_recall_at_1000_diff1": 41.51993887005676, + "nauc_recall_at_1000_max": 31.925695804460947, + "nauc_recall_at_1000_std": 13.578742907798885, + "nauc_recall_at_100_diff1": 21.604666213166638, + "nauc_recall_at_100_max": 67.69955190694643, + "nauc_recall_at_100_std": 4.356106302997579, + "nauc_recall_at_10_diff1": 35.060771067213025, + "nauc_recall_at_10_max": 51.738655884869054, + "nauc_recall_at_10_std": -6.637691880259386, + "nauc_recall_at_1_diff1": 61.239951679175974, + "nauc_recall_at_1_max": 39.49150430490776, + "nauc_recall_at_1_std": -1.8142615816830427, + "nauc_recall_at_20_diff1": 27.691560548393547, + "nauc_recall_at_20_max": 60.73517299230855, + "nauc_recall_at_20_std": -2.0878507256741576, + "nauc_recall_at_3_diff1": 46.44333914423575, + "nauc_recall_at_3_max": 38.34121270977744, + "nauc_recall_at_3_std": -4.538470347699562, + "nauc_recall_at_5_diff1": 41.992208573358035, + "nauc_recall_at_5_max": 42.64971733556567, + "nauc_recall_at_5_std": -6.2887262385288984, + "ndcg_at_1": 55.762, + "ndcg_at_10": 70.316, + "ndcg_at_100": 72.499, + "ndcg_at_1000": 73.08, + "ndcg_at_20": 71.416, + "ndcg_at_3": 65.926, + "ndcg_at_5": 68.35900000000001, + "precision_at_1": 55.762, + "precision_at_10": 8.501, + "precision_at_100": 0.9520000000000001, + "precision_at_1000": 0.1, + "precision_at_20": 4.465, + "precision_at_3": 24.349, + "precision_at_5": 15.791, + "recall_at_1": 55.762, + "recall_at_10": 85.00999999999999, + "recall_at_100": 95.166, + "recall_at_1000": 99.658, + "recall_at_20": 89.307, + "recall_at_3": 73.047, + "recall_at_5": 78.955 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/MedrxivClusteringP2P.json b/results/abhinand__MedEmbed-small-v0.1/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..9a3ada36e --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/MedrxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 32.88590429483386, + "v_measure": 32.88590429483386, + "v_measure_std": 1.2486157627386651 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/MedrxivClusteringS2S.json b/results/abhinand__MedEmbed-small-v0.1/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..ae42d4eb9 --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/MedrxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 30.63686758451441, + "v_measure": 30.63686758451441, + "v_measure_std": 1.5635535104381142 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/MindSmallReranking.json b/results/abhinand__MedEmbed-small-v0.1/external/MindSmallReranking.json new file mode 100644 index 000000000..588c2b393 --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/MindSmallReranking.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "59042f120c80e8afa9cdbb224f67076cec0fc9a7", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 31.716756843517015, + "map": 31.716756843517015, + "mrr": 32.866394172957655, + "nAUC_map_diff1": 15.654229044661353, + "nAUC_map_max": -22.25897993906556, + "nAUC_map_std": 0.367638815729836, + "nAUC_mrr_diff1": 14.466390859042203, + "nAUC_mrr_max": -16.66565819268613, + "nAUC_mrr_std": 1.389862783951572 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/NFCorpus.json b/results/abhinand__MedEmbed-small-v0.1/external/NFCorpus.json new file mode 100644 index 000000000..bb6faab2a --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/NFCorpus.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 34.777, + "map_at_1": 6.0249999999999995, + "map_at_10": 13.017999999999999, + "map_at_100": 16.358, + "map_at_1000": 17.801000000000002, + "map_at_20": 14.563, + "map_at_3": 9.611, + "map_at_5": 11.136, + "mrr_at_1": 44.58204334365325, + "mrr_at_10": 53.830655069045164, + "mrr_at_100": 54.46820987161318, + "mrr_at_1000": 54.511938990208975, + "mrr_at_20": 54.285959410205784, + "mrr_at_3": 52.167182662538714, + "mrr_at_5": 53.1733746130031, + "nauc_map_at_1000_diff1": 25.967815322021565, + "nauc_map_at_1000_max": 28.327078445483668, + "nauc_map_at_1000_std": 19.120652749371374, + "nauc_map_at_100_diff1": 26.951232790374526, + "nauc_map_at_100_max": 26.902092532931434, + "nauc_map_at_100_std": 15.699072220565489, + "nauc_map_at_10_diff1": 31.257086882033242, + "nauc_map_at_10_max": 20.52720655255051, + "nauc_map_at_10_std": 4.404750581767724, + "nauc_map_at_1_diff1": 47.62591630591148, + "nauc_map_at_1_max": 9.558540429651298, + "nauc_map_at_1_std": -6.045890488872336, + "nauc_map_at_20_diff1": 28.474824272816917, + "nauc_map_at_20_max": 23.333197224732306, + "nauc_map_at_20_std": 9.263916337302483, + "nauc_map_at_3_diff1": 38.471834690020316, + "nauc_map_at_3_max": 13.696518596133291, + "nauc_map_at_3_std": -3.5625552745508533, + "nauc_map_at_5_diff1": 34.52907976674023, + "nauc_map_at_5_max": 16.13732934020574, + "nauc_map_at_5_std": -0.7543340982584198, + "nauc_mrr_at_1000_diff1": 31.33476913665314, + "nauc_mrr_at_1000_max": 46.958109189628935, + "nauc_mrr_at_1000_std": 28.044556451367423, + "nauc_mrr_at_100_diff1": 31.339069159264355, + "nauc_mrr_at_100_max": 46.98656300883579, + "nauc_mrr_at_100_std": 28.0900577359196, + "nauc_mrr_at_10_diff1": 31.342505233934997, + "nauc_mrr_at_10_max": 46.97823869966797, + "nauc_mrr_at_10_std": 27.4601265013717, + "nauc_mrr_at_1_diff1": 33.4378541215048, + "nauc_mrr_at_1_max": 41.15562154589828, + "nauc_mrr_at_1_std": 19.90780249506625, + "nauc_mrr_at_20_diff1": 31.360572539137888, + "nauc_mrr_at_20_max": 47.00390756684394, + "nauc_mrr_at_20_std": 28.13990587820234, + "nauc_mrr_at_3_diff1": 32.093115382725216, + "nauc_mrr_at_3_max": 46.30933548142642, + "nauc_mrr_at_3_std": 26.241763806261552, + "nauc_mrr_at_5_diff1": 31.551702480820225, + "nauc_mrr_at_5_max": 46.194614393756375, + "nauc_mrr_at_5_std": 27.324586188062337, + "nauc_ndcg_at_1000_diff1": 25.311180709157977, + "nauc_ndcg_at_1000_max": 44.92771338176505, + "nauc_ndcg_at_1000_std": 37.27892149005223, + "nauc_ndcg_at_100_diff1": 25.662285786793, + "nauc_ndcg_at_100_max": 41.08725464946671, + "nauc_ndcg_at_100_std": 31.647308668978567, + "nauc_ndcg_at_10_diff1": 22.814244065959365, + "nauc_ndcg_at_10_max": 38.94186160526081, + "nauc_ndcg_at_10_std": 28.739546916606184, + "nauc_ndcg_at_1_diff1": 33.92055290582491, + "nauc_ndcg_at_1_max": 39.7746239892313, + "nauc_ndcg_at_1_std": 21.403337562252666, + "nauc_ndcg_at_20_diff1": 22.147194739989953, + "nauc_ndcg_at_20_max": 38.331435685309486, + "nauc_ndcg_at_20_std": 30.001574369100286, + "nauc_ndcg_at_3_diff1": 26.551315174426477, + "nauc_ndcg_at_3_max": 40.95235936186754, + "nauc_ndcg_at_3_std": 25.814502311046923, + "nauc_ndcg_at_5_diff1": 23.30015530643268, + "nauc_ndcg_at_5_max": 39.112038419598846, + "nauc_ndcg_at_5_std": 27.014662420712636, + "nauc_precision_at_1000_diff1": -9.31122599724474, + "nauc_precision_at_1000_max": 15.828254499573301, + "nauc_precision_at_1000_std": 31.90284644408184, + "nauc_precision_at_100_diff1": -5.607783322273428, + "nauc_precision_at_100_max": 28.044293136935156, + "nauc_precision_at_100_std": 44.33306673952984, + "nauc_precision_at_10_diff1": 3.672329984381369, + "nauc_precision_at_10_max": 40.22743872425158, + "nauc_precision_at_10_std": 38.03616890730788, + "nauc_precision_at_1_diff1": 33.4378541215048, + "nauc_precision_at_1_max": 41.15562154589828, + "nauc_precision_at_1_std": 19.90780249506625, + "nauc_precision_at_20_diff1": -2.1150512386488014, + "nauc_precision_at_20_max": 36.304499614907, + "nauc_precision_at_20_std": 42.6230212264936, + "nauc_precision_at_3_diff1": 15.845993825652796, + "nauc_precision_at_3_max": 42.887373246287616, + "nauc_precision_at_3_std": 29.489599796549705, + "nauc_precision_at_5_diff1": 6.777054989797422, + "nauc_precision_at_5_max": 39.54397793435193, + "nauc_precision_at_5_std": 32.47818021039132, + "nauc_recall_at_1000_diff1": 11.315947856942906, + "nauc_recall_at_1000_max": 21.01998620182054, + "nauc_recall_at_1000_std": 26.8227846588364, + "nauc_recall_at_100_diff1": 18.899757056503482, + "nauc_recall_at_100_max": 28.57869305089085, + "nauc_recall_at_100_std": 25.90208233770403, + "nauc_recall_at_10_diff1": 26.671963776958673, + "nauc_recall_at_10_max": 20.085669076192627, + "nauc_recall_at_10_std": 4.64306341080659, + "nauc_recall_at_1_diff1": 47.62591630591148, + "nauc_recall_at_1_max": 9.558540429651298, + "nauc_recall_at_1_std": -6.045890488872336, + "nauc_recall_at_20_diff1": 21.352657194561484, + "nauc_recall_at_20_max": 22.287907898181967, + "nauc_recall_at_20_std": 11.591359883790235, + "nauc_recall_at_3_diff1": 37.883426141495484, + "nauc_recall_at_3_max": 13.541910021778506, + "nauc_recall_at_3_std": -3.5291589555216265, + "nauc_recall_at_5_diff1": 31.497983991389315, + "nauc_recall_at_5_max": 15.615278638126394, + "nauc_recall_at_5_std": 0.3332620589500228, + "ndcg_at_1": 43.189, + "ndcg_at_10": 34.777, + "ndcg_at_100": 31.298, + "ndcg_at_1000": 40.472, + "ndcg_at_20": 32.651, + "ndcg_at_3": 40.176, + "ndcg_at_5": 37.708000000000006, + "precision_at_1": 44.582, + "precision_at_10": 25.944, + "precision_at_100": 7.8759999999999994, + "precision_at_1000": 2.0789999999999997, + "precision_at_20": 19.365, + "precision_at_3": 37.771, + "precision_at_5": 32.693, + "recall_at_1": 6.0249999999999995, + "recall_at_10": 16.744999999999997, + "recall_at_100": 30.962, + "recall_at_1000": 64.862, + "recall_at_20": 21.083, + "recall_at_3": 10.437000000000001, + "recall_at_5": 12.919 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/NQ.json b/results/abhinand__MedEmbed-small-v0.1/external/NQ.json new file mode 100644 index 000000000..a2a63e547 --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/NQ.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 45.429, + "map_at_1": 24.348, + "map_at_10": 37.979, + "map_at_100": 39.152, + "map_at_1000": 39.196, + "map_at_20": 38.698, + "map_at_3": 33.576, + "map_at_5": 36.313, + "mrr_at_1": 27.896871378910777, + "mrr_at_10": 40.57155732126759, + "mrr_at_100": 41.505776028088356, + "mrr_at_1000": 41.536949900301714, + "mrr_at_20": 41.16254355270229, + "mrr_at_3": 36.73232908458862, + "mrr_at_5": 39.15990730011593, + "nauc_map_at_1000_diff1": 32.46093433815888, + "nauc_map_at_1000_max": 19.394096123431115, + "nauc_map_at_1000_std": -1.4164718950716537, + "nauc_map_at_100_diff1": 32.45486165462264, + "nauc_map_at_100_max": 19.421234606093616, + "nauc_map_at_100_std": -1.3862594418165226, + "nauc_map_at_10_diff1": 32.46141882554964, + "nauc_map_at_10_max": 19.0209806089726, + "nauc_map_at_10_std": -2.1299605104758528, + "nauc_map_at_1_diff1": 33.91219452872979, + "nauc_map_at_1_max": 15.243617612429572, + "nauc_map_at_1_std": -4.118372460673027, + "nauc_map_at_20_diff1": 32.447816129738385, + "nauc_map_at_20_max": 19.375630035882168, + "nauc_map_at_20_std": -1.6126821757328305, + "nauc_map_at_3_diff1": 32.22584317116853, + "nauc_map_at_3_max": 17.027294527302406, + "nauc_map_at_3_std": -3.900453065296092, + "nauc_map_at_5_diff1": 32.21812147700183, + "nauc_map_at_5_max": 18.22808737031908, + "nauc_map_at_5_std": -3.0121231831131237, + "nauc_mrr_at_1000_diff1": 32.19391640024058, + "nauc_mrr_at_1000_max": 19.94471248318332, + "nauc_mrr_at_1000_std": 0.1932185073583155, + "nauc_mrr_at_100_diff1": 32.18470462640416, + "nauc_mrr_at_100_max": 19.969167766004155, + "nauc_mrr_at_100_std": 0.22192687584423115, + "nauc_mrr_at_10_diff1": 32.09991820831007, + "nauc_mrr_at_10_max": 19.739187658158095, + "nauc_mrr_at_10_std": -0.2495140041359092, + "nauc_mrr_at_1_diff1": 34.08999204509866, + "nauc_mrr_at_1_max": 16.991478512680224, + "nauc_mrr_at_1_std": -1.7552861996068096, + "nauc_mrr_at_20_diff1": 32.15333867489741, + "nauc_mrr_at_20_max": 20.020143250873225, + "nauc_mrr_at_20_std": 0.16862155425262013, + "nauc_mrr_at_3_diff1": 32.21444644438222, + "nauc_mrr_at_3_max": 18.21605348829081, + "nauc_mrr_at_3_std": -1.6925892502509188, + "nauc_mrr_at_5_diff1": 32.0478706880025, + "nauc_mrr_at_5_max": 19.148865007333306, + "nauc_mrr_at_5_std": -0.8802261956751949, + "nauc_ndcg_at_1000_diff1": 31.983119738355253, + "nauc_ndcg_at_1000_max": 21.86567501654561, + "nauc_ndcg_at_1000_std": 2.0860659105814148, + "nauc_ndcg_at_100_diff1": 31.746023533636002, + "nauc_ndcg_at_100_max": 22.638912158683294, + "nauc_ndcg_at_100_std": 3.052454394775229, + "nauc_ndcg_at_10_diff1": 31.778039167442216, + "nauc_ndcg_at_10_max": 21.36084508699706, + "nauc_ndcg_at_10_std": 0.16693686698101765, + "nauc_ndcg_at_1_diff1": 34.19354942363811, + "nauc_ndcg_at_1_max": 16.848591473066378, + "nauc_ndcg_at_1_std": -1.7454800127927512, + "nauc_ndcg_at_20_diff1": 31.77653905325226, + "nauc_ndcg_at_20_max": 22.61652208672153, + "nauc_ndcg_at_20_std": 1.9910242035042571, + "nauc_ndcg_at_3_diff1": 31.611292003047026, + "nauc_ndcg_at_3_max": 17.664647025493103, + "nauc_ndcg_at_3_std": -3.2746665435363482, + "nauc_ndcg_at_5_diff1": 31.44128924743772, + "nauc_ndcg_at_5_max": 19.652825980411436, + "nauc_ndcg_at_5_std": -1.7539721730598645, + "nauc_precision_at_1000_diff1": 2.096637497842706, + "nauc_precision_at_1000_max": 15.200656933478845, + "nauc_precision_at_1000_std": 19.38757583859173, + "nauc_precision_at_100_diff1": 8.3623454469704, + "nauc_precision_at_100_max": 24.522778919091383, + "nauc_precision_at_100_std": 24.992853351936056, + "nauc_precision_at_10_diff1": 22.246801149334065, + "nauc_precision_at_10_max": 25.72788595807844, + "nauc_precision_at_10_std": 10.335074726940642, + "nauc_precision_at_1_diff1": 34.19354942363811, + "nauc_precision_at_1_max": 16.848591473066378, + "nauc_precision_at_1_std": -1.7454800127927512, + "nauc_precision_at_20_diff1": 18.201890751037624, + "nauc_precision_at_20_max": 28.207641511669657, + "nauc_precision_at_20_std": 17.62549448063055, + "nauc_precision_at_3_diff1": 28.262955611874673, + "nauc_precision_at_3_max": 19.7314384498553, + "nauc_precision_at_3_std": -0.15343939521694802, + "nauc_precision_at_5_diff1": 25.546944946047333, + "nauc_precision_at_5_max": 23.209224602801903, + "nauc_precision_at_5_std": 4.096562516124445, + "nauc_recall_at_1000_diff1": 26.810486933487848, + "nauc_recall_at_1000_max": 62.062724387206416, + "nauc_recall_at_1000_std": 72.53854144185586, + "nauc_recall_at_100_diff1": 24.30748295669883, + "nauc_recall_at_100_max": 47.86108978852899, + "nauc_recall_at_100_std": 41.70104695267924, + "nauc_recall_at_10_diff1": 28.014038418716364, + "nauc_recall_at_10_max": 27.454742318511876, + "nauc_recall_at_10_std": 6.129323504299465, + "nauc_recall_at_1_diff1": 33.91219452872979, + "nauc_recall_at_1_max": 15.243617612429572, + "nauc_recall_at_1_std": -4.118372460673027, + "nauc_recall_at_20_diff1": 27.51152553934221, + "nauc_recall_at_20_max": 35.04009531047778, + "nauc_recall_at_20_std": 16.086467991188023, + "nauc_recall_at_3_diff1": 28.528898212602833, + "nauc_recall_at_3_max": 17.667467627988895, + "nauc_recall_at_3_std": -3.354082134238416, + "nauc_recall_at_5_diff1": 27.54111394521828, + "nauc_recall_at_5_max": 21.864229857719994, + "nauc_recall_at_5_std": -0.010012005902089142, + "ndcg_at_1": 27.868, + "ndcg_at_10": 45.429, + "ndcg_at_100": 50.676, + "ndcg_at_1000": 51.727999999999994, + "ndcg_at_20": 47.818, + "ndcg_at_3": 37.079, + "ndcg_at_5": 41.711, + "precision_at_1": 27.868, + "precision_at_10": 7.853000000000001, + "precision_at_100": 1.079, + "precision_at_1000": 0.11800000000000001, + "precision_at_20": 4.486, + "precision_at_3": 17.207, + "precision_at_5": 12.943, + "recall_at_1": 24.348, + "recall_at_10": 65.667, + "recall_at_100": 89.047, + "recall_at_1000": 96.937, + "recall_at_20": 74.611, + "recall_at_3": 44.124, + "recall_at_5": 54.847 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/PublicHealthQA.json b/results/abhinand__MedEmbed-small-v0.1/external/PublicHealthQA.json new file mode 100644 index 000000000..f48529b8a --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/PublicHealthQA.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "main", + "task_name": "PublicHealthQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "english", + "languages": [ + "eng-Latn" + ], + "main_score": 81.797, + "map_at_1": 67.44200000000001, + "map_at_10": 77.40899999999999, + "map_at_100": 77.58800000000001, + "map_at_1000": 77.59700000000001, + "map_at_20": 77.563, + "map_at_3": 75.775, + "map_at_5": 76.676, + "mrr_at_1": 67.44186046511628, + "mrr_at_10": 77.40933001107419, + "mrr_at_100": 77.58758776090153, + "mrr_at_1000": 77.59701476623081, + "mrr_at_20": 77.56332082460221, + "mrr_at_3": 75.7751937984496, + "mrr_at_5": 76.67635658914729, + "nauc_map_at_1000_diff1": 68.03862212120946, + "nauc_map_at_1000_max": 45.571493373890284, + "nauc_map_at_1000_std": -9.513610168308675, + "nauc_map_at_100_diff1": 68.04692169460982, + "nauc_map_at_100_max": 45.597744584746174, + "nauc_map_at_100_std": -9.46079106577722, + "nauc_map_at_10_diff1": 68.12206434240572, + "nauc_map_at_10_max": 45.87818916623179, + "nauc_map_at_10_std": -9.07755836461079, + "nauc_map_at_1_diff1": 67.12290625195008, + "nauc_map_at_1_max": 41.961375907271766, + "nauc_map_at_1_std": -14.305894005739376, + "nauc_map_at_20_diff1": 68.03994283236055, + "nauc_map_at_20_max": 45.55410799331842, + "nauc_map_at_20_std": -9.446523820020174, + "nauc_map_at_3_diff1": 68.37489368079838, + "nauc_map_at_3_max": 46.36986654238148, + "nauc_map_at_3_std": -10.310951850957865, + "nauc_map_at_5_diff1": 67.59677966909759, + "nauc_map_at_5_max": 44.92160517102712, + "nauc_map_at_5_std": -9.80872574347567, + "nauc_mrr_at_1000_diff1": 68.03866688403615, + "nauc_mrr_at_1000_max": 45.571464182248114, + "nauc_mrr_at_1000_std": -9.513668903745707, + "nauc_mrr_at_100_diff1": 68.04692169460982, + "nauc_mrr_at_100_max": 45.597744584746174, + "nauc_mrr_at_100_std": -9.46079106577722, + "nauc_mrr_at_10_diff1": 68.12206434240572, + "nauc_mrr_at_10_max": 45.87818916623179, + "nauc_mrr_at_10_std": -9.07755836461079, + "nauc_mrr_at_1_diff1": 67.12290625195008, + "nauc_mrr_at_1_max": 41.961375907271766, + "nauc_mrr_at_1_std": -14.305894005739376, + "nauc_mrr_at_20_diff1": 68.03994283236055, + "nauc_mrr_at_20_max": 45.55410799331842, + "nauc_mrr_at_20_std": -9.446523820020174, + "nauc_mrr_at_3_diff1": 68.37489368079838, + "nauc_mrr_at_3_max": 46.36986654238148, + "nauc_mrr_at_3_std": -10.310951850957865, + "nauc_mrr_at_5_diff1": 67.59677966909759, + "nauc_mrr_at_5_max": 44.92160517102712, + "nauc_mrr_at_5_std": -9.80872574347567, + "nauc_ndcg_at_1000_diff1": 68.19001086715403, + "nauc_ndcg_at_1000_max": 46.15089790137622, + "nauc_ndcg_at_1000_std": -8.412159613801633, + "nauc_ndcg_at_100_diff1": 68.38436319007278, + "nauc_ndcg_at_100_max": 46.7399567648645, + "nauc_ndcg_at_100_std": -7.226231881646415, + "nauc_ndcg_at_10_diff1": 68.66691333519046, + "nauc_ndcg_at_10_max": 47.676855724705206, + "nauc_ndcg_at_10_std": -5.73932115133516, + "nauc_ndcg_at_1_diff1": 67.12290625195008, + "nauc_ndcg_at_1_max": 41.961375907271766, + "nauc_ndcg_at_1_std": -14.305894005739376, + "nauc_ndcg_at_20_diff1": 68.2939167825507, + "nauc_ndcg_at_20_max": 46.24310319611011, + "nauc_ndcg_at_20_std": -7.125543051802564, + "nauc_ndcg_at_3_diff1": 68.80845744009801, + "nauc_ndcg_at_3_max": 48.06608134910292, + "nauc_ndcg_at_3_std": -9.416751601725604, + "nauc_ndcg_at_5_diff1": 67.20191468584295, + "nauc_ndcg_at_5_max": 45.17104294409719, + "nauc_ndcg_at_5_std": -8.11265697724823, + "nauc_precision_at_1000_diff1": 100.0, + "nauc_precision_at_1000_max": 100.0, + "nauc_precision_at_1000_std": 100.0, + "nauc_precision_at_100_diff1": 86.14085746500498, + "nauc_precision_at_100_max": 100.0, + "nauc_precision_at_100_std": 100.0, + "nauc_precision_at_10_diff1": 76.20567449736176, + "nauc_precision_at_10_max": 70.13176535200981, + "nauc_precision_at_10_std": 38.95128572868472, + "nauc_precision_at_1_diff1": 67.12290625195008, + "nauc_precision_at_1_max": 41.961375907271766, + "nauc_precision_at_1_std": -14.305894005739376, + "nauc_precision_at_20_diff1": 73.74993491997736, + "nauc_precision_at_20_max": 54.67254536177645, + "nauc_precision_at_20_std": 49.85551772921538, + "nauc_precision_at_3_diff1": 70.72764096781087, + "nauc_precision_at_3_max": 55.67372625764705, + "nauc_precision_at_3_std": -5.745071196827823, + "nauc_precision_at_5_diff1": 64.27540794356823, + "nauc_precision_at_5_max": 45.6262640317178, + "nauc_precision_at_5_std": 2.0638422618860512, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": 86.14085746500531, + "nauc_recall_at_100_max": 100.0, + "nauc_recall_at_100_std": 100.0, + "nauc_recall_at_10_diff1": 76.20567449736204, + "nauc_recall_at_10_max": 70.13176535201025, + "nauc_recall_at_10_std": 38.951285728684546, + "nauc_recall_at_1_diff1": 67.12290625195008, + "nauc_recall_at_1_max": 41.961375907271766, + "nauc_recall_at_1_std": -14.305894005739376, + "nauc_recall_at_20_diff1": 73.74993491997758, + "nauc_recall_at_20_max": 54.67254536177716, + "nauc_recall_at_20_std": 49.85551772921467, + "nauc_recall_at_3_diff1": 70.72764096781106, + "nauc_recall_at_3_max": 55.67372625764696, + "nauc_recall_at_3_std": -5.745071196827833, + "nauc_recall_at_5_diff1": 64.27540794356815, + "nauc_recall_at_5_max": 45.626264031717625, + "nauc_recall_at_5_std": 2.06384226188602, + "ndcg_at_1": 67.44200000000001, + "ndcg_at_10": 81.797, + "ndcg_at_100": 82.582, + "ndcg_at_1000": 82.749, + "ndcg_at_20": 82.375, + "ndcg_at_3": 78.41900000000001, + "ndcg_at_5": 80.07, + "precision_at_1": 67.44200000000001, + "precision_at_10": 9.535, + "precision_at_100": 0.988, + "precision_at_1000": 0.1, + "precision_at_20": 4.884, + "precision_at_3": 28.682000000000002, + "precision_at_5": 18.023, + "recall_at_1": 67.44200000000001, + "recall_at_10": 95.34899999999999, + "recall_at_100": 98.837, + "recall_at_1000": 100.0, + "recall_at_20": 97.674, + "recall_at_3": 86.047, + "recall_at_5": 90.116 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/QuoraRetrieval.json b/results/abhinand__MedEmbed-small-v0.1/external/QuoraRetrieval.json new file mode 100644 index 000000000..fbcd8599d --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/QuoraRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "e4e08e0b7dbe3c8700f0daef558ff32256715259", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 88.57199999999999, + "map_at_1": 71.039, + "map_at_10": 84.88900000000001, + "map_at_100": 85.508, + "map_at_1000": 85.524, + "map_at_20": 85.302, + "map_at_3": 81.894, + "map_at_5": 83.8, + "mrr_at_1": 81.78, + "mrr_at_10": 87.8229365079363, + "mrr_at_100": 87.91981638363609, + "mrr_at_1000": 87.92063508831636, + "mrr_at_20": 87.89576415509134, + "mrr_at_3": 86.88499999999978, + "mrr_at_5": 87.54249999999972, + "nauc_map_at_1000_diff1": 76.15890287923096, + "nauc_map_at_1000_max": 36.128747651916996, + "nauc_map_at_1000_std": -48.66753596117505, + "nauc_map_at_100_diff1": 76.16493038931165, + "nauc_map_at_100_max": 36.09495057926168, + "nauc_map_at_100_std": -48.723830300602586, + "nauc_map_at_10_diff1": 76.36797035099488, + "nauc_map_at_10_max": 35.620469333933464, + "nauc_map_at_10_std": -50.54189078709537, + "nauc_map_at_1_diff1": 79.8895751613965, + "nauc_map_at_1_max": 26.317532572218223, + "nauc_map_at_1_std": -44.938160229108206, + "nauc_map_at_20_diff1": 76.24244671018226, + "nauc_map_at_20_max": 36.001635565564364, + "nauc_map_at_20_std": -49.3849748462351, + "nauc_map_at_3_diff1": 76.65833912779706, + "nauc_map_at_3_max": 32.98606836293959, + "nauc_map_at_3_std": -52.50628417471894, + "nauc_map_at_5_diff1": 76.61272599340525, + "nauc_map_at_5_max": 34.74469655483763, + "nauc_map_at_5_std": -51.913131454588054, + "nauc_mrr_at_1000_diff1": 76.7068128582022, + "nauc_mrr_at_1000_max": 39.109592270843066, + "nauc_mrr_at_1000_std": -45.26766550271522, + "nauc_mrr_at_100_diff1": 76.70661450396209, + "nauc_mrr_at_100_max": 39.111095758039355, + "nauc_mrr_at_100_std": -45.26836021466902, + "nauc_mrr_at_10_diff1": 76.70726141027455, + "nauc_mrr_at_10_max": 39.17777339514055, + "nauc_mrr_at_10_std": -45.41161126837498, + "nauc_mrr_at_1_diff1": 77.71262801682967, + "nauc_mrr_at_1_max": 38.287583279692356, + "nauc_mrr_at_1_std": -43.29857832293737, + "nauc_mrr_at_20_diff1": 76.7037527994321, + "nauc_mrr_at_20_max": 39.1385505965502, + "nauc_mrr_at_20_std": -45.302717228670424, + "nauc_mrr_at_3_diff1": 76.44715349862805, + "nauc_mrr_at_3_max": 38.66923766796163, + "nauc_mrr_at_3_std": -46.07826188003206, + "nauc_mrr_at_5_diff1": 76.6862619651444, + "nauc_mrr_at_5_max": 39.42029839009645, + "nauc_mrr_at_5_std": -45.42521512596518, + "nauc_ndcg_at_1000_diff1": 75.94606214928126, + "nauc_ndcg_at_1000_max": 37.78639646594005, + "nauc_ndcg_at_1000_std": -46.65092081733429, + "nauc_ndcg_at_100_diff1": 75.95908789988027, + "nauc_ndcg_at_100_max": 37.681560061965456, + "nauc_ndcg_at_100_std": -46.86467727271376, + "nauc_ndcg_at_10_diff1": 76.09039824441281, + "nauc_ndcg_at_10_max": 36.98935573651128, + "nauc_ndcg_at_10_std": -49.89313085062566, + "nauc_ndcg_at_1_diff1": 77.731542287149, + "nauc_ndcg_at_1_max": 38.21475789687958, + "nauc_ndcg_at_1_std": -43.23518829879814, + "nauc_ndcg_at_20_diff1": 76.0333735368683, + "nauc_ndcg_at_20_max": 37.5117691727701, + "nauc_ndcg_at_20_std": -48.43247167069298, + "nauc_ndcg_at_3_diff1": 75.32521926923286, + "nauc_ndcg_at_3_max": 35.635616145975426, + "nauc_ndcg_at_3_std": -50.277808575751536, + "nauc_ndcg_at_5_diff1": 75.98733426779356, + "nauc_ndcg_at_5_max": 36.64628740946612, + "nauc_ndcg_at_5_std": -50.466293598058165, + "nauc_precision_at_1000_diff1": -43.7530546029045, + "nauc_precision_at_1000_max": -5.161360102935574, + "nauc_precision_at_1000_std": 41.238651766827935, + "nauc_precision_at_100_diff1": -43.384152578104406, + "nauc_precision_at_100_max": -5.034918821151737, + "nauc_precision_at_100_std": 39.84731397760794, + "nauc_precision_at_10_diff1": -38.02145942820818, + "nauc_precision_at_10_max": -0.20339619978834741, + "nauc_precision_at_10_std": 27.826961259650158, + "nauc_precision_at_1_diff1": 77.731542287149, + "nauc_precision_at_1_max": 38.21475789687958, + "nauc_precision_at_1_std": -43.23518829879814, + "nauc_precision_at_20_diff1": -41.175410744014805, + "nauc_precision_at_20_max": -2.431406075907586, + "nauc_precision_at_20_std": 34.28163431050591, + "nauc_precision_at_3_diff1": -18.20941252484291, + "nauc_precision_at_3_max": 9.49505880687624, + "nauc_precision_at_3_std": 5.21470816880769, + "nauc_precision_at_5_diff1": -30.71663355802905, + "nauc_precision_at_5_max": 4.250820844712598, + "nauc_precision_at_5_std": 18.068800455982604, + "nauc_recall_at_1000_diff1": 42.20093621124488, + "nauc_recall_at_1000_max": 42.975727501073955, + "nauc_recall_at_1000_std": 17.039145897932887, + "nauc_recall_at_100_diff1": 71.01797230503367, + "nauc_recall_at_100_max": 36.8913110697839, + "nauc_recall_at_100_std": -46.789986224693166, + "nauc_recall_at_10_diff1": 72.78216200857327, + "nauc_recall_at_10_max": 34.447888880887575, + "nauc_recall_at_10_std": -67.03966745406017, + "nauc_recall_at_1_diff1": 79.8895751613965, + "nauc_recall_at_1_max": 26.317532572218223, + "nauc_recall_at_1_std": -44.938160229108206, + "nauc_recall_at_20_diff1": 72.39748025024522, + "nauc_recall_at_20_max": 37.28031232611157, + "nauc_recall_at_20_std": -63.744619826134475, + "nauc_recall_at_3_diff1": 72.4158737180374, + "nauc_recall_at_3_max": 29.671800523250326, + "nauc_recall_at_3_std": -59.47563372923962, + "nauc_recall_at_5_diff1": 72.26170447475917, + "nauc_recall_at_5_max": 33.23785397256845, + "nauc_recall_at_5_std": -62.34801264606157, + "ndcg_at_1": 81.77, + "ndcg_at_10": 88.57199999999999, + "ndcg_at_100": 89.755, + "ndcg_at_1000": 89.852, + "ndcg_at_20": 89.22099999999999, + "ndcg_at_3": 85.707, + "ndcg_at_5": 87.345, + "precision_at_1": 81.77, + "precision_at_10": 13.431000000000001, + "precision_at_100": 1.529, + "precision_at_1000": 0.157, + "precision_at_20": 7.124, + "precision_at_3": 37.41, + "precision_at_5": 24.684, + "recall_at_1": 71.039, + "recall_at_10": 95.537, + "recall_at_100": 99.557, + "recall_at_1000": 99.982, + "recall_at_20": 97.603, + "recall_at_3": 87.384, + "recall_at_5": 91.927 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/RedditClustering.json b/results/abhinand__MedEmbed-small-v0.1/external/RedditClustering.json new file mode 100644 index 000000000..8e2132595 --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/RedditClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 51.59936496159815, + "v_measure": 51.59936496159815, + "v_measure_std": 4.565966577664143 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/RedditClusteringP2P.json b/results/abhinand__MedEmbed-small-v0.1/external/RedditClusteringP2P.json new file mode 100644 index 000000000..3ff7805e0 --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/RedditClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 60.83096246995603, + "v_measure": 60.83096246995603, + "v_measure_std": 13.183082420642975 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/SCIDOCS.json b/results/abhinand__MedEmbed-small-v0.1/external/SCIDOCS.json new file mode 100644 index 000000000..2a5d9a8ea --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/SCIDOCS.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f8c2fcf00f625baaa80f62ec5bd9e1fff3b8ae88", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 20.278, + "map_at_1": 4.573, + "map_at_10": 12.081999999999999, + "map_at_100": 14.229, + "map_at_1000": 14.587, + "map_at_20": 13.145999999999999, + "map_at_3": 8.488, + "map_at_5": 10.324, + "mrr_at_1": 22.6, + "mrr_at_10": 33.95575396825393, + "mrr_at_100": 35.03843505353784, + "mrr_at_1000": 35.092323037408, + "mrr_at_20": 34.589859035013795, + "mrr_at_3": 30.299999999999986, + "mrr_at_5": 32.42999999999995, + "nauc_map_at_1000_diff1": 15.47158773019753, + "nauc_map_at_1000_max": 33.15677973691845, + "nauc_map_at_1000_std": 22.069088941975316, + "nauc_map_at_100_diff1": 15.5473749771496, + "nauc_map_at_100_max": 33.11669390716216, + "nauc_map_at_100_std": 21.902092120156556, + "nauc_map_at_10_diff1": 15.598319272907935, + "nauc_map_at_10_max": 31.02834975480241, + "nauc_map_at_10_std": 17.48586034447307, + "nauc_map_at_1_diff1": 24.716824356435037, + "nauc_map_at_1_max": 25.609675193046776, + "nauc_map_at_1_std": 7.726550604844593, + "nauc_map_at_20_diff1": 15.421255798642786, + "nauc_map_at_20_max": 32.57491990876195, + "nauc_map_at_20_std": 19.87590330146735, + "nauc_map_at_3_diff1": 18.233165819869967, + "nauc_map_at_3_max": 28.423341132169515, + "nauc_map_at_3_std": 9.36105104315201, + "nauc_map_at_5_diff1": 17.147755240157387, + "nauc_map_at_5_max": 29.750818593195355, + "nauc_map_at_5_std": 13.474425753774613, + "nauc_mrr_at_1000_diff1": 19.54973813770631, + "nauc_mrr_at_1000_max": 28.445637386785215, + "nauc_mrr_at_1000_std": 14.759817199201834, + "nauc_mrr_at_100_diff1": 19.528262971483187, + "nauc_mrr_at_100_max": 28.471618042623042, + "nauc_mrr_at_100_std": 14.802649900373577, + "nauc_mrr_at_10_diff1": 19.297787878540934, + "nauc_mrr_at_10_max": 28.250197248199598, + "nauc_mrr_at_10_std": 14.530515441921136, + "nauc_mrr_at_1_diff1": 24.448279147241337, + "nauc_mrr_at_1_max": 25.44984341914804, + "nauc_mrr_at_1_std": 7.8912754194185, + "nauc_mrr_at_20_diff1": 19.526532015966378, + "nauc_mrr_at_20_max": 28.45090107869856, + "nauc_mrr_at_20_std": 14.872405983073964, + "nauc_mrr_at_3_diff1": 19.309620003727055, + "nauc_mrr_at_3_max": 27.545469950426288, + "nauc_mrr_at_3_std": 12.904936858178626, + "nauc_mrr_at_5_diff1": 19.262661292664838, + "nauc_mrr_at_5_max": 27.77287008915389, + "nauc_mrr_at_5_std": 14.068995148507335, + "nauc_ndcg_at_1000_diff1": 15.228929487905193, + "nauc_ndcg_at_1000_max": 34.92476744512219, + "nauc_ndcg_at_1000_std": 28.862558988104897, + "nauc_ndcg_at_100_diff1": 15.71824526700594, + "nauc_ndcg_at_100_max": 35.335966205958385, + "nauc_ndcg_at_100_std": 29.265053975009824, + "nauc_ndcg_at_10_diff1": 15.334175443268217, + "nauc_ndcg_at_10_max": 32.04474177693103, + "nauc_ndcg_at_10_std": 20.246349040690838, + "nauc_ndcg_at_1_diff1": 24.448279147241337, + "nauc_ndcg_at_1_max": 25.44984341914804, + "nauc_ndcg_at_1_std": 7.8912754194185, + "nauc_ndcg_at_20_diff1": 15.4150287559633, + "nauc_ndcg_at_20_max": 34.028257354205486, + "nauc_ndcg_at_20_std": 23.94574408901984, + "nauc_ndcg_at_3_diff1": 17.449798425957905, + "nauc_ndcg_at_3_max": 28.472381850170684, + "nauc_ndcg_at_3_std": 11.534878901481072, + "nauc_ndcg_at_5_diff1": 16.863645323278014, + "nauc_ndcg_at_5_max": 30.00515223685507, + "nauc_ndcg_at_5_std": 15.778660328214492, + "nauc_precision_at_1000_diff1": 4.713757187643959, + "nauc_precision_at_1000_max": 28.438129482659463, + "nauc_precision_at_1000_std": 39.88656841872898, + "nauc_precision_at_100_diff1": 10.086356192787497, + "nauc_precision_at_100_max": 33.7661746052316, + "nauc_precision_at_100_std": 41.39520819343154, + "nauc_precision_at_10_diff1": 10.656776714725792, + "nauc_precision_at_10_max": 32.31524121764866, + "nauc_precision_at_10_std": 25.54547973903815, + "nauc_precision_at_1_diff1": 24.448279147241337, + "nauc_precision_at_1_max": 25.44984341914804, + "nauc_precision_at_1_std": 7.8912754194185, + "nauc_precision_at_20_diff1": 10.413346149454274, + "nauc_precision_at_20_max": 34.53151230080728, + "nauc_precision_at_20_std": 31.606365417824104, + "nauc_precision_at_3_diff1": 15.157946205596032, + "nauc_precision_at_3_max": 29.285029432750626, + "nauc_precision_at_3_std": 12.641270832271559, + "nauc_precision_at_5_diff1": 13.726235144512325, + "nauc_precision_at_5_max": 30.48174953294508, + "nauc_precision_at_5_std": 19.16196995148913, + "nauc_recall_at_1000_diff1": 4.52213727715021, + "nauc_recall_at_1000_max": 27.895720746906093, + "nauc_recall_at_1000_std": 41.74948907995246, + "nauc_recall_at_100_diff1": 9.948729646333705, + "nauc_recall_at_100_max": 33.31174530944116, + "nauc_recall_at_100_std": 41.82269139039194, + "nauc_recall_at_10_diff1": 10.708140509065931, + "nauc_recall_at_10_max": 32.18578429711753, + "nauc_recall_at_10_std": 25.465993578536622, + "nauc_recall_at_1_diff1": 24.716824356435037, + "nauc_recall_at_1_max": 25.609675193046776, + "nauc_recall_at_1_std": 7.726550604844593, + "nauc_recall_at_20_diff1": 10.432417124902676, + "nauc_recall_at_20_max": 34.396161706840886, + "nauc_recall_at_20_std": 31.6442301437761, + "nauc_recall_at_3_diff1": 15.2335776286663, + "nauc_recall_at_3_max": 29.312743939019057, + "nauc_recall_at_3_std": 12.508295313824938, + "nauc_recall_at_5_diff1": 13.819038065126835, + "nauc_recall_at_5_max": 30.38801944210637, + "nauc_recall_at_5_std": 18.99078644070936, + "ndcg_at_1": 22.6, + "ndcg_at_10": 20.278, + "ndcg_at_100": 28.701, + "ndcg_at_1000": 34.681, + "ndcg_at_20": 23.179, + "ndcg_at_3": 18.879, + "ndcg_at_5": 16.749, + "precision_at_1": 22.6, + "precision_at_10": 10.66, + "precision_at_100": 2.289, + "precision_at_1000": 0.372, + "precision_at_20": 7.015000000000001, + "precision_at_3": 17.732999999999997, + "precision_at_5": 14.899999999999999, + "recall_at_1": 4.573, + "recall_at_10": 21.573, + "recall_at_100": 46.5, + "recall_at_1000": 75.558, + "recall_at_20": 28.397, + "recall_at_3": 10.783, + "recall_at_5": 15.082999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/SICK-R.json b/results/abhinand__MedEmbed-small-v0.1/external/SICK-R.json new file mode 100644 index 000000000..bf9f323f0 --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 84.62498017213524, + "cosine_spearman": 79.65689515219194, + "euclidean_pearson": 81.88054634002948, + "euclidean_spearman": 79.6568911391733, + "main_score": 79.65689515219194, + "manhattan_pearson": 81.80542963904064, + "manhattan_spearman": 79.56424367841001, + "pearson": 84.62498017213524, + "spearman": 79.65689515219194 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/STS12.json b/results/abhinand__MedEmbed-small-v0.1/external/STS12.json new file mode 100644 index 000000000..8ab1921ba --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 84.72310952504792, + "cosine_spearman": 76.22109828443048, + "euclidean_pearson": 82.38443833180979, + "euclidean_spearman": 76.21894143370454, + "main_score": 76.22109828443048, + "manhattan_pearson": 82.40542669545772, + "manhattan_spearman": 76.28736748590586, + "pearson": 84.72310952504792, + "spearman": 76.22109828443048 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/STS13.json b/results/abhinand__MedEmbed-small-v0.1/external/STS13.json new file mode 100644 index 000000000..41308b8bb --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 81.68062265316888, + "cosine_spearman": 83.4553090866614, + "euclidean_pearson": 82.40491202375253, + "euclidean_spearman": 83.4553090866614, + "main_score": 83.4553090866614, + "manhattan_pearson": 82.22067409773605, + "manhattan_spearman": 83.20448906783335, + "pearson": 81.68062265316888, + "spearman": 83.4553090866614 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/STS14.json b/results/abhinand__MedEmbed-small-v0.1/external/STS14.json new file mode 100644 index 000000000..511318c54 --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 81.57051225494406, + "cosine_spearman": 80.39864986197945, + "euclidean_pearson": 81.05178156883875, + "euclidean_spearman": 80.39865535033431, + "main_score": 80.39864986197945, + "manhattan_pearson": 81.05410761923022, + "manhattan_spearman": 80.44259250171525, + "pearson": 81.57051225494406, + "spearman": 80.39864986197945 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/STS15.json b/results/abhinand__MedEmbed-small-v0.1/external/STS15.json new file mode 100644 index 000000000..05f95df2d --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 84.79212184526739, + "cosine_spearman": 86.40909639583371, + "euclidean_pearson": 85.87613482648442, + "euclidean_spearman": 86.40909578136895, + "main_score": 86.40909639583371, + "manhattan_pearson": 85.74723618868677, + "manhattan_spearman": 86.28775839228958, + "pearson": 84.79212184526739, + "spearman": 86.40909639583371 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/STS16.json b/results/abhinand__MedEmbed-small-v0.1/external/STS16.json new file mode 100644 index 000000000..f3b606527 --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 80.9001128553287, + "cosine_spearman": 83.28982485088675, + "euclidean_pearson": 82.42648548297315, + "euclidean_spearman": 83.28990050342193, + "main_score": 83.28982485088675, + "manhattan_pearson": 82.25070148571425, + "manhattan_spearman": 83.07757318740721, + "pearson": 80.9001128553287, + "spearman": 83.28982485088675 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/STS17.json b/results/abhinand__MedEmbed-small-v0.1/external/STS17.json new file mode 100644 index 000000000..76b463c41 --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/STS17.json @@ -0,0 +1,137 @@ +{ + "dataset_revision": "faeb762787bd10488a50c8b5be4a3b82e411949c", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "it-en", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "cosine_pearson": 24.18877892078201, + "cosine_spearman": 20.233596577843038, + "euclidean_pearson": 24.542177362845315, + "euclidean_spearman": 20.233596577843038, + "main_score": 20.233596577843038, + "manhattan_pearson": 24.01700616075699, + "manhattan_spearman": 19.446659958484517, + "pearson": 24.18877892078201, + "spearman": 20.233596577843038 + }, + { + "hf_subset": "en-tr", + "languages": [ + "eng-Latn", + "tur-Latn" + ], + "cosine_pearson": 8.614199975001977, + "cosine_spearman": 5.012961284277124, + "euclidean_pearson": 8.84952193581556, + "euclidean_spearman": 5.012961284277124, + "main_score": 5.012961284277124, + "manhattan_pearson": 8.745277048601178, + "manhattan_spearman": 5.409735174524082, + "pearson": 8.614199975001977, + "spearman": 5.012961284277124 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "cosine_pearson": 32.392432370287786, + "cosine_spearman": 29.30493234698128, + "euclidean_pearson": 32.966478634610255, + "euclidean_spearman": 29.30493234698128, + "main_score": 29.30493234698128, + "manhattan_pearson": 32.755965728091894, + "manhattan_spearman": 29.146714726559253, + "pearson": 32.392432370287786, + "spearman": 29.30493234698128 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cosine_pearson": 20.254702485801023, + "cosine_spearman": 19.721956722605672, + "euclidean_pearson": 19.871717953344167, + "euclidean_spearman": 19.721956722605672, + "main_score": 19.721956722605672, + "manhattan_pearson": 20.449457320012122, + "manhattan_spearman": 20.169665776497684, + "pearson": 20.254702485801023, + "spearman": 19.721956722605672 + }, + { + "hf_subset": "nl-en", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "cosine_pearson": 28.074886980533577, + "cosine_spearman": 24.306393355436498, + "euclidean_pearson": 29.01202135632306, + "euclidean_spearman": 24.306393355436498, + "main_score": 24.306393355436498, + "manhattan_pearson": 29.1296157400599, + "manhattan_spearman": 23.73491100295491, + "pearson": 28.074886980533577, + "spearman": 24.306393355436498 + }, + { + "hf_subset": "en-ar", + "languages": [ + "eng-Latn", + "ara-Arab" + ], + "cosine_pearson": -0.5773611433810728, + "cosine_spearman": -1.0982086986987292, + "euclidean_pearson": -0.5206158458966739, + "euclidean_spearman": -1.0982086986987292, + "main_score": -1.0982086986987292, + "manhattan_pearson": -1.0668301997346301, + "manhattan_spearman": -0.8412954712140625, + "pearson": -0.5773611433810728, + "spearman": -1.0982086986987292 + }, + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 86.27108126511854, + "cosine_spearman": 86.53957993982179, + "euclidean_pearson": 87.62799362362965, + "euclidean_spearman": 86.53957993982179, + "main_score": 86.53957993982179, + "manhattan_pearson": 87.6959515498115, + "manhattan_spearman": 86.64863324136145, + "pearson": 86.27108126511854, + "spearman": 86.53957993982179 + }, + { + "hf_subset": "en-de", + "languages": [ + "eng-Latn", + "deu-Latn" + ], + "cosine_pearson": 26.150575010131767, + "cosine_spearman": 22.06712968681051, + "euclidean_pearson": 26.604960551656553, + "euclidean_spearman": 22.06712968681051, + "main_score": 22.06712968681051, + "manhattan_pearson": 26.88338799013417, + "manhattan_spearman": 22.431306979297936, + "pearson": 26.150575010131767, + "spearman": 22.06712968681051 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/STS22.json b/results/abhinand__MedEmbed-small-v0.1/external/STS22.json new file mode 100644 index 000000000..b523e8ac9 --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/STS22.json @@ -0,0 +1,89 @@ +{ + "dataset_revision": "de9d86b3b84231dc21f76c7b7af1f28e2f57f6e3", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cosine_pearson": 56.43553760517022, + "cosine_spearman": 61.54782397245725, + "euclidean_pearson": 57.49144139445497, + "euclidean_spearman": 61.54782397245725, + "main_score": 61.54782397245725, + "manhattan_pearson": 57.23292330897806, + "manhattan_spearman": 61.072557803031756, + "pearson": 56.43553760517022, + "spearman": 61.54782397245725 + }, + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "cosine_pearson": 42.54975380534044, + "cosine_spearman": 46.810373173640016, + "euclidean_pearson": 45.28349759462344, + "euclidean_spearman": 46.810373173640016, + "main_score": 46.810373173640016, + "manhattan_pearson": 46.16729933212417, + "manhattan_spearman": 46.249145972529426, + "pearson": 42.54975380534044, + "spearman": 46.810373173640016 + }, + { + "hf_subset": "pl-en", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "cosine_pearson": 42.33771713953653, + "cosine_spearman": 41.91423247431431, + "euclidean_pearson": 43.03252081424651, + "euclidean_spearman": 41.91423247431431, + "main_score": 41.91423247431431, + "manhattan_pearson": 41.39868682401022, + "manhattan_spearman": 40.26808563589977, + "pearson": 42.33771713953653, + "spearman": 41.91423247431431 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "cosine_pearson": 48.18269761507854, + "cosine_spearman": 50.6785956820247, + "euclidean_pearson": 48.610255848327895, + "euclidean_spearman": 50.6785956820247, + "main_score": 50.6785956820247, + "manhattan_pearson": 48.558643114423774, + "manhattan_spearman": 50.40531034934534, + "pearson": 48.18269761507854, + "spearman": 50.6785956820247 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 65.33289638983779, + "cosine_spearman": 66.80763004782261, + "euclidean_pearson": 67.9778359567448, + "euclidean_spearman": 66.80763004782261, + "main_score": 66.80763004782261, + "manhattan_pearson": 68.49657450051612, + "manhattan_spearman": 67.36431350100104, + "pearson": 65.33289638983779, + "spearman": 66.80763004782261 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/STSBenchmark.json b/results/abhinand__MedEmbed-small-v0.1/external/STSBenchmark.json new file mode 100644 index 000000000..237625ec3 --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 83.11688439720268, + "cosine_spearman": 84.81184678969443, + "euclidean_pearson": 84.74087810156583, + "euclidean_spearman": 84.81189525583689, + "main_score": 84.81184678969443, + "manhattan_pearson": 84.55725669112154, + "manhattan_spearman": 84.65629518341167, + "pearson": 83.11688439720268, + "spearman": 84.81184678969443 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/SciDocsRR.json b/results/abhinand__MedEmbed-small-v0.1/external/SciDocsRR.json new file mode 100644 index 000000000..db8f8f803 --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/SciDocsRR.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 85.79326406191477, + "map": 85.79326406191477, + "mrr": 96.01126632989377, + "nAUC_map_diff1": -1.9960063892305635, + "nAUC_map_max": 52.28855245081865, + "nAUC_map_std": 66.17006861709118, + "nAUC_mrr_diff1": 37.199120271359995, + "nAUC_mrr_max": 83.25191469254256, + "nAUC_mrr_std": 77.46103699775429 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/SciFact.json b/results/abhinand__MedEmbed-small-v0.1/external/SciFact.json new file mode 100644 index 000000000..9f60b8c1c --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/SciFact.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 70.781, + "map_at_1": 56.15, + "map_at_10": 66.068, + "map_at_100": 66.606, + "map_at_1000": 66.62700000000001, + "map_at_20": 66.393, + "map_at_3": 63.273999999999994, + "map_at_5": 64.97699999999999, + "mrr_at_1": 59.0, + "mrr_at_10": 67.14100529100529, + "mrr_at_100": 67.52274973457133, + "mrr_at_1000": 67.54192035738791, + "mrr_at_20": 67.33274717485244, + "mrr_at_3": 64.77777777777779, + "mrr_at_5": 66.39444444444446, + "nauc_map_at_1000_diff1": 69.09690829345494, + "nauc_map_at_1000_max": 50.70824678659478, + "nauc_map_at_1000_std": 12.985689664716407, + "nauc_map_at_100_diff1": 69.09924687148899, + "nauc_map_at_100_max": 50.7337506059534, + "nauc_map_at_100_std": 13.006358158080097, + "nauc_map_at_10_diff1": 69.10893207723633, + "nauc_map_at_10_max": 50.82945412215302, + "nauc_map_at_10_std": 12.301972176252288, + "nauc_map_at_1_diff1": 73.44608750237268, + "nauc_map_at_1_max": 43.85599731941668, + "nauc_map_at_1_std": 5.168582672370025, + "nauc_map_at_20_diff1": 69.03143295499125, + "nauc_map_at_20_max": 50.87627099813432, + "nauc_map_at_20_std": 12.949145762693659, + "nauc_map_at_3_diff1": 68.51699125737602, + "nauc_map_at_3_max": 47.24273828014918, + "nauc_map_at_3_std": 10.527871858030505, + "nauc_map_at_5_diff1": 68.99381046083316, + "nauc_map_at_5_max": 48.23432046662487, + "nauc_map_at_5_std": 11.26317964615511, + "nauc_mrr_at_1000_diff1": 69.79095737751194, + "nauc_mrr_at_1000_max": 52.29374297281226, + "nauc_mrr_at_1000_std": 15.13894630994255, + "nauc_mrr_at_100_diff1": 69.79188651557479, + "nauc_mrr_at_100_max": 52.315846778587485, + "nauc_mrr_at_100_std": 15.15521556772456, + "nauc_mrr_at_10_diff1": 69.73040149143365, + "nauc_mrr_at_10_max": 52.50283292011064, + "nauc_mrr_at_10_std": 15.069372709963726, + "nauc_mrr_at_1_diff1": 73.20400506747669, + "nauc_mrr_at_1_max": 50.10100713653324, + "nauc_mrr_at_1_std": 12.827172631712807, + "nauc_mrr_at_20_diff1": 69.72611022122446, + "nauc_mrr_at_20_max": 52.464578579728396, + "nauc_mrr_at_20_std": 15.208083826332011, + "nauc_mrr_at_3_diff1": 69.1985393007592, + "nauc_mrr_at_3_max": 50.81792260544604, + "nauc_mrr_at_3_std": 14.332022309785128, + "nauc_mrr_at_5_diff1": 69.50993371969486, + "nauc_mrr_at_5_max": 51.64106508314771, + "nauc_mrr_at_5_std": 15.358698285953956, + "nauc_ndcg_at_1000_diff1": 68.78498267947889, + "nauc_ndcg_at_1000_max": 52.57359656549474, + "nauc_ndcg_at_1000_std": 15.538452139114579, + "nauc_ndcg_at_100_diff1": 68.78480580681969, + "nauc_ndcg_at_100_max": 53.32698295972621, + "nauc_ndcg_at_100_std": 16.314594204287538, + "nauc_ndcg_at_10_diff1": 68.33131449324236, + "nauc_ndcg_at_10_max": 54.28393862675376, + "nauc_ndcg_at_10_std": 14.440188370799826, + "nauc_ndcg_at_1_diff1": 73.20400506747669, + "nauc_ndcg_at_1_max": 50.10100713653324, + "nauc_ndcg_at_1_std": 12.827172631712807, + "nauc_ndcg_at_20_diff1": 68.15031723936488, + "nauc_ndcg_at_20_max": 54.34582376960946, + "nauc_ndcg_at_20_std": 16.386097496285466, + "nauc_ndcg_at_3_diff1": 66.62543891885512, + "nauc_ndcg_at_3_max": 49.462685336422716, + "nauc_ndcg_at_3_std": 13.103889815379736, + "nauc_ndcg_at_5_diff1": 67.82774135743375, + "nauc_ndcg_at_5_max": 49.88962452868594, + "nauc_ndcg_at_5_std": 13.512352768231784, + "nauc_precision_at_1000_diff1": -24.455744262517246, + "nauc_precision_at_1000_max": 29.194209973219483, + "nauc_precision_at_1000_std": 53.45333740126795, + "nauc_precision_at_100_diff1": -9.02373932196674, + "nauc_precision_at_100_max": 39.31730511496725, + "nauc_precision_at_100_std": 54.23916463691773, + "nauc_precision_at_10_diff1": 16.237081629717945, + "nauc_precision_at_10_max": 58.7670275934335, + "nauc_precision_at_10_std": 41.54681432475195, + "nauc_precision_at_1_diff1": 73.20400506747669, + "nauc_precision_at_1_max": 50.10100713653324, + "nauc_precision_at_1_std": 12.827172631712807, + "nauc_precision_at_20_diff1": 6.486397217756261, + "nauc_precision_at_20_max": 49.69520636107963, + "nauc_precision_at_20_std": 48.330799457928784, + "nauc_precision_at_3_diff1": 36.84804465641589, + "nauc_precision_at_3_max": 48.964626880227385, + "nauc_precision_at_3_std": 27.19694612530361, + "nauc_precision_at_5_diff1": 29.08407956902661, + "nauc_precision_at_5_max": 51.33405026324234, + "nauc_precision_at_5_std": 35.64245923947663, + "nauc_recall_at_1000_diff1": 100.0, + "nauc_recall_at_1000_max": 12.278244631182748, + "nauc_recall_at_1000_std": 86.92810457516407, + "nauc_recall_at_100_diff1": 70.17611642358091, + "nauc_recall_at_100_max": 76.0037348272645, + "nauc_recall_at_100_std": 49.35606426478642, + "nauc_recall_at_10_diff1": 63.26936092042931, + "nauc_recall_at_10_max": 68.32557561359651, + "nauc_recall_at_10_std": 18.518390629963744, + "nauc_recall_at_1_diff1": 73.44608750237268, + "nauc_recall_at_1_max": 43.85599731941668, + "nauc_recall_at_1_std": 5.168582672370025, + "nauc_recall_at_20_diff1": 61.67969675432364, + "nauc_recall_at_20_max": 72.38960477117521, + "nauc_recall_at_20_std": 31.439077902413377, + "nauc_recall_at_3_diff1": 60.63550355416961, + "nauc_recall_at_3_max": 45.64273650955856, + "nauc_recall_at_3_std": 12.284278729729534, + "nauc_recall_at_5_diff1": 62.23932232627379, + "nauc_recall_at_5_max": 49.84844962005709, + "nauc_recall_at_5_std": 15.689932929513267, + "ndcg_at_1": 59.0, + "ndcg_at_10": 70.781, + "ndcg_at_100": 73.162, + "ndcg_at_1000": 73.737, + "ndcg_at_20": 71.722, + "ndcg_at_3": 65.839, + "ndcg_at_5": 68.557, + "precision_at_1": 59.0, + "precision_at_10": 9.467, + "precision_at_100": 1.08, + "precision_at_1000": 0.11299999999999999, + "precision_at_20": 4.983, + "precision_at_3": 25.889, + "precision_at_5": 17.267, + "recall_at_1": 56.15, + "recall_at_10": 84.222, + "recall_at_100": 95.167, + "recall_at_1000": 99.667, + "recall_at_20": 87.6, + "recall_at_3": 70.672, + "recall_at_5": 77.694 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/SprintDuplicateQuestions.json b/results/abhinand__MedEmbed-small-v0.1/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..b5e963ce7 --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/SprintDuplicateQuestions.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 99.84059405940594, + "cosine_accuracy_threshold": 84.68618392944336, + "cosine_ap": 96.16611732034018, + "cosine_f1": 91.87279151943464, + "cosine_f1_threshold": 84.60279107093811, + "cosine_precision": 92.7624872579001, + "cosine_recall": 91.0, + "dot_accuracy": 99.84059405940594, + "dot_accuracy_threshold": 84.68618392944336, + "dot_ap": 96.16611732034019, + "dot_f1": 91.87279151943464, + "dot_f1_threshold": 84.60279107093811, + "dot_precision": 92.7624872579001, + "dot_recall": 91.0, + "euclidean_accuracy": 99.84059405940594, + "euclidean_accuracy_threshold": 55.34223914146423, + "euclidean_ap": 96.16611732034018, + "euclidean_f1": 91.87279151943464, + "euclidean_f1_threshold": 55.49271106719971, + "euclidean_precision": 92.7624872579001, + "euclidean_recall": 91.0, + "main_score": 96.16611732034019, + "manhattan_accuracy": 99.84257425742574, + "manhattan_accuracy_threshold": 853.6725997924805, + "manhattan_ap": 96.1656773251653, + "manhattan_f1": 91.96563921172309, + "manhattan_f1_threshold": 861.8800163269043, + "manhattan_precision": 92.95199182839632, + "manhattan_recall": 91.0, + "max_accuracy": 99.84257425742574, + "max_ap": 96.16611732034019, + "max_f1": 91.96563921172309, + "max_precision": 92.95199182839632, + "max_recall": 91.0, + "similarity_accuracy": 99.84059405940594, + "similarity_accuracy_threshold": 84.68618392944336, + "similarity_ap": 96.16611732034018, + "similarity_f1": 91.87279151943464, + "similarity_f1_threshold": 84.60279107093811, + "similarity_precision": 92.7624872579001, + "similarity_recall": 91.0 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/StackExchangeClustering.json b/results/abhinand__MedEmbed-small-v0.1/external/StackExchangeClustering.json new file mode 100644 index 000000000..e1a12f793 --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/StackExchangeClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 60.02250015167472, + "v_measure": 60.02250015167472, + "v_measure_std": 3.6859565919222845 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/StackExchangeClusteringP2P.json b/results/abhinand__MedEmbed-small-v0.1/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..efa3c71c7 --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/StackExchangeClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 35.10613915314228, + "v_measure": 35.10613915314228, + "v_measure_std": 1.498102043653137 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/StackOverflowDupQuestions.json b/results/abhinand__MedEmbed-small-v0.1/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..132690603 --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/StackOverflowDupQuestions.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 53.319664095625406, + "map": 53.319664095625406, + "mrr": 54.17945208386384, + "nAUC_map_diff1": 40.00267732755458, + "nAUC_map_max": 13.527855683708992, + "nAUC_map_std": 9.041618850046866, + "nAUC_mrr_diff1": 39.62764426841398, + "nAUC_mrr_max": 14.339311048868952, + "nAUC_mrr_std": 9.226051974058887 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/SummEval.json b/results/abhinand__MedEmbed-small-v0.1/external/SummEval.json new file mode 100644 index 000000000..7e632ca68 --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 30.5114222288775, + "cosine_spearman": 30.485886091810034, + "dot_pearson": 30.511430485066025, + "dot_spearman": 30.49983580953373, + "main_score": 30.485886091810034, + "pearson": 30.5114222288775, + "spearman": 30.485886091810034 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/TRECCOVID.json b/results/abhinand__MedEmbed-small-v0.1/external/TRECCOVID.json new file mode 100644 index 000000000..cbb3d8451 --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/TRECCOVID.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "bb9466bac8153a0349341eb1b22e06409e78ef4e", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 77.75999999999999, + "map_at_1": 0.23900000000000002, + "map_at_10": 1.949, + "map_at_100": 11.116, + "map_at_1000": 26.684, + "map_at_20": 3.45, + "map_at_3": 0.651, + "map_at_5": 1.0410000000000001, + "mrr_at_1": 90.0, + "mrr_at_10": 93.95238095238096, + "mrr_at_100": 93.95238095238096, + "mrr_at_1000": 93.95238095238096, + "mrr_at_20": 93.95238095238096, + "mrr_at_3": 93.66666666666667, + "mrr_at_5": 93.66666666666667, + "nauc_map_at_1000_diff1": -20.160585435121543, + "nauc_map_at_1000_max": 38.8630983037078, + "nauc_map_at_1000_std": 75.1359498809274, + "nauc_map_at_100_diff1": -11.770967928603136, + "nauc_map_at_100_max": 29.51565445249646, + "nauc_map_at_100_std": 48.742088874863185, + "nauc_map_at_10_diff1": 16.02141979872306, + "nauc_map_at_10_max": 15.04591660201791, + "nauc_map_at_10_std": 12.788311897845276, + "nauc_map_at_1_diff1": 6.725038753955455, + "nauc_map_at_1_max": 5.632652286527743, + "nauc_map_at_1_std": -0.6518088466576922, + "nauc_map_at_20_diff1": 10.282985568907463, + "nauc_map_at_20_max": 17.483835968348743, + "nauc_map_at_20_std": 18.33987447808943, + "nauc_map_at_3_diff1": 10.44764101228141, + "nauc_map_at_3_max": 8.393374035568426, + "nauc_map_at_3_std": 4.3627693885700785, + "nauc_map_at_5_diff1": 17.02341733651586, + "nauc_map_at_5_max": 13.106044347786833, + "nauc_map_at_5_std": 7.008036861123736, + "nauc_mrr_at_1000_diff1": -32.12502848908622, + "nauc_mrr_at_1000_max": 82.01327775204561, + "nauc_mrr_at_1000_std": 64.92717822036941, + "nauc_mrr_at_100_diff1": -32.12502848908622, + "nauc_mrr_at_100_max": 82.01327775204561, + "nauc_mrr_at_100_std": 64.92717822036941, + "nauc_mrr_at_10_diff1": -32.12502848908622, + "nauc_mrr_at_10_max": 82.01327775204561, + "nauc_mrr_at_10_std": 64.92717822036941, + "nauc_mrr_at_1_diff1": -39.09430438842211, + "nauc_mrr_at_1_max": 78.2446311858077, + "nauc_mrr_at_1_std": 64.51914098972921, + "nauc_mrr_at_20_diff1": -32.12502848908622, + "nauc_mrr_at_20_max": 82.01327775204561, + "nauc_mrr_at_20_std": 64.92717822036941, + "nauc_mrr_at_3_diff1": -28.175831736202845, + "nauc_mrr_at_3_max": 82.82470883090078, + "nauc_mrr_at_3_std": 65.25627794977638, + "nauc_mrr_at_5_diff1": -28.175831736202845, + "nauc_mrr_at_5_max": 82.82470883090078, + "nauc_mrr_at_5_std": 65.25627794977638, + "nauc_ndcg_at_1000_diff1": -18.54726131921605, + "nauc_ndcg_at_1000_max": 29.95310477201888, + "nauc_ndcg_at_1000_std": 70.82243454153097, + "nauc_ndcg_at_100_diff1": -22.637249582808078, + "nauc_ndcg_at_100_max": 36.348125192786654, + "nauc_ndcg_at_100_std": 75.19596861423354, + "nauc_ndcg_at_10_diff1": -19.91104943802517, + "nauc_ndcg_at_10_max": 34.8418323803163, + "nauc_ndcg_at_10_std": 57.580684501146926, + "nauc_ndcg_at_1_diff1": -38.8728816184899, + "nauc_ndcg_at_1_max": 26.635065216717795, + "nauc_ndcg_at_1_std": 66.18954673606594, + "nauc_ndcg_at_20_diff1": -19.199510111936828, + "nauc_ndcg_at_20_max": 36.16805193195719, + "nauc_ndcg_at_20_std": 64.03214954101703, + "nauc_ndcg_at_3_diff1": -28.79507246353434, + "nauc_ndcg_at_3_max": 29.623193200204902, + "nauc_ndcg_at_3_std": 48.53958096552628, + "nauc_ndcg_at_5_diff1": -20.153745604675404, + "nauc_ndcg_at_5_max": 38.55119400658675, + "nauc_ndcg_at_5_std": 52.05268467045925, + "nauc_precision_at_1000_diff1": -16.27868015856243, + "nauc_precision_at_1000_max": 31.57510838019923, + "nauc_precision_at_1000_std": 57.73923801374279, + "nauc_precision_at_100_diff1": -20.501173646320325, + "nauc_precision_at_100_max": 40.777625226055484, + "nauc_precision_at_100_std": 73.83079368622825, + "nauc_precision_at_10_diff1": -9.965760097987248, + "nauc_precision_at_10_max": 43.831250173983214, + "nauc_precision_at_10_std": 59.253820671992926, + "nauc_precision_at_1_diff1": -39.09430438842211, + "nauc_precision_at_1_max": 78.2446311858077, + "nauc_precision_at_1_std": 64.51914098972921, + "nauc_precision_at_20_diff1": -8.638035851947166, + "nauc_precision_at_20_max": 44.103880220277084, + "nauc_precision_at_20_std": 64.70525093435604, + "nauc_precision_at_3_diff1": -21.841031859772837, + "nauc_precision_at_3_max": 44.674236578106004, + "nauc_precision_at_3_std": 42.478227317825976, + "nauc_precision_at_5_diff1": -6.236840001066146, + "nauc_precision_at_5_max": 51.207388256616696, + "nauc_precision_at_5_std": 48.96452464084871, + "nauc_recall_at_1000_diff1": -10.99581357598733, + "nauc_recall_at_1000_max": 24.78131457526207, + "nauc_recall_at_1000_std": 58.616353090231456, + "nauc_recall_at_100_diff1": -7.391122888251769, + "nauc_recall_at_100_max": 13.48733379483525, + "nauc_recall_at_100_std": 30.021453850557478, + "nauc_recall_at_10_diff1": 18.655482095342737, + "nauc_recall_at_10_max": 7.711145130239254, + "nauc_recall_at_10_std": 4.714005963492534, + "nauc_recall_at_1_diff1": 6.725038753955455, + "nauc_recall_at_1_max": 5.632652286527743, + "nauc_recall_at_1_std": -0.6518088466576922, + "nauc_recall_at_20_diff1": 13.388708452075319, + "nauc_recall_at_20_max": 7.968138289992421, + "nauc_recall_at_20_std": 6.945001828898886, + "nauc_recall_at_3_diff1": 13.1846212620345, + "nauc_recall_at_3_max": 5.67166800633548, + "nauc_recall_at_3_std": 0.4607538722304717, + "nauc_recall_at_5_diff1": 20.396178452142838, + "nauc_recall_at_5_max": 8.470737892964241, + "nauc_recall_at_5_std": 1.3229988346689756, + "ndcg_at_1": 84.0, + "ndcg_at_10": 77.75999999999999, + "ndcg_at_100": 58.162000000000006, + "ndcg_at_1000": 52.235, + "ndcg_at_20": 73.04, + "ndcg_at_3": 79.061, + "ndcg_at_5": 78.242, + "precision_at_1": 90.0, + "precision_at_10": 81.6, + "precision_at_100": 59.540000000000006, + "precision_at_1000": 22.918, + "precision_at_20": 76.4, + "precision_at_3": 83.333, + "precision_at_5": 82.39999999999999, + "recall_at_1": 0.23900000000000002, + "recall_at_10": 2.1510000000000002, + "recall_at_100": 14.457, + "recall_at_1000": 49.112, + "recall_at_20": 3.968, + "recall_at_3": 0.672, + "recall_at_5": 1.1079999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/Touche2020.json b/results/abhinand__MedEmbed-small-v0.1/external/Touche2020.json new file mode 100644 index 000000000..858da17e4 --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/Touche2020.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 22.198999999999998, + "map_at_1": 1.932, + "map_at_10": 9.105, + "map_at_100": 14.99, + "map_at_1000": 16.502, + "map_at_20": 11.283, + "map_at_3": 4.832, + "map_at_5": 6.944999999999999, + "mrr_at_1": 26.53061224489796, + "mrr_at_10": 43.61030126336249, + "mrr_at_100": 44.75538656374139, + "mrr_at_1000": 44.75538656374139, + "mrr_at_20": 44.37315402351417, + "mrr_at_3": 40.136054421768705, + "mrr_at_5": 42.68707482993197, + "nauc_map_at_1000_diff1": 5.571019818745702, + "nauc_map_at_1000_max": -11.439908189694366, + "nauc_map_at_1000_std": 3.492870285000601, + "nauc_map_at_100_diff1": 6.3857496898544825, + "nauc_map_at_100_max": -10.684360218709237, + "nauc_map_at_100_std": -1.3788744378787143, + "nauc_map_at_10_diff1": -3.2307453267757613, + "nauc_map_at_10_max": -11.982307021752293, + "nauc_map_at_10_std": -17.038119838763336, + "nauc_map_at_1_diff1": -12.065806764609652, + "nauc_map_at_1_max": -18.42316476528604, + "nauc_map_at_1_std": -5.338503094268672, + "nauc_map_at_20_diff1": 2.060946421753866, + "nauc_map_at_20_max": -9.648155355543604, + "nauc_map_at_20_std": -14.167331436206121, + "nauc_map_at_3_diff1": -6.1582621880288135, + "nauc_map_at_3_max": -22.097550216296806, + "nauc_map_at_3_std": -19.199284745576712, + "nauc_map_at_5_diff1": -7.802919708793224, + "nauc_map_at_5_max": -17.70019332797913, + "nauc_map_at_5_std": -15.991138654326342, + "nauc_mrr_at_1000_diff1": 5.315700846697389, + "nauc_mrr_at_1000_max": -29.55043481865213, + "nauc_mrr_at_1000_std": -8.769041254229224, + "nauc_mrr_at_100_diff1": 5.315700846697389, + "nauc_mrr_at_100_max": -29.55043481865213, + "nauc_mrr_at_100_std": -8.769041254229224, + "nauc_mrr_at_10_diff1": 5.342627942794191, + "nauc_mrr_at_10_max": -29.8876417651037, + "nauc_mrr_at_10_std": -8.925134053814258, + "nauc_mrr_at_1_diff1": -5.853396683618596, + "nauc_mrr_at_1_max": -24.66468805788406, + "nauc_mrr_at_1_std": -2.9097438384537346, + "nauc_mrr_at_20_diff1": 5.614614325342419, + "nauc_mrr_at_20_max": -29.57233189732013, + "nauc_mrr_at_20_std": -8.901826109523945, + "nauc_mrr_at_3_diff1": 3.926726061167271, + "nauc_mrr_at_3_max": -29.133917047617896, + "nauc_mrr_at_3_std": -10.817130618828164, + "nauc_mrr_at_5_diff1": 6.866536020293703, + "nauc_mrr_at_5_max": -27.22246522106795, + "nauc_mrr_at_5_std": -9.223799569500295, + "nauc_ndcg_at_1000_diff1": 4.912125181204877, + "nauc_ndcg_at_1000_max": -19.911079119060137, + "nauc_ndcg_at_1000_std": 31.204098714668948, + "nauc_ndcg_at_100_diff1": 8.050987112499488, + "nauc_ndcg_at_100_max": -24.237414173651416, + "nauc_ndcg_at_100_std": 19.15875595335081, + "nauc_ndcg_at_10_diff1": 2.5354767183863816, + "nauc_ndcg_at_10_max": -19.384946931074236, + "nauc_ndcg_at_10_std": -12.474145803872345, + "nauc_ndcg_at_1_diff1": -6.385670878766842, + "nauc_ndcg_at_1_max": -26.888516826897597, + "nauc_ndcg_at_1_std": 4.6644465028244495, + "nauc_ndcg_at_20_diff1": 5.589354383855214, + "nauc_ndcg_at_20_max": -19.6270331947477, + "nauc_ndcg_at_20_std": -8.94059836915274, + "nauc_ndcg_at_3_diff1": -2.9174040900462406, + "nauc_ndcg_at_3_max": -27.05606242350417, + "nauc_ndcg_at_3_std": -11.987391689874753, + "nauc_ndcg_at_5_diff1": -0.962392407401707, + "nauc_ndcg_at_5_max": -22.053428062249598, + "nauc_ndcg_at_5_std": -9.713594416902245, + "nauc_precision_at_1000_diff1": 2.203417821108256, + "nauc_precision_at_1000_max": 34.33612400063248, + "nauc_precision_at_1000_std": 43.96264641409255, + "nauc_precision_at_100_diff1": 16.62707023479431, + "nauc_precision_at_100_max": -8.941729500754416, + "nauc_precision_at_100_std": 62.443164771048, + "nauc_precision_at_10_diff1": 13.230088341821533, + "nauc_precision_at_10_max": -9.557587026278982, + "nauc_precision_at_10_std": -13.903821725694145, + "nauc_precision_at_1_diff1": -5.853396683618596, + "nauc_precision_at_1_max": -24.66468805788406, + "nauc_precision_at_1_std": -2.9097438384537346, + "nauc_precision_at_20_diff1": 20.01420656558271, + "nauc_precision_at_20_max": -3.610511982629168, + "nauc_precision_at_20_std": 3.3028512582216196, + "nauc_precision_at_3_diff1": 4.543784490391635, + "nauc_precision_at_3_max": -25.438739747558976, + "nauc_precision_at_3_std": -23.527100799773606, + "nauc_precision_at_5_diff1": 4.918050559436191, + "nauc_precision_at_5_max": -17.82587578128468, + "nauc_precision_at_5_std": -15.917371534686687, + "nauc_recall_at_1000_diff1": -0.8380945098365681, + "nauc_recall_at_1000_max": -13.542228290393272, + "nauc_recall_at_1000_std": 78.43177045214168, + "nauc_recall_at_100_diff1": 6.01120074173763, + "nauc_recall_at_100_max": -27.262764699369907, + "nauc_recall_at_100_std": 34.11660757682217, + "nauc_recall_at_10_diff1": -0.3618473898428649, + "nauc_recall_at_10_max": -17.245131880022484, + "nauc_recall_at_10_std": -20.126269566717603, + "nauc_recall_at_1_diff1": -12.065806764609652, + "nauc_recall_at_1_max": -18.42316476528604, + "nauc_recall_at_1_std": -5.338503094268672, + "nauc_recall_at_20_diff1": 5.300185381681294, + "nauc_recall_at_20_max": -16.939840786187844, + "nauc_recall_at_20_std": -11.448793742632803, + "nauc_recall_at_3_diff1": -2.90066753150224, + "nauc_recall_at_3_max": -27.41339431526332, + "nauc_recall_at_3_std": -23.23954755854574, + "nauc_recall_at_5_diff1": -2.8599531525072495, + "nauc_recall_at_5_max": -19.68001489065482, + "nauc_recall_at_5_std": -16.335162845490004, + "ndcg_at_1": 22.448999999999998, + "ndcg_at_10": 22.198999999999998, + "ndcg_at_100": 34.79, + "ndcg_at_1000": 45.921, + "ndcg_at_20": 23.751, + "ndcg_at_3": 25.185000000000002, + "ndcg_at_5": 24.751, + "precision_at_1": 26.531, + "precision_at_10": 19.592000000000002, + "precision_at_100": 7.327, + "precision_at_1000": 1.486, + "precision_at_20": 15.612, + "precision_at_3": 28.571, + "precision_at_5": 26.939, + "recall_at_1": 1.932, + "recall_at_10": 14.896999999999998, + "recall_at_100": 46.132, + "recall_at_1000": 80.26100000000001, + "recall_at_20": 22.304, + "recall_at_3": 6.237, + "recall_at_5": 9.945 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/Touche2020Retrieval.v3.json b/results/abhinand__MedEmbed-small-v0.1/external/Touche2020Retrieval.v3.json new file mode 100644 index 000000000..a1a11e0bc --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/Touche2020Retrieval.v3.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "431886eaecc48f067a3975b70d0949ea2862463c", + "task_name": "Touche2020Retrieval.v3", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 56.196, + "map_at_1": 2.946, + "map_at_10": 18.725, + "map_at_100": 36.925999999999995, + "map_at_1000": 39.741, + "map_at_20": 26.534000000000002, + "map_at_3": 7.083, + "map_at_5": 11.187999999999999, + "mrr_at_1": 73.46938775510205, + "mrr_at_10": 83.67346938775512, + "mrr_at_100": 83.67346938775512, + "mrr_at_1000": 83.67346938775512, + "mrr_at_20": 83.67346938775512, + "mrr_at_3": 81.6326530612245, + "mrr_at_5": 83.67346938775512, + "nauc_map_at_1000_diff1": -2.991437116771111, + "nauc_map_at_1000_max": -11.67772152587661, + "nauc_map_at_1000_std": 30.75490471184306, + "nauc_map_at_100_diff1": -2.95737316254561, + "nauc_map_at_100_max": -15.02583478654141, + "nauc_map_at_100_std": 26.630398365349656, + "nauc_map_at_10_diff1": -10.212425455350994, + "nauc_map_at_10_max": -24.03187999524167, + "nauc_map_at_10_std": -0.014679526577675323, + "nauc_map_at_1_diff1": -20.82132515478208, + "nauc_map_at_1_max": -40.886965604054176, + "nauc_map_at_1_std": -23.05338042822077, + "nauc_map_at_20_diff1": -5.077469934765774, + "nauc_map_at_20_max": -15.699607051137168, + "nauc_map_at_20_std": 7.679788317888087, + "nauc_map_at_3_diff1": -7.8949208792660555, + "nauc_map_at_3_max": -33.62859118751235, + "nauc_map_at_3_std": -9.004325158650554, + "nauc_map_at_5_diff1": -5.264771799791715, + "nauc_map_at_5_max": -31.357780951814874, + "nauc_map_at_5_std": -0.7165057953194318, + "nauc_mrr_at_1000_diff1": -5.024511068781128, + "nauc_mrr_at_1000_max": -40.77907972701954, + "nauc_mrr_at_1000_std": 15.946175002676071, + "nauc_mrr_at_100_diff1": -5.024511068781128, + "nauc_mrr_at_100_max": -40.77907972701954, + "nauc_mrr_at_100_std": 15.946175002676071, + "nauc_mrr_at_10_diff1": -5.024511068781128, + "nauc_mrr_at_10_max": -40.77907972701954, + "nauc_mrr_at_10_std": 15.946175002676071, + "nauc_mrr_at_1_diff1": -4.991894795838693, + "nauc_mrr_at_1_max": -38.83508536411747, + "nauc_mrr_at_1_std": 15.246738247246094, + "nauc_mrr_at_20_diff1": -5.024511068781128, + "nauc_mrr_at_20_max": -40.77907972701954, + "nauc_mrr_at_20_std": 15.946175002676071, + "nauc_mrr_at_3_diff1": -4.9009070566281245, + "nauc_mrr_at_3_max": -39.257034415652896, + "nauc_mrr_at_3_std": 17.02621296101872, + "nauc_mrr_at_5_diff1": -5.024511068781128, + "nauc_mrr_at_5_max": -40.77907972701954, + "nauc_mrr_at_5_std": 15.946175002676071, + "nauc_ndcg_at_1000_diff1": 4.877492348633252, + "nauc_ndcg_at_1000_max": -3.2969805314117404, + "nauc_ndcg_at_1000_std": 55.98792969695613, + "nauc_ndcg_at_100_diff1": -0.038028291353188436, + "nauc_ndcg_at_100_max": -23.001016457410532, + "nauc_ndcg_at_100_std": 41.898883840979764, + "nauc_ndcg_at_10_diff1": -5.1015740530562175, + "nauc_ndcg_at_10_max": -8.7971501887686, + "nauc_ndcg_at_10_std": 38.76126472444422, + "nauc_ndcg_at_1_diff1": -8.898461488020045, + "nauc_ndcg_at_1_max": -12.226428291827384, + "nauc_ndcg_at_1_std": 20.89258738535739, + "nauc_ndcg_at_20_diff1": -5.019424969386717, + "nauc_ndcg_at_20_max": -8.40375826680385, + "nauc_ndcg_at_20_std": 33.50966709609865, + "nauc_ndcg_at_3_diff1": 0.22327484809688333, + "nauc_ndcg_at_3_max": -13.27467982106787, + "nauc_ndcg_at_3_std": 30.51511997926173, + "nauc_ndcg_at_5_diff1": 0.09938628362624732, + "nauc_ndcg_at_5_max": -17.931135627985192, + "nauc_ndcg_at_5_std": 38.57726727005374, + "nauc_precision_at_1000_diff1": 2.106041432080759, + "nauc_precision_at_1000_max": 49.528293004180455, + "nauc_precision_at_1000_std": 36.49921447274295, + "nauc_precision_at_100_diff1": -1.225455548663038, + "nauc_precision_at_100_max": 19.605316746110887, + "nauc_precision_at_100_std": 71.37044623385614, + "nauc_precision_at_10_diff1": -1.8080350322595757, + "nauc_precision_at_10_max": -3.453940682448408, + "nauc_precision_at_10_std": 36.75225348961599, + "nauc_precision_at_1_diff1": -4.991894795838693, + "nauc_precision_at_1_max": -38.83508536411747, + "nauc_precision_at_1_std": 15.246738247246094, + "nauc_precision_at_20_diff1": 11.092767632848723, + "nauc_precision_at_20_max": 10.218443043089982, + "nauc_precision_at_20_std": 47.63494142738728, + "nauc_precision_at_3_diff1": 12.20603394911171, + "nauc_precision_at_3_max": -17.251065315072193, + "nauc_precision_at_3_std": 26.867651256647452, + "nauc_precision_at_5_diff1": 10.093913963838736, + "nauc_precision_at_5_max": -20.946372820355073, + "nauc_precision_at_5_std": 42.58398961954329, + "nauc_recall_at_1000_diff1": 27.541259514336, + "nauc_recall_at_1000_max": 26.488575954326027, + "nauc_recall_at_1000_std": 77.42345371512604, + "nauc_recall_at_100_diff1": 0.3196527391909681, + "nauc_recall_at_100_max": -24.479150613828303, + "nauc_recall_at_100_std": 39.2629664046755, + "nauc_recall_at_10_diff1": -12.59639639211954, + "nauc_recall_at_10_max": -28.209370861454307, + "nauc_recall_at_10_std": -7.833213547133838, + "nauc_recall_at_1_diff1": -20.82132515478208, + "nauc_recall_at_1_max": -40.886965604054176, + "nauc_recall_at_1_std": -23.05338042822077, + "nauc_recall_at_20_diff1": -5.180606615847058, + "nauc_recall_at_20_max": -19.492523770094547, + "nauc_recall_at_20_std": 3.0890655409078276, + "nauc_recall_at_3_diff1": -7.4383614317036715, + "nauc_recall_at_3_max": -33.467231727496504, + "nauc_recall_at_3_std": -10.871143037448503, + "nauc_recall_at_5_diff1": -6.729176537186017, + "nauc_recall_at_5_max": -34.57305958555233, + "nauc_recall_at_5_std": -4.486225513133468, + "ndcg_at_1": 60.204, + "ndcg_at_10": 56.196, + "ndcg_at_100": 58.08, + "ndcg_at_1000": 69.069, + "ndcg_at_20": 50.604000000000006, + "ndcg_at_3": 59.114, + "ndcg_at_5": 59.52499999999999, + "precision_at_1": 73.469, + "precision_at_10": 63.26500000000001, + "precision_at_100": 19.796, + "precision_at_1000": 3.102, + "precision_at_20": 49.592000000000006, + "precision_at_3": 69.388, + "precision_at_5": 70.612, + "recall_at_1": 2.946, + "recall_at_10": 22.479, + "recall_at_100": 61.507, + "recall_at_1000": 88.495, + "recall_at_20": 34.344, + "recall_at_3": 7.571, + "recall_at_5": 12.606 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/ToxicConversationsClassification.json b/results/abhinand__MedEmbed-small-v0.1/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..7a8415300 --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/ToxicConversationsClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 65.8447265625, + "ap": 11.790127057253194, + "ap_weighted": 11.790127057253194, + "f1": 50.28742613560235, + "f1_weighted": 73.24450181406255, + "main_score": 65.8447265625 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/TweetSentimentExtractionClassification.json b/results/abhinand__MedEmbed-small-v0.1/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..375a2886d --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.349745331069606, + "f1": 61.502480965412744, + "f1_weighted": 60.39561856225271, + "main_score": 61.349745331069606 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/TwentyNewsgroupsClustering.json b/results/abhinand__MedEmbed-small-v0.1/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..a9c5068ec --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 47.338360343180106, + "v_measure": 47.338360343180106, + "v_measure_std": 2.01314014968057 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/TwitterSemEval2015.json b/results/abhinand__MedEmbed-small-v0.1/external/TwitterSemEval2015.json new file mode 100644 index 000000000..06e0e20a6 --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/TwitterSemEval2015.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 85.49204267747511, + "cosine_accuracy_threshold": 86.85047030448914, + "cosine_ap": 72.98051397210814, + "cosine_f1": 66.8282725184996, + "cosine_f1_threshold": 84.59665775299072, + "cosine_precision": 64.69861660079052, + "cosine_recall": 69.10290237467018, + "dot_accuracy": 85.49204267747511, + "dot_accuracy_threshold": 86.85047030448914, + "dot_ap": 72.98051075246349, + "dot_f1": 66.8282725184996, + "dot_f1_threshold": 84.59665775299072, + "dot_precision": 64.69861660079052, + "dot_recall": 69.10290237467018, + "euclidean_accuracy": 85.49204267747511, + "euclidean_accuracy_threshold": 51.28260850906372, + "euclidean_ap": 72.98052075606988, + "euclidean_f1": 66.8282725184996, + "euclidean_f1_threshold": 55.50377368927002, + "euclidean_precision": 64.69861660079052, + "euclidean_recall": 69.10290237467018, + "main_score": 72.98052075606988, + "manhattan_accuracy": 85.43839780652083, + "manhattan_accuracy_threshold": 796.9008445739746, + "manhattan_ap": 72.80895903518599, + "manhattan_f1": 66.64168852254278, + "manhattan_f1_threshold": 871.8400955200195, + "manhattan_precision": 63.267725871472614, + "manhattan_recall": 70.3957783641161, + "max_accuracy": 85.49204267747511, + "max_ap": 72.98052075606988, + "max_f1": 66.8282725184996, + "max_precision": 64.69861660079052, + "max_recall": 70.3957783641161, + "similarity_accuracy": 85.49204267747511, + "similarity_accuracy_threshold": 86.85047030448914, + "similarity_ap": 72.98051397210814, + "similarity_f1": 66.8282725184996, + "similarity_f1_threshold": 84.59665775299072, + "similarity_precision": 64.69861660079052, + "similarity_recall": 69.10290237467018 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/TwitterURLCorpus.json b/results/abhinand__MedEmbed-small-v0.1/external/TwitterURLCorpus.json new file mode 100644 index 000000000..7f32ca58c --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/TwitterURLCorpus.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 88.4192959987581, + "cosine_accuracy_threshold": 82.84748792648315, + "cosine_ap": 84.98986658033178, + "cosine_f1": 77.24466264970617, + "cosine_f1_threshold": 81.41384720802307, + "cosine_precision": 74.71578644409269, + "cosine_recall": 79.95072374499537, + "dot_accuracy": 88.4192959987581, + "dot_accuracy_threshold": 82.84748792648315, + "dot_ap": 84.98983415174361, + "dot_f1": 77.24466264970617, + "dot_f1_threshold": 81.41384720802307, + "dot_precision": 74.71578644409269, + "dot_recall": 79.95072374499537, + "euclidean_accuracy": 88.4192959987581, + "euclidean_accuracy_threshold": 58.57049226760864, + "euclidean_ap": 84.9898314712826, + "euclidean_f1": 77.24466264970617, + "euclidean_f1_threshold": 60.96909046173096, + "euclidean_precision": 74.71578644409269, + "euclidean_recall": 79.95072374499537, + "main_score": 84.98986658033178, + "manhattan_accuracy": 88.4192959987581, + "manhattan_accuracy_threshold": 907.758617401123, + "manhattan_ap": 84.92522577660164, + "manhattan_f1": 76.9788698516079, + "manhattan_f1_threshold": 952.1110534667969, + "manhattan_precision": 74.10758817242608, + "manhattan_recall": 80.08161379735141, + "max_accuracy": 88.4192959987581, + "max_ap": 84.98986658033178, + "max_f1": 77.24466264970617, + "max_precision": 74.71578644409269, + "max_recall": 80.08161379735141, + "similarity_accuracy": 88.4192959987581, + "similarity_accuracy_threshold": 82.84748792648315, + "similarity_ap": 84.98986658033178, + "similarity_f1": 77.24466264970617, + "similarity_f1_threshold": 81.41384720802307, + "similarity_precision": 74.71578644409269, + "similarity_recall": 79.95072374499537 + } + ] + } +} \ No newline at end of file diff --git a/results/abhinand__MedEmbed-small-v0.1/external/model_meta.json b/results/abhinand__MedEmbed-small-v0.1/external/model_meta.json new file mode 100644 index 000000000..8122220e7 --- /dev/null +++ b/results/abhinand__MedEmbed-small-v0.1/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "abhinand/MedEmbed-small-v0.1", + "revision": "40a5850d046cfdb56154e332b4d7099b63e8d50e", + "release_date": "2024-10-20", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 33360000, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 384, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/ai-forever__ru-en-RoSBERTa/external/CEDRClassification.json b/results/ai-forever__ru-en-RoSBERTa/external/CEDRClassification.json new file mode 100644 index 000000000..09e0b478e --- /dev/null +++ b/results/ai-forever__ru-en-RoSBERTa/external/CEDRClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "c0ba03d058e3e1b2f3fd20518875a4563dd12db4", + "task_name": "CEDRClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 44.68650371944739, + "f1": 40.7601061886426, + "lrap": 70.69633368756747, + "main_score": 44.68650371944739 + } + ] + } +} \ No newline at end of file diff --git a/results/ai-forever__ru-en-RoSBERTa/external/GeoreviewClassification.json b/results/ai-forever__ru-en-RoSBERTa/external/GeoreviewClassification.json new file mode 100644 index 000000000..3384105f9 --- /dev/null +++ b/results/ai-forever__ru-en-RoSBERTa/external/GeoreviewClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3765c0d1de6b7d264bc459433c45e5a75513839c", + "task_name": "GeoreviewClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 49.697265625, + "f1": 47.793186725286866, + "f1_weighted": 47.79131720298068, + "main_score": 49.697265625 + } + ] + } +} \ No newline at end of file diff --git a/results/ai-forever__ru-en-RoSBERTa/external/GeoreviewClusteringP2P.json b/results/ai-forever__ru-en-RoSBERTa/external/GeoreviewClusteringP2P.json new file mode 100644 index 000000000..f32e33859 --- /dev/null +++ b/results/ai-forever__ru-en-RoSBERTa/external/GeoreviewClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "97a313c8fc85b47f13f33e7e9a95c1ad888c7fec", + "task_name": "GeoreviewClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "main_score": 65.42249614873316, + "v_measure": 65.42249614873316, + "v_measure_std": 0.8524815312312278 + } + ] + } +} \ No newline at end of file diff --git a/results/ai-forever__ru-en-RoSBERTa/external/HeadlineClassification.json b/results/ai-forever__ru-en-RoSBERTa/external/HeadlineClassification.json new file mode 100644 index 000000000..09a9c3fe3 --- /dev/null +++ b/results/ai-forever__ru-en-RoSBERTa/external/HeadlineClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "2fe05ee6b5832cda29f2ef7aaad7b7fe6a3609eb", + "task_name": "HeadlineClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 78.0029296875, + "f1": 77.95151940601424, + "f1_weighted": 77.95054643947716, + "main_score": 78.0029296875 + } + ] + } +} \ No newline at end of file diff --git a/results/ai-forever__ru-en-RoSBERTa/external/InappropriatenessClassification.json b/results/ai-forever__ru-en-RoSBERTa/external/InappropriatenessClassification.json new file mode 100644 index 000000000..0cda8a246 --- /dev/null +++ b/results/ai-forever__ru-en-RoSBERTa/external/InappropriatenessClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "601651fdc45ef243751676e62dd7a19f491c0285", + "task_name": "InappropriatenessClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 61.32324218750001, + "ap": 57.11029460364367, + "ap_weighted": 57.11029460364367, + "f1": 60.971337406307214, + "f1_weighted": 60.971337406307214, + "main_score": 61.32324218750001 + } + ] + } +} \ No newline at end of file diff --git a/results/ai-forever__ru-en-RoSBERTa/external/KinopoiskClassification.json b/results/ai-forever__ru-en-RoSBERTa/external/KinopoiskClassification.json new file mode 100644 index 000000000..ad106d870 --- /dev/null +++ b/results/ai-forever__ru-en-RoSBERTa/external/KinopoiskClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "5911f26666ac11af46cb9c6849d0dc80a378af24", + "task_name": "KinopoiskClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 63.27333333333334, + "f1": 61.007042785228116, + "f1_weighted": 61.007042785228116, + "main_score": 63.27333333333334 + } + ] + } +} \ No newline at end of file diff --git a/results/ai-forever__ru-en-RoSBERTa/external/MIRACLReranking.json b/results/ai-forever__ru-en-RoSBERTa/external/MIRACLReranking.json new file mode 100644 index 000000000..73459ae0d --- /dev/null +++ b/results/ai-forever__ru-en-RoSBERTa/external/MIRACLReranking.json @@ -0,0 +1,129 @@ +{ + "dataset_revision": "6d1962c527217f8927fca80f890f14f36b2802af", + "task_name": "MIRACLReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "MAP@1(MIRACL)": 30.691000000000003, + "MAP@10(MIRACL)": 49.178, + "MAP@100(MIRACL)": 51.225, + "MAP@1000(MIRACL)": 51.225, + "MAP@20(MIRACL)": 50.613, + "MAP@3(MIRACL)": 42.457, + "MAP@5(MIRACL)": 46.172000000000004, + "NDCG@1(MIRACL)": 51.002, + "NDCG@10(MIRACL)": 56.912, + "NDCG@100(MIRACL)": 61.197, + "NDCG@1000(MIRACL)": 61.197, + "NDCG@20(MIRACL)": 59.453, + "NDCG@3(MIRACL)": 51.083, + "NDCG@5(MIRACL)": 53.358000000000004, + "P@1(MIRACL)": 51.002, + "P@10(MIRACL)": 14.852000000000002, + "P@100(MIRACL)": 1.9529999999999998, + "P@1000(MIRACL)": 0.19499999999999998, + "P@20(MIRACL)": 8.657, + "P@3(MIRACL)": 31.435000000000002, + "P@5(MIRACL)": 23.608999999999998, + "Recall@1(MIRACL)": 30.691000000000003, + "Recall@10(MIRACL)": 67.006, + "Recall@100(MIRACL)": 79.952, + "Recall@1000(MIRACL)": 79.952, + "Recall@20(MIRACL)": 73.811, + "Recall@3(MIRACL)": 49.142, + "Recall@5(MIRACL)": 57.553, + "main_score": 56.912, + "nAUC_MAP@1000_diff1(MIRACL)": 10.786403475779332, + "nAUC_MAP@1000_max(MIRACL)": 29.477246196287275, + "nAUC_MAP@1000_std(MIRACL)": 15.938834129839046, + "nAUC_MAP@100_diff1(MIRACL)": 10.786403475779332, + "nAUC_MAP@100_max(MIRACL)": 29.477246196287275, + "nAUC_MAP@100_std(MIRACL)": 15.938834129839046, + "nAUC_MAP@10_diff1(MIRACL)": 12.255091348037595, + "nAUC_MAP@10_max(MIRACL)": 26.72625370045134, + "nAUC_MAP@10_std(MIRACL)": 14.180071586837812, + "nAUC_MAP@1_diff1(MIRACL)": 28.616487922173768, + "nAUC_MAP@1_max(MIRACL)": 12.986192530664518, + "nAUC_MAP@1_std(MIRACL)": 4.086145762604503, + "nAUC_MAP@20_diff1(MIRACL)": 11.360341572700476, + "nAUC_MAP@20_max(MIRACL)": 28.612330384153832, + "nAUC_MAP@20_std(MIRACL)": 15.787480742877937, + "nAUC_MAP@3_diff1(MIRACL)": 18.033783954867623, + "nAUC_MAP@3_max(MIRACL)": 20.97092332905034, + "nAUC_MAP@3_std(MIRACL)": 9.106058710108279, + "nAUC_MAP@5_diff1(MIRACL)": 14.784231238848433, + "nAUC_MAP@5_max(MIRACL)": 23.841145797143, + "nAUC_MAP@5_std(MIRACL)": 11.25686258970321, + "nAUC_NDCG@1000_diff1(MIRACL)": 1.4728095471561125, + "nAUC_NDCG@1000_max(MIRACL)": 39.84262968697792, + "nAUC_NDCG@1000_std(MIRACL)": 22.4186410243652, + "nAUC_NDCG@100_diff1(MIRACL)": 1.4728095471561125, + "nAUC_NDCG@100_max(MIRACL)": 39.84262968697792, + "nAUC_NDCG@100_std(MIRACL)": 22.4186410243652, + "nAUC_NDCG@10_diff1(MIRACL)": 5.242996478950954, + "nAUC_NDCG@10_max(MIRACL)": 33.86925934510759, + "nAUC_NDCG@10_std(MIRACL)": 19.457386638149625, + "nAUC_NDCG@1_diff1(MIRACL)": 16.925455715967676, + "nAUC_NDCG@1_max(MIRACL)": 36.72266755084653, + "nAUC_NDCG@1_std(MIRACL)": 18.357456476212622, + "nAUC_NDCG@20_diff1(MIRACL)": 3.361697278095995, + "nAUC_NDCG@20_max(MIRACL)": 37.38923489423496, + "nAUC_NDCG@20_std(MIRACL)": 22.29168372402657, + "nAUC_NDCG@3_diff1(MIRACL)": 10.936904314592084, + "nAUC_NDCG@3_max(MIRACL)": 30.547718047674284, + "nAUC_NDCG@3_std(MIRACL)": 15.142352896765665, + "nAUC_NDCG@5_diff1(MIRACL)": 8.618074920961075, + "nAUC_NDCG@5_max(MIRACL)": 30.808600807482367, + "nAUC_NDCG@5_std(MIRACL)": 15.793512242130051, + "nAUC_P@1000_diff1(MIRACL)": -24.81839490148569, + "nAUC_P@1000_max(MIRACL)": 34.16200383739091, + "nAUC_P@1000_std(MIRACL)": 20.95890369662007, + "nAUC_P@100_diff1(MIRACL)": -24.818394901485657, + "nAUC_P@100_max(MIRACL)": 34.16200383739092, + "nAUC_P@100_std(MIRACL)": 20.958903696620112, + "nAUC_P@10_diff1(MIRACL)": -22.646461560750986, + "nAUC_P@10_max(MIRACL)": 34.57373514819872, + "nAUC_P@10_std(MIRACL)": 24.27599718176041, + "nAUC_P@1_diff1(MIRACL)": 16.925455715967676, + "nAUC_P@1_max(MIRACL)": 36.72266755084653, + "nAUC_P@1_std(MIRACL)": 18.357456476212622, + "nAUC_P@20_diff1(MIRACL)": -23.33449798384014, + "nAUC_P@20_max(MIRACL)": 34.92822081787735, + "nAUC_P@20_std(MIRACL)": 25.048280657629267, + "nAUC_P@3_diff1(MIRACL)": -11.60659490286, + "nAUC_P@3_max(MIRACL)": 38.187883056013035, + "nAUC_P@3_std(MIRACL)": 21.234776997940628, + "nAUC_P@5_diff1(MIRACL)": -18.86697977242918, + "nAUC_P@5_max(MIRACL)": 35.6110661197626, + "nAUC_P@5_std(MIRACL)": 22.11165620702996, + "nAUC_Recall@1000_diff1(MIRACL)": -31.456413113303867, + "nAUC_Recall@1000_max(MIRACL)": 63.785265733309636, + "nAUC_Recall@1000_std(MIRACL)": 36.587933217871914, + "nAUC_Recall@100_diff1(MIRACL)": -31.456413113303867, + "nAUC_Recall@100_max(MIRACL)": 63.785265733309636, + "nAUC_Recall@100_std(MIRACL)": 36.587933217871914, + "nAUC_Recall@10_diff1(MIRACL)": -9.518740341549913, + "nAUC_Recall@10_max(MIRACL)": 35.00853357699468, + "nAUC_Recall@10_std(MIRACL)": 22.79313936486099, + "nAUC_Recall@1_diff1(MIRACL)": 28.616487922173768, + "nAUC_Recall@1_max(MIRACL)": 12.986192530664518, + "nAUC_Recall@1_std(MIRACL)": 4.086145762604503, + "nAUC_Recall@20_diff1(MIRACL)": -17.771143411342166, + "nAUC_Recall@20_max(MIRACL)": 47.59780316487735, + "nAUC_Recall@20_std(MIRACL)": 33.25494707686132, + "nAUC_Recall@3_diff1(MIRACL)": 10.171226133119783, + "nAUC_Recall@3_max(MIRACL)": 21.097634288680847, + "nAUC_Recall@3_std(MIRACL)": 10.087211861733298, + "nAUC_Recall@5_diff1(MIRACL)": 1.6868374913242932, + "nAUC_Recall@5_max(MIRACL)": 25.874440474993165, + "nAUC_Recall@5_std(MIRACL)": 13.46380924822079 + } + ] + } +} \ No newline at end of file diff --git a/results/ai-forever__ru-en-RoSBERTa/external/MIRACLRetrieval.json b/results/ai-forever__ru-en-RoSBERTa/external/MIRACLRetrieval.json new file mode 100644 index 000000000..506af67f2 --- /dev/null +++ b/results/ai-forever__ru-en-RoSBERTa/external/MIRACLRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "main", + "task_name": "MIRACLRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "main_score": 53.909, + "map_at_1": 24.308, + "map_at_10": 43.258, + "map_at_100": 46.053, + "map_at_1000": 46.176, + "map_at_20": 44.962, + "map_at_3": 36.129, + "map_at_5": 40.077, + "mrr_at_1": 49.92012779552716, + "mrr_at_10": 62.639554490592865, + "mrr_at_100": 63.09260401526302, + "mrr_at_1000": 63.10428906436666, + "mrr_at_20": 62.94919151853632, + "mrr_at_3": 60.15708200212997, + "mrr_at_5": 61.83439829605969, + "nauc_map_at_1000_diff1": 24.249990208199268, + "nauc_map_at_1000_max": 25.29688440384686, + "nauc_map_at_1000_std": 2.4312163206740536, + "nauc_map_at_100_diff1": 24.2554939267347, + "nauc_map_at_100_max": 25.25054164924535, + "nauc_map_at_100_std": 2.4121726280069757, + "nauc_map_at_10_diff1": 24.411765629418987, + "nauc_map_at_10_max": 23.13035697774593, + "nauc_map_at_10_std": -0.1673711528601927, + "nauc_map_at_1_diff1": 30.55123128484441, + "nauc_map_at_1_max": 13.83849108263988, + "nauc_map_at_1_std": -7.087181528435525, + "nauc_map_at_20_diff1": 24.125033292556417, + "nauc_map_at_20_max": 24.563171125814296, + "nauc_map_at_20_std": 1.266006461448722, + "nauc_map_at_3_diff1": 25.71581305774253, + "nauc_map_at_3_max": 18.708623514300097, + "nauc_map_at_3_std": -4.772722288463871, + "nauc_map_at_5_diff1": 25.352787694389097, + "nauc_map_at_5_max": 20.974296353287084, + "nauc_map_at_5_std": -3.4007260047029835, + "nauc_mrr_at_1000_diff1": 29.492072727604622, + "nauc_mrr_at_1000_max": 34.60333674990558, + "nauc_mrr_at_1000_std": 11.223537361751173, + "nauc_mrr_at_100_diff1": 29.47919553914885, + "nauc_mrr_at_100_max": 34.618795300361995, + "nauc_mrr_at_100_std": 11.243824787491663, + "nauc_mrr_at_10_diff1": 29.481060608078298, + "nauc_mrr_at_10_max": 34.752363175415745, + "nauc_mrr_at_10_std": 10.98618160728943, + "nauc_mrr_at_1_diff1": 31.81056902767142, + "nauc_mrr_at_1_max": 30.351978574096773, + "nauc_mrr_at_1_std": 9.735911194663025, + "nauc_mrr_at_20_diff1": 29.390754002995035, + "nauc_mrr_at_20_max": 34.75816984434079, + "nauc_mrr_at_20_std": 11.325226515477347, + "nauc_mrr_at_3_diff1": 29.948364490803186, + "nauc_mrr_at_3_max": 33.973850208221556, + "nauc_mrr_at_3_std": 9.988883050022485, + "nauc_mrr_at_5_diff1": 29.477773016468696, + "nauc_mrr_at_5_max": 34.38532892473932, + "nauc_mrr_at_5_std": 10.206783034393654, + "nauc_ndcg_at_1000_diff1": 24.15494700259076, + "nauc_ndcg_at_1000_max": 32.367504385127035, + "nauc_ndcg_at_1000_std": 10.372857487814498, + "nauc_ndcg_at_100_diff1": 23.97247958991815, + "nauc_ndcg_at_100_max": 32.21110774026889, + "nauc_ndcg_at_100_std": 11.065328347817761, + "nauc_ndcg_at_10_diff1": 24.038789867355796, + "nauc_ndcg_at_10_max": 28.14682223937745, + "nauc_ndcg_at_10_std": 4.518525314723316, + "nauc_ndcg_at_1_diff1": 31.81056902767142, + "nauc_ndcg_at_1_max": 30.351978574096773, + "nauc_ndcg_at_1_std": 9.735911194663025, + "nauc_ndcg_at_20_diff1": 23.157990079778138, + "nauc_ndcg_at_20_max": 30.521172934621703, + "nauc_ndcg_at_20_std": 7.660125728373433, + "nauc_ndcg_at_3_diff1": 24.44153871615053, + "nauc_ndcg_at_3_max": 27.08209732696818, + "nauc_ndcg_at_3_std": 3.8766269917792537, + "nauc_ndcg_at_5_diff1": 24.952468410841863, + "nauc_ndcg_at_5_max": 26.29873769608537, + "nauc_ndcg_at_5_std": 1.3359423751654511, + "nauc_precision_at_1000_diff1": -9.104010991734798, + "nauc_precision_at_1000_max": 20.36838078039637, + "nauc_precision_at_1000_std": 26.889986331386297, + "nauc_precision_at_100_diff1": -7.181546793298205, + "nauc_precision_at_100_max": 24.32969645433586, + "nauc_precision_at_100_std": 31.546209514202232, + "nauc_precision_at_10_diff1": -1.0044021788494442, + "nauc_precision_at_10_max": 29.37074096666726, + "nauc_precision_at_10_std": 25.000959926288214, + "nauc_precision_at_1_diff1": 31.81056902767142, + "nauc_precision_at_1_max": 30.351978574096773, + "nauc_precision_at_1_std": 9.735911194663025, + "nauc_precision_at_20_diff1": -5.242529022989003, + "nauc_precision_at_20_max": 28.199268120740822, + "nauc_precision_at_20_std": 28.460986811065037, + "nauc_precision_at_3_diff1": 9.46419634664173, + "nauc_precision_at_3_max": 32.203956451949914, + "nauc_precision_at_3_std": 16.4095713138301, + "nauc_precision_at_5_diff1": 3.719098257572974, + "nauc_precision_at_5_max": 30.53411024247047, + "nauc_precision_at_5_std": 17.926227114457067, + "nauc_recall_at_1000_diff1": 12.347919922311121, + "nauc_recall_at_1000_max": 62.10824756167678, + "nauc_recall_at_1000_std": 65.9625810682273, + "nauc_recall_at_100_diff1": 11.945066948287723, + "nauc_recall_at_100_max": 37.07070306829974, + "nauc_recall_at_100_std": 38.76495395051901, + "nauc_recall_at_10_diff1": 14.793964290237943, + "nauc_recall_at_10_max": 23.170920682517334, + "nauc_recall_at_10_std": 5.07461971737137, + "nauc_recall_at_1_diff1": 30.55123128484441, + "nauc_recall_at_1_max": 13.83849108263988, + "nauc_recall_at_1_std": -7.087181528435525, + "nauc_recall_at_20_diff1": 10.349310874535616, + "nauc_recall_at_20_max": 27.72667852012557, + "nauc_recall_at_20_std": 13.37946493360006, + "nauc_recall_at_3_diff1": 20.660181561801195, + "nauc_recall_at_3_max": 16.734608747226137, + "nauc_recall_at_3_std": -5.887299100086449, + "nauc_recall_at_5_diff1": 19.292387971699007, + "nauc_recall_at_5_max": 18.151647291256193, + "nauc_recall_at_5_std": -5.3874570564310895, + "ndcg_at_1": 49.919999999999995, + "ndcg_at_10": 53.909, + "ndcg_at_100": 61.346999999999994, + "ndcg_at_1000": 62.831, + "ndcg_at_20": 57.44200000000001, + "ndcg_at_3": 48.034, + "ndcg_at_5": 50.151, + "precision_at_1": 49.919999999999995, + "precision_at_10": 16.206, + "precision_at_100": 2.467, + "precision_at_1000": 0.27499999999999997, + "precision_at_20": 9.847999999999999, + "precision_at_3": 33.013999999999996, + "precision_at_5": 25.495, + "recall_at_1": 24.308, + "recall_at_10": 64.226, + "recall_at_100": 88.532, + "recall_at_1000": 96.702, + "recall_at_20": 73.855, + "recall_at_3": 43.75, + "recall_at_5": 53.293 + } + ] + } +} \ No newline at end of file diff --git a/results/ai-forever__ru-en-RoSBERTa/external/MassiveIntentClassification.json b/results/ai-forever__ru-en-RoSBERTa/external/MassiveIntentClassification.json new file mode 100644 index 000000000..d910d04a4 --- /dev/null +++ b/results/ai-forever__ru-en-RoSBERTa/external/MassiveIntentClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "4672e20407010da34463acc759c162ca9734bca6", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 66.96704774714189, + "f1": 63.75700201120695, + "f1_weighted": 65.79948352494334, + "main_score": 66.96704774714189 + } + ] + } +} \ No newline at end of file diff --git a/results/ai-forever__ru-en-RoSBERTa/external/MassiveScenarioClassification.json b/results/ai-forever__ru-en-RoSBERTa/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..80293af99 --- /dev/null +++ b/results/ai-forever__ru-en-RoSBERTa/external/MassiveScenarioClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "fad2c6e8459f9e1c45d9315f4953d921437d70f8", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 71.79556153328849, + "f1": 71.04798190430378, + "f1_weighted": 71.11136110921589, + "main_score": 71.79556153328849 + } + ] + } +} \ No newline at end of file diff --git a/results/ai-forever__ru-en-RoSBERTa/external/RUParaPhraserSTS.json b/results/ai-forever__ru-en-RoSBERTa/external/RUParaPhraserSTS.json new file mode 100644 index 000000000..685b0c5da --- /dev/null +++ b/results/ai-forever__ru-en-RoSBERTa/external/RUParaPhraserSTS.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "43265056790b8f7c59e0139acb4be0a8dad2c8f4", + "task_name": "RUParaPhraserSTS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "cosine_pearson": 69.4312341087414, + "cosine_spearman": 76.16273410937974, + "euclidean_pearson": 73.59970264325928, + "euclidean_spearman": 76.16273410937974, + "main_score": 76.16273410937974, + "manhattan_pearson": 73.63850191752708, + "manhattan_spearman": 76.22156395676978, + "pearson": 69.4312341087414, + "spearman": 76.16273410937974 + } + ] + } +} \ No newline at end of file diff --git a/results/ai-forever__ru-en-RoSBERTa/external/RiaNewsRetrieval.json b/results/ai-forever__ru-en-RoSBERTa/external/RiaNewsRetrieval.json new file mode 100644 index 000000000..6cc16aece --- /dev/null +++ b/results/ai-forever__ru-en-RoSBERTa/external/RiaNewsRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "82374b0bbacda6114f39ff9c5b925fa1512ca5d7", + "task_name": "RiaNewsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "main_score": 78.864, + "map_at_1": 67.61, + "map_at_10": 75.44800000000001, + "map_at_100": 75.73, + "map_at_1000": 75.74, + "map_at_20": 75.63, + "map_at_3": 74.058, + "map_at_5": 74.935, + "mrr_at_1": 67.61, + "mrr_at_10": 75.44837698412663, + "mrr_at_100": 75.7296913526584, + "mrr_at_1000": 75.7404584781072, + "mrr_at_20": 75.62998240983255, + "mrr_at_3": 74.05833333333295, + "mrr_at_5": 74.93533333333274, + "nauc_map_at_1000_diff1": 76.73003886073126, + "nauc_map_at_1000_max": 23.880592237559313, + "nauc_map_at_1000_std": -16.639489061431295, + "nauc_map_at_100_diff1": 76.72565072181389, + "nauc_map_at_100_max": 23.881455390102456, + "nauc_map_at_100_std": -16.63176355032267, + "nauc_map_at_10_diff1": 76.64273887966773, + "nauc_map_at_10_max": 23.81082154251487, + "nauc_map_at_10_std": -16.77740307482434, + "nauc_map_at_1_diff1": 79.73607180360645, + "nauc_map_at_1_max": 21.20262368559921, + "nauc_map_at_1_std": -19.089796155513238, + "nauc_map_at_20_diff1": 76.7030611694817, + "nauc_map_at_20_max": 23.838907707504127, + "nauc_map_at_20_std": -16.672743811541736, + "nauc_map_at_3_diff1": 76.50523775835022, + "nauc_map_at_3_max": 23.60179905501101, + "nauc_map_at_3_std": -17.693757802981956, + "nauc_map_at_5_diff1": 76.61576372823448, + "nauc_map_at_5_max": 23.862587318336775, + "nauc_map_at_5_std": -17.0437966767025, + "nauc_mrr_at_1000_diff1": 76.73003886073126, + "nauc_mrr_at_1000_max": 23.880592237559313, + "nauc_mrr_at_1000_std": -16.639489061431295, + "nauc_mrr_at_100_diff1": 76.72565072181389, + "nauc_mrr_at_100_max": 23.881455390102456, + "nauc_mrr_at_100_std": -16.63176355032267, + "nauc_mrr_at_10_diff1": 76.64273887966773, + "nauc_mrr_at_10_max": 23.81082154251487, + "nauc_mrr_at_10_std": -16.77740307482434, + "nauc_mrr_at_1_diff1": 79.73607180360645, + "nauc_mrr_at_1_max": 21.20262368559921, + "nauc_mrr_at_1_std": -19.089796155513238, + "nauc_mrr_at_20_diff1": 76.7030611694817, + "nauc_mrr_at_20_max": 23.838907707504127, + "nauc_mrr_at_20_std": -16.672743811541736, + "nauc_mrr_at_3_diff1": 76.50523775835022, + "nauc_mrr_at_3_max": 23.60179905501101, + "nauc_mrr_at_3_std": -17.693757802981956, + "nauc_mrr_at_5_diff1": 76.61576372823448, + "nauc_mrr_at_5_max": 23.862587318336775, + "nauc_mrr_at_5_std": -17.0437966767025, + "nauc_ndcg_at_1000_diff1": 76.016960312922, + "nauc_ndcg_at_1000_max": 25.434179222015285, + "nauc_ndcg_at_1000_std": -14.489226598374966, + "nauc_ndcg_at_100_diff1": 75.87402195675239, + "nauc_ndcg_at_100_max": 25.562687163467295, + "nauc_ndcg_at_100_std": -14.165819919505346, + "nauc_ndcg_at_10_diff1": 75.47305900096035, + "nauc_ndcg_at_10_max": 24.9111489869184, + "nauc_ndcg_at_10_std": -15.106328069022739, + "nauc_ndcg_at_1_diff1": 79.73607180360645, + "nauc_ndcg_at_1_max": 21.20262368559921, + "nauc_ndcg_at_1_std": -19.089796155513238, + "nauc_ndcg_at_20_diff1": 75.71180859144839, + "nauc_ndcg_at_20_max": 25.12671193294504, + "nauc_ndcg_at_20_std": -14.582900241958443, + "nauc_ndcg_at_3_diff1": 75.32126900936046, + "nauc_ndcg_at_3_max": 24.39543091769943, + "nauc_ndcg_at_3_std": -17.183511551234538, + "nauc_ndcg_at_5_diff1": 75.46170695160178, + "nauc_ndcg_at_5_max": 25.001670951020937, + "nauc_ndcg_at_5_std": -15.861405796419376, + "nauc_precision_at_1000_diff1": 65.48397136632431, + "nauc_precision_at_1000_max": 77.05533391807842, + "nauc_precision_at_1000_std": 54.14509238038628, + "nauc_precision_at_100_diff1": 66.6077978535527, + "nauc_precision_at_100_max": 54.07639576230772, + "nauc_precision_at_100_std": 28.071043659958185, + "nauc_precision_at_10_diff1": 68.71592258481675, + "nauc_precision_at_10_max": 31.40944055975099, + "nauc_precision_at_10_std": -4.421548783271478, + "nauc_precision_at_1_diff1": 79.73607180360645, + "nauc_precision_at_1_max": 21.20262368559921, + "nauc_precision_at_1_std": -19.089796155513238, + "nauc_precision_at_20_diff1": 68.87539427047768, + "nauc_precision_at_20_max": 35.602508001542176, + "nauc_precision_at_20_std": 3.6366951424017184, + "nauc_precision_at_3_diff1": 70.84549884977267, + "nauc_precision_at_3_max": 27.35862016332144, + "nauc_precision_at_3_std": -15.255203279510601, + "nauc_precision_at_5_diff1": 70.27864341297163, + "nauc_precision_at_5_max": 30.29162962827962, + "nauc_precision_at_5_std": -10.193470309556703, + "nauc_recall_at_1000_diff1": 65.48397136632475, + "nauc_recall_at_1000_max": 77.05533391807865, + "nauc_recall_at_1000_std": 54.14509238038722, + "nauc_recall_at_100_diff1": 66.60779785355253, + "nauc_recall_at_100_max": 54.07639576230805, + "nauc_recall_at_100_std": 28.071043659958207, + "nauc_recall_at_10_diff1": 68.71592258481655, + "nauc_recall_at_10_max": 31.409440559751168, + "nauc_recall_at_10_std": -4.421548783271414, + "nauc_recall_at_1_diff1": 79.73607180360645, + "nauc_recall_at_1_max": 21.20262368559921, + "nauc_recall_at_1_std": -19.089796155513238, + "nauc_recall_at_20_diff1": 68.87539427047763, + "nauc_recall_at_20_max": 35.60250800154217, + "nauc_recall_at_20_std": 3.6366951424018716, + "nauc_recall_at_3_diff1": 70.84549884977265, + "nauc_recall_at_3_max": 27.358620163321408, + "nauc_recall_at_3_std": -15.255203279510626, + "nauc_recall_at_5_diff1": 70.2786434129717, + "nauc_recall_at_5_max": 30.291629628279733, + "nauc_recall_at_5_std": -10.193470309556629, + "ndcg_at_1": 67.61, + "ndcg_at_10": 78.864, + "ndcg_at_100": 80.211, + "ndcg_at_1000": 80.50699999999999, + "ndcg_at_20": 79.514, + "ndcg_at_3": 76.05499999999999, + "ndcg_at_5": 77.625, + "precision_at_1": 67.61, + "precision_at_10": 8.941, + "precision_at_100": 0.9570000000000001, + "precision_at_1000": 0.098, + "precision_at_20": 4.598, + "precision_at_3": 27.267000000000003, + "precision_at_5": 17.118, + "recall_at_1": 67.61, + "recall_at_10": 89.41, + "recall_at_100": 95.67, + "recall_at_1000": 98.02, + "recall_at_20": 91.96, + "recall_at_3": 81.8, + "recall_at_5": 85.59 + } + ] + } +} \ No newline at end of file diff --git a/results/ai-forever__ru-en-RoSBERTa/external/RuBQReranking.json b/results/ai-forever__ru-en-RoSBERTa/external/RuBQReranking.json new file mode 100644 index 000000000..35c5f3c28 --- /dev/null +++ b/results/ai-forever__ru-en-RoSBERTa/external/RuBQReranking.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "2e96b8f098fa4b0950fc58eacadeb31c0d0c7fa2", + "task_name": "RuBQReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "main_score": 70.8676293869892, + "map": 70.8676293869892, + "mrr": 76.21519142795738, + "nAUC_map_diff1": 37.107477549298316, + "nAUC_map_max": 24.03175751284917, + "nAUC_map_std": 10.543266622518289, + "nAUC_mrr_diff1": 41.59000224211641, + "nAUC_mrr_max": 31.06363682531277, + "nAUC_mrr_std": 14.95221681925582 + } + ] + } +} \ No newline at end of file diff --git a/results/ai-forever__ru-en-RoSBERTa/external/RuBQRetrieval.json b/results/ai-forever__ru-en-RoSBERTa/external/RuBQRetrieval.json new file mode 100644 index 000000000..9c992e6f7 --- /dev/null +++ b/results/ai-forever__ru-en-RoSBERTa/external/RuBQRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "e19b6ffa60b3bc248e0b41f4cc37c26a55c2a67b", + "task_name": "RuBQRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "main_score": 66.77499999999999, + "map_at_1": 38.964, + "map_at_10": 58.679, + "map_at_100": 59.74699999999999, + "map_at_1000": 59.784000000000006, + "map_at_20": 59.386, + "map_at_3": 53.183, + "map_at_5": 56.619, + "mrr_at_1": 56.08747044917257, + "mrr_at_10": 67.69477747757892, + "mrr_at_100": 68.11028091076142, + "mrr_at_1000": 68.12016895906572, + "mrr_at_20": 67.99200829920431, + "mrr_at_3": 65.40583136327825, + "mrr_at_5": 66.86564223798278, + "nauc_map_at_1000_diff1": 35.13932221843019, + "nauc_map_at_1000_max": 31.603311334444573, + "nauc_map_at_1000_std": -8.046320861408992, + "nauc_map_at_100_diff1": 35.10777181986462, + "nauc_map_at_100_max": 31.603059769116086, + "nauc_map_at_100_std": -8.027533855390534, + "nauc_map_at_10_diff1": 34.864122757362644, + "nauc_map_at_10_max": 31.625252670171776, + "nauc_map_at_10_std": -8.334256854154406, + "nauc_map_at_1_diff1": 40.90418146524424, + "nauc_map_at_1_max": 22.269308553048656, + "nauc_map_at_1_std": -9.89932822257807, + "nauc_map_at_20_diff1": 34.88664926631265, + "nauc_map_at_20_max": 31.60883821879978, + "nauc_map_at_20_std": -8.095294415067395, + "nauc_map_at_3_diff1": 35.13227486507324, + "nauc_map_at_3_max": 28.53848590790504, + "nauc_map_at_3_std": -9.223288317647375, + "nauc_map_at_5_diff1": 35.0811457266201, + "nauc_map_at_5_max": 30.904120563551984, + "nauc_map_at_5_std": -9.190854442617361, + "nauc_mrr_at_1000_diff1": 43.43247399448727, + "nauc_mrr_at_1000_max": 37.599979998251435, + "nauc_mrr_at_1000_std": -8.461570912726742, + "nauc_mrr_at_100_diff1": 43.42803056119293, + "nauc_mrr_at_100_max": 37.60590141137654, + "nauc_mrr_at_100_std": -8.456064029069271, + "nauc_mrr_at_10_diff1": 43.34260974243939, + "nauc_mrr_at_10_max": 37.7505248362988, + "nauc_mrr_at_10_std": -8.4789005424329, + "nauc_mrr_at_1_diff1": 46.8647472051038, + "nauc_mrr_at_1_max": 34.40507832070825, + "nauc_mrr_at_1_std": -9.148947481764475, + "nauc_mrr_at_20_diff1": 43.37024314535158, + "nauc_mrr_at_20_max": 37.62040185137823, + "nauc_mrr_at_20_std": -8.497477607790167, + "nauc_mrr_at_3_diff1": 42.980588675445404, + "nauc_mrr_at_3_max": 37.43524263010435, + "nauc_mrr_at_3_std": -8.698337782804687, + "nauc_mrr_at_5_diff1": 43.224910985482765, + "nauc_mrr_at_5_max": 38.00633132611649, + "nauc_mrr_at_5_std": -8.554751807691591, + "nauc_ndcg_at_1000_diff1": 36.58393000267959, + "nauc_ndcg_at_1000_max": 34.491617466873194, + "nauc_ndcg_at_1000_std": -6.968933918560401, + "nauc_ndcg_at_100_diff1": 35.909285337288004, + "nauc_ndcg_at_100_max": 34.60361766529284, + "nauc_ndcg_at_100_std": -6.3241815724593256, + "nauc_ndcg_at_10_diff1": 34.86940448346685, + "nauc_ndcg_at_10_max": 34.89327996781203, + "nauc_ndcg_at_10_std": -7.377912505502211, + "nauc_ndcg_at_1_diff1": 47.16372543032823, + "nauc_ndcg_at_1_max": 34.48620759685232, + "nauc_ndcg_at_1_std": -8.881483248224074, + "nauc_ndcg_at_20_diff1": 34.901006085701795, + "nauc_ndcg_at_20_max": 34.766948088105174, + "nauc_ndcg_at_20_std": -6.680375186500669, + "nauc_ndcg_at_3_diff1": 35.16537335241684, + "nauc_ndcg_at_3_max": 31.385279916552566, + "nauc_ndcg_at_3_std": -8.871530629591442, + "nauc_ndcg_at_5_diff1": 35.152664105492605, + "nauc_ndcg_at_5_max": 33.89982336069226, + "nauc_ndcg_at_5_std": -8.92795810387048, + "nauc_precision_at_1000_diff1": -6.773234121047722, + "nauc_precision_at_1000_max": 7.0059404092503925, + "nauc_precision_at_1000_std": 4.757430160226248, + "nauc_precision_at_100_diff1": -6.88009476644726, + "nauc_precision_at_100_max": 10.391099419327492, + "nauc_precision_at_100_std": 7.203837158689326, + "nauc_precision_at_10_diff1": -0.7155570800016817, + "nauc_precision_at_10_max": 21.06902041338105, + "nauc_precision_at_10_std": 3.7465404459270815, + "nauc_precision_at_1_diff1": 47.16372543032823, + "nauc_precision_at_1_max": 34.48620759685232, + "nauc_precision_at_1_std": -8.881483248224074, + "nauc_precision_at_20_diff1": -4.695792117927824, + "nauc_precision_at_20_max": 16.53698826752203, + "nauc_precision_at_20_std": 6.681726081495262, + "nauc_precision_at_3_diff1": 12.446292477522807, + "nauc_precision_at_3_max": 27.622770072159884, + "nauc_precision_at_3_std": -2.243774812074271, + "nauc_precision_at_5_diff1": 5.851972491534291, + "nauc_precision_at_5_max": 25.400246002612235, + "nauc_precision_at_5_std": -0.8059534151280825, + "nauc_recall_at_1000_diff1": 17.33619903703495, + "nauc_recall_at_1000_max": 46.39520954734979, + "nauc_recall_at_1000_std": 59.70020859630654, + "nauc_recall_at_100_diff1": 9.309667388080348, + "nauc_recall_at_100_max": 35.92482580062717, + "nauc_recall_at_100_std": 24.021627313676188, + "nauc_recall_at_10_diff1": 19.87959406394684, + "nauc_recall_at_10_max": 35.00740821313158, + "nauc_recall_at_10_std": -2.6455284599102784, + "nauc_recall_at_1_diff1": 40.90418146524424, + "nauc_recall_at_1_max": 22.269308553048656, + "nauc_recall_at_1_std": -9.89932822257807, + "nauc_recall_at_20_diff1": 15.028975252982061, + "nauc_recall_at_20_max": 34.901307836728016, + "nauc_recall_at_20_std": 2.9027647776175494, + "nauc_recall_at_3_diff1": 26.13225834790859, + "nauc_recall_at_3_max": 27.915627935543725, + "nauc_recall_at_3_std": -8.069525359773976, + "nauc_recall_at_5_diff1": 24.184086614024686, + "nauc_recall_at_5_max": 32.607378848166675, + "nauc_recall_at_5_std": -7.730984752196379, + "ndcg_at_1": 55.969, + "ndcg_at_10": 66.77499999999999, + "ndcg_at_100": 70.324, + "ndcg_at_1000": 70.95700000000001, + "ndcg_at_20": 68.613, + "ndcg_at_3": 59.256, + "ndcg_at_5": 63.223, + "precision_at_1": 55.969, + "precision_at_10": 13.297999999999998, + "precision_at_100": 1.585, + "precision_at_1000": 0.167, + "precision_at_20": 7.222, + "precision_at_3": 32.467, + "precision_at_5": 23.073, + "recall_at_1": 38.964, + "recall_at_10": 81.248, + "recall_at_100": 95.124, + "recall_at_1000": 99.30600000000001, + "recall_at_20": 87.35199999999999, + "recall_at_3": 62.785000000000004, + "recall_at_5": 71.986 + } + ] + } +} \ No newline at end of file diff --git a/results/ai-forever__ru-en-RoSBERTa/external/RuReviewsClassification.json b/results/ai-forever__ru-en-RoSBERTa/external/RuReviewsClassification.json new file mode 100644 index 000000000..2e6fb34bd --- /dev/null +++ b/results/ai-forever__ru-en-RoSBERTa/external/RuReviewsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "f6d2c31f4dc6b88f468552750bfec05b4b41b05a", + "task_name": "RuReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 67.958984375, + "f1": 67.250877785427, + "f1_weighted": 67.25215701797296, + "main_score": 67.958984375 + } + ] + } +} \ No newline at end of file diff --git a/results/ai-forever__ru-en-RoSBERTa/external/RuSTSBenchmarkSTS.json b/results/ai-forever__ru-en-RoSBERTa/external/RuSTSBenchmarkSTS.json new file mode 100644 index 000000000..d8c93c8bc --- /dev/null +++ b/results/ai-forever__ru-en-RoSBERTa/external/RuSTSBenchmarkSTS.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7cf24f325c6da6195df55bef3d86b5e0616f3018", + "task_name": "RuSTSBenchmarkSTS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "cosine_pearson": 79.11336124619963, + "cosine_spearman": 78.69157477180703, + "euclidean_pearson": 77.84066073571212, + "euclidean_spearman": 78.69157477180703, + "main_score": 78.69157477180703, + "manhattan_pearson": 77.79213012957939, + "manhattan_spearman": 78.61384378877501, + "pearson": 79.11336124619963, + "spearman": 78.69157477180703 + } + ] + } +} \ No newline at end of file diff --git a/results/ai-forever__ru-en-RoSBERTa/external/RuSciBenchGRNTIClassification.json b/results/ai-forever__ru-en-RoSBERTa/external/RuSciBenchGRNTIClassification.json new file mode 100644 index 000000000..571e1bc51 --- /dev/null +++ b/results/ai-forever__ru-en-RoSBERTa/external/RuSciBenchGRNTIClassification.json @@ -0,0 +1,29 @@ +{ + "dataset_revision": "673a610d6d3dd91a547a0d57ae1b56f37ebbf6a1", + "task_name": "RuSciBenchGRNTIClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 59.326171875, + "f1": 58.01171745357119, + "f1_weighted": 58.02106511480968, + "main_score": 59.326171875 + }, + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "main_score": 55.46570753380975, + "v_measure": 55.46570753380975, + "v_measure_std": 0.9813885872798612 + } + ] + } +} \ No newline at end of file diff --git a/results/ai-forever__ru-en-RoSBERTa/external/RuSciBenchOECDClassification.json b/results/ai-forever__ru-en-RoSBERTa/external/RuSciBenchOECDClassification.json new file mode 100644 index 000000000..976c5ea1c --- /dev/null +++ b/results/ai-forever__ru-en-RoSBERTa/external/RuSciBenchOECDClassification.json @@ -0,0 +1,29 @@ +{ + "dataset_revision": "26c88e99dcaba32bb45d0e1bfc21902337f6d471", + "task_name": "RuSciBenchOECDClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 46.328125, + "f1": 44.19158709013339, + "f1_weighted": 44.190957945676026, + "main_score": 46.328125 + }, + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "main_score": 47.28635342613908, + "v_measure": 47.28635342613908, + "v_measure_std": 0.7431017612993989 + } + ] + } +} \ No newline at end of file diff --git a/results/ai-forever__ru-en-RoSBERTa/external/STS22.json b/results/ai-forever__ru-en-RoSBERTa/external/STS22.json new file mode 100644 index 000000000..479d1624a --- /dev/null +++ b/results/ai-forever__ru-en-RoSBERTa/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "de9d86b3b84231dc21f76c7b7af1f28e2f57f6e3", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "cosine_pearson": 63.10139371129796, + "cosine_spearman": 67.06445400504978, + "euclidean_pearson": 62.74563386470613, + "euclidean_spearman": 67.06445400504978, + "main_score": 67.06445400504978, + "manhattan_pearson": 62.540465664732395, + "manhattan_spearman": 66.65899492022648, + "pearson": 63.10139371129796, + "spearman": 67.06445400504978 + } + ] + } +} \ No newline at end of file diff --git a/results/ai-forever__ru-en-RoSBERTa/external/SensitiveTopicsClassification.json b/results/ai-forever__ru-en-RoSBERTa/external/SensitiveTopicsClassification.json new file mode 100644 index 000000000..43e9c31b7 --- /dev/null +++ b/results/ai-forever__ru-en-RoSBERTa/external/SensitiveTopicsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "416b34a802308eac30e4192afc0ff99bb8dcc7f2", + "task_name": "SensitiveTopicsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 33.0712890625, + "f1": 38.063573562290024, + "lrap": 49.586995442707696, + "main_score": 33.0712890625 + } + ] + } +} \ No newline at end of file diff --git a/results/ai-forever__ru-en-RoSBERTa/external/TERRa.json b/results/ai-forever__ru-en-RoSBERTa/external/TERRa.json new file mode 100644 index 000000000..44f0e8afc --- /dev/null +++ b/results/ai-forever__ru-en-RoSBERTa/external/TERRa.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "7b58f24536063837d644aab9a023c62199b2a612", + "task_name": "TERRa", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "cosine_accuracy": 61.563517915309454, + "cosine_accuracy_threshold": 75.3734290599823, + "cosine_ap": 60.78861909325018, + "cosine_f1": 67.25663716814158, + "cosine_f1_threshold": 54.05237674713135, + "cosine_precision": 50.836120401337794, + "cosine_recall": 99.34640522875817, + "dot_accuracy": 61.563517915309454, + "dot_accuracy_threshold": 75.37343502044678, + "dot_ap": 60.78861909325018, + "dot_f1": 67.25663716814158, + "dot_f1_threshold": 54.05237674713135, + "dot_precision": 50.836120401337794, + "dot_recall": 99.34640522875817, + "euclidean_accuracy": 61.563517915309454, + "euclidean_accuracy_threshold": 70.18057107925415, + "euclidean_ap": 60.78861909325018, + "euclidean_f1": 67.25663716814158, + "euclidean_f1_threshold": 95.86195945739746, + "euclidean_precision": 50.836120401337794, + "euclidean_recall": 99.34640522875817, + "main_score": 60.78861909325018, + "manhattan_accuracy": 60.91205211726385, + "manhattan_accuracy_threshold": 1813.1645202636719, + "manhattan_ap": 60.478709337038936, + "manhattan_f1": 67.10816777041943, + "manhattan_f1_threshold": 2475.027275085449, + "manhattan_precision": 50.66666666666667, + "manhattan_recall": 99.34640522875817, + "max_ap": 60.78861909325018, + "max_f1": 67.25663716814158, + "max_precision": 50.836120401337794, + "max_recall": 99.34640522875817, + "similarity_accuracy": 61.563517915309454, + "similarity_accuracy_threshold": 75.3734290599823, + "similarity_ap": 60.78861909325018, + "similarity_f1": 67.25663716814158, + "similarity_f1_threshold": 54.05237674713135, + "similarity_precision": 50.836120401337794, + "similarity_recall": 99.34640522875817 + } + ] + } +} \ No newline at end of file diff --git a/results/ai-forever__ru-en-RoSBERTa/external/model_meta.json b/results/ai-forever__ru-en-RoSBERTa/external/model_meta.json new file mode 100644 index 000000000..8cb1d0587 --- /dev/null +++ b/results/ai-forever__ru-en-RoSBERTa/external/model_meta.json @@ -0,0 +1,25 @@ +{ + "name": "ai-forever/ru-en-RoSBERTa", + "revision": "89fb1651989adbb1cfcfdedafd7d102951ad0555", + "release_date": "2024-07-29", + "languages": [ + "ru", + "en" + ], + "loader": null, + "n_parameters": 403707904, + "memory_usage": null, + "max_tokens": 514, + "embed_dim": 1024, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/AmazonCounterfactualClassification.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..e0f8dc0ff --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/AmazonCounterfactualClassification.json @@ -0,0 +1,50 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.23880597014924, + "ap": 39.07351965022687, + "f1": 70.04836733862683, + "main_score": 76.23880597014924 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 66.71306209850107, + "ap": 79.01499914759529, + "f1": 64.81951817560703, + "main_score": 66.71306209850107 + }, + { + "hf_subset": "en-ext", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.85307346326837, + "ap": 22.447519885878737, + "f1": 61.0162730745633, + "main_score": 73.85307346326837 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 76.04925053533191, + "ap": 23.44983217128922, + "f1": 62.5723230907759, + "main_score": 76.04925053533191 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/AmazonPolarityClassification.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..d3659597f --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 96.28742500000001, + "ap": 94.8449918887462, + "f1": 96.28680923610432, + "main_score": 96.28742500000001 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/AmazonReviewsClassification.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..d236639ed --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/AmazonReviewsClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 56.716, + "f1": 55.76510398266401, + "main_score": 56.716 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 52.99999999999999, + "f1": 52.00829994765178, + "main_score": 52.99999999999999 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 48.806000000000004, + "f1": 48.082345914983634, + "main_score": 48.806000000000004 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 48.507999999999996, + "f1": 47.68752844642045, + "main_score": 48.507999999999996 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 47.709999999999994, + "f1": 47.05870376637181, + "main_score": 47.709999999999994 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 44.662000000000006, + "f1": 43.42371965372771, + "main_score": 44.662000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/ArguAna.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/ArguAna.json new file mode 100644 index 000000000..7b6ef91ed --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.721, + "map_at_10": 49.221, + "map_at_100": 49.884, + "map_at_1000": 49.888, + "map_at_3": 44.31, + "map_at_5": 47.276, + "mrr_at_1": 32.432, + "mrr_at_10": 49.5, + "mrr_at_100": 50.163000000000004, + "mrr_at_1000": 50.166, + "mrr_at_3": 44.618, + "mrr_at_5": 47.541, + "ndcg_at_1": 31.721, + "ndcg_at_10": 58.384, + "ndcg_at_100": 61.111000000000004, + "ndcg_at_1000": 61.187999999999995, + "ndcg_at_3": 48.386, + "ndcg_at_5": 53.708999999999996, + "precision_at_1": 31.721, + "precision_at_10": 8.741, + "precision_at_100": 0.991, + "precision_at_1000": 0.1, + "precision_at_3": 20.057, + "precision_at_5": 14.609, + "recall_at_1": 31.721, + "recall_at_10": 87.411, + "recall_at_100": 99.075, + "recall_at_1000": 99.644, + "recall_at_3": 60.171, + "recall_at_5": 73.044, + "main_score": 58.384 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/ArxivClusteringP2P.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..0585891ac --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 46.40419580759799, + "main_score": 46.40419580759799 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/ArxivClusteringS2S.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..57e730249 --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.48593255007969, + "main_score": 40.48593255007969 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/AskUbuntuDupQuestions.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..0eac90d96 --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 63.889179122289995, + "mrr": 77.61146286769556, + "main_score": 63.889179122289995 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/BIOSSES.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/BIOSSES.json new file mode 100644 index 000000000..4960b26ab --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.15075203727929, + "cos_sim_spearman": 86.9622224570873, + "euclidean_pearson": 86.70473853624121, + "euclidean_spearman": 86.9622224570873, + "manhattan_pearson": 86.21089380980065, + "manhattan_spearman": 86.75318154937008, + "cosine_pearson": 88.15075203727929, + "cosine_spearman": 86.9622224570873, + "main_score": 86.9622224570873 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/BUCC.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/BUCC.json new file mode 100644 index 000000000..45b704b3b --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/BUCC.json @@ -0,0 +1,58 @@ +{ + "dataset_revision": "d51519689f32196a32af33b075a01d0e7c51e252", + "task_name": "BUCC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "accuracy": 99.65553235908142, + "f1": 99.60681976339595, + "precision": 99.58246346555325, + "recall": 99.65553235908142, + "main_score": 99.60681976339595 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "accuracy": 99.26260180497468, + "f1": 99.14520507740848, + "precision": 99.08650671362535, + "recall": 99.26260180497468, + "main_score": 99.14520507740848 + }, + { + "hf_subset": "ru-en", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "accuracy": 98.07412538967787, + "f1": 97.86629719431936, + "precision": 97.76238309664012, + "recall": 98.07412538967787, + "main_score": 97.86629719431936 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "accuracy": 99.42074776197998, + "f1": 99.38564156573635, + "precision": 99.36808846761454, + "recall": 99.42074776197998, + "main_score": 99.38564156573635 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/Banking77Classification.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/Banking77Classification.json new file mode 100644 index 000000000..c7ec372bc --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 85.73376623376623, + "f1": 85.68480707214599, + "main_score": 85.73376623376623 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/BiorxivClusteringP2P.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..18d0c64f8 --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.935218072113855, + "main_score": 40.935218072113855 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/BiorxivClusteringS2S.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..a496a3208 --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.276389017675264, + "main_score": 36.276389017675264 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/ClimateFEVER.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/ClimateFEVER.json new file mode 100644 index 000000000..6521d746d --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 12.969, + "map_at_10": 21.584999999999997, + "map_at_100": 23.3, + "map_at_1000": 23.5, + "map_at_3": 18.218999999999998, + "map_at_5": 19.983, + "mrr_at_1": 29.316, + "mrr_at_10": 40.033, + "mrr_at_100": 40.96, + "mrr_at_1000": 41.001, + "mrr_at_3": 37.123, + "mrr_at_5": 38.757999999999996, + "ndcg_at_1": 29.316, + "ndcg_at_10": 29.858, + "ndcg_at_100": 36.756, + "ndcg_at_1000": 40.245999999999995, + "ndcg_at_3": 24.822, + "ndcg_at_5": 26.565, + "precision_at_1": 29.316, + "precision_at_10": 9.186, + "precision_at_100": 1.6549999999999998, + "precision_at_1000": 0.22999999999999998, + "precision_at_3": 18.436, + "precision_at_5": 13.876, + "recall_at_1": 12.969, + "recall_at_10": 35.142, + "recall_at_100": 59.143, + "recall_at_1000": 78.594, + "recall_at_3": 22.604, + "recall_at_5": 27.883000000000003, + "main_score": 29.858 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/DBPedia.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/DBPedia.json new file mode 100644 index 000000000..1e8ea1448 --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.527999999999999, + "map_at_10": 17.974999999999998, + "map_at_100": 25.665, + "map_at_1000": 27.406000000000002, + "map_at_3": 13.017999999999999, + "map_at_5": 15.137, + "mrr_at_1": 62.5, + "mrr_at_10": 71.891, + "mrr_at_100": 72.294, + "mrr_at_1000": 72.296, + "mrr_at_3": 69.958, + "mrr_at_5": 71.121, + "ndcg_at_1": 50.875, + "ndcg_at_10": 38.36, + "ndcg_at_100": 44.235, + "ndcg_at_1000": 52.154, + "ndcg_at_3": 43.008, + "ndcg_at_5": 40.083999999999996, + "precision_at_1": 62.5, + "precision_at_10": 30.0, + "precision_at_100": 10.038, + "precision_at_1000": 2.0869999999999997, + "precision_at_3": 46.833000000000006, + "precision_at_5": 38.800000000000004, + "recall_at_1": 8.527999999999999, + "recall_at_10": 23.828, + "recall_at_100": 52.322, + "recall_at_1000": 77.143, + "recall_at_3": 14.136000000000001, + "recall_at_5": 17.761, + "main_score": 38.36 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/EmotionClassification.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/EmotionClassification.json new file mode 100644 index 000000000..745e4c11f --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 51.51, + "f1": 47.632159862049896, + "main_score": 51.51 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/FEVER.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/FEVER.json new file mode 100644 index 000000000..3ffc06fb9 --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 60.734, + "map_at_10": 72.442, + "map_at_100": 72.735, + "map_at_1000": 72.75, + "map_at_3": 70.41199999999999, + "map_at_5": 71.80499999999999, + "mrr_at_1": 65.212, + "mrr_at_10": 76.613, + "mrr_at_100": 76.79899999999999, + "mrr_at_1000": 76.801, + "mrr_at_3": 74.8, + "mrr_at_5": 76.12400000000001, + "ndcg_at_1": 65.212, + "ndcg_at_10": 77.988, + "ndcg_at_100": 79.167, + "ndcg_at_1000": 79.452, + "ndcg_at_3": 74.362, + "ndcg_at_5": 76.666, + "precision_at_1": 65.212, + "precision_at_10": 10.003, + "precision_at_100": 1.077, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 29.518, + "precision_at_5": 19.016, + "recall_at_1": 60.734, + "recall_at_10": 90.824, + "recall_at_100": 95.71600000000001, + "recall_at_1000": 97.577, + "recall_at_3": 81.243, + "recall_at_5": 86.90299999999999, + "main_score": 77.988 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/FiQA2018.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/FiQA2018.json new file mode 100644 index 000000000..7eaf729b5 --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.845, + "map_at_10": 39.281, + "map_at_100": 41.422, + "map_at_1000": 41.593, + "map_at_3": 34.467, + "map_at_5": 37.017, + "mrr_at_1": 47.531, + "mrr_at_10": 56.204, + "mrr_at_100": 56.928999999999995, + "mrr_at_1000": 56.962999999999994, + "mrr_at_3": 54.115, + "mrr_at_5": 55.373000000000005, + "ndcg_at_1": 47.531, + "ndcg_at_10": 47.711999999999996, + "ndcg_at_100": 54.510999999999996, + "ndcg_at_1000": 57.103, + "ndcg_at_3": 44.145, + "ndcg_at_5": 45.032, + "precision_at_1": 47.531, + "precision_at_10": 13.194, + "precision_at_100": 2.045, + "precision_at_1000": 0.249, + "precision_at_3": 29.424, + "precision_at_5": 21.451, + "recall_at_1": 23.845, + "recall_at_10": 54.967, + "recall_at_100": 79.11399999999999, + "recall_at_1000": 94.56700000000001, + "recall_at_3": 40.256, + "recall_at_5": 46.215, + "main_score": 47.711999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/HotpotQA.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/HotpotQA.json new file mode 100644 index 000000000..b161d0517 --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 37.819, + "map_at_10": 60.889, + "map_at_100": 61.717999999999996, + "map_at_1000": 61.778, + "map_at_3": 57.254000000000005, + "map_at_5": 59.541, + "mrr_at_1": 75.638, + "mrr_at_10": 82.173, + "mrr_at_100": 82.362, + "mrr_at_1000": 82.37, + "mrr_at_3": 81.089, + "mrr_at_5": 81.827, + "ndcg_at_1": 75.638, + "ndcg_at_10": 69.317, + "ndcg_at_100": 72.221, + "ndcg_at_1000": 73.382, + "ndcg_at_3": 64.14, + "ndcg_at_5": 67.07600000000001, + "precision_at_1": 75.638, + "precision_at_10": 14.704999999999998, + "precision_at_100": 1.698, + "precision_at_1000": 0.185, + "precision_at_3": 41.394999999999996, + "precision_at_5": 27.162999999999997, + "recall_at_1": 37.819, + "recall_at_10": 73.52499999999999, + "recall_at_100": 84.875, + "recall_at_1000": 92.559, + "recall_at_3": 62.092999999999996, + "recall_at_5": 67.907, + "main_score": 69.317 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/ImdbClassification.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/ImdbClassification.json new file mode 100644 index 000000000..50fd46635 --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 94.60079999999999, + "ap": 92.67396345347356, + "f1": 94.5988098167121, + "main_score": 94.60079999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/MSMARCO.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/MSMARCO.json new file mode 100644 index 000000000..7e9e9c1f6 --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.285, + "map_at_10": 33.436, + "map_at_100": 34.63, + "map_at_1000": 34.681, + "map_at_3": 29.412, + "map_at_5": 31.715, + "mrr_at_1": 21.848, + "mrr_at_10": 33.979, + "mrr_at_100": 35.118, + "mrr_at_1000": 35.162, + "mrr_at_3": 30.036, + "mrr_at_5": 32.298, + "ndcg_at_1": 21.862000000000002, + "ndcg_at_10": 40.43, + "ndcg_at_100": 46.17, + "ndcg_at_1000": 47.412, + "ndcg_at_3": 32.221, + "ndcg_at_5": 36.332, + "precision_at_1": 21.862000000000002, + "precision_at_10": 6.491, + "precision_at_100": 0.935, + "precision_at_1000": 0.104, + "precision_at_3": 13.744, + "precision_at_5": 10.331999999999999, + "recall_at_1": 21.285, + "recall_at_10": 62.083, + "recall_at_100": 88.576, + "recall_at_1000": 98.006, + "recall_at_3": 39.729, + "recall_at_5": 49.608000000000004, + "main_score": 40.43 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/MTOPDomainClassification.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/MTOPDomainClassification.json new file mode 100644 index 000000000..ea1625860 --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/MTOPDomainClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.92612859097127, + "f1": 93.82370333372853, + "main_score": 93.92612859097127 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 92.67681036911807, + "f1": 92.14191382411472, + "main_score": 92.67681036911807 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 92.26817878585723, + "f1": 91.92824250337878, + "main_score": 92.26817878585723 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 89.96554963983714, + "f1": 90.02859329630792, + "main_score": 89.96554963983714 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 90.02509860164935, + "f1": 89.30665159182062, + "main_score": 90.02509860164935 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 87.55515370705244, + "f1": 87.94449232331907, + "main_score": 87.55515370705244 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/MTOPIntentClassification.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/MTOPIntentClassification.json new file mode 100644 index 000000000..0fb16861a --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/MTOPIntentClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 82.4623803009576, + "f1": 66.06738378772725, + "main_score": 82.4623803009576 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 79.3716539870386, + "f1": 60.37614033396853, + "main_score": 79.3716539870386 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 80.34022681787857, + "f1": 58.302008026952, + "main_score": 80.34022681787857 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 76.72095208268087, + "f1": 59.64524724009049, + "main_score": 76.72095208268087 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 77.87020437432773, + "f1": 57.80202694670567, + "main_score": 77.87020437432773 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 77.73598553345387, + "f1": 58.19628250675031, + "main_score": 77.73598553345387 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/MassiveIntentClassification.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/MassiveIntentClassification.json new file mode 100644 index 000000000..6b2a64767 --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/MassiveIntentClassification.json @@ -0,0 +1,469 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 67.6630800268998, + "f1": 65.00996668051691, + "main_score": 67.6630800268998 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 60.7128446536651, + "f1": 57.95860594874963, + "main_score": 60.7128446536651 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 63.61129791526563, + "f1": 59.75328290206483, + "main_score": 63.61129791526563 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 69.00134498991257, + "f1": 67.0230483991802, + "main_score": 69.00134498991257 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 68.54068594485541, + "f1": 65.54604628946976, + "main_score": 68.54068594485541 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 63.032952252858095, + "f1": 58.715741857057104, + "main_score": 63.032952252858095 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 71.80901143241427, + "f1": 68.33963989243877, + "main_score": 71.80901143241427 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 72.47141896435777, + "f1": 69.56765020308262, + "main_score": 72.47141896435777 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 71.2373907195696, + "f1": 69.04529836036467, + "main_score": 71.2373907195696 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.05783456624076, + "f1": 74.69430584708174, + "main_score": 77.05783456624076 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 72.82111634162744, + "f1": 70.77228952803762, + "main_score": 72.82111634162744 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 74.25353059852051, + "f1": 71.05310103416411, + "main_score": 74.25353059852051 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 72.28648285137861, + "f1": 69.08020473732226, + "main_score": 72.28648285137861 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 73.31540013449899, + "f1": 70.9426355465791, + "main_score": 73.31540013449899 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 70.2151983860121, + "f1": 67.52541755908858, + "main_score": 70.2151983860121 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 71.58372562205784, + "f1": 69.49769064229827, + "main_score": 71.58372562205784 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 71.9233355749832, + "f1": 69.36311548259593, + "main_score": 71.9233355749832 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 68.07330195023538, + "f1": 64.99882022345572, + "main_score": 68.07330195023538 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 72.62273032952253, + "f1": 70.6394885471001, + "main_score": 72.62273032952253 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 65.77000672494957, + "f1": 62.9368944815065, + "main_score": 65.77000672494957 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 73.453261600538, + "f1": 70.85069934666681, + "main_score": 73.453261600538 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 74.6906523201076, + "f1": 72.03249740074217, + "main_score": 74.6906523201076 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 63.03631472763953, + "f1": 59.3165215571852, + "main_score": 63.03631472763953 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 58.913920645595155, + "f1": 57.367337711611285, + "main_score": 58.913920645595155 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 54.42837928715535, + "f1": 52.60527294970906, + "main_score": 54.42837928715535 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 66.33490248823135, + "f1": 63.213340969404065, + "main_score": 66.33490248823135 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 70.58507061197041, + "f1": 68.40256628040486, + "main_score": 70.58507061197041 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 69.11230665770006, + "f1": 66.44863577842305, + "main_score": 69.11230665770006 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 69.70073974445192, + "f1": 67.21291337273702, + "main_score": 69.70073974445192 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 66.43913920645595, + "f1": 64.09838087422806, + "main_score": 66.43913920645595 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 70.80026899798251, + "f1": 68.76986742962444, + "main_score": 70.80026899798251 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 64.78816408876934, + "f1": 62.18781873428972, + "main_score": 64.78816408876934 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 71.6577000672495, + "f1": 68.75171511133003, + "main_score": 71.6577000672495 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 74.42501681237391, + "f1": 71.18434963451544, + "main_score": 74.42501681237391 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 73.64828513786146, + "f1": 70.67741914007422, + "main_score": 73.64828513786146 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 73.62811028917284, + "f1": 71.36402039740959, + "main_score": 73.62811028917284 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 71.88634835238736, + "f1": 69.23701923480677, + "main_score": 71.88634835238736 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 74.15938130464022, + "f1": 71.87792218993388, + "main_score": 74.15938130464022 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 69.96301277740416, + "f1": 67.29584200202983, + "main_score": 69.96301277740416 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 69.49562878278412, + "f1": 66.91716685679431, + "main_score": 69.49562878278412 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 74.6805648957633, + "f1": 72.02723592594374, + "main_score": 74.6805648957633 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 63.00605245460659, + "f1": 60.16716669482932, + "main_score": 63.00605245460659 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 66.90988567585742, + "f1": 63.99405488777784, + "main_score": 66.90988567585742 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 67.62273032952253, + "f1": 65.17213906909481, + "main_score": 67.62273032952253 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 69.50907868190988, + "f1": 69.15165697194853, + "main_score": 69.50907868190988 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 69.30733019502352, + "f1": 66.69024007380474, + "main_score": 69.30733019502352 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 72.24277067921989, + "f1": 68.80515408492947, + "main_score": 72.24277067921989 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 67.49831876260929, + "f1": 64.83778567111116, + "main_score": 67.49831876260929 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 71.28782784129119, + "f1": 69.3294186700733, + "main_score": 71.28782784129119 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 73.315400134499, + "f1": 71.22674385243207, + "main_score": 73.315400134499 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 69.37794216543377, + "f1": 68.96962492838232, + "main_score": 69.37794216543377 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/MassiveScenarioClassification.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..24f78b886 --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/MassiveScenarioClassification.json @@ -0,0 +1,469 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 73.33557498318764, + "f1": 72.28949738478356, + "main_score": 73.33557498318764 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 65.84398117014123, + "f1": 64.71026362091463, + "main_score": 65.84398117014123 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 69.76462676529925, + "f1": 69.8229667407667, + "main_score": 69.76462676529925 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 72.02420981842636, + "f1": 71.76576384895898, + "main_score": 72.02420981842636 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 72.7572293207801, + "f1": 72.76840765295256, + "main_score": 72.7572293207801 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 68.02286482851379, + "f1": 66.17237947327872, + "main_score": 68.02286482851379 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 77.60928043039678, + "f1": 77.27094731234773, + "main_score": 77.60928043039678 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 77.68325487558843, + "f1": 77.97530399082261, + "main_score": 77.68325487558843 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 76.13315400134498, + "f1": 75.97558584796424, + "main_score": 76.13315400134498 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.47410894418292, + "f1": 80.52244841473792, + "main_score": 80.47410894418292 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 76.9670477471419, + "f1": 77.37318805793146, + "main_score": 76.9670477471419 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 78.09683927370544, + "f1": 77.69773737430847, + "main_score": 78.09683927370544 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 75.20847343644922, + "f1": 75.17071738727348, + "main_score": 75.20847343644922 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 77.07464694014796, + "f1": 77.16136207698571, + "main_score": 77.07464694014796 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 73.53396099529255, + "f1": 73.58296404484122, + "main_score": 73.53396099529255 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 75.75319435104237, + "f1": 75.24674707850833, + "main_score": 75.75319435104237 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 77.0948217888366, + "f1": 76.47559490205028, + "main_score": 77.0948217888366 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 71.07599193006052, + "f1": 70.76028043093511, + "main_score": 71.07599193006052 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 77.10490921318089, + "f1": 77.01215275283272, + "main_score": 77.10490921318089 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 71.25756556825824, + "f1": 70.20605314648762, + "main_score": 71.25756556825824 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 77.08137188971082, + "f1": 77.3899269057439, + "main_score": 77.08137188971082 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 79.35440484196369, + "f1": 79.58964690002772, + "main_score": 79.35440484196369 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 68.42299932750504, + "f1": 68.07844356925413, + "main_score": 68.42299932750504 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 66.15669132481507, + "f1": 65.89383352608513, + "main_score": 66.15669132481507 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 60.11432414256894, + "f1": 57.69910594559806, + "main_score": 60.11432414256894 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 71.24747814391392, + "f1": 70.42455553830918, + "main_score": 71.24747814391392 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 76.46267652992603, + "f1": 76.8854559308316, + "main_score": 76.46267652992603 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 73.24815063887021, + "f1": 72.77805034658074, + "main_score": 73.24815063887021 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 74.11566913248151, + "f1": 73.86147988001356, + "main_score": 74.11566913248151 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 70.0168123739072, + "f1": 69.38515920054571, + "main_score": 70.0168123739072 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 74.41156691324814, + "f1": 73.43474953408237, + "main_score": 74.41156691324814 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 68.39609952925353, + "f1": 67.29731681109291, + "main_score": 68.39609952925353 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 77.20914593140552, + "f1": 77.07066497935367, + "main_score": 77.20914593140552 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 78.52387357094821, + "f1": 78.5259569473291, + "main_score": 78.52387357094821 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 76.6913248150639, + "f1": 76.91201656350455, + "main_score": 76.6913248150639 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 77.1217215870881, + "f1": 77.41179937912504, + "main_score": 77.1217215870881 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 75.25891055817083, + "f1": 75.8089244542887, + "main_score": 75.25891055817083 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 77.70679219905851, + "f1": 78.21459594517711, + "main_score": 77.70679219905851 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 74.83523873570948, + "f1": 74.86847028401978, + "main_score": 74.83523873570948 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 74.71755211835911, + "f1": 74.0214326485662, + "main_score": 74.71755211835911 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 79.06523201075991, + "f1": 79.10545620325138, + "main_score": 79.06523201075991 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 67.91862811028918, + "f1": 66.50386121217983, + "main_score": 67.91862811028918 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 70.93140551445865, + "f1": 70.755435928495, + "main_score": 70.93140551445865 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 72.40753194351042, + "f1": 71.61816115782923, + "main_score": 72.40753194351042 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 75.1815736381977, + "f1": 75.08016717887205, + "main_score": 75.1815736381977 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 72.86482851378614, + "f1": 72.39521180006291, + "main_score": 72.86482851378614 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 76.46940147948891, + "f1": 76.70044085362349, + "main_score": 76.46940147948891 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 71.89307330195024, + "f1": 71.5721825332298, + "main_score": 71.89307330195024 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 74.7511768661735, + "f1": 75.17918654541515, + "main_score": 74.7511768661735 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 78.69535978480162, + "f1": 78.90019070153316, + "main_score": 78.69535978480162 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 75.45729657027572, + "f1": 76.19578371794672, + "main_score": 75.45729657027572 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/MedrxivClusteringP2P.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..bfddf9b5f --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.92715354123554, + "main_score": 36.92715354123554 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/MedrxivClusteringS2S.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..c9bd34b80 --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.53536244162518, + "main_score": 35.53536244162518 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/MindSmallReranking.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/MindSmallReranking.json new file mode 100644 index 000000000..ff02c5f5b --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 33.08507884504006, + "mrr": 34.32436977159129, + "main_score": 33.08507884504006 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/NFCorpus.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/NFCorpus.json new file mode 100644 index 000000000..93bad5ad1 --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.935, + "map_at_10": 13.297, + "map_at_100": 16.907, + "map_at_1000": 18.391, + "map_at_3": 9.626999999999999, + "map_at_5": 11.190999999999999, + "mrr_at_1": 46.129999999999995, + "mrr_at_10": 54.346000000000004, + "mrr_at_100": 55.067, + "mrr_at_1000": 55.1, + "mrr_at_3": 51.961, + "mrr_at_5": 53.246, + "ndcg_at_1": 44.118, + "ndcg_at_10": 35.534, + "ndcg_at_100": 32.946999999999996, + "ndcg_at_1000": 41.599000000000004, + "ndcg_at_3": 40.25, + "ndcg_at_5": 37.978, + "precision_at_1": 46.129999999999995, + "precision_at_10": 26.842, + "precision_at_100": 8.427, + "precision_at_1000": 2.128, + "precision_at_3": 37.977, + "precision_at_5": 32.879000000000005, + "recall_at_1": 5.935, + "recall_at_10": 17.211000000000002, + "recall_at_100": 34.33, + "recall_at_1000": 65.551, + "recall_at_3": 10.483, + "recall_at_5": 13.078999999999999, + "main_score": 35.534 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/NQ.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/NQ.json new file mode 100644 index 000000000..2ad4c2abb --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 35.231, + "map_at_10": 50.202000000000005, + "map_at_100": 51.154999999999994, + "map_at_1000": 51.181, + "map_at_3": 45.774, + "map_at_5": 48.522, + "mrr_at_1": 39.687, + "mrr_at_10": 52.88, + "mrr_at_100": 53.569, + "mrr_at_1000": 53.58500000000001, + "mrr_at_3": 49.228, + "mrr_at_5": 51.525, + "ndcg_at_1": 39.687, + "ndcg_at_10": 57.754000000000005, + "ndcg_at_100": 61.597, + "ndcg_at_1000": 62.18900000000001, + "ndcg_at_3": 49.55, + "ndcg_at_5": 54.11899999999999, + "precision_at_1": 39.687, + "precision_at_10": 9.313, + "precision_at_100": 1.146, + "precision_at_1000": 0.12, + "precision_at_3": 22.229, + "precision_at_5": 15.939, + "recall_at_1": 35.231, + "recall_at_10": 78.083, + "recall_at_100": 94.42099999999999, + "recall_at_1000": 98.81, + "recall_at_3": 57.047000000000004, + "recall_at_5": 67.637, + "main_score": 57.754000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/QuoraRetrieval.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/QuoraRetrieval.json new file mode 100644 index 000000000..75ae7a3cd --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 71.241, + "map_at_10": 85.462, + "map_at_100": 86.083, + "map_at_1000": 86.09700000000001, + "map_at_3": 82.49499999999999, + "map_at_5": 84.392, + "mrr_at_1": 82.09, + "mrr_at_10": 88.301, + "mrr_at_100": 88.383, + "mrr_at_1000": 88.384, + "mrr_at_3": 87.37, + "mrr_at_5": 88.035, + "ndcg_at_1": 82.12, + "ndcg_at_10": 89.149, + "ndcg_at_100": 90.235, + "ndcg_at_1000": 90.307, + "ndcg_at_3": 86.37599999999999, + "ndcg_at_5": 87.964, + "precision_at_1": 82.12, + "precision_at_10": 13.56, + "precision_at_100": 1.539, + "precision_at_1000": 0.157, + "precision_at_3": 37.88, + "precision_at_5": 24.92, + "recall_at_1": 71.241, + "recall_at_10": 96.128, + "recall_at_100": 99.696, + "recall_at_1000": 99.994, + "recall_at_3": 88.181, + "recall_at_5": 92.694, + "main_score": 89.149 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/RedditClustering.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/RedditClustering.json new file mode 100644 index 000000000..3348e0122 --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 56.59757799655151, + "main_score": 56.59757799655151 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/RedditClusteringP2P.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/RedditClusteringP2P.json new file mode 100644 index 000000000..024467dba --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 64.27391998854624, + "main_score": 64.27391998854624 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/SCIDOCS.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/SCIDOCS.json new file mode 100644 index 000000000..f17a3cae7 --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.243, + "map_at_10": 10.965, + "map_at_100": 12.934999999999999, + "map_at_1000": 13.256, + "map_at_3": 7.907, + "map_at_5": 9.435, + "mrr_at_1": 20.9, + "mrr_at_10": 31.849, + "mrr_at_100": 32.964, + "mrr_at_1000": 33.024, + "mrr_at_3": 28.517, + "mrr_at_5": 30.381999999999998, + "ndcg_at_1": 20.9, + "ndcg_at_10": 18.723, + "ndcg_at_100": 26.384999999999998, + "ndcg_at_1000": 32.114, + "ndcg_at_3": 17.753, + "ndcg_at_5": 15.558, + "precision_at_1": 20.9, + "precision_at_10": 9.8, + "precision_at_100": 2.078, + "precision_at_1000": 0.345, + "precision_at_3": 16.900000000000002, + "precision_at_5": 13.88, + "recall_at_1": 4.243, + "recall_at_10": 19.885, + "recall_at_100": 42.17, + "recall_at_1000": 70.12, + "recall_at_3": 10.288, + "recall_at_5": 14.072000000000001, + "main_score": 18.723 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/SICK-R.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/SICK-R.json new file mode 100644 index 000000000..6cf3f20be --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.84209174935282, + "cos_sim_spearman": 81.73248048438833, + "euclidean_pearson": 83.02810070308149, + "euclidean_spearman": 81.73248295679514, + "manhattan_pearson": 82.95368060376002, + "manhattan_spearman": 81.60277910998718, + "cosine_pearson": 85.84209174935282, + "cosine_spearman": 81.73248048438833, + "main_score": 81.73248048438833 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/STS12.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/STS12.json new file mode 100644 index 000000000..584d49d54 --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.52628804556943, + "cos_sim_spearman": 82.5713913555672, + "euclidean_pearson": 85.8796774746988, + "euclidean_spearman": 82.57137506803424, + "manhattan_pearson": 85.79671002960058, + "manhattan_spearman": 82.49445981618027, + "cosine_pearson": 88.52628804556943, + "cosine_spearman": 82.5713913555672, + "main_score": 82.5713913555672 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/STS13.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/STS13.json new file mode 100644 index 000000000..426863504 --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.23682503505542, + "cos_sim_spearman": 87.15008956711806, + "euclidean_pearson": 86.79805401524959, + "euclidean_spearman": 87.15008956711806, + "manhattan_pearson": 86.65298502699244, + "manhattan_spearman": 86.97677821948562, + "cosine_pearson": 86.23682503505542, + "cosine_spearman": 87.15008956711806, + "main_score": 87.15008956711806 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/STS14.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/STS14.json new file mode 100644 index 000000000..a37cba900 --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.63370304677802, + "cos_sim_spearman": 84.97105553540318, + "euclidean_pearson": 85.28896108687721, + "euclidean_spearman": 84.97105553540318, + "manhattan_pearson": 85.09663190337331, + "manhattan_spearman": 84.79126831644619, + "cosine_pearson": 85.63370304677802, + "cosine_spearman": 84.97105553540318, + "main_score": 84.97105553540318 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/STS15.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/STS15.json new file mode 100644 index 000000000..675b25607 --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 90.2614838800733, + "cos_sim_spearman": 91.0509162991835, + "euclidean_pearson": 90.33098317533373, + "euclidean_spearman": 91.05091625871644, + "manhattan_pearson": 90.26250435151107, + "manhattan_spearman": 90.97999594417519, + "cosine_pearson": 90.2614838800733, + "cosine_spearman": 91.0509162991835, + "main_score": 91.0509162991835 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/STS16.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/STS16.json new file mode 100644 index 000000000..bd7d9d8ec --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.80480973335091, + "cos_sim_spearman": 87.313695492969, + "euclidean_pearson": 86.49267251576939, + "euclidean_spearman": 87.313695492969, + "manhattan_pearson": 86.44019901831935, + "manhattan_spearman": 87.24205395460392, + "cosine_pearson": 85.80480973335091, + "cosine_spearman": 87.313695492969, + "main_score": 87.313695492969 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/STS17.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/STS17.json new file mode 100644 index 000000000..eac40eb89 --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 90.05662789380672, + "cos_sim_spearman": 90.02759424426651, + "euclidean_pearson": 90.4042483422981, + "euclidean_spearman": 90.02759424426651, + "manhattan_pearson": 90.51446975000226, + "manhattan_spearman": 90.08832889933616, + "cosine_pearson": 90.05662789380672, + "cosine_spearman": 90.02759424426651, + "main_score": 90.02759424426651 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/STS22.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/STS22.json new file mode 100644 index 000000000..6d993f0a5 --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 67.5975528273532, + "cos_sim_spearman": 67.62969861411354, + "euclidean_pearson": 69.224275734323, + "euclidean_spearman": 67.62969861411354, + "manhattan_pearson": 69.3761447059927, + "manhattan_spearman": 67.90921005611467, + "cosine_pearson": 67.5975528273532, + "cosine_spearman": 67.62969861411354, + "main_score": 67.62969861411354 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/STSBenchmark.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/STSBenchmark.json new file mode 100644 index 000000000..e74cc84b3 --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.11244327231684, + "cos_sim_spearman": 88.37902438979035, + "euclidean_pearson": 87.86054279847336, + "euclidean_spearman": 88.37902438979035, + "manhattan_pearson": 87.77257757320378, + "manhattan_spearman": 88.25208966098123, + "cosine_pearson": 87.11244327231684, + "cosine_spearman": 88.37902438979035, + "main_score": 88.37902438979035 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/SciDocsRR.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/SciDocsRR.json new file mode 100644 index 000000000..cbf46eda2 --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 85.87174608143563, + "mrr": 96.12836872640794, + "main_score": 85.87174608143563 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/SciFact.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/SciFact.json new file mode 100644 index 000000000..7d245cfca --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 57.760999999999996, + "map_at_10": 67.258, + "map_at_100": 67.757, + "map_at_1000": 67.78800000000001, + "map_at_3": 64.602, + "map_at_5": 65.64, + "mrr_at_1": 60.667, + "mrr_at_10": 68.441, + "mrr_at_100": 68.825, + "mrr_at_1000": 68.853, + "mrr_at_3": 66.444, + "mrr_at_5": 67.26100000000001, + "ndcg_at_1": 60.667, + "ndcg_at_10": 71.852, + "ndcg_at_100": 73.9, + "ndcg_at_1000": 74.628, + "ndcg_at_3": 67.093, + "ndcg_at_5": 68.58, + "precision_at_1": 60.667, + "precision_at_10": 9.6, + "precision_at_100": 1.0670000000000002, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 26.111, + "precision_at_5": 16.733, + "recall_at_1": 57.760999999999996, + "recall_at_10": 84.967, + "recall_at_100": 93.833, + "recall_at_1000": 99.333, + "recall_at_3": 71.589, + "recall_at_5": 75.483, + "main_score": 71.852 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/SprintDuplicateQuestions.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..481d0c1f4 --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.66633663366336, + "cos_sim_ap": 91.17685358899108, + "cos_sim_f1": 82.16818642350559, + "cos_sim_precision": 83.26488706365504, + "cos_sim_recall": 81.10000000000001, + "dot_accuracy": 99.66633663366336, + "dot_ap": 91.17663411119032, + "dot_f1": 82.16818642350559, + "dot_precision": 83.26488706365504, + "dot_recall": 81.10000000000001, + "euclidean_accuracy": 99.66633663366336, + "euclidean_ap": 91.17685189882275, + "euclidean_f1": 82.16818642350559, + "euclidean_precision": 83.26488706365504, + "euclidean_recall": 81.10000000000001, + "manhattan_accuracy": 99.66633663366336, + "manhattan_ap": 91.2241619496737, + "manhattan_f1": 82.20472440944883, + "manhattan_precision": 86.51933701657458, + "manhattan_recall": 78.3, + "max_accuracy": 99.66633663366336, + "max_ap": 91.2241619496737, + "max_f1": 82.20472440944883, + "main_score": 91.2241619496737 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/StackExchangeClustering.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/StackExchangeClustering.json new file mode 100644 index 000000000..9e0b4ad23 --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 66.85101268897951, + "main_score": 66.85101268897951 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/StackExchangeClusteringP2P.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..9dbfa8eeb --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 42.461184054706905, + "main_score": 42.461184054706905 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/StackOverflowDupQuestions.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..768d95793 --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 51.44542568873886, + "mrr": 52.33656151854681, + "main_score": 51.44542568873886 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/SummEval.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/SummEval.json new file mode 100644 index 000000000..1e805847c --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.75982974997539, + "cos_sim_spearman": 30.385405026539914, + "dot_pearson": 30.75982433546523, + "dot_spearman": 30.385405026539914, + "cosine_pearson": 30.75982974997539, + "cosine_spearman": 30.385405026539914, + "main_score": 30.385405026539914 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/TRECCOVID.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/TRECCOVID.json new file mode 100644 index 000000000..0f5275eca --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.22799999999999998, + "map_at_10": 2.064, + "map_at_100": 13.056000000000001, + "map_at_1000": 31.747999999999998, + "map_at_3": 0.67, + "map_at_5": 1.097, + "mrr_at_1": 90.0, + "mrr_at_10": 94.667, + "mrr_at_100": 94.667, + "mrr_at_1000": 94.667, + "mrr_at_3": 94.667, + "mrr_at_5": 94.667, + "ndcg_at_1": 86.0, + "ndcg_at_10": 82.0, + "ndcg_at_100": 64.307, + "ndcg_at_1000": 57.023999999999994, + "ndcg_at_3": 85.816, + "ndcg_at_5": 84.904, + "precision_at_1": 90.0, + "precision_at_10": 85.8, + "precision_at_100": 66.46, + "precision_at_1000": 25.202, + "precision_at_3": 90.0, + "precision_at_5": 89.2, + "recall_at_1": 0.22799999999999998, + "recall_at_10": 2.235, + "recall_at_100": 16.185, + "recall_at_1000": 53.620999999999995, + "recall_at_3": 0.7040000000000001, + "recall_at_5": 1.172, + "main_score": 82.0 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/Tatoeba.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/Tatoeba.json new file mode 100644 index 000000000..75465b4dc --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/Tatoeba.json @@ -0,0 +1,1354 @@ +{ + "dataset_revision": "9080400076fbadbb4c4dcb136ff4eddc40b42553", + "task_name": "Tatoeba", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "sqi-eng", + "languages": [ + "sqi-Latn", + "eng-Latn" + ], + "accuracy": 97.39999999999999, + "f1": 96.75, + "precision": 96.45, + "recall": 97.39999999999999, + "main_score": 96.75 + }, + { + "hf_subset": "fry-eng", + "languages": [ + "fry-Latn", + "eng-Latn" + ], + "accuracy": 85.54913294797689, + "f1": 82.46628131021194, + "precision": 81.1175337186898, + "recall": 85.54913294797689, + "main_score": 82.46628131021194 + }, + { + "hf_subset": "kur-eng", + "languages": [ + "kur-Latn", + "eng-Latn" + ], + "accuracy": 81.21951219512195, + "f1": 77.33333333333334, + "precision": 75.54878048780488, + "recall": 81.21951219512195, + "main_score": 77.33333333333334 + }, + { + "hf_subset": "tur-eng", + "languages": [ + "tur-Latn", + "eng-Latn" + ], + "accuracy": 98.6, + "f1": 98.26666666666665, + "precision": 98.1, + "recall": 98.6, + "main_score": 98.26666666666665 + }, + { + "hf_subset": "deu-eng", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "accuracy": 99.5, + "f1": 99.33333333333333, + "precision": 99.25, + "recall": 99.5, + "main_score": 99.33333333333333 + }, + { + "hf_subset": "nld-eng", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "accuracy": 97.8, + "f1": 97.2, + "precision": 96.89999999999999, + "recall": 97.8, + "main_score": 97.2 + }, + { + "hf_subset": "ron-eng", + "languages": [ + "ron-Latn", + "eng-Latn" + ], + "accuracy": 97.8, + "f1": 97.18333333333334, + "precision": 96.88333333333333, + "recall": 97.8, + "main_score": 97.18333333333334 + }, + { + "hf_subset": "ang-eng", + "languages": [ + "ang-Latn", + "eng-Latn" + ], + "accuracy": 77.61194029850746, + "f1": 72.81094527363183, + "precision": 70.83333333333333, + "recall": 77.61194029850746, + "main_score": 72.81094527363183 + }, + { + "hf_subset": "ido-eng", + "languages": [ + "ido-Latn", + "eng-Latn" + ], + "accuracy": 93.7, + "f1": 91.91666666666667, + "precision": 91.08333333333334, + "recall": 93.7, + "main_score": 91.91666666666667 + }, + { + "hf_subset": "jav-eng", + "languages": [ + "jav-Latn", + "eng-Latn" + ], + "accuracy": 88.29268292682927, + "f1": 85.27642276422765, + "precision": 84.01277584204414, + "recall": 88.29268292682927, + "main_score": 85.27642276422765 + }, + { + "hf_subset": "isl-eng", + "languages": [ + "isl-Latn", + "eng-Latn" + ], + "accuracy": 96.1, + "f1": 95.0, + "precision": 94.46666666666668, + "recall": 96.1, + "main_score": 95.0 + }, + { + "hf_subset": "slv-eng", + "languages": [ + "slv-Latn", + "eng-Latn" + ], + "accuracy": 93.681652490887, + "f1": 91.90765492102065, + "precision": 91.05913325232888, + "recall": 93.681652490887, + "main_score": 91.90765492102065 + }, + { + "hf_subset": "cym-eng", + "languages": [ + "cym-Latn", + "eng-Latn" + ], + "accuracy": 92.17391304347827, + "f1": 89.97101449275361, + "precision": 88.96811594202899, + "recall": 92.17391304347827, + "main_score": 89.97101449275361 + }, + { + "hf_subset": "kaz-eng", + "languages": [ + "kaz-Cyrl", + "eng-Latn" + ], + "accuracy": 90.43478260869566, + "f1": 87.72173913043478, + "precision": 86.42028985507245, + "recall": 90.43478260869566, + "main_score": 87.72173913043478 + }, + { + "hf_subset": "est-eng", + "languages": [ + "est-Latn", + "eng-Latn" + ], + "accuracy": 90.4, + "f1": 88.03, + "precision": 86.95, + "recall": 90.4, + "main_score": 88.03 + }, + { + "hf_subset": "heb-eng", + "languages": [ + "heb-Hebr", + "eng-Latn" + ], + "accuracy": 93.4, + "f1": 91.45666666666666, + "precision": 90.525, + "recall": 93.4, + "main_score": 91.45666666666666 + }, + { + "hf_subset": "gla-eng", + "languages": [ + "gla-Latn", + "eng-Latn" + ], + "accuracy": 81.9059107358263, + "f1": 78.32557872364869, + "precision": 76.78260286824823, + "recall": 81.9059107358263, + "main_score": 78.32557872364869 + }, + { + "hf_subset": "mar-eng", + "languages": [ + "mar-Deva", + "eng-Latn" + ], + "accuracy": 94.3, + "f1": 92.58333333333333, + "precision": 91.73333333333332, + "recall": 94.3, + "main_score": 92.58333333333333 + }, + { + "hf_subset": "lat-eng", + "languages": [ + "lat-Latn", + "eng-Latn" + ], + "accuracy": 79.10000000000001, + "f1": 74.50500000000001, + "precision": 72.58928571428571, + "recall": 79.10000000000001, + "main_score": 74.50500000000001 + }, + { + "hf_subset": "bel-eng", + "languages": [ + "bel-Cyrl", + "eng-Latn" + ], + "accuracy": 96.6, + "f1": 95.55, + "precision": 95.05, + "recall": 96.6, + "main_score": 95.55 + }, + { + "hf_subset": "pms-eng", + "languages": [ + "pms-Latn", + "eng-Latn" + ], + "accuracy": 82.0952380952381, + "f1": 77.98458049886621, + "precision": 76.1968253968254, + "recall": 82.0952380952381, + "main_score": 77.98458049886621 + }, + { + "hf_subset": "gle-eng", + "languages": [ + "gle-Latn", + "eng-Latn" + ], + "accuracy": 87.9, + "f1": 84.99190476190476, + "precision": 83.65, + "recall": 87.9, + "main_score": 84.99190476190476 + }, + { + "hf_subset": "pes-eng", + "languages": [ + "pes-Arab", + "eng-Latn" + ], + "accuracy": 95.7, + "f1": 94.56666666666666, + "precision": 94.01666666666667, + "recall": 95.7, + "main_score": 94.56666666666666 + }, + { + "hf_subset": "nob-eng", + "languages": [ + "nob-Latn", + "eng-Latn" + ], + "accuracy": 98.6, + "f1": 98.2, + "precision": 98.0, + "recall": 98.6, + "main_score": 98.2 + }, + { + "hf_subset": "bul-eng", + "languages": [ + "bul-Cyrl", + "eng-Latn" + ], + "accuracy": 95.6, + "f1": 94.38333333333334, + "precision": 93.78333333333335, + "recall": 95.6, + "main_score": 94.38333333333334 + }, + { + "hf_subset": "cbk-eng", + "languages": [ + "cbk-Latn", + "eng-Latn" + ], + "accuracy": 87.4, + "f1": 84.10380952380952, + "precision": 82.67, + "recall": 87.4, + "main_score": 84.10380952380952 + }, + { + "hf_subset": "hun-eng", + "languages": [ + "hun-Latn", + "eng-Latn" + ], + "accuracy": 95.5, + "f1": 94.33333333333334, + "precision": 93.78333333333333, + "recall": 95.5, + "main_score": 94.33333333333334 + }, + { + "hf_subset": "uig-eng", + "languages": [ + "uig-Arab", + "eng-Latn" + ], + "accuracy": 89.4, + "f1": 86.82000000000001, + "precision": 85.64500000000001, + "recall": 89.4, + "main_score": 86.82000000000001 + }, + { + "hf_subset": "rus-eng", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "accuracy": 95.1, + "f1": 93.56666666666668, + "precision": 92.81666666666666, + "recall": 95.1, + "main_score": 93.56666666666668 + }, + { + "hf_subset": "spa-eng", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "accuracy": 98.9, + "f1": 98.6, + "precision": 98.45, + "recall": 98.9, + "main_score": 98.6 + }, + { + "hf_subset": "hye-eng", + "languages": [ + "hye-Armn", + "eng-Latn" + ], + "accuracy": 95.01347708894879, + "f1": 93.51752021563343, + "precision": 92.82794249775381, + "recall": 95.01347708894879, + "main_score": 93.51752021563343 + }, + { + "hf_subset": "tel-eng", + "languages": [ + "tel-Telu", + "eng-Latn" + ], + "accuracy": 97.00854700854701, + "f1": 96.08262108262107, + "precision": 95.65527065527067, + "recall": 97.00854700854701, + "main_score": 96.08262108262107 + }, + { + "hf_subset": "afr-eng", + "languages": [ + "afr-Latn", + "eng-Latn" + ], + "accuracy": 96.5, + "f1": 95.39999999999999, + "precision": 94.88333333333333, + "recall": 96.5, + "main_score": 95.39999999999999 + }, + { + "hf_subset": "mon-eng", + "languages": [ + "mon-Cyrl", + "eng-Latn" + ], + "accuracy": 96.5909090909091, + "f1": 95.49242424242425, + "precision": 94.9621212121212, + "recall": 96.5909090909091, + "main_score": 95.49242424242425 + }, + { + "hf_subset": "arz-eng", + "languages": [ + "arz-Arab", + "eng-Latn" + ], + "accuracy": 84.90566037735849, + "f1": 81.85883997204752, + "precision": 80.54507337526205, + "recall": 84.90566037735849, + "main_score": 81.85883997204752 + }, + { + "hf_subset": "hrv-eng", + "languages": [ + "hrv-Latn", + "eng-Latn" + ], + "accuracy": 97.5, + "f1": 96.75, + "precision": 96.38333333333333, + "recall": 97.5, + "main_score": 96.75 + }, + { + "hf_subset": "nov-eng", + "languages": [ + "nov-Latn", + "eng-Latn" + ], + "accuracy": 86.7704280155642, + "f1": 82.99610894941635, + "precision": 81.32295719844358, + "recall": 86.7704280155642, + "main_score": 82.99610894941635 + }, + { + "hf_subset": "gsw-eng", + "languages": [ + "gsw-Latn", + "eng-Latn" + ], + "accuracy": 67.52136752136752, + "f1": 61.89662189662191, + "precision": 59.68660968660969, + "recall": 67.52136752136752, + "main_score": 61.89662189662191 + }, + { + "hf_subset": "nds-eng", + "languages": [ + "nds-Latn", + "eng-Latn" + ], + "accuracy": 89.2, + "f1": 86.32, + "precision": 85.015, + "recall": 89.2, + "main_score": 86.32 + }, + { + "hf_subset": "ukr-eng", + "languages": [ + "ukr-Cyrl", + "eng-Latn" + ], + "accuracy": 96.0, + "f1": 94.78333333333333, + "precision": 94.18333333333334, + "recall": 96.0, + "main_score": 94.78333333333333 + }, + { + "hf_subset": "uzb-eng", + "languages": [ + "uzb-Latn", + "eng-Latn" + ], + "accuracy": 83.8785046728972, + "f1": 80.54517133956385, + "precision": 79.154984423676, + "recall": 83.8785046728972, + "main_score": 80.54517133956385 + }, + { + "hf_subset": "lit-eng", + "languages": [ + "lit-Latn", + "eng-Latn" + ], + "accuracy": 93.60000000000001, + "f1": 92.01333333333334, + "precision": 91.28333333333333, + "recall": 93.60000000000001, + "main_score": 92.01333333333334 + }, + { + "hf_subset": "ina-eng", + "languages": [ + "ina-Latn", + "eng-Latn" + ], + "accuracy": 97.1, + "f1": 96.26666666666667, + "precision": 95.85000000000001, + "recall": 97.1, + "main_score": 96.26666666666667 + }, + { + "hf_subset": "lfn-eng", + "languages": [ + "lfn-Latn", + "eng-Latn" + ], + "accuracy": 84.3, + "f1": 80.67833333333333, + "precision": 79.03928571428571, + "recall": 84.3, + "main_score": 80.67833333333333 + }, + { + "hf_subset": "zsm-eng", + "languages": [ + "zsm-Latn", + "eng-Latn" + ], + "accuracy": 97.3, + "f1": 96.48333333333332, + "precision": 96.08333333333331, + "recall": 97.3, + "main_score": 96.48333333333332 + }, + { + "hf_subset": "ita-eng", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "accuracy": 95.7, + "f1": 94.66666666666667, + "precision": 94.16666666666667, + "recall": 95.7, + "main_score": 94.66666666666667 + }, + { + "hf_subset": "cmn-eng", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "accuracy": 97.2, + "f1": 96.36666666666667, + "precision": 95.96666666666668, + "recall": 97.2, + "main_score": 96.36666666666667 + }, + { + "hf_subset": "lvs-eng", + "languages": [ + "lvs-Latn", + "eng-Latn" + ], + "accuracy": 94.3, + "f1": 92.80666666666667, + "precision": 92.12833333333333, + "recall": 94.3, + "main_score": 92.80666666666667 + }, + { + "hf_subset": "glg-eng", + "languages": [ + "glg-Latn", + "eng-Latn" + ], + "accuracy": 97.0, + "f1": 96.22333333333334, + "precision": 95.875, + "recall": 97.0, + "main_score": 96.22333333333334 + }, + { + "hf_subset": "ceb-eng", + "languages": [ + "ceb-Latn", + "eng-Latn" + ], + "accuracy": 74.33333333333333, + "f1": 70.78174603174602, + "precision": 69.28333333333332, + "recall": 74.33333333333333, + "main_score": 70.78174603174602 + }, + { + "hf_subset": "bre-eng", + "languages": [ + "bre-Latn", + "eng-Latn" + ], + "accuracy": 37.6, + "f1": 32.938348952090365, + "precision": 31.2811038961039, + "recall": 37.6, + "main_score": 32.938348952090365 + }, + { + "hf_subset": "ben-eng", + "languages": [ + "ben-Beng", + "eng-Latn" + ], + "accuracy": 91.5, + "f1": 89.13333333333333, + "precision": 88.03333333333333, + "recall": 91.5, + "main_score": 89.13333333333333 + }, + { + "hf_subset": "swg-eng", + "languages": [ + "swg-Latn", + "eng-Latn" + ], + "accuracy": 82.14285714285714, + "f1": 77.67857142857143, + "precision": 75.59523809523809, + "recall": 82.14285714285714, + "main_score": 77.67857142857143 + }, + { + "hf_subset": "arq-eng", + "languages": [ + "arq-Arab", + "eng-Latn" + ], + "accuracy": 69.0450054884742, + "f1": 63.070409283362075, + "precision": 60.58992781824835, + "recall": 69.0450054884742, + "main_score": 63.070409283362075 + }, + { + "hf_subset": "kab-eng", + "languages": [ + "kab-Latn", + "eng-Latn" + ], + "accuracy": 63.1, + "f1": 57.848333333333336, + "precision": 55.69500000000001, + "recall": 63.1, + "main_score": 57.848333333333336 + }, + { + "hf_subset": "fra-eng", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "accuracy": 96.1, + "f1": 95.01666666666667, + "precision": 94.5, + "recall": 96.1, + "main_score": 95.01666666666667 + }, + { + "hf_subset": "por-eng", + "languages": [ + "por-Latn", + "eng-Latn" + ], + "accuracy": 95.89999999999999, + "f1": 94.90666666666667, + "precision": 94.425, + "recall": 95.89999999999999, + "main_score": 94.90666666666667 + }, + { + "hf_subset": "tat-eng", + "languages": [ + "tat-Cyrl", + "eng-Latn" + ], + "accuracy": 87.6, + "f1": 84.61333333333333, + "precision": 83.27, + "recall": 87.6, + "main_score": 84.61333333333333 + }, + { + "hf_subset": "oci-eng", + "languages": [ + "oci-Latn", + "eng-Latn" + ], + "accuracy": 76.4, + "f1": 71.90746031746032, + "precision": 70.07027777777778, + "recall": 76.4, + "main_score": 71.90746031746032 + }, + { + "hf_subset": "pol-eng", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "accuracy": 97.89999999999999, + "f1": 97.26666666666667, + "precision": 96.95, + "recall": 97.89999999999999, + "main_score": 97.26666666666667 + }, + { + "hf_subset": "war-eng", + "languages": [ + "war-Latn", + "eng-Latn" + ], + "accuracy": 78.8, + "f1": 74.39555555555555, + "precision": 72.59416666666667, + "recall": 78.8, + "main_score": 74.39555555555555 + }, + { + "hf_subset": "aze-eng", + "languages": [ + "aze-Latn", + "eng-Latn" + ], + "accuracy": 95.19999999999999, + "f1": 93.78999999999999, + "precision": 93.125, + "recall": 95.19999999999999, + "main_score": 93.78999999999999 + }, + { + "hf_subset": "vie-eng", + "languages": [ + "vie-Latn", + "eng-Latn" + ], + "accuracy": 97.8, + "f1": 97.1, + "precision": 96.75, + "recall": 97.8, + "main_score": 97.1 + }, + { + "hf_subset": "nno-eng", + "languages": [ + "nno-Latn", + "eng-Latn" + ], + "accuracy": 95.6, + "f1": 94.25666666666666, + "precision": 93.64166666666668, + "recall": 95.6, + "main_score": 94.25666666666666 + }, + { + "hf_subset": "cha-eng", + "languages": [ + "cha-Latn", + "eng-Latn" + ], + "accuracy": 56.934306569343065, + "f1": 51.461591936044485, + "precision": 49.37434827945776, + "recall": 56.934306569343065, + "main_score": 51.461591936044485 + }, + { + "hf_subset": "mhr-eng", + "languages": [ + "mhr-Cyrl", + "eng-Latn" + ], + "accuracy": 20.200000000000003, + "f1": 16.91799284049284, + "precision": 15.791855158730158, + "recall": 20.200000000000003, + "main_score": 16.91799284049284 + }, + { + "hf_subset": "dan-eng", + "languages": [ + "dan-Latn", + "eng-Latn" + ], + "accuracy": 96.2, + "f1": 95.3, + "precision": 94.85, + "recall": 96.2, + "main_score": 95.3 + }, + { + "hf_subset": "ell-eng", + "languages": [ + "ell-Grek", + "eng-Latn" + ], + "accuracy": 96.3, + "f1": 95.11666666666667, + "precision": 94.53333333333333, + "recall": 96.3, + "main_score": 95.11666666666667 + }, + { + "hf_subset": "amh-eng", + "languages": [ + "amh-Ethi", + "eng-Latn" + ], + "accuracy": 89.88095238095238, + "f1": 87.14285714285714, + "precision": 85.96230158730161, + "recall": 89.88095238095238, + "main_score": 87.14285714285714 + }, + { + "hf_subset": "pam-eng", + "languages": [ + "pam-Latn", + "eng-Latn" + ], + "accuracy": 24.099999999999998, + "f1": 19.630969083349783, + "precision": 18.275094905094907, + "recall": 24.099999999999998, + "main_score": 19.630969083349783 + }, + { + "hf_subset": "hsb-eng", + "languages": [ + "hsb-Latn", + "eng-Latn" + ], + "accuracy": 83.4368530020704, + "f1": 79.45183870649709, + "precision": 77.7432712215321, + "recall": 83.4368530020704, + "main_score": 79.45183870649709 + }, + { + "hf_subset": "srp-eng", + "languages": [ + "srp-Cyrl", + "eng-Latn" + ], + "accuracy": 95.8, + "f1": 94.53333333333333, + "precision": 93.91666666666666, + "recall": 95.8, + "main_score": 94.53333333333333 + }, + { + "hf_subset": "epo-eng", + "languages": [ + "epo-Latn", + "eng-Latn" + ], + "accuracy": 98.8, + "f1": 98.48333333333332, + "precision": 98.33333333333334, + "recall": 98.8, + "main_score": 98.48333333333332 + }, + { + "hf_subset": "kzj-eng", + "languages": [ + "kzj-Latn", + "eng-Latn" + ], + "accuracy": 17.5, + "f1": 14.979285714285714, + "precision": 14.23235060690943, + "recall": 17.5, + "main_score": 14.979285714285714 + }, + { + "hf_subset": "awa-eng", + "languages": [ + "awa-Deva", + "eng-Latn" + ], + "accuracy": 93.93939393939394, + "f1": 91.991341991342, + "precision": 91.05339105339105, + "recall": 93.93939393939394, + "main_score": 91.991341991342 + }, + { + "hf_subset": "fao-eng", + "languages": [ + "fao-Latn", + "eng-Latn" + ], + "accuracy": 89.31297709923665, + "f1": 86.76844783715012, + "precision": 85.63613231552164, + "recall": 89.31297709923665, + "main_score": 86.76844783715012 + }, + { + "hf_subset": "mal-eng", + "languages": [ + "mal-Mlym", + "eng-Latn" + ], + "accuracy": 99.12663755458514, + "f1": 98.93255701115964, + "precision": 98.83551673944687, + "recall": 99.12663755458514, + "main_score": 98.93255701115964 + }, + { + "hf_subset": "ile-eng", + "languages": [ + "ile-Latn", + "eng-Latn" + ], + "accuracy": 92.0, + "f1": 89.77999999999999, + "precision": 88.78333333333333, + "recall": 92.0, + "main_score": 89.77999999999999 + }, + { + "hf_subset": "bos-eng", + "languages": [ + "bos-Latn", + "eng-Latn" + ], + "accuracy": 96.89265536723164, + "f1": 95.85687382297553, + "precision": 95.33898305084746, + "recall": 96.89265536723164, + "main_score": 95.85687382297553 + }, + { + "hf_subset": "cor-eng", + "languages": [ + "cor-Latn", + "eng-Latn" + ], + "accuracy": 14.6, + "f1": 11.820611790170615, + "precision": 11.022616224355355, + "recall": 14.6, + "main_score": 11.820611790170615 + }, + { + "hf_subset": "cat-eng", + "languages": [ + "cat-Latn", + "eng-Latn" + ], + "accuracy": 95.89999999999999, + "f1": 94.93333333333334, + "precision": 94.48666666666666, + "recall": 95.89999999999999, + "main_score": 94.93333333333334 + }, + { + "hf_subset": "eus-eng", + "languages": [ + "eus-Latn", + "eng-Latn" + ], + "accuracy": 87.6, + "f1": 84.72333333333334, + "precision": 83.44166666666666, + "recall": 87.6, + "main_score": 84.72333333333334 + }, + { + "hf_subset": "yue-eng", + "languages": [ + "yue-Hant", + "eng-Latn" + ], + "accuracy": 94.8, + "f1": 93.47333333333333, + "precision": 92.875, + "recall": 94.8, + "main_score": 93.47333333333333 + }, + { + "hf_subset": "swe-eng", + "languages": [ + "swe-Latn", + "eng-Latn" + ], + "accuracy": 96.6, + "f1": 95.71666666666665, + "precision": 95.28333333333335, + "recall": 96.6, + "main_score": 95.71666666666665 + }, + { + "hf_subset": "dtp-eng", + "languages": [ + "dtp-Latn", + "eng-Latn" + ], + "accuracy": 17.8, + "f1": 14.511074040901628, + "precision": 13.503791000666002, + "recall": 17.8, + "main_score": 14.511074040901628 + }, + { + "hf_subset": "kat-eng", + "languages": [ + "kat-Geor", + "eng-Latn" + ], + "accuracy": 94.10187667560321, + "f1": 92.46648793565683, + "precision": 91.71134941912423, + "recall": 94.10187667560321, + "main_score": 92.46648793565683 + }, + { + "hf_subset": "jpn-eng", + "languages": [ + "jpn-Jpan", + "eng-Latn" + ], + "accuracy": 97.0, + "f1": 96.11666666666666, + "precision": 95.68333333333334, + "recall": 97.0, + "main_score": 96.11666666666666 + }, + { + "hf_subset": "csb-eng", + "languages": [ + "csb-Latn", + "eng-Latn" + ], + "accuracy": 72.72727272727273, + "f1": 66.58949745906267, + "precision": 63.86693017127799, + "recall": 72.72727272727273, + "main_score": 66.58949745906267 + }, + { + "hf_subset": "xho-eng", + "languages": [ + "xho-Latn", + "eng-Latn" + ], + "accuracy": 90.14084507042254, + "f1": 88.26291079812206, + "precision": 87.32394366197182, + "recall": 90.14084507042254, + "main_score": 88.26291079812206 + }, + { + "hf_subset": "orv-eng", + "languages": [ + "orv-Cyrl", + "eng-Latn" + ], + "accuracy": 64.67065868263472, + "f1": 58.2876627696987, + "precision": 55.79255774165953, + "recall": 64.67065868263472, + "main_score": 58.2876627696987 + }, + { + "hf_subset": "ind-eng", + "languages": [ + "ind-Latn", + "eng-Latn" + ], + "accuracy": 95.6, + "f1": 94.41666666666667, + "precision": 93.85, + "recall": 95.6, + "main_score": 94.41666666666667 + }, + { + "hf_subset": "tuk-eng", + "languages": [ + "tuk-Latn", + "eng-Latn" + ], + "accuracy": 55.172413793103445, + "f1": 49.63992493549144, + "precision": 47.71405113769646, + "recall": 55.172413793103445, + "main_score": 49.63992493549144 + }, + { + "hf_subset": "max-eng", + "languages": [ + "max-Deva", + "eng-Latn" + ], + "accuracy": 77.46478873239437, + "f1": 73.4417616811983, + "precision": 71.91607981220658, + "recall": 77.46478873239437, + "main_score": 73.4417616811983 + }, + { + "hf_subset": "swh-eng", + "languages": [ + "swh-Latn", + "eng-Latn" + ], + "accuracy": 84.61538461538461, + "f1": 80.91452991452994, + "precision": 79.33760683760683, + "recall": 84.61538461538461, + "main_score": 80.91452991452994 + }, + { + "hf_subset": "hin-eng", + "languages": [ + "hin-Deva", + "eng-Latn" + ], + "accuracy": 98.2, + "f1": 97.6, + "precision": 97.3, + "recall": 98.2, + "main_score": 97.6 + }, + { + "hf_subset": "dsb-eng", + "languages": [ + "dsb-Latn", + "eng-Latn" + ], + "accuracy": 75.5741127348643, + "f1": 72.00417536534445, + "precision": 70.53467872883321, + "recall": 75.5741127348643, + "main_score": 72.00417536534445 + }, + { + "hf_subset": "ber-eng", + "languages": [ + "ber-Tfng", + "eng-Latn" + ], + "accuracy": 62.2, + "f1": 55.577460317460314, + "precision": 52.98583333333333, + "recall": 62.2, + "main_score": 55.577460317460314 + }, + { + "hf_subset": "tam-eng", + "languages": [ + "tam-Taml", + "eng-Latn" + ], + "accuracy": 92.18241042345277, + "f1": 90.6468124709167, + "precision": 89.95656894679696, + "recall": 92.18241042345277, + "main_score": 90.6468124709167 + }, + { + "hf_subset": "slk-eng", + "languages": [ + "slk-Latn", + "eng-Latn" + ], + "accuracy": 96.1, + "f1": 95.13333333333333, + "precision": 94.66666666666667, + "recall": 96.1, + "main_score": 95.13333333333333 + }, + { + "hf_subset": "tgl-eng", + "languages": [ + "tgl-Latn", + "eng-Latn" + ], + "accuracy": 96.8, + "f1": 95.85000000000001, + "precision": 95.39999999999999, + "recall": 96.8, + "main_score": 95.85000000000001 + }, + { + "hf_subset": "ast-eng", + "languages": [ + "ast-Latn", + "eng-Latn" + ], + "accuracy": 92.1259842519685, + "f1": 89.76377952755905, + "precision": 88.71391076115485, + "recall": 92.1259842519685, + "main_score": 89.76377952755905 + }, + { + "hf_subset": "mkd-eng", + "languages": [ + "mkd-Cyrl", + "eng-Latn" + ], + "accuracy": 94.1, + "f1": 92.49, + "precision": 91.725, + "recall": 94.1, + "main_score": 92.49 + }, + { + "hf_subset": "khm-eng", + "languages": [ + "khm-Khmr", + "eng-Latn" + ], + "accuracy": 77.5623268698061, + "f1": 73.27364463791058, + "precision": 71.51947852086357, + "recall": 77.5623268698061, + "main_score": 73.27364463791058 + }, + { + "hf_subset": "ces-eng", + "languages": [ + "ces-Latn", + "eng-Latn" + ], + "accuracy": 97.39999999999999, + "f1": 96.56666666666666, + "precision": 96.16666666666667, + "recall": 97.39999999999999, + "main_score": 96.56666666666666 + }, + { + "hf_subset": "tzl-eng", + "languages": [ + "tzl-Latn", + "eng-Latn" + ], + "accuracy": 66.34615384615384, + "f1": 61.092032967032964, + "precision": 59.27197802197802, + "recall": 66.34615384615384, + "main_score": 61.092032967032964 + }, + { + "hf_subset": "urd-eng", + "languages": [ + "urd-Arab", + "eng-Latn" + ], + "accuracy": 94.89999999999999, + "f1": 93.41190476190476, + "precision": 92.7, + "recall": 94.89999999999999, + "main_score": 93.41190476190476 + }, + { + "hf_subset": "ara-eng", + "languages": [ + "ara-Arab", + "eng-Latn" + ], + "accuracy": 93.10000000000001, + "f1": 91.10000000000001, + "precision": 90.13333333333333, + "recall": 93.10000000000001, + "main_score": 91.10000000000001 + }, + { + "hf_subset": "kor-eng", + "languages": [ + "kor-Hang", + "eng-Latn" + ], + "accuracy": 93.7, + "f1": 91.97333333333334, + "precision": 91.14166666666667, + "recall": 93.7, + "main_score": 91.97333333333334 + }, + { + "hf_subset": "yid-eng", + "languages": [ + "yid-Hebr", + "eng-Latn" + ], + "accuracy": 92.21698113207547, + "f1": 90.3796046720575, + "precision": 89.56367924528303, + "recall": 92.21698113207547, + "main_score": 90.3796046720575 + }, + { + "hf_subset": "fin-eng", + "languages": [ + "fin-Latn", + "eng-Latn" + ], + "accuracy": 97.6, + "f1": 96.91666666666667, + "precision": 96.6, + "recall": 97.6, + "main_score": 96.91666666666667 + }, + { + "hf_subset": "tha-eng", + "languages": [ + "tha-Thai", + "eng-Latn" + ], + "accuracy": 97.44525547445255, + "f1": 96.71532846715328, + "precision": 96.35036496350365, + "recall": 97.44525547445255, + "main_score": 96.71532846715328 + }, + { + "hf_subset": "wuu-eng", + "languages": [ + "wuu-Hans", + "eng-Latn" + ], + "accuracy": 94.1, + "f1": 92.34000000000002, + "precision": 91.49166666666667, + "recall": 94.1, + "main_score": 92.34000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/Touche2020.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/Touche2020.json new file mode 100644 index 000000000..0456c493f --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.2910000000000004, + "map_at_10": 10.373000000000001, + "map_at_100": 15.612, + "map_at_1000": 17.06, + "map_at_3": 6.119, + "map_at_5": 7.917000000000001, + "mrr_at_1": 44.897999999999996, + "mrr_at_10": 56.054, + "mrr_at_100": 56.82000000000001, + "mrr_at_1000": 56.82000000000001, + "mrr_at_3": 52.381, + "mrr_at_5": 53.81, + "ndcg_at_1": 42.857, + "ndcg_at_10": 27.249000000000002, + "ndcg_at_100": 36.529, + "ndcg_at_1000": 48.136, + "ndcg_at_3": 33.938, + "ndcg_at_5": 29.951, + "precision_at_1": 44.897999999999996, + "precision_at_10": 22.653000000000002, + "precision_at_100": 7.000000000000001, + "precision_at_1000": 1.48, + "precision_at_3": 32.653, + "precision_at_5": 27.755000000000003, + "recall_at_1": 3.2910000000000004, + "recall_at_10": 16.16, + "recall_at_100": 43.908, + "recall_at_1000": 79.823, + "recall_at_3": 7.156, + "recall_at_5": 10.204, + "main_score": 27.249000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/ToxicConversationsClassification.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..06f16510b --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.05879999999999, + "ap": 14.609748142799111, + "f1": 54.878956295843096, + "main_score": 71.05879999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/TweetSentimentExtractionClassification.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..722f71eaf --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 64.61799660441426, + "f1": 64.8698191961434, + "main_score": 64.61799660441426 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/TwentyNewsgroupsClustering.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..2d30fd243 --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 51.32860036611885, + "main_score": 51.32860036611885 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/TwitterSemEval2015.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/TwitterSemEval2015.json new file mode 100644 index 000000000..b1993c41e --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.34714192048638, + "cos_sim_ap": 80.26732975975634, + "cos_sim_f1": 73.53415148134374, + "cos_sim_precision": 69.34767360299276, + "cos_sim_recall": 78.25857519788919, + "dot_accuracy": 88.34714192048638, + "dot_ap": 80.26733698491206, + "dot_f1": 73.53415148134374, + "dot_precision": 69.34767360299276, + "dot_recall": 78.25857519788919, + "euclidean_accuracy": 88.34714192048638, + "euclidean_ap": 80.26734337771738, + "euclidean_f1": 73.53415148134374, + "euclidean_precision": 69.34767360299276, + "euclidean_recall": 78.25857519788919, + "manhattan_accuracy": 88.30541813196639, + "manhattan_ap": 80.19415808104145, + "manhattan_f1": 73.55143870713441, + "manhattan_precision": 73.25307511122743, + "manhattan_recall": 73.85224274406332, + "max_accuracy": 88.34714192048638, + "max_ap": 80.26734337771738, + "max_f1": 73.55143870713441, + "main_score": 80.26734337771738 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/TwitterURLCorpus.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/TwitterURLCorpus.json new file mode 100644 index 000000000..25bf247d1 --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.81061047075717, + "cos_sim_ap": 87.11747055081017, + "cos_sim_f1": 80.04355498817256, + "cos_sim_precision": 78.1165262000733, + "cos_sim_recall": 82.06806282722513, + "dot_accuracy": 89.81061047075717, + "dot_ap": 87.11746902745236, + "dot_f1": 80.04355498817256, + "dot_precision": 78.1165262000733, + "dot_recall": 82.06806282722513, + "euclidean_accuracy": 89.81061047075717, + "euclidean_ap": 87.11746919324248, + "euclidean_f1": 80.04355498817256, + "euclidean_precision": 78.1165262000733, + "euclidean_recall": 82.06806282722513, + "manhattan_accuracy": 89.79508673885202, + "manhattan_ap": 87.11074390832218, + "manhattan_f1": 80.13002540726349, + "manhattan_precision": 77.83826945412311, + "manhattan_recall": 82.56082537727133, + "max_accuracy": 89.81061047075717, + "max_ap": 87.11747055081017, + "max_f1": 80.13002540726349, + "main_score": 87.11747055081017 + } + ] + } +} \ No newline at end of file diff --git a/results/aiacademyvn__multilingual-e5-large-instruct/external/model_meta.json b/results/aiacademyvn__multilingual-e5-large-instruct/external/model_meta.json new file mode 100644 index 000000000..387ddff84 --- /dev/null +++ b/results/aiacademyvn__multilingual-e5-large-instruct/external/model_meta.json @@ -0,0 +1,117 @@ +{ + "name": "aiacademyvn/multilingual-e5-large-instruct", + "revision": "32340ec8c9d858626bbd2d19acce977fdef972d4", + "release_date": "2024-10-21", + "languages": [ + "multilingual", + "af", + "am", + "ar", + "as", + "az", + "be", + "bg", + "bn", + "br", + "bs", + "ca", + "cs", + "cy", + "da", + "de", + "el", + "en", + "eo", + "es", + "et", + "eu", + "fa", + "fi", + "fr", + "fy", + "ga", + "gd", + "gl", + "gu", + "ha", + "he", + "hi", + "hr", + "hu", + "hy", + "id", + "is", + "it", + "ja", + "jv", + "ka", + "kk", + "km", + "kn", + "ko", + "ku", + "ky", + "la", + "lo", + "lt", + "lv", + "mg", + "mk", + "ml", + "mn", + "mr", + "ms", + "my", + "ne", + "nl", + "no", + "om", + "or", + "pa", + "pl", + "ps", + "pt", + "ro", + "ru", + "sa", + "sd", + "si", + "sk", + "sl", + "so", + "sq", + "sr", + "su", + "sv", + "sw", + "ta", + "te", + "th", + "tl", + "tr", + "ug", + "uk", + "ur", + "uz", + "vi", + "xh", + "yi", + "zh" + ], + "loader": null, + "n_parameters": 559890432, + "memory_usage": null, + "max_tokens": 514, + "embed_dim": 1024, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/akarum__cloudy-large-zh/external/CmedqaRetrieval.json b/results/akarum__cloudy-large-zh/external/CmedqaRetrieval.json new file mode 100644 index 000000000..d4e6a9b60 --- /dev/null +++ b/results/akarum__cloudy-large-zh/external/CmedqaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 25.296999999999997, + "map_at_10": 37.159, + "map_at_100": 39.016, + "map_at_1000": 39.134, + "map_at_3": 33.248, + "map_at_5": 35.371, + "mrr_at_1": 38.435, + "mrr_at_10": 46.235, + "mrr_at_100": 47.265, + "mrr_at_1000": 47.308, + "mrr_at_3": 43.828, + "mrr_at_5": 45.21, + "ndcg_at_1": 38.435, + "ndcg_at_10": 43.578, + "ndcg_at_100": 50.995000000000005, + "ndcg_at_1000": 53.012, + "ndcg_at_3": 38.667, + "ndcg_at_5": 40.657, + "precision_at_1": 38.435, + "precision_at_10": 9.607000000000001, + "precision_at_100": 1.557, + "precision_at_1000": 0.182, + "precision_at_3": 21.714, + "precision_at_5": 15.634, + "recall_at_1": 25.296999999999997, + "recall_at_10": 53.408, + "recall_at_100": 84.202, + "recall_at_1000": 97.61, + "recall_at_3": 38.533, + "recall_at_5": 44.927, + "main_score": 43.578 + } + ] + } +} \ No newline at end of file diff --git a/results/akarum__cloudy-large-zh/external/CovidRetrieval.json b/results/akarum__cloudy-large-zh/external/CovidRetrieval.json new file mode 100644 index 000000000..fe727579e --- /dev/null +++ b/results/akarum__cloudy-large-zh/external/CovidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 74.763, + "map_at_10": 82.604, + "map_at_100": 82.795, + "map_at_1000": 82.798, + "map_at_3": 81.437, + "map_at_5": 82.097, + "mrr_at_1": 74.816, + "mrr_at_10": 82.601, + "mrr_at_100": 82.787, + "mrr_at_1000": 82.78999999999999, + "mrr_at_3": 81.472, + "mrr_at_5": 82.146, + "ndcg_at_1": 74.921, + "ndcg_at_10": 85.83, + "ndcg_at_100": 86.655, + "ndcg_at_1000": 86.748, + "ndcg_at_3": 83.497, + "ndcg_at_5": 84.696, + "precision_at_1": 74.921, + "precision_at_10": 9.663, + "precision_at_100": 1.0030000000000001, + "precision_at_1000": 0.101, + "precision_at_3": 29.996000000000002, + "precision_at_5": 18.609, + "recall_at_1": 74.763, + "recall_at_10": 95.627, + "recall_at_100": 99.262, + "recall_at_1000": 100.0, + "recall_at_3": 89.357, + "recall_at_5": 92.255, + "main_score": 85.83 + } + ] + } +} \ No newline at end of file diff --git a/results/akarum__cloudy-large-zh/external/DuRetrieval.json b/results/akarum__cloudy-large-zh/external/DuRetrieval.json new file mode 100644 index 000000000..46dcd51c2 --- /dev/null +++ b/results/akarum__cloudy-large-zh/external/DuRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 26.021, + "map_at_10": 78.561, + "map_at_100": 81.291, + "map_at_1000": 81.34400000000001, + "map_at_3": 54.55799999999999, + "map_at_5": 68.804, + "mrr_at_1": 89.8, + "mrr_at_10": 92.905, + "mrr_at_100": 92.976, + "mrr_at_1000": 92.979, + "mrr_at_3": 92.608, + "mrr_at_5": 92.783, + "ndcg_at_1": 89.8, + "ndcg_at_10": 86.203, + "ndcg_at_100": 88.955, + "ndcg_at_1000": 89.442, + "ndcg_at_3": 85.163, + "ndcg_at_5": 84.057, + "precision_at_1": 89.8, + "precision_at_10": 41.175, + "precision_at_100": 4.744000000000001, + "precision_at_1000": 0.486, + "precision_at_3": 76.283, + "precision_at_5": 64.41, + "recall_at_1": 26.021, + "recall_at_10": 87.25, + "recall_at_100": 96.154, + "recall_at_1000": 98.615, + "recall_at_3": 56.830999999999996, + "recall_at_5": 73.518, + "main_score": 86.203 + } + ] + } +} \ No newline at end of file diff --git a/results/akarum__cloudy-large-zh/external/EcomRetrieval.json b/results/akarum__cloudy-large-zh/external/EcomRetrieval.json new file mode 100644 index 000000000..68c7bcc32 --- /dev/null +++ b/results/akarum__cloudy-large-zh/external/EcomRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 52.300000000000004, + "map_at_10": 62.149, + "map_at_100": 62.719, + "map_at_1000": 62.73, + "map_at_3": 59.767, + "map_at_5": 61.232, + "mrr_at_1": 52.300000000000004, + "mrr_at_10": 62.149, + "mrr_at_100": 62.719, + "mrr_at_1000": 62.73, + "mrr_at_3": 59.767, + "mrr_at_5": 61.232, + "ndcg_at_1": 52.300000000000004, + "ndcg_at_10": 66.99300000000001, + "ndcg_at_100": 69.672, + "ndcg_at_1000": 69.95400000000001, + "ndcg_at_3": 62.166, + "ndcg_at_5": 64.804, + "precision_at_1": 52.300000000000004, + "precision_at_10": 8.219999999999999, + "precision_at_100": 0.9450000000000001, + "precision_at_1000": 0.097, + "precision_at_3": 23.033, + "precision_at_5": 15.1, + "recall_at_1": 52.300000000000004, + "recall_at_10": 82.19999999999999, + "recall_at_100": 94.5, + "recall_at_1000": 96.7, + "recall_at_3": 69.1, + "recall_at_5": 75.5, + "main_score": 66.99300000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/akarum__cloudy-large-zh/external/MMarcoReranking.json b/results/akarum__cloudy-large-zh/external/MMarcoReranking.json new file mode 100644 index 000000000..dbb9c78ef --- /dev/null +++ b/results/akarum__cloudy-large-zh/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 24.260352944026806, + "mrr": 22.69484126984127, + "main_score": 24.260352944026806 + } + ] + } +} \ No newline at end of file diff --git a/results/akarum__cloudy-large-zh/external/MMarcoRetrieval.json b/results/akarum__cloudy-large-zh/external/MMarcoRetrieval.json new file mode 100644 index 000000000..06406fd91 --- /dev/null +++ b/results/akarum__cloudy-large-zh/external/MMarcoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 64.888, + "map_at_10": 73.921, + "map_at_100": 74.28099999999999, + "map_at_1000": 74.295, + "map_at_3": 72.04, + "map_at_5": 73.207, + "mrr_at_1": 67.092, + "mrr_at_10": 74.547, + "mrr_at_100": 74.862, + "mrr_at_1000": 74.875, + "mrr_at_3": 72.908, + "mrr_at_5": 73.936, + "ndcg_at_1": 67.092, + "ndcg_at_10": 77.687, + "ndcg_at_100": 79.24600000000001, + "ndcg_at_1000": 79.60000000000001, + "ndcg_at_3": 74.124, + "ndcg_at_5": 76.098, + "precision_at_1": 67.092, + "precision_at_10": 9.424000000000001, + "precision_at_100": 1.019, + "precision_at_1000": 0.105, + "precision_at_3": 27.927000000000003, + "precision_at_5": 17.797, + "recall_at_1": 64.888, + "recall_at_10": 88.672, + "recall_at_100": 95.599, + "recall_at_1000": 98.337, + "recall_at_3": 79.27499999999999, + "recall_at_5": 83.96000000000001, + "main_score": 77.687 + } + ] + } +} \ No newline at end of file diff --git a/results/akarum__cloudy-large-zh/external/MedicalRetrieval.json b/results/akarum__cloudy-large-zh/external/MedicalRetrieval.json new file mode 100644 index 000000000..cf6561e41 --- /dev/null +++ b/results/akarum__cloudy-large-zh/external/MedicalRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 55.50000000000001, + "map_at_10": 61.316, + "map_at_100": 61.832, + "map_at_1000": 61.867000000000004, + "map_at_3": 59.9, + "map_at_5": 60.685, + "mrr_at_1": 55.7, + "mrr_at_10": 61.416000000000004, + "mrr_at_100": 61.931999999999995, + "mrr_at_1000": 61.967000000000006, + "mrr_at_3": 60.0, + "mrr_at_5": 60.785, + "ndcg_at_1": 55.50000000000001, + "ndcg_at_10": 64.228, + "ndcg_at_100": 67.04599999999999, + "ndcg_at_1000": 68.176, + "ndcg_at_3": 61.314, + "ndcg_at_5": 62.743, + "precision_at_1": 55.50000000000001, + "precision_at_10": 7.340000000000001, + "precision_at_100": 0.873, + "precision_at_1000": 0.097, + "precision_at_3": 21.8, + "precision_at_5": 13.780000000000001, + "recall_at_1": 55.50000000000001, + "recall_at_10": 73.4, + "recall_at_100": 87.3, + "recall_at_1000": 96.6, + "recall_at_3": 65.4, + "recall_at_5": 68.89999999999999, + "main_score": 64.228 + } + ] + } +} \ No newline at end of file diff --git a/results/akarum__cloudy-large-zh/external/T2Reranking.json b/results/akarum__cloudy-large-zh/external/T2Reranking.json new file mode 100644 index 000000000..99734283c --- /dev/null +++ b/results/akarum__cloudy-large-zh/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 66.83154421352779, + "mrr": 76.27995669041708, + "main_score": 66.83154421352779 + } + ] + } +} \ No newline at end of file diff --git a/results/akarum__cloudy-large-zh/external/T2Retrieval.json b/results/akarum__cloudy-large-zh/external/T2Retrieval.json new file mode 100644 index 000000000..9dbbc80a6 --- /dev/null +++ b/results/akarum__cloudy-large-zh/external/T2Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 28.303, + "map_at_10": 76.943, + "map_at_100": 80.585, + "map_at_1000": 80.657, + "map_at_3": 54.818999999999996, + "map_at_5": 66.854, + "mrr_at_1": 90.742, + "mrr_at_10": 93.496, + "mrr_at_100": 93.55799999999999, + "mrr_at_1000": 93.56, + "mrr_at_3": 93.083, + "mrr_at_5": 93.349, + "ndcg_at_1": 90.742, + "ndcg_at_10": 84.94, + "ndcg_at_100": 88.616, + "ndcg_at_1000": 89.25, + "ndcg_at_3": 86.58200000000001, + "ndcg_at_5": 85.018, + "precision_at_1": 90.742, + "precision_at_10": 41.507, + "precision_at_100": 4.984999999999999, + "precision_at_1000": 0.515, + "precision_at_3": 75.101, + "precision_at_5": 62.543000000000006, + "recall_at_1": 28.303, + "recall_at_10": 83.895, + "recall_at_100": 95.537, + "recall_at_1000": 98.558, + "recall_at_3": 56.679, + "recall_at_5": 70.535, + "main_score": 84.94 + } + ] + } +} \ No newline at end of file diff --git a/results/akarum__cloudy-large-zh/external/VideoRetrieval.json b/results/akarum__cloudy-large-zh/external/VideoRetrieval.json new file mode 100644 index 000000000..6dedc83f3 --- /dev/null +++ b/results/akarum__cloudy-large-zh/external/VideoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 59.5, + "map_at_10": 69.53, + "map_at_100": 69.976, + "map_at_1000": 69.99300000000001, + "map_at_3": 67.85, + "map_at_5": 68.83, + "mrr_at_1": 59.5, + "mrr_at_10": 69.53, + "mrr_at_100": 69.976, + "mrr_at_1000": 69.99300000000001, + "mrr_at_3": 67.85, + "mrr_at_5": 68.83, + "ndcg_at_1": 59.5, + "ndcg_at_10": 73.855, + "ndcg_at_100": 75.831, + "ndcg_at_1000": 76.227, + "ndcg_at_3": 70.418, + "ndcg_at_5": 72.18599999999999, + "precision_at_1": 59.5, + "precision_at_10": 8.72, + "precision_at_100": 0.96, + "precision_at_1000": 0.099, + "precision_at_3": 25.933, + "precision_at_5": 16.42, + "recall_at_1": 59.5, + "recall_at_10": 87.2, + "recall_at_100": 96.0, + "recall_at_1000": 99.0, + "recall_at_3": 77.8, + "recall_at_5": 82.1, + "main_score": 73.855 + } + ] + } +} \ No newline at end of file diff --git a/results/akarum__cloudy-large-zh/external/model_meta.json b/results/akarum__cloudy-large-zh/external/model_meta.json new file mode 100644 index 000000000..44f6a1999 --- /dev/null +++ b/results/akarum__cloudy-large-zh/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "akarum/cloudy-large-zh", + "revision": "674d540c26cf399ca60100ba7f08a74c0efed0ad", + "release_date": "2023-12-25", + "languages": [], + "loader": null, + "n_parameters": 326046720, + "memory_usage": null, + "max_tokens": 1024, + "embed_dim": 1024, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/AmazonCounterfactualClassification.json b/results/amazon__Titan-text-embeddings-v2/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..732ba95bd --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/AmazonCounterfactualClassification.json @@ -0,0 +1,50 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.31343283582089, + "ap": 43.9465851246623, + "f1": 73.6131343594374, + "main_score": 79.31343283582089 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 70.94218415417559, + "ap": 82.30115528468109, + "f1": 69.37963699148699, + "main_score": 70.94218415417559 + }, + { + "hf_subset": "en-ext", + "languages": [ + "eng-Latn" + ], + "accuracy": 82.29385307346327, + "ap": 29.956638709449372, + "f1": 68.88158061498754, + "main_score": 82.29385307346327 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 80.06423982869379, + "ap": 25.2439835379337, + "f1": 65.53837311569734, + "main_score": 80.06423982869379 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/AmazonPolarityClassification.json b/results/amazon__Titan-text-embeddings-v2/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..81438781c --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.66435, + "ap": 70.76988138513991, + "f1": 76.54117595647566, + "main_score": 76.66435 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/AmazonReviewsClassification.json b/results/amazon__Titan-text-embeddings-v2/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..cc28702a6 --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/AmazonReviewsClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 35.276, + "f1": 34.90637768461089, + "main_score": 35.276 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 38.826, + "f1": 37.71339372044998, + "main_score": 38.826 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 39.385999999999996, + "f1": 38.24347249789392, + "main_score": 39.385999999999996 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 39.472, + "f1": 38.37157729490788, + "main_score": 39.472 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 35.897999999999996, + "f1": 35.187204289589346, + "main_score": 35.897999999999996 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 36.068, + "f1": 35.042441064207175, + "main_score": 36.068 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/ArguAna.json b/results/amazon__Titan-text-embeddings-v2/external/ArguAna.json new file mode 100644 index 000000000..76e30b37d --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.027, + "map_at_10": 42.617, + "map_at_100": 43.686, + "map_at_1000": 43.695, + "map_at_3": 37.684, + "map_at_5": 40.532000000000004, + "mrr_at_1": 27.667, + "mrr_at_10": 42.88, + "mrr_at_100": 43.929, + "mrr_at_1000": 43.938, + "mrr_at_3": 37.933, + "mrr_at_5": 40.774, + "ndcg_at_1": 27.027, + "ndcg_at_10": 51.312000000000005, + "ndcg_at_100": 55.696, + "ndcg_at_1000": 55.896, + "ndcg_at_3": 41.124, + "ndcg_at_5": 46.283, + "precision_at_1": 27.027, + "precision_at_10": 7.9159999999999995, + "precision_at_100": 0.979, + "precision_at_1000": 0.099, + "precision_at_3": 17.022000000000002, + "precision_at_5": 12.731, + "recall_at_1": 27.027, + "recall_at_10": 79.161, + "recall_at_100": 97.937, + "recall_at_1000": 99.431, + "recall_at_3": 51.06699999999999, + "recall_at_5": 63.656, + "main_score": 51.312000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/ArxivClusteringP2P.json b/results/amazon__Titan-text-embeddings-v2/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..618009e9c --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 41.775131599226874, + "main_score": 41.775131599226874 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/ArxivClusteringS2S.json b/results/amazon__Titan-text-embeddings-v2/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..b19e45ef0 --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.134214263072494, + "main_score": 34.134214263072494 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/AskUbuntuDupQuestions.json b/results/amazon__Titan-text-embeddings-v2/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..298ecd767 --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 63.2885651257187, + "mrr": 76.37712702809655, + "main_score": 63.2885651257187 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/BIOSSES.json b/results/amazon__Titan-text-embeddings-v2/external/BIOSSES.json new file mode 100644 index 000000000..b2ea0cdea --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 89.53738990667027, + "cos_sim_spearman": 87.13210584606783, + "euclidean_pearson": 87.33265405736388, + "euclidean_spearman": 87.18632394893399, + "manhattan_pearson": 87.33673166528312, + "manhattan_spearman": 86.9736685010257, + "cosine_pearson": 89.53738990667027, + "cosine_spearman": 87.13210584606783, + "main_score": 87.13210584606783 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/BUCC.json b/results/amazon__Titan-text-embeddings-v2/external/BUCC.json new file mode 100644 index 000000000..ce519f702 --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/BUCC.json @@ -0,0 +1,58 @@ +{ + "dataset_revision": "d51519689f32196a32af33b075a01d0e7c51e252", + "task_name": "BUCC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "accuracy": 98.32985386221294, + "f1": 98.18371607515658, + "precision": 98.1106471816284, + "recall": 98.32985386221294, + "main_score": 98.18371607515658 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "accuracy": 98.20603125687872, + "f1": 98.04461075647515, + "precision": 97.96390050627338, + "recall": 98.20603125687872, + "main_score": 98.04461075647515 + }, + { + "hf_subset": "ru-en", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "accuracy": 94.8874263941808, + "f1": 94.57568410114305, + "precision": 94.42096755570951, + "recall": 94.8874263941808, + "main_score": 94.57568410114305 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "accuracy": 96.78778304370721, + "f1": 96.75267684746358, + "precision": 96.73512374934175, + "recall": 96.78778304370721, + "main_score": 96.75267684746358 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/Banking77Classification.json b/results/amazon__Titan-text-embeddings-v2/external/Banking77Classification.json new file mode 100644 index 000000000..64f4f1350 --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 84.3051948051948, + "f1": 83.97876601554812, + "main_score": 84.3051948051948 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/BiorxivClusteringP2P.json b/results/amazon__Titan-text-embeddings-v2/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..7a16a9fd2 --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.005716163806575, + "main_score": 35.005716163806575 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/BiorxivClusteringS2S.json b/results/amazon__Titan-text-embeddings-v2/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..7fd8e52eb --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.999141295578852, + "main_score": 30.999141295578852 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/CQADupstackAndroidRetrieval.json b/results/amazon__Titan-text-embeddings-v2/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..270c7e631 --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 36.153, + "map_at_10": 48.742000000000004, + "map_at_100": 50.253, + "map_at_1000": 50.373999999999995, + "map_at_3": 45.089, + "map_at_5": 47.08, + "mrr_at_1": 44.635000000000005, + "mrr_at_10": 54.715, + "mrr_at_100": 55.300000000000004, + "mrr_at_1000": 55.337, + "mrr_at_3": 52.527, + "mrr_at_5": 53.76499999999999, + "ndcg_at_1": 44.635000000000005, + "ndcg_at_10": 55.31, + "ndcg_at_100": 60.084, + "ndcg_at_1000": 61.645, + "ndcg_at_3": 50.876999999999995, + "ndcg_at_5": 52.764, + "precision_at_1": 44.635000000000005, + "precision_at_10": 10.687000000000001, + "precision_at_100": 1.66, + "precision_at_1000": 0.212, + "precision_at_3": 24.94, + "precision_at_5": 17.596999999999998, + "recall_at_1": 36.153, + "recall_at_10": 67.308, + "recall_at_100": 87.199, + "recall_at_1000": 96.904, + "recall_at_3": 53.466, + "recall_at_5": 59.512, + "main_score": 55.31 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.0, + "map_at_10": 43.646, + "map_at_100": 44.933, + "map_at_1000": 45.049, + "map_at_3": 40.333999999999996, + "map_at_5": 42.108000000000004, + "mrr_at_1": 40.382, + "mrr_at_10": 49.738, + "mrr_at_100": 50.331, + "mrr_at_1000": 50.364, + "mrr_at_3": 47.442, + "mrr_at_5": 48.719, + "ndcg_at_1": 40.382, + "ndcg_at_10": 49.808, + "ndcg_at_100": 54.053, + "ndcg_at_1000": 55.753, + "ndcg_at_3": 45.355000000000004, + "ndcg_at_5": 47.215, + "precision_at_1": 40.382, + "precision_at_10": 9.58, + "precision_at_100": 1.488, + "precision_at_1000": 0.192, + "precision_at_3": 22.272, + "precision_at_5": 15.604999999999999, + "recall_at_1": 32.0, + "recall_at_10": 60.839, + "recall_at_100": 78.869, + "recall_at_1000": 89.384, + "recall_at_3": 47.226, + "recall_at_5": 52.864, + "main_score": 49.808 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 44.084, + "map_at_10": 56.591, + "map_at_100": 57.533, + "map_at_1000": 57.583, + "map_at_3": 53.356, + "map_at_5": 55.236, + "mrr_at_1": 50.532999999999994, + "mrr_at_10": 59.974000000000004, + "mrr_at_100": 60.557, + "mrr_at_1000": 60.584, + "mrr_at_3": 57.774, + "mrr_at_5": 59.063, + "ndcg_at_1": 50.532999999999994, + "ndcg_at_10": 62.265, + "ndcg_at_100": 65.78, + "ndcg_at_1000": 66.76299999999999, + "ndcg_at_3": 57.154, + "ndcg_at_5": 59.708000000000006, + "precision_at_1": 50.532999999999994, + "precision_at_10": 9.85, + "precision_at_100": 1.247, + "precision_at_1000": 0.13699999999999998, + "precision_at_3": 25.434, + "precision_at_5": 17.279, + "recall_at_1": 44.084, + "recall_at_10": 75.576, + "recall_at_100": 90.524, + "recall_at_1000": 97.38799999999999, + "recall_at_3": 61.792, + "recall_at_5": 68.112, + "main_score": 62.265 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.203000000000003, + "map_at_10": 38.078, + "map_at_100": 39.144, + "map_at_1000": 39.222, + "map_at_3": 35.278999999999996, + "map_at_5": 36.812, + "mrr_at_1": 31.299, + "mrr_at_10": 39.879, + "mrr_at_100": 40.832, + "mrr_at_1000": 40.891, + "mrr_at_3": 37.513999999999996, + "mrr_at_5": 38.802, + "ndcg_at_1": 31.299, + "ndcg_at_10": 43.047999999999995, + "ndcg_at_100": 48.101, + "ndcg_at_1000": 49.958999999999996, + "ndcg_at_3": 37.778, + "ndcg_at_5": 40.257, + "precision_at_1": 31.299, + "precision_at_10": 6.508, + "precision_at_100": 0.9530000000000001, + "precision_at_1000": 0.11399999999999999, + "precision_at_3": 15.744, + "precision_at_5": 10.893, + "recall_at_1": 29.203000000000003, + "recall_at_10": 56.552, + "recall_at_100": 79.21000000000001, + "recall_at_1000": 92.884, + "recall_at_3": 42.441, + "recall_at_5": 48.399, + "main_score": 43.047999999999995 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.029, + "map_at_10": 28.410000000000004, + "map_at_100": 29.773, + "map_at_1000": 29.887000000000004, + "map_at_3": 25.374000000000002, + "map_at_5": 27.162, + "mrr_at_1": 23.632, + "mrr_at_10": 33.0, + "mrr_at_100": 34.043, + "mrr_at_1000": 34.105999999999995, + "mrr_at_3": 30.245, + "mrr_at_5": 31.830000000000002, + "ndcg_at_1": 23.632, + "ndcg_at_10": 34.192, + "ndcg_at_100": 40.29, + "ndcg_at_1000": 42.753, + "ndcg_at_3": 28.811999999999998, + "ndcg_at_5": 31.46, + "precision_at_1": 23.632, + "precision_at_10": 6.455, + "precision_at_100": 1.095, + "precision_at_1000": 0.14200000000000002, + "precision_at_3": 14.096, + "precision_at_5": 10.448, + "recall_at_1": 19.029, + "recall_at_10": 47.278999999999996, + "recall_at_100": 72.977, + "recall_at_1000": 90.17699999999999, + "recall_at_3": 32.519, + "recall_at_5": 39.156, + "main_score": 34.192 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.983, + "map_at_10": 42.595, + "map_at_100": 43.906, + "map_at_1000": 44.001000000000005, + "map_at_3": 39.245000000000005, + "map_at_5": 41.14, + "mrr_at_1": 38.114, + "mrr_at_10": 48.181000000000004, + "mrr_at_100": 48.935, + "mrr_at_1000": 48.972, + "mrr_at_3": 45.877, + "mrr_at_5": 47.249, + "ndcg_at_1": 38.114, + "ndcg_at_10": 48.793, + "ndcg_at_100": 54.001999999999995, + "ndcg_at_1000": 55.749, + "ndcg_at_3": 43.875, + "ndcg_at_5": 46.23, + "precision_at_1": 38.114, + "precision_at_10": 8.98, + "precision_at_100": 1.3390000000000002, + "precision_at_1000": 0.166, + "precision_at_3": 21.303, + "precision_at_5": 15.072, + "recall_at_1": 30.983, + "recall_at_10": 61.47, + "recall_at_100": 83.14399999999999, + "recall_at_1000": 94.589, + "recall_at_3": 47.019, + "recall_at_5": 53.445, + "main_score": 48.793 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.707, + "map_at_10": 40.900999999999996, + "map_at_100": 42.369, + "map_at_1000": 42.455, + "map_at_3": 37.416, + "map_at_5": 39.483000000000004, + "mrr_at_1": 36.301, + "mrr_at_10": 46.046, + "mrr_at_100": 46.922999999999995, + "mrr_at_1000": 46.964, + "mrr_at_3": 43.436, + "mrr_at_5": 45.04, + "ndcg_at_1": 36.301, + "ndcg_at_10": 46.955999999999996, + "ndcg_at_100": 52.712, + "ndcg_at_1000": 54.447, + "ndcg_at_3": 41.643, + "ndcg_at_5": 44.305, + "precision_at_1": 36.301, + "precision_at_10": 8.607, + "precision_at_100": 1.34, + "precision_at_1000": 0.164, + "precision_at_3": 19.901, + "precision_at_5": 14.429, + "recall_at_1": 29.707, + "recall_at_10": 59.559, + "recall_at_100": 83.60499999999999, + "recall_at_1000": 95.291, + "recall_at_3": 44.774, + "recall_at_5": 51.67, + "main_score": 46.955999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.455416666666668, + "map_at_10": 39.61333333333334, + "map_at_100": 40.85875, + "map_at_1000": 40.96791666666667, + "map_at_3": 36.48874999999999, + "map_at_5": 38.24341666666667, + "mrr_at_1": 34.80258333333334, + "mrr_at_10": 43.783, + "mrr_at_100": 44.591833333333334, + "mrr_at_1000": 44.64208333333333, + "mrr_at_3": 41.38974999999999, + "mrr_at_5": 42.74566666666667, + "ndcg_at_1": 34.80258333333334, + "ndcg_at_10": 45.2705, + "ndcg_at_100": 50.31224999999999, + "ndcg_at_1000": 52.27916666666667, + "ndcg_at_3": 40.2745, + "ndcg_at_5": 42.61575, + "precision_at_1": 34.80258333333334, + "precision_at_10": 7.97075, + "precision_at_100": 1.2400000000000002, + "precision_at_1000": 0.1595, + "precision_at_3": 18.627583333333337, + "precision_at_5": 13.207000000000003, + "recall_at_1": 29.455416666666668, + "recall_at_10": 57.66091666666665, + "recall_at_100": 79.51966666666665, + "recall_at_1000": 93.01883333333333, + "recall_at_3": 43.580416666666665, + "recall_at_5": 49.7025, + "main_score": 45.2705 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.569, + "map_at_10": 34.73, + "map_at_100": 35.708, + "map_at_1000": 35.808, + "map_at_3": 32.62, + "map_at_5": 33.556999999999995, + "mrr_at_1": 31.135, + "mrr_at_10": 37.833, + "mrr_at_100": 38.68, + "mrr_at_1000": 38.749, + "mrr_at_3": 35.915, + "mrr_at_5": 36.751, + "ndcg_at_1": 31.135, + "ndcg_at_10": 39.047, + "ndcg_at_100": 43.822, + "ndcg_at_1000": 46.249, + "ndcg_at_3": 35.115, + "ndcg_at_5": 36.49, + "precision_at_1": 31.135, + "precision_at_10": 6.058, + "precision_at_100": 0.923, + "precision_at_1000": 0.121, + "precision_at_3": 15.031, + "precision_at_5": 10.030999999999999, + "recall_at_1": 27.569, + "recall_at_10": 49.332, + "recall_at_100": 70.967, + "recall_at_1000": 88.876, + "recall_at_3": 37.858999999999995, + "recall_at_5": 41.589, + "main_score": 39.047 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.677, + "map_at_10": 28.097, + "map_at_100": 29.24, + "map_at_1000": 29.365000000000002, + "map_at_3": 25.566, + "map_at_5": 26.852999999999998, + "mrr_at_1": 23.882, + "mrr_at_10": 31.851000000000003, + "mrr_at_100": 32.757, + "mrr_at_1000": 32.83, + "mrr_at_3": 29.485, + "mrr_at_5": 30.744, + "ndcg_at_1": 23.882, + "ndcg_at_10": 33.154, + "ndcg_at_100": 38.491, + "ndcg_at_1000": 41.274, + "ndcg_at_3": 28.648, + "ndcg_at_5": 30.519000000000002, + "precision_at_1": 23.882, + "precision_at_10": 6.117999999999999, + "precision_at_100": 1.0330000000000001, + "precision_at_1000": 0.145, + "precision_at_3": 13.73, + "precision_at_5": 9.794, + "recall_at_1": 19.677, + "recall_at_10": 44.444, + "recall_at_100": 68.477, + "recall_at_1000": 88.23, + "recall_at_3": 31.708, + "recall_at_5": 36.599, + "main_score": 33.154 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.489, + "map_at_10": 40.883, + "map_at_100": 42.058, + "map_at_1000": 42.152, + "map_at_3": 37.525999999999996, + "map_at_5": 39.753, + "mrr_at_1": 35.541, + "mrr_at_10": 44.842999999999996, + "mrr_at_100": 45.673, + "mrr_at_1000": 45.723, + "mrr_at_3": 42.397, + "mrr_at_5": 43.937, + "ndcg_at_1": 35.541, + "ndcg_at_10": 46.504, + "ndcg_at_100": 51.637, + "ndcg_at_1000": 53.535, + "ndcg_at_3": 41.127, + "ndcg_at_5": 44.17, + "precision_at_1": 35.541, + "precision_at_10": 7.864, + "precision_at_100": 1.165, + "precision_at_1000": 0.14300000000000002, + "precision_at_3": 18.688, + "precision_at_5": 13.507, + "recall_at_1": 30.489, + "recall_at_10": 59.378, + "recall_at_100": 81.38300000000001, + "recall_at_1000": 94.294, + "recall_at_3": 44.946000000000005, + "recall_at_5": 52.644999999999996, + "main_score": 46.504 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.981, + "map_at_10": 39.688, + "map_at_100": 41.400999999999996, + "map_at_1000": 41.634, + "map_at_3": 36.047000000000004, + "map_at_5": 38.064, + "mrr_at_1": 35.375, + "mrr_at_10": 44.169000000000004, + "mrr_at_100": 45.07, + "mrr_at_1000": 45.113, + "mrr_at_3": 41.502, + "mrr_at_5": 43.034, + "ndcg_at_1": 35.375, + "ndcg_at_10": 45.959, + "ndcg_at_100": 51.688, + "ndcg_at_1000": 53.714, + "ndcg_at_3": 40.457, + "ndcg_at_5": 43.08, + "precision_at_1": 35.375, + "precision_at_10": 8.953, + "precision_at_100": 1.709, + "precision_at_1000": 0.253, + "precision_at_3": 18.775, + "precision_at_5": 14.032, + "recall_at_1": 29.981, + "recall_at_10": 57.896, + "recall_at_100": 83.438, + "recall_at_1000": 95.608, + "recall_at_3": 42.327, + "recall_at_5": 49.069, + "main_score": 45.959 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.59, + "map_at_10": 32.999, + "map_at_100": 33.987, + "map_at_1000": 34.085, + "map_at_3": 30.013, + "map_at_5": 31.673000000000002, + "mrr_at_1": 26.802, + "mrr_at_10": 35.167, + "mrr_at_100": 36.001, + "mrr_at_1000": 36.071999999999996, + "mrr_at_3": 32.562999999999995, + "mrr_at_5": 34.014, + "ndcg_at_1": 26.802, + "ndcg_at_10": 38.21, + "ndcg_at_100": 43.086999999999996, + "ndcg_at_1000": 45.509, + "ndcg_at_3": 32.452999999999996, + "ndcg_at_5": 35.191, + "precision_at_1": 26.802, + "precision_at_10": 5.989, + "precision_at_100": 0.928, + "precision_at_1000": 0.125, + "precision_at_3": 13.617, + "precision_at_5": 9.797, + "recall_at_1": 24.59, + "recall_at_10": 52.298, + "recall_at_100": 74.443, + "recall_at_1000": 92.601, + "recall_at_3": 36.888, + "recall_at_5": 43.37, + "main_score": 38.21 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/ClimateFEVER.json b/results/amazon__Titan-text-embeddings-v2/external/ClimateFEVER.json new file mode 100644 index 000000000..30ef7a7a2 --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.798, + "map_at_10": 15.983, + "map_at_100": 17.18, + "map_at_1000": 17.329, + "map_at_3": 13.594000000000001, + "map_at_5": 14.984, + "mrr_at_1": 21.564, + "mrr_at_10": 31.415, + "mrr_at_100": 32.317, + "mrr_at_1000": 32.376, + "mrr_at_3": 28.360000000000003, + "mrr_at_5": 30.194, + "ndcg_at_1": 21.564, + "ndcg_at_10": 22.762, + "ndcg_at_100": 28.199, + "ndcg_at_1000": 31.284, + "ndcg_at_3": 18.746, + "ndcg_at_5": 20.434, + "precision_at_1": 21.564, + "precision_at_10": 6.755999999999999, + "precision_at_100": 1.258, + "precision_at_1000": 0.182, + "precision_at_3": 13.507, + "precision_at_5": 10.541, + "recall_at_1": 9.798, + "recall_at_10": 27.407999999999998, + "recall_at_100": 46.659, + "recall_at_1000": 64.132, + "recall_at_3": 17.541999999999998, + "recall_at_5": 22.137999999999998, + "main_score": 22.762 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/DBPedia.json b/results/amazon__Titan-text-embeddings-v2/external/DBPedia.json new file mode 100644 index 000000000..0203c85f7 --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.276, + "map_at_10": 18.003, + "map_at_100": 23.759, + "map_at_1000": 25.105, + "map_at_3": 13.812, + "map_at_5": 15.659999999999998, + "mrr_at_1": 63.0, + "mrr_at_10": 71.812, + "mrr_at_100": 72.205, + "mrr_at_1000": 72.21300000000001, + "mrr_at_3": 70.375, + "mrr_at_5": 71.188, + "ndcg_at_1": 50.5, + "ndcg_at_10": 36.954, + "ndcg_at_100": 40.083999999999996, + "ndcg_at_1000": 47.661, + "ndcg_at_3": 42.666, + "ndcg_at_5": 39.581, + "precision_at_1": 63.0, + "precision_at_10": 28.249999999999996, + "precision_at_100": 8.113, + "precision_at_1000": 1.7149999999999999, + "precision_at_3": 47.083000000000006, + "precision_at_5": 38.65, + "recall_at_1": 8.276, + "recall_at_10": 23.177, + "recall_at_100": 45.321, + "recall_at_1000": 68.742, + "recall_at_3": 15.473, + "recall_at_5": 18.276, + "main_score": 36.954 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/EmotionClassification.json b/results/amazon__Titan-text-embeddings-v2/external/EmotionClassification.json new file mode 100644 index 000000000..9cf6f3982 --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 55.605000000000004, + "f1": 49.86208997523934, + "main_score": 55.605000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/FEVER.json b/results/amazon__Titan-text-embeddings-v2/external/FEVER.json new file mode 100644 index 000000000..228cb1aad --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 80.079, + "map_at_10": 85.143, + "map_at_100": 85.287, + "map_at_1000": 85.297, + "map_at_3": 84.533, + "map_at_5": 84.953, + "mrr_at_1": 86.424, + "mrr_at_10": 91.145, + "mrr_at_100": 91.212, + "mrr_at_1000": 91.213, + "mrr_at_3": 90.682, + "mrr_at_5": 91.013, + "ndcg_at_1": 86.424, + "ndcg_at_10": 88.175, + "ndcg_at_100": 88.77199999999999, + "ndcg_at_1000": 88.967, + "ndcg_at_3": 87.265, + "ndcg_at_5": 87.813, + "precision_at_1": 86.424, + "precision_at_10": 10.012, + "precision_at_100": 1.042, + "precision_at_1000": 0.107, + "precision_at_3": 32.228, + "precision_at_5": 19.724, + "recall_at_1": 80.079, + "recall_at_10": 91.96600000000001, + "recall_at_100": 94.541, + "recall_at_1000": 95.824, + "recall_at_3": 89.213, + "recall_at_5": 90.791, + "main_score": 88.175 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/FiQA2018.json b/results/amazon__Titan-text-embeddings-v2/external/FiQA2018.json new file mode 100644 index 000000000..0b78ea4ce --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.006999999999998, + "map_at_10": 36.923, + "map_at_100": 38.932, + "map_at_1000": 39.096, + "map_at_3": 32.322, + "map_at_5": 35.119, + "mrr_at_1": 45.37, + "mrr_at_10": 53.418, + "mrr_at_100": 54.174, + "mrr_at_1000": 54.20700000000001, + "mrr_at_3": 51.132, + "mrr_at_5": 52.451, + "ndcg_at_1": 45.37, + "ndcg_at_10": 44.799, + "ndcg_at_100": 51.605000000000004, + "ndcg_at_1000": 54.30500000000001, + "ndcg_at_3": 41.33, + "ndcg_at_5": 42.608000000000004, + "precision_at_1": 45.37, + "precision_at_10": 12.33, + "precision_at_100": 1.9349999999999998, + "precision_at_1000": 0.241, + "precision_at_3": 27.828999999999997, + "precision_at_5": 20.432, + "recall_at_1": 23.006999999999998, + "recall_at_10": 51.06699999999999, + "recall_at_100": 75.917, + "recall_at_1000": 92.331, + "recall_at_3": 36.544, + "recall_at_5": 43.449, + "main_score": 44.799 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/HotpotQA.json b/results/amazon__Titan-text-embeddings-v2/external/HotpotQA.json new file mode 100644 index 000000000..4bba4c00e --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.196999999999996, + "map_at_10": 55.554, + "map_at_100": 56.309, + "map_at_1000": 56.37799999999999, + "map_at_3": 53.123, + "map_at_5": 54.626, + "mrr_at_1": 76.39399999999999, + "mrr_at_10": 81.75, + "mrr_at_100": 81.973, + "mrr_at_1000": 81.982, + "mrr_at_3": 80.79499999999999, + "mrr_at_5": 81.393, + "ndcg_at_1": 76.39399999999999, + "ndcg_at_10": 64.14800000000001, + "ndcg_at_100": 66.90899999999999, + "ndcg_at_1000": 68.277, + "ndcg_at_3": 60.529999999999994, + "ndcg_at_5": 62.513, + "precision_at_1": 76.39399999999999, + "precision_at_10": 12.967999999999998, + "precision_at_100": 1.5150000000000001, + "precision_at_1000": 0.16999999999999998, + "precision_at_3": 37.884, + "precision_at_5": 24.294, + "recall_at_1": 38.196999999999996, + "recall_at_10": 64.84100000000001, + "recall_at_100": 75.726, + "recall_at_1000": 84.794, + "recall_at_3": 56.826, + "recall_at_5": 60.736000000000004, + "main_score": 64.14800000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/ImdbClassification.json b/results/amazon__Titan-text-embeddings-v2/external/ImdbClassification.json new file mode 100644 index 000000000..c22e9c4b3 --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 82.3912, + "ap": 76.3949298163793, + "f1": 82.30848699417406, + "main_score": 82.3912 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/MSMARCO.json b/results/amazon__Titan-text-embeddings-v2/external/MSMARCO.json new file mode 100644 index 000000000..f10435b57 --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.454, + "map_at_10": 31.22, + "map_at_100": 32.475, + "map_at_1000": 32.532, + "map_at_3": 27.419, + "map_at_5": 29.608, + "mrr_at_1": 20.072000000000003, + "mrr_at_10": 31.813999999999997, + "mrr_at_100": 33.01, + "mrr_at_1000": 33.062000000000005, + "mrr_at_3": 28.055999999999997, + "mrr_at_5": 30.218, + "ndcg_at_1": 20.072000000000003, + "ndcg_at_10": 38.0, + "ndcg_at_100": 44.038, + "ndcg_at_1000": 45.43, + "ndcg_at_3": 30.219, + "ndcg_at_5": 34.127, + "precision_at_1": 20.072000000000003, + "precision_at_10": 6.159, + "precision_at_100": 0.9169999999999999, + "precision_at_1000": 0.104, + "precision_at_3": 13.071, + "precision_at_5": 9.814, + "recall_at_1": 19.454, + "recall_at_10": 58.931, + "recall_at_100": 86.886, + "recall_at_1000": 97.425, + "recall_at_3": 37.697, + "recall_at_5": 47.101, + "main_score": 38.0 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/MTOPDomainClassification.json b/results/amazon__Titan-text-embeddings-v2/external/MTOPDomainClassification.json new file mode 100644 index 000000000..d5158ec32 --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/MTOPDomainClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 90.46283629730961, + "f1": 90.22448402668293, + "main_score": 90.46283629730961 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 86.91462383770076, + "f1": 85.77767304705436, + "main_score": 86.91462383770076 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 87.73849232821881, + "f1": 87.33680109229385, + "main_score": 87.73849232821881 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 86.22298778578141, + "f1": 85.88868176519013, + "main_score": 86.22298778578141 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 82.91860882036572, + "f1": 81.38044567838352, + "main_score": 82.91860882036572 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 69.90235081374323, + "f1": 68.12897827044782, + "main_score": 69.90235081374323 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/MTOPIntentClassification.json b/results/amazon__Titan-text-embeddings-v2/external/MTOPIntentClassification.json new file mode 100644 index 000000000..7b052094a --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/MTOPIntentClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 66.0031919744642, + "f1": 48.13490278120492, + "main_score": 66.0031919744642 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 63.260073260073256, + "f1": 42.627167415555505, + "main_score": 63.260073260073256 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 65.06004002668445, + "f1": 44.90527231209402, + "main_score": 65.06004002668445 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 59.42687128092702, + "f1": 41.79584710899656, + "main_score": 59.42687128092702 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 59.078522768017216, + "f1": 40.398016878580734, + "main_score": 59.078522768017216 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 43.750452079565996, + "f1": 28.985320742729865, + "main_score": 43.750452079565996 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/MassiveIntentClassification.json b/results/amazon__Titan-text-embeddings-v2/external/MassiveIntentClassification.json new file mode 100644 index 000000000..11eb3e09a --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/MassiveIntentClassification.json @@ -0,0 +1,469 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 47.59919300605245, + "f1": 44.27505749600044, + "main_score": 47.59919300605245 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 31.56691324815064, + "f1": 30.34952276390722, + "main_score": 31.56691324815064 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 52.62945527908541, + "f1": 49.689536347222386, + "main_score": 52.62945527908541 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 50.0941492938803, + "f1": 48.47831879848094, + "main_score": 50.0941492938803 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 46.540013449899135, + "f1": 44.25663324630171, + "main_score": 46.540013449899135 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 44.25689307330195, + "f1": 42.06066077477426, + "main_score": 44.25689307330195 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 55.05716207128446, + "f1": 52.41516089202158, + "main_score": 55.05716207128446 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 61.86953597848015, + "f1": 58.45989820228606, + "main_score": 61.86953597848015 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 47.02084734364493, + "f1": 45.21525882986924, + "main_score": 47.02084734364493 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.24008069939475, + "f1": 68.27971089998472, + "main_score": 69.24008069939475 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 62.53530598520511, + "f1": 61.83588971206536, + "main_score": 62.53530598520511 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 55.19166106254204, + "f1": 52.335787325774, + "main_score": 55.19166106254204 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 48.43308675184936, + "f1": 45.841102061239184, + "main_score": 48.43308675184936 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 64.26698049764627, + "f1": 62.25607481996241, + "main_score": 64.26698049764627 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 57.619367854741085, + "f1": 54.93671211092237, + "main_score": 57.619367854741085 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 57.53530598520511, + "f1": 55.36413211751344, + "main_score": 57.53530598520511 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 45.66913248150638, + "f1": 42.52092657926257, + "main_score": 45.66913248150638 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 39.19973100201749, + "f1": 37.194613407773566, + "main_score": 39.19973100201749 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 54.99663752521856, + "f1": 53.875181150315356, + "main_score": 54.99663752521856 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 43.143913920645595, + "f1": 41.756257561394456, + "main_score": 43.143913920645595 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 60.99529253530599, + "f1": 59.103812128183705, + "main_score": 60.99529253530599 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 64.29051782111634, + "f1": 62.5268914542489, + "main_score": 64.29051782111634 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 43.69199731002017, + "f1": 41.71651113018154, + "main_score": 43.69199731002017 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 38.34566240753194, + "f1": 36.935911015227894, + "main_score": 38.34566240753194 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 34.21654337592467, + "f1": 32.067289455027755, + "main_score": 34.21654337592467 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 51.785474108944186, + "f1": 49.29285691779668, + "main_score": 51.785474108944186 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 59.58977807666444, + "f1": 57.81630371862734, + "main_score": 59.58977807666444 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 46.53665097511768, + "f1": 44.8386852929464, + "main_score": 46.53665097511768 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 54.468728984532625, + "f1": 52.13613631138983, + "main_score": 54.468728984532625 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 40.67921990585071, + "f1": 39.87218130311539, + "main_score": 40.67921990585071 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 51.2441156691325, + "f1": 48.93351041227674, + "main_score": 51.2441156691325 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 31.76193678547411, + "f1": 29.917012787908785, + "main_score": 31.76193678547411 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 54.40820443846671, + "f1": 51.232049156874396, + "main_score": 54.40820443846671 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 60.8170813718897, + "f1": 57.74887572270486, + "main_score": 60.8170813718897 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 60.067249495628786, + "f1": 57.60151669462318, + "main_score": 60.067249495628786 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 62.73705447209146, + "f1": 61.14377989075874, + "main_score": 62.73705447209146 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 49.68392737054472, + "f1": 48.07062918679129, + "main_score": 49.68392737054472 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 60.85406859448555, + "f1": 58.48852652838252, + "main_score": 60.85406859448555 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 48.58776059179556, + "f1": 46.92163099241966, + "main_score": 48.58776059179556 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 47.16879623402824, + "f1": 45.8155066134247, + "main_score": 47.16879623402824 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 62.41425689307329, + "f1": 60.097954878192574, + "main_score": 62.41425689307329 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 45.97175521183591, + "f1": 44.29275283000346, + "main_score": 45.97175521183591 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 53.597848016139885, + "f1": 51.54318966923094, + "main_score": 53.597848016139885 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 53.44653665097512, + "f1": 51.60095623356469, + "main_score": 53.44653665097512 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 46.173503698722264, + "f1": 46.311285276929105, + "main_score": 46.173503698722264 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 49.47881640887693, + "f1": 46.63989802589145, + "main_score": 49.47881640887693 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 58.02958977807666, + "f1": 55.34728796730868, + "main_score": 58.02958977807666 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 39.26361802286483, + "f1": 37.61201358829197, + "main_score": 39.26361802286483 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 52.15534633490249, + "f1": 50.438951980623145, + "main_score": 52.15534633490249 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 63.39946200403498, + "f1": 62.152249150179664, + "main_score": 63.39946200403498 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 58.207800941492934, + "f1": 58.318584465398104, + "main_score": 58.207800941492934 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/MassiveScenarioClassification.json b/results/amazon__Titan-text-embeddings-v2/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..4c32bfea4 --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/MassiveScenarioClassification.json @@ -0,0 +1,469 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 58.069939475453936, + "f1": 55.04073616892449, + "main_score": 58.069939475453936 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 38.214525891055814, + "f1": 36.42184260742777, + "main_score": 38.214525891055814 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 57.47141896435777, + "f1": 57.22453431938479, + "main_score": 57.47141896435777 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 54.37121721587089, + "f1": 53.004976087120134, + "main_score": 54.37121721587089 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 52.71687962340283, + "f1": 51.140151342341646, + "main_score": 52.71687962340283 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 49.502353732347004, + "f1": 45.74604753969847, + "main_score": 49.502353732347004 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 64.25689307330195, + "f1": 62.25355539317913, + "main_score": 64.25689307330195 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 71.27774041694688, + "f1": 70.26880477280841, + "main_score": 71.27774041694688 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 52.420981842636195, + "f1": 50.824547366213565, + "main_score": 52.420981842636195 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.11230665770006, + "f1": 73.00723710263364, + "main_score": 74.11230665770006 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 67.04102219233356, + "f1": 66.7904194512351, + "main_score": 67.04102219233356 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 60.1714862138534, + "f1": 58.781208933846095, + "main_score": 60.1714862138534 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 54.04841963685272, + "f1": 51.185007148328545, + "main_score": 54.04841963685272 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 69.76462676529927, + "f1": 68.85227238388136, + "main_score": 69.76462676529927 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 62.84801613987895, + "f1": 61.18395865529196, + "main_score": 62.84801613987895 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 62.17888365837256, + "f1": 60.40570575783401, + "main_score": 62.17888365837256 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 53.52051109616678, + "f1": 51.210696278552014, + "main_score": 53.52051109616678 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 45.94821788836584, + "f1": 43.65062337089374, + "main_score": 45.94821788836584 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 60.33288500336248, + "f1": 59.50436947982156, + "main_score": 60.33288500336248 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 50.09751176866174, + "f1": 47.293838685239, + "main_score": 50.09751176866174 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 66.49293880295897, + "f1": 65.96586462307134, + "main_score": 66.49293880295897 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 68.35911230665769, + "f1": 67.77840431764355, + "main_score": 68.35911230665769 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 50.585070611970416, + "f1": 47.957277125670295, + "main_score": 50.585070611970416 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 42.76059179556153, + "f1": 40.446327361325565, + "main_score": 42.76059179556153 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 40.648957632817755, + "f1": 37.231284508608276, + "main_score": 40.648957632817755 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 57.24613315400134, + "f1": 55.14523425690653, + "main_score": 57.24613315400134 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 63.839946200403496, + "f1": 62.6239063060589, + "main_score": 63.839946200403496 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 53.14391392064559, + "f1": 50.08744471966442, + "main_score": 53.14391392064559 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 58.8399462004035, + "f1": 57.586991117740794, + "main_score": 58.8399462004035 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 44.81842636180229, + "f1": 42.82813975084655, + "main_score": 44.81842636180229 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 58.90047074646939, + "f1": 56.640503134745714, + "main_score": 58.90047074646939 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 38.52051109616678, + "f1": 36.504553927569454, + "main_score": 38.52051109616678 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 64.63685272360458, + "f1": 62.88129994502907, + "main_score": 64.63685272360458 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 67.54203093476798, + "f1": 66.02745142287087, + "main_score": 67.54203093476798 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 64.00470746469402, + "f1": 62.91845058355313, + "main_score": 64.00470746469402 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 65.69939475453934, + "f1": 65.37413822081011, + "main_score": 65.69939475453934 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 57.19905850706121, + "f1": 55.08271383695852, + "main_score": 57.19905850706121 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 65.42367182246134, + "f1": 64.61962307022019, + "main_score": 65.42367182246134 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 55.147948890383326, + "f1": 53.2933851469903, + "main_score": 55.147948890383326 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 55.679219905850715, + "f1": 52.80159603468007, + "main_score": 55.679219905850715 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 69.42165433759246, + "f1": 67.99984081248608, + "main_score": 69.42165433759246 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 52.30329522528581, + "f1": 50.10810382364662, + "main_score": 52.30329522528581 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 56.186953597848024, + "f1": 55.51656586643505, + "main_score": 56.186953597848024 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 58.019502353732356, + "f1": 56.260726586358736, + "main_score": 58.019502353732356 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 52.55548083389374, + "f1": 51.139712264362714, + "main_score": 52.55548083389374 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 57.43443174176194, + "f1": 55.76244076715635, + "main_score": 57.43443174176194 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 61.55346334902488, + "f1": 61.25819823057803, + "main_score": 61.55346334902488 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 47.114996637525216, + "f1": 45.20428169546973, + "main_score": 47.114996637525216 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 56.83254875588434, + "f1": 56.00919757601416, + "main_score": 56.83254875588434 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 69.57969065232012, + "f1": 69.17378512156806, + "main_score": 69.57969065232012 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 64.02488231338263, + "f1": 64.09790488949963, + "main_score": 64.02488231338263 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/MedrxivClusteringP2P.json b/results/amazon__Titan-text-embeddings-v2/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..e258184fd --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 29.71446786877363, + "main_score": 29.71446786877363 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/MedrxivClusteringS2S.json b/results/amazon__Titan-text-embeddings-v2/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..e4d738a40 --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 28.003624498407547, + "main_score": 28.003624498407547 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/MindSmallReranking.json b/results/amazon__Titan-text-embeddings-v2/external/MindSmallReranking.json new file mode 100644 index 000000000..01eb062e8 --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.29671894458151, + "mrr": 32.44455140124599, + "main_score": 31.29671894458151 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/NFCorpus.json b/results/amazon__Titan-text-embeddings-v2/external/NFCorpus.json new file mode 100644 index 000000000..dff35a937 --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.127, + "map_at_10": 13.047, + "map_at_100": 15.754000000000001, + "map_at_1000": 16.930999999999997, + "map_at_3": 9.876999999999999, + "map_at_5": 11.265, + "mrr_at_1": 45.511, + "mrr_at_10": 54.75600000000001, + "mrr_at_100": 55.33, + "mrr_at_1000": 55.374, + "mrr_at_3": 53.147999999999996, + "mrr_at_5": 53.952999999999996, + "ndcg_at_1": 43.653, + "ndcg_at_10": 33.936, + "ndcg_at_100": 29.952, + "ndcg_at_1000": 38.356, + "ndcg_at_3": 40.018, + "ndcg_at_5": 37.102000000000004, + "precision_at_1": 45.511, + "precision_at_10": 24.768, + "precision_at_100": 7.13, + "precision_at_1000": 1.928, + "precision_at_3": 37.461, + "precision_at_5": 31.703, + "recall_at_1": 6.127, + "recall_at_10": 16.512999999999998, + "recall_at_100": 29.057, + "recall_at_1000": 59.25899999999999, + "recall_at_3": 10.940999999999999, + "recall_at_5": 12.925, + "main_score": 33.936 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/NQ.json b/results/amazon__Titan-text-embeddings-v2/external/NQ.json new file mode 100644 index 000000000..3585098f5 --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.228, + "map_at_10": 47.56, + "map_at_100": 48.539, + "map_at_1000": 48.567, + "map_at_3": 43.214999999999996, + "map_at_5": 45.799, + "mrr_at_1": 36.53, + "mrr_at_10": 50.004000000000005, + "mrr_at_100": 50.737, + "mrr_at_1000": 50.758, + "mrr_at_3": 46.543, + "mrr_at_5": 48.672, + "ndcg_at_1": 36.501, + "ndcg_at_10": 55.103, + "ndcg_at_100": 59.156, + "ndcg_at_1000": 59.821999999999996, + "ndcg_at_3": 47.089, + "ndcg_at_5": 51.35999999999999, + "precision_at_1": 36.501, + "precision_at_10": 9.046999999999999, + "precision_at_100": 1.13, + "precision_at_1000": 0.11900000000000001, + "precision_at_3": 21.398, + "precision_at_5": 15.307, + "recall_at_1": 32.228, + "recall_at_10": 75.608, + "recall_at_100": 93.062, + "recall_at_1000": 98.059, + "recall_at_3": 55.021, + "recall_at_5": 64.873, + "main_score": 55.103 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/QuoraRetrieval.json b/results/amazon__Titan-text-embeddings-v2/external/QuoraRetrieval.json new file mode 100644 index 000000000..5c0a3ffbb --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 70.623, + "map_at_10": 84.705, + "map_at_100": 85.333, + "map_at_1000": 85.348, + "map_at_3": 81.736, + "map_at_5": 83.616, + "mrr_at_1": 81.28, + "mrr_at_10": 87.518, + "mrr_at_100": 87.619, + "mrr_at_1000": 87.62, + "mrr_at_3": 86.545, + "mrr_at_5": 87.238, + "ndcg_at_1": 81.28999999999999, + "ndcg_at_10": 88.412, + "ndcg_at_100": 89.603, + "ndcg_at_1000": 89.696, + "ndcg_at_3": 85.563, + "ndcg_at_5": 87.17, + "precision_at_1": 81.28999999999999, + "precision_at_10": 13.439, + "precision_at_100": 1.5310000000000001, + "precision_at_1000": 0.157, + "precision_at_3": 37.437, + "precision_at_5": 24.662, + "recall_at_1": 70.623, + "recall_at_10": 95.531, + "recall_at_100": 99.58, + "recall_at_1000": 99.978, + "recall_at_3": 87.368, + "recall_at_5": 91.898, + "main_score": 88.412 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/RedditClustering.json b/results/amazon__Titan-text-embeddings-v2/external/RedditClustering.json new file mode 100644 index 000000000..76fff031a --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 49.53241309124786, + "main_score": 49.53241309124786 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/RedditClusteringP2P.json b/results/amazon__Titan-text-embeddings-v2/external/RedditClusteringP2P.json new file mode 100644 index 000000000..68af75fd1 --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 59.712004482915994, + "main_score": 59.712004482915994 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/SCIDOCS.json b/results/amazon__Titan-text-embeddings-v2/external/SCIDOCS.json new file mode 100644 index 000000000..55dbb1291 --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.313, + "map_at_10": 13.447000000000001, + "map_at_100": 15.491, + "map_at_1000": 15.784999999999998, + "map_at_3": 9.58, + "map_at_5": 11.562, + "mrr_at_1": 26.200000000000003, + "mrr_at_10": 37.212, + "mrr_at_100": 38.190000000000005, + "mrr_at_1000": 38.242, + "mrr_at_3": 34.067, + "mrr_at_5": 35.862, + "ndcg_at_1": 26.200000000000003, + "ndcg_at_10": 21.979000000000003, + "ndcg_at_100": 29.726999999999997, + "ndcg_at_1000": 34.766000000000005, + "ndcg_at_3": 21.16, + "ndcg_at_5": 18.478, + "precision_at_1": 26.200000000000003, + "precision_at_10": 11.25, + "precision_at_100": 2.241, + "precision_at_1000": 0.345, + "precision_at_3": 19.633, + "precision_at_5": 16.14, + "recall_at_1": 5.313, + "recall_at_10": 22.808, + "recall_at_100": 45.540000000000006, + "recall_at_1000": 70.043, + "recall_at_3": 11.932, + "recall_at_5": 16.347, + "main_score": 21.979000000000003 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/SICK-R.json b/results/amazon__Titan-text-embeddings-v2/external/SICK-R.json new file mode 100644 index 000000000..efc72932b --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 75.95540796619258, + "cos_sim_spearman": 76.49462277620303, + "euclidean_pearson": 71.67643435507317, + "euclidean_spearman": 76.4915921108082, + "manhattan_pearson": 71.71412560074847, + "manhattan_spearman": 76.46738312094736, + "cosine_pearson": 75.95540796619258, + "cosine_spearman": 76.49462277620303, + "main_score": 76.49462277620303 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/STS12.json b/results/amazon__Titan-text-embeddings-v2/external/STS12.json new file mode 100644 index 000000000..9123fd710 --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.48773267615617, + "cos_sim_spearman": 74.99867664033701, + "euclidean_pearson": 76.0885798115032, + "euclidean_spearman": 74.99438208715942, + "manhattan_pearson": 76.09382557464033, + "manhattan_spearman": 74.96139353538533, + "cosine_pearson": 81.48773267615617, + "cosine_spearman": 74.99867664033701, + "main_score": 74.99867664033701 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/STS13.json b/results/amazon__Titan-text-embeddings-v2/external/STS13.json new file mode 100644 index 000000000..a33e35fe4 --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.19022560804167, + "cos_sim_spearman": 87.9128142106699, + "euclidean_pearson": 85.51390183763914, + "euclidean_spearman": 87.89995488057309, + "manhattan_pearson": 85.44945034816052, + "manhattan_spearman": 87.791458898378, + "cosine_pearson": 88.19022560804167, + "cosine_spearman": 87.9128142106699, + "main_score": 87.9128142106699 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/STS14.json b/results/amazon__Titan-text-embeddings-v2/external/STS14.json new file mode 100644 index 000000000..02970995e --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.17877898640924, + "cos_sim_spearman": 82.25544088807465, + "euclidean_pearson": 82.36395988835416, + "euclidean_spearman": 82.26359924974219, + "manhattan_pearson": 82.39219808999891, + "manhattan_spearman": 82.27757404868157, + "cosine_pearson": 85.17877898640924, + "cosine_spearman": 82.25544088807465, + "main_score": 82.25544088807465 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/STS15.json b/results/amazon__Titan-text-embeddings-v2/external/STS15.json new file mode 100644 index 000000000..bfed531a9 --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.66865350602554, + "cos_sim_spearman": 87.87150169810872, + "euclidean_pearson": 85.41520650056647, + "euclidean_spearman": 87.86636613654022, + "manhattan_pearson": 85.38710485867502, + "manhattan_spearman": 87.83513424575301, + "cosine_pearson": 87.66865350602554, + "cosine_spearman": 87.87150169810872, + "main_score": 87.87150169810872 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/STS16.json b/results/amazon__Titan-text-embeddings-v2/external/STS16.json new file mode 100644 index 000000000..01a0d20c3 --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 80.75527643407175, + "cos_sim_spearman": 80.9239008594745, + "euclidean_pearson": 79.37682746800515, + "euclidean_spearman": 80.91978947194092, + "manhattan_pearson": 79.38884189990698, + "manhattan_spearman": 80.91771608341014, + "cosine_pearson": 80.75527643407175, + "cosine_spearman": 80.9239008594745, + "main_score": 80.9239008594745 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/STS17.json b/results/amazon__Titan-text-embeddings-v2/external/STS17.json new file mode 100644 index 000000000..2b2ac65c2 --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/STS17.json @@ -0,0 +1,182 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "ko-ko", + "languages": [ + "kor-Hang" + ], + "cos_sim_pearson": 80.24344311909609, + "cos_sim_spearman": 80.78933956176022, + "euclidean_pearson": 76.95229806538676, + "euclidean_spearman": 80.79706724032172, + "manhattan_pearson": 76.90212135774246, + "manhattan_spearman": 80.68727415384441, + "cosine_pearson": 80.24344311909609, + "cosine_spearman": 80.78933956176022, + "main_score": 80.78933956176022 + }, + { + "hf_subset": "ar-ar", + "languages": [ + "ara-Arab" + ], + "cos_sim_pearson": 77.33891809228084, + "cos_sim_spearman": 79.37912430317627, + "euclidean_pearson": 72.56919843951036, + "euclidean_spearman": 79.3091436905072, + "manhattan_pearson": 72.4282811588754, + "manhattan_spearman": 78.90144894538078, + "cosine_pearson": 77.33891809228084, + "cosine_spearman": 79.37912430317627, + "main_score": 79.37912430317627 + }, + { + "hf_subset": "en-ar", + "languages": [ + "eng-Latn", + "ara-Arab" + ], + "cos_sim_pearson": 59.68908656739356, + "cos_sim_spearman": 58.76110210983758, + "euclidean_pearson": 59.14749159577439, + "euclidean_spearman": 59.015997032145016, + "manhattan_pearson": 57.907675340322676, + "manhattan_spearman": 57.07751173022352, + "cosine_pearson": 59.68908656739356, + "cosine_spearman": 58.76110210983758, + "main_score": 58.76110210983758 + }, + { + "hf_subset": "en-de", + "languages": [ + "eng-Latn", + "deu-Latn" + ], + "cos_sim_pearson": 75.53325164873934, + "cos_sim_spearman": 76.13104388846271, + "euclidean_pearson": 74.61931031522006, + "euclidean_spearman": 75.96875166459931, + "manhattan_pearson": 74.82154350849251, + "manhattan_spearman": 76.64455924104236, + "cosine_pearson": 75.53325164873934, + "cosine_spearman": 76.13104388846271, + "main_score": 76.13104388846271 + }, + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.4228376590724, + "cos_sim_spearman": 87.22764976624408, + "euclidean_pearson": 81.94975688107507, + "euclidean_spearman": 87.19193932664932, + "manhattan_pearson": 82.0043964628936, + "manhattan_spearman": 87.09130430957818, + "cosine_pearson": 85.4228376590724, + "cosine_spearman": 87.22764976624408, + "main_score": 87.22764976624408 + }, + { + "hf_subset": "en-tr", + "languages": [ + "eng-Latn", + "tur-Latn" + ], + "cos_sim_pearson": 57.5627552601949, + "cos_sim_spearman": 55.5263144563657, + "euclidean_pearson": 57.00569241610482, + "euclidean_spearman": 55.35291811479459, + "manhattan_pearson": 56.99656284623506, + "manhattan_spearman": 55.593673744709946, + "cosine_pearson": 57.5627552601949, + "cosine_spearman": 55.5263144563657, + "main_score": 55.5263144563657 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 69.93801311909735, + "cos_sim_spearman": 72.2581115470475, + "euclidean_pearson": 68.24881290268563, + "euclidean_spearman": 72.60813652864522, + "manhattan_pearson": 67.86369874088834, + "manhattan_spearman": 71.92346382988023, + "cosine_pearson": 69.93801311909735, + "cosine_spearman": 72.2581115470475, + "main_score": 72.2581115470475 + }, + { + "hf_subset": "es-es", + "languages": [ + "spa-Latn" + ], + "cos_sim_pearson": 86.20555264114785, + "cos_sim_spearman": 85.0588060013836, + "euclidean_pearson": 81.78229090166155, + "euclidean_spearman": 85.09687374900614, + "manhattan_pearson": 81.77449099980244, + "manhattan_spearman": 84.70331476222177, + "cosine_pearson": 86.20555264114785, + "cosine_spearman": 85.0588060013836, + "main_score": 85.0588060013836 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 73.786793911605, + "cos_sim_spearman": 75.63094397551554, + "euclidean_pearson": 71.64292842519251, + "euclidean_spearman": 75.60215267384011, + "manhattan_pearson": 72.2124078037642, + "manhattan_spearman": 76.34546028465175, + "cosine_pearson": 73.786793911605, + "cosine_spearman": 75.63094397551554, + "main_score": 75.63094397551554 + }, + { + "hf_subset": "it-en", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 69.62139987106455, + "cos_sim_spearman": 71.35872226722493, + "euclidean_pearson": 68.50103697766141, + "euclidean_spearman": 71.24590187948473, + "manhattan_pearson": 68.89236562525663, + "manhattan_spearman": 71.77994400789173, + "cosine_pearson": 69.62139987106455, + "cosine_spearman": 71.35872226722493, + "main_score": 71.35872226722493 + }, + { + "hf_subset": "nl-en", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 71.62728174871292, + "cos_sim_spearman": 71.98655715409397, + "euclidean_pearson": 70.27026741609356, + "euclidean_spearman": 72.14004669693777, + "manhattan_pearson": 70.46335140108751, + "manhattan_spearman": 72.6638254374311, + "cosine_pearson": 71.62728174871292, + "cosine_spearman": 71.98655715409397, + "main_score": 71.98655715409397 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/STS22.json b/results/amazon__Titan-text-embeddings-v2/external/STS22.json new file mode 100644 index 000000000..dc6334901 --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/STS22.json @@ -0,0 +1,288 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 71.10248717637424, + "cos_sim_spearman": 68.5905931564714, + "euclidean_pearson": 71.23290000423759, + "euclidean_spearman": 68.6419513130457, + "manhattan_pearson": 71.6886015250234, + "manhattan_spearman": 69.47543660368697, + "cosine_pearson": 71.10248717637424, + "cosine_spearman": 68.5905931564714, + "main_score": 68.5905931564714 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "cos_sim_pearson": 59.010555056244776, + "cos_sim_spearman": 60.121771179899255, + "euclidean_pearson": 53.04527785573465, + "euclidean_spearman": 60.121771179899255, + "manhattan_pearson": 52.931480071124234, + "manhattan_spearman": 60.03868409331775, + "cosine_pearson": 59.010555056244776, + "cosine_spearman": 60.121771179899255, + "main_score": 60.121771179899255 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "cos_sim_pearson": 70.6833028374664, + "cos_sim_spearman": 68.57396263856863, + "euclidean_pearson": 68.30905084522986, + "euclidean_spearman": 68.57396263856863, + "manhattan_pearson": 70.91400657516918, + "manhattan_spearman": 72.72240857808112, + "cosine_pearson": 70.6833028374664, + "cosine_spearman": 68.57396263856863, + "main_score": 68.57396263856863 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "cos_sim_pearson": 36.948290734279645, + "cos_sim_spearman": 42.07722031011005, + "euclidean_pearson": 22.539446972018467, + "euclidean_spearman": 42.07722031011005, + "manhattan_pearson": 24.119402246951786, + "manhattan_spearman": 45.80525501822569, + "cosine_pearson": 36.948290734279645, + "cosine_spearman": 42.07722031011005, + "main_score": 42.07722031011005 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "cos_sim_pearson": 66.97840719036533, + "cos_sim_spearman": 66.62430648804775, + "euclidean_pearson": 66.89526587772023, + "euclidean_spearman": 66.62430648804775, + "manhattan_pearson": 68.6929895225091, + "manhattan_spearman": 68.91772708432867, + "cosine_pearson": 66.97840719036533, + "cosine_spearman": 66.62430648804775, + "main_score": 66.62430648804775 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "cos_sim_pearson": 56.65098289103698, + "cos_sim_spearman": 57.436674670689214, + "euclidean_pearson": 51.79149892785239, + "euclidean_spearman": 57.436674670689214, + "manhattan_pearson": 52.64807953938707, + "manhattan_spearman": 58.94583987372767, + "cosine_pearson": 56.65098289103698, + "cosine_spearman": 57.436674670689214, + "main_score": 57.436674670689214 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "cos_sim_pearson": 60.669531297510225, + "cos_sim_spearman": 61.71342510003327, + "euclidean_pearson": 55.821871433553504, + "euclidean_spearman": 61.71342510003327, + "manhattan_pearson": 57.77073441351117, + "manhattan_spearman": 65.20759033207, + "cosine_pearson": 60.669531297510225, + "cosine_spearman": 61.71342510003327, + "main_score": 61.71342510003327 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 64.34728960310699, + "cos_sim_spearman": 64.03565302589584, + "euclidean_pearson": 61.958942333930544, + "euclidean_spearman": 64.03565302589584, + "manhattan_pearson": 64.65072672727923, + "manhattan_spearman": 67.82569969943107, + "cosine_pearson": 64.34728960310699, + "cosine_spearman": 64.03565302589584, + "main_score": 64.03565302589584 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 82.47120815594353, + "cos_sim_spearman": 81.46916544955101, + "euclidean_pearson": 79.21753533489019, + "euclidean_spearman": 81.46916544955101, + "manhattan_pearson": 78.26605518839271, + "manhattan_spearman": 81.29749169339514, + "cosine_pearson": 82.47120815594353, + "cosine_spearman": 81.46916544955101, + "main_score": 81.46916544955101 + }, + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 63.31467231933632, + "cos_sim_spearman": 53.36160506603274, + "euclidean_pearson": 64.98434169416196, + "euclidean_spearman": 53.36160506603274, + "manhattan_pearson": 69.6837006629638, + "manhattan_spearman": 60.85384324700893, + "cosine_pearson": 63.31467231933632, + "cosine_spearman": 53.36160506603274, + "main_score": 53.36160506603274 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 79.99425127770438, + "cos_sim_spearman": 77.41308957007035, + "euclidean_pearson": 79.69441265626801, + "euclidean_spearman": 77.41308957007035, + "manhattan_pearson": 80.3726291667624, + "manhattan_spearman": 79.0414050644631, + "cosine_pearson": 79.99425127770438, + "cosine_spearman": 77.41308957007035, + "main_score": 77.41308957007035 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "cos_sim_pearson": 79.13469287716659, + "cos_sim_spearman": 79.27976881582065, + "euclidean_pearson": 77.65964425780172, + "euclidean_spearman": 79.27976881582065, + "manhattan_pearson": 77.64158710257945, + "manhattan_spearman": 79.22242281895944, + "cosine_pearson": 79.13469287716659, + "cosine_spearman": 79.27976881582065, + "main_score": 79.27976881582065 + }, + { + "hf_subset": "pl-en", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 76.303314995599, + "cos_sim_spearman": 77.4991345414335, + "euclidean_pearson": 74.88826621426401, + "euclidean_spearman": 77.4991345414335, + "manhattan_pearson": 77.70223488989319, + "manhattan_spearman": 79.69746987627822, + "cosine_pearson": 76.303314995599, + "cosine_spearman": 77.4991345414335, + "main_score": 77.4991345414335 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "cos_sim_pearson": 70.87814957197239, + "cos_sim_spearman": 69.86785751801642, + "euclidean_pearson": 68.68630146548654, + "euclidean_spearman": 69.8615799070054, + "manhattan_pearson": 61.83743315022061, + "manhattan_spearman": 64.35346450347738, + "cosine_pearson": 70.87814957197239, + "cosine_spearman": 69.86785751801642, + "main_score": 69.86785751801642 + }, + { + "hf_subset": "es-it", + "languages": [ + "spa-Latn", + "ita-Latn" + ], + "cos_sim_pearson": 74.1484689923211, + "cos_sim_spearman": 74.69046355179742, + "euclidean_pearson": 73.03951899271793, + "euclidean_spearman": 74.69820632954205, + "manhattan_pearson": 73.36810146930709, + "manhattan_spearman": 75.33154135287258, + "cosine_pearson": 74.1484689923211, + "cosine_spearman": 74.69046355179742, + "main_score": 74.69046355179742 + }, + { + "hf_subset": "de-fr", + "languages": [ + "deu-Latn", + "fra-Latn" + ], + "cos_sim_pearson": 51.43125921362742, + "cos_sim_spearman": 58.25341239774093, + "euclidean_pearson": 48.00689582162098, + "euclidean_spearman": 58.533194841668426, + "manhattan_pearson": 46.11721778230745, + "manhattan_spearman": 55.026889052448134, + "cosine_pearson": 51.43125921362742, + "cosine_spearman": 58.25341239774093, + "main_score": 58.25341239774093 + }, + { + "hf_subset": "de-pl", + "languages": [ + "deu-Latn", + "pol-Latn" + ], + "cos_sim_pearson": 40.066205533538046, + "cos_sim_spearman": 48.46991890841381, + "euclidean_pearson": 42.29606506858651, + "euclidean_spearman": 48.34674249441531, + "manhattan_pearson": 41.70680990555484, + "manhattan_spearman": 47.54609580342499, + "cosine_pearson": 40.066205533538046, + "cosine_spearman": 48.46991890841381, + "main_score": 48.46991890841381 + }, + { + "hf_subset": "fr-pl", + "languages": [ + "fra-Latn", + "pol-Latn" + ], + "cos_sim_pearson": 82.26527545520592, + "cos_sim_spearman": 73.24670207647144, + "euclidean_pearson": 81.78699781584893, + "euclidean_spearman": 73.24670207647144, + "manhattan_pearson": 83.14172292187807, + "manhattan_spearman": 73.24670207647144, + "cosine_pearson": 82.26527545520592, + "cosine_spearman": 73.24670207647144, + "main_score": 73.24670207647144 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/STSBenchmark.json b/results/amazon__Titan-text-embeddings-v2/external/STSBenchmark.json new file mode 100644 index 000000000..2cd6cb717 --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.51438108053523, + "cos_sim_spearman": 81.9481311864648, + "euclidean_pearson": 78.6683040592179, + "euclidean_spearman": 81.9535649926177, + "manhattan_pearson": 78.65396325536754, + "manhattan_spearman": 81.96918240343872, + "cosine_pearson": 81.51438108053523, + "cosine_spearman": 81.9481311864648, + "main_score": 81.9481311864648 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/SciDocsRR.json b/results/amazon__Titan-text-embeddings-v2/external/SciDocsRR.json new file mode 100644 index 000000000..9ea1b61d0 --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 80.6689275068653, + "mrr": 95.021337594867, + "main_score": 80.6689275068653 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/SciFact.json b/results/amazon__Titan-text-embeddings-v2/external/SciFact.json new file mode 100644 index 000000000..12ea3fbba --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 55.193999999999996, + "map_at_10": 65.814, + "map_at_100": 66.428, + "map_at_1000": 66.447, + "map_at_3": 63.304, + "map_at_5": 64.64, + "mrr_at_1": 57.99999999999999, + "mrr_at_10": 66.957, + "mrr_at_100": 67.405, + "mrr_at_1000": 67.422, + "mrr_at_3": 65.0, + "mrr_at_5": 66.183, + "ndcg_at_1": 57.99999999999999, + "ndcg_at_10": 70.523, + "ndcg_at_100": 72.987, + "ndcg_at_1000": 73.605, + "ndcg_at_3": 66.268, + "ndcg_at_5": 68.27600000000001, + "precision_at_1": 57.99999999999999, + "precision_at_10": 9.467, + "precision_at_100": 1.073, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 26.444000000000003, + "precision_at_5": 17.2, + "recall_at_1": 55.193999999999996, + "recall_at_10": 83.52199999999999, + "recall_at_100": 94.5, + "recall_at_1000": 99.667, + "recall_at_3": 71.989, + "recall_at_5": 77.31700000000001, + "main_score": 70.523 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/SprintDuplicateQuestions.json b/results/amazon__Titan-text-embeddings-v2/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..06eda7610 --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.73465346534654, + "cos_sim_ap": 92.91719494015508, + "cos_sim_f1": 86.46200301962756, + "cos_sim_precision": 87.03140830800406, + "cos_sim_recall": 85.9, + "dot_accuracy": 99.73663366336633, + "dot_ap": 92.90802848215259, + "dot_f1": 86.46200301962756, + "dot_precision": 87.03140830800406, + "dot_recall": 85.9, + "euclidean_accuracy": 99.73465346534654, + "euclidean_ap": 92.91627363446204, + "euclidean_f1": 86.43469490670702, + "euclidean_precision": 87.18209562563581, + "euclidean_recall": 85.7, + "manhattan_accuracy": 99.73663366336633, + "manhattan_ap": 92.90219877406929, + "manhattan_f1": 86.31471040492056, + "manhattan_precision": 88.53838065194533, + "manhattan_recall": 84.2, + "max_accuracy": 99.73663366336633, + "max_ap": 92.91719494015508, + "max_f1": 86.46200301962756, + "main_score": 92.91719494015508 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/StackExchangeClustering.json b/results/amazon__Titan-text-embeddings-v2/external/StackExchangeClustering.json new file mode 100644 index 000000000..66f22e42f --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 60.73098998430779, + "main_score": 60.73098998430779 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/StackExchangeClusteringP2P.json b/results/amazon__Titan-text-embeddings-v2/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..4f115d29b --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.64256206757585, + "main_score": 34.64256206757585 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/StackOverflowDupQuestions.json b/results/amazon__Titan-text-embeddings-v2/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..6fd7e719a --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 54.749150614295694, + "mrr": 55.78880984211867, + "main_score": 54.749150614295694 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/SummEval.json b/results/amazon__Titan-text-embeddings-v2/external/SummEval.json new file mode 100644 index 000000000..689b5562a --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 28.863577054305907, + "cos_sim_spearman": 27.538596944829774, + "dot_pearson": 28.93043755116643, + "dot_spearman": 27.733110516733987, + "cosine_pearson": 28.863577054305907, + "cosine_spearman": 27.538596944829774, + "main_score": 27.538596944829774 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/TRECCOVID.json b/results/amazon__Titan-text-embeddings-v2/external/TRECCOVID.json new file mode 100644 index 000000000..9b38fc916 --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.22899999999999998, + "map_at_10": 2.078, + "map_at_100": 12.024, + "map_at_1000": 29.036, + "map_at_3": 0.681, + "map_at_5": 1.083, + "mrr_at_1": 86.0, + "mrr_at_10": 92.667, + "mrr_at_100": 92.667, + "mrr_at_1000": 92.667, + "mrr_at_3": 92.667, + "mrr_at_5": 92.667, + "ndcg_at_1": 82.0, + "ndcg_at_10": 80.746, + "ndcg_at_100": 61.090999999999994, + "ndcg_at_1000": 55.034000000000006, + "ndcg_at_3": 82.419, + "ndcg_at_5": 81.018, + "precision_at_1": 86.0, + "precision_at_10": 86.2, + "precision_at_100": 62.68, + "precision_at_1000": 24.032, + "precision_at_3": 88.667, + "precision_at_5": 86.0, + "recall_at_1": 0.22899999999999998, + "recall_at_10": 2.263, + "recall_at_100": 15.238999999999999, + "recall_at_1000": 51.937, + "recall_at_3": 0.719, + "recall_at_5": 1.15, + "main_score": 80.746 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/Tatoeba.json b/results/amazon__Titan-text-embeddings-v2/external/Tatoeba.json new file mode 100644 index 000000000..c5b337c7b --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/Tatoeba.json @@ -0,0 +1,1354 @@ +{ + "dataset_revision": "9080400076fbadbb4c4dcb136ff4eddc40b42553", + "task_name": "Tatoeba", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "sqi-eng", + "languages": [ + "sqi-Latn", + "eng-Latn" + ], + "accuracy": 19.400000000000002, + "f1": 15.386076064970075, + "precision": 14.253878834615676, + "recall": 19.400000000000002, + "main_score": 15.386076064970075 + }, + { + "hf_subset": "fry-eng", + "languages": [ + "fry-Latn", + "eng-Latn" + ], + "accuracy": 42.19653179190752, + "f1": 37.726396917148364, + "precision": 36.14643545279384, + "recall": 42.19653179190752, + "main_score": 37.726396917148364 + }, + { + "hf_subset": "kur-eng", + "languages": [ + "kur-Latn", + "eng-Latn" + ], + "accuracy": 18.536585365853657, + "f1": 13.512010347376199, + "precision": 12.034068912117693, + "recall": 18.536585365853657, + "main_score": 13.512010347376199 + }, + { + "hf_subset": "tur-eng", + "languages": [ + "tur-Latn", + "eng-Latn" + ], + "accuracy": 81.69999999999999, + "f1": 77.37888888888888, + "precision": 75.49583333333332, + "recall": 81.69999999999999, + "main_score": 77.37888888888888 + }, + { + "hf_subset": "deu-eng", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "accuracy": 97.39999999999999, + "f1": 96.56666666666666, + "precision": 96.16666666666667, + "recall": 97.39999999999999, + "main_score": 96.56666666666666 + }, + { + "hf_subset": "nld-eng", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "accuracy": 90.0, + "f1": 87.22333333333333, + "precision": 85.89166666666667, + "recall": 90.0, + "main_score": 87.22333333333333 + }, + { + "hf_subset": "ron-eng", + "languages": [ + "ron-Latn", + "eng-Latn" + ], + "accuracy": 64.7, + "f1": 59.10904761904763, + "precision": 56.91968253968254, + "recall": 64.7, + "main_score": 59.10904761904763 + }, + { + "hf_subset": "ang-eng", + "languages": [ + "ang-Latn", + "eng-Latn" + ], + "accuracy": 38.80597014925373, + "f1": 30.890784174366264, + "precision": 28.327114427860696, + "recall": 38.80597014925373, + "main_score": 30.890784174366264 + }, + { + "hf_subset": "ido-eng", + "languages": [ + "ido-Latn", + "eng-Latn" + ], + "accuracy": 53.900000000000006, + "f1": 48.294138583638585, + "precision": 46.333495670995674, + "recall": 53.900000000000006, + "main_score": 48.294138583638585 + }, + { + "hf_subset": "jav-eng", + "languages": [ + "jav-Latn", + "eng-Latn" + ], + "accuracy": 11.707317073170733, + "f1": 8.999999999999998, + "precision": 8.175377468060395, + "recall": 11.707317073170733, + "main_score": 8.999999999999998 + }, + { + "hf_subset": "isl-eng", + "languages": [ + "isl-Latn", + "eng-Latn" + ], + "accuracy": 15.9, + "f1": 12.451226269430602, + "precision": 11.404807799760325, + "recall": 15.9, + "main_score": 12.451226269430602 + }, + { + "hf_subset": "slv-eng", + "languages": [ + "slv-Latn", + "eng-Latn" + ], + "accuracy": 41.919805589307416, + "f1": 35.880619060297064, + "precision": 33.77682308241239, + "recall": 41.919805589307416, + "main_score": 35.880619060297064 + }, + { + "hf_subset": "cym-eng", + "languages": [ + "cym-Latn", + "eng-Latn" + ], + "accuracy": 10.956521739130434, + "f1": 9.098715976676996, + "precision": 8.659935858401333, + "recall": 10.956521739130434, + "main_score": 9.098715976676996 + }, + { + "hf_subset": "kaz-eng", + "languages": [ + "kaz-Cyrl", + "eng-Latn" + ], + "accuracy": 11.652173913043478, + "f1": 9.154324883225136, + "precision": 8.505898125360801, + "recall": 11.652173913043478, + "main_score": 9.154324883225136 + }, + { + "hf_subset": "est-eng", + "languages": [ + "est-Latn", + "eng-Latn" + ], + "accuracy": 9.700000000000001, + "f1": 7.431679431679432, + "precision": 6.799925118740907, + "recall": 9.700000000000001, + "main_score": 7.431679431679432 + }, + { + "hf_subset": "heb-eng", + "languages": [ + "heb-Hebr", + "eng-Latn" + ], + "accuracy": 77.5, + "f1": 72.39999999999999, + "precision": 70.13444444444444, + "recall": 77.5, + "main_score": 72.39999999999999 + }, + { + "hf_subset": "gla-eng", + "languages": [ + "gla-Latn", + "eng-Latn" + ], + "accuracy": 5.548854041013269, + "f1": 4.233155465362944, + "precision": 3.948150869646547, + "recall": 5.548854041013269, + "main_score": 4.233155465362944 + }, + { + "hf_subset": "mar-eng", + "languages": [ + "mar-Deva", + "eng-Latn" + ], + "accuracy": 73.5, + "f1": 67.35333333333332, + "precision": 64.63666666666666, + "recall": 73.5, + "main_score": 67.35333333333332 + }, + { + "hf_subset": "lat-eng", + "languages": [ + "lat-Latn", + "eng-Latn" + ], + "accuracy": 27.700000000000003, + "f1": 21.152765495941964, + "precision": 19.27832403707404, + "recall": 27.700000000000003, + "main_score": 21.152765495941964 + }, + { + "hf_subset": "bel-eng", + "languages": [ + "bel-Cyrl", + "eng-Latn" + ], + "accuracy": 48.1, + "f1": 41.21001443001443, + "precision": 38.628495670995676, + "recall": 48.1, + "main_score": 41.21001443001443 + }, + { + "hf_subset": "pms-eng", + "languages": [ + "pms-Latn", + "eng-Latn" + ], + "accuracy": 40.0, + "f1": 34.32060003488575, + "precision": 32.32134353741497, + "recall": 40.0, + "main_score": 34.32060003488575 + }, + { + "hf_subset": "gle-eng", + "languages": [ + "gle-Latn", + "eng-Latn" + ], + "accuracy": 6.800000000000001, + "f1": 4.3954389450190465, + "precision": 3.893838027469606, + "recall": 6.800000000000001, + "main_score": 4.3954389450190465 + }, + { + "hf_subset": "pes-eng", + "languages": [ + "pes-Arab", + "eng-Latn" + ], + "accuracy": 51.800000000000004, + "f1": 45.04222943722944, + "precision": 42.541984126984126, + "recall": 51.800000000000004, + "main_score": 45.04222943722944 + }, + { + "hf_subset": "nob-eng", + "languages": [ + "nob-Latn", + "eng-Latn" + ], + "accuracy": 83.1, + "f1": 79.20675324675324, + "precision": 77.44944444444444, + "recall": 83.1, + "main_score": 79.20675324675324 + }, + { + "hf_subset": "bul-eng", + "languages": [ + "bul-Cyrl", + "eng-Latn" + ], + "accuracy": 66.8, + "f1": 60.25746031746031, + "precision": 57.55250000000001, + "recall": 66.8, + "main_score": 60.25746031746031 + }, + { + "hf_subset": "cbk-eng", + "languages": [ + "cbk-Latn", + "eng-Latn" + ], + "accuracy": 63.6, + "f1": 56.73421356421356, + "precision": 54.02218253968254, + "recall": 63.6, + "main_score": 56.73421356421356 + }, + { + "hf_subset": "hun-eng", + "languages": [ + "hun-Latn", + "eng-Latn" + ], + "accuracy": 17.599999999999998, + "f1": 13.17699134199134, + "precision": 11.77444805194805, + "recall": 17.599999999999998, + "main_score": 13.17699134199134 + }, + { + "hf_subset": "uig-eng", + "languages": [ + "uig-Arab", + "eng-Latn" + ], + "accuracy": 2.0, + "f1": 1.3126923076923078, + "precision": 1.104952380952381, + "recall": 2.0, + "main_score": 1.3126923076923078 + }, + { + "hf_subset": "rus-eng", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "accuracy": 88.3, + "f1": 84.96333333333334, + "precision": 83.38333333333333, + "recall": 88.3, + "main_score": 84.96333333333334 + }, + { + "hf_subset": "spa-eng", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "accuracy": 94.69999999999999, + "f1": 93.12333333333333, + "precision": 92.375, + "recall": 94.69999999999999, + "main_score": 93.12333333333333 + }, + { + "hf_subset": "hye-eng", + "languages": [ + "hye-Armn", + "eng-Latn" + ], + "accuracy": 0.6738544474393532, + "f1": 0.3690849566291394, + "precision": 0.3305452159899599, + "recall": 0.6738544474393532, + "main_score": 0.3690849566291394 + }, + { + "hf_subset": "tel-eng", + "languages": [ + "tel-Telu", + "eng-Latn" + ], + "accuracy": 71.7948717948718, + "f1": 65.37037037037037, + "precision": 62.46438746438747, + "recall": 71.7948717948718, + "main_score": 65.37037037037037 + }, + { + "hf_subset": "afr-eng", + "languages": [ + "afr-Latn", + "eng-Latn" + ], + "accuracy": 56.699999999999996, + "f1": 50.58054945054945, + "precision": 48.313047619047616, + "recall": 56.699999999999996, + "main_score": 50.58054945054945 + }, + { + "hf_subset": "mon-eng", + "languages": [ + "mon-Cyrl", + "eng-Latn" + ], + "accuracy": 13.863636363636363, + "f1": 10.948429096156369, + "precision": 10.227287994137523, + "recall": 13.863636363636363, + "main_score": 10.948429096156369 + }, + { + "hf_subset": "arz-eng", + "languages": [ + "arz-Arab", + "eng-Latn" + ], + "accuracy": 62.473794549266245, + "f1": 56.04172906059699, + "precision": 53.26694619147448, + "recall": 62.473794549266245, + "main_score": 56.04172906059699 + }, + { + "hf_subset": "hrv-eng", + "languages": [ + "hrv-Latn", + "eng-Latn" + ], + "accuracy": 40.0, + "f1": 34.62948179271708, + "precision": 32.699030910609864, + "recall": 40.0, + "main_score": 34.62948179271708 + }, + { + "hf_subset": "nov-eng", + "languages": [ + "nov-Latn", + "eng-Latn" + ], + "accuracy": 60.311284046692606, + "f1": 54.06182447038479, + "precision": 51.757921067259595, + "recall": 60.311284046692606, + "main_score": 54.06182447038479 + }, + { + "hf_subset": "gsw-eng", + "languages": [ + "gsw-Latn", + "eng-Latn" + ], + "accuracy": 43.58974358974359, + "f1": 37.042359350051655, + "precision": 34.75783475783476, + "recall": 43.58974358974359, + "main_score": 37.042359350051655 + }, + { + "hf_subset": "nds-eng", + "languages": [ + "nds-Latn", + "eng-Latn" + ], + "accuracy": 56.49999999999999, + "f1": 49.471269841269844, + "precision": 46.742182539682545, + "recall": 56.49999999999999, + "main_score": 49.471269841269844 + }, + { + "hf_subset": "ukr-eng", + "languages": [ + "ukr-Cyrl", + "eng-Latn" + ], + "accuracy": 71.5, + "f1": 65.32880952380951, + "precision": 62.71261904761904, + "recall": 71.5, + "main_score": 65.32880952380951 + }, + { + "hf_subset": "uzb-eng", + "languages": [ + "uzb-Latn", + "eng-Latn" + ], + "accuracy": 11.448598130841122, + "f1": 7.861361294691689, + "precision": 6.961045509526818, + "recall": 11.448598130841122, + "main_score": 7.861361294691689 + }, + { + "hf_subset": "lit-eng", + "languages": [ + "lit-Latn", + "eng-Latn" + ], + "accuracy": 13.5, + "f1": 10.448586132968154, + "precision": 9.624691955878397, + "recall": 13.5, + "main_score": 10.448586132968154 + }, + { + "hf_subset": "ina-eng", + "languages": [ + "ina-Latn", + "eng-Latn" + ], + "accuracy": 82.19999999999999, + "f1": 78.25366946778712, + "precision": 76.54291666666667, + "recall": 82.19999999999999, + "main_score": 78.25366946778712 + }, + { + "hf_subset": "lfn-eng", + "languages": [ + "lfn-Latn", + "eng-Latn" + ], + "accuracy": 53.5, + "f1": 47.48505411255411, + "precision": 45.29801587301587, + "recall": 53.5, + "main_score": 47.48505411255411 + }, + { + "hf_subset": "zsm-eng", + "languages": [ + "zsm-Latn", + "eng-Latn" + ], + "accuracy": 61.1, + "f1": 54.60758056758057, + "precision": 52.16455433455434, + "recall": 61.1, + "main_score": 54.60758056758057 + }, + { + "hf_subset": "ita-eng", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "accuracy": 85.1, + "f1": 81.98506715506716, + "precision": 80.64754901960784, + "recall": 85.1, + "main_score": 81.98506715506716 + }, + { + "hf_subset": "cmn-eng", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "accuracy": 89.2, + "f1": 86.13333333333333, + "precision": 84.65, + "recall": 89.2, + "main_score": 86.13333333333333 + }, + { + "hf_subset": "lvs-eng", + "languages": [ + "lvs-Latn", + "eng-Latn" + ], + "accuracy": 13.600000000000001, + "f1": 10.721816580317723, + "precision": 9.97922024538847, + "recall": 13.600000000000001, + "main_score": 10.721816580317723 + }, + { + "hf_subset": "glg-eng", + "languages": [ + "glg-Latn", + "eng-Latn" + ], + "accuracy": 79.0, + "f1": 74.2652380952381, + "precision": 72.18690476190476, + "recall": 79.0, + "main_score": 74.2652380952381 + }, + { + "hf_subset": "ceb-eng", + "languages": [ + "ceb-Latn", + "eng-Latn" + ], + "accuracy": 12.833333333333332, + "f1": 10.45993265993266, + "precision": 9.849548907882243, + "recall": 12.833333333333332, + "main_score": 10.45993265993266 + }, + { + "hf_subset": "bre-eng", + "languages": [ + "bre-Latn", + "eng-Latn" + ], + "accuracy": 8.3, + "f1": 5.457311371692176, + "precision": 4.8466941508148595, + "recall": 8.3, + "main_score": 5.457311371692176 + }, + { + "hf_subset": "ben-eng", + "languages": [ + "ben-Beng", + "eng-Latn" + ], + "accuracy": 26.3, + "f1": 20.851341154819416, + "precision": 19.1173617945522, + "recall": 26.3, + "main_score": 20.851341154819416 + }, + { + "hf_subset": "swg-eng", + "languages": [ + "swg-Latn", + "eng-Latn" + ], + "accuracy": 41.964285714285715, + "f1": 36.38605442176871, + "precision": 34.523809523809526, + "recall": 41.964285714285715, + "main_score": 36.38605442176871 + }, + { + "hf_subset": "arq-eng", + "languages": [ + "arq-Arab", + "eng-Latn" + ], + "accuracy": 26.454445664105382, + "f1": 20.67692765826684, + "precision": 18.684070229075715, + "recall": 26.454445664105382, + "main_score": 20.67692765826684 + }, + { + "hf_subset": "kab-eng", + "languages": [ + "kab-Latn", + "eng-Latn" + ], + "accuracy": 2.8000000000000003, + "f1": 1.9487240537240536, + "precision": 1.7766582325720255, + "recall": 2.8000000000000003, + "main_score": 1.9487240537240536 + }, + { + "hf_subset": "fra-eng", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "accuracy": 91.5, + "f1": 89.39, + "precision": 88.425, + "recall": 91.5, + "main_score": 89.39 + }, + { + "hf_subset": "por-eng", + "languages": [ + "por-Latn", + "eng-Latn" + ], + "accuracy": 91.5, + "f1": 89.38333333333333, + "precision": 88.36666666666667, + "recall": 91.5, + "main_score": 89.38333333333333 + }, + { + "hf_subset": "tat-eng", + "languages": [ + "tat-Cyrl", + "eng-Latn" + ], + "accuracy": 9.2, + "f1": 6.672282438325198, + "precision": 6.046073589145276, + "recall": 9.2, + "main_score": 6.672282438325198 + }, + { + "hf_subset": "oci-eng", + "languages": [ + "oci-Latn", + "eng-Latn" + ], + "accuracy": 45.2, + "f1": 39.12095238095238, + "precision": 36.820952380952384, + "recall": 45.2, + "main_score": 39.12095238095238 + }, + { + "hf_subset": "pol-eng", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "accuracy": 86.8, + "f1": 83.35000000000001, + "precision": 81.825, + "recall": 86.8, + "main_score": 83.35000000000001 + }, + { + "hf_subset": "war-eng", + "languages": [ + "war-Latn", + "eng-Latn" + ], + "accuracy": 13.5, + "f1": 10.66862856136998, + "precision": 9.845928551928552, + "recall": 13.5, + "main_score": 10.66862856136998 + }, + { + "hf_subset": "aze-eng", + "languages": [ + "aze-Latn", + "eng-Latn" + ], + "accuracy": 33.4, + "f1": 27.78153389993659, + "precision": 25.778055555555557, + "recall": 33.4, + "main_score": 27.78153389993659 + }, + { + "hf_subset": "vie-eng", + "languages": [ + "vie-Latn", + "eng-Latn" + ], + "accuracy": 57.699999999999996, + "f1": 50.440714285714286, + "precision": 47.64396825396825, + "recall": 57.699999999999996, + "main_score": 50.440714285714286 + }, + { + "hf_subset": "nno-eng", + "languages": [ + "nno-Latn", + "eng-Latn" + ], + "accuracy": 62.2, + "f1": 56.0098625351257, + "precision": 53.691914098972916, + "recall": 62.2, + "main_score": 56.0098625351257 + }, + { + "hf_subset": "cha-eng", + "languages": [ + "cha-Latn", + "eng-Latn" + ], + "accuracy": 27.00729927007299, + "f1": 22.798053527980535, + "precision": 21.107055961070557, + "recall": 27.00729927007299, + "main_score": 22.798053527980535 + }, + { + "hf_subset": "mhr-eng", + "languages": [ + "mhr-Cyrl", + "eng-Latn" + ], + "accuracy": 6.2, + "f1": 4.295544090473964, + "precision": 3.913153952193392, + "recall": 6.2, + "main_score": 4.295544090473964 + }, + { + "hf_subset": "dan-eng", + "languages": [ + "dan-Latn", + "eng-Latn" + ], + "accuracy": 77.10000000000001, + "f1": 72.49333333333334, + "precision": 70.53368637110017, + "recall": 77.10000000000001, + "main_score": 72.49333333333334 + }, + { + "hf_subset": "ell-eng", + "languages": [ + "ell-Grek", + "eng-Latn" + ], + "accuracy": 15.2, + "f1": 10.429591693330824, + "precision": 9.145801926831338, + "recall": 15.2, + "main_score": 10.429591693330824 + }, + { + "hf_subset": "amh-eng", + "languages": [ + "amh-Ethi", + "eng-Latn" + ], + "accuracy": 1.7857142857142856, + "f1": 0.3635204081632653, + "precision": 0.205026455026455, + "recall": 1.7857142857142856, + "main_score": 0.3635204081632653 + }, + { + "hf_subset": "pam-eng", + "languages": [ + "pam-Latn", + "eng-Latn" + ], + "accuracy": 6.4, + "f1": 4.8412763053939525, + "precision": 4.444087810337809, + "recall": 6.4, + "main_score": 4.8412763053939525 + }, + { + "hf_subset": "hsb-eng", + "languages": [ + "hsb-Latn", + "eng-Latn" + ], + "accuracy": 43.47826086956522, + "f1": 37.13266949291794, + "precision": 34.655332590115194, + "recall": 43.47826086956522, + "main_score": 37.13266949291794 + }, + { + "hf_subset": "srp-eng", + "languages": [ + "srp-Cyrl", + "eng-Latn" + ], + "accuracy": 42.0, + "f1": 35.412229437229435, + "precision": 32.907539682539685, + "recall": 42.0, + "main_score": 35.412229437229435 + }, + { + "hf_subset": "epo-eng", + "languages": [ + "epo-Latn", + "eng-Latn" + ], + "accuracy": 36.0, + "f1": 30.53874458874459, + "precision": 28.711192408382807, + "recall": 36.0, + "main_score": 30.53874458874459 + }, + { + "hf_subset": "kzj-eng", + "languages": [ + "kzj-Latn", + "eng-Latn" + ], + "accuracy": 7.9, + "f1": 5.80190114561213, + "precision": 5.298527531836355, + "recall": 7.9, + "main_score": 5.80190114561213 + }, + { + "hf_subset": "awa-eng", + "languages": [ + "awa-Deva", + "eng-Latn" + ], + "accuracy": 49.35064935064935, + "f1": 41.57805638325119, + "precision": 38.87445887445887, + "recall": 49.35064935064935, + "main_score": 41.57805638325119 + }, + { + "hf_subset": "fao-eng", + "languages": [ + "fao-Latn", + "eng-Latn" + ], + "accuracy": 25.572519083969464, + "f1": 21.338006776938073, + "precision": 20.194474736459465, + "recall": 25.572519083969464, + "main_score": 21.338006776938073 + }, + { + "hf_subset": "mal-eng", + "languages": [ + "mal-Mlym", + "eng-Latn" + ], + "accuracy": 79.62154294032024, + "f1": 74.47355652595827, + "precision": 72.2076661814653, + "recall": 79.62154294032024, + "main_score": 74.47355652595827 + }, + { + "hf_subset": "ile-eng", + "languages": [ + "ile-Latn", + "eng-Latn" + ], + "accuracy": 68.0, + "f1": 61.80859649122807, + "precision": 59.30381381381381, + "recall": 68.0, + "main_score": 61.80859649122807 + }, + { + "hf_subset": "bos-eng", + "languages": [ + "bos-Latn", + "eng-Latn" + ], + "accuracy": 42.93785310734463, + "f1": 36.72617201306135, + "precision": 34.72641059505466, + "recall": 42.93785310734463, + "main_score": 36.72617201306135 + }, + { + "hf_subset": "cor-eng", + "languages": [ + "cor-Latn", + "eng-Latn" + ], + "accuracy": 5.5, + "f1": 3.8651658986175113, + "precision": 3.4432814407814405, + "recall": 5.5, + "main_score": 3.8651658986175113 + }, + { + "hf_subset": "cat-eng", + "languages": [ + "cat-Latn", + "eng-Latn" + ], + "accuracy": 69.19999999999999, + "f1": 63.41880952380953, + "precision": 61.07913419913419, + "recall": 69.19999999999999, + "main_score": 63.41880952380953 + }, + { + "hf_subset": "eus-eng", + "languages": [ + "eus-Latn", + "eng-Latn" + ], + "accuracy": 15.4, + "f1": 11.672122577122575, + "precision": 10.59919974661354, + "recall": 15.4, + "main_score": 11.672122577122575 + }, + { + "hf_subset": "yue-eng", + "languages": [ + "yue-Hant", + "eng-Latn" + ], + "accuracy": 58.5, + "f1": 51.31880452880453, + "precision": 48.60550125313283, + "recall": 58.5, + "main_score": 51.31880452880453 + }, + { + "hf_subset": "swe-eng", + "languages": [ + "swe-Latn", + "eng-Latn" + ], + "accuracy": 89.3, + "f1": 86.32666666666667, + "precision": 84.98333333333333, + "recall": 89.3, + "main_score": 86.32666666666667 + }, + { + "hf_subset": "dtp-eng", + "languages": [ + "dtp-Latn", + "eng-Latn" + ], + "accuracy": 5.7, + "f1": 3.8739805216757546, + "precision": 3.4734608954367014, + "recall": 5.7, + "main_score": 3.8739805216757546 + }, + { + "hf_subset": "kat-eng", + "languages": [ + "kat-Geor", + "eng-Latn" + ], + "accuracy": 0.8042895442359249, + "f1": 0.7596067917783735, + "precision": 0.7372654155495978, + "recall": 0.8042895442359249, + "main_score": 0.7596067917783735 + }, + { + "hf_subset": "jpn-eng", + "languages": [ + "jpn-Jpan", + "eng-Latn" + ], + "accuracy": 89.7, + "f1": 86.92333333333333, + "precision": 85.64166666666667, + "recall": 89.7, + "main_score": 86.92333333333333 + }, + { + "hf_subset": "csb-eng", + "languages": [ + "csb-Latn", + "eng-Latn" + ], + "accuracy": 26.08695652173913, + "f1": 20.517863778733343, + "precision": 18.901098901098898, + "recall": 26.08695652173913, + "main_score": 20.517863778733343 + }, + { + "hf_subset": "xho-eng", + "languages": [ + "xho-Latn", + "eng-Latn" + ], + "accuracy": 12.676056338028168, + "f1": 9.526324614352783, + "precision": 9.006292657908235, + "recall": 12.676056338028168, + "main_score": 9.526324614352783 + }, + { + "hf_subset": "orv-eng", + "languages": [ + "orv-Cyrl", + "eng-Latn" + ], + "accuracy": 24.910179640718564, + "f1": 19.645099411566473, + "precision": 17.676076418591386, + "recall": 24.910179640718564, + "main_score": 19.645099411566473 + }, + { + "hf_subset": "ind-eng", + "languages": [ + "ind-Latn", + "eng-Latn" + ], + "accuracy": 61.4, + "f1": 54.64269841269841, + "precision": 51.981071428571425, + "recall": 61.4, + "main_score": 54.64269841269841 + }, + { + "hf_subset": "tuk-eng", + "languages": [ + "tuk-Latn", + "eng-Latn" + ], + "accuracy": 11.330049261083744, + "f1": 9.610016420361248, + "precision": 9.123781574258464, + "recall": 11.330049261083744, + "main_score": 9.610016420361248 + }, + { + "hf_subset": "max-eng", + "languages": [ + "max-Deva", + "eng-Latn" + ], + "accuracy": 27.816901408450708, + "f1": 22.51925345174495, + "precision": 21.10468365750056, + "recall": 27.816901408450708, + "main_score": 22.51925345174495 + }, + { + "hf_subset": "swh-eng", + "languages": [ + "swh-Latn", + "eng-Latn" + ], + "accuracy": 11.282051282051283, + "f1": 7.777167097237831, + "precision": 7.050109879436802, + "recall": 11.282051282051283, + "main_score": 7.777167097237831 + }, + { + "hf_subset": "hin-eng", + "languages": [ + "hin-Deva", + "eng-Latn" + ], + "accuracy": 86.0, + "f1": 82.05857142857143, + "precision": 80.25, + "recall": 86.0, + "main_score": 82.05857142857143 + }, + { + "hf_subset": "dsb-eng", + "languages": [ + "dsb-Latn", + "eng-Latn" + ], + "accuracy": 34.44676409185804, + "f1": 28.296517215097587, + "precision": 26.16624956236465, + "recall": 34.44676409185804, + "main_score": 28.296517215097587 + }, + { + "hf_subset": "ber-eng", + "languages": [ + "ber-Tfng", + "eng-Latn" + ], + "accuracy": 7.199999999999999, + "f1": 5.500051631938041, + "precision": 5.164411510424442, + "recall": 7.199999999999999, + "main_score": 5.500051631938041 + }, + { + "hf_subset": "tam-eng", + "languages": [ + "tam-Taml", + "eng-Latn" + ], + "accuracy": 71.9869706840391, + "f1": 65.79339227547696, + "precision": 63.16503800217155, + "recall": 71.9869706840391, + "main_score": 65.79339227547696 + }, + { + "hf_subset": "slk-eng", + "languages": [ + "slk-Latn", + "eng-Latn" + ], + "accuracy": 70.89999999999999, + "f1": 65.4152380952381, + "precision": 63.106666666666655, + "recall": 70.89999999999999, + "main_score": 65.4152380952381 + }, + { + "hf_subset": "tgl-eng", + "languages": [ + "tgl-Latn", + "eng-Latn" + ], + "accuracy": 21.0, + "f1": 17.86438197644649, + "precision": 16.84469948469949, + "recall": 21.0, + "main_score": 17.86438197644649 + }, + { + "hf_subset": "ast-eng", + "languages": [ + "ast-Latn", + "eng-Latn" + ], + "accuracy": 62.20472440944882, + "f1": 55.81364829396325, + "precision": 53.262092238470196, + "recall": 62.20472440944882, + "main_score": 55.81364829396325 + }, + { + "hf_subset": "mkd-eng", + "languages": [ + "mkd-Cyrl", + "eng-Latn" + ], + "accuracy": 41.8, + "f1": 34.724603174603175, + "precision": 32.040277777777774, + "recall": 41.8, + "main_score": 34.724603174603175 + }, + { + "hf_subset": "khm-eng", + "languages": [ + "khm-Khmr", + "eng-Latn" + ], + "accuracy": 0.41551246537396125, + "f1": 0.3462603878116343, + "precision": 0.32317636195752536, + "recall": 0.41551246537396125, + "main_score": 0.3462603878116343 + }, + { + "hf_subset": "ces-eng", + "languages": [ + "ces-Latn", + "eng-Latn" + ], + "accuracy": 85.6, + "f1": 81.81333333333333, + "precision": 80.08333333333334, + "recall": 85.6, + "main_score": 81.81333333333333 + }, + { + "hf_subset": "tzl-eng", + "languages": [ + "tzl-Latn", + "eng-Latn" + ], + "accuracy": 31.73076923076923, + "f1": 26.097374847374844, + "precision": 24.31891025641026, + "recall": 31.73076923076923, + "main_score": 26.097374847374844 + }, + { + "hf_subset": "urd-eng", + "languages": [ + "urd-Arab", + "eng-Latn" + ], + "accuracy": 9.6, + "f1": 6.598392371412457, + "precision": 5.855494356434758, + "recall": 9.6, + "main_score": 6.598392371412457 + }, + { + "hf_subset": "ara-eng", + "languages": [ + "ara-Arab", + "eng-Latn" + ], + "accuracy": 83.5, + "f1": 79.65190476190476, + "precision": 77.875, + "recall": 83.5, + "main_score": 79.65190476190476 + }, + { + "hf_subset": "kor-eng", + "languages": [ + "kor-Hang", + "eng-Latn" + ], + "accuracy": 80.5, + "f1": 75.75999999999999, + "precision": 73.60333333333332, + "recall": 80.5, + "main_score": 75.75999999999999 + }, + { + "hf_subset": "yid-eng", + "languages": [ + "yid-Hebr", + "eng-Latn" + ], + "accuracy": 2.1226415094339623, + "f1": 1.4622641509433962, + "precision": 1.2637578616352203, + "recall": 2.1226415094339623, + "main_score": 1.4622641509433962 + }, + { + "hf_subset": "fin-eng", + "languages": [ + "fin-Latn", + "eng-Latn" + ], + "accuracy": 23.0, + "f1": 18.111780719280716, + "precision": 16.497738095238095, + "recall": 23.0, + "main_score": 18.111780719280716 + }, + { + "hf_subset": "tha-eng", + "languages": [ + "tha-Thai", + "eng-Latn" + ], + "accuracy": 4.562043795620438, + "f1": 3.1632119907667358, + "precision": 2.8806772100567724, + "recall": 4.562043795620438, + "main_score": 3.1632119907667358 + }, + { + "hf_subset": "wuu-eng", + "languages": [ + "wuu-Hans", + "eng-Latn" + ], + "accuracy": 75.9, + "f1": 70.57690476190476, + "precision": 68.19761904761904, + "recall": 75.9, + "main_score": 70.57690476190476 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/Touche2020.json b/results/amazon__Titan-text-embeddings-v2/external/Touche2020.json new file mode 100644 index 000000000..dcc6b6602 --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.804, + "map_at_10": 11.267000000000001, + "map_at_100": 17.034, + "map_at_1000": 18.733, + "map_at_3": 6.071, + "map_at_5": 8.187, + "mrr_at_1": 34.694, + "mrr_at_10": 50.504000000000005, + "mrr_at_100": 51.162, + "mrr_at_1000": 51.162, + "mrr_at_3": 45.918, + "mrr_at_5": 49.082, + "ndcg_at_1": 33.672999999999995, + "ndcg_at_10": 27.478, + "ndcg_at_100": 37.961, + "ndcg_at_1000": 50.117, + "ndcg_at_3": 30.156, + "ndcg_at_5": 29.293999999999997, + "precision_at_1": 34.694, + "precision_at_10": 24.082, + "precision_at_100": 7.632999999999999, + "precision_at_1000": 1.569, + "precision_at_3": 30.612000000000002, + "precision_at_5": 29.387999999999998, + "recall_at_1": 2.804, + "recall_at_10": 17.785, + "recall_at_100": 47.452, + "recall_at_1000": 84.687, + "recall_at_3": 6.9190000000000005, + "recall_at_5": 10.807, + "main_score": 27.478 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/ToxicConversationsClassification.json b/results/amazon__Titan-text-embeddings-v2/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..7f6aa65e3 --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.5162, + "ap": 15.022137849208509, + "f1": 56.77914300422838, + "main_score": 74.5162 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/TweetSentimentExtractionClassification.json b/results/amazon__Titan-text-embeddings-v2/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..3d7c7cd08 --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 59.589700056593095, + "f1": 59.93893560752363, + "main_score": 59.589700056593095 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/TwentyNewsgroupsClustering.json b/results/amazon__Titan-text-embeddings-v2/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..dc4538a5c --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.11538634360855, + "main_score": 40.11538634360855 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/TwitterSemEval2015.json b/results/amazon__Titan-text-embeddings-v2/external/TwitterSemEval2015.json new file mode 100644 index 000000000..d3a7214c7 --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 83.97806520832091, + "cos_sim_ap": 67.80381341664686, + "cos_sim_f1": 63.01665268958908, + "cos_sim_precision": 57.713407943822695, + "cos_sim_recall": 69.39313984168865, + "dot_accuracy": 83.9899862907552, + "dot_ap": 67.80914960711299, + "dot_f1": 63.0287144048612, + "dot_precision": 57.46252444058223, + "dot_recall": 69.78891820580475, + "euclidean_accuracy": 83.9601835846695, + "euclidean_ap": 67.79862461635126, + "euclidean_f1": 63.02426882389545, + "euclidean_precision": 59.64664310954063, + "euclidean_recall": 66.80738786279683, + "manhattan_accuracy": 83.94230196101806, + "manhattan_ap": 67.78560087328111, + "manhattan_f1": 63.10622881851117, + "manhattan_precision": 56.63939584644431, + "manhattan_recall": 71.2401055408971, + "max_accuracy": 83.9899862907552, + "max_ap": 67.80914960711299, + "max_f1": 63.10622881851117, + "main_score": 67.80914960711299 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/TwitterURLCorpus.json b/results/amazon__Titan-text-embeddings-v2/external/TwitterURLCorpus.json new file mode 100644 index 000000000..597d1d519 --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.04994760740482, + "cos_sim_ap": 85.71231674852108, + "cos_sim_f1": 78.92350867093619, + "cos_sim_precision": 74.07807645549101, + "cos_sim_recall": 84.44718201416693, + "dot_accuracy": 89.05188807389295, + "dot_ap": 85.71776365526502, + "dot_f1": 78.92055922835156, + "dot_precision": 74.34152317430069, + "dot_recall": 84.10070834616569, + "euclidean_accuracy": 89.05188807389295, + "euclidean_ap": 85.7114644968015, + "euclidean_f1": 78.9458525345622, + "euclidean_precision": 74.14119556397078, + "euclidean_recall": 84.41638435478903, + "manhattan_accuracy": 89.06547133930997, + "manhattan_ap": 85.70658730333459, + "manhattan_f1": 78.91009741543552, + "manhattan_precision": 74.00714719169308, + "manhattan_recall": 84.5087773329227, + "max_accuracy": 89.06547133930997, + "max_ap": 85.71776365526502, + "max_f1": 78.9458525345622, + "main_score": 85.71776365526502 + } + ] + } +} \ No newline at end of file diff --git a/results/amazon__Titan-text-embeddings-v2/external/model_meta.json b/results/amazon__Titan-text-embeddings-v2/external/model_meta.json new file mode 100644 index 000000000..4cadc0db2 --- /dev/null +++ b/results/amazon__Titan-text-embeddings-v2/external/model_meta.json @@ -0,0 +1,131 @@ +{ + "name": "amazon/Titan-text-embeddings-v2", + "revision": "6023613fd978f20978e631feb60a585a3647fd20", + "release_date": "2024-04-30", + "languages": [ + "en", + "fr", + "de", + "es", + "ja", + "zh", + "hi", + "ar", + "it", + "pt", + "sv", + "ko", + "he", + "cs", + "tr", + "tl", + "ru", + "nl", + "pl", + "ta", + "mr", + "ml", + "te", + "kn", + "vi", + "id", + "fa", + "hu", + "el", + "ro", + "da", + "th", + "fi", + "sk", + "uk", + "no", + "bg", + "ca", + "sr", + "hr", + "lt", + "sl", + "et", + "la", + "bn", + "lv", + "ms", + "bs", + "sq", + "az", + "gl", + "is", + "ka", + "mk", + "eu", + "hy", + "ne", + "ur", + "kk", + "mn", + "be", + "uz", + "km", + "nn", + "gu", + "my", + "cy", + "eo", + "si", + "tt", + "sw", + "af", + "ga", + "pa", + "ku", + "ky", + "tg", + "or", + "lo", + "fo", + "mt", + "so", + "lb", + "am", + "oc", + "jv", + "ha", + "ps", + "sa", + "fy", + "mg", + "as", + "ba", + "br", + "tk", + "co", + "dv", + "rw", + "ht", + "yi", + "sd", + "zu", + "gd", + "bo", + "ug", + "mi", + "rm", + "xh", + "su", + "yo" + ], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": 8192, + "embed_dim": 1024, + "license": "other", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/AmazonCounterfactualClassification.json b/results/andersonbcdefg__bge-small-4096/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..097acccfd --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 68.74626865671641, + "ap": 31.113961861085855, + "f1": 62.628656720790275, + "main_score": 68.74626865671641 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/AmazonPolarityClassification.json b/results/andersonbcdefg__bge-small-4096/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..74153208c --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 81.30347499999999, + "ap": 76.05639977935193, + "f1": 81.23180016825499, + "main_score": 81.30347499999999 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/AmazonReviewsClassification.json b/results/andersonbcdefg__bge-small-4096/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..cbf8c9384 --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 38.566, + "f1": 38.014543974125615, + "main_score": 38.566 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/ArguAna.json b/results/andersonbcdefg__bge-small-4096/external/ArguAna.json new file mode 100644 index 000000000..4f07a30f7 --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.445, + "map_at_10": 44.157999999999994, + "map_at_100": 45.169, + "map_at_1000": 45.178000000000004, + "map_at_3": 39.545, + "map_at_5": 42.233, + "mrr_at_1": 29.445, + "mrr_at_10": 44.157999999999994, + "mrr_at_100": 45.169, + "mrr_at_1000": 45.178000000000004, + "mrr_at_3": 39.545, + "mrr_at_5": 42.233, + "ndcg_at_1": 29.445, + "ndcg_at_10": 52.446000000000005, + "ndcg_at_100": 56.782, + "ndcg_at_1000": 56.989999999999995, + "ndcg_at_3": 42.935, + "ndcg_at_5": 47.833999999999996, + "precision_at_1": 29.445, + "precision_at_10": 7.8950000000000005, + "precision_at_100": 0.979, + "precision_at_1000": 0.1, + "precision_at_3": 17.591, + "precision_at_5": 12.959000000000001, + "recall_at_1": 29.445, + "recall_at_10": 78.947, + "recall_at_100": 97.937, + "recall_at_1000": 99.502, + "recall_at_3": 52.774, + "recall_at_5": 64.794, + "main_score": 52.446000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/ArxivClusteringP2P.json b/results/andersonbcdefg__bge-small-4096/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..5afb8bb66 --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 43.85187820924144, + "main_score": 43.85187820924144 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/ArxivClusteringS2S.json b/results/andersonbcdefg__bge-small-4096/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..4894a47f6 --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 29.5939502757938, + "main_score": 29.5939502757938 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/AskUbuntuDupQuestions.json b/results/andersonbcdefg__bge-small-4096/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..ca20efa41 --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 58.539409343284674, + "mrr": 71.58982983775228, + "main_score": 58.539409343284674 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/BIOSSES.json b/results/andersonbcdefg__bge-small-4096/external/BIOSSES.json new file mode 100644 index 000000000..d64281326 --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.31440765254087, + "cos_sim_spearman": 81.59884723689632, + "euclidean_pearson": 80.65818473893147, + "euclidean_spearman": 81.40004752638717, + "manhattan_pearson": 80.52256901536644, + "manhattan_spearman": 80.57292024599603, + "cosine_pearson": 82.31440765254087, + "cosine_spearman": 81.59884723689632, + "main_score": 81.59884723689632 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/Banking77Classification.json b/results/andersonbcdefg__bge-small-4096/external/Banking77Classification.json new file mode 100644 index 000000000..c9fa946a9 --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.98376623376623, + "f1": 79.91981901371503, + "main_score": 79.98376623376623 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/BiorxivClusteringP2P.json b/results/andersonbcdefg__bge-small-4096/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..c82c632d7 --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.79541356345093, + "main_score": 37.79541356345093 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/BiorxivClusteringS2S.json b/results/andersonbcdefg__bge-small-4096/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..59b2caf0b --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 26.760513681350375, + "main_score": 26.760513681350375 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/CQADupstackAndroidRetrieval.json b/results/andersonbcdefg__bge-small-4096/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..b8aacc4a9 --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.794, + "map_at_10": 33.361000000000004, + "map_at_100": 34.86, + "map_at_1000": 35.0, + "map_at_3": 30.579, + "map_at_5": 31.996000000000002, + "mrr_at_1": 30.186, + "mrr_at_10": 39.681, + "mrr_at_100": 40.616, + "mrr_at_1000": 40.669, + "mrr_at_3": 37.244, + "mrr_at_5": 38.588, + "ndcg_at_1": 30.186, + "ndcg_at_10": 39.34, + "ndcg_at_100": 45.266, + "ndcg_at_1000": 47.9, + "ndcg_at_3": 35.164, + "ndcg_at_5": 36.854, + "precision_at_1": 30.186, + "precision_at_10": 7.639, + "precision_at_100": 1.328, + "precision_at_1000": 0.183, + "precision_at_3": 17.31, + "precision_at_5": 12.275, + "recall_at_1": 23.794, + "recall_at_10": 50.463, + "recall_at_100": 75.268, + "recall_at_1000": 93.138, + "recall_at_3": 37.797, + "recall_at_5": 42.985, + "main_score": 39.34 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.968999999999998, + "map_at_10": 23.846999999999998, + "map_at_100": 24.712999999999997, + "map_at_1000": 24.833, + "map_at_3": 22.024, + "map_at_5": 23.087, + "mrr_at_1": 22.038, + "mrr_at_10": 27.808, + "mrr_at_100": 28.532999999999998, + "mrr_at_1000": 28.604000000000003, + "mrr_at_3": 26.029999999999998, + "mrr_at_5": 27.122, + "ndcg_at_1": 22.038, + "ndcg_at_10": 27.559, + "ndcg_at_100": 31.541999999999998, + "ndcg_at_1000": 34.343, + "ndcg_at_3": 24.585, + "ndcg_at_5": 26.026, + "precision_at_1": 22.038, + "precision_at_10": 5.019, + "precision_at_100": 0.8920000000000001, + "precision_at_1000": 0.13899999999999998, + "precision_at_3": 11.423, + "precision_at_5": 8.28, + "recall_at_1": 17.968999999999998, + "recall_at_10": 34.583000000000006, + "recall_at_100": 51.849000000000004, + "recall_at_1000": 70.832, + "recall_at_3": 26.057000000000002, + "recall_at_5": 29.816, + "main_score": 27.559 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.183999999999997, + "map_at_10": 40.245, + "map_at_100": 41.324, + "map_at_1000": 41.402, + "map_at_3": 37.395, + "map_at_5": 38.964999999999996, + "mrr_at_1": 33.981, + "mrr_at_10": 43.471, + "mrr_at_100": 44.303, + "mrr_at_1000": 44.352999999999994, + "mrr_at_3": 41.149, + "mrr_at_5": 42.466, + "ndcg_at_1": 33.981, + "ndcg_at_10": 45.776, + "ndcg_at_100": 50.441, + "ndcg_at_1000": 52.16, + "ndcg_at_3": 40.756, + "ndcg_at_5": 43.132, + "precision_at_1": 33.981, + "precision_at_10": 7.617999999999999, + "precision_at_100": 1.083, + "precision_at_1000": 0.129, + "precision_at_3": 18.558, + "precision_at_5": 12.915, + "recall_at_1": 29.183999999999997, + "recall_at_10": 59.114, + "recall_at_100": 79.549, + "recall_at_1000": 91.925, + "recall_at_3": 45.551, + "recall_at_5": 51.38399999999999, + "main_score": 45.776 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.286, + "map_at_10": 27.143, + "map_at_100": 28.107, + "map_at_1000": 28.212, + "map_at_3": 25.149, + "map_at_5": 26.179999999999996, + "mrr_at_1": 22.034000000000002, + "mrr_at_10": 28.875, + "mrr_at_100": 29.785, + "mrr_at_1000": 29.876, + "mrr_at_3": 27.023999999999997, + "mrr_at_5": 28.058, + "ndcg_at_1": 22.034000000000002, + "ndcg_at_10": 31.148999999999997, + "ndcg_at_100": 35.936, + "ndcg_at_1000": 38.682, + "ndcg_at_3": 27.230999999999998, + "ndcg_at_5": 29.034, + "precision_at_1": 22.034000000000002, + "precision_at_10": 4.836, + "precision_at_100": 0.754, + "precision_at_1000": 0.10300000000000001, + "precision_at_3": 11.562999999999999, + "precision_at_5": 8.068, + "recall_at_1": 20.286, + "recall_at_10": 41.827999999999996, + "recall_at_100": 63.922000000000004, + "recall_at_1000": 84.639, + "recall_at_3": 31.227, + "recall_at_5": 35.546, + "main_score": 31.148999999999997 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 13.488, + "map_at_10": 18.595, + "map_at_100": 19.783, + "map_at_1000": 19.918, + "map_at_3": 16.274, + "map_at_5": 17.558, + "mrr_at_1": 16.791, + "mrr_at_10": 22.53, + "mrr_at_100": 23.651, + "mrr_at_1000": 23.738999999999997, + "mrr_at_3": 20.232, + "mrr_at_5": 21.644, + "ndcg_at_1": 16.791, + "ndcg_at_10": 22.672, + "ndcg_at_100": 28.663, + "ndcg_at_1000": 31.954, + "ndcg_at_3": 18.372, + "ndcg_at_5": 20.47, + "precision_at_1": 16.791, + "precision_at_10": 4.2540000000000004, + "precision_at_100": 0.8370000000000001, + "precision_at_1000": 0.125, + "precision_at_3": 8.706, + "precision_at_5": 6.666999999999999, + "recall_at_1": 13.488, + "recall_at_10": 31.451, + "recall_at_100": 58.085, + "recall_at_1000": 81.792, + "recall_at_3": 19.811, + "recall_at_5": 24.973, + "main_score": 22.672 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.436, + "map_at_10": 29.105999999999998, + "map_at_100": 30.442000000000004, + "map_at_1000": 30.567, + "map_at_3": 26.430999999999997, + "map_at_5": 27.866000000000003, + "mrr_at_1": 26.083000000000002, + "mrr_at_10": 33.975, + "mrr_at_100": 35.014, + "mrr_at_1000": 35.07, + "mrr_at_3": 31.649, + "mrr_at_5": 32.944, + "ndcg_at_1": 26.083000000000002, + "ndcg_at_10": 34.229, + "ndcg_at_100": 40.439, + "ndcg_at_1000": 43.081, + "ndcg_at_3": 29.64, + "ndcg_at_5": 31.704, + "precision_at_1": 26.083000000000002, + "precision_at_10": 6.246, + "precision_at_100": 1.1199999999999999, + "precision_at_1000": 0.155, + "precision_at_3": 13.858999999999998, + "precision_at_5": 10.01, + "recall_at_1": 21.436, + "recall_at_10": 44.938, + "recall_at_100": 72.029, + "recall_at_1000": 90.009, + "recall_at_3": 31.954, + "recall_at_5": 37.303, + "main_score": 34.229 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.217, + "map_at_10": 25.16, + "map_at_100": 26.490000000000002, + "map_at_1000": 26.619, + "map_at_3": 22.926, + "map_at_5": 24.251, + "mrr_at_1": 22.831000000000003, + "mrr_at_10": 30.009000000000004, + "mrr_at_100": 31.045, + "mrr_at_1000": 31.122, + "mrr_at_3": 28.025, + "mrr_at_5": 29.07, + "ndcg_at_1": 22.831000000000003, + "ndcg_at_10": 29.664, + "ndcg_at_100": 35.900999999999996, + "ndcg_at_1000": 38.932, + "ndcg_at_3": 26.051000000000002, + "ndcg_at_5": 27.741, + "precision_at_1": 22.831000000000003, + "precision_at_10": 5.479, + "precision_at_100": 1.027, + "precision_at_1000": 0.146, + "precision_at_3": 12.481, + "precision_at_5": 8.973, + "recall_at_1": 18.217, + "recall_at_10": 38.336, + "recall_at_100": 65.854, + "recall_at_1000": 87.498, + "recall_at_3": 28.158, + "recall_at_5": 32.841, + "main_score": 29.664 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.100666666666665, + "map_at_10": 26.22883333333333, + "map_at_100": 27.34241666666667, + "map_at_1000": 27.468416666666666, + "map_at_3": 23.953916666666668, + "map_at_5": 25.20125, + "mrr_at_1": 22.729249999999997, + "mrr_at_10": 29.86491666666667, + "mrr_at_100": 30.76925, + "mrr_at_1000": 30.846333333333337, + "mrr_at_3": 27.733999999999998, + "mrr_at_5": 28.94058333333333, + "ndcg_at_1": 22.729249999999997, + "ndcg_at_10": 30.708250000000003, + "ndcg_at_100": 35.89083333333333, + "ndcg_at_1000": 38.75891666666666, + "ndcg_at_3": 26.661083333333334, + "ndcg_at_5": 28.54, + "precision_at_1": 22.729249999999997, + "precision_at_10": 5.433833333333333, + "precision_at_100": 0.9486666666666665, + "precision_at_1000": 0.13808333333333334, + "precision_at_3": 12.292166666666668, + "precision_at_5": 8.825, + "recall_at_1": 19.100666666666665, + "recall_at_10": 40.54208333333334, + "recall_at_100": 63.67975, + "recall_at_1000": 84.13574999999999, + "recall_at_3": 29.311000000000003, + "recall_at_5": 34.1105, + "main_score": 30.708250000000003 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.762, + "map_at_10": 23.905, + "map_at_100": 24.663, + "map_at_1000": 24.765, + "map_at_3": 22.032, + "map_at_5": 23.025000000000002, + "mrr_at_1": 20.244999999999997, + "mrr_at_10": 26.162999999999997, + "mrr_at_100": 26.907999999999998, + "mrr_at_1000": 26.987, + "mrr_at_3": 24.361, + "mrr_at_5": 25.326999999999998, + "ndcg_at_1": 20.244999999999997, + "ndcg_at_10": 27.577, + "ndcg_at_100": 31.473000000000003, + "ndcg_at_1000": 34.217999999999996, + "ndcg_at_3": 24.092, + "ndcg_at_5": 25.657000000000004, + "precision_at_1": 20.244999999999997, + "precision_at_10": 4.433, + "precision_at_100": 0.692, + "precision_at_1000": 0.099, + "precision_at_3": 10.634, + "precision_at_5": 7.362, + "recall_at_1": 17.762, + "recall_at_10": 36.661, + "recall_at_100": 54.581999999999994, + "recall_at_1000": 75.28099999999999, + "recall_at_3": 27.084999999999997, + "recall_at_5": 31.064999999999998, + "main_score": 27.577 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 12.998000000000001, + "map_at_10": 18.926000000000002, + "map_at_100": 19.836000000000002, + "map_at_1000": 19.96, + "map_at_3": 16.932, + "map_at_5": 17.963, + "mrr_at_1": 15.692, + "mrr_at_10": 22.206, + "mrr_at_100": 23.021, + "mrr_at_1000": 23.108999999999998, + "mrr_at_3": 20.114, + "mrr_at_5": 21.241, + "ndcg_at_1": 15.692, + "ndcg_at_10": 22.997999999999998, + "ndcg_at_100": 27.541, + "ndcg_at_1000": 30.758000000000003, + "ndcg_at_3": 19.117, + "ndcg_at_5": 20.778, + "precision_at_1": 15.692, + "precision_at_10": 4.277, + "precision_at_100": 0.774, + "precision_at_1000": 0.122, + "precision_at_3": 9.027000000000001, + "precision_at_5": 6.641, + "recall_at_1": 12.998000000000001, + "recall_at_10": 32.135999999999996, + "recall_at_100": 52.937, + "recall_at_1000": 76.348, + "recall_at_3": 21.292, + "recall_at_5": 25.439, + "main_score": 22.997999999999998 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.219, + "map_at_10": 27.306, + "map_at_100": 28.337, + "map_at_1000": 28.459, + "map_at_3": 25.423000000000002, + "map_at_5": 26.375999999999998, + "mrr_at_1": 23.787, + "mrr_at_10": 30.977, + "mrr_at_100": 31.85, + "mrr_at_1000": 31.939, + "mrr_at_3": 29.073, + "mrr_at_5": 30.095, + "ndcg_at_1": 23.787, + "ndcg_at_10": 31.615, + "ndcg_at_100": 36.641, + "ndcg_at_1000": 39.707, + "ndcg_at_3": 27.994000000000003, + "ndcg_at_5": 29.508000000000003, + "precision_at_1": 23.787, + "precision_at_10": 5.271, + "precision_at_100": 0.865, + "precision_at_1000": 0.125, + "precision_at_3": 12.748999999999999, + "precision_at_5": 8.806, + "recall_at_1": 20.219, + "recall_at_10": 41.108, + "recall_at_100": 63.596, + "recall_at_1000": 85.54899999999999, + "recall_at_3": 31.129, + "recall_at_5": 34.845, + "main_score": 31.615 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.949, + "map_at_10": 26.629, + "map_at_100": 28.006999999999998, + "map_at_1000": 28.221, + "map_at_3": 24.099999999999998, + "map_at_5": 25.487, + "mrr_at_1": 24.111, + "mrr_at_10": 30.592000000000002, + "mrr_at_100": 31.448999999999998, + "mrr_at_1000": 31.538, + "mrr_at_3": 28.128999999999998, + "mrr_at_5": 29.503, + "ndcg_at_1": 24.111, + "ndcg_at_10": 31.373, + "ndcg_at_100": 36.897999999999996, + "ndcg_at_1000": 40.288000000000004, + "ndcg_at_3": 26.895000000000003, + "ndcg_at_5": 29.009, + "precision_at_1": 24.111, + "precision_at_10": 6.067, + "precision_at_100": 1.269, + "precision_at_1000": 0.22, + "precision_at_3": 12.385, + "precision_at_5": 9.249, + "recall_at_1": 19.949, + "recall_at_10": 40.394000000000005, + "recall_at_100": 65.812, + "recall_at_1000": 88.247, + "recall_at_3": 28.116000000000003, + "recall_at_5": 33.4, + "main_score": 31.373 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 13.905999999999999, + "map_at_10": 20.523, + "map_at_100": 21.547, + "map_at_1000": 21.665, + "map_at_3": 18.182000000000002, + "map_at_5": 19.661, + "mrr_at_1": 14.972, + "mrr_at_10": 22.092, + "mrr_at_100": 23.055999999999997, + "mrr_at_1000": 23.150000000000002, + "mrr_at_3": 19.778000000000002, + "mrr_at_5": 21.229, + "ndcg_at_1": 14.972, + "ndcg_at_10": 24.547, + "ndcg_at_100": 29.948999999999998, + "ndcg_at_1000": 33.084, + "ndcg_at_3": 20.036, + "ndcg_at_5": 22.567, + "precision_at_1": 14.972, + "precision_at_10": 4.067, + "precision_at_100": 0.743, + "precision_at_1000": 0.11100000000000002, + "precision_at_3": 8.811, + "precision_at_5": 6.654, + "recall_at_1": 13.905999999999999, + "recall_at_10": 35.493, + "recall_at_100": 60.67399999999999, + "recall_at_1000": 84.371, + "recall_at_3": 23.555, + "recall_at_5": 29.729, + "main_score": 24.547 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/ClimateFEVER.json b/results/andersonbcdefg__bge-small-4096/external/ClimateFEVER.json new file mode 100644 index 000000000..7ed7520f9 --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 7.529, + "map_at_10": 12.794, + "map_at_100": 14.315, + "map_at_1000": 14.523, + "map_at_3": 10.367999999999999, + "map_at_5": 11.546, + "mrr_at_1": 16.872999999999998, + "mrr_at_10": 25.709, + "mrr_at_100": 26.907999999999998, + "mrr_at_1000": 26.962000000000003, + "mrr_at_3": 22.486, + "mrr_at_5": 24.245, + "ndcg_at_1": 16.872999999999998, + "ndcg_at_10": 19.005, + "ndcg_at_100": 25.990999999999996, + "ndcg_at_1000": 29.955, + "ndcg_at_3": 14.573, + "ndcg_at_5": 16.118, + "precision_at_1": 16.872999999999998, + "precision_at_10": 6.235, + "precision_at_100": 1.374, + "precision_at_1000": 0.21, + "precision_at_3": 10.793, + "precision_at_5": 8.73, + "recall_at_1": 7.529, + "recall_at_10": 24.007, + "recall_at_100": 48.742000000000004, + "recall_at_1000": 71.35000000000001, + "recall_at_3": 13.467, + "recall_at_5": 17.502000000000002, + "main_score": 19.005 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/DBPedia.json b/results/andersonbcdefg__bge-small-4096/external/DBPedia.json new file mode 100644 index 000000000..62eb815f9 --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.614, + "map_at_10": 11.42, + "map_at_100": 15.873000000000001, + "map_at_1000": 17.021, + "map_at_3": 8.495, + "map_at_5": 9.790000000000001, + "mrr_at_1": 42.0, + "mrr_at_10": 52.477, + "mrr_at_100": 53.095000000000006, + "mrr_at_1000": 53.135, + "mrr_at_3": 49.833, + "mrr_at_5": 51.183, + "ndcg_at_1": 31.374999999999996, + "ndcg_at_10": 25.27, + "ndcg_at_100": 29.709999999999997, + "ndcg_at_1000": 36.975, + "ndcg_at_3": 27.688000000000002, + "ndcg_at_5": 25.987, + "precision_at_1": 42.0, + "precision_at_10": 21.2, + "precision_at_100": 7.053, + "precision_at_1000": 1.512, + "precision_at_3": 32.333, + "precision_at_5": 26.6, + "recall_at_1": 5.614, + "recall_at_10": 16.112000000000002, + "recall_at_100": 36.165000000000006, + "recall_at_1000": 60.362, + "recall_at_3": 9.761000000000001, + "recall_at_5": 12.279, + "main_score": 25.27 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/EmotionClassification.json b/results/andersonbcdefg__bge-small-4096/external/EmotionClassification.json new file mode 100644 index 000000000..37f782279 --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 40.085, + "f1": 35.53934111316537, + "main_score": 40.085 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/FEVER.json b/results/andersonbcdefg__bge-small-4096/external/FEVER.json new file mode 100644 index 000000000..b0249ca5e --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 34.185, + "map_at_10": 44.491, + "map_at_100": 45.204, + "map_at_1000": 45.254, + "map_at_3": 42.006, + "map_at_5": 43.516, + "mrr_at_1": 37.024, + "mrr_at_10": 47.524, + "mrr_at_100": 48.185, + "mrr_at_1000": 48.227, + "mrr_at_3": 45.086999999999996, + "mrr_at_5": 46.575, + "ndcg_at_1": 37.024, + "ndcg_at_10": 50.126000000000005, + "ndcg_at_100": 53.577, + "ndcg_at_1000": 54.906, + "ndcg_at_3": 45.25, + "ndcg_at_5": 47.842, + "precision_at_1": 37.024, + "precision_at_10": 7.132, + "precision_at_100": 0.898, + "precision_at_1000": 0.10300000000000001, + "precision_at_3": 18.767, + "precision_at_5": 12.676000000000002, + "recall_at_1": 34.185, + "recall_at_10": 64.703, + "recall_at_100": 80.58, + "recall_at_1000": 90.742, + "recall_at_3": 51.483000000000004, + "recall_at_5": 57.775, + "main_score": 50.126000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/FiQA2018.json b/results/andersonbcdefg__bge-small-4096/external/FiQA2018.json new file mode 100644 index 000000000..da688da9e --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.358, + "map_at_10": 16.391, + "map_at_100": 17.698, + "map_at_1000": 17.912, + "map_at_3": 13.831, + "map_at_5": 15.187000000000001, + "mrr_at_1": 18.673000000000002, + "mrr_at_10": 26.907999999999998, + "mrr_at_100": 27.842, + "mrr_at_1000": 27.933000000000003, + "mrr_at_3": 24.486, + "mrr_at_5": 25.766, + "ndcg_at_1": 18.673000000000002, + "ndcg_at_10": 22.137, + "ndcg_at_100": 28.126, + "ndcg_at_1000": 32.489000000000004, + "ndcg_at_3": 18.723, + "ndcg_at_5": 19.858, + "precision_at_1": 18.673000000000002, + "precision_at_10": 6.389, + "precision_at_100": 1.262, + "precision_at_1000": 0.202, + "precision_at_3": 12.757, + "precision_at_5": 9.753, + "recall_at_1": 9.358, + "recall_at_10": 28.605000000000004, + "recall_at_100": 51.713, + "recall_at_1000": 78.408, + "recall_at_3": 17.674, + "recall_at_5": 21.97, + "main_score": 22.137 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/HotpotQA.json b/results/andersonbcdefg__bge-small-4096/external/HotpotQA.json new file mode 100644 index 000000000..f17c5a52f --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.997999999999998, + "map_at_10": 32.957, + "map_at_100": 33.972, + "map_at_1000": 34.072, + "map_at_3": 30.44, + "map_at_5": 31.869999999999997, + "mrr_at_1": 45.995999999999995, + "mrr_at_10": 54.473000000000006, + "mrr_at_100": 55.103, + "mrr_at_1000": 55.139, + "mrr_at_3": 52.349999999999994, + "mrr_at_5": 53.61900000000001, + "ndcg_at_1": 45.995999999999995, + "ndcg_at_10": 41.333, + "ndcg_at_100": 45.635999999999996, + "ndcg_at_1000": 47.847, + "ndcg_at_3": 36.825, + "ndcg_at_5": 39.099000000000004, + "precision_at_1": 45.995999999999995, + "precision_at_10": 9.020999999999999, + "precision_at_100": 1.244, + "precision_at_1000": 0.154, + "precision_at_3": 23.34, + "precision_at_5": 15.8, + "recall_at_1": 22.997999999999998, + "recall_at_10": 45.105000000000004, + "recall_at_100": 62.188, + "recall_at_1000": 76.907, + "recall_at_3": 35.010000000000005, + "recall_at_5": 39.5, + "main_score": 41.333 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/ImdbClassification.json b/results/andersonbcdefg__bge-small-4096/external/ImdbClassification.json new file mode 100644 index 000000000..94ea87979 --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.0944, + "ap": 74.43301569395831, + "f1": 80.04407647044388, + "main_score": 80.0944 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/MSMARCO.json b/results/andersonbcdefg__bge-small-4096/external/MSMARCO.json new file mode 100644 index 000000000..bffd7563f --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 10.171, + "map_at_10": 17.558, + "map_at_100": 18.694, + "map_at_1000": 18.787000000000003, + "map_at_3": 14.826, + "map_at_5": 16.249, + "mrr_at_1": 10.473, + "mrr_at_10": 17.967, + "mrr_at_100": 19.089, + "mrr_at_1000": 19.177, + "mrr_at_3": 15.222, + "mrr_at_5": 16.655, + "ndcg_at_1": 10.473, + "ndcg_at_10": 22.148, + "ndcg_at_100": 28.028, + "ndcg_at_1000": 30.659, + "ndcg_at_3": 16.474, + "ndcg_at_5": 19.017, + "precision_at_1": 10.473, + "precision_at_10": 3.7969999999999997, + "precision_at_100": 0.6779999999999999, + "precision_at_1000": 0.09, + "precision_at_3": 7.187, + "precision_at_5": 5.599, + "recall_at_1": 10.171, + "recall_at_10": 36.459, + "recall_at_100": 64.512, + "recall_at_1000": 85.27900000000001, + "recall_at_3": 20.868000000000002, + "recall_at_5": 26.933, + "main_score": 22.148 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/MTOPDomainClassification.json b/results/andersonbcdefg__bge-small-4096/external/MTOPDomainClassification.json new file mode 100644 index 000000000..6df8a4e0f --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 90.35795713634292, + "f1": 89.72064544336776, + "main_score": 90.35795713634292 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/MTOPIntentClassification.json b/results/andersonbcdefg__bge-small-4096/external/MTOPIntentClassification.json new file mode 100644 index 000000000..a7e62db06 --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 66.4546283629731, + "f1": 49.487271168215095, + "main_score": 66.4546283629731 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/MassiveIntentClassification.json b/results/andersonbcdefg__bge-small-4096/external/MassiveIntentClassification.json new file mode 100644 index 000000000..2635c8079 --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 67.58238063214527, + "f1": 65.54281371907213, + "main_score": 67.58238063214527 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/MassiveScenarioClassification.json b/results/andersonbcdefg__bge-small-4096/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..d59200e1e --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.47343644922664, + "f1": 72.80522894672785, + "main_score": 73.47343644922664 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/MedrxivClusteringP2P.json b/results/andersonbcdefg__bge-small-4096/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..d825c27db --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.53600917473176, + "main_score": 32.53600917473176 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/MedrxivClusteringS2S.json b/results/andersonbcdefg__bge-small-4096/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..c60856d1f --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 28.04699774280647, + "main_score": 28.04699774280647 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/MindSmallReranking.json b/results/andersonbcdefg__bge-small-4096/external/MindSmallReranking.json new file mode 100644 index 000000000..ce20b902d --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 30.984352865575797, + "mrr": 32.02736001972659, + "main_score": 30.984352865575797 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/NFCorpus.json b/results/andersonbcdefg__bge-small-4096/external/NFCorpus.json new file mode 100644 index 000000000..84fd343d7 --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.666, + "map_at_10": 10.066, + "map_at_100": 12.794, + "map_at_1000": 14.184, + "map_at_3": 7.622, + "map_at_5": 8.587, + "mrr_at_1": 39.318999999999996, + "mrr_at_10": 47.678, + "mrr_at_100": 48.355, + "mrr_at_1000": 48.400999999999996, + "mrr_at_3": 45.82, + "mrr_at_5": 46.656, + "ndcg_at_1": 37.926, + "ndcg_at_10": 29.049999999999997, + "ndcg_at_100": 26.826, + "ndcg_at_1000": 35.841, + "ndcg_at_3": 33.513, + "ndcg_at_5": 31.227, + "precision_at_1": 39.318999999999996, + "precision_at_10": 21.424000000000003, + "precision_at_100": 7.231999999999999, + "precision_at_1000": 2.012, + "precision_at_3": 30.857, + "precision_at_5": 26.378, + "recall_at_1": 4.666, + "recall_at_10": 13.898, + "recall_at_100": 26.983, + "recall_at_1000": 59.485, + "recall_at_3": 8.953, + "recall_at_5": 10.496, + "main_score": 29.049999999999997 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/NQ.json b/results/andersonbcdefg__bge-small-4096/external/NQ.json new file mode 100644 index 000000000..ffca10e79 --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.26, + "map_at_10": 17.907999999999998, + "map_at_100": 19.245, + "map_at_1000": 19.339000000000002, + "map_at_3": 14.634, + "map_at_5": 16.386, + "mrr_at_1": 10.574, + "mrr_at_10": 19.438, + "mrr_at_100": 20.638, + "mrr_at_1000": 20.715, + "mrr_at_3": 16.276, + "mrr_at_5": 17.971999999999998, + "ndcg_at_1": 10.574, + "ndcg_at_10": 23.451, + "ndcg_at_100": 29.982, + "ndcg_at_1000": 32.449, + "ndcg_at_3": 16.817, + "ndcg_at_5": 19.867, + "precision_at_1": 10.574, + "precision_at_10": 4.609, + "precision_at_100": 0.8330000000000001, + "precision_at_1000": 0.107, + "precision_at_3": 8.266, + "precision_at_5": 6.6739999999999995, + "recall_at_1": 9.26, + "recall_at_10": 39.224, + "recall_at_100": 69.107, + "recall_at_1000": 87.908, + "recall_at_3": 21.490000000000002, + "recall_at_5": 28.560999999999996, + "main_score": 23.451 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/QuoraRetrieval.json b/results/andersonbcdefg__bge-small-4096/external/QuoraRetrieval.json new file mode 100644 index 000000000..647e8c22c --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 65.655, + "map_at_10": 79.199, + "map_at_100": 79.937, + "map_at_1000": 79.964, + "map_at_3": 76.19399999999999, + "map_at_5": 78.08800000000001, + "mrr_at_1": 75.53999999999999, + "mrr_at_10": 82.89, + "mrr_at_100": 83.074, + "mrr_at_1000": 83.077, + "mrr_at_3": 81.577, + "mrr_at_5": 82.452, + "ndcg_at_1": 75.53999999999999, + "ndcg_at_10": 83.62899999999999, + "ndcg_at_100": 85.411, + "ndcg_at_1000": 85.646, + "ndcg_at_3": 80.23700000000001, + "ndcg_at_5": 82.107, + "precision_at_1": 75.53999999999999, + "precision_at_10": 12.695, + "precision_at_100": 1.493, + "precision_at_1000": 0.156, + "precision_at_3": 34.983, + "precision_at_5": 23.164, + "recall_at_1": 65.655, + "recall_at_10": 92.269, + "recall_at_100": 98.598, + "recall_at_1000": 99.815, + "recall_at_3": 82.616, + "recall_at_5": 87.75800000000001, + "main_score": 83.62899999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/RedditClustering.json b/results/andersonbcdefg__bge-small-4096/external/RedditClustering.json new file mode 100644 index 000000000..84a42c19e --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 43.67844919460687, + "main_score": 43.67844919460687 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/RedditClusteringP2P.json b/results/andersonbcdefg__bge-small-4096/external/RedditClusteringP2P.json new file mode 100644 index 000000000..c5a094bfd --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 54.32866004447611, + "main_score": 54.32866004447611 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/SCIDOCS.json b/results/andersonbcdefg__bge-small-4096/external/SCIDOCS.json new file mode 100644 index 000000000..6d39ece49 --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.238, + "map_at_10": 8.539, + "map_at_100": 10.267, + "map_at_1000": 10.552999999999999, + "map_at_3": 6.165, + "map_at_5": 7.22, + "mrr_at_1": 15.9, + "mrr_at_10": 25.557999999999996, + "mrr_at_100": 26.867, + "mrr_at_1000": 26.939, + "mrr_at_3": 22.633, + "mrr_at_5": 24.233, + "ndcg_at_1": 15.9, + "ndcg_at_10": 14.954, + "ndcg_at_100": 22.486, + "ndcg_at_1000": 27.986, + "ndcg_at_3": 14.069, + "ndcg_at_5": 12.200999999999999, + "precision_at_1": 15.9, + "precision_at_10": 7.9399999999999995, + "precision_at_100": 1.8929999999999998, + "precision_at_1000": 0.32299999999999995, + "precision_at_3": 13.5, + "precision_at_5": 10.9, + "recall_at_1": 3.238, + "recall_at_10": 16.1, + "recall_at_100": 38.427, + "recall_at_1000": 65.498, + "recall_at_3": 8.212, + "recall_at_5": 11.032, + "main_score": 14.954 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/SICK-R.json b/results/andersonbcdefg__bge-small-4096/external/SICK-R.json new file mode 100644 index 000000000..b54191a90 --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 80.7612029200118, + "cos_sim_spearman": 74.17706899450974, + "euclidean_pearson": 78.6240925347838, + "euclidean_spearman": 74.22104652352341, + "manhattan_pearson": 78.49956480878576, + "manhattan_spearman": 74.0528957569391, + "cosine_pearson": 80.7612029200118, + "cosine_spearman": 74.17706899450974, + "main_score": 74.17706899450974 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/STS12.json b/results/andersonbcdefg__bge-small-4096/external/STS12.json new file mode 100644 index 000000000..58ee8afd5 --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 80.0377294417705, + "cos_sim_spearman": 72.19570903733732, + "euclidean_pearson": 77.060604990743, + "euclidean_spearman": 71.54251658956483, + "manhattan_pearson": 77.28301977645965, + "manhattan_spearman": 71.77449045278667, + "cosine_pearson": 80.0377294417705, + "cosine_spearman": 72.19570903733732, + "main_score": 72.19570903733732 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/STS13.json b/results/andersonbcdefg__bge-small-4096/external/STS13.json new file mode 100644 index 000000000..39bea0c88 --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 79.69841558517969, + "cos_sim_spearman": 80.54022353649157, + "euclidean_pearson": 80.03651743688496, + "euclidean_spearman": 80.45116824930123, + "manhattan_pearson": 79.89688370680031, + "manhattan_spearman": 80.27208259746283, + "cosine_pearson": 79.69841558517969, + "cosine_spearman": 80.54022353649157, + "main_score": 80.54022353649157 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/STS14.json b/results/andersonbcdefg__bge-small-4096/external/STS14.json new file mode 100644 index 000000000..f0ecf8783 --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 79.92235427443056, + "cos_sim_spearman": 76.20243980748161, + "euclidean_pearson": 79.28031963400572, + "euclidean_spearman": 76.3568261868673, + "manhattan_pearson": 79.24527845959733, + "manhattan_spearman": 76.39886696744185, + "cosine_pearson": 79.92235427443056, + "cosine_spearman": 76.20243980748161, + "main_score": 76.20243980748161 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/STS15.json b/results/andersonbcdefg__bge-small-4096/external/STS15.json new file mode 100644 index 000000000..4ec501e58 --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.2762365324788, + "cos_sim_spearman": 85.19929628214842, + "euclidean_pearson": 84.82568872953075, + "euclidean_spearman": 85.11039387706913, + "manhattan_pearson": 84.72922084197847, + "manhattan_spearman": 85.04448532444505, + "cosine_pearson": 84.2762365324788, + "cosine_spearman": 85.19929628214842, + "main_score": 85.19929628214842 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/STS16.json b/results/andersonbcdefg__bge-small-4096/external/STS16.json new file mode 100644 index 000000000..a7b52bbf2 --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 80.23256564746382, + "cos_sim_spearman": 81.92968415429543, + "euclidean_pearson": 81.12612888308936, + "euclidean_spearman": 81.97396557448675, + "manhattan_pearson": 81.15685601512081, + "manhattan_spearman": 82.01929408689, + "cosine_pearson": 80.23256564746382, + "cosine_spearman": 81.92968415429543, + "main_score": 81.92968415429543 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/STS17.json b/results/andersonbcdefg__bge-small-4096/external/STS17.json new file mode 100644 index 000000000..bb0de90d0 --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.35057935029289, + "cos_sim_spearman": 86.60658025867397, + "euclidean_pearson": 86.48666975508912, + "euclidean_spearman": 86.70310223264862, + "manhattan_pearson": 86.23959282751626, + "manhattan_spearman": 86.48318896577922, + "cosine_pearson": 85.35057935029289, + "cosine_spearman": 86.60658025867397, + "main_score": 86.60658025867397 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/STS22.json b/results/andersonbcdefg__bge-small-4096/external/STS22.json new file mode 100644 index 000000000..933dc4263 --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 63.15375299804011, + "cos_sim_spearman": 65.4588500819246, + "euclidean_pearson": 65.60180021985416, + "euclidean_spearman": 65.55596512146833, + "manhattan_pearson": 66.12421335157649, + "manhattan_spearman": 66.05163838991123, + "cosine_pearson": 63.15375299804011, + "cosine_spearman": 65.4588500819246, + "main_score": 65.4588500819246 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/STSBenchmark.json b/results/andersonbcdefg__bge-small-4096/external/STSBenchmark.json new file mode 100644 index 000000000..9571b6d1f --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.82391915730462, + "cos_sim_spearman": 81.93942545767499, + "euclidean_pearson": 83.16752744889406, + "euclidean_spearman": 82.31380947581034, + "manhattan_pearson": 82.98915741609575, + "manhattan_spearman": 82.16585239338073, + "cosine_pearson": 81.82391915730462, + "cosine_spearman": 81.93942545767499, + "main_score": 81.93942545767499 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/SciDocsRR.json b/results/andersonbcdefg__bge-small-4096/external/SciDocsRR.json new file mode 100644 index 000000000..c8efc8d17 --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 77.19504204180527, + "mrr": 92.85429983959396, + "main_score": 77.19504204180527 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/SciFact.json b/results/andersonbcdefg__bge-small-4096/external/SciFact.json new file mode 100644 index 000000000..7f0443f3f --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 49.528, + "map_at_10": 57.62199999999999, + "map_at_100": 58.544, + "map_at_1000": 58.573, + "map_at_3": 54.56999999999999, + "map_at_5": 56.552, + "mrr_at_1": 52.0, + "mrr_at_10": 58.939, + "mrr_at_100": 59.653, + "mrr_at_1000": 59.68, + "mrr_at_3": 56.389, + "mrr_at_5": 57.989000000000004, + "ndcg_at_1": 52.0, + "ndcg_at_10": 61.964, + "ndcg_at_100": 65.871, + "ndcg_at_1000": 66.724, + "ndcg_at_3": 56.621, + "ndcg_at_5": 59.551, + "precision_at_1": 52.0, + "precision_at_10": 8.333, + "precision_at_100": 1.04, + "precision_at_1000": 0.11100000000000002, + "precision_at_3": 21.778, + "precision_at_5": 14.933, + "recall_at_1": 49.528, + "recall_at_10": 74.2, + "recall_at_100": 91.5, + "recall_at_1000": 98.333, + "recall_at_3": 60.06700000000001, + "recall_at_5": 67.133, + "main_score": 61.964 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/SprintDuplicateQuestions.json b/results/andersonbcdefg__bge-small-4096/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..5c5c024e8 --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.81287128712871, + "cos_sim_ap": 95.15039468118793, + "cos_sim_f1": 90.48817312531455, + "cos_sim_precision": 91.08409321175279, + "cos_sim_recall": 89.9, + "dot_accuracy": 99.78019801980199, + "dot_ap": 93.60256835857994, + "dot_f1": 88.73096446700508, + "dot_precision": 90.10309278350516, + "dot_recall": 87.4, + "euclidean_accuracy": 99.81188118811882, + "euclidean_ap": 95.15954231276913, + "euclidean_f1": 90.48096192384769, + "euclidean_precision": 90.66265060240963, + "euclidean_recall": 90.3, + "manhattan_accuracy": 99.81188118811882, + "manhattan_ap": 95.17107000565468, + "manhattan_f1": 90.5, + "manhattan_precision": 90.5, + "manhattan_recall": 90.5, + "max_accuracy": 99.81287128712871, + "max_ap": 95.17107000565468, + "max_f1": 90.5, + "main_score": 95.17107000565468 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/StackExchangeClustering.json b/results/andersonbcdefg__bge-small-4096/external/StackExchangeClustering.json new file mode 100644 index 000000000..0ede7c219 --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 51.77488276525734, + "main_score": 51.77488276525734 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/StackExchangeClusteringP2P.json b/results/andersonbcdefg__bge-small-4096/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..c357fec3c --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.30657214418171, + "main_score": 33.30657214418171 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/StackOverflowDupQuestions.json b/results/andersonbcdefg__bge-small-4096/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..8a10f0633 --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 47.84571922992432, + "mrr": 48.549107142857146, + "main_score": 47.84571922992432 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/SummEval.json b/results/andersonbcdefg__bge-small-4096/external/SummEval.json new file mode 100644 index 000000000..5f4071b9f --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 29.840750357585556, + "cos_sim_spearman": 29.832953864936567, + "dot_pearson": 30.499687946740657, + "dot_spearman": 30.73436062481656, + "cosine_pearson": 29.840750357585556, + "cosine_spearman": 29.832953864936567, + "main_score": 29.832953864936567 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/TRECCOVID.json b/results/andersonbcdefg__bge-small-4096/external/TRECCOVID.json new file mode 100644 index 000000000..213439fbe --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.16999999999999998, + "map_at_10": 1.014, + "map_at_100": 5.623, + "map_at_1000": 15.190999999999999, + "map_at_3": 0.377, + "map_at_5": 0.577, + "mrr_at_1": 68.0, + "mrr_at_10": 74.45, + "mrr_at_100": 74.846, + "mrr_at_1000": 74.846, + "mrr_at_3": 71.333, + "mrr_at_5": 73.533, + "ndcg_at_1": 64.0, + "ndcg_at_10": 47.52, + "ndcg_at_100": 37.419999999999995, + "ndcg_at_1000": 36.318, + "ndcg_at_3": 51.13999999999999, + "ndcg_at_5": 49.101, + "precision_at_1": 68.0, + "precision_at_10": 50.8, + "precision_at_100": 39.160000000000004, + "precision_at_1000": 16.948, + "precision_at_3": 52.0, + "precision_at_5": 51.6, + "recall_at_1": 0.16999999999999998, + "recall_at_10": 1.269, + "recall_at_100": 8.937000000000001, + "recall_at_1000": 35.036, + "recall_at_3": 0.396, + "recall_at_5": 0.6669999999999999, + "main_score": 47.52 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/Touche2020.json b/results/andersonbcdefg__bge-small-4096/external/Touche2020.json new file mode 100644 index 000000000..a9e8734c5 --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 1.672, + "map_at_10": 6.739000000000001, + "map_at_100": 12.006, + "map_at_1000": 13.474, + "map_at_3": 2.617, + "map_at_5": 4.329000000000001, + "mrr_at_1": 20.408, + "mrr_at_10": 30.764000000000003, + "mrr_at_100": 32.457, + "mrr_at_1000": 32.481, + "mrr_at_3": 26.531, + "mrr_at_5": 28.877999999999997, + "ndcg_at_1": 18.367, + "ndcg_at_10": 17.471999999999998, + "ndcg_at_100": 29.341, + "ndcg_at_1000": 41.005, + "ndcg_at_3": 14.64, + "ndcg_at_5": 17.039, + "precision_at_1": 20.408, + "precision_at_10": 17.551, + "precision_at_100": 6.673, + "precision_at_1000": 1.4160000000000001, + "precision_at_3": 14.966, + "precision_at_5": 18.776, + "recall_at_1": 1.672, + "recall_at_10": 12.795000000000002, + "recall_at_100": 41.289, + "recall_at_1000": 76.947, + "recall_at_3": 3.334, + "recall_at_5": 6.864000000000001, + "main_score": 17.471999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/ToxicConversationsClassification.json b/results/andersonbcdefg__bge-small-4096/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..1792fd891 --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.3424, + "ap": 13.45149708639965, + "f1": 53.278180518373574, + "main_score": 69.3424 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/TweetSentimentExtractionClassification.json b/results/andersonbcdefg__bge-small-4096/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..7e96907b9 --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 57.60045274476513, + "f1": 57.9395926195531, + "main_score": 57.60045274476513 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/TwentyNewsgroupsClustering.json b/results/andersonbcdefg__bge-small-4096/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..272d59fd2 --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.649067825169446, + "main_score": 36.649067825169446 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/TwitterSemEval2015.json b/results/andersonbcdefg__bge-small-4096/external/TwitterSemEval2015.json new file mode 100644 index 000000000..7706bbd71 --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 83.68599868868093, + "cos_sim_ap": 65.7938550603812, + "cos_sim_f1": 61.81946735800141, + "cos_sim_precision": 55.85604770017035, + "cos_sim_recall": 69.2084432717678, + "dot_accuracy": 82.09453418370389, + "dot_ap": 61.00867337905922, + "dot_f1": 58.56196783349101, + "dot_precision": 53.06472353193313, + "dot_recall": 65.32981530343008, + "euclidean_accuracy": 83.68599868868093, + "euclidean_ap": 66.17065796133883, + "euclidean_f1": 62.440610152538135, + "euclidean_precision": 59.3393536121673, + "euclidean_recall": 65.88390501319262, + "manhattan_accuracy": 83.57870894677237, + "manhattan_ap": 65.89925640001532, + "manhattan_f1": 62.2255119664446, + "manhattan_precision": 58.43373493975904, + "manhattan_recall": 66.54353562005278, + "max_accuracy": 83.68599868868093, + "max_ap": 66.17065796133883, + "max_f1": 62.440610152538135, + "main_score": 66.17065796133883 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/TwitterURLCorpus.json b/results/andersonbcdefg__bge-small-4096/external/TwitterURLCorpus.json new file mode 100644 index 000000000..e6884553c --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 87.68579966623976, + "cos_sim_ap": 83.2666595805096, + "cos_sim_f1": 75.11536297129996, + "cos_sim_precision": 73.24943294065999, + "cos_sim_recall": 77.07884200800738, + "dot_accuracy": 86.76213761788334, + "dot_ap": 80.85199640255004, + "dot_f1": 73.27634898520165, + "dot_precision": 71.70756872282409, + "dot_recall": 74.91530643671081, + "euclidean_accuracy": 87.79640625606395, + "euclidean_ap": 83.52666327503474, + "euclidean_f1": 75.37022886875523, + "euclidean_precision": 71.4522249051397, + "euclidean_recall": 79.74283954419464, + "manhattan_accuracy": 87.80804905499282, + "manhattan_ap": 83.4995899990913, + "manhattan_f1": 75.44320420223242, + "manhattan_precision": 71.68307223069458, + "manhattan_recall": 79.6196489066831, + "max_accuracy": 87.80804905499282, + "max_ap": 83.52666327503474, + "max_f1": 75.44320420223242, + "main_score": 83.52666327503474 + } + ] + } +} \ No newline at end of file diff --git a/results/andersonbcdefg__bge-small-4096/external/model_meta.json b/results/andersonbcdefg__bge-small-4096/external/model_meta.json new file mode 100644 index 000000000..b56fc8a5c --- /dev/null +++ b/results/andersonbcdefg__bge-small-4096/external/model_meta.json @@ -0,0 +1,20 @@ +{ + "name": "andersonbcdefg/bge-small-4096", + "revision": "3ec18ca3bc8aa1d321708e10120befae6a6e23dd", + "release_date": "2023-10-29", + "languages": [], + "loader": null, + "n_parameters": 34753050, + "memory_usage": null, + "max_tokens": 4096, + "embed_dim": 384, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/AmazonCounterfactualClassification.json b/results/arcdev__SFR-Embedding-Mistral/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..47029b499 --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.92537313432834, + "ap": 40.86767661556651, + "f1": 71.65758897929837, + "main_score": 77.92537313432834 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/AmazonPolarityClassification.json b/results/arcdev__SFR-Embedding-Mistral/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..2b6ced516 --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 95.967, + "ap": 94.46300829592593, + "f1": 95.96507173189292, + "main_score": 95.967 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/AmazonReviewsClassification.json b/results/arcdev__SFR-Embedding-Mistral/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..0515f3bc7 --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 54.352000000000004, + "f1": 53.636682615380174, + "main_score": 54.352000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/ArguAna.json b/results/arcdev__SFR-Embedding-Mistral/external/ArguAna.json new file mode 100644 index 000000000..2b2a6bb57 --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/ArguAna.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 43.314, + "ndcg_at_2": 54.757, + "ndcg_at_3": 58.84700000000001, + "ndcg_at_5": 63.634, + "ndcg_at_7": 65.741, + "ndcg_at_10": 67.171, + "ndcg_at_20": 68.585, + "ndcg_at_30": 68.81, + "ndcg_at_50": 68.932, + "ndcg_at_70": 68.992, + "ndcg_at_100": 69.014, + "ndcg_at_200": 69.014, + "ndcg_at_300": 69.014, + "ndcg_at_500": 69.014, + "ndcg_at_700": 69.014, + "ndcg_at_1000": 69.014, + "map_at_1": 43.314, + "map_at_2": 52.383, + "map_at_3": 55.108999999999995, + "map_at_5": 57.772999999999996, + "map_at_7": 58.718, + "map_at_10": 59.256, + "map_at_20": 59.668, + "map_at_30": 59.709999999999994, + "map_at_50": 59.727, + "map_at_70": 59.733999999999995, + "map_at_100": 59.73500000000001, + "map_at_200": 59.73500000000001, + "map_at_300": 59.73500000000001, + "map_at_500": 59.73500000000001, + "map_at_700": 59.73500000000001, + "map_at_1000": 59.73500000000001, + "recall_at_1": 43.314, + "recall_at_2": 61.451, + "recall_at_3": 69.63000000000001, + "recall_at_5": 81.223, + "recall_at_7": 87.33999999999999, + "recall_at_10": 92.034, + "recall_at_20": 97.44, + "recall_at_30": 98.506, + "recall_at_50": 99.14699999999999, + "recall_at_70": 99.502, + "recall_at_100": 99.644, + "recall_at_200": 99.644, + "recall_at_300": 99.644, + "recall_at_500": 99.644, + "recall_at_700": 99.644, + "recall_at_1000": 99.644, + "precision_at_1": 43.314, + "precision_at_2": 30.725, + "precision_at_3": 23.21, + "precision_at_5": 16.245, + "precision_at_7": 12.477, + "precision_at_10": 9.203, + "precision_at_20": 4.872, + "precision_at_30": 3.2840000000000003, + "precision_at_50": 1.983, + "precision_at_70": 1.421, + "precision_at_100": 0.996, + "precision_at_200": 0.498, + "precision_at_300": 0.332, + "precision_at_500": 0.199, + "precision_at_700": 0.14200000000000002, + "precision_at_1000": 0.1, + "mrr_at_1": 44.666, + "mrr_at_2": 52.418, + "mrr_at_3": 55.595000000000006, + "mrr_at_5": 58.205, + "mrr_at_7": 59.202999999999996, + "mrr_at_10": 59.727, + "mrr_at_20": 60.133, + "mrr_at_30": 60.178, + "mrr_at_50": 60.192, + "mrr_at_70": 60.19799999999999, + "mrr_at_100": 60.199999999999996, + "mrr_at_200": 60.199999999999996, + "mrr_at_300": 60.199999999999996, + "mrr_at_500": 60.199999999999996, + "mrr_at_700": 60.199999999999996, + "mrr_at_1000": 60.199999999999996, + "main_score": 67.171 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/ArxivClusteringP2P.json b/results/arcdev__SFR-Embedding-Mistral/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..aaa3e25d8 --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 52.07508593014336, + "main_score": 52.07508593014336 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/ArxivClusteringS2S.json b/results/arcdev__SFR-Embedding-Mistral/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..d2475aa95 --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 47.381339333240675, + "main_score": 47.381339333240675 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/AskUbuntuDupQuestions.json b/results/arcdev__SFR-Embedding-Mistral/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..2b453f711 --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 67.58376647859171, + "mrr": 80.56885635140483, + "main_score": 67.58376647859171 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/BIOSSES.json b/results/arcdev__SFR-Embedding-Mistral/external/BIOSSES.json new file mode 100644 index 000000000..8355b9423 --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.40107280274783, + "cos_sim_spearman": 86.07003345325681, + "euclidean_pearson": 87.1726034325395, + "euclidean_spearman": 86.07003345325681, + "manhattan_pearson": 87.25660625029772, + "manhattan_spearman": 86.3808839096893, + "cosine_pearson": 88.40107280274783, + "cosine_spearman": 86.07003345325681, + "main_score": 86.07003345325681 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/Banking77Classification.json b/results/arcdev__SFR-Embedding-Mistral/external/Banking77Classification.json new file mode 100644 index 000000000..a19fc1f09 --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 88.81168831168831, + "f1": 88.76514496560141, + "main_score": 88.81168831168831 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/BiorxivClusteringP2P.json b/results/arcdev__SFR-Embedding-Mistral/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..998bf9505 --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 43.9382520874344, + "main_score": 43.9382520874344 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/BiorxivClusteringS2S.json b/results/arcdev__SFR-Embedding-Mistral/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..e70249d04 --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 41.14351847240913, + "main_score": 41.14351847240913 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/ClimateFEVER.json b/results/arcdev__SFR-Embedding-Mistral/external/ClimateFEVER.json new file mode 100644 index 000000000..fc426439d --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/ClimateFEVER.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 35.179, + "ndcg_at_2": 31.243, + "ndcg_at_3": 30.562, + "ndcg_at_5": 32.409, + "ndcg_at_7": 34.525, + "ndcg_at_10": 36.415, + "ndcg_at_20": 39.443, + "ndcg_at_30": 40.796, + "ndcg_at_50": 42.16, + "ndcg_at_70": 42.971, + "ndcg_at_100": 43.691, + "ndcg_at_200": 45.004, + "ndcg_at_300": 45.527, + "ndcg_at_500": 46.072, + "ndcg_at_700": 46.387, + "ndcg_at_1000": 46.663, + "map_at_1": 15.692, + "map_at_2": 20.116, + "map_at_3": 22.6, + "map_at_5": 24.701, + "map_at_7": 25.934, + "map_at_10": 26.843, + "map_at_20": 27.975, + "map_at_30": 28.372000000000003, + "map_at_50": 28.671000000000003, + "map_at_70": 28.803, + "map_at_100": 28.895, + "map_at_200": 29.011, + "map_at_300": 29.042, + "map_at_500": 29.065, + "map_at_700": 29.075, + "map_at_1000": 29.081000000000003, + "recall_at_1": 15.692, + "recall_at_2": 22.602, + "recall_at_3": 27.814, + "recall_at_5": 33.756, + "recall_at_7": 38.073, + "recall_at_10": 42.553000000000004, + "recall_at_20": 51.121, + "recall_at_30": 55.523999999999994, + "recall_at_50": 60.586, + "recall_at_70": 63.94, + "recall_at_100": 67.134, + "recall_at_200": 73.543, + "recall_at_300": 76.372, + "recall_at_500": 79.60199999999999, + "recall_at_700": 81.536, + "recall_at_1000": 83.37400000000001, + "precision_at_1": 35.179, + "precision_at_2": 27.199, + "precision_at_3": 22.953000000000003, + "precision_at_5": 17.224999999999998, + "precision_at_7": 14.238999999999999, + "precision_at_10": 11.303, + "precision_at_20": 6.954000000000001, + "precision_at_30": 5.116, + "precision_at_50": 3.395, + "precision_at_70": 2.579, + "precision_at_100": 1.9109999999999998, + "precision_at_200": 1.065, + "precision_at_300": 0.743, + "precision_at_500": 0.46699999999999997, + "precision_at_700": 0.344, + "precision_at_1000": 0.247, + "mrr_at_1": 35.179, + "mrr_at_2": 41.792, + "mrr_at_3": 44.484, + "mrr_at_5": 46.39, + "mrr_at_7": 47.125, + "mrr_at_10": 47.711999999999996, + "mrr_at_20": 48.214, + "mrr_at_30": 48.325, + "mrr_at_50": 48.392, + "mrr_at_70": 48.418, + "mrr_at_100": 48.44, + "mrr_at_200": 48.46, + "mrr_at_300": 48.461999999999996, + "mrr_at_500": 48.466, + "mrr_at_700": 48.466, + "mrr_at_1000": 48.467, + "main_score": 36.415 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/DBPedia.json b/results/arcdev__SFR-Embedding-Mistral/external/DBPedia.json new file mode 100644 index 000000000..e107d5a9a --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/DBPedia.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 62.375, + "ndcg_at_2": 56.286, + "ndcg_at_3": 53.665, + "ndcg_at_5": 51.139, + "ndcg_at_7": 49.873, + "ndcg_at_10": 49.056, + "ndcg_at_20": 48.783, + "ndcg_at_30": 49.166, + "ndcg_at_50": 51.141999999999996, + "ndcg_at_70": 52.774, + "ndcg_at_100": 54.403, + "ndcg_at_200": 57.419, + "ndcg_at_300": 58.778, + "ndcg_at_500": 60.228, + "ndcg_at_700": 61.07599999999999, + "ndcg_at_1000": 61.846000000000004, + "map_at_1": 10.359, + "map_at_2": 14.446, + "map_at_3": 16.689, + "map_at_5": 20.096, + "map_at_7": 22.247, + "map_at_10": 24.468999999999998, + "map_at_20": 28.938000000000002, + "map_at_30": 31.134, + "map_at_50": 33.403, + "map_at_70": 34.486, + "map_at_100": 35.337, + "map_at_200": 36.364999999999995, + "map_at_300": 36.735, + "map_at_500": 37.057, + "map_at_700": 37.225, + "map_at_1000": 37.379, + "recall_at_1": 10.359, + "recall_at_2": 14.945, + "recall_at_3": 17.694, + "recall_at_5": 22.677, + "recall_at_7": 26.131, + "recall_at_10": 30.053, + "recall_at_20": 39.518, + "recall_at_30": 44.925, + "recall_at_50": 52.154, + "recall_at_70": 56.729, + "recall_at_100": 61.18900000000001, + "recall_at_200": 70.407, + "recall_at_300": 74.412, + "recall_at_500": 78.891, + "recall_at_700": 81.74, + "recall_at_1000": 84.253, + "precision_at_1": 75, + "precision_at_2": 64.125, + "precision_at_3": 57.833, + "precision_at_5": 50.24999999999999, + "precision_at_7": 44.75, + "precision_at_10": 39.75, + "precision_at_20": 30.412, + "precision_at_30": 25.141999999999996, + "precision_at_50": 19.2, + "precision_at_70": 15.729000000000001, + "precision_at_100": 12.552, + "precision_at_200": 7.866, + "precision_at_300": 5.9270000000000005, + "precision_at_500": 4.1129999999999995, + "precision_at_700": 3.2460000000000004, + "precision_at_1000": 2.5260000000000002, + "mrr_at_1": 75, + "mrr_at_2": 78.625, + "mrr_at_3": 79.708, + "mrr_at_5": 80.446, + "mrr_at_7": 80.862, + "mrr_at_10": 81.161, + "mrr_at_20": 81.3, + "mrr_at_30": 81.348, + "mrr_at_50": 81.361, + "mrr_at_70": 81.361, + "mrr_at_100": 81.361, + "mrr_at_200": 81.367, + "mrr_at_300": 81.367, + "mrr_at_500": 81.368, + "mrr_at_700": 81.368, + "mrr_at_1000": 81.368, + "main_score": 49.056 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/EmotionClassification.json b/results/arcdev__SFR-Embedding-Mistral/external/EmotionClassification.json new file mode 100644 index 000000000..265686808 --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 50.239999999999995, + "f1": 46.42361822342044, + "main_score": 50.239999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/FEVER.json b/results/arcdev__SFR-Embedding-Mistral/external/FEVER.json new file mode 100644 index 000000000..8bfa2819b --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/FEVER.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 83.723, + "ndcg_at_2": 86.777, + "ndcg_at_3": 87.997, + "ndcg_at_5": 88.864, + "ndcg_at_7": 89.143, + "ndcg_at_10": 89.349, + "ndcg_at_20": 89.709, + "ndcg_at_30": 89.82900000000001, + "ndcg_at_50": 89.923, + "ndcg_at_70": 89.982, + "ndcg_at_100": 90.026, + "ndcg_at_200": 90.10000000000001, + "ndcg_at_300": 90.12599999999999, + "ndcg_at_500": 90.17399999999999, + "ndcg_at_700": 90.19, + "ndcg_at_1000": 90.208, + "map_at_1": 77.64999999999999, + "map_at_2": 83.769, + "map_at_3": 85.041, + "map_at_5": 85.736, + "map_at_7": 85.924, + "map_at_10": 86.032, + "map_at_20": 86.177, + "map_at_30": 86.213, + "map_at_50": 86.233, + "map_at_70": 86.24300000000001, + "map_at_100": 86.249, + "map_at_200": 86.256, + "map_at_300": 86.258, + "map_at_500": 86.26, + "map_at_700": 86.26, + "map_at_1000": 86.261, + "recall_at_1": 77.64999999999999, + "recall_at_2": 88.53999999999999, + "recall_at_3": 91.696, + "recall_at_5": 93.916, + "recall_at_7": 94.731, + "recall_at_10": 95.318, + "recall_at_20": 96.507, + "recall_at_30": 96.956, + "recall_at_50": 97.34899999999999, + "recall_at_70": 97.61, + "recall_at_100": 97.83, + "recall_at_200": 98.223, + "recall_at_300": 98.374, + "recall_at_500": 98.67899999999999, + "recall_at_700": 98.787, + "recall_at_1000": 98.919, + "precision_at_1": 83.723, + "precision_at_2": 48.425000000000004, + "precision_at_3": 33.638, + "precision_at_5": 20.843, + "precision_at_7": 15.079, + "precision_at_10": 10.674999999999999, + "precision_at_20": 5.457999999999999, + "precision_at_30": 3.6740000000000004, + "precision_at_50": 2.2239999999999998, + "precision_at_70": 1.599, + "precision_at_100": 1.125, + "precision_at_200": 0.5680000000000001, + "precision_at_300": 0.38, + "precision_at_500": 0.22999999999999998, + "precision_at_700": 0.165, + "precision_at_1000": 0.116, + "mrr_at_1": 83.723, + "mrr_at_2": 88.794, + "mrr_at_3": 89.679, + "mrr_at_5": 90.049, + "mrr_at_7": 90.129, + "mrr_at_10": 90.167, + "mrr_at_20": 90.208, + "mrr_at_30": 90.214, + "mrr_at_50": 90.217, + "mrr_at_70": 90.218, + "mrr_at_100": 90.21900000000001, + "mrr_at_200": 90.21900000000001, + "mrr_at_300": 90.21900000000001, + "mrr_at_500": 90.21900000000001, + "mrr_at_700": 90.21900000000001, + "mrr_at_1000": 90.21900000000001, + "main_score": 89.349 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/FiQA2018.json b/results/arcdev__SFR-Embedding-Mistral/external/FiQA2018.json new file mode 100644 index 000000000..cfe53033f --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/FiQA2018.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 59.721999999999994, + "ndcg_at_2": 56.85, + "ndcg_at_3": 56.462999999999994, + "ndcg_at_5": 57.75599999999999, + "ndcg_at_7": 59.109, + "ndcg_at_10": 60.402, + "ndcg_at_20": 63.071999999999996, + "ndcg_at_30": 64.302, + "ndcg_at_50": 65.619, + "ndcg_at_70": 66.161, + "ndcg_at_100": 66.645, + "ndcg_at_200": 67.353, + "ndcg_at_300": 67.646, + "ndcg_at_500": 67.852, + "ndcg_at_700": 67.974, + "ndcg_at_1000": 68.084, + "map_at_1": 31.56, + "map_at_2": 42.093, + "map_at_3": 46.177, + "map_at_5": 49.78, + "map_at_7": 51.410999999999994, + "map_at_10": 52.524, + "map_at_20": 53.815000000000005, + "map_at_30": 54.201, + "map_at_50": 54.531, + "map_at_70": 54.625, + "map_at_100": 54.686, + "map_at_200": 54.757999999999996, + "map_at_300": 54.776, + "map_at_500": 54.786, + "map_at_700": 54.790000000000006, + "map_at_1000": 54.793000000000006, + "recall_at_1": 31.56, + "recall_at_2": 44.858, + "recall_at_3": 51.11, + "recall_at_5": 58.394, + "recall_at_7": 63.001, + "recall_at_10": 66.81200000000001, + "recall_at_20": 74.901, + "recall_at_30": 79.218, + "recall_at_50": 84.49, + "recall_at_70": 87.003, + "recall_at_100": 89.345, + "recall_at_200": 93.173, + "recall_at_300": 94.906, + "recall_at_500": 96.223, + "recall_at_700": 97.043, + "recall_at_1000": 97.785, + "precision_at_1": 59.721999999999994, + "precision_at_2": 46.682, + "precision_at_3": 37.602999999999994, + "precision_at_5": 27.500000000000004, + "precision_at_7": 21.847, + "precision_at_10": 16.667, + "precision_at_20": 9.545, + "precision_at_30": 6.795, + "precision_at_50": 4.38, + "precision_at_70": 3.221, + "precision_at_100": 2.319, + "precision_at_200": 1.2149999999999999, + "precision_at_300": 0.827, + "precision_at_500": 0.504, + "precision_at_700": 0.364, + "precision_at_1000": 0.257, + "mrr_at_1": 59.721999999999994, + "mrr_at_2": 64.506, + "mrr_at_3": 65.792, + "mrr_at_5": 66.965, + "mrr_at_7": 67.34700000000001, + "mrr_at_10": 67.57, + "mrr_at_20": 67.896, + "mrr_at_30": 68.008, + "mrr_at_50": 68.083, + "mrr_at_70": 68.105, + "mrr_at_100": 68.116, + "mrr_at_200": 68.12700000000001, + "mrr_at_300": 68.13, + "mrr_at_500": 68.132, + "mrr_at_700": 68.133, + "mrr_at_1000": 68.133, + "main_score": 60.402 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/HotpotQA.json b/results/arcdev__SFR-Embedding-Mistral/external/HotpotQA.json new file mode 100644 index 000000000..b98d6d143 --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/HotpotQA.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 81.796, + "ndcg_at_2": 67.999, + "ndcg_at_3": 72.15599999999999, + "ndcg_at_5": 74.99900000000001, + "ndcg_at_7": 76.179, + "ndcg_at_10": 77.022, + "ndcg_at_20": 78.173, + "ndcg_at_30": 78.648, + "ndcg_at_50": 79.104, + "ndcg_at_70": 79.335, + "ndcg_at_100": 79.56, + "ndcg_at_200": 79.911, + "ndcg_at_300": 80.045, + "ndcg_at_500": 80.19500000000001, + "ndcg_at_700": 80.281, + "ndcg_at_1000": 80.35, + "map_at_1": 40.898, + "map_at_2": 62.016000000000005, + "map_at_3": 66.121, + "map_at_5": 68.471, + "map_at_7": 69.261, + "map_at_10": 69.738, + "map_at_20": 70.208, + "map_at_30": 70.343, + "map_at_50": 70.43700000000001, + "map_at_70": 70.47099999999999, + "map_at_100": 70.498, + "map_at_200": 70.526, + "map_at_300": 70.533, + "map_at_500": 70.538, + "map_at_700": 70.541, + "map_at_1000": 70.542, + "recall_at_1": 40.898, + "recall_at_2": 63.964, + "recall_at_3": 70.743, + "recall_at_5": 76.36699999999999, + "recall_at_7": 79.142, + "recall_at_10": 81.404, + "recall_at_20": 85.111, + "recall_at_30": 86.92800000000001, + "recall_at_50": 88.899, + "recall_at_70": 90.01400000000001, + "recall_at_100": 91.19500000000001, + "recall_at_200": 93.234, + "recall_at_300": 94.105, + "recall_at_500": 95.159, + "recall_at_700": 95.8, + "recall_at_1000": 96.34700000000001, + "precision_at_1": 81.796, + "precision_at_2": 63.964, + "precision_at_3": 47.162, + "precision_at_5": 30.547, + "precision_at_7": 22.612, + "precision_at_10": 16.281000000000002, + "precision_at_20": 8.511000000000001, + "precision_at_30": 5.795, + "precision_at_50": 3.556, + "precision_at_70": 2.572, + "precision_at_100": 1.8239999999999998, + "precision_at_200": 0.932, + "precision_at_300": 0.627, + "precision_at_500": 0.381, + "precision_at_700": 0.27399999999999997, + "precision_at_1000": 0.193, + "mrr_at_1": 81.796, + "mrr_at_2": 85.69200000000001, + "mrr_at_3": 86.52, + "mrr_at_5": 86.973, + "mrr_at_7": 87.13300000000001, + "mrr_at_10": 87.208, + "mrr_at_20": 87.303, + "mrr_at_30": 87.32799999999999, + "mrr_at_50": 87.347, + "mrr_at_70": 87.35199999999999, + "mrr_at_100": 87.355, + "mrr_at_200": 87.357, + "mrr_at_300": 87.357, + "mrr_at_500": 87.358, + "mrr_at_700": 87.358, + "mrr_at_1000": 87.358, + "main_score": 77.022 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/ImdbClassification.json b/results/arcdev__SFR-Embedding-Mistral/external/ImdbClassification.json new file mode 100644 index 000000000..43fc30488 --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 94.79200000000002, + "ap": 92.54484356773553, + "f1": 94.78965313682525, + "main_score": 94.79200000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/MSMARCO.json b/results/arcdev__SFR-Embedding-Mistral/external/MSMARCO.json new file mode 100644 index 000000000..44c999683 --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/MSMARCO.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 24.398, + "ndcg_at_2": 31.336000000000002, + "ndcg_at_3": 35.266999999999996, + "ndcg_at_5": 39.356, + "ndcg_at_7": 41.562, + "ndcg_at_10": 43.408, + "ndcg_at_20": 46.107, + "ndcg_at_30": 47.164, + "ndcg_at_50": 48.126000000000005, + "ndcg_at_70": 48.626999999999995, + "ndcg_at_100": 49.043, + "ndcg_at_200": 49.575, + "ndcg_at_300": 49.794, + "ndcg_at_500": 49.942, + "ndcg_at_700": 50.014, + "ndcg_at_1000": 50.077000000000005, + "map_at_1": 23.723, + "map_at_2": 29.593000000000004, + "map_at_3": 32.273, + "map_at_5": 34.587, + "map_at_7": 35.589999999999996, + "map_at_10": 36.296, + "map_at_20": 37.059999999999995, + "map_at_30": 37.265, + "map_at_50": 37.402, + "map_at_70": 37.454, + "map_at_100": 37.486999999999995, + "map_at_200": 37.516, + "map_at_300": 37.524, + "map_at_500": 37.528, + "map_at_700": 37.529, + "map_at_1000": 37.53, + "recall_at_1": 23.723, + "recall_at_2": 35.355, + "recall_at_3": 43.22, + "recall_at_5": 53.025, + "recall_at_7": 59.327, + "recall_at_10": 65.302, + "recall_at_20": 75.765, + "recall_at_30": 80.632, + "recall_at_50": 85.63499999999999, + "recall_at_70": 88.554, + "recall_at_100": 91.16300000000001, + "recall_at_200": 94.85, + "recall_at_300": 96.532, + "recall_at_500": 97.751, + "recall_at_700": 98.383, + "recall_at_1000": 98.97, + "precision_at_1": 24.398, + "precision_at_2": 18.274, + "precision_at_3": 14.951999999999998, + "precision_at_5": 11.052, + "precision_at_7": 8.84, + "precision_at_10": 6.8309999999999995, + "precision_at_20": 3.978, + "precision_at_30": 2.827, + "precision_at_50": 1.807, + "precision_at_70": 1.336, + "precision_at_100": 0.964, + "precision_at_200": 0.502, + "precision_at_300": 0.34099999999999997, + "precision_at_500": 0.208, + "precision_at_700": 0.15, + "precision_at_1000": 0.105, + "mrr_at_1": 24.398, + "mrr_at_2": 30.351, + "mrr_at_3": 33.001000000000005, + "mrr_at_5": 35.228, + "mrr_at_7": 36.223, + "mrr_at_10": 36.903999999999996, + "mrr_at_20": 37.631, + "mrr_at_30": 37.830000000000005, + "mrr_at_50": 37.955, + "mrr_at_70": 38.003, + "mrr_at_100": 38.033, + "mrr_at_200": 38.059, + "mrr_at_300": 38.066, + "mrr_at_500": 38.068999999999996, + "mrr_at_700": 38.07, + "mrr_at_1000": 38.07, + "main_score": 43.408 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/MTOPDomainClassification.json b/results/arcdev__SFR-Embedding-Mistral/external/MTOPDomainClassification.json new file mode 100644 index 000000000..04ad1c933 --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 96.35658914728683, + "f1": 96.15039630903114, + "main_score": 96.35658914728683 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/MTOPIntentClassification.json b/results/arcdev__SFR-Embedding-Mistral/external/MTOPIntentClassification.json new file mode 100644 index 000000000..dd3208928 --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.29730962152303, + "f1": 71.12166316567485, + "main_score": 86.29730962152303 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/MassiveIntentClassification.json b/results/arcdev__SFR-Embedding-Mistral/external/MassiveIntentClassification.json new file mode 100644 index 000000000..e8f33bff8 --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.98991257565568, + "f1": 77.41680115095276, + "main_score": 79.98991257565568 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/MassiveScenarioClassification.json b/results/arcdev__SFR-Embedding-Mistral/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..ae0c7ccd4 --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 82.1990585070612, + "f1": 82.23719179179362, + "main_score": 82.1990585070612 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/MedrxivClusteringP2P.json b/results/arcdev__SFR-Embedding-Mistral/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..2e8b4cdfa --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.03019554933584, + "main_score": 40.03019554933584 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/MedrxivClusteringS2S.json b/results/arcdev__SFR-Embedding-Mistral/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..a8d89cb57 --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.999760551497815, + "main_score": 38.999760551497815 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/MindSmallReranking.json b/results/arcdev__SFR-Embedding-Mistral/external/MindSmallReranking.json new file mode 100644 index 000000000..171e15520 --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 32.72383151953079, + "mrr": 33.93989699030721, + "main_score": 32.72383151953079 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/NFCorpus.json b/results/arcdev__SFR-Embedding-Mistral/external/NFCorpus.json new file mode 100644 index 000000000..4891ff900 --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/NFCorpus.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 51.858000000000004, + "ndcg_at_2": 49.675999999999995, + "ndcg_at_3": 47.519, + "ndcg_at_5": 45.198, + "ndcg_at_7": 43.504, + "ndcg_at_10": 41.88, + "ndcg_at_20": 39.122, + "ndcg_at_30": 37.95, + "ndcg_at_50": 37.602999999999994, + "ndcg_at_70": 37.836, + "ndcg_at_100": 38.493, + "ndcg_at_200": 40.187, + "ndcg_at_300": 41.524, + "ndcg_at_500": 43.657000000000004, + "ndcg_at_700": 45.234, + "ndcg_at_1000": 47.047, + "map_at_1": 6.392, + "map_at_2": 10.113, + "map_at_3": 11.543000000000001, + "map_at_5": 13.729, + "map_at_7": 14.985000000000001, + "map_at_10": 16.217000000000002, + "map_at_20": 18.106, + "map_at_30": 18.878, + "map_at_50": 19.822, + "map_at_70": 20.352999999999998, + "map_at_100": 20.827, + "map_at_200": 21.512, + "map_at_300": 21.826, + "map_at_500": 22.155, + "map_at_700": 22.349, + "map_at_1000": 22.531000000000002, + "recall_at_1": 6.392, + "recall_at_2": 11.215, + "recall_at_3": 13.231000000000002, + "recall_at_5": 16.66, + "recall_at_7": 18.802, + "recall_at_10": 21.185000000000002, + "recall_at_20": 25.35, + "recall_at_30": 27.91, + "recall_at_50": 32.845, + "recall_at_70": 35.789, + "recall_at_100": 39.247, + "recall_at_200": 46.655, + "recall_at_300": 51.43299999999999, + "recall_at_500": 59.472, + "recall_at_700": 64.742, + "recall_at_1000": 70.97099999999999, + "precision_at_1": 53.559999999999995, + "precision_at_2": 48.762, + "precision_at_3": 44.169000000000004, + "precision_at_5": 39.071, + "precision_at_7": 35.161, + "precision_at_10": 31.238, + "precision_at_20": 23.064999999999998, + "precision_at_30": 18.844, + "precision_at_50": 14.601, + "precision_at_70": 12.088000000000001, + "precision_at_100": 9.844999999999999, + "precision_at_200": 6.358, + "precision_at_300": 4.915, + "precision_at_500": 3.531, + "precision_at_700": 2.8649999999999998, + "precision_at_1000": 2.289, + "mrr_at_1": 54.17999999999999, + "mrr_at_2": 59.288, + "mrr_at_3": 60.836, + "mrr_at_5": 62.275999999999996, + "mrr_at_7": 62.688, + "mrr_at_10": 62.865, + "mrr_at_20": 63.11, + "mrr_at_30": 63.193999999999996, + "mrr_at_50": 63.258, + "mrr_at_70": 63.278, + "mrr_at_100": 63.297000000000004, + "mrr_at_200": 63.315999999999995, + "mrr_at_300": 63.318, + "mrr_at_500": 63.32299999999999, + "mrr_at_700": 63.324000000000005, + "mrr_at_1000": 63.324999999999996, + "main_score": 41.88 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/NQ.json b/results/arcdev__SFR-Embedding-Mistral/external/NQ.json new file mode 100644 index 000000000..080c55452 --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/NQ.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 50.897999999999996, + "ndcg_at_2": 59.126, + "ndcg_at_3": 63.093999999999994, + "ndcg_at_5": 67.197, + "ndcg_at_7": 68.719, + "ndcg_at_10": 69.915, + "ndcg_at_20": 71.229, + "ndcg_at_30": 71.667, + "ndcg_at_50": 71.98, + "ndcg_at_70": 72.127, + "ndcg_at_100": 72.217, + "ndcg_at_200": 72.319, + "ndcg_at_300": 72.347, + "ndcg_at_500": 72.37, + "ndcg_at_700": 72.379, + "ndcg_at_1000": 72.381, + "map_at_1": 45.297, + "map_at_2": 55.596000000000004, + "map_at_3": 58.724, + "map_at_5": 61.387, + "map_at_7": 62.173, + "map_at_10": 62.69, + "map_at_20": 63.125, + "map_at_30": 63.223, + "map_at_50": 63.27700000000001, + "map_at_70": 63.295, + "map_at_100": 63.303, + "map_at_200": 63.31, + "map_at_300": 63.31099999999999, + "map_at_500": 63.312000000000005, + "map_at_700": 63.312000000000005, + "map_at_1000": 63.312000000000005, + "recall_at_1": 45.297, + "recall_at_2": 63.866, + "recall_at_3": 71.898, + "recall_at_5": 81.16600000000001, + "recall_at_7": 85.301, + "recall_at_10": 88.94800000000001, + "recall_at_20": 93.719, + "recall_at_30": 95.628, + "recall_at_50": 97.14699999999999, + "recall_at_70": 97.955, + "recall_at_100": 98.48599999999999, + "recall_at_200": 99.157, + "recall_at_300": 99.355, + "recall_at_500": 99.53699999999999, + "recall_at_700": 99.62299999999999, + "recall_at_1000": 99.638, + "precision_at_1": 50.897999999999996, + "precision_at_2": 36.703, + "precision_at_3": 27.926000000000002, + "precision_at_5": 19.276, + "precision_at_7": 14.533999999999999, + "precision_at_10": 10.678, + "precision_at_20": 5.663, + "precision_at_30": 3.8600000000000003, + "precision_at_50": 2.358, + "precision_at_70": 1.7000000000000002, + "precision_at_100": 1.198, + "precision_at_200": 0.603, + "precision_at_300": 0.40299999999999997, + "precision_at_500": 0.242, + "precision_at_700": 0.173, + "precision_at_1000": 0.121, + "mrr_at_1": 50.897999999999996, + "mrr_at_2": 59.994, + "mrr_at_3": 62.553000000000004, + "mrr_at_5": 64.307, + "mrr_at_7": 64.864, + "mrr_at_10": 65.22200000000001, + "mrr_at_20": 65.499, + "mrr_at_30": 65.561, + "mrr_at_50": 65.592, + "mrr_at_70": 65.602, + "mrr_at_100": 65.607, + "mrr_at_200": 65.61099999999999, + "mrr_at_300": 65.61200000000001, + "mrr_at_500": 65.61200000000001, + "mrr_at_700": 65.61200000000001, + "mrr_at_1000": 65.61200000000001, + "main_score": 69.915 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/QuoraRetrieval.json b/results/arcdev__SFR-Embedding-Mistral/external/QuoraRetrieval.json new file mode 100644 index 000000000..f9bbabe9a --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/QuoraRetrieval.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 82.96, + "ndcg_at_2": 85.614, + "ndcg_at_3": 87.19, + "ndcg_at_5": 88.654, + "ndcg_at_7": 89.287, + "ndcg_at_10": 89.785, + "ndcg_at_20": 90.384, + "ndcg_at_30": 90.589, + "ndcg_at_50": 90.738, + "ndcg_at_70": 90.789, + "ndcg_at_100": 90.824, + "ndcg_at_200": 90.869, + "ndcg_at_300": 90.881, + "ndcg_at_500": 90.886, + "ndcg_at_700": 90.889, + "ndcg_at_1000": 90.889, + "map_at_1": 72.152, + "map_at_2": 80.818, + "map_at_3": 83.462, + "map_at_5": 85.286, + "map_at_7": 85.921, + "map_at_10": 86.334, + "map_at_20": 86.737, + "map_at_30": 86.847, + "map_at_50": 86.911, + "map_at_70": 86.932, + "map_at_100": 86.943, + "map_at_200": 86.953, + "map_at_300": 86.955, + "map_at_500": 86.956, + "map_at_700": 86.956, + "map_at_1000": 86.956, + "recall_at_1": 72.152, + "recall_at_2": 84.129, + "recall_at_3": 88.87, + "recall_at_5": 93.067, + "recall_at_7": 94.882, + "recall_at_10": 96.353, + "recall_at_20": 98.26700000000001, + "recall_at_30": 98.92999999999999, + "recall_at_50": 99.441, + "recall_at_70": 99.619, + "recall_at_100": 99.748, + "recall_at_200": 99.911, + "recall_at_300": 99.956, + "recall_at_500": 99.98, + "recall_at_700": 99.991, + "recall_at_1000": 99.996, + "precision_at_1": 82.96, + "precision_at_2": 52.175000000000004, + "precision_at_3": 38.223, + "precision_at_5": 25.056, + "precision_at_7": 18.717, + "precision_at_10": 13.614999999999998, + "precision_at_20": 7.208, + "precision_at_30": 4.928, + "precision_at_50": 3.024, + "precision_at_70": 2.183, + "precision_at_100": 1.54, + "precision_at_200": 0.779, + "precision_at_300": 0.521, + "precision_at_500": 0.313, + "precision_at_700": 0.22399999999999998, + "precision_at_1000": 0.157, + "mrr_at_1": 82.96, + "mrr_at_2": 87.005, + "mrr_at_3": 88.07199999999999, + "mrr_at_5": 88.634, + "mrr_at_7": 88.793, + "mrr_at_10": 88.87899999999999, + "mrr_at_20": 88.94999999999999, + "mrr_at_30": 88.96, + "mrr_at_50": 88.965, + "mrr_at_70": 88.966, + "mrr_at_100": 88.967, + "mrr_at_200": 88.967, + "mrr_at_300": 88.967, + "mrr_at_500": 88.967, + "mrr_at_700": 88.967, + "mrr_at_1000": 88.967, + "main_score": 89.785 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/RedditClustering.json b/results/arcdev__SFR-Embedding-Mistral/external/RedditClustering.json new file mode 100644 index 000000000..b591d36ee --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 59.90388554491155, + "main_score": 59.90388554491155 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/RedditClusteringP2P.json b/results/arcdev__SFR-Embedding-Mistral/external/RedditClusteringP2P.json new file mode 100644 index 000000000..d18a2ddbc --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 67.64232539036783, + "main_score": 67.64232539036783 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/SCIDOCS.json b/results/arcdev__SFR-Embedding-Mistral/external/SCIDOCS.json new file mode 100644 index 000000000..7036e47af --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/SCIDOCS.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 22.6, + "ndcg_at_2": 20.355999999999998, + "ndcg_at_3": 18.536, + "ndcg_at_5": 16.523, + "ndcg_at_7": 17.979, + "ndcg_at_10": 19.908, + "ndcg_at_20": 22.887, + "ndcg_at_30": 24.43, + "ndcg_at_50": 25.959, + "ndcg_at_70": 26.989, + "ndcg_at_100": 27.977, + "ndcg_at_200": 29.831000000000003, + "ndcg_at_300": 30.787, + "ndcg_at_500": 31.974999999999998, + "ndcg_at_700": 32.554, + "ndcg_at_1000": 33.277, + "map_at_1": 4.593, + "map_at_2": 6.923, + "map_at_3": 8.3, + "map_at_5": 10.072000000000001, + "map_at_7": 10.782, + "map_at_10": 11.72, + "map_at_20": 12.838, + "map_at_30": 13.257, + "map_at_50": 13.569, + "map_at_70": 13.733, + "map_at_100": 13.858999999999998, + "map_at_200": 14.018, + "map_at_300": 14.072999999999999, + "map_at_500": 14.126, + "map_at_700": 14.145, + "map_at_1000": 14.161999999999999, + "recall_at_1": 4.593, + "recall_at_2": 7.997999999999999, + "recall_at_3": 10.563, + "recall_at_5": 14.907, + "recall_at_7": 17.4, + "recall_at_10": 21.18, + "recall_at_20": 28.144999999999996, + "recall_at_30": 32.462, + "recall_at_50": 37.267, + "recall_at_70": 40.875, + "recall_at_100": 44.641999999999996, + "recall_at_200": 52.573, + "recall_at_300": 57.089999999999996, + "recall_at_500": 63.14300000000001, + "recall_at_700": 66.313, + "recall_at_1000": 70.458, + "precision_at_1": 22.6, + "precision_at_2": 19.7, + "precision_at_3": 17.333000000000002, + "precision_at_5": 14.680000000000001, + "precision_at_7": 12.243, + "precision_at_10": 10.440000000000001, + "precision_at_20": 6.944999999999999, + "precision_at_30": 5.333, + "precision_at_50": 3.678, + "precision_at_70": 2.881, + "precision_at_100": 2.2030000000000003, + "precision_at_200": 1.295, + "precision_at_300": 0.9369999999999999, + "precision_at_500": 0.622, + "precision_at_700": 0.466, + "precision_at_1000": 0.347, + "mrr_at_1": 22.6, + "mrr_at_2": 27.900000000000002, + "mrr_at_3": 30.067, + "mrr_at_5": 32.207, + "mrr_at_7": 33.004, + "mrr_at_10": 33.596, + "mrr_at_20": 34.268, + "mrr_at_30": 34.492, + "mrr_at_50": 34.628, + "mrr_at_70": 34.681, + "mrr_at_100": 34.717, + "mrr_at_200": 34.757, + "mrr_at_300": 34.768, + "mrr_at_500": 34.772, + "mrr_at_700": 34.774, + "mrr_at_1000": 34.775, + "main_score": 19.908 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/SICK-R.json b/results/arcdev__SFR-Embedding-Mistral/external/SICK-R.json new file mode 100644 index 000000000..1b3ac74e1 --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.90122745229677, + "cos_sim_spearman": 82.92294737327579, + "euclidean_pearson": 84.08979655773187, + "euclidean_spearman": 82.92294657285412, + "manhattan_pearson": 84.09347480531832, + "manhattan_spearman": 82.91564613948087, + "cosine_pearson": 86.90122745229677, + "cosine_spearman": 82.92294737327579, + "main_score": 82.92294737327579 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/STS12.json b/results/arcdev__SFR-Embedding-Mistral/external/STS12.json new file mode 100644 index 000000000..53583a60f --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.01218713698583, + "cos_sim_spearman": 79.46865215168464, + "euclidean_pearson": 83.22621889891909, + "euclidean_spearman": 79.46853821709514, + "manhattan_pearson": 83.69962580788805, + "manhattan_spearman": 79.9561593356932, + "cosine_pearson": 87.01218713698583, + "cosine_spearman": 79.46865215168464, + "main_score": 79.46865215168464 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/STS13.json b/results/arcdev__SFR-Embedding-Mistral/external/STS13.json new file mode 100644 index 000000000..7fce18411 --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.98438696342964, + "cos_sim_spearman": 89.15419511870839, + "euclidean_pearson": 88.49646141802894, + "euclidean_spearman": 89.15419503946019, + "manhattan_pearson": 88.6420585616327, + "manhattan_spearman": 89.42648950757743, + "cosine_pearson": 88.98438696342964, + "cosine_spearman": 89.15419511870839, + "main_score": 89.15419511870839 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/STS14.json b/results/arcdev__SFR-Embedding-Mistral/external/STS14.json new file mode 100644 index 000000000..d1c67bc03 --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.30772547759544, + "cos_sim_spearman": 84.93199878424691, + "euclidean_pearson": 86.16266630395455, + "euclidean_spearman": 84.93198798543634, + "manhattan_pearson": 86.14285723189803, + "manhattan_spearman": 85.0361672522687, + "cosine_pearson": 87.30772547759544, + "cosine_spearman": 84.93199878424691, + "main_score": 84.93199878424691 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/STS15.json b/results/arcdev__SFR-Embedding-Mistral/external/STS15.json new file mode 100644 index 000000000..4aca9f5f2 --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 90.21342071197127, + "cos_sim_spearman": 90.7407512744838, + "euclidean_pearson": 90.1517933113061, + "euclidean_spearman": 90.74075125431919, + "manhattan_pearson": 90.17963034676193, + "manhattan_spearman": 90.88999275865135, + "cosine_pearson": 90.21342071197127, + "cosine_spearman": 90.7407512744838, + "main_score": 90.7407512744838 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/STS16.json b/results/arcdev__SFR-Embedding-Mistral/external/STS16.json new file mode 100644 index 000000000..b0da1b600 --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.82518054100498, + "cos_sim_spearman": 87.81570533154735, + "euclidean_pearson": 86.91684561573618, + "euclidean_spearman": 87.81570533154735, + "manhattan_pearson": 86.98311935744032, + "manhattan_spearman": 87.9594667151966, + "cosine_pearson": 86.82518054100498, + "cosine_spearman": 87.81570533154735, + "main_score": 87.81570533154735 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/STS17.json b/results/arcdev__SFR-Embedding-Mistral/external/STS17.json new file mode 100644 index 000000000..6d31e2332 --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 92.09578436612053, + "cos_sim_spearman": 92.01519349090438, + "euclidean_pearson": 92.07113635890894, + "euclidean_spearman": 92.01519349090438, + "manhattan_pearson": 91.89343820765625, + "manhattan_spearman": 91.7443476810177, + "cosine_pearson": 92.09578436612053, + "cosine_spearman": 92.01519349090438, + "main_score": 92.01519349090438 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/STS22.json b/results/arcdev__SFR-Embedding-Mistral/external/STS22.json new file mode 100644 index 000000000..67896a68b --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 69.29997751464549, + "cos_sim_spearman": 68.36425436812782, + "euclidean_pearson": 69.81381677661783, + "euclidean_spearman": 68.36425436812782, + "manhattan_pearson": 69.92823397008026, + "manhattan_spearman": 68.35770640039254, + "cosine_pearson": 69.29997751464549, + "cosine_spearman": 68.36425436812782, + "main_score": 68.36425436812782 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/STSBenchmark.json b/results/arcdev__SFR-Embedding-Mistral/external/STSBenchmark.json new file mode 100644 index 000000000..a52ab440b --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.39126315452359, + "cos_sim_spearman": 88.99708463265337, + "euclidean_pearson": 88.60793820038607, + "euclidean_spearman": 88.99708463265337, + "manhattan_pearson": 88.69860633571047, + "manhattan_spearman": 89.20094593888012, + "cosine_pearson": 88.39126315452359, + "cosine_spearman": 88.99708463265337, + "main_score": 88.99708463265337 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/SciDocsRR.json b/results/arcdev__SFR-Embedding-Mistral/external/SciDocsRR.json new file mode 100644 index 000000000..6050e1f11 --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 86.58028062818582, + "mrr": 96.53586790841693, + "main_score": 86.58028062818582 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/SciFact.json b/results/arcdev__SFR-Embedding-Mistral/external/SciFact.json new file mode 100644 index 000000000..ed0964151 --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/SciFact.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 66.333, + "ndcg_at_2": 70.655, + "ndcg_at_3": 72.801, + "ndcg_at_5": 75.793, + "ndcg_at_7": 76.946, + "ndcg_at_10": 77.66199999999999, + "ndcg_at_20": 78.786, + "ndcg_at_30": 79.066, + "ndcg_at_50": 79.255, + "ndcg_at_70": 79.423, + "ndcg_at_100": 79.476, + "ndcg_at_200": 79.65299999999999, + "ndcg_at_300": 79.696, + "ndcg_at_500": 79.73599999999999, + "ndcg_at_700": 79.77199999999999, + "ndcg_at_1000": 79.77199999999999, + "map_at_1": 63.383, + "map_at_2": 68.144, + "map_at_3": 70.19800000000001, + "map_at_5": 72.38, + "map_at_7": 72.955, + "map_at_10": 73.312, + "map_at_20": 73.678, + "map_at_30": 73.72800000000001, + "map_at_50": 73.75500000000001, + "map_at_70": 73.771, + "map_at_100": 73.776, + "map_at_200": 73.783, + "map_at_300": 73.784, + "map_at_500": 73.785, + "map_at_700": 73.786, + "map_at_1000": 73.786, + "recall_at_1": 63.383, + "recall_at_2": 72.283, + "recall_at_3": 77.183, + "recall_at_5": 84.56099999999999, + "recall_at_7": 87.67200000000001, + "recall_at_10": 89.822, + "recall_at_20": 94, + "recall_at_30": 95.333, + "recall_at_50": 96.333, + "recall_at_70": 97.333, + "recall_at_100": 97.667, + "recall_at_200": 99, + "recall_at_300": 99.333, + "recall_at_500": 99.667, + "recall_at_700": 100, + "recall_at_1000": 100, + "precision_at_1": 66.333, + "precision_at_2": 38.667, + "precision_at_3": 28.111000000000004, + "precision_at_5": 18.933, + "precision_at_7": 14.094999999999999, + "precision_at_10": 10.167, + "precision_at_20": 5.35, + "precision_at_30": 3.611, + "precision_at_50": 2.1870000000000003, + "precision_at_70": 1.576, + "precision_at_100": 1.107, + "precision_at_200": 0.5599999999999999, + "precision_at_300": 0.374, + "precision_at_500": 0.22499999999999998, + "precision_at_700": 0.161, + "precision_at_1000": 0.11299999999999999, + "mrr_at_1": 66.333, + "mrr_at_2": 70.833, + "mrr_at_3": 72.167, + "mrr_at_5": 73.6, + "mrr_at_7": 74.084, + "mrr_at_10": 74.283, + "mrr_at_20": 74.54499999999999, + "mrr_at_30": 74.59599999999999, + "mrr_at_50": 74.622, + "mrr_at_70": 74.639, + "mrr_at_100": 74.643, + "mrr_at_200": 74.65, + "mrr_at_300": 74.652, + "mrr_at_500": 74.653, + "mrr_at_700": 74.653, + "mrr_at_1000": 74.653, + "main_score": 77.66199999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/SprintDuplicateQuestions.json b/results/arcdev__SFR-Embedding-Mistral/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..d7ecda672 --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.84554455445544, + "cos_sim_ap": 96.31178339136798, + "cos_sim_f1": 92.1921921921922, + "cos_sim_precision": 92.28456913827655, + "cos_sim_recall": 92.10000000000001, + "dot_accuracy": 99.84554455445544, + "dot_ap": 96.31178339136797, + "dot_f1": 92.1921921921922, + "dot_precision": 92.28456913827655, + "dot_recall": 92.10000000000001, + "euclidean_accuracy": 99.84554455445544, + "euclidean_ap": 96.31178339136798, + "euclidean_f1": 92.1921921921922, + "euclidean_precision": 92.28456913827655, + "euclidean_recall": 92.10000000000001, + "manhattan_accuracy": 99.84752475247525, + "manhattan_ap": 96.4591954606088, + "manhattan_f1": 92.25352112676056, + "manhattan_precision": 92.81376518218623, + "manhattan_recall": 91.7, + "max_accuracy": 99.84752475247525, + "max_ap": 96.4591954606088, + "max_f1": 92.25352112676056, + "main_score": 96.4591954606088 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/StackExchangeClustering.json b/results/arcdev__SFR-Embedding-Mistral/external/StackExchangeClustering.json new file mode 100644 index 000000000..6020be62f --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 74.24659759283294, + "main_score": 74.24659759283294 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/StackExchangeClusteringP2P.json b/results/arcdev__SFR-Embedding-Mistral/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..e3563c70b --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 46.77690051260451, + "main_score": 46.77690051260451 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/StackOverflowDupQuestions.json b/results/arcdev__SFR-Embedding-Mistral/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..2069a76d9 --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 55.68436757803185, + "mrr": 56.82157711569475, + "main_score": 55.68436757803185 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/SummEval.json b/results/arcdev__SFR-Embedding-Mistral/external/SummEval.json new file mode 100644 index 000000000..917b6473e --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.652482405629843, + "cos_sim_spearman": 31.16341822347735, + "dot_pearson": 31.652479892699837, + "dot_spearman": 31.16341822347735, + "cosine_pearson": 31.652482405629843, + "cosine_spearman": 31.16341822347735, + "main_score": 31.16341822347735 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/TRECCOVID.json b/results/arcdev__SFR-Embedding-Mistral/external/TRECCOVID.json new file mode 100644 index 000000000..e42785938 --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/TRECCOVID.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 92, + "ndcg_at_2": 90.839, + "ndcg_at_3": 90.642, + "ndcg_at_5": 90.348, + "ndcg_at_7": 89.015, + "ndcg_at_10": 87.599, + "ndcg_at_20": 84.434, + "ndcg_at_30": 81.655, + "ndcg_at_50": 77.278, + "ndcg_at_70": 73.957, + "ndcg_at_100": 69.56, + "ndcg_at_200": 60.724000000000004, + "ndcg_at_300": 57.245000000000005, + "ndcg_at_500": 56.316, + "ndcg_at_700": 58.399, + "ndcg_at_1000": 62.21600000000001, + "map_at_1": 0.247, + "map_at_2": 0.488, + "map_at_3": 0.7230000000000001, + "map_at_5": 1.204, + "map_at_7": 1.6500000000000001, + "map_at_10": 2.292, + "map_at_20": 4.274, + "map_at_30": 6.027, + "map_at_50": 9.083, + "map_at_70": 11.751000000000001, + "map_at_100": 14.912, + "map_at_200": 22.213, + "map_at_300": 26.667999999999996, + "map_at_500": 31.556, + "map_at_700": 34.221000000000004, + "map_at_1000": 36.443999999999996, + "recall_at_1": 0.247, + "recall_at_2": 0.49899999999999994, + "recall_at_3": 0.742, + "recall_at_5": 1.247, + "recall_at_7": 1.722, + "recall_at_10": 2.405, + "recall_at_20": 4.583, + "recall_at_30": 6.587999999999999, + "recall_at_50": 10.188, + "recall_at_70": 13.496, + "recall_at_100": 17.578, + "recall_at_200": 28.158, + "recall_at_300": 35.532000000000004, + "recall_at_500": 45.31, + "recall_at_700": 51.822, + "recall_at_1000": 58.53, + "precision_at_1": 96, + "precision_at_2": 96, + "precision_at_3": 95.333, + "precision_at_5": 94.8, + "precision_at_7": 93.429, + "precision_at_10": 91.4, + "precision_at_20": 87.7, + "precision_at_30": 84.867, + "precision_at_50": 80.24, + "precision_at_70": 76.371, + "precision_at_100": 71.08, + "precision_at_200": 59.4, + "precision_at_300": 51.459999999999994, + "precision_at_500": 40.644000000000005, + "precision_at_700": 33.889, + "precision_at_1000": 27.250000000000004, + "mrr_at_1": 96, + "mrr_at_2": 98, + "mrr_at_3": 98, + "mrr_at_5": 98, + "mrr_at_7": 98, + "mrr_at_10": 98, + "mrr_at_20": 98, + "mrr_at_30": 98, + "mrr_at_50": 98, + "mrr_at_70": 98, + "mrr_at_100": 98, + "mrr_at_200": 98, + "mrr_at_300": 98, + "mrr_at_500": 98, + "mrr_at_700": 98, + "mrr_at_1000": 98, + "main_score": 87.599 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/Touche2020.json b/results/arcdev__SFR-Embedding-Mistral/external/Touche2020.json new file mode 100644 index 000000000..edda0d90b --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/Touche2020.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 43.878, + "ndcg_at_2": 37.956, + "ndcg_at_3": 35.053, + "ndcg_at_5": 32.59, + "ndcg_at_7": 30.226, + "ndcg_at_10": 29.005, + "ndcg_at_20": 30.11, + "ndcg_at_30": 32.019999999999996, + "ndcg_at_50": 34.354, + "ndcg_at_70": 36.665, + "ndcg_at_100": 38.888, + "ndcg_at_200": 43.435, + "ndcg_at_300": 45.795, + "ndcg_at_500": 48.699999999999996, + "ndcg_at_700": 50.242, + "ndcg_at_1000": 51.529, + "map_at_1": 3.521, + "map_at_2": 5.309, + "map_at_3": 6.576, + "map_at_5": 8.97, + "map_at_7": 10.194, + "map_at_10": 11.949, + "map_at_20": 14.686, + "map_at_30": 15.8, + "map_at_50": 16.59, + "map_at_70": 17.2, + "map_at_100": 17.765, + "map_at_200": 18.636, + "map_at_300": 18.972, + "map_at_500": 19.301, + "map_at_700": 19.445, + "map_at_1000": 19.546, + "recall_at_1": 3.521, + "recall_at_2": 5.848, + "recall_at_3": 7.657, + "recall_at_5": 11.368, + "recall_at_7": 13.748, + "recall_at_10": 18.061, + "recall_at_20": 26.844, + "recall_at_30": 31.186000000000003, + "recall_at_50": 35.951, + "recall_at_70": 40.961999999999996, + "recall_at_100": 46.743, + "recall_at_200": 58.483, + "recall_at_300": 65.973, + "recall_at_500": 75.233, + "recall_at_700": 80.472, + "recall_at_1000": 85.02, + "precision_at_1": 46.939, + "precision_at_2": 38.775999999999996, + "precision_at_3": 34.694, + "precision_at_5": 31.429000000000002, + "precision_at_7": 27.697, + "precision_at_10": 24.490000000000002, + "precision_at_20": 18.776, + "precision_at_30": 15.034, + "precision_at_50": 10.857, + "precision_at_70": 9.096, + "precision_at_100": 7.51, + "precision_at_200": 4.929, + "precision_at_300": 3.7760000000000002, + "precision_at_500": 2.6780000000000004, + "precision_at_700": 2.085, + "precision_at_1000": 1.5709999999999997, + "mrr_at_1": 46.939, + "mrr_at_2": 55.102, + "mrr_at_3": 57.823, + "mrr_at_5": 60.68, + "mrr_at_7": 60.972, + "mrr_at_10": 61.199000000000005, + "mrr_at_20": 61.831, + "mrr_at_30": 61.831, + "mrr_at_50": 61.873, + "mrr_at_70": 61.873, + "mrr_at_100": 61.873, + "mrr_at_200": 61.873, + "mrr_at_300": 61.873, + "mrr_at_500": 61.873, + "mrr_at_700": 61.873, + "mrr_at_1000": 61.873, + "main_score": 29.005 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/ToxicConversationsClassification.json b/results/arcdev__SFR-Embedding-Mistral/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..c3e5ee886 --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.3294, + "ap": 14.561333393364736, + "f1": 53.992309820496466, + "main_score": 69.3294 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/TweetSentimentExtractionClassification.json b/results/arcdev__SFR-Embedding-Mistral/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..d5e112160 --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 63.63893604980192, + "f1": 63.92959380489434, + "main_score": 63.63893604980192 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/TwentyNewsgroupsClustering.json b/results/arcdev__SFR-Embedding-Mistral/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..5e6781270 --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 56.270879258659775, + "main_score": 56.270879258659775 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/TwitterSemEval2015.json b/results/arcdev__SFR-Embedding-Mistral/external/TwitterSemEval2015.json new file mode 100644 index 000000000..1046b653b --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.71073493473207, + "cos_sim_ap": 81.52392540284202, + "cos_sim_f1": 74.71162377994676, + "cos_sim_precision": 71.89558428885094, + "cos_sim_recall": 77.75725593667546, + "dot_accuracy": 88.71073493473207, + "dot_ap": 81.52394754041109, + "dot_f1": 74.71162377994676, + "dot_precision": 71.89558428885094, + "dot_recall": 77.75725593667546, + "euclidean_accuracy": 88.71073493473207, + "euclidean_ap": 81.52392035435321, + "euclidean_f1": 74.71162377994676, + "euclidean_precision": 71.89558428885094, + "euclidean_recall": 77.75725593667546, + "manhattan_accuracy": 88.47231328604637, + "manhattan_ap": 81.22907439267321, + "manhattan_f1": 74.3351571446749, + "manhattan_precision": 71.78667977390022, + "manhattan_recall": 77.0712401055409, + "max_accuracy": 88.71073493473207, + "max_ap": 81.52394754041109, + "max_f1": 74.71162377994676, + "main_score": 81.52394754041109 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/TwitterURLCorpus.json b/results/arcdev__SFR-Embedding-Mistral/external/TwitterURLCorpus.json new file mode 100644 index 000000000..d2834d03e --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.85136026700819, + "cos_sim_ap": 87.7768002924216, + "cos_sim_f1": 80.358908624794, + "cos_sim_precision": 76.62918209122023, + "cos_sim_recall": 84.47028025870034, + "dot_accuracy": 89.85136026700819, + "dot_ap": 87.77680027889778, + "dot_f1": 80.358908624794, + "dot_precision": 76.62918209122023, + "dot_recall": 84.47028025870034, + "euclidean_accuracy": 89.85136026700819, + "euclidean_ap": 87.77680174697751, + "euclidean_f1": 80.358908624794, + "euclidean_precision": 76.62918209122023, + "euclidean_recall": 84.47028025870034, + "manhattan_accuracy": 89.86300306593705, + "manhattan_ap": 87.78613271895861, + "manhattan_f1": 80.31831016905645, + "manhattan_precision": 76.68230516070304, + "manhattan_recall": 84.3162919618109, + "max_accuracy": 89.86300306593705, + "max_ap": 87.78613271895861, + "max_f1": 80.358908624794, + "main_score": 87.78613271895861 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__SFR-Embedding-Mistral/external/model_meta.json b/results/arcdev__SFR-Embedding-Mistral/external/model_meta.json new file mode 100644 index 000000000..a75cf18cb --- /dev/null +++ b/results/arcdev__SFR-Embedding-Mistral/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "arcdev/SFR-Embedding-Mistral", + "revision": "06114f1b5a60dc9c2defc0c96026aab34ea2732f", + "release_date": "2024-03-25", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 7110660096, + "memory_usage": null, + "max_tokens": 32768, + "embed_dim": 4096, + "license": "cc-by-nc-4.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/AFQMC.json b/results/arcdev__e5-mistral-7b-instruct/external/AFQMC.json new file mode 100644 index 000000000..8af5b82c8 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/AFQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 37.863226091673866, + "cos_sim_spearman": 38.98733013335281, + "euclidean_pearson": 37.51783380497874, + "euclidean_spearman": 38.98733012753365, + "manhattan_pearson": 37.26706888081721, + "manhattan_spearman": 38.709750161903834, + "cosine_pearson": 37.863226091673866, + "cosine_spearman": 38.98733013335281, + "main_score": 38.98733013335281 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/ATEC.json b/results/arcdev__e5-mistral-7b-instruct/external/ATEC.json new file mode 100644 index 000000000..e1fa7c8c5 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/ATEC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 43.33924583134623, + "cos_sim_spearman": 42.84316155158754, + "euclidean_pearson": 45.62709879515238, + "euclidean_spearman": 42.843155921732404, + "manhattan_pearson": 45.4786950991229, + "manhattan_spearman": 42.657334751855984, + "cosine_pearson": 43.33924583134623, + "cosine_spearman": 42.84316155158754, + "main_score": 42.84316155158754 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/AmazonCounterfactualClassification.json b/results/arcdev__e5-mistral-7b-instruct/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..d2c48605d --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/AmazonCounterfactualClassification.json @@ -0,0 +1,50 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.68656716417911, + "ap": 41.71522322900398, + "f1": 72.37207703532552, + "main_score": 78.68656716417911 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 74.04710920770879, + "ap": 83.42622221864045, + "f1": 72.14388257905772, + "main_score": 74.04710920770879 + }, + { + "hf_subset": "en-ext", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.93103448275862, + "ap": 26.039284760509513, + "f1": 64.81092954450712, + "main_score": 77.93103448275862 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 77.21627408993577, + "ap": 24.876490553983036, + "f1": 63.8773359684989, + "main_score": 77.21627408993577 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/AmazonPolarityClassification.json b/results/arcdev__e5-mistral-7b-instruct/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..b4d880a5c --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 95.90679999999999, + "ap": 94.32357863164454, + "f1": 95.90485634708557, + "main_score": 95.90679999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/AmazonReviewsClassification.json b/results/arcdev__e5-mistral-7b-instruct/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..14881bce9 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/AmazonReviewsClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 55.786, + "f1": 55.31211995815146, + "main_score": 55.786 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 53.26, + "f1": 52.156230111544986, + "main_score": 53.26 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 50.33, + "f1": 49.195023008878145, + "main_score": 50.33 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 49.3, + "f1": 48.434470184108, + "main_score": 49.3 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 48.68599999999999, + "f1": 47.62681775202072, + "main_score": 48.68599999999999 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 46.238, + "f1": 45.014030559653705, + "main_score": 46.238 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/ArguAna.json b/results/arcdev__e5-mistral-7b-instruct/external/ArguAna.json new file mode 100644 index 000000000..31f39bf9b --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 36.486000000000004, + "map_at_10": 53.076, + "map_at_100": 53.657999999999994, + "map_at_1000": 53.659, + "map_at_3": 48.234, + "map_at_5": 51.121, + "mrr_at_1": 37.269000000000005, + "mrr_at_10": 53.335, + "mrr_at_100": 53.916, + "mrr_at_1000": 53.918, + "mrr_at_3": 48.518, + "mrr_at_5": 51.406, + "ndcg_at_1": 36.486000000000004, + "ndcg_at_10": 61.882000000000005, + "ndcg_at_100": 64.165, + "ndcg_at_1000": 64.203, + "ndcg_at_3": 52.049, + "ndcg_at_5": 57.199, + "precision_at_1": 36.486000000000004, + "precision_at_10": 8.982999999999999, + "precision_at_100": 0.9939999999999999, + "precision_at_1000": 0.1, + "precision_at_3": 21.029, + "precision_at_5": 15.092, + "recall_at_1": 36.486000000000004, + "recall_at_10": 89.82900000000001, + "recall_at_100": 99.36, + "recall_at_1000": 99.644, + "recall_at_3": 63.087, + "recall_at_5": 75.46199999999999, + "main_score": 61.882000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/ArxivClusteringP2P.json b/results/arcdev__e5-mistral-7b-instruct/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..d86159aa9 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 50.45119266859667, + "main_score": 50.45119266859667 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/ArxivClusteringS2S.json b/results/arcdev__e5-mistral-7b-instruct/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..f1d0a15bf --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 45.4958298992051, + "main_score": 45.4958298992051 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/AskUbuntuDupQuestions.json b/results/arcdev__e5-mistral-7b-instruct/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..5508607a8 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 66.98177472838887, + "mrr": 79.91854636591478, + "main_score": 66.98177472838887 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/BIOSSES.json b/results/arcdev__e5-mistral-7b-instruct/external/BIOSSES.json new file mode 100644 index 000000000..99a14d02e --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.67086498650698, + "cos_sim_spearman": 85.54773239564638, + "euclidean_pearson": 86.48229161588425, + "euclidean_spearman": 85.54773239564638, + "manhattan_pearson": 86.67533327742343, + "manhattan_spearman": 85.76099026691983, + "cosine_pearson": 87.67086498650698, + "cosine_spearman": 85.54773239564638, + "main_score": 85.54773239564638 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/BQ.json b/results/arcdev__e5-mistral-7b-instruct/external/BQ.json new file mode 100644 index 000000000..00ddcf98b --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/BQ.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 50.31998888922809, + "cos_sim_spearman": 50.6369940530675, + "euclidean_pearson": 50.055544636296055, + "euclidean_spearman": 50.63699405154838, + "manhattan_pearson": 50.00739378036807, + "manhattan_spearman": 50.607237418676945, + "cosine_pearson": 50.31998888922809, + "cosine_spearman": 50.6369940530675, + "main_score": 50.6369940530675 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/BUCC.json b/results/arcdev__e5-mistral-7b-instruct/external/BUCC.json new file mode 100644 index 000000000..c8e901da9 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/BUCC.json @@ -0,0 +1,58 @@ +{ + "dataset_revision": "d51519689f32196a32af33b075a01d0e7c51e252", + "task_name": "BUCC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "accuracy": 99.5615866388309, + "f1": 99.49895615866389, + "precision": 99.46764091858039, + "recall": 99.5615866388309, + "main_score": 99.49895615866389 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "accuracy": 99.19656614571869, + "f1": 99.08650671362535, + "precision": 99.0314769975787, + "recall": 99.19656614571869, + "main_score": 99.08650671362535 + }, + { + "hf_subset": "ru-en", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "accuracy": 98.0256321440942, + "f1": 97.83743216718624, + "precision": 97.74390947927492, + "recall": 98.0256321440942, + "main_score": 97.83743216718624 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "accuracy": 99.26276987888363, + "f1": 99.22766368264, + "precision": 99.21011058451816, + "recall": 99.26276987888363, + "main_score": 99.22766368264 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/Banking77Classification.json b/results/arcdev__e5-mistral-7b-instruct/external/Banking77Classification.json new file mode 100644 index 000000000..0466ab429 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 88.22727272727272, + "f1": 88.17411732496673, + "main_score": 88.22727272727272 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/BiorxivClusteringP2P.json b/results/arcdev__e5-mistral-7b-instruct/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..75be13105 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 43.530637846246975, + "main_score": 43.530637846246975 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/BiorxivClusteringS2S.json b/results/arcdev__e5-mistral-7b-instruct/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..27a994908 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.23505728593893, + "main_score": 40.23505728593893 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/CLSClusteringP2P.json b/results/arcdev__e5-mistral-7b-instruct/external/CLSClusteringP2P.json new file mode 100644 index 000000000..908b46596 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/CLSClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 44.419028279451275, + "main_score": 44.419028279451275 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/CLSClusteringS2S.json b/results/arcdev__e5-mistral-7b-instruct/external/CLSClusteringS2S.json new file mode 100644 index 000000000..e7861d86f --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/CLSClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 42.5820277929776, + "main_score": 42.5820277929776 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/ClimateFEVER.json b/results/arcdev__e5-mistral-7b-instruct/external/ClimateFEVER.json new file mode 100644 index 000000000..a8aa40879 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.539, + "map_at_10": 28.494999999999997, + "map_at_100": 30.568, + "map_at_1000": 30.741000000000003, + "map_at_3": 23.846999999999998, + "map_at_5": 26.275, + "mrr_at_1": 37.394, + "mrr_at_10": 50.068, + "mrr_at_100": 50.727, + "mrr_at_1000": 50.751000000000005, + "mrr_at_3": 46.938, + "mrr_at_5": 48.818, + "ndcg_at_1": 37.394, + "ndcg_at_10": 38.349, + "ndcg_at_100": 45.512, + "ndcg_at_1000": 48.321, + "ndcg_at_3": 32.172, + "ndcg_at_5": 34.265, + "precision_at_1": 37.394, + "precision_at_10": 11.927999999999999, + "precision_at_100": 1.966, + "precision_at_1000": 0.25, + "precision_at_3": 24.126, + "precision_at_5": 18.306, + "recall_at_1": 16.539, + "recall_at_10": 44.504, + "recall_at_100": 68.605, + "recall_at_1000": 84.1, + "recall_at_3": 29.008, + "recall_at_5": 35.58, + "main_score": 38.349 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/CmedqaRetrieval.json b/results/arcdev__e5-mistral-7b-instruct/external/CmedqaRetrieval.json new file mode 100644 index 000000000..845ed4677 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/CmedqaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 19.482, + "map_at_10": 28.622999999999998, + "map_at_100": 30.262, + "map_at_1000": 30.432, + "map_at_3": 25.647, + "map_at_5": 27.128000000000004, + "mrr_at_1": 30.408, + "mrr_at_10": 37.188, + "mrr_at_100": 38.196000000000005, + "mrr_at_1000": 38.273, + "mrr_at_3": 35.067, + "mrr_at_5": 36.124, + "ndcg_at_1": 30.408, + "ndcg_at_10": 34.215, + "ndcg_at_100": 41.349999999999994, + "ndcg_at_1000": 44.689, + "ndcg_at_3": 30.264999999999997, + "ndcg_at_5": 31.572, + "precision_at_1": 30.408, + "precision_at_10": 7.6770000000000005, + "precision_at_100": 1.352, + "precision_at_1000": 0.178, + "precision_at_3": 17.213, + "precision_at_5": 12.198, + "recall_at_1": 19.482, + "recall_at_10": 42.368, + "recall_at_100": 72.694, + "recall_at_1000": 95.602, + "recall_at_3": 30.101, + "recall_at_5": 34.708, + "main_score": 34.215 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/Cmnli.json b/results/arcdev__e5-mistral-7b-instruct/external/Cmnli.json new file mode 100644 index 000000000..e98605814 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/Cmnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Cmnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 71.16055321707758, + "cos_sim_ap": 80.21073839711723, + "cos_sim_f1": 72.9740932642487, + "cos_sim_precision": 65.53136050623488, + "cos_sim_recall": 82.3240589198036, + "dot_accuracy": 71.16055321707758, + "dot_ap": 80.212299264122, + "dot_f1": 72.9740932642487, + "dot_precision": 65.53136050623488, + "dot_recall": 82.3240589198036, + "euclidean_accuracy": 71.16055321707758, + "euclidean_ap": 80.21076298680417, + "euclidean_f1": 72.9740932642487, + "euclidean_precision": 65.53136050623488, + "euclidean_recall": 82.3240589198036, + "manhattan_accuracy": 70.71557426337944, + "manhattan_ap": 79.93448977199749, + "manhattan_f1": 72.83962726826877, + "manhattan_precision": 62.7407908077053, + "manhattan_recall": 86.81318681318682, + "max_accuracy": 71.16055321707758, + "max_ap": 80.212299264122, + "max_f1": 72.9740932642487, + "main_score": 71.16055321707758 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/CovidRetrieval.json b/results/arcdev__e5-mistral-7b-instruct/external/CovidRetrieval.json new file mode 100644 index 000000000..4d2e13ad8 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/CovidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 60.643, + "map_at_10": 69.011, + "map_at_100": 69.533, + "map_at_1000": 69.545, + "map_at_3": 67.167, + "map_at_5": 68.12700000000001, + "mrr_at_1": 60.801, + "mrr_at_10": 69.111, + "mrr_at_100": 69.6, + "mrr_at_1000": 69.611, + "mrr_at_3": 67.229, + "mrr_at_5": 68.214, + "ndcg_at_1": 60.801, + "ndcg_at_10": 73.128, + "ndcg_at_100": 75.614, + "ndcg_at_1000": 75.92, + "ndcg_at_3": 69.261, + "ndcg_at_5": 70.973, + "precision_at_1": 60.801, + "precision_at_10": 8.662, + "precision_at_100": 0.9860000000000001, + "precision_at_1000": 0.101, + "precision_at_3": 25.149, + "precision_at_5": 15.953999999999999, + "recall_at_1": 60.643, + "recall_at_10": 85.959, + "recall_at_100": 97.576, + "recall_at_1000": 100.0, + "recall_at_3": 75.184, + "recall_at_5": 79.32000000000001, + "main_score": 73.128 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/DBPedia.json b/results/arcdev__e5-mistral-7b-instruct/external/DBPedia.json new file mode 100644 index 000000000..ecc676a70 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 10.183, + "map_at_10": 23.958, + "map_at_100": 34.354, + "map_at_1000": 36.442, + "map_at_3": 16.345000000000002, + "map_at_5": 19.647000000000002, + "mrr_at_1": 74.25, + "mrr_at_10": 80.976, + "mrr_at_100": 81.256, + "mrr_at_1000": 81.262, + "mrr_at_3": 79.958, + "mrr_at_5": 80.37100000000001, + "ndcg_at_1": 62.0, + "ndcg_at_10": 48.894999999999996, + "ndcg_at_100": 53.867, + "ndcg_at_1000": 61.304, + "ndcg_at_3": 53.688, + "ndcg_at_5": 50.900999999999996, + "precision_at_1": 74.25, + "precision_at_10": 39.525, + "precision_at_100": 12.323, + "precision_at_1000": 2.539, + "precision_at_3": 57.49999999999999, + "precision_at_5": 49.1, + "recall_at_1": 10.183, + "recall_at_10": 29.296, + "recall_at_100": 60.394999999999996, + "recall_at_1000": 83.12, + "recall_at_3": 17.495, + "recall_at_5": 22.235, + "main_score": 48.894999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/DuRetrieval.json b/results/arcdev__e5-mistral-7b-instruct/external/DuRetrieval.json new file mode 100644 index 000000000..12593069c --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/DuRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 26.613999999999997, + "map_at_10": 79.77300000000001, + "map_at_100": 82.71, + "map_at_1000": 82.75, + "map_at_3": 55.92700000000001, + "map_at_5": 70.085, + "mrr_at_1": 90.7, + "mrr_at_10": 93.438, + "mrr_at_100": 93.504, + "mrr_at_1000": 93.50699999999999, + "mrr_at_3": 93.125, + "mrr_at_5": 93.34, + "ndcg_at_1": 90.7, + "ndcg_at_10": 87.023, + "ndcg_at_100": 90.068, + "ndcg_at_1000": 90.43299999999999, + "ndcg_at_3": 86.339, + "ndcg_at_5": 85.013, + "precision_at_1": 90.7, + "precision_at_10": 41.339999999999996, + "precision_at_100": 4.806, + "precision_at_1000": 0.48900000000000005, + "precision_at_3": 76.983, + "precision_at_5": 64.69, + "recall_at_1": 26.613999999999997, + "recall_at_10": 87.681, + "recall_at_100": 97.44699999999999, + "recall_at_1000": 99.348, + "recall_at_3": 57.809999999999995, + "recall_at_5": 74.258, + "main_score": 87.023 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/EcomRetrieval.json b/results/arcdev__e5-mistral-7b-instruct/external/EcomRetrieval.json new file mode 100644 index 000000000..43689ed9d --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/EcomRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 30.9, + "map_at_10": 40.467, + "map_at_100": 41.423, + "map_at_1000": 41.463, + "map_at_3": 37.25, + "map_at_5": 39.31, + "mrr_at_1": 30.9, + "mrr_at_10": 40.467, + "mrr_at_100": 41.423, + "mrr_at_1000": 41.463, + "mrr_at_3": 37.25, + "mrr_at_5": 39.31, + "ndcg_at_1": 30.9, + "ndcg_at_10": 45.957, + "ndcg_at_100": 50.735, + "ndcg_at_1000": 51.861999999999995, + "ndcg_at_3": 39.437, + "ndcg_at_5": 43.146, + "precision_at_1": 30.9, + "precision_at_10": 6.35, + "precision_at_100": 0.861, + "precision_at_1000": 0.095, + "precision_at_3": 15.267, + "precision_at_5": 10.96, + "recall_at_1": 30.9, + "recall_at_10": 63.5, + "recall_at_100": 86.1, + "recall_at_1000": 95.1, + "recall_at_3": 45.800000000000004, + "recall_at_5": 54.800000000000004, + "main_score": 45.957 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/EmotionClassification.json b/results/arcdev__e5-mistral-7b-instruct/external/EmotionClassification.json new file mode 100644 index 000000000..ef2159b78 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 49.765, + "f1": 45.93242203574485, + "main_score": 49.765 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/FEVER.json b/results/arcdev__e5-mistral-7b-instruct/external/FEVER.json new file mode 100644 index 000000000..e03811be3 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 75.138, + "map_at_10": 84.21300000000001, + "map_at_100": 84.43, + "map_at_1000": 84.441, + "map_at_3": 83.071, + "map_at_5": 83.853, + "mrr_at_1": 80.948, + "mrr_at_10": 88.175, + "mrr_at_100": 88.24, + "mrr_at_1000": 88.241, + "mrr_at_3": 87.516, + "mrr_at_5": 87.997, + "ndcg_at_1": 80.948, + "ndcg_at_10": 87.84100000000001, + "ndcg_at_100": 88.576, + "ndcg_at_1000": 88.75699999999999, + "ndcg_at_3": 86.176, + "ndcg_at_5": 87.214, + "precision_at_1": 80.948, + "precision_at_10": 10.632, + "precision_at_100": 1.123, + "precision_at_1000": 0.11499999999999999, + "precision_at_3": 33.193, + "precision_at_5": 20.663, + "recall_at_1": 75.138, + "recall_at_10": 94.89699999999999, + "recall_at_100": 97.751, + "recall_at_1000": 98.833, + "recall_at_3": 90.455, + "recall_at_5": 93.085, + "main_score": 87.84100000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/FiQA2018.json b/results/arcdev__e5-mistral-7b-instruct/external/FiQA2018.json new file mode 100644 index 000000000..6f88a1256 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.45, + "map_at_10": 48.596000000000004, + "map_at_100": 50.70400000000001, + "map_at_1000": 50.83800000000001, + "map_at_3": 42.795, + "map_at_5": 46.085, + "mrr_at_1": 56.172999999999995, + "mrr_at_10": 64.35300000000001, + "mrr_at_100": 64.947, + "mrr_at_1000": 64.967, + "mrr_at_3": 62.653999999999996, + "mrr_at_5": 63.534, + "ndcg_at_1": 56.172999999999995, + "ndcg_at_10": 56.593, + "ndcg_at_100": 62.942, + "ndcg_at_1000": 64.801, + "ndcg_at_3": 53.024, + "ndcg_at_5": 53.986999999999995, + "precision_at_1": 56.172999999999995, + "precision_at_10": 15.494, + "precision_at_100": 2.222, + "precision_at_1000": 0.254, + "precision_at_3": 35.185, + "precision_at_5": 25.556, + "recall_at_1": 29.45, + "recall_at_10": 62.882000000000005, + "recall_at_100": 85.56099999999999, + "recall_at_1000": 96.539, + "recall_at_3": 47.911, + "recall_at_5": 54.52, + "main_score": 56.593 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/HotpotQA.json b/results/arcdev__e5-mistral-7b-instruct/external/HotpotQA.json new file mode 100644 index 000000000..4ab84bfee --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 39.581, + "map_at_10": 68.401, + "map_at_100": 69.207, + "map_at_1000": 69.25200000000001, + "map_at_3": 64.689, + "map_at_5": 67.158, + "mrr_at_1": 79.163, + "mrr_at_10": 85.22999999999999, + "mrr_at_100": 85.386, + "mrr_at_1000": 85.39099999999999, + "mrr_at_3": 84.432, + "mrr_at_5": 84.952, + "ndcg_at_1": 79.163, + "ndcg_at_10": 75.721, + "ndcg_at_100": 78.411, + "ndcg_at_1000": 79.23599999999999, + "ndcg_at_3": 70.68799999999999, + "ndcg_at_5": 73.694, + "precision_at_1": 79.163, + "precision_at_10": 16.134, + "precision_at_100": 1.821, + "precision_at_1000": 0.193, + "precision_at_3": 46.446, + "precision_at_5": 30.242, + "recall_at_1": 39.581, + "recall_at_10": 80.66799999999999, + "recall_at_100": 91.033, + "recall_at_1000": 96.408, + "recall_at_3": 69.669, + "recall_at_5": 75.604, + "main_score": 75.721 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/IFlyTek.json b/results/arcdev__e5-mistral-7b-instruct/external/IFlyTek.json new file mode 100644 index 000000000..0a55dd31e --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/IFlyTek.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 45.04809542131589, + "f1": 37.01181779071118, + "main_score": 45.04809542131589 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/ImdbClassification.json b/results/arcdev__e5-mistral-7b-instruct/external/ImdbClassification.json new file mode 100644 index 000000000..7a73cd97c --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 94.78120000000001, + "ap": 92.52931921594387, + "f1": 94.77902110732532, + "main_score": 94.78120000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/JDReview.json b/results/arcdev__e5-mistral-7b-instruct/external/JDReview.json new file mode 100644 index 000000000..5408c7931 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/JDReview.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 85.81613508442777, + "ap": 52.430320593468394, + "f1": 79.95467268178068, + "main_score": 85.81613508442777 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/LCQMC.json b/results/arcdev__e5-mistral-7b-instruct/external/LCQMC.json new file mode 100644 index 000000000..9b29f22a1 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/LCQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 71.05801751913393, + "cos_sim_spearman": 75.47954644971965, + "euclidean_pearson": 74.27472296759713, + "euclidean_spearman": 75.47954201369866, + "manhattan_pearson": 74.30508190186474, + "manhattan_spearman": 75.51326518159436, + "cosine_pearson": 71.05801751913393, + "cosine_spearman": 75.47954644971965, + "main_score": 75.47954644971965 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/MMarcoReranking.json b/results/arcdev__e5-mistral-7b-instruct/external/MMarcoReranking.json new file mode 100644 index 000000000..782c2e8a8 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 24.21110921666315, + "mrr": 22.863492063492064, + "main_score": 24.21110921666315 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/MMarcoRetrieval.json b/results/arcdev__e5-mistral-7b-instruct/external/MMarcoRetrieval.json new file mode 100644 index 000000000..7875fdafb --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/MMarcoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 61.38400000000001, + "map_at_10": 70.895, + "map_at_100": 71.314, + "map_at_1000": 71.331, + "map_at_3": 69.016, + "map_at_5": 70.179, + "mrr_at_1": 63.481, + "mrr_at_10": 71.543, + "mrr_at_100": 71.91300000000001, + "mrr_at_1000": 71.928, + "mrr_at_3": 69.90899999999999, + "mrr_at_5": 70.907, + "ndcg_at_1": 63.481, + "ndcg_at_10": 74.833, + "ndcg_at_100": 76.705, + "ndcg_at_1000": 77.13600000000001, + "ndcg_at_3": 71.236, + "ndcg_at_5": 73.199, + "precision_at_1": 63.481, + "precision_at_10": 9.179, + "precision_at_100": 1.011, + "precision_at_1000": 0.105, + "precision_at_3": 27.044, + "precision_at_5": 17.272000000000002, + "recall_at_1": 61.38400000000001, + "recall_at_10": 86.318, + "recall_at_100": 94.786, + "recall_at_1000": 98.14500000000001, + "recall_at_3": 76.717, + "recall_at_5": 81.416, + "main_score": 74.833 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/MSMARCO.json b/results/arcdev__e5-mistral-7b-instruct/external/MSMARCO.json new file mode 100644 index 000000000..98456e08e --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.363999999999997, + "map_at_10": 36.022, + "map_at_100": 37.229, + "map_at_1000": 37.274, + "map_at_3": 32.131, + "map_at_5": 34.391, + "mrr_at_1": 24.069, + "mrr_at_10": 36.620000000000005, + "mrr_at_100": 37.769999999999996, + "mrr_at_1000": 37.809, + "mrr_at_3": 32.846, + "mrr_at_5": 35.02, + "ndcg_at_1": 24.069, + "ndcg_at_10": 43.056, + "ndcg_at_100": 48.754, + "ndcg_at_1000": 49.829, + "ndcg_at_3": 35.167, + "ndcg_at_5": 39.168, + "precision_at_1": 24.069, + "precision_at_10": 6.762, + "precision_at_100": 0.96, + "precision_at_1000": 0.105, + "precision_at_3": 14.957, + "precision_at_5": 11.023, + "recall_at_1": 23.363999999999997, + "recall_at_10": 64.696, + "recall_at_100": 90.795, + "recall_at_1000": 98.892, + "recall_at_3": 43.247, + "recall_at_5": 52.86300000000001, + "main_score": 43.056 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/MTOPDomainClassification.json b/results/arcdev__e5-mistral-7b-instruct/external/MTOPDomainClassification.json new file mode 100644 index 000000000..668a6de42 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/MTOPDomainClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 96.11947104423166, + "f1": 95.89561841159332, + "main_score": 96.11947104423166 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 92.97548605240912, + "f1": 92.17133696717212, + "main_score": 92.97548605240912 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 93.37224816544364, + "f1": 93.19978829237863, + "main_score": 93.37224816544364 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 91.28719072972127, + "f1": 91.28448045979604, + "main_score": 91.28719072972127 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 88.8131946934385, + "f1": 88.27883019362747, + "main_score": 88.8131946934385 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 85.52260397830018, + "f1": 85.15528226728568, + "main_score": 85.52260397830018 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/MTOPIntentClassification.json b/results/arcdev__e5-mistral-7b-instruct/external/MTOPIntentClassification.json new file mode 100644 index 000000000..daba6fd4f --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/MTOPIntentClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.10807113543093, + "f1": 70.88498219072167, + "main_score": 86.10807113543093 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 77.77120315581854, + "f1": 57.97153920153224, + "main_score": 77.77120315581854 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 79.93995997331554, + "f1": 58.839203810064866, + "main_score": 79.93995997331554 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 77.801440651425, + "f1": 58.68009647839332, + "main_score": 77.801440651425 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 72.90785227680172, + "f1": 49.83760954655788, + "main_score": 72.90785227680172 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 73.24050632911391, + "f1": 52.0562553541082, + "main_score": 73.24050632911391 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/MassiveIntentClassification.json b/results/arcdev__e5-mistral-7b-instruct/external/MassiveIntentClassification.json new file mode 100644 index 000000000..59f365913 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/MassiveIntentClassification.json @@ -0,0 +1,469 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 66.47948890383321, + "f1": 63.334877563135485, + "main_score": 66.47948890383321 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 44.2871553463349, + "f1": 43.17658050605427, + "main_score": 44.2871553463349 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 63.174176193678555, + "f1": 59.236659587042425, + "main_score": 63.174176193678555 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 64.226630800269, + "f1": 60.951842696956184, + "main_score": 64.226630800269 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 64.94283792871555, + "f1": 61.40057652844215, + "main_score": 64.94283792871555 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 55.480833893745796, + "f1": 52.5298332072816, + "main_score": 55.480833893745796 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 72.52858103564223, + "f1": 69.3770851919204, + "main_score": 72.52858103564223 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 74.09213180901143, + "f1": 71.13518469365879, + "main_score": 74.09213180901143 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 68.31203765971756, + "f1": 66.05906970865144, + "main_score": 68.31203765971756 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.57162071284465, + "f1": 77.7866172598823, + "main_score": 80.57162071284465 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 75.09414929388029, + "f1": 72.5712594833695, + "main_score": 75.09414929388029 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 72.20914593140553, + "f1": 68.90619124909186, + "main_score": 72.20914593140553 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 68.74243443174176, + "f1": 64.72743141749955, + "main_score": 68.74243443174176 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 75.11096166778749, + "f1": 72.61849933064694, + "main_score": 75.11096166778749 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 66.22394082044384, + "f1": 62.43648797607235, + "main_score": 66.22394082044384 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 69.44855413584399, + "f1": 66.56851670913659, + "main_score": 69.44855413584399 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 69.4149293880296, + "f1": 66.12960877904776, + "main_score": 69.4149293880296 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 56.916610625420304, + "f1": 54.02534600927991, + "main_score": 56.916610625420304 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 72.71351714862138, + "f1": 69.70227985126316, + "main_score": 72.71351714862138 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 59.91257565568257, + "f1": 57.06811572144974, + "main_score": 59.91257565568257 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 75.25218560860793, + "f1": 72.48057563104247, + "main_score": 75.25218560860793 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 76.35507733691998, + "f1": 73.03024649541128, + "main_score": 76.35507733691998 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 57.918628110289184, + "f1": 54.75590124456177, + "main_score": 57.918628110289184 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 52.548755884330866, + "f1": 51.5356975360209, + "main_score": 52.548755884330866 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 46.44922663080027, + "f1": 44.561114416830975, + "main_score": 46.44922663080027 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 53.95763281775386, + "f1": 50.68367245122476, + "main_score": 53.95763281775386 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 74.20645595158035, + "f1": 71.78450093258185, + "main_score": 74.20645595158035 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 59.226630800269, + "f1": 57.53988988993337, + "main_score": 59.226630800269 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 51.44922663080027, + "f1": 48.58809018065056, + "main_score": 51.44922663080027 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 51.3752521856086, + "f1": 49.91373941436425, + "main_score": 51.3752521856086 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 69.85205110961668, + "f1": 67.05660019588582, + "main_score": 69.85205110961668 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 49.1492938802959, + "f1": 46.717578025393195, + "main_score": 49.1492938802959 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 70.93140551445865, + "f1": 67.45406609372205, + "main_score": 70.93140551445865 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 74.82851378614662, + "f1": 71.15951964393868, + "main_score": 74.82851378614662 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 74.84868863483524, + "f1": 71.76056802364877, + "main_score": 74.84868863483524 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 75.27236045729657, + "f1": 72.48733090101163, + "main_score": 75.27236045729657 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 69.63012777404168, + "f1": 66.56444015346203, + "main_score": 69.63012777404168 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 76.62743779421655, + "f1": 73.82720656992142, + "main_score": 76.62743779421655 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 67.15198386012105, + "f1": 64.41418309797744, + "main_score": 67.15198386012105 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 58.8399462004035, + "f1": 56.050989519693886, + "main_score": 58.8399462004035 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 73.86684599865501, + "f1": 70.80682480844303, + "main_score": 73.86684599865501 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 57.36718224613316, + "f1": 54.998746471013774, + "main_score": 57.36718224613316 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 53.150638870208475, + "f1": 49.79179342620099, + "main_score": 53.150638870208475 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 51.50638870208473, + "f1": 49.778960742003555, + "main_score": 51.50638870208473 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 66.906523201076, + "f1": 66.75784022138245, + "main_score": 66.906523201076 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 68.73234700739744, + "f1": 65.75016141148413, + "main_score": 68.73234700739744 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 72.06792199058508, + "f1": 67.90334782594083, + "main_score": 72.06792199058508 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 62.09145931405515, + "f1": 58.88703095210731, + "main_score": 62.09145931405515 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 71.17014122394083, + "f1": 68.43676277921544, + "main_score": 71.17014122394083 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 74.99327505043712, + "f1": 72.26813373392943, + "main_score": 74.99327505043712 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 71.13987895090787, + "f1": 70.29309514467575, + "main_score": 71.13987895090787 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/MassiveScenarioClassification.json b/results/arcdev__e5-mistral-7b-instruct/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..0be46000f --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/MassiveScenarioClassification.json @@ -0,0 +1,469 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 73.37256220578345, + "f1": 72.56456170538992, + "main_score": 73.37256220578345 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 47.205783456624076, + "f1": 45.905999859074434, + "main_score": 47.205783456624076 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 69.8352387357095, + "f1": 69.43553987525273, + "main_score": 69.8352387357095 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 67.00403496973773, + "f1": 65.97477215779143, + "main_score": 67.00403496973773 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 68.04976462676531, + "f1": 67.24581993778398, + "main_score": 68.04976462676531 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 61.882985877605925, + "f1": 59.995293199988794, + "main_score": 61.882985877605925 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 76.75857431069267, + "f1": 76.52031675299841, + "main_score": 76.75857431069267 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 79.03496973772697, + "f1": 79.25548063175344, + "main_score": 79.03496973772697 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 72.96570275722931, + "f1": 72.19110435289122, + "main_score": 72.96570275722931 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 82.38735709482178, + "f1": 82.34495627619785, + "main_score": 82.38735709482178 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 78.83994620040352, + "f1": 78.91526355393667, + "main_score": 78.83994620040352 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 76.7350369872226, + "f1": 75.919437344927, + "main_score": 76.7350369872226 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 71.21721587088096, + "f1": 70.82973286243262, + "main_score": 71.21721587088096 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 78.59784801613988, + "f1": 78.47383161087423, + "main_score": 78.59784801613988 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 69.64021519838602, + "f1": 68.45118053027653, + "main_score": 69.64021519838602 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 73.51042367182245, + "f1": 72.90013022879003, + "main_score": 73.51042367182245 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 74.0551445864156, + "f1": 73.45871761713292, + "main_score": 74.0551445864156 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 59.54606590450571, + "f1": 57.72711794953869, + "main_score": 59.54606590450571 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 77.40753194351042, + "f1": 76.8157455506521, + "main_score": 77.40753194351042 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 66.58372562205783, + "f1": 65.2654868709758, + "main_score": 66.58372562205783 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 78.39273705447208, + "f1": 78.3592956594837, + "main_score": 78.39273705447208 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 79.62004034969739, + "f1": 79.78673754501855, + "main_score": 79.62004034969739 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 64.29051782111634, + "f1": 63.12502587609454, + "main_score": 64.29051782111634 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 57.51849361129791, + "f1": 56.32320906403241, + "main_score": 57.51849361129791 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 52.41761936785474, + "f1": 49.113762010098306, + "main_score": 52.41761936785474 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 58.547410894418284, + "f1": 56.87580674198118, + "main_score": 58.547410894418284 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 78.89038332212507, + "f1": 79.09210140529848, + "main_score": 78.89038332212507 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 63.503698722259585, + "f1": 61.45718858568352, + "main_score": 63.503698722259585 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 54.02824478816408, + "f1": 52.732738981386504, + "main_score": 54.02824478816408 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 54.23671822461331, + "f1": 52.688080372545286, + "main_score": 54.23671822461331 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 75.5312710154674, + "f1": 74.59368478550698, + "main_score": 75.5312710154674 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 52.192333557498316, + "f1": 50.18302290152229, + "main_score": 52.192333557498316 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 75.6960322797579, + "f1": 75.25331182714856, + "main_score": 75.6960322797579 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 78.47679892400808, + "f1": 78.24044732352424, + "main_score": 78.47679892400808 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 77.36718224613315, + "f1": 77.2714452985389, + "main_score": 77.36718224613315 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 77.96234028244788, + "f1": 78.21282127011372, + "main_score": 77.96234028244788 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 73.19435104236717, + "f1": 73.1963711292812, + "main_score": 73.19435104236717 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 80.52118359112306, + "f1": 80.4179964390288, + "main_score": 80.52118359112306 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 73.65837256220577, + "f1": 73.07156989634905, + "main_score": 73.65837256220577 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 64.02824478816409, + "f1": 62.972399027713664, + "main_score": 64.02824478816409 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 78.87020847343645, + "f1": 78.224240866849, + "main_score": 78.87020847343645 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 64.6570275722932, + "f1": 63.274871811412545, + "main_score": 64.6570275722932 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 57.760591795561524, + "f1": 56.73711528075771, + "main_score": 57.760591795561524 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 57.26967047747142, + "f1": 55.74735330863165, + "main_score": 57.26967047747142 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 72.46133154001345, + "f1": 71.9644168952811, + "main_score": 72.46133154001345 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 73.70880968392737, + "f1": 73.61543141070884, + "main_score": 73.70880968392737 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 75.0437121721587, + "f1": 74.83359868879921, + "main_score": 75.0437121721587 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 67.05110961667788, + "f1": 66.25869819274315, + "main_score": 67.05110961667788 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 75.52118359112306, + "f1": 75.92098546052303, + "main_score": 75.52118359112306 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 79.92938802958977, + "f1": 79.79833572573796, + "main_score": 79.92938802958977 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 76.86617350369872, + "f1": 77.42645654909516, + "main_score": 76.86617350369872 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/MedicalRetrieval.json b/results/arcdev__e5-mistral-7b-instruct/external/MedicalRetrieval.json new file mode 100644 index 000000000..84784500f --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/MedicalRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 44.6, + "map_at_10": 50.019000000000005, + "map_at_100": 50.611, + "map_at_1000": 50.67, + "map_at_3": 48.699999999999996, + "map_at_5": 49.455, + "mrr_at_1": 44.800000000000004, + "mrr_at_10": 50.119, + "mrr_at_100": 50.711, + "mrr_at_1000": 50.77, + "mrr_at_3": 48.8, + "mrr_at_5": 49.555, + "ndcg_at_1": 44.6, + "ndcg_at_10": 52.754, + "ndcg_at_100": 55.935, + "ndcg_at_1000": 57.607, + "ndcg_at_3": 50.012, + "ndcg_at_5": 51.393, + "precision_at_1": 44.6, + "precision_at_10": 6.140000000000001, + "precision_at_100": 0.77, + "precision_at_1000": 0.09, + "precision_at_3": 17.933, + "precision_at_5": 11.44, + "recall_at_1": 44.6, + "recall_at_10": 61.4, + "recall_at_100": 77.0, + "recall_at_1000": 90.4, + "recall_at_3": 53.800000000000004, + "recall_at_5": 57.199999999999996, + "main_score": 52.754 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/MedrxivClusteringP2P.json b/results/arcdev__e5-mistral-7b-instruct/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..4831eeb67 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.192667527616315, + "main_score": 38.192667527616315 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/MedrxivClusteringS2S.json b/results/arcdev__e5-mistral-7b-instruct/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..a7bf9c320 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.44738902946689, + "main_score": 37.44738902946689 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/MindSmallReranking.json b/results/arcdev__e5-mistral-7b-instruct/external/MindSmallReranking.json new file mode 100644 index 000000000..ae409d3b6 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 32.59661273103955, + "mrr": 33.82024242497473, + "main_score": 32.59661273103955 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/MultilingualSentiment.json b/results/arcdev__e5-mistral-7b-instruct/external/MultilingualSentiment.json new file mode 100644 index 000000000..3b8d07e5c --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/MultilingualSentiment.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 73.31333333333335, + "f1": 73.0873466527602, + "main_score": 73.31333333333335 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/NFCorpus.json b/results/arcdev__e5-mistral-7b-instruct/external/NFCorpus.json new file mode 100644 index 000000000..7c608d014 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.471, + "map_at_10": 14.142, + "map_at_100": 18.179000000000002, + "map_at_1000": 19.772000000000002, + "map_at_3": 9.716, + "map_at_5": 11.763, + "mrr_at_1": 51.393, + "mrr_at_10": 58.814, + "mrr_at_100": 59.330000000000005, + "mrr_at_1000": 59.35, + "mrr_at_3": 56.398, + "mrr_at_5": 58.038999999999994, + "ndcg_at_1": 49.69, + "ndcg_at_10": 38.615, + "ndcg_at_100": 35.268, + "ndcg_at_1000": 43.745, + "ndcg_at_3": 43.187, + "ndcg_at_5": 41.528999999999996, + "precision_at_1": 51.083999999999996, + "precision_at_10": 29.474, + "precision_at_100": 9.167, + "precision_at_1000": 2.2089999999999996, + "precision_at_3": 40.351, + "precision_at_5": 36.285000000000004, + "recall_at_1": 5.471, + "recall_at_10": 19.242, + "recall_at_100": 37.14, + "recall_at_1000": 68.35900000000001, + "recall_at_3": 10.896, + "recall_at_5": 14.75, + "main_score": 38.615 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/NQ.json b/results/arcdev__e5-mistral-7b-instruct/external/NQ.json new file mode 100644 index 000000000..c63b6daf3 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 39.499, + "map_at_10": 55.862, + "map_at_100": 56.667, + "map_at_1000": 56.684999999999995, + "map_at_3": 51.534, + "map_at_5": 54.2, + "mrr_at_1": 44.351, + "mrr_at_10": 58.567, + "mrr_at_100": 59.099000000000004, + "mrr_at_1000": 59.109, + "mrr_at_3": 55.218999999999994, + "mrr_at_5": 57.391999999999996, + "ndcg_at_1": 44.322, + "ndcg_at_10": 63.535, + "ndcg_at_100": 66.654, + "ndcg_at_1000": 66.991, + "ndcg_at_3": 55.701, + "ndcg_at_5": 60.06700000000001, + "precision_at_1": 44.322, + "precision_at_10": 10.026, + "precision_at_100": 1.18, + "precision_at_1000": 0.121, + "precision_at_3": 24.865000000000002, + "precision_at_5": 17.48, + "recall_at_1": 39.499, + "recall_at_10": 84.053, + "recall_at_100": 97.11, + "recall_at_1000": 99.493, + "recall_at_3": 64.091, + "recall_at_5": 74.063, + "main_score": 63.535 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/Ocnli.json b/results/arcdev__e5-mistral-7b-instruct/external/Ocnli.json new file mode 100644 index 000000000..1a908b616 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/Ocnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Ocnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 61.18029236599891, + "cos_sim_ap": 64.18398769398412, + "cos_sim_f1": 67.96347757046446, + "cos_sim_precision": 54.4529262086514, + "cos_sim_recall": 90.3907074973601, + "dot_accuracy": 61.18029236599891, + "dot_ap": 64.18393484706077, + "dot_f1": 67.96347757046446, + "dot_precision": 54.4529262086514, + "dot_recall": 90.3907074973601, + "euclidean_accuracy": 61.18029236599891, + "euclidean_ap": 64.18395024821486, + "euclidean_f1": 67.96347757046446, + "euclidean_precision": 54.4529262086514, + "euclidean_recall": 90.3907074973601, + "manhattan_accuracy": 61.451001624255554, + "manhattan_ap": 64.38232708763513, + "manhattan_f1": 68.05860805860804, + "manhattan_precision": 52.10319685922602, + "manhattan_recall": 98.09926082365365, + "max_accuracy": 61.451001624255554, + "max_ap": 64.38232708763513, + "max_f1": 68.05860805860804, + "main_score": 61.451001624255554 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/OnlineShopping.json b/results/arcdev__e5-mistral-7b-instruct/external/OnlineShopping.json new file mode 100644 index 000000000..8bf61e1fb --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/OnlineShopping.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 92.19000000000001, + "ap": 89.73918431886767, + "f1": 92.17175032574507, + "main_score": 92.19000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/PAWSX.json b/results/arcdev__e5-mistral-7b-instruct/external/PAWSX.json new file mode 100644 index 000000000..adc91bff6 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/PAWSX.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 15.079320253752224, + "cos_sim_spearman": 16.813772504404263, + "euclidean_pearson": 19.476541162041762, + "euclidean_spearman": 16.813772498098782, + "manhattan_pearson": 19.497429832915277, + "manhattan_spearman": 16.869600674180607, + "cosine_pearson": 15.079320253752224, + "cosine_spearman": 16.813772504404263, + "main_score": 16.813772504404263 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/QBQTC.json b/results/arcdev__e5-mistral-7b-instruct/external/QBQTC.json new file mode 100644 index 000000000..b9c15338e --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/QBQTC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "QBQTC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 30.36139599797913, + "cos_sim_spearman": 31.80296402851347, + "euclidean_pearson": 30.10387888252793, + "euclidean_spearman": 31.80297780103808, + "manhattan_pearson": 30.86720382849436, + "manhattan_spearman": 32.70491131366606, + "cosine_pearson": 30.36139599797913, + "cosine_spearman": 31.80296402851347, + "main_score": 31.80296402851347 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/QuoraRetrieval.json b/results/arcdev__e5-mistral-7b-instruct/external/QuoraRetrieval.json new file mode 100644 index 000000000..f396ffcc2 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 71.911, + "map_at_10": 86.087, + "map_at_100": 86.701, + "map_at_1000": 86.715, + "map_at_3": 83.231, + "map_at_5": 85.051, + "mrr_at_1": 82.75, + "mrr_at_10": 88.759, + "mrr_at_100": 88.844, + "mrr_at_1000": 88.844, + "mrr_at_3": 87.935, + "mrr_at_5": 88.504, + "ndcg_at_1": 82.75, + "ndcg_at_10": 89.605, + "ndcg_at_100": 90.664, + "ndcg_at_1000": 90.733, + "ndcg_at_3": 87.03, + "ndcg_at_5": 88.473, + "precision_at_1": 82.75, + "precision_at_10": 13.575000000000001, + "precision_at_100": 1.539, + "precision_at_1000": 0.157, + "precision_at_3": 38.153, + "precision_at_5": 25.008000000000003, + "recall_at_1": 71.911, + "recall_at_10": 96.261, + "recall_at_100": 99.72800000000001, + "recall_at_1000": 99.993, + "recall_at_3": 88.762, + "recall_at_5": 92.949, + "main_score": 89.605 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/RedditClustering.json b/results/arcdev__e5-mistral-7b-instruct/external/RedditClustering.json new file mode 100644 index 000000000..90460b5af --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 57.711581165572376, + "main_score": 57.711581165572376 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/RedditClusteringP2P.json b/results/arcdev__e5-mistral-7b-instruct/external/RedditClusteringP2P.json new file mode 100644 index 000000000..ee097fbc6 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 66.48938885750297, + "main_score": 66.48938885750297 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/SCIDOCS.json b/results/arcdev__e5-mistral-7b-instruct/external/SCIDOCS.json new file mode 100644 index 000000000..6fdef6194 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.7379999999999995, + "map_at_10": 9.261, + "map_at_100": 11.001, + "map_at_1000": 11.262, + "map_at_3": 6.816, + "map_at_5": 8.0, + "mrr_at_1": 18.4, + "mrr_at_10": 28.755999999999997, + "mrr_at_100": 29.892000000000003, + "mrr_at_1000": 29.961, + "mrr_at_3": 25.467000000000002, + "mrr_at_5": 27.332, + "ndcg_at_1": 18.4, + "ndcg_at_10": 16.296, + "ndcg_at_100": 23.52, + "ndcg_at_1000": 28.504, + "ndcg_at_3": 15.485, + "ndcg_at_5": 13.471, + "precision_at_1": 18.4, + "precision_at_10": 8.469999999999999, + "precision_at_100": 1.8950000000000002, + "precision_at_1000": 0.309, + "precision_at_3": 14.6, + "precision_at_5": 11.84, + "recall_at_1": 3.7379999999999995, + "recall_at_10": 17.185, + "recall_at_100": 38.397, + "recall_at_1000": 62.798, + "recall_at_3": 8.896999999999998, + "recall_at_5": 12.021999999999998, + "main_score": 16.296 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/SICK-R.json b/results/arcdev__e5-mistral-7b-instruct/external/SICK-R.json new file mode 100644 index 000000000..7447779d2 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.43977757480083, + "cos_sim_spearman": 82.64182475199533, + "euclidean_pearson": 83.71756009999591, + "euclidean_spearman": 82.64182331395057, + "manhattan_pearson": 83.8028936913025, + "manhattan_spearman": 82.71024597804252, + "cosine_pearson": 86.43977757480083, + "cosine_spearman": 82.64182475199533, + "main_score": 82.64182475199533 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/STS12.json b/results/arcdev__e5-mistral-7b-instruct/external/STS12.json new file mode 100644 index 000000000..a1b42964b --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.85653060698912, + "cos_sim_spearman": 79.65598885228324, + "euclidean_pearson": 83.1205137628455, + "euclidean_spearman": 79.65629387709038, + "manhattan_pearson": 83.71108853545837, + "manhattan_spearman": 80.25617619716708, + "cosine_pearson": 86.85653060698912, + "cosine_spearman": 79.65598885228324, + "main_score": 79.65598885228324 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/STS13.json b/results/arcdev__e5-mistral-7b-instruct/external/STS13.json new file mode 100644 index 000000000..06492b4aa --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.22921688565664, + "cos_sim_spearman": 88.42662103041957, + "euclidean_pearson": 87.91679798473325, + "euclidean_spearman": 88.42662103041957, + "manhattan_pearson": 88.16927537961303, + "manhattan_spearman": 88.81581680062541, + "cosine_pearson": 88.22921688565664, + "cosine_spearman": 88.42662103041957, + "main_score": 88.42662103041957 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/STS14.json b/results/arcdev__e5-mistral-7b-instruct/external/STS14.json new file mode 100644 index 000000000..10a64a1dd --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.77261424554293, + "cos_sim_spearman": 84.53930146434155, + "euclidean_pearson": 85.67420491389697, + "euclidean_spearman": 84.53929771783851, + "manhattan_pearson": 85.74306784515618, + "manhattan_spearman": 84.7399304675314, + "cosine_pearson": 86.77261424554293, + "cosine_spearman": 84.53930146434155, + "main_score": 84.53930146434155 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/STS15.json b/results/arcdev__e5-mistral-7b-instruct/external/STS15.json new file mode 100644 index 000000000..51e349694 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 89.86138395166455, + "cos_sim_spearman": 90.42577823022054, + "euclidean_pearson": 89.8787763797515, + "euclidean_spearman": 90.42577823022054, + "manhattan_pearson": 89.9592937492158, + "manhattan_spearman": 90.63535505335524, + "cosine_pearson": 89.86138395166455, + "cosine_spearman": 90.42577823022054, + "main_score": 90.42577823022054 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/STS16.json b/results/arcdev__e5-mistral-7b-instruct/external/STS16.json new file mode 100644 index 000000000..8ff305d22 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.5176674585941, + "cos_sim_spearman": 87.6842917085397, + "euclidean_pearson": 86.70213081520711, + "euclidean_spearman": 87.6842917085397, + "manhattan_pearson": 86.83702628983627, + "manhattan_spearman": 87.87791000374443, + "cosine_pearson": 86.5176674585941, + "cosine_spearman": 87.6842917085397, + "main_score": 87.6842917085397 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/STS17.json b/results/arcdev__e5-mistral-7b-instruct/external/STS17.json new file mode 100644 index 000000000..c597922a2 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/STS17.json @@ -0,0 +1,182 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "ko-ko", + "languages": [ + "kor-Hang" + ], + "cos_sim_pearson": 83.86395454805867, + "cos_sim_spearman": 83.69454595252267, + "euclidean_pearson": 83.04743892608313, + "euclidean_spearman": 83.69454026433006, + "manhattan_pearson": 83.4032095553322, + "manhattan_spearman": 84.11527379013802, + "cosine_pearson": 83.86395454805867, + "cosine_spearman": 83.69454595252267, + "main_score": 83.69454595252267 + }, + { + "hf_subset": "ar-ar", + "languages": [ + "ara-Arab" + ], + "cos_sim_pearson": 81.80249894729546, + "cos_sim_spearman": 81.87004960533409, + "euclidean_pearson": 80.0392760044179, + "euclidean_spearman": 81.87004960533409, + "manhattan_pearson": 80.38096542355912, + "manhattan_spearman": 82.40774679630341, + "cosine_pearson": 81.80249894729546, + "cosine_spearman": 81.87004960533409, + "main_score": 81.87004960533409 + }, + { + "hf_subset": "en-ar", + "languages": [ + "eng-Latn", + "ara-Arab" + ], + "cos_sim_pearson": 77.6158201787172, + "cos_sim_spearman": 77.934651044009, + "euclidean_pearson": 77.7874683895269, + "euclidean_spearman": 77.934651044009, + "manhattan_pearson": 78.36151849193052, + "manhattan_spearman": 78.52439586349938, + "cosine_pearson": 77.6158201787172, + "cosine_spearman": 77.934651044009, + "main_score": 77.934651044009 + }, + { + "hf_subset": "en-de", + "languages": [ + "eng-Latn", + "deu-Latn" + ], + "cos_sim_pearson": 87.04363311392207, + "cos_sim_spearman": 87.30483659369973, + "euclidean_pearson": 87.62634489502616, + "euclidean_spearman": 87.30483659369973, + "manhattan_pearson": 88.02340837141445, + "manhattan_spearman": 87.55012003294, + "cosine_pearson": 87.04363311392207, + "cosine_spearman": 87.30483659369973, + "main_score": 87.30483659369973 + }, + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 91.69172851958248, + "cos_sim_spearman": 91.7546879482416, + "euclidean_pearson": 91.84843039183963, + "euclidean_spearman": 91.7546879482416, + "manhattan_pearson": 91.72325753804357, + "manhattan_spearman": 91.55330259513397, + "cosine_pearson": 91.69172851958248, + "cosine_spearman": 91.7546879482416, + "main_score": 91.7546879482416 + }, + { + "hf_subset": "en-tr", + "languages": [ + "eng-Latn", + "tur-Latn" + ], + "cos_sim_pearson": 73.95572901084864, + "cos_sim_spearman": 72.56217821552626, + "euclidean_pearson": 74.24242980323574, + "euclidean_spearman": 72.56217821552626, + "manhattan_pearson": 74.57473362519922, + "manhattan_spearman": 72.76048826648497, + "cosine_pearson": 73.95572901084864, + "cosine_spearman": 72.56217821552626, + "main_score": 72.56217821552626 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 86.93329396008296, + "cos_sim_spearman": 88.2406635486219, + "euclidean_pearson": 87.49687343908533, + "euclidean_spearman": 88.2406635486219, + "manhattan_pearson": 88.14088309231084, + "manhattan_spearman": 88.93314020908534, + "cosine_pearson": 86.93329396008296, + "cosine_spearman": 88.2406635486219, + "main_score": 88.2406635486219 + }, + { + "hf_subset": "es-es", + "languages": [ + "spa-Latn" + ], + "cos_sim_pearson": 88.70124451546057, + "cos_sim_spearman": 87.45988160052252, + "euclidean_pearson": 88.44395505247728, + "euclidean_spearman": 87.45988160052252, + "manhattan_pearson": 88.69269783495425, + "manhattan_spearman": 87.65383425621, + "cosine_pearson": 88.70124451546057, + "cosine_spearman": 87.45988160052252, + "main_score": 87.45988160052252 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 87.64109149761346, + "cos_sim_spearman": 88.06459637689733, + "euclidean_pearson": 88.02313315797703, + "euclidean_spearman": 88.06459637689733, + "manhattan_pearson": 88.28328539133253, + "manhattan_spearman": 88.06605708379142, + "cosine_pearson": 87.64109149761346, + "cosine_spearman": 88.06459637689733, + "main_score": 88.06459637689733 + }, + { + "hf_subset": "it-en", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 88.9040028177525, + "cos_sim_spearman": 89.68152202933464, + "euclidean_pearson": 89.23684469601253, + "euclidean_spearman": 89.68152202933464, + "manhattan_pearson": 89.59504307277454, + "manhattan_spearman": 89.88060100313582, + "cosine_pearson": 88.9040028177525, + "cosine_spearman": 89.68152202933464, + "main_score": 89.68152202933464 + }, + { + "hf_subset": "nl-en", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 87.69891585325125, + "cos_sim_spearman": 88.25252785071736, + "euclidean_pearson": 87.99932873748662, + "euclidean_spearman": 88.25252785071736, + "manhattan_pearson": 88.26959683009446, + "manhattan_spearman": 88.32583227300715, + "cosine_pearson": 87.69891585325125, + "cosine_spearman": 88.25252785071736, + "main_score": 88.25252785071736 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/STS22.json b/results/arcdev__e5-mistral-7b-instruct/external/STS22.json new file mode 100644 index 000000000..aa1ddcd6c --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/STS22.json @@ -0,0 +1,288 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 67.53235909794135, + "cos_sim_spearman": 66.97521740529574, + "euclidean_pearson": 68.19502223613912, + "euclidean_spearman": 66.97521740529574, + "manhattan_pearson": 68.39070714774539, + "manhattan_spearman": 67.1072812364868, + "cosine_pearson": 67.53235909794135, + "cosine_spearman": 66.97521740529574, + "main_score": 66.97521740529574 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "cos_sim_pearson": 43.715742021204775, + "cos_sim_spearman": 49.12255971271453, + "euclidean_pearson": 40.76848562610837, + "euclidean_spearman": 49.12255971271453, + "manhattan_pearson": 40.92204625614112, + "manhattan_spearman": 49.23333793661129, + "cosine_pearson": 43.715742021204775, + "cosine_spearman": 49.12255971271453, + "main_score": 49.12255971271453 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "cos_sim_pearson": 63.35268345563588, + "cos_sim_spearman": 66.99661626042061, + "euclidean_pearson": 65.85589122857066, + "euclidean_spearman": 66.99661626042061, + "manhattan_pearson": 66.78454301512294, + "manhattan_spearman": 67.17570330149233, + "cosine_pearson": 63.35268345563588, + "cosine_spearman": 66.99661626042061, + "main_score": 66.99661626042061 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "cos_sim_pearson": 33.36599908204445, + "cos_sim_spearman": 39.20768331939503, + "euclidean_pearson": 22.16066769530468, + "euclidean_spearman": 39.20768331939503, + "manhattan_pearson": 22.386053195546022, + "manhattan_spearman": 39.70172817465986, + "cosine_pearson": 33.36599908204445, + "cosine_spearman": 39.20768331939503, + "main_score": 39.20768331939503 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "cos_sim_pearson": 63.06813956986753, + "cos_sim_spearman": 68.72065117995668, + "euclidean_pearson": 66.97373456344194, + "euclidean_spearman": 68.72065117995668, + "manhattan_pearson": 67.34907265771595, + "manhattan_spearman": 68.73705769957843, + "cosine_pearson": 63.06813956986753, + "cosine_spearman": 68.72065117995668, + "main_score": 68.72065117995668 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "cos_sim_pearson": 47.17664865207108, + "cos_sim_spearman": 54.115568323148864, + "euclidean_pearson": 48.56418162879182, + "euclidean_spearman": 54.115568323148864, + "manhattan_pearson": 48.85951643453165, + "manhattan_spearman": 54.13599784169052, + "cosine_pearson": 47.17664865207108, + "cosine_spearman": 54.115568323148864, + "main_score": 54.115568323148864 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "cos_sim_pearson": 55.87514136275987, + "cos_sim_spearman": 60.82923573674973, + "euclidean_pearson": 53.724183308215615, + "euclidean_spearman": 60.82923573674973, + "manhattan_pearson": 53.954305573102445, + "manhattan_spearman": 60.957483900644526, + "cosine_pearson": 55.87514136275987, + "cosine_spearman": 60.82923573674973, + "main_score": 60.82923573674973 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 59.55001413648593, + "cos_sim_spearman": 63.395777040381276, + "euclidean_pearson": 59.869972550293305, + "euclidean_spearman": 63.395777040381276, + "manhattan_pearson": 61.16195496847885, + "manhattan_spearman": 63.41968682525581, + "cosine_pearson": 59.55001413648593, + "cosine_spearman": 63.395777040381276, + "main_score": 63.395777040381276 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 79.13334972675852, + "cos_sim_spearman": 79.86263136371802, + "euclidean_pearson": 78.2433603592541, + "euclidean_spearman": 79.86263136371802, + "manhattan_pearson": 78.87337106318412, + "manhattan_spearman": 80.31230584758441, + "cosine_pearson": 79.13334972675852, + "cosine_spearman": 79.86263136371802, + "main_score": 79.86263136371802 + }, + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 63.559700748242356, + "cos_sim_spearman": 60.92342109509558, + "euclidean_pearson": 66.07256437521119, + "euclidean_spearman": 60.92342109509558, + "manhattan_pearson": 67.72769744612663, + "manhattan_spearman": 59.64714507774168, + "cosine_pearson": 63.559700748242356, + "cosine_spearman": 60.92342109509558, + "main_score": 60.92342109509558 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 73.93491616145891, + "cos_sim_spearman": 75.84242594400156, + "euclidean_pearson": 74.87279745626121, + "euclidean_spearman": 75.84242594400156, + "manhattan_pearson": 76.47764144677505, + "manhattan_spearman": 77.08411157845183, + "cosine_pearson": 73.93491616145891, + "cosine_spearman": 75.84242594400156, + "main_score": 75.84242594400156 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "cos_sim_pearson": 72.75624124540954, + "cos_sim_spearman": 75.8667941654703, + "euclidean_pearson": 73.74314588451925, + "euclidean_spearman": 75.8667941654703, + "manhattan_pearson": 73.99641425871518, + "manhattan_spearman": 76.1982840205817, + "cosine_pearson": 72.75624124540954, + "cosine_spearman": 75.8667941654703, + "main_score": 75.8667941654703 + }, + { + "hf_subset": "pl-en", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 75.20898141298767, + "cos_sim_spearman": 73.18060375331436, + "euclidean_pearson": 75.44489280944619, + "euclidean_spearman": 73.18060375331436, + "manhattan_pearson": 75.65451039552286, + "manhattan_spearman": 72.97744006123156, + "cosine_pearson": 75.20898141298767, + "cosine_spearman": 73.18060375331436, + "main_score": 73.18060375331436 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "cos_sim_pearson": 72.04278252247816, + "cos_sim_spearman": 71.8846446821539, + "euclidean_pearson": 73.16043307050612, + "euclidean_spearman": 71.8846446821539, + "manhattan_pearson": 74.76905116839777, + "manhattan_spearman": 72.66237093518471, + "cosine_pearson": 72.04278252247816, + "cosine_spearman": 71.8846446821539, + "main_score": 71.8846446821539 + }, + { + "hf_subset": "es-it", + "languages": [ + "spa-Latn", + "ita-Latn" + ], + "cos_sim_pearson": 71.71033173838558, + "cos_sim_spearman": 75.043122881885, + "euclidean_pearson": 72.77579680345087, + "euclidean_spearman": 75.043122881885, + "manhattan_pearson": 72.99901534854922, + "manhattan_spearman": 75.15418335015957, + "cosine_pearson": 71.71033173838558, + "cosine_spearman": 75.043122881885, + "main_score": 75.043122881885 + }, + { + "hf_subset": "de-fr", + "languages": [ + "deu-Latn", + "fra-Latn" + ], + "cos_sim_pearson": 55.75733447190482, + "cos_sim_spearman": 61.38968334176681, + "euclidean_pearson": 55.479231520643744, + "euclidean_spearman": 61.38968334176681, + "manhattan_pearson": 56.05230571465244, + "manhattan_spearman": 62.69383054007398, + "cosine_pearson": 55.75733447190482, + "cosine_spearman": 61.38968334176681, + "main_score": 61.38968334176681 + }, + { + "hf_subset": "de-pl", + "languages": [ + "deu-Latn", + "pol-Latn" + ], + "cos_sim_pearson": 41.72244325050302, + "cos_sim_spearman": 54.47476909084119, + "euclidean_pearson": 43.94629756436873, + "euclidean_spearman": 54.47476909084119, + "manhattan_pearson": 46.36533046394657, + "manhattan_spearman": 54.87509243633636, + "cosine_pearson": 41.72244325050302, + "cosine_spearman": 54.47476909084119, + "main_score": 54.47476909084119 + }, + { + "hf_subset": "fr-pl", + "languages": [ + "fra-Latn", + "pol-Latn" + ], + "cos_sim_pearson": 70.75183711835146, + "cos_sim_spearman": 84.51542547285167, + "euclidean_pearson": 71.84188960126669, + "euclidean_spearman": 84.51542547285167, + "manhattan_pearson": 73.94847166379994, + "manhattan_spearman": 84.51542547285167, + "cosine_pearson": 70.75183711835146, + "cosine_spearman": 84.51542547285167, + "main_score": 84.51542547285167 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/STSB.json b/results/arcdev__e5-mistral-7b-instruct/external/STSB.json new file mode 100644 index 000000000..1a4f38634 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/STSB.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 81.78690149086131, + "cos_sim_spearman": 81.81202616916873, + "euclidean_pearson": 80.98792254251062, + "euclidean_spearman": 81.81202616916873, + "manhattan_pearson": 81.46953021346732, + "manhattan_spearman": 82.34259562492315, + "cosine_pearson": 81.78690149086131, + "cosine_spearman": 81.81202616916873, + "main_score": 81.81202616916873 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/STSBenchmark.json b/results/arcdev__e5-mistral-7b-instruct/external/STSBenchmark.json new file mode 100644 index 000000000..5d16d1319 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.68273341294419, + "cos_sim_spearman": 88.59927164210958, + "euclidean_pearson": 88.10745681818025, + "euclidean_spearman": 88.59927164210958, + "manhattan_pearson": 88.25166703784649, + "manhattan_spearman": 88.85343247873482, + "cosine_pearson": 87.68273341294419, + "cosine_spearman": 88.59927164210958, + "main_score": 88.59927164210958 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/SciDocsRR.json b/results/arcdev__e5-mistral-7b-instruct/external/SciDocsRR.json new file mode 100644 index 000000000..14d38796b --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 86.3340463345719, + "mrr": 96.5182611506141, + "main_score": 86.3340463345719 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/SciFact.json b/results/arcdev__e5-mistral-7b-instruct/external/SciFact.json new file mode 100644 index 000000000..74252c59b --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 60.967000000000006, + "map_at_10": 71.873, + "map_at_100": 72.271, + "map_at_1000": 72.292, + "map_at_3": 69.006, + "map_at_5": 70.856, + "mrr_at_1": 63.666999999999994, + "mrr_at_10": 72.929, + "mrr_at_100": 73.26, + "mrr_at_1000": 73.282, + "mrr_at_3": 71.111, + "mrr_at_5": 72.328, + "ndcg_at_1": 63.666999999999994, + "ndcg_at_10": 76.414, + "ndcg_at_100": 78.152, + "ndcg_at_1000": 78.604, + "ndcg_at_3": 71.841, + "ndcg_at_5": 74.435, + "precision_at_1": 63.666999999999994, + "precision_at_10": 10.067, + "precision_at_100": 1.097, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 27.667, + "precision_at_5": 18.467, + "recall_at_1": 60.967000000000006, + "recall_at_10": 88.922, + "recall_at_100": 96.667, + "recall_at_1000": 100.0, + "recall_at_3": 77.228, + "recall_at_5": 83.428, + "main_score": 76.414 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/SprintDuplicateQuestions.json b/results/arcdev__e5-mistral-7b-instruct/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..b585a9c78 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.82277227722773, + "cos_sim_ap": 95.66279851444406, + "cos_sim_f1": 90.9367088607595, + "cos_sim_precision": 92.1025641025641, + "cos_sim_recall": 89.8, + "dot_accuracy": 99.82277227722773, + "dot_ap": 95.66279851444406, + "dot_f1": 90.9367088607595, + "dot_precision": 92.1025641025641, + "dot_recall": 89.8, + "euclidean_accuracy": 99.82277227722773, + "euclidean_ap": 95.66279851444406, + "euclidean_f1": 90.9367088607595, + "euclidean_precision": 92.1025641025641, + "euclidean_recall": 89.8, + "manhattan_accuracy": 99.82673267326733, + "manhattan_ap": 95.86094873177069, + "manhattan_f1": 91.26788357178096, + "manhattan_precision": 90.06815968841285, + "manhattan_recall": 92.5, + "max_accuracy": 99.82673267326733, + "max_ap": 95.86094873177069, + "max_f1": 91.26788357178096, + "main_score": 95.86094873177069 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/StackExchangeClustering.json b/results/arcdev__e5-mistral-7b-instruct/external/StackExchangeClustering.json new file mode 100644 index 000000000..e70463e7a --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 73.09533925852372, + "main_score": 73.09533925852372 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/StackExchangeClusteringP2P.json b/results/arcdev__e5-mistral-7b-instruct/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..fe7936849 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 45.90745648090035, + "main_score": 45.90745648090035 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/StackOverflowDupQuestions.json b/results/arcdev__e5-mistral-7b-instruct/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..4737aed12 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 54.91147686504404, + "mrr": 56.03900082760377, + "main_score": 54.91147686504404 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/SummEval.json b/results/arcdev__e5-mistral-7b-instruct/external/SummEval.json new file mode 100644 index 000000000..7a5a473cc --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.46908662038217, + "cos_sim_spearman": 31.40325730367437, + "dot_pearson": 31.469083969291894, + "dot_spearman": 31.40325730367437, + "cosine_pearson": 31.46908662038217, + "cosine_spearman": 31.40325730367437, + "main_score": 31.40325730367437 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/T2Reranking.json b/results/arcdev__e5-mistral-7b-instruct/external/T2Reranking.json new file mode 100644 index 000000000..91516cd28 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 66.90300783402137, + "mrr": 77.06451972574179, + "main_score": 66.90300783402137 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/T2Retrieval.json b/results/arcdev__e5-mistral-7b-instruct/external/T2Retrieval.json new file mode 100644 index 000000000..0ef954d9a --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/T2Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 25.82, + "map_at_10": 72.32300000000001, + "map_at_100": 76.198, + "map_at_1000": 76.281, + "map_at_3": 50.719, + "map_at_5": 62.326, + "mrr_at_1": 86.599, + "mrr_at_10": 89.751, + "mrr_at_100": 89.876, + "mrr_at_1000": 89.88000000000001, + "mrr_at_3": 89.151, + "mrr_at_5": 89.519, + "ndcg_at_1": 86.599, + "ndcg_at_10": 80.676, + "ndcg_at_100": 85.03, + "ndcg_at_1000": 85.854, + "ndcg_at_3": 82.057, + "ndcg_at_5": 80.537, + "precision_at_1": 86.599, + "precision_at_10": 40.373, + "precision_at_100": 4.95, + "precision_at_1000": 0.514, + "precision_at_3": 71.918, + "precision_at_5": 60.246, + "recall_at_1": 25.82, + "recall_at_10": 79.905, + "recall_at_100": 93.88499999999999, + "recall_at_1000": 98.073, + "recall_at_3": 52.623, + "recall_at_5": 66.233, + "main_score": 80.676 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/TNews.json b/results/arcdev__e5-mistral-7b-instruct/external/TNews.json new file mode 100644 index 000000000..0af6cc01a --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/TNews.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 47.050000000000004, + "f1": 45.704071498353294, + "main_score": 47.050000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/TRECCOVID.json b/results/arcdev__e5-mistral-7b-instruct/external/TRECCOVID.json new file mode 100644 index 000000000..56fbc79d1 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.243, + "map_at_10": 2.278, + "map_at_100": 14.221, + "map_at_1000": 33.474, + "map_at_3": 0.7270000000000001, + "map_at_5": 1.183, + "mrr_at_1": 94.0, + "mrr_at_10": 97.0, + "mrr_at_100": 97.0, + "mrr_at_1000": 97.0, + "mrr_at_3": 97.0, + "mrr_at_5": 97.0, + "ndcg_at_1": 90.0, + "ndcg_at_10": 87.249, + "ndcg_at_100": 67.876, + "ndcg_at_1000": 59.205, + "ndcg_at_3": 90.12299999999999, + "ndcg_at_5": 89.126, + "precision_at_1": 94.0, + "precision_at_10": 90.8, + "precision_at_100": 69.28, + "precision_at_1000": 25.85, + "precision_at_3": 94.667, + "precision_at_5": 92.80000000000001, + "recall_at_1": 0.243, + "recall_at_10": 2.392, + "recall_at_100": 16.982, + "recall_at_1000": 55.214, + "recall_at_3": 0.745, + "recall_at_5": 1.2229999999999999, + "main_score": 87.249 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/Tatoeba.json b/results/arcdev__e5-mistral-7b-instruct/external/Tatoeba.json new file mode 100644 index 000000000..429c2f449 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/Tatoeba.json @@ -0,0 +1,1354 @@ +{ + "dataset_revision": "9080400076fbadbb4c4dcb136ff4eddc40b42553", + "task_name": "Tatoeba", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "sqi-eng", + "languages": [ + "sqi-Latn", + "eng-Latn" + ], + "accuracy": 70.5, + "f1": 67.05501804646966, + "precision": 65.73261904761904, + "recall": 70.5, + "main_score": 67.05501804646966 + }, + { + "hf_subset": "fry-eng", + "languages": [ + "fry-Latn", + "eng-Latn" + ], + "accuracy": 75.14450867052022, + "f1": 70.98265895953759, + "precision": 69.26782273603082, + "recall": 75.14450867052022, + "main_score": 70.98265895953759 + }, + { + "hf_subset": "kur-eng", + "languages": [ + "kur-Latn", + "eng-Latn" + ], + "accuracy": 33.170731707317074, + "f1": 29.92876500193573, + "precision": 28.669145894755648, + "recall": 33.170731707317074, + "main_score": 29.92876500193573 + }, + { + "hf_subset": "tur-eng", + "languages": [ + "tur-Latn", + "eng-Latn" + ], + "accuracy": 95.5, + "f1": 94.13333333333333, + "precision": 93.46666666666667, + "recall": 95.5, + "main_score": 94.13333333333333 + }, + { + "hf_subset": "deu-eng", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "accuracy": 99.6, + "f1": 99.46666666666665, + "precision": 99.4, + "recall": 99.6, + "main_score": 99.46666666666665 + }, + { + "hf_subset": "nld-eng", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "accuracy": 97.2, + "f1": 96.39999999999999, + "precision": 96.0, + "recall": 97.2, + "main_score": 96.39999999999999 + }, + { + "hf_subset": "ron-eng", + "languages": [ + "ron-Latn", + "eng-Latn" + ], + "accuracy": 94.5, + "f1": 92.99666666666667, + "precision": 92.31666666666666, + "recall": 94.5, + "main_score": 92.99666666666667 + }, + { + "hf_subset": "ang-eng", + "languages": [ + "ang-Latn", + "eng-Latn" + ], + "accuracy": 85.82089552238806, + "f1": 81.59203980099502, + "precision": 79.60199004975124, + "recall": 85.82089552238806, + "main_score": 81.59203980099502 + }, + { + "hf_subset": "ido-eng", + "languages": [ + "ido-Latn", + "eng-Latn" + ], + "accuracy": 79.5, + "f1": 75.11246031746032, + "precision": 73.38734126984127, + "recall": 79.5, + "main_score": 75.11246031746032 + }, + { + "hf_subset": "jav-eng", + "languages": [ + "jav-Latn", + "eng-Latn" + ], + "accuracy": 44.390243902439025, + "f1": 38.48896631823461, + "precision": 36.57220286488579, + "recall": 44.390243902439025, + "main_score": 38.48896631823461 + }, + { + "hf_subset": "isl-eng", + "languages": [ + "isl-Latn", + "eng-Latn" + ], + "accuracy": 90.2, + "f1": 87.57333333333334, + "precision": 86.34166666666665, + "recall": 90.2, + "main_score": 87.57333333333334 + }, + { + "hf_subset": "slv-eng", + "languages": [ + "slv-Latn", + "eng-Latn" + ], + "accuracy": 88.82138517618469, + "f1": 85.98651854423423, + "precision": 84.79257073424753, + "recall": 88.82138517618469, + "main_score": 85.98651854423423 + }, + { + "hf_subset": "cym-eng", + "languages": [ + "cym-Latn", + "eng-Latn" + ], + "accuracy": 77.04347826086956, + "f1": 72.32108147606868, + "precision": 70.37207357859532, + "recall": 77.04347826086956, + "main_score": 72.32108147606868 + }, + { + "hf_subset": "kaz-eng", + "languages": [ + "kaz-Cyrl", + "eng-Latn" + ], + "accuracy": 53.04347826086957, + "f1": 46.88868184955141, + "precision": 44.71730105643149, + "recall": 53.04347826086957, + "main_score": 46.88868184955141 + }, + { + "hf_subset": "est-eng", + "languages": [ + "est-Latn", + "eng-Latn" + ], + "accuracy": 68.0, + "f1": 62.891813186813195, + "precision": 61.037906162464985, + "recall": 68.0, + "main_score": 62.891813186813195 + }, + { + "hf_subset": "heb-eng", + "languages": [ + "heb-Hebr", + "eng-Latn" + ], + "accuracy": 86.3, + "f1": 82.82000000000001, + "precision": 81.25690476190475, + "recall": 86.3, + "main_score": 82.82000000000001 + }, + { + "hf_subset": "gla-eng", + "languages": [ + "gla-Latn", + "eng-Latn" + ], + "accuracy": 68.87816646562122, + "f1": 63.53054933272062, + "precision": 61.47807816331196, + "recall": 68.87816646562122, + "main_score": 63.53054933272062 + }, + { + "hf_subset": "mar-eng", + "languages": [ + "mar-Deva", + "eng-Latn" + ], + "accuracy": 74.4, + "f1": 68.99388888888889, + "precision": 66.81035714285713, + "recall": 74.4, + "main_score": 68.99388888888889 + }, + { + "hf_subset": "lat-eng", + "languages": [ + "lat-Latn", + "eng-Latn" + ], + "accuracy": 90.5, + "f1": 87.93666666666667, + "precision": 86.825, + "recall": 90.5, + "main_score": 87.93666666666667 + }, + { + "hf_subset": "bel-eng", + "languages": [ + "bel-Cyrl", + "eng-Latn" + ], + "accuracy": 90.7, + "f1": 88.09, + "precision": 86.85833333333333, + "recall": 90.7, + "main_score": 88.09 + }, + { + "hf_subset": "pms-eng", + "languages": [ + "pms-Latn", + "eng-Latn" + ], + "accuracy": 67.61904761904762, + "f1": 62.30239247214037, + "precision": 60.340702947845806, + "recall": 67.61904761904762, + "main_score": 62.30239247214037 + }, + { + "hf_subset": "gle-eng", + "languages": [ + "gle-Latn", + "eng-Latn" + ], + "accuracy": 77.9, + "f1": 73.81285714285714, + "precision": 72.21570818070818, + "recall": 77.9, + "main_score": 73.81285714285714 + }, + { + "hf_subset": "pes-eng", + "languages": [ + "pes-Arab", + "eng-Latn" + ], + "accuracy": 91.8, + "f1": 89.66666666666667, + "precision": 88.66666666666666, + "recall": 91.8, + "main_score": 89.66666666666667 + }, + { + "hf_subset": "nob-eng", + "languages": [ + "nob-Latn", + "eng-Latn" + ], + "accuracy": 97.6, + "f1": 96.85666666666665, + "precision": 96.50833333333333, + "recall": 97.6, + "main_score": 96.85666666666665 + }, + { + "hf_subset": "bul-eng", + "languages": [ + "bul-Cyrl", + "eng-Latn" + ], + "accuracy": 95.39999999999999, + "f1": 93.98333333333333, + "precision": 93.30000000000001, + "recall": 95.39999999999999, + "main_score": 93.98333333333333 + }, + { + "hf_subset": "cbk-eng", + "languages": [ + "cbk-Latn", + "eng-Latn" + ], + "accuracy": 85.0, + "f1": 81.31538461538462, + "precision": 79.70666666666666, + "recall": 85.0, + "main_score": 81.31538461538462 + }, + { + "hf_subset": "hun-eng", + "languages": [ + "hun-Latn", + "eng-Latn" + ], + "accuracy": 91.60000000000001, + "f1": 89.81888888888888, + "precision": 89.08583333333333, + "recall": 91.60000000000001, + "main_score": 89.81888888888888 + }, + { + "hf_subset": "uig-eng", + "languages": [ + "uig-Arab", + "eng-Latn" + ], + "accuracy": 44.3, + "f1": 38.8623088023088, + "precision": 37.03755623461505, + "recall": 44.3, + "main_score": 38.8623088023088 + }, + { + "hf_subset": "rus-eng", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "accuracy": 95.19999999999999, + "f1": 93.75, + "precision": 93.05, + "recall": 95.19999999999999, + "main_score": 93.75 + }, + { + "hf_subset": "spa-eng", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "accuracy": 99.1, + "f1": 98.8, + "precision": 98.65, + "recall": 99.1, + "main_score": 98.8 + }, + { + "hf_subset": "hye-eng", + "languages": [ + "hye-Armn", + "eng-Latn" + ], + "accuracy": 69.6765498652291, + "f1": 63.991785393402644, + "precision": 61.7343729944808, + "recall": 69.6765498652291, + "main_score": 63.991785393402644 + }, + { + "hf_subset": "tel-eng", + "languages": [ + "tel-Telu", + "eng-Latn" + ], + "accuracy": 50.0, + "f1": 42.79341029341029, + "precision": 40.25098358431692, + "recall": 50.0, + "main_score": 42.79341029341029 + }, + { + "hf_subset": "afr-eng", + "languages": [ + "afr-Latn", + "eng-Latn" + ], + "accuracy": 89.7, + "f1": 87.19023809523809, + "precision": 86.12595238095237, + "recall": 89.7, + "main_score": 87.19023809523809 + }, + { + "hf_subset": "mon-eng", + "languages": [ + "mon-Cyrl", + "eng-Latn" + ], + "accuracy": 42.72727272727273, + "f1": 37.78789518562245, + "precision": 36.24208471267295, + "recall": 42.72727272727273, + "main_score": 37.78789518562245 + }, + { + "hf_subset": "arz-eng", + "languages": [ + "arz-Arab", + "eng-Latn" + ], + "accuracy": 75.26205450733752, + "f1": 70.72842833849123, + "precision": 68.93256464011182, + "recall": 75.26205450733752, + "main_score": 70.72842833849123 + }, + { + "hf_subset": "hrv-eng", + "languages": [ + "hrv-Latn", + "eng-Latn" + ], + "accuracy": 95.19999999999999, + "f1": 93.96666666666668, + "precision": 93.42, + "recall": 95.19999999999999, + "main_score": 93.96666666666668 + }, + { + "hf_subset": "nov-eng", + "languages": [ + "nov-Latn", + "eng-Latn" + ], + "accuracy": 76.26459143968872, + "f1": 72.40190419178747, + "precision": 70.84954604409856, + "recall": 76.26459143968872, + "main_score": 72.40190419178747 + }, + { + "hf_subset": "gsw-eng", + "languages": [ + "gsw-Latn", + "eng-Latn" + ], + "accuracy": 59.82905982905983, + "f1": 52.2100122100122, + "precision": 49.52516619183286, + "recall": 59.82905982905983, + "main_score": 52.2100122100122 + }, + { + "hf_subset": "nds-eng", + "languages": [ + "nds-Latn", + "eng-Latn" + ], + "accuracy": 81.69999999999999, + "f1": 77.41714285714286, + "precision": 75.64833333333334, + "recall": 81.69999999999999, + "main_score": 77.41714285714286 + }, + { + "hf_subset": "ukr-eng", + "languages": [ + "ukr-Cyrl", + "eng-Latn" + ], + "accuracy": 95.5, + "f1": 94.45, + "precision": 93.93333333333334, + "recall": 95.5, + "main_score": 94.45 + }, + { + "hf_subset": "uzb-eng", + "languages": [ + "uzb-Latn", + "eng-Latn" + ], + "accuracy": 58.41121495327103, + "f1": 52.73495974430554, + "precision": 50.717067200712066, + "recall": 58.41121495327103, + "main_score": 52.73495974430554 + }, + { + "hf_subset": "lit-eng", + "languages": [ + "lit-Latn", + "eng-Latn" + ], + "accuracy": 73.3, + "f1": 69.20371794871795, + "precision": 67.6597557997558, + "recall": 73.3, + "main_score": 69.20371794871795 + }, + { + "hf_subset": "ina-eng", + "languages": [ + "ina-Latn", + "eng-Latn" + ], + "accuracy": 96.5, + "f1": 95.51666666666667, + "precision": 95.05, + "recall": 96.5, + "main_score": 95.51666666666667 + }, + { + "hf_subset": "lfn-eng", + "languages": [ + "lfn-Latn", + "eng-Latn" + ], + "accuracy": 78.4, + "f1": 73.88856643356644, + "precision": 72.01373015873016, + "recall": 78.4, + "main_score": 73.88856643356644 + }, + { + "hf_subset": "zsm-eng", + "languages": [ + "zsm-Latn", + "eng-Latn" + ], + "accuracy": 95.3, + "f1": 94.09666666666668, + "precision": 93.53333333333332, + "recall": 95.3, + "main_score": 94.09666666666668 + }, + { + "hf_subset": "ita-eng", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "accuracy": 93.7, + "f1": 91.94, + "precision": 91.10833333333333, + "recall": 93.7, + "main_score": 91.94 + }, + { + "hf_subset": "cmn-eng", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "accuracy": 96.8, + "f1": 95.89999999999999, + "precision": 95.46666666666668, + "recall": 96.8, + "main_score": 95.89999999999999 + }, + { + "hf_subset": "lvs-eng", + "languages": [ + "lvs-Latn", + "eng-Latn" + ], + "accuracy": 70.5, + "f1": 66.00635642135641, + "precision": 64.36345238095238, + "recall": 70.5, + "main_score": 66.00635642135641 + }, + { + "hf_subset": "glg-eng", + "languages": [ + "glg-Latn", + "eng-Latn" + ], + "accuracy": 92.4, + "f1": 90.44388888888889, + "precision": 89.5767857142857, + "recall": 92.4, + "main_score": 90.44388888888889 + }, + { + "hf_subset": "ceb-eng", + "languages": [ + "ceb-Latn", + "eng-Latn" + ], + "accuracy": 48.0, + "f1": 43.15372775372776, + "precision": 41.53152510162313, + "recall": 48.0, + "main_score": 43.15372775372776 + }, + { + "hf_subset": "bre-eng", + "languages": [ + "bre-Latn", + "eng-Latn" + ], + "accuracy": 16.7, + "f1": 14.198431372549017, + "precision": 13.411765873015872, + "recall": 16.7, + "main_score": 14.198431372549017 + }, + { + "hf_subset": "ben-eng", + "languages": [ + "ben-Beng", + "eng-Latn" + ], + "accuracy": 85.7, + "f1": 81.81666666666666, + "precision": 80.10833333333332, + "recall": 85.7, + "main_score": 81.81666666666666 + }, + { + "hf_subset": "swg-eng", + "languages": [ + "swg-Latn", + "eng-Latn" + ], + "accuracy": 69.64285714285714, + "f1": 64.745670995671, + "precision": 62.916666666666664, + "recall": 69.64285714285714, + "main_score": 64.745670995671 + }, + { + "hf_subset": "arq-eng", + "languages": [ + "arq-Arab", + "eng-Latn" + ], + "accuracy": 54.665203073545555, + "f1": 48.55366630916923, + "precision": 46.35683318998357, + "recall": 54.665203073545555, + "main_score": 48.55366630916923 + }, + { + "hf_subset": "kab-eng", + "languages": [ + "kab-Latn", + "eng-Latn" + ], + "accuracy": 4.8, + "f1": 3.808587223587223, + "precision": 3.5653174603174604, + "recall": 4.8, + "main_score": 3.808587223587223 + }, + { + "hf_subset": "fra-eng", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "accuracy": 96.6, + "f1": 95.77333333333333, + "precision": 95.39166666666667, + "recall": 96.6, + "main_score": 95.77333333333333 + }, + { + "hf_subset": "por-eng", + "languages": [ + "por-Latn", + "eng-Latn" + ], + "accuracy": 95.39999999999999, + "f1": 94.44, + "precision": 93.975, + "recall": 95.39999999999999, + "main_score": 94.44 + }, + { + "hf_subset": "tat-eng", + "languages": [ + "tat-Cyrl", + "eng-Latn" + ], + "accuracy": 42.0, + "f1": 37.024908424908425, + "precision": 35.365992063492065, + "recall": 42.0, + "main_score": 37.024908424908425 + }, + { + "hf_subset": "oci-eng", + "languages": [ + "oci-Latn", + "eng-Latn" + ], + "accuracy": 66.7, + "f1": 62.20460835058661, + "precision": 60.590134587634594, + "recall": 66.7, + "main_score": 62.20460835058661 + }, + { + "hf_subset": "pol-eng", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "accuracy": 97.3, + "f1": 96.46666666666667, + "precision": 96.06666666666668, + "recall": 97.3, + "main_score": 96.46666666666667 + }, + { + "hf_subset": "war-eng", + "languages": [ + "war-Latn", + "eng-Latn" + ], + "accuracy": 47.3, + "f1": 41.96905408317173, + "precision": 40.18741402116402, + "recall": 47.3, + "main_score": 41.96905408317173 + }, + { + "hf_subset": "aze-eng", + "languages": [ + "aze-Latn", + "eng-Latn" + ], + "accuracy": 80.2, + "f1": 76.22690476190476, + "precision": 74.63539682539682, + "recall": 80.2, + "main_score": 76.22690476190476 + }, + { + "hf_subset": "vie-eng", + "languages": [ + "vie-Latn", + "eng-Latn" + ], + "accuracy": 96.0, + "f1": 94.83333333333333, + "precision": 94.26666666666668, + "recall": 96.0, + "main_score": 94.83333333333333 + }, + { + "hf_subset": "nno-eng", + "languages": [ + "nno-Latn", + "eng-Latn" + ], + "accuracy": 89.7, + "f1": 87.24333333333334, + "precision": 86.17, + "recall": 89.7, + "main_score": 87.24333333333334 + }, + { + "hf_subset": "cha-eng", + "languages": [ + "cha-Latn", + "eng-Latn" + ], + "accuracy": 50.36496350364964, + "f1": 44.795520780922246, + "precision": 43.09002433090024, + "recall": 50.36496350364964, + "main_score": 44.795520780922246 + }, + { + "hf_subset": "mhr-eng", + "languages": [ + "mhr-Cyrl", + "eng-Latn" + ], + "accuracy": 18.8, + "f1": 16.242864357864356, + "precision": 15.466596638655464, + "recall": 18.8, + "main_score": 16.242864357864356 + }, + { + "hf_subset": "dan-eng", + "languages": [ + "dan-Latn", + "eng-Latn" + ], + "accuracy": 95.19999999999999, + "f1": 93.92333333333333, + "precision": 93.30833333333332, + "recall": 95.19999999999999, + "main_score": 93.92333333333333 + }, + { + "hf_subset": "ell-eng", + "languages": [ + "ell-Grek", + "eng-Latn" + ], + "accuracy": 93.4, + "f1": 91.42333333333333, + "precision": 90.50833333333334, + "recall": 93.4, + "main_score": 91.42333333333333 + }, + { + "hf_subset": "amh-eng", + "languages": [ + "amh-Ethi", + "eng-Latn" + ], + "accuracy": 26.190476190476193, + "f1": 22.05208151636723, + "precision": 21.09292328042328, + "recall": 26.190476190476193, + "main_score": 22.05208151636723 + }, + { + "hf_subset": "pam-eng", + "languages": [ + "pam-Latn", + "eng-Latn" + ], + "accuracy": 17.2, + "f1": 14.021009731460952, + "precision": 13.1389886698243, + "recall": 17.2, + "main_score": 14.021009731460952 + }, + { + "hf_subset": "hsb-eng", + "languages": [ + "hsb-Latn", + "eng-Latn" + ], + "accuracy": 78.67494824016563, + "f1": 74.24430641821947, + "precision": 72.50747642051991, + "recall": 78.67494824016563, + "main_score": 74.24430641821947 + }, + { + "hf_subset": "srp-eng", + "languages": [ + "srp-Cyrl", + "eng-Latn" + ], + "accuracy": 94.19999999999999, + "f1": 92.54, + "precision": 91.75833333333334, + "recall": 94.19999999999999, + "main_score": 92.54 + }, + { + "hf_subset": "epo-eng", + "languages": [ + "epo-Latn", + "eng-Latn" + ], + "accuracy": 90.2, + "f1": 87.78666666666666, + "precision": 86.69833333333334, + "recall": 90.2, + "main_score": 87.78666666666666 + }, + { + "hf_subset": "kzj-eng", + "languages": [ + "kzj-Latn", + "eng-Latn" + ], + "accuracy": 14.7, + "f1": 12.19206214842218, + "precision": 11.526261904761904, + "recall": 14.7, + "main_score": 12.19206214842218 + }, + { + "hf_subset": "awa-eng", + "languages": [ + "awa-Deva", + "eng-Latn" + ], + "accuracy": 73.16017316017316, + "f1": 67.44858316286889, + "precision": 65.23809523809523, + "recall": 73.16017316017316, + "main_score": 67.44858316286889 + }, + { + "hf_subset": "fao-eng", + "languages": [ + "fao-Latn", + "eng-Latn" + ], + "accuracy": 75.19083969465649, + "f1": 70.33078880407125, + "precision": 68.3969465648855, + "recall": 75.19083969465649, + "main_score": 70.33078880407125 + }, + { + "hf_subset": "mal-eng", + "languages": [ + "mal-Mlym", + "eng-Latn" + ], + "accuracy": 62.154294032023294, + "f1": 55.86030821838681, + "precision": 53.53509623160277, + "recall": 62.154294032023294, + "main_score": 55.86030821838681 + }, + { + "hf_subset": "ile-eng", + "languages": [ + "ile-Latn", + "eng-Latn" + ], + "accuracy": 86.8, + "f1": 83.9652380952381, + "precision": 82.84242424242424, + "recall": 86.8, + "main_score": 83.9652380952381 + }, + { + "hf_subset": "bos-eng", + "languages": [ + "bos-Latn", + "eng-Latn" + ], + "accuracy": 93.50282485875707, + "f1": 91.54425612052731, + "precision": 90.65442561205272, + "recall": 93.50282485875707, + "main_score": 91.54425612052731 + }, + { + "hf_subset": "cor-eng", + "languages": [ + "cor-Latn", + "eng-Latn" + ], + "accuracy": 11.4, + "f1": 9.189775870222714, + "precision": 8.66189886502811, + "recall": 11.4, + "main_score": 9.189775870222714 + }, + { + "hf_subset": "cat-eng", + "languages": [ + "cat-Latn", + "eng-Latn" + ], + "accuracy": 93.4, + "f1": 91.88666666666666, + "precision": 91.21444444444444, + "recall": 93.4, + "main_score": 91.88666666666666 + }, + { + "hf_subset": "eus-eng", + "languages": [ + "eus-Latn", + "eng-Latn" + ], + "accuracy": 46.0, + "f1": 40.51069226095542, + "precision": 38.57804926010808, + "recall": 46.0, + "main_score": 40.51069226095542 + }, + { + "hf_subset": "yue-eng", + "languages": [ + "yue-Hant", + "eng-Latn" + ], + "accuracy": 91.0, + "f1": 89.11333333333333, + "precision": 88.27000000000001, + "recall": 91.0, + "main_score": 89.11333333333333 + }, + { + "hf_subset": "swe-eng", + "languages": [ + "swe-Latn", + "eng-Latn" + ], + "accuracy": 94.39999999999999, + "f1": 92.95, + "precision": 92.27000000000001, + "recall": 94.39999999999999, + "main_score": 92.95 + }, + { + "hf_subset": "dtp-eng", + "languages": [ + "dtp-Latn", + "eng-Latn" + ], + "accuracy": 14.2, + "f1": 11.73701698770113, + "precision": 11.079207014736676, + "recall": 14.2, + "main_score": 11.73701698770113 + }, + { + "hf_subset": "kat-eng", + "languages": [ + "kat-Geor", + "eng-Latn" + ], + "accuracy": 65.14745308310992, + "f1": 59.665707393589415, + "precision": 57.560853653346946, + "recall": 65.14745308310992, + "main_score": 59.665707393589415 + }, + { + "hf_subset": "jpn-eng", + "languages": [ + "jpn-Jpan", + "eng-Latn" + ], + "accuracy": 95.39999999999999, + "f1": 94.0, + "precision": 93.33333333333333, + "recall": 95.39999999999999, + "main_score": 94.0 + }, + { + "hf_subset": "csb-eng", + "languages": [ + "csb-Latn", + "eng-Latn" + ], + "accuracy": 69.56521739130434, + "f1": 62.92490118577074, + "precision": 60.27009222661397, + "recall": 69.56521739130434, + "main_score": 62.92490118577074 + }, + { + "hf_subset": "xho-eng", + "languages": [ + "xho-Latn", + "eng-Latn" + ], + "accuracy": 40.140845070422536, + "f1": 35.96411804158283, + "precision": 34.89075869357559, + "recall": 40.140845070422536, + "main_score": 35.96411804158283 + }, + { + "hf_subset": "orv-eng", + "languages": [ + "orv-Cyrl", + "eng-Latn" + ], + "accuracy": 65.86826347305389, + "f1": 59.646248628284546, + "precision": 57.22982606216139, + "recall": 65.86826347305389, + "main_score": 59.646248628284546 + }, + { + "hf_subset": "ind-eng", + "languages": [ + "ind-Latn", + "eng-Latn" + ], + "accuracy": 94.89999999999999, + "f1": 93.48333333333333, + "precision": 92.83666666666667, + "recall": 94.89999999999999, + "main_score": 93.48333333333333 + }, + { + "hf_subset": "tuk-eng", + "languages": [ + "tuk-Latn", + "eng-Latn" + ], + "accuracy": 47.783251231527096, + "f1": 42.006447302013804, + "precision": 40.12747105111637, + "recall": 47.783251231527096, + "main_score": 42.006447302013804 + }, + { + "hf_subset": "max-eng", + "languages": [ + "max-Deva", + "eng-Latn" + ], + "accuracy": 69.71830985915493, + "f1": 64.80266212660578, + "precision": 63.08098591549296, + "recall": 69.71830985915493, + "main_score": 64.80266212660578 + }, + { + "hf_subset": "swh-eng", + "languages": [ + "swh-Latn", + "eng-Latn" + ], + "accuracy": 67.94871794871796, + "f1": 61.59912309912309, + "precision": 59.17338217338218, + "recall": 67.94871794871796, + "main_score": 61.59912309912309 + }, + { + "hf_subset": "hin-eng", + "languages": [ + "hin-Deva", + "eng-Latn" + ], + "accuracy": 96.39999999999999, + "f1": 95.28333333333335, + "precision": 94.75, + "recall": 96.39999999999999, + "main_score": 95.28333333333335 + }, + { + "hf_subset": "dsb-eng", + "languages": [ + "dsb-Latn", + "eng-Latn" + ], + "accuracy": 70.14613778705638, + "f1": 65.4349338900487, + "precision": 63.57599255302805, + "recall": 70.14613778705638, + "main_score": 65.4349338900487 + }, + { + "hf_subset": "ber-eng", + "languages": [ + "ber-Tfng", + "eng-Latn" + ], + "accuracy": 9.2, + "f1": 7.622184434339607, + "precision": 7.287048159682417, + "recall": 9.2, + "main_score": 7.622184434339607 + }, + { + "hf_subset": "tam-eng", + "languages": [ + "tam-Taml", + "eng-Latn" + ], + "accuracy": 77.85016286644951, + "f1": 72.83387622149837, + "precision": 70.58450959102424, + "recall": 77.85016286644951, + "main_score": 72.83387622149837 + }, + { + "hf_subset": "slk-eng", + "languages": [ + "slk-Latn", + "eng-Latn" + ], + "accuracy": 90.8, + "f1": 88.84333333333333, + "precision": 87.96666666666665, + "recall": 90.8, + "main_score": 88.84333333333333 + }, + { + "hf_subset": "tgl-eng", + "languages": [ + "tgl-Latn", + "eng-Latn" + ], + "accuracy": 94.6, + "f1": 93.14, + "precision": 92.49833333333333, + "recall": 94.6, + "main_score": 93.14 + }, + { + "hf_subset": "ast-eng", + "languages": [ + "ast-Latn", + "eng-Latn" + ], + "accuracy": 84.25196850393701, + "f1": 80.94488188976378, + "precision": 79.65879265091863, + "recall": 84.25196850393701, + "main_score": 80.94488188976378 + }, + { + "hf_subset": "mkd-eng", + "languages": [ + "mkd-Cyrl", + "eng-Latn" + ], + "accuracy": 89.5, + "f1": 86.89666666666666, + "precision": 85.7, + "recall": 89.5, + "main_score": 86.89666666666666 + }, + { + "hf_subset": "khm-eng", + "languages": [ + "khm-Khmr", + "eng-Latn" + ], + "accuracy": 42.797783933518005, + "f1": 37.30617360155193, + "precision": 35.34933825792552, + "recall": 42.797783933518005, + "main_score": 37.30617360155193 + }, + { + "hf_subset": "ces-eng", + "languages": [ + "ces-Latn", + "eng-Latn" + ], + "accuracy": 96.1, + "f1": 94.93333333333332, + "precision": 94.38333333333333, + "recall": 96.1, + "main_score": 94.93333333333332 + }, + { + "hf_subset": "tzl-eng", + "languages": [ + "tzl-Latn", + "eng-Latn" + ], + "accuracy": 54.807692307692314, + "f1": 49.506903353057204, + "precision": 47.54807692307693, + "recall": 54.807692307692314, + "main_score": 49.506903353057204 + }, + { + "hf_subset": "urd-eng", + "languages": [ + "urd-Arab", + "eng-Latn" + ], + "accuracy": 87.1, + "f1": 83.61857142857143, + "precision": 81.975, + "recall": 87.1, + "main_score": 83.61857142857143 + }, + { + "hf_subset": "ara-eng", + "languages": [ + "ara-Arab", + "eng-Latn" + ], + "accuracy": 91.10000000000001, + "f1": 88.76333333333332, + "precision": 87.67, + "recall": 91.10000000000001, + "main_score": 88.76333333333332 + }, + { + "hf_subset": "kor-eng", + "languages": [ + "kor-Hang", + "eng-Latn" + ], + "accuracy": 93.10000000000001, + "f1": 91.28999999999999, + "precision": 90.44500000000001, + "recall": 93.10000000000001, + "main_score": 91.28999999999999 + }, + { + "hf_subset": "yid-eng", + "languages": [ + "yid-Hebr", + "eng-Latn" + ], + "accuracy": 39.97641509433962, + "f1": 33.12271889998028, + "precision": 30.95185381542554, + "recall": 39.97641509433962, + "main_score": 33.12271889998028 + }, + { + "hf_subset": "fin-eng", + "languages": [ + "fin-Latn", + "eng-Latn" + ], + "accuracy": 92.60000000000001, + "f1": 90.69, + "precision": 89.84500000000001, + "recall": 92.60000000000001, + "main_score": 90.69 + }, + { + "hf_subset": "tha-eng", + "languages": [ + "tha-Thai", + "eng-Latn" + ], + "accuracy": 95.07299270072993, + "f1": 93.64355231143554, + "precision": 92.94403892944038, + "recall": 95.07299270072993, + "main_score": 93.64355231143554 + }, + { + "hf_subset": "wuu-eng", + "languages": [ + "wuu-Hans", + "eng-Latn" + ], + "accuracy": 91.9, + "f1": 89.61333333333333, + "precision": 88.53333333333333, + "recall": 91.9, + "main_score": 89.61333333333333 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/ThuNewsClusteringP2P.json b/results/arcdev__e5-mistral-7b-instruct/external/ThuNewsClusteringP2P.json new file mode 100644 index 000000000..09e15ca66 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/ThuNewsClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 64.68478289806511, + "main_score": 64.68478289806511 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/ThuNewsClusteringS2S.json b/results/arcdev__e5-mistral-7b-instruct/external/ThuNewsClusteringS2S.json new file mode 100644 index 000000000..d052e3b10 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/ThuNewsClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 57.53010296184097, + "main_score": 57.53010296184097 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/Touche2020.json b/results/arcdev__e5-mistral-7b-instruct/external/Touche2020.json new file mode 100644 index 000000000..efc531fde --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.519, + "map_at_10": 10.31, + "map_at_100": 16.027, + "map_at_1000": 17.827, + "map_at_3": 5.721, + "map_at_5": 7.7829999999999995, + "mrr_at_1": 34.694, + "mrr_at_10": 52.642999999999994, + "mrr_at_100": 53.366, + "mrr_at_1000": 53.366, + "mrr_at_3": 48.638999999999996, + "mrr_at_5": 50.578, + "ndcg_at_1": 31.633, + "ndcg_at_10": 26.394000000000002, + "ndcg_at_100": 36.41, + "ndcg_at_1000": 49.206, + "ndcg_at_3": 31.694, + "ndcg_at_5": 29.529, + "precision_at_1": 34.694, + "precision_at_10": 23.469, + "precision_at_100": 7.286, + "precision_at_1000": 1.5610000000000002, + "precision_at_3": 34.014, + "precision_at_5": 29.796, + "recall_at_1": 2.519, + "recall_at_10": 17.091, + "recall_at_100": 45.429, + "recall_at_1000": 84.621, + "recall_at_3": 7.208, + "recall_at_5": 10.523, + "main_score": 26.394000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/ToxicConversationsClassification.json b/results/arcdev__e5-mistral-7b-instruct/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..ddd47ceb1 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.58659999999999, + "ap": 14.735696532619, + "f1": 54.23517220069903, + "main_score": 69.58659999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/TweetSentimentExtractionClassification.json b/results/arcdev__e5-mistral-7b-instruct/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..8ad93f459 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 63.723825693265425, + "f1": 64.02405729449103, + "main_score": 63.723825693265425 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/TwentyNewsgroupsClustering.json b/results/arcdev__e5-mistral-7b-instruct/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..b6e095882 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 54.310161547491006, + "main_score": 54.310161547491006 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/TwitterSemEval2015.json b/results/arcdev__e5-mistral-7b-instruct/external/TwitterSemEval2015.json new file mode 100644 index 000000000..103321a65 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.77630088812064, + "cos_sim_ap": 81.61725457333809, + "cos_sim_f1": 74.91373801916932, + "cos_sim_precision": 72.63940520446097, + "cos_sim_recall": 77.33509234828496, + "dot_accuracy": 88.77630088812064, + "dot_ap": 81.61725317476251, + "dot_f1": 74.91373801916932, + "dot_precision": 72.63940520446097, + "dot_recall": 77.33509234828496, + "euclidean_accuracy": 88.77630088812064, + "euclidean_ap": 81.61724596869566, + "euclidean_f1": 74.91373801916932, + "euclidean_precision": 72.63940520446097, + "euclidean_recall": 77.33509234828496, + "manhattan_accuracy": 88.67497168742922, + "manhattan_ap": 81.430251048948, + "manhattan_f1": 74.79593118171543, + "manhattan_precision": 71.3635274382938, + "manhattan_recall": 78.57519788918206, + "max_accuracy": 88.77630088812064, + "max_ap": 81.61725457333809, + "max_f1": 74.91373801916932, + "main_score": 81.61725457333809 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/TwitterURLCorpus.json b/results/arcdev__e5-mistral-7b-instruct/external/TwitterURLCorpus.json new file mode 100644 index 000000000..97ba31d94 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.85136026700819, + "cos_sim_ap": 87.74656687446567, + "cos_sim_f1": 80.3221673073403, + "cos_sim_precision": 76.56871640957633, + "cos_sim_recall": 84.46258084385587, + "dot_accuracy": 89.85136026700819, + "dot_ap": 87.74656471395072, + "dot_f1": 80.3221673073403, + "dot_precision": 76.56871640957633, + "dot_recall": 84.46258084385587, + "euclidean_accuracy": 89.85136026700819, + "euclidean_ap": 87.74656885754466, + "euclidean_f1": 80.3221673073403, + "euclidean_precision": 76.56871640957633, + "euclidean_recall": 84.46258084385587, + "manhattan_accuracy": 89.86300306593705, + "manhattan_ap": 87.78807479093082, + "manhattan_f1": 80.31663429471911, + "manhattan_precision": 76.63472970137772, + "manhattan_recall": 84.3701878657222, + "max_accuracy": 89.86300306593705, + "max_ap": 87.78807479093082, + "max_f1": 80.3221673073403, + "main_score": 87.78807479093082 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/VideoRetrieval.json b/results/arcdev__e5-mistral-7b-instruct/external/VideoRetrieval.json new file mode 100644 index 000000000..3ac3c35d8 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/VideoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 32.4, + "map_at_10": 40.961999999999996, + "map_at_100": 41.660000000000004, + "map_at_1000": 41.721000000000004, + "map_at_3": 38.550000000000004, + "map_at_5": 40.06, + "mrr_at_1": 32.4, + "mrr_at_10": 40.961999999999996, + "mrr_at_100": 41.660000000000004, + "mrr_at_1000": 41.721000000000004, + "mrr_at_3": 38.550000000000004, + "mrr_at_5": 40.06, + "ndcg_at_1": 32.4, + "ndcg_at_10": 45.388, + "ndcg_at_100": 49.012, + "ndcg_at_1000": 50.659, + "ndcg_at_3": 40.47, + "ndcg_at_5": 43.232, + "precision_at_1": 32.4, + "precision_at_10": 5.94, + "precision_at_100": 0.769, + "precision_at_1000": 0.09, + "precision_at_3": 15.333, + "precision_at_5": 10.56, + "recall_at_1": 32.4, + "recall_at_10": 59.4, + "recall_at_100": 76.9, + "recall_at_1000": 90.0, + "recall_at_3": 46.0, + "recall_at_5": 52.800000000000004, + "main_score": 45.388 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/Waimai.json b/results/arcdev__e5-mistral-7b-instruct/external/Waimai.json new file mode 100644 index 000000000..f13606744 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/Waimai.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 86.94000000000001, + "ap": 70.57373468481975, + "f1": 85.26264784928323, + "main_score": 86.94000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/arcdev__e5-mistral-7b-instruct/external/model_meta.json b/results/arcdev__e5-mistral-7b-instruct/external/model_meta.json new file mode 100644 index 000000000..9553cc5c6 --- /dev/null +++ b/results/arcdev__e5-mistral-7b-instruct/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "arcdev/e5-mistral-7b-instruct", + "revision": "029dc0e2d8fc864745c4e714720731a4df0c2954", + "release_date": "2024-03-25", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 7110660096, + "memory_usage": null, + "max_tokens": 32768, + "embed_dim": 4096, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v2-base-zh/external/AFQMC.json b/results/arkohut__jina-embeddings-v2-base-zh/external/AFQMC.json new file mode 100644 index 000000000..95c097333 --- /dev/null +++ b/results/arkohut__jina-embeddings-v2-base-zh/external/AFQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 48.51403119231363, + "cos_sim_spearman": 50.5928547846445, + "euclidean_pearson": 48.750436310559074, + "euclidean_spearman": 50.50950238691385, + "manhattan_pearson": 48.7866189440328, + "manhattan_spearman": 50.58692402017165, + "cosine_pearson": 48.51403119231363, + "cosine_spearman": 50.5928547846445, + "main_score": 50.5928547846445 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v2-base-zh/external/ATEC.json b/results/arkohut__jina-embeddings-v2-base-zh/external/ATEC.json new file mode 100644 index 000000000..f3b4ef5a5 --- /dev/null +++ b/results/arkohut__jina-embeddings-v2-base-zh/external/ATEC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 50.25985700105725, + "cos_sim_spearman": 51.28815934593989, + "euclidean_pearson": 52.70329248799904, + "euclidean_spearman": 50.94101139559258, + "manhattan_pearson": 52.6647237400892, + "manhattan_spearman": 50.922441325406176, + "cosine_pearson": 50.25985700105725, + "cosine_spearman": 51.28815934593989, + "main_score": 51.28815934593989 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v2-base-zh/external/AmazonReviewsClassification.json b/results/arkohut__jina-embeddings-v2-base-zh/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..cf80ff4b4 --- /dev/null +++ b/results/arkohut__jina-embeddings-v2-base-zh/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 34.944, + "f1": 34.06478860660109, + "main_score": 34.944 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v2-base-zh/external/BQ.json b/results/arkohut__jina-embeddings-v2-base-zh/external/BQ.json new file mode 100644 index 000000000..073648a94 --- /dev/null +++ b/results/arkohut__jina-embeddings-v2-base-zh/external/BQ.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 65.15667035488342, + "cos_sim_spearman": 66.07110142081, + "euclidean_pearson": 60.447598102249714, + "euclidean_spearman": 61.826575796578766, + "manhattan_pearson": 60.39364279354984, + "manhattan_spearman": 61.78743491223281, + "cosine_pearson": 65.15667035488342, + "cosine_spearman": 66.07110142081, + "main_score": 66.07110142081 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v2-base-zh/external/CLSClusteringP2P.json b/results/arkohut__jina-embeddings-v2-base-zh/external/CLSClusteringP2P.json new file mode 100644 index 000000000..a4400c875 --- /dev/null +++ b/results/arkohut__jina-embeddings-v2-base-zh/external/CLSClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 39.96714175391701, + "main_score": 39.96714175391701 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v2-base-zh/external/CLSClusteringS2S.json b/results/arkohut__jina-embeddings-v2-base-zh/external/CLSClusteringS2S.json new file mode 100644 index 000000000..427432ac8 --- /dev/null +++ b/results/arkohut__jina-embeddings-v2-base-zh/external/CLSClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 38.39863566717934, + "main_score": 38.39863566717934 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v2-base-zh/external/CmedqaRetrieval.json b/results/arkohut__jina-embeddings-v2-base-zh/external/CmedqaRetrieval.json new file mode 100644 index 000000000..7e6854971 --- /dev/null +++ b/results/arkohut__jina-embeddings-v2-base-zh/external/CmedqaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 22.072, + "map_at_10": 32.942, + "map_at_100": 34.768, + "map_at_1000": 34.902, + "map_at_3": 29.357, + "map_at_5": 31.236000000000004, + "mrr_at_1": 34.259, + "mrr_at_10": 41.957, + "mrr_at_100": 42.982, + "mrr_at_1000": 43.042, + "mrr_at_3": 39.722, + "mrr_at_5": 40.898, + "ndcg_at_1": 34.259, + "ndcg_at_10": 39.153, + "ndcg_at_100": 46.493, + "ndcg_at_1000": 49.01, + "ndcg_at_3": 34.636, + "ndcg_at_5": 36.278, + "precision_at_1": 34.259, + "precision_at_10": 8.815000000000001, + "precision_at_100": 1.474, + "precision_at_1000": 0.179, + "precision_at_3": 19.73, + "precision_at_5": 14.174000000000001, + "recall_at_1": 22.072, + "recall_at_10": 48.484, + "recall_at_100": 79.035, + "recall_at_1000": 96.15, + "recall_at_3": 34.607, + "recall_at_5": 40.064, + "main_score": 39.153 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v2-base-zh/external/Cmnli.json b/results/arkohut__jina-embeddings-v2-base-zh/external/Cmnli.json new file mode 100644 index 000000000..c24220809 --- /dev/null +++ b/results/arkohut__jina-embeddings-v2-base-zh/external/Cmnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Cmnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 76.7047504509922, + "cos_sim_ap": 85.26649874800871, + "cos_sim_f1": 78.13528724646915, + "cos_sim_precision": 71.57587548638132, + "cos_sim_recall": 86.01823708206688, + "dot_accuracy": 70.13830426939266, + "dot_ap": 77.01510412382171, + "dot_f1": 73.56710042713817, + "dot_precision": 63.955094991364426, + "dot_recall": 86.57937806873977, + "euclidean_accuracy": 75.53818400481059, + "euclidean_ap": 84.34668448241264, + "euclidean_f1": 77.51741608613047, + "euclidean_precision": 70.65614777756399, + "euclidean_recall": 85.85457096095394, + "manhattan_accuracy": 75.49007817197835, + "manhattan_ap": 84.40297506704299, + "manhattan_f1": 77.63185324160932, + "manhattan_precision": 70.03949595636637, + "manhattan_recall": 87.07037643207856, + "max_accuracy": 76.7047504509922, + "max_ap": 85.26649874800871, + "max_f1": 78.13528724646915, + "main_score": 76.7047504509922 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v2-base-zh/external/CovidRetrieval.json b/results/arkohut__jina-embeddings-v2-base-zh/external/CovidRetrieval.json new file mode 100644 index 000000000..5083c5189 --- /dev/null +++ b/results/arkohut__jina-embeddings-v2-base-zh/external/CovidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 69.178, + "map_at_10": 77.523, + "map_at_100": 77.793, + "map_at_1000": 77.79899999999999, + "map_at_3": 75.878, + "map_at_5": 76.849, + "mrr_at_1": 69.44200000000001, + "mrr_at_10": 77.55, + "mrr_at_100": 77.819, + "mrr_at_1000": 77.826, + "mrr_at_3": 75.957, + "mrr_at_5": 76.916, + "ndcg_at_1": 69.44200000000001, + "ndcg_at_10": 81.217, + "ndcg_at_100": 82.45, + "ndcg_at_1000": 82.636, + "ndcg_at_3": 77.931, + "ndcg_at_5": 79.655, + "precision_at_1": 69.44200000000001, + "precision_at_10": 9.357, + "precision_at_100": 0.993, + "precision_at_1000": 0.101, + "precision_at_3": 28.1, + "precision_at_5": 17.724, + "recall_at_1": 69.178, + "recall_at_10": 92.624, + "recall_at_100": 98.209, + "recall_at_1000": 99.684, + "recall_at_3": 83.772, + "recall_at_5": 87.882, + "main_score": 81.217 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v2-base-zh/external/DuRetrieval.json b/results/arkohut__jina-embeddings-v2-base-zh/external/DuRetrieval.json new file mode 100644 index 000000000..f6413bdaf --- /dev/null +++ b/results/arkohut__jina-embeddings-v2-base-zh/external/DuRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 25.163999999999998, + "map_at_10": 76.386, + "map_at_100": 79.339, + "map_at_1000": 79.39500000000001, + "map_at_3": 52.959, + "map_at_5": 66.59, + "mrr_at_1": 87.9, + "mrr_at_10": 91.682, + "mrr_at_100": 91.747, + "mrr_at_1000": 91.751, + "mrr_at_3": 91.267, + "mrr_at_5": 91.527, + "ndcg_at_1": 87.9, + "ndcg_at_10": 84.569, + "ndcg_at_100": 87.83800000000001, + "ndcg_at_1000": 88.322, + "ndcg_at_3": 83.473, + "ndcg_at_5": 82.178, + "precision_at_1": 87.9, + "precision_at_10": 40.605000000000004, + "precision_at_100": 4.752, + "precision_at_1000": 0.488, + "precision_at_3": 74.9, + "precision_at_5": 62.96000000000001, + "recall_at_1": 25.163999999999998, + "recall_at_10": 85.97399999999999, + "recall_at_100": 96.63000000000001, + "recall_at_1000": 99.016, + "recall_at_3": 55.611999999999995, + "recall_at_5": 71.936, + "main_score": 84.569 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v2-base-zh/external/EcomRetrieval.json b/results/arkohut__jina-embeddings-v2-base-zh/external/EcomRetrieval.json new file mode 100644 index 000000000..a61b8f4ed --- /dev/null +++ b/results/arkohut__jina-embeddings-v2-base-zh/external/EcomRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 48.6, + "map_at_10": 58.831, + "map_at_100": 59.427, + "map_at_1000": 59.44199999999999, + "map_at_3": 56.383, + "map_at_5": 57.753, + "mrr_at_1": 48.6, + "mrr_at_10": 58.831, + "mrr_at_100": 59.427, + "mrr_at_1000": 59.44199999999999, + "mrr_at_3": 56.383, + "mrr_at_5": 57.753, + "ndcg_at_1": 48.6, + "ndcg_at_10": 63.951, + "ndcg_at_100": 66.72200000000001, + "ndcg_at_1000": 67.13900000000001, + "ndcg_at_3": 58.882, + "ndcg_at_5": 61.373, + "precision_at_1": 48.6, + "precision_at_10": 8.01, + "precision_at_100": 0.928, + "precision_at_1000": 0.096, + "precision_at_3": 22.033, + "precision_at_5": 14.44, + "recall_at_1": 48.6, + "recall_at_10": 80.10000000000001, + "recall_at_100": 92.80000000000001, + "recall_at_1000": 96.1, + "recall_at_3": 66.10000000000001, + "recall_at_5": 72.2, + "main_score": 63.951 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v2-base-zh/external/IFlyTek.json b/results/arkohut__jina-embeddings-v2-base-zh/external/IFlyTek.json new file mode 100644 index 000000000..fde9fa7a1 --- /dev/null +++ b/results/arkohut__jina-embeddings-v2-base-zh/external/IFlyTek.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 47.36437091188918, + "f1": 36.60946954228577, + "main_score": 47.36437091188918 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v2-base-zh/external/JDReview.json b/results/arkohut__jina-embeddings-v2-base-zh/external/JDReview.json new file mode 100644 index 000000000..8f647c663 --- /dev/null +++ b/results/arkohut__jina-embeddings-v2-base-zh/external/JDReview.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 79.5684803001876, + "ap": 42.671935929201524, + "f1": 73.31912729103752, + "main_score": 79.5684803001876 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v2-base-zh/external/LCQMC.json b/results/arkohut__jina-embeddings-v2-base-zh/external/LCQMC.json new file mode 100644 index 000000000..3642480c8 --- /dev/null +++ b/results/arkohut__jina-embeddings-v2-base-zh/external/LCQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 68.62670112113864, + "cos_sim_spearman": 75.74009123170768, + "euclidean_pearson": 73.93002595958237, + "euclidean_spearman": 75.35222935003587, + "manhattan_pearson": 73.89870445158144, + "manhattan_spearman": 75.31714936339398, + "cosine_pearson": 68.62670112113864, + "cosine_spearman": 75.74009123170768, + "main_score": 75.74009123170768 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v2-base-zh/external/MMarcoReranking.json b/results/arkohut__jina-embeddings-v2-base-zh/external/MMarcoReranking.json new file mode 100644 index 000000000..14d29958f --- /dev/null +++ b/results/arkohut__jina-embeddings-v2-base-zh/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 31.5372713650176, + "mrr": 30.163095238095238, + "main_score": 31.5372713650176 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v2-base-zh/external/MMarcoRetrieval.json b/results/arkohut__jina-embeddings-v2-base-zh/external/MMarcoRetrieval.json new file mode 100644 index 000000000..cb7ebc40e --- /dev/null +++ b/results/arkohut__jina-embeddings-v2-base-zh/external/MMarcoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 65.054, + "map_at_10": 74.156, + "map_at_100": 74.523, + "map_at_1000": 74.535, + "map_at_3": 72.269, + "map_at_5": 73.41, + "mrr_at_1": 67.24900000000001, + "mrr_at_10": 74.78399999999999, + "mrr_at_100": 75.107, + "mrr_at_1000": 75.117, + "mrr_at_3": 73.13499999999999, + "mrr_at_5": 74.13499999999999, + "ndcg_at_1": 67.24900000000001, + "ndcg_at_10": 77.96300000000001, + "ndcg_at_100": 79.584, + "ndcg_at_1000": 79.884, + "ndcg_at_3": 74.342, + "ndcg_at_5": 76.278, + "precision_at_1": 67.24900000000001, + "precision_at_10": 9.466, + "precision_at_100": 1.027, + "precision_at_1000": 0.105, + "precision_at_3": 27.955999999999996, + "precision_at_5": 17.817, + "recall_at_1": 65.054, + "recall_at_10": 89.113, + "recall_at_100": 96.369, + "recall_at_1000": 98.714, + "recall_at_3": 79.45400000000001, + "recall_at_5": 84.06, + "main_score": 77.96300000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v2-base-zh/external/MassiveIntentClassification.json b/results/arkohut__jina-embeddings-v2-base-zh/external/MassiveIntentClassification.json new file mode 100644 index 000000000..dfad255d8 --- /dev/null +++ b/results/arkohut__jina-embeddings-v2-base-zh/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 68.1977135171486, + "f1": 67.23114308718404, + "main_score": 68.1977135171486 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v2-base-zh/external/MassiveScenarioClassification.json b/results/arkohut__jina-embeddings-v2-base-zh/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..cda6fe5a8 --- /dev/null +++ b/results/arkohut__jina-embeddings-v2-base-zh/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 71.92669804976462, + "f1": 72.90628475628779, + "main_score": 71.92669804976462 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v2-base-zh/external/MedicalRetrieval.json b/results/arkohut__jina-embeddings-v2-base-zh/external/MedicalRetrieval.json new file mode 100644 index 000000000..d205ecca3 --- /dev/null +++ b/results/arkohut__jina-embeddings-v2-base-zh/external/MedicalRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 49.2, + "map_at_10": 54.539, + "map_at_100": 55.135, + "map_at_1000": 55.19199999999999, + "map_at_3": 53.383, + "map_at_5": 54.142999999999994, + "mrr_at_1": 49.2, + "mrr_at_10": 54.539, + "mrr_at_100": 55.135999999999996, + "mrr_at_1000": 55.19199999999999, + "mrr_at_3": 53.383, + "mrr_at_5": 54.142999999999994, + "ndcg_at_1": 49.2, + "ndcg_at_10": 57.123000000000005, + "ndcg_at_100": 60.21300000000001, + "ndcg_at_1000": 61.915, + "ndcg_at_3": 54.772, + "ndcg_at_5": 56.157999999999994, + "precision_at_1": 49.2, + "precision_at_10": 6.52, + "precision_at_100": 0.8009999999999999, + "precision_at_1000": 0.094, + "precision_at_3": 19.6, + "precision_at_5": 12.44, + "recall_at_1": 49.2, + "recall_at_10": 65.2, + "recall_at_100": 80.10000000000001, + "recall_at_1000": 93.89999999999999, + "recall_at_3": 58.8, + "recall_at_5": 62.2, + "main_score": 57.123000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v2-base-zh/external/MultilingualSentiment.json b/results/arkohut__jina-embeddings-v2-base-zh/external/MultilingualSentiment.json new file mode 100644 index 000000000..197ee37d3 --- /dev/null +++ b/results/arkohut__jina-embeddings-v2-base-zh/external/MultilingualSentiment.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 63.29333333333334, + "f1": 63.03293854259612, + "main_score": 63.29333333333334 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v2-base-zh/external/Ocnli.json b/results/arkohut__jina-embeddings-v2-base-zh/external/Ocnli.json new file mode 100644 index 000000000..467f5dec1 --- /dev/null +++ b/results/arkohut__jina-embeddings-v2-base-zh/external/Ocnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Ocnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 75.69030860855442, + "cos_sim_ap": 80.6157833772759, + "cos_sim_f1": 77.87524366471735, + "cos_sim_precision": 72.3076923076923, + "cos_sim_recall": 84.37170010559663, + "dot_accuracy": 67.78559826746074, + "dot_ap": 72.00871467527499, + "dot_f1": 72.58722247394654, + "dot_precision": 63.57142857142857, + "dot_recall": 84.58289334741288, + "euclidean_accuracy": 75.20303194369248, + "euclidean_ap": 80.98587256415605, + "euclidean_f1": 77.26396917148362, + "euclidean_precision": 71.03631532329496, + "euclidean_recall": 84.68848996832101, + "manhattan_accuracy": 75.20303194369248, + "manhattan_ap": 80.93460699513219, + "manhattan_f1": 77.124773960217, + "manhattan_precision": 67.43083003952569, + "manhattan_recall": 90.07391763463569, + "max_accuracy": 75.69030860855442, + "max_ap": 80.98587256415605, + "max_f1": 77.87524366471735, + "main_score": 75.69030860855442 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v2-base-zh/external/OnlineShopping.json b/results/arkohut__jina-embeddings-v2-base-zh/external/OnlineShopping.json new file mode 100644 index 000000000..2e44d4881 --- /dev/null +++ b/results/arkohut__jina-embeddings-v2-base-zh/external/OnlineShopping.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 87.00000000000001, + "ap": 83.24372135949511, + "f1": 86.95554191530607, + "main_score": 87.00000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v2-base-zh/external/PAWSX.json b/results/arkohut__jina-embeddings-v2-base-zh/external/PAWSX.json new file mode 100644 index 000000000..445344f7c --- /dev/null +++ b/results/arkohut__jina-embeddings-v2-base-zh/external/PAWSX.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 37.57616811591219, + "cos_sim_spearman": 41.490259084930045, + "euclidean_pearson": 38.9155043692188, + "euclidean_spearman": 39.16056534305623, + "manhattan_pearson": 38.76569892264335, + "manhattan_spearman": 38.99891685590743, + "cosine_pearson": 37.57616811591219, + "cosine_spearman": 41.490259084930045, + "main_score": 41.490259084930045 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v2-base-zh/external/QBQTC.json b/results/arkohut__jina-embeddings-v2-base-zh/external/QBQTC.json new file mode 100644 index 000000000..0f36d3e28 --- /dev/null +++ b/results/arkohut__jina-embeddings-v2-base-zh/external/QBQTC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "QBQTC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 35.44858610359665, + "cos_sim_spearman": 38.11128146262466, + "euclidean_pearson": 31.928644189822457, + "euclidean_spearman": 34.384936631696554, + "manhattan_pearson": 31.90586687414376, + "manhattan_spearman": 34.35770153777186, + "cosine_pearson": 35.44858610359665, + "cosine_spearman": 38.11128146262466, + "main_score": 38.11128146262466 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v2-base-zh/external/STS22.json b/results/arkohut__jina-embeddings-v2-base-zh/external/STS22.json new file mode 100644 index 000000000..10eecc700 --- /dev/null +++ b/results/arkohut__jina-embeddings-v2-base-zh/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 66.54931957553592, + "cos_sim_spearman": 69.25068863016632, + "euclidean_pearson": 50.26525596106869, + "euclidean_spearman": 63.83352741910006, + "manhattan_pearson": 49.98798282198196, + "manhattan_spearman": 63.87649521907841, + "cosine_pearson": 66.54931957553592, + "cosine_spearman": 69.25068863016632, + "main_score": 69.25068863016632 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v2-base-zh/external/STSB.json b/results/arkohut__jina-embeddings-v2-base-zh/external/STSB.json new file mode 100644 index 000000000..1b6d288e4 --- /dev/null +++ b/results/arkohut__jina-embeddings-v2-base-zh/external/STSB.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 82.52782476625825, + "cos_sim_spearman": 82.55618986168398, + "euclidean_pearson": 78.48190631687673, + "euclidean_spearman": 78.39479731354655, + "manhattan_pearson": 78.51176592165885, + "manhattan_spearman": 78.42363787303265, + "cosine_pearson": 82.52782476625825, + "cosine_spearman": 82.55618986168398, + "main_score": 82.55618986168398 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v2-base-zh/external/T2Reranking.json b/results/arkohut__jina-embeddings-v2-base-zh/external/T2Reranking.json new file mode 100644 index 000000000..94998d462 --- /dev/null +++ b/results/arkohut__jina-embeddings-v2-base-zh/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 67.36693873615643, + "mrr": 77.83847701797939, + "main_score": 67.36693873615643 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v2-base-zh/external/T2Retrieval.json b/results/arkohut__jina-embeddings-v2-base-zh/external/T2Retrieval.json new file mode 100644 index 000000000..b1b2f9458 --- /dev/null +++ b/results/arkohut__jina-embeddings-v2-base-zh/external/T2Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 25.795, + "map_at_10": 72.258, + "map_at_100": 76.049, + "map_at_1000": 76.134, + "map_at_3": 50.697, + "map_at_5": 62.324999999999996, + "mrr_at_1": 86.634, + "mrr_at_10": 89.792, + "mrr_at_100": 89.91900000000001, + "mrr_at_1000": 89.923, + "mrr_at_3": 89.224, + "mrr_at_5": 89.608, + "ndcg_at_1": 86.634, + "ndcg_at_10": 80.589, + "ndcg_at_100": 84.812, + "ndcg_at_1000": 85.662, + "ndcg_at_3": 82.169, + "ndcg_at_5": 80.619, + "precision_at_1": 86.634, + "precision_at_10": 40.389, + "precision_at_100": 4.93, + "precision_at_1000": 0.513, + "precision_at_3": 72.104, + "precision_at_5": 60.425, + "recall_at_1": 25.795, + "recall_at_10": 79.565, + "recall_at_100": 93.24799999999999, + "recall_at_1000": 97.595, + "recall_at_3": 52.583999999999996, + "recall_at_5": 66.175, + "main_score": 80.589 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v2-base-zh/external/TNews.json b/results/arkohut__jina-embeddings-v2-base-zh/external/TNews.json new file mode 100644 index 000000000..feb265c49 --- /dev/null +++ b/results/arkohut__jina-embeddings-v2-base-zh/external/TNews.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 47.648999999999994, + "f1": 46.28925837008413, + "main_score": 47.648999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v2-base-zh/external/ThuNewsClusteringP2P.json b/results/arkohut__jina-embeddings-v2-base-zh/external/ThuNewsClusteringP2P.json new file mode 100644 index 000000000..2d738861b --- /dev/null +++ b/results/arkohut__jina-embeddings-v2-base-zh/external/ThuNewsClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 54.07641891287953, + "main_score": 54.07641891287953 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v2-base-zh/external/ThuNewsClusteringS2S.json b/results/arkohut__jina-embeddings-v2-base-zh/external/ThuNewsClusteringS2S.json new file mode 100644 index 000000000..98341ed18 --- /dev/null +++ b/results/arkohut__jina-embeddings-v2-base-zh/external/ThuNewsClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 53.423702062353954, + "main_score": 53.423702062353954 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v2-base-zh/external/VideoRetrieval.json b/results/arkohut__jina-embeddings-v2-base-zh/external/VideoRetrieval.json new file mode 100644 index 000000000..58753f3bf --- /dev/null +++ b/results/arkohut__jina-embeddings-v2-base-zh/external/VideoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 55.7, + "map_at_10": 65.923, + "map_at_100": 66.42, + "map_at_1000": 66.431, + "map_at_3": 63.9, + "map_at_5": 65.225, + "mrr_at_1": 55.60000000000001, + "mrr_at_10": 65.873, + "mrr_at_100": 66.36999999999999, + "mrr_at_1000": 66.381, + "mrr_at_3": 63.849999999999994, + "mrr_at_5": 65.17500000000001, + "ndcg_at_1": 55.7, + "ndcg_at_10": 70.621, + "ndcg_at_100": 72.944, + "ndcg_at_1000": 73.25399999999999, + "ndcg_at_3": 66.547, + "ndcg_at_5": 68.93599999999999, + "precision_at_1": 55.7, + "precision_at_10": 8.52, + "precision_at_100": 0.958, + "precision_at_1000": 0.098, + "precision_at_3": 24.733, + "precision_at_5": 16, + "recall_at_1": 55.7, + "recall_at_10": 85.2, + "recall_at_100": 95.8, + "recall_at_1000": 98.3, + "recall_at_3": 74.2, + "recall_at_5": 80, + "main_score": 70.621 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v2-base-zh/external/Waimai.json b/results/arkohut__jina-embeddings-v2-base-zh/external/Waimai.json new file mode 100644 index 000000000..c9f446d49 --- /dev/null +++ b/results/arkohut__jina-embeddings-v2-base-zh/external/Waimai.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 84.54, + "ap": 66.13603199670062, + "f1": 82.61420654584116, + "main_score": 84.54 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v2-base-zh/external/model_meta.json b/results/arkohut__jina-embeddings-v2-base-zh/external/model_meta.json new file mode 100644 index 000000000..cd8001db5 --- /dev/null +++ b/results/arkohut__jina-embeddings-v2-base-zh/external/model_meta.json @@ -0,0 +1,25 @@ +{ + "name": "arkohut/jina-embeddings-v2-base-zh", + "revision": "090e4a2cc95bc5880f2922cb3fbe709df1c14d97", + "release_date": "2024-10-18", + "languages": [ + "en", + "zh" + ], + "loader": null, + "n_parameters": 160813824, + "memory_usage": null, + "max_tokens": 8192, + "embed_dim": 768, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/AFQMC.json b/results/arkohut__jina-embeddings-v3/external/AFQMC.json new file mode 100644 index 000000000..8e5479056 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/AFQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b44c3b011063adb25877c13823db83bb193913c4", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 41.74237700998808, + "cosine_spearman": 43.4726782647566, + "euclidean_pearson": 42.244585459479964, + "euclidean_spearman": 43.525070045169606, + "main_score": 43.4726782647566, + "manhattan_pearson": 42.04616728224863, + "manhattan_spearman": 43.308828270754645, + "pearson": 41.74237700998808, + "spearman": 43.4726782647566 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/ATEC.json b/results/arkohut__jina-embeddings-v3/external/ATEC.json new file mode 100644 index 000000000..f1168f774 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/ATEC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "0f319b1142f28d00e055a6770f3f726ae9b7d865", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 47.541497334563296, + "cosine_spearman": 49.06268944206629, + "euclidean_pearson": 51.838926748581635, + "euclidean_spearman": 48.930697157135356, + "main_score": 49.06268944206629, + "manhattan_pearson": 51.835306769406365, + "manhattan_spearman": 48.86135493444834, + "pearson": 47.541497334563296, + "spearman": 49.06268944206629 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/AllegroReviews.json b/results/arkohut__jina-embeddings-v3/external/AllegroReviews.json new file mode 100644 index 000000000..1eed7538c --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/AllegroReviews.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "b89853e6de927b0e3bfa8ecc0e56fe4e02ceafc6", + "task_name": "AllegroReviews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 49.51292246520874, + "f1": 44.14350234332397, + "f1_weighted": 51.65508998354552, + "main_score": 49.51292246520874 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/AlloProfClusteringP2P.json b/results/arkohut__jina-embeddings-v3/external/AlloProfClusteringP2P.json new file mode 100644 index 000000000..1d276dda7 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/AlloProfClusteringP2P.json @@ -0,0 +1,175 @@ +{ + "dataset_revision": "392ba3f5bcc8c51f578786c1fc3dae648662cb9b", + "task_name": "AlloProfClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "main_score": 63.883383458621665, + "v_measure": 63.883383458621665, + "v_measure_std": 2.693666879958465 + }, + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "main_score": 46.85924588755251, + "v_measure": 46.85924588755251, + "v_measure_std": 2.1918258880872377 + }, + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "main_score": 54.284, + "map_at_1": 37.047000000000004, + "map_at_10": 48.53, + "map_at_100": 49.357, + "map_at_1000": 49.39, + "map_at_20": 49.064, + "map_at_3": 45.675, + "map_at_5": 47.441, + "mrr_at_1": 37.04663212435233, + "mrr_at_10": 48.5300326232969, + "mrr_at_100": 49.35708199037581, + "mrr_at_1000": 49.39005824603193, + "mrr_at_20": 49.06417416464799, + "mrr_at_3": 45.67501439263105, + "mrr_at_5": 47.44099021301103, + "nauc_map_at_1000_diff1": 43.32474221868009, + "nauc_map_at_1000_max": 39.407334029058575, + "nauc_map_at_1000_std": -2.3728154448932606, + "nauc_map_at_100_diff1": 43.32336300929909, + "nauc_map_at_100_max": 39.432174777554835, + "nauc_map_at_100_std": -2.356396922384349, + "nauc_map_at_10_diff1": 43.1606520154482, + "nauc_map_at_10_max": 39.33734650558226, + "nauc_map_at_10_std": -2.5156222475075256, + "nauc_map_at_1_diff1": 46.2178975214499, + "nauc_map_at_1_max": 36.26173199049361, + "nauc_map_at_1_std": -3.0897555582816443, + "nauc_map_at_20_diff1": 43.272980702916456, + "nauc_map_at_20_max": 39.4896977052276, + "nauc_map_at_20_std": -2.3305501742917043, + "nauc_map_at_3_diff1": 43.49525042967079, + "nauc_map_at_3_max": 38.66352501824728, + "nauc_map_at_3_std": -3.202794391620473, + "nauc_map_at_5_diff1": 43.2266692546611, + "nauc_map_at_5_max": 38.77368661115743, + "nauc_map_at_5_std": -3.0897532130127954, + "nauc_mrr_at_1000_diff1": 43.32474221868009, + "nauc_mrr_at_1000_max": 39.407334029058575, + "nauc_mrr_at_1000_std": -2.3728154448932606, + "nauc_mrr_at_100_diff1": 43.32336300929909, + "nauc_mrr_at_100_max": 39.432174777554835, + "nauc_mrr_at_100_std": -2.356396922384349, + "nauc_mrr_at_10_diff1": 43.1606520154482, + "nauc_mrr_at_10_max": 39.33734650558226, + "nauc_mrr_at_10_std": -2.5156222475075256, + "nauc_mrr_at_1_diff1": 46.2178975214499, + "nauc_mrr_at_1_max": 36.26173199049361, + "nauc_mrr_at_1_std": -3.0897555582816443, + "nauc_mrr_at_20_diff1": 43.272980702916456, + "nauc_mrr_at_20_max": 39.4896977052276, + "nauc_mrr_at_20_std": -2.3305501742917043, + "nauc_mrr_at_3_diff1": 43.49525042967079, + "nauc_mrr_at_3_max": 38.66352501824728, + "nauc_mrr_at_3_std": -3.202794391620473, + "nauc_mrr_at_5_diff1": 43.2266692546611, + "nauc_mrr_at_5_max": 38.77368661115743, + "nauc_mrr_at_5_std": -3.0897532130127954, + "nauc_ndcg_at_1000_diff1": 43.01903168202974, + "nauc_ndcg_at_1000_max": 40.75496622942232, + "nauc_ndcg_at_1000_std": -1.3150412981845496, + "nauc_ndcg_at_100_diff1": 42.98016493758145, + "nauc_ndcg_at_100_max": 41.55869635162325, + "nauc_ndcg_at_100_std": -0.5355252976886055, + "nauc_ndcg_at_10_diff1": 42.218755211347506, + "nauc_ndcg_at_10_max": 41.305042275175765, + "nauc_ndcg_at_10_std": -1.4034484444573714, + "nauc_ndcg_at_1_diff1": 46.2178975214499, + "nauc_ndcg_at_1_max": 36.26173199049361, + "nauc_ndcg_at_1_std": -3.0897555582816443, + "nauc_ndcg_at_20_diff1": 42.66574440095576, + "nauc_ndcg_at_20_max": 42.014620115124515, + "nauc_ndcg_at_20_std": -0.5176162553751498, + "nauc_ndcg_at_3_diff1": 42.837450505106055, + "nauc_ndcg_at_3_max": 39.525369733082414, + "nauc_ndcg_at_3_std": -3.1605948245795155, + "nauc_ndcg_at_5_diff1": 42.37951815451173, + "nauc_ndcg_at_5_max": 39.78840132935179, + "nauc_ndcg_at_5_std": -2.936898430768135, + "nauc_precision_at_1000_diff1": 49.69224988612385, + "nauc_precision_at_1000_max": 79.57897547128005, + "nauc_precision_at_1000_std": 45.040371354764645, + "nauc_precision_at_100_diff1": 42.70597486048422, + "nauc_precision_at_100_max": 65.74628759606188, + "nauc_precision_at_100_std": 25.49157745244855, + "nauc_precision_at_10_diff1": 38.565609931689345, + "nauc_precision_at_10_max": 50.0239696180852, + "nauc_precision_at_10_std": 3.976354829503967, + "nauc_precision_at_1_diff1": 46.2178975214499, + "nauc_precision_at_1_max": 36.26173199049361, + "nauc_precision_at_1_std": -3.0897555582816443, + "nauc_precision_at_20_diff1": 40.4134718566864, + "nauc_precision_at_20_max": 57.121778108665374, + "nauc_precision_at_20_std": 11.46021975428544, + "nauc_precision_at_3_diff1": 40.90538379461529, + "nauc_precision_at_3_max": 42.18393248057992, + "nauc_precision_at_3_std": -3.005249943837297, + "nauc_precision_at_5_diff1": 39.60162965860782, + "nauc_precision_at_5_max": 43.28317158174058, + "nauc_precision_at_5_std": -2.3469094487738054, + "nauc_recall_at_1000_diff1": 49.69224988612252, + "nauc_recall_at_1000_max": 79.57897547127862, + "nauc_recall_at_1000_std": 45.04037135476256, + "nauc_recall_at_100_diff1": 42.70597486048432, + "nauc_recall_at_100_max": 65.74628759606213, + "nauc_recall_at_100_std": 25.491577452448727, + "nauc_recall_at_10_diff1": 38.56560993168935, + "nauc_recall_at_10_max": 50.02396961808522, + "nauc_recall_at_10_std": 3.9763548295040314, + "nauc_recall_at_1_diff1": 46.2178975214499, + "nauc_recall_at_1_max": 36.26173199049361, + "nauc_recall_at_1_std": -3.0897555582816443, + "nauc_recall_at_20_diff1": 40.41347185668637, + "nauc_recall_at_20_max": 57.12177810866533, + "nauc_recall_at_20_std": 11.460219754285431, + "nauc_recall_at_3_diff1": 40.90538379461527, + "nauc_recall_at_3_max": 42.18393248057989, + "nauc_recall_at_3_std": -3.005249943837297, + "nauc_recall_at_5_diff1": 39.601629658607784, + "nauc_recall_at_5_max": 43.28317158174053, + "nauc_recall_at_5_std": -2.3469094487738054, + "ndcg_at_1": 37.047000000000004, + "ndcg_at_10": 54.284, + "ndcg_at_100": 58.34, + "ndcg_at_1000": 59.303, + "ndcg_at_20": 56.235, + "ndcg_at_3": 48.503, + "ndcg_at_5": 51.686, + "precision_at_1": 37.047000000000004, + "precision_at_10": 7.237, + "precision_at_100": 0.914, + "precision_at_1000": 0.099, + "precision_at_20": 4.005, + "precision_at_3": 18.898, + "precision_at_5": 12.884, + "recall_at_1": 37.047000000000004, + "recall_at_10": 72.366, + "recall_at_100": 91.408, + "recall_at_1000": 99.136, + "recall_at_20": 80.095, + "recall_at_3": 56.693000000000005, + "recall_at_5": 64.42099999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/AlloprofReranking.json b/results/arkohut__jina-embeddings-v3/external/AlloprofReranking.json new file mode 100644 index 000000000..5b9ec1fc4 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/AlloprofReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e40c8a63ce02da43200eccb5b0846fcaa888f562", + "task_name": "AlloprofReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map": 66.39013753839347, + "mrr": 67.68045617786551, + "main_score": 66.39013753839347 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/AmazonCounterfactualClassification.json b/results/arkohut__jina-embeddings-v3/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..fa66fea8c --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/AmazonCounterfactualClassification.json @@ -0,0 +1,34 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 89.49253731343283, + "ap": 61.88098616359918, + "ap_weighted": 61.88098616359918, + "f1": 84.76516623679144, + "f1_weighted": 89.92745276292968, + "main_score": 89.49253731343283 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 89.61456102783727, + "ap": 93.11816566733742, + "ap_weighted": 93.11816566733742, + "f1": 88.27635757733722, + "f1_weighted": 89.82581568285453, + "main_score": 89.61456102783727 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/AmazonPolarityClassification.json b/results/arkohut__jina-embeddings-v3/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..9e25895e4 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/AmazonPolarityClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 95.3825, + "ap": 93.393033869502, + "ap_weighted": 93.393033869502, + "f1": 95.38109007966307, + "f1_weighted": 95.38109007966305, + "main_score": 95.3825 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/AmazonReviewsClassification.json b/results/arkohut__jina-embeddings-v3/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..432461aba --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/AmazonReviewsClassification.json @@ -0,0 +1,60 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 49.768, + "f1": 48.95084821944411, + "f1_weighted": 48.9508482194441, + "main_score": 49.768 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 48.071999999999996, + "f1": 47.24171107487612, + "f1_weighted": 47.24171107487612, + "main_score": 48.071999999999996 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 48.102000000000004, + "f1": 47.27193805278696, + "f1_weighted": 47.27193805278696, + "main_score": 48.102000000000004 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 47.30800000000001, + "f1": 46.41683358017851, + "f1_weighted": 46.41683358017851, + "main_score": 47.30800000000001 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 44.944, + "f1": 44.223824487744395, + "f1_weighted": 44.22382448774439, + "main_score": 44.944 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/ArguAna-PL.json b/results/arkohut__jina-embeddings-v3/external/ArguAna-PL.json new file mode 100644 index 000000000..dbc1f77ef --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/ArguAna-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "63fc86750af76253e8c760fc9e534bbf24d260a2", + "task_name": "ArguAna-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 50.117999999999995, + "map_at_1": 24.253, + "map_at_10": 40.725, + "map_at_100": 41.699999999999996, + "map_at_1000": 41.707, + "map_at_20": 41.467999999999996, + "map_at_3": 35.467, + "map_at_5": 38.291, + "mrr_at_1": 24.751066856330013, + "mrr_at_10": 40.91063808169072, + "mrr_at_100": 41.885497923928675, + "mrr_at_1000": 41.89301098419842, + "mrr_at_20": 41.653552355442514, + "mrr_at_3": 35.656709340919775, + "mrr_at_5": 38.466097676623946, + "nauc_map_at_1000_diff1": 7.503000359807567, + "nauc_map_at_1000_max": -11.030405164830546, + "nauc_map_at_1000_std": -8.902792782585117, + "nauc_map_at_100_diff1": 7.509899249593199, + "nauc_map_at_100_max": -11.023581259404406, + "nauc_map_at_100_std": -8.892241185067272, + "nauc_map_at_10_diff1": 7.24369711881512, + "nauc_map_at_10_max": -10.810000200433278, + "nauc_map_at_10_std": -8.987230542165776, + "nauc_map_at_1_diff1": 11.37175831832417, + "nauc_map_at_1_max": -13.315221903223055, + "nauc_map_at_1_std": -9.398199605510275, + "nauc_map_at_20_diff1": 7.477364530860648, + "nauc_map_at_20_max": -10.901251218105566, + "nauc_map_at_20_std": -8.868148116405925, + "nauc_map_at_3_diff1": 6.555548802174882, + "nauc_map_at_3_max": -12.247274800542934, + "nauc_map_at_3_std": -9.879475250984811, + "nauc_map_at_5_diff1": 7.426588563355882, + "nauc_map_at_5_max": -11.347695686001805, + "nauc_map_at_5_std": -9.34441892203972, + "nauc_mrr_at_1000_diff1": 5.99737552143614, + "nauc_mrr_at_1000_max": -11.327205136505727, + "nauc_mrr_at_1000_std": -8.791079115519503, + "nauc_mrr_at_100_diff1": 6.004622525255784, + "nauc_mrr_at_100_max": -11.320336759899723, + "nauc_mrr_at_100_std": -8.780602249831777, + "nauc_mrr_at_10_diff1": 5.783623516930227, + "nauc_mrr_at_10_max": -11.095971693467078, + "nauc_mrr_at_10_std": -8.877242032013582, + "nauc_mrr_at_1_diff1": 9.694937537703797, + "nauc_mrr_at_1_max": -12.531905083727912, + "nauc_mrr_at_1_std": -8.903992940100146, + "nauc_mrr_at_20_diff1": 5.984841206233873, + "nauc_mrr_at_20_max": -11.195236951048969, + "nauc_mrr_at_20_std": -8.757266039186018, + "nauc_mrr_at_3_diff1": 5.114333824261379, + "nauc_mrr_at_3_max": -12.64809799843464, + "nauc_mrr_at_3_std": -9.791146138025184, + "nauc_mrr_at_5_diff1": 5.88941606224512, + "nauc_mrr_at_5_max": -11.763903418071918, + "nauc_mrr_at_5_std": -9.279175712709446, + "nauc_ndcg_at_1000_diff1": 7.076950652226086, + "nauc_ndcg_at_1000_max": -10.386482092087371, + "nauc_ndcg_at_1000_std": -8.309190917074046, + "nauc_ndcg_at_100_diff1": 7.2329220284865245, + "nauc_ndcg_at_100_max": -10.208048403220337, + "nauc_ndcg_at_100_std": -7.997975874274613, + "nauc_ndcg_at_10_diff1": 6.065391100006953, + "nauc_ndcg_at_10_max": -9.046164377601153, + "nauc_ndcg_at_10_std": -8.34724889697153, + "nauc_ndcg_at_1_diff1": 11.37175831832417, + "nauc_ndcg_at_1_max": -13.315221903223055, + "nauc_ndcg_at_1_std": -9.398199605510275, + "nauc_ndcg_at_20_diff1": 6.949389989202601, + "nauc_ndcg_at_20_max": -9.35740451760307, + "nauc_ndcg_at_20_std": -7.761295171828212, + "nauc_ndcg_at_3_diff1": 5.051471796151364, + "nauc_ndcg_at_3_max": -12.158763333711653, + "nauc_ndcg_at_3_std": -10.078902544421926, + "nauc_ndcg_at_5_diff1": 6.527454512611454, + "nauc_ndcg_at_5_max": -10.525118233848586, + "nauc_ndcg_at_5_std": -9.120055125584031, + "nauc_precision_at_1000_diff1": -10.6495668199151, + "nauc_precision_at_1000_max": 12.070656425217841, + "nauc_precision_at_1000_std": 55.844551709649004, + "nauc_precision_at_100_diff1": 19.206967129266285, + "nauc_precision_at_100_max": 16.296851020813456, + "nauc_precision_at_100_std": 45.60378984257811, + "nauc_precision_at_10_diff1": 0.6490335354304879, + "nauc_precision_at_10_max": 0.5757198255366447, + "nauc_precision_at_10_std": -4.875847131691451, + "nauc_precision_at_1_diff1": 11.37175831832417, + "nauc_precision_at_1_max": -13.315221903223055, + "nauc_precision_at_1_std": -9.398199605510275, + "nauc_precision_at_20_diff1": 4.899369866929203, + "nauc_precision_at_20_max": 5.988537297189552, + "nauc_precision_at_20_std": 4.830900387582837, + "nauc_precision_at_3_diff1": 0.8791156910997744, + "nauc_precision_at_3_max": -11.983373635905993, + "nauc_precision_at_3_std": -10.646185111581257, + "nauc_precision_at_5_diff1": 3.9314486166548432, + "nauc_precision_at_5_max": -7.798591396895839, + "nauc_precision_at_5_std": -8.293043407234125, + "nauc_recall_at_1000_diff1": -10.649566819918673, + "nauc_recall_at_1000_max": 12.070656425214647, + "nauc_recall_at_1000_std": 55.84455170965023, + "nauc_recall_at_100_diff1": 19.206967129265127, + "nauc_recall_at_100_max": 16.296851020813722, + "nauc_recall_at_100_std": 45.60378984257728, + "nauc_recall_at_10_diff1": 0.6490335354304176, + "nauc_recall_at_10_max": 0.5757198255366095, + "nauc_recall_at_10_std": -4.875847131691468, + "nauc_recall_at_1_diff1": 11.37175831832417, + "nauc_recall_at_1_max": -13.315221903223055, + "nauc_recall_at_1_std": -9.398199605510275, + "nauc_recall_at_20_diff1": 4.899369866929402, + "nauc_recall_at_20_max": 5.98853729718968, + "nauc_recall_at_20_std": 4.830900387582967, + "nauc_recall_at_3_diff1": 0.8791156910997652, + "nauc_recall_at_3_max": -11.983373635905997, + "nauc_recall_at_3_std": -10.64618511158124, + "nauc_recall_at_5_diff1": 3.9314486166548472, + "nauc_recall_at_5_max": -7.7985913968958585, + "nauc_recall_at_5_std": -8.293043407234132, + "ndcg_at_1": 24.253, + "ndcg_at_10": 50.117999999999995, + "ndcg_at_100": 54.291999999999994, + "ndcg_at_1000": 54.44799999999999, + "ndcg_at_20": 52.771, + "ndcg_at_3": 39.296, + "ndcg_at_5": 44.373000000000005, + "precision_at_1": 24.253, + "precision_at_10": 8.016, + "precision_at_100": 0.984, + "precision_at_1000": 0.1, + "precision_at_20": 4.527, + "precision_at_3": 16.808999999999997, + "precision_at_5": 12.546, + "recall_at_1": 24.253, + "recall_at_10": 80.156, + "recall_at_100": 98.43499999999999, + "recall_at_1000": 99.57300000000001, + "recall_at_20": 90.54100000000001, + "recall_at_3": 50.427, + "recall_at_5": 62.731 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/ArguAna.json b/results/arkohut__jina-embeddings-v3/external/ArguAna.json new file mode 100644 index 000000000..34c9931c9 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/ArguAna.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.232000000000003, + "map_at_10": 45.117000000000004, + "map_at_100": 45.977000000000004, + "map_at_1000": 45.98, + "map_at_20": 45.815, + "map_at_3": 39.912, + "map_at_5": 42.693, + "mrr_at_1": 29.659000000000002, + "mrr_at_10": 45.253, + "mrr_at_100": 46.125, + "mrr_at_1000": 46.129, + "mrr_at_20": 45.964, + "mrr_at_3": 40.043, + "mrr_at_5": 42.870000000000005, + "ndcg_at_1": 29.232000000000003, + "ndcg_at_10": 54.327999999999996, + "ndcg_at_100": 57.86, + "ndcg_at_1000": 57.935, + "ndcg_at_20": 56.794, + "ndcg_at_3": 43.516, + "ndcg_at_5": 48.512, + "precision_at_1": 29.232000000000003, + "precision_at_10": 8.393, + "precision_at_100": 0.991, + "precision_at_1000": 0.1, + "precision_at_20": 4.676, + "precision_at_3": 17.994, + "precision_at_5": 13.215, + "recall_at_1": 29.232000000000003, + "recall_at_10": 83.926, + "recall_at_100": 99.075, + "recall_at_1000": 99.644, + "recall_at_20": 93.528, + "recall_at_3": 53.983000000000004, + "recall_at_5": 66.074, + "main_score": 54.327999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/ArxivClusteringP2P.json b/results/arkohut__jina-embeddings-v3/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..c34287600 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/ArxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 46.6636824632419, + "v_measure": 46.6636824632419, + "v_measure_std": 13.817129140714963 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/ArxivClusteringS2S.json b/results/arkohut__jina-embeddings-v3/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..211f674a4 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/ArxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 39.271141892800024, + "v_measure": 39.271141892800024, + "v_measure_std": 14.276782483454827 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/AskUbuntuDupQuestions.json b/results/arkohut__jina-embeddings-v3/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..c3f30b7e0 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 65.04363277324629, + "mrr": 78.2372598162072, + "main_score": 65.04363277324629 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/BIOSSES.json b/results/arkohut__jina-embeddings-v3/external/BIOSSES.json new file mode 100644 index 000000000..3019883d4 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 88.80382082011027, + "cosine_spearman": 88.68876782169106, + "euclidean_pearson": 87.00802890147176, + "euclidean_spearman": 87.43211268192712, + "main_score": 88.68876782169106, + "manhattan_pearson": 87.14062537179474, + "manhattan_spearman": 87.59115245033443, + "pearson": 88.80382082011027, + "spearman": 88.68876782169106 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/BQ.json b/results/arkohut__jina-embeddings-v3/external/BQ.json new file mode 100644 index 000000000..b279a30fb --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/BQ.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e3dda5e115e487b39ec7e618c0c6a29137052a55", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 61.588006604878196, + "cosine_spearman": 63.20615427154465, + "euclidean_pearson": 61.818547092516496, + "euclidean_spearman": 63.21558009151778, + "main_score": 63.20615427154465, + "manhattan_pearson": 61.665588158487616, + "manhattan_spearman": 63.051544488238584, + "pearson": 61.588006604878196, + "spearman": 63.20615427154465 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/BSARDRetrieval.json b/results/arkohut__jina-embeddings-v3/external/BSARDRetrieval.json new file mode 100644 index 000000000..ca273bae5 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/BSARDRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "5effa1b9b5fa3b0f9e12523e6e43e5f86a6e6d59", + "task_name": "BSARDRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "main_score": 64.414, + "map_at_1": 14.865, + "map_at_10": 21.605, + "map_at_100": 22.762, + "map_at_1000": 22.854, + "map_at_20": 22.259999999999998, + "map_at_3": 20.119999999999997, + "map_at_5": 20.931, + "mrr_at_1": 14.864864864864865, + "mrr_at_10": 21.605176605176606, + "mrr_at_100": 22.7622306460065, + "mrr_at_1000": 22.85383406410312, + "mrr_at_20": 22.259528463088845, + "mrr_at_3": 20.12012012012012, + "mrr_at_5": 20.930930930930934, + "nauc_map_at_1000_diff1": 17.486265968689338, + "nauc_map_at_1000_max": 22.736799291688836, + "nauc_map_at_1000_std": 9.831687441977147, + "nauc_map_at_100_diff1": 17.50754492049086, + "nauc_map_at_100_max": 22.77693662806787, + "nauc_map_at_100_std": 9.853899509675395, + "nauc_map_at_10_diff1": 17.42133968580952, + "nauc_map_at_10_max": 22.45861793882279, + "nauc_map_at_10_std": 8.964888472915938, + "nauc_map_at_1_diff1": 19.433947086968093, + "nauc_map_at_1_max": 24.75657047550517, + "nauc_map_at_1_std": 15.122329157218505, + "nauc_map_at_20_diff1": 17.429856756008785, + "nauc_map_at_20_max": 22.438850987431017, + "nauc_map_at_20_std": 9.172746012213558, + "nauc_map_at_3_diff1": 18.218182689678475, + "nauc_map_at_3_max": 23.57169444088667, + "nauc_map_at_3_std": 10.464473559366356, + "nauc_map_at_5_diff1": 18.6075342519133, + "nauc_map_at_5_max": 23.308845973576673, + "nauc_map_at_5_std": 9.364009996445652, + "nauc_mrr_at_1000_diff1": 17.486265968689338, + "nauc_mrr_at_1000_max": 22.736799291688836, + "nauc_mrr_at_1000_std": 9.831687441977147, + "nauc_mrr_at_100_diff1": 17.50754492049086, + "nauc_mrr_at_100_max": 22.77693662806787, + "nauc_mrr_at_100_std": 9.853899509675395, + "nauc_mrr_at_10_diff1": 17.42133968580952, + "nauc_mrr_at_10_max": 22.45861793882279, + "nauc_mrr_at_10_std": 8.964888472915938, + "nauc_mrr_at_1_diff1": 19.433947086968093, + "nauc_mrr_at_1_max": 24.75657047550517, + "nauc_mrr_at_1_std": 15.122329157218505, + "nauc_mrr_at_20_diff1": 17.429856756008785, + "nauc_mrr_at_20_max": 22.438850987431017, + "nauc_mrr_at_20_std": 9.172746012213558, + "nauc_mrr_at_3_diff1": 18.218182689678475, + "nauc_mrr_at_3_max": 23.57169444088667, + "nauc_mrr_at_3_std": 10.464473559366356, + "nauc_mrr_at_5_diff1": 18.6075342519133, + "nauc_mrr_at_5_max": 23.308845973576673, + "nauc_mrr_at_5_std": 9.364009996445652, + "nauc_ndcg_at_1000_diff1": 16.327871824135745, + "nauc_ndcg_at_1000_max": 23.308241052911495, + "nauc_ndcg_at_1000_std": 11.50905911184097, + "nauc_ndcg_at_100_diff1": 16.676226744692773, + "nauc_ndcg_at_100_max": 24.323253721240974, + "nauc_ndcg_at_100_std": 11.952612443651557, + "nauc_ndcg_at_10_diff1": 16.030325121764594, + "nauc_ndcg_at_10_max": 21.306799242079542, + "nauc_ndcg_at_10_std": 6.63359364302513, + "nauc_ndcg_at_1_diff1": 19.433947086968093, + "nauc_ndcg_at_1_max": 24.75657047550517, + "nauc_ndcg_at_1_std": 15.122329157218505, + "nauc_ndcg_at_20_diff1": 16.013173605999857, + "nauc_ndcg_at_20_max": 21.607217260736576, + "nauc_ndcg_at_20_std": 7.319482417138996, + "nauc_ndcg_at_3_diff1": 17.97958548328493, + "nauc_ndcg_at_3_max": 23.58346522810145, + "nauc_ndcg_at_3_std": 9.392582854708314, + "nauc_ndcg_at_5_diff1": 18.734733324685287, + "nauc_ndcg_at_5_max": 23.273244317623742, + "nauc_ndcg_at_5_std": 7.638611545253834, + "nauc_precision_at_1000_diff1": 7.919843339380295, + "nauc_precision_at_1000_max": 31.575386234270486, + "nauc_precision_at_1000_std": 39.332224386769404, + "nauc_precision_at_100_diff1": 15.018050960000052, + "nauc_precision_at_100_max": 34.98209513759861, + "nauc_precision_at_100_std": 26.970034484359022, + "nauc_precision_at_10_diff1": 12.102191084210922, + "nauc_precision_at_10_max": 18.112541150340675, + "nauc_precision_at_10_std": 0.7358784689406018, + "nauc_precision_at_1_diff1": 19.433947086968093, + "nauc_precision_at_1_max": 24.75657047550517, + "nauc_precision_at_1_std": 15.122329157218505, + "nauc_precision_at_20_diff1": 12.018814361204328, + "nauc_precision_at_20_max": 19.75123746049928, + "nauc_precision_at_20_std": 3.012204650582264, + "nauc_precision_at_3_diff1": 17.41375604940955, + "nauc_precision_at_3_max": 23.699834627021037, + "nauc_precision_at_3_std": 6.793486779050103, + "nauc_precision_at_5_diff1": 19.194631963780257, + "nauc_precision_at_5_max": 23.31708702442155, + "nauc_precision_at_5_std": 3.4591358279667332, + "nauc_recall_at_1000_diff1": 7.919843339380378, + "nauc_recall_at_1000_max": 31.57538623427063, + "nauc_recall_at_1000_std": 39.332224386769546, + "nauc_recall_at_100_diff1": 15.018050960000085, + "nauc_recall_at_100_max": 34.9820951375986, + "nauc_recall_at_100_std": 26.97003448435901, + "nauc_recall_at_10_diff1": 12.102191084210837, + "nauc_recall_at_10_max": 18.112541150340594, + "nauc_recall_at_10_std": 0.7358784689405188, + "nauc_recall_at_1_diff1": 19.433947086968093, + "nauc_recall_at_1_max": 24.75657047550517, + "nauc_recall_at_1_std": 15.122329157218505, + "nauc_recall_at_20_diff1": 12.01881436120429, + "nauc_recall_at_20_max": 19.751237460499222, + "nauc_recall_at_20_std": 3.0122046505822135, + "nauc_recall_at_3_diff1": 17.413756049409503, + "nauc_recall_at_3_max": 23.699834627020998, + "nauc_recall_at_3_std": 6.793486779050083, + "nauc_recall_at_5_diff1": 19.194631963780203, + "nauc_recall_at_5_max": 23.3170870244215, + "nauc_recall_at_5_std": 3.459135827966664, + "ndcg_at_1": 14.865, + "ndcg_at_10": 24.764, + "ndcg_at_100": 30.861, + "ndcg_at_1000": 33.628, + "ndcg_at_20": 27.078000000000003, + "ndcg_at_3": 21.675, + "ndcg_at_5": 23.148, + "precision_at_1": 14.865, + "precision_at_10": 3.4680000000000004, + "precision_at_100": 0.644, + "precision_at_1000": 0.087, + "precision_at_20": 2.185, + "precision_at_3": 8.709, + "precision_at_5": 5.946, + "recall_at_1": 14.865, + "recall_at_10": 34.685, + "recall_at_100": 64.414, + "recall_at_1000": 86.937, + "recall_at_20": 43.694, + "recall_at_3": 26.125999999999998, + "recall_at_5": 29.73 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/Banking77Classification.json b/results/arkohut__jina-embeddings-v3/external/Banking77Classification.json new file mode 100644 index 000000000..33a44abef --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/Banking77Classification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 84.08116883116882, + "f1": 84.05587055990273, + "f1_weighted": 84.05587055990274, + "main_score": 84.08116883116882 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/BiorxivClusteringP2P.json b/results/arkohut__jina-embeddings-v3/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..6c292980b --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/BiorxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 38.1941007822277, + "v_measure": 38.1941007822277, + "v_measure_std": 0.7502113547288178 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/BiorxivClusteringS2S.json b/results/arkohut__jina-embeddings-v3/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..d454da954 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/BiorxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 34.42075599178318, + "v_measure": 34.42075599178318, + "v_measure_std": 0.600256720497283 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/BlurbsClusteringP2P.json b/results/arkohut__jina-embeddings-v3/external/BlurbsClusteringP2P.json new file mode 100644 index 000000000..618fdb5bb --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/BlurbsClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a2dd5b02a77de3466a3eaa98ae586b5610314496", + "task_name": "BlurbsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "deu-Latn" + ], + "main_score": 41.634627363047265, + "v_measure": 41.634627363047265, + "v_measure_std": 9.726923191225307 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/BlurbsClusteringS2S.json b/results/arkohut__jina-embeddings-v3/external/BlurbsClusteringS2S.json new file mode 100644 index 000000000..6e06fdfd3 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/BlurbsClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "22793b6a6465bf00120ad525e38c51210858132c", + "task_name": "BlurbsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "deu-Latn" + ], + "main_score": 20.996468295584197, + "v_measure": 20.996468295584197, + "v_measure_std": 9.225766688272197 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/CBD.json b/results/arkohut__jina-embeddings-v3/external/CBD.json new file mode 100644 index 000000000..c37b4999c --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/CBD.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "36ddb419bcffe6a5374c3891957912892916f28d", + "task_name": "CBD", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 69.99, + "ap": 22.57826353116948, + "ap_weighted": 22.57826353116948, + "f1": 59.04574955548393, + "f1_weighted": 74.36235022309789, + "main_score": 69.99 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/CDSC-E.json b/results/arkohut__jina-embeddings-v3/external/CDSC-E.json new file mode 100644 index 000000000..e1e54825e --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/CDSC-E.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "0a3d4aa409b22f80eb22cbf59b492637637b536d", + "task_name": "CDSC-E", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cosine_accuracy": 88.7, + "cosine_accuracy_threshold": 97.37848043441772, + "cosine_ap": 73.0405088928302, + "cosine_f1": 63.52201257861635, + "cosine_f1_threshold": 96.98888063430786, + "cosine_precision": 78.90625, + "cosine_recall": 53.1578947368421, + "dot_accuracy": 84.89999999999999, + "dot_accuracy_threshold": 43603.09753417969, + "dot_ap": 56.98157569085279, + "dot_f1": 57.606490872210955, + "dot_f1_threshold": 40406.23779296875, + "dot_precision": 46.864686468646866, + "dot_recall": 74.73684210526315, + "euclidean_accuracy": 88.5, + "euclidean_accuracy_threshold": 498.0483055114746, + "euclidean_ap": 72.97328234816734, + "euclidean_f1": 63.722397476340696, + "euclidean_f1_threshold": 508.6186408996582, + "euclidean_precision": 79.52755905511812, + "euclidean_recall": 53.1578947368421, + "main_score": 73.0405088928302, + "manhattan_accuracy": 88.6, + "manhattan_accuracy_threshold": 12233.079528808594, + "manhattan_ap": 72.92148503992615, + "manhattan_f1": 63.69426751592356, + "manhattan_f1_threshold": 12392.754364013672, + "manhattan_precision": 80.64516129032258, + "manhattan_recall": 52.63157894736842, + "max_accuracy": 88.7, + "max_ap": 73.0405088928302, + "max_f1": 63.722397476340696, + "max_precision": 80.64516129032258, + "max_recall": 74.73684210526315, + "similarity_accuracy": 88.7, + "similarity_accuracy_threshold": 97.37848043441772, + "similarity_ap": 73.0405088928302, + "similarity_f1": 63.52201257861635, + "similarity_f1_threshold": 96.98888063430786, + "similarity_precision": 78.90625, + "similarity_recall": 53.1578947368421 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/CDSC-R.json b/results/arkohut__jina-embeddings-v3/external/CDSC-R.json new file mode 100644 index 000000000..62e063123 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/CDSC-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "1cd6abbb00df7d14be3dbd76a7dcc64b3a79a7cd", + "task_name": "CDSC-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cosine_pearson": 92.97492495289738, + "cosine_spearman": 92.63248098608472, + "euclidean_pearson": 92.04712487782031, + "euclidean_spearman": 92.19679486755008, + "main_score": 92.63248098608472, + "manhattan_pearson": 92.0101187740438, + "manhattan_spearman": 92.20926859332754, + "pearson": 92.97492495289738, + "spearman": 92.63248098608472 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/CEDRClassification.json b/results/arkohut__jina-embeddings-v3/external/CEDRClassification.json new file mode 100644 index 000000000..5c9a695d1 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/CEDRClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "c0ba03d058e3e1b2f3fd20518875a4563dd12db4", + "task_name": "CEDRClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 47.30605738575983, + "f1": 41.26091043925065, + "lrap": 72.89452709883206, + "main_score": 47.30605738575983 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/CLSClusteringP2P.json b/results/arkohut__jina-embeddings-v3/external/CLSClusteringP2P.json new file mode 100644 index 000000000..8f977bc34 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/CLSClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4b6227591c6c1a73bc76b1055f3b7f3588e72476", + "task_name": "CLSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 39.96377851800628, + "v_measure": 39.96377851800628, + "v_measure_std": 0.9793033243093288 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/CLSClusteringS2S.json b/results/arkohut__jina-embeddings-v3/external/CLSClusteringS2S.json new file mode 100644 index 000000000..ccd23e0d5 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/CLSClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e458b3f5414b62b7f9f83499ac1f5497ae2e869f", + "task_name": "CLSClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 38.788850224595784, + "v_measure": 38.788850224595784, + "v_measure_std": 1.0712604145916924 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/CQADupstackAndroidRetrieval.json b/results/arkohut__jina-embeddings-v3/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..f5ad46d47 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "f46a197baaae43b4f621051089b82a364682dfeb", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 33.377, + "map_at_10": 46.371, + "map_at_100": 47.829, + "map_at_1000": 47.94, + "map_at_20": 47.205000000000005, + "map_at_3": 42.782, + "map_at_5": 44.86, + "mrr_at_1": 41.345, + "mrr_at_10": 52.187, + "mrr_at_100": 52.893, + "mrr_at_1000": 52.929, + "mrr_at_20": 52.637, + "mrr_at_3": 49.714000000000006, + "mrr_at_5": 51.373000000000005, + "ndcg_at_1": 41.345, + "ndcg_at_10": 52.946000000000005, + "ndcg_at_100": 57.92699999999999, + "ndcg_at_1000": 59.609, + "ndcg_at_20": 54.900999999999996, + "ndcg_at_3": 48.357, + "ndcg_at_5": 50.739000000000004, + "precision_at_1": 41.345, + "precision_at_10": 10.186, + "precision_at_100": 1.554, + "precision_at_1000": 0.2, + "precision_at_20": 5.959, + "precision_at_3": 23.796, + "precision_at_5": 17.024, + "recall_at_1": 33.377, + "recall_at_10": 65.067, + "recall_at_100": 86.04899999999999, + "recall_at_1000": 96.54899999999999, + "recall_at_20": 72.071, + "recall_at_3": 51.349999999999994, + "recall_at_5": 58.41, + "main_score": 52.946000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/CQADupstackEnglishRetrieval.json b/results/arkohut__jina-embeddings-v3/external/CQADupstackEnglishRetrieval.json new file mode 100644 index 000000000..e9440d022 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/CQADupstackEnglishRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "ad9991cb51e31e31e430383c75ffb2885547b5f0", + "task_name": "CQADupstackEnglishRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.097, + "map_at_10": 42.183, + "map_at_100": 43.580999999999996, + "map_at_1000": 43.718, + "map_at_20": 42.921, + "map_at_3": 38.963, + "map_at_5": 40.815, + "mrr_at_1": 39.745000000000005, + "mrr_at_10": 48.736000000000004, + "mrr_at_100": 49.405, + "mrr_at_1000": 49.452, + "mrr_at_20": 49.118, + "mrr_at_3": 46.497, + "mrr_at_5": 47.827999999999996, + "ndcg_at_1": 39.745000000000005, + "ndcg_at_10": 48.248000000000005, + "ndcg_at_100": 52.956, + "ndcg_at_1000": 54.99699999999999, + "ndcg_at_20": 50.01, + "ndcg_at_3": 43.946000000000005, + "ndcg_at_5": 46.038000000000004, + "precision_at_1": 39.745000000000005, + "precision_at_10": 9.229, + "precision_at_100": 1.5070000000000001, + "precision_at_1000": 0.199, + "precision_at_20": 5.489999999999999, + "precision_at_3": 21.38, + "precision_at_5": 15.274, + "recall_at_1": 31.097, + "recall_at_10": 58.617, + "recall_at_100": 78.55199999999999, + "recall_at_1000": 91.13900000000001, + "recall_at_20": 64.92, + "recall_at_3": 45.672000000000004, + "recall_at_5": 51.669, + "main_score": 48.248000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/CQADupstackGamingRetrieval.json b/results/arkohut__jina-embeddings-v3/external/CQADupstackGamingRetrieval.json new file mode 100644 index 000000000..27c75f658 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/CQADupstackGamingRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "4885aa143210c98657558c04aaf3dc47cfb54340", + "task_name": "CQADupstackGamingRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 39.745000000000005, + "map_at_10": 52.063, + "map_at_100": 53.077, + "map_at_1000": 53.13, + "map_at_20": 52.66, + "map_at_3": 48.662, + "map_at_5": 50.507000000000005, + "mrr_at_1": 45.391999999999996, + "mrr_at_10": 55.528, + "mrr_at_100": 56.16100000000001, + "mrr_at_1000": 56.192, + "mrr_at_20": 55.923, + "mrr_at_3": 52.93600000000001, + "mrr_at_5": 54.435, + "ndcg_at_1": 45.391999999999996, + "ndcg_at_10": 58.019, + "ndcg_at_100": 61.936, + "ndcg_at_1000": 63.015, + "ndcg_at_20": 59.691, + "ndcg_at_3": 52.294, + "ndcg_at_5": 55.017, + "precision_at_1": 45.391999999999996, + "precision_at_10": 9.386, + "precision_at_100": 1.232, + "precision_at_1000": 0.136, + "precision_at_20": 5.223, + "precision_at_3": 23.177, + "precision_at_5": 15.9, + "recall_at_1": 39.745000000000005, + "recall_at_10": 72.08099999999999, + "recall_at_100": 88.85300000000001, + "recall_at_1000": 96.569, + "recall_at_20": 78.203, + "recall_at_3": 56.957, + "recall_at_5": 63.63100000000001, + "main_score": 58.019 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/CQADupstackGisRetrieval.json b/results/arkohut__jina-embeddings-v3/external/CQADupstackGisRetrieval.json new file mode 100644 index 000000000..caab76c07 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/CQADupstackGisRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "5003b3064772da1887988e05400cf3806fe491f2", + "task_name": "CQADupstackGisRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.651999999999997, + "map_at_10": 35.799, + "map_at_100": 36.846000000000004, + "map_at_1000": 36.931000000000004, + "map_at_20": 36.341, + "map_at_3": 32.999, + "map_at_5": 34.597, + "mrr_at_1": 28.814, + "mrr_at_10": 37.869, + "mrr_at_100": 38.728, + "mrr_at_1000": 38.795, + "mrr_at_20": 38.317, + "mrr_at_3": 35.235, + "mrr_at_5": 36.738, + "ndcg_at_1": 28.814, + "ndcg_at_10": 41.028, + "ndcg_at_100": 46.162, + "ndcg_at_1000": 48.15, + "ndcg_at_20": 42.824, + "ndcg_at_3": 35.621, + "ndcg_at_5": 38.277, + "precision_at_1": 28.814, + "precision_at_10": 6.361999999999999, + "precision_at_100": 0.9450000000000001, + "precision_at_1000": 0.11399999999999999, + "precision_at_20": 3.6159999999999997, + "precision_at_3": 15.140999999999998, + "precision_at_5": 10.712000000000002, + "recall_at_1": 26.651999999999997, + "recall_at_10": 55.038, + "recall_at_100": 78.806, + "recall_at_1000": 93.485, + "recall_at_20": 61.742, + "recall_at_3": 40.682, + "recall_at_5": 46.855000000000004, + "main_score": 41.028 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/CQADupstackMathematicaRetrieval.json b/results/arkohut__jina-embeddings-v3/external/CQADupstackMathematicaRetrieval.json new file mode 100644 index 000000000..cf121ecf7 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/CQADupstackMathematicaRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "90fceea13679c63fe563ded68f3b6f06e50061de", + "task_name": "CQADupstackMathematicaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.627000000000002, + "map_at_10": 26.436999999999998, + "map_at_100": 27.85, + "map_at_1000": 27.955999999999996, + "map_at_20": 27.233, + "map_at_3": 23.777, + "map_at_5": 25.122, + "mrr_at_1": 22.387999999999998, + "mrr_at_10": 31.589, + "mrr_at_100": 32.641999999999996, + "mrr_at_1000": 32.696999999999996, + "mrr_at_20": 32.201, + "mrr_at_3": 28.98, + "mrr_at_5": 30.342000000000002, + "ndcg_at_1": 22.387999999999998, + "ndcg_at_10": 32.129999999999995, + "ndcg_at_100": 38.562999999999995, + "ndcg_at_1000": 40.903, + "ndcg_at_20": 34.652, + "ndcg_at_3": 27.26, + "ndcg_at_5": 29.235, + "precision_at_1": 22.387999999999998, + "precision_at_10": 5.970000000000001, + "precision_at_100": 1.068, + "precision_at_1000": 0.13899999999999998, + "precision_at_20": 3.6999999999999997, + "precision_at_3": 13.267000000000001, + "precision_at_5": 9.403, + "recall_at_1": 17.627000000000002, + "recall_at_10": 44.71, + "recall_at_100": 72.426, + "recall_at_1000": 88.64699999999999, + "recall_at_20": 53.65, + "recall_at_3": 30.989, + "recall_at_5": 36.237, + "main_score": 32.129999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/CQADupstackPhysicsRetrieval.json b/results/arkohut__jina-embeddings-v3/external/CQADupstackPhysicsRetrieval.json new file mode 100644 index 000000000..367057375 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/CQADupstackPhysicsRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "79531abbd1fb92d06c6d6315a0cbbbf5bb247ea4", + "task_name": "CQADupstackPhysicsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.891000000000002, + "map_at_10": 41.519, + "map_at_100": 42.896, + "map_at_1000": 42.992999999999995, + "map_at_20": 42.287, + "map_at_3": 37.822, + "map_at_5": 39.976, + "mrr_at_1": 37.921, + "mrr_at_10": 47.260999999999996, + "mrr_at_100": 48.044, + "mrr_at_1000": 48.08, + "mrr_at_20": 47.699999999999996, + "mrr_at_3": 44.513999999999996, + "mrr_at_5": 46.064, + "ndcg_at_1": 37.921, + "ndcg_at_10": 47.806, + "ndcg_at_100": 53.274, + "ndcg_at_1000": 55.021, + "ndcg_at_20": 49.973, + "ndcg_at_3": 42.046, + "ndcg_at_5": 44.835, + "precision_at_1": 37.921, + "precision_at_10": 8.767999999999999, + "precision_at_100": 1.353, + "precision_at_1000": 0.168, + "precision_at_20": 5.135, + "precision_at_3": 20.051, + "precision_at_5": 14.398, + "recall_at_1": 30.891000000000002, + "recall_at_10": 60.897999999999996, + "recall_at_100": 83.541, + "recall_at_1000": 94.825, + "recall_at_20": 68.356, + "recall_at_3": 44.65, + "recall_at_5": 51.919000000000004, + "main_score": 47.806 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/CQADupstackProgrammersRetrieval.json b/results/arkohut__jina-embeddings-v3/external/CQADupstackProgrammersRetrieval.json new file mode 100644 index 000000000..64bf5f725 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/CQADupstackProgrammersRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "6184bc1440d2dbc7612be22b50686b8826d22b32", + "task_name": "CQADupstackProgrammersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.654, + "map_at_10": 38.025999999999996, + "map_at_100": 39.425, + "map_at_1000": 39.528, + "map_at_20": 38.838, + "map_at_3": 34.745, + "map_at_5": 36.537, + "mrr_at_1": 34.018, + "mrr_at_10": 43.314, + "mrr_at_100": 44.283, + "mrr_at_1000": 44.327, + "mrr_at_20": 43.929, + "mrr_at_3": 40.868, + "mrr_at_5": 42.317, + "ndcg_at_1": 34.018, + "ndcg_at_10": 43.887, + "ndcg_at_100": 49.791000000000004, + "ndcg_at_1000": 51.834, + "ndcg_at_20": 46.376, + "ndcg_at_3": 38.769999999999996, + "ndcg_at_5": 41.144, + "precision_at_1": 34.018, + "precision_at_10": 8.001999999999999, + "precision_at_100": 1.2630000000000001, + "precision_at_1000": 0.16, + "precision_at_20": 4.737, + "precision_at_3": 18.417, + "precision_at_5": 13.150999999999998, + "recall_at_1": 27.654, + "recall_at_10": 56.111, + "recall_at_100": 81.136, + "recall_at_1000": 94.788, + "recall_at_20": 65.068, + "recall_at_3": 41.713, + "recall_at_5": 48.106, + "main_score": 43.887 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/CQADupstackStatsRetrieval.json b/results/arkohut__jina-embeddings-v3/external/CQADupstackStatsRetrieval.json new file mode 100644 index 000000000..aaf816ced --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/CQADupstackStatsRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "65ac3a16b8e91f9cee4c9828cc7c335575432a2a", + "task_name": "CQADupstackStatsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.501, + "map_at_10": 32.814, + "map_at_100": 33.754, + "map_at_1000": 33.859, + "map_at_20": 33.324, + "map_at_3": 30.758000000000003, + "map_at_5": 31.936999999999998, + "mrr_at_1": 27.761000000000003, + "mrr_at_10": 35.662, + "mrr_at_100": 36.443999999999996, + "mrr_at_1000": 36.516999999999996, + "mrr_at_20": 36.085, + "mrr_at_3": 33.742, + "mrr_at_5": 34.931, + "ndcg_at_1": 27.761000000000003, + "ndcg_at_10": 37.208000000000006, + "ndcg_at_100": 41.839, + "ndcg_at_1000": 44.421, + "ndcg_at_20": 38.917, + "ndcg_at_3": 33.544000000000004, + "ndcg_at_5": 35.374, + "precision_at_1": 27.761000000000003, + "precision_at_10": 5.92, + "precision_at_100": 0.899, + "precision_at_1000": 0.12, + "precision_at_20": 3.4130000000000003, + "precision_at_3": 15.031, + "precision_at_5": 10.306999999999999, + "recall_at_1": 24.501, + "recall_at_10": 47.579, + "recall_at_100": 69.045, + "recall_at_1000": 88.032, + "recall_at_20": 54.125, + "recall_at_3": 37.202, + "recall_at_5": 41.927, + "main_score": 37.208000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/CQADupstackTexRetrieval.json b/results/arkohut__jina-embeddings-v3/external/CQADupstackTexRetrieval.json new file mode 100644 index 000000000..906a3dd11 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/CQADupstackTexRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "46989137a86843e03a6195de44b09deda022eec7", + "task_name": "CQADupstackTexRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.29, + "map_at_10": 26.183, + "map_at_100": 27.351999999999997, + "map_at_1000": 27.483999999999998, + "map_at_20": 26.798, + "map_at_3": 23.629, + "map_at_5": 24.937, + "mrr_at_1": 22.299, + "mrr_at_10": 30.189, + "mrr_at_100": 31.098, + "mrr_at_1000": 31.177, + "mrr_at_20": 30.697000000000003, + "mrr_at_3": 27.862, + "mrr_at_5": 29.066, + "ndcg_at_1": 22.299, + "ndcg_at_10": 31.202, + "ndcg_at_100": 36.617, + "ndcg_at_1000": 39.544000000000004, + "ndcg_at_20": 33.177, + "ndcg_at_3": 26.639000000000003, + "ndcg_at_5": 28.526, + "precision_at_1": 22.299, + "precision_at_10": 5.8020000000000005, + "precision_at_100": 1.0070000000000001, + "precision_at_1000": 0.14400000000000002, + "precision_at_20": 3.505, + "precision_at_3": 12.698, + "precision_at_5": 9.174, + "recall_at_1": 18.29, + "recall_at_10": 42.254999999999995, + "recall_at_100": 66.60000000000001, + "recall_at_1000": 87.31400000000001, + "recall_at_20": 49.572, + "recall_at_3": 29.342000000000002, + "recall_at_5": 34.221000000000004, + "main_score": 31.202 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/CQADupstackUnixRetrieval.json b/results/arkohut__jina-embeddings-v3/external/CQADupstackUnixRetrieval.json new file mode 100644 index 000000000..f8c0e1fb9 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/CQADupstackUnixRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "6c6430d3a6d36f8d2a829195bc5dc94d7e063e53", + "task_name": "CQADupstackUnixRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.722, + "map_at_10": 37.698, + "map_at_100": 38.899, + "map_at_1000": 38.998, + "map_at_20": 38.381, + "map_at_3": 34.244, + "map_at_5": 36.295, + "mrr_at_1": 32.183, + "mrr_at_10": 41.429, + "mrr_at_100": 42.308, + "mrr_at_1000": 42.358000000000004, + "mrr_at_20": 41.957, + "mrr_at_3": 38.401999999999994, + "mrr_at_5": 40.294999999999995, + "ndcg_at_1": 32.183, + "ndcg_at_10": 43.519000000000005, + "ndcg_at_100": 48.786, + "ndcg_at_1000": 50.861999999999995, + "ndcg_at_20": 45.654, + "ndcg_at_3": 37.521, + "ndcg_at_5": 40.615, + "precision_at_1": 32.183, + "precision_at_10": 7.603, + "precision_at_100": 1.135, + "precision_at_1000": 0.14200000000000002, + "precision_at_20": 4.408, + "precision_at_3": 17.071, + "precision_at_5": 12.668, + "recall_at_1": 27.722, + "recall_at_10": 57.230000000000004, + "recall_at_100": 79.97999999999999, + "recall_at_1000": 94.217, + "recall_at_20": 64.864, + "recall_at_3": 41.215, + "recall_at_5": 48.774, + "main_score": 43.519000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/CQADupstackWebmastersRetrieval.json b/results/arkohut__jina-embeddings-v3/external/CQADupstackWebmastersRetrieval.json new file mode 100644 index 000000000..fb301a198 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/CQADupstackWebmastersRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "160c094312a0e1facb97e55eeddb698c0abe3571", + "task_name": "CQADupstackWebmastersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.852999999999998, + "map_at_10": 35.394999999999996, + "map_at_100": 37.291999999999994, + "map_at_1000": 37.495, + "map_at_20": 36.372, + "map_at_3": 32.336, + "map_at_5": 34.159, + "mrr_at_1": 31.818, + "mrr_at_10": 40.677, + "mrr_at_100": 41.728, + "mrr_at_1000": 41.778, + "mrr_at_20": 41.301, + "mrr_at_3": 38.208, + "mrr_at_5": 39.592, + "ndcg_at_1": 31.818, + "ndcg_at_10": 41.559000000000005, + "ndcg_at_100": 48.012, + "ndcg_at_1000": 50.234, + "ndcg_at_20": 44.15, + "ndcg_at_3": 36.918, + "ndcg_at_5": 39.227000000000004, + "precision_at_1": 31.818, + "precision_at_10": 8.043, + "precision_at_100": 1.625, + "precision_at_1000": 0.245, + "precision_at_20": 5.2170000000000005, + "precision_at_3": 17.655, + "precision_at_5": 12.845999999999998, + "recall_at_1": 25.852999999999998, + "recall_at_10": 53.093, + "recall_at_100": 81.05799999999999, + "recall_at_1000": 94.657, + "recall_at_20": 62.748000000000005, + "recall_at_3": 39.300000000000004, + "recall_at_5": 45.754, + "main_score": 41.559000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/CQADupstackWordpressRetrieval.json b/results/arkohut__jina-embeddings-v3/external/CQADupstackWordpressRetrieval.json new file mode 100644 index 000000000..03d8da397 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/CQADupstackWordpressRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "4ffe81d471b1924886b33c7567bfb200e9eec5c4", + "task_name": "CQADupstackWordpressRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.23, + "map_at_10": 28.128999999999998, + "map_at_100": 29.195, + "map_at_1000": 29.310000000000002, + "map_at_20": 28.713, + "map_at_3": 25.191000000000003, + "map_at_5": 26.69, + "mrr_at_1": 21.257, + "mrr_at_10": 30.253999999999998, + "mrr_at_100": 31.195, + "mrr_at_1000": 31.270999999999997, + "mrr_at_20": 30.747999999999998, + "mrr_at_3": 27.633999999999997, + "mrr_at_5": 28.937, + "ndcg_at_1": 21.257, + "ndcg_at_10": 33.511, + "ndcg_at_100": 38.733000000000004, + "ndcg_at_1000": 41.489, + "ndcg_at_20": 35.476, + "ndcg_at_3": 27.845, + "ndcg_at_5": 30.264999999999997, + "precision_at_1": 21.257, + "precision_at_10": 5.619, + "precision_at_100": 0.893, + "precision_at_1000": 0.124, + "precision_at_20": 3.29, + "precision_at_3": 12.508, + "precision_at_5": 8.946, + "recall_at_1": 19.23, + "recall_at_10": 48.185, + "recall_at_100": 71.932, + "recall_at_1000": 92.587, + "recall_at_20": 55.533, + "recall_at_3": 32.865, + "recall_at_5": 38.577, + "main_score": 33.511 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/ClimateFEVER.json b/results/arkohut__jina-embeddings-v3/external/ClimateFEVER.json new file mode 100644 index 000000000..0865a2b1f --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/ClimateFEVER.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.594, + "map_at_10": 32.519, + "map_at_100": 34.1, + "map_at_1000": 34.263, + "map_at_20": 33.353, + "map_at_3": 27.898, + "map_at_5": 30.524, + "mrr_at_1": 46.515, + "mrr_at_10": 56.958, + "mrr_at_100": 57.54899999999999, + "mrr_at_1000": 57.574999999999996, + "mrr_at_20": 57.315000000000005, + "mrr_at_3": 54.852999999999994, + "mrr_at_5": 56.153, + "ndcg_at_1": 46.515, + "ndcg_at_10": 42.363, + "ndcg_at_100": 48.233, + "ndcg_at_1000": 50.993, + "ndcg_at_20": 44.533, + "ndcg_at_3": 37.297000000000004, + "ndcg_at_5": 38.911, + "precision_at_1": 46.515, + "precision_at_10": 12.520999999999999, + "precision_at_100": 1.8980000000000001, + "precision_at_1000": 0.242, + "precision_at_20": 7.212000000000001, + "precision_at_3": 27.752, + "precision_at_5": 20.391000000000002, + "recall_at_1": 19.594, + "recall_at_10": 46.539, + "recall_at_100": 66.782, + "recall_at_1000": 82.049, + "recall_at_20": 52.611, + "recall_at_3": 32.528, + "recall_at_5": 38.933, + "main_score": 42.363 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/CmedqaRetrieval.json b/results/arkohut__jina-embeddings-v3/external/CmedqaRetrieval.json new file mode 100644 index 000000000..1cbd092f8 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/CmedqaRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "cd540c506dae1cf9e9a59c3e06f42030d54e7301", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 35.927, + "map_at_1": 20.144000000000002, + "map_at_10": 29.94, + "map_at_100": 31.630000000000003, + "map_at_1000": 31.778000000000002, + "map_at_20": 30.798, + "map_at_3": 26.534999999999997, + "map_at_5": 28.33, + "mrr_at_1": 31.23280820205051, + "mrr_at_10": 38.66781179421835, + "mrr_at_100": 39.656936166081785, + "mrr_at_1000": 39.724602893117414, + "mrr_at_20": 39.21272461558451, + "mrr_at_3": 36.30907726931729, + "mrr_at_5": 37.59814953738436, + "nauc_map_at_1000_diff1": 44.5755334437146, + "nauc_map_at_1000_max": 40.726916781400746, + "nauc_map_at_1000_std": -19.591835061497367, + "nauc_map_at_100_diff1": 44.54542899921038, + "nauc_map_at_100_max": 40.68305902532837, + "nauc_map_at_100_std": -19.658902089283487, + "nauc_map_at_10_diff1": 44.56110529630953, + "nauc_map_at_10_max": 39.89826167846008, + "nauc_map_at_10_std": -20.62910633667902, + "nauc_map_at_1_diff1": 50.82120107004449, + "nauc_map_at_1_max": 33.208851367861584, + "nauc_map_at_1_std": -20.29409730258174, + "nauc_map_at_20_diff1": 44.51171242433788, + "nauc_map_at_20_max": 40.30431132782945, + "nauc_map_at_20_std": -20.290524142792417, + "nauc_map_at_3_diff1": 45.80394138665133, + "nauc_map_at_3_max": 37.766191281426956, + "nauc_map_at_3_std": -21.223601997333876, + "nauc_map_at_5_diff1": 45.00457218474283, + "nauc_map_at_5_max": 38.901044576388365, + "nauc_map_at_5_std": -20.893069613941634, + "nauc_mrr_at_1000_diff1": 50.09855359231429, + "nauc_mrr_at_1000_max": 46.481000170008826, + "nauc_mrr_at_1000_std": -16.053461377096102, + "nauc_mrr_at_100_diff1": 50.08205026347746, + "nauc_mrr_at_100_max": 46.47262126963331, + "nauc_mrr_at_100_std": -16.049112778748693, + "nauc_mrr_at_10_diff1": 50.02363239081706, + "nauc_mrr_at_10_max": 46.39287859062042, + "nauc_mrr_at_10_std": -16.280866744769657, + "nauc_mrr_at_1_diff1": 55.692503735317445, + "nauc_mrr_at_1_max": 47.334834529801014, + "nauc_mrr_at_1_std": -16.985483585693512, + "nauc_mrr_at_20_diff1": 50.07725225722074, + "nauc_mrr_at_20_max": 46.47279295070193, + "nauc_mrr_at_20_std": -16.15168364678318, + "nauc_mrr_at_3_diff1": 51.18685337274134, + "nauc_mrr_at_3_max": 46.7286365021621, + "nauc_mrr_at_3_std": -16.708451287313718, + "nauc_mrr_at_5_diff1": 50.46777237893576, + "nauc_mrr_at_5_max": 46.5352076502249, + "nauc_mrr_at_5_std": -16.557413659905034, + "nauc_ndcg_at_1000_diff1": 43.974299434438066, + "nauc_ndcg_at_1000_max": 43.44628675071857, + "nauc_ndcg_at_1000_std": -15.3495102005021, + "nauc_ndcg_at_100_diff1": 43.336365081508504, + "nauc_ndcg_at_100_max": 43.11345604460776, + "nauc_ndcg_at_100_std": -15.571128070860615, + "nauc_ndcg_at_10_diff1": 43.41266214720136, + "nauc_ndcg_at_10_max": 41.519676787851914, + "nauc_ndcg_at_10_std": -19.217175017223568, + "nauc_ndcg_at_1_diff1": 55.692503735317445, + "nauc_ndcg_at_1_max": 47.334834529801014, + "nauc_ndcg_at_1_std": -16.985483585693512, + "nauc_ndcg_at_20_diff1": 43.351653862834496, + "nauc_ndcg_at_20_max": 42.11608469750499, + "nauc_ndcg_at_20_std": -18.485363540641664, + "nauc_ndcg_at_3_diff1": 45.64193888236677, + "nauc_ndcg_at_3_max": 42.497135099009995, + "nauc_ndcg_at_3_std": -18.764012041130094, + "nauc_ndcg_at_5_diff1": 44.523392133895186, + "nauc_ndcg_at_5_max": 41.564242030096345, + "nauc_ndcg_at_5_std": -19.31080790984941, + "nauc_precision_at_1000_diff1": 6.383464615714393, + "nauc_precision_at_1000_max": 27.439930931284657, + "nauc_precision_at_1000_std": 19.070716188143034, + "nauc_precision_at_100_diff1": 12.599136754501284, + "nauc_precision_at_100_max": 35.886310962337795, + "nauc_precision_at_100_std": 14.06587592659196, + "nauc_precision_at_10_diff1": 25.388891173150206, + "nauc_precision_at_10_max": 46.10269270777384, + "nauc_precision_at_10_std": -5.993803607158499, + "nauc_precision_at_1_diff1": 55.692503735317445, + "nauc_precision_at_1_max": 47.334834529801014, + "nauc_precision_at_1_std": -16.985483585693512, + "nauc_precision_at_20_diff1": 20.984013463099707, + "nauc_precision_at_20_max": 42.9471854616888, + "nauc_precision_at_20_std": -0.8045549929346024, + "nauc_precision_at_3_diff1": 36.191850547148356, + "nauc_precision_at_3_max": 48.09923832376049, + "nauc_precision_at_3_std": -13.159407051271321, + "nauc_precision_at_5_diff1": 31.04967966700407, + "nauc_precision_at_5_max": 47.62867673349624, + "nauc_precision_at_5_std": -10.345790325137353, + "nauc_recall_at_1000_diff1": 11.03436839065707, + "nauc_recall_at_1000_max": 42.32265076651575, + "nauc_recall_at_1000_std": 30.478521053399206, + "nauc_recall_at_100_diff1": 24.788349084510806, + "nauc_recall_at_100_max": 36.72097184821956, + "nauc_recall_at_100_std": -0.2241144179522076, + "nauc_recall_at_10_diff1": 31.613053567704885, + "nauc_recall_at_10_max": 34.4597322828833, + "nauc_recall_at_10_std": -18.00022912690819, + "nauc_recall_at_1_diff1": 50.82120107004449, + "nauc_recall_at_1_max": 33.208851367861584, + "nauc_recall_at_1_std": -20.29409730258174, + "nauc_recall_at_20_diff1": 30.277002670708384, + "nauc_recall_at_20_max": 35.212475675060375, + "nauc_recall_at_20_std": -15.822788854733687, + "nauc_recall_at_3_diff1": 38.87844958322257, + "nauc_recall_at_3_max": 34.66914910044104, + "nauc_recall_at_3_std": -20.234707300209127, + "nauc_recall_at_5_diff1": 35.551139991687776, + "nauc_recall_at_5_max": 34.61009958820695, + "nauc_recall_at_5_std": -19.519180149293444, + "ndcg_at_1": 31.233, + "ndcg_at_10": 35.927, + "ndcg_at_100": 43.037, + "ndcg_at_1000": 45.900999999999996, + "ndcg_at_20": 38.39, + "ndcg_at_3": 31.366, + "ndcg_at_5": 33.108, + "precision_at_1": 31.233, + "precision_at_10": 8.15, + "precision_at_100": 1.402, + "precision_at_1000": 0.17700000000000002, + "precision_at_20": 4.91, + "precision_at_3": 17.871000000000002, + "precision_at_5": 12.948, + "recall_at_1": 20.144000000000002, + "recall_at_10": 44.985, + "recall_at_100": 74.866, + "recall_at_1000": 94.477, + "recall_at_20": 53.37, + "recall_at_3": 31.141000000000002, + "recall_at_5": 36.721 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/Cmnli.json b/results/arkohut__jina-embeddings-v3/external/Cmnli.json new file mode 100644 index 000000000..69926ff35 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/Cmnli.json @@ -0,0 +1,48 @@ +{ + "dataset_revision": "None", + "task_name": "Cmnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 71.25676488274203, + "cos_sim_accuracy_threshold": 78.11152935028076, + "cos_sim_ap": 79.10444825556077, + "cos_sim_f1": 74.10750923266312, + "cos_sim_f1_threshold": 75.2312421798706, + "cos_sim_precision": 66.02083714129044, + "cos_sim_recall": 84.45171849427169, + "dot_accuracy": 68.11785929043896, + "dot_accuracy_threshold": 34783.23974609375, + "dot_ap": 75.80201827987712, + "dot_f1": 72.31670990679349, + "dot_f1_threshold": 31978.036499023438, + "dot_precision": 61.386623164763456, + "dot_recall": 87.98223053542202, + "euclidean_accuracy": 71.41310883944678, + "euclidean_accuracy_threshold": 1374.9353408813477, + "euclidean_ap": 79.23359768836457, + "euclidean_f1": 74.38512297540491, + "euclidean_f1_threshold": 1512.6035690307617, + "euclidean_precision": 64.97816593886463, + "euclidean_recall": 86.97685293429974, + "manhattan_accuracy": 71.32892363199038, + "manhattan_accuracy_threshold": 33340.49072265625, + "manhattan_ap": 79.11973684118587, + "manhattan_f1": 74.29401993355481, + "manhattan_f1_threshold": 36012.52746582031, + "manhattan_precision": 66.81605975723622, + "manhattan_recall": 83.65676876315175, + "max_accuracy": 71.41310883944678, + "max_ap": 79.23359768836457, + "max_f1": 74.38512297540491, + "main_score": 71.41310883944678 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/CovidRetrieval.json b/results/arkohut__jina-embeddings-v3/external/CovidRetrieval.json new file mode 100644 index 000000000..825f9ae3f --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/CovidRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "1271c7809071a13532e05f25fb53511ffce77117", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 78.917, + "map_at_1": 67.281, + "map_at_10": 75.262, + "map_at_100": 75.60900000000001, + "map_at_1000": 75.618, + "map_at_20": 75.50200000000001, + "map_at_3": 73.455, + "map_at_5": 74.657, + "mrr_at_1": 67.43940990516333, + "mrr_at_10": 75.27367989696756, + "mrr_at_100": 75.62029353306437, + "mrr_at_1000": 75.62934741874726, + "mrr_at_20": 75.51356607409173, + "mrr_at_3": 73.5159817351598, + "mrr_at_5": 74.73832103969093, + "nauc_map_at_1000_diff1": 77.26666391867634, + "nauc_map_at_1000_max": 49.928541012203496, + "nauc_map_at_1000_std": -40.494469470474456, + "nauc_map_at_100_diff1": 77.26087423162396, + "nauc_map_at_100_max": 49.944275615664424, + "nauc_map_at_100_std": -40.48299992715398, + "nauc_map_at_10_diff1": 76.97400113500906, + "nauc_map_at_10_max": 49.84177029115674, + "nauc_map_at_10_std": -40.829250876511445, + "nauc_map_at_1_diff1": 81.44050620630395, + "nauc_map_at_1_max": 48.97711944070578, + "nauc_map_at_1_std": -38.963689457570254, + "nauc_map_at_20_diff1": 77.21791353089375, + "nauc_map_at_20_max": 49.958206759079424, + "nauc_map_at_20_std": -40.53067571658996, + "nauc_map_at_3_diff1": 77.3555925208868, + "nauc_map_at_3_max": 49.32158146451256, + "nauc_map_at_3_std": -41.93552426981978, + "nauc_map_at_5_diff1": 77.07099950431504, + "nauc_map_at_5_max": 49.54190504495002, + "nauc_map_at_5_std": -41.814968130918096, + "nauc_mrr_at_1000_diff1": 77.31388774540477, + "nauc_mrr_at_1000_max": 49.96779699175759, + "nauc_mrr_at_1000_std": -40.43739645160277, + "nauc_mrr_at_100_diff1": 77.30817786449413, + "nauc_mrr_at_100_max": 49.982514428937655, + "nauc_mrr_at_100_std": -40.42876582797744, + "nauc_mrr_at_10_diff1": 77.02048060465756, + "nauc_mrr_at_10_max": 49.87937207270602, + "nauc_mrr_at_10_std": -40.77596560333177, + "nauc_mrr_at_1_diff1": 81.27219599516599, + "nauc_mrr_at_1_max": 49.3083394026327, + "nauc_mrr_at_1_std": -38.31023037552026, + "nauc_mrr_at_20_diff1": 77.26497089316055, + "nauc_mrr_at_20_max": 49.996257597621415, + "nauc_mrr_at_20_std": -40.476723608868014, + "nauc_mrr_at_3_diff1": 77.38971294099257, + "nauc_mrr_at_3_max": 49.38110328987404, + "nauc_mrr_at_3_std": -41.7118646715979, + "nauc_mrr_at_5_diff1": 77.08286142519952, + "nauc_mrr_at_5_max": 49.655249374588685, + "nauc_mrr_at_5_std": -41.48173039989406, + "nauc_ndcg_at_1000_diff1": 76.47399204021758, + "nauc_ndcg_at_1000_max": 50.55770139961048, + "nauc_ndcg_at_1000_std": -39.55650430279072, + "nauc_ndcg_at_100_diff1": 76.29355616618253, + "nauc_ndcg_at_100_max": 51.003608112592936, + "nauc_ndcg_at_100_std": -39.24769744605206, + "nauc_ndcg_at_10_diff1": 74.88697528447634, + "nauc_ndcg_at_10_max": 50.398416372815234, + "nauc_ndcg_at_10_std": -40.76526585772833, + "nauc_ndcg_at_1_diff1": 81.27219599516599, + "nauc_ndcg_at_1_max": 49.3083394026327, + "nauc_ndcg_at_1_std": -38.31023037552026, + "nauc_ndcg_at_20_diff1": 75.85463512091866, + "nauc_ndcg_at_20_max": 50.97338683654334, + "nauc_ndcg_at_20_std": -39.353128774903404, + "nauc_ndcg_at_3_diff1": 75.94015726123543, + "nauc_ndcg_at_3_max": 49.22194251063148, + "nauc_ndcg_at_3_std": -43.040457030630435, + "nauc_ndcg_at_5_diff1": 75.19166189770303, + "nauc_ndcg_at_5_max": 49.65696229797189, + "nauc_ndcg_at_5_std": -42.81534909184424, + "nauc_precision_at_1000_diff1": -14.830901395815788, + "nauc_precision_at_1000_max": 19.686297136854623, + "nauc_precision_at_1000_std": 61.19310360166978, + "nauc_precision_at_100_diff1": 20.55469986751769, + "nauc_precision_at_100_max": 50.78431835075583, + "nauc_precision_at_100_std": 31.54986568374813, + "nauc_precision_at_10_diff1": 45.991938532558656, + "nauc_precision_at_10_max": 46.386318595630385, + "nauc_precision_at_10_std": -23.463011435224608, + "nauc_precision_at_1_diff1": 81.27219599516599, + "nauc_precision_at_1_max": 49.3083394026327, + "nauc_precision_at_1_std": -38.31023037552026, + "nauc_precision_at_20_diff1": 41.53180472410822, + "nauc_precision_at_20_max": 49.89800247204318, + "nauc_precision_at_20_std": -2.4192847331537095, + "nauc_precision_at_3_diff1": 67.37504651209993, + "nauc_precision_at_3_max": 47.893537208629496, + "nauc_precision_at_3_std": -43.2362212382819, + "nauc_precision_at_5_diff1": 60.03438883791718, + "nauc_precision_at_5_max": 48.29770502354206, + "nauc_precision_at_5_std": -40.39588448271546, + "nauc_recall_at_1000_diff1": 71.04741174480844, + "nauc_recall_at_1000_max": 93.19056506596002, + "nauc_recall_at_1000_std": 62.96994797650912, + "nauc_recall_at_100_diff1": 65.00418176852641, + "nauc_recall_at_100_max": 85.27352708427193, + "nauc_recall_at_100_std": 2.8812005546518886, + "nauc_recall_at_10_diff1": 61.263254794998865, + "nauc_recall_at_10_max": 54.17618329507141, + "nauc_recall_at_10_std": -39.80603966142593, + "nauc_recall_at_1_diff1": 81.44050620630395, + "nauc_recall_at_1_max": 48.97711944070578, + "nauc_recall_at_1_std": -38.963689457570254, + "nauc_recall_at_20_diff1": 64.42106091745396, + "nauc_recall_at_20_max": 63.10796640821887, + "nauc_recall_at_20_std": -22.60117424572222, + "nauc_recall_at_3_diff1": 70.66311436592945, + "nauc_recall_at_3_max": 48.69498944323469, + "nauc_recall_at_3_std": -47.37847524874532, + "nauc_recall_at_5_diff1": 66.12701111728848, + "nauc_recall_at_5_max": 49.91763957934711, + "nauc_recall_at_5_std": -48.173252920584126, + "ndcg_at_1": 67.43900000000001, + "ndcg_at_10": 78.917, + "ndcg_at_100": 80.53399999999999, + "ndcg_at_1000": 80.768, + "ndcg_at_20": 79.813, + "ndcg_at_3": 75.37, + "ndcg_at_5": 77.551, + "precision_at_1": 67.43900000000001, + "precision_at_10": 9.115, + "precision_at_100": 0.985, + "precision_at_1000": 0.1, + "precision_at_20": 4.737, + "precision_at_3": 27.081, + "precision_at_5": 17.345, + "recall_at_1": 67.281, + "recall_at_10": 90.2, + "recall_at_100": 97.576, + "recall_at_1000": 99.368, + "recall_at_20": 93.783, + "recall_at_3": 80.822, + "recall_at_5": 86.091 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/DBPedia-PL.json b/results/arkohut__jina-embeddings-v3/external/DBPedia-PL.json new file mode 100644 index 000000000..e36e8c8e9 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/DBPedia-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "76afe41d9af165cc40999fcaa92312b8b012064a", + "task_name": "DBPedia-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 34.827000000000005, + "map_at_1": 7.049999999999999, + "map_at_10": 14.982999999999999, + "map_at_100": 20.816000000000003, + "map_at_1000": 22.33, + "map_at_20": 17.272000000000002, + "map_at_3": 10.661, + "map_at_5": 12.498, + "mrr_at_1": 57.25, + "mrr_at_10": 65.81934523809524, + "mrr_at_100": 66.2564203928212, + "mrr_at_1000": 66.27993662923856, + "mrr_at_20": 66.0732139130649, + "mrr_at_3": 64.08333333333333, + "mrr_at_5": 65.27083333333333, + "nauc_map_at_1000_diff1": 16.41780871174038, + "nauc_map_at_1000_max": 30.193946325654654, + "nauc_map_at_1000_std": 31.46095497039037, + "nauc_map_at_100_diff1": 18.57903165498531, + "nauc_map_at_100_max": 29.541476938623262, + "nauc_map_at_100_std": 28.228604103301052, + "nauc_map_at_10_diff1": 24.109434489748946, + "nauc_map_at_10_max": 21.475954208048968, + "nauc_map_at_10_std": 9.964464537806988, + "nauc_map_at_1_diff1": 38.67437644802124, + "nauc_map_at_1_max": 14.52136658726491, + "nauc_map_at_1_std": -2.8981666782088755, + "nauc_map_at_20_diff1": 21.42547228801935, + "nauc_map_at_20_max": 25.04510402960458, + "nauc_map_at_20_std": 16.533079346431155, + "nauc_map_at_3_diff1": 26.63648858245477, + "nauc_map_at_3_max": 13.632235789780415, + "nauc_map_at_3_std": -0.40129174577700716, + "nauc_map_at_5_diff1": 24.513861031197933, + "nauc_map_at_5_max": 16.599888813946688, + "nauc_map_at_5_std": 3.4448514739556346, + "nauc_mrr_at_1000_diff1": 36.57353464537154, + "nauc_mrr_at_1000_max": 55.34763483979515, + "nauc_mrr_at_1000_std": 40.3722796438533, + "nauc_mrr_at_100_diff1": 36.555989566513134, + "nauc_mrr_at_100_max": 55.347805216808396, + "nauc_mrr_at_100_std": 40.38465945075711, + "nauc_mrr_at_10_diff1": 36.771572999261984, + "nauc_mrr_at_10_max": 55.41239897909165, + "nauc_mrr_at_10_std": 40.52058934624793, + "nauc_mrr_at_1_diff1": 38.2472828531032, + "nauc_mrr_at_1_max": 51.528473828685705, + "nauc_mrr_at_1_std": 33.03676467942882, + "nauc_mrr_at_20_diff1": 36.642602571889036, + "nauc_mrr_at_20_max": 55.3763342076553, + "nauc_mrr_at_20_std": 40.41520090500838, + "nauc_mrr_at_3_diff1": 36.79451847426628, + "nauc_mrr_at_3_max": 54.59778581826193, + "nauc_mrr_at_3_std": 39.48392075873095, + "nauc_mrr_at_5_diff1": 36.92150807529304, + "nauc_mrr_at_5_max": 55.03553978718272, + "nauc_mrr_at_5_std": 40.20147745489917, + "nauc_ndcg_at_1000_diff1": 21.843092744321268, + "nauc_ndcg_at_1000_max": 44.93275990394279, + "nauc_ndcg_at_1000_std": 47.09186225236347, + "nauc_ndcg_at_100_diff1": 25.180282568979095, + "nauc_ndcg_at_100_max": 41.737709709508394, + "nauc_ndcg_at_100_std": 38.80950644139446, + "nauc_ndcg_at_10_diff1": 24.108368037214046, + "nauc_ndcg_at_10_max": 41.29298370689967, + "nauc_ndcg_at_10_std": 35.06450769738732, + "nauc_ndcg_at_1_diff1": 35.51010679525079, + "nauc_ndcg_at_1_max": 42.40790024212412, + "nauc_ndcg_at_1_std": 26.696412036243157, + "nauc_ndcg_at_20_diff1": 23.909989673256195, + "nauc_ndcg_at_20_max": 39.78444647091927, + "nauc_ndcg_at_20_std": 33.39544470364529, + "nauc_ndcg_at_3_diff1": 22.50484297956035, + "nauc_ndcg_at_3_max": 39.14551926034168, + "nauc_ndcg_at_3_std": 30.330135925392014, + "nauc_ndcg_at_5_diff1": 21.7798872028265, + "nauc_ndcg_at_5_max": 40.23856975248015, + "nauc_ndcg_at_5_std": 32.438381067440396, + "nauc_precision_at_1000_diff1": -21.62692442272279, + "nauc_precision_at_1000_max": 0.9689046974430882, + "nauc_precision_at_1000_std": 18.54001058230465, + "nauc_precision_at_100_diff1": -10.132258779856192, + "nauc_precision_at_100_max": 23.74516110444681, + "nauc_precision_at_100_std": 47.03416663319965, + "nauc_precision_at_10_diff1": 1.543656509571949, + "nauc_precision_at_10_max": 36.98864812757555, + "nauc_precision_at_10_std": 46.56427199077426, + "nauc_precision_at_1_diff1": 38.2472828531032, + "nauc_precision_at_1_max": 51.528473828685705, + "nauc_precision_at_1_std": 33.03676467942882, + "nauc_precision_at_20_diff1": -4.612864872734335, + "nauc_precision_at_20_max": 34.03565449182125, + "nauc_precision_at_20_std": 48.880727648349534, + "nauc_precision_at_3_diff1": 6.360850444467829, + "nauc_precision_at_3_max": 36.25816942368427, + "nauc_precision_at_3_std": 34.48882647419187, + "nauc_precision_at_5_diff1": 2.6445596936740037, + "nauc_precision_at_5_max": 37.174463388899056, + "nauc_precision_at_5_std": 40.25254370626113, + "nauc_recall_at_1000_diff1": 13.041227176748077, + "nauc_recall_at_1000_max": 39.722336427072094, + "nauc_recall_at_1000_std": 52.04032890059214, + "nauc_recall_at_100_diff1": 18.286096899139153, + "nauc_recall_at_100_max": 34.072389201930314, + "nauc_recall_at_100_std": 37.73637623416653, + "nauc_recall_at_10_diff1": 22.35560419280504, + "nauc_recall_at_10_max": 19.727247199595197, + "nauc_recall_at_10_std": 8.58498575109203, + "nauc_recall_at_1_diff1": 38.67437644802124, + "nauc_recall_at_1_max": 14.52136658726491, + "nauc_recall_at_1_std": -2.8981666782088755, + "nauc_recall_at_20_diff1": 19.026320886902916, + "nauc_recall_at_20_max": 22.753562309469867, + "nauc_recall_at_20_std": 14.89994263882445, + "nauc_recall_at_3_diff1": 23.428129702129684, + "nauc_recall_at_3_max": 10.549153954790542, + "nauc_recall_at_3_std": -1.7590608997055206, + "nauc_recall_at_5_diff1": 21.27448645803921, + "nauc_recall_at_5_max": 13.620279707461677, + "nauc_recall_at_5_std": 2.0577962208292675, + "ndcg_at_1": 46.75, + "ndcg_at_10": 34.827000000000005, + "ndcg_at_100": 38.157999999999994, + "ndcg_at_1000": 44.816, + "ndcg_at_20": 34.152, + "ndcg_at_3": 39.009, + "ndcg_at_5": 36.826, + "precision_at_1": 57.25, + "precision_at_10": 27.575, + "precision_at_100": 8.84, + "precision_at_1000": 1.949, + "precision_at_20": 20.724999999999998, + "precision_at_3": 41.167, + "precision_at_5": 35.199999999999996, + "recall_at_1": 7.049999999999999, + "recall_at_10": 19.817999999999998, + "recall_at_100": 42.559999999999995, + "recall_at_1000": 63.744, + "recall_at_20": 25.968000000000004, + "recall_at_3": 11.959, + "recall_at_5": 14.939 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/DBPedia.json b/results/arkohut__jina-embeddings-v3/external/DBPedia.json new file mode 100644 index 000000000..351c1314c --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/DBPedia.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.041, + "map_at_10": 18.662, + "map_at_100": 26.054, + "map_at_1000": 27.769, + "map_at_20": 21.499, + "map_at_3": 13.628000000000002, + "map_at_5": 15.617, + "mrr_at_1": 67.25, + "mrr_at_10": 74.673, + "mrr_at_100": 75.022, + "mrr_at_1000": 75.031, + "mrr_at_20": 74.895, + "mrr_at_3": 73.042, + "mrr_at_5": 74.179, + "ndcg_at_1": 55.75, + "ndcg_at_10": 41.004000000000005, + "ndcg_at_100": 44.912, + "ndcg_at_1000": 51.946000000000005, + "ndcg_at_20": 40.195, + "ndcg_at_3": 45.803, + "ndcg_at_5": 42.976, + "precision_at_1": 67.25, + "precision_at_10": 31.874999999999996, + "precision_at_100": 10.37, + "precision_at_1000": 2.1430000000000002, + "precision_at_20": 24.275, + "precision_at_3": 48.417, + "precision_at_5": 40.2, + "recall_at_1": 9.041, + "recall_at_10": 23.592, + "recall_at_100": 49.476, + "recall_at_1000": 71.677, + "recall_at_20": 30.153000000000002, + "recall_at_3": 14.777000000000001, + "recall_at_5": 17.829, + "main_score": 41.004000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/DuRetrieval.json b/results/arkohut__jina-embeddings-v3/external/DuRetrieval.json new file mode 100644 index 000000000..98d7b1b91 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/DuRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "a1a333e290fe30b10f3f56498e3a0d911a693ced", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 83.134, + "map_at_1": 23.907999999999998, + "map_at_10": 74.566, + "map_at_100": 77.706, + "map_at_1000": 77.762, + "map_at_20": 76.943, + "map_at_3": 50.971999999999994, + "map_at_5": 64.429, + "mrr_at_1": 84.8, + "mrr_at_10": 89.73218253968246, + "mrr_at_100": 89.82853630655774, + "mrr_at_1000": 89.83170411703153, + "mrr_at_20": 89.79582030091501, + "mrr_at_3": 89.32499999999992, + "mrr_at_5": 89.58749999999992, + "nauc_map_at_1000_diff1": -2.2736020650163717, + "nauc_map_at_1000_max": 45.3937519555142, + "nauc_map_at_1000_std": 10.824778228268581, + "nauc_map_at_100_diff1": -2.2662939752750066, + "nauc_map_at_100_max": 45.423960626031366, + "nauc_map_at_100_std": 10.804239351738717, + "nauc_map_at_10_diff1": 0.9395752585654343, + "nauc_map_at_10_max": 42.53814836940551, + "nauc_map_at_10_std": 0.7199313235265218, + "nauc_map_at_1_diff1": 45.19415865267676, + "nauc_map_at_1_max": -1.7261947382471912, + "nauc_map_at_1_std": -32.16144291613605, + "nauc_map_at_20_diff1": -1.884514152147472, + "nauc_map_at_20_max": 44.830401115927174, + "nauc_map_at_20_std": 8.118530414377219, + "nauc_map_at_3_diff1": 25.678881127059967, + "nauc_map_at_3_max": 12.191400431839758, + "nauc_map_at_3_std": -27.201740587642327, + "nauc_map_at_5_diff1": 13.227128780829572, + "nauc_map_at_5_max": 26.978282739708977, + "nauc_map_at_5_std": -17.555610348070584, + "nauc_mrr_at_1000_diff1": 21.073512437502178, + "nauc_mrr_at_1000_max": 64.9680257861005, + "nauc_mrr_at_1000_std": 19.626288754404293, + "nauc_mrr_at_100_diff1": 21.074637426957732, + "nauc_mrr_at_100_max": 64.97612675661915, + "nauc_mrr_at_100_std": 19.649504127800878, + "nauc_mrr_at_10_diff1": 21.12003267626651, + "nauc_mrr_at_10_max": 65.24362289059766, + "nauc_mrr_at_10_std": 19.92351276180984, + "nauc_mrr_at_1_diff1": 22.711430629147635, + "nauc_mrr_at_1_max": 58.4059429497403, + "nauc_mrr_at_1_std": 11.967886722567973, + "nauc_mrr_at_20_diff1": 20.98220830510272, + "nauc_mrr_at_20_max": 65.05737535197835, + "nauc_mrr_at_20_std": 19.66672900782771, + "nauc_mrr_at_3_diff1": 20.924796220048528, + "nauc_mrr_at_3_max": 65.71388669932584, + "nauc_mrr_at_3_std": 20.05912197134477, + "nauc_mrr_at_5_diff1": 20.61978649468208, + "nauc_mrr_at_5_max": 65.50709154526211, + "nauc_mrr_at_5_std": 20.241434276181838, + "nauc_ndcg_at_1000_diff1": 0.25363171946133656, + "nauc_ndcg_at_1000_max": 54.12840465309885, + "nauc_ndcg_at_1000_std": 20.749184325412546, + "nauc_ndcg_at_100_diff1": 0.15649430250272792, + "nauc_ndcg_at_100_max": 54.47995322413234, + "nauc_ndcg_at_100_std": 21.266786634233267, + "nauc_ndcg_at_10_diff1": 0.14579250840386346, + "nauc_ndcg_at_10_max": 49.8643037948353, + "nauc_ndcg_at_10_std": 12.960701643914216, + "nauc_ndcg_at_1_diff1": 22.711430629147635, + "nauc_ndcg_at_1_max": 58.4059429497403, + "nauc_ndcg_at_1_std": 11.967886722567973, + "nauc_ndcg_at_20_diff1": -0.6701559981776763, + "nauc_ndcg_at_20_max": 52.95443437012488, + "nauc_ndcg_at_20_std": 16.708883972005758, + "nauc_ndcg_at_3_diff1": -0.19084922341962388, + "nauc_ndcg_at_3_max": 46.2110230886874, + "nauc_ndcg_at_3_std": 13.363250229683038, + "nauc_ndcg_at_5_diff1": 0.9840019268192548, + "nauc_ndcg_at_5_max": 43.56594891798146, + "nauc_ndcg_at_5_std": 8.577017104088146, + "nauc_precision_at_1000_diff1": -30.779179091501145, + "nauc_precision_at_1000_max": 16.056094258615673, + "nauc_precision_at_1000_std": 49.96303902363283, + "nauc_precision_at_100_diff1": -31.583236638899585, + "nauc_precision_at_100_max": 19.16571713603373, + "nauc_precision_at_100_std": 51.870647903980036, + "nauc_precision_at_10_diff1": -35.62134572732597, + "nauc_precision_at_10_max": 31.6935186494612, + "nauc_precision_at_10_std": 46.68659723766723, + "nauc_precision_at_1_diff1": 22.711430629147635, + "nauc_precision_at_1_max": 58.4059429497403, + "nauc_precision_at_1_std": 11.967886722567973, + "nauc_precision_at_20_diff1": -33.875460046920495, + "nauc_precision_at_20_max": 24.188420133566442, + "nauc_precision_at_20_std": 50.02387762958483, + "nauc_precision_at_3_diff1": -28.875998450906827, + "nauc_precision_at_3_max": 44.77058831167941, + "nauc_precision_at_3_std": 31.77993710437207, + "nauc_precision_at_5_diff1": -34.92525440306491, + "nauc_precision_at_5_max": 39.855219917077086, + "nauc_precision_at_5_std": 37.95432046169299, + "nauc_recall_at_1000_diff1": -14.293309371874733, + "nauc_recall_at_1000_max": 59.06948692482579, + "nauc_recall_at_1000_std": 62.586254868312686, + "nauc_recall_at_100_diff1": -4.344100947212704, + "nauc_recall_at_100_max": 58.42120421043602, + "nauc_recall_at_100_std": 46.48562009316997, + "nauc_recall_at_10_diff1": 0.04948662912161709, + "nauc_recall_at_10_max": 42.42809687119093, + "nauc_recall_at_10_std": 0.6892504250411409, + "nauc_recall_at_1_diff1": 45.19415865267676, + "nauc_recall_at_1_max": -1.7261947382471912, + "nauc_recall_at_1_std": -32.16144291613605, + "nauc_recall_at_20_diff1": -7.634587864605111, + "nauc_recall_at_20_max": 49.21327187174134, + "nauc_recall_at_20_std": 16.408481068336346, + "nauc_recall_at_3_diff1": 24.72546591038644, + "nauc_recall_at_3_max": 6.620763400972902, + "nauc_recall_at_3_std": -29.994703323331684, + "nauc_recall_at_5_diff1": 12.65527364845842, + "nauc_recall_at_5_max": 20.400121385794694, + "nauc_recall_at_5_std": -22.34284568447213, + "ndcg_at_1": 84.8, + "ndcg_at_10": 83.134, + "ndcg_at_100": 86.628, + "ndcg_at_1000": 87.151, + "ndcg_at_20": 85.092, + "ndcg_at_3": 81.228, + "ndcg_at_5": 80.2, + "precision_at_1": 84.8, + "precision_at_10": 40.394999999999996, + "precision_at_100": 4.745, + "precision_at_1000": 0.488, + "precision_at_20": 22.245, + "precision_at_3": 73.25, + "precision_at_5": 61.86000000000001, + "recall_at_1": 23.907999999999998, + "recall_at_10": 85.346, + "recall_at_100": 96.515, + "recall_at_1000": 99.156, + "recall_at_20": 91.377, + "recall_at_3": 54.135, + "recall_at_5": 70.488 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/EcomRetrieval.json b/results/arkohut__jina-embeddings-v3/external/EcomRetrieval.json new file mode 100644 index 000000000..45a53a238 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/EcomRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "687de13dc7294d6fd9be10c6945f9e8fec8166b9", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 60.887, + "map_at_1": 46.6, + "map_at_10": 56.035000000000004, + "map_at_100": 56.741, + "map_at_1000": 56.764, + "map_at_20": 56.513999999999996, + "map_at_3": 53.733, + "map_at_5": 54.913000000000004, + "mrr_at_1": 46.6, + "mrr_at_10": 56.034523809523776, + "mrr_at_100": 56.74056360434383, + "mrr_at_1000": 56.76373487222486, + "mrr_at_20": 56.51374873879128, + "mrr_at_3": 53.73333333333328, + "mrr_at_5": 54.91333333333327, + "nauc_map_at_1000_diff1": 65.13546939953387, + "nauc_map_at_1000_max": 43.358890946774494, + "nauc_map_at_1000_std": -9.973282105235036, + "nauc_map_at_100_diff1": 65.12449309472493, + "nauc_map_at_100_max": 43.377100882923145, + "nauc_map_at_100_std": -9.971781228240555, + "nauc_map_at_10_diff1": 64.83020018537475, + "nauc_map_at_10_max": 43.25969482323034, + "nauc_map_at_10_std": -10.120272176001547, + "nauc_map_at_1_diff1": 69.58727592100516, + "nauc_map_at_1_max": 38.236494689522026, + "nauc_map_at_1_std": -14.833390831689597, + "nauc_map_at_20_diff1": 65.01159809914586, + "nauc_map_at_20_max": 43.33440319829618, + "nauc_map_at_20_std": -10.039958228659726, + "nauc_map_at_3_diff1": 65.2396323885909, + "nauc_map_at_3_max": 42.26904017378952, + "nauc_map_at_3_std": -11.793017036934044, + "nauc_map_at_5_diff1": 64.96397227898036, + "nauc_map_at_5_max": 43.231333789145424, + "nauc_map_at_5_std": -10.349933732151372, + "nauc_mrr_at_1000_diff1": 65.13546939953387, + "nauc_mrr_at_1000_max": 43.358890946774494, + "nauc_mrr_at_1000_std": -9.973282105235036, + "nauc_mrr_at_100_diff1": 65.12449309472493, + "nauc_mrr_at_100_max": 43.377100882923145, + "nauc_mrr_at_100_std": -9.971781228240555, + "nauc_mrr_at_10_diff1": 64.83020018537475, + "nauc_mrr_at_10_max": 43.25969482323034, + "nauc_mrr_at_10_std": -10.120272176001547, + "nauc_mrr_at_1_diff1": 69.58727592100516, + "nauc_mrr_at_1_max": 38.236494689522026, + "nauc_mrr_at_1_std": -14.833390831689597, + "nauc_mrr_at_20_diff1": 65.01159809914586, + "nauc_mrr_at_20_max": 43.33440319829618, + "nauc_mrr_at_20_std": -10.039958228659726, + "nauc_mrr_at_3_diff1": 65.2396323885909, + "nauc_mrr_at_3_max": 42.26904017378952, + "nauc_mrr_at_3_std": -11.793017036934044, + "nauc_mrr_at_5_diff1": 64.96397227898036, + "nauc_mrr_at_5_max": 43.231333789145424, + "nauc_mrr_at_5_std": -10.349933732151372, + "nauc_ndcg_at_1000_diff1": 64.26802655199876, + "nauc_ndcg_at_1000_max": 45.854310744745185, + "nauc_ndcg_at_1000_std": -6.184417305204082, + "nauc_ndcg_at_100_diff1": 63.99268329609827, + "nauc_ndcg_at_100_max": 46.31270128748375, + "nauc_ndcg_at_100_std": -6.1393433180558965, + "nauc_ndcg_at_10_diff1": 62.6735104141137, + "nauc_ndcg_at_10_max": 45.54954799462398, + "nauc_ndcg_at_10_std": -7.348851199024871, + "nauc_ndcg_at_1_diff1": 69.58727592100516, + "nauc_ndcg_at_1_max": 38.236494689522026, + "nauc_ndcg_at_1_std": -14.833390831689597, + "nauc_ndcg_at_20_diff1": 63.25899651677274, + "nauc_ndcg_at_20_max": 45.952196968886014, + "nauc_ndcg_at_20_std": -6.807607465125713, + "nauc_ndcg_at_3_diff1": 63.65618337476822, + "nauc_ndcg_at_3_max": 43.507890965228945, + "nauc_ndcg_at_3_std": -10.73845622217601, + "nauc_ndcg_at_5_diff1": 63.079162432921855, + "nauc_ndcg_at_5_max": 45.38303443868148, + "nauc_ndcg_at_5_std": -8.063657824835534, + "nauc_precision_at_1000_diff1": 63.01459977930557, + "nauc_precision_at_1000_max": 92.4253034547151, + "nauc_precision_at_1000_std": 84.4845513963158, + "nauc_precision_at_100_diff1": 57.17217119405878, + "nauc_precision_at_100_max": 80.70049725316484, + "nauc_precision_at_100_std": 41.78392287147403, + "nauc_precision_at_10_diff1": 53.115665404390725, + "nauc_precision_at_10_max": 55.73825657341263, + "nauc_precision_at_10_std": 5.406226305013257, + "nauc_precision_at_1_diff1": 69.58727592100516, + "nauc_precision_at_1_max": 38.236494689522026, + "nauc_precision_at_1_std": -14.833390831689597, + "nauc_precision_at_20_diff1": 53.77730697622828, + "nauc_precision_at_20_max": 61.88170819253054, + "nauc_precision_at_20_std": 13.678730470003856, + "nauc_precision_at_3_diff1": 58.580196992291455, + "nauc_precision_at_3_max": 47.404834585376626, + "nauc_precision_at_3_std": -7.374978769024051, + "nauc_precision_at_5_diff1": 56.44564652606437, + "nauc_precision_at_5_max": 53.08973975162324, + "nauc_precision_at_5_std": 0.22762700141423803, + "nauc_recall_at_1000_diff1": 63.01459977930565, + "nauc_recall_at_1000_max": 92.42530345471532, + "nauc_recall_at_1000_std": 84.48455139631602, + "nauc_recall_at_100_diff1": 57.17217119405904, + "nauc_recall_at_100_max": 80.70049725316468, + "nauc_recall_at_100_std": 41.783922871474275, + "nauc_recall_at_10_diff1": 53.11566540439087, + "nauc_recall_at_10_max": 55.738256573412656, + "nauc_recall_at_10_std": 5.406226305013377, + "nauc_recall_at_1_diff1": 69.58727592100516, + "nauc_recall_at_1_max": 38.236494689522026, + "nauc_recall_at_1_std": -14.833390831689597, + "nauc_recall_at_20_diff1": 53.77730697622846, + "nauc_recall_at_20_max": 61.881708192530525, + "nauc_recall_at_20_std": 13.678730470003947, + "nauc_recall_at_3_diff1": 58.5801969922914, + "nauc_recall_at_3_max": 47.40483458537654, + "nauc_recall_at_3_std": -7.37497876902413, + "nauc_recall_at_5_diff1": 56.445646526064394, + "nauc_recall_at_5_max": 53.08973975162332, + "nauc_recall_at_5_std": 0.22762700141428024, + "ndcg_at_1": 46.6, + "ndcg_at_10": 60.887, + "ndcg_at_100": 64.18199999999999, + "ndcg_at_1000": 64.726, + "ndcg_at_20": 62.614999999999995, + "ndcg_at_3": 56.038, + "ndcg_at_5": 58.150999999999996, + "precision_at_1": 46.6, + "precision_at_10": 7.630000000000001, + "precision_at_100": 0.914, + "precision_at_1000": 0.096, + "precision_at_20": 4.154999999999999, + "precision_at_3": 20.9, + "precision_at_5": 13.56, + "recall_at_1": 46.6, + "recall_at_10": 76.3, + "recall_at_100": 91.4, + "recall_at_1000": 95.6, + "recall_at_20": 83.1, + "recall_at_3": 62.7, + "recall_at_5": 67.80000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/EmotionClassification.json b/results/arkohut__jina-embeddings-v3/external/EmotionClassification.json new file mode 100644 index 000000000..6a305aa7b --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/EmotionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.29999999999998, + "f1": 67.71473706580302, + "f1_weighted": 74.83537255312045, + "main_score": 73.29999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/FEVER.json b/results/arkohut__jina-embeddings-v3/external/FEVER.json new file mode 100644 index 000000000..0b79a9d9f --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/FEVER.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 78.371, + "map_at_10": 85.762, + "map_at_100": 85.954, + "map_at_1000": 85.966, + "map_at_20": 85.887, + "map_at_3": 84.854, + "map_at_5": 85.408, + "mrr_at_1": 84.443, + "mrr_at_10": 90.432, + "mrr_at_100": 90.483, + "mrr_at_1000": 90.484, + "mrr_at_20": 90.473, + "mrr_at_3": 89.89399999999999, + "mrr_at_5": 90.244, + "ndcg_at_1": 84.443, + "ndcg_at_10": 89.05499999999999, + "ndcg_at_100": 89.68, + "ndcg_at_1000": 89.87899999999999, + "ndcg_at_20": 89.381, + "ndcg_at_3": 87.73100000000001, + "ndcg_at_5": 88.425, + "precision_at_1": 84.443, + "precision_at_10": 10.520999999999999, + "precision_at_100": 1.103, + "precision_at_1000": 0.11399999999999999, + "precision_at_20": 5.362, + "precision_at_3": 33.198, + "precision_at_5": 20.441000000000003, + "recall_at_1": 78.371, + "recall_at_10": 94.594, + "recall_at_100": 96.97099999999999, + "recall_at_1000": 98.18, + "recall_at_20": 95.707, + "recall_at_3": 90.853, + "recall_at_5": 92.74799999999999, + "main_score": 89.05499999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/FiQA-PL.json b/results/arkohut__jina-embeddings-v3/external/FiQA-PL.json new file mode 100644 index 000000000..009494f90 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/FiQA-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "2e535829717f8bf9dc829b7f911cc5bbd4e6608e", + "task_name": "FiQA-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 38.828, + "map_at_1": 19.126, + "map_at_10": 31.002000000000002, + "map_at_100": 32.736, + "map_at_1000": 32.933, + "map_at_20": 31.894, + "map_at_3": 26.583000000000002, + "map_at_5": 28.904000000000003, + "mrr_at_1": 37.808641975308646, + "mrr_at_10": 46.36745541838134, + "mrr_at_100": 47.14140915794908, + "mrr_at_1000": 47.190701435388846, + "mrr_at_20": 46.81387776440309, + "mrr_at_3": 43.750000000000014, + "mrr_at_5": 45.23919753086418, + "nauc_map_at_1000_diff1": 38.5532285881503, + "nauc_map_at_1000_max": 34.44383884813453, + "nauc_map_at_1000_std": -1.3963497949476722, + "nauc_map_at_100_diff1": 38.49292464176943, + "nauc_map_at_100_max": 34.33752755618645, + "nauc_map_at_100_std": -1.4794032905848582, + "nauc_map_at_10_diff1": 38.26061536370962, + "nauc_map_at_10_max": 33.16977912721411, + "nauc_map_at_10_std": -2.3853370604730393, + "nauc_map_at_1_diff1": 46.288767289528344, + "nauc_map_at_1_max": 25.67706785013364, + "nauc_map_at_1_std": -6.989769609924645, + "nauc_map_at_20_diff1": 38.507270129330685, + "nauc_map_at_20_max": 33.70963328055982, + "nauc_map_at_20_std": -1.9835510011554272, + "nauc_map_at_3_diff1": 39.81061518646884, + "nauc_map_at_3_max": 30.101186374147748, + "nauc_map_at_3_std": -4.027120247237715, + "nauc_map_at_5_diff1": 38.55602589746512, + "nauc_map_at_5_max": 31.515174267015983, + "nauc_map_at_5_std": -3.4064239358570303, + "nauc_mrr_at_1000_diff1": 45.030514454725726, + "nauc_mrr_at_1000_max": 43.878919881666164, + "nauc_mrr_at_1000_std": 2.517594250297626, + "nauc_mrr_at_100_diff1": 45.00868212878687, + "nauc_mrr_at_100_max": 43.87437011120001, + "nauc_mrr_at_100_std": 2.5257874265014966, + "nauc_mrr_at_10_diff1": 44.855044606754056, + "nauc_mrr_at_10_max": 43.946617058785186, + "nauc_mrr_at_10_std": 2.5173751662794044, + "nauc_mrr_at_1_diff1": 49.441510997817346, + "nauc_mrr_at_1_max": 43.08547383044357, + "nauc_mrr_at_1_std": -1.8747770703324347, + "nauc_mrr_at_20_diff1": 45.019880416584215, + "nauc_mrr_at_20_max": 43.85691473662242, + "nauc_mrr_at_20_std": 2.4625487605091303, + "nauc_mrr_at_3_diff1": 45.322041658604036, + "nauc_mrr_at_3_max": 43.95079293074395, + "nauc_mrr_at_3_std": 2.4644274393435737, + "nauc_mrr_at_5_diff1": 44.99461837803437, + "nauc_mrr_at_5_max": 43.97934275090601, + "nauc_mrr_at_5_std": 2.5353091695125096, + "nauc_ndcg_at_1000_diff1": 39.38449023275524, + "nauc_ndcg_at_1000_max": 39.48382767312788, + "nauc_ndcg_at_1000_std": 3.414789408343409, + "nauc_ndcg_at_100_diff1": 38.29675861135578, + "nauc_ndcg_at_100_max": 38.2674786507297, + "nauc_ndcg_at_100_std": 2.7094055381218207, + "nauc_ndcg_at_10_diff1": 38.09514955708717, + "nauc_ndcg_at_10_max": 36.664923238906525, + "nauc_ndcg_at_10_std": 0.6901410544967921, + "nauc_ndcg_at_1_diff1": 49.441510997817346, + "nauc_ndcg_at_1_max": 43.08547383044357, + "nauc_ndcg_at_1_std": -1.8747770703324347, + "nauc_ndcg_at_20_diff1": 38.44967736231759, + "nauc_ndcg_at_20_max": 36.871179313622584, + "nauc_ndcg_at_20_std": 1.157560360065234, + "nauc_ndcg_at_3_diff1": 39.02419271805571, + "nauc_ndcg_at_3_max": 37.447669442586324, + "nauc_ndcg_at_3_std": 0.41502589779297794, + "nauc_ndcg_at_5_diff1": 38.10233452742001, + "nauc_ndcg_at_5_max": 35.816381905465676, + "nauc_ndcg_at_5_std": -0.3704499913387088, + "nauc_precision_at_1000_diff1": 2.451267097838658, + "nauc_precision_at_1000_max": 29.116394969085306, + "nauc_precision_at_1000_std": 14.85900786538363, + "nauc_precision_at_100_diff1": 8.10919082251277, + "nauc_precision_at_100_max": 36.28388256191417, + "nauc_precision_at_100_std": 14.830039904317657, + "nauc_precision_at_10_diff1": 15.02446609920477, + "nauc_precision_at_10_max": 41.008463775454054, + "nauc_precision_at_10_std": 10.431403152334486, + "nauc_precision_at_1_diff1": 49.441510997817346, + "nauc_precision_at_1_max": 43.08547383044357, + "nauc_precision_at_1_std": -1.8747770703324347, + "nauc_precision_at_20_diff1": 14.222022201169926, + "nauc_precision_at_20_max": 40.10189643835305, + "nauc_precision_at_20_std": 12.204443815975527, + "nauc_precision_at_3_diff1": 25.41905395341234, + "nauc_precision_at_3_max": 41.56133905339819, + "nauc_precision_at_3_std": 5.575516915590082, + "nauc_precision_at_5_diff1": 20.20081221089351, + "nauc_precision_at_5_max": 40.95218555916681, + "nauc_precision_at_5_std": 7.2040745500708745, + "nauc_recall_at_1000_diff1": 28.021198234033395, + "nauc_recall_at_1000_max": 36.165148684597504, + "nauc_recall_at_1000_std": 28.28852356008973, + "nauc_recall_at_100_diff1": 21.882447802741897, + "nauc_recall_at_100_max": 26.979684607567222, + "nauc_recall_at_100_std": 9.783658817010082, + "nauc_recall_at_10_diff1": 28.493097951178818, + "nauc_recall_at_10_max": 29.40937476550134, + "nauc_recall_at_10_std": 2.7593763576979353, + "nauc_recall_at_1_diff1": 46.288767289528344, + "nauc_recall_at_1_max": 25.67706785013364, + "nauc_recall_at_1_std": -6.989769609924645, + "nauc_recall_at_20_diff1": 27.638381299425234, + "nauc_recall_at_20_max": 27.942035836106328, + "nauc_recall_at_20_std": 3.489835161380808, + "nauc_recall_at_3_diff1": 33.90054781392646, + "nauc_recall_at_3_max": 27.778812533030322, + "nauc_recall_at_3_std": -0.03054068020022706, + "nauc_recall_at_5_diff1": 30.279060732221346, + "nauc_recall_at_5_max": 27.49854749597931, + "nauc_recall_at_5_std": 0.5434664581939099, + "ndcg_at_1": 37.809, + "ndcg_at_10": 38.828, + "ndcg_at_100": 45.218, + "ndcg_at_1000": 48.510999999999996, + "ndcg_at_20": 41.11, + "ndcg_at_3": 34.466, + "ndcg_at_5": 35.843, + "precision_at_1": 37.809, + "precision_at_10": 11.157, + "precision_at_100": 1.762, + "precision_at_1000": 0.233, + "precision_at_20": 6.497, + "precision_at_3": 23.044999999999998, + "precision_at_5": 17.284, + "recall_at_1": 19.126, + "recall_at_10": 46.062, + "recall_at_100": 70.22800000000001, + "recall_at_1000": 89.803, + "recall_at_20": 53.217999999999996, + "recall_at_3": 30.847, + "recall_at_5": 37.11 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/FiQA2018.json b/results/arkohut__jina-embeddings-v3/external/FiQA2018.json new file mode 100644 index 000000000..67d0507c9 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/FiQA2018.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.810000000000002, + "map_at_10": 39.051, + "map_at_100": 41.231, + "map_at_1000": 41.376000000000005, + "map_at_20": 40.227000000000004, + "map_at_3": 33.915, + "map_at_5": 36.459, + "mrr_at_1": 48.148, + "mrr_at_10": 55.765, + "mrr_at_100": 56.495, + "mrr_at_1000": 56.525999999999996, + "mrr_at_20": 56.213, + "mrr_at_3": 53.086, + "mrr_at_5": 54.513999999999996, + "ndcg_at_1": 48.148, + "ndcg_at_10": 47.349999999999994, + "ndcg_at_100": 54.61899999999999, + "ndcg_at_1000": 56.830000000000005, + "ndcg_at_20": 50.143, + "ndcg_at_3": 43.108000000000004, + "ndcg_at_5": 44.023, + "precision_at_1": 48.148, + "precision_at_10": 13.441, + "precision_at_100": 2.085, + "precision_at_1000": 0.248, + "precision_at_20": 7.870000000000001, + "precision_at_3": 28.909000000000002, + "precision_at_5": 20.957, + "recall_at_1": 23.810000000000002, + "recall_at_10": 54.303000000000004, + "recall_at_100": 81.363, + "recall_at_1000": 94.391, + "recall_at_20": 63.056999999999995, + "recall_at_3": 38.098, + "recall_at_5": 44.414, + "main_score": 47.349999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/GeoreviewClassification.json b/results/arkohut__jina-embeddings-v3/external/GeoreviewClassification.json new file mode 100644 index 000000000..a4dd6e8ce --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/GeoreviewClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3765c0d1de6b7d264bc459433c45e5a75513839c", + "task_name": "GeoreviewClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 48.0126953125, + "f1": 47.65764016160488, + "f1_weighted": 47.65701659482088, + "main_score": 48.0126953125 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/GeoreviewClusteringP2P.json b/results/arkohut__jina-embeddings-v3/external/GeoreviewClusteringP2P.json new file mode 100644 index 000000000..735e07624 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/GeoreviewClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "97a313c8fc85b47f13f33e7e9a95c1ad888c7fec", + "task_name": "GeoreviewClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "main_score": 73.62357853672266, + "v_measure": 73.62357853672266, + "v_measure_std": 0.5942247545535766 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/GerDaLIR.json b/results/arkohut__jina-embeddings-v3/external/GerDaLIR.json new file mode 100644 index 000000000..26279c43c --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/GerDaLIR.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "0bb47f1d73827e96964edb84dfe552f62f4fd5eb", + "task_name": "GerDaLIR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "deu-Latn" + ], + "main_score": 16.227, + "map_at_1": 8.082, + "map_at_10": 12.959999999999999, + "map_at_100": 13.923, + "map_at_1000": 14.030999999999999, + "map_at_20": 13.453000000000001, + "map_at_3": 11.018, + "map_at_5": 12.056000000000001, + "mrr_at_1": 8.993332249146203, + "mrr_at_10": 13.994013092850247, + "mrr_at_100": 14.913737673149308, + "mrr_at_1000": 15.00843809934407, + "mrr_at_20": 14.470268462334007, + "mrr_at_3": 12.000596302921846, + "mrr_at_5": 13.070689000921561, + "nauc_map_at_1000_diff1": 28.559639584013286, + "nauc_map_at_1000_max": 25.533800126086714, + "nauc_map_at_1000_std": 9.826551026628666, + "nauc_map_at_100_diff1": 28.544724499331696, + "nauc_map_at_100_max": 25.46734324526386, + "nauc_map_at_100_std": 9.739314481785591, + "nauc_map_at_10_diff1": 28.77447517718118, + "nauc_map_at_10_max": 24.7431615237795, + "nauc_map_at_10_std": 8.349878188033646, + "nauc_map_at_1_diff1": 37.405452629895514, + "nauc_map_at_1_max": 24.444208978394023, + "nauc_map_at_1_std": 4.043820373810528, + "nauc_map_at_20_diff1": 28.69764217789062, + "nauc_map_at_20_max": 25.111848355996496, + "nauc_map_at_20_std": 9.034829905305918, + "nauc_map_at_3_diff1": 30.89053285076882, + "nauc_map_at_3_max": 24.862886115911152, + "nauc_map_at_3_std": 6.654260832396586, + "nauc_map_at_5_diff1": 29.230629676604263, + "nauc_map_at_5_max": 24.374302288018583, + "nauc_map_at_5_std": 7.341846952319046, + "nauc_mrr_at_1000_diff1": 28.086147932781426, + "nauc_mrr_at_1000_max": 25.98698528264653, + "nauc_mrr_at_1000_std": 9.917554348624545, + "nauc_mrr_at_100_diff1": 28.069163279791336, + "nauc_mrr_at_100_max": 25.949440010886804, + "nauc_mrr_at_100_std": 9.874340979732578, + "nauc_mrr_at_10_diff1": 28.239920869530046, + "nauc_mrr_at_10_max": 25.351271409498576, + "nauc_mrr_at_10_std": 8.669862759875162, + "nauc_mrr_at_1_diff1": 35.96543040207856, + "nauc_mrr_at_1_max": 25.488936487231967, + "nauc_mrr_at_1_std": 4.76439131038345, + "nauc_mrr_at_20_diff1": 28.18865871284607, + "nauc_mrr_at_20_max": 25.67121763344746, + "nauc_mrr_at_20_std": 9.297910707519472, + "nauc_mrr_at_3_diff1": 30.166714199740717, + "nauc_mrr_at_3_max": 25.541792491964877, + "nauc_mrr_at_3_std": 7.083090296398472, + "nauc_mrr_at_5_diff1": 28.68475284656478, + "nauc_mrr_at_5_max": 24.994071363482835, + "nauc_mrr_at_5_std": 7.687507254902365, + "nauc_ndcg_at_1000_diff1": 25.292792613586467, + "nauc_ndcg_at_1000_max": 29.211905289377178, + "nauc_ndcg_at_1000_std": 18.088867467320355, + "nauc_ndcg_at_100_diff1": 25.026905011089152, + "nauc_ndcg_at_100_max": 27.98822281254431, + "nauc_ndcg_at_100_std": 16.69456904301902, + "nauc_ndcg_at_10_diff1": 25.972279051109503, + "nauc_ndcg_at_10_max": 24.86486482734957, + "nauc_ndcg_at_10_std": 10.398605822106353, + "nauc_ndcg_at_1_diff1": 36.134710485184826, + "nauc_ndcg_at_1_max": 25.384572790326025, + "nauc_ndcg_at_1_std": 4.591863033771824, + "nauc_ndcg_at_20_diff1": 25.850033660205536, + "nauc_ndcg_at_20_max": 25.944243193140515, + "nauc_ndcg_at_20_std": 12.392409721204892, + "nauc_ndcg_at_3_diff1": 29.1966056380018, + "nauc_ndcg_at_3_max": 24.978843156259913, + "nauc_ndcg_at_3_std": 7.353914459205087, + "nauc_ndcg_at_5_diff1": 26.795315295756282, + "nauc_ndcg_at_5_max": 24.1196789150412, + "nauc_ndcg_at_5_std": 8.311970988265172, + "nauc_precision_at_1000_diff1": 9.128270550217984, + "nauc_precision_at_1000_max": 35.79286915973607, + "nauc_precision_at_1000_std": 39.15669472887154, + "nauc_precision_at_100_diff1": 14.770289799034384, + "nauc_precision_at_100_max": 34.58262232264337, + "nauc_precision_at_100_std": 34.101148102981384, + "nauc_precision_at_10_diff1": 19.899104673118178, + "nauc_precision_at_10_max": 26.636940338985625, + "nauc_precision_at_10_std": 15.73871357255849, + "nauc_precision_at_1_diff1": 36.134710485184826, + "nauc_precision_at_1_max": 25.384572790326025, + "nauc_precision_at_1_std": 4.591863033771824, + "nauc_precision_at_20_diff1": 19.423457975148942, + "nauc_precision_at_20_max": 29.58123490878582, + "nauc_precision_at_20_std": 20.847850110821618, + "nauc_precision_at_3_diff1": 24.986416623492918, + "nauc_precision_at_3_max": 25.973548400472975, + "nauc_precision_at_3_std": 9.486410455972823, + "nauc_precision_at_5_diff1": 21.237741424923332, + "nauc_precision_at_5_max": 24.647141028200164, + "nauc_precision_at_5_std": 11.102785032334147, + "nauc_recall_at_1000_diff1": 15.999714888817829, + "nauc_recall_at_1000_max": 44.34701908906545, + "nauc_recall_at_1000_std": 51.13471291594717, + "nauc_recall_at_100_diff1": 17.401714890483706, + "nauc_recall_at_100_max": 33.39042631654808, + "nauc_recall_at_100_std": 33.944446168451584, + "nauc_recall_at_10_diff1": 20.30036232399894, + "nauc_recall_at_10_max": 24.006718284396786, + "nauc_recall_at_10_std": 14.049375108518669, + "nauc_recall_at_1_diff1": 37.405452629895514, + "nauc_recall_at_1_max": 24.444208978394023, + "nauc_recall_at_1_std": 4.043820373810528, + "nauc_recall_at_20_diff1": 20.23582802609045, + "nauc_recall_at_20_max": 26.408063410785243, + "nauc_recall_at_20_std": 18.617479515468112, + "nauc_recall_at_3_diff1": 25.53221830103098, + "nauc_recall_at_3_max": 24.283712329152678, + "nauc_recall_at_3_std": 8.428947805841867, + "nauc_recall_at_5_diff1": 21.741499601020823, + "nauc_recall_at_5_max": 22.754924586295296, + "nauc_recall_at_5_std": 9.966736688169814, + "ndcg_at_1": 8.977, + "ndcg_at_10": 16.227, + "ndcg_at_100": 21.417, + "ndcg_at_1000": 24.451, + "ndcg_at_20": 17.982, + "ndcg_at_3": 12.206999999999999, + "ndcg_at_5": 14.059, + "precision_at_1": 8.977, + "precision_at_10": 2.933, + "precision_at_100": 0.59, + "precision_at_1000": 0.087, + "precision_at_20": 1.8599999999999999, + "precision_at_3": 5.550999999999999, + "precision_at_5": 4.340999999999999, + "recall_at_1": 8.082, + "recall_at_10": 25.52, + "recall_at_100": 50.32, + "recall_at_1000": 74.021, + "recall_at_20": 32.229, + "recall_at_3": 14.66, + "recall_at_5": 19.062 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/GermanDPR.json b/results/arkohut__jina-embeddings-v3/external/GermanDPR.json new file mode 100644 index 000000000..fe4ac3f4f --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/GermanDPR.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "5129d02422a66be600ac89cd3e8531b4f97d347d", + "task_name": "GermanDPR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "deu-Latn" + ], + "main_score": 82.422, + "map_at_1": 64.39, + "map_at_10": 77.273, + "map_at_100": 77.375, + "map_at_1000": 77.376, + "map_at_20": 77.351, + "map_at_3": 75.46300000000001, + "map_at_5": 76.878, + "mrr_at_1": 64.19512195121952, + "mrr_at_10": 77.15842044134736, + "mrr_at_100": 77.2604854308704, + "mrr_at_1000": 77.26087882190109, + "mrr_at_20": 77.23572154560611, + "mrr_at_3": 75.34959349593504, + "mrr_at_5": 76.76422764227652, + "nauc_map_at_1000_diff1": 49.73135253389972, + "nauc_map_at_1000_max": 8.665570717396145, + "nauc_map_at_1000_std": -25.920927572114522, + "nauc_map_at_100_diff1": 49.729170775336605, + "nauc_map_at_100_max": 8.66717979705074, + "nauc_map_at_100_std": -25.918338868918596, + "nauc_map_at_10_diff1": 49.708681691445925, + "nauc_map_at_10_max": 8.830640635692113, + "nauc_map_at_10_std": -25.843238986304858, + "nauc_map_at_1_diff1": 51.750022350988914, + "nauc_map_at_1_max": 3.599863010364626, + "nauc_map_at_1_std": -27.670122127567314, + "nauc_map_at_20_diff1": 49.72609185887161, + "nauc_map_at_20_max": 8.766556053409218, + "nauc_map_at_20_std": -25.85975887517904, + "nauc_map_at_3_diff1": 49.328512536255595, + "nauc_map_at_3_max": 9.475682028996795, + "nauc_map_at_3_std": -26.277349632171017, + "nauc_map_at_5_diff1": 49.42801822186142, + "nauc_map_at_5_max": 8.788822474357252, + "nauc_map_at_5_std": -25.959260882028573, + "nauc_mrr_at_1000_diff1": 50.13038598302397, + "nauc_mrr_at_1000_max": 8.734338637484832, + "nauc_mrr_at_1000_std": -26.653343549855908, + "nauc_mrr_at_100_diff1": 50.12820392111392, + "nauc_mrr_at_100_max": 8.735940503917966, + "nauc_mrr_at_100_std": -26.65074918231251, + "nauc_mrr_at_10_diff1": 50.10567888458267, + "nauc_mrr_at_10_max": 8.898451291748575, + "nauc_mrr_at_10_std": -26.572046921975655, + "nauc_mrr_at_1_diff1": 52.22769994409465, + "nauc_mrr_at_1_max": 3.6490820146062015, + "nauc_mrr_at_1_std": -28.535100562320498, + "nauc_mrr_at_20_diff1": 50.12462222100699, + "nauc_mrr_at_20_max": 8.83487018268756, + "nauc_mrr_at_20_std": -26.591437036958332, + "nauc_mrr_at_3_diff1": 49.6987353700016, + "nauc_mrr_at_3_max": 9.531003760756258, + "nauc_mrr_at_3_std": -26.949799063124818, + "nauc_mrr_at_5_diff1": 49.823881656376585, + "nauc_mrr_at_5_max": 8.850404667985085, + "nauc_mrr_at_5_std": -26.680008966088582, + "nauc_ndcg_at_1000_diff1": 49.41721203361181, + "nauc_ndcg_at_1000_max": 9.41093067609825, + "nauc_ndcg_at_1000_std": -25.499543637737567, + "nauc_ndcg_at_100_diff1": 49.32810419509252, + "nauc_ndcg_at_100_max": 9.476216458766897, + "nauc_ndcg_at_100_std": -25.393856250990414, + "nauc_ndcg_at_10_diff1": 49.181984436623694, + "nauc_ndcg_at_10_max": 10.65234732763274, + "nauc_ndcg_at_10_std": -24.737669349012297, + "nauc_ndcg_at_1_diff1": 51.750022350988914, + "nauc_ndcg_at_1_max": 3.599863010364626, + "nauc_ndcg_at_1_std": -27.670122127567314, + "nauc_ndcg_at_20_diff1": 49.275394594995056, + "nauc_ndcg_at_20_max": 10.402059796651923, + "nauc_ndcg_at_20_std": -24.82329915806705, + "nauc_ndcg_at_3_diff1": 48.22614352152889, + "nauc_ndcg_at_3_max": 11.67464280791404, + "nauc_ndcg_at_3_std": -25.867824868234095, + "nauc_ndcg_at_5_diff1": 48.35583502987241, + "nauc_ndcg_at_5_max": 10.494278750448451, + "nauc_ndcg_at_5_std": -25.11599634172764, + "nauc_precision_at_1000_diff1": NaN, + "nauc_precision_at_1000_max": NaN, + "nauc_precision_at_1000_std": NaN, + "nauc_precision_at_100_diff1": -56.39478136433852, + "nauc_precision_at_100_max": 86.93518577529493, + "nauc_precision_at_100_std": 100.0, + "nauc_precision_at_10_diff1": 38.662829729133094, + "nauc_precision_at_10_max": 56.38018435740605, + "nauc_precision_at_10_std": 6.288091897081105, + "nauc_precision_at_1_diff1": 51.750022350988914, + "nauc_precision_at_1_max": 3.599863010364626, + "nauc_precision_at_1_std": -27.670122127567314, + "nauc_precision_at_20_diff1": 34.739153182429085, + "nauc_precision_at_20_max": 84.86908403000989, + "nauc_precision_at_20_std": 29.156199421219455, + "nauc_precision_at_3_diff1": 42.09287362529135, + "nauc_precision_at_3_max": 23.629152759287074, + "nauc_precision_at_3_std": -23.721376911302492, + "nauc_precision_at_5_diff1": 36.03866171924644, + "nauc_precision_at_5_max": 29.166173558775327, + "nauc_precision_at_5_std": -15.096374563068448, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": -56.39478136433541, + "nauc_recall_at_100_max": 86.93518577528111, + "nauc_recall_at_100_std": 100.0, + "nauc_recall_at_10_diff1": 38.66282972913384, + "nauc_recall_at_10_max": 56.3801843574071, + "nauc_recall_at_10_std": 6.288091897082639, + "nauc_recall_at_1_diff1": 51.750022350988914, + "nauc_recall_at_1_max": 3.599863010364626, + "nauc_recall_at_1_std": -27.670122127567314, + "nauc_recall_at_20_diff1": 34.7391531824321, + "nauc_recall_at_20_max": 84.86908403001016, + "nauc_recall_at_20_std": 29.156199421220748, + "nauc_recall_at_3_diff1": 42.09287362529107, + "nauc_recall_at_3_max": 23.629152759286946, + "nauc_recall_at_3_std": -23.72137691130291, + "nauc_recall_at_5_diff1": 36.0386617192469, + "nauc_recall_at_5_max": 29.1661735587759, + "nauc_recall_at_5_std": -15.09637456306774, + "ndcg_at_1": 64.39, + "ndcg_at_10": 82.422, + "ndcg_at_100": 82.86099999999999, + "ndcg_at_1000": 82.87299999999999, + "ndcg_at_20": 82.67999999999999, + "ndcg_at_3": 78.967, + "ndcg_at_5": 81.50699999999999, + "precision_at_1": 64.39, + "precision_at_10": 9.795, + "precision_at_100": 0.9990000000000001, + "precision_at_1000": 0.1, + "precision_at_20": 4.946, + "precision_at_3": 29.691000000000003, + "precision_at_5": 19.044, + "recall_at_1": 64.39, + "recall_at_10": 97.951, + "recall_at_100": 99.902, + "recall_at_1000": 100.0, + "recall_at_20": 98.92699999999999, + "recall_at_3": 89.07300000000001, + "recall_at_5": 95.22 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/GermanQuAD-Retrieval.json b/results/arkohut__jina-embeddings-v3/external/GermanQuAD-Retrieval.json new file mode 100644 index 000000000..7c0e470ad --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/GermanQuAD-Retrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f5c87ae5a2e7a5106606314eef45255f03151bb3", + "task_name": "GermanQuAD-Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "deu-Latn" + ], + "main_score": 94.15532365396247, + "map_at_1": 90.789, + "map_at_10": 94.24, + "map_at_100": 94.283, + "map_at_1000": 94.284, + "map_at_20": 94.272, + "map_at_3": 93.913, + "map_at_5": 94.155, + "mrr_at_1": 90.78947368421053, + "mrr_at_10": 94.23987411056376, + "mrr_at_100": 94.28320936825, + "mrr_at_1000": 94.28350209115848, + "mrr_at_20": 94.271919092559, + "mrr_at_3": 93.91258318209313, + "mrr_at_5": 94.15532365396247, + "nauc_map_at_1000_diff1": 89.29089310650436, + "nauc_map_at_1000_max": 73.83868784032414, + "nauc_map_at_1000_std": -11.635778561889989, + "nauc_map_at_100_diff1": 89.29077225707755, + "nauc_map_at_100_max": 73.84002740580378, + "nauc_map_at_100_std": -11.644096256165092, + "nauc_map_at_10_diff1": 89.29117612292366, + "nauc_map_at_10_max": 73.97487984981221, + "nauc_map_at_10_std": -11.35191794373827, + "nauc_map_at_1_diff1": 89.35436544117584, + "nauc_map_at_1_max": 70.35936815057701, + "nauc_map_at_1_std": -13.598996360976903, + "nauc_map_at_20_diff1": 89.2530394052653, + "nauc_map_at_20_max": 73.83537529419839, + "nauc_map_at_20_std": -11.628272822028478, + "nauc_map_at_3_diff1": 89.375111893546, + "nauc_map_at_3_max": 74.78900366026112, + "nauc_map_at_3_std": -12.720905253503274, + "nauc_map_at_5_diff1": 89.35358300820893, + "nauc_map_at_5_max": 74.31996219723239, + "nauc_map_at_5_std": -10.768642638210867, + "nauc_mrr_at_1000_diff1": 89.29089310650436, + "nauc_mrr_at_1000_max": 73.83868784032414, + "nauc_mrr_at_1000_std": -11.635778561889989, + "nauc_mrr_at_100_diff1": 89.29077225707755, + "nauc_mrr_at_100_max": 73.84002740580378, + "nauc_mrr_at_100_std": -11.644096256165092, + "nauc_mrr_at_10_diff1": 89.29117612292366, + "nauc_mrr_at_10_max": 73.97487984981221, + "nauc_mrr_at_10_std": -11.35191794373827, + "nauc_mrr_at_1_diff1": 89.35436544117584, + "nauc_mrr_at_1_max": 70.35936815057701, + "nauc_mrr_at_1_std": -13.598996360976903, + "nauc_mrr_at_20_diff1": 89.2530394052653, + "nauc_mrr_at_20_max": 73.83537529419839, + "nauc_mrr_at_20_std": -11.628272822028478, + "nauc_mrr_at_3_diff1": 89.375111893546, + "nauc_mrr_at_3_max": 74.78900366026112, + "nauc_mrr_at_3_std": -12.720905253503274, + "nauc_mrr_at_5_diff1": 89.35358300820893, + "nauc_mrr_at_5_max": 74.31996219723239, + "nauc_mrr_at_5_std": -10.768642638210867, + "nauc_ndcg_at_1000_diff1": 89.27620775856863, + "nauc_ndcg_at_1000_max": 74.2985757362615, + "nauc_ndcg_at_1000_std": -11.236142819703023, + "nauc_ndcg_at_100_diff1": 89.27284787540731, + "nauc_ndcg_at_100_max": 74.33539303365968, + "nauc_ndcg_at_100_std": -11.469413615851936, + "nauc_ndcg_at_10_diff1": 89.21496710661724, + "nauc_ndcg_at_10_max": 75.02035398490516, + "nauc_ndcg_at_10_std": -9.903255803665814, + "nauc_ndcg_at_1_diff1": 89.35436544117584, + "nauc_ndcg_at_1_max": 70.35936815057701, + "nauc_ndcg_at_1_std": -13.598996360976903, + "nauc_ndcg_at_20_diff1": 89.03561289544179, + "nauc_ndcg_at_20_max": 74.4006766600049, + "nauc_ndcg_at_20_std": -11.129237862587743, + "nauc_ndcg_at_3_diff1": 89.46540193201693, + "nauc_ndcg_at_3_max": 76.87093548368378, + "nauc_ndcg_at_3_std": -12.484902872086767, + "nauc_ndcg_at_5_diff1": 89.39924941584766, + "nauc_ndcg_at_5_max": 75.96975269092722, + "nauc_ndcg_at_5_std": -8.180295581144833, + "nauc_precision_at_1000_diff1": 100.0, + "nauc_precision_at_1000_max": 100.0, + "nauc_precision_at_1000_std": 100.0, + "nauc_precision_at_100_diff1": 86.93074003795302, + "nauc_precision_at_100_max": 100.0, + "nauc_precision_at_100_std": -174.07785375176616, + "nauc_precision_at_10_diff1": 87.43064119412082, + "nauc_precision_at_10_max": 90.60785783417448, + "nauc_precision_at_10_std": 15.378710059645906, + "nauc_precision_at_1_diff1": 89.35436544117584, + "nauc_precision_at_1_max": 70.35936815057701, + "nauc_precision_at_1_std": -13.598996360976903, + "nauc_precision_at_20_diff1": 78.78206037685919, + "nauc_precision_at_20_max": 82.52264166455923, + "nauc_precision_at_20_std": -5.95806599216658, + "nauc_precision_at_3_diff1": 90.12709256456401, + "nauc_precision_at_3_max": 90.72678805838154, + "nauc_precision_at_3_std": -11.047599315631993, + "nauc_precision_at_5_diff1": 89.9066873566561, + "nauc_precision_at_5_max": 93.51571626543664, + "nauc_precision_at_5_std": 22.632403279126162, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": 86.93074003793416, + "nauc_recall_at_100_max": 100.0, + "nauc_recall_at_100_std": -174.07785375175723, + "nauc_recall_at_10_diff1": 87.43064119411991, + "nauc_recall_at_10_max": 90.60785783417579, + "nauc_recall_at_10_std": 15.378710059643607, + "nauc_recall_at_1_diff1": 89.35436544117584, + "nauc_recall_at_1_max": 70.35936815057701, + "nauc_recall_at_1_std": -13.598996360976903, + "nauc_recall_at_20_diff1": 78.78206037685645, + "nauc_recall_at_20_max": 82.52264166455791, + "nauc_recall_at_20_std": -5.958065992168697, + "nauc_recall_at_3_diff1": 90.12709256456463, + "nauc_recall_at_3_max": 90.7267880583832, + "nauc_recall_at_3_std": -11.047599315631881, + "nauc_recall_at_5_diff1": 89.90668735665676, + "nauc_recall_at_5_max": 93.51571626543753, + "nauc_recall_at_5_std": 22.632403279126112, + "ndcg_at_1": 90.789, + "ndcg_at_10": 95.46, + "ndcg_at_100": 95.652, + "ndcg_at_1000": 95.659, + "ndcg_at_20": 95.575, + "ndcg_at_3": 94.82000000000001, + "ndcg_at_5": 95.26400000000001, + "precision_at_1": 90.789, + "precision_at_10": 9.908999999999999, + "precision_at_100": 1.0, + "precision_at_1000": 0.1, + "precision_at_20": 4.977, + "precision_at_3": 32.471, + "precision_at_5": 19.701, + "recall_at_1": 90.789, + "recall_at_10": 99.093, + "recall_at_100": 99.955, + "recall_at_1000": 100.0, + "recall_at_20": 99.546, + "recall_at_3": 97.414, + "recall_at_5": 98.503 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/GermanSTSBenchmark.json b/results/arkohut__jina-embeddings-v3/external/GermanSTSBenchmark.json new file mode 100644 index 000000000..85477a531 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/GermanSTSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e36907544d44c3a247898ed81540310442329e20", + "task_name": "GermanSTSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "deu-Latn" + ], + "cosine_pearson": 86.55319003300265, + "cosine_spearman": 87.50267373081324, + "euclidean_pearson": 87.41630636501863, + "euclidean_spearman": 88.02170803409365, + "main_score": 87.50267373081324, + "manhattan_pearson": 87.33703179056744, + "manhattan_spearman": 87.99192826922514, + "pearson": 86.55319003300265, + "spearman": 87.50267373081324 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/HALClusteringS2S.json b/results/arkohut__jina-embeddings-v3/external/HALClusteringS2S.json new file mode 100644 index 000000000..4a1249e77 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/HALClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e06ebbbb123f8144bef1a5d18796f3dec9ae2915", + "task_name": "HALClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "main_score": 27.477557517301303, + "v_measure": 27.477557517301303, + "v_measure_std": 3.3525736581861336 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/HeadlineClassification.json b/results/arkohut__jina-embeddings-v3/external/HeadlineClassification.json new file mode 100644 index 000000000..26f3065b9 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/HeadlineClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "2fe05ee6b5832cda29f2ef7aaad7b7fe6a3609eb", + "task_name": "HeadlineClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 75.0830078125, + "f1": 75.08863209267814, + "f1_weighted": 75.08895979060917, + "main_score": 75.0830078125 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/HotpotQA-PL.json b/results/arkohut__jina-embeddings-v3/external/HotpotQA-PL.json new file mode 100644 index 000000000..ee6f03a7a --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/HotpotQA-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "a0bd479ac97b4ccb5bd6ce320c415d0bb4beb907", + "task_name": "HotpotQA-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 60.27, + "map_at_1": 35.199000000000005, + "map_at_10": 51.369, + "map_at_100": 52.212, + "map_at_1000": 52.28, + "map_at_20": 51.864, + "map_at_3": 48.446, + "map_at_5": 50.302, + "mrr_at_1": 70.39837947332883, + "mrr_at_10": 76.8346141067273, + "mrr_at_100": 77.10724392048137, + "mrr_at_1000": 77.12037412892865, + "mrr_at_20": 77.01061532947222, + "mrr_at_3": 75.5908170155299, + "mrr_at_5": 76.39095205941899, + "nauc_map_at_1000_diff1": 24.701387884989117, + "nauc_map_at_1000_max": 23.25553235642178, + "nauc_map_at_1000_std": 7.1803506915661774, + "nauc_map_at_100_diff1": 24.674498622483103, + "nauc_map_at_100_max": 23.234948525052175, + "nauc_map_at_100_std": 7.168677997105447, + "nauc_map_at_10_diff1": 24.676025039755626, + "nauc_map_at_10_max": 23.171971872726964, + "nauc_map_at_10_std": 6.485610909852058, + "nauc_map_at_1_diff1": 68.90178464319715, + "nauc_map_at_1_max": 46.05537868917558, + "nauc_map_at_1_std": 1.7658552480698708, + "nauc_map_at_20_diff1": 24.69297151842494, + "nauc_map_at_20_max": 23.213064691673637, + "nauc_map_at_20_std": 6.9357946556849, + "nauc_map_at_3_diff1": 26.279128947950507, + "nauc_map_at_3_max": 23.929537354117922, + "nauc_map_at_3_std": 4.625061565714759, + "nauc_map_at_5_diff1": 25.04448959482816, + "nauc_map_at_5_max": 23.432012857899338, + "nauc_map_at_5_std": 5.845744681998008, + "nauc_mrr_at_1000_diff1": 66.7503918108276, + "nauc_mrr_at_1000_max": 48.42897342336844, + "nauc_mrr_at_1000_std": 5.3097517971144415, + "nauc_mrr_at_100_diff1": 66.74645215862695, + "nauc_mrr_at_100_max": 48.4368663009989, + "nauc_mrr_at_100_std": 5.322297898555188, + "nauc_mrr_at_10_diff1": 66.69310166180729, + "nauc_mrr_at_10_max": 48.475437698330225, + "nauc_mrr_at_10_std": 5.258183461631702, + "nauc_mrr_at_1_diff1": 68.90178464319715, + "nauc_mrr_at_1_max": 46.05537868917558, + "nauc_mrr_at_1_std": 1.7658552480698708, + "nauc_mrr_at_20_diff1": 66.72000262431975, + "nauc_mrr_at_20_max": 48.45593642981319, + "nauc_mrr_at_20_std": 5.353665929072101, + "nauc_mrr_at_3_diff1": 66.84936676396276, + "nauc_mrr_at_3_max": 48.466611276778295, + "nauc_mrr_at_3_std": 4.485810398557475, + "nauc_mrr_at_5_diff1": 66.62362565394174, + "nauc_mrr_at_5_max": 48.456431835482014, + "nauc_mrr_at_5_std": 5.08482458391903, + "nauc_ndcg_at_1000_diff1": 29.984825173719443, + "nauc_ndcg_at_1000_max": 27.289179238639893, + "nauc_ndcg_at_1000_std": 10.661480455527526, + "nauc_ndcg_at_100_diff1": 29.322074257047877, + "nauc_ndcg_at_100_max": 26.850650276220605, + "nauc_ndcg_at_100_std": 10.599247982501902, + "nauc_ndcg_at_10_diff1": 29.659909113886094, + "nauc_ndcg_at_10_max": 26.836139599331005, + "nauc_ndcg_at_10_std": 8.12844399452719, + "nauc_ndcg_at_1_diff1": 68.90178464319715, + "nauc_ndcg_at_1_max": 46.05537868917558, + "nauc_ndcg_at_1_std": 1.7658552480698708, + "nauc_ndcg_at_20_diff1": 29.510802214854294, + "nauc_ndcg_at_20_max": 26.775562637730722, + "nauc_ndcg_at_20_std": 9.341342661702363, + "nauc_ndcg_at_3_diff1": 32.741885846292966, + "nauc_ndcg_at_3_max": 28.44225108761343, + "nauc_ndcg_at_3_std": 5.204440768465042, + "nauc_ndcg_at_5_diff1": 30.57856348635919, + "nauc_ndcg_at_5_max": 27.475007474301698, + "nauc_ndcg_at_5_std": 6.961546044312487, + "nauc_precision_at_1000_diff1": 0.002113156309413332, + "nauc_precision_at_1000_max": 11.198242419541286, + "nauc_precision_at_1000_std": 28.69676419166541, + "nauc_precision_at_100_diff1": 3.6049575557782627, + "nauc_precision_at_100_max": 12.499173524574791, + "nauc_precision_at_100_std": 23.3755281004721, + "nauc_precision_at_10_diff1": 10.922574784853193, + "nauc_precision_at_10_max": 16.23221529562036, + "nauc_precision_at_10_std": 12.45014808813857, + "nauc_precision_at_1_diff1": 68.90178464319715, + "nauc_precision_at_1_max": 46.05537868917558, + "nauc_precision_at_1_std": 1.7658552480698708, + "nauc_precision_at_20_diff1": 8.840710781302827, + "nauc_precision_at_20_max": 14.804644554205524, + "nauc_precision_at_20_std": 16.245009770815237, + "nauc_precision_at_3_diff1": 19.447291487137573, + "nauc_precision_at_3_max": 21.47123471597057, + "nauc_precision_at_3_std": 6.441862800128802, + "nauc_precision_at_5_diff1": 14.078545719721108, + "nauc_precision_at_5_max": 18.468288046016387, + "nauc_precision_at_5_std": 9.58650641691393, + "nauc_recall_at_1000_diff1": 0.0021131563095336584, + "nauc_recall_at_1000_max": 11.198242419541558, + "nauc_recall_at_1000_std": 28.6967641916655, + "nauc_recall_at_100_diff1": 3.6049575557781393, + "nauc_recall_at_100_max": 12.499173524574765, + "nauc_recall_at_100_std": 23.375528100472074, + "nauc_recall_at_10_diff1": 10.922574784853168, + "nauc_recall_at_10_max": 16.2322152956203, + "nauc_recall_at_10_std": 12.450148088138535, + "nauc_recall_at_1_diff1": 68.90178464319715, + "nauc_recall_at_1_max": 46.05537868917558, + "nauc_recall_at_1_std": 1.7658552480698708, + "nauc_recall_at_20_diff1": 8.840710781302905, + "nauc_recall_at_20_max": 14.804644554205515, + "nauc_recall_at_20_std": 16.245009770815273, + "nauc_recall_at_3_diff1": 19.447291487137498, + "nauc_recall_at_3_max": 21.47123471597054, + "nauc_recall_at_3_std": 6.441862800128763, + "nauc_recall_at_5_diff1": 14.07854571972115, + "nauc_recall_at_5_max": 18.468288046016337, + "nauc_recall_at_5_std": 9.586506416913904, + "ndcg_at_1": 70.39800000000001, + "ndcg_at_10": 60.27, + "ndcg_at_100": 63.400999999999996, + "ndcg_at_1000": 64.847, + "ndcg_at_20": 61.571, + "ndcg_at_3": 55.875, + "ndcg_at_5": 58.36599999999999, + "precision_at_1": 70.39800000000001, + "precision_at_10": 12.46, + "precision_at_100": 1.493, + "precision_at_1000": 0.169, + "precision_at_20": 6.65, + "precision_at_3": 35.062, + "precision_at_5": 23.009, + "recall_at_1": 35.199000000000005, + "recall_at_10": 62.302, + "recall_at_100": 74.666, + "recall_at_1000": 84.355, + "recall_at_20": 66.496, + "recall_at_3": 52.593, + "recall_at_5": 57.522 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/HotpotQA.json b/results/arkohut__jina-embeddings-v3/external/HotpotQA.json new file mode 100644 index 000000000..36ad8f0f0 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/HotpotQA.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.143, + "map_at_10": 55.916999999999994, + "map_at_100": 56.706, + "map_at_1000": 56.77100000000001, + "map_at_20": 56.367, + "map_at_3": 53.111, + "map_at_5": 54.839000000000006, + "mrr_at_1": 76.286, + "mrr_at_10": 81.879, + "mrr_at_100": 82.09100000000001, + "mrr_at_1000": 82.101, + "mrr_at_20": 82.01, + "mrr_at_3": 80.972, + "mrr_at_5": 81.537, + "ndcg_at_1": 76.286, + "ndcg_at_10": 64.673, + "ndcg_at_100": 67.527, + "ndcg_at_1000": 68.857, + "ndcg_at_20": 65.822, + "ndcg_at_3": 60.616, + "ndcg_at_5": 62.827999999999996, + "precision_at_1": 76.286, + "precision_at_10": 13.196, + "precision_at_100": 1.544, + "precision_at_1000": 0.172, + "precision_at_20": 6.968000000000001, + "precision_at_3": 37.992, + "precision_at_5": 24.54, + "recall_at_1": 38.143, + "recall_at_10": 65.982, + "recall_at_100": 77.225, + "recall_at_1000": 86.077, + "recall_at_20": 69.68299999999999, + "recall_at_3": 56.989000000000004, + "recall_at_5": 61.35, + "main_score": 64.673 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/IFlyTek.json b/results/arkohut__jina-embeddings-v3/external/IFlyTek.json new file mode 100644 index 000000000..ea7b4ef05 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/IFlyTek.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "421605374b29664c5fc098418fe20ada9bd55f8a", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 41.67756829549827, + "f1": 33.929325579581636, + "f1_weighted": 43.03952025643197, + "main_score": 41.67756829549827 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/ImdbClassification.json b/results/arkohut__jina-embeddings-v3/external/ImdbClassification.json new file mode 100644 index 000000000..05587719f --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/ImdbClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.90440000000001, + "ap": 88.78663714603425, + "ap_weighted": 88.78663714603425, + "f1": 91.89564361975891, + "f1_weighted": 91.89564361975891, + "main_score": 91.90440000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/InappropriatenessClassification.json b/results/arkohut__jina-embeddings-v3/external/InappropriatenessClassification.json new file mode 100644 index 000000000..3464eba22 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/InappropriatenessClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "601651fdc45ef243751676e62dd7a19f491c0285", + "task_name": "InappropriatenessClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 61.0498046875, + "ap": 57.04240566648215, + "ap_weighted": 57.04240566648215, + "f1": 60.867630038606954, + "f1_weighted": 60.867630038606954, + "main_score": 61.0498046875 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/JDReview.json b/results/arkohut__jina-embeddings-v3/external/JDReview.json new file mode 100644 index 000000000..5f71ee752 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/JDReview.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "b7c64bd89eb87f8ded463478346f76731f07bf8b", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 83.50844277673546, + "ap": 48.46732380712268, + "ap_weighted": 48.46732380712268, + "f1": 77.43967451387445, + "f1_weighted": 84.78462929014114, + "main_score": 83.50844277673546 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/KinopoiskClassification.json b/results/arkohut__jina-embeddings-v3/external/KinopoiskClassification.json new file mode 100644 index 000000000..1c7f2b819 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/KinopoiskClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "5911f26666ac11af46cb9c6849d0dc80a378af24", + "task_name": "KinopoiskClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 62.393333333333324, + "f1": 61.35940129568015, + "f1_weighted": 61.35940129568015, + "main_score": 62.393333333333324 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/LCQMC.json b/results/arkohut__jina-embeddings-v3/external/LCQMC.json new file mode 100644 index 000000000..cd7ebd277 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/LCQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "17f9b096f80380fce5ed12a9be8be7784b337daf", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 67.74375505907872, + "cosine_spearman": 75.94582231399434, + "euclidean_pearson": 74.52501692443582, + "euclidean_spearman": 75.88428434746646, + "main_score": 75.94582231399434, + "manhattan_pearson": 74.55015441749529, + "manhattan_spearman": 75.83288262176175, + "pearson": 67.74375505907872, + "spearman": 75.94582231399434 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/LEMBNarrativeQARetrieval.json b/results/arkohut__jina-embeddings-v3/external/LEMBNarrativeQARetrieval.json new file mode 100644 index 000000000..5a09264cd --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/LEMBNarrativeQARetrieval.json @@ -0,0 +1,266 @@ +{ + "dataset_revision": "6e346642246bfb4928c560ee08640dc84d074e8c", + "task_name": "LEMBNarrativeQARetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.093, + "map_at_10": 30.227999999999998, + "map_at_100": 31.423000000000002, + "map_at_1000": 31.533, + "map_at_20": 30.835, + "map_at_3": 27.983999999999998, + "map_at_5": 29.253, + "mrr_at_1": 23.093, + "mrr_at_10": 30.227999999999998, + "mrr_at_100": 31.423000000000002, + "mrr_at_1000": 31.533, + "mrr_at_20": 30.835, + "mrr_at_3": 27.983999999999998, + "mrr_at_5": 29.253, + "ndcg_at_1": 23.093, + "ndcg_at_10": 34.297, + "ndcg_at_100": 41.049, + "ndcg_at_1000": 43.566, + "ndcg_at_20": 36.52, + "ndcg_at_3": 29.629, + "ndcg_at_5": 31.926, + "precision_at_1": 23.093, + "precision_at_10": 4.735, + "precision_at_100": 0.8109999999999999, + "precision_at_1000": 0.1, + "precision_at_20": 2.8080000000000003, + "precision_at_3": 11.468, + "precision_at_5": 8.001, + "recall_at_1": 23.093, + "recall_at_10": 47.354, + "recall_at_100": 81.147, + "recall_at_1000": 100.0, + "recall_at_20": 56.16799999999999, + "recall_at_3": 34.405, + "recall_at_5": 40.004, + "main_score": 34.297 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.361, + "map_at_10": 33.641, + "map_at_100": 35.104, + "map_at_1000": 35.127, + "map_at_20": 34.388999999999996, + "map_at_3": 30.255, + "map_at_5": 32.079, + "mrr_at_1": 24.361, + "mrr_at_10": 33.641, + "mrr_at_100": 35.104, + "mrr_at_1000": 35.127, + "mrr_at_20": 34.388999999999996, + "mrr_at_3": 30.255, + "mrr_at_5": 32.079, + "ndcg_at_1": 24.361, + "ndcg_at_10": 39.337, + "ndcg_at_100": 47.384, + "ndcg_at_1000": 47.75, + "ndcg_at_20": 42.077999999999996, + "ndcg_at_3": 32.235, + "ndcg_at_5": 35.524, + "precision_at_1": 24.361, + "precision_at_10": 5.783, + "precision_at_100": 0.975, + "precision_at_1000": 0.1, + "precision_at_20": 3.435, + "precision_at_3": 12.661, + "precision_at_5": 9.193999999999999, + "recall_at_1": 24.361, + "recall_at_10": 57.826, + "recall_at_100": 97.51100000000001, + "recall_at_1000": 100.0, + "recall_at_20": 68.697, + "recall_at_3": 37.983, + "recall_at_5": 45.972, + "main_score": 39.337 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 53.667, + "map_at_10": 61.719, + "map_at_100": 62.471, + "map_at_1000": 62.492000000000004, + "map_at_20": 62.153000000000006, + "map_at_3": 59.167, + "map_at_5": 60.95, + "mrr_at_1": 53.667, + "mrr_at_10": 61.719, + "mrr_at_100": 62.471, + "mrr_at_1000": 62.492000000000004, + "mrr_at_20": 62.153000000000006, + "mrr_at_3": 59.167, + "mrr_at_5": 60.95, + "ndcg_at_1": 53.667, + "ndcg_at_10": 66.018, + "ndcg_at_100": 69.726, + "ndcg_at_1000": 70.143, + "ndcg_at_20": 67.61399999999999, + "ndcg_at_3": 60.924, + "ndcg_at_5": 64.10900000000001, + "precision_at_1": 53.667, + "precision_at_10": 7.9670000000000005, + "precision_at_100": 0.97, + "precision_at_1000": 0.1, + "precision_at_20": 4.3, + "precision_at_3": 22.0, + "precision_at_5": 14.732999999999999, + "recall_at_1": 53.667, + "recall_at_10": 79.667, + "recall_at_100": 97.0, + "recall_at_1000": 100.0, + "recall_at_20": 86.0, + "recall_at_3": 66.0, + "recall_at_5": 73.667, + "main_score": 66.018 + } + ], + "test_256": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 64.0, + "map_at_10": 77.083, + "map_at_100": 77.265, + "map_at_1000": 77.265, + "map_at_20": 77.265, + "map_at_3": 76.333, + "map_at_5": 76.833, + "mrr_at_1": 64.0, + "mrr_at_10": 77.083, + "mrr_at_100": 77.265, + "mrr_at_1000": 77.265, + "mrr_at_20": 77.265, + "mrr_at_3": 76.333, + "mrr_at_5": 76.833, + "ndcg_at_1": 64.0, + "ndcg_at_10": 82.325, + "ndcg_at_100": 82.883, + "ndcg_at_1000": 82.883, + "ndcg_at_20": 82.883, + "ndcg_at_3": 80.833, + "ndcg_at_5": 81.694, + "precision_at_1": 64.0, + "precision_at_10": 9.8, + "precision_at_100": 1.0, + "precision_at_1000": 0.1, + "precision_at_20": 5.0, + "precision_at_3": 31.333, + "precision_at_5": 19.2, + "recall_at_1": 64.0, + "recall_at_10": 98.0, + "recall_at_100": 100.0, + "recall_at_1000": 100.0, + "recall_at_20": 100.0, + "recall_at_3": 94.0, + "recall_at_5": 96.0, + "main_score": 64.0 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 100.0, + "map_at_10": 100.0, + "map_at_100": 100.0, + "map_at_1000": 100.0, + "map_at_20": 100.0, + "map_at_3": 100.0, + "map_at_5": 100.0, + "mrr_at_1": 100.0, + "mrr_at_10": 100.0, + "mrr_at_100": 100.0, + "mrr_at_1000": 100.0, + "mrr_at_20": 100.0, + "mrr_at_3": 100.0, + "mrr_at_5": 100.0, + "ndcg_at_1": 100.0, + "ndcg_at_10": 100.0, + "ndcg_at_100": 100.0, + "ndcg_at_1000": 100.0, + "ndcg_at_20": 100.0, + "ndcg_at_3": 100.0, + "ndcg_at_5": 100.0, + "precision_at_1": 100.0, + "precision_at_10": 10.0, + "precision_at_100": 1.0, + "precision_at_1000": 0.1, + "precision_at_20": 5.0, + "precision_at_3": 33.333, + "precision_at_5": 20.0, + "recall_at_1": 100.0, + "recall_at_10": 100.0, + "recall_at_100": 100.0, + "recall_at_1000": 100.0, + "recall_at_20": 100.0, + "recall_at_3": 100.0, + "recall_at_5": 100.0, + "main_score": 100.0 + } + ], + "validation": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 84.821, + "map_at_10": 90.11200000000001, + "map_at_100": 90.158, + "map_at_1000": 90.158, + "map_at_20": 90.137, + "map_at_3": 89.385, + "map_at_5": 89.876, + "mrr_at_1": 84.821, + "mrr_at_10": 90.11200000000001, + "mrr_at_100": 90.158, + "mrr_at_1000": 90.158, + "mrr_at_20": 90.137, + "mrr_at_3": 89.385, + "mrr_at_5": 89.876, + "ndcg_at_1": 84.821, + "ndcg_at_10": 92.334, + "ndcg_at_100": 92.535, + "ndcg_at_1000": 92.535, + "ndcg_at_20": 92.414, + "ndcg_at_3": 90.887, + "ndcg_at_5": 91.758, + "precision_at_1": 84.821, + "precision_at_10": 9.911, + "precision_at_100": 1.0, + "precision_at_1000": 0.1, + "precision_at_20": 4.97, + "precision_at_3": 31.746000000000002, + "precision_at_5": 19.464000000000002, + "recall_at_1": 84.821, + "recall_at_10": 99.107, + "recall_at_100": 100.0, + "recall_at_1000": 100.0, + "recall_at_20": 99.405, + "recall_at_3": 95.238, + "recall_at_5": 97.321, + "main_score": 92.334 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/MIRACLReranking.json b/results/arkohut__jina-embeddings-v3/external/MIRACLReranking.json new file mode 100644 index 000000000..c9ac323f4 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/MIRACLReranking.json @@ -0,0 +1,129 @@ +{ + "dataset_revision": "6d1962c527217f8927fca80f890f14f36b2802af", + "task_name": "MIRACLReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "MAP@1(MIRACL)": 20.721999999999998, + "MAP@10(MIRACL)": 33.900999999999996, + "MAP@100(MIRACL)": 36.813, + "MAP@1000(MIRACL)": 36.813, + "MAP@20(MIRACL)": 35.684, + "MAP@3(MIRACL)": 28.141, + "MAP@5(MIRACL)": 31.075000000000003, + "NDCG@1(MIRACL)": 32.799, + "NDCG@10(MIRACL)": 42.065000000000005, + "NDCG@100(MIRACL)": 49.730999999999995, + "NDCG@1000(MIRACL)": 49.730999999999995, + "NDCG@20(MIRACL)": 46.0, + "NDCG@3(MIRACL)": 34.481, + "NDCG@5(MIRACL)": 37.452999999999996, + "P@1(MIRACL)": 32.799, + "P@10(MIRACL)": 11.668000000000001, + "P@100(MIRACL)": 1.9529999999999998, + "P@1000(MIRACL)": 0.19499999999999998, + "P@20(MIRACL)": 7.51, + "P@3(MIRACL)": 20.823, + "P@5(MIRACL)": 16.728, + "Recall@1(MIRACL)": 20.721999999999998, + "Recall@10(MIRACL)": 54.762, + "Recall@100(MIRACL)": 79.952, + "Recall@1000(MIRACL)": 79.952, + "Recall@20(MIRACL)": 66.26100000000001, + "Recall@3(MIRACL)": 34.410000000000004, + "Recall@5(MIRACL)": 42.659000000000006, + "main_score": 42.065000000000005, + "nAUC_MAP@1000_diff1(MIRACL)": 14.33534992502818, + "nAUC_MAP@1000_max(MIRACL)": 12.367998764646115, + "nAUC_MAP@1000_std(MIRACL)": 4.569686002935006, + "nAUC_MAP@100_diff1(MIRACL)": 14.33534992502818, + "nAUC_MAP@100_max(MIRACL)": 12.367998764646115, + "nAUC_MAP@100_std(MIRACL)": 4.569686002935006, + "nAUC_MAP@10_diff1(MIRACL)": 16.920323975680027, + "nAUC_MAP@10_max(MIRACL)": 9.327171297204082, + "nAUC_MAP@10_std(MIRACL)": 3.2039133783079015, + "nAUC_MAP@1_diff1(MIRACL)": 28.698973487482206, + "nAUC_MAP@1_max(MIRACL)": 2.9217687660885034, + "nAUC_MAP@1_std(MIRACL)": -1.1247408800976524, + "nAUC_MAP@20_diff1(MIRACL)": 15.359083081640476, + "nAUC_MAP@20_max(MIRACL)": 11.310494233946345, + "nAUC_MAP@20_std(MIRACL)": 4.4171898386022885, + "nAUC_MAP@3_diff1(MIRACL)": 22.27430591851617, + "nAUC_MAP@3_max(MIRACL)": 6.407438291284658, + "nAUC_MAP@3_std(MIRACL)": 0.9799184530397409, + "nAUC_MAP@5_diff1(MIRACL)": 19.20571689941054, + "nAUC_MAP@5_max(MIRACL)": 7.987468654026893, + "nAUC_MAP@5_std(MIRACL)": 1.8324246565938962, + "nAUC_NDCG@1000_diff1(MIRACL)": 3.7537669018914768, + "nAUC_NDCG@1000_max(MIRACL)": 20.7944707840533, + "nAUC_NDCG@1000_std(MIRACL)": 8.444837055303063, + "nAUC_NDCG@100_diff1(MIRACL)": 3.7537669018914768, + "nAUC_NDCG@100_max(MIRACL)": 20.7944707840533, + "nAUC_NDCG@100_std(MIRACL)": 8.444837055303063, + "nAUC_NDCG@10_diff1(MIRACL)": 10.829575656103888, + "nAUC_NDCG@10_max(MIRACL)": 13.0445496498929, + "nAUC_NDCG@10_std(MIRACL)": 6.050412212625362, + "nAUC_NDCG@1_diff1(MIRACL)": 19.1388712233292, + "nAUC_NDCG@1_max(MIRACL)": 10.871900994781642, + "nAUC_NDCG@1_std(MIRACL)": 3.218568248751811, + "nAUC_NDCG@20_diff1(MIRACL)": 7.093172181746442, + "nAUC_NDCG@20_max(MIRACL)": 16.955238078958836, + "nAUC_NDCG@20_std(MIRACL)": 8.325656379573035, + "nAUC_NDCG@3_diff1(MIRACL)": 17.134437303330802, + "nAUC_NDCG@3_max(MIRACL)": 10.235328822955793, + "nAUC_NDCG@3_std(MIRACL)": 3.2341358691084814, + "nAUC_NDCG@5_diff1(MIRACL)": 14.733664618337636, + "nAUC_NDCG@5_max(MIRACL)": 11.181897412035282, + "nAUC_NDCG@5_std(MIRACL)": 3.642277088791985, + "nAUC_P@1000_diff1(MIRACL)": -26.330038284867573, + "nAUC_P@1000_max(MIRACL)": 28.450694137240458, + "nAUC_P@1000_std(MIRACL)": 9.892993775474912, + "nAUC_P@100_diff1(MIRACL)": -26.330038284867552, + "nAUC_P@100_max(MIRACL)": 28.45069413724051, + "nAUC_P@100_std(MIRACL)": 9.892993775474928, + "nAUC_P@10_diff1(MIRACL)": -17.436937353231112, + "nAUC_P@10_max(MIRACL)": 24.327018012947857, + "nAUC_P@10_std(MIRACL)": 11.78803527706634, + "nAUC_P@1_diff1(MIRACL)": 19.1388712233292, + "nAUC_P@1_max(MIRACL)": 10.871900994781642, + "nAUC_P@1_std(MIRACL)": 3.218568248751811, + "nAUC_P@20_diff1(MIRACL)": -22.947528755272426, + "nAUC_P@20_max(MIRACL)": 27.773093471902538, + "nAUC_P@20_std(MIRACL)": 14.898619107087221, + "nAUC_P@3_diff1(MIRACL)": 1.4100426412400944, + "nAUC_P@3_max(MIRACL)": 17.397472872058845, + "nAUC_P@3_std(MIRACL)": 8.240008229861875, + "nAUC_P@5_diff1(MIRACL)": -7.971349332207021, + "nAUC_P@5_max(MIRACL)": 22.198441167940963, + "nAUC_P@5_std(MIRACL)": 9.00265164460082, + "nAUC_Recall@1000_diff1(MIRACL)": -38.69835271863148, + "nAUC_Recall@1000_max(MIRACL)": 50.9545152809108, + "nAUC_Recall@1000_std(MIRACL)": 20.44270887092116, + "nAUC_Recall@100_diff1(MIRACL)": -38.69835271863148, + "nAUC_Recall@100_max(MIRACL)": 50.9545152809108, + "nAUC_Recall@100_std(MIRACL)": 20.44270887092116, + "nAUC_Recall@10_diff1(MIRACL)": -0.08109036309433801, + "nAUC_Recall@10_max(MIRACL)": 12.696619907773568, + "nAUC_Recall@10_std(MIRACL)": 8.791982704261589, + "nAUC_Recall@1_diff1(MIRACL)": 28.698973487482206, + "nAUC_Recall@1_max(MIRACL)": 2.9217687660885034, + "nAUC_Recall@1_std(MIRACL)": -1.1247408800976524, + "nAUC_Recall@20_diff1(MIRACL)": -13.312171017942623, + "nAUC_Recall@20_max(MIRACL)": 24.19847346821666, + "nAUC_Recall@20_std(MIRACL)": 15.8157702609797, + "nAUC_Recall@3_diff1(MIRACL)": 16.909128321353343, + "nAUC_Recall@3_max(MIRACL)": 6.552122731902991, + "nAUC_Recall@3_std(MIRACL)": 1.9963898223457228, + "nAUC_Recall@5_diff1(MIRACL)": 9.990292655247721, + "nAUC_Recall@5_max(MIRACL)": 9.361722273507574, + "nAUC_Recall@5_std(MIRACL)": 3.270918827854495 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/MLQARetrieval.json b/results/arkohut__jina-embeddings-v3/external/MLQARetrieval.json new file mode 100644 index 000000000..ee274e0fa --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/MLQARetrieval.json @@ -0,0 +1,1342 @@ +{ + "dataset_revision": "397ed406c1a7902140303e7faf60fff35b58d285", + "task_name": "MLQARetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "deu-deu", + "languages": [ + "deu-Latn", + "deu-Latn" + ], + "main_score": 67.548, + "map_at_1": 56.559000000000005, + "map_at_10": 63.867, + "map_at_100": 64.429, + "map_at_1000": 64.457, + "map_at_20": 64.215, + "map_at_3": 62.109, + "map_at_5": 63.101, + "mrr_at_1": 56.56990915134057, + "mrr_at_10": 63.86820789324668, + "mrr_at_100": 64.42973602152581, + "mrr_at_1000": 64.45818598090155, + "mrr_at_20": 64.2163052263868, + "mrr_at_3": 62.10946155550634, + "mrr_at_5": 63.10104143585199, + "nauc_map_at_1000_diff1": 73.78440163370111, + "nauc_map_at_1000_max": 66.37875518052162, + "nauc_map_at_1000_std": -17.063915098135396, + "nauc_map_at_100_diff1": 73.77180802985815, + "nauc_map_at_100_max": 66.38365998362033, + "nauc_map_at_100_std": -17.053345109661972, + "nauc_map_at_10_diff1": 73.70041876696037, + "nauc_map_at_10_max": 66.33213342705997, + "nauc_map_at_10_std": -17.40657791273925, + "nauc_map_at_1_diff1": 76.8784374396948, + "nauc_map_at_1_max": 64.07170606935357, + "nauc_map_at_1_std": -18.464213686790654, + "nauc_map_at_20_diff1": 73.72371377231813, + "nauc_map_at_20_max": 66.42108121059451, + "nauc_map_at_20_std": -17.05384923889036, + "nauc_map_at_3_diff1": 74.08287018839246, + "nauc_map_at_3_max": 66.42422337760333, + "nauc_map_at_3_std": -17.79503404131652, + "nauc_map_at_5_diff1": 73.9294779027339, + "nauc_map_at_5_max": 66.51752041065726, + "nauc_map_at_5_std": -17.67309805113804, + "nauc_mrr_at_1000_diff1": 73.78389736923545, + "nauc_mrr_at_1000_max": 66.37929720858341, + "nauc_mrr_at_1000_std": -17.058591711291278, + "nauc_mrr_at_100_diff1": 73.77126451253136, + "nauc_mrr_at_100_max": 66.38405917246607, + "nauc_mrr_at_100_std": -17.047251035212863, + "nauc_mrr_at_10_diff1": 73.69960470665124, + "nauc_mrr_at_10_max": 66.33265194210313, + "nauc_mrr_at_10_std": -17.399659076827998, + "nauc_mrr_at_1_diff1": 76.8689850260726, + "nauc_mrr_at_1_max": 64.09858188287487, + "nauc_mrr_at_1_std": -18.46064784201847, + "nauc_mrr_at_20_diff1": 73.72312682063128, + "nauc_mrr_at_20_max": 66.42181932858745, + "nauc_mrr_at_20_std": -17.04690257511092, + "nauc_mrr_at_3_diff1": 74.08287018839246, + "nauc_mrr_at_3_max": 66.42422337760333, + "nauc_mrr_at_3_std": -17.79503404131652, + "nauc_mrr_at_5_diff1": 73.9294779027339, + "nauc_mrr_at_5_max": 66.51752041065726, + "nauc_mrr_at_5_std": -17.67309805113804, + "nauc_ndcg_at_1000_diff1": 72.97825548342801, + "nauc_ndcg_at_1000_max": 66.96275437178257, + "nauc_ndcg_at_1000_std": -15.611902299641587, + "nauc_ndcg_at_100_diff1": 72.58724738936613, + "nauc_ndcg_at_100_max": 67.16774012704182, + "nauc_ndcg_at_100_std": -14.945088654796812, + "nauc_ndcg_at_10_diff1": 72.16253640477947, + "nauc_ndcg_at_10_max": 67.01746849484621, + "nauc_ndcg_at_10_std": -16.46102507270809, + "nauc_ndcg_at_1_diff1": 76.8689850260726, + "nauc_ndcg_at_1_max": 64.09858188287487, + "nauc_ndcg_at_1_std": -18.46064784201847, + "nauc_ndcg_at_20_diff1": 72.19995325129975, + "nauc_ndcg_at_20_max": 67.39639713797962, + "nauc_ndcg_at_20_std": -15.091689370748531, + "nauc_ndcg_at_3_diff1": 73.13123604206514, + "nauc_ndcg_at_3_max": 67.23123167871547, + "nauc_ndcg_at_3_std": -17.492755234009156, + "nauc_ndcg_at_5_diff1": 72.8154718929895, + "nauc_ndcg_at_5_max": 67.44578008373777, + "nauc_ndcg_at_5_std": -17.251840358751362, + "nauc_precision_at_1000_diff1": 47.89748325983604, + "nauc_precision_at_1000_max": 70.47466197804906, + "nauc_precision_at_1000_std": 72.66193512114775, + "nauc_precision_at_100_diff1": 59.493743734005356, + "nauc_precision_at_100_max": 74.02140147220713, + "nauc_precision_at_100_std": 17.26664098026236, + "nauc_precision_at_10_diff1": 64.94415011040277, + "nauc_precision_at_10_max": 69.6963814950747, + "nauc_precision_at_10_std": -11.663043657012954, + "nauc_precision_at_1_diff1": 76.8689850260726, + "nauc_precision_at_1_max": 64.09858188287487, + "nauc_precision_at_1_std": -18.46064784201847, + "nauc_precision_at_20_diff1": 63.145886909986416, + "nauc_precision_at_20_max": 72.95708033630744, + "nauc_precision_at_20_std": -1.5039593629280323, + "nauc_precision_at_3_diff1": 69.88902201644449, + "nauc_precision_at_3_max": 69.80499971089935, + "nauc_precision_at_3_std": -16.444680766676647, + "nauc_precision_at_5_diff1": 68.60869967062919, + "nauc_precision_at_5_max": 70.75998207564281, + "nauc_precision_at_5_std": -15.62613396998262, + "nauc_recall_at_1000_diff1": 62.6646436338833, + "nauc_recall_at_1000_max": 86.17801636476078, + "nauc_recall_at_1000_std": 71.84718775540334, + "nauc_recall_at_100_diff1": 61.110492191439505, + "nauc_recall_at_100_max": 75.45730686603042, + "nauc_recall_at_100_std": 16.202465011589428, + "nauc_recall_at_10_diff1": 65.1522196516815, + "nauc_recall_at_10_max": 69.7626435962161, + "nauc_recall_at_10_std": -11.801178474770449, + "nauc_recall_at_1_diff1": 76.8784374396948, + "nauc_recall_at_1_max": 64.07170606935357, + "nauc_recall_at_1_std": -18.464213686790654, + "nauc_recall_at_20_diff1": 63.40332739504143, + "nauc_recall_at_20_max": 73.04113661090965, + "nauc_recall_at_20_std": -1.6609741140266947, + "nauc_recall_at_3_diff1": 70.03728086098866, + "nauc_recall_at_3_max": 69.85953774320521, + "nauc_recall_at_3_std": -16.482993123411706, + "nauc_recall_at_5_diff1": 68.77396121765933, + "nauc_recall_at_5_max": 70.8231205493519, + "nauc_recall_at_5_std": -15.668037770700863, + "ndcg_at_1": 56.57, + "ndcg_at_10": 67.548, + "ndcg_at_100": 70.421, + "ndcg_at_1000": 71.198, + "ndcg_at_20": 68.829, + "ndcg_at_3": 63.88700000000001, + "ndcg_at_5": 65.689, + "precision_at_1": 56.57, + "precision_at_10": 7.922, + "precision_at_100": 0.9299999999999999, + "precision_at_1000": 0.099, + "precision_at_20": 4.216, + "precision_at_3": 23.015, + "precision_at_5": 14.691, + "recall_at_1": 56.559000000000005, + "recall_at_10": 79.182, + "recall_at_100": 92.946, + "recall_at_1000": 99.092, + "recall_at_20": 84.27900000000001, + "recall_at_3": 69.023, + "recall_at_5": 73.432 + }, + { + "hf_subset": "deu-spa", + "languages": [ + "deu-Latn", + "spa-Latn" + ], + "main_score": 70.645, + "map_at_1": 58.423, + "map_at_10": 66.613, + "map_at_100": 67.14099999999999, + "map_at_1000": 67.161, + "map_at_20": 66.965, + "map_at_3": 64.714, + "map_at_5": 65.835, + "mrr_at_1": 58.4225352112676, + "mrr_at_10": 66.61321260898735, + "mrr_at_100": 67.13991570812132, + "mrr_at_1000": 67.1598532168174, + "mrr_at_20": 66.96384710024888, + "mrr_at_3": 64.71361502347425, + "mrr_at_5": 65.83474178403769, + "nauc_map_at_1000_diff1": 73.9485117118935, + "nauc_map_at_1000_max": 65.74479869396299, + "nauc_map_at_1000_std": -20.300269749495563, + "nauc_map_at_100_diff1": 73.93900406302829, + "nauc_map_at_100_max": 65.75508449194885, + "nauc_map_at_100_std": -20.265330791570175, + "nauc_map_at_10_diff1": 73.84863233472605, + "nauc_map_at_10_max": 65.89377317378211, + "nauc_map_at_10_std": -20.404123131964695, + "nauc_map_at_1_diff1": 76.73627284218519, + "nauc_map_at_1_max": 62.94957512510876, + "nauc_map_at_1_std": -20.99649749330682, + "nauc_map_at_20_diff1": 73.88712006109598, + "nauc_map_at_20_max": 65.82057018162664, + "nauc_map_at_20_std": -20.269476512431915, + "nauc_map_at_3_diff1": 74.21419190161502, + "nauc_map_at_3_max": 65.64993368062119, + "nauc_map_at_3_std": -21.34641749007071, + "nauc_map_at_5_diff1": 74.0119419385777, + "nauc_map_at_5_max": 65.69809416369732, + "nauc_map_at_5_std": -21.16901556082261, + "nauc_mrr_at_1000_diff1": 73.94915184134923, + "nauc_mrr_at_1000_max": 65.74522469633418, + "nauc_mrr_at_1000_std": -20.303028367132246, + "nauc_mrr_at_100_diff1": 73.93964394728808, + "nauc_mrr_at_100_max": 65.75550992323707, + "nauc_mrr_at_100_std": -20.26808820438918, + "nauc_mrr_at_10_diff1": 73.84863233472605, + "nauc_mrr_at_10_max": 65.89377317378211, + "nauc_mrr_at_10_std": -20.404123131964695, + "nauc_mrr_at_1_diff1": 76.73627284218519, + "nauc_mrr_at_1_max": 62.94957512510876, + "nauc_mrr_at_1_std": -20.99649749330682, + "nauc_mrr_at_20_diff1": 73.88775721128745, + "nauc_mrr_at_20_max": 65.820991355628, + "nauc_mrr_at_20_std": -20.272216587019734, + "nauc_mrr_at_3_diff1": 74.21419190161502, + "nauc_mrr_at_3_max": 65.64993368062119, + "nauc_mrr_at_3_std": -21.34641749007071, + "nauc_mrr_at_5_diff1": 74.0119419385777, + "nauc_mrr_at_5_max": 65.69809416369732, + "nauc_mrr_at_5_std": -21.16901556082261, + "nauc_ndcg_at_1000_diff1": 73.29396365944277, + "nauc_ndcg_at_1000_max": 66.44879592109541, + "nauc_ndcg_at_1000_std": -19.285991058788195, + "nauc_ndcg_at_100_diff1": 73.0159172721162, + "nauc_ndcg_at_100_max": 66.76216389231388, + "nauc_ndcg_at_100_std": -18.27931368094887, + "nauc_ndcg_at_10_diff1": 72.42096650774693, + "nauc_ndcg_at_10_max": 67.48592688463306, + "nauc_ndcg_at_10_std": -18.91453756077581, + "nauc_ndcg_at_1_diff1": 76.73627284218519, + "nauc_ndcg_at_1_max": 62.94957512510876, + "nauc_ndcg_at_1_std": -20.99649749330682, + "nauc_ndcg_at_20_diff1": 72.53699362385684, + "nauc_ndcg_at_20_max": 67.22763976357872, + "nauc_ndcg_at_20_std": -18.299910635008338, + "nauc_ndcg_at_3_diff1": 73.3698453761989, + "nauc_ndcg_at_3_max": 66.71056987289383, + "nauc_ndcg_at_3_std": -21.405154376652803, + "nauc_ndcg_at_5_diff1": 72.9491030712935, + "nauc_ndcg_at_5_max": 66.85786103137077, + "nauc_ndcg_at_5_std": -21.04005053344073, + "nauc_precision_at_1000_diff1": 17.02462370967451, + "nauc_precision_at_1000_max": 48.03260752496052, + "nauc_precision_at_1000_std": 87.56077915079334, + "nauc_precision_at_100_diff1": 58.590352501194985, + "nauc_precision_at_100_max": 78.2649015433222, + "nauc_precision_at_100_std": 28.05030453158992, + "nauc_precision_at_10_diff1": 64.89497928764766, + "nauc_precision_at_10_max": 75.93257124951242, + "nauc_precision_at_10_std": -9.825306994117462, + "nauc_precision_at_1_diff1": 76.73627284218519, + "nauc_precision_at_1_max": 62.94957512510876, + "nauc_precision_at_1_std": -20.99649749330682, + "nauc_precision_at_20_diff1": 62.11366204321558, + "nauc_precision_at_20_max": 75.9571427846493, + "nauc_precision_at_20_std": -0.94585212808191, + "nauc_precision_at_3_diff1": 70.52940972112398, + "nauc_precision_at_3_max": 70.3402053170779, + "nauc_precision_at_3_std": -21.579778424241304, + "nauc_precision_at_5_diff1": 68.78962580223575, + "nauc_precision_at_5_max": 71.41410894398376, + "nauc_precision_at_5_std": -20.415603405161956, + "nauc_recall_at_1000_diff1": 55.88625447348128, + "nauc_recall_at_1000_max": 100.0, + "nauc_recall_at_1000_std": 100.0, + "nauc_recall_at_100_diff1": 61.17942268389525, + "nauc_recall_at_100_max": 81.12207841563487, + "nauc_recall_at_100_std": 27.141215257528113, + "nauc_recall_at_10_diff1": 64.8949792876478, + "nauc_recall_at_10_max": 75.93257124951249, + "nauc_recall_at_10_std": -9.825306994117323, + "nauc_recall_at_1_diff1": 76.73627284218519, + "nauc_recall_at_1_max": 62.94957512510876, + "nauc_recall_at_1_std": -20.99649749330682, + "nauc_recall_at_20_diff1": 63.07808719241162, + "nauc_recall_at_20_max": 76.96808746317542, + "nauc_recall_at_20_std": -1.5235053258631275, + "nauc_recall_at_3_diff1": 70.52940972112405, + "nauc_recall_at_3_max": 70.3402053170779, + "nauc_recall_at_3_std": -21.57977842424124, + "nauc_recall_at_5_diff1": 68.78962580223575, + "nauc_recall_at_5_max": 71.41410894398392, + "nauc_recall_at_5_std": -20.415603405161793, + "ndcg_at_1": 58.423, + "ndcg_at_10": 70.645, + "ndcg_at_100": 73.277, + "ndcg_at_1000": 73.785, + "ndcg_at_20": 71.918, + "ndcg_at_3": 66.679, + "ndcg_at_5": 68.72200000000001, + "precision_at_1": 58.423, + "precision_at_10": 8.338, + "precision_at_100": 0.959, + "precision_at_1000": 0.1, + "precision_at_20": 4.423, + "precision_at_3": 24.113, + "precision_at_5": 15.47, + "recall_at_1": 58.423, + "recall_at_10": 83.38, + "recall_at_100": 95.887, + "recall_at_1000": 99.831, + "recall_at_20": 88.39399999999999, + "recall_at_3": 72.33800000000001, + "recall_at_5": 77.352 + }, + { + "hf_subset": "deu-eng", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "main_score": 67.067, + "map_at_1": 55.861000000000004, + "map_at_10": 63.42100000000001, + "map_at_100": 64.03, + "map_at_1000": 64.05999999999999, + "map_at_20": 63.819, + "map_at_3": 61.773, + "map_at_5": 62.736999999999995, + "mrr_at_1": 55.88300465322402, + "mrr_at_10": 63.43111082973707, + "mrr_at_100": 64.03962373590272, + "mrr_at_1000": 64.0698259866376, + "mrr_at_20": 63.82871766489112, + "mrr_at_3": 61.78447448112865, + "mrr_at_5": 62.74835659945346, + "nauc_map_at_1000_diff1": 74.58505763417352, + "nauc_map_at_1000_max": 66.26060764852198, + "nauc_map_at_1000_std": -16.896178230873897, + "nauc_map_at_100_diff1": 74.57057487892857, + "nauc_map_at_100_max": 66.26600433283826, + "nauc_map_at_100_std": -16.87596113104189, + "nauc_map_at_10_diff1": 74.53453636322749, + "nauc_map_at_10_max": 66.27501737773804, + "nauc_map_at_10_std": -17.178743257781775, + "nauc_map_at_1_diff1": 77.63067209375254, + "nauc_map_at_1_max": 64.17718675702672, + "nauc_map_at_1_std": -17.639521106853717, + "nauc_map_at_20_diff1": 74.52007402431164, + "nauc_map_at_20_max": 66.28276291359268, + "nauc_map_at_20_std": -16.939292897754758, + "nauc_map_at_3_diff1": 74.79187974631951, + "nauc_map_at_3_max": 66.23256568210611, + "nauc_map_at_3_std": -17.894889918934112, + "nauc_map_at_5_diff1": 74.63011328882517, + "nauc_map_at_5_max": 66.35411054978499, + "nauc_map_at_5_std": -17.50140342194211, + "nauc_mrr_at_1000_diff1": 74.57520089771667, + "nauc_mrr_at_1000_max": 66.27270912845914, + "nauc_mrr_at_1000_std": -16.84012675362397, + "nauc_mrr_at_100_diff1": 74.56070964572156, + "nauc_mrr_at_100_max": 66.2780701126926, + "nauc_mrr_at_100_std": -16.820035083069865, + "nauc_mrr_at_10_diff1": 74.52455978435117, + "nauc_mrr_at_10_max": 66.28697244023137, + "nauc_mrr_at_10_std": -17.122477723330523, + "nauc_mrr_at_1_diff1": 77.60643512422061, + "nauc_mrr_at_1_max": 64.21736966061896, + "nauc_mrr_at_1_std": -17.56627338275146, + "nauc_mrr_at_20_diff1": 74.5099814266373, + "nauc_mrr_at_20_max": 66.29485560556576, + "nauc_mrr_at_20_std": -16.882350027335306, + "nauc_mrr_at_3_diff1": 74.78132817375507, + "nauc_mrr_at_3_max": 66.24761860047623, + "nauc_mrr_at_3_std": -17.833128575678998, + "nauc_mrr_at_5_diff1": 74.6193031207433, + "nauc_mrr_at_5_max": 66.36951764432901, + "nauc_mrr_at_5_std": -17.438203106324227, + "nauc_ndcg_at_1000_diff1": 73.79386161629151, + "nauc_ndcg_at_1000_max": 66.84013038018082, + "nauc_ndcg_at_1000_std": -15.387358822700667, + "nauc_ndcg_at_100_diff1": 73.36132885277745, + "nauc_ndcg_at_100_max": 67.04416926901568, + "nauc_ndcg_at_100_std": -14.503256942521972, + "nauc_ndcg_at_10_diff1": 73.11847332785027, + "nauc_ndcg_at_10_max": 67.02149621303091, + "nauc_ndcg_at_10_std": -16.142234662067782, + "nauc_ndcg_at_1_diff1": 77.60643512422061, + "nauc_ndcg_at_1_max": 64.21736966061896, + "nauc_ndcg_at_1_std": -17.56627338275146, + "nauc_ndcg_at_20_diff1": 72.97961452569768, + "nauc_ndcg_at_20_max": 67.12369127081152, + "nauc_ndcg_at_20_std": -15.11921773223936, + "nauc_ndcg_at_3_diff1": 73.77769312598772, + "nauc_ndcg_at_3_max": 66.94438755852309, + "nauc_ndcg_at_3_std": -17.75960443830741, + "nauc_ndcg_at_5_diff1": 73.43991209562891, + "nauc_ndcg_at_5_max": 67.21682951737418, + "nauc_ndcg_at_5_std": -17.013510008231805, + "nauc_precision_at_1000_diff1": 51.30633281948362, + "nauc_precision_at_1000_max": 76.78675288883846, + "nauc_precision_at_1000_std": 71.70041985304397, + "nauc_precision_at_100_diff1": 59.86656455853326, + "nauc_precision_at_100_max": 74.41958422732161, + "nauc_precision_at_100_std": 22.098920296069124, + "nauc_precision_at_10_diff1": 66.4696166928741, + "nauc_precision_at_10_max": 69.88463108697104, + "nauc_precision_at_10_std": -10.707950954702742, + "nauc_precision_at_1_diff1": 77.60643512422061, + "nauc_precision_at_1_max": 64.21736966061896, + "nauc_precision_at_1_std": -17.56627338275146, + "nauc_precision_at_20_diff1": 63.45094585276983, + "nauc_precision_at_20_max": 71.57741245347195, + "nauc_precision_at_20_std": -2.2211545419051744, + "nauc_precision_at_3_diff1": 70.28060818081384, + "nauc_precision_at_3_max": 69.22652927816439, + "nauc_precision_at_3_std": -17.158576243559434, + "nauc_precision_at_5_diff1": 68.90765418427162, + "nauc_precision_at_5_max": 70.32585273389111, + "nauc_precision_at_5_std": -14.950363729664524, + "nauc_recall_at_1000_diff1": 65.11255117927331, + "nauc_recall_at_1000_max": 88.35641213283338, + "nauc_recall_at_1000_std": 69.89792573640547, + "nauc_recall_at_100_diff1": 61.46376457272238, + "nauc_recall_at_100_max": 75.48265142243015, + "nauc_recall_at_100_std": 21.223182712042178, + "nauc_recall_at_10_diff1": 66.89353375308997, + "nauc_recall_at_10_max": 70.06655416883785, + "nauc_recall_at_10_std": -11.100871879439435, + "nauc_recall_at_1_diff1": 77.63067209375254, + "nauc_recall_at_1_max": 64.17718675702672, + "nauc_recall_at_1_std": -17.639521106853717, + "nauc_recall_at_20_diff1": 63.98532276331878, + "nauc_recall_at_20_max": 71.81562599791899, + "nauc_recall_at_20_std": -2.696537977147695, + "nauc_recall_at_3_diff1": 70.4507655865698, + "nauc_recall_at_3_max": 69.25705030141037, + "nauc_recall_at_3_std": -17.299948348202836, + "nauc_recall_at_5_diff1": 69.09152857901888, + "nauc_recall_at_5_max": 70.35609636026405, + "nauc_recall_at_5_std": -15.105012139255896, + "ndcg_at_1": 55.883, + "ndcg_at_10": 67.067, + "ndcg_at_100": 70.07, + "ndcg_at_1000": 70.875, + "ndcg_at_20": 68.498, + "ndcg_at_3": 63.666, + "ndcg_at_5": 65.40599999999999, + "precision_at_1": 55.883, + "precision_at_10": 7.8549999999999995, + "precision_at_100": 0.928, + "precision_at_1000": 0.099, + "precision_at_20": 4.2090000000000005, + "precision_at_3": 23.052, + "precision_at_5": 14.677999999999999, + "recall_at_1": 55.861000000000004, + "recall_at_10": 78.495, + "recall_at_100": 92.688, + "recall_at_1000": 99.02499999999999, + "recall_at_20": 84.124, + "recall_at_3": 69.123, + "recall_at_5": 73.355 + }, + { + "hf_subset": "spa-deu", + "languages": [ + "spa-Latn", + "deu-Latn" + ], + "main_score": 73.90299999999999, + "map_at_1": 61.236000000000004, + "map_at_10": 69.88799999999999, + "map_at_100": 70.319, + "map_at_1000": 70.341, + "map_at_20": 70.16799999999999, + "map_at_3": 68.104, + "map_at_5": 69.164, + "mrr_at_1": 61.2739571589628, + "mrr_at_10": 69.92589162684993, + "mrr_at_100": 70.35245455509234, + "mrr_at_1000": 70.37438351396742, + "mrr_at_20": 70.20247469915404, + "mrr_at_3": 68.14167606163099, + "mrr_at_5": 69.20142803457354, + "nauc_map_at_1000_diff1": 74.70416754842327, + "nauc_map_at_1000_max": 65.86915994583384, + "nauc_map_at_1000_std": -19.04437483534443, + "nauc_map_at_100_diff1": 74.70011798058674, + "nauc_map_at_100_max": 65.88507779167188, + "nauc_map_at_100_std": -19.018670970643786, + "nauc_map_at_10_diff1": 74.6362126804427, + "nauc_map_at_10_max": 66.05733054427198, + "nauc_map_at_10_std": -19.034317737897354, + "nauc_map_at_1_diff1": 77.24970536833601, + "nauc_map_at_1_max": 62.07820573048406, + "nauc_map_at_1_std": -20.917086586335078, + "nauc_map_at_20_diff1": 74.64113920401083, + "nauc_map_at_20_max": 65.89991740166793, + "nauc_map_at_20_std": -19.09987515041243, + "nauc_map_at_3_diff1": 74.6518162332119, + "nauc_map_at_3_max": 66.10312348194024, + "nauc_map_at_3_std": -18.95881457716116, + "nauc_map_at_5_diff1": 74.55141020670321, + "nauc_map_at_5_max": 65.94345752979342, + "nauc_map_at_5_std": -19.453976877992304, + "nauc_mrr_at_1000_diff1": 74.64458488344088, + "nauc_mrr_at_1000_max": 65.84575328456057, + "nauc_mrr_at_1000_std": -18.901614615119904, + "nauc_mrr_at_100_diff1": 74.64058497924627, + "nauc_mrr_at_100_max": 65.86170461767928, + "nauc_mrr_at_100_std": -18.87601697091505, + "nauc_mrr_at_10_diff1": 74.57266634464752, + "nauc_mrr_at_10_max": 66.03331587645152, + "nauc_mrr_at_10_std": -18.87888060105393, + "nauc_mrr_at_1_diff1": 77.19578272647183, + "nauc_mrr_at_1_max": 62.05252035478773, + "nauc_mrr_at_1_std": -20.790530940625267, + "nauc_mrr_at_20_diff1": 74.5808171250021, + "nauc_mrr_at_20_max": 65.87643606587798, + "nauc_mrr_at_20_std": -18.95476583474199, + "nauc_mrr_at_3_diff1": 74.5917053289191, + "nauc_mrr_at_3_max": 66.08044079438714, + "nauc_mrr_at_3_std": -18.81168463163586, + "nauc_mrr_at_5_diff1": 74.48934579694608, + "nauc_mrr_at_5_max": 65.91993162383771, + "nauc_mrr_at_5_std": -19.302710791338797, + "nauc_ndcg_at_1000_diff1": 74.20191283992186, + "nauc_ndcg_at_1000_max": 66.60831175771229, + "nauc_ndcg_at_1000_std": -18.175208725175484, + "nauc_ndcg_at_100_diff1": 74.07713451642955, + "nauc_ndcg_at_100_max": 67.02028626335476, + "nauc_ndcg_at_100_std": -17.36560972181693, + "nauc_ndcg_at_10_diff1": 73.63235521598476, + "nauc_ndcg_at_10_max": 67.8118473312638, + "nauc_ndcg_at_10_std": -17.647560577355915, + "nauc_ndcg_at_1_diff1": 77.19578272647183, + "nauc_ndcg_at_1_max": 62.05252035478773, + "nauc_ndcg_at_1_std": -20.790530940625267, + "nauc_ndcg_at_20_diff1": 73.65300308228291, + "nauc_ndcg_at_20_max": 67.18353402731985, + "nauc_ndcg_at_20_std": -17.9240756389792, + "nauc_ndcg_at_3_diff1": 73.73764900202292, + "nauc_ndcg_at_3_max": 67.60840957876889, + "nauc_ndcg_at_3_std": -17.962667543518933, + "nauc_ndcg_at_5_diff1": 73.49040500302092, + "nauc_ndcg_at_5_max": 67.41251918514402, + "nauc_ndcg_at_5_std": -18.851877225955523, + "nauc_precision_at_1000_diff1": -18.652906102973922, + "nauc_precision_at_1000_max": 2.1701672475574885, + "nauc_precision_at_1000_std": 61.713411950188835, + "nauc_precision_at_100_diff1": 62.37565302288498, + "nauc_precision_at_100_max": 76.96921843049006, + "nauc_precision_at_100_std": 19.152009040219678, + "nauc_precision_at_10_diff1": 68.14047344105212, + "nauc_precision_at_10_max": 77.7177273849099, + "nauc_precision_at_10_std": -9.124325941493698, + "nauc_precision_at_1_diff1": 77.19578272647183, + "nauc_precision_at_1_max": 62.05252035478773, + "nauc_precision_at_1_std": -20.790530940625267, + "nauc_precision_at_20_diff1": 65.38487456362745, + "nauc_precision_at_20_max": 74.61122933443669, + "nauc_precision_at_20_std": -8.129775929648341, + "nauc_precision_at_3_diff1": 70.45937744142297, + "nauc_precision_at_3_max": 73.03004233073901, + "nauc_precision_at_3_std": -14.246554579025158, + "nauc_precision_at_5_diff1": 69.02821772428955, + "nauc_precision_at_5_max": 73.52949774726446, + "nauc_precision_at_5_std": -16.355747231517757, + "nauc_recall_at_1000_diff1": 35.804192824985755, + "nauc_recall_at_1000_max": 61.367785756485894, + "nauc_recall_at_1000_std": 54.01380822466869, + "nauc_recall_at_100_diff1": 67.96210883597479, + "nauc_recall_at_100_max": 82.38124823732169, + "nauc_recall_at_100_std": 16.814922595309966, + "nauc_recall_at_10_diff1": 68.21964459634341, + "nauc_recall_at_10_max": 77.68301934858845, + "nauc_recall_at_10_std": -9.430792913885066, + "nauc_recall_at_1_diff1": 77.24970536833601, + "nauc_recall_at_1_max": 62.07820573048406, + "nauc_recall_at_1_std": -20.917086586335078, + "nauc_recall_at_20_diff1": 66.60569906579487, + "nauc_recall_at_20_max": 75.66163186604354, + "nauc_recall_at_20_std": -9.09826205489828, + "nauc_recall_at_3_diff1": 70.52323701841641, + "nauc_recall_at_3_max": 73.03478107411232, + "nauc_recall_at_3_std": -14.432325989967962, + "nauc_recall_at_5_diff1": 69.08521261524373, + "nauc_recall_at_5_max": 73.51150270382094, + "nauc_recall_at_5_std": -16.569387503524368, + "ndcg_at_1": 61.273999999999994, + "ndcg_at_10": 73.90299999999999, + "ndcg_at_100": 75.983, + "ndcg_at_1000": 76.488, + "ndcg_at_20": 74.921, + "ndcg_at_3": 70.277, + "ndcg_at_5": 72.172, + "precision_at_1": 61.273999999999994, + "precision_at_10": 8.641, + "precision_at_100": 0.962, + "precision_at_1000": 0.1, + "precision_at_20": 4.524, + "precision_at_3": 25.517, + "precision_at_5": 16.223000000000003, + "recall_at_1": 61.236000000000004, + "recall_at_10": 86.37700000000001, + "recall_at_100": 96.054, + "recall_at_1000": 99.887, + "recall_at_20": 90.398, + "recall_at_3": 76.51299999999999, + "recall_at_5": 81.07900000000001 + }, + { + "hf_subset": "spa-spa", + "languages": [ + "spa-Latn", + "spa-Latn" + ], + "main_score": 68.632, + "map_at_1": 57.046, + "map_at_10": 64.869, + "map_at_100": 65.384, + "map_at_1000": 65.413, + "map_at_20": 65.185, + "map_at_3": 63.178, + "map_at_5": 64.12, + "mrr_at_1": 57.05579889544848, + "mrr_at_10": 64.8806425382317, + "mrr_at_100": 65.39469233244084, + "mrr_at_1000": 65.42342199403159, + "mrr_at_20": 65.19634815919534, + "mrr_at_3": 63.18796419729591, + "mrr_at_5": 64.13159398209874, + "nauc_map_at_1000_diff1": 73.23803038674018, + "nauc_map_at_1000_max": 67.44156201421714, + "nauc_map_at_1000_std": -8.60143026450049, + "nauc_map_at_100_diff1": 73.22575613034235, + "nauc_map_at_100_max": 67.44735143420195, + "nauc_map_at_100_std": -8.576905069492895, + "nauc_map_at_10_diff1": 73.11950129610865, + "nauc_map_at_10_max": 67.45107232305055, + "nauc_map_at_10_std": -8.799837857015392, + "nauc_map_at_1_diff1": 76.18354072047988, + "nauc_map_at_1_max": 65.03342186728786, + "nauc_map_at_1_std": -10.867650288695796, + "nauc_map_at_20_diff1": 73.21570748770948, + "nauc_map_at_20_max": 67.50340321088724, + "nauc_map_at_20_std": -8.594057184944676, + "nauc_map_at_3_diff1": 73.17239276163892, + "nauc_map_at_3_max": 67.06319504819103, + "nauc_map_at_3_std": -9.883216310270528, + "nauc_map_at_5_diff1": 73.11913507367727, + "nauc_map_at_5_max": 67.27497019567078, + "nauc_map_at_5_std": -9.497714822103118, + "nauc_mrr_at_1000_diff1": 73.22971233311306, + "nauc_mrr_at_1000_max": 67.42977229057223, + "nauc_mrr_at_1000_std": -8.550068702273297, + "nauc_mrr_at_100_diff1": 73.21744467317815, + "nauc_mrr_at_100_max": 67.43557491068093, + "nauc_mrr_at_100_std": -8.52559275190607, + "nauc_mrr_at_10_diff1": 73.11075619726137, + "nauc_mrr_at_10_max": 67.43889760205286, + "nauc_mrr_at_10_std": -8.74617232559183, + "nauc_mrr_at_1_diff1": 76.17529975949547, + "nauc_mrr_at_1_max": 65.02401127001608, + "nauc_mrr_at_1_std": -10.817814457633952, + "nauc_mrr_at_20_diff1": 73.20689275225138, + "nauc_mrr_at_20_max": 67.49111752272192, + "nauc_mrr_at_20_std": -8.539827528410353, + "nauc_mrr_at_3_diff1": 73.16291729623958, + "nauc_mrr_at_3_max": 67.05300993427998, + "nauc_mrr_at_3_std": -9.827915885680811, + "nauc_mrr_at_5_diff1": 73.11055686484109, + "nauc_mrr_at_5_max": 67.26299851089122, + "nauc_mrr_at_5_std": -9.445190276650903, + "nauc_ndcg_at_1000_diff1": 72.58833638407177, + "nauc_ndcg_at_1000_max": 68.10447506371374, + "nauc_ndcg_at_1000_std": -6.910306241546282, + "nauc_ndcg_at_100_diff1": 72.24524849631476, + "nauc_ndcg_at_100_max": 68.30659210081238, + "nauc_ndcg_at_100_std": -6.04305364268931, + "nauc_ndcg_at_10_diff1": 71.87363502582961, + "nauc_ndcg_at_10_max": 68.5010009653693, + "nauc_ndcg_at_10_std": -7.021281296450588, + "nauc_ndcg_at_1_diff1": 76.17529975949547, + "nauc_ndcg_at_1_max": 65.02401127001608, + "nauc_ndcg_at_1_std": -10.817814457633952, + "nauc_ndcg_at_20_diff1": 72.21241010439327, + "nauc_ndcg_at_20_max": 68.71743274030551, + "nauc_ndcg_at_20_std": -6.186629577195946, + "nauc_ndcg_at_3_diff1": 72.08204674794459, + "nauc_ndcg_at_3_max": 67.5958365046156, + "nauc_ndcg_at_3_std": -9.576418336610345, + "nauc_ndcg_at_5_diff1": 71.93179095844508, + "nauc_ndcg_at_5_max": 68.01914639754217, + "nauc_ndcg_at_5_std": -8.833768332910777, + "nauc_precision_at_1000_diff1": 63.0051360227489, + "nauc_precision_at_1000_max": 79.93532442313229, + "nauc_precision_at_1000_std": 52.869517607133254, + "nauc_precision_at_100_diff1": 62.43301501857154, + "nauc_precision_at_100_max": 75.57280416668183, + "nauc_precision_at_100_std": 26.758300486132747, + "nauc_precision_at_10_diff1": 66.29806375971134, + "nauc_precision_at_10_max": 73.40301413754797, + "nauc_precision_at_10_std": 1.9858547295235462, + "nauc_precision_at_1_diff1": 76.17529975949547, + "nauc_precision_at_1_max": 65.02401127001608, + "nauc_precision_at_1_std": -10.817814457633952, + "nauc_precision_at_20_diff1": 67.05111836051105, + "nauc_precision_at_20_max": 76.09783190824155, + "nauc_precision_at_20_std": 9.906010659515564, + "nauc_precision_at_3_diff1": 68.44186679250453, + "nauc_precision_at_3_max": 69.30301351119388, + "nauc_precision_at_3_std": -8.566522518882348, + "nauc_precision_at_5_diff1": 67.51737199297388, + "nauc_precision_at_5_max": 70.75887601590472, + "nauc_precision_at_5_std": -6.278983102710238, + "nauc_recall_at_1000_diff1": 65.12360093170948, + "nauc_recall_at_1000_max": 82.60209843191132, + "nauc_recall_at_1000_std": 51.740179583368636, + "nauc_recall_at_100_diff1": 62.82007697326819, + "nauc_recall_at_100_max": 76.04844844677562, + "nauc_recall_at_100_std": 26.4678415019248, + "nauc_recall_at_10_diff1": 66.28557566848767, + "nauc_recall_at_10_max": 73.40302709828738, + "nauc_recall_at_10_std": 1.9224272854613582, + "nauc_recall_at_1_diff1": 76.18354072047988, + "nauc_recall_at_1_max": 65.03342186728786, + "nauc_recall_at_1_std": -10.867650288695796, + "nauc_recall_at_20_diff1": 67.03430451094992, + "nauc_recall_at_20_max": 76.09474005171319, + "nauc_recall_at_20_std": 9.815888637851074, + "nauc_recall_at_3_diff1": 68.44411411344718, + "nauc_recall_at_3_max": 69.30502737137265, + "nauc_recall_at_3_std": -8.629526329714132, + "nauc_recall_at_5_diff1": 67.51469265953514, + "nauc_recall_at_5_max": 70.76969893818111, + "nauc_recall_at_5_std": -6.325600167105444, + "ndcg_at_1": 57.056, + "ndcg_at_10": 68.632, + "ndcg_at_100": 71.202, + "ndcg_at_1000": 71.97099999999999, + "ndcg_at_20": 69.785, + "ndcg_at_3": 65.131, + "ndcg_at_5": 66.834, + "precision_at_1": 57.056, + "precision_at_10": 8.044, + "precision_at_100": 0.9259999999999999, + "precision_at_1000": 0.099, + "precision_at_20": 4.251, + "precision_at_3": 23.589, + "precision_at_5": 14.984, + "recall_at_1": 57.046, + "recall_at_10": 80.423, + "recall_at_100": 92.582, + "recall_at_1000": 98.638, + "recall_at_20": 84.993, + "recall_at_3": 70.758, + "recall_at_5": 74.9 + }, + { + "hf_subset": "spa-eng", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "main_score": 68.765, + "map_at_1": 56.538999999999994, + "map_at_10": 64.816, + "map_at_100": 65.325, + "map_at_1000": 65.352, + "map_at_20": 65.113, + "map_at_3": 62.934999999999995, + "map_at_5": 64.063, + "mrr_at_1": 56.539120502569965, + "mrr_at_10": 64.81561556661505, + "mrr_at_100": 65.32464238613954, + "mrr_at_1000": 65.35206516602133, + "mrr_at_20": 65.11270445292227, + "mrr_at_3": 62.935465448315384, + "mrr_at_5": 64.06339234723022, + "nauc_map_at_1000_diff1": 73.20701050428072, + "nauc_map_at_1000_max": 67.32797480614404, + "nauc_map_at_1000_std": -6.211540626528362, + "nauc_map_at_100_diff1": 73.19497683923063, + "nauc_map_at_100_max": 67.33392646467817, + "nauc_map_at_100_std": -6.196671563900051, + "nauc_map_at_10_diff1": 73.16010547612956, + "nauc_map_at_10_max": 67.37793741307372, + "nauc_map_at_10_std": -6.3443240322521675, + "nauc_map_at_1_diff1": 76.63696578575964, + "nauc_map_at_1_max": 65.08189618178105, + "nauc_map_at_1_std": -8.594195451782733, + "nauc_map_at_20_diff1": 73.15233479381568, + "nauc_map_at_20_max": 67.3679607256072, + "nauc_map_at_20_std": -6.175928265286352, + "nauc_map_at_3_diff1": 73.14853380980746, + "nauc_map_at_3_max": 67.10354198073468, + "nauc_map_at_3_std": -7.409679815529866, + "nauc_map_at_5_diff1": 73.13425961877715, + "nauc_map_at_5_max": 67.22452899371224, + "nauc_map_at_5_std": -6.895257774506354, + "nauc_mrr_at_1000_diff1": 73.20701050428072, + "nauc_mrr_at_1000_max": 67.32797480614404, + "nauc_mrr_at_1000_std": -6.211540626528362, + "nauc_mrr_at_100_diff1": 73.19497683923063, + "nauc_mrr_at_100_max": 67.33392646467817, + "nauc_mrr_at_100_std": -6.196671563900051, + "nauc_mrr_at_10_diff1": 73.16010547612956, + "nauc_mrr_at_10_max": 67.37793741307372, + "nauc_mrr_at_10_std": -6.3443240322521675, + "nauc_mrr_at_1_diff1": 76.63696578575964, + "nauc_mrr_at_1_max": 65.08189618178105, + "nauc_mrr_at_1_std": -8.594195451782733, + "nauc_mrr_at_20_diff1": 73.15233479381568, + "nauc_mrr_at_20_max": 67.3679607256072, + "nauc_mrr_at_20_std": -6.175928265286352, + "nauc_mrr_at_3_diff1": 73.14853380980746, + "nauc_mrr_at_3_max": 67.10354198073468, + "nauc_mrr_at_3_std": -7.409679815529866, + "nauc_mrr_at_5_diff1": 73.13425961877715, + "nauc_mrr_at_5_max": 67.22452899371224, + "nauc_mrr_at_5_std": -6.895257774506354, + "nauc_ndcg_at_1000_diff1": 72.44364625096874, + "nauc_ndcg_at_1000_max": 67.93635761141552, + "nauc_ndcg_at_1000_std": -4.616429464350954, + "nauc_ndcg_at_100_diff1": 72.11352383758482, + "nauc_ndcg_at_100_max": 68.1627312575955, + "nauc_ndcg_at_100_std": -3.894213672131282, + "nauc_ndcg_at_10_diff1": 71.8526850770812, + "nauc_ndcg_at_10_max": 68.41366561888562, + "nauc_ndcg_at_10_std": -4.472146861145989, + "nauc_ndcg_at_1_diff1": 76.63696578575964, + "nauc_ndcg_at_1_max": 65.08189618178105, + "nauc_ndcg_at_1_std": -8.594195451782733, + "nauc_ndcg_at_20_diff1": 71.76464418138866, + "nauc_ndcg_at_20_max": 68.41174963313698, + "nauc_ndcg_at_20_std": -3.7449762037540157, + "nauc_ndcg_at_3_diff1": 71.93808990683131, + "nauc_ndcg_at_3_max": 67.7010029507334, + "nauc_ndcg_at_3_std": -6.971858419379321, + "nauc_ndcg_at_5_diff1": 71.8505224811326, + "nauc_ndcg_at_5_max": 67.97139549500251, + "nauc_ndcg_at_5_std": -5.958491308070017, + "nauc_precision_at_1000_diff1": 62.20956180320043, + "nauc_precision_at_1000_max": 82.53412670611299, + "nauc_precision_at_1000_std": 55.57278124999575, + "nauc_precision_at_100_diff1": 62.03792857023201, + "nauc_precision_at_100_max": 76.77130713424538, + "nauc_precision_at_100_std": 26.674102719959564, + "nauc_precision_at_10_diff1": 65.89798055049931, + "nauc_precision_at_10_max": 73.41908620140674, + "nauc_precision_at_10_std": 5.21818573283179, + "nauc_precision_at_1_diff1": 76.63696578575964, + "nauc_precision_at_1_max": 65.08189618178105, + "nauc_precision_at_1_std": -8.594195451782733, + "nauc_precision_at_20_diff1": 63.734308542647355, + "nauc_precision_at_20_max": 74.69578825096144, + "nauc_precision_at_20_std": 12.627842502659162, + "nauc_precision_at_3_diff1": 67.91189666671904, + "nauc_precision_at_3_max": 69.64986036783209, + "nauc_precision_at_3_std": -5.505669087429055, + "nauc_precision_at_5_diff1": 67.01880006360248, + "nauc_precision_at_5_max": 70.78916423358686, + "nauc_precision_at_5_std": -2.2273742736401045, + "nauc_recall_at_1000_diff1": 62.20956180319936, + "nauc_recall_at_1000_max": 82.53412670611287, + "nauc_recall_at_1000_std": 55.57278124999549, + "nauc_recall_at_100_diff1": 62.03792857023208, + "nauc_recall_at_100_max": 76.77130713424577, + "nauc_recall_at_100_std": 26.67410271995973, + "nauc_recall_at_10_diff1": 65.8979805504994, + "nauc_recall_at_10_max": 73.41908620140678, + "nauc_recall_at_10_std": 5.2181857328318655, + "nauc_recall_at_1_diff1": 76.63696578575964, + "nauc_recall_at_1_max": 65.08189618178105, + "nauc_recall_at_1_std": -8.594195451782733, + "nauc_recall_at_20_diff1": 63.734308542647334, + "nauc_recall_at_20_max": 74.69578825096123, + "nauc_recall_at_20_std": 12.627842502658982, + "nauc_recall_at_3_diff1": 67.91189666671897, + "nauc_recall_at_3_max": 69.64986036783203, + "nauc_recall_at_3_std": -5.505669087428989, + "nauc_recall_at_5_diff1": 67.01880006360243, + "nauc_recall_at_5_max": 70.78916423358686, + "nauc_recall_at_5_std": -2.227374273640135, + "ndcg_at_1": 56.538999999999994, + "ndcg_at_10": 68.765, + "ndcg_at_100": 71.314, + "ndcg_at_1000": 72.038, + "ndcg_at_20": 69.828, + "ndcg_at_3": 64.937, + "ndcg_at_5": 66.956, + "precision_at_1": 56.538999999999994, + "precision_at_10": 8.113, + "precision_at_100": 0.932, + "precision_at_1000": 0.099, + "precision_at_20": 4.265, + "precision_at_3": 23.567, + "precision_at_5": 15.115, + "recall_at_1": 56.538999999999994, + "recall_at_10": 81.135, + "recall_at_100": 93.223, + "recall_at_1000": 98.896, + "recall_at_20": 85.304, + "recall_at_3": 70.702, + "recall_at_5": 75.576 + }, + { + "hf_subset": "eng-deu", + "languages": [ + "eng-Latn", + "deu-Latn" + ], + "main_score": 69.298, + "map_at_1": 58.553, + "map_at_10": 65.769, + "map_at_100": 66.298, + "map_at_1000": 66.328, + "map_at_20": 66.101, + "map_at_3": 64.048, + "map_at_5": 65.09, + "mrr_at_1": 58.564148016840235, + "mrr_at_10": 65.7685997066675, + "mrr_at_100": 66.29874034432214, + "mrr_at_1000": 66.32844979939088, + "mrr_at_20": 66.10120513957821, + "mrr_at_3": 64.04830489696437, + "mrr_at_5": 65.08974074894746, + "nauc_map_at_1000_diff1": 76.8409650183994, + "nauc_map_at_1000_max": 71.86367015521367, + "nauc_map_at_1000_std": -14.464881539957256, + "nauc_map_at_100_diff1": 76.82536521842064, + "nauc_map_at_100_max": 71.86811127965429, + "nauc_map_at_100_std": -14.441105539722244, + "nauc_map_at_10_diff1": 76.75522453447859, + "nauc_map_at_10_max": 71.87677500176706, + "nauc_map_at_10_std": -14.741331625103559, + "nauc_map_at_1_diff1": 79.64060747740989, + "nauc_map_at_1_max": 69.84278563569617, + "nauc_map_at_1_std": -15.936904929655832, + "nauc_map_at_20_diff1": 76.78894776059715, + "nauc_map_at_20_max": 71.89637938044827, + "nauc_map_at_20_std": -14.500564106990769, + "nauc_map_at_3_diff1": 77.20562577450342, + "nauc_map_at_3_max": 71.80578229361525, + "nauc_map_at_3_std": -15.344134588512201, + "nauc_map_at_5_diff1": 77.00480147367867, + "nauc_map_at_5_max": 71.98335924076163, + "nauc_map_at_5_std": -15.16537653041026, + "nauc_mrr_at_1000_diff1": 76.84165367691193, + "nauc_mrr_at_1000_max": 71.8642679499795, + "nauc_mrr_at_1000_std": -14.461717954593158, + "nauc_mrr_at_100_diff1": 76.8263363557998, + "nauc_mrr_at_100_max": 71.86874522368626, + "nauc_mrr_at_100_std": -14.437105168707426, + "nauc_mrr_at_10_diff1": 76.75522453447859, + "nauc_mrr_at_10_max": 71.87677500176706, + "nauc_mrr_at_10_std": -14.741331625103559, + "nauc_mrr_at_1_diff1": 79.65642669321981, + "nauc_mrr_at_1_max": 69.89135358784799, + "nauc_mrr_at_1_std": -15.919357002229589, + "nauc_mrr_at_20_diff1": 76.78883171270601, + "nauc_mrr_at_20_max": 71.89806887245291, + "nauc_mrr_at_20_std": -14.497139746907905, + "nauc_mrr_at_3_diff1": 77.20562577450342, + "nauc_mrr_at_3_max": 71.80578229361525, + "nauc_mrr_at_3_std": -15.344134588512201, + "nauc_mrr_at_5_diff1": 77.00480147367867, + "nauc_mrr_at_5_max": 71.98335924076163, + "nauc_mrr_at_5_std": -15.16537653041026, + "nauc_ndcg_at_1000_diff1": 76.07802417817047, + "nauc_ndcg_at_1000_max": 72.31792804426776, + "nauc_ndcg_at_1000_std": -13.049160715132244, + "nauc_ndcg_at_100_diff1": 75.63343849116544, + "nauc_ndcg_at_100_max": 72.48362076101817, + "nauc_ndcg_at_100_std": -12.089600993516777, + "nauc_ndcg_at_10_diff1": 75.23387929929208, + "nauc_ndcg_at_10_max": 72.51436288271807, + "nauc_ndcg_at_10_std": -13.624132103038104, + "nauc_ndcg_at_1_diff1": 79.65642669321981, + "nauc_ndcg_at_1_max": 69.89135358784799, + "nauc_ndcg_at_1_std": -15.919357002229589, + "nauc_ndcg_at_20_diff1": 75.32926047656296, + "nauc_ndcg_at_20_max": 72.61254165918145, + "nauc_ndcg_at_20_std": -12.683157599238701, + "nauc_ndcg_at_3_diff1": 76.3089337665469, + "nauc_ndcg_at_3_max": 72.40014674426054, + "nauc_ndcg_at_3_std": -15.08624226353458, + "nauc_ndcg_at_5_diff1": 75.88857331641834, + "nauc_ndcg_at_5_max": 72.7719386827224, + "nauc_ndcg_at_5_std": -14.70546521089236, + "nauc_precision_at_1000_diff1": 59.66563879069911, + "nauc_precision_at_1000_max": 74.57123562956772, + "nauc_precision_at_1000_std": 58.61396866718965, + "nauc_precision_at_100_diff1": 62.8695896550042, + "nauc_precision_at_100_max": 77.81408796785, + "nauc_precision_at_100_std": 23.819735672317826, + "nauc_precision_at_10_diff1": 68.08051625224569, + "nauc_precision_at_10_max": 75.14432336036869, + "nauc_precision_at_10_std": -7.97602345252735, + "nauc_precision_at_1_diff1": 79.65642669321981, + "nauc_precision_at_1_max": 69.89135358784799, + "nauc_precision_at_1_std": -15.919357002229589, + "nauc_precision_at_20_diff1": 66.7168005185165, + "nauc_precision_at_20_max": 76.58522761697147, + "nauc_precision_at_20_std": -0.17923428317323292, + "nauc_precision_at_3_diff1": 73.23394851561207, + "nauc_precision_at_3_max": 74.32517846819215, + "nauc_precision_at_3_std": -14.142301336188348, + "nauc_precision_at_5_diff1": 71.5666882547012, + "nauc_precision_at_5_max": 75.71098205440033, + "nauc_precision_at_5_std": -12.808362513638052, + "nauc_recall_at_1000_diff1": 71.73736112325805, + "nauc_recall_at_1000_max": 86.70743436225898, + "nauc_recall_at_1000_std": 54.45802578371167, + "nauc_recall_at_100_diff1": 64.07053861428128, + "nauc_recall_at_100_max": 78.8348308099261, + "nauc_recall_at_100_std": 22.72263677785103, + "nauc_recall_at_10_diff1": 68.20272901407903, + "nauc_recall_at_10_max": 75.16315335381938, + "nauc_recall_at_10_std": -8.060716748913386, + "nauc_recall_at_1_diff1": 79.64060747740989, + "nauc_recall_at_1_max": 69.84278563569617, + "nauc_recall_at_1_std": -15.936904929655832, + "nauc_recall_at_20_diff1": 66.88206981973654, + "nauc_recall_at_20_max": 76.54824917595687, + "nauc_recall_at_20_std": -0.40294589316962287, + "nauc_recall_at_3_diff1": 73.33076087258938, + "nauc_recall_at_3_max": 74.33763112508771, + "nauc_recall_at_3_std": -14.213355414905399, + "nauc_recall_at_5_diff1": 71.67487623469464, + "nauc_recall_at_5_max": 75.72770292516316, + "nauc_recall_at_5_std": -12.887572274644818, + "ndcg_at_1": 58.56400000000001, + "ndcg_at_10": 69.298, + "ndcg_at_100": 71.95899999999999, + "ndcg_at_1000": 72.735, + "ndcg_at_20": 70.50699999999999, + "ndcg_at_3": 65.81700000000001, + "ndcg_at_5": 67.681, + "precision_at_1": 58.56400000000001, + "precision_at_10": 8.039, + "precision_at_100": 0.931, + "precision_at_1000": 0.099, + "precision_at_20": 4.259, + "precision_at_3": 23.65, + "precision_at_5": 15.09, + "recall_at_1": 58.553, + "recall_at_10": 80.368, + "recall_at_100": 93.013, + "recall_at_1000": 99.092, + "recall_at_20": 85.143, + "recall_at_3": 70.928, + "recall_at_5": 75.42699999999999 + }, + { + "hf_subset": "eng-spa", + "languages": [ + "eng-Latn", + "spa-Latn" + ], + "main_score": 66.374, + "map_at_1": 55.494, + "map_at_10": 62.763999999999996, + "map_at_100": 63.33, + "map_at_1000": 63.36000000000001, + "map_at_20": 63.104000000000006, + "map_at_3": 61.065000000000005, + "map_at_5": 62.053000000000004, + "mrr_at_1": 55.49419158255571, + "mrr_at_10": 62.765195140457095, + "mrr_at_100": 63.33083349354529, + "mrr_at_1000": 63.3611897014839, + "mrr_at_20": 63.10543590095977, + "mrr_at_3": 61.06455913159412, + "mrr_at_5": 62.052942296705474, + "nauc_map_at_1000_diff1": 75.04200018088618, + "nauc_map_at_1000_max": 70.49937782771909, + "nauc_map_at_1000_std": -5.257206317083184, + "nauc_map_at_100_diff1": 75.02786834256312, + "nauc_map_at_100_max": 70.5016476500189, + "nauc_map_at_100_std": -5.228770832077681, + "nauc_map_at_10_diff1": 74.9626552701647, + "nauc_map_at_10_max": 70.56253732243214, + "nauc_map_at_10_std": -5.359037281768563, + "nauc_map_at_1_diff1": 78.46858307815857, + "nauc_map_at_1_max": 69.03908373759435, + "nauc_map_at_1_std": -7.479412070736642, + "nauc_map_at_20_diff1": 74.98121458084796, + "nauc_map_at_20_max": 70.51885366822565, + "nauc_map_at_20_std": -5.286051287133815, + "nauc_map_at_3_diff1": 75.36078454383373, + "nauc_map_at_3_max": 70.34997144546014, + "nauc_map_at_3_std": -6.663517224039184, + "nauc_map_at_5_diff1": 75.0274512828238, + "nauc_map_at_5_max": 70.45292551591874, + "nauc_map_at_5_std": -6.029224488640147, + "nauc_mrr_at_1000_diff1": 75.04018768469983, + "nauc_mrr_at_1000_max": 70.49855509132635, + "nauc_mrr_at_1000_std": -5.258929961409948, + "nauc_mrr_at_100_diff1": 75.02605732810112, + "nauc_mrr_at_100_max": 70.50082584929103, + "nauc_mrr_at_100_std": -5.2304917988542154, + "nauc_mrr_at_10_diff1": 74.96079080525713, + "nauc_mrr_at_10_max": 70.56167294920391, + "nauc_mrr_at_10_std": -5.360650630655072, + "nauc_mrr_at_1_diff1": 78.46858307815857, + "nauc_mrr_at_1_max": 69.03908373759435, + "nauc_mrr_at_1_std": -7.479412070736642, + "nauc_mrr_at_20_diff1": 74.97939804960517, + "nauc_mrr_at_20_max": 70.51804078965411, + "nauc_mrr_at_20_std": -5.287681954889177, + "nauc_mrr_at_3_diff1": 75.36078454383373, + "nauc_mrr_at_3_max": 70.34997144546014, + "nauc_mrr_at_3_std": -6.663517224039184, + "nauc_mrr_at_5_diff1": 75.0274512828238, + "nauc_mrr_at_5_max": 70.45292551591874, + "nauc_mrr_at_5_std": -6.029224488640147, + "nauc_ndcg_at_1000_diff1": 74.22106834748942, + "nauc_ndcg_at_1000_max": 70.93625922934912, + "nauc_ndcg_at_1000_std": -3.4878399005946017, + "nauc_ndcg_at_100_diff1": 73.74068883646733, + "nauc_ndcg_at_100_max": 71.02357018347472, + "nauc_ndcg_at_100_std": -2.462293184201324, + "nauc_ndcg_at_10_diff1": 73.40967965536565, + "nauc_ndcg_at_10_max": 71.29379828672067, + "nauc_ndcg_at_10_std": -3.295547756383108, + "nauc_ndcg_at_1_diff1": 78.46858307815857, + "nauc_ndcg_at_1_max": 69.03908373759435, + "nauc_ndcg_at_1_std": -7.479412070736642, + "nauc_ndcg_at_20_diff1": 73.45790057693699, + "nauc_ndcg_at_20_max": 71.16598432419126, + "nauc_ndcg_at_20_std": -2.962877157646097, + "nauc_ndcg_at_3_diff1": 74.30696173964847, + "nauc_ndcg_at_3_max": 70.79878978459556, + "nauc_ndcg_at_3_std": -6.297286578628299, + "nauc_ndcg_at_5_diff1": 73.65858211199816, + "nauc_ndcg_at_5_max": 71.01122417463776, + "nauc_ndcg_at_5_std": -5.075990882646765, + "nauc_precision_at_1000_diff1": 68.71065091972568, + "nauc_precision_at_1000_max": 81.38173585624777, + "nauc_precision_at_1000_std": 58.035497889797895, + "nauc_precision_at_100_diff1": 61.93634256957017, + "nauc_precision_at_100_max": 74.84191770203093, + "nauc_precision_at_100_std": 31.3325983123831, + "nauc_precision_at_10_diff1": 66.68247010944937, + "nauc_precision_at_10_max": 74.48773524654571, + "nauc_precision_at_10_std": 6.560421880785153, + "nauc_precision_at_1_diff1": 78.46858307815857, + "nauc_precision_at_1_max": 69.03908373759435, + "nauc_precision_at_1_std": -7.479412070736642, + "nauc_precision_at_20_diff1": 65.51592872758067, + "nauc_precision_at_20_max": 74.50684066823096, + "nauc_precision_at_20_std": 10.830479877698208, + "nauc_precision_at_3_diff1": 70.89587884861588, + "nauc_precision_at_3_max": 72.25310558370424, + "nauc_precision_at_3_std": -5.0796100900749765, + "nauc_precision_at_5_diff1": 68.71885719845497, + "nauc_precision_at_5_max": 73.02601751485672, + "nauc_precision_at_5_std": -1.4382681421626857, + "nauc_recall_at_1000_diff1": 71.95510299834734, + "nauc_recall_at_1000_max": 84.03647166092985, + "nauc_recall_at_1000_std": 56.87490604776847, + "nauc_recall_at_100_diff1": 62.446624924715955, + "nauc_recall_at_100_max": 75.25666892464507, + "nauc_recall_at_100_std": 31.068789794554686, + "nauc_recall_at_10_diff1": 66.70676336328988, + "nauc_recall_at_10_max": 74.4963699656397, + "nauc_recall_at_10_std": 6.57498399706916, + "nauc_recall_at_1_diff1": 78.46858307815857, + "nauc_recall_at_1_max": 69.03908373759435, + "nauc_recall_at_1_std": -7.479412070736642, + "nauc_recall_at_20_diff1": 65.54082767974772, + "nauc_recall_at_20_max": 74.5111529838772, + "nauc_recall_at_20_std": 10.84574829707354, + "nauc_recall_at_3_diff1": 70.89587884861584, + "nauc_recall_at_3_max": 72.25310558370421, + "nauc_recall_at_3_std": -5.07961009007491, + "nauc_recall_at_5_diff1": 68.71885719845501, + "nauc_recall_at_5_max": 73.02601751485666, + "nauc_recall_at_5_std": -1.4382681421626995, + "ndcg_at_1": 55.494, + "ndcg_at_10": 66.374, + "ndcg_at_100": 69.254, + "ndcg_at_1000": 70.136, + "ndcg_at_20": 67.599, + "ndcg_at_3": 62.863, + "ndcg_at_5": 64.644, + "precision_at_1": 55.494, + "precision_at_10": 7.776, + "precision_at_100": 0.9159999999999999, + "precision_at_1000": 0.099, + "precision_at_20": 4.1290000000000004, + "precision_at_3": 22.688, + "precision_at_5": 14.477, + "recall_at_1": 55.494, + "recall_at_10": 77.747, + "recall_at_100": 91.535, + "recall_at_1000": 98.619, + "recall_at_20": 82.565, + "recall_at_3": 68.063, + "recall_at_5": 72.386 + }, + { + "hf_subset": "eng-eng", + "languages": [ + "eng-Latn", + "eng-Latn" + ], + "main_score": 64.723, + "map_at_1": 54.308, + "map_at_10": 61.26200000000001, + "map_at_100": 61.82299999999999, + "map_at_1000": 61.856, + "map_at_20": 61.575, + "map_at_3": 59.565, + "map_at_5": 60.561, + "mrr_at_1": 54.31704368848212, + "mrr_at_10": 61.26520216098834, + "mrr_at_100": 61.82588321127103, + "mrr_at_1000": 61.859333030574334, + "mrr_at_20": 61.57780339921337, + "mrr_at_3": 59.569446842801646, + "mrr_at_5": 60.56323029989004, + "nauc_map_at_1000_diff1": 74.21413722468635, + "nauc_map_at_1000_max": 70.41741227882316, + "nauc_map_at_1000_std": -2.5438707209848506, + "nauc_map_at_100_diff1": 74.19812315947975, + "nauc_map_at_100_max": 70.41589146728445, + "nauc_map_at_100_std": -2.5336117059429553, + "nauc_map_at_10_diff1": 74.21810561152937, + "nauc_map_at_10_max": 70.48816115200171, + "nauc_map_at_10_std": -2.7443834681406734, + "nauc_map_at_1_diff1": 77.69378738778958, + "nauc_map_at_1_max": 68.64652310701173, + "nauc_map_at_1_std": -4.667071946448379, + "nauc_map_at_20_diff1": 74.16105697562438, + "nauc_map_at_20_max": 70.42491994631179, + "nauc_map_at_20_std": -2.6070416022440472, + "nauc_map_at_3_diff1": 74.60449392878863, + "nauc_map_at_3_max": 70.39888609914269, + "nauc_map_at_3_std": -3.5401151125723986, + "nauc_map_at_5_diff1": 74.2423420992663, + "nauc_map_at_5_max": 70.36574501826757, + "nauc_map_at_5_std": -3.2707393116898964, + "nauc_mrr_at_1000_diff1": 74.21029843731323, + "nauc_mrr_at_1000_max": 70.43020492688913, + "nauc_mrr_at_1000_std": -2.526895582202081, + "nauc_mrr_at_100_diff1": 74.19440960479243, + "nauc_mrr_at_100_max": 70.4288998824232, + "nauc_mrr_at_100_std": -2.5160929945118107, + "nauc_mrr_at_10_diff1": 74.2141357266166, + "nauc_mrr_at_10_max": 70.5005683347807, + "nauc_mrr_at_10_std": -2.727154557882168, + "nauc_mrr_at_1_diff1": 77.69891248239793, + "nauc_mrr_at_1_max": 68.68255231164922, + "nauc_mrr_at_1_std": -4.630226727154317, + "nauc_mrr_at_20_diff1": 74.15705434409723, + "nauc_mrr_at_20_max": 70.43741835972747, + "nauc_mrr_at_20_std": -2.5896756472464495, + "nauc_mrr_at_3_diff1": 74.5981844349412, + "nauc_mrr_at_3_max": 70.41834937080564, + "nauc_mrr_at_3_std": -3.5161656408031163, + "nauc_mrr_at_5_diff1": 74.23847535424844, + "nauc_mrr_at_5_max": 70.37763810013656, + "nauc_mrr_at_5_std": -3.2560955164581733, + "nauc_ndcg_at_1000_diff1": 73.20994496725493, + "nauc_ndcg_at_1000_max": 70.8903016277125, + "nauc_ndcg_at_1000_std": -0.625772298462309, + "nauc_ndcg_at_100_diff1": 72.6847141682645, + "nauc_ndcg_at_100_max": 70.86564422034162, + "nauc_ndcg_at_100_std": -0.07195786766326141, + "nauc_ndcg_at_10_diff1": 72.78806493754281, + "nauc_ndcg_at_10_max": 71.21957067926769, + "nauc_ndcg_at_10_std": -1.2760418313382227, + "nauc_ndcg_at_1_diff1": 77.69891248239793, + "nauc_ndcg_at_1_max": 68.68255231164922, + "nauc_ndcg_at_1_std": -4.630226727154317, + "nauc_ndcg_at_20_diff1": 72.52082440882546, + "nauc_ndcg_at_20_max": 70.98185004796734, + "nauc_ndcg_at_20_std": -0.6908280874815464, + "nauc_ndcg_at_3_diff1": 73.59870660843939, + "nauc_ndcg_at_3_max": 70.94391957288654, + "nauc_ndcg_at_3_std": -3.147723179140428, + "nauc_ndcg_at_5_diff1": 72.90122868193457, + "nauc_ndcg_at_5_max": 70.89376368965165, + "nauc_ndcg_at_5_std": -2.6451807385626744, + "nauc_precision_at_1000_diff1": 58.14737201864067, + "nauc_precision_at_1000_max": 78.79011251144826, + "nauc_precision_at_1000_std": 59.98985420476577, + "nauc_precision_at_100_diff1": 59.21069121644552, + "nauc_precision_at_100_max": 73.00557835912306, + "nauc_precision_at_100_std": 26.85027406282173, + "nauc_precision_at_10_diff1": 66.8760831023675, + "nauc_precision_at_10_max": 74.21167950452596, + "nauc_precision_at_10_std": 5.453652499335947, + "nauc_precision_at_1_diff1": 77.69891248239793, + "nauc_precision_at_1_max": 68.68255231164922, + "nauc_precision_at_1_std": -4.630226727154317, + "nauc_precision_at_20_diff1": 64.3118559132602, + "nauc_precision_at_20_max": 73.33078184673825, + "nauc_precision_at_20_std": 9.993299523049402, + "nauc_precision_at_3_diff1": 70.38667185155593, + "nauc_precision_at_3_max": 72.66495006030951, + "nauc_precision_at_3_std": -1.8532839591326276, + "nauc_precision_at_5_diff1": 68.12161337583686, + "nauc_precision_at_5_max": 72.65644960375046, + "nauc_precision_at_5_std": -0.33317164167012875, + "nauc_recall_at_1000_diff1": 61.63204394739985, + "nauc_recall_at_1000_max": 81.77241537319897, + "nauc_recall_at_1000_std": 58.44841544062308, + "nauc_recall_at_100_diff1": 59.72072697224705, + "nauc_recall_at_100_max": 73.28519507061553, + "nauc_recall_at_100_std": 26.27318390763456, + "nauc_recall_at_10_diff1": 66.9757135465418, + "nauc_recall_at_10_max": 74.21919493374149, + "nauc_recall_at_10_std": 5.323369605377166, + "nauc_recall_at_1_diff1": 77.69378738778958, + "nauc_recall_at_1_max": 68.64652310701173, + "nauc_recall_at_1_std": -4.667071946448379, + "nauc_recall_at_20_diff1": 64.42290081731899, + "nauc_recall_at_20_max": 73.3358289439033, + "nauc_recall_at_20_std": 9.846598361586073, + "nauc_recall_at_3_diff1": 70.41211290964785, + "nauc_recall_at_3_max": 72.64451776775402, + "nauc_recall_at_3_std": -1.916280959835826, + "nauc_recall_at_5_diff1": 68.20695272727916, + "nauc_recall_at_5_max": 72.66404224006101, + "nauc_recall_at_5_std": -0.431125323007886, + "ndcg_at_1": 54.31700000000001, + "ndcg_at_10": 64.723, + "ndcg_at_100": 67.648, + "ndcg_at_1000": 68.619, + "ndcg_at_20": 65.85499999999999, + "ndcg_at_3": 61.244, + "ndcg_at_5": 63.038000000000004, + "precision_at_1": 54.31700000000001, + "precision_at_10": 7.564, + "precision_at_100": 0.898, + "precision_at_1000": 0.098, + "precision_at_20": 4.005, + "precision_at_3": 22.034000000000002, + "precision_at_5": 14.093, + "recall_at_1": 54.308, + "recall_at_10": 75.622, + "recall_at_100": 89.744, + "recall_at_1000": 97.539, + "recall_at_20": 80.085, + "recall_at_3": 66.09, + "recall_at_5": 70.446 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/MLSUMClusteringP2P.json b/results/arkohut__jina-embeddings-v3/external/MLSUMClusteringP2P.json new file mode 100644 index 000000000..0a071e859 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/MLSUMClusteringP2P.json @@ -0,0 +1,82 @@ +{ + "dataset_revision": "b5d54f8f3b61ae17845046286940f03c6bc79bc7", + "task_name": "MLSUMClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "main_score": 41.267647761702854, + "v_measure": 41.267647761702854, + "v_measure_std": 10.93390895077248 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "main_score": 44.68714862333979, + "v_measure": 44.68714862333979, + "v_measure_std": 1.811036989797814 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "main_score": 41.92518785753813, + "v_measure": 41.92518785753813, + "v_measure_std": 5.9356661900220775 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "main_score": 48.69875719812033, + "v_measure": 48.69875719812033, + "v_measure_std": 1.204253881950113 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "main_score": 40.07927325071353, + "v_measure": 40.07927325071353, + "v_measure_std": 9.296680835266145 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "main_score": 44.88484854069901, + "v_measure": 44.88484854069901, + "v_measure_std": 2.3704247819781843 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "main_score": 43.97657450929179, + "v_measure": 43.97657450929179, + "v_measure_std": 6.087547931333613 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "main_score": 48.41108671948728, + "v_measure": 48.41108671948728, + "v_measure_std": 1.3848320630151243 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/MMarcoReranking.json b/results/arkohut__jina-embeddings-v3/external/MMarcoReranking.json new file mode 100644 index 000000000..863ec2d2b --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "8e0c766dbe9e16e1d221116a3f36795fbade07f6", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 21.050447576170395, + "mrr": 20.201984126984126, + "main_score": 21.050447576170395 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/MMarcoRetrieval.json b/results/arkohut__jina-embeddings-v3/external/MMarcoRetrieval.json new file mode 100644 index 000000000..41723aaa5 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/MMarcoRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "539bbde593d947e2a124ba72651aafc09eb33fc2", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 79.687, + "map_at_1": 66.872, + "map_at_10": 75.949, + "map_at_100": 76.25, + "map_at_1000": 76.259, + "map_at_20": 76.145, + "map_at_3": 74.01299999999999, + "map_at_5": 75.232, + "mrr_at_1": 69.18338108882521, + "mrr_at_10": 76.5424227952881, + "mrr_at_100": 76.8019342792628, + "mrr_at_1000": 76.81002278342808, + "mrr_at_20": 76.7115234815896, + "mrr_at_3": 74.83046800382044, + "mrr_at_5": 75.88490926456515, + "nauc_map_at_1000_diff1": 78.06933310424179, + "nauc_map_at_1000_max": 49.392948209665896, + "nauc_map_at_1000_std": -15.126109322591166, + "nauc_map_at_100_diff1": 78.06612779298378, + "nauc_map_at_100_max": 49.40761618630397, + "nauc_map_at_100_std": -15.099282408159349, + "nauc_map_at_10_diff1": 77.94565685470538, + "nauc_map_at_10_max": 49.50559610363201, + "nauc_map_at_10_std": -15.182130695916355, + "nauc_map_at_1_diff1": 79.84814509858211, + "nauc_map_at_1_max": 40.78978466656547, + "nauc_map_at_1_std": -19.96189264026715, + "nauc_map_at_20_diff1": 78.03597839981245, + "nauc_map_at_20_max": 49.49477427223376, + "nauc_map_at_20_std": -15.084990000838378, + "nauc_map_at_3_diff1": 78.0637014655507, + "nauc_map_at_3_max": 48.63214001973341, + "nauc_map_at_3_std": -17.093950563306596, + "nauc_map_at_5_diff1": 77.94068229240348, + "nauc_map_at_5_max": 49.38930719689204, + "nauc_map_at_5_std": -15.9919454201954, + "nauc_mrr_at_1000_diff1": 78.34582398092816, + "nauc_mrr_at_1000_max": 49.623566992784156, + "nauc_mrr_at_1000_std": -14.381347765493265, + "nauc_mrr_at_100_diff1": 78.3429966714221, + "nauc_mrr_at_100_max": 49.63684922240546, + "nauc_mrr_at_100_std": -14.354914066301236, + "nauc_mrr_at_10_diff1": 78.2208070219624, + "nauc_mrr_at_10_max": 49.77720536573364, + "nauc_mrr_at_10_std": -14.316233764741812, + "nauc_mrr_at_1_diff1": 80.22305496572142, + "nauc_mrr_at_1_max": 44.30231210192536, + "nauc_mrr_at_1_std": -18.942549914934492, + "nauc_mrr_at_20_diff1": 78.31006724240147, + "nauc_mrr_at_20_max": 49.72338465276142, + "nauc_mrr_at_20_std": -14.30722621948953, + "nauc_mrr_at_3_diff1": 78.39832634634523, + "nauc_mrr_at_3_max": 49.24985961036677, + "nauc_mrr_at_3_std": -15.966286866763191, + "nauc_mrr_at_5_diff1": 78.2406507247798, + "nauc_mrr_at_5_max": 49.71276359754787, + "nauc_mrr_at_5_std": -14.979526226149698, + "nauc_ndcg_at_1000_diff1": 77.74892471071016, + "nauc_ndcg_at_1000_max": 51.11543344053061, + "nauc_ndcg_at_1000_std": -12.208878737005096, + "nauc_ndcg_at_100_diff1": 77.67462502211228, + "nauc_ndcg_at_100_max": 51.593977338939034, + "nauc_ndcg_at_100_std": -11.312126179513802, + "nauc_ndcg_at_10_diff1": 77.0571291760012, + "nauc_ndcg_at_10_max": 52.35435572808972, + "nauc_ndcg_at_10_std": -11.33242546164059, + "nauc_ndcg_at_1_diff1": 80.22305496572142, + "nauc_ndcg_at_1_max": 44.30231210192536, + "nauc_ndcg_at_1_std": -18.942549914934492, + "nauc_ndcg_at_20_diff1": 77.4141216117471, + "nauc_ndcg_at_20_max": 52.340600871365375, + "nauc_ndcg_at_20_std": -10.989010161550912, + "nauc_ndcg_at_3_diff1": 77.43971989259062, + "nauc_ndcg_at_3_max": 50.59251358320663, + "nauc_ndcg_at_3_std": -15.59337960636058, + "nauc_ndcg_at_5_diff1": 77.12174287031847, + "nauc_ndcg_at_5_max": 51.97108510288907, + "nauc_ndcg_at_5_std": -13.474902612427167, + "nauc_precision_at_1000_diff1": -19.36793534929367, + "nauc_precision_at_1000_max": 11.803383262344036, + "nauc_precision_at_1000_std": 24.304436015177046, + "nauc_precision_at_100_diff1": -6.273790806909921, + "nauc_precision_at_100_max": 23.372606271300747, + "nauc_precision_at_100_std": 29.085768971612342, + "nauc_precision_at_10_diff1": 21.67045907336595, + "nauc_precision_at_10_max": 41.68948432407223, + "nauc_precision_at_10_std": 17.837055074458092, + "nauc_precision_at_1_diff1": 80.22305496572142, + "nauc_precision_at_1_max": 44.30231210192536, + "nauc_precision_at_1_std": -18.942549914934492, + "nauc_precision_at_20_diff1": 12.577671896684803, + "nauc_precision_at_20_max": 37.44944702246691, + "nauc_precision_at_20_std": 23.635897665206087, + "nauc_precision_at_3_diff1": 47.165335112814056, + "nauc_precision_at_3_max": 47.0458691263379, + "nauc_precision_at_3_std": -3.3181861146890217, + "nauc_precision_at_5_diff1": 35.406205343514806, + "nauc_precision_at_5_max": 45.56549449285401, + "nauc_precision_at_5_std": 5.612378074562386, + "nauc_recall_at_1000_diff1": 72.32762520815842, + "nauc_recall_at_1000_max": 85.64979256307343, + "nauc_recall_at_1000_std": 73.61925297037476, + "nauc_recall_at_100_diff1": 72.31946328709962, + "nauc_recall_at_100_max": 83.76576070068353, + "nauc_recall_at_100_std": 57.39376538662535, + "nauc_recall_at_10_diff1": 69.51307788072499, + "nauc_recall_at_10_max": 69.60124733654142, + "nauc_recall_at_10_std": 13.483540424716892, + "nauc_recall_at_1_diff1": 79.84814509858211, + "nauc_recall_at_1_max": 40.78978466656547, + "nauc_recall_at_1_std": -19.96189264026715, + "nauc_recall_at_20_diff1": 70.92168324710599, + "nauc_recall_at_20_max": 76.09106252420084, + "nauc_recall_at_20_std": 25.406842300761447, + "nauc_recall_at_3_diff1": 74.1212680517145, + "nauc_recall_at_3_max": 56.24921832879403, + "nauc_recall_at_3_std": -11.55542913578436, + "nauc_recall_at_5_diff1": 72.31262959872993, + "nauc_recall_at_5_max": 62.761214896697915, + "nauc_recall_at_5_std": -3.280167584070396, + "ndcg_at_1": 69.18299999999999, + "ndcg_at_10": 79.687, + "ndcg_at_100": 81.062, + "ndcg_at_1000": 81.312, + "ndcg_at_20": 80.34599999999999, + "ndcg_at_3": 75.98700000000001, + "ndcg_at_5": 78.039, + "precision_at_1": 69.18299999999999, + "precision_at_10": 9.636, + "precision_at_100": 1.0330000000000001, + "precision_at_1000": 0.105, + "precision_at_20": 4.958, + "precision_at_3": 28.515, + "precision_at_5": 18.201, + "recall_at_1": 66.872, + "recall_at_10": 90.688, + "recall_at_100": 96.99, + "recall_at_1000": 98.958, + "recall_at_20": 93.21199999999999, + "recall_at_3": 80.84599999999999, + "recall_at_5": 85.732 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/MSMARCO-PL.json b/results/arkohut__jina-embeddings-v3/external/MSMARCO-PL.json new file mode 100644 index 000000000..6a99461b6 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/MSMARCO-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "8634c07806d5cce3a6138e260e59b81760a0a640", + "task_name": "MSMARCO-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 64.886, + "map_at_1": 1.644, + "map_at_10": 12.24, + "map_at_100": 28.248, + "map_at_1000": 33.506, + "map_at_20": 17.497, + "map_at_3": 4.9399999999999995, + "map_at_5": 8.272, + "mrr_at_1": 83.72093023255815, + "mrr_at_10": 91.08527131782945, + "mrr_at_100": 91.08527131782945, + "mrr_at_1000": 91.08527131782945, + "mrr_at_20": 91.08527131782945, + "mrr_at_3": 91.08527131782945, + "mrr_at_5": 91.08527131782945, + "nauc_map_at_1000_diff1": -36.428271627303424, + "nauc_map_at_1000_max": 44.87615127218638, + "nauc_map_at_1000_std": 67.92696808824724, + "nauc_map_at_100_diff1": -28.11674206786188, + "nauc_map_at_100_max": 36.422779766334955, + "nauc_map_at_100_std": 49.99876313755116, + "nauc_map_at_10_diff1": -5.838593619806058, + "nauc_map_at_10_max": 11.026519190509742, + "nauc_map_at_10_std": 2.5268752263522045, + "nauc_map_at_1_diff1": 17.897907271073016, + "nauc_map_at_1_max": 12.229062762540844, + "nauc_map_at_1_std": -4.088830895573149, + "nauc_map_at_20_diff1": -13.871097716255626, + "nauc_map_at_20_max": 19.291271635609533, + "nauc_map_at_20_std": 16.745335606507826, + "nauc_map_at_3_diff1": 4.425238457033843, + "nauc_map_at_3_max": 4.611864744680824, + "nauc_map_at_3_std": -8.986916608582863, + "nauc_map_at_5_diff1": -6.254849256920095, + "nauc_map_at_5_max": 2.729437079919823, + "nauc_map_at_5_std": -7.235906279913092, + "nauc_mrr_at_1000_diff1": 52.18669104947672, + "nauc_mrr_at_1000_max": 68.26259125411818, + "nauc_mrr_at_1000_std": 56.345086428353575, + "nauc_mrr_at_100_diff1": 52.18669104947672, + "nauc_mrr_at_100_max": 68.26259125411818, + "nauc_mrr_at_100_std": 56.345086428353575, + "nauc_mrr_at_10_diff1": 52.18669104947672, + "nauc_mrr_at_10_max": 68.26259125411818, + "nauc_mrr_at_10_std": 56.345086428353575, + "nauc_mrr_at_1_diff1": 56.55126663944154, + "nauc_mrr_at_1_max": 66.37014285522565, + "nauc_mrr_at_1_std": 53.2508271389779, + "nauc_mrr_at_20_diff1": 52.18669104947672, + "nauc_mrr_at_20_max": 68.26259125411818, + "nauc_mrr_at_20_std": 56.345086428353575, + "nauc_mrr_at_3_diff1": 52.18669104947672, + "nauc_mrr_at_3_max": 68.26259125411818, + "nauc_mrr_at_3_std": 56.345086428353575, + "nauc_mrr_at_5_diff1": 52.18669104947672, + "nauc_mrr_at_5_max": 68.26259125411818, + "nauc_mrr_at_5_std": 56.345086428353575, + "nauc_ndcg_at_1000_diff1": -19.06422926483731, + "nauc_ndcg_at_1000_max": 56.30853514590265, + "nauc_ndcg_at_1000_std": 70.30810947505557, + "nauc_ndcg_at_100_diff1": -25.72587586459692, + "nauc_ndcg_at_100_max": 51.433781241604194, + "nauc_ndcg_at_100_std": 68.37678512652792, + "nauc_ndcg_at_10_diff1": -23.21198108212602, + "nauc_ndcg_at_10_max": 43.5450720846516, + "nauc_ndcg_at_10_std": 48.78307907005605, + "nauc_ndcg_at_1_diff1": 44.00179301267447, + "nauc_ndcg_at_1_max": 48.202370455680395, + "nauc_ndcg_at_1_std": 25.69655992704088, + "nauc_ndcg_at_20_diff1": -33.88168753446507, + "nauc_ndcg_at_20_max": 45.16199742613164, + "nauc_ndcg_at_20_std": 61.87098383164902, + "nauc_ndcg_at_3_diff1": 11.19174449544048, + "nauc_ndcg_at_3_max": 44.34069860560555, + "nauc_ndcg_at_3_std": 27.451258369798115, + "nauc_ndcg_at_5_diff1": -7.186520929432436, + "nauc_ndcg_at_5_max": 43.41869981139378, + "nauc_ndcg_at_5_std": 34.89898115995178, + "nauc_precision_at_1000_diff1": -34.43998154563451, + "nauc_precision_at_1000_max": 29.172655907480372, + "nauc_precision_at_1000_std": 65.15824469614837, + "nauc_precision_at_100_diff1": -37.82409643259692, + "nauc_precision_at_100_max": 38.24986991317909, + "nauc_precision_at_100_std": 72.74768183105327, + "nauc_precision_at_10_diff1": -32.21556182780535, + "nauc_precision_at_10_max": 34.27170432382651, + "nauc_precision_at_10_std": 58.358255004394664, + "nauc_precision_at_1_diff1": 56.55126663944154, + "nauc_precision_at_1_max": 66.37014285522565, + "nauc_precision_at_1_std": 53.2508271389779, + "nauc_precision_at_20_diff1": -40.18751579026395, + "nauc_precision_at_20_max": 33.960783153758896, + "nauc_precision_at_20_std": 65.42918390184195, + "nauc_precision_at_3_diff1": -7.073870209006578, + "nauc_precision_at_3_max": 50.81535269862325, + "nauc_precision_at_3_std": 59.248681565955685, + "nauc_precision_at_5_diff1": -31.136580596983876, + "nauc_precision_at_5_max": 45.88147792380426, + "nauc_precision_at_5_std": 67.46814230928243, + "nauc_recall_at_1000_diff1": -23.15699999594577, + "nauc_recall_at_1000_max": 39.77277799761876, + "nauc_recall_at_1000_std": 60.326168012901114, + "nauc_recall_at_100_diff1": -21.636664823598498, + "nauc_recall_at_100_max": 31.104969346131583, + "nauc_recall_at_100_std": 38.811686891592096, + "nauc_recall_at_10_diff1": -10.542765625053569, + "nauc_recall_at_10_max": 2.043876058107446, + "nauc_recall_at_10_std": -5.578449908984766, + "nauc_recall_at_1_diff1": 17.897907271073016, + "nauc_recall_at_1_max": 12.229062762540844, + "nauc_recall_at_1_std": -4.088830895573149, + "nauc_recall_at_20_diff1": -15.132909355710103, + "nauc_recall_at_20_max": 12.659765287241065, + "nauc_recall_at_20_std": 8.277887800815819, + "nauc_recall_at_3_diff1": -3.1975017812715016, + "nauc_recall_at_3_max": -3.5539857085038538, + "nauc_recall_at_3_std": -14.712102851318118, + "nauc_recall_at_5_diff1": -14.040507717380743, + "nauc_recall_at_5_max": -6.126912150131701, + "nauc_recall_at_5_std": -13.821624015640355, + "ndcg_at_1": 71.318, + "ndcg_at_10": 64.886, + "ndcg_at_100": 53.187, + "ndcg_at_1000": 59.897999999999996, + "ndcg_at_20": 58.96, + "ndcg_at_3": 69.736, + "ndcg_at_5": 70.14099999999999, + "precision_at_1": 83.721, + "precision_at_10": 71.163, + "precision_at_100": 29.465000000000003, + "precision_at_1000": 5.665, + "precision_at_20": 57.791000000000004, + "precision_at_3": 82.171, + "precision_at_5": 81.86, + "recall_at_1": 1.644, + "recall_at_10": 14.238000000000001, + "recall_at_100": 39.831, + "recall_at_1000": 64.057, + "recall_at_20": 21.021, + "recall_at_3": 5.53, + "recall_at_5": 9.623 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/MSMARCO.json b/results/arkohut__jina-embeddings-v3/external/MSMARCO.json new file mode 100644 index 000000000..dcbdaac67 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/MSMARCO.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.861, + "map_at_10": 34.008, + "map_at_100": 35.174, + "map_at_1000": 35.224, + "map_at_20": 34.705999999999996, + "map_at_3": 30.209000000000003, + "map_at_5": 32.351, + "mrr_at_1": 22.493, + "mrr_at_10": 34.583999999999996, + "mrr_at_100": 35.691, + "mrr_at_1000": 35.736000000000004, + "mrr_at_20": 35.257, + "mrr_at_3": 30.85, + "mrr_at_5": 32.962, + "ndcg_at_1": 22.493, + "ndcg_at_10": 40.815, + "ndcg_at_100": 46.483999999999995, + "ndcg_at_1000": 47.73, + "ndcg_at_20": 43.302, + "ndcg_at_3": 33.056000000000004, + "ndcg_at_5": 36.879, + "precision_at_1": 22.493, + "precision_at_10": 6.465999999999999, + "precision_at_100": 0.932, + "precision_at_1000": 0.104, + "precision_at_20": 3.752, + "precision_at_3": 14.069, + "precision_at_5": 10.384, + "recall_at_1": 21.861, + "recall_at_10": 61.781, + "recall_at_100": 88.095, + "recall_at_1000": 97.625, + "recall_at_20": 71.44500000000001, + "recall_at_3": 40.653, + "recall_at_5": 49.841, + "main_score": 40.815 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/MTOPDomainClassification.json b/results/arkohut__jina-embeddings-v3/external/MTOPDomainClassification.json new file mode 100644 index 000000000..ad99ba5cd --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/MTOPDomainClassification.json @@ -0,0 +1,50 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 97.4874601003192, + "f1": 97.19067544931094, + "f1_weighted": 97.49331776181019, + "main_score": 97.4874601003192 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 96.89489997182305, + "f1": 96.51138586512977, + "f1_weighted": 96.89723065967186, + "main_score": 96.89489997182305 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 97.17144763175452, + "f1": 96.81785681878274, + "f1_weighted": 97.1778974586874, + "main_score": 97.17144763175452 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 96.30128405887879, + "f1": 95.94555923088487, + "f1_weighted": 96.30399416794926, + "main_score": 96.30128405887879 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/MTOPIntentClassification.json b/results/arkohut__jina-embeddings-v3/external/MTOPIntentClassification.json new file mode 100644 index 000000000..188c1a8ca --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/MTOPIntentClassification.json @@ -0,0 +1,50 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 84.53488372093022, + "f1": 61.77995074251401, + "f1_weighted": 86.8005170485101, + "main_score": 84.53488372093022 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 80.79459002535924, + "f1": 56.08938302001448, + "f1_weighted": 83.66582131948252, + "main_score": 80.79459002535924 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 84.7765176784523, + "f1": 61.39860057885528, + "f1_weighted": 86.94881745670745, + "main_score": 84.7765176784523 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 82.2079549013467, + "f1": 59.90260478749016, + "f1_weighted": 84.36861708593257, + "main_score": 82.2079549013467 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/MasakhaNEWSClassification.json b/results/arkohut__jina-embeddings-v3/external/MasakhaNEWSClassification.json new file mode 100644 index 000000000..17428e9d9 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/MasakhaNEWSClassification.json @@ -0,0 +1,30 @@ +{ + "dataset_revision": "18193f187b92da67168c655c9973a165ed9593dd", + "task_name": "MasakhaNEWSClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "eng", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.98945147679325, + "f1": 74.3157483560261, + "f1_weighted": 75.01179008904884, + "main_score": 74.98945147679325 + }, + { + "hf_subset": "fra", + "languages": [ + "fra-Latn" + ], + "accuracy": 74.02843601895735, + "f1": 70.40326349620732, + "f1_weighted": 74.6596277063484, + "main_score": 74.02843601895735 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/MasakhaNEWSClusteringP2P.json b/results/arkohut__jina-embeddings-v3/external/MasakhaNEWSClusteringP2P.json new file mode 100644 index 000000000..ddaabe2e4 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/MasakhaNEWSClusteringP2P.json @@ -0,0 +1,298 @@ +{ + "dataset_revision": "8ccc72e69e65f40c70e117d8b3c08306bb788b60", + "task_name": "MasakhaNEWSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "amh", + "languages": [ + "amh-Ethi" + ], + "main_score": 69.45780291725053, + "v_measure": 69.45780291725053, + "v_measure_std": 36.54340055904091 + }, + { + "hf_subset": "eng", + "languages": [ + "eng-Latn" + ], + "main_score": 64.88996119332239, + "v_measure": 64.88996119332239, + "v_measure_std": 30.017223408197268 + }, + { + "hf_subset": "fra", + "languages": [ + "fra-Latn" + ], + "main_score": 42.362383958691666, + "v_measure": 42.362383958691666, + "v_measure_std": 37.61076788039063 + }, + { + "hf_subset": "hau", + "languages": [ + "hau-Latn" + ], + "main_score": 43.29201252405562, + "v_measure": 43.29201252405562, + "v_measure_std": 34.31987945146255 + }, + { + "hf_subset": "ibo", + "languages": [ + "ibo-Latn" + ], + "main_score": 33.59926542995238, + "v_measure": 33.59926542995238, + "v_measure_std": 35.70048601084112 + }, + { + "hf_subset": "lin", + "languages": [ + "lin-Latn" + ], + "main_score": 67.58487601893106, + "v_measure": 67.58487601893106, + "v_measure_std": 35.16784970777931 + }, + { + "hf_subset": "lug", + "languages": [ + "lug-Latn" + ], + "main_score": 50.01220872023533, + "v_measure": 50.01220872023533, + "v_measure_std": 41.87411574676182 + }, + { + "hf_subset": "orm", + "languages": [ + "orm-Ethi" + ], + "main_score": 29.007847502598317, + "v_measure": 29.007847502598317, + "v_measure_std": 38.374997395079994 + }, + { + "hf_subset": "pcm", + "languages": [ + "pcm-Latn" + ], + "main_score": 79.13520228554611, + "v_measure": 79.13520228554611, + "v_measure_std": 18.501843848275183 + }, + { + "hf_subset": "run", + "languages": [ + "run-Latn" + ], + "main_score": 60.317213909746656, + "v_measure": 60.317213909746656, + "v_measure_std": 36.500281823747386 + }, + { + "hf_subset": "sna", + "languages": [ + "sna-Latn" + ], + "main_score": 59.395277358240946, + "v_measure": 59.395277358240946, + "v_measure_std": 37.500916816164654 + }, + { + "hf_subset": "som", + "languages": [ + "som-Latn" + ], + "main_score": 38.18638688704302, + "v_measure": 38.18638688704302, + "v_measure_std": 35.453681137564466 + }, + { + "hf_subset": "swa", + "languages": [ + "swa-Latn" + ], + "main_score": 29.49230755729658, + "v_measure": 29.49230755729658, + "v_measure_std": 28.284313285264645 + }, + { + "hf_subset": "tir", + "languages": [ + "tir-Ethi" + ], + "main_score": 60.632258622750115, + "v_measure": 60.632258622750115, + "v_measure_std": 34.429711214740564 + }, + { + "hf_subset": "xho", + "languages": [ + "xho-Latn" + ], + "main_score": 41.76322918806381, + "v_measure": 41.76322918806381, + "v_measure_std": 36.43245296200775 + }, + { + "hf_subset": "yor", + "languages": [ + "yor-Latn" + ], + "main_score": 33.17083910808645, + "v_measure": 33.17083910808645, + "v_measure_std": 34.87547994284835 + }, + { + "hf_subset": "amh", + "languages": [ + "amh-Ethi" + ], + "main_score": 60.95132147787602, + "v_measure": 60.95132147787602, + "v_measure_std": 37.330148394033365 + }, + { + "hf_subset": "eng", + "languages": [ + "eng-Latn" + ], + "main_score": 60.974810831426595, + "v_measure": 60.974810831426595, + "v_measure_std": 24.934675467507827 + }, + { + "hf_subset": "fra", + "languages": [ + "fra-Latn" + ], + "main_score": 44.479206673553335, + "v_measure": 44.479206673553335, + "v_measure_std": 32.58254804499339 + }, + { + "hf_subset": "hau", + "languages": [ + "hau-Latn" + ], + "main_score": 26.4742082741682, + "v_measure": 26.4742082741682, + "v_measure_std": 22.344929192323097 + }, + { + "hf_subset": "ibo", + "languages": [ + "ibo-Latn" + ], + "main_score": 38.906129911741985, + "v_measure": 38.906129911741985, + "v_measure_std": 34.785601792668444 + }, + { + "hf_subset": "lin", + "languages": [ + "lin-Latn" + ], + "main_score": 62.60982020876592, + "v_measure": 62.60982020876592, + "v_measure_std": 40.7368955715045 + }, + { + "hf_subset": "lug", + "languages": [ + "lug-Latn" + ], + "main_score": 42.70424106365967, + "v_measure": 42.70424106365967, + "v_measure_std": 46.80946241135087 + }, + { + "hf_subset": "orm", + "languages": [ + "orm-Ethi" + ], + "main_score": 28.609942199922322, + "v_measure": 28.609942199922322, + "v_measure_std": 38.46685040191088 + }, + { + "hf_subset": "pcm", + "languages": [ + "pcm-Latn" + ], + "main_score": 76.83901348810822, + "v_measure": 76.83901348810822, + "v_measure_std": 17.57617141269189 + }, + { + "hf_subset": "run", + "languages": [ + "run-Latn" + ], + "main_score": 46.89757547846193, + "v_measure": 46.89757547846193, + "v_measure_std": 44.58903590203438 + }, + { + "hf_subset": "sna", + "languages": [ + "sna-Latn" + ], + "main_score": 55.37185207068829, + "v_measure": 55.37185207068829, + "v_measure_std": 36.944574863543004 + }, + { + "hf_subset": "som", + "languages": [ + "som-Latn" + ], + "main_score": 37.44211021681754, + "v_measure": 37.44211021681754, + "v_measure_std": 33.41469994463241 + }, + { + "hf_subset": "swa", + "languages": [ + "swa-Latn" + ], + "main_score": 26.020680621216062, + "v_measure": 26.020680621216062, + "v_measure_std": 25.480037522570413 + }, + { + "hf_subset": "tir", + "languages": [ + "tir-Ethi" + ], + "main_score": 63.74306846771303, + "v_measure": 63.74306846771303, + "v_measure_std": 32.19119631078685 + }, + { + "hf_subset": "xho", + "languages": [ + "xho-Latn" + ], + "main_score": 24.580890519243777, + "v_measure": 24.580890519243777, + "v_measure_std": 37.941836363967106 + }, + { + "hf_subset": "yor", + "languages": [ + "yor-Latn" + ], + "main_score": 43.63458888828314, + "v_measure": 43.63458888828314, + "v_measure_std": 31.28169350649098 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/MassiveIntentClassification.json b/results/arkohut__jina-embeddings-v3/external/MassiveIntentClassification.json new file mode 100644 index 000000000..98aac6dc9 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/MassiveIntentClassification.json @@ -0,0 +1,80 @@ +{ + "dataset_revision": "4672e20407010da34463acc759c162ca9734bca6", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 75.37323470073974, + "f1": 71.1836877753734, + "f1_weighted": 75.72073213955457, + "main_score": 75.37323470073974 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 74.83523873570948, + "f1": 70.72375821116886, + "f1_weighted": 75.20800490010755, + "main_score": 74.83523873570948 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 75.31607262945528, + "f1": 72.06063554897662, + "f1_weighted": 75.72438161355252, + "main_score": 75.31607262945528 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 76.7955615332885, + "f1": 73.08099648499756, + "f1_weighted": 77.18482068239668, + "main_score": 76.7955615332885 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.60591795561534, + "f1": 74.46676705370395, + "f1_weighted": 77.69888062336614, + "main_score": 77.60591795561534 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 76.32145258910558, + "f1": 72.89824154178328, + "f1_weighted": 76.6539327979472, + "main_score": 76.32145258910558 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 73.21788836583724, + "f1": 70.45594512246377, + "f1_weighted": 73.67862536499393, + "main_score": 73.21788836583724 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/MassiveScenarioClassification.json b/results/arkohut__jina-embeddings-v3/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..83c890a3d --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/MassiveScenarioClassification.json @@ -0,0 +1,80 @@ +{ + "dataset_revision": "fad2c6e8459f9e1c45d9315f4953d921437d70f8", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 80.82044384667114, + "f1": 80.53217664465089, + "f1_weighted": 80.94535087010512, + "main_score": 80.82044384667114 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 82.1049092131809, + "f1": 81.55343463694733, + "f1_weighted": 82.33509098770782, + "main_score": 82.1049092131809 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 82.58238063214526, + "f1": 82.27974449333072, + "f1_weighted": 82.81337569618209, + "main_score": 82.58238063214526 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 83.97108271687962, + "f1": 83.56285606936076, + "f1_weighted": 84.10198745390771, + "main_score": 83.97108271687962 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 84.71082716879623, + "f1": 84.09447062371402, + "f1_weighted": 84.73765765551342, + "main_score": 84.71082716879623 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 83.093476798924, + "f1": 82.72656900752943, + "f1_weighted": 83.26606516503364, + "main_score": 83.093476798924 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 84.05850706119705, + "f1": 83.64234048881222, + "f1_weighted": 84.17315768381876, + "main_score": 84.05850706119705 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/MedicalRetrieval.json b/results/arkohut__jina-embeddings-v3/external/MedicalRetrieval.json new file mode 100644 index 000000000..09b2c94b8 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/MedicalRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "2039188fb5800a9803ba5048df7b76e6fb151fc6", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 56.635999999999996, + "map_at_1": 48.699999999999996, + "map_at_10": 53.991, + "map_at_100": 54.449999999999996, + "map_at_1000": 54.515, + "map_at_20": 54.212, + "map_at_3": 52.833, + "map_at_5": 53.503, + "mrr_at_1": 48.699999999999996, + "mrr_at_10": 53.991309523809505, + "mrr_at_100": 54.45008993448266, + "mrr_at_1000": 54.515253990549795, + "mrr_at_20": 54.21201762247036, + "mrr_at_3": 52.8333333333333, + "mrr_at_5": 53.50333333333328, + "nauc_map_at_1000_diff1": 79.96867989401643, + "nauc_map_at_1000_max": 69.75230895599029, + "nauc_map_at_1000_std": 2.6418738289740213, + "nauc_map_at_100_diff1": 79.95343709599133, + "nauc_map_at_100_max": 69.751282671507, + "nauc_map_at_100_std": 2.621719966106279, + "nauc_map_at_10_diff1": 80.02875864565634, + "nauc_map_at_10_max": 69.80948662290187, + "nauc_map_at_10_std": 2.329151604733765, + "nauc_map_at_1_diff1": 83.616940281383, + "nauc_map_at_1_max": 69.08142651929452, + "nauc_map_at_1_std": 1.9687791394035643, + "nauc_map_at_20_diff1": 79.95555601275339, + "nauc_map_at_20_max": 69.76604695002925, + "nauc_map_at_20_std": 2.556184141901367, + "nauc_map_at_3_diff1": 80.74790131023668, + "nauc_map_at_3_max": 70.57797991892402, + "nauc_map_at_3_std": 2.7115149849964117, + "nauc_map_at_5_diff1": 80.31796539878381, + "nauc_map_at_5_max": 69.93573796420061, + "nauc_map_at_5_std": 2.0731614029506606, + "nauc_mrr_at_1000_diff1": 79.96867999907981, + "nauc_mrr_at_1000_max": 69.57395578976896, + "nauc_mrr_at_1000_std": 2.46351945887829, + "nauc_mrr_at_100_diff1": 79.95343709599133, + "nauc_mrr_at_100_max": 69.57322054130803, + "nauc_mrr_at_100_std": 2.4436578359073433, + "nauc_mrr_at_10_diff1": 80.02875864565634, + "nauc_mrr_at_10_max": 69.63292630937411, + "nauc_mrr_at_10_std": 2.1525912912060012, + "nauc_mrr_at_1_diff1": 83.616940281383, + "nauc_mrr_at_1_max": 68.74717310480305, + "nauc_mrr_at_1_std": 1.6345257249120868, + "nauc_mrr_at_20_diff1": 79.95555601275339, + "nauc_mrr_at_20_max": 69.58883608470444, + "nauc_mrr_at_20_std": 2.378973276576547, + "nauc_mrr_at_3_diff1": 80.74790131023668, + "nauc_mrr_at_3_max": 70.40430475488604, + "nauc_mrr_at_3_std": 2.5378398209583817, + "nauc_mrr_at_5_diff1": 80.31796539878381, + "nauc_mrr_at_5_max": 69.7605991748183, + "nauc_mrr_at_5_std": 1.898022613568352, + "nauc_ndcg_at_1000_diff1": 78.35504059321225, + "nauc_ndcg_at_1000_max": 69.06752522437093, + "nauc_ndcg_at_1000_std": 3.9624036886099265, + "nauc_ndcg_at_100_diff1": 77.79729140249833, + "nauc_ndcg_at_100_max": 68.93113791506029, + "nauc_ndcg_at_100_std": 3.642178826886181, + "nauc_ndcg_at_10_diff1": 78.160158293918, + "nauc_ndcg_at_10_max": 69.28122202281361, + "nauc_ndcg_at_10_std": 2.438976810940962, + "nauc_ndcg_at_1_diff1": 83.616940281383, + "nauc_ndcg_at_1_max": 69.08142651929452, + "nauc_ndcg_at_1_std": 1.9687791394035643, + "nauc_ndcg_at_20_diff1": 77.88514432874997, + "nauc_ndcg_at_20_max": 69.06148818508873, + "nauc_ndcg_at_20_std": 3.1800249272363676, + "nauc_ndcg_at_3_diff1": 79.73510384405803, + "nauc_ndcg_at_3_max": 70.78000695123832, + "nauc_ndcg_at_3_std": 2.9041415468363274, + "nauc_ndcg_at_5_diff1": 78.91872808866195, + "nauc_ndcg_at_5_max": 69.61478429620091, + "nauc_ndcg_at_5_std": 1.734699636301054, + "nauc_precision_at_1000_diff1": 66.37858395390673, + "nauc_precision_at_1000_max": 60.651659037598534, + "nauc_precision_at_1000_std": 27.388353715469798, + "nauc_precision_at_100_diff1": 66.34325807776025, + "nauc_precision_at_100_max": 63.63855305621111, + "nauc_precision_at_100_std": 10.641748149575351, + "nauc_precision_at_10_diff1": 71.3784685491089, + "nauc_precision_at_10_max": 67.05313695174542, + "nauc_precision_at_10_std": 3.000406867930561, + "nauc_precision_at_1_diff1": 83.616940281383, + "nauc_precision_at_1_max": 69.08142651929452, + "nauc_precision_at_1_std": 1.9687791394035643, + "nauc_precision_at_20_diff1": 69.73407910977694, + "nauc_precision_at_20_max": 65.77426240320742, + "nauc_precision_at_20_std": 6.204416838482586, + "nauc_precision_at_3_diff1": 76.63737537643107, + "nauc_precision_at_3_max": 71.29710200719668, + "nauc_precision_at_3_std": 3.47180961484546, + "nauc_precision_at_5_diff1": 74.36945983536717, + "nauc_precision_at_5_max": 68.33292218003061, + "nauc_precision_at_5_std": 0.47128762620258075, + "nauc_recall_at_1000_diff1": 66.37858395390681, + "nauc_recall_at_1000_max": 60.65165903759889, + "nauc_recall_at_1000_std": 27.388353715469822, + "nauc_recall_at_100_diff1": 66.34325807776025, + "nauc_recall_at_100_max": 63.63855305621116, + "nauc_recall_at_100_std": 10.641748149575351, + "nauc_recall_at_10_diff1": 71.37846854910892, + "nauc_recall_at_10_max": 67.05313695174546, + "nauc_recall_at_10_std": 3.000406867930663, + "nauc_recall_at_1_diff1": 83.616940281383, + "nauc_recall_at_1_max": 69.08142651929452, + "nauc_recall_at_1_std": 1.9687791394035643, + "nauc_recall_at_20_diff1": 69.73407910977691, + "nauc_recall_at_20_max": 65.77426240320746, + "nauc_recall_at_20_std": 6.204416838482536, + "nauc_recall_at_3_diff1": 76.63737537643112, + "nauc_recall_at_3_max": 71.29710200719668, + "nauc_recall_at_3_std": 3.471809614845442, + "nauc_recall_at_5_diff1": 74.36945983536715, + "nauc_recall_at_5_max": 68.33292218003065, + "nauc_recall_at_5_std": 0.4712876262026442, + "ndcg_at_1": 48.699999999999996, + "ndcg_at_10": 56.635999999999996, + "ndcg_at_100": 59.193, + "ndcg_at_1000": 60.97, + "ndcg_at_20": 57.426, + "ndcg_at_3": 54.186, + "ndcg_at_5": 55.407, + "precision_at_1": 48.699999999999996, + "precision_at_10": 6.5, + "precision_at_100": 0.777, + "precision_at_1000": 0.092, + "precision_at_20": 3.405, + "precision_at_3": 19.367, + "precision_at_5": 12.22, + "recall_at_1": 48.699999999999996, + "recall_at_10": 65.0, + "recall_at_100": 77.7, + "recall_at_1000": 91.8, + "recall_at_20": 68.10000000000001, + "recall_at_3": 58.099999999999994, + "recall_at_5": 61.1 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/MedrxivClusteringP2P.json b/results/arkohut__jina-embeddings-v3/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..b485b7d3c --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/MedrxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 34.80188561439236, + "v_measure": 34.80188561439236, + "v_measure_std": 1.5703148841573102 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/MedrxivClusteringS2S.json b/results/arkohut__jina-embeddings-v3/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..fbe72f54e --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/MedrxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 32.42285513996236, + "v_measure": 32.42285513996236, + "v_measure_std": 1.3769867487457566 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/MindSmallReranking.json b/results/arkohut__jina-embeddings-v3/external/MindSmallReranking.json new file mode 100644 index 000000000..383d5b602 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/MindSmallReranking.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 30.83, + "main_score": 30.83 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/MintakaRetrieval.json b/results/arkohut__jina-embeddings-v3/external/MintakaRetrieval.json new file mode 100644 index 000000000..6d3007f74 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/MintakaRetrieval.json @@ -0,0 +1,451 @@ +{ + "dataset_revision": "efa78cc2f74bbcd21eff2261f9e13aebe40b814e", + "task_name": "MintakaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "main_score": 27.025, + "map_at_1": 14.532, + "map_at_10": 22.612, + "map_at_100": 23.802, + "map_at_1000": 23.9, + "map_at_20": 23.275000000000002, + "map_at_3": 20.226, + "map_at_5": 21.490000000000002, + "mrr_at_1": 14.532434709351305, + "mrr_at_10": 22.612077265615575, + "mrr_at_100": 23.801523356874675, + "mrr_at_1000": 23.900118499340238, + "mrr_at_20": 23.275466430108995, + "mrr_at_3": 20.22606009547877, + "mrr_at_5": 21.489750070204945, + "nauc_map_at_1000_diff1": 14.148987799763596, + "nauc_map_at_1000_max": 44.70338461387784, + "nauc_map_at_1000_std": 15.868006767707637, + "nauc_map_at_100_diff1": 14.11371769080442, + "nauc_map_at_100_max": 44.67995540936296, + "nauc_map_at_100_std": 15.890796502029076, + "nauc_map_at_10_diff1": 14.29066834165688, + "nauc_map_at_10_max": 45.10997111765282, + "nauc_map_at_10_std": 15.508568918629864, + "nauc_map_at_1_diff1": 23.473291302576396, + "nauc_map_at_1_max": 44.68942599764586, + "nauc_map_at_1_std": 12.424377262427253, + "nauc_map_at_20_diff1": 14.112652046087831, + "nauc_map_at_20_max": 44.82014861413682, + "nauc_map_at_20_std": 15.739350613646385, + "nauc_map_at_3_diff1": 16.119659221396347, + "nauc_map_at_3_max": 46.04766378953525, + "nauc_map_at_3_std": 13.969878046315925, + "nauc_map_at_5_diff1": 15.095453434076184, + "nauc_map_at_5_max": 45.802128149314406, + "nauc_map_at_5_std": 14.957442173319949, + "nauc_mrr_at_1000_diff1": 14.148987799763596, + "nauc_mrr_at_1000_max": 44.70338461387784, + "nauc_mrr_at_1000_std": 15.868006767707637, + "nauc_mrr_at_100_diff1": 14.11371769080442, + "nauc_mrr_at_100_max": 44.67995540936296, + "nauc_mrr_at_100_std": 15.890796502029076, + "nauc_mrr_at_10_diff1": 14.29066834165688, + "nauc_mrr_at_10_max": 45.10997111765282, + "nauc_mrr_at_10_std": 15.508568918629864, + "nauc_mrr_at_1_diff1": 23.473291302576396, + "nauc_mrr_at_1_max": 44.68942599764586, + "nauc_mrr_at_1_std": 12.424377262427253, + "nauc_mrr_at_20_diff1": 14.112652046087831, + "nauc_mrr_at_20_max": 44.82014861413682, + "nauc_mrr_at_20_std": 15.739350613646385, + "nauc_mrr_at_3_diff1": 16.119659221396347, + "nauc_mrr_at_3_max": 46.04766378953525, + "nauc_mrr_at_3_std": 13.969878046315925, + "nauc_mrr_at_5_diff1": 15.095453434076184, + "nauc_mrr_at_5_max": 45.802128149314406, + "nauc_mrr_at_5_std": 14.957442173319949, + "nauc_ndcg_at_1000_diff1": 11.626606894574028, + "nauc_ndcg_at_1000_max": 43.328592841065536, + "nauc_ndcg_at_1000_std": 18.049446272245547, + "nauc_ndcg_at_100_diff1": 10.485720606660239, + "nauc_ndcg_at_100_max": 42.405317674170966, + "nauc_ndcg_at_100_std": 19.107151641936987, + "nauc_ndcg_at_10_diff1": 11.029351078162982, + "nauc_ndcg_at_10_max": 44.36855031964681, + "nauc_ndcg_at_10_std": 17.302796171409305, + "nauc_ndcg_at_1_diff1": 23.473291302576396, + "nauc_ndcg_at_1_max": 44.68942599764586, + "nauc_ndcg_at_1_std": 12.424377262427253, + "nauc_ndcg_at_20_diff1": 10.356662718168412, + "nauc_ndcg_at_20_max": 43.31602680430083, + "nauc_ndcg_at_20_std": 18.162891267850316, + "nauc_ndcg_at_3_diff1": 14.42844952297869, + "nauc_ndcg_at_3_max": 46.26603339466543, + "nauc_ndcg_at_3_std": 14.449362723887857, + "nauc_ndcg_at_5_diff1": 12.783416563486396, + "nauc_ndcg_at_5_max": 45.852176479124424, + "nauc_ndcg_at_5_std": 16.11775016428085, + "nauc_precision_at_1000_diff1": -8.045361059399795, + "nauc_precision_at_1000_max": 21.970273281738777, + "nauc_precision_at_1000_std": 49.564650488193266, + "nauc_precision_at_100_diff1": -2.118628861593353, + "nauc_precision_at_100_max": 31.32498977104778, + "nauc_precision_at_100_std": 32.96087731883451, + "nauc_precision_at_10_diff1": 3.0335517475367615, + "nauc_precision_at_10_max": 42.21620215030219, + "nauc_precision_at_10_std": 21.90159732315962, + "nauc_precision_at_1_diff1": 23.473291302576396, + "nauc_precision_at_1_max": 44.68942599764586, + "nauc_precision_at_1_std": 12.424377262427253, + "nauc_precision_at_20_diff1": 0.4087201843719047, + "nauc_precision_at_20_max": 38.485034773895734, + "nauc_precision_at_20_std": 25.077397979916682, + "nauc_precision_at_3_diff1": 10.408327736589833, + "nauc_precision_at_3_max": 46.757216289175076, + "nauc_precision_at_3_std": 15.62594354926867, + "nauc_precision_at_5_diff1": 7.326752744229544, + "nauc_precision_at_5_max": 45.89190518573553, + "nauc_precision_at_5_std": 19.01717163438957, + "nauc_recall_at_1000_diff1": -8.045361059400387, + "nauc_recall_at_1000_max": 21.97027328173812, + "nauc_recall_at_1000_std": 49.56465048819266, + "nauc_recall_at_100_diff1": -2.118628861593277, + "nauc_recall_at_100_max": 31.324989771047818, + "nauc_recall_at_100_std": 32.96087731883457, + "nauc_recall_at_10_diff1": 3.0335517475367166, + "nauc_recall_at_10_max": 42.21620215030217, + "nauc_recall_at_10_std": 21.901597323159606, + "nauc_recall_at_1_diff1": 23.473291302576396, + "nauc_recall_at_1_max": 44.68942599764586, + "nauc_recall_at_1_std": 12.424377262427253, + "nauc_recall_at_20_diff1": 0.40872018437190905, + "nauc_recall_at_20_max": 38.485034773895734, + "nauc_recall_at_20_std": 25.077397979916693, + "nauc_recall_at_3_diff1": 10.408327736589843, + "nauc_recall_at_3_max": 46.75721628917507, + "nauc_recall_at_3_std": 15.625943549268664, + "nauc_recall_at_5_diff1": 7.326752744229548, + "nauc_recall_at_5_max": 45.89190518573557, + "nauc_recall_at_5_std": 19.01717163438958, + "ndcg_at_1": 14.532, + "ndcg_at_10": 27.025, + "ndcg_at_100": 33.305, + "ndcg_at_1000": 36.38, + "ndcg_at_20": 29.443, + "ndcg_at_3": 22.035, + "ndcg_at_5": 24.319, + "precision_at_1": 14.532, + "precision_at_10": 4.115, + "precision_at_100": 0.717, + "precision_at_1000": 0.097, + "precision_at_20": 2.536, + "precision_at_3": 9.085, + "precision_at_5": 6.563, + "recall_at_1": 14.532, + "recall_at_10": 41.154, + "recall_at_100": 71.651, + "recall_at_1000": 96.841, + "recall_at_20": 50.71600000000001, + "recall_at_3": 27.254, + "recall_at_5": 32.814 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "main_score": 26.912000000000003, + "map_at_1": 14.686, + "map_at_10": 22.569, + "map_at_100": 23.679, + "map_at_1000": 23.777, + "map_at_20": 23.169, + "map_at_3": 20.201, + "map_at_5": 21.566, + "mrr_at_1": 14.686468646864686, + "mrr_at_10": 22.569346220336296, + "mrr_at_100": 23.678819125817146, + "mrr_at_1000": 23.77713511338264, + "mrr_at_20": 23.16850858443442, + "mrr_at_3": 20.200770077007665, + "mrr_at_5": 21.56628162816276, + "nauc_map_at_1000_diff1": 14.129007578838381, + "nauc_map_at_1000_max": 44.4255501141499, + "nauc_map_at_1000_std": 19.95906154868176, + "nauc_map_at_100_diff1": 14.09071870575231, + "nauc_map_at_100_max": 44.403179928955566, + "nauc_map_at_100_std": 20.00413657519976, + "nauc_map_at_10_diff1": 14.149535953153688, + "nauc_map_at_10_max": 44.66529917634685, + "nauc_map_at_10_std": 19.580235989479394, + "nauc_map_at_1_diff1": 23.489813522176636, + "nauc_map_at_1_max": 46.54578639925787, + "nauc_map_at_1_std": 16.39083721709994, + "nauc_map_at_20_diff1": 14.021560420656181, + "nauc_map_at_20_max": 44.4825455452467, + "nauc_map_at_20_std": 19.886927750826878, + "nauc_map_at_3_diff1": 16.182977890477723, + "nauc_map_at_3_max": 46.1840554029258, + "nauc_map_at_3_std": 18.735671900228958, + "nauc_map_at_5_diff1": 14.779126395472833, + "nauc_map_at_5_max": 45.23237213817556, + "nauc_map_at_5_std": 19.348508580412872, + "nauc_mrr_at_1000_diff1": 14.129007578838381, + "nauc_mrr_at_1000_max": 44.4255501141499, + "nauc_mrr_at_1000_std": 19.95906154868176, + "nauc_mrr_at_100_diff1": 14.09071870575231, + "nauc_mrr_at_100_max": 44.403179928955566, + "nauc_mrr_at_100_std": 20.00413657519976, + "nauc_mrr_at_10_diff1": 14.149535953153688, + "nauc_mrr_at_10_max": 44.66529917634685, + "nauc_mrr_at_10_std": 19.580235989479394, + "nauc_mrr_at_1_diff1": 23.489813522176636, + "nauc_mrr_at_1_max": 46.54578639925787, + "nauc_mrr_at_1_std": 16.39083721709994, + "nauc_mrr_at_20_diff1": 14.021560420656181, + "nauc_mrr_at_20_max": 44.4825455452467, + "nauc_mrr_at_20_std": 19.886927750826878, + "nauc_mrr_at_3_diff1": 16.182977890477723, + "nauc_mrr_at_3_max": 46.1840554029258, + "nauc_mrr_at_3_std": 18.735671900228958, + "nauc_mrr_at_5_diff1": 14.779126395472833, + "nauc_mrr_at_5_max": 45.23237213817556, + "nauc_mrr_at_5_std": 19.348508580412872, + "nauc_ndcg_at_1000_diff1": 11.762470380481101, + "nauc_ndcg_at_1000_max": 42.8233203033089, + "nauc_ndcg_at_1000_std": 21.78503705117719, + "nauc_ndcg_at_100_diff1": 10.45886076220022, + "nauc_ndcg_at_100_max": 41.85472899256818, + "nauc_ndcg_at_100_std": 23.20955486335138, + "nauc_ndcg_at_10_diff1": 10.605912468659469, + "nauc_ndcg_at_10_max": 43.150942448104715, + "nauc_ndcg_at_10_std": 21.120035764826085, + "nauc_ndcg_at_1_diff1": 23.489813522176636, + "nauc_ndcg_at_1_max": 46.54578639925787, + "nauc_ndcg_at_1_std": 16.39083721709994, + "nauc_ndcg_at_20_diff1": 10.11291783888644, + "nauc_ndcg_at_20_max": 42.51260678842788, + "nauc_ndcg_at_20_std": 22.1744949382252, + "nauc_ndcg_at_3_diff1": 14.25625326760802, + "nauc_ndcg_at_3_max": 45.96162916377383, + "nauc_ndcg_at_3_std": 19.557832728215523, + "nauc_ndcg_at_5_diff1": 11.956317653823053, + "nauc_ndcg_at_5_max": 44.35971268886807, + "nauc_ndcg_at_5_std": 20.581696730374233, + "nauc_precision_at_1000_diff1": 5.132291843566577, + "nauc_precision_at_1000_max": 25.293354576835263, + "nauc_precision_at_1000_std": 40.36005126087624, + "nauc_precision_at_100_diff1": -1.5252854375008238, + "nauc_precision_at_100_max": 31.007586474495984, + "nauc_precision_at_100_std": 37.297552993548386, + "nauc_precision_at_10_diff1": 1.9663657370770737, + "nauc_precision_at_10_max": 39.194092293625125, + "nauc_precision_at_10_std": 24.956542621999542, + "nauc_precision_at_1_diff1": 23.489813522176636, + "nauc_precision_at_1_max": 46.54578639925787, + "nauc_precision_at_1_std": 16.39083721709994, + "nauc_precision_at_20_diff1": 0.011112090390932373, + "nauc_precision_at_20_max": 36.9357074392519, + "nauc_precision_at_20_std": 28.611387115093876, + "nauc_precision_at_3_diff1": 9.596831091013703, + "nauc_precision_at_3_max": 45.3905541893809, + "nauc_precision_at_3_std": 21.599314388526945, + "nauc_precision_at_5_diff1": 5.175887949900142, + "nauc_precision_at_5_max": 42.129467510414464, + "nauc_precision_at_5_std": 23.607251548776677, + "nauc_recall_at_1000_diff1": 5.132291843566257, + "nauc_recall_at_1000_max": 25.29335457683396, + "nauc_recall_at_1000_std": 40.36005126087638, + "nauc_recall_at_100_diff1": -1.5252854375008988, + "nauc_recall_at_100_max": 31.00758647449594, + "nauc_recall_at_100_std": 37.29755299354834, + "nauc_recall_at_10_diff1": 1.9663657370770793, + "nauc_recall_at_10_max": 39.19409229362512, + "nauc_recall_at_10_std": 24.956542621999546, + "nauc_recall_at_1_diff1": 23.489813522176636, + "nauc_recall_at_1_max": 46.54578639925787, + "nauc_recall_at_1_std": 16.39083721709994, + "nauc_recall_at_20_diff1": 0.011112090390923075, + "nauc_recall_at_20_max": 36.93570743925189, + "nauc_recall_at_20_std": 28.611387115093883, + "nauc_recall_at_3_diff1": 9.596831091013714, + "nauc_recall_at_3_max": 45.39055418938087, + "nauc_recall_at_3_std": 21.599314388526956, + "nauc_recall_at_5_diff1": 5.17588794990012, + "nauc_recall_at_5_max": 42.12946751041448, + "nauc_recall_at_5_std": 23.607251548776695, + "ndcg_at_1": 14.686, + "ndcg_at_10": 26.912000000000003, + "ndcg_at_100": 32.919, + "ndcg_at_1000": 36.119, + "ndcg_at_20": 29.079, + "ndcg_at_3": 21.995, + "ndcg_at_5": 24.474999999999998, + "precision_at_1": 14.686, + "precision_at_10": 4.08, + "precision_at_100": 0.703, + "precision_at_1000": 0.097, + "precision_at_20": 2.467, + "precision_at_3": 9.062000000000001, + "precision_at_5": 6.65, + "recall_at_1": 14.686, + "recall_at_10": 40.8, + "recall_at_100": 70.338, + "recall_at_1000": 96.82300000000001, + "recall_at_20": 49.34, + "recall_at_3": 27.186, + "recall_at_5": 33.251 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "main_score": 26.909, + "map_at_1": 14.701, + "map_at_10": 22.613, + "map_at_100": 23.729, + "map_at_1000": 23.837, + "map_at_20": 23.262, + "map_at_3": 20.236, + "map_at_5": 21.673000000000002, + "mrr_at_1": 14.7010647010647, + "mrr_at_10": 22.613165113165113, + "mrr_at_100": 23.72877605989423, + "mrr_at_1000": 23.837150802746805, + "mrr_at_20": 23.261627081110596, + "mrr_at_3": 20.2361452361452, + "mrr_at_5": 21.673491673491625, + "nauc_map_at_1000_diff1": 17.08927788889635, + "nauc_map_at_1000_max": 47.240929150603336, + "nauc_map_at_1000_std": 20.559244258100275, + "nauc_map_at_100_diff1": 17.029461792796777, + "nauc_map_at_100_max": 47.207381115550696, + "nauc_map_at_100_std": 20.581498156895265, + "nauc_map_at_10_diff1": 17.351456007804536, + "nauc_map_at_10_max": 47.815880040221344, + "nauc_map_at_10_std": 20.292999107555794, + "nauc_map_at_1_diff1": 27.297525357600776, + "nauc_map_at_1_max": 47.18835074959486, + "nauc_map_at_1_std": 18.304203168281834, + "nauc_map_at_20_diff1": 17.157460199542136, + "nauc_map_at_20_max": 47.4776610667456, + "nauc_map_at_20_std": 20.499186342964478, + "nauc_map_at_3_diff1": 19.393119961356277, + "nauc_map_at_3_max": 49.02841822452882, + "nauc_map_at_3_std": 19.293122796321292, + "nauc_map_at_5_diff1": 17.76275044752008, + "nauc_map_at_5_max": 48.01292548040298, + "nauc_map_at_5_std": 19.928449977400504, + "nauc_mrr_at_1000_diff1": 17.08927788889635, + "nauc_mrr_at_1000_max": 47.240929150603336, + "nauc_mrr_at_1000_std": 20.559244258100275, + "nauc_mrr_at_100_diff1": 17.029461792796777, + "nauc_mrr_at_100_max": 47.207381115550696, + "nauc_mrr_at_100_std": 20.581498156895265, + "nauc_mrr_at_10_diff1": 17.351456007804536, + "nauc_mrr_at_10_max": 47.815880040221344, + "nauc_mrr_at_10_std": 20.292999107555794, + "nauc_mrr_at_1_diff1": 27.297525357600776, + "nauc_mrr_at_1_max": 47.18835074959486, + "nauc_mrr_at_1_std": 18.304203168281834, + "nauc_mrr_at_20_diff1": 17.157460199542136, + "nauc_mrr_at_20_max": 47.4776610667456, + "nauc_mrr_at_20_std": 20.499186342964478, + "nauc_mrr_at_3_diff1": 19.393119961356277, + "nauc_mrr_at_3_max": 49.02841822452882, + "nauc_mrr_at_3_std": 19.293122796321292, + "nauc_mrr_at_5_diff1": 17.76275044752008, + "nauc_mrr_at_5_max": 48.01292548040298, + "nauc_mrr_at_5_std": 19.928449977400504, + "nauc_ndcg_at_1000_diff1": 13.989496006047975, + "nauc_ndcg_at_1000_max": 45.626323944336114, + "nauc_ndcg_at_1000_std": 22.125600410796515, + "nauc_ndcg_at_100_diff1": 12.302204843705244, + "nauc_ndcg_at_100_max": 44.46856314559079, + "nauc_ndcg_at_100_std": 23.084984546328677, + "nauc_ndcg_at_10_diff1": 14.001226213368275, + "nauc_ndcg_at_10_max": 47.37780636546918, + "nauc_ndcg_at_10_std": 21.702709032840637, + "nauc_ndcg_at_1_diff1": 27.297525357600776, + "nauc_ndcg_at_1_max": 47.18835074959486, + "nauc_ndcg_at_1_std": 18.304203168281834, + "nauc_ndcg_at_20_diff1": 13.317759910171056, + "nauc_ndcg_at_20_max": 46.25171251043813, + "nauc_ndcg_at_20_std": 22.309331575402595, + "nauc_ndcg_at_3_diff1": 17.555381234893872, + "nauc_ndcg_at_3_max": 49.48635590260059, + "nauc_ndcg_at_3_std": 19.734570962933674, + "nauc_ndcg_at_5_diff1": 14.844841165765061, + "nauc_ndcg_at_5_max": 47.76437065028708, + "nauc_ndcg_at_5_std": 20.816034479453954, + "nauc_precision_at_1000_diff1": -15.591898698252546, + "nauc_precision_at_1000_max": 20.545984285353892, + "nauc_precision_at_1000_std": 38.9013414992826, + "nauc_precision_at_100_diff1": -5.290395978742176, + "nauc_precision_at_100_max": 31.340480360546845, + "nauc_precision_at_100_std": 33.6897935720505, + "nauc_precision_at_10_diff1": 5.965001997926562, + "nauc_precision_at_10_max": 46.12515296162247, + "nauc_precision_at_10_std": 25.409433135253558, + "nauc_precision_at_1_diff1": 27.297525357600776, + "nauc_precision_at_1_max": 47.18835074959486, + "nauc_precision_at_1_std": 18.304203168281834, + "nauc_precision_at_20_diff1": 3.4438127279827744, + "nauc_precision_at_20_max": 42.36095587714494, + "nauc_precision_at_20_std": 27.367900512797906, + "nauc_precision_at_3_diff1": 13.165017224718916, + "nauc_precision_at_3_max": 50.58931825484506, + "nauc_precision_at_3_std": 20.852009214609442, + "nauc_precision_at_5_diff1": 7.840087177549876, + "nauc_precision_at_5_max": 46.99388755575109, + "nauc_precision_at_5_std": 23.048702393099834, + "nauc_recall_at_1000_diff1": -15.591898698252932, + "nauc_recall_at_1000_max": 20.5459842853537, + "nauc_recall_at_1000_std": 38.901341499282395, + "nauc_recall_at_100_diff1": -5.290395978742165, + "nauc_recall_at_100_max": 31.340480360546863, + "nauc_recall_at_100_std": 33.68979357205046, + "nauc_recall_at_10_diff1": 5.96500199792656, + "nauc_recall_at_10_max": 46.1251529616225, + "nauc_recall_at_10_std": 25.409433135253543, + "nauc_recall_at_1_diff1": 27.297525357600776, + "nauc_recall_at_1_max": 47.18835074959486, + "nauc_recall_at_1_std": 18.304203168281834, + "nauc_recall_at_20_diff1": 3.4438127279827833, + "nauc_recall_at_20_max": 42.36095587714498, + "nauc_recall_at_20_std": 27.36790051279787, + "nauc_recall_at_3_diff1": 13.165017224718916, + "nauc_recall_at_3_max": 50.589318254845054, + "nauc_recall_at_3_std": 20.852009214609435, + "nauc_recall_at_5_diff1": 7.840087177549891, + "nauc_recall_at_5_max": 46.99388755575112, + "nauc_recall_at_5_std": 23.048702393099845, + "ndcg_at_1": 14.701, + "ndcg_at_10": 26.909, + "ndcg_at_100": 32.727000000000004, + "ndcg_at_1000": 36.086, + "ndcg_at_20": 29.236, + "ndcg_at_3": 22.004, + "ndcg_at_5": 24.615000000000002, + "precision_at_1": 14.701, + "precision_at_10": 4.062, + "precision_at_100": 0.688, + "precision_at_1000": 0.096, + "precision_at_20": 2.488, + "precision_at_3": 9.036, + "precision_at_5": 6.699, + "recall_at_1": 14.701, + "recall_at_10": 40.622, + "recall_at_100": 68.796, + "recall_at_1000": 96.314, + "recall_at_20": 49.754, + "recall_at_3": 27.108999999999998, + "recall_at_5": 33.497 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/MultilingualSentiment.json b/results/arkohut__jina-embeddings-v3/external/MultilingualSentiment.json new file mode 100644 index 000000000..ab6396085 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/MultilingualSentiment.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "46958b007a63fdbf239b7672c25d0bea67b5ea1a", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 73.20999999999998, + "f1": 73.18755986777474, + "f1_weighted": 73.18755986777475, + "main_score": 73.20999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/NFCorpus-PL.json b/results/arkohut__jina-embeddings-v3/external/NFCorpus-PL.json new file mode 100644 index 000000000..aa3e50acc --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/NFCorpus-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "9a6f9567fda928260afed2de480d79c98bf0bec0", + "task_name": "NFCorpus-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 31.391000000000002, + "map_at_1": 4.163, + "map_at_10": 10.744, + "map_at_100": 14.038999999999998, + "map_at_1000": 15.434999999999999, + "map_at_20": 12.16, + "map_at_3": 7.614999999999999, + "map_at_5": 9.027000000000001, + "mrr_at_1": 39.0092879256966, + "mrr_at_10": 48.69809327239668, + "mrr_at_100": 49.20788148442068, + "mrr_at_1000": 49.25509336494706, + "mrr_at_20": 48.99606551850896, + "mrr_at_3": 46.284829721362236, + "mrr_at_5": 47.77089783281735, + "nauc_map_at_1000_diff1": 22.75421477116417, + "nauc_map_at_1000_max": 49.242283787799046, + "nauc_map_at_1000_std": 29.056888272331832, + "nauc_map_at_100_diff1": 23.585977398585594, + "nauc_map_at_100_max": 48.25845199409498, + "nauc_map_at_100_std": 24.944264511223693, + "nauc_map_at_10_diff1": 27.386613094780255, + "nauc_map_at_10_max": 41.52415346691586, + "nauc_map_at_10_std": 12.93872448563755, + "nauc_map_at_1_diff1": 46.78688143865053, + "nauc_map_at_1_max": 37.20408843995871, + "nauc_map_at_1_std": 4.383444959401098, + "nauc_map_at_20_diff1": 25.590969047740288, + "nauc_map_at_20_max": 44.57109307999418, + "nauc_map_at_20_std": 16.45855141821407, + "nauc_map_at_3_diff1": 36.30017108362863, + "nauc_map_at_3_max": 34.66149613991648, + "nauc_map_at_3_std": 5.67985905078467, + "nauc_map_at_5_diff1": 31.157644795417223, + "nauc_map_at_5_max": 37.274738661636825, + "nauc_map_at_5_std": 8.70088872394168, + "nauc_mrr_at_1000_diff1": 25.638564218157384, + "nauc_mrr_at_1000_max": 57.77788270285353, + "nauc_mrr_at_1000_std": 43.507586592911274, + "nauc_mrr_at_100_diff1": 25.662002580561584, + "nauc_mrr_at_100_max": 57.80578394278584, + "nauc_mrr_at_100_std": 43.543905743986635, + "nauc_mrr_at_10_diff1": 25.426034796339835, + "nauc_mrr_at_10_max": 57.68443186258669, + "nauc_mrr_at_10_std": 43.438009108331215, + "nauc_mrr_at_1_diff1": 26.073028156311075, + "nauc_mrr_at_1_max": 52.11817916720053, + "nauc_mrr_at_1_std": 37.41073893153695, + "nauc_mrr_at_20_diff1": 25.548645553336147, + "nauc_mrr_at_20_max": 57.78552760401915, + "nauc_mrr_at_20_std": 43.521687428822325, + "nauc_mrr_at_3_diff1": 25.72662577397805, + "nauc_mrr_at_3_max": 56.891263536265605, + "nauc_mrr_at_3_std": 41.384872305390104, + "nauc_mrr_at_5_diff1": 25.552211551655386, + "nauc_mrr_at_5_max": 57.976813828353926, + "nauc_mrr_at_5_std": 43.504564461855544, + "nauc_ndcg_at_1000_diff1": 23.456158044182757, + "nauc_ndcg_at_1000_max": 60.05411773552709, + "nauc_ndcg_at_1000_std": 47.857510017262584, + "nauc_ndcg_at_100_diff1": 19.711635700390772, + "nauc_ndcg_at_100_max": 56.178746740470665, + "nauc_ndcg_at_100_std": 42.36829180286942, + "nauc_ndcg_at_10_diff1": 18.364428967788413, + "nauc_ndcg_at_10_max": 54.38372506578223, + "nauc_ndcg_at_10_std": 41.75765411340369, + "nauc_ndcg_at_1_diff1": 26.571093272640773, + "nauc_ndcg_at_1_max": 51.061788341958284, + "nauc_ndcg_at_1_std": 36.514987974075986, + "nauc_ndcg_at_20_diff1": 18.345487193027697, + "nauc_ndcg_at_20_max": 54.62621882656994, + "nauc_ndcg_at_20_std": 41.42835554714241, + "nauc_ndcg_at_3_diff1": 23.260105658139025, + "nauc_ndcg_at_3_max": 52.07747385334546, + "nauc_ndcg_at_3_std": 36.91985577837284, + "nauc_ndcg_at_5_diff1": 20.40428109665566, + "nauc_ndcg_at_5_max": 53.52015347884604, + "nauc_ndcg_at_5_std": 39.46008849580017, + "nauc_precision_at_1000_diff1": -7.3487344916380035, + "nauc_precision_at_1000_max": 16.58045221394852, + "nauc_precision_at_1000_std": 38.94030932397075, + "nauc_precision_at_100_diff1": -5.257743986683922, + "nauc_precision_at_100_max": 34.43071687475306, + "nauc_precision_at_100_std": 53.499519170670474, + "nauc_precision_at_10_diff1": 2.385136433119139, + "nauc_precision_at_10_max": 47.210743878631064, + "nauc_precision_at_10_std": 47.22767704186548, + "nauc_precision_at_1_diff1": 26.073028156311075, + "nauc_precision_at_1_max": 52.11817916720053, + "nauc_precision_at_1_std": 37.41073893153695, + "nauc_precision_at_20_diff1": -0.3531531127238474, + "nauc_precision_at_20_max": 44.78044604856974, + "nauc_precision_at_20_std": 49.532804150743615, + "nauc_precision_at_3_diff1": 15.350050569991447, + "nauc_precision_at_3_max": 51.01572315596549, + "nauc_precision_at_3_std": 38.801125728413155, + "nauc_precision_at_5_diff1": 9.109003666144694, + "nauc_precision_at_5_max": 50.935269774898494, + "nauc_precision_at_5_std": 43.323548180559676, + "nauc_recall_at_1000_diff1": 16.64743647648886, + "nauc_recall_at_1000_max": 38.46012283772285, + "nauc_recall_at_1000_std": 36.02016164796441, + "nauc_recall_at_100_diff1": 14.005834785186744, + "nauc_recall_at_100_max": 37.70026105513647, + "nauc_recall_at_100_std": 27.085222642129697, + "nauc_recall_at_10_diff1": 21.204106627422632, + "nauc_recall_at_10_max": 36.737624881893424, + "nauc_recall_at_10_std": 13.755054514272702, + "nauc_recall_at_1_diff1": 46.78688143865053, + "nauc_recall_at_1_max": 37.20408843995871, + "nauc_recall_at_1_std": 4.383444959401098, + "nauc_recall_at_20_diff1": 19.740977611421933, + "nauc_recall_at_20_max": 39.21908969539783, + "nauc_recall_at_20_std": 16.560269670318494, + "nauc_recall_at_3_diff1": 32.189359545367815, + "nauc_recall_at_3_max": 31.693634445562758, + "nauc_recall_at_3_std": 6.246326281543587, + "nauc_recall_at_5_diff1": 25.51586860499901, + "nauc_recall_at_5_max": 33.15934725342885, + "nauc_recall_at_5_std": 9.677778511696705, + "ndcg_at_1": 37.307, + "ndcg_at_10": 31.391000000000002, + "ndcg_at_100": 28.877999999999997, + "ndcg_at_1000": 37.16, + "ndcg_at_20": 29.314, + "ndcg_at_3": 35.405, + "ndcg_at_5": 33.922999999999995, + "precision_at_1": 39.009, + "precision_at_10": 24.52, + "precision_at_100": 7.703, + "precision_at_1000": 2.04, + "precision_at_20": 18.08, + "precision_at_3": 34.469, + "precision_at_5": 30.712, + "recall_at_1": 4.163, + "recall_at_10": 15.015999999999998, + "recall_at_100": 30.606, + "recall_at_1000": 59.606, + "recall_at_20": 19.09, + "recall_at_3": 9.139, + "recall_at_5": 11.477 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/NFCorpus.json b/results/arkohut__jina-embeddings-v3/external/NFCorpus.json new file mode 100644 index 000000000..5afe07928 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/NFCorpus.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.822, + "map_at_10": 13.144, + "map_at_100": 17.254, + "map_at_1000": 18.931, + "map_at_20": 14.834, + "map_at_3": 8.975, + "map_at_5": 10.922, + "mrr_at_1": 47.059, + "mrr_at_10": 55.806999999999995, + "mrr_at_100": 56.286, + "mrr_at_1000": 56.327000000000005, + "mrr_at_20": 56.00000000000001, + "mrr_at_3": 54.17999999999999, + "mrr_at_5": 55.155, + "ndcg_at_1": 44.427, + "ndcg_at_10": 36.623, + "ndcg_at_100": 33.664, + "ndcg_at_1000": 42.538, + "ndcg_at_20": 34.066, + "ndcg_at_3": 41.118, + "ndcg_at_5": 39.455, + "precision_at_1": 46.44, + "precision_at_10": 28.607, + "precision_at_100": 9.189, + "precision_at_1000": 2.261, + "precision_at_20": 21.238, + "precision_at_3": 39.628, + "precision_at_5": 35.604, + "recall_at_1": 4.822, + "recall_at_10": 17.488999999999997, + "recall_at_100": 35.052, + "recall_at_1000": 66.67999999999999, + "recall_at_20": 21.343999999999998, + "recall_at_3": 10.259, + "recall_at_5": 13.406, + "main_score": 36.623 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/NQ-PL.json b/results/arkohut__jina-embeddings-v3/external/NQ-PL.json new file mode 100644 index 000000000..58d362b5b --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/NQ-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f171245712cf85dd4700b06bef18001578d0ca8d", + "task_name": "NQ-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 54.017, + "map_at_1": 34.193, + "map_at_10": 47.497, + "map_at_100": 48.441, + "map_at_1000": 48.481, + "map_at_20": 48.093, + "map_at_3": 44.017, + "map_at_5": 46.111000000000004, + "mrr_at_1": 37.949015063731174, + "mrr_at_10": 49.915772315105954, + "mrr_at_100": 50.62841255829997, + "mrr_at_1000": 50.656773027666745, + "mrr_at_20": 50.37785276657083, + "mrr_at_3": 46.98725376593267, + "mrr_at_5": 48.763035921205066, + "nauc_map_at_1000_diff1": 39.5632191792873, + "nauc_map_at_1000_max": 37.4728247053629, + "nauc_map_at_1000_std": 5.742498414663762, + "nauc_map_at_100_diff1": 39.555570352061906, + "nauc_map_at_100_max": 37.497880976847334, + "nauc_map_at_100_std": 5.7798021019465375, + "nauc_map_at_10_diff1": 39.5423723444454, + "nauc_map_at_10_max": 37.41661971723365, + "nauc_map_at_10_std": 5.2378002164144695, + "nauc_map_at_1_diff1": 41.52697034146981, + "nauc_map_at_1_max": 28.558995576942863, + "nauc_map_at_1_std": 0.13094542859192052, + "nauc_map_at_20_diff1": 39.55484628943701, + "nauc_map_at_20_max": 37.5247794933719, + "nauc_map_at_20_std": 5.702881342279231, + "nauc_map_at_3_diff1": 39.949323925425325, + "nauc_map_at_3_max": 35.770298168901924, + "nauc_map_at_3_std": 2.9127112432479874, + "nauc_map_at_5_diff1": 39.768310617004545, + "nauc_map_at_5_max": 37.1549191664796, + "nauc_map_at_5_std": 4.4681285748269515, + "nauc_mrr_at_1000_diff1": 39.14001746706457, + "nauc_mrr_at_1000_max": 37.477376518267775, + "nauc_mrr_at_1000_std": 6.8088891531621565, + "nauc_mrr_at_100_diff1": 39.13054707413684, + "nauc_mrr_at_100_max": 37.498126443766274, + "nauc_mrr_at_100_std": 6.839411380129971, + "nauc_mrr_at_10_diff1": 39.09764730048156, + "nauc_mrr_at_10_max": 37.58593798217306, + "nauc_mrr_at_10_std": 6.713795164982413, + "nauc_mrr_at_1_diff1": 41.581599918664075, + "nauc_mrr_at_1_max": 31.500589231378722, + "nauc_mrr_at_1_std": 2.059116370339438, + "nauc_mrr_at_20_diff1": 39.09011023988447, + "nauc_mrr_at_20_max": 37.55856008791344, + "nauc_mrr_at_20_std": 6.847165397615844, + "nauc_mrr_at_3_diff1": 39.382542043738, + "nauc_mrr_at_3_max": 36.49265363659468, + "nauc_mrr_at_3_std": 4.759157976438336, + "nauc_mrr_at_5_diff1": 39.304826333759976, + "nauc_mrr_at_5_max": 37.46326016736024, + "nauc_mrr_at_5_std": 6.122608305766621, + "nauc_ndcg_at_1000_diff1": 38.568500038453266, + "nauc_ndcg_at_1000_max": 39.799710882413166, + "nauc_ndcg_at_1000_std": 9.357010223096639, + "nauc_ndcg_at_100_diff1": 38.38026091343228, + "nauc_ndcg_at_100_max": 40.48398173542486, + "nauc_ndcg_at_100_std": 10.373054013302214, + "nauc_ndcg_at_10_diff1": 38.27340980909964, + "nauc_ndcg_at_10_max": 40.35241649744093, + "nauc_ndcg_at_10_std": 8.579139930345168, + "nauc_ndcg_at_1_diff1": 41.581599918664075, + "nauc_ndcg_at_1_max": 31.500589231378722, + "nauc_ndcg_at_1_std": 2.059116370339438, + "nauc_ndcg_at_20_diff1": 38.26453028884807, + "nauc_ndcg_at_20_max": 40.70517858426641, + "nauc_ndcg_at_20_std": 9.987693876137905, + "nauc_ndcg_at_3_diff1": 39.2078971733273, + "nauc_ndcg_at_3_max": 37.48672195565316, + "nauc_ndcg_at_3_std": 4.051464994659221, + "nauc_ndcg_at_5_diff1": 38.883693595665285, + "nauc_ndcg_at_5_max": 39.763115634437135, + "nauc_ndcg_at_5_std": 6.738980451582073, + "nauc_precision_at_1000_diff1": -7.223215910619012, + "nauc_precision_at_1000_max": 13.075844604892161, + "nauc_precision_at_1000_std": 19.864336920890107, + "nauc_precision_at_100_diff1": 1.3305994810812418, + "nauc_precision_at_100_max": 25.9219108557104, + "nauc_precision_at_100_std": 27.5076605928207, + "nauc_precision_at_10_diff1": 18.441551484970326, + "nauc_precision_at_10_max": 39.85995330437054, + "nauc_precision_at_10_std": 20.561269077428914, + "nauc_precision_at_1_diff1": 41.581599918664075, + "nauc_precision_at_1_max": 31.500589231378722, + "nauc_precision_at_1_std": 2.059116370339438, + "nauc_precision_at_20_diff1": 12.579593891480531, + "nauc_precision_at_20_max": 36.620221830588775, + "nauc_precision_at_20_std": 26.40364876775059, + "nauc_precision_at_3_diff1": 30.158859294487073, + "nauc_precision_at_3_max": 41.168215766389174, + "nauc_precision_at_3_std": 9.44345004450809, + "nauc_precision_at_5_diff1": 25.438624678672785, + "nauc_precision_at_5_max": 42.72802023518524, + "nauc_precision_at_5_std": 15.357657388511099, + "nauc_recall_at_1000_diff1": 24.987564782718003, + "nauc_recall_at_1000_max": 70.508416373353, + "nauc_recall_at_1000_std": 69.75092280398808, + "nauc_recall_at_100_diff1": 29.504202856421397, + "nauc_recall_at_100_max": 63.41356585545318, + "nauc_recall_at_100_std": 50.09250954437847, + "nauc_recall_at_10_diff1": 32.355776022971774, + "nauc_recall_at_10_max": 49.47121901667283, + "nauc_recall_at_10_std": 19.418439406631244, + "nauc_recall_at_1_diff1": 41.52697034146981, + "nauc_recall_at_1_max": 28.558995576942863, + "nauc_recall_at_1_std": 0.13094542859192052, + "nauc_recall_at_20_diff1": 31.57334731023589, + "nauc_recall_at_20_max": 54.06567225197383, + "nauc_recall_at_20_std": 29.222029720570468, + "nauc_recall_at_3_diff1": 36.45033533275773, + "nauc_recall_at_3_max": 40.39529713780803, + "nauc_recall_at_3_std": 5.21893897772794, + "nauc_recall_at_5_diff1": 35.18471678478859, + "nauc_recall_at_5_max": 46.20100816867823, + "nauc_recall_at_5_std": 11.94481894633221, + "ndcg_at_1": 37.949, + "ndcg_at_10": 54.017, + "ndcg_at_100": 58.126, + "ndcg_at_1000": 59.073, + "ndcg_at_20": 55.928, + "ndcg_at_3": 47.494, + "ndcg_at_5": 50.975, + "precision_at_1": 37.949, + "precision_at_10": 8.450000000000001, + "precision_at_100": 1.083, + "precision_at_1000": 0.117, + "precision_at_20": 4.689, + "precision_at_3": 21.051000000000002, + "precision_at_5": 14.664, + "recall_at_1": 34.193, + "recall_at_10": 71.357, + "recall_at_100": 89.434, + "recall_at_1000": 96.536, + "recall_at_20": 78.363, + "recall_at_3": 54.551, + "recall_at_5": 62.543000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/NQ.json b/results/arkohut__jina-embeddings-v3/external/NQ.json new file mode 100644 index 000000000..3b0f0a8e2 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/NQ.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 41.411, + "map_at_10": 57.179, + "map_at_100": 57.945, + "map_at_1000": 57.967999999999996, + "map_at_20": 57.687, + "map_at_3": 53.46300000000001, + "map_at_5": 55.696999999999996, + "mrr_at_1": 46.233999999999995, + "mrr_at_10": 59.831999999999994, + "mrr_at_100": 60.33500000000001, + "mrr_at_1000": 60.348, + "mrr_at_20": 60.167, + "mrr_at_3": 56.972, + "mrr_at_5": 58.74, + "ndcg_at_1": 46.205, + "ndcg_at_10": 64.23100000000001, + "ndcg_at_100": 67.242, + "ndcg_at_1000": 67.72500000000001, + "ndcg_at_20": 65.77300000000001, + "ndcg_at_3": 57.516, + "ndcg_at_5": 61.11600000000001, + "precision_at_1": 46.205, + "precision_at_10": 9.873, + "precision_at_100": 1.158, + "precision_at_1000": 0.12, + "precision_at_20": 5.319, + "precision_at_3": 25.424999999999997, + "precision_at_5": 17.375, + "recall_at_1": 41.411, + "recall_at_10": 82.761, + "recall_at_100": 95.52199999999999, + "recall_at_1000": 99.02499999999999, + "recall_at_20": 88.34, + "recall_at_3": 65.73, + "recall_at_5": 73.894, + "main_score": 64.23100000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/Ocnli.json b/results/arkohut__jina-embeddings-v3/external/Ocnli.json new file mode 100644 index 000000000..3628e0687 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/Ocnli.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "66e76a618a34d6d565d5538088562851e6daa7ec", + "task_name": "Ocnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_accuracy": 62.3714131023281, + "cosine_accuracy_threshold": 79.70921993255615, + "cosine_ap": 66.41380155495659, + "cosine_f1": 68.89547185780786, + "cosine_f1_threshold": 72.91591167449951, + "cosine_precision": 57.485875706214685, + "cosine_recall": 85.95564941921859, + "dot_accuracy": 60.47644829453167, + "dot_accuracy_threshold": 36627.362060546875, + "dot_ap": 63.696303449293204, + "dot_f1": 68.3986041101202, + "dot_f1_threshold": 30452.72216796875, + "dot_precision": 54.04411764705882, + "dot_recall": 93.13621964097149, + "euclidean_accuracy": 63.02111532214402, + "euclidean_accuracy_threshold": 1392.76762008667, + "euclidean_ap": 66.65907089443218, + "euclidean_f1": 69.05036524413688, + "euclidean_f1_threshold": 1711.5310668945312, + "euclidean_precision": 54.29262394195889, + "euclidean_recall": 94.82576557550159, + "main_score": 63.02111532214402, + "manhattan_accuracy": 62.75040606388739, + "manhattan_accuracy_threshold": 32475.347900390625, + "manhattan_ap": 66.50943585125434, + "manhattan_f1": 69.08382066276802, + "manhattan_f1_threshold": 41238.470458984375, + "manhattan_precision": 54.75896168108776, + "manhattan_recall": 93.55860612460401, + "max_accuracy": 63.02111532214402, + "max_ap": 66.65907089443218, + "max_f1": 69.08382066276802, + "max_precision": 57.485875706214685, + "max_recall": 94.82576557550159, + "similarity_accuracy": 62.3714131023281, + "similarity_accuracy_threshold": 79.70921993255615, + "similarity_ap": 66.41380155495659, + "similarity_f1": 68.89547185780786, + "similarity_f1_threshold": 72.91591167449951, + "similarity_precision": 57.485875706214685, + "similarity_recall": 85.95564941921859 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/OnlineShopping.json b/results/arkohut__jina-embeddings-v3/external/OnlineShopping.json new file mode 100644 index 000000000..c65dab362 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/OnlineShopping.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "e610f2ebd179a8fda30ae534c3878750a96db120", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 91.88000000000001, + "ap": 89.52463684448476, + "ap_weighted": 89.52463684448476, + "f1": 91.86313022306673, + "f1_weighted": 91.87806318146912, + "main_score": 91.88000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/OpusparcusPC.json b/results/arkohut__jina-embeddings-v3/external/OpusparcusPC.json new file mode 100644 index 000000000..e7e9c66d5 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/OpusparcusPC.json @@ -0,0 +1,198 @@ +{ + "dataset_revision": "9e9b1f8ef51616073f47f306f7f47dd91663f86a", + "task_name": "OpusparcusPC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test.full": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 92.65578635014838, + "cosine_accuracy_threshold": 74.02530312538147, + "cosine_ap": 98.3834226153613, + "cosine_f1": 94.92567913890312, + "cosine_f1_threshold": 74.02530312538147, + "cosine_precision": 95.562435500516, + "cosine_recall": 94.29735234215886, + "dot_accuracy": 91.54302670623146, + "dot_accuracy_threshold": 34452.29187011719, + "dot_ap": 98.1237257754439, + "dot_f1": 94.22400803616273, + "dot_f1_threshold": 33670.41931152344, + "dot_precision": 92.9633300297324, + "dot_recall": 95.5193482688391, + "euclidean_accuracy": 92.28486646884274, + "euclidean_accuracy_threshold": 1602.8022766113281, + "euclidean_ap": 98.3099021504706, + "euclidean_f1": 94.75277497477296, + "euclidean_f1_threshold": 1604.7462463378906, + "euclidean_precision": 93.89999999999999, + "euclidean_recall": 95.62118126272912, + "main_score": 98.3834226153613, + "manhattan_accuracy": 92.2106824925816, + "manhattan_accuracy_threshold": 38872.90954589844, + "manhattan_ap": 98.28694101230218, + "manhattan_f1": 94.67815509376584, + "manhattan_f1_threshold": 38872.90954589844, + "manhattan_precision": 94.24823410696267, + "manhattan_recall": 95.11201629327903, + "max_accuracy": 92.65578635014838, + "max_ap": 98.3834226153613, + "max_f1": 94.92567913890312, + "max_precision": 95.562435500516, + "max_recall": 95.62118126272912, + "similarity_accuracy": 92.65578635014838, + "similarity_accuracy_threshold": 74.02530312538147, + "similarity_ap": 98.3834226153613, + "similarity_f1": 94.92567913890312, + "similarity_f1_threshold": 74.02530312538147, + "similarity_precision": 95.562435500516, + "similarity_recall": 94.29735234215886 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "cosine_accuracy": 87.72178850248403, + "cosine_accuracy_threshold": 73.33863377571106, + "cosine_ap": 96.98901408834976, + "cosine_f1": 91.89944134078212, + "cosine_f1_threshold": 71.45810127258301, + "cosine_precision": 89.64577656675749, + "cosine_recall": 94.26934097421203, + "dot_accuracy": 86.30234208658624, + "dot_accuracy_threshold": 32027.130126953125, + "dot_ap": 96.12260574893256, + "dot_f1": 91.31602506714414, + "dot_f1_threshold": 30804.376220703125, + "dot_precision": 85.93091828138164, + "dot_recall": 97.42120343839542, + "euclidean_accuracy": 87.9347054648687, + "euclidean_accuracy_threshold": 1609.6670150756836, + "euclidean_ap": 97.00238860358252, + "euclidean_f1": 92.1089063221043, + "euclidean_f1_threshold": 1641.8487548828125, + "euclidean_precision": 89.10714285714286, + "euclidean_recall": 95.31996179560649, + "main_score": 97.00238860358252, + "manhattan_accuracy": 87.72178850248403, + "manhattan_accuracy_threshold": 40137.060546875, + "manhattan_ap": 96.98653728159941, + "manhattan_f1": 92.03865623561896, + "manhattan_f1_threshold": 40137.060546875, + "manhattan_precision": 88.80994671403198, + "manhattan_recall": 95.51098376313276, + "max_accuracy": 87.9347054648687, + "max_ap": 97.00238860358252, + "max_f1": 92.1089063221043, + "max_precision": 89.64577656675749, + "max_recall": 97.42120343839542, + "similarity_accuracy": 87.72178850248403, + "similarity_accuracy_threshold": 73.33863377571106, + "similarity_ap": 96.98901408834976, + "similarity_f1": 91.89944134078212, + "similarity_f1_threshold": 71.45810127258301, + "similarity_precision": 89.64577656675749, + "similarity_recall": 94.26934097421203 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cosine_accuracy": 80.92643051771117, + "cosine_accuracy_threshold": 76.68856382369995, + "cosine_ap": 93.74622381534307, + "cosine_f1": 87.12328767123287, + "cosine_f1_threshold": 71.64022922515869, + "cosine_precision": 80.64243448858834, + "cosine_recall": 94.73684210526315, + "dot_accuracy": 80.858310626703, + "dot_accuracy_threshold": 34028.3935546875, + "dot_ap": 91.18448457633308, + "dot_f1": 86.82606657290202, + "dot_f1_threshold": 34028.3935546875, + "dot_precision": 82.2380106571936, + "dot_recall": 91.9563058589871, + "euclidean_accuracy": 80.858310626703, + "euclidean_accuracy_threshold": 1595.7651138305664, + "euclidean_ap": 93.8182717829648, + "euclidean_f1": 87.04044117647058, + "euclidean_f1_threshold": 1609.2475891113281, + "euclidean_precision": 81.00940975192472, + "euclidean_recall": 94.04170804369414, + "main_score": 93.8182717829648, + "manhattan_accuracy": 80.99455040871935, + "manhattan_accuracy_threshold": 38092.132568359375, + "manhattan_ap": 93.77563401151711, + "manhattan_f1": 86.91983122362869, + "manhattan_f1_threshold": 38092.132568359375, + "manhattan_precision": 82.32682060390763, + "manhattan_recall": 92.05561072492551, + "max_accuracy": 80.99455040871935, + "max_ap": 93.8182717829648, + "max_f1": 87.12328767123287, + "max_precision": 82.32682060390763, + "max_recall": 94.73684210526315, + "similarity_accuracy": 80.92643051771117, + "similarity_accuracy_threshold": 76.68856382369995, + "similarity_ap": 93.74622381534307, + "similarity_f1": 87.12328767123287, + "similarity_f1_threshold": 71.64022922515869, + "similarity_precision": 80.64243448858834, + "similarity_recall": 94.73684210526315 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "cosine_accuracy": 76.83823529411765, + "cosine_accuracy_threshold": 72.70769476890564, + "cosine_ap": 89.56692049908222, + "cosine_f1": 83.99832003359934, + "cosine_f1_threshold": 70.9052324295044, + "cosine_precision": 76.16146230007617, + "cosine_recall": 93.63295880149812, + "dot_accuracy": 76.28676470588235, + "dot_accuracy_threshold": 33740.68908691406, + "dot_ap": 87.77185177141567, + "dot_f1": 83.62251375370292, + "dot_f1_threshold": 32726.611328125, + "dot_precision": 76.29343629343629, + "dot_recall": 92.50936329588015, + "euclidean_accuracy": 77.32843137254902, + "euclidean_accuracy_threshold": 1566.510009765625, + "euclidean_ap": 89.60605626791111, + "euclidean_f1": 84.06546080964686, + "euclidean_f1_threshold": 1576.4202117919922, + "euclidean_precision": 77.83094098883574, + "euclidean_recall": 91.38576779026218, + "main_score": 89.60605626791111, + "manhattan_accuracy": 76.89950980392157, + "manhattan_accuracy_threshold": 38202.215576171875, + "manhattan_ap": 89.55766894104868, + "manhattan_f1": 83.80462724935732, + "manhattan_f1_threshold": 38934.375, + "manhattan_precision": 77.25118483412322, + "manhattan_recall": 91.57303370786516, + "max_accuracy": 77.32843137254902, + "max_ap": 89.60605626791111, + "max_f1": 84.06546080964686, + "max_precision": 77.83094098883574, + "max_recall": 93.63295880149812, + "similarity_accuracy": 76.83823529411765, + "similarity_accuracy_threshold": 72.70769476890564, + "similarity_ap": 89.56692049908222, + "similarity_f1": 83.99832003359934, + "similarity_f1_threshold": 70.9052324295044, + "similarity_precision": 76.16146230007617, + "similarity_recall": 93.63295880149812 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/PAC.json b/results/arkohut__jina-embeddings-v3/external/PAC.json new file mode 100644 index 000000000..6d1e3f720 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/PAC.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "fc69d1c153a8ccdcf1eef52f4e2a27f88782f543", + "task_name": "PAC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 68.39559803069794, + "ap": 77.68074206719457, + "ap_weighted": 77.68074206719457, + "f1": 66.23485605467732, + "f1_weighted": 69.03201442129347, + "main_score": 68.39559803069794 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/PAWSX.json b/results/arkohut__jina-embeddings-v3/external/PAWSX.json new file mode 100644 index 000000000..af8d852e6 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/PAWSX.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "9c6a90e430ac22b5779fb019a23e820b11a8b5e1", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 13.161523266433587, + "cosine_spearman": 15.557333873773386, + "euclidean_pearson": 17.147508431907525, + "euclidean_spearman": 15.664112857732146, + "main_score": 15.557333873773386, + "manhattan_pearson": 17.130875906264386, + "manhattan_spearman": 15.624397342229637, + "pearson": 13.161523266433587, + "spearman": 15.557333873773386 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/PSC.json b/results/arkohut__jina-embeddings-v3/external/PSC.json new file mode 100644 index 000000000..b574a4723 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/PSC.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "d05a294af9e1d3ff2bfb6b714e08a24a6cabc669", + "task_name": "PSC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cosine_accuracy": 97.86641929499072, + "cosine_accuracy_threshold": 79.0391206741333, + "cosine_ap": 99.19403807771533, + "cosine_f1": 96.45608628659475, + "cosine_f1_threshold": 79.0391206741333, + "cosine_precision": 97.50778816199377, + "cosine_recall": 95.42682926829268, + "dot_accuracy": 98.14471243042672, + "dot_accuracy_threshold": 29808.1787109375, + "dot_ap": 99.331999859971, + "dot_f1": 97.01492537313433, + "dot_f1_threshold": 29808.1787109375, + "dot_precision": 95.02923976608187, + "dot_recall": 99.08536585365853, + "euclidean_accuracy": 97.49536178107606, + "euclidean_accuracy_threshold": 1276.227855682373, + "euclidean_ap": 98.91056467717377, + "euclidean_f1": 95.83975346687212, + "euclidean_f1_threshold": 1276.227855682373, + "euclidean_precision": 96.88473520249221, + "euclidean_recall": 94.8170731707317, + "main_score": 99.331999859971, + "manhattan_accuracy": 97.49536178107606, + "manhattan_accuracy_threshold": 31097.674560546875, + "manhattan_ap": 98.95694691792707, + "manhattan_f1": 95.83975346687212, + "manhattan_f1_threshold": 31097.674560546875, + "manhattan_precision": 96.88473520249221, + "manhattan_recall": 94.8170731707317, + "max_accuracy": 98.14471243042672, + "max_ap": 99.331999859971, + "max_f1": 97.01492537313433, + "max_precision": 97.50778816199377, + "max_recall": 99.08536585365853, + "similarity_accuracy": 97.86641929499072, + "similarity_accuracy_threshold": 79.0391206741333, + "similarity_ap": 99.19403807771533, + "similarity_f1": 96.45608628659475, + "similarity_f1_threshold": 79.0391206741333, + "similarity_precision": 97.50778816199377, + "similarity_recall": 95.42682926829268 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/PawsXPairClassification.json b/results/arkohut__jina-embeddings-v3/external/PawsXPairClassification.json new file mode 100644 index 000000000..cb2496d38 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/PawsXPairClassification.json @@ -0,0 +1,245 @@ +{ + "dataset_revision": "8a04d940a42cd40658986fdd8e3da561533a3646", + "task_name": "PawsXPairClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 61.8, + "cosine_accuracy_threshold": 99.5664119720459, + "cosine_ap": 60.679317786040585, + "cosine_f1": 63.17354143441101, + "cosine_f1_threshold": 97.22164869308472, + "cosine_precision": 47.6457399103139, + "cosine_recall": 93.71554575523705, + "dot_accuracy": 55.7, + "dot_accuracy_threshold": 48353.62548828125, + "dot_ap": 48.53805970536875, + "dot_f1": 62.42214532871972, + "dot_f1_threshold": 38215.53955078125, + "dot_precision": 45.48663640948058, + "dot_recall": 99.44873208379272, + "euclidean_accuracy": 61.75000000000001, + "euclidean_accuracy_threshold": 189.0761137008667, + "euclidean_ap": 60.55517418691518, + "euclidean_f1": 63.07977736549165, + "euclidean_f1_threshold": 504.3168067932129, + "euclidean_precision": 47.53914988814318, + "euclidean_recall": 93.71554575523705, + "main_score": 60.679317786040585, + "manhattan_accuracy": 61.9, + "manhattan_accuracy_threshold": 4695.778274536133, + "manhattan_ap": 60.48686620413608, + "manhattan_f1": 62.92880855772778, + "manhattan_f1_threshold": 12542.36831665039, + "manhattan_precision": 47.28381374722838, + "manhattan_recall": 94.04630650496141, + "max_accuracy": 61.9, + "max_ap": 60.679317786040585, + "max_f1": 63.17354143441101, + "max_precision": 47.6457399103139, + "max_recall": 99.44873208379272, + "similarity_accuracy": 61.8, + "similarity_accuracy_threshold": 99.5664119720459, + "similarity_ap": 60.679317786040585, + "similarity_f1": 63.17354143441101, + "similarity_f1_threshold": 97.22164869308472, + "similarity_precision": 47.6457399103139, + "similarity_recall": 93.71554575523705 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "cosine_accuracy": 60.25, + "cosine_accuracy_threshold": 99.54338073730469, + "cosine_ap": 56.7863613689054, + "cosine_f1": 62.23499820337766, + "cosine_f1_threshold": 89.95014429092407, + "cosine_precision": 45.86864406779661, + "cosine_recall": 96.75977653631284, + "dot_accuracy": 56.8, + "dot_accuracy_threshold": 47349.78332519531, + "dot_ap": 49.7857806061729, + "dot_f1": 62.31225986727209, + "dot_f1_threshold": 30143.206787109375, + "dot_precision": 45.32520325203252, + "dot_recall": 99.66480446927373, + "euclidean_accuracy": 60.3, + "euclidean_accuracy_threshold": 219.78106498718262, + "euclidean_ap": 56.731544327179606, + "euclidean_f1": 62.19895287958115, + "euclidean_f1_threshold": 1792.1623229980469, + "euclidean_precision": 45.22842639593909, + "euclidean_recall": 99.55307262569832, + "main_score": 56.7863613689054, + "manhattan_accuracy": 60.150000000000006, + "manhattan_accuracy_threshold": 5104.503631591797, + "manhattan_ap": 56.70304479768734, + "manhattan_f1": 62.22067039106145, + "manhattan_f1_threshold": 42839.471435546875, + "manhattan_precision": 45.2513966480447, + "manhattan_recall": 99.55307262569832, + "max_accuracy": 60.3, + "max_ap": 56.7863613689054, + "max_f1": 62.31225986727209, + "max_precision": 45.86864406779661, + "max_recall": 99.66480446927373, + "similarity_accuracy": 60.25, + "similarity_accuracy_threshold": 99.54338073730469, + "similarity_ap": 56.7863613689054, + "similarity_f1": 62.23499820337766, + "similarity_f1_threshold": 89.95014429092407, + "similarity_precision": 45.86864406779661, + "similarity_recall": 96.75977653631284 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "cosine_accuracy": 59.699999999999996, + "cosine_accuracy_threshold": 99.55930709838867, + "cosine_ap": 57.31662248806265, + "cosine_f1": 62.444061962134256, + "cosine_f1_threshold": 74.75898265838623, + "cosine_precision": 45.3953953953954, + "cosine_recall": 100.0, + "dot_accuracy": 55.900000000000006, + "dot_accuracy_threshold": 47512.90283203125, + "dot_ap": 49.39339147787568, + "dot_f1": 62.487082328625554, + "dot_f1_threshold": 34989.03503417969, + "dot_precision": 45.44088176352705, + "dot_recall": 100.0, + "euclidean_accuracy": 59.599999999999994, + "euclidean_accuracy_threshold": 200.82547664642334, + "euclidean_ap": 57.19737488445163, + "euclidean_f1": 62.444061962134256, + "euclidean_f1_threshold": 1538.8837814331055, + "euclidean_precision": 45.3953953953954, + "euclidean_recall": 100.0, + "main_score": 57.31662248806265, + "manhattan_accuracy": 59.550000000000004, + "manhattan_accuracy_threshold": 5016.501617431641, + "manhattan_ap": 57.089959907945065, + "manhattan_f1": 62.444061962134256, + "manhattan_f1_threshold": 37523.53515625, + "manhattan_precision": 45.3953953953954, + "manhattan_recall": 100.0, + "max_accuracy": 59.699999999999996, + "max_ap": 57.31662248806265, + "max_f1": 62.487082328625554, + "max_precision": 45.44088176352705, + "max_recall": 100.0, + "similarity_accuracy": 59.699999999999996, + "similarity_accuracy_threshold": 99.55930709838867, + "similarity_ap": 57.31662248806265, + "similarity_f1": 62.444061962134256, + "similarity_f1_threshold": 74.75898265838623, + "similarity_precision": 45.3953953953954, + "similarity_recall": 100.0 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cosine_accuracy": 61.150000000000006, + "cosine_accuracy_threshold": 99.36153888702393, + "cosine_ap": 59.43845317938599, + "cosine_f1": 62.51298026998961, + "cosine_f1_threshold": 76.77866220474243, + "cosine_precision": 45.468277945619334, + "cosine_recall": 100.0, + "dot_accuracy": 55.75, + "dot_accuracy_threshold": 48931.55212402344, + "dot_ap": 50.15949290538757, + "dot_f1": 62.53462603878117, + "dot_f1_threshold": 34415.7958984375, + "dot_precision": 45.4911838790932, + "dot_recall": 100.0, + "euclidean_accuracy": 61.050000000000004, + "euclidean_accuracy_threshold": 240.8097267150879, + "euclidean_ap": 59.367971294226216, + "euclidean_f1": 62.51298026998961, + "euclidean_f1_threshold": 1444.132423400879, + "euclidean_precision": 45.468277945619334, + "euclidean_recall": 100.0, + "main_score": 59.43845317938599, + "manhattan_accuracy": 60.95, + "manhattan_accuracy_threshold": 5701.206207275391, + "manhattan_ap": 59.30094096378774, + "manhattan_f1": 62.53462603878117, + "manhattan_f1_threshold": 33445.672607421875, + "manhattan_precision": 45.4911838790932, + "manhattan_recall": 100.0, + "max_accuracy": 61.150000000000006, + "max_ap": 59.43845317938599, + "max_f1": 62.53462603878117, + "max_precision": 45.4911838790932, + "max_recall": 100.0, + "similarity_accuracy": 61.150000000000006, + "similarity_accuracy_threshold": 99.36153888702393, + "similarity_ap": 59.43845317938599, + "similarity_f1": 62.51298026998961, + "similarity_f1_threshold": 76.77866220474243, + "similarity_precision": 45.468277945619334, + "similarity_recall": 100.0 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cosine_accuracy": 58.85, + "cosine_accuracy_threshold": 99.73838329315186, + "cosine_ap": 54.66913160570546, + "cosine_f1": 62.32136632973162, + "cosine_f1_threshold": 76.4499306678772, + "cosine_precision": 45.265822784810126, + "cosine_recall": 100.0, + "dot_accuracy": 56.25, + "dot_accuracy_threshold": 47351.9287109375, + "dot_ap": 48.5266232989438, + "dot_f1": 62.277951933124356, + "dot_f1_threshold": 31325.28076171875, + "dot_precision": 45.220030349013655, + "dot_recall": 100.0, + "euclidean_accuracy": 58.9, + "euclidean_accuracy_threshold": 144.24468278884888, + "euclidean_ap": 54.66981490353506, + "euclidean_f1": 62.32136632973162, + "euclidean_f1_threshold": 1484.908676147461, + "euclidean_precision": 45.265822784810126, + "euclidean_recall": 100.0, + "main_score": 54.66981490353506, + "manhattan_accuracy": 58.9, + "manhattan_accuracy_threshold": 3586.785125732422, + "manhattan_ap": 54.668355260247736, + "manhattan_f1": 62.32136632973162, + "manhattan_f1_threshold": 36031.22863769531, + "manhattan_precision": 45.265822784810126, + "manhattan_recall": 100.0, + "max_accuracy": 58.9, + "max_ap": 54.66981490353506, + "max_f1": 62.32136632973162, + "max_precision": 45.265822784810126, + "max_recall": 100.0, + "similarity_accuracy": 58.85, + "similarity_accuracy_threshold": 99.73838329315186, + "similarity_ap": 54.66913160570546, + "similarity_f1": 62.32136632973162, + "similarity_f1_threshold": 76.4499306678772, + "similarity_precision": 45.265822784810126, + "similarity_recall": 100.0 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/PolEmo2.0-IN.json b/results/arkohut__jina-embeddings-v3/external/PolEmo2.0-IN.json new file mode 100644 index 000000000..0e0b7d466 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/PolEmo2.0-IN.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d90724373c70959f17d2331ad51fb60c71176b03", + "task_name": "PolEmo2.0-IN", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 83.75346260387812, + "f1": 81.98304891214909, + "f1_weighted": 84.29623200830078, + "main_score": 83.75346260387812 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/PolEmo2.0-OUT.json b/results/arkohut__jina-embeddings-v3/external/PolEmo2.0-OUT.json new file mode 100644 index 000000000..cd7f8dade --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/PolEmo2.0-OUT.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "6a21ab8716e255ab1867265f8b396105e8aa63d4", + "task_name": "PolEmo2.0-OUT", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 66.53846153846153, + "f1": 52.71826064368638, + "f1_weighted": 69.10010124630334, + "main_score": 66.53846153846153 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/Quora-PL.json b/results/arkohut__jina-embeddings-v3/external/Quora-PL.json new file mode 100644 index 000000000..3411f0107 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/Quora-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "0be27e93455051e531182b85e85e425aba12e9d4", + "task_name": "Quora-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 84.114, + "map_at_1": 65.848, + "map_at_10": 79.85900000000001, + "map_at_100": 80.582, + "map_at_1000": 80.60300000000001, + "map_at_20": 80.321, + "map_at_3": 76.741, + "map_at_5": 78.72200000000001, + "mrr_at_1": 75.97, + "mrr_at_10": 83.04630158730119, + "mrr_at_100": 83.22785731032968, + "mrr_at_1000": 83.23123717623899, + "mrr_at_20": 83.17412021320565, + "mrr_at_3": 81.83333333333287, + "mrr_at_5": 82.61933333333275, + "nauc_map_at_1000_diff1": 73.26316553371083, + "nauc_map_at_1000_max": 27.92567859085245, + "nauc_map_at_1000_std": -47.477909533360446, + "nauc_map_at_100_diff1": 73.2690602807223, + "nauc_map_at_100_max": 27.915868327849996, + "nauc_map_at_100_std": -47.525777766107595, + "nauc_map_at_10_diff1": 73.45464428464894, + "nauc_map_at_10_max": 27.451611487246296, + "nauc_map_at_10_std": -49.35818715843809, + "nauc_map_at_1_diff1": 77.29690208952982, + "nauc_map_at_1_max": 19.839875762282293, + "nauc_map_at_1_std": -45.355684654708284, + "nauc_map_at_20_diff1": 73.35102731979796, + "nauc_map_at_20_max": 27.741506490134583, + "nauc_map_at_20_std": -48.22006207310331, + "nauc_map_at_3_diff1": 73.94878241064137, + "nauc_map_at_3_max": 24.761321386766728, + "nauc_map_at_3_std": -51.20638883618126, + "nauc_map_at_5_diff1": 73.66143558047698, + "nauc_map_at_5_max": 26.53483405013543, + "nauc_map_at_5_std": -50.697541279640056, + "nauc_mrr_at_1000_diff1": 73.84632320009759, + "nauc_mrr_at_1000_max": 30.50182733610048, + "nauc_mrr_at_1000_std": -44.3021647995251, + "nauc_mrr_at_100_diff1": 73.84480792662302, + "nauc_mrr_at_100_max": 30.50749424571614, + "nauc_mrr_at_100_std": -44.29615086388113, + "nauc_mrr_at_10_diff1": 73.79442772949346, + "nauc_mrr_at_10_max": 30.55724252219984, + "nauc_mrr_at_10_std": -44.50997069462057, + "nauc_mrr_at_1_diff1": 75.23369827945945, + "nauc_mrr_at_1_max": 29.20073967447664, + "nauc_mrr_at_1_std": -43.1920147658285, + "nauc_mrr_at_20_diff1": 73.82731678072307, + "nauc_mrr_at_20_max": 30.566328605497667, + "nauc_mrr_at_20_std": -44.24683607643705, + "nauc_mrr_at_3_diff1": 73.61997576749954, + "nauc_mrr_at_3_max": 30.150393853381917, + "nauc_mrr_at_3_std": -44.96847297506626, + "nauc_mrr_at_5_diff1": 73.69084310616132, + "nauc_mrr_at_5_max": 30.578033703441125, + "nauc_mrr_at_5_std": -44.74920746066566, + "nauc_ndcg_at_1000_diff1": 72.89349862557452, + "nauc_ndcg_at_1000_max": 29.824725190462086, + "nauc_ndcg_at_1000_std": -44.96284395063211, + "nauc_ndcg_at_100_diff1": 72.85212753715273, + "nauc_ndcg_at_100_max": 29.933114207845605, + "nauc_ndcg_at_100_std": -44.944225570663754, + "nauc_ndcg_at_10_diff1": 72.80576740454528, + "nauc_ndcg_at_10_max": 29.16829118320828, + "nauc_ndcg_at_10_std": -48.149473740079614, + "nauc_ndcg_at_1_diff1": 75.00032534968587, + "nauc_ndcg_at_1_max": 29.61849062038547, + "nauc_ndcg_at_1_std": -42.560207043864054, + "nauc_ndcg_at_20_diff1": 72.88440406302502, + "nauc_ndcg_at_20_max": 29.65496676092656, + "nauc_ndcg_at_20_std": -46.21238462167732, + "nauc_ndcg_at_3_diff1": 72.37916962766987, + "nauc_ndcg_at_3_max": 27.125094834547586, + "nauc_ndcg_at_3_std": -48.62942991399391, + "nauc_ndcg_at_5_diff1": 72.57017330527658, + "nauc_ndcg_at_5_max": 28.470485561757254, + "nauc_ndcg_at_5_std": -49.07593345591059, + "nauc_precision_at_1000_diff1": -41.67915575853946, + "nauc_precision_at_1000_max": 1.2012264478568844, + "nauc_precision_at_1000_std": 44.723834559400466, + "nauc_precision_at_100_diff1": -40.45196679236971, + "nauc_precision_at_100_max": 2.3525450401714894, + "nauc_precision_at_100_std": 43.7092529413952, + "nauc_precision_at_10_diff1": -30.256026923068767, + "nauc_precision_at_10_max": 8.313422052132559, + "nauc_precision_at_10_std": 25.929372356449694, + "nauc_precision_at_1_diff1": 75.00032534968587, + "nauc_precision_at_1_max": 29.61849062038547, + "nauc_precision_at_1_std": -42.560207043864054, + "nauc_precision_at_20_diff1": -35.61971069986584, + "nauc_precision_at_20_max": 5.4664303079116765, + "nauc_precision_at_20_std": 34.992352471692826, + "nauc_precision_at_3_diff1": -5.691231842471157, + "nauc_precision_at_3_max": 14.797949087742444, + "nauc_precision_at_3_std": -0.1930317395644928, + "nauc_precision_at_5_diff1": -20.03913781462645, + "nauc_precision_at_5_max": 11.956771408712749, + "nauc_precision_at_5_std": 13.179251389859731, + "nauc_recall_at_1000_diff1": 64.03509042729674, + "nauc_recall_at_1000_max": 40.91691485428493, + "nauc_recall_at_1000_std": 16.12968625875372, + "nauc_recall_at_100_diff1": 63.83116179628575, + "nauc_recall_at_100_max": 43.72908117676382, + "nauc_recall_at_100_std": -20.50966716852155, + "nauc_recall_at_10_diff1": 66.42071960186394, + "nauc_recall_at_10_max": 28.983207818687205, + "nauc_recall_at_10_std": -56.61417798753744, + "nauc_recall_at_1_diff1": 77.29690208952982, + "nauc_recall_at_1_max": 19.839875762282293, + "nauc_recall_at_1_std": -45.355684654708284, + "nauc_recall_at_20_diff1": 66.32360705219874, + "nauc_recall_at_20_max": 33.30698111822631, + "nauc_recall_at_20_std": -43.89233781737452, + "nauc_recall_at_3_diff1": 69.67029394927077, + "nauc_recall_at_3_max": 22.67803039327696, + "nauc_recall_at_3_std": -56.43327209861502, + "nauc_recall_at_5_diff1": 68.05622143936131, + "nauc_recall_at_5_max": 26.67795559040675, + "nauc_recall_at_5_std": -58.158231198510954, + "ndcg_at_1": 76.08, + "ndcg_at_10": 84.114, + "ndcg_at_100": 85.784, + "ndcg_at_1000": 85.992, + "ndcg_at_20": 84.976, + "ndcg_at_3": 80.74799999999999, + "ndcg_at_5": 82.626, + "precision_at_1": 76.08, + "precision_at_10": 12.926000000000002, + "precision_at_100": 1.509, + "precision_at_1000": 0.156, + "precision_at_20": 6.912999999999999, + "precision_at_3": 35.5, + "precision_at_5": 23.541999999999998, + "recall_at_1": 65.848, + "recall_at_10": 92.611, + "recall_at_100": 98.69, + "recall_at_1000": 99.83999999999999, + "recall_at_20": 95.47200000000001, + "recall_at_3": 83.122, + "recall_at_5": 88.23 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/QuoraRetrieval.json b/results/arkohut__jina-embeddings-v3/external/QuoraRetrieval.json new file mode 100644 index 000000000..4688bd4b1 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/QuoraRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "e4e08e0b7dbe3c8700f0daef558ff32256715259", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 71.419, + "map_at_10": 85.542, + "map_at_100": 86.161, + "map_at_1000": 86.175, + "map_at_20": 85.949, + "map_at_3": 82.623, + "map_at_5": 84.5, + "mrr_at_1": 82.27, + "mrr_at_10": 88.21900000000001, + "mrr_at_100": 88.313, + "mrr_at_1000": 88.31400000000001, + "mrr_at_20": 88.286, + "mrr_at_3": 87.325, + "mrr_at_5": 87.97500000000001, + "ndcg_at_1": 82.3, + "ndcg_at_10": 89.088, + "ndcg_at_100": 90.217, + "ndcg_at_1000": 90.29700000000001, + "ndcg_at_20": 89.697, + "ndcg_at_3": 86.435, + "ndcg_at_5": 87.966, + "precision_at_1": 82.3, + "precision_at_10": 13.527000000000001, + "precision_at_100": 1.537, + "precision_at_1000": 0.157, + "precision_at_20": 7.165000000000001, + "precision_at_3": 37.92, + "precision_at_5": 24.914, + "recall_at_1": 71.419, + "recall_at_10": 95.831, + "recall_at_100": 99.64, + "recall_at_1000": 99.988, + "recall_at_20": 97.76599999999999, + "recall_at_3": 88.081, + "recall_at_5": 92.50500000000001, + "main_score": 89.088 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/RUParaPhraserSTS.json b/results/arkohut__jina-embeddings-v3/external/RUParaPhraserSTS.json new file mode 100644 index 000000000..7450b65e3 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/RUParaPhraserSTS.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "43265056790b8f7c59e0139acb4be0a8dad2c8f4", + "task_name": "RUParaPhraserSTS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "cosine_pearson": 67.91177744712421, + "cosine_spearman": 76.77113726753656, + "euclidean_pearson": 73.81454206068638, + "euclidean_spearman": 76.92529493599028, + "main_score": 76.77113726753656, + "manhattan_pearson": 73.81690454439168, + "manhattan_spearman": 76.87333776705002, + "pearson": 67.91177744712421, + "spearman": 76.77113726753656 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/RedditClustering.json b/results/arkohut__jina-embeddings-v3/external/RedditClustering.json new file mode 100644 index 000000000..7858d78e9 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/RedditClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 55.39924225216962, + "v_measure": 55.39924225216962, + "v_measure_std": 4.723802279292467 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/RedditClusteringP2P.json b/results/arkohut__jina-embeddings-v3/external/RedditClusteringP2P.json new file mode 100644 index 000000000..73a605e96 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/RedditClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 62.87465161304012, + "v_measure": 62.87465161304012, + "v_measure_std": 12.082670914488473 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/RiaNewsRetrieval.json b/results/arkohut__jina-embeddings-v3/external/RiaNewsRetrieval.json new file mode 100644 index 000000000..8f27130ef --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/RiaNewsRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "82374b0bbacda6114f39ff9c5b925fa1512ca5d7", + "task_name": "RiaNewsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "main_score": 79.209, + "map_at_1": 67.33, + "map_at_10": 75.633, + "map_at_100": 75.897, + "map_at_1000": 75.907, + "map_at_20": 75.804, + "map_at_3": 74.2, + "map_at_5": 75.13300000000001, + "mrr_at_1": 67.31, + "mrr_at_10": 75.62709126984095, + "mrr_at_100": 75.89105697041113, + "mrr_at_1000": 75.90115653883124, + "mrr_at_20": 75.79802332308172, + "mrr_at_3": 74.19499999999961, + "mrr_at_5": 75.12849999999939, + "nauc_map_at_1000_diff1": 74.30304869630591, + "nauc_map_at_1000_max": 36.477146725784046, + "nauc_map_at_1000_std": -20.862772498461723, + "nauc_map_at_100_diff1": 74.29833058090355, + "nauc_map_at_100_max": 36.483678619667884, + "nauc_map_at_100_std": -20.856274849980135, + "nauc_map_at_10_diff1": 74.20729220697967, + "nauc_map_at_10_max": 36.56543146170092, + "nauc_map_at_10_std": -20.991081015484728, + "nauc_map_at_1_diff1": 77.38899022125185, + "nauc_map_at_1_max": 32.45918619669731, + "nauc_map_at_1_std": -22.149586336167324, + "nauc_map_at_20_diff1": 74.2447573558587, + "nauc_map_at_20_max": 36.50383130240387, + "nauc_map_at_20_std": -20.87013743041831, + "nauc_map_at_3_diff1": 74.3054577294586, + "nauc_map_at_3_max": 36.484530586652724, + "nauc_map_at_3_std": -21.90543024607988, + "nauc_map_at_5_diff1": 74.21062368961503, + "nauc_map_at_5_max": 36.55670532498779, + "nauc_map_at_5_std": -21.488786900676942, + "nauc_mrr_at_1000_diff1": 74.31619177956684, + "nauc_mrr_at_1000_max": 36.53498918453189, + "nauc_mrr_at_1000_std": -20.75986704931237, + "nauc_mrr_at_100_diff1": 74.31146790382356, + "nauc_mrr_at_100_max": 36.54149252857106, + "nauc_mrr_at_100_std": -20.75341959250079, + "nauc_mrr_at_10_diff1": 74.22027806145095, + "nauc_mrr_at_10_max": 36.622542969971725, + "nauc_mrr_at_10_std": -20.889417384064117, + "nauc_mrr_at_1_diff1": 77.4306709551449, + "nauc_mrr_at_1_max": 32.57259463438259, + "nauc_mrr_at_1_std": -21.964402859613937, + "nauc_mrr_at_20_diff1": 74.25784396230718, + "nauc_mrr_at_20_max": 36.561412224507336, + "nauc_mrr_at_20_std": -20.767665000065723, + "nauc_mrr_at_3_diff1": 74.31423253547214, + "nauc_mrr_at_3_max": 36.537745749488906, + "nauc_mrr_at_3_std": -21.81259529019546, + "nauc_mrr_at_5_diff1": 74.22404613312771, + "nauc_mrr_at_5_max": 36.60743768455219, + "nauc_mrr_at_5_std": -21.39479216331971, + "nauc_ndcg_at_1000_diff1": 73.48182819705742, + "nauc_ndcg_at_1000_max": 37.86991608461793, + "nauc_ndcg_at_1000_std": -19.021499322688904, + "nauc_ndcg_at_100_diff1": 73.34941250585759, + "nauc_ndcg_at_100_max": 38.11150275625829, + "nauc_ndcg_at_100_std": -18.70624087206104, + "nauc_ndcg_at_10_diff1": 72.82520265115987, + "nauc_ndcg_at_10_max": 38.43323357650525, + "nauc_ndcg_at_10_std": -19.410953792830878, + "nauc_ndcg_at_1_diff1": 77.38899022125185, + "nauc_ndcg_at_1_max": 32.45918619669731, + "nauc_ndcg_at_1_std": -22.149586336167324, + "nauc_ndcg_at_20_diff1": 72.93309285256507, + "nauc_ndcg_at_20_max": 38.217372819067755, + "nauc_ndcg_at_20_std": -18.864113576359333, + "nauc_ndcg_at_3_diff1": 73.18253776744112, + "nauc_ndcg_at_3_max": 38.008109328364, + "nauc_ndcg_at_3_std": -21.68785687594153, + "nauc_ndcg_at_5_diff1": 72.90474739784793, + "nauc_ndcg_at_5_max": 38.29483039202184, + "nauc_ndcg_at_5_std": -20.833049811453474, + "nauc_precision_at_1000_diff1": 59.306217613750334, + "nauc_precision_at_1000_max": 72.20747948302262, + "nauc_precision_at_1000_std": 45.58837180096227, + "nauc_precision_at_100_diff1": 62.87286844562389, + "nauc_precision_at_100_max": 61.33108214045868, + "nauc_precision_at_100_std": 20.67481963545654, + "nauc_precision_at_10_diff1": 64.11222984256685, + "nauc_precision_at_10_max": 50.323697746037496, + "nauc_precision_at_10_std": -7.9994544634332625, + "nauc_precision_at_1_diff1": 77.38899022125185, + "nauc_precision_at_1_max": 32.45918619669731, + "nauc_precision_at_1_std": -22.149586336167324, + "nauc_precision_at_20_diff1": 62.30228127286973, + "nauc_precision_at_20_max": 52.02090746208407, + "nauc_precision_at_20_std": 0.7629898806370331, + "nauc_precision_at_3_diff1": 68.82856645994157, + "nauc_precision_at_3_max": 43.94171571306625, + "nauc_precision_at_3_std": -20.78595255410148, + "nauc_precision_at_5_diff1": 66.62157622497887, + "nauc_precision_at_5_max": 46.69398173603811, + "nauc_precision_at_5_std": -17.412423571163057, + "nauc_recall_at_1000_diff1": 59.30621761375148, + "nauc_recall_at_1000_max": 72.20747948302191, + "nauc_recall_at_1000_std": 45.588371800962655, + "nauc_recall_at_100_diff1": 62.872868445623894, + "nauc_recall_at_100_max": 61.33108214045813, + "nauc_recall_at_100_std": 20.67481963545666, + "nauc_recall_at_10_diff1": 64.11222984256698, + "nauc_recall_at_10_max": 50.32369774603755, + "nauc_recall_at_10_std": -7.999454463433321, + "nauc_recall_at_1_diff1": 77.38899022125185, + "nauc_recall_at_1_max": 32.45918619669731, + "nauc_recall_at_1_std": -22.149586336167324, + "nauc_recall_at_20_diff1": 62.3022812728695, + "nauc_recall_at_20_max": 52.02090746208397, + "nauc_recall_at_20_std": 0.7629898806369458, + "nauc_recall_at_3_diff1": 68.82856645994157, + "nauc_recall_at_3_max": 43.94171571306612, + "nauc_recall_at_3_std": -20.78595255410157, + "nauc_recall_at_5_diff1": 66.62157622497897, + "nauc_recall_at_5_max": 46.693981736038246, + "nauc_recall_at_5_std": -17.412423571162954, + "ndcg_at_1": 67.33, + "ndcg_at_10": 79.209, + "ndcg_at_100": 80.463, + "ndcg_at_1000": 80.74799999999999, + "ndcg_at_20": 79.81899999999999, + "ndcg_at_3": 76.335, + "ndcg_at_5": 78.011, + "precision_at_1": 67.33, + "precision_at_10": 9.020999999999999, + "precision_at_100": 0.96, + "precision_at_1000": 0.098, + "precision_at_20": 4.63, + "precision_at_3": 27.493000000000002, + "precision_at_5": 17.308, + "recall_at_1": 67.33, + "recall_at_10": 90.21000000000001, + "recall_at_100": 96.00999999999999, + "recall_at_1000": 98.29, + "recall_at_20": 92.60000000000001, + "recall_at_3": 82.48, + "recall_at_5": 86.53999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/RuBQReranking.json b/results/arkohut__jina-embeddings-v3/external/RuBQReranking.json new file mode 100644 index 000000000..8f9a130e2 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/RuBQReranking.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "2e96b8f098fa4b0950fc58eacadeb31c0d0c7fa2", + "task_name": "RuBQReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "main_score": 65.57453932493252, + "map": 65.57453932493252, + "mrr": 70.51408205663526, + "nAUC_map_diff1": 26.69583260609023, + "nAUC_map_max": 12.928262749610663, + "nAUC_map_std": 11.702468857903128, + "nAUC_mrr_diff1": 28.5206955462174, + "nAUC_mrr_max": 14.207162454694227, + "nAUC_mrr_std": 10.725721001555296 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/RuBQRetrieval.json b/results/arkohut__jina-embeddings-v3/external/RuBQRetrieval.json new file mode 100644 index 000000000..c6b1a94ae --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/RuBQRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "e19b6ffa60b3bc248e0b41f4cc37c26a55c2a67b", + "task_name": "RuBQRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "main_score": 72.306, + "map_at_1": 44.187, + "map_at_10": 64.836, + "map_at_100": 65.771, + "map_at_1000": 65.8, + "map_at_20": 65.497, + "map_at_3": 59.692, + "map_at_5": 63.105, + "mrr_at_1": 62.23404255319149, + "mrr_at_10": 73.40810161732159, + "mrr_at_100": 73.67949305473395, + "mrr_at_1000": 73.68707852294746, + "mrr_at_20": 73.60429051697479, + "mrr_at_3": 71.47360126083535, + "mrr_at_5": 72.8447596532704, + "nauc_map_at_1000_diff1": 39.838449035736886, + "nauc_map_at_1000_max": 32.29962306877408, + "nauc_map_at_1000_std": -6.324859592714388, + "nauc_map_at_100_diff1": 39.824361938745426, + "nauc_map_at_100_max": 32.32055222704763, + "nauc_map_at_100_std": -6.301641111869559, + "nauc_map_at_10_diff1": 39.50155328718487, + "nauc_map_at_10_max": 31.745730244960672, + "nauc_map_at_10_std": -6.867215137329693, + "nauc_map_at_1_diff1": 47.66181128677822, + "nauc_map_at_1_max": 21.75204233166764, + "nauc_map_at_1_std": -8.06951079061697, + "nauc_map_at_20_diff1": 39.78364637902108, + "nauc_map_at_20_max": 32.39065528029405, + "nauc_map_at_20_std": -6.368994332729006, + "nauc_map_at_3_diff1": 39.51829474433183, + "nauc_map_at_3_max": 28.633292697821673, + "nauc_map_at_3_std": -7.2561170814963925, + "nauc_map_at_5_diff1": 39.288433237676266, + "nauc_map_at_5_max": 31.007702201615515, + "nauc_map_at_5_std": -7.235131195162474, + "nauc_mrr_at_1000_diff1": 49.599102391215226, + "nauc_mrr_at_1000_max": 38.25521825911133, + "nauc_mrr_at_1000_std": -10.448180939809435, + "nauc_mrr_at_100_diff1": 49.5957067716212, + "nauc_mrr_at_100_max": 38.26760703964535, + "nauc_mrr_at_100_std": -10.438443051971081, + "nauc_mrr_at_10_diff1": 49.35269710190271, + "nauc_mrr_at_10_max": 38.43782589127069, + "nauc_mrr_at_10_std": -10.404402063509815, + "nauc_mrr_at_1_diff1": 53.32206103688421, + "nauc_mrr_at_1_max": 33.52402390241035, + "nauc_mrr_at_1_std": -12.73473393949936, + "nauc_mrr_at_20_diff1": 49.550630850826636, + "nauc_mrr_at_20_max": 38.35964703941151, + "nauc_mrr_at_20_std": -10.444577766284766, + "nauc_mrr_at_3_diff1": 49.12029127633829, + "nauc_mrr_at_3_max": 38.01631275124067, + "nauc_mrr_at_3_std": -10.523724301481309, + "nauc_mrr_at_5_diff1": 49.04606949432458, + "nauc_mrr_at_5_max": 38.33647550077891, + "nauc_mrr_at_5_std": -10.47076409263114, + "nauc_ndcg_at_1000_diff1": 41.342785916264226, + "nauc_ndcg_at_1000_max": 35.75731064862711, + "nauc_ndcg_at_1000_std": -5.45573422899229, + "nauc_ndcg_at_100_diff1": 40.972974559636086, + "nauc_ndcg_at_100_max": 36.32938573321036, + "nauc_ndcg_at_100_std": -4.749631537590004, + "nauc_ndcg_at_10_diff1": 39.67813474464166, + "nauc_ndcg_at_10_max": 35.480200504848966, + "nauc_ndcg_at_10_std": -6.318561293935512, + "nauc_ndcg_at_1_diff1": 53.45970160222764, + "nauc_ndcg_at_1_max": 33.14759013278075, + "nauc_ndcg_at_1_std": -12.579833891774847, + "nauc_ndcg_at_20_diff1": 40.67492861219249, + "nauc_ndcg_at_20_max": 36.84960799838019, + "nauc_ndcg_at_20_std": -5.202530835850179, + "nauc_ndcg_at_3_diff1": 39.574906207408844, + "nauc_ndcg_at_3_max": 31.76512164509258, + "nauc_ndcg_at_3_std": -7.656143208565999, + "nauc_ndcg_at_5_diff1": 39.096348529742095, + "nauc_ndcg_at_5_max": 34.075926475544165, + "nauc_ndcg_at_5_std": -7.238045445366631, + "nauc_precision_at_1000_diff1": -14.283799754212609, + "nauc_precision_at_1000_max": 6.449741756717101, + "nauc_precision_at_1000_std": 4.862828679759048, + "nauc_precision_at_100_diff1": -13.23173132700258, + "nauc_precision_at_100_max": 11.058898534529195, + "nauc_precision_at_100_std": 7.343683941814956, + "nauc_precision_at_10_diff1": -7.202951643546464, + "nauc_precision_at_10_max": 17.499446869433278, + "nauc_precision_at_10_std": 2.8367985220406307, + "nauc_precision_at_1_diff1": 53.45970160222764, + "nauc_precision_at_1_max": 33.14759013278075, + "nauc_precision_at_1_std": -12.579833891774847, + "nauc_precision_at_20_diff1": -9.477122699154124, + "nauc_precision_at_20_max": 16.80556031564312, + "nauc_precision_at_20_std": 6.420218284416923, + "nauc_precision_at_3_diff1": 5.5276143574150245, + "nauc_precision_at_3_max": 23.65952688481666, + "nauc_precision_at_3_std": -1.8730348729295785, + "nauc_precision_at_5_diff1": -2.4537029093721308, + "nauc_precision_at_5_max": 21.41469327545133, + "nauc_precision_at_5_std": 0.1543890645722277, + "nauc_recall_at_1000_diff1": -1.7474947956413491, + "nauc_recall_at_1000_max": 46.22670991970479, + "nauc_recall_at_1000_std": 62.582840705588794, + "nauc_recall_at_100_diff1": 16.116089801097345, + "nauc_recall_at_100_max": 52.54794580975103, + "nauc_recall_at_100_std": 33.720245696003246, + "nauc_recall_at_10_diff1": 23.134924318655482, + "nauc_recall_at_10_max": 38.73754275649077, + "nauc_recall_at_10_std": 0.6137471711639239, + "nauc_recall_at_1_diff1": 47.66181128677822, + "nauc_recall_at_1_max": 21.75204233166764, + "nauc_recall_at_1_std": -8.06951079061697, + "nauc_recall_at_20_diff1": 24.130616271355017, + "nauc_recall_at_20_max": 48.306178640146136, + "nauc_recall_at_20_std": 9.290819557000022, + "nauc_recall_at_3_diff1": 29.767415016250226, + "nauc_recall_at_3_max": 28.54289782140701, + "nauc_recall_at_3_std": -5.1395675072005576, + "nauc_recall_at_5_diff1": 25.410613126870174, + "nauc_recall_at_5_max": 33.24658754857624, + "nauc_recall_at_5_std": -4.211226036746632, + "ndcg_at_1": 62.175000000000004, + "ndcg_at_10": 72.306, + "ndcg_at_100": 75.074, + "ndcg_at_1000": 75.581, + "ndcg_at_20": 73.875, + "ndcg_at_3": 65.641, + "ndcg_at_5": 69.48299999999999, + "precision_at_1": 62.175000000000004, + "precision_at_10": 13.907, + "precision_at_100": 1.591, + "precision_at_1000": 0.166, + "precision_at_20": 7.446999999999999, + "precision_at_3": 35.619, + "precision_at_5": 24.917, + "recall_at_1": 44.187, + "recall_at_10": 85.10600000000001, + "recall_at_100": 95.488, + "recall_at_1000": 98.831, + "recall_at_20": 90.22200000000001, + "recall_at_3": 68.789, + "recall_at_5": 77.85499999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/RuReviewsClassification.json b/results/arkohut__jina-embeddings-v3/external/RuReviewsClassification.json new file mode 100644 index 000000000..c959c2da3 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/RuReviewsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "f6d2c31f4dc6b88f468552750bfec05b4b41b05a", + "task_name": "RuReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 67.5830078125, + "f1": 67.56931936632446, + "f1_weighted": 67.57137733752779, + "main_score": 67.5830078125 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/RuSTSBenchmarkSTS.json b/results/arkohut__jina-embeddings-v3/external/RuSTSBenchmarkSTS.json new file mode 100644 index 000000000..de051767a --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/RuSTSBenchmarkSTS.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7cf24f325c6da6195df55bef3d86b5e0616f3018", + "task_name": "RuSTSBenchmarkSTS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "cosine_pearson": 85.90493484626788, + "cosine_spearman": 86.21965691667411, + "euclidean_pearson": 86.07499842984909, + "euclidean_spearman": 86.55506818735688, + "main_score": 86.21965691667411, + "manhattan_pearson": 85.95976420231729, + "manhattan_spearman": 86.48604243661234, + "pearson": 85.90493484626788, + "spearman": 86.21965691667411 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/RuSciBenchGRNTIClassification.json b/results/arkohut__jina-embeddings-v3/external/RuSciBenchGRNTIClassification.json new file mode 100644 index 000000000..427bd2eac --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/RuSciBenchGRNTIClassification.json @@ -0,0 +1,29 @@ +{ + "dataset_revision": "673a610d6d3dd91a547a0d57ae1b56f37ebbf6a1", + "task_name": "RuSciBenchGRNTIClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 59.1943359375, + "f1": 58.894480861440414, + "f1_weighted": 58.903615560240866, + "main_score": 59.1943359375 + }, + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "main_score": 57.99209448663228, + "v_measure": 57.99209448663228, + "v_measure_std": 1.0381163861993816 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/RuSciBenchOECDClassification.json b/results/arkohut__jina-embeddings-v3/external/RuSciBenchOECDClassification.json new file mode 100644 index 000000000..5ae241460 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/RuSciBenchOECDClassification.json @@ -0,0 +1,29 @@ +{ + "dataset_revision": "26c88e99dcaba32bb45d0e1bfc21902337f6d471", + "task_name": "RuSciBenchOECDClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 45.556640625, + "f1": 45.159163104085906, + "f1_weighted": 45.16098316398626, + "main_score": 45.556640625 + }, + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "main_score": 50.787548070488974, + "v_measure": 50.787548070488974, + "v_measure_std": 0.8569958168946827 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/SCIDOCS-PL.json b/results/arkohut__jina-embeddings-v3/external/SCIDOCS-PL.json new file mode 100644 index 000000000..d9be1a821 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/SCIDOCS-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "45452b03f05560207ef19149545f168e596c9337", + "task_name": "SCIDOCS-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 15.379999999999999, + "map_at_1": 3.6029999999999998, + "map_at_10": 8.843, + "map_at_100": 10.433, + "map_at_1000": 10.689, + "map_at_20": 9.597, + "map_at_3": 6.363, + "map_at_5": 7.603, + "mrr_at_1": 17.7, + "mrr_at_10": 26.58900793650793, + "mrr_at_100": 27.699652322890987, + "mrr_at_1000": 27.78065313118353, + "mrr_at_20": 27.215020950411816, + "mrr_at_3": 23.36666666666668, + "mrr_at_5": 25.211666666666666, + "nauc_map_at_1000_diff1": 21.92235143827129, + "nauc_map_at_1000_max": 37.50300940750989, + "nauc_map_at_1000_std": 20.872586122198552, + "nauc_map_at_100_diff1": 21.917408170465833, + "nauc_map_at_100_max": 37.4654466815513, + "nauc_map_at_100_std": 20.621643878648534, + "nauc_map_at_10_diff1": 22.914388723621183, + "nauc_map_at_10_max": 36.468131213468794, + "nauc_map_at_10_std": 16.760980140791492, + "nauc_map_at_1_diff1": 29.00799502838457, + "nauc_map_at_1_max": 26.64926291797503, + "nauc_map_at_1_std": 8.167291261637361, + "nauc_map_at_20_diff1": 22.46580947804047, + "nauc_map_at_20_max": 36.656294842562275, + "nauc_map_at_20_std": 18.099232417722078, + "nauc_map_at_3_diff1": 23.436009032045934, + "nauc_map_at_3_max": 31.325807212280914, + "nauc_map_at_3_std": 9.780905232048852, + "nauc_map_at_5_diff1": 22.891704394665528, + "nauc_map_at_5_max": 35.40584466642894, + "nauc_map_at_5_std": 13.476986099394656, + "nauc_mrr_at_1000_diff1": 25.052937655397866, + "nauc_mrr_at_1000_max": 29.64431912670108, + "nauc_mrr_at_1000_std": 14.549744963988044, + "nauc_mrr_at_100_diff1": 25.070871266969224, + "nauc_mrr_at_100_max": 29.68743604652336, + "nauc_mrr_at_100_std": 14.582010154574432, + "nauc_mrr_at_10_diff1": 24.88881466938897, + "nauc_mrr_at_10_max": 29.488430770768144, + "nauc_mrr_at_10_std": 14.269241073852266, + "nauc_mrr_at_1_diff1": 29.220540327267503, + "nauc_mrr_at_1_max": 26.81908580507911, + "nauc_mrr_at_1_std": 8.00840295809718, + "nauc_mrr_at_20_diff1": 25.067912695721944, + "nauc_mrr_at_20_max": 29.759227563849628, + "nauc_mrr_at_20_std": 14.685076859257357, + "nauc_mrr_at_3_diff1": 24.645848739182696, + "nauc_mrr_at_3_max": 27.73368549660351, + "nauc_mrr_at_3_std": 11.475742805586943, + "nauc_mrr_at_5_diff1": 24.895295760909946, + "nauc_mrr_at_5_max": 29.130755033240423, + "nauc_mrr_at_5_std": 12.955802929145404, + "nauc_ndcg_at_1000_diff1": 20.68434434777729, + "nauc_ndcg_at_1000_max": 37.67055146424174, + "nauc_ndcg_at_1000_std": 29.57493715069776, + "nauc_ndcg_at_100_diff1": 20.396834816492383, + "nauc_ndcg_at_100_max": 37.460575228670514, + "nauc_ndcg_at_100_std": 27.826534756761944, + "nauc_ndcg_at_10_diff1": 22.640844106236027, + "nauc_ndcg_at_10_max": 35.21291764462327, + "nauc_ndcg_at_10_std": 19.53289455984506, + "nauc_ndcg_at_1_diff1": 29.220540327267503, + "nauc_ndcg_at_1_max": 26.81908580507911, + "nauc_ndcg_at_1_std": 8.00840295809718, + "nauc_ndcg_at_20_diff1": 22.117126657768623, + "nauc_ndcg_at_20_max": 35.79395781940806, + "nauc_ndcg_at_20_std": 22.242748346260786, + "nauc_ndcg_at_3_diff1": 23.00596063212187, + "nauc_ndcg_at_3_max": 30.149013627580523, + "nauc_ndcg_at_3_std": 11.07904064662722, + "nauc_ndcg_at_5_diff1": 22.81875419630523, + "nauc_ndcg_at_5_max": 34.24267468356626, + "nauc_ndcg_at_5_std": 15.307780280752088, + "nauc_precision_at_1000_diff1": 9.606677689029972, + "nauc_precision_at_1000_max": 32.74855550489271, + "nauc_precision_at_1000_std": 42.65372585937895, + "nauc_precision_at_100_diff1": 11.528981313529545, + "nauc_precision_at_100_max": 35.642529490132404, + "nauc_precision_at_100_std": 38.146151426052306, + "nauc_precision_at_10_diff1": 18.783957183811836, + "nauc_precision_at_10_max": 36.1982008334257, + "nauc_precision_at_10_std": 25.09349473195891, + "nauc_precision_at_1_diff1": 29.220540327267503, + "nauc_precision_at_1_max": 26.81908580507911, + "nauc_precision_at_1_std": 8.00840295809718, + "nauc_precision_at_20_diff1": 17.458766320828214, + "nauc_precision_at_20_max": 36.000404903025235, + "nauc_precision_at_20_std": 29.1608044138323, + "nauc_precision_at_3_diff1": 20.213669462067166, + "nauc_precision_at_3_max": 31.120650847205912, + "nauc_precision_at_3_std": 12.390972418818118, + "nauc_precision_at_5_diff1": 20.114245715785678, + "nauc_precision_at_5_max": 37.30360111495823, + "nauc_precision_at_5_std": 19.053109037822853, + "nauc_recall_at_1000_diff1": 9.85800049032612, + "nauc_recall_at_1000_max": 32.48319160802687, + "nauc_recall_at_1000_std": 43.79941601741161, + "nauc_recall_at_100_diff1": 11.375255270968337, + "nauc_recall_at_100_max": 35.1868784124497, + "nauc_recall_at_100_std": 38.422680583482666, + "nauc_recall_at_10_diff1": 18.445783123521938, + "nauc_recall_at_10_max": 35.633267936276766, + "nauc_recall_at_10_std": 24.94469506254716, + "nauc_recall_at_1_diff1": 29.00799502838457, + "nauc_recall_at_1_max": 26.64926291797503, + "nauc_recall_at_1_std": 8.167291261637361, + "nauc_recall_at_20_diff1": 17.314906604151936, + "nauc_recall_at_20_max": 35.66067699203996, + "nauc_recall_at_20_std": 29.400137012506082, + "nauc_recall_at_3_diff1": 19.873710875648698, + "nauc_recall_at_3_max": 30.92404718742849, + "nauc_recall_at_3_std": 12.400871018075199, + "nauc_recall_at_5_diff1": 19.869948324233192, + "nauc_recall_at_5_max": 37.06832511687574, + "nauc_recall_at_5_std": 19.0798814966156, + "ndcg_at_1": 17.7, + "ndcg_at_10": 15.379999999999999, + "ndcg_at_100": 22.09, + "ndcg_at_1000": 27.151999999999997, + "ndcg_at_20": 17.576, + "ndcg_at_3": 14.219999999999999, + "ndcg_at_5": 12.579, + "precision_at_1": 17.7, + "precision_at_10": 8.08, + "precision_at_100": 1.7840000000000003, + "precision_at_1000": 0.3, + "precision_at_20": 5.305, + "precision_at_3": 13.167000000000002, + "precision_at_5": 11.06, + "recall_at_1": 3.6029999999999998, + "recall_at_10": 16.413, + "recall_at_100": 36.263, + "recall_at_1000": 61.016999999999996, + "recall_at_20": 21.587999999999997, + "recall_at_3": 8.013, + "recall_at_5": 11.198 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/SCIDOCS.json b/results/arkohut__jina-embeddings-v3/external/SCIDOCS.json new file mode 100644 index 000000000..43d9dee7e --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/SCIDOCS.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "f8c2fcf00f625baaa80f62ec5bd9e1fff3b8ae88", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.843, + "map_at_10": 11.752, + "map_at_100": 13.919, + "map_at_1000": 14.198, + "map_at_20": 12.898000000000001, + "map_at_3": 8.603, + "map_at_5": 10.069, + "mrr_at_1": 23.799999999999997, + "mrr_at_10": 34.449999999999996, + "mrr_at_100": 35.64, + "mrr_at_1000": 35.691, + "mrr_at_20": 35.213, + "mrr_at_3": 31.383, + "mrr_at_5": 33.062999999999995, + "ndcg_at_1": 23.799999999999997, + "ndcg_at_10": 19.811, + "ndcg_at_100": 28.108, + "ndcg_at_1000": 33.1, + "ndcg_at_20": 22.980999999999998, + "ndcg_at_3": 19.153000000000002, + "ndcg_at_5": 16.408, + "precision_at_1": 23.799999999999997, + "precision_at_10": 10.16, + "precision_at_100": 2.1999999999999997, + "precision_at_1000": 0.34099999999999997, + "precision_at_20": 6.915, + "precision_at_3": 17.8, + "precision_at_5": 14.14, + "recall_at_1": 4.843, + "recall_at_10": 20.595, + "recall_at_100": 44.66, + "recall_at_1000": 69.152, + "recall_at_20": 28.04, + "recall_at_3": 10.833, + "recall_at_5": 14.346999999999998, + "main_score": 19.811 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/SICK-E-PL.json b/results/arkohut__jina-embeddings-v3/external/SICK-E-PL.json new file mode 100644 index 000000000..04bbc74a1 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/SICK-E-PL.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "71bba34b0ece6c56dfcf46d9758a27f7a90f17e9", + "task_name": "SICK-E-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cosine_accuracy": 80.90093762739502, + "cosine_accuracy_threshold": 94.40930485725403, + "cosine_ap": 71.15400909912427, + "cosine_f1": 66.8213457076566, + "cosine_f1_threshold": 91.53673648834229, + "cosine_precision": 62.4922504649721, + "cosine_recall": 71.7948717948718, + "dot_accuracy": 78.41418671015083, + "dot_accuracy_threshold": 42924.45068359375, + "dot_ap": 63.34003025365763, + "dot_f1": 62.518258837277244, + "dot_f1_threshold": 40900.738525390625, + "dot_precision": 52.99653293709758, + "dot_recall": 76.21082621082621, + "euclidean_accuracy": 80.67672238075826, + "euclidean_accuracy_threshold": 696.0524559020996, + "euclidean_ap": 70.88762835990224, + "euclidean_f1": 66.711051930759, + "euclidean_f1_threshold": 878.5581588745117, + "euclidean_precision": 62.625, + "euclidean_recall": 71.36752136752136, + "main_score": 71.15400909912427, + "manhattan_accuracy": 80.65633917651854, + "manhattan_accuracy_threshold": 17277.72674560547, + "manhattan_ap": 70.67105336611716, + "manhattan_f1": 66.51346027577151, + "manhattan_f1_threshold": 21687.957763671875, + "manhattan_precision": 61.69305724725944, + "manhattan_recall": 72.15099715099716, + "max_accuracy": 80.90093762739502, + "max_ap": 71.15400909912427, + "max_f1": 66.8213457076566, + "max_precision": 62.625, + "max_recall": 76.21082621082621, + "similarity_accuracy": 80.90093762739502, + "similarity_accuracy_threshold": 94.40930485725403, + "similarity_ap": 71.15400909912427, + "similarity_f1": 66.8213457076566, + "similarity_f1_threshold": 91.53673648834229, + "similarity_precision": 62.4922504649721, + "similarity_recall": 71.7948717948718 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/SICK-R-PL.json b/results/arkohut__jina-embeddings-v3/external/SICK-R-PL.json new file mode 100644 index 000000000..c2555c7c9 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/SICK-R-PL.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "fd5c2441b7eeff8676768036142af4cfa42c1339", + "task_name": "SICK-R-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cosine_pearson": 85.27883048457821, + "cosine_spearman": 80.53204892678619, + "euclidean_pearson": 82.78520705216168, + "euclidean_spearman": 80.27848359873212, + "main_score": 80.53204892678619, + "manhattan_pearson": 82.63270640583454, + "manhattan_spearman": 80.21507977473146, + "pearson": 85.27883048457821, + "spearman": 80.53204892678619 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/SICK-R.json b/results/arkohut__jina-embeddings-v3/external/SICK-R.json new file mode 100644 index 000000000..8dac12270 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 92.3339946866199, + "cosine_spearman": 89.61697355115497, + "euclidean_pearson": 90.3264916449669, + "euclidean_spearman": 89.36270451308866, + "main_score": 89.61697355115497, + "manhattan_pearson": 90.18909339052534, + "manhattan_spearman": 89.28337093097377, + "pearson": 92.3339946866199, + "spearman": 89.61697355115497 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/SICKFr.json b/results/arkohut__jina-embeddings-v3/external/SICKFr.json new file mode 100644 index 000000000..9b26544ab --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/SICKFr.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e077ab4cf4774a1e36d86d593b150422fafd8e8a", + "task_name": "SICKFr", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "cosine_pearson": 88.77029361817212, + "cosine_spearman": 83.9453600346894, + "euclidean_pearson": 85.85331086208573, + "euclidean_spearman": 83.70852031985308, + "main_score": 83.9453600346894, + "manhattan_pearson": 85.66222265885914, + "manhattan_spearman": 83.60833111525962, + "pearson": 88.77029361817212, + "spearman": 83.9453600346894 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/STS12.json b/results/arkohut__jina-embeddings-v3/external/STS12.json new file mode 100644 index 000000000..05517c3d2 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 88.76435859522375, + "cosine_spearman": 82.43768167804375, + "euclidean_pearson": 87.43566183874832, + "euclidean_spearman": 82.82166873757507, + "main_score": 82.43768167804375, + "manhattan_pearson": 87.39450871380951, + "manhattan_spearman": 82.89253043430163, + "pearson": 88.76435859522375, + "spearman": 82.43768167804375 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/STS13.json b/results/arkohut__jina-embeddings-v3/external/STS13.json new file mode 100644 index 000000000..937e04bfb --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 88.86627241652141, + "cosine_spearman": 89.49011599120688, + "euclidean_pearson": 89.3314120073772, + "euclidean_spearman": 89.8226502776963, + "main_score": 89.49011599120688, + "manhattan_pearson": 89.2252179076963, + "manhattan_spearman": 89.74573844021225, + "pearson": 88.86627241652141, + "spearman": 89.49011599120688 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/STS14.json b/results/arkohut__jina-embeddings-v3/external/STS14.json new file mode 100644 index 000000000..7df9b5310 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 87.22891405215968, + "cosine_spearman": 84.9467188157614, + "euclidean_pearson": 87.20330004726237, + "euclidean_spearman": 85.34806059461808, + "main_score": 84.9467188157614, + "manhattan_pearson": 87.15224666107623, + "manhattan_spearman": 85.34596898699708, + "pearson": 87.22891405215968, + "spearman": 84.9467188157614 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/STS15.json b/results/arkohut__jina-embeddings-v3/external/STS15.json new file mode 100644 index 000000000..cbd1da7fd --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 88.14066430111033, + "cosine_spearman": 89.31337445552545, + "euclidean_pearson": 89.08039335366983, + "euclidean_spearman": 89.6658762856415, + "main_score": 89.31337445552545, + "manhattan_pearson": 89.08057438154486, + "manhattan_spearman": 89.68673984203022, + "pearson": 88.14066430111033, + "spearman": 89.31337445552545 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/STS16.json b/results/arkohut__jina-embeddings-v3/external/STS16.json new file mode 100644 index 000000000..1939a0476 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 85.14908856657084, + "cosine_spearman": 86.84648320786727, + "euclidean_pearson": 86.11454713131947, + "euclidean_spearman": 86.77738862047961, + "main_score": 86.84648320786727, + "manhattan_pearson": 86.07804821916372, + "manhattan_spearman": 86.78676064310474, + "pearson": 85.14908856657084, + "spearman": 86.84648320786727 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/STS17.json b/results/arkohut__jina-embeddings-v3/external/STS17.json new file mode 100644 index 000000000..07a5b16cf --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/STS17.json @@ -0,0 +1,88 @@ +{ + "dataset_revision": "faeb762787bd10488a50c8b5be4a3b82e411949c", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 89.61633502468356, + "cosine_spearman": 89.99772663224805, + "euclidean_pearson": 90.14056501501044, + "euclidean_spearman": 90.04496896837503, + "main_score": 89.99772663224805, + "manhattan_pearson": 90.08964860311801, + "manhattan_spearman": 90.00091712362196, + "pearson": 89.61633502468356, + "spearman": 89.99772663224805 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cosine_pearson": 86.44548026840202, + "cosine_spearman": 87.26263108768539, + "euclidean_pearson": 86.42844593583838, + "euclidean_spearman": 86.89388428664364, + "main_score": 87.26263108768539, + "manhattan_pearson": 86.47186940800881, + "manhattan_spearman": 87.02163091089946, + "pearson": 86.44548026840202, + "spearman": 87.26263108768539 + }, + { + "hf_subset": "en-de", + "languages": [ + "eng-Latn", + "deu-Latn" + ], + "cosine_pearson": 87.89345132532758, + "cosine_spearman": 87.96246221327699, + "euclidean_pearson": 88.49013032701419, + "euclidean_spearman": 87.81981265317344, + "main_score": 87.96246221327699, + "manhattan_pearson": 88.31360914178538, + "manhattan_spearman": 87.62734530005075, + "pearson": 87.89345132532758, + "spearman": 87.96246221327699 + }, + { + "hf_subset": "es-es", + "languages": [ + "spa-Latn" + ], + "cosine_pearson": 88.4084678497171, + "cosine_spearman": 88.77640638748285, + "euclidean_pearson": 89.60124312475843, + "euclidean_spearman": 88.4321442688528, + "main_score": 88.77640638748285, + "manhattan_pearson": 89.62375118021299, + "manhattan_spearman": 88.46998118661577, + "pearson": 88.4084678497171, + "spearman": 88.77640638748285 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "cosine_pearson": 87.30688801326498, + "cosine_spearman": 87.55684697258378, + "euclidean_pearson": 87.89672951056794, + "euclidean_spearman": 87.28050429201674, + "main_score": 87.55684697258378, + "manhattan_pearson": 87.74292745320572, + "manhattan_spearman": 87.16383993876582, + "pearson": 87.30688801326498, + "spearman": 87.55684697258378 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/STS22.json b/results/arkohut__jina-embeddings-v3/external/STS22.json new file mode 100644 index 000000000..221083d64 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/STS22.json @@ -0,0 +1,227 @@ +{ + "dataset_revision": "de9d86b3b84231dc21f76c7b7af1f28e2f57f6e3", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "cosine_pearson": 73.46180375170147, + "cosine_spearman": 73.39559590127081, + "euclidean_pearson": 73.72613901293681, + "euclidean_spearman": 71.85465165176795, + "main_score": 73.39559590127081, + "manhattan_pearson": 73.07859140869076, + "manhattan_spearman": 71.22047343718893, + "pearson": 73.46180375170147, + "spearman": 73.39559590127081 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 62.47531620842637, + "cosine_spearman": 66.22504667157702, + "euclidean_pearson": 66.76201254783692, + "euclidean_spearman": 66.86115760269463, + "main_score": 66.22504667157702, + "manhattan_pearson": 66.73847836793489, + "manhattan_spearman": 66.7677116377695, + "pearson": 62.47531620842637, + "spearman": 66.22504667157702 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "cosine_pearson": 69.89707002436481, + "cosine_spearman": 72.2054865735116, + "euclidean_pearson": 71.81856615570756, + "euclidean_spearman": 72.72593304629407, + "main_score": 72.2054865735116, + "manhattan_pearson": 72.00362684700072, + "manhattan_spearman": 72.62783534769964, + "pearson": 69.89707002436481, + "spearman": 72.2054865735116 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cosine_pearson": 81.59623734395916, + "cosine_spearman": 83.28946105111358, + "euclidean_pearson": 79.377330171466, + "euclidean_spearman": 81.81029781662205, + "main_score": 83.28946105111358, + "manhattan_pearson": 78.96970881689698, + "manhattan_spearman": 81.91773236079703, + "pearson": 81.59623734395916, + "spearman": 83.28946105111358 + }, + { + "hf_subset": "de-fr", + "languages": [ + "deu-Latn", + "fra-Latn" + ], + "cosine_pearson": 55.03825643126142, + "cosine_spearman": 58.25792501780429, + "euclidean_pearson": 50.38007603973409, + "euclidean_spearman": 59.39961789383097, + "main_score": 58.25792501780429, + "manhattan_pearson": 50.518568927999155, + "manhattan_spearman": 59.84185466003894, + "pearson": 55.03825643126142, + "spearman": 58.25792501780429 + }, + { + "hf_subset": "pl-en", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "cosine_pearson": 77.77233721490776, + "cosine_spearman": 76.17596588017625, + "euclidean_pearson": 74.47600468156611, + "euclidean_spearman": 72.61278728057012, + "main_score": 76.17596588017625, + "manhattan_pearson": 74.48118910099699, + "manhattan_spearman": 73.33167419101696, + "pearson": 77.77233721490776, + "spearman": 76.17596588017625 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "cosine_pearson": 42.87453608131507, + "cosine_spearman": 45.137849894401185, + "euclidean_pearson": 31.66964197694796, + "euclidean_spearman": 44.1014900837869, + "main_score": 45.137849894401185, + "manhattan_pearson": 31.007199259384745, + "manhattan_spearman": 43.48181523288926, + "pearson": 42.87453608131507, + "spearman": 45.137849894401185 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 66.87400150638176, + "cosine_spearman": 67.27861354834066, + "euclidean_pearson": 66.81789582140216, + "euclidean_spearman": 66.44220479858708, + "main_score": 67.27861354834066, + "manhattan_pearson": 66.92509859033235, + "manhattan_spearman": 66.46841124185076, + "pearson": 66.87400150638176, + "spearman": 67.27861354834066 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "cosine_pearson": 61.819804551576084, + "cosine_spearman": 65.0864146772135, + "euclidean_pearson": 62.518151090361876, + "euclidean_spearman": 65.13608138548017, + "main_score": 65.0864146772135, + "manhattan_pearson": 62.51413246915267, + "manhattan_spearman": 65.19077543064323, + "pearson": 61.819804551576084, + "spearman": 65.0864146772135 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "cosine_pearson": 54.85728696035389, + "cosine_spearman": 61.60906359227576, + "euclidean_pearson": 52.57582587901851, + "euclidean_spearman": 61.41823097598308, + "main_score": 61.60906359227576, + "manhattan_pearson": 52.500978361080506, + "manhattan_spearman": 61.30365596659758, + "pearson": 54.85728696035389, + "spearman": 61.60906359227576 + }, + { + "hf_subset": "fr-pl", + "languages": [ + "fra-Latn", + "pol-Latn" + ], + "cosine_pearson": 67.68016005631422, + "cosine_spearman": 84.51542547285167, + "euclidean_pearson": 66.19871164667245, + "euclidean_spearman": 73.24670207647144, + "main_score": 84.51542547285167, + "manhattan_pearson": 67.0443525268974, + "manhattan_spearman": 73.24670207647144, + "pearson": 67.68016005631422, + "spearman": 84.51542547285167 + }, + { + "hf_subset": "de-pl", + "languages": [ + "deu-Latn", + "pol-Latn" + ], + "cosine_pearson": 47.49467414030747, + "cosine_spearman": 56.81512095681289, + "euclidean_pearson": 48.42860221765214, + "euclidean_spearman": 58.63197306329092, + "main_score": 56.81512095681289, + "manhattan_pearson": 48.39594959260441, + "manhattan_spearman": 58.63197306329092, + "pearson": 47.49467414030747, + "spearman": 56.81512095681289 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cosine_pearson": 76.8364678896155, + "cosine_spearman": 78.45516413087114, + "euclidean_pearson": 78.62779318576634, + "euclidean_spearman": 78.88760695649488, + "main_score": 78.45516413087114, + "manhattan_pearson": 78.62131335760031, + "manhattan_spearman": 78.81861844200388, + "pearson": 76.8364678896155, + "spearman": 78.45516413087114 + }, + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "cosine_pearson": 65.16640313911604, + "cosine_spearman": 60.887608967403914, + "euclidean_pearson": 67.49902244990913, + "euclidean_spearman": 59.2458787136538, + "main_score": 60.887608967403914, + "manhattan_pearson": 67.34313506388378, + "manhattan_spearman": 59.05283429200166, + "pearson": 65.16640313911604, + "spearman": 60.887608967403914 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/STSB.json b/results/arkohut__jina-embeddings-v3/external/STSB.json new file mode 100644 index 000000000..0ab38078b --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/STSB.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "0cde68302b3541bb8b3c340dc0644b0b745b3dc0", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 81.5092853013241, + "cosine_spearman": 83.54005474244292, + "euclidean_pearson": 83.7246578378554, + "euclidean_spearman": 84.46767551087716, + "main_score": 83.54005474244292, + "manhattan_pearson": 83.65922665594636, + "manhattan_spearman": 84.42431449101848, + "pearson": 81.5092853013241, + "spearman": 83.54005474244292 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/STSBenchmark.json b/results/arkohut__jina-embeddings-v3/external/STSBenchmark.json new file mode 100644 index 000000000..d38e57fff --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 87.70246866744966, + "cosine_spearman": 89.44070045346106, + "euclidean_pearson": 89.56956519641007, + "euclidean_spearman": 89.95830112784283, + "main_score": 89.44070045346106, + "manhattan_pearson": 89.48264471425145, + "manhattan_spearman": 89.87900732483114, + "pearson": 87.70246866744966, + "spearman": 89.44070045346106 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/STSBenchmarkMultilingualSTS.json b/results/arkohut__jina-embeddings-v3/external/STSBenchmarkMultilingualSTS.json new file mode 100644 index 000000000..ce95691af --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/STSBenchmarkMultilingualSTS.json @@ -0,0 +1,115 @@ +{ + "dataset_revision": "29afa2569dcedaaa2fe6a3dcfebab33d28b82e8c", + "task_name": "STSBenchmarkMultilingualSTS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "cosine_pearson": 86.83701990805217, + "cosine_spearman": 87.80280785492258, + "euclidean_pearson": 87.77325330043514, + "euclidean_spearman": 88.3564607283144, + "main_score": 87.80280785492258, + "manhattan_pearson": 87.6745449945946, + "manhattan_spearman": 88.30660465978795, + "pearson": 86.83701990805217, + "spearman": 87.80280785492258 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 84.27751020600267, + "cosine_spearman": 85.63500407412486, + "euclidean_pearson": 85.21829891649696, + "euclidean_spearman": 85.9384575715382, + "main_score": 85.63500407412486, + "manhattan_pearson": 85.10797194089801, + "manhattan_spearman": 85.8770162042784, + "pearson": 84.27751020600267, + "spearman": 85.63500407412486 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cosine_pearson": 86.56833656723254, + "cosine_spearman": 87.4393978501382, + "euclidean_pearson": 87.45171512751267, + "euclidean_spearman": 88.13106516566947, + "main_score": 87.4393978501382, + "manhattan_pearson": 87.33010961793333, + "manhattan_spearman": 88.06707425102182, + "pearson": 86.56833656723254, + "spearman": 87.4393978501382 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "cosine_pearson": 85.45065540325523, + "cosine_spearman": 85.47881076789359, + "euclidean_pearson": 85.1999493863155, + "euclidean_spearman": 85.7874947669187, + "main_score": 85.47881076789359, + "manhattan_pearson": 85.06075305990376, + "manhattan_spearman": 85.71563015639558, + "pearson": 85.45065540325523, + "spearman": 85.47881076789359 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "cosine_pearson": 87.11952824079832, + "cosine_spearman": 87.9643473573153, + "euclidean_pearson": 88.11750364639971, + "euclidean_spearman": 88.63695109016498, + "main_score": 87.9643473573153, + "manhattan_pearson": 88.00294453126699, + "manhattan_spearman": 88.53750241758391, + "pearson": 87.11952824079832, + "spearman": 87.9643473573153 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "cosine_pearson": 85.99804354414991, + "cosine_spearman": 86.30252111551002, + "euclidean_pearson": 86.1880652037762, + "euclidean_spearman": 86.69556223944502, + "main_score": 86.30252111551002, + "manhattan_pearson": 86.0736400320898, + "manhattan_spearman": 86.61747927593393, + "pearson": 85.99804354414991, + "spearman": 86.30252111551002 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 87.70246861738103, + "cosine_spearman": 89.44070045346106, + "euclidean_pearson": 89.56956518833663, + "euclidean_spearman": 89.95830112784283, + "main_score": 89.44070045346106, + "manhattan_pearson": 89.48264470792915, + "manhattan_spearman": 89.87900732483114, + "pearson": 87.70246861738103, + "spearman": 89.44070045346106 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/SciDocsRR.json b/results/arkohut__jina-embeddings-v3/external/SciDocsRR.json new file mode 100644 index 000000000..bb374b228 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 84.88064122814694, + "mrr": 95.84832651009123, + "main_score": 84.88064122814694 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/SciFact-PL.json b/results/arkohut__jina-embeddings-v3/external/SciFact-PL.json new file mode 100644 index 000000000..a48499139 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/SciFact-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "47932a35f045ef8ed01ba82bf9ff67f6e109207e", + "task_name": "SciFact-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 64.764, + "map_at_1": 49.778, + "map_at_10": 59.88, + "map_at_100": 60.707, + "map_at_1000": 60.729, + "map_at_20": 60.419999999999995, + "map_at_3": 57.45400000000001, + "map_at_5": 58.729, + "mrr_at_1": 52.33333333333333, + "mrr_at_10": 61.29193121693122, + "mrr_at_100": 61.95817765126313, + "mrr_at_1000": 61.97583284368782, + "mrr_at_20": 61.72469949641003, + "mrr_at_3": 59.44444444444444, + "mrr_at_5": 60.494444444444454, + "nauc_map_at_1000_diff1": 62.21235294015774, + "nauc_map_at_1000_max": 48.83996609100249, + "nauc_map_at_1000_std": 5.23892781043174, + "nauc_map_at_100_diff1": 62.20170226789429, + "nauc_map_at_100_max": 48.8391766453537, + "nauc_map_at_100_std": 5.2664077457917715, + "nauc_map_at_10_diff1": 61.961975488329024, + "nauc_map_at_10_max": 48.397109987625186, + "nauc_map_at_10_std": 4.314859710827481, + "nauc_map_at_1_diff1": 65.0865197011516, + "nauc_map_at_1_max": 41.38862781954889, + "nauc_map_at_1_std": -0.9182122632530586, + "nauc_map_at_20_diff1": 61.99173935851292, + "nauc_map_at_20_max": 48.79961814179307, + "nauc_map_at_20_std": 5.262181845825118, + "nauc_map_at_3_diff1": 62.37910539880477, + "nauc_map_at_3_max": 47.13627890977091, + "nauc_map_at_3_std": 2.327897198087264, + "nauc_map_at_5_diff1": 61.60080757149592, + "nauc_map_at_5_max": 47.60052458345962, + "nauc_map_at_5_std": 3.1770196981231047, + "nauc_mrr_at_1000_diff1": 62.86810952814966, + "nauc_mrr_at_1000_max": 52.13248094447774, + "nauc_mrr_at_1000_std": 10.100485746570733, + "nauc_mrr_at_100_diff1": 62.85364829491874, + "nauc_mrr_at_100_max": 52.134528010631854, + "nauc_mrr_at_100_std": 10.120945685447369, + "nauc_mrr_at_10_diff1": 62.65679301829915, + "nauc_mrr_at_10_max": 52.09270719182349, + "nauc_mrr_at_10_std": 9.913834434725441, + "nauc_mrr_at_1_diff1": 66.84108271415636, + "nauc_mrr_at_1_max": 46.67646429855176, + "nauc_mrr_at_1_std": 5.5505252956352304, + "nauc_mrr_at_20_diff1": 62.72473227039611, + "nauc_mrr_at_20_max": 52.13479097802757, + "nauc_mrr_at_20_std": 10.188278833464084, + "nauc_mrr_at_3_diff1": 63.797429185518496, + "nauc_mrr_at_3_max": 52.16486999573481, + "nauc_mrr_at_3_std": 9.094360767062762, + "nauc_mrr_at_5_diff1": 62.592917975475494, + "nauc_mrr_at_5_max": 52.330741486107414, + "nauc_mrr_at_5_std": 9.742175534421389, + "nauc_ndcg_at_1000_diff1": 61.38859337672476, + "nauc_ndcg_at_1000_max": 51.48380058339184, + "nauc_ndcg_at_1000_std": 9.670547660897673, + "nauc_ndcg_at_100_diff1": 61.02438489641434, + "nauc_ndcg_at_100_max": 51.781246646780865, + "nauc_ndcg_at_100_std": 10.592961553245187, + "nauc_ndcg_at_10_diff1": 60.03678353308358, + "nauc_ndcg_at_10_max": 50.70725688848762, + "nauc_ndcg_at_10_std": 7.9472446491016315, + "nauc_ndcg_at_1_diff1": 66.84108271415636, + "nauc_ndcg_at_1_max": 46.67646429855176, + "nauc_ndcg_at_1_std": 5.5505252956352304, + "nauc_ndcg_at_20_diff1": 59.828482718480224, + "nauc_ndcg_at_20_max": 51.45831789601284, + "nauc_ndcg_at_20_std": 10.722673683272049, + "nauc_ndcg_at_3_diff1": 61.68982937524109, + "nauc_ndcg_at_3_max": 49.745326748604775, + "nauc_ndcg_at_3_std": 4.948298621202247, + "nauc_ndcg_at_5_diff1": 59.67396171973207, + "nauc_ndcg_at_5_max": 49.87855139298281, + "nauc_ndcg_at_5_std": 6.08990428055584, + "nauc_precision_at_1000_diff1": -1.594227972036865, + "nauc_precision_at_1000_max": 32.48431723086185, + "nauc_precision_at_1000_std": 53.84748466965268, + "nauc_precision_at_100_diff1": 8.06411455192293, + "nauc_precision_at_100_max": 39.91003601878948, + "nauc_precision_at_100_std": 55.52979711075091, + "nauc_precision_at_10_diff1": 26.610514456014066, + "nauc_precision_at_10_max": 47.09062494321172, + "nauc_precision_at_10_std": 33.91984226498748, + "nauc_precision_at_1_diff1": 66.84108271415636, + "nauc_precision_at_1_max": 46.67646429855176, + "nauc_precision_at_1_std": 5.5505252956352304, + "nauc_precision_at_20_diff1": 16.947688843085583, + "nauc_precision_at_20_max": 45.40488186572008, + "nauc_precision_at_20_std": 48.354421924500905, + "nauc_precision_at_3_diff1": 49.11263981720622, + "nauc_precision_at_3_max": 52.7084625111683, + "nauc_precision_at_3_std": 16.734612173556453, + "nauc_precision_at_5_diff1": 39.06503705015792, + "nauc_precision_at_5_max": 52.21710506893391, + "nauc_precision_at_5_std": 23.350948149460233, + "nauc_recall_at_1000_diff1": 43.1559290382817, + "nauc_recall_at_1000_max": 83.66013071895456, + "nauc_recall_at_1000_std": 86.27450980392177, + "nauc_recall_at_100_diff1": 46.016860850620375, + "nauc_recall_at_100_max": 69.3944888744547, + "nauc_recall_at_100_std": 55.286945696152735, + "nauc_recall_at_10_diff1": 49.65877895350921, + "nauc_recall_at_10_max": 53.02636695700889, + "nauc_recall_at_10_std": 13.967608945823828, + "nauc_recall_at_1_diff1": 65.0865197011516, + "nauc_recall_at_1_max": 41.38862781954889, + "nauc_recall_at_1_std": -0.9182122632530586, + "nauc_recall_at_20_diff1": 43.355308229973524, + "nauc_recall_at_20_max": 57.04187909533764, + "nauc_recall_at_20_std": 33.578720846660524, + "nauc_recall_at_3_diff1": 56.922996057428165, + "nauc_recall_at_3_max": 50.74417041895424, + "nauc_recall_at_3_std": 5.623890124328387, + "nauc_recall_at_5_diff1": 50.55620076865238, + "nauc_recall_at_5_max": 51.3316854622085, + "nauc_recall_at_5_std": 8.995457887269255, + "ndcg_at_1": 52.333, + "ndcg_at_10": 64.764, + "ndcg_at_100": 68.167, + "ndcg_at_1000": 68.816, + "ndcg_at_20": 66.457, + "ndcg_at_3": 60.346, + "ndcg_at_5": 62.365, + "precision_at_1": 52.333, + "precision_at_10": 8.799999999999999, + "precision_at_100": 1.057, + "precision_at_1000": 0.11100000000000002, + "precision_at_20": 4.8, + "precision_at_3": 23.889, + "precision_at_5": 15.6, + "recall_at_1": 49.778, + "recall_at_10": 78.206, + "recall_at_100": 93.10000000000001, + "recall_at_1000": 98.333, + "recall_at_20": 84.467, + "recall_at_3": 66.367, + "recall_at_5": 71.35000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/SciFact.json b/results/arkohut__jina-embeddings-v3/external/SciFact.json new file mode 100644 index 000000000..0a87cf9c5 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/SciFact.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 57.289, + "map_at_10": 67.88499999999999, + "map_at_100": 68.477, + "map_at_1000": 68.50500000000001, + "map_at_20": 68.33500000000001, + "map_at_3": 65.08, + "map_at_5": 67.001, + "mrr_at_1": 59.667, + "mrr_at_10": 68.626, + "mrr_at_100": 69.082, + "mrr_at_1000": 69.108, + "mrr_at_20": 68.958, + "mrr_at_3": 66.667, + "mrr_at_5": 67.983, + "ndcg_at_1": 59.667, + "ndcg_at_10": 72.309, + "ndcg_at_100": 74.58399999999999, + "ndcg_at_1000": 75.25500000000001, + "ndcg_at_20": 73.656, + "ndcg_at_3": 67.791, + "ndcg_at_5": 70.45, + "precision_at_1": 59.667, + "precision_at_10": 9.567, + "precision_at_100": 1.073, + "precision_at_1000": 0.11299999999999999, + "precision_at_20": 5.083, + "precision_at_3": 26.333000000000002, + "precision_at_5": 17.666999999999998, + "recall_at_1": 57.289, + "recall_at_10": 84.756, + "recall_at_100": 94.5, + "recall_at_1000": 99.667, + "recall_at_20": 89.7, + "recall_at_3": 73.22800000000001, + "recall_at_5": 79.444, + "main_score": 72.309 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/SensitiveTopicsClassification.json b/results/arkohut__jina-embeddings-v3/external/SensitiveTopicsClassification.json new file mode 100644 index 000000000..9556d97a7 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/SensitiveTopicsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "416b34a802308eac30e4192afc0ff99bb8dcc7f2", + "task_name": "SensitiveTopicsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 30.634765625, + "f1": 32.647559808678665, + "lrap": 45.94319661458259, + "main_score": 30.634765625 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/SpanishNewsClusteringP2P.json b/results/arkohut__jina-embeddings-v3/external/SpanishNewsClusteringP2P.json new file mode 100644 index 000000000..a162298b4 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/SpanishNewsClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "bf8ca8ddc5b7da4f7004720ddf99bbe0483480e6", + "task_name": "SpanishNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "spa-Latn" + ], + "main_score": 45.04477709795154, + "v_measure": 45.04477709795154, + "v_measure_std": 0.0 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/SpanishPassageRetrievalS2S.json b/results/arkohut__jina-embeddings-v3/external/SpanishPassageRetrievalS2S.json new file mode 100644 index 000000000..62be1f0e7 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/SpanishPassageRetrievalS2S.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "9cddf2ce5209ade52c2115ccfa00eb22c6d3a837", + "task_name": "SpanishPassageRetrievalS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "spa-Latn" + ], + "main_score": 69.83, + "map_at_1": 15.736, + "map_at_10": 52.027, + "map_at_100": 65.08800000000001, + "map_at_1000": 65.08800000000001, + "map_at_20": 60.79900000000001, + "map_at_3": 32.869, + "map_at_5": 41.436, + "mrr_at_1": 75.44910179640718, + "mrr_at_10": 84.43446440452426, + "mrr_at_100": 84.48052612723271, + "mrr_at_1000": 84.48052612723271, + "mrr_at_20": 84.48052612723271, + "mrr_at_3": 83.13373253493013, + "mrr_at_5": 84.3013972055888, + "nauc_map_at_1000_diff1": 50.611540149694356, + "nauc_map_at_1000_max": 2.1102430434260238, + "nauc_map_at_1000_std": -18.88993521335793, + "nauc_map_at_100_diff1": 50.611540149694356, + "nauc_map_at_100_max": 2.1102430434260238, + "nauc_map_at_100_std": -18.88993521335793, + "nauc_map_at_10_diff1": 59.13518981755268, + "nauc_map_at_10_max": -9.810386627392807, + "nauc_map_at_10_std": -38.31810152345078, + "nauc_map_at_1_diff1": 74.96782567287174, + "nauc_map_at_1_max": -29.648279252607875, + "nauc_map_at_1_std": -54.017459339141595, + "nauc_map_at_20_diff1": 55.26694458629849, + "nauc_map_at_20_max": -1.9490244535020729, + "nauc_map_at_20_std": -25.22211659104076, + "nauc_map_at_3_diff1": 71.67607885031732, + "nauc_map_at_3_max": -25.078101661694507, + "nauc_map_at_3_std": -50.55408861920259, + "nauc_map_at_5_diff1": 61.50111515417668, + "nauc_map_at_5_max": -16.4114670513168, + "nauc_map_at_5_std": -44.391416134859135, + "nauc_mrr_at_1000_diff1": 74.18848063283234, + "nauc_mrr_at_1000_max": 21.929205946778005, + "nauc_mrr_at_1000_std": -36.27399268489433, + "nauc_mrr_at_100_diff1": 74.18848063283234, + "nauc_mrr_at_100_max": 21.929205946778005, + "nauc_mrr_at_100_std": -36.27399268489433, + "nauc_mrr_at_10_diff1": 74.27231582268745, + "nauc_mrr_at_10_max": 21.481133301135337, + "nauc_mrr_at_10_std": -36.72070854872902, + "nauc_mrr_at_1_diff1": 76.54855950439561, + "nauc_mrr_at_1_max": 26.99938321212366, + "nauc_mrr_at_1_std": -33.098742603429635, + "nauc_mrr_at_20_diff1": 74.18848063283234, + "nauc_mrr_at_20_max": 21.929205946778005, + "nauc_mrr_at_20_std": -36.27399268489433, + "nauc_mrr_at_3_diff1": 72.05379526740143, + "nauc_mrr_at_3_max": 18.875831185752528, + "nauc_mrr_at_3_std": -37.27302006456391, + "nauc_mrr_at_5_diff1": 74.25342356682029, + "nauc_mrr_at_5_max": 20.756340085088738, + "nauc_mrr_at_5_std": -37.99507208540703, + "nauc_ndcg_at_1000_diff1": 53.259363764380275, + "nauc_ndcg_at_1000_max": 12.936954959423218, + "nauc_ndcg_at_1000_std": -16.953898675672153, + "nauc_ndcg_at_100_diff1": 53.259363764380275, + "nauc_ndcg_at_100_max": 12.936954959423218, + "nauc_ndcg_at_100_std": -16.953898675672153, + "nauc_ndcg_at_10_diff1": 53.70942345413554, + "nauc_ndcg_at_10_max": -3.8465093347016186, + "nauc_ndcg_at_10_std": -31.208127919994755, + "nauc_ndcg_at_1_diff1": 75.30551289259554, + "nauc_ndcg_at_1_max": 25.53292054129834, + "nauc_ndcg_at_1_std": -33.285498788395145, + "nauc_ndcg_at_20_diff1": 57.62409278278133, + "nauc_ndcg_at_20_max": 2.8040586426056233, + "nauc_ndcg_at_20_std": -26.270875776221704, + "nauc_ndcg_at_3_diff1": 48.42294834754225, + "nauc_ndcg_at_3_max": 16.912467881065822, + "nauc_ndcg_at_3_std": -13.324841189277873, + "nauc_ndcg_at_5_diff1": 47.512819802794596, + "nauc_ndcg_at_5_max": 14.645518203506594, + "nauc_ndcg_at_5_std": -17.641450435599275, + "nauc_precision_at_1000_diff1": -34.43320975829637, + "nauc_precision_at_1000_max": 29.08585622578186, + "nauc_precision_at_1000_std": 46.55117940162061, + "nauc_precision_at_100_diff1": -34.433209758296364, + "nauc_precision_at_100_max": 29.085856225781885, + "nauc_precision_at_100_std": 46.55117940162065, + "nauc_precision_at_10_diff1": -21.895306304096902, + "nauc_precision_at_10_max": 33.190476527593745, + "nauc_precision_at_10_std": 37.64916268614298, + "nauc_precision_at_1_diff1": 75.30551289259554, + "nauc_precision_at_1_max": 25.53292054129834, + "nauc_precision_at_1_std": -33.285498788395145, + "nauc_precision_at_20_diff1": -27.63076748060466, + "nauc_precision_at_20_max": 30.689810416086154, + "nauc_precision_at_20_std": 46.164191636131626, + "nauc_precision_at_3_diff1": 20.547345067837288, + "nauc_precision_at_3_max": 26.177050942827528, + "nauc_precision_at_3_std": 5.960466052973099, + "nauc_precision_at_5_diff1": -8.928755534002669, + "nauc_precision_at_5_max": 40.83262650073459, + "nauc_precision_at_5_std": 26.158537031161494, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": NaN, + "nauc_recall_at_100_max": NaN, + "nauc_recall_at_100_std": NaN, + "nauc_recall_at_10_diff1": 53.08654386169444, + "nauc_recall_at_10_max": -23.276269379519356, + "nauc_recall_at_10_std": -50.80707792706157, + "nauc_recall_at_1_diff1": 74.96782567287174, + "nauc_recall_at_1_max": -29.648279252607875, + "nauc_recall_at_1_std": -54.017459339141595, + "nauc_recall_at_20_diff1": 51.60121897059633, + "nauc_recall_at_20_max": -14.241779530735387, + "nauc_recall_at_20_std": -37.877451525215456, + "nauc_recall_at_3_diff1": 66.99474984329694, + "nauc_recall_at_3_max": -30.802787353187966, + "nauc_recall_at_3_std": -53.58737792129713, + "nauc_recall_at_5_diff1": 54.64214444958567, + "nauc_recall_at_5_max": -23.341309362104703, + "nauc_recall_at_5_std": -51.381363923145265, + "ndcg_at_1": 76.048, + "ndcg_at_10": 69.83, + "ndcg_at_100": 82.11500000000001, + "ndcg_at_1000": 82.11500000000001, + "ndcg_at_20": 75.995, + "ndcg_at_3": 69.587, + "ndcg_at_5": 69.062, + "precision_at_1": 76.048, + "precision_at_10": 43.653, + "precision_at_100": 7.718999999999999, + "precision_at_1000": 0.772, + "precision_at_20": 31.108000000000004, + "precision_at_3": 63.87199999999999, + "precision_at_5": 56.407, + "recall_at_1": 15.736, + "recall_at_10": 66.873, + "recall_at_100": 100.0, + "recall_at_1000": 100.0, + "recall_at_20": 85.01100000000001, + "recall_at_3": 36.441, + "recall_at_5": 49.109 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/SprintDuplicateQuestions.json b/results/arkohut__jina-embeddings-v3/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..24a2d3fc9 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/SprintDuplicateQuestions.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 99.87326732673267, + "cosine_accuracy_threshold": 86.0752820968628, + "cosine_ap": 96.98758090713252, + "cosine_f1": 93.52881698685542, + "cosine_f1_threshold": 86.0752820968628, + "cosine_precision": 94.58077709611452, + "cosine_recall": 92.5, + "dot_accuracy": 99.82574257425742, + "dot_accuracy_threshold": 40484.73815917969, + "dot_ap": 95.68959907254845, + "dot_f1": 91.31293188548865, + "dot_f1_threshold": 40336.810302734375, + "dot_precision": 90.15594541910332, + "dot_recall": 92.5, + "euclidean_accuracy": 99.87128712871286, + "euclidean_accuracy_threshold": 1162.5749588012695, + "euclidean_ap": 96.92640435656577, + "euclidean_f1": 93.4475806451613, + "euclidean_f1_threshold": 1162.5749588012695, + "euclidean_precision": 94.20731707317073, + "euclidean_recall": 92.7, + "main_score": 96.98758090713252, + "manhattan_accuracy": 99.86930693069307, + "manhattan_accuracy_threshold": 28348.71826171875, + "manhattan_ap": 96.93832673967925, + "manhattan_f1": 93.33333333333333, + "manhattan_f1_threshold": 28348.71826171875, + "manhattan_precision": 94.28571428571428, + "manhattan_recall": 92.4, + "max_accuracy": 99.87326732673267, + "max_ap": 96.98758090713252, + "max_f1": 93.52881698685542, + "max_precision": 94.58077709611452, + "max_recall": 92.7, + "similarity_accuracy": 99.87326732673267, + "similarity_accuracy_threshold": 86.0752820968628, + "similarity_ap": 96.98758090713252, + "similarity_f1": 93.52881698685542, + "similarity_f1_threshold": 86.0752820968628, + "similarity_precision": 94.58077709611452, + "similarity_recall": 92.5 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/StackExchangeClustering.json b/results/arkohut__jina-embeddings-v3/external/StackExchangeClustering.json new file mode 100644 index 000000000..ea9a02462 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/StackExchangeClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 65.6560129719848, + "v_measure": 65.6560129719848, + "v_measure_std": 4.781229811487539 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/StackExchangeClusteringP2P.json b/results/arkohut__jina-embeddings-v3/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..ab70f3497 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/StackExchangeClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 35.07546243853692, + "v_measure": 35.07546243853692, + "v_measure_std": 1.1978740356240998 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/StackOverflowDupQuestions.json b/results/arkohut__jina-embeddings-v3/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..4b471cbf9 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 51.771005199508835, + "mrr": 52.65443298531534, + "main_score": 51.771005199508835 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/SummEval.json b/results/arkohut__jina-embeddings-v3/external/SummEval.json new file mode 100644 index 000000000..80ec436ba --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 29.48686238342228, + "cosine_spearman": 29.706543509170054, + "dot_pearson": 27.95853155597859, + "dot_spearman": 27.604287986935162, + "main_score": 29.706543509170054, + "pearson": 29.48686238342228, + "spearman": 29.706543509170054 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/SummEvalFr.json b/results/arkohut__jina-embeddings-v3/external/SummEvalFr.json new file mode 100644 index 000000000..01629ace7 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/SummEvalFr.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "b385812de6a9577b6f4d0f88c6a6e35395a94054", + "task_name": "SummEvalFr", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "cosine_pearson": 31.551301434917868, + "cosine_spearman": 30.709049789175186, + "dot_pearson": 27.77050901756549, + "dot_spearman": 26.715505953561795, + "main_score": 30.709049789175186, + "pearson": 31.551301434917868, + "spearman": 30.709049789175186 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/SyntecReranking.json b/results/arkohut__jina-embeddings-v3/external/SyntecReranking.json new file mode 100644 index 000000000..9a50cd1ae --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/SyntecReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "b205c5084a0934ce8af14338bf03feb19499c84d", + "task_name": "SyntecReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map": 73.31666666666666, + "mrr": 73.31666666666666, + "main_score": 73.31666666666666 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/SyntecRetrieval.json b/results/arkohut__jina-embeddings-v3/external/SyntecRetrieval.json new file mode 100644 index 000000000..5f8ccc7b0 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/SyntecRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "19661ccdca4dfc2d15122d776b61685f48c68ca9", + "task_name": "SyntecRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "main_score": 83.851, + "map_at_1": 68.0, + "map_at_10": 79.187, + "map_at_100": 79.32900000000001, + "map_at_1000": 79.32900000000001, + "map_at_20": 79.32900000000001, + "map_at_3": 77.333, + "map_at_5": 78.93299999999999, + "mrr_at_1": 68.0, + "mrr_at_10": 79.18730158730159, + "mrr_at_100": 79.32945845004669, + "mrr_at_1000": 79.32945845004669, + "mrr_at_20": 79.32945845004669, + "mrr_at_3": 77.33333333333333, + "mrr_at_5": 78.93333333333332, + "nauc_map_at_1000_diff1": 63.31103256935259, + "nauc_map_at_1000_max": 11.073749121365623, + "nauc_map_at_1000_std": 7.4973309839738, + "nauc_map_at_100_diff1": 63.31103256935259, + "nauc_map_at_100_max": 11.073749121365623, + "nauc_map_at_100_std": 7.4973309839738, + "nauc_map_at_10_diff1": 62.91585737195978, + "nauc_map_at_10_max": 11.770664508983133, + "nauc_map_at_10_std": 8.179883948527962, + "nauc_map_at_1_diff1": 66.1236265634718, + "nauc_map_at_1_max": 7.000207311173955, + "nauc_map_at_1_std": 6.54412272821497, + "nauc_map_at_20_diff1": 63.31103256935259, + "nauc_map_at_20_max": 11.073749121365623, + "nauc_map_at_20_std": 7.4973309839738, + "nauc_map_at_3_diff1": 62.14039574010254, + "nauc_map_at_3_max": 11.06996398110187, + "nauc_map_at_3_std": 7.288759297085769, + "nauc_map_at_5_diff1": 63.0401271126211, + "nauc_map_at_5_max": 10.779317801858609, + "nauc_map_at_5_std": 6.476660484760681, + "nauc_mrr_at_1000_diff1": 63.31103256935259, + "nauc_mrr_at_1000_max": 11.073749121365623, + "nauc_mrr_at_1000_std": 7.4973309839738, + "nauc_mrr_at_100_diff1": 63.31103256935259, + "nauc_mrr_at_100_max": 11.073749121365623, + "nauc_mrr_at_100_std": 7.4973309839738, + "nauc_mrr_at_10_diff1": 62.91585737195978, + "nauc_mrr_at_10_max": 11.770664508983133, + "nauc_mrr_at_10_std": 8.179883948527962, + "nauc_mrr_at_1_diff1": 66.1236265634718, + "nauc_mrr_at_1_max": 7.000207311173955, + "nauc_mrr_at_1_std": 6.54412272821497, + "nauc_mrr_at_20_diff1": 63.31103256935259, + "nauc_mrr_at_20_max": 11.073749121365623, + "nauc_mrr_at_20_std": 7.4973309839738, + "nauc_mrr_at_3_diff1": 62.14039574010254, + "nauc_mrr_at_3_max": 11.06996398110187, + "nauc_mrr_at_3_std": 7.288759297085769, + "nauc_mrr_at_5_diff1": 63.0401271126211, + "nauc_mrr_at_5_max": 10.779317801858609, + "nauc_mrr_at_5_std": 6.476660484760681, + "nauc_ndcg_at_1000_diff1": 62.9544299483241, + "nauc_ndcg_at_1000_max": 11.577079766964538, + "nauc_ndcg_at_1000_std": 7.703856790100716, + "nauc_ndcg_at_100_diff1": 62.9544299483241, + "nauc_ndcg_at_100_max": 11.577079766964538, + "nauc_ndcg_at_100_std": 7.703856790100716, + "nauc_ndcg_at_10_diff1": 61.29907952217381, + "nauc_ndcg_at_10_max": 14.760627422715425, + "nauc_ndcg_at_10_std": 10.805573898143368, + "nauc_ndcg_at_1_diff1": 66.1236265634718, + "nauc_ndcg_at_1_max": 7.000207311173955, + "nauc_ndcg_at_1_std": 6.54412272821497, + "nauc_ndcg_at_20_diff1": 62.9544299483241, + "nauc_ndcg_at_20_max": 11.577079766964538, + "nauc_ndcg_at_20_std": 7.703856790100716, + "nauc_ndcg_at_3_diff1": 60.25643527856101, + "nauc_ndcg_at_3_max": 12.236302709487546, + "nauc_ndcg_at_3_std": 7.36883189112067, + "nauc_ndcg_at_5_diff1": 61.65220590318238, + "nauc_ndcg_at_5_max": 11.39969101913945, + "nauc_ndcg_at_5_std": 5.406207922379402, + "nauc_precision_at_1000_diff1": NaN, + "nauc_precision_at_1000_max": NaN, + "nauc_precision_at_1000_std": NaN, + "nauc_precision_at_100_diff1": NaN, + "nauc_precision_at_100_max": NaN, + "nauc_precision_at_100_std": NaN, + "nauc_precision_at_10_diff1": 19.14098972922579, + "nauc_precision_at_10_max": 100.0, + "nauc_precision_at_10_std": 93.46405228758135, + "nauc_precision_at_1_diff1": 66.1236265634718, + "nauc_precision_at_1_max": 7.000207311173955, + "nauc_precision_at_1_std": 6.54412272821497, + "nauc_precision_at_20_diff1": 100.0, + "nauc_precision_at_20_max": 100.0, + "nauc_precision_at_20_std": 100.0, + "nauc_precision_at_3_diff1": 50.29636629155561, + "nauc_precision_at_3_max": 18.00532600292076, + "nauc_precision_at_3_std": 7.649686453053768, + "nauc_precision_at_5_diff1": 43.522408963585356, + "nauc_precision_at_5_max": 16.923436041082983, + "nauc_precision_at_5_std": -10.854341736694092, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": NaN, + "nauc_recall_at_100_max": NaN, + "nauc_recall_at_100_std": NaN, + "nauc_recall_at_10_diff1": 19.1409897292252, + "nauc_recall_at_10_max": 100.0, + "nauc_recall_at_10_std": 93.46405228758134, + "nauc_recall_at_1_diff1": 66.1236265634718, + "nauc_recall_at_1_max": 7.000207311173955, + "nauc_recall_at_1_std": 6.54412272821497, + "nauc_recall_at_20_diff1": NaN, + "nauc_recall_at_20_max": NaN, + "nauc_recall_at_20_std": NaN, + "nauc_recall_at_3_diff1": 50.29636629155569, + "nauc_recall_at_3_max": 18.005326002920754, + "nauc_recall_at_3_std": 7.649686453053851, + "nauc_recall_at_5_diff1": 43.5224089635856, + "nauc_recall_at_5_max": 16.92343604108335, + "nauc_recall_at_5_std": -10.854341736694499, + "ndcg_at_1": 68.0, + "ndcg_at_10": 83.851, + "ndcg_at_100": 84.36099999999999, + "ndcg_at_1000": 84.36099999999999, + "ndcg_at_20": 84.36099999999999, + "ndcg_at_3": 80.333, + "ndcg_at_5": 83.21600000000001, + "precision_at_1": 68.0, + "precision_at_10": 9.8, + "precision_at_100": 1.0, + "precision_at_1000": 0.1, + "precision_at_20": 5.0, + "precision_at_3": 29.666999999999998, + "precision_at_5": 19.2, + "recall_at_1": 68.0, + "recall_at_10": 98.0, + "recall_at_100": 100.0, + "recall_at_1000": 100.0, + "recall_at_20": 100.0, + "recall_at_3": 89.0, + "recall_at_5": 96.0 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/T2Reranking.json b/results/arkohut__jina-embeddings-v3/external/T2Reranking.json new file mode 100644 index 000000000..ca3f43774 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "76631901a18387f85eaa53e5450019b87ad58ef9", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 65.3088203970324, + "mrr": 74.79505862376546, + "main_score": 65.3088203970324 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/T2Retrieval.json b/results/arkohut__jina-embeddings-v3/external/T2Retrieval.json new file mode 100644 index 000000000..f3a234239 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/T2Retrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "8731a845f1bf500a4f111cf1070785c793d10e64", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 83.163, + "map_at_1": 26.875, + "map_at_10": 75.454, + "map_at_100": 79.036, + "map_at_1000": 79.111, + "map_at_20": 78.145, + "map_at_3": 53.181, + "map_at_5": 65.362, + "mrr_at_1": 88.90057864281957, + "mrr_at_10": 91.53186397301344, + "mrr_at_100": 91.62809075510003, + "mrr_at_1000": 91.63198173030787, + "mrr_at_20": 91.59414668799909, + "mrr_at_3": 91.0792565316499, + "mrr_at_5": 91.35718043135199, + "nauc_map_at_1000_diff1": 12.364843957982409, + "nauc_map_at_1000_max": 52.07043464458799, + "nauc_map_at_1000_std": 16.040095055100494, + "nauc_map_at_100_diff1": 12.370621073823022, + "nauc_map_at_100_max": 51.960738727635636, + "nauc_map_at_100_std": 15.935832440430747, + "nauc_map_at_10_diff1": 16.852819486606585, + "nauc_map_at_10_max": 40.11184760756059, + "nauc_map_at_10_std": 0.9306648364102376, + "nauc_map_at_1_diff1": 52.87356542654683, + "nauc_map_at_1_max": -22.210039746171255, + "nauc_map_at_1_std": -38.11345358035342, + "nauc_map_at_20_diff1": 13.045089059562837, + "nauc_map_at_20_max": 49.591383082160036, + "nauc_map_at_20_std": 12.54330050352008, + "nauc_map_at_3_diff1": 38.08172234377615, + "nauc_map_at_3_max": -6.868621684867697, + "nauc_map_at_3_std": -35.4712388845996, + "nauc_map_at_5_diff1": 29.665551705577474, + "nauc_map_at_5_max": 10.958628576519045, + "nauc_map_at_5_std": -25.113120842097057, + "nauc_mrr_at_1000_diff1": 47.39372999496945, + "nauc_mrr_at_1000_max": 83.11274997493808, + "nauc_mrr_at_1000_std": 39.74195374546631, + "nauc_mrr_at_100_diff1": 47.396678946057676, + "nauc_mrr_at_100_max": 83.1192584274415, + "nauc_mrr_at_100_std": 39.75840860374685, + "nauc_mrr_at_10_diff1": 47.35365644138715, + "nauc_mrr_at_10_max": 83.189165639531, + "nauc_mrr_at_10_std": 39.83653157887758, + "nauc_mrr_at_1_diff1": 47.98740362820094, + "nauc_mrr_at_1_max": 80.32340034580369, + "nauc_mrr_at_1_std": 34.57857131423388, + "nauc_mrr_at_20_diff1": 47.399132055537194, + "nauc_mrr_at_20_max": 83.16329919869686, + "nauc_mrr_at_20_std": 39.84204692042734, + "nauc_mrr_at_3_diff1": 47.09295580511751, + "nauc_mrr_at_3_max": 82.95831045602642, + "nauc_mrr_at_3_std": 38.98036804692351, + "nauc_mrr_at_5_diff1": 47.20100268549764, + "nauc_mrr_at_5_max": 83.16652480381642, + "nauc_mrr_at_5_std": 39.55690491560902, + "nauc_ndcg_at_1000_diff1": 17.201962509184547, + "nauc_ndcg_at_1000_max": 63.75820559259539, + "nauc_ndcg_at_1000_std": 29.28676096486067, + "nauc_ndcg_at_100_diff1": 16.76847216096811, + "nauc_ndcg_at_100_max": 62.646517934470744, + "nauc_ndcg_at_100_std": 28.7441617667637, + "nauc_ndcg_at_10_diff1": 16.559511980751886, + "nauc_ndcg_at_10_max": 54.35027464277944, + "nauc_ndcg_at_10_std": 16.98089333577716, + "nauc_ndcg_at_1_diff1": 47.98740362820094, + "nauc_ndcg_at_1_max": 80.32340034580369, + "nauc_ndcg_at_1_std": 34.57857131423388, + "nauc_ndcg_at_20_diff1": 16.721525245428243, + "nauc_ndcg_at_20_max": 57.683661870555724, + "nauc_ndcg_at_20_std": 21.736044200026853, + "nauc_ndcg_at_3_diff1": 12.488009696556192, + "nauc_ndcg_at_3_max": 69.2365575305502, + "nauc_ndcg_at_3_std": 30.622418945055323, + "nauc_ndcg_at_5_diff1": 12.364114556230609, + "nauc_ndcg_at_5_max": 62.33360746285387, + "nauc_ndcg_at_5_std": 24.898000803570227, + "nauc_precision_at_1000_diff1": -35.14745130154524, + "nauc_precision_at_1000_max": 48.811507982849065, + "nauc_precision_at_1000_std": 62.43036496029399, + "nauc_precision_at_100_diff1": -35.15276411320076, + "nauc_precision_at_100_max": 50.87010333741109, + "nauc_precision_at_100_std": 63.418221030407175, + "nauc_precision_at_10_diff1": -34.84255710936113, + "nauc_precision_at_10_max": 56.588401051428825, + "nauc_precision_at_10_std": 57.4763370653757, + "nauc_precision_at_1_diff1": 47.98740362820094, + "nauc_precision_at_1_max": 80.32340034580369, + "nauc_precision_at_1_std": 34.57857131423388, + "nauc_precision_at_20_diff1": -35.165762365233505, + "nauc_precision_at_20_max": 54.148762449660424, + "nauc_precision_at_20_std": 61.569719669368716, + "nauc_precision_at_3_diff1": -28.63023175340299, + "nauc_precision_at_3_max": 68.69825987618499, + "nauc_precision_at_3_std": 48.15479495755423, + "nauc_precision_at_5_diff1": -34.13811355456687, + "nauc_precision_at_5_max": 62.369363941490604, + "nauc_precision_at_5_std": 52.282904411187914, + "nauc_recall_at_1000_diff1": 8.686444579162663, + "nauc_recall_at_1000_max": 59.58864478011338, + "nauc_recall_at_1000_std": 56.692774954297455, + "nauc_recall_at_100_diff1": 8.820596225758342, + "nauc_recall_at_100_max": 53.15048885657892, + "nauc_recall_at_100_std": 39.78931159236714, + "nauc_recall_at_10_diff1": 16.022301106315027, + "nauc_recall_at_10_max": 29.83242342459543, + "nauc_recall_at_10_std": -4.805965555875844, + "nauc_recall_at_1_diff1": 52.87356542654683, + "nauc_recall_at_1_max": -22.210039746171255, + "nauc_recall_at_1_std": -38.11345358035342, + "nauc_recall_at_20_diff1": 10.35772828627265, + "nauc_recall_at_20_max": 43.06420839754062, + "nauc_recall_at_20_std": 15.040522218235692, + "nauc_recall_at_3_diff1": 36.23953684770224, + "nauc_recall_at_3_max": -11.709269151700374, + "nauc_recall_at_3_std": -38.13943178150384, + "nauc_recall_at_5_diff1": 28.644872415763384, + "nauc_recall_at_5_max": 2.062151266111129, + "nauc_recall_at_5_std": -30.81114034774277, + "ndcg_at_1": 88.901, + "ndcg_at_10": 83.163, + "ndcg_at_100": 86.854, + "ndcg_at_1000": 87.602, + "ndcg_at_20": 84.908, + "ndcg_at_3": 84.848, + "ndcg_at_5": 83.372, + "precision_at_1": 88.901, + "precision_at_10": 41.343, + "precision_at_100": 4.957000000000001, + "precision_at_1000": 0.513, + "precision_at_20": 22.955000000000002, + "precision_at_3": 74.29599999999999, + "precision_at_5": 62.251999999999995, + "recall_at_1": 26.875, + "recall_at_10": 81.902, + "recall_at_100": 93.988, + "recall_at_1000": 97.801, + "recall_at_20": 87.809, + "recall_at_3": 54.869, + "recall_at_5": 68.728 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/TERRa.json b/results/arkohut__jina-embeddings-v3/external/TERRa.json new file mode 100644 index 000000000..2249ccfb5 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/TERRa.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "7b58f24536063837d644aab9a023c62199b2a612", + "task_name": "TERRa", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "cosine_accuracy": 60.586319218241044, + "cosine_accuracy_threshold": 82.49806761741638, + "cosine_ap": 58.73198048427448, + "cosine_f1": 67.37967914438502, + "cosine_f1_threshold": 77.46461033821106, + "cosine_precision": 57.01357466063348, + "cosine_recall": 82.35294117647058, + "dot_accuracy": 60.26058631921825, + "dot_accuracy_threshold": 35627.020263671875, + "dot_ap": 57.418783612898224, + "dot_f1": 66.51982378854623, + "dot_f1_threshold": 27620.843505859375, + "dot_precision": 50.16611295681063, + "dot_recall": 98.69281045751634, + "euclidean_accuracy": 60.26058631921825, + "euclidean_accuracy_threshold": 1255.4466247558594, + "euclidean_ap": 58.748656145387955, + "euclidean_f1": 66.99029126213591, + "euclidean_f1_threshold": 1565.1330947875977, + "euclidean_precision": 53.28185328185329, + "euclidean_recall": 90.19607843137256, + "main_score": 58.8479126365766, + "manhattan_accuracy": 59.934853420195445, + "manhattan_accuracy_threshold": 29897.271728515625, + "manhattan_ap": 58.8479126365766, + "manhattan_f1": 66.81318681318683, + "manhattan_f1_threshold": 46291.802978515625, + "manhattan_precision": 50.331125827814574, + "manhattan_recall": 99.34640522875817, + "max_accuracy": 60.586319218241044, + "max_ap": 58.8479126365766, + "max_f1": 67.37967914438502, + "max_precision": 57.01357466063348, + "max_recall": 99.34640522875817, + "similarity_accuracy": 60.586319218241044, + "similarity_accuracy_threshold": 82.49806761741638, + "similarity_ap": 58.73198048427448, + "similarity_f1": 67.37967914438502, + "similarity_f1_threshold": 77.46461033821106, + "similarity_precision": 57.01357466063348, + "similarity_recall": 82.35294117647058 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/TNews.json b/results/arkohut__jina-embeddings-v3/external/TNews.json new file mode 100644 index 000000000..1da8e84b5 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/TNews.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "317f262bf1e6126357bbe89e875451e4b0938fe4", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 45.967999999999996, + "f1": 44.699306100915706, + "f1_weighted": 46.03730319014832, + "main_score": 45.967999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/TRECCOVID-PL.json b/results/arkohut__jina-embeddings-v3/external/TRECCOVID-PL.json new file mode 100644 index 000000000..d77ae7c8a --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/TRECCOVID-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "81bcb408f33366c2a20ac54adafad1ae7e877fdd", + "task_name": "TRECCOVID-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 72.18900000000001, + "map_at_1": 0.214, + "map_at_10": 1.755, + "map_at_100": 9.944, + "map_at_1000": 24.205, + "map_at_20": 3.1510000000000002, + "map_at_3": 0.6, + "map_at_5": 0.9560000000000001, + "mrr_at_1": 82.0, + "mrr_at_10": 89.06666666666666, + "mrr_at_100": 89.06666666666666, + "mrr_at_1000": 89.06666666666666, + "mrr_at_20": 89.06666666666666, + "mrr_at_3": 87.66666666666666, + "mrr_at_5": 89.06666666666666, + "nauc_map_at_1000_diff1": -9.342037623635543, + "nauc_map_at_1000_max": 45.71499810252398, + "nauc_map_at_1000_std": 76.86482845196852, + "nauc_map_at_100_diff1": -6.932395299866198, + "nauc_map_at_100_max": 36.097801891181604, + "nauc_map_at_100_std": 65.6085215411685, + "nauc_map_at_10_diff1": -6.3654843824342775, + "nauc_map_at_10_max": 9.564437521432714, + "nauc_map_at_10_std": 21.8377319336476, + "nauc_map_at_1_diff1": 8.269590874255034, + "nauc_map_at_1_max": 3.482498491294516, + "nauc_map_at_1_std": 8.985226819412189, + "nauc_map_at_20_diff1": -4.971435767877232, + "nauc_map_at_20_max": 22.88801858567121, + "nauc_map_at_20_std": 32.38492618534027, + "nauc_map_at_3_diff1": 1.1615973694623123, + "nauc_map_at_3_max": 1.935417800315643, + "nauc_map_at_3_std": 10.289328305818698, + "nauc_map_at_5_diff1": -2.4675967231444105, + "nauc_map_at_5_max": 2.4611483736622373, + "nauc_map_at_5_std": 15.082324305750811, + "nauc_mrr_at_1000_diff1": 13.098526703499063, + "nauc_mrr_at_1000_max": 56.37362177417431, + "nauc_mrr_at_1000_std": 73.2456769749587, + "nauc_mrr_at_100_diff1": 13.098526703499063, + "nauc_mrr_at_100_max": 56.37362177417431, + "nauc_mrr_at_100_std": 73.2456769749587, + "nauc_mrr_at_10_diff1": 13.098526703499063, + "nauc_mrr_at_10_max": 56.37362177417431, + "nauc_mrr_at_10_std": 73.2456769749587, + "nauc_mrr_at_1_diff1": 12.099350148694809, + "nauc_mrr_at_1_max": 53.75041304108387, + "nauc_mrr_at_1_std": 68.84018063663402, + "nauc_mrr_at_20_diff1": 13.098526703499063, + "nauc_mrr_at_20_max": 56.37362177417431, + "nauc_mrr_at_20_std": 73.2456769749587, + "nauc_mrr_at_3_diff1": 12.173557857011161, + "nauc_mrr_at_3_max": 57.540780562363395, + "nauc_mrr_at_3_std": 75.42098189580211, + "nauc_mrr_at_5_diff1": 13.098526703499063, + "nauc_mrr_at_5_max": 56.37362177417431, + "nauc_mrr_at_5_std": 73.2456769749587, + "nauc_ndcg_at_1000_diff1": -8.951471847310401, + "nauc_ndcg_at_1000_max": 43.86942237288822, + "nauc_ndcg_at_1000_std": 74.61077735148591, + "nauc_ndcg_at_100_diff1": -17.754559361083817, + "nauc_ndcg_at_100_max": 53.97187119773482, + "nauc_ndcg_at_100_std": 80.7944136146514, + "nauc_ndcg_at_10_diff1": -26.637734697836414, + "nauc_ndcg_at_10_max": 47.70102699133149, + "nauc_ndcg_at_10_std": 70.26909560828646, + "nauc_ndcg_at_1_diff1": -1.2250530785563207, + "nauc_ndcg_at_1_max": 46.60509554140131, + "nauc_ndcg_at_1_std": 62.63906581740976, + "nauc_ndcg_at_20_diff1": -22.44286466550908, + "nauc_ndcg_at_20_max": 55.40492058090103, + "nauc_ndcg_at_20_std": 72.11813912145738, + "nauc_ndcg_at_3_diff1": -14.8152721896563, + "nauc_ndcg_at_3_max": 38.952259383027595, + "nauc_ndcg_at_3_std": 59.819750166537766, + "nauc_ndcg_at_5_diff1": -19.150105688904375, + "nauc_ndcg_at_5_max": 42.311180547775315, + "nauc_ndcg_at_5_std": 66.6632229321094, + "nauc_precision_at_1000_diff1": -11.555591477978941, + "nauc_precision_at_1000_max": 43.7311644834851, + "nauc_precision_at_1000_std": 52.10644767999648, + "nauc_precision_at_100_diff1": -16.94803099801117, + "nauc_precision_at_100_max": 54.08281631067633, + "nauc_precision_at_100_std": 82.77237347891331, + "nauc_precision_at_10_diff1": -27.351332814863355, + "nauc_precision_at_10_max": 48.08237549065846, + "nauc_precision_at_10_std": 69.37250843534329, + "nauc_precision_at_1_diff1": 12.099350148694809, + "nauc_precision_at_1_max": 53.75041304108387, + "nauc_precision_at_1_std": 68.84018063663402, + "nauc_precision_at_20_diff1": -18.2422222283388, + "nauc_precision_at_20_max": 59.517328129343696, + "nauc_precision_at_20_std": 72.05149307342747, + "nauc_precision_at_3_diff1": -10.226547543075897, + "nauc_precision_at_3_max": 43.14684818832875, + "nauc_precision_at_3_std": 57.31936467418288, + "nauc_precision_at_5_diff1": -14.28521589468673, + "nauc_precision_at_5_max": 41.633426753962596, + "nauc_precision_at_5_std": 64.94400576804541, + "nauc_recall_at_1000_diff1": -0.9648831207497152, + "nauc_recall_at_1000_max": 31.70832946085005, + "nauc_recall_at_1000_std": 63.21471613968869, + "nauc_recall_at_100_diff1": -1.360254380933586, + "nauc_recall_at_100_max": 25.960597782099605, + "nauc_recall_at_100_std": 51.52757589609674, + "nauc_recall_at_10_diff1": -0.3899439424189566, + "nauc_recall_at_10_max": 5.094341897886072, + "nauc_recall_at_10_std": 11.266045616925698, + "nauc_recall_at_1_diff1": 8.269590874255034, + "nauc_recall_at_1_max": 3.482498491294516, + "nauc_recall_at_1_std": 8.985226819412189, + "nauc_recall_at_20_diff1": 6.4797098359254175, + "nauc_recall_at_20_max": 15.663700985336124, + "nauc_recall_at_20_std": 17.154099587904913, + "nauc_recall_at_3_diff1": 3.7245972450393507, + "nauc_recall_at_3_max": 0.4063857187240345, + "nauc_recall_at_3_std": 6.641948062821941, + "nauc_recall_at_5_diff1": 4.013879477591466, + "nauc_recall_at_5_max": -1.4266586618013566, + "nauc_recall_at_5_std": 7.311601874411205, + "ndcg_at_1": 75.0, + "ndcg_at_10": 72.18900000000001, + "ndcg_at_100": 54.022999999999996, + "ndcg_at_1000": 49.492000000000004, + "ndcg_at_20": 68.51, + "ndcg_at_3": 73.184, + "ndcg_at_5": 72.811, + "precision_at_1": 82.0, + "precision_at_10": 77.4, + "precision_at_100": 55.24, + "precision_at_1000": 21.822, + "precision_at_20": 73.0, + "precision_at_3": 79.333, + "precision_at_5": 79.2, + "recall_at_1": 0.214, + "recall_at_10": 1.9980000000000002, + "recall_at_100": 13.328999999999999, + "recall_at_1000": 47.204, + "recall_at_20": 3.7310000000000003, + "recall_at_3": 0.628, + "recall_at_5": 1.049 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/TRECCOVID.json b/results/arkohut__jina-embeddings-v3/external/TRECCOVID.json new file mode 100644 index 000000000..801d60cf4 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/TRECCOVID.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "bb9466bac8153a0349341eb1b22e06409e78ef4e", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.251, + "map_at_10": 1.9480000000000002, + "map_at_100": 11.082, + "map_at_1000": 26.700000000000003, + "map_at_20": 3.3529999999999998, + "map_at_3": 0.679, + "map_at_5": 1.079, + "mrr_at_1": 94.0, + "mrr_at_10": 95.786, + "mrr_at_100": 95.786, + "mrr_at_1000": 95.786, + "mrr_at_20": 95.786, + "mrr_at_3": 95.0, + "mrr_at_5": 95.5, + "ndcg_at_1": 91.0, + "ndcg_at_10": 77.71900000000001, + "ndcg_at_100": 57.726, + "ndcg_at_1000": 52.737, + "ndcg_at_20": 72.54, + "ndcg_at_3": 83.397, + "ndcg_at_5": 80.806, + "precision_at_1": 94.0, + "precision_at_10": 81.0, + "precision_at_100": 59.199999999999996, + "precision_at_1000": 23.244, + "precision_at_20": 75.2, + "precision_at_3": 88.0, + "precision_at_5": 84.8, + "recall_at_1": 0.251, + "recall_at_10": 2.1229999999999998, + "recall_at_100": 14.496999999999998, + "recall_at_1000": 50.09, + "recall_at_20": 3.8309999999999995, + "recall_at_3": 0.696, + "recall_at_5": 1.1400000000000001, + "main_score": 77.71900000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/TenKGnadClusteringP2P.json b/results/arkohut__jina-embeddings-v3/external/TenKGnadClusteringP2P.json new file mode 100644 index 000000000..a2da90956 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/TenKGnadClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "5c59e41555244b7e45c9a6be2d720ab4bafae558", + "task_name": "TenKGnadClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "deu-Latn" + ], + "main_score": 43.763609722295215, + "v_measure": 43.763609722295215, + "v_measure_std": 2.8751199473862457 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/TenKGnadClusteringS2S.json b/results/arkohut__jina-embeddings-v3/external/TenKGnadClusteringS2S.json new file mode 100644 index 000000000..03339bef0 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/TenKGnadClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6cddbe003f12b9b140aec477b583ac4191f01786", + "task_name": "TenKGnadClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "deu-Latn" + ], + "main_score": 39.762424448504355, + "v_measure": 39.762424448504355, + "v_measure_std": 3.30146124979502 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/ThuNewsClusteringP2P.json b/results/arkohut__jina-embeddings-v3/external/ThuNewsClusteringP2P.json new file mode 100644 index 000000000..fde58f975 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/ThuNewsClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "5798586b105c0434e4f0fe5e767abe619442cf93", + "task_name": "ThuNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 63.133819258289456, + "v_measure": 63.133819258289456, + "v_measure_std": 1.8854253356479695 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/ThuNewsClusteringS2S.json b/results/arkohut__jina-embeddings-v3/external/ThuNewsClusteringS2S.json new file mode 100644 index 000000000..b3ebeb402 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/ThuNewsClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "8a8b2caeda43f39e13c4bc5bea0f8a667896e10d", + "task_name": "ThuNewsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 58.98195851785808, + "v_measure": 58.98195851785808, + "v_measure_std": 1.6237600076393737 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/Touche2020.json b/results/arkohut__jina-embeddings-v3/external/Touche2020.json new file mode 100644 index 000000000..9d12ff3a1 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/Touche2020.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.3550000000000004, + "map_at_10": 10.08, + "map_at_100": 16.136, + "map_at_1000": 17.605, + "map_at_20": 12.561, + "map_at_3": 5.641, + "map_at_5": 7.3260000000000005, + "mrr_at_1": 46.939, + "mrr_at_10": 58.152, + "mrr_at_100": 58.594, + "mrr_at_1000": 58.601000000000006, + "mrr_at_20": 58.279, + "mrr_at_3": 55.102, + "mrr_at_5": 56.531, + "ndcg_at_1": 44.897999999999996, + "ndcg_at_10": 26.298, + "ndcg_at_100": 37.596000000000004, + "ndcg_at_1000": 49.424, + "ndcg_at_20": 27.066000000000003, + "ndcg_at_3": 31.528, + "ndcg_at_5": 28.219, + "precision_at_1": 46.939, + "precision_at_10": 22.245, + "precision_at_100": 7.531000000000001, + "precision_at_1000": 1.5350000000000001, + "precision_at_20": 17.041, + "precision_at_3": 30.612000000000002, + "precision_at_5": 26.122, + "recall_at_1": 3.3550000000000004, + "recall_at_10": 16.41, + "recall_at_100": 47.272, + "recall_at_1000": 83.584, + "recall_at_20": 24.091, + "recall_at_3": 6.8180000000000005, + "recall_at_5": 9.677, + "main_score": 26.298 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/ToxicConversationsClassification.json b/results/arkohut__jina-embeddings-v3/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..29db843dc --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/ToxicConversationsClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.2890625, + "ap": 33.95547153875715, + "ap_weighted": 33.95547153875715, + "f1": 75.10768597556462, + "f1_weighted": 92.00161208992606, + "main_score": 91.2890625 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/TweetSentimentExtractionClassification.json b/results/arkohut__jina-embeddings-v3/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..df09ffed9 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.3978494623656, + "f1": 71.7194818511814, + "f1_weighted": 71.13860187349744, + "main_score": 71.3978494623656 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/TwentyNewsgroupsClustering.json b/results/arkohut__jina-embeddings-v3/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..1a0276f0e --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 52.4921688720602, + "v_measure": 52.4921688720602, + "v_measure_std": 0.992768152658908 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/TwitterSemEval2015.json b/results/arkohut__jina-embeddings-v3/external/TwitterSemEval2015.json new file mode 100644 index 000000000..50c6240cd --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/TwitterSemEval2015.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 85.11652858079513, + "cosine_accuracy_threshold": 87.90839910507202, + "cosine_ap": 70.90459908851724, + "cosine_f1": 65.66581227877457, + "cosine_f1_threshold": 85.13308763504028, + "cosine_precision": 61.094708153531684, + "cosine_recall": 70.97625329815304, + "dot_accuracy": 83.41181379269239, + "dot_accuracy_threshold": 43110.113525390625, + "dot_ap": 65.64869491143095, + "dot_f1": 62.05308447460914, + "dot_f1_threshold": 41412.542724609375, + "dot_precision": 57.38623626989464, + "dot_recall": 67.54617414248021, + "euclidean_accuracy": 85.15229182809799, + "euclidean_accuracy_threshold": 1043.08500289917, + "euclidean_ap": 70.71204383269375, + "euclidean_f1": 65.20304568527919, + "euclidean_f1_threshold": 1179.2595863342285, + "euclidean_precision": 62.81173594132029, + "euclidean_recall": 67.78364116094987, + "main_score": 70.90459908851724, + "manhattan_accuracy": 85.1820945341837, + "manhattan_accuracy_threshold": 26115.0390625, + "manhattan_ap": 70.66113937117431, + "manhattan_f1": 65.33383628819313, + "manhattan_f1_threshold": 29105.181884765625, + "manhattan_precision": 62.40691808791736, + "manhattan_recall": 68.54881266490766, + "max_accuracy": 85.1820945341837, + "max_ap": 70.90459908851724, + "max_f1": 65.66581227877457, + "max_precision": 62.81173594132029, + "max_recall": 70.97625329815304, + "similarity_accuracy": 85.11652858079513, + "similarity_accuracy_threshold": 87.90839910507202, + "similarity_ap": 70.90459908851724, + "similarity_f1": 65.66581227877457, + "similarity_f1_threshold": 85.13308763504028, + "similarity_precision": 61.094708153531684, + "similarity_recall": 70.97625329815304 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/TwitterURLCorpus.json b/results/arkohut__jina-embeddings-v3/external/TwitterURLCorpus.json new file mode 100644 index 000000000..d06c11d64 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/TwitterURLCorpus.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 88.10299996119068, + "cosine_accuracy_threshold": 84.34982895851135, + "cosine_ap": 84.13755787769226, + "cosine_f1": 76.0967548076923, + "cosine_f1_threshold": 82.8936219215393, + "cosine_precision": 74.28864769727193, + "cosine_recall": 77.99507237449954, + "dot_accuracy": 86.64182869561843, + "dot_accuracy_threshold": 38794.677734375, + "dot_ap": 80.20301567411457, + "dot_f1": 73.50650291634967, + "dot_f1_threshold": 37447.23205566406, + "dot_precision": 69.41498460485802, + "dot_recall": 78.11056359716662, + "euclidean_accuracy": 87.9361198432103, + "euclidean_accuracy_threshold": 1184.421157836914, + "euclidean_ap": 83.79582690117218, + "euclidean_f1": 75.81431709042175, + "euclidean_f1_threshold": 1258.2727432250977, + "euclidean_precision": 73.39099099099099, + "euclidean_recall": 78.40314136125654, + "main_score": 84.13755787769226, + "manhattan_accuracy": 87.96134590755618, + "manhattan_accuracy_threshold": 29077.291870117188, + "manhattan_ap": 83.79487172269923, + "manhattan_f1": 75.82421603424935, + "manhattan_f1_threshold": 31224.124145507812, + "manhattan_precision": 72.24740255212329, + "manhattan_recall": 79.77363720357253, + "max_accuracy": 88.10299996119068, + "max_ap": 84.13755787769226, + "max_f1": 76.0967548076923, + "max_precision": 74.28864769727193, + "max_recall": 79.77363720357253, + "similarity_accuracy": 88.10299996119068, + "similarity_accuracy_threshold": 84.34982895851135, + "similarity_ap": 84.13755787769226, + "similarity_f1": 76.0967548076923, + "similarity_f1_threshold": 82.8936219215393, + "similarity_precision": 74.28864769727193, + "similarity_recall": 77.99507237449954 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/VideoRetrieval.json b/results/arkohut__jina-embeddings-v3/external/VideoRetrieval.json new file mode 100644 index 000000000..eb44c3ef2 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/VideoRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "58c2597a5943a2ba48f4668c3b90d796283c5639", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 70.433, + "map_at_1": 55.7, + "map_at_10": 66.013, + "map_at_100": 66.534, + "map_at_1000": 66.547, + "map_at_20": 66.334, + "map_at_3": 64.2, + "map_at_5": 65.445, + "mrr_at_1": 55.7, + "mrr_at_10": 66.01329365079364, + "mrr_at_100": 66.53350061744233, + "mrr_at_1000": 66.54744831962995, + "mrr_at_20": 66.3335147364675, + "mrr_at_3": 64.2, + "mrr_at_5": 65.44500000000002, + "nauc_map_at_1000_diff1": 76.26428836976245, + "nauc_map_at_1000_max": 35.41847367373575, + "nauc_map_at_1000_std": -33.04639860831992, + "nauc_map_at_100_diff1": 76.25793229023193, + "nauc_map_at_100_max": 35.43663260110076, + "nauc_map_at_100_std": -33.04238139882945, + "nauc_map_at_10_diff1": 76.2108281297711, + "nauc_map_at_10_max": 35.59442419423183, + "nauc_map_at_10_std": -33.32346518997277, + "nauc_map_at_1_diff1": 79.17728405262736, + "nauc_map_at_1_max": 31.880738163589527, + "nauc_map_at_1_std": -30.891888718004584, + "nauc_map_at_20_diff1": 76.2181333410193, + "nauc_map_at_20_max": 35.43448818430876, + "nauc_map_at_20_std": -33.35682442863193, + "nauc_map_at_3_diff1": 76.10046541433466, + "nauc_map_at_3_max": 34.6831278555291, + "nauc_map_at_3_std": -34.030826044831116, + "nauc_map_at_5_diff1": 75.96513023582064, + "nauc_map_at_5_max": 34.66920832438069, + "nauc_map_at_5_std": -33.79799777830796, + "nauc_mrr_at_1000_diff1": 76.26428836976245, + "nauc_mrr_at_1000_max": 35.41847367373575, + "nauc_mrr_at_1000_std": -33.04639860831992, + "nauc_mrr_at_100_diff1": 76.25793229023193, + "nauc_mrr_at_100_max": 35.43663260110076, + "nauc_mrr_at_100_std": -33.04238139882945, + "nauc_mrr_at_10_diff1": 76.2108281297711, + "nauc_mrr_at_10_max": 35.59442419423183, + "nauc_mrr_at_10_std": -33.32346518997277, + "nauc_mrr_at_1_diff1": 79.17728405262736, + "nauc_mrr_at_1_max": 31.880738163589527, + "nauc_mrr_at_1_std": -30.891888718004584, + "nauc_mrr_at_20_diff1": 76.2181333410193, + "nauc_mrr_at_20_max": 35.43448818430876, + "nauc_mrr_at_20_std": -33.35682442863193, + "nauc_mrr_at_3_diff1": 76.10046541433466, + "nauc_mrr_at_3_max": 34.6831278555291, + "nauc_mrr_at_3_std": -34.030826044831116, + "nauc_mrr_at_5_diff1": 75.96513023582064, + "nauc_mrr_at_5_max": 34.66920832438069, + "nauc_mrr_at_5_std": -33.79799777830796, + "nauc_ndcg_at_1000_diff1": 75.68118206798317, + "nauc_ndcg_at_1000_max": 37.12252980787349, + "nauc_ndcg_at_1000_std": -31.457578337430505, + "nauc_ndcg_at_100_diff1": 75.46730761564156, + "nauc_ndcg_at_100_max": 37.549890025544265, + "nauc_ndcg_at_100_std": -31.35066985945112, + "nauc_ndcg_at_10_diff1": 75.09890404887037, + "nauc_ndcg_at_10_max": 38.024147790014204, + "nauc_ndcg_at_10_std": -33.67408368593356, + "nauc_ndcg_at_1_diff1": 79.17728405262736, + "nauc_ndcg_at_1_max": 31.880738163589527, + "nauc_ndcg_at_1_std": -30.891888718004584, + "nauc_ndcg_at_20_diff1": 75.12977548171354, + "nauc_ndcg_at_20_max": 37.524926748917956, + "nauc_ndcg_at_20_std": -33.771344674947485, + "nauc_ndcg_at_3_diff1": 74.94037476984154, + "nauc_ndcg_at_3_max": 35.60345554050552, + "nauc_ndcg_at_3_std": -35.256991346321854, + "nauc_ndcg_at_5_diff1": 74.54265907753783, + "nauc_ndcg_at_5_max": 35.57662819978585, + "nauc_ndcg_at_5_std": -34.879794448418465, + "nauc_precision_at_1000_diff1": 74.52277207179142, + "nauc_precision_at_1000_max": 94.25510945118707, + "nauc_precision_at_1000_std": 91.6874157070222, + "nauc_precision_at_100_diff1": 65.98346655735419, + "nauc_precision_at_100_max": 78.81168727653687, + "nauc_precision_at_100_std": 27.241465691967708, + "nauc_precision_at_10_diff1": 69.55050319096688, + "nauc_precision_at_10_max": 51.827749140893374, + "nauc_precision_at_10_std": -34.60818605792837, + "nauc_precision_at_1_diff1": 79.17728405262736, + "nauc_precision_at_1_max": 31.880738163589527, + "nauc_precision_at_1_std": -30.891888718004584, + "nauc_precision_at_20_diff1": 68.08078305042736, + "nauc_precision_at_20_max": 52.83318878288501, + "nauc_precision_at_20_std": -35.46070292817927, + "nauc_precision_at_3_diff1": 70.76249609881901, + "nauc_precision_at_3_max": 38.86561868624655, + "nauc_precision_at_3_std": -39.68917853446992, + "nauc_precision_at_5_diff1": 68.39110629013278, + "nauc_precision_at_5_max": 39.28677163904683, + "nauc_precision_at_5_std": -39.39101423819562, + "nauc_recall_at_1000_diff1": 74.52277207179175, + "nauc_recall_at_1000_max": 94.25510945118776, + "nauc_recall_at_1000_std": 91.68741570702382, + "nauc_recall_at_100_diff1": 65.9834665573548, + "nauc_recall_at_100_max": 78.81168727653679, + "nauc_recall_at_100_std": 27.241465691967598, + "nauc_recall_at_10_diff1": 69.55050319096708, + "nauc_recall_at_10_max": 51.82774914089347, + "nauc_recall_at_10_std": -34.6081860579283, + "nauc_recall_at_1_diff1": 79.17728405262736, + "nauc_recall_at_1_max": 31.880738163589527, + "nauc_recall_at_1_std": -30.891888718004584, + "nauc_recall_at_20_diff1": 68.08078305042746, + "nauc_recall_at_20_max": 52.833188782885244, + "nauc_recall_at_20_std": -35.46070292817895, + "nauc_recall_at_3_diff1": 70.76249609881896, + "nauc_recall_at_3_max": 38.865618686246464, + "nauc_recall_at_3_std": -39.68917853446999, + "nauc_recall_at_5_diff1": 68.39110629013274, + "nauc_recall_at_5_max": 39.28677163904688, + "nauc_recall_at_5_std": -39.39101423819562, + "ndcg_at_1": 55.7, + "ndcg_at_10": 70.433, + "ndcg_at_100": 72.975, + "ndcg_at_1000": 73.283, + "ndcg_at_20": 71.58, + "ndcg_at_3": 66.83099999999999, + "ndcg_at_5": 69.085, + "precision_at_1": 55.7, + "precision_at_10": 8.4, + "precision_at_100": 0.959, + "precision_at_1000": 0.098, + "precision_at_20": 4.425, + "precision_at_3": 24.8, + "precision_at_5": 15.98, + "recall_at_1": 55.7, + "recall_at_10": 84.0, + "recall_at_100": 95.89999999999999, + "recall_at_1000": 98.2, + "recall_at_20": 88.5, + "recall_at_3": 74.4, + "recall_at_5": 79.9 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/Waimai.json b/results/arkohut__jina-embeddings-v3/external/Waimai.json new file mode 100644 index 000000000..262fdbccb --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/Waimai.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "339287def212450dcaa9df8c22bf93e9980c7023", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 86.58999999999999, + "ap": 70.02619249927523, + "ap_weighted": 70.02619249927523, + "f1": 84.97572770889423, + "f1_weighted": 86.6865713531272, + "main_score": 86.58999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/XMarket.json b/results/arkohut__jina-embeddings-v3/external/XMarket.json new file mode 100644 index 000000000..88ba69262 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/XMarket.json @@ -0,0 +1,451 @@ +{ + "dataset_revision": "dfe57acff5b62c23732a7b7d3e3fb84ff501708b", + "task_name": "XMarket", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "main_score": 34.772999999999996, + "map_at_1": 7.2620000000000005, + "map_at_10": 17.98, + "map_at_100": 24.828, + "map_at_1000": 26.633000000000003, + "map_at_20": 20.699, + "map_at_3": 12.383, + "map_at_5": 14.871, + "mrr_at_1": 34.718100890207715, + "mrr_at_10": 43.9336827525092, + "mrr_at_100": 44.66474011066837, + "mrr_at_1000": 44.7075592197356, + "mrr_at_20": 44.35984436569346, + "mrr_at_3": 41.73901893981052, + "mrr_at_5": 43.025973550207134, + "nauc_map_at_1000_diff1": 13.899869081196364, + "nauc_map_at_1000_max": 46.60452816386231, + "nauc_map_at_1000_std": 24.87925799401773, + "nauc_map_at_100_diff1": 16.164805650871084, + "nauc_map_at_100_max": 44.720912958558095, + "nauc_map_at_100_std": 20.236734536210477, + "nauc_map_at_10_diff1": 23.58580520913581, + "nauc_map_at_10_max": 31.276151869914216, + "nauc_map_at_10_std": -0.1833326246041355, + "nauc_map_at_1_diff1": 37.02663305598722, + "nauc_map_at_1_max": 14.931071531116528, + "nauc_map_at_1_std": -12.478790028708453, + "nauc_map_at_20_diff1": 20.718297881540593, + "nauc_map_at_20_max": 36.62264094841859, + "nauc_map_at_20_std": 6.658514770057742, + "nauc_map_at_3_diff1": 29.379034581120006, + "nauc_map_at_3_max": 21.387214269548803, + "nauc_map_at_3_std": -9.3404121914247, + "nauc_map_at_5_diff1": 26.627169792839485, + "nauc_map_at_5_max": 25.393331109666388, + "nauc_map_at_5_std": -6.023485287246353, + "nauc_mrr_at_1000_diff1": 12.047232036652295, + "nauc_mrr_at_1000_max": 46.611862580860645, + "nauc_mrr_at_1000_std": 27.89146066442305, + "nauc_mrr_at_100_diff1": 12.05261747449997, + "nauc_mrr_at_100_max": 46.61328535381203, + "nauc_mrr_at_100_std": 27.886145596874535, + "nauc_mrr_at_10_diff1": 12.006935553036941, + "nauc_mrr_at_10_max": 46.53351686240496, + "nauc_mrr_at_10_std": 27.708742470257462, + "nauc_mrr_at_1_diff1": 13.323408127738782, + "nauc_mrr_at_1_max": 43.78884661002012, + "nauc_mrr_at_1_std": 25.164417588165673, + "nauc_mrr_at_20_diff1": 12.036022973968011, + "nauc_mrr_at_20_max": 46.56537838037131, + "nauc_mrr_at_20_std": 27.78189157249635, + "nauc_mrr_at_3_diff1": 11.943896700976381, + "nauc_mrr_at_3_max": 46.33644663073225, + "nauc_mrr_at_3_std": 27.523915405053845, + "nauc_mrr_at_5_diff1": 12.03108009033769, + "nauc_mrr_at_5_max": 46.49103616896692, + "nauc_mrr_at_5_std": 27.630879129863366, + "nauc_ndcg_at_1000_diff1": 9.766823796017324, + "nauc_ndcg_at_1000_max": 52.85844801910602, + "nauc_ndcg_at_1000_std": 36.43271437761207, + "nauc_ndcg_at_100_diff1": 12.035059298282036, + "nauc_ndcg_at_100_max": 50.05520240705682, + "nauc_ndcg_at_100_std": 29.87678724506636, + "nauc_ndcg_at_10_diff1": 10.281893031139424, + "nauc_ndcg_at_10_max": 47.02153679426017, + "nauc_ndcg_at_10_std": 26.624948330369126, + "nauc_ndcg_at_1_diff1": 13.323408127738782, + "nauc_ndcg_at_1_max": 43.78884661002012, + "nauc_ndcg_at_1_std": 25.164417588165673, + "nauc_ndcg_at_20_diff1": 11.463524849646598, + "nauc_ndcg_at_20_max": 47.415073186019704, + "nauc_ndcg_at_20_std": 26.359019620164307, + "nauc_ndcg_at_3_diff1": 9.689199913805394, + "nauc_ndcg_at_3_max": 45.68151849572808, + "nauc_ndcg_at_3_std": 26.559193219799486, + "nauc_ndcg_at_5_diff1": 9.448823370356575, + "nauc_ndcg_at_5_max": 46.19999662690141, + "nauc_ndcg_at_5_std": 26.8411706726069, + "nauc_precision_at_1000_diff1": -20.379065598727024, + "nauc_precision_at_1000_max": 13.162562437268427, + "nauc_precision_at_1000_std": 22.658226157785812, + "nauc_precision_at_100_diff1": -16.458155977309282, + "nauc_precision_at_100_max": 35.97956789169889, + "nauc_precision_at_100_std": 48.878375009979194, + "nauc_precision_at_10_diff1": -7.810992317607771, + "nauc_precision_at_10_max": 49.307339277444754, + "nauc_precision_at_10_std": 42.82533951854582, + "nauc_precision_at_1_diff1": 13.323408127738782, + "nauc_precision_at_1_max": 43.78884661002012, + "nauc_precision_at_1_std": 25.164417588165673, + "nauc_precision_at_20_diff1": -11.43933465149542, + "nauc_precision_at_20_max": 46.93722753460038, + "nauc_precision_at_20_std": 47.36223769029678, + "nauc_precision_at_3_diff1": 1.3230178593599737, + "nauc_precision_at_3_max": 48.49039534395576, + "nauc_precision_at_3_std": 33.161384183129194, + "nauc_precision_at_5_diff1": -3.185516457926519, + "nauc_precision_at_5_max": 49.5814309394308, + "nauc_precision_at_5_std": 37.57637865900281, + "nauc_recall_at_1000_diff1": 7.839499443984168, + "nauc_recall_at_1000_max": 52.67165467640894, + "nauc_recall_at_1000_std": 48.85318316702583, + "nauc_recall_at_100_diff1": 14.117557049589418, + "nauc_recall_at_100_max": 40.59046301348715, + "nauc_recall_at_100_std": 24.379680901739505, + "nauc_recall_at_10_diff1": 20.04536052614054, + "nauc_recall_at_10_max": 25.54148839721574, + "nauc_recall_at_10_std": -1.938182527562211, + "nauc_recall_at_1_diff1": 37.02663305598722, + "nauc_recall_at_1_max": 14.931071531116528, + "nauc_recall_at_1_std": -12.478790028708453, + "nauc_recall_at_20_diff1": 17.959977483235566, + "nauc_recall_at_20_max": 29.88502687870809, + "nauc_recall_at_20_std": 4.26527395196852, + "nauc_recall_at_3_diff1": 26.297810954500456, + "nauc_recall_at_3_max": 18.819406079307402, + "nauc_recall_at_3_std": -10.002237229729081, + "nauc_recall_at_5_diff1": 22.739080899568485, + "nauc_recall_at_5_max": 21.0322968243985, + "nauc_recall_at_5_std": -6.927749435306422, + "ndcg_at_1": 34.717999999999996, + "ndcg_at_10": 34.772999999999996, + "ndcg_at_100": 39.407, + "ndcg_at_1000": 44.830999999999996, + "ndcg_at_20": 35.667, + "ndcg_at_3": 34.332, + "ndcg_at_5": 34.408, + "precision_at_1": 34.717999999999996, + "precision_at_10": 23.430999999999997, + "precision_at_100": 9.31, + "precision_at_1000": 2.259, + "precision_at_20": 18.826999999999998, + "precision_at_3": 30.553, + "precision_at_5": 27.792, + "recall_at_1": 7.2620000000000005, + "recall_at_10": 26.384, + "recall_at_100": 52.506, + "recall_at_1000": 73.38, + "recall_at_20": 34.032000000000004, + "recall_at_3": 14.821000000000002, + "recall_at_5": 19.481 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "main_score": 28.316000000000003, + "map_at_1": 8.667, + "map_at_10": 17.351, + "map_at_100": 21.02, + "map_at_1000": 21.951, + "map_at_20": 18.994, + "map_at_3": 13.23, + "map_at_5": 15.17, + "mrr_at_1": 27.27272727272727, + "mrr_at_10": 36.10858487561485, + "mrr_at_100": 36.92033814316568, + "mrr_at_1000": 36.972226653870365, + "mrr_at_20": 36.58914906427944, + "mrr_at_3": 33.642969201552305, + "mrr_at_5": 35.13417554289494, + "nauc_map_at_1000_diff1": 23.345116790998063, + "nauc_map_at_1000_max": 44.447240670835725, + "nauc_map_at_1000_std": 18.34636500680144, + "nauc_map_at_100_diff1": 24.458120909292347, + "nauc_map_at_100_max": 43.31851431140378, + "nauc_map_at_100_std": 15.654778355549965, + "nauc_map_at_10_diff1": 29.376508937265044, + "nauc_map_at_10_max": 36.650196725140795, + "nauc_map_at_10_std": 4.682465435374843, + "nauc_map_at_1_diff1": 40.382365672683214, + "nauc_map_at_1_max": 22.894341150096785, + "nauc_map_at_1_std": -5.610725673968323, + "nauc_map_at_20_diff1": 27.197033425732908, + "nauc_map_at_20_max": 39.71672400647207, + "nauc_map_at_20_std": 8.944436813309933, + "nauc_map_at_3_diff1": 34.49739294661502, + "nauc_map_at_3_max": 29.006972420735284, + "nauc_map_at_3_std": -3.0372650571243986, + "nauc_map_at_5_diff1": 32.764901537277105, + "nauc_map_at_5_max": 32.658533295918154, + "nauc_map_at_5_std": 0.029626452286996906, + "nauc_mrr_at_1000_diff1": 19.521229956280603, + "nauc_mrr_at_1000_max": 44.39409866211472, + "nauc_mrr_at_1000_std": 23.580697307036058, + "nauc_mrr_at_100_diff1": 19.51312676591073, + "nauc_mrr_at_100_max": 44.39559153963895, + "nauc_mrr_at_100_std": 23.57913711397437, + "nauc_mrr_at_10_diff1": 19.584635617935145, + "nauc_mrr_at_10_max": 44.44842226236198, + "nauc_mrr_at_10_std": 23.382684909390434, + "nauc_mrr_at_1_diff1": 20.92594790923806, + "nauc_mrr_at_1_max": 40.593939625252816, + "nauc_mrr_at_1_std": 20.37467598073644, + "nauc_mrr_at_20_diff1": 19.590641822115725, + "nauc_mrr_at_20_max": 44.42512299604718, + "nauc_mrr_at_20_std": 23.45564260800024, + "nauc_mrr_at_3_diff1": 20.005307129527232, + "nauc_mrr_at_3_max": 43.68300366192776, + "nauc_mrr_at_3_std": 22.297190480842005, + "nauc_mrr_at_5_diff1": 19.852896386271716, + "nauc_mrr_at_5_max": 44.20641808920062, + "nauc_mrr_at_5_std": 22.966517330852895, + "nauc_ndcg_at_1000_diff1": 17.800116251376103, + "nauc_ndcg_at_1000_max": 50.98332718061365, + "nauc_ndcg_at_1000_std": 31.464484658102577, + "nauc_ndcg_at_100_diff1": 19.555159680541088, + "nauc_ndcg_at_100_max": 48.56377130899141, + "nauc_ndcg_at_100_std": 25.77572748714817, + "nauc_ndcg_at_10_diff1": 20.003008726679415, + "nauc_ndcg_at_10_max": 45.1293725480628, + "nauc_ndcg_at_10_std": 21.149213260765872, + "nauc_ndcg_at_1_diff1": 21.00986278773023, + "nauc_ndcg_at_1_max": 40.524637076774894, + "nauc_ndcg_at_1_std": 20.29682194006685, + "nauc_ndcg_at_20_diff1": 20.659734137312284, + "nauc_ndcg_at_20_max": 45.73108736599869, + "nauc_ndcg_at_20_std": 21.200736170346133, + "nauc_ndcg_at_3_diff1": 19.200120542882544, + "nauc_ndcg_at_3_max": 42.89772612963168, + "nauc_ndcg_at_3_std": 20.713292754978983, + "nauc_ndcg_at_5_diff1": 19.96329647992544, + "nauc_ndcg_at_5_max": 44.296627037787324, + "nauc_ndcg_at_5_std": 21.200135784971973, + "nauc_precision_at_1000_diff1": -11.543221249009427, + "nauc_precision_at_1000_max": 9.132801614448221, + "nauc_precision_at_1000_std": 21.203720655381055, + "nauc_precision_at_100_diff1": -12.510945425786039, + "nauc_precision_at_100_max": 31.42530963666252, + "nauc_precision_at_100_std": 44.99672783467617, + "nauc_precision_at_10_diff1": -4.025802651746804, + "nauc_precision_at_10_max": 47.50967924227793, + "nauc_precision_at_10_std": 41.1558559268985, + "nauc_precision_at_1_diff1": 21.00986278773023, + "nauc_precision_at_1_max": 40.524637076774894, + "nauc_precision_at_1_std": 20.29682194006685, + "nauc_precision_at_20_diff1": -8.059482951110002, + "nauc_precision_at_20_max": 44.28832115946278, + "nauc_precision_at_20_std": 45.2005585353651, + "nauc_precision_at_3_diff1": 8.53530005716248, + "nauc_precision_at_3_max": 46.48353678905102, + "nauc_precision_at_3_std": 28.868791323881972, + "nauc_precision_at_5_diff1": 3.093619954821814, + "nauc_precision_at_5_max": 48.43294475817019, + "nauc_precision_at_5_std": 34.83430452745434, + "nauc_recall_at_1000_diff1": 9.93680206699751, + "nauc_recall_at_1000_max": 52.97840222394363, + "nauc_recall_at_1000_std": 46.370023604436255, + "nauc_recall_at_100_diff1": 14.100542445524972, + "nauc_recall_at_100_max": 42.853775131475224, + "nauc_recall_at_100_std": 26.93029971231028, + "nauc_recall_at_10_diff1": 22.774547475714716, + "nauc_recall_at_10_max": 33.984586405015044, + "nauc_recall_at_10_std": 5.332325172373655, + "nauc_recall_at_1_diff1": 40.382365672683214, + "nauc_recall_at_1_max": 22.894341150096785, + "nauc_recall_at_1_std": -5.610725673968323, + "nauc_recall_at_20_diff1": 19.751060483835936, + "nauc_recall_at_20_max": 36.18774034635102, + "nauc_recall_at_20_std": 10.362242090308577, + "nauc_recall_at_3_diff1": 30.29462372902671, + "nauc_recall_at_3_max": 27.377175450099635, + "nauc_recall_at_3_std": -3.015752705993425, + "nauc_recall_at_5_diff1": 28.096893312615723, + "nauc_recall_at_5_max": 30.485075571512425, + "nauc_recall_at_5_std": 0.09106417003502826, + "ndcg_at_1": 27.248, + "ndcg_at_10": 28.316000000000003, + "ndcg_at_100": 33.419, + "ndcg_at_1000": 38.134, + "ndcg_at_20": 29.707, + "ndcg_at_3": 26.93, + "ndcg_at_5": 27.363, + "precision_at_1": 27.248, + "precision_at_10": 15.073, + "precision_at_100": 5.061, + "precision_at_1000": 1.325, + "precision_at_20": 11.407, + "precision_at_3": 21.823, + "precision_at_5": 18.984, + "recall_at_1": 8.667, + "recall_at_10": 26.984, + "recall_at_100": 49.753, + "recall_at_1000": 70.354, + "recall_at_20": 33.955999999999996, + "recall_at_3": 16.086, + "recall_at_5": 20.544999999999998 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "main_score": 26.592, + "map_at_1": 8.081000000000001, + "map_at_10": 16.486, + "map_at_100": 19.996, + "map_at_1000": 20.889, + "map_at_20": 18.088, + "map_at_3": 12.864, + "map_at_5": 14.515, + "mrr_at_1": 24.643356643356643, + "mrr_at_10": 33.755599955599926, + "mrr_at_100": 34.55914769326114, + "mrr_at_1000": 34.614384237219745, + "mrr_at_20": 34.228909650276194, + "mrr_at_3": 31.445221445221456, + "mrr_at_5": 32.71375291375297, + "nauc_map_at_1000_diff1": 19.17751654240679, + "nauc_map_at_1000_max": 43.493743561136434, + "nauc_map_at_1000_std": 21.14477911550252, + "nauc_map_at_100_diff1": 20.259227234415395, + "nauc_map_at_100_max": 42.510860292169106, + "nauc_map_at_100_std": 18.63085160442346, + "nauc_map_at_10_diff1": 24.12419385640694, + "nauc_map_at_10_max": 35.99892932069915, + "nauc_map_at_10_std": 8.488520124325058, + "nauc_map_at_1_diff1": 35.09239143996649, + "nauc_map_at_1_max": 23.72498533914286, + "nauc_map_at_1_std": -4.164387883546102, + "nauc_map_at_20_diff1": 22.411418237320817, + "nauc_map_at_20_max": 39.12496266094892, + "nauc_map_at_20_std": 12.371656353894227, + "nauc_map_at_3_diff1": 28.106972376813506, + "nauc_map_at_3_max": 29.57824316865409, + "nauc_map_at_3_std": 1.8928791254813127, + "nauc_map_at_5_diff1": 26.4958239149419, + "nauc_map_at_5_max": 32.45906016649239, + "nauc_map_at_5_std": 4.612735963224018, + "nauc_mrr_at_1000_diff1": 17.614812607094446, + "nauc_mrr_at_1000_max": 41.13031556228715, + "nauc_mrr_at_1000_std": 22.564112871230318, + "nauc_mrr_at_100_diff1": 17.614044568011085, + "nauc_mrr_at_100_max": 41.129436273086796, + "nauc_mrr_at_100_std": 22.566763500658766, + "nauc_mrr_at_10_diff1": 17.61869494452089, + "nauc_mrr_at_10_max": 41.091542329381426, + "nauc_mrr_at_10_std": 22.370473458633594, + "nauc_mrr_at_1_diff1": 20.321421442201913, + "nauc_mrr_at_1_max": 38.36531448180009, + "nauc_mrr_at_1_std": 18.422203207777688, + "nauc_mrr_at_20_diff1": 17.614767736091625, + "nauc_mrr_at_20_max": 41.11221420736687, + "nauc_mrr_at_20_std": 22.44271891522012, + "nauc_mrr_at_3_diff1": 17.98184651584625, + "nauc_mrr_at_3_max": 40.424293610470144, + "nauc_mrr_at_3_std": 21.554750947206706, + "nauc_mrr_at_5_diff1": 17.72088314927416, + "nauc_mrr_at_5_max": 40.662724739072694, + "nauc_mrr_at_5_std": 21.822957528431928, + "nauc_ndcg_at_1000_diff1": 15.310699428328398, + "nauc_ndcg_at_1000_max": 48.83921393349997, + "nauc_ndcg_at_1000_std": 32.22600294110774, + "nauc_ndcg_at_100_diff1": 16.62672763977423, + "nauc_ndcg_at_100_max": 47.36060653537392, + "nauc_ndcg_at_100_std": 27.879865162871575, + "nauc_ndcg_at_10_diff1": 16.436684176028116, + "nauc_ndcg_at_10_max": 43.00026520872974, + "nauc_ndcg_at_10_std": 22.507354939162806, + "nauc_ndcg_at_1_diff1": 20.321421442201913, + "nauc_ndcg_at_1_max": 38.36531448180009, + "nauc_ndcg_at_1_std": 18.422203207777688, + "nauc_ndcg_at_20_diff1": 17.127747123248835, + "nauc_ndcg_at_20_max": 44.57322943752733, + "nauc_ndcg_at_20_std": 23.146541187377036, + "nauc_ndcg_at_3_diff1": 16.372742984728514, + "nauc_ndcg_at_3_max": 40.91938017883993, + "nauc_ndcg_at_3_std": 21.50917089194154, + "nauc_ndcg_at_5_diff1": 16.40486505525073, + "nauc_ndcg_at_5_max": 41.94597203181329, + "nauc_ndcg_at_5_std": 22.068260809047562, + "nauc_precision_at_1000_diff1": -15.9415313729527, + "nauc_precision_at_1000_max": 12.653329948983643, + "nauc_precision_at_1000_std": 26.371820703256173, + "nauc_precision_at_100_diff1": -11.851070166675289, + "nauc_precision_at_100_max": 32.164365923950115, + "nauc_precision_at_100_std": 45.930226426725426, + "nauc_precision_at_10_diff1": -3.1352660378259163, + "nauc_precision_at_10_max": 45.48359878733272, + "nauc_precision_at_10_std": 40.2917038044196, + "nauc_precision_at_1_diff1": 20.321421442201913, + "nauc_precision_at_1_max": 38.36531448180009, + "nauc_precision_at_1_std": 18.422203207777688, + "nauc_precision_at_20_diff1": -7.087513342144751, + "nauc_precision_at_20_max": 43.66272019058357, + "nauc_precision_at_20_std": 44.22863351071686, + "nauc_precision_at_3_diff1": 7.836185032609045, + "nauc_precision_at_3_max": 44.85412904097269, + "nauc_precision_at_3_std": 30.209139149500057, + "nauc_precision_at_5_diff1": 3.028150537253791, + "nauc_precision_at_5_max": 45.73661708882973, + "nauc_precision_at_5_std": 34.65500311185052, + "nauc_recall_at_1000_diff1": 9.526124668370704, + "nauc_recall_at_1000_max": 51.4190208452196, + "nauc_recall_at_1000_std": 45.694891695646426, + "nauc_recall_at_100_diff1": 12.68466215400009, + "nauc_recall_at_100_max": 42.79112054268112, + "nauc_recall_at_100_std": 28.61954251400998, + "nauc_recall_at_10_diff1": 17.95124413416829, + "nauc_recall_at_10_max": 33.1192036755167, + "nauc_recall_at_10_std": 9.3588175959525, + "nauc_recall_at_1_diff1": 35.09239143996649, + "nauc_recall_at_1_max": 23.72498533914286, + "nauc_recall_at_1_std": -4.164387883546102, + "nauc_recall_at_20_diff1": 16.24916980445646, + "nauc_recall_at_20_max": 36.51316122236076, + "nauc_recall_at_20_std": 13.641588062425736, + "nauc_recall_at_3_diff1": 23.263199724138786, + "nauc_recall_at_3_max": 27.67354561610614, + "nauc_recall_at_3_std": 3.103127242654415, + "nauc_recall_at_5_diff1": 20.719704839229635, + "nauc_recall_at_5_max": 29.66480839111333, + "nauc_recall_at_5_std": 5.514884455797986, + "ndcg_at_1": 24.643, + "ndcg_at_10": 26.592, + "ndcg_at_100": 31.887, + "ndcg_at_1000": 36.695, + "ndcg_at_20": 28.166000000000004, + "ndcg_at_3": 25.238, + "ndcg_at_5": 25.545, + "precision_at_1": 24.643, + "precision_at_10": 13.730999999999998, + "precision_at_100": 4.744000000000001, + "precision_at_1000": 1.167, + "precision_at_20": 10.562000000000001, + "precision_at_3": 20.288999999999998, + "precision_at_5": 17.337, + "recall_at_1": 8.081000000000001, + "recall_at_10": 25.911, + "recall_at_100": 48.176, + "recall_at_1000": 69.655, + "recall_at_20": 32.924, + "recall_at_3": 16.125, + "recall_at_5": 19.988 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/XPQARetrieval.json b/results/arkohut__jina-embeddings-v3/external/XPQARetrieval.json new file mode 100644 index 000000000..598a45c9b --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/XPQARetrieval.json @@ -0,0 +1,2230 @@ +{ + "dataset_revision": "c99d599f0a6ab9b85b065da6f9d94f9cf731679f", + "task_name": "XPQARetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "deu-deu", + "languages": [ + "deu-Latn", + "deu-Latn" + ], + "main_score": 84.552, + "map_at_1": 59.023, + "map_at_10": 81.051, + "map_at_100": 81.539, + "map_at_1000": 81.54299999999999, + "map_at_20": 81.401, + "map_at_3": 76.969, + "map_at_5": 80.07600000000001, + "mrr_at_1": 77.67624020887729, + "mrr_at_10": 83.30509967259314, + "mrr_at_100": 83.58599391639456, + "mrr_at_1000": 83.58970114722587, + "mrr_at_20": 83.50275980440317, + "mrr_at_3": 82.07136640557006, + "mrr_at_5": 82.94604003481287, + "nauc_map_at_1000_diff1": 63.12885104269942, + "nauc_map_at_1000_max": 57.7017996674959, + "nauc_map_at_1000_std": -24.951068985070513, + "nauc_map_at_100_diff1": 63.12866509393162, + "nauc_map_at_100_max": 57.70176426013332, + "nauc_map_at_100_std": -24.96012290790273, + "nauc_map_at_10_diff1": 62.847709436211204, + "nauc_map_at_10_max": 57.408873624779524, + "nauc_map_at_10_std": -25.635130363219062, + "nauc_map_at_1_diff1": 71.89683981857102, + "nauc_map_at_1_max": 20.204460967432645, + "nauc_map_at_1_std": -23.07894656629493, + "nauc_map_at_20_diff1": 63.00504457011043, + "nauc_map_at_20_max": 57.66009512514262, + "nauc_map_at_20_std": -25.100138593754885, + "nauc_map_at_3_diff1": 63.199874607788274, + "nauc_map_at_3_max": 47.54482033763308, + "nauc_map_at_3_std": -27.714557098916963, + "nauc_map_at_5_diff1": 63.01006523518669, + "nauc_map_at_5_max": 56.501965964288495, + "nauc_map_at_5_std": -25.367825762790925, + "nauc_mrr_at_1000_diff1": 66.24988063948112, + "nauc_mrr_at_1000_max": 63.56921667744273, + "nauc_mrr_at_1000_std": -22.073973768031863, + "nauc_mrr_at_100_diff1": 66.24919554296275, + "nauc_mrr_at_100_max": 63.57382447608361, + "nauc_mrr_at_100_std": -22.084627248538187, + "nauc_mrr_at_10_diff1": 66.0143885124066, + "nauc_mrr_at_10_max": 63.51277586011898, + "nauc_mrr_at_10_std": -22.477523960705454, + "nauc_mrr_at_1_diff1": 68.25415199323474, + "nauc_mrr_at_1_max": 63.069019003272416, + "nauc_mrr_at_1_std": -18.77085924093244, + "nauc_mrr_at_20_diff1": 66.16203167351055, + "nauc_mrr_at_20_max": 63.607477776215845, + "nauc_mrr_at_20_std": -22.15083176017266, + "nauc_mrr_at_3_diff1": 66.39368842782302, + "nauc_mrr_at_3_max": 63.11411066585295, + "nauc_mrr_at_3_std": -22.63174342814071, + "nauc_mrr_at_5_diff1": 66.17932562332354, + "nauc_mrr_at_5_max": 63.70434825329594, + "nauc_mrr_at_5_std": -21.704012812430438, + "nauc_ndcg_at_1000_diff1": 63.958010361549356, + "nauc_ndcg_at_1000_max": 60.516445000134624, + "nauc_ndcg_at_1000_std": -24.264672248289923, + "nauc_ndcg_at_100_diff1": 63.97654644758022, + "nauc_ndcg_at_100_max": 60.62187552803407, + "nauc_ndcg_at_100_std": -24.317149225778312, + "nauc_ndcg_at_10_diff1": 62.505321221321566, + "nauc_ndcg_at_10_max": 59.77891112351258, + "nauc_ndcg_at_10_std": -26.90910005589911, + "nauc_ndcg_at_1_diff1": 68.25415199323474, + "nauc_ndcg_at_1_max": 63.069019003272416, + "nauc_ndcg_at_1_std": -18.77085924093244, + "nauc_ndcg_at_20_diff1": 63.04281805056225, + "nauc_ndcg_at_20_max": 60.600957307444226, + "nauc_ndcg_at_20_std": -24.954862079889203, + "nauc_ndcg_at_3_diff1": 62.970441139740316, + "nauc_ndcg_at_3_max": 57.543715669055295, + "nauc_ndcg_at_3_std": -25.659388431714703, + "nauc_ndcg_at_5_diff1": 62.82652127664541, + "nauc_ndcg_at_5_max": 58.6970443258532, + "nauc_ndcg_at_5_std": -25.66329354851023, + "nauc_precision_at_1000_diff1": -33.38530947486223, + "nauc_precision_at_1000_max": 25.972468024345414, + "nauc_precision_at_1000_std": 17.460222955117978, + "nauc_precision_at_100_diff1": -32.45175999251703, + "nauc_precision_at_100_max": 26.367996120487337, + "nauc_precision_at_100_std": 17.097957946391208, + "nauc_precision_at_10_diff1": -26.97411235289487, + "nauc_precision_at_10_max": 31.504961687240762, + "nauc_precision_at_10_std": 11.125341183874687, + "nauc_precision_at_1_diff1": 68.25415199323474, + "nauc_precision_at_1_max": 63.069019003272416, + "nauc_precision_at_1_std": -18.77085924093244, + "nauc_precision_at_20_diff1": -29.8678078736273, + "nauc_precision_at_20_max": 29.031222186584504, + "nauc_precision_at_20_std": 14.943600563087928, + "nauc_precision_at_3_diff1": -15.92947221299854, + "nauc_precision_at_3_max": 37.73833494235097, + "nauc_precision_at_3_std": 3.1573228443500847, + "nauc_precision_at_5_diff1": -22.269156821101642, + "nauc_precision_at_5_max": 35.65821838116355, + "nauc_precision_at_5_std": 9.265930386198972, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": 66.17058859539249, + "nauc_recall_at_100_max": 78.066942935192, + "nauc_recall_at_100_std": -22.213377762074686, + "nauc_recall_at_10_diff1": 50.82149700700275, + "nauc_recall_at_10_max": 56.68053325008221, + "nauc_recall_at_10_std": -41.81657941433277, + "nauc_recall_at_1_diff1": 71.89683981857102, + "nauc_recall_at_1_max": 20.204460967432645, + "nauc_recall_at_1_std": -23.07894656629493, + "nauc_recall_at_20_diff1": 48.28076011857885, + "nauc_recall_at_20_max": 63.29641555519295, + "nauc_recall_at_20_std": -32.953559708819405, + "nauc_recall_at_3_diff1": 58.15516956312558, + "nauc_recall_at_3_max": 42.66315890283056, + "nauc_recall_at_3_std": -32.16572530544806, + "nauc_recall_at_5_diff1": 55.900844052439766, + "nauc_recall_at_5_max": 55.23702018862884, + "nauc_recall_at_5_std": -30.105929528165, + "ndcg_at_1": 77.676, + "ndcg_at_10": 84.552, + "ndcg_at_100": 86.232, + "ndcg_at_1000": 86.33800000000001, + "ndcg_at_20": 85.515, + "ndcg_at_3": 81.112, + "ndcg_at_5": 82.943, + "precision_at_1": 77.676, + "precision_at_10": 15.17, + "precision_at_100": 1.6230000000000002, + "precision_at_1000": 0.163, + "precision_at_20": 7.858999999999999, + "precision_at_3": 42.994, + "precision_at_5": 28.747, + "recall_at_1": 59.023, + "recall_at_10": 92.465, + "recall_at_100": 99.18400000000001, + "recall_at_1000": 100.0, + "recall_at_20": 95.844, + "recall_at_3": 81.826, + "recall_at_5": 88.22 + }, + { + "hf_subset": "deu-eng", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "main_score": 82.149, + "map_at_1": 56.277, + "map_at_10": 78.36999999999999, + "map_at_100": 78.94, + "map_at_1000": 78.95, + "map_at_20": 78.818, + "map_at_3": 74.25, + "map_at_5": 77.11099999999999, + "mrr_at_1": 74.28198433420366, + "mrr_at_10": 80.57487877657589, + "mrr_at_100": 80.94025764149008, + "mrr_at_1000": 80.94608738871234, + "mrr_at_20": 80.86240675885023, + "mrr_at_3": 79.4604003481288, + "mrr_at_5": 80.10008703220191, + "nauc_map_at_1000_diff1": 60.44369249057189, + "nauc_map_at_1000_max": 49.822240441830246, + "nauc_map_at_1000_std": -27.34026380762817, + "nauc_map_at_100_diff1": 60.44635668050401, + "nauc_map_at_100_max": 49.838675926660684, + "nauc_map_at_100_std": -27.310365556055583, + "nauc_map_at_10_diff1": 60.18546951726522, + "nauc_map_at_10_max": 49.72075398096832, + "nauc_map_at_10_std": -27.86056102461558, + "nauc_map_at_1_diff1": 71.2906657099758, + "nauc_map_at_1_max": 18.970399251589, + "nauc_map_at_1_std": -27.260776614286602, + "nauc_map_at_20_diff1": 60.3525975566164, + "nauc_map_at_20_max": 49.852487866710646, + "nauc_map_at_20_std": -27.305173830170332, + "nauc_map_at_3_diff1": 60.66803500571236, + "nauc_map_at_3_max": 41.18191941521972, + "nauc_map_at_3_std": -28.71383593401732, + "nauc_map_at_5_diff1": 60.57216514504887, + "nauc_map_at_5_max": 47.99837400446299, + "nauc_map_at_5_std": -28.756183015949986, + "nauc_mrr_at_1000_diff1": 63.77031955602516, + "nauc_mrr_at_1000_max": 54.26907383811417, + "nauc_mrr_at_1000_std": -26.227442087164714, + "nauc_mrr_at_100_diff1": 63.77196650108669, + "nauc_mrr_at_100_max": 54.281801457913126, + "nauc_mrr_at_100_std": -26.216077891830793, + "nauc_mrr_at_10_diff1": 63.50095284903051, + "nauc_mrr_at_10_max": 54.3186301730016, + "nauc_mrr_at_10_std": -26.29570241722173, + "nauc_mrr_at_1_diff1": 65.15855770999057, + "nauc_mrr_at_1_max": 53.213286738515066, + "nauc_mrr_at_1_std": -24.683178252901943, + "nauc_mrr_at_20_diff1": 63.74936550280859, + "nauc_mrr_at_20_max": 54.355343751439065, + "nauc_mrr_at_20_std": -26.197316900009817, + "nauc_mrr_at_3_diff1": 63.912612979082695, + "nauc_mrr_at_3_max": 53.75399024225975, + "nauc_mrr_at_3_std": -27.194143264554675, + "nauc_mrr_at_5_diff1": 63.72491059053639, + "nauc_mrr_at_5_max": 53.66107604019352, + "nauc_mrr_at_5_std": -26.92281560584754, + "nauc_ndcg_at_1000_diff1": 61.304218998714354, + "nauc_ndcg_at_1000_max": 52.409135743660386, + "nauc_ndcg_at_1000_std": -26.539796489464056, + "nauc_ndcg_at_100_diff1": 61.40355045085304, + "nauc_ndcg_at_100_max": 52.79402259608008, + "nauc_ndcg_at_100_std": -25.927273456979965, + "nauc_ndcg_at_10_diff1": 59.93675608684116, + "nauc_ndcg_at_10_max": 52.617848197542706, + "nauc_ndcg_at_10_std": -27.314820020095887, + "nauc_ndcg_at_1_diff1": 65.15855770999057, + "nauc_ndcg_at_1_max": 53.213286738515066, + "nauc_ndcg_at_1_std": -24.683178252901943, + "nauc_ndcg_at_20_diff1": 60.85093704358376, + "nauc_ndcg_at_20_max": 53.14529242671602, + "nauc_ndcg_at_20_std": -25.93187916231906, + "nauc_ndcg_at_3_diff1": 60.42301123518882, + "nauc_ndcg_at_3_max": 49.59021992975956, + "nauc_ndcg_at_3_std": -27.397117967810363, + "nauc_ndcg_at_5_diff1": 60.78655153154219, + "nauc_ndcg_at_5_max": 49.54194799556953, + "nauc_ndcg_at_5_std": -29.467910172913413, + "nauc_precision_at_1000_diff1": -34.35027108027456, + "nauc_precision_at_1000_max": 23.762671066858815, + "nauc_precision_at_1000_std": 16.1704780298982, + "nauc_precision_at_100_diff1": -32.66610016754961, + "nauc_precision_at_100_max": 25.504044603109588, + "nauc_precision_at_100_std": 16.932402988816786, + "nauc_precision_at_10_diff1": -25.720903145017342, + "nauc_precision_at_10_max": 30.37029690599926, + "nauc_precision_at_10_std": 10.560753160200314, + "nauc_precision_at_1_diff1": 65.15855770999057, + "nauc_precision_at_1_max": 53.213286738515066, + "nauc_precision_at_1_std": -24.683178252901943, + "nauc_precision_at_20_diff1": -29.577582332619084, + "nauc_precision_at_20_max": 27.984145595920417, + "nauc_precision_at_20_std": 15.083711704044727, + "nauc_precision_at_3_diff1": -14.736267532892697, + "nauc_precision_at_3_max": 36.12211021824307, + "nauc_precision_at_3_std": 3.068643876519412, + "nauc_precision_at_5_diff1": -19.846707283120825, + "nauc_precision_at_5_max": 33.573804532177896, + "nauc_precision_at_5_std": 5.700545622744924, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": 68.24749796604452, + "nauc_recall_at_100_max": 83.30024864929815, + "nauc_recall_at_100_std": 21.23763053711522, + "nauc_recall_at_10_diff1": 50.704049683241436, + "nauc_recall_at_10_max": 57.64578984555556, + "nauc_recall_at_10_std": -26.632759037746073, + "nauc_recall_at_1_diff1": 71.2906657099758, + "nauc_recall_at_1_max": 18.970399251589, + "nauc_recall_at_1_std": -27.260776614286602, + "nauc_recall_at_20_diff1": 54.124480837579505, + "nauc_recall_at_20_max": 66.4641515433479, + "nauc_recall_at_20_std": -14.615911455379393, + "nauc_recall_at_3_diff1": 56.54358788321059, + "nauc_recall_at_3_max": 37.765735322465744, + "nauc_recall_at_3_std": -30.824147408598574, + "nauc_recall_at_5_diff1": 56.392894535029214, + "nauc_recall_at_5_max": 45.959268387521554, + "nauc_recall_at_5_std": -33.58175576925282, + "ndcg_at_1": 74.28200000000001, + "ndcg_at_10": 82.149, + "ndcg_at_100": 84.129, + "ndcg_at_1000": 84.307, + "ndcg_at_20": 83.39999999999999, + "ndcg_at_3": 78.583, + "ndcg_at_5": 80.13900000000001, + "precision_at_1": 74.28200000000001, + "precision_at_10": 14.960999999999999, + "precision_at_100": 1.6119999999999999, + "precision_at_1000": 0.163, + "precision_at_20": 7.813000000000001, + "precision_at_3": 41.819, + "precision_at_5": 27.911, + "recall_at_1": 56.277, + "recall_at_10": 90.729, + "recall_at_100": 98.792, + "recall_at_1000": 100.0, + "recall_at_20": 95.148, + "recall_at_3": 79.989, + "recall_at_5": 85.603 + }, + { + "hf_subset": "eng-deu", + "languages": [ + "eng-Latn", + "deu-Latn" + ], + "main_score": 60.428000000000004, + "map_at_1": 33.453, + "map_at_10": 54.217000000000006, + "map_at_100": 55.832, + "map_at_1000": 55.884, + "map_at_20": 55.236, + "map_at_3": 48.302, + "map_at_5": 51.902, + "mrr_at_1": 53.916449086161876, + "mrr_at_10": 61.4685647975465, + "mrr_at_100": 62.13718159287348, + "mrr_at_1000": 62.15799113826325, + "mrr_at_20": 61.885388764243544, + "mrr_at_3": 59.44299390774582, + "mrr_at_5": 60.26544821583981, + "nauc_map_at_1000_diff1": 39.824412602121804, + "nauc_map_at_1000_max": 39.49332709959374, + "nauc_map_at_1000_std": -17.27462623749702, + "nauc_map_at_100_diff1": 39.80528910003463, + "nauc_map_at_100_max": 39.51471609156093, + "nauc_map_at_100_std": -17.275536933094937, + "nauc_map_at_10_diff1": 39.28558292349772, + "nauc_map_at_10_max": 38.13220294838968, + "nauc_map_at_10_std": -18.235985574392863, + "nauc_map_at_1_diff1": 43.68892397816937, + "nauc_map_at_1_max": 14.478978190224353, + "nauc_map_at_1_std": -18.435031919225477, + "nauc_map_at_20_diff1": 39.8733530971344, + "nauc_map_at_20_max": 39.30513202591992, + "nauc_map_at_20_std": -17.62362848144766, + "nauc_map_at_3_diff1": 40.31116611188815, + "nauc_map_at_3_max": 31.107314675202165, + "nauc_map_at_3_std": -19.52930881946966, + "nauc_map_at_5_diff1": 39.1241499095765, + "nauc_map_at_5_max": 37.330543901034055, + "nauc_map_at_5_std": -17.893862772447548, + "nauc_mrr_at_1000_diff1": 43.07490530140024, + "nauc_mrr_at_1000_max": 42.28469195779226, + "nauc_mrr_at_1000_std": -15.583217110180737, + "nauc_mrr_at_100_diff1": 43.068836494603886, + "nauc_mrr_at_100_max": 42.29612450479168, + "nauc_mrr_at_100_std": -15.57218089438229, + "nauc_mrr_at_10_diff1": 42.88685919151777, + "nauc_mrr_at_10_max": 41.89944452003811, + "nauc_mrr_at_10_std": -15.909673572763165, + "nauc_mrr_at_1_diff1": 45.67646898532131, + "nauc_mrr_at_1_max": 43.0541870425035, + "nauc_mrr_at_1_std": -15.597124291613563, + "nauc_mrr_at_20_diff1": 43.14141873150977, + "nauc_mrr_at_20_max": 42.33063543184022, + "nauc_mrr_at_20_std": -15.607612016107304, + "nauc_mrr_at_3_diff1": 43.18370928261982, + "nauc_mrr_at_3_max": 42.18529980773961, + "nauc_mrr_at_3_std": -15.900151400673629, + "nauc_mrr_at_5_diff1": 42.43443044877765, + "nauc_mrr_at_5_max": 42.05818605278972, + "nauc_mrr_at_5_std": -15.436502733299893, + "nauc_ndcg_at_1000_diff1": 40.60606676178781, + "nauc_ndcg_at_1000_max": 41.71923393878376, + "nauc_ndcg_at_1000_std": -15.694740326899556, + "nauc_ndcg_at_100_diff1": 40.15270376312309, + "nauc_ndcg_at_100_max": 42.234126305709225, + "nauc_ndcg_at_100_std": -15.436051984708952, + "nauc_ndcg_at_10_diff1": 39.142259831299455, + "nauc_ndcg_at_10_max": 38.61470104273746, + "nauc_ndcg_at_10_std": -18.577452829132742, + "nauc_ndcg_at_1_diff1": 45.67646898532131, + "nauc_ndcg_at_1_max": 43.0541870425035, + "nauc_ndcg_at_1_std": -15.597124291613563, + "nauc_ndcg_at_20_diff1": 40.805159395901306, + "nauc_ndcg_at_20_max": 41.58685629374952, + "nauc_ndcg_at_20_std": -16.862408156222592, + "nauc_ndcg_at_3_diff1": 39.12028215488432, + "nauc_ndcg_at_3_max": 39.70580596343164, + "nauc_ndcg_at_3_std": -16.705546903936213, + "nauc_ndcg_at_5_diff1": 38.42075404927361, + "nauc_ndcg_at_5_max": 38.064219879504385, + "nauc_ndcg_at_5_std": -17.20282111665876, + "nauc_precision_at_1000_diff1": -4.419224540552891, + "nauc_precision_at_1000_max": 35.686022591225246, + "nauc_precision_at_1000_std": 15.023520191032972, + "nauc_precision_at_100_diff1": -2.9027602601603895, + "nauc_precision_at_100_max": 39.99864013028808, + "nauc_precision_at_100_std": 13.863497117255525, + "nauc_precision_at_10_diff1": 5.539104839809501, + "nauc_precision_at_10_max": 42.41625740557432, + "nauc_precision_at_10_std": 1.0894693748662556, + "nauc_precision_at_1_diff1": 45.67646898532131, + "nauc_precision_at_1_max": 43.0541870425035, + "nauc_precision_at_1_std": -15.597124291613563, + "nauc_precision_at_20_diff1": 4.734562571681868, + "nauc_precision_at_20_max": 44.35081213316202, + "nauc_precision_at_20_std": 6.642891478284595, + "nauc_precision_at_3_diff1": 13.936559341472101, + "nauc_precision_at_3_max": 45.426668552497524, + "nauc_precision_at_3_std": -5.219785419247125, + "nauc_precision_at_5_diff1": 8.366706789546015, + "nauc_precision_at_5_max": 46.161942989326896, + "nauc_precision_at_5_std": -0.193140343545876, + "nauc_recall_at_1000_diff1": 45.61785312444842, + "nauc_recall_at_1000_max": 75.68258976531774, + "nauc_recall_at_1000_std": 37.469059422121575, + "nauc_recall_at_100_diff1": 26.798748531805096, + "nauc_recall_at_100_max": 54.72134095197765, + "nauc_recall_at_100_std": -1.5967608233799417, + "nauc_recall_at_10_diff1": 32.13211696200521, + "nauc_recall_at_10_max": 31.13866254975895, + "nauc_recall_at_10_std": -22.31404161136118, + "nauc_recall_at_1_diff1": 43.68892397816937, + "nauc_recall_at_1_max": 14.478978190224353, + "nauc_recall_at_1_std": -18.435031919225477, + "nauc_recall_at_20_diff1": 38.597996930461385, + "nauc_recall_at_20_max": 42.49849027366794, + "nauc_recall_at_20_std": -16.536471900752154, + "nauc_recall_at_3_diff1": 35.343730012759266, + "nauc_recall_at_3_max": 26.898722085043392, + "nauc_recall_at_3_std": -19.4459792273884, + "nauc_recall_at_5_diff1": 31.8310298012186, + "nauc_recall_at_5_max": 32.67800489655844, + "nauc_recall_at_5_std": -16.800929103347283, + "ndcg_at_1": 53.916, + "ndcg_at_10": 60.428000000000004, + "ndcg_at_100": 65.95, + "ndcg_at_1000": 66.88, + "ndcg_at_20": 62.989, + "ndcg_at_3": 55.204, + "ndcg_at_5": 56.42700000000001, + "precision_at_1": 53.916, + "precision_at_10": 14.346999999999998, + "precision_at_100": 1.849, + "precision_at_1000": 0.196, + "precision_at_20": 8.022, + "precision_at_3": 34.552, + "precision_at_5": 24.569, + "recall_at_1": 33.453, + "recall_at_10": 71.07900000000001, + "recall_at_100": 93.207, + "recall_at_1000": 99.60799999999999, + "recall_at_20": 79.482, + "recall_at_3": 53.98, + "recall_at_5": 60.781 + }, + { + "hf_subset": "eng-pol", + "languages": [ + "eng-Latn", + "pol-Latn" + ], + "main_score": 34.042, + "map_at_1": 13.236, + "map_at_10": 27.839999999999996, + "map_at_100": 30.171999999999997, + "map_at_1000": 30.349999999999998, + "map_at_20": 29.044999999999998, + "map_at_3": 22.58, + "map_at_5": 25.83, + "mrr_at_1": 30.318471337579616, + "mrr_at_10": 37.4983823678091, + "mrr_at_100": 38.5784523175009, + "mrr_at_1000": 38.63608698968148, + "mrr_at_20": 38.02996157871825, + "mrr_at_3": 34.798301486199584, + "mrr_at_5": 36.39702760084925, + "nauc_map_at_1000_diff1": 21.07199789609177, + "nauc_map_at_1000_max": 25.959233507893277, + "nauc_map_at_1000_std": -28.011925372852826, + "nauc_map_at_100_diff1": 21.086788412737548, + "nauc_map_at_100_max": 25.8611620203686, + "nauc_map_at_100_std": -28.179239912057515, + "nauc_map_at_10_diff1": 21.23841745922078, + "nauc_map_at_10_max": 25.44290342378288, + "nauc_map_at_10_std": -28.75578689110275, + "nauc_map_at_1_diff1": 28.87454015638211, + "nauc_map_at_1_max": 17.50681123879997, + "nauc_map_at_1_std": -30.382831850562432, + "nauc_map_at_20_diff1": 21.076559713540455, + "nauc_map_at_20_max": 25.538154202494535, + "nauc_map_at_20_std": -28.518764617658555, + "nauc_map_at_3_diff1": 22.159185358766468, + "nauc_map_at_3_max": 23.01652660927249, + "nauc_map_at_3_std": -29.567722713221862, + "nauc_map_at_5_diff1": 21.35578810370897, + "nauc_map_at_5_max": 25.550550437767395, + "nauc_map_at_5_std": -28.7889035461355, + "nauc_mrr_at_1000_diff1": 22.28633009221923, + "nauc_mrr_at_1000_max": 26.920205393136392, + "nauc_mrr_at_1000_std": -25.887791634977642, + "nauc_mrr_at_100_diff1": 22.2754975739755, + "nauc_mrr_at_100_max": 26.90235716615346, + "nauc_mrr_at_100_std": -25.891596020584345, + "nauc_mrr_at_10_diff1": 22.415076305593534, + "nauc_mrr_at_10_max": 26.504643796222222, + "nauc_mrr_at_10_std": -26.6046081215833, + "nauc_mrr_at_1_diff1": 23.406748619244368, + "nauc_mrr_at_1_max": 29.058228240823553, + "nauc_mrr_at_1_std": -26.450169820901078, + "nauc_mrr_at_20_diff1": 22.29233141817678, + "nauc_mrr_at_20_max": 26.69021351064081, + "nauc_mrr_at_20_std": -26.086596227376656, + "nauc_mrr_at_3_diff1": 22.20746187500145, + "nauc_mrr_at_3_max": 27.143725946169457, + "nauc_mrr_at_3_std": -26.7017708594376, + "nauc_mrr_at_5_diff1": 22.71898965233195, + "nauc_mrr_at_5_max": 26.932386658571662, + "nauc_mrr_at_5_std": -26.725541058780234, + "nauc_ndcg_at_1000_diff1": 20.541734305148466, + "nauc_ndcg_at_1000_max": 27.180534238090758, + "nauc_ndcg_at_1000_std": -23.74197745177845, + "nauc_ndcg_at_100_diff1": 20.570052839937468, + "nauc_ndcg_at_100_max": 26.21605034405486, + "nauc_ndcg_at_100_std": -25.359817188805028, + "nauc_ndcg_at_10_diff1": 21.241423075073467, + "nauc_ndcg_at_10_max": 24.599199195239475, + "nauc_ndcg_at_10_std": -28.404540333309008, + "nauc_ndcg_at_1_diff1": 23.406748619244368, + "nauc_ndcg_at_1_max": 29.058228240823553, + "nauc_ndcg_at_1_std": -26.450169820901078, + "nauc_ndcg_at_20_diff1": 20.740460046196873, + "nauc_ndcg_at_20_max": 24.82380195169634, + "nauc_ndcg_at_20_std": -27.376298834244313, + "nauc_ndcg_at_3_diff1": 19.994948682426504, + "nauc_ndcg_at_3_max": 26.153790759405105, + "nauc_ndcg_at_3_std": -27.194548404540885, + "nauc_ndcg_at_5_diff1": 21.48414272096384, + "nauc_ndcg_at_5_max": 25.239652015076373, + "nauc_ndcg_at_5_std": -28.2620160957961, + "nauc_precision_at_1000_diff1": -0.7557639926687744, + "nauc_precision_at_1000_max": 24.265591636994436, + "nauc_precision_at_1000_std": 16.833104654292654, + "nauc_precision_at_100_diff1": 4.647847665941115, + "nauc_precision_at_100_max": 24.42192644844434, + "nauc_precision_at_100_std": 0.2718848568876648, + "nauc_precision_at_10_diff1": 9.465969286722654, + "nauc_precision_at_10_max": 27.448993150448043, + "nauc_precision_at_10_std": -16.519099596502212, + "nauc_precision_at_1_diff1": 23.406748619244368, + "nauc_precision_at_1_max": 29.058228240823553, + "nauc_precision_at_1_std": -26.450169820901078, + "nauc_precision_at_20_diff1": 8.021421615668114, + "nauc_precision_at_20_max": 26.18556481398635, + "nauc_precision_at_20_std": -12.207152108668367, + "nauc_precision_at_3_diff1": 11.783572803634241, + "nauc_precision_at_3_max": 29.259715774978893, + "nauc_precision_at_3_std": -20.407524967717425, + "nauc_precision_at_5_diff1": 10.371728615220821, + "nauc_precision_at_5_max": 30.270642833482864, + "nauc_precision_at_5_std": -18.407334880575494, + "nauc_recall_at_1000_diff1": 6.008969959111555, + "nauc_recall_at_1000_max": 39.79691734058127, + "nauc_recall_at_1000_std": 32.43591825510109, + "nauc_recall_at_100_diff1": 15.2374566058917, + "nauc_recall_at_100_max": 23.058785539503717, + "nauc_recall_at_100_std": -15.962888794058165, + "nauc_recall_at_10_diff1": 19.46184821807753, + "nauc_recall_at_10_max": 19.001003513986866, + "nauc_recall_at_10_std": -27.753332786663876, + "nauc_recall_at_1_diff1": 28.87454015638211, + "nauc_recall_at_1_max": 17.50681123879997, + "nauc_recall_at_1_std": -30.382831850562432, + "nauc_recall_at_20_diff1": 17.237090858517405, + "nauc_recall_at_20_max": 18.42118474134871, + "nauc_recall_at_20_std": -24.862787724031957, + "nauc_recall_at_3_diff1": 18.813019521758577, + "nauc_recall_at_3_max": 19.198572333053544, + "nauc_recall_at_3_std": -28.5644958605618, + "nauc_recall_at_5_diff1": 20.247501986329482, + "nauc_recall_at_5_max": 21.121526202170358, + "nauc_recall_at_5_std": -27.220378617864853, + "ndcg_at_1": 30.318, + "ndcg_at_10": 34.042, + "ndcg_at_100": 42.733, + "ndcg_at_1000": 46.015, + "ndcg_at_20": 37.053999999999995, + "ndcg_at_3": 29.254, + "ndcg_at_5": 30.514000000000003, + "precision_at_1": 30.318, + "precision_at_10": 10.981, + "precision_at_100": 1.889, + "precision_at_1000": 0.234, + "precision_at_20": 6.643000000000001, + "precision_at_3": 22.166, + "precision_at_5": 17.477999999999998, + "recall_at_1": 13.236, + "recall_at_10": 41.461, + "recall_at_100": 75.008, + "recall_at_1000": 96.775, + "recall_at_20": 50.754, + "recall_at_3": 26.081, + "recall_at_5": 33.168 + }, + { + "hf_subset": "eng-cmn", + "languages": [ + "eng-Latn", + "cmn-Hans" + ], + "main_score": 37.504, + "map_at_1": 16.019, + "map_at_10": 30.794, + "map_at_100": 33.157, + "map_at_1000": 33.324999999999996, + "map_at_20": 32.161, + "map_at_3": 25.372, + "map_at_5": 28.246, + "mrr_at_1": 30.461165048543688, + "mrr_at_10": 39.393107566651224, + "mrr_at_100": 40.570039540602295, + "mrr_at_1000": 40.6306116407744, + "mrr_at_20": 40.09428159978876, + "mrr_at_3": 37.176375404530745, + "mrr_at_5": 38.09870550161812, + "nauc_map_at_1000_diff1": 30.82306881892873, + "nauc_map_at_1000_max": 5.877636000666466, + "nauc_map_at_1000_std": -30.7140513386797, + "nauc_map_at_100_diff1": 30.85192449151961, + "nauc_map_at_100_max": 5.809195131550909, + "nauc_map_at_100_std": -30.838556702972063, + "nauc_map_at_10_diff1": 30.50359163635058, + "nauc_map_at_10_max": 6.373491595869303, + "nauc_map_at_10_std": -29.89368007827676, + "nauc_map_at_1_diff1": 38.60240510083884, + "nauc_map_at_1_max": 10.407392664609139, + "nauc_map_at_1_std": -17.76327278732833, + "nauc_map_at_20_diff1": 30.897489125753598, + "nauc_map_at_20_max": 5.9303381898248, + "nauc_map_at_20_std": -30.863345188760515, + "nauc_map_at_3_diff1": 32.8150951852729, + "nauc_map_at_3_max": 7.671931402215177, + "nauc_map_at_3_std": -25.654809758216533, + "nauc_map_at_5_diff1": 31.19558194781019, + "nauc_map_at_5_max": 6.426885613116939, + "nauc_map_at_5_std": -28.609027858850016, + "nauc_mrr_at_1000_diff1": 30.7596332048733, + "nauc_mrr_at_1000_max": 1.1970748115580212, + "nauc_mrr_at_1000_std": -34.647570668150216, + "nauc_mrr_at_100_diff1": 30.74693370788581, + "nauc_mrr_at_100_max": 1.1673272262754841, + "nauc_mrr_at_100_std": -34.67761028542745, + "nauc_mrr_at_10_diff1": 30.537820575183076, + "nauc_mrr_at_10_max": 1.0261868725502707, + "nauc_mrr_at_10_std": -34.999990560631204, + "nauc_mrr_at_1_diff1": 35.51868580113285, + "nauc_mrr_at_1_max": 5.117103773147307, + "nauc_mrr_at_1_std": -30.633913466736956, + "nauc_mrr_at_20_diff1": 30.67318175430903, + "nauc_mrr_at_20_max": 1.0979983974981327, + "nauc_mrr_at_20_std": -34.8388339739997, + "nauc_mrr_at_3_diff1": 30.884642006045702, + "nauc_mrr_at_3_max": 1.7970996544095983, + "nauc_mrr_at_3_std": -34.290172894906085, + "nauc_mrr_at_5_diff1": 30.89687518368571, + "nauc_mrr_at_5_max": 1.2123714988495347, + "nauc_mrr_at_5_std": -35.01704580471926, + "nauc_ndcg_at_1000_diff1": 29.214476799077342, + "nauc_ndcg_at_1000_max": 3.6379035546112872, + "nauc_ndcg_at_1000_std": -32.35757522049194, + "nauc_ndcg_at_100_diff1": 29.130004541376298, + "nauc_ndcg_at_100_max": 2.9580589185293045, + "nauc_ndcg_at_100_std": -33.26884643871724, + "nauc_ndcg_at_10_diff1": 28.521001084366393, + "nauc_ndcg_at_10_max": 3.630223957267483, + "nauc_ndcg_at_10_std": -33.14524140940815, + "nauc_ndcg_at_1_diff1": 35.51868580113285, + "nauc_ndcg_at_1_max": 5.117103773147307, + "nauc_ndcg_at_1_std": -30.633913466736956, + "nauc_ndcg_at_20_diff1": 29.194462756848782, + "nauc_ndcg_at_20_max": 2.61162903136461, + "nauc_ndcg_at_20_std": -34.59161403211834, + "nauc_ndcg_at_3_diff1": 30.183555327135203, + "nauc_ndcg_at_3_max": 5.61949040917093, + "nauc_ndcg_at_3_std": -30.350117794058175, + "nauc_ndcg_at_5_diff1": 29.74420394139971, + "nauc_ndcg_at_5_max": 3.952183813937688, + "nauc_ndcg_at_5_std": -31.807833795302038, + "nauc_precision_at_1000_diff1": -5.467049121617333, + "nauc_precision_at_1000_max": -3.993986884198271, + "nauc_precision_at_1000_std": -13.703967324212224, + "nauc_precision_at_100_diff1": 1.5585428307943647, + "nauc_precision_at_100_max": -4.250455723613214, + "nauc_precision_at_100_std": -22.294689856776493, + "nauc_precision_at_10_diff1": 11.076036917255259, + "nauc_precision_at_10_max": -1.5859394644365377, + "nauc_precision_at_10_std": -34.94912594413202, + "nauc_precision_at_1_diff1": 35.51868580113285, + "nauc_precision_at_1_max": 5.117103773147307, + "nauc_precision_at_1_std": -30.633913466736956, + "nauc_precision_at_20_diff1": 9.311484455773828, + "nauc_precision_at_20_max": -3.678383428592432, + "nauc_precision_at_20_std": -33.700002761401635, + "nauc_precision_at_3_diff1": 19.2787260874381, + "nauc_precision_at_3_max": 0.18292109396940018, + "nauc_precision_at_3_std": -35.23939824276542, + "nauc_precision_at_5_diff1": 14.97930592298584, + "nauc_precision_at_5_max": -1.63540635880963, + "nauc_precision_at_5_std": -35.908283558321315, + "nauc_recall_at_1000_diff1": 26.63056473607804, + "nauc_recall_at_1000_max": 62.7304558520689, + "nauc_recall_at_1000_std": 58.12421701377561, + "nauc_recall_at_100_diff1": 21.42127379898579, + "nauc_recall_at_100_max": 1.4748203516921914, + "nauc_recall_at_100_std": -27.56467339041136, + "nauc_recall_at_10_diff1": 21.20479652609812, + "nauc_recall_at_10_max": 1.7394881489709888, + "nauc_recall_at_10_std": -32.15116902585072, + "nauc_recall_at_1_diff1": 38.60240510083884, + "nauc_recall_at_1_max": 10.407392664609139, + "nauc_recall_at_1_std": -17.76327278732833, + "nauc_recall_at_20_diff1": 23.049652721582632, + "nauc_recall_at_20_max": -1.7715787106286838, + "nauc_recall_at_20_std": -36.14203686002867, + "nauc_recall_at_3_diff1": 26.522179829461873, + "nauc_recall_at_3_max": 6.078208732431124, + "nauc_recall_at_3_std": -25.02625711226274, + "nauc_recall_at_5_diff1": 24.19538553561693, + "nauc_recall_at_5_max": 2.4963810785503524, + "nauc_recall_at_5_std": -30.449635496921257, + "ndcg_at_1": 30.461, + "ndcg_at_10": 37.504, + "ndcg_at_100": 46.156000000000006, + "ndcg_at_1000": 48.985, + "ndcg_at_20": 41.025, + "ndcg_at_3": 32.165, + "ndcg_at_5": 33.072, + "precision_at_1": 30.461, + "precision_at_10": 11.032, + "precision_at_100": 1.8870000000000002, + "precision_at_1000": 0.22499999999999998, + "precision_at_20": 6.833, + "precision_at_3": 22.532, + "precision_at_5": 16.966, + "recall_at_1": 16.019, + "recall_at_10": 47.557, + "recall_at_100": 80.376, + "recall_at_1000": 98.904, + "recall_at_20": 58.48100000000001, + "recall_at_3": 30.682, + "recall_at_5": 36.714999999999996 + }, + { + "hf_subset": "eng-spa", + "languages": [ + "eng-Latn", + "spa-Latn" + ], + "main_score": 53.359, + "map_at_1": 22.892000000000003, + "map_at_10": 45.773, + "map_at_100": 47.778999999999996, + "map_at_1000": 47.882999999999996, + "map_at_20": 46.869, + "map_at_3": 37.643, + "map_at_5": 43.120999999999995, + "mrr_at_1": 47.28877679697352, + "mrr_at_10": 56.95890630316857, + "mrr_at_100": 57.71103367009639, + "mrr_at_1000": 57.73661441948852, + "mrr_at_20": 57.37701091311334, + "mrr_at_3": 54.74989491382929, + "mrr_at_5": 56.08659100462372, + "nauc_map_at_1000_diff1": 27.8347129954991, + "nauc_map_at_1000_max": 38.04300600762859, + "nauc_map_at_1000_std": -18.294653328262868, + "nauc_map_at_100_diff1": 27.818449297770858, + "nauc_map_at_100_max": 38.03533462156633, + "nauc_map_at_100_std": -18.332989980880644, + "nauc_map_at_10_diff1": 27.520664180018358, + "nauc_map_at_10_max": 37.67109855753314, + "nauc_map_at_10_std": -18.496721673888683, + "nauc_map_at_1_diff1": 37.56020148060502, + "nauc_map_at_1_max": 10.298394230150745, + "nauc_map_at_1_std": -20.41359936101547, + "nauc_map_at_20_diff1": 27.615023038189722, + "nauc_map_at_20_max": 37.808525116320254, + "nauc_map_at_20_std": -18.49235775420803, + "nauc_map_at_3_diff1": 30.797347567428424, + "nauc_map_at_3_max": 29.374407828869497, + "nauc_map_at_3_std": -19.75905772914969, + "nauc_map_at_5_diff1": 28.431802888884803, + "nauc_map_at_5_max": 35.57723911610521, + "nauc_map_at_5_std": -19.093588845366824, + "nauc_mrr_at_1000_diff1": 33.263611009054586, + "nauc_mrr_at_1000_max": 40.620639901613664, + "nauc_mrr_at_1000_std": -17.083016011032036, + "nauc_mrr_at_100_diff1": 33.25375012559163, + "nauc_mrr_at_100_max": 40.62376205172005, + "nauc_mrr_at_100_std": -17.091930575226684, + "nauc_mrr_at_10_diff1": 33.05787202690095, + "nauc_mrr_at_10_max": 40.4516362611674, + "nauc_mrr_at_10_std": -17.088910666499892, + "nauc_mrr_at_1_diff1": 36.424151087824555, + "nauc_mrr_at_1_max": 40.955715626650445, + "nauc_mrr_at_1_std": -16.56636409111209, + "nauc_mrr_at_20_diff1": 33.12029456858138, + "nauc_mrr_at_20_max": 40.56409347292635, + "nauc_mrr_at_20_std": -17.102034817242068, + "nauc_mrr_at_3_diff1": 33.52377926814156, + "nauc_mrr_at_3_max": 40.824911575046876, + "nauc_mrr_at_3_std": -16.855935748811092, + "nauc_mrr_at_5_diff1": 33.08646471768442, + "nauc_mrr_at_5_max": 40.59323589955881, + "nauc_mrr_at_5_std": -16.77829710500156, + "nauc_ndcg_at_1000_diff1": 28.741186244590207, + "nauc_ndcg_at_1000_max": 40.0113825410539, + "nauc_ndcg_at_1000_std": -17.15655081742458, + "nauc_ndcg_at_100_diff1": 28.680521359782972, + "nauc_ndcg_at_100_max": 39.94751899984445, + "nauc_ndcg_at_100_std": -17.82813814043932, + "nauc_ndcg_at_10_diff1": 27.22858072673168, + "nauc_ndcg_at_10_max": 38.600188968554725, + "nauc_ndcg_at_10_std": -18.517203924893614, + "nauc_ndcg_at_1_diff1": 36.424151087824555, + "nauc_ndcg_at_1_max": 40.955715626650445, + "nauc_ndcg_at_1_std": -16.56636409111209, + "nauc_ndcg_at_20_diff1": 27.56875900623774, + "nauc_ndcg_at_20_max": 38.95264310199067, + "nauc_ndcg_at_20_std": -18.709973965688445, + "nauc_ndcg_at_3_diff1": 28.682842749851574, + "nauc_ndcg_at_3_max": 38.361215408395964, + "nauc_ndcg_at_3_std": -16.800291231827515, + "nauc_ndcg_at_5_diff1": 28.178239259093484, + "nauc_ndcg_at_5_max": 36.77096292606479, + "nauc_ndcg_at_5_std": -18.718861696641145, + "nauc_precision_at_1000_diff1": -7.3686253252869305, + "nauc_precision_at_1000_max": 31.98896996987639, + "nauc_precision_at_1000_std": 13.125659676392267, + "nauc_precision_at_100_diff1": -2.8239113056969156, + "nauc_precision_at_100_max": 36.95062472971812, + "nauc_precision_at_100_std": 7.230228733647562, + "nauc_precision_at_10_diff1": 2.5515545798843555, + "nauc_precision_at_10_max": 45.46146019314904, + "nauc_precision_at_10_std": -1.3249340536211553, + "nauc_precision_at_1_diff1": 36.424151087824555, + "nauc_precision_at_1_max": 40.955715626650445, + "nauc_precision_at_1_std": -16.56636409111209, + "nauc_precision_at_20_diff1": 0.7202861770489576, + "nauc_precision_at_20_max": 41.9937596214609, + "nauc_precision_at_20_std": 0.2756400069730064, + "nauc_precision_at_3_diff1": 12.89221206929447, + "nauc_precision_at_3_max": 48.57775126381142, + "nauc_precision_at_3_std": -8.042242254131068, + "nauc_precision_at_5_diff1": 7.063616193387763, + "nauc_precision_at_5_max": 47.26496887331675, + "nauc_precision_at_5_std": -4.735805200913049, + "nauc_recall_at_1000_diff1": 2.6650052980682224, + "nauc_recall_at_1000_max": 81.94826279951472, + "nauc_recall_at_1000_std": 48.46012388224573, + "nauc_recall_at_100_diff1": 24.516371948375827, + "nauc_recall_at_100_max": 39.17639620389552, + "nauc_recall_at_100_std": -17.884197602579533, + "nauc_recall_at_10_diff1": 19.93892097640112, + "nauc_recall_at_10_max": 33.079079440022106, + "nauc_recall_at_10_std": -20.22227622801884, + "nauc_recall_at_1_diff1": 37.56020148060502, + "nauc_recall_at_1_max": 10.298394230150745, + "nauc_recall_at_1_std": -20.41359936101547, + "nauc_recall_at_20_diff1": 20.363784035670633, + "nauc_recall_at_20_max": 33.39352971625336, + "nauc_recall_at_20_std": -21.712050932168875, + "nauc_recall_at_3_diff1": 26.220072121604655, + "nauc_recall_at_3_max": 25.853218030218507, + "nauc_recall_at_3_std": -17.830613372910907, + "nauc_recall_at_5_diff1": 22.25850162680252, + "nauc_recall_at_5_max": 30.89620539042785, + "nauc_recall_at_5_std": -19.16786434439169, + "ndcg_at_1": 47.288999999999994, + "ndcg_at_10": 53.359, + "ndcg_at_100": 60.25899999999999, + "ndcg_at_1000": 61.902, + "ndcg_at_20": 56.025000000000006, + "ndcg_at_3": 47.221999999999994, + "ndcg_at_5": 49.333, + "precision_at_1": 47.288999999999994, + "precision_at_10": 16.003, + "precision_at_100": 2.221, + "precision_at_1000": 0.246, + "precision_at_20": 8.985, + "precision_at_3": 34.510000000000005, + "precision_at_5": 26.961000000000002, + "recall_at_1": 22.892000000000003, + "recall_at_10": 62.928, + "recall_at_100": 89.105, + "recall_at_1000": 99.319, + "recall_at_20": 71.387, + "recall_at_3": 43.492999999999995, + "recall_at_5": 53.529 + }, + { + "hf_subset": "eng-fra", + "languages": [ + "eng-Latn", + "fra-Latn" + ], + "main_score": 54.888000000000005, + "map_at_1": 26.079, + "map_at_10": 47.434, + "map_at_100": 49.376, + "map_at_1000": 49.461, + "map_at_20": 48.634, + "map_at_3": 40.409, + "map_at_5": 44.531, + "mrr_at_1": 46.86248331108144, + "mrr_at_10": 56.45506177548896, + "mrr_at_100": 57.20360629445577, + "mrr_at_1000": 57.227004696897986, + "mrr_at_20": 56.905302765737865, + "mrr_at_3": 54.09434801958164, + "mrr_at_5": 55.40943480195811, + "nauc_map_at_1000_diff1": 37.739936045535885, + "nauc_map_at_1000_max": 35.92625003516368, + "nauc_map_at_1000_std": -15.825119611638398, + "nauc_map_at_100_diff1": 37.71697833661983, + "nauc_map_at_100_max": 35.91174068136317, + "nauc_map_at_100_std": -15.838841891589006, + "nauc_map_at_10_diff1": 37.52309268219689, + "nauc_map_at_10_max": 35.4887130483351, + "nauc_map_at_10_std": -16.61132378136234, + "nauc_map_at_1_diff1": 42.705087329207984, + "nauc_map_at_1_max": 12.047671550242974, + "nauc_map_at_1_std": -17.156030827065834, + "nauc_map_at_20_diff1": 37.59446680137666, + "nauc_map_at_20_max": 35.80559546695052, + "nauc_map_at_20_std": -16.158338316249786, + "nauc_map_at_3_diff1": 38.618415267131816, + "nauc_map_at_3_max": 27.030227996183925, + "nauc_map_at_3_std": -18.962500694157857, + "nauc_map_at_5_diff1": 37.980845601534256, + "nauc_map_at_5_max": 32.82374761283266, + "nauc_map_at_5_std": -17.856875825229565, + "nauc_mrr_at_1000_diff1": 40.26059509279346, + "nauc_mrr_at_1000_max": 39.28453752990871, + "nauc_mrr_at_1000_std": -13.306217279524212, + "nauc_mrr_at_100_diff1": 40.23390833398881, + "nauc_mrr_at_100_max": 39.26041461025653, + "nauc_mrr_at_100_std": -13.317700798873153, + "nauc_mrr_at_10_diff1": 40.163737640180145, + "nauc_mrr_at_10_max": 39.27138538165913, + "nauc_mrr_at_10_std": -13.472971360323038, + "nauc_mrr_at_1_diff1": 42.95339241383707, + "nauc_mrr_at_1_max": 40.62982307619158, + "nauc_mrr_at_1_std": -10.429597045942748, + "nauc_mrr_at_20_diff1": 40.23703505923782, + "nauc_mrr_at_20_max": 39.27051308063652, + "nauc_mrr_at_20_std": -13.390197643922038, + "nauc_mrr_at_3_diff1": 40.5721313555661, + "nauc_mrr_at_3_max": 39.254774354468594, + "nauc_mrr_at_3_std": -13.773803807863827, + "nauc_mrr_at_5_diff1": 40.41081287079734, + "nauc_mrr_at_5_max": 39.515241132077335, + "nauc_mrr_at_5_std": -13.306544090087336, + "nauc_ndcg_at_1000_diff1": 38.04772268296103, + "nauc_ndcg_at_1000_max": 38.03364565521176, + "nauc_ndcg_at_1000_std": -14.203182726102263, + "nauc_ndcg_at_100_diff1": 37.51752795463643, + "nauc_ndcg_at_100_max": 37.809671511710604, + "nauc_ndcg_at_100_std": -13.880578225081408, + "nauc_ndcg_at_10_diff1": 36.78438984005559, + "nauc_ndcg_at_10_max": 36.98105155993232, + "nauc_ndcg_at_10_std": -16.886308645939113, + "nauc_ndcg_at_1_diff1": 42.95339241383707, + "nauc_ndcg_at_1_max": 40.62982307619158, + "nauc_ndcg_at_1_std": -10.429597045942748, + "nauc_ndcg_at_20_diff1": 36.94164323893683, + "nauc_ndcg_at_20_max": 37.333583379288285, + "nauc_ndcg_at_20_std": -15.853318071434716, + "nauc_ndcg_at_3_diff1": 36.905604845477384, + "nauc_ndcg_at_3_max": 35.10252586688781, + "nauc_ndcg_at_3_std": -17.128435988977742, + "nauc_ndcg_at_5_diff1": 37.96742463612705, + "nauc_ndcg_at_5_max": 34.65945109443365, + "nauc_ndcg_at_5_std": -17.916428667861183, + "nauc_precision_at_1000_diff1": -3.740861894117653, + "nauc_precision_at_1000_max": 31.993854396874177, + "nauc_precision_at_1000_std": 17.445629474196448, + "nauc_precision_at_100_diff1": -0.4825948747911606, + "nauc_precision_at_100_max": 35.834638448782954, + "nauc_precision_at_100_std": 16.82718796079511, + "nauc_precision_at_10_diff1": 8.285949866268147, + "nauc_precision_at_10_max": 45.3292519726866, + "nauc_precision_at_10_std": 4.5574850748441555, + "nauc_precision_at_1_diff1": 42.95339241383707, + "nauc_precision_at_1_max": 40.62982307619158, + "nauc_precision_at_1_std": -10.429597045942748, + "nauc_precision_at_20_diff1": 4.890590733611442, + "nauc_precision_at_20_max": 41.83051757078859, + "nauc_precision_at_20_std": 9.197347125630467, + "nauc_precision_at_3_diff1": 17.79940075411976, + "nauc_precision_at_3_max": 45.224103632426946, + "nauc_precision_at_3_std": -5.017203435609909, + "nauc_precision_at_5_diff1": 13.548063145911929, + "nauc_precision_at_5_max": 46.84837547409909, + "nauc_precision_at_5_std": -0.8925939386354484, + "nauc_recall_at_1000_diff1": 74.48441717138078, + "nauc_recall_at_1000_max": 74.66717137705027, + "nauc_recall_at_1000_std": 0.24030117471512125, + "nauc_recall_at_100_diff1": 22.553777341988656, + "nauc_recall_at_100_max": 31.67861029246527, + "nauc_recall_at_100_std": 0.2707450517253687, + "nauc_recall_at_10_diff1": 28.490866614443235, + "nauc_recall_at_10_max": 31.722970141434352, + "nauc_recall_at_10_std": -21.97893365028007, + "nauc_recall_at_1_diff1": 42.705087329207984, + "nauc_recall_at_1_max": 12.047671550242974, + "nauc_recall_at_1_std": -17.156030827065834, + "nauc_recall_at_20_diff1": 27.44043454173112, + "nauc_recall_at_20_max": 31.454281772040716, + "nauc_recall_at_20_std": -20.1735695305415, + "nauc_recall_at_3_diff1": 34.08447534706394, + "nauc_recall_at_3_max": 21.793973773840865, + "nauc_recall_at_3_std": -22.753978372378906, + "nauc_recall_at_5_diff1": 33.59686526199479, + "nauc_recall_at_5_max": 29.188889073761302, + "nauc_recall_at_5_std": -21.96156333744562, + "ndcg_at_1": 46.861999999999995, + "ndcg_at_10": 54.888000000000005, + "ndcg_at_100": 61.477000000000004, + "ndcg_at_1000": 62.768, + "ndcg_at_20": 57.812, + "ndcg_at_3": 48.721, + "ndcg_at_5": 50.282000000000004, + "precision_at_1": 46.861999999999995, + "precision_at_10": 15.167, + "precision_at_100": 2.072, + "precision_at_1000": 0.22499999999999998, + "precision_at_20": 8.672, + "precision_at_3": 33.066, + "precision_at_5": 24.726, + "recall_at_1": 26.079, + "recall_at_10": 66.095, + "recall_at_100": 91.65299999999999, + "recall_at_1000": 99.83999999999999, + "recall_at_20": 75.28, + "recall_at_3": 46.874, + "recall_at_5": 55.062 + }, + { + "hf_subset": "pol-eng", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "main_score": 50.831, + "map_at_1": 25.549, + "map_at_10": 44.432, + "map_at_100": 46.431, + "map_at_1000": 46.525, + "map_at_20": 45.595, + "map_at_3": 38.574000000000005, + "map_at_5": 42.266999999999996, + "mrr_at_1": 43.5006435006435, + "mrr_at_10": 51.561255132683684, + "mrr_at_100": 52.59912482635216, + "mrr_at_1000": 52.631337587043056, + "mrr_at_20": 52.23234440063273, + "mrr_at_3": 48.97039897039895, + "mrr_at_5": 50.31531531531527, + "nauc_map_at_1000_diff1": 35.907901295900174, + "nauc_map_at_1000_max": 24.573763602041687, + "nauc_map_at_1000_std": -29.524077960309313, + "nauc_map_at_100_diff1": 35.86869121827827, + "nauc_map_at_100_max": 24.532343818487494, + "nauc_map_at_100_std": -29.613979124488864, + "nauc_map_at_10_diff1": 35.90171794022391, + "nauc_map_at_10_max": 23.90914892943268, + "nauc_map_at_10_std": -30.43698820061533, + "nauc_map_at_1_diff1": 50.80313333312038, + "nauc_map_at_1_max": 16.649890421888156, + "nauc_map_at_1_std": -22.323989416471683, + "nauc_map_at_20_diff1": 35.77755470212964, + "nauc_map_at_20_max": 24.199895270297034, + "nauc_map_at_20_std": -30.223411960170647, + "nauc_map_at_3_diff1": 38.964124882315936, + "nauc_map_at_3_max": 21.187432510177167, + "nauc_map_at_3_std": -28.976663506389887, + "nauc_map_at_5_diff1": 36.04644236616672, + "nauc_map_at_5_max": 23.501186429317094, + "nauc_map_at_5_std": -30.068144596060748, + "nauc_mrr_at_1000_diff1": 41.36555452105447, + "nauc_mrr_at_1000_max": 26.376799280402867, + "nauc_mrr_at_1000_std": -30.008603028757424, + "nauc_mrr_at_100_diff1": 41.35523965220727, + "nauc_mrr_at_100_max": 26.402612115967706, + "nauc_mrr_at_100_std": -29.991754627128024, + "nauc_mrr_at_10_diff1": 41.001395127259315, + "nauc_mrr_at_10_max": 26.104860505051384, + "nauc_mrr_at_10_std": -30.38420449487516, + "nauc_mrr_at_1_diff1": 44.882846373248206, + "nauc_mrr_at_1_max": 26.61905322890808, + "nauc_mrr_at_1_std": -28.724565662206153, + "nauc_mrr_at_20_diff1": 41.278009142648834, + "nauc_mrr_at_20_max": 26.284565529087295, + "nauc_mrr_at_20_std": -30.19549140549242, + "nauc_mrr_at_3_diff1": 41.74663893951077, + "nauc_mrr_at_3_max": 26.263048464325884, + "nauc_mrr_at_3_std": -30.676733442965688, + "nauc_mrr_at_5_diff1": 41.11461477846568, + "nauc_mrr_at_5_max": 25.94713927964926, + "nauc_mrr_at_5_std": -30.317066480767817, + "nauc_ndcg_at_1000_diff1": 36.34161052445199, + "nauc_ndcg_at_1000_max": 26.321036033696206, + "nauc_ndcg_at_1000_std": -27.59146917115399, + "nauc_ndcg_at_100_diff1": 35.66557800007035, + "nauc_ndcg_at_100_max": 26.282211208336136, + "nauc_ndcg_at_100_std": -27.905634124461333, + "nauc_ndcg_at_10_diff1": 35.34872687407275, + "nauc_ndcg_at_10_max": 24.018561915792272, + "nauc_ndcg_at_10_std": -31.57712772869015, + "nauc_ndcg_at_1_diff1": 44.882846373248206, + "nauc_ndcg_at_1_max": 26.865602442152554, + "nauc_ndcg_at_1_std": -28.509295454329152, + "nauc_ndcg_at_20_diff1": 35.46177768045546, + "nauc_ndcg_at_20_max": 24.921273675141542, + "nauc_ndcg_at_20_std": -30.84348812979793, + "nauc_ndcg_at_3_diff1": 36.84688489063923, + "nauc_ndcg_at_3_max": 24.088513229463736, + "nauc_ndcg_at_3_std": -30.05640995379297, + "nauc_ndcg_at_5_diff1": 35.623143276796185, + "nauc_ndcg_at_5_max": 23.76654250474061, + "nauc_ndcg_at_5_std": -30.87847710074466, + "nauc_precision_at_1000_diff1": -16.270532533886932, + "nauc_precision_at_1000_max": 17.37365042394671, + "nauc_precision_at_1000_std": 16.27166715693082, + "nauc_precision_at_100_diff1": -13.175264889436313, + "nauc_precision_at_100_max": 19.488571046893963, + "nauc_precision_at_100_std": 9.055429698007798, + "nauc_precision_at_10_diff1": 0.6806938753592942, + "nauc_precision_at_10_max": 21.933083960522616, + "nauc_precision_at_10_std": -18.2147036942157, + "nauc_precision_at_1_diff1": 44.882846373248206, + "nauc_precision_at_1_max": 26.865602442152554, + "nauc_precision_at_1_std": -28.509295454329152, + "nauc_precision_at_20_diff1": -4.318119150162302, + "nauc_precision_at_20_max": 21.089702301041687, + "nauc_precision_at_20_std": -10.333077681479546, + "nauc_precision_at_3_diff1": 11.496076462671107, + "nauc_precision_at_3_max": 23.018301549827008, + "nauc_precision_at_3_std": -23.98652995416454, + "nauc_precision_at_5_diff1": 4.271050668117355, + "nauc_precision_at_5_max": 23.61051327966779, + "nauc_precision_at_5_std": -21.557618503107847, + "nauc_recall_at_1000_diff1": 62.23955911850697, + "nauc_recall_at_1000_max": 83.20491723365542, + "nauc_recall_at_1000_std": 66.5173462601958, + "nauc_recall_at_100_diff1": 20.503778602988177, + "nauc_recall_at_100_max": 29.379026288767506, + "nauc_recall_at_100_std": -16.139120874540573, + "nauc_recall_at_10_diff1": 27.659110249896557, + "nauc_recall_at_10_max": 19.69557968026332, + "nauc_recall_at_10_std": -33.95657132767551, + "nauc_recall_at_1_diff1": 50.80313333312038, + "nauc_recall_at_1_max": 16.649890421888156, + "nauc_recall_at_1_std": -22.323989416471683, + "nauc_recall_at_20_diff1": 27.084453724565176, + "nauc_recall_at_20_max": 21.40080632474994, + "nauc_recall_at_20_std": -32.83683639340239, + "nauc_recall_at_3_diff1": 34.32950941333572, + "nauc_recall_at_3_max": 18.55616615958199, + "nauc_recall_at_3_std": -30.375983327454076, + "nauc_recall_at_5_diff1": 29.44516734974564, + "nauc_recall_at_5_max": 20.630543534300312, + "nauc_recall_at_5_std": -31.30763062499127, + "ndcg_at_1": 43.501, + "ndcg_at_10": 50.831, + "ndcg_at_100": 58.17099999999999, + "ndcg_at_1000": 59.705, + "ndcg_at_20": 54.047999999999995, + "ndcg_at_3": 44.549, + "ndcg_at_5": 46.861000000000004, + "precision_at_1": 43.501, + "precision_at_10": 12.895999999999999, + "precision_at_100": 1.9, + "precision_at_1000": 0.21, + "precision_at_20": 7.593, + "precision_at_3": 29.215000000000003, + "precision_at_5": 21.57, + "recall_at_1": 25.549, + "recall_at_10": 61.795, + "recall_at_100": 90.019, + "recall_at_1000": 99.807, + "recall_at_20": 72.096, + "recall_at_3": 43.836999999999996, + "recall_at_5": 51.714000000000006 + }, + { + "hf_subset": "pol-pol", + "languages": [ + "pol-Latn", + "pol-Latn" + ], + "main_score": 53.70399999999999, + "map_at_1": 27.739000000000004, + "map_at_10": 47.469, + "map_at_100": 49.392, + "map_at_1000": 49.483, + "map_at_20": 48.646, + "map_at_3": 41.467, + "map_at_5": 45.467, + "mrr_at_1": 47.00636942675159, + "mrr_at_10": 54.63699322616519, + "mrr_at_100": 55.54525182833755, + "mrr_at_1000": 55.581331515356155, + "mrr_at_20": 55.22918377451415, + "mrr_at_3": 52.03821656050952, + "mrr_at_5": 53.38216560509549, + "nauc_map_at_1000_diff1": 45.03530825034854, + "nauc_map_at_1000_max": 34.22740272603397, + "nauc_map_at_1000_std": -30.428880484199244, + "nauc_map_at_100_diff1": 44.978704455592805, + "nauc_map_at_100_max": 34.20908357964765, + "nauc_map_at_100_std": -30.47325365059666, + "nauc_map_at_10_diff1": 44.9560579177672, + "nauc_map_at_10_max": 33.70097588985278, + "nauc_map_at_10_std": -31.205563222357885, + "nauc_map_at_1_diff1": 57.94711780881773, + "nauc_map_at_1_max": 21.60278071836319, + "nauc_map_at_1_std": -23.273741268035923, + "nauc_map_at_20_diff1": 44.97859054699532, + "nauc_map_at_20_max": 34.153729150181846, + "nauc_map_at_20_std": -30.97482545902907, + "nauc_map_at_3_diff1": 47.52016138686765, + "nauc_map_at_3_max": 30.176197065298417, + "nauc_map_at_3_std": -29.90628984041898, + "nauc_map_at_5_diff1": 45.36581638257985, + "nauc_map_at_5_max": 33.697200263698036, + "nauc_map_at_5_std": -31.165331120088453, + "nauc_mrr_at_1000_diff1": 53.32889526818364, + "nauc_mrr_at_1000_max": 36.104118340589736, + "nauc_mrr_at_1000_std": -31.321132494516984, + "nauc_mrr_at_100_diff1": 53.30695875258367, + "nauc_mrr_at_100_max": 36.114890079024455, + "nauc_mrr_at_100_std": -31.291749322117447, + "nauc_mrr_at_10_diff1": 53.189084772141435, + "nauc_mrr_at_10_max": 35.939061062282484, + "nauc_mrr_at_10_std": -31.502185884653645, + "nauc_mrr_at_1_diff1": 56.89368291041337, + "nauc_mrr_at_1_max": 36.07581125496313, + "nauc_mrr_at_1_std": -29.703764232519475, + "nauc_mrr_at_20_diff1": 53.23955737199497, + "nauc_mrr_at_20_max": 36.068824838215676, + "nauc_mrr_at_20_std": -31.420039428197594, + "nauc_mrr_at_3_diff1": 53.74385074861207, + "nauc_mrr_at_3_max": 35.57054587735015, + "nauc_mrr_at_3_std": -32.356894834537684, + "nauc_mrr_at_5_diff1": 53.66669556981826, + "nauc_mrr_at_5_max": 36.02102289605049, + "nauc_mrr_at_5_std": -32.030437067359124, + "nauc_ndcg_at_1000_diff1": 46.34900536768847, + "nauc_ndcg_at_1000_max": 35.6314995837715, + "nauc_ndcg_at_1000_std": -28.965103958822624, + "nauc_ndcg_at_100_diff1": 45.1587893788861, + "nauc_ndcg_at_100_max": 35.62430753595297, + "nauc_ndcg_at_100_std": -28.77303405812772, + "nauc_ndcg_at_10_diff1": 44.928781590765965, + "nauc_ndcg_at_10_max": 34.315200006430366, + "nauc_ndcg_at_10_std": -32.05164097076614, + "nauc_ndcg_at_1_diff1": 57.228262350455125, + "nauc_ndcg_at_1_max": 35.645285703387366, + "nauc_ndcg_at_1_std": -29.893553821348718, + "nauc_ndcg_at_20_diff1": 44.959903633039865, + "nauc_ndcg_at_20_max": 35.493022926282755, + "nauc_ndcg_at_20_std": -31.54989291850644, + "nauc_ndcg_at_3_diff1": 46.65266185996905, + "nauc_ndcg_at_3_max": 33.74458119579594, + "nauc_ndcg_at_3_std": -31.493683304534176, + "nauc_ndcg_at_5_diff1": 46.08707037187612, + "nauc_ndcg_at_5_max": 34.7401426055243, + "nauc_ndcg_at_5_std": -32.44390676345172, + "nauc_precision_at_1000_diff1": -12.11355300492561, + "nauc_precision_at_1000_max": 14.490738062121233, + "nauc_precision_at_1000_std": 14.448811005059097, + "nauc_precision_at_100_diff1": -9.742085657181239, + "nauc_precision_at_100_max": 18.030305489251223, + "nauc_precision_at_100_std": 8.213089709529765, + "nauc_precision_at_10_diff1": 5.153466672774969, + "nauc_precision_at_10_max": 27.29412644661678, + "nauc_precision_at_10_std": -15.505053884112355, + "nauc_precision_at_1_diff1": 57.228262350455125, + "nauc_precision_at_1_max": 35.645285703387366, + "nauc_precision_at_1_std": -29.893553821348718, + "nauc_precision_at_20_diff1": -0.6812430761066635, + "nauc_precision_at_20_max": 25.81911286466295, + "nauc_precision_at_20_std": -8.388506222482595, + "nauc_precision_at_3_diff1": 18.263873866510576, + "nauc_precision_at_3_max": 30.879576105862345, + "nauc_precision_at_3_std": -24.0342929870108, + "nauc_precision_at_5_diff1": 10.9905804265327, + "nauc_precision_at_5_max": 30.88468087429045, + "nauc_precision_at_5_std": -20.458684056213507, + "nauc_recall_at_1000_diff1": -64.887668417171, + "nauc_recall_at_1000_max": 52.25501730358092, + "nauc_recall_at_1000_std": 85.13647916200132, + "nauc_recall_at_100_diff1": 18.956777346127655, + "nauc_recall_at_100_max": 36.10473493564588, + "nauc_recall_at_100_std": -10.007474558899949, + "nauc_recall_at_10_diff1": 33.810344497568046, + "nauc_recall_at_10_max": 31.395430183214245, + "nauc_recall_at_10_std": -33.12920524433795, + "nauc_recall_at_1_diff1": 57.94711780881773, + "nauc_recall_at_1_max": 21.60278071836319, + "nauc_recall_at_1_std": -23.273741268035923, + "nauc_recall_at_20_diff1": 31.449657437065397, + "nauc_recall_at_20_max": 34.519574934321945, + "nauc_recall_at_20_std": -33.43406862055647, + "nauc_recall_at_3_diff1": 42.07841848382365, + "nauc_recall_at_3_max": 28.7648772833266, + "nauc_recall_at_3_std": -31.56367736320086, + "nauc_recall_at_5_diff1": 39.21392858246301, + "nauc_recall_at_5_max": 34.28338202081927, + "nauc_recall_at_5_std": -33.725680523721906, + "ndcg_at_1": 46.879, + "ndcg_at_10": 53.70399999999999, + "ndcg_at_100": 60.532, + "ndcg_at_1000": 61.997, + "ndcg_at_20": 56.818999999999996, + "ndcg_at_3": 47.441, + "ndcg_at_5": 49.936, + "precision_at_1": 46.879, + "precision_at_10": 13.376, + "precision_at_100": 1.8980000000000001, + "precision_at_1000": 0.208, + "precision_at_20": 7.771, + "precision_at_3": 30.658, + "precision_at_5": 22.828, + "recall_at_1": 27.739000000000004, + "recall_at_10": 64.197, + "recall_at_100": 90.54100000000001, + "recall_at_1000": 99.90400000000001, + "recall_at_20": 74.178, + "recall_at_3": 46.312, + "recall_at_5": 54.581999999999994 + }, + { + "hf_subset": "cmn-eng", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "main_score": 64.64, + "map_at_1": 35.858000000000004, + "map_at_10": 58.547000000000004, + "map_at_100": 60.108, + "map_at_1000": 60.153999999999996, + "map_at_20": 59.528000000000006, + "map_at_3": 51.578, + "map_at_5": 56.206999999999994, + "mrr_at_1": 56.95121951219512, + "mrr_at_10": 64.93975029036001, + "mrr_at_100": 65.63357055718294, + "mrr_at_1000": 65.64844109026834, + "mrr_at_20": 65.41280668715439, + "mrr_at_3": 62.68292682926826, + "mrr_at_5": 64.1585365853658, + "nauc_map_at_1000_diff1": 45.82740870907091, + "nauc_map_at_1000_max": 21.9696540066807, + "nauc_map_at_1000_std": -32.028262356639495, + "nauc_map_at_100_diff1": 45.802053117616396, + "nauc_map_at_100_max": 21.946002070290966, + "nauc_map_at_100_std": -32.06190418866229, + "nauc_map_at_10_diff1": 46.017774155748945, + "nauc_map_at_10_max": 21.876909086095544, + "nauc_map_at_10_std": -32.13913568843985, + "nauc_map_at_1_diff1": 56.34671160956164, + "nauc_map_at_1_max": 17.6796949796236, + "nauc_map_at_1_std": -13.741140688066045, + "nauc_map_at_20_diff1": 46.027469176858716, + "nauc_map_at_20_max": 21.80738432042703, + "nauc_map_at_20_std": -32.430379634015395, + "nauc_map_at_3_diff1": 48.40096725254027, + "nauc_map_at_3_max": 21.15442803574233, + "nauc_map_at_3_std": -26.205850292181417, + "nauc_map_at_5_diff1": 45.77800041356389, + "nauc_map_at_5_max": 22.11718771798752, + "nauc_map_at_5_std": -30.32876338031471, + "nauc_mrr_at_1000_diff1": 49.748274798877944, + "nauc_mrr_at_1000_max": 24.547774167219906, + "nauc_mrr_at_1000_std": -32.728447209433504, + "nauc_mrr_at_100_diff1": 49.734549290377856, + "nauc_mrr_at_100_max": 24.536933315055222, + "nauc_mrr_at_100_std": -32.74076335880697, + "nauc_mrr_at_10_diff1": 49.82827711456392, + "nauc_mrr_at_10_max": 24.536773657485075, + "nauc_mrr_at_10_std": -33.05707547166962, + "nauc_mrr_at_1_diff1": 51.954289992321044, + "nauc_mrr_at_1_max": 26.336255074856886, + "nauc_mrr_at_1_std": -29.042962019692446, + "nauc_mrr_at_20_diff1": 49.70938465628863, + "nauc_mrr_at_20_max": 24.433219849576947, + "nauc_mrr_at_20_std": -32.94123791846049, + "nauc_mrr_at_3_diff1": 50.289486880347134, + "nauc_mrr_at_3_max": 24.978796972860142, + "nauc_mrr_at_3_std": -32.11305594784892, + "nauc_mrr_at_5_diff1": 49.95013396316144, + "nauc_mrr_at_5_max": 24.514452761198303, + "nauc_mrr_at_5_std": -32.865859962984146, + "nauc_ndcg_at_1000_diff1": 45.73806489233998, + "nauc_ndcg_at_1000_max": 22.404941391043867, + "nauc_ndcg_at_1000_std": -33.063445720849685, + "nauc_ndcg_at_100_diff1": 45.1046206923062, + "nauc_ndcg_at_100_max": 22.081133719684658, + "nauc_ndcg_at_100_std": -33.299291459450146, + "nauc_ndcg_at_10_diff1": 46.140608688357496, + "nauc_ndcg_at_10_max": 21.442489279388916, + "nauc_ndcg_at_10_std": -35.115870342856006, + "nauc_ndcg_at_1_diff1": 51.954289992321044, + "nauc_ndcg_at_1_max": 26.336255074856886, + "nauc_ndcg_at_1_std": -29.042962019692446, + "nauc_ndcg_at_20_diff1": 45.966784725457046, + "nauc_ndcg_at_20_max": 21.166632858613145, + "nauc_ndcg_at_20_std": -35.65112890375392, + "nauc_ndcg_at_3_diff1": 46.7404863978999, + "nauc_ndcg_at_3_max": 22.701743709129456, + "nauc_ndcg_at_3_std": -30.907633466983192, + "nauc_ndcg_at_5_diff1": 45.86487199083486, + "nauc_ndcg_at_5_max": 22.088804840002513, + "nauc_ndcg_at_5_std": -32.3853481632832, + "nauc_precision_at_1000_diff1": -25.69710612774455, + "nauc_precision_at_1000_max": 1.3964400247388091, + "nauc_precision_at_1000_std": -8.873947511634814, + "nauc_precision_at_100_diff1": -24.013497191077978, + "nauc_precision_at_100_max": 2.0197725715909343, + "nauc_precision_at_100_std": -11.387423148770633, + "nauc_precision_at_10_diff1": -6.47728645242781, + "nauc_precision_at_10_max": 6.815261443768304, + "nauc_precision_at_10_std": -26.825062292855943, + "nauc_precision_at_1_diff1": 51.954289992321044, + "nauc_precision_at_1_max": 26.336255074856886, + "nauc_precision_at_1_std": -29.042962019692446, + "nauc_precision_at_20_diff1": -12.355232044747511, + "nauc_precision_at_20_max": 4.022126850949725, + "nauc_precision_at_20_std": -23.688935769326772, + "nauc_precision_at_3_diff1": 7.662671665835864, + "nauc_precision_at_3_max": 14.372394760986248, + "nauc_precision_at_3_std": -28.635125665532453, + "nauc_precision_at_5_diff1": -1.4592476425511611, + "nauc_precision_at_5_max": 11.124310161474174, + "nauc_precision_at_5_std": -27.89526669318053, + "nauc_recall_at_1000_diff1": -19.58450046684932, + "nauc_recall_at_1000_max": 70.71661998133165, + "nauc_recall_at_1000_std": 93.05555555556315, + "nauc_recall_at_100_diff1": 15.06356457571853, + "nauc_recall_at_100_max": 14.051414749344806, + "nauc_recall_at_100_std": -29.461874235153008, + "nauc_recall_at_10_diff1": 41.29842726117901, + "nauc_recall_at_10_max": 15.768699673830898, + "nauc_recall_at_10_std": -42.11585661287712, + "nauc_recall_at_1_diff1": 56.34671160956164, + "nauc_recall_at_1_max": 17.6796949796236, + "nauc_recall_at_1_std": -13.741140688066045, + "nauc_recall_at_20_diff1": 38.8078283585263, + "nauc_recall_at_20_max": 12.06816084005326, + "nauc_recall_at_20_std": -48.20956170056591, + "nauc_recall_at_3_diff1": 44.71028758038993, + "nauc_recall_at_3_max": 19.1059093689162, + "nauc_recall_at_3_std": -26.795164453784253, + "nauc_recall_at_5_diff1": 41.06320797773054, + "nauc_recall_at_5_max": 19.117028272530998, + "nauc_recall_at_5_std": -33.985747504612156, + "ndcg_at_1": 56.95099999999999, + "ndcg_at_10": 64.64, + "ndcg_at_100": 70.017, + "ndcg_at_1000": 70.662, + "ndcg_at_20": 67.256, + "ndcg_at_3": 58.269000000000005, + "ndcg_at_5": 60.94199999999999, + "precision_at_1": 56.95099999999999, + "precision_at_10": 15.671, + "precision_at_100": 2.002, + "precision_at_1000": 0.208, + "precision_at_20": 8.689, + "precision_at_3": 36.341, + "precision_at_5": 26.854, + "recall_at_1": 35.858000000000004, + "recall_at_10": 75.02, + "recall_at_100": 95.76, + "recall_at_1000": 99.837, + "recall_at_20": 83.732, + "recall_at_3": 57.093, + "recall_at_5": 66.193 + }, + { + "hf_subset": "cmn-cmn", + "languages": [ + "cmn-Hans", + "cmn-Hans" + ], + "main_score": 69.446, + "map_at_1": 39.995999999999995, + "map_at_10": 64.033, + "map_at_100": 65.51599999999999, + "map_at_1000": 65.545, + "map_at_20": 64.958, + "map_at_3": 57.767, + "map_at_5": 61.998, + "mrr_at_1": 63.3495145631068, + "mrr_at_10": 70.21146363075978, + "mrr_at_100": 70.82810974202124, + "mrr_at_1000": 70.83816803303915, + "mrr_at_20": 70.60140248428802, + "mrr_at_3": 68.66909385113267, + "mrr_at_5": 69.56108414239482, + "nauc_map_at_1000_diff1": 51.649897072831465, + "nauc_map_at_1000_max": 38.25222728655331, + "nauc_map_at_1000_std": -39.10327919949334, + "nauc_map_at_100_diff1": 51.644205886401465, + "nauc_map_at_100_max": 38.23611154355255, + "nauc_map_at_100_std": -39.1677073977285, + "nauc_map_at_10_diff1": 51.81444145636039, + "nauc_map_at_10_max": 38.03382104326485, + "nauc_map_at_10_std": -38.999395639812015, + "nauc_map_at_1_diff1": 59.785298201044704, + "nauc_map_at_1_max": 23.273537759937785, + "nauc_map_at_1_std": -17.838712689290194, + "nauc_map_at_20_diff1": 51.680208795601004, + "nauc_map_at_20_max": 38.23334583518634, + "nauc_map_at_20_std": -39.24344495939061, + "nauc_map_at_3_diff1": 52.180913298194056, + "nauc_map_at_3_max": 33.45482478000481, + "nauc_map_at_3_std": -31.682911030586297, + "nauc_map_at_5_diff1": 50.804900676175436, + "nauc_map_at_5_max": 37.68924816012326, + "nauc_map_at_5_std": -36.85016896616712, + "nauc_mrr_at_1000_diff1": 56.371477471577535, + "nauc_mrr_at_1000_max": 42.773877962050086, + "nauc_mrr_at_1000_std": -40.41765081873682, + "nauc_mrr_at_100_diff1": 56.3619751528192, + "nauc_mrr_at_100_max": 42.76298794859916, + "nauc_mrr_at_100_std": -40.44070582448831, + "nauc_mrr_at_10_diff1": 56.33810523477712, + "nauc_mrr_at_10_max": 42.76591937795783, + "nauc_mrr_at_10_std": -40.69339583030244, + "nauc_mrr_at_1_diff1": 58.90399906884378, + "nauc_mrr_at_1_max": 43.38806571165292, + "nauc_mrr_at_1_std": -38.224015285584, + "nauc_mrr_at_20_diff1": 56.32629070537032, + "nauc_mrr_at_20_max": 42.79615263472604, + "nauc_mrr_at_20_std": -40.496777397603076, + "nauc_mrr_at_3_diff1": 55.96989454480743, + "nauc_mrr_at_3_max": 42.49832220744744, + "nauc_mrr_at_3_std": -39.883799467132384, + "nauc_mrr_at_5_diff1": 56.003080766475755, + "nauc_mrr_at_5_max": 42.73308051011805, + "nauc_mrr_at_5_std": -39.87179511166683, + "nauc_ndcg_at_1000_diff1": 52.49054229225255, + "nauc_ndcg_at_1000_max": 39.61644750719859, + "nauc_ndcg_at_1000_std": -40.89845763194674, + "nauc_ndcg_at_100_diff1": 52.33511250864434, + "nauc_ndcg_at_100_max": 39.25530146124452, + "nauc_ndcg_at_100_std": -41.92444498004374, + "nauc_ndcg_at_10_diff1": 52.62031505931842, + "nauc_ndcg_at_10_max": 38.667195545396766, + "nauc_ndcg_at_10_std": -42.59503924641507, + "nauc_ndcg_at_1_diff1": 58.90399906884378, + "nauc_ndcg_at_1_max": 43.38806571165292, + "nauc_ndcg_at_1_std": -38.224015285584, + "nauc_ndcg_at_20_diff1": 52.15061629809436, + "nauc_ndcg_at_20_max": 39.09332400054708, + "nauc_ndcg_at_20_std": -42.80018671618001, + "nauc_ndcg_at_3_diff1": 51.04210728138207, + "nauc_ndcg_at_3_max": 38.19034802567046, + "nauc_ndcg_at_3_std": -38.179821090765216, + "nauc_ndcg_at_5_diff1": 51.04399574045204, + "nauc_ndcg_at_5_max": 38.42492210204548, + "nauc_ndcg_at_5_std": -38.868073241617715, + "nauc_precision_at_1000_diff1": -25.151369907213734, + "nauc_precision_at_1000_max": 9.012549147054989, + "nauc_precision_at_1000_std": -9.319786589947698, + "nauc_precision_at_100_diff1": -23.20945211843088, + "nauc_precision_at_100_max": 9.860701593969862, + "nauc_precision_at_100_std": -13.073877818347231, + "nauc_precision_at_10_diff1": -6.970781124246847, + "nauc_precision_at_10_max": 19.392675322254487, + "nauc_precision_at_10_std": -26.74943490717657, + "nauc_precision_at_1_diff1": 58.90399906884378, + "nauc_precision_at_1_max": 43.38806571165292, + "nauc_precision_at_1_std": -38.224015285584, + "nauc_precision_at_20_diff1": -13.046456108081102, + "nauc_precision_at_20_max": 15.69439950383875, + "nauc_precision_at_20_std": -23.836004512018093, + "nauc_precision_at_3_diff1": 3.5444232965528846, + "nauc_precision_at_3_max": 27.08858445453865, + "nauc_precision_at_3_std": -29.12757283665593, + "nauc_precision_at_5_diff1": -3.6853986353320267, + "nauc_precision_at_5_max": 24.32059689571271, + "nauc_precision_at_5_std": -27.46188072134163, + "nauc_recall_at_1000_diff1": 86.93515141907919, + "nauc_recall_at_1000_max": 100.0, + "nauc_recall_at_1000_std": 100.0, + "nauc_recall_at_100_diff1": 39.7052887613879, + "nauc_recall_at_100_max": 18.40943977796887, + "nauc_recall_at_100_std": -88.74014854144974, + "nauc_recall_at_10_diff1": 48.85342500870892, + "nauc_recall_at_10_max": 32.69617204234419, + "nauc_recall_at_10_std": -51.9937231860804, + "nauc_recall_at_1_diff1": 59.785298201044704, + "nauc_recall_at_1_max": 23.273537759937785, + "nauc_recall_at_1_std": -17.838712689290194, + "nauc_recall_at_20_diff1": 45.40839773314378, + "nauc_recall_at_20_max": 33.02458321493215, + "nauc_recall_at_20_std": -55.97800739448166, + "nauc_recall_at_3_diff1": 47.05565693416531, + "nauc_recall_at_3_max": 28.743850400344297, + "nauc_recall_at_3_std": -32.436470486397475, + "nauc_recall_at_5_diff1": 45.30223758669577, + "nauc_recall_at_5_max": 33.6567274747059, + "nauc_recall_at_5_std": -39.946712017948514, + "ndcg_at_1": 63.349999999999994, + "ndcg_at_10": 69.446, + "ndcg_at_100": 74.439, + "ndcg_at_1000": 74.834, + "ndcg_at_20": 71.763, + "ndcg_at_3": 64.752, + "ndcg_at_5": 66.316, + "precision_at_1": 63.349999999999994, + "precision_at_10": 16.286, + "precision_at_100": 2.024, + "precision_at_1000": 0.207, + "precision_at_20": 8.908000000000001, + "precision_at_3": 40.655, + "precision_at_5": 28.859, + "recall_at_1": 39.995999999999995, + "recall_at_10": 78.107, + "recall_at_100": 97.538, + "recall_at_1000": 99.96000000000001, + "recall_at_20": 85.72, + "recall_at_3": 63.291, + "recall_at_5": 70.625 + }, + { + "hf_subset": "spa-eng", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "main_score": 68.258, + "map_at_1": 33.06, + "map_at_10": 61.590999999999994, + "map_at_100": 63.341, + "map_at_1000": 63.385999999999996, + "map_at_20": 62.77700000000001, + "map_at_3": 52.547999999999995, + "map_at_5": 58.824, + "mrr_at_1": 63.80832282471627, + "mrr_at_10": 70.76848015372607, + "mrr_at_100": 71.33996704518061, + "mrr_at_1000": 71.35368444388072, + "mrr_at_20": 71.18191741103522, + "mrr_at_3": 68.83144178226142, + "mrr_at_5": 69.88440521227405, + "nauc_map_at_1000_diff1": 41.59255746310511, + "nauc_map_at_1000_max": 42.064075373358065, + "nauc_map_at_1000_std": -25.130730194381723, + "nauc_map_at_100_diff1": 41.56447648820406, + "nauc_map_at_100_max": 42.06711634651607, + "nauc_map_at_100_std": -25.14871585556968, + "nauc_map_at_10_diff1": 41.28968387107058, + "nauc_map_at_10_max": 41.511538272139774, + "nauc_map_at_10_std": -25.99906440164276, + "nauc_map_at_1_diff1": 51.09859596320021, + "nauc_map_at_1_max": 12.406789321338222, + "nauc_map_at_1_std": -18.227486548655076, + "nauc_map_at_20_diff1": 41.39469672947315, + "nauc_map_at_20_max": 41.98309315808902, + "nauc_map_at_20_std": -25.44704720985219, + "nauc_map_at_3_diff1": 43.16164995512842, + "nauc_map_at_3_max": 30.935400935562818, + "nauc_map_at_3_std": -23.53095555148866, + "nauc_map_at_5_diff1": 41.23474352142375, + "nauc_map_at_5_max": 39.03088859147947, + "nauc_map_at_5_std": -26.046526443708366, + "nauc_mrr_at_1000_diff1": 51.79649678213789, + "nauc_mrr_at_1000_max": 50.50340748045259, + "nauc_mrr_at_1000_std": -24.777183703493407, + "nauc_mrr_at_100_diff1": 51.78609028166551, + "nauc_mrr_at_100_max": 50.51732896833555, + "nauc_mrr_at_100_std": -24.760054686874717, + "nauc_mrr_at_10_diff1": 51.705268395036995, + "nauc_mrr_at_10_max": 50.35818415293149, + "nauc_mrr_at_10_std": -25.170367120250404, + "nauc_mrr_at_1_diff1": 53.91475115581825, + "nauc_mrr_at_1_max": 49.122529616282016, + "nauc_mrr_at_1_std": -22.377647552937155, + "nauc_mrr_at_20_diff1": 51.778984221197774, + "nauc_mrr_at_20_max": 50.5070957827813, + "nauc_mrr_at_20_std": -24.908935023607285, + "nauc_mrr_at_3_diff1": 51.82683773090423, + "nauc_mrr_at_3_max": 50.77993196421369, + "nauc_mrr_at_3_std": -24.3925832021831, + "nauc_mrr_at_5_diff1": 51.722232683543034, + "nauc_mrr_at_5_max": 50.334865493961864, + "nauc_mrr_at_5_std": -25.513593495703297, + "nauc_ndcg_at_1000_diff1": 44.21851582991263, + "nauc_ndcg_at_1000_max": 45.73539068637836, + "nauc_ndcg_at_1000_std": -24.716522467580397, + "nauc_ndcg_at_100_diff1": 43.8002401615357, + "nauc_ndcg_at_100_max": 45.801409410061915, + "nauc_ndcg_at_100_std": -24.73171742499903, + "nauc_ndcg_at_10_diff1": 42.540922778755885, + "nauc_ndcg_at_10_max": 44.348836943874595, + "nauc_ndcg_at_10_std": -28.05403666494785, + "nauc_ndcg_at_1_diff1": 53.91475115581825, + "nauc_ndcg_at_1_max": 49.122529616282016, + "nauc_ndcg_at_1_std": -22.377647552937155, + "nauc_ndcg_at_20_diff1": 43.10347921163421, + "nauc_ndcg_at_20_max": 45.53253270265022, + "nauc_ndcg_at_20_std": -26.63902791862846, + "nauc_ndcg_at_3_diff1": 42.41720274782384, + "nauc_ndcg_at_3_max": 42.91778219334943, + "nauc_ndcg_at_3_std": -24.793252033594076, + "nauc_ndcg_at_5_diff1": 42.51515034945093, + "nauc_ndcg_at_5_max": 41.62080576508792, + "nauc_ndcg_at_5_std": -28.209669314955065, + "nauc_precision_at_1000_diff1": -14.89794075433148, + "nauc_precision_at_1000_max": 27.85387929356412, + "nauc_precision_at_1000_std": 10.728618597190849, + "nauc_precision_at_100_diff1": -13.075270046295856, + "nauc_precision_at_100_max": 29.77208946756632, + "nauc_precision_at_100_std": 8.491662697326039, + "nauc_precision_at_10_diff1": -4.0826025188781205, + "nauc_precision_at_10_max": 39.04278085180075, + "nauc_precision_at_10_std": -5.925408651372333, + "nauc_precision_at_1_diff1": 53.91475115581825, + "nauc_precision_at_1_max": 49.122529616282016, + "nauc_precision_at_1_std": -22.377647552937155, + "nauc_precision_at_20_diff1": -7.93186440645135, + "nauc_precision_at_20_max": 35.81281308891365, + "nauc_precision_at_20_std": 0.1241277857515697, + "nauc_precision_at_3_diff1": 7.563562511484409, + "nauc_precision_at_3_max": 43.43738862378524, + "nauc_precision_at_3_std": -11.958059731912615, + "nauc_precision_at_5_diff1": -0.1801152449011624, + "nauc_precision_at_5_max": 41.32486715619513, + "nauc_precision_at_5_std": -10.088699021919552, + "nauc_recall_at_1000_diff1": 86.93359696819986, + "nauc_recall_at_1000_max": 100.0, + "nauc_recall_at_1000_std": 72.21843645604022, + "nauc_recall_at_100_diff1": 29.86050842714198, + "nauc_recall_at_100_max": 48.106658251136245, + "nauc_recall_at_100_std": -14.981886214880035, + "nauc_recall_at_10_diff1": 33.67119240737528, + "nauc_recall_at_10_max": 39.271984859561414, + "nauc_recall_at_10_std": -35.6434883839217, + "nauc_recall_at_1_diff1": 51.09859596320021, + "nauc_recall_at_1_max": 12.406789321338222, + "nauc_recall_at_1_std": -18.227486548655076, + "nauc_recall_at_20_diff1": 33.211979983240724, + "nauc_recall_at_20_max": 43.47676074743184, + "nauc_recall_at_20_std": -33.88107138395349, + "nauc_recall_at_3_diff1": 39.22513750146998, + "nauc_recall_at_3_max": 27.066674083840166, + "nauc_recall_at_3_std": -26.963282529629893, + "nauc_recall_at_5_diff1": 36.53718917129459, + "nauc_recall_at_5_max": 35.40550013169686, + "nauc_recall_at_5_std": -34.209159379410806, + "ndcg_at_1": 63.808, + "ndcg_at_10": 68.258, + "ndcg_at_100": 73.38799999999999, + "ndcg_at_1000": 74.03, + "ndcg_at_20": 70.968, + "ndcg_at_3": 62.33, + "ndcg_at_5": 64.096, + "precision_at_1": 63.808, + "precision_at_10": 19.243, + "precision_at_100": 2.367, + "precision_at_1000": 0.245, + "precision_at_20": 10.599, + "precision_at_3": 44.515, + "precision_at_5": 33.467999999999996, + "recall_at_1": 33.06, + "recall_at_10": 77.423, + "recall_at_100": 95.923, + "recall_at_1000": 99.874, + "recall_at_20": 85.782, + "recall_at_3": 57.098000000000006, + "recall_at_5": 67.472 + }, + { + "hf_subset": "spa-spa", + "languages": [ + "spa-Latn", + "spa-Latn" + ], + "main_score": 72.004, + "map_at_1": 36.248000000000005, + "map_at_10": 65.679, + "map_at_100": 67.22399999999999, + "map_at_1000": 67.264, + "map_at_20": 66.705, + "map_at_3": 56.455, + "map_at_5": 62.997, + "mrr_at_1": 67.71752837326608, + "mrr_at_10": 74.59782021257429, + "mrr_at_100": 75.0640960767943, + "mrr_at_1000": 75.07324799466076, + "mrr_at_20": 74.9323963386884, + "mrr_at_3": 72.95081967213115, + "mrr_at_5": 73.82723833543506, + "nauc_map_at_1000_diff1": 43.111810717567714, + "nauc_map_at_1000_max": 44.835247208972476, + "nauc_map_at_1000_std": -32.798405973931985, + "nauc_map_at_100_diff1": 43.090223482932764, + "nauc_map_at_100_max": 44.83392441557943, + "nauc_map_at_100_std": -32.81149166676563, + "nauc_map_at_10_diff1": 42.87841934951979, + "nauc_map_at_10_max": 43.9838653389494, + "nauc_map_at_10_std": -33.588084643627084, + "nauc_map_at_1_diff1": 54.509245848379095, + "nauc_map_at_1_max": 10.05921648322742, + "nauc_map_at_1_std": -24.652326014826762, + "nauc_map_at_20_diff1": 43.07468612984794, + "nauc_map_at_20_max": 44.75663122615032, + "nauc_map_at_20_std": -33.11788887878321, + "nauc_map_at_3_diff1": 44.63272828938906, + "nauc_map_at_3_max": 32.1584369869227, + "nauc_map_at_3_std": -30.761662210142944, + "nauc_map_at_5_diff1": 42.77296997803048, + "nauc_map_at_5_max": 41.78894616737652, + "nauc_map_at_5_std": -33.56459774477362, + "nauc_mrr_at_1000_diff1": 53.097544131833494, + "nauc_mrr_at_1000_max": 50.61134979184588, + "nauc_mrr_at_1000_std": -35.6221191487669, + "nauc_mrr_at_100_diff1": 53.096609856182106, + "nauc_mrr_at_100_max": 50.61951585642645, + "nauc_mrr_at_100_std": -35.62396157508327, + "nauc_mrr_at_10_diff1": 52.771534471912304, + "nauc_mrr_at_10_max": 50.430863224435726, + "nauc_mrr_at_10_std": -36.027992076620365, + "nauc_mrr_at_1_diff1": 55.05316238884337, + "nauc_mrr_at_1_max": 49.461858515275196, + "nauc_mrr_at_1_std": -31.87492636319712, + "nauc_mrr_at_20_diff1": 53.083253469629746, + "nauc_mrr_at_20_max": 50.62156424256193, + "nauc_mrr_at_20_std": -35.879153692447154, + "nauc_mrr_at_3_diff1": 52.98283109188415, + "nauc_mrr_at_3_max": 50.83561260429378, + "nauc_mrr_at_3_std": -35.30839538038797, + "nauc_mrr_at_5_diff1": 52.93270510879709, + "nauc_mrr_at_5_max": 50.54595596761199, + "nauc_mrr_at_5_std": -35.84059376434395, + "nauc_ndcg_at_1000_diff1": 45.343685089209416, + "nauc_ndcg_at_1000_max": 47.801141576669465, + "nauc_ndcg_at_1000_std": -33.512958862879195, + "nauc_ndcg_at_100_diff1": 45.255590461515894, + "nauc_ndcg_at_100_max": 47.99240031881967, + "nauc_ndcg_at_100_std": -33.614465006695205, + "nauc_ndcg_at_10_diff1": 43.93472511731019, + "nauc_ndcg_at_10_max": 45.92599752897053, + "nauc_ndcg_at_10_std": -36.43629114491574, + "nauc_ndcg_at_1_diff1": 55.05316238884337, + "nauc_ndcg_at_1_max": 49.461858515275196, + "nauc_ndcg_at_1_std": -31.87492636319712, + "nauc_ndcg_at_20_diff1": 44.93534591273201, + "nauc_ndcg_at_20_max": 47.55153940713458, + "nauc_ndcg_at_20_std": -35.56392448745206, + "nauc_ndcg_at_3_diff1": 43.17916122133396, + "nauc_ndcg_at_3_max": 45.603634205103276, + "nauc_ndcg_at_3_std": -32.473227507181214, + "nauc_ndcg_at_5_diff1": 44.10242961669216, + "nauc_ndcg_at_5_max": 43.61666669031808, + "nauc_ndcg_at_5_std": -35.98808321497782, + "nauc_precision_at_1000_diff1": -23.264714449991146, + "nauc_precision_at_1000_max": 28.505729576735465, + "nauc_precision_at_1000_std": 11.987379232920926, + "nauc_precision_at_100_diff1": -21.156119174614627, + "nauc_precision_at_100_max": 30.711646221646255, + "nauc_precision_at_100_std": 9.650486536340322, + "nauc_precision_at_10_diff1": -10.98001328477502, + "nauc_precision_at_10_max": 39.25638073760597, + "nauc_precision_at_10_std": -4.3456859257488, + "nauc_precision_at_1_diff1": 55.05316238884337, + "nauc_precision_at_1_max": 49.461858515275196, + "nauc_precision_at_1_std": -31.87492636319712, + "nauc_precision_at_20_diff1": -14.97565390664424, + "nauc_precision_at_20_max": 36.383835295942355, + "nauc_precision_at_20_std": 1.525158880381114, + "nauc_precision_at_3_diff1": 1.0448345623903483, + "nauc_precision_at_3_max": 45.69772060667404, + "nauc_precision_at_3_std": -13.002685018948293, + "nauc_precision_at_5_diff1": -5.434185597628904, + "nauc_precision_at_5_max": 42.99162431099203, + "nauc_precision_at_5_std": -9.789308817624534, + "nauc_recall_at_1000_diff1": 12.309303236094845, + "nauc_recall_at_1000_max": 100.0, + "nauc_recall_at_1000_std": 86.93359696819986, + "nauc_recall_at_100_diff1": 39.093544920901415, + "nauc_recall_at_100_max": 55.62814395062938, + "nauc_recall_at_100_std": -22.6919033301514, + "nauc_recall_at_10_diff1": 35.50100141633622, + "nauc_recall_at_10_max": 39.25750019586647, + "nauc_recall_at_10_std": -43.01273078031791, + "nauc_recall_at_1_diff1": 54.509245848379095, + "nauc_recall_at_1_max": 10.05921648322742, + "nauc_recall_at_1_std": -24.652326014826762, + "nauc_recall_at_20_diff1": 38.1281707132327, + "nauc_recall_at_20_max": 43.97950642900301, + "nauc_recall_at_20_std": -44.049952771307574, + "nauc_recall_at_3_diff1": 40.01986938242728, + "nauc_recall_at_3_max": 27.517114421061173, + "nauc_recall_at_3_std": -32.99056780232045, + "nauc_recall_at_5_diff1": 38.52035606499483, + "nauc_recall_at_5_max": 37.05834604678859, + "nauc_recall_at_5_std": -39.86196378897912, + "ndcg_at_1": 67.718, + "ndcg_at_10": 72.004, + "ndcg_at_100": 76.554, + "ndcg_at_1000": 77.07300000000001, + "ndcg_at_20": 74.37899999999999, + "ndcg_at_3": 66.379, + "ndcg_at_5": 68.082, + "precision_at_1": 67.718, + "precision_at_10": 19.849, + "precision_at_100": 2.3800000000000003, + "precision_at_1000": 0.245, + "precision_at_20": 10.813, + "precision_at_3": 46.574, + "precision_at_5": 34.83, + "recall_at_1": 36.248000000000005, + "recall_at_10": 80.252, + "recall_at_100": 96.73, + "recall_at_1000": 99.874, + "recall_at_20": 87.703, + "recall_at_3": 60.815, + "recall_at_5": 71.16 + }, + { + "hf_subset": "fra-eng", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "main_score": 73.729, + "map_at_1": 43.964999999999996, + "map_at_10": 67.803, + "map_at_100": 69.188, + "map_at_1000": 69.21000000000001, + "map_at_20": 68.747, + "map_at_3": 60.972, + "map_at_5": 65.39399999999999, + "mrr_at_1": 68.4913217623498, + "mrr_at_10": 75.2600822260368, + "mrr_at_100": 75.6599169808848, + "mrr_at_1000": 75.66720883727534, + "mrr_at_20": 75.52375865860405, + "mrr_at_3": 73.54250111259452, + "mrr_at_5": 74.51713395638626, + "nauc_map_at_1000_diff1": 46.81533703002097, + "nauc_map_at_1000_max": 46.30794757084772, + "nauc_map_at_1000_std": -14.953470500312335, + "nauc_map_at_100_diff1": 46.82464740277745, + "nauc_map_at_100_max": 46.32852879948254, + "nauc_map_at_100_std": -14.950035098066172, + "nauc_map_at_10_diff1": 46.31406143369831, + "nauc_map_at_10_max": 45.337593270786634, + "nauc_map_at_10_std": -16.011789445907876, + "nauc_map_at_1_diff1": 57.097134715065835, + "nauc_map_at_1_max": 21.93931500350721, + "nauc_map_at_1_std": -15.134457251301637, + "nauc_map_at_20_diff1": 46.47030891134173, + "nauc_map_at_20_max": 46.29169960276292, + "nauc_map_at_20_std": -15.14241106541829, + "nauc_map_at_3_diff1": 50.27064228648596, + "nauc_map_at_3_max": 39.43058773971639, + "nauc_map_at_3_std": -16.16545993089126, + "nauc_map_at_5_diff1": 46.974867679747426, + "nauc_map_at_5_max": 44.31091104855002, + "nauc_map_at_5_std": -16.50175337658926, + "nauc_mrr_at_1000_diff1": 55.20294005110399, + "nauc_mrr_at_1000_max": 51.947725719119966, + "nauc_mrr_at_1000_std": -14.586112939597232, + "nauc_mrr_at_100_diff1": 55.20426251109304, + "nauc_mrr_at_100_max": 51.95648725402534, + "nauc_mrr_at_100_std": -14.579769236539143, + "nauc_mrr_at_10_diff1": 54.93870506205835, + "nauc_mrr_at_10_max": 51.89312772900638, + "nauc_mrr_at_10_std": -14.692635010092939, + "nauc_mrr_at_1_diff1": 56.54945935175171, + "nauc_mrr_at_1_max": 51.28134504197991, + "nauc_mrr_at_1_std": -12.909042186563061, + "nauc_mrr_at_20_diff1": 55.10667018041461, + "nauc_mrr_at_20_max": 51.98236870783707, + "nauc_mrr_at_20_std": -14.599377575198025, + "nauc_mrr_at_3_diff1": 55.67124311746892, + "nauc_mrr_at_3_max": 51.77903236246767, + "nauc_mrr_at_3_std": -14.94452633860763, + "nauc_mrr_at_5_diff1": 55.42849172366371, + "nauc_mrr_at_5_max": 51.76902965753959, + "nauc_mrr_at_5_std": -15.357993534727072, + "nauc_ndcg_at_1000_diff1": 48.736844959280326, + "nauc_ndcg_at_1000_max": 48.92891159935398, + "nauc_ndcg_at_1000_std": -13.983968675611056, + "nauc_ndcg_at_100_diff1": 48.73859328503975, + "nauc_ndcg_at_100_max": 49.31867149556439, + "nauc_ndcg_at_100_std": -13.72387564912742, + "nauc_ndcg_at_10_diff1": 46.50313862975287, + "nauc_ndcg_at_10_max": 47.13599793554596, + "nauc_ndcg_at_10_std": -16.317919977400113, + "nauc_ndcg_at_1_diff1": 56.54945935175171, + "nauc_ndcg_at_1_max": 51.28134504197991, + "nauc_ndcg_at_1_std": -12.909042186563061, + "nauc_ndcg_at_20_diff1": 47.01727117133912, + "nauc_ndcg_at_20_max": 49.121366036709105, + "nauc_ndcg_at_20_std": -14.411078677638775, + "nauc_ndcg_at_3_diff1": 49.229581145458276, + "nauc_ndcg_at_3_max": 47.427609717032, + "nauc_ndcg_at_3_std": -16.52066627289908, + "nauc_ndcg_at_5_diff1": 48.0152514127505, + "nauc_ndcg_at_5_max": 46.12152407850816, + "nauc_ndcg_at_5_std": -17.613295491954656, + "nauc_precision_at_1000_diff1": -25.959006032642463, + "nauc_precision_at_1000_max": 12.81002362947137, + "nauc_precision_at_1000_std": 12.575312826061513, + "nauc_precision_at_100_diff1": -24.35413527283394, + "nauc_precision_at_100_max": 14.878359236477303, + "nauc_precision_at_100_std": 12.384426050018428, + "nauc_precision_at_10_diff1": -17.93220761770618, + "nauc_precision_at_10_max": 23.523485811847294, + "nauc_precision_at_10_std": 4.424456968716939, + "nauc_precision_at_1_diff1": 56.54945935175171, + "nauc_precision_at_1_max": 51.28134504197991, + "nauc_precision_at_1_std": -12.909042186563061, + "nauc_precision_at_20_diff1": -21.776871398686936, + "nauc_precision_at_20_max": 21.18436338264366, + "nauc_precision_at_20_std": 9.937274986573321, + "nauc_precision_at_3_diff1": -1.2411845580934435, + "nauc_precision_at_3_max": 34.962281941875, + "nauc_precision_at_3_std": -2.447892908501237, + "nauc_precision_at_5_diff1": -11.134164534114085, + "nauc_precision_at_5_max": 30.22079740070525, + "nauc_precision_at_5_std": -0.24232594421765946, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": 43.3647412452869, + "nauc_recall_at_100_max": 63.50094950500327, + "nauc_recall_at_100_std": 2.3911909633714044, + "nauc_recall_at_10_diff1": 33.993445071666855, + "nauc_recall_at_10_max": 41.38694129134144, + "nauc_recall_at_10_std": -19.308698266099096, + "nauc_recall_at_1_diff1": 57.097134715065835, + "nauc_recall_at_1_max": 21.93931500350721, + "nauc_recall_at_1_std": -15.134457251301637, + "nauc_recall_at_20_diff1": 32.03888531880772, + "nauc_recall_at_20_max": 49.660787482562085, + "nauc_recall_at_20_std": -12.641456758778382, + "nauc_recall_at_3_diff1": 47.94527082900579, + "nauc_recall_at_3_max": 36.51733131437679, + "nauc_recall_at_3_std": -18.65511713247495, + "nauc_recall_at_5_diff1": 42.04545772092305, + "nauc_recall_at_5_max": 41.21440912972303, + "nauc_recall_at_5_std": -21.47386527081128, + "ndcg_at_1": 68.491, + "ndcg_at_10": 73.729, + "ndcg_at_100": 77.684, + "ndcg_at_1000": 78.084, + "ndcg_at_20": 75.795, + "ndcg_at_3": 68.568, + "ndcg_at_5": 70.128, + "precision_at_1": 68.491, + "precision_at_10": 16.996, + "precision_at_100": 2.023, + "precision_at_1000": 0.207, + "precision_at_20": 9.246, + "precision_at_3": 41.923, + "precision_at_5": 29.826000000000004, + "recall_at_1": 43.964999999999996, + "recall_at_10": 82.777, + "recall_at_100": 97.287, + "recall_at_1000": 100.0, + "recall_at_20": 89.183, + "recall_at_3": 65.803, + "recall_at_5": 74.119 + }, + { + "hf_subset": "fra-fra", + "languages": [ + "fra-Latn", + "fra-Latn" + ], + "main_score": 77.581, + "map_at_1": 46.444, + "map_at_10": 72.084, + "map_at_100": 73.175, + "map_at_1000": 73.193, + "map_at_20": 72.77799999999999, + "map_at_3": 65.242, + "map_at_5": 69.926, + "mrr_at_1": 71.82910547396529, + "mrr_at_10": 78.66594612923046, + "mrr_at_100": 78.97334934049613, + "mrr_at_1000": 78.97687021803557, + "mrr_at_20": 78.85701141744282, + "mrr_at_3": 76.96929238985311, + "mrr_at_5": 77.99732977303067, + "nauc_map_at_1000_diff1": 49.090956807097804, + "nauc_map_at_1000_max": 52.01095354889508, + "nauc_map_at_1000_std": -12.182870421711026, + "nauc_map_at_100_diff1": 49.091664766684566, + "nauc_map_at_100_max": 52.017499797253755, + "nauc_map_at_100_std": -12.188342487271528, + "nauc_map_at_10_diff1": 48.6619338205362, + "nauc_map_at_10_max": 50.93591260329888, + "nauc_map_at_10_std": -12.899399261673365, + "nauc_map_at_1_diff1": 61.89699552471587, + "nauc_map_at_1_max": 22.387748207421946, + "nauc_map_at_1_std": -17.139518194308437, + "nauc_map_at_20_diff1": 48.72828404686453, + "nauc_map_at_20_max": 51.781074586075434, + "nauc_map_at_20_std": -12.174270605093136, + "nauc_map_at_3_diff1": 53.11509580126934, + "nauc_map_at_3_max": 42.1768380145106, + "nauc_map_at_3_std": -14.98340833032363, + "nauc_map_at_5_diff1": 49.60521390803235, + "nauc_map_at_5_max": 49.80360562029127, + "nauc_map_at_5_std": -13.900652140457618, + "nauc_mrr_at_1000_diff1": 58.10782478654255, + "nauc_mrr_at_1000_max": 61.31083013535486, + "nauc_mrr_at_1000_std": -9.624904298545921, + "nauc_mrr_at_100_diff1": 58.11041683306092, + "nauc_mrr_at_100_max": 61.31590199755797, + "nauc_mrr_at_100_std": -9.625991053580865, + "nauc_mrr_at_10_diff1": 57.883701815695375, + "nauc_mrr_at_10_max": 61.36276126424689, + "nauc_mrr_at_10_std": -9.495072468420386, + "nauc_mrr_at_1_diff1": 60.18176977079093, + "nauc_mrr_at_1_max": 59.697615236642555, + "nauc_mrr_at_1_std": -9.396133077966779, + "nauc_mrr_at_20_diff1": 57.964817434006754, + "nauc_mrr_at_20_max": 61.34073539502932, + "nauc_mrr_at_20_std": -9.602378876645131, + "nauc_mrr_at_3_diff1": 58.44338049427257, + "nauc_mrr_at_3_max": 60.92272989411293, + "nauc_mrr_at_3_std": -9.928970439416162, + "nauc_mrr_at_5_diff1": 58.01513016866578, + "nauc_mrr_at_5_max": 61.46805302986586, + "nauc_mrr_at_5_std": -9.842227002440984, + "nauc_ndcg_at_1000_diff1": 50.99293152828167, + "nauc_ndcg_at_1000_max": 56.14232784664811, + "nauc_ndcg_at_1000_std": -10.529213072410288, + "nauc_ndcg_at_100_diff1": 50.99385944312529, + "nauc_ndcg_at_100_max": 56.34825518954588, + "nauc_ndcg_at_100_std": -10.398943874846047, + "nauc_ndcg_at_10_diff1": 48.51273364357823, + "nauc_ndcg_at_10_max": 53.77871849486298, + "nauc_ndcg_at_10_std": -11.82105972112472, + "nauc_ndcg_at_1_diff1": 60.18176977079093, + "nauc_ndcg_at_1_max": 59.697615236642555, + "nauc_ndcg_at_1_std": -9.396133077966779, + "nauc_ndcg_at_20_diff1": 49.04268319033412, + "nauc_ndcg_at_20_max": 55.47011381097071, + "nauc_ndcg_at_20_std": -10.486452945493042, + "nauc_ndcg_at_3_diff1": 50.95112745400584, + "nauc_ndcg_at_3_max": 53.45473828705577, + "nauc_ndcg_at_3_std": -13.420699384045728, + "nauc_ndcg_at_5_diff1": 50.313156212000074, + "nauc_ndcg_at_5_max": 52.78539129309866, + "nauc_ndcg_at_5_std": -13.586274096509122, + "nauc_precision_at_1000_diff1": -31.13772049254778, + "nauc_precision_at_1000_max": 17.2847598361294, + "nauc_precision_at_1000_std": 15.497531773816887, + "nauc_precision_at_100_diff1": -29.98812263553739, + "nauc_precision_at_100_max": 19.048620003227654, + "nauc_precision_at_100_std": 15.38499952171958, + "nauc_precision_at_10_diff1": -25.33028097412579, + "nauc_precision_at_10_max": 26.077919168306853, + "nauc_precision_at_10_std": 11.35352933466097, + "nauc_precision_at_1_diff1": 60.18176977079093, + "nauc_precision_at_1_max": 59.697615236642555, + "nauc_precision_at_1_std": -9.396133077966779, + "nauc_precision_at_20_diff1": -28.417606311068905, + "nauc_precision_at_20_max": 23.958679828637692, + "nauc_precision_at_20_std": 14.442021499194205, + "nauc_precision_at_3_diff1": -8.127396049790482, + "nauc_precision_at_3_max": 37.348067982957076, + "nauc_precision_at_3_std": 4.747913619596849, + "nauc_precision_at_5_diff1": -16.902418446058395, + "nauc_precision_at_5_max": 32.73583852552014, + "nauc_precision_at_5_std": 7.031446423850052, + "nauc_recall_at_1000_diff1": -14.485978369112514, + "nauc_recall_at_1000_max": 78.59123887333172, + "nauc_recall_at_1000_std": 90.7384575424963, + "nauc_recall_at_100_diff1": 41.47842281590715, + "nauc_recall_at_100_max": 67.47271545727422, + "nauc_recall_at_100_std": 14.555561992253999, + "nauc_recall_at_10_diff1": 33.05308907973924, + "nauc_recall_at_10_max": 45.49878918493155, + "nauc_recall_at_10_std": -11.560069806810926, + "nauc_recall_at_1_diff1": 61.89699552471587, + "nauc_recall_at_1_max": 22.387748207421946, + "nauc_recall_at_1_std": -17.139518194308437, + "nauc_recall_at_20_diff1": 31.305721376453754, + "nauc_recall_at_20_max": 51.24817763724019, + "nauc_recall_at_20_std": -5.0809908162023145, + "nauc_recall_at_3_diff1": 49.27109038342917, + "nauc_recall_at_3_max": 37.69188317998447, + "nauc_recall_at_3_std": -17.119900758664336, + "nauc_recall_at_5_diff1": 42.74501803377967, + "nauc_recall_at_5_max": 46.877008503354844, + "nauc_recall_at_5_std": -15.704892082115975, + "ndcg_at_1": 71.829, + "ndcg_at_10": 77.581, + "ndcg_at_100": 80.75, + "ndcg_at_1000": 81.026, + "ndcg_at_20": 79.092, + "ndcg_at_3": 72.81, + "ndcg_at_5": 74.22999999999999, + "precision_at_1": 71.829, + "precision_at_10": 17.717, + "precision_at_100": 2.031, + "precision_at_1000": 0.207, + "precision_at_20": 9.399000000000001, + "precision_at_3": 44.458999999999996, + "precision_at_5": 31.535000000000004, + "recall_at_1": 46.444, + "recall_at_10": 86.275, + "recall_at_100": 98.017, + "recall_at_1000": 99.8, + "recall_at_20": 90.935, + "recall_at_3": 70.167, + "recall_at_5": 78.2 + } + ] + } +} \ No newline at end of file diff --git a/results/arkohut__jina-embeddings-v3/external/model_meta.json b/results/arkohut__jina-embeddings-v3/external/model_meta.json new file mode 100644 index 000000000..cb9ceb193 --- /dev/null +++ b/results/arkohut__jina-embeddings-v3/external/model_meta.json @@ -0,0 +1,115 @@ +{ + "name": "arkohut/jina-embeddings-v3", + "revision": "54b339c8767585e2884e4c66a96f2895a7a60c12", + "release_date": "2024-10-23", + "languages": [ + "multilingual", + "af", + "am", + "ar", + "as", + "az", + "be", + "bg", + "bn", + "br", + "bs", + "ca", + "cs", + "cy", + "da", + "de", + "el", + "en", + "eo", + "es", + "et", + "eu", + "fa", + "fi", + "fr", + "fy", + "ga", + "gd", + "gl", + "gu", + "ha", + "he", + "hi", + "hr", + "hu", + "hy", + "id", + "is", + "it", + "ja", + "jv", + "ka", + "kk", + "km", + "kn", + "ko", + "ku", + "ky", + "la", + "lo", + "lt", + "lv", + "mg", + "mk", + "ml", + "mn", + "mr", + "ms", + "my", + "ne", + "nl", + "no", + "om", + "or", + "pa", + "pl", + "ps", + "pt", + "ro", + "ru", + "sa", + "sd", + "si", + "sk", + "sl", + "so", + "sq", + "sr", + "su", + "sv", + "sw", + "ta", + "te", + "th", + "tl", + "tr", + "ug", + "uk", + "ur", + "uz", + "vi", + "xh", + "yi", + "zh" + ], + "loader": null, + "n_parameters": 572310396, + "memory_usage": null, + "max_tokens": 8194, + "embed_dim": 1024, + "license": "cc-by-nc-4.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/aspire__acge_text_embedding/external/AFQMC.json b/results/aspire__acge_text_embedding/external/AFQMC.json new file mode 100644 index 000000000..7f9d72c94 --- /dev/null +++ b/results/aspire__acge_text_embedding/external/AFQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b44c3b011063adb25877c13823db83bb193913c4", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 54.03434872650919, + "cos_sim_spearman": 58.80730796688325, + "euclidean_pearson": 57.47231387497989, + "euclidean_spearman": 58.80775026351807, + "manhattan_pearson": 57.46332720141574, + "manhattan_spearman": 58.80196022940078, + "cosine_pearson": 54.03434872650919, + "cosine_spearman": 58.80730796688325, + "main_score": 58.80730796688325 + } + ] + } +} \ No newline at end of file diff --git a/results/aspire__acge_text_embedding/external/ATEC.json b/results/aspire__acge_text_embedding/external/ATEC.json new file mode 100644 index 000000000..25f2c2dd3 --- /dev/null +++ b/results/aspire__acge_text_embedding/external/ATEC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "0f319b1142f28d00e055a6770f3f726ae9b7d865", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 53.52621290548175, + "cos_sim_spearman": 57.945227768312144, + "euclidean_pearson": 61.17041394151802, + "euclidean_spearman": 57.94553287835657, + "manhattan_pearson": 61.168327500057885, + "manhattan_spearman": 57.94477516925043, + "cosine_pearson": 53.52621290548175, + "cosine_spearman": 57.945227768312144, + "main_score": 57.945227768312144 + } + ] + } +} \ No newline at end of file diff --git a/results/aspire__acge_text_embedding/external/AmazonReviewsClassification.json b/results/aspire__acge_text_embedding/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..a7dba8ef1 --- /dev/null +++ b/results/aspire__acge_text_embedding/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 48.538000000000004, + "f1": 46.59920995594044, + "main_score": 48.538000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/aspire__acge_text_embedding/external/BQ.json b/results/aspire__acge_text_embedding/external/BQ.json new file mode 100644 index 000000000..a782cebe2 --- /dev/null +++ b/results/aspire__acge_text_embedding/external/BQ.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e3dda5e115e487b39ec7e618c0c6a29137052a55", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 68.27529991817154, + "cos_sim_spearman": 70.37095914176643, + "euclidean_pearson": 69.42690712802727, + "euclidean_spearman": 70.37017971889912, + "manhattan_pearson": 69.40264877917839, + "manhattan_spearman": 70.34786744049524, + "cosine_pearson": 68.27529991817154, + "cosine_spearman": 70.37095914176643, + "main_score": 70.37095914176643 + } + ] + } +} \ No newline at end of file diff --git a/results/aspire__acge_text_embedding/external/CLSClusteringP2P.json b/results/aspire__acge_text_embedding/external/CLSClusteringP2P.json new file mode 100644 index 000000000..97cc834cb --- /dev/null +++ b/results/aspire__acge_text_embedding/external/CLSClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "4b6227591c6c1a73bc76b1055f3b7f3588e72476", + "task_name": "CLSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 47.08027536192709, + "main_score": 47.08027536192709 + } + ] + } +} \ No newline at end of file diff --git a/results/aspire__acge_text_embedding/external/CLSClusteringS2S.json b/results/aspire__acge_text_embedding/external/CLSClusteringS2S.json new file mode 100644 index 000000000..d7816ae12 --- /dev/null +++ b/results/aspire__acge_text_embedding/external/CLSClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e458b3f5414b62b7f9f83499ac1f5497ae2e869f", + "task_name": "CLSClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 44.0526024940363, + "main_score": 44.0526024940363 + } + ] + } +} \ No newline at end of file diff --git a/results/aspire__acge_text_embedding/external/CmedqaRetrieval.json b/results/aspire__acge_text_embedding/external/CmedqaRetrieval.json new file mode 100644 index 000000000..a372d2194 --- /dev/null +++ b/results/aspire__acge_text_embedding/external/CmedqaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "cd540c506dae1cf9e9a59c3e06f42030d54e7301", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 26.875, + "map_at_10": 39.995999999999995, + "map_at_100": 41.899, + "map_at_1000": 42.0, + "map_at_3": 35.414, + "map_at_5": 38.019, + "mrr_at_1": 40.635, + "mrr_at_10": 48.827, + "mrr_at_100": 49.805, + "mrr_at_1000": 49.845, + "mrr_at_3": 46.145, + "mrr_at_5": 47.693999999999996, + "ndcg_at_1": 40.635, + "ndcg_at_10": 46.78, + "ndcg_at_100": 53.986999999999995, + "ndcg_at_1000": 55.684, + "ndcg_at_3": 41.018, + "ndcg_at_5": 43.559, + "precision_at_1": 40.635, + "precision_at_10": 10.427999999999999, + "precision_at_100": 1.625, + "precision_at_1000": 0.184, + "precision_at_3": 23.139000000000003, + "precision_at_5": 17.004, + "recall_at_1": 26.875, + "recall_at_10": 57.887, + "recall_at_100": 87.408, + "recall_at_1000": 98.721, + "recall_at_3": 40.812, + "recall_at_5": 48.397, + "main_score": 46.78 + } + ] + } +} \ No newline at end of file diff --git a/results/aspire__acge_text_embedding/external/Cmnli.json b/results/aspire__acge_text_embedding/external/Cmnli.json new file mode 100644 index 000000000..6f820976b --- /dev/null +++ b/results/aspire__acge_text_embedding/external/Cmnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "41bc36f332156f7adc9e38f53777c959b2ae9766", + "task_name": "Cmnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 83.43956704750451, + "cos_sim_ap": 90.49172854352659, + "cos_sim_f1": 84.28475486903963, + "cos_sim_precision": 80.84603822203135, + "cos_sim_recall": 88.02899228431144, + "dot_accuracy": 83.43956704750451, + "dot_ap": 90.46317132695233, + "dot_f1": 84.28794294628929, + "dot_precision": 80.51948051948052, + "dot_recall": 88.4264671498714, + "euclidean_accuracy": 83.43956704750451, + "euclidean_ap": 90.49171785256486, + "euclidean_f1": 84.28235820561584, + "euclidean_precision": 80.8022308022308, + "euclidean_recall": 88.07575403320084, + "manhattan_accuracy": 83.55983162958509, + "manhattan_ap": 90.48046779812815, + "manhattan_f1": 84.45354259069714, + "manhattan_precision": 82.21877767936226, + "manhattan_recall": 86.81318681318682, + "max_accuracy": 83.55983162958509, + "max_ap": 90.49172854352659, + "max_f1": 84.45354259069714, + "main_score": 83.55983162958509 + } + ] + } +} \ No newline at end of file diff --git a/results/aspire__acge_text_embedding/external/CovidRetrieval.json b/results/aspire__acge_text_embedding/external/CovidRetrieval.json new file mode 100644 index 000000000..f515f57b5 --- /dev/null +++ b/results/aspire__acge_text_embedding/external/CovidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "1271c7809071a13532e05f25fb53511ffce77117", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 68.54599999999999, + "map_at_10": 77.62400000000001, + "map_at_100": 77.886, + "map_at_1000": 77.89, + "map_at_3": 75.966, + "map_at_5": 76.995, + "mrr_at_1": 68.915, + "mrr_at_10": 77.703, + "mrr_at_100": 77.958, + "mrr_at_1000": 77.962, + "mrr_at_3": 76.08, + "mrr_at_5": 77.118, + "ndcg_at_1": 68.809, + "ndcg_at_10": 81.563, + "ndcg_at_100": 82.758, + "ndcg_at_1000": 82.864, + "ndcg_at_3": 78.29, + "ndcg_at_5": 80.113, + "precision_at_1": 68.809, + "precision_at_10": 9.463000000000001, + "precision_at_100": 1.001, + "precision_at_1000": 0.101, + "precision_at_3": 28.486, + "precision_at_5": 18.019, + "recall_at_1": 68.54599999999999, + "recall_at_10": 93.625, + "recall_at_100": 99.05199999999999, + "recall_at_1000": 99.895, + "recall_at_3": 84.879, + "recall_at_5": 89.252, + "main_score": 81.563 + } + ] + } +} \ No newline at end of file diff --git a/results/aspire__acge_text_embedding/external/DuRetrieval.json b/results/aspire__acge_text_embedding/external/DuRetrieval.json new file mode 100644 index 000000000..e85a034ed --- /dev/null +++ b/results/aspire__acge_text_embedding/external/DuRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "a1a333e290fe30b10f3f56498e3a0d911a693ced", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 25.653, + "map_at_10": 79.105, + "map_at_100": 81.902, + "map_at_1000": 81.947, + "map_at_3": 54.54599999999999, + "map_at_5": 69.226, + "mrr_at_1": 89.35, + "mrr_at_10": 92.69, + "mrr_at_100": 92.77, + "mrr_at_1000": 92.774, + "mrr_at_3": 92.425, + "mrr_at_5": 92.575, + "ndcg_at_1": 89.35, + "ndcg_at_10": 86.55199999999999, + "ndcg_at_100": 89.35300000000001, + "ndcg_at_1000": 89.782, + "ndcg_at_3": 85.392, + "ndcg_at_5": 84.5, + "precision_at_1": 89.35, + "precision_at_10": 41.589999999999996, + "precision_at_100": 4.781, + "precision_at_1000": 0.488, + "precision_at_3": 76.683, + "precision_at_5": 65.06, + "recall_at_1": 25.653, + "recall_at_10": 87.64999999999999, + "recall_at_100": 96.858, + "recall_at_1000": 99.13300000000001, + "recall_at_3": 56.869, + "recall_at_5": 74.024, + "main_score": 86.55199999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/aspire__acge_text_embedding/external/EcomRetrieval.json b/results/aspire__acge_text_embedding/external/EcomRetrieval.json new file mode 100644 index 000000000..4e3ce0c15 --- /dev/null +++ b/results/aspire__acge_text_embedding/external/EcomRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "687de13dc7294d6fd9be10c6945f9e8fec8166b9", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 52.1, + "map_at_10": 62.629999999999995, + "map_at_100": 63.117000000000004, + "map_at_1000": 63.134, + "map_at_3": 60.267, + "map_at_5": 61.777, + "mrr_at_1": 52.1, + "mrr_at_10": 62.629999999999995, + "mrr_at_100": 63.117000000000004, + "mrr_at_1000": 63.134, + "mrr_at_3": 60.267, + "mrr_at_5": 61.777, + "ndcg_at_1": 52.1, + "ndcg_at_10": 67.596, + "ndcg_at_100": 69.95, + "ndcg_at_1000": 70.33500000000001, + "ndcg_at_3": 62.82600000000001, + "ndcg_at_5": 65.546, + "precision_at_1": 52.1, + "precision_at_10": 8.309999999999999, + "precision_at_100": 0.941, + "precision_at_1000": 0.097, + "precision_at_3": 23.400000000000002, + "precision_at_5": 15.36, + "recall_at_1": 52.1, + "recall_at_10": 83.1, + "recall_at_100": 94.1, + "recall_at_1000": 97.0, + "recall_at_3": 70.19999999999999, + "recall_at_5": 76.8, + "main_score": 67.596 + } + ] + } +} \ No newline at end of file diff --git a/results/aspire__acge_text_embedding/external/IFlyTek.json b/results/aspire__acge_text_embedding/external/IFlyTek.json new file mode 100644 index 000000000..7ec3f9bfc --- /dev/null +++ b/results/aspire__acge_text_embedding/external/IFlyTek.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "421605374b29664c5fc098418fe20ada9bd55f8a", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 51.773759138130046, + "f1": 40.341407912920054, + "main_score": 51.773759138130046 + } + ] + } +} \ No newline at end of file diff --git a/results/aspire__acge_text_embedding/external/JDReview.json b/results/aspire__acge_text_embedding/external/JDReview.json new file mode 100644 index 000000000..9f7be1098 --- /dev/null +++ b/results/aspire__acge_text_embedding/external/JDReview.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "b7c64bd89eb87f8ded463478346f76731f07bf8b", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 86.69793621013133, + "ap": 55.46718958939327, + "f1": 81.48228915952436, + "main_score": 86.69793621013133 + } + ] + } +} \ No newline at end of file diff --git a/results/aspire__acge_text_embedding/external/LCQMC.json b/results/aspire__acge_text_embedding/external/LCQMC.json new file mode 100644 index 000000000..85c468ee0 --- /dev/null +++ b/results/aspire__acge_text_embedding/external/LCQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "17f9b096f80380fce5ed12a9be8be7784b337daf", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 71.1397780205448, + "cos_sim_spearman": 78.17368193033309, + "euclidean_pearson": 77.4849177602368, + "euclidean_spearman": 78.17369079663212, + "manhattan_pearson": 77.47344305182406, + "manhattan_spearman": 78.16454335155387, + "cosine_pearson": 71.1397780205448, + "cosine_spearman": 78.17368193033309, + "main_score": 78.17368193033309 + } + ] + } +} \ No newline at end of file diff --git a/results/aspire__acge_text_embedding/external/MMarcoReranking.json b/results/aspire__acge_text_embedding/external/MMarcoReranking.json new file mode 100644 index 000000000..47494b404 --- /dev/null +++ b/results/aspire__acge_text_embedding/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "8e0c766dbe9e16e1d221116a3f36795fbade07f6", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 27.76160559006673, + "mrr": 28.02420634920635, + "main_score": 27.76160559006673 + } + ] + } +} \ No newline at end of file diff --git a/results/aspire__acge_text_embedding/external/MMarcoRetrieval.json b/results/aspire__acge_text_embedding/external/MMarcoRetrieval.json new file mode 100644 index 000000000..30e56b793 --- /dev/null +++ b/results/aspire__acge_text_embedding/external/MMarcoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "539bbde593d947e2a124ba72651aafc09eb33fc2", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 65.661, + "map_at_10": 74.752, + "map_at_100": 75.091, + "map_at_1000": 75.104, + "map_at_3": 72.997, + "map_at_5": 74.119, + "mrr_at_1": 67.923, + "mrr_at_10": 75.376, + "mrr_at_100": 75.673, + "mrr_at_1000": 75.685, + "mrr_at_3": 73.856, + "mrr_at_5": 74.82799999999999, + "ndcg_at_1": 67.923, + "ndcg_at_10": 78.424, + "ndcg_at_100": 79.95100000000001, + "ndcg_at_1000": 80.265, + "ndcg_at_3": 75.101, + "ndcg_at_5": 76.992, + "precision_at_1": 67.923, + "precision_at_10": 9.474, + "precision_at_100": 1.023, + "precision_at_1000": 0.105, + "precision_at_3": 28.319, + "precision_at_5": 17.986, + "recall_at_1": 65.661, + "recall_at_10": 89.09899999999999, + "recall_at_100": 96.023, + "recall_at_1000": 98.455, + "recall_at_3": 80.314, + "recall_at_5": 84.81, + "main_score": 78.424 + } + ] + } +} \ No newline at end of file diff --git a/results/aspire__acge_text_embedding/external/MassiveIntentClassification.json b/results/aspire__acge_text_embedding/external/MassiveIntentClassification.json new file mode 100644 index 000000000..970c10381 --- /dev/null +++ b/results/aspire__acge_text_embedding/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 75.86751849361131, + "f1": 73.04918450508, + "main_score": 75.86751849361131 + } + ] + } +} \ No newline at end of file diff --git a/results/aspire__acge_text_embedding/external/MassiveScenarioClassification.json b/results/aspire__acge_text_embedding/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..d5aba5ced --- /dev/null +++ b/results/aspire__acge_text_embedding/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 78.4364492266308, + "f1": 78.120686034844, + "main_score": 78.4364492266308 + } + ] + } +} \ No newline at end of file diff --git a/results/aspire__acge_text_embedding/external/MedicalRetrieval.json b/results/aspire__acge_text_embedding/external/MedicalRetrieval.json new file mode 100644 index 000000000..733bb45d4 --- /dev/null +++ b/results/aspire__acge_text_embedding/external/MedicalRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "2039188fb5800a9803ba5048df7b76e6fb151fc6", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 55.00000000000001, + "map_at_10": 61.06399999999999, + "map_at_100": 61.622, + "map_at_1000": 61.663000000000004, + "map_at_3": 59.583, + "map_at_5": 60.373, + "mrr_at_1": 55.2, + "mrr_at_10": 61.168, + "mrr_at_100": 61.726000000000006, + "mrr_at_1000": 61.767, + "mrr_at_3": 59.683, + "mrr_at_5": 60.492999999999995, + "ndcg_at_1": 55.00000000000001, + "ndcg_at_10": 64.098, + "ndcg_at_100": 67.05, + "ndcg_at_1000": 68.262, + "ndcg_at_3": 61.00600000000001, + "ndcg_at_5": 62.439, + "precision_at_1": 55.00000000000001, + "precision_at_10": 7.37, + "precision_at_100": 0.881, + "precision_at_1000": 0.098, + "precision_at_3": 21.7, + "precision_at_5": 13.719999999999999, + "recall_at_1": 55.00000000000001, + "recall_at_10": 73.7, + "recall_at_100": 88.1, + "recall_at_1000": 97.8, + "recall_at_3": 65.10000000000001, + "recall_at_5": 68.60000000000001, + "main_score": 64.098 + } + ] + } +} \ No newline at end of file diff --git a/results/aspire__acge_text_embedding/external/MultilingualSentiment.json b/results/aspire__acge_text_embedding/external/MultilingualSentiment.json new file mode 100644 index 000000000..981820c98 --- /dev/null +++ b/results/aspire__acge_text_embedding/external/MultilingualSentiment.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "46958b007a63fdbf239b7672c25d0bea67b5ea1a", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 77.52666666666667, + "f1": 77.49784731367215, + "main_score": 77.52666666666667 + } + ] + } +} \ No newline at end of file diff --git a/results/aspire__acge_text_embedding/external/Ocnli.json b/results/aspire__acge_text_embedding/external/Ocnli.json new file mode 100644 index 000000000..895ff6cde --- /dev/null +++ b/results/aspire__acge_text_embedding/external/Ocnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "66e76a618a34d6d565d5538088562851e6daa7ec", + "task_name": "Ocnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 81.10449377368705, + "cos_sim_ap": 85.17742765935606, + "cos_sim_f1": 83.00094966761633, + "cos_sim_precision": 75.40983606557377, + "cos_sim_recall": 92.29144667370645, + "dot_accuracy": 81.10449377368705, + "dot_ap": 85.17143850809614, + "dot_f1": 83.01707779886148, + "dot_precision": 75.36606373815677, + "dot_recall": 92.39704329461456, + "euclidean_accuracy": 81.10449377368705, + "euclidean_ap": 85.17856775343333, + "euclidean_f1": 83.00094966761633, + "euclidean_precision": 75.40983606557377, + "euclidean_recall": 92.29144667370645, + "manhattan_accuracy": 81.05035192203573, + "manhattan_ap": 85.14464459395809, + "manhattan_f1": 82.96155671570953, + "manhattan_precision": 75.3448275862069, + "manhattan_recall": 92.29144667370645, + "max_accuracy": 81.10449377368705, + "max_ap": 85.17856775343333, + "max_f1": 83.01707779886148, + "main_score": 81.10449377368705 + } + ] + } +} \ No newline at end of file diff --git a/results/aspire__acge_text_embedding/external/OnlineShopping.json b/results/aspire__acge_text_embedding/external/OnlineShopping.json new file mode 100644 index 000000000..ba1dab1b1 --- /dev/null +++ b/results/aspire__acge_text_embedding/external/OnlineShopping.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e610f2ebd179a8fda30ae534c3878750a96db120", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 93.71000000000001, + "ap": 91.83202232349356, + "f1": 93.69900560334331, + "main_score": 93.71000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/aspire__acge_text_embedding/external/PAWSX.json b/results/aspire__acge_text_embedding/external/PAWSX.json new file mode 100644 index 000000000..9ddbbbd79 --- /dev/null +++ b/results/aspire__acge_text_embedding/external/PAWSX.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "9c6a90e430ac22b5779fb019a23e820b11a8b5e1", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 39.175047651512415, + "cos_sim_spearman": 45.51434675777896, + "euclidean_pearson": 44.864110004132286, + "euclidean_spearman": 45.516433048896076, + "manhattan_pearson": 44.87153627706517, + "manhattan_spearman": 45.52862617925012, + "cosine_pearson": 39.175047651512415, + "cosine_spearman": 45.51434675777896, + "main_score": 45.51434675777896 + } + ] + } +} \ No newline at end of file diff --git a/results/aspire__acge_text_embedding/external/QBQTC.json b/results/aspire__acge_text_embedding/external/QBQTC.json new file mode 100644 index 000000000..65469c392 --- /dev/null +++ b/results/aspire__acge_text_embedding/external/QBQTC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "790b0510dc52b1553e8c49f3d2afb48c0e5c48b7", + "task_name": "QBQTC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 34.249579701429084, + "cos_sim_spearman": 37.30903127368978, + "euclidean_pearson": 35.129438425253355, + "euclidean_spearman": 37.308544018709085, + "manhattan_pearson": 35.08936153503652, + "manhattan_spearman": 37.25582901077839, + "cosine_pearson": 34.249579701429084, + "cosine_spearman": 37.30903127368978, + "main_score": 37.30903127368978 + } + ] + } +} \ No newline at end of file diff --git a/results/aspire__acge_text_embedding/external/STS22.json b/results/aspire__acge_text_embedding/external/STS22.json new file mode 100644 index 000000000..59f843775 --- /dev/null +++ b/results/aspire__acge_text_embedding/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "eea2b4fe26a775864c896887d910b76a8098ad3f", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 61.29309637460004, + "cos_sim_spearman": 65.85136090376717, + "euclidean_pearson": 64.04783990953557, + "euclidean_spearman": 65.85036859610366, + "manhattan_pearson": 63.995852552712186, + "manhattan_spearman": 65.86508416749417, + "cosine_pearson": 61.29309637460004, + "cosine_spearman": 65.85136090376717, + "main_score": 65.85136090376717 + } + ] + } +} \ No newline at end of file diff --git a/results/aspire__acge_text_embedding/external/STSB.json b/results/aspire__acge_text_embedding/external/STSB.json new file mode 100644 index 000000000..75cf29096 --- /dev/null +++ b/results/aspire__acge_text_embedding/external/STSB.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "0cde68302b3541bb8b3c340dc0644b0b745b3dc0", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 81.5595940455587, + "cos_sim_spearman": 82.72654634579749, + "euclidean_pearson": 82.4892721061365, + "euclidean_spearman": 82.72678504228253, + "manhattan_pearson": 82.4770861422454, + "manhattan_spearman": 82.71137469783162, + "cosine_pearson": 81.5595940455587, + "cosine_spearman": 82.72654634579749, + "main_score": 82.72654634579749 + } + ] + } +} \ No newline at end of file diff --git a/results/aspire__acge_text_embedding/external/T2Reranking.json b/results/aspire__acge_text_embedding/external/T2Reranking.json new file mode 100644 index 000000000..23af2bd59 --- /dev/null +++ b/results/aspire__acge_text_embedding/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "76631901a18387f85eaa53e5450019b87ad58ef9", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 66.6159547610527, + "mrr": 76.35739406347057, + "main_score": 66.6159547610527 + } + ] + } +} \ No newline at end of file diff --git a/results/aspire__acge_text_embedding/external/T2Retrieval.json b/results/aspire__acge_text_embedding/external/T2Retrieval.json new file mode 100644 index 000000000..c6bc36f51 --- /dev/null +++ b/results/aspire__acge_text_embedding/external/T2Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "8731a845f1bf500a4f111cf1070785c793d10e64", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 27.878999999999998, + "map_at_10": 77.517, + "map_at_100": 81.139, + "map_at_1000": 81.204, + "map_at_3": 54.728, + "map_at_5": 67.128, + "mrr_at_1": 90.509, + "mrr_at_10": 92.964, + "mrr_at_100": 93.045, + "mrr_at_1000": 93.048, + "mrr_at_3": 92.551, + "mrr_at_5": 92.81099999999999, + "ndcg_at_1": 90.509, + "ndcg_at_10": 85.075, + "ndcg_at_100": 88.656, + "ndcg_at_1000": 89.25699999999999, + "ndcg_at_3": 86.58200000000001, + "ndcg_at_5": 85.138, + "precision_at_1": 90.509, + "precision_at_10": 42.05, + "precision_at_100": 5.013999999999999, + "precision_at_1000": 0.516, + "precision_at_3": 75.551, + "precision_at_5": 63.239999999999995, + "recall_at_1": 27.878999999999998, + "recall_at_10": 83.941, + "recall_at_100": 95.568, + "recall_at_1000": 98.55000000000001, + "recall_at_3": 56.374, + "recall_at_5": 70.435, + "main_score": 85.075 + } + ] + } +} \ No newline at end of file diff --git a/results/aspire__acge_text_embedding/external/TNews.json b/results/aspire__acge_text_embedding/external/TNews.json new file mode 100644 index 000000000..8582c83a3 --- /dev/null +++ b/results/aspire__acge_text_embedding/external/TNews.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "317f262bf1e6126357bbe89e875451e4b0938fe4", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 53.687, + "f1": 51.86911933364655, + "main_score": 53.687 + } + ] + } +} \ No newline at end of file diff --git a/results/aspire__acge_text_embedding/external/ThuNewsClusteringP2P.json b/results/aspire__acge_text_embedding/external/ThuNewsClusteringP2P.json new file mode 100644 index 000000000..780c7229f --- /dev/null +++ b/results/aspire__acge_text_embedding/external/ThuNewsClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "5798586b105c0434e4f0fe5e767abe619442cf93", + "task_name": "ThuNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 74.65887489872564, + "main_score": 74.65887489872564 + } + ] + } +} \ No newline at end of file diff --git a/results/aspire__acge_text_embedding/external/ThuNewsClusteringS2S.json b/results/aspire__acge_text_embedding/external/ThuNewsClusteringS2S.json new file mode 100644 index 000000000..e2f8f1040 --- /dev/null +++ b/results/aspire__acge_text_embedding/external/ThuNewsClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "8a8b2caeda43f39e13c4bc5bea0f8a667896e10d", + "task_name": "ThuNewsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 69.00410995984436, + "main_score": 69.00410995984436 + } + ] + } +} \ No newline at end of file diff --git a/results/aspire__acge_text_embedding/external/VideoRetrieval.json b/results/aspire__acge_text_embedding/external/VideoRetrieval.json new file mode 100644 index 000000000..c3ca819d3 --- /dev/null +++ b/results/aspire__acge_text_embedding/external/VideoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "58c2597a5943a2ba48f4668c3b90d796283c5639", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 59.4, + "map_at_10": 69.214, + "map_at_100": 69.72699999999999, + "map_at_1000": 69.743, + "map_at_3": 67.717, + "map_at_5": 68.782, + "mrr_at_1": 59.4, + "mrr_at_10": 69.214, + "mrr_at_100": 69.72699999999999, + "mrr_at_1000": 69.743, + "mrr_at_3": 67.717, + "mrr_at_5": 68.782, + "ndcg_at_1": 59.4, + "ndcg_at_10": 73.32300000000001, + "ndcg_at_100": 75.591, + "ndcg_at_1000": 75.98700000000001, + "ndcg_at_3": 70.339, + "ndcg_at_5": 72.246, + "precision_at_1": 59.4, + "precision_at_10": 8.59, + "precision_at_100": 0.96, + "precision_at_1000": 0.099, + "precision_at_3": 25.967000000000002, + "precision_at_5": 16.5, + "recall_at_1": 59.4, + "recall_at_10": 85.9, + "recall_at_100": 96.0, + "recall_at_1000": 99.1, + "recall_at_3": 77.9, + "recall_at_5": 82.5, + "main_score": 73.32300000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/aspire__acge_text_embedding/external/Waimai.json b/results/aspire__acge_text_embedding/external/Waimai.json new file mode 100644 index 000000000..ad773fb43 --- /dev/null +++ b/results/aspire__acge_text_embedding/external/Waimai.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "339287def212450dcaa9df8c22bf93e9980c7023", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 88.53, + "ap": 73.56216166534062, + "f1": 87.06093694294485, + "main_score": 88.53 + } + ] + } +} \ No newline at end of file diff --git a/results/aspire__acge_text_embedding/external/model_meta.json b/results/aspire__acge_text_embedding/external/model_meta.json new file mode 100644 index 000000000..8b526bd7b --- /dev/null +++ b/results/aspire__acge_text_embedding/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "aspire/acge_text_embedding", + "revision": "652afc78466e53d1909c785c26f5b978021c4650", + "release_date": "2024-03-09", + "languages": [], + "loader": null, + "n_parameters": 326047744, + "memory_usage": null, + "max_tokens": 1024, + "embed_dim": 1792, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/AmazonCounterfactualClassification.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..47029b499 --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.92537313432834, + "ap": 40.86767661556651, + "f1": 71.65758897929837, + "main_score": 77.92537313432834 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/AmazonPolarityClassification.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..2b6ced516 --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 95.967, + "ap": 94.46300829592593, + "f1": 95.96507173189292, + "main_score": 95.967 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/AmazonReviewsClassification.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..0515f3bc7 --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 54.352000000000004, + "f1": 53.636682615380174, + "main_score": 54.352000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/ArguAna.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/ArguAna.json new file mode 100644 index 000000000..2b2a6bb57 --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/ArguAna.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 43.314, + "ndcg_at_2": 54.757, + "ndcg_at_3": 58.84700000000001, + "ndcg_at_5": 63.634, + "ndcg_at_7": 65.741, + "ndcg_at_10": 67.171, + "ndcg_at_20": 68.585, + "ndcg_at_30": 68.81, + "ndcg_at_50": 68.932, + "ndcg_at_70": 68.992, + "ndcg_at_100": 69.014, + "ndcg_at_200": 69.014, + "ndcg_at_300": 69.014, + "ndcg_at_500": 69.014, + "ndcg_at_700": 69.014, + "ndcg_at_1000": 69.014, + "map_at_1": 43.314, + "map_at_2": 52.383, + "map_at_3": 55.108999999999995, + "map_at_5": 57.772999999999996, + "map_at_7": 58.718, + "map_at_10": 59.256, + "map_at_20": 59.668, + "map_at_30": 59.709999999999994, + "map_at_50": 59.727, + "map_at_70": 59.733999999999995, + "map_at_100": 59.73500000000001, + "map_at_200": 59.73500000000001, + "map_at_300": 59.73500000000001, + "map_at_500": 59.73500000000001, + "map_at_700": 59.73500000000001, + "map_at_1000": 59.73500000000001, + "recall_at_1": 43.314, + "recall_at_2": 61.451, + "recall_at_3": 69.63000000000001, + "recall_at_5": 81.223, + "recall_at_7": 87.33999999999999, + "recall_at_10": 92.034, + "recall_at_20": 97.44, + "recall_at_30": 98.506, + "recall_at_50": 99.14699999999999, + "recall_at_70": 99.502, + "recall_at_100": 99.644, + "recall_at_200": 99.644, + "recall_at_300": 99.644, + "recall_at_500": 99.644, + "recall_at_700": 99.644, + "recall_at_1000": 99.644, + "precision_at_1": 43.314, + "precision_at_2": 30.725, + "precision_at_3": 23.21, + "precision_at_5": 16.245, + "precision_at_7": 12.477, + "precision_at_10": 9.203, + "precision_at_20": 4.872, + "precision_at_30": 3.2840000000000003, + "precision_at_50": 1.983, + "precision_at_70": 1.421, + "precision_at_100": 0.996, + "precision_at_200": 0.498, + "precision_at_300": 0.332, + "precision_at_500": 0.199, + "precision_at_700": 0.14200000000000002, + "precision_at_1000": 0.1, + "mrr_at_1": 44.666, + "mrr_at_2": 52.418, + "mrr_at_3": 55.595000000000006, + "mrr_at_5": 58.205, + "mrr_at_7": 59.202999999999996, + "mrr_at_10": 59.727, + "mrr_at_20": 60.133, + "mrr_at_30": 60.178, + "mrr_at_50": 60.192, + "mrr_at_70": 60.19799999999999, + "mrr_at_100": 60.199999999999996, + "mrr_at_200": 60.199999999999996, + "mrr_at_300": 60.199999999999996, + "mrr_at_500": 60.199999999999996, + "mrr_at_700": 60.199999999999996, + "mrr_at_1000": 60.199999999999996, + "main_score": 67.171 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/ArxivClusteringP2P.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..aaa3e25d8 --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 52.07508593014336, + "main_score": 52.07508593014336 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/ArxivClusteringS2S.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..d2475aa95 --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 47.381339333240675, + "main_score": 47.381339333240675 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/AskUbuntuDupQuestions.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..2b453f711 --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 67.58376647859171, + "mrr": 80.56885635140483, + "main_score": 67.58376647859171 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/BIOSSES.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/BIOSSES.json new file mode 100644 index 000000000..8355b9423 --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.40107280274783, + "cos_sim_spearman": 86.07003345325681, + "euclidean_pearson": 87.1726034325395, + "euclidean_spearman": 86.07003345325681, + "manhattan_pearson": 87.25660625029772, + "manhattan_spearman": 86.3808839096893, + "cosine_pearson": 88.40107280274783, + "cosine_spearman": 86.07003345325681, + "main_score": 86.07003345325681 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/Banking77Classification.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/Banking77Classification.json new file mode 100644 index 000000000..a19fc1f09 --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 88.81168831168831, + "f1": 88.76514496560141, + "main_score": 88.81168831168831 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/BiorxivClusteringP2P.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..998bf9505 --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 43.9382520874344, + "main_score": 43.9382520874344 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/BiorxivClusteringS2S.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..e70249d04 --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 41.14351847240913, + "main_score": 41.14351847240913 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/ClimateFEVER.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/ClimateFEVER.json new file mode 100644 index 000000000..fc426439d --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/ClimateFEVER.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 35.179, + "ndcg_at_2": 31.243, + "ndcg_at_3": 30.562, + "ndcg_at_5": 32.409, + "ndcg_at_7": 34.525, + "ndcg_at_10": 36.415, + "ndcg_at_20": 39.443, + "ndcg_at_30": 40.796, + "ndcg_at_50": 42.16, + "ndcg_at_70": 42.971, + "ndcg_at_100": 43.691, + "ndcg_at_200": 45.004, + "ndcg_at_300": 45.527, + "ndcg_at_500": 46.072, + "ndcg_at_700": 46.387, + "ndcg_at_1000": 46.663, + "map_at_1": 15.692, + "map_at_2": 20.116, + "map_at_3": 22.6, + "map_at_5": 24.701, + "map_at_7": 25.934, + "map_at_10": 26.843, + "map_at_20": 27.975, + "map_at_30": 28.372000000000003, + "map_at_50": 28.671000000000003, + "map_at_70": 28.803, + "map_at_100": 28.895, + "map_at_200": 29.011, + "map_at_300": 29.042, + "map_at_500": 29.065, + "map_at_700": 29.075, + "map_at_1000": 29.081000000000003, + "recall_at_1": 15.692, + "recall_at_2": 22.602, + "recall_at_3": 27.814, + "recall_at_5": 33.756, + "recall_at_7": 38.073, + "recall_at_10": 42.553000000000004, + "recall_at_20": 51.121, + "recall_at_30": 55.523999999999994, + "recall_at_50": 60.586, + "recall_at_70": 63.94, + "recall_at_100": 67.134, + "recall_at_200": 73.543, + "recall_at_300": 76.372, + "recall_at_500": 79.60199999999999, + "recall_at_700": 81.536, + "recall_at_1000": 83.37400000000001, + "precision_at_1": 35.179, + "precision_at_2": 27.199, + "precision_at_3": 22.953000000000003, + "precision_at_5": 17.224999999999998, + "precision_at_7": 14.238999999999999, + "precision_at_10": 11.303, + "precision_at_20": 6.954000000000001, + "precision_at_30": 5.116, + "precision_at_50": 3.395, + "precision_at_70": 2.579, + "precision_at_100": 1.9109999999999998, + "precision_at_200": 1.065, + "precision_at_300": 0.743, + "precision_at_500": 0.46699999999999997, + "precision_at_700": 0.344, + "precision_at_1000": 0.247, + "mrr_at_1": 35.179, + "mrr_at_2": 41.792, + "mrr_at_3": 44.484, + "mrr_at_5": 46.39, + "mrr_at_7": 47.125, + "mrr_at_10": 47.711999999999996, + "mrr_at_20": 48.214, + "mrr_at_30": 48.325, + "mrr_at_50": 48.392, + "mrr_at_70": 48.418, + "mrr_at_100": 48.44, + "mrr_at_200": 48.46, + "mrr_at_300": 48.461999999999996, + "mrr_at_500": 48.466, + "mrr_at_700": 48.466, + "mrr_at_1000": 48.467, + "main_score": 36.415 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/DBPedia.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/DBPedia.json new file mode 100644 index 000000000..e107d5a9a --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/DBPedia.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 62.375, + "ndcg_at_2": 56.286, + "ndcg_at_3": 53.665, + "ndcg_at_5": 51.139, + "ndcg_at_7": 49.873, + "ndcg_at_10": 49.056, + "ndcg_at_20": 48.783, + "ndcg_at_30": 49.166, + "ndcg_at_50": 51.141999999999996, + "ndcg_at_70": 52.774, + "ndcg_at_100": 54.403, + "ndcg_at_200": 57.419, + "ndcg_at_300": 58.778, + "ndcg_at_500": 60.228, + "ndcg_at_700": 61.07599999999999, + "ndcg_at_1000": 61.846000000000004, + "map_at_1": 10.359, + "map_at_2": 14.446, + "map_at_3": 16.689, + "map_at_5": 20.096, + "map_at_7": 22.247, + "map_at_10": 24.468999999999998, + "map_at_20": 28.938000000000002, + "map_at_30": 31.134, + "map_at_50": 33.403, + "map_at_70": 34.486, + "map_at_100": 35.337, + "map_at_200": 36.364999999999995, + "map_at_300": 36.735, + "map_at_500": 37.057, + "map_at_700": 37.225, + "map_at_1000": 37.379, + "recall_at_1": 10.359, + "recall_at_2": 14.945, + "recall_at_3": 17.694, + "recall_at_5": 22.677, + "recall_at_7": 26.131, + "recall_at_10": 30.053, + "recall_at_20": 39.518, + "recall_at_30": 44.925, + "recall_at_50": 52.154, + "recall_at_70": 56.729, + "recall_at_100": 61.18900000000001, + "recall_at_200": 70.407, + "recall_at_300": 74.412, + "recall_at_500": 78.891, + "recall_at_700": 81.74, + "recall_at_1000": 84.253, + "precision_at_1": 75, + "precision_at_2": 64.125, + "precision_at_3": 57.833, + "precision_at_5": 50.24999999999999, + "precision_at_7": 44.75, + "precision_at_10": 39.75, + "precision_at_20": 30.412, + "precision_at_30": 25.141999999999996, + "precision_at_50": 19.2, + "precision_at_70": 15.729000000000001, + "precision_at_100": 12.552, + "precision_at_200": 7.866, + "precision_at_300": 5.9270000000000005, + "precision_at_500": 4.1129999999999995, + "precision_at_700": 3.2460000000000004, + "precision_at_1000": 2.5260000000000002, + "mrr_at_1": 75, + "mrr_at_2": 78.625, + "mrr_at_3": 79.708, + "mrr_at_5": 80.446, + "mrr_at_7": 80.862, + "mrr_at_10": 81.161, + "mrr_at_20": 81.3, + "mrr_at_30": 81.348, + "mrr_at_50": 81.361, + "mrr_at_70": 81.361, + "mrr_at_100": 81.361, + "mrr_at_200": 81.367, + "mrr_at_300": 81.367, + "mrr_at_500": 81.368, + "mrr_at_700": 81.368, + "mrr_at_1000": 81.368, + "main_score": 49.056 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/EmotionClassification.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/EmotionClassification.json new file mode 100644 index 000000000..265686808 --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 50.239999999999995, + "f1": 46.42361822342044, + "main_score": 50.239999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/FEVER.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/FEVER.json new file mode 100644 index 000000000..8bfa2819b --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/FEVER.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 83.723, + "ndcg_at_2": 86.777, + "ndcg_at_3": 87.997, + "ndcg_at_5": 88.864, + "ndcg_at_7": 89.143, + "ndcg_at_10": 89.349, + "ndcg_at_20": 89.709, + "ndcg_at_30": 89.82900000000001, + "ndcg_at_50": 89.923, + "ndcg_at_70": 89.982, + "ndcg_at_100": 90.026, + "ndcg_at_200": 90.10000000000001, + "ndcg_at_300": 90.12599999999999, + "ndcg_at_500": 90.17399999999999, + "ndcg_at_700": 90.19, + "ndcg_at_1000": 90.208, + "map_at_1": 77.64999999999999, + "map_at_2": 83.769, + "map_at_3": 85.041, + "map_at_5": 85.736, + "map_at_7": 85.924, + "map_at_10": 86.032, + "map_at_20": 86.177, + "map_at_30": 86.213, + "map_at_50": 86.233, + "map_at_70": 86.24300000000001, + "map_at_100": 86.249, + "map_at_200": 86.256, + "map_at_300": 86.258, + "map_at_500": 86.26, + "map_at_700": 86.26, + "map_at_1000": 86.261, + "recall_at_1": 77.64999999999999, + "recall_at_2": 88.53999999999999, + "recall_at_3": 91.696, + "recall_at_5": 93.916, + "recall_at_7": 94.731, + "recall_at_10": 95.318, + "recall_at_20": 96.507, + "recall_at_30": 96.956, + "recall_at_50": 97.34899999999999, + "recall_at_70": 97.61, + "recall_at_100": 97.83, + "recall_at_200": 98.223, + "recall_at_300": 98.374, + "recall_at_500": 98.67899999999999, + "recall_at_700": 98.787, + "recall_at_1000": 98.919, + "precision_at_1": 83.723, + "precision_at_2": 48.425000000000004, + "precision_at_3": 33.638, + "precision_at_5": 20.843, + "precision_at_7": 15.079, + "precision_at_10": 10.674999999999999, + "precision_at_20": 5.457999999999999, + "precision_at_30": 3.6740000000000004, + "precision_at_50": 2.2239999999999998, + "precision_at_70": 1.599, + "precision_at_100": 1.125, + "precision_at_200": 0.5680000000000001, + "precision_at_300": 0.38, + "precision_at_500": 0.22999999999999998, + "precision_at_700": 0.165, + "precision_at_1000": 0.116, + "mrr_at_1": 83.723, + "mrr_at_2": 88.794, + "mrr_at_3": 89.679, + "mrr_at_5": 90.049, + "mrr_at_7": 90.129, + "mrr_at_10": 90.167, + "mrr_at_20": 90.208, + "mrr_at_30": 90.214, + "mrr_at_50": 90.217, + "mrr_at_70": 90.218, + "mrr_at_100": 90.21900000000001, + "mrr_at_200": 90.21900000000001, + "mrr_at_300": 90.21900000000001, + "mrr_at_500": 90.21900000000001, + "mrr_at_700": 90.21900000000001, + "mrr_at_1000": 90.21900000000001, + "main_score": 89.349 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/FiQA2018.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/FiQA2018.json new file mode 100644 index 000000000..cfe53033f --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/FiQA2018.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 59.721999999999994, + "ndcg_at_2": 56.85, + "ndcg_at_3": 56.462999999999994, + "ndcg_at_5": 57.75599999999999, + "ndcg_at_7": 59.109, + "ndcg_at_10": 60.402, + "ndcg_at_20": 63.071999999999996, + "ndcg_at_30": 64.302, + "ndcg_at_50": 65.619, + "ndcg_at_70": 66.161, + "ndcg_at_100": 66.645, + "ndcg_at_200": 67.353, + "ndcg_at_300": 67.646, + "ndcg_at_500": 67.852, + "ndcg_at_700": 67.974, + "ndcg_at_1000": 68.084, + "map_at_1": 31.56, + "map_at_2": 42.093, + "map_at_3": 46.177, + "map_at_5": 49.78, + "map_at_7": 51.410999999999994, + "map_at_10": 52.524, + "map_at_20": 53.815000000000005, + "map_at_30": 54.201, + "map_at_50": 54.531, + "map_at_70": 54.625, + "map_at_100": 54.686, + "map_at_200": 54.757999999999996, + "map_at_300": 54.776, + "map_at_500": 54.786, + "map_at_700": 54.790000000000006, + "map_at_1000": 54.793000000000006, + "recall_at_1": 31.56, + "recall_at_2": 44.858, + "recall_at_3": 51.11, + "recall_at_5": 58.394, + "recall_at_7": 63.001, + "recall_at_10": 66.81200000000001, + "recall_at_20": 74.901, + "recall_at_30": 79.218, + "recall_at_50": 84.49, + "recall_at_70": 87.003, + "recall_at_100": 89.345, + "recall_at_200": 93.173, + "recall_at_300": 94.906, + "recall_at_500": 96.223, + "recall_at_700": 97.043, + "recall_at_1000": 97.785, + "precision_at_1": 59.721999999999994, + "precision_at_2": 46.682, + "precision_at_3": 37.602999999999994, + "precision_at_5": 27.500000000000004, + "precision_at_7": 21.847, + "precision_at_10": 16.667, + "precision_at_20": 9.545, + "precision_at_30": 6.795, + "precision_at_50": 4.38, + "precision_at_70": 3.221, + "precision_at_100": 2.319, + "precision_at_200": 1.2149999999999999, + "precision_at_300": 0.827, + "precision_at_500": 0.504, + "precision_at_700": 0.364, + "precision_at_1000": 0.257, + "mrr_at_1": 59.721999999999994, + "mrr_at_2": 64.506, + "mrr_at_3": 65.792, + "mrr_at_5": 66.965, + "mrr_at_7": 67.34700000000001, + "mrr_at_10": 67.57, + "mrr_at_20": 67.896, + "mrr_at_30": 68.008, + "mrr_at_50": 68.083, + "mrr_at_70": 68.105, + "mrr_at_100": 68.116, + "mrr_at_200": 68.12700000000001, + "mrr_at_300": 68.13, + "mrr_at_500": 68.132, + "mrr_at_700": 68.133, + "mrr_at_1000": 68.133, + "main_score": 60.402 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/HotpotQA.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/HotpotQA.json new file mode 100644 index 000000000..b98d6d143 --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/HotpotQA.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 81.796, + "ndcg_at_2": 67.999, + "ndcg_at_3": 72.15599999999999, + "ndcg_at_5": 74.99900000000001, + "ndcg_at_7": 76.179, + "ndcg_at_10": 77.022, + "ndcg_at_20": 78.173, + "ndcg_at_30": 78.648, + "ndcg_at_50": 79.104, + "ndcg_at_70": 79.335, + "ndcg_at_100": 79.56, + "ndcg_at_200": 79.911, + "ndcg_at_300": 80.045, + "ndcg_at_500": 80.19500000000001, + "ndcg_at_700": 80.281, + "ndcg_at_1000": 80.35, + "map_at_1": 40.898, + "map_at_2": 62.016000000000005, + "map_at_3": 66.121, + "map_at_5": 68.471, + "map_at_7": 69.261, + "map_at_10": 69.738, + "map_at_20": 70.208, + "map_at_30": 70.343, + "map_at_50": 70.43700000000001, + "map_at_70": 70.47099999999999, + "map_at_100": 70.498, + "map_at_200": 70.526, + "map_at_300": 70.533, + "map_at_500": 70.538, + "map_at_700": 70.541, + "map_at_1000": 70.542, + "recall_at_1": 40.898, + "recall_at_2": 63.964, + "recall_at_3": 70.743, + "recall_at_5": 76.36699999999999, + "recall_at_7": 79.142, + "recall_at_10": 81.404, + "recall_at_20": 85.111, + "recall_at_30": 86.92800000000001, + "recall_at_50": 88.899, + "recall_at_70": 90.01400000000001, + "recall_at_100": 91.19500000000001, + "recall_at_200": 93.234, + "recall_at_300": 94.105, + "recall_at_500": 95.159, + "recall_at_700": 95.8, + "recall_at_1000": 96.34700000000001, + "precision_at_1": 81.796, + "precision_at_2": 63.964, + "precision_at_3": 47.162, + "precision_at_5": 30.547, + "precision_at_7": 22.612, + "precision_at_10": 16.281000000000002, + "precision_at_20": 8.511000000000001, + "precision_at_30": 5.795, + "precision_at_50": 3.556, + "precision_at_70": 2.572, + "precision_at_100": 1.8239999999999998, + "precision_at_200": 0.932, + "precision_at_300": 0.627, + "precision_at_500": 0.381, + "precision_at_700": 0.27399999999999997, + "precision_at_1000": 0.193, + "mrr_at_1": 81.796, + "mrr_at_2": 85.69200000000001, + "mrr_at_3": 86.52, + "mrr_at_5": 86.973, + "mrr_at_7": 87.13300000000001, + "mrr_at_10": 87.208, + "mrr_at_20": 87.303, + "mrr_at_30": 87.32799999999999, + "mrr_at_50": 87.347, + "mrr_at_70": 87.35199999999999, + "mrr_at_100": 87.355, + "mrr_at_200": 87.357, + "mrr_at_300": 87.357, + "mrr_at_500": 87.358, + "mrr_at_700": 87.358, + "mrr_at_1000": 87.358, + "main_score": 77.022 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/ImdbClassification.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/ImdbClassification.json new file mode 100644 index 000000000..43fc30488 --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 94.79200000000002, + "ap": 92.54484356773553, + "f1": 94.78965313682525, + "main_score": 94.79200000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/MSMARCO.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/MSMARCO.json new file mode 100644 index 000000000..44c999683 --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/MSMARCO.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 24.398, + "ndcg_at_2": 31.336000000000002, + "ndcg_at_3": 35.266999999999996, + "ndcg_at_5": 39.356, + "ndcg_at_7": 41.562, + "ndcg_at_10": 43.408, + "ndcg_at_20": 46.107, + "ndcg_at_30": 47.164, + "ndcg_at_50": 48.126000000000005, + "ndcg_at_70": 48.626999999999995, + "ndcg_at_100": 49.043, + "ndcg_at_200": 49.575, + "ndcg_at_300": 49.794, + "ndcg_at_500": 49.942, + "ndcg_at_700": 50.014, + "ndcg_at_1000": 50.077000000000005, + "map_at_1": 23.723, + "map_at_2": 29.593000000000004, + "map_at_3": 32.273, + "map_at_5": 34.587, + "map_at_7": 35.589999999999996, + "map_at_10": 36.296, + "map_at_20": 37.059999999999995, + "map_at_30": 37.265, + "map_at_50": 37.402, + "map_at_70": 37.454, + "map_at_100": 37.486999999999995, + "map_at_200": 37.516, + "map_at_300": 37.524, + "map_at_500": 37.528, + "map_at_700": 37.529, + "map_at_1000": 37.53, + "recall_at_1": 23.723, + "recall_at_2": 35.355, + "recall_at_3": 43.22, + "recall_at_5": 53.025, + "recall_at_7": 59.327, + "recall_at_10": 65.302, + "recall_at_20": 75.765, + "recall_at_30": 80.632, + "recall_at_50": 85.63499999999999, + "recall_at_70": 88.554, + "recall_at_100": 91.16300000000001, + "recall_at_200": 94.85, + "recall_at_300": 96.532, + "recall_at_500": 97.751, + "recall_at_700": 98.383, + "recall_at_1000": 98.97, + "precision_at_1": 24.398, + "precision_at_2": 18.274, + "precision_at_3": 14.951999999999998, + "precision_at_5": 11.052, + "precision_at_7": 8.84, + "precision_at_10": 6.8309999999999995, + "precision_at_20": 3.978, + "precision_at_30": 2.827, + "precision_at_50": 1.807, + "precision_at_70": 1.336, + "precision_at_100": 0.964, + "precision_at_200": 0.502, + "precision_at_300": 0.34099999999999997, + "precision_at_500": 0.208, + "precision_at_700": 0.15, + "precision_at_1000": 0.105, + "mrr_at_1": 24.398, + "mrr_at_2": 30.351, + "mrr_at_3": 33.001000000000005, + "mrr_at_5": 35.228, + "mrr_at_7": 36.223, + "mrr_at_10": 36.903999999999996, + "mrr_at_20": 37.631, + "mrr_at_30": 37.830000000000005, + "mrr_at_50": 37.955, + "mrr_at_70": 38.003, + "mrr_at_100": 38.033, + "mrr_at_200": 38.059, + "mrr_at_300": 38.066, + "mrr_at_500": 38.068999999999996, + "mrr_at_700": 38.07, + "mrr_at_1000": 38.07, + "main_score": 43.408 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/MTOPDomainClassification.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/MTOPDomainClassification.json new file mode 100644 index 000000000..04ad1c933 --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 96.35658914728683, + "f1": 96.15039630903114, + "main_score": 96.35658914728683 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/MTOPIntentClassification.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/MTOPIntentClassification.json new file mode 100644 index 000000000..dd3208928 --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.29730962152303, + "f1": 71.12166316567485, + "main_score": 86.29730962152303 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/MassiveIntentClassification.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/MassiveIntentClassification.json new file mode 100644 index 000000000..e8f33bff8 --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.98991257565568, + "f1": 77.41680115095276, + "main_score": 79.98991257565568 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/MassiveScenarioClassification.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..ae0c7ccd4 --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 82.1990585070612, + "f1": 82.23719179179362, + "main_score": 82.1990585070612 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/MedrxivClusteringP2P.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..2e8b4cdfa --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.03019554933584, + "main_score": 40.03019554933584 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/MedrxivClusteringS2S.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..a8d89cb57 --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.999760551497815, + "main_score": 38.999760551497815 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/MindSmallReranking.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/MindSmallReranking.json new file mode 100644 index 000000000..171e15520 --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 32.72383151953079, + "mrr": 33.93989699030721, + "main_score": 32.72383151953079 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/NFCorpus.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/NFCorpus.json new file mode 100644 index 000000000..4891ff900 --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/NFCorpus.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 51.858000000000004, + "ndcg_at_2": 49.675999999999995, + "ndcg_at_3": 47.519, + "ndcg_at_5": 45.198, + "ndcg_at_7": 43.504, + "ndcg_at_10": 41.88, + "ndcg_at_20": 39.122, + "ndcg_at_30": 37.95, + "ndcg_at_50": 37.602999999999994, + "ndcg_at_70": 37.836, + "ndcg_at_100": 38.493, + "ndcg_at_200": 40.187, + "ndcg_at_300": 41.524, + "ndcg_at_500": 43.657000000000004, + "ndcg_at_700": 45.234, + "ndcg_at_1000": 47.047, + "map_at_1": 6.392, + "map_at_2": 10.113, + "map_at_3": 11.543000000000001, + "map_at_5": 13.729, + "map_at_7": 14.985000000000001, + "map_at_10": 16.217000000000002, + "map_at_20": 18.106, + "map_at_30": 18.878, + "map_at_50": 19.822, + "map_at_70": 20.352999999999998, + "map_at_100": 20.827, + "map_at_200": 21.512, + "map_at_300": 21.826, + "map_at_500": 22.155, + "map_at_700": 22.349, + "map_at_1000": 22.531000000000002, + "recall_at_1": 6.392, + "recall_at_2": 11.215, + "recall_at_3": 13.231000000000002, + "recall_at_5": 16.66, + "recall_at_7": 18.802, + "recall_at_10": 21.185000000000002, + "recall_at_20": 25.35, + "recall_at_30": 27.91, + "recall_at_50": 32.845, + "recall_at_70": 35.789, + "recall_at_100": 39.247, + "recall_at_200": 46.655, + "recall_at_300": 51.43299999999999, + "recall_at_500": 59.472, + "recall_at_700": 64.742, + "recall_at_1000": 70.97099999999999, + "precision_at_1": 53.559999999999995, + "precision_at_2": 48.762, + "precision_at_3": 44.169000000000004, + "precision_at_5": 39.071, + "precision_at_7": 35.161, + "precision_at_10": 31.238, + "precision_at_20": 23.064999999999998, + "precision_at_30": 18.844, + "precision_at_50": 14.601, + "precision_at_70": 12.088000000000001, + "precision_at_100": 9.844999999999999, + "precision_at_200": 6.358, + "precision_at_300": 4.915, + "precision_at_500": 3.531, + "precision_at_700": 2.8649999999999998, + "precision_at_1000": 2.289, + "mrr_at_1": 54.17999999999999, + "mrr_at_2": 59.288, + "mrr_at_3": 60.836, + "mrr_at_5": 62.275999999999996, + "mrr_at_7": 62.688, + "mrr_at_10": 62.865, + "mrr_at_20": 63.11, + "mrr_at_30": 63.193999999999996, + "mrr_at_50": 63.258, + "mrr_at_70": 63.278, + "mrr_at_100": 63.297000000000004, + "mrr_at_200": 63.315999999999995, + "mrr_at_300": 63.318, + "mrr_at_500": 63.32299999999999, + "mrr_at_700": 63.324000000000005, + "mrr_at_1000": 63.324999999999996, + "main_score": 41.88 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/NQ.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/NQ.json new file mode 100644 index 000000000..080c55452 --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/NQ.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 50.897999999999996, + "ndcg_at_2": 59.126, + "ndcg_at_3": 63.093999999999994, + "ndcg_at_5": 67.197, + "ndcg_at_7": 68.719, + "ndcg_at_10": 69.915, + "ndcg_at_20": 71.229, + "ndcg_at_30": 71.667, + "ndcg_at_50": 71.98, + "ndcg_at_70": 72.127, + "ndcg_at_100": 72.217, + "ndcg_at_200": 72.319, + "ndcg_at_300": 72.347, + "ndcg_at_500": 72.37, + "ndcg_at_700": 72.379, + "ndcg_at_1000": 72.381, + "map_at_1": 45.297, + "map_at_2": 55.596000000000004, + "map_at_3": 58.724, + "map_at_5": 61.387, + "map_at_7": 62.173, + "map_at_10": 62.69, + "map_at_20": 63.125, + "map_at_30": 63.223, + "map_at_50": 63.27700000000001, + "map_at_70": 63.295, + "map_at_100": 63.303, + "map_at_200": 63.31, + "map_at_300": 63.31099999999999, + "map_at_500": 63.312000000000005, + "map_at_700": 63.312000000000005, + "map_at_1000": 63.312000000000005, + "recall_at_1": 45.297, + "recall_at_2": 63.866, + "recall_at_3": 71.898, + "recall_at_5": 81.16600000000001, + "recall_at_7": 85.301, + "recall_at_10": 88.94800000000001, + "recall_at_20": 93.719, + "recall_at_30": 95.628, + "recall_at_50": 97.14699999999999, + "recall_at_70": 97.955, + "recall_at_100": 98.48599999999999, + "recall_at_200": 99.157, + "recall_at_300": 99.355, + "recall_at_500": 99.53699999999999, + "recall_at_700": 99.62299999999999, + "recall_at_1000": 99.638, + "precision_at_1": 50.897999999999996, + "precision_at_2": 36.703, + "precision_at_3": 27.926000000000002, + "precision_at_5": 19.276, + "precision_at_7": 14.533999999999999, + "precision_at_10": 10.678, + "precision_at_20": 5.663, + "precision_at_30": 3.8600000000000003, + "precision_at_50": 2.358, + "precision_at_70": 1.7000000000000002, + "precision_at_100": 1.198, + "precision_at_200": 0.603, + "precision_at_300": 0.40299999999999997, + "precision_at_500": 0.242, + "precision_at_700": 0.173, + "precision_at_1000": 0.121, + "mrr_at_1": 50.897999999999996, + "mrr_at_2": 59.994, + "mrr_at_3": 62.553000000000004, + "mrr_at_5": 64.307, + "mrr_at_7": 64.864, + "mrr_at_10": 65.22200000000001, + "mrr_at_20": 65.499, + "mrr_at_30": 65.561, + "mrr_at_50": 65.592, + "mrr_at_70": 65.602, + "mrr_at_100": 65.607, + "mrr_at_200": 65.61099999999999, + "mrr_at_300": 65.61200000000001, + "mrr_at_500": 65.61200000000001, + "mrr_at_700": 65.61200000000001, + "mrr_at_1000": 65.61200000000001, + "main_score": 69.915 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/QuoraRetrieval.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/QuoraRetrieval.json new file mode 100644 index 000000000..f9bbabe9a --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/QuoraRetrieval.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 82.96, + "ndcg_at_2": 85.614, + "ndcg_at_3": 87.19, + "ndcg_at_5": 88.654, + "ndcg_at_7": 89.287, + "ndcg_at_10": 89.785, + "ndcg_at_20": 90.384, + "ndcg_at_30": 90.589, + "ndcg_at_50": 90.738, + "ndcg_at_70": 90.789, + "ndcg_at_100": 90.824, + "ndcg_at_200": 90.869, + "ndcg_at_300": 90.881, + "ndcg_at_500": 90.886, + "ndcg_at_700": 90.889, + "ndcg_at_1000": 90.889, + "map_at_1": 72.152, + "map_at_2": 80.818, + "map_at_3": 83.462, + "map_at_5": 85.286, + "map_at_7": 85.921, + "map_at_10": 86.334, + "map_at_20": 86.737, + "map_at_30": 86.847, + "map_at_50": 86.911, + "map_at_70": 86.932, + "map_at_100": 86.943, + "map_at_200": 86.953, + "map_at_300": 86.955, + "map_at_500": 86.956, + "map_at_700": 86.956, + "map_at_1000": 86.956, + "recall_at_1": 72.152, + "recall_at_2": 84.129, + "recall_at_3": 88.87, + "recall_at_5": 93.067, + "recall_at_7": 94.882, + "recall_at_10": 96.353, + "recall_at_20": 98.26700000000001, + "recall_at_30": 98.92999999999999, + "recall_at_50": 99.441, + "recall_at_70": 99.619, + "recall_at_100": 99.748, + "recall_at_200": 99.911, + "recall_at_300": 99.956, + "recall_at_500": 99.98, + "recall_at_700": 99.991, + "recall_at_1000": 99.996, + "precision_at_1": 82.96, + "precision_at_2": 52.175000000000004, + "precision_at_3": 38.223, + "precision_at_5": 25.056, + "precision_at_7": 18.717, + "precision_at_10": 13.614999999999998, + "precision_at_20": 7.208, + "precision_at_30": 4.928, + "precision_at_50": 3.024, + "precision_at_70": 2.183, + "precision_at_100": 1.54, + "precision_at_200": 0.779, + "precision_at_300": 0.521, + "precision_at_500": 0.313, + "precision_at_700": 0.22399999999999998, + "precision_at_1000": 0.157, + "mrr_at_1": 82.96, + "mrr_at_2": 87.005, + "mrr_at_3": 88.07199999999999, + "mrr_at_5": 88.634, + "mrr_at_7": 88.793, + "mrr_at_10": 88.87899999999999, + "mrr_at_20": 88.94999999999999, + "mrr_at_30": 88.96, + "mrr_at_50": 88.965, + "mrr_at_70": 88.966, + "mrr_at_100": 88.967, + "mrr_at_200": 88.967, + "mrr_at_300": 88.967, + "mrr_at_500": 88.967, + "mrr_at_700": 88.967, + "mrr_at_1000": 88.967, + "main_score": 89.785 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/RedditClustering.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/RedditClustering.json new file mode 100644 index 000000000..b591d36ee --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 59.90388554491155, + "main_score": 59.90388554491155 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/RedditClusteringP2P.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/RedditClusteringP2P.json new file mode 100644 index 000000000..d18a2ddbc --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 67.64232539036783, + "main_score": 67.64232539036783 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/SCIDOCS.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/SCIDOCS.json new file mode 100644 index 000000000..7036e47af --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/SCIDOCS.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 22.6, + "ndcg_at_2": 20.355999999999998, + "ndcg_at_3": 18.536, + "ndcg_at_5": 16.523, + "ndcg_at_7": 17.979, + "ndcg_at_10": 19.908, + "ndcg_at_20": 22.887, + "ndcg_at_30": 24.43, + "ndcg_at_50": 25.959, + "ndcg_at_70": 26.989, + "ndcg_at_100": 27.977, + "ndcg_at_200": 29.831000000000003, + "ndcg_at_300": 30.787, + "ndcg_at_500": 31.974999999999998, + "ndcg_at_700": 32.554, + "ndcg_at_1000": 33.277, + "map_at_1": 4.593, + "map_at_2": 6.923, + "map_at_3": 8.3, + "map_at_5": 10.072000000000001, + "map_at_7": 10.782, + "map_at_10": 11.72, + "map_at_20": 12.838, + "map_at_30": 13.257, + "map_at_50": 13.569, + "map_at_70": 13.733, + "map_at_100": 13.858999999999998, + "map_at_200": 14.018, + "map_at_300": 14.072999999999999, + "map_at_500": 14.126, + "map_at_700": 14.145, + "map_at_1000": 14.161999999999999, + "recall_at_1": 4.593, + "recall_at_2": 7.997999999999999, + "recall_at_3": 10.563, + "recall_at_5": 14.907, + "recall_at_7": 17.4, + "recall_at_10": 21.18, + "recall_at_20": 28.144999999999996, + "recall_at_30": 32.462, + "recall_at_50": 37.267, + "recall_at_70": 40.875, + "recall_at_100": 44.641999999999996, + "recall_at_200": 52.573, + "recall_at_300": 57.089999999999996, + "recall_at_500": 63.14300000000001, + "recall_at_700": 66.313, + "recall_at_1000": 70.458, + "precision_at_1": 22.6, + "precision_at_2": 19.7, + "precision_at_3": 17.333000000000002, + "precision_at_5": 14.680000000000001, + "precision_at_7": 12.243, + "precision_at_10": 10.440000000000001, + "precision_at_20": 6.944999999999999, + "precision_at_30": 5.333, + "precision_at_50": 3.678, + "precision_at_70": 2.881, + "precision_at_100": 2.2030000000000003, + "precision_at_200": 1.295, + "precision_at_300": 0.9369999999999999, + "precision_at_500": 0.622, + "precision_at_700": 0.466, + "precision_at_1000": 0.347, + "mrr_at_1": 22.6, + "mrr_at_2": 27.900000000000002, + "mrr_at_3": 30.067, + "mrr_at_5": 32.207, + "mrr_at_7": 33.004, + "mrr_at_10": 33.596, + "mrr_at_20": 34.268, + "mrr_at_30": 34.492, + "mrr_at_50": 34.628, + "mrr_at_70": 34.681, + "mrr_at_100": 34.717, + "mrr_at_200": 34.757, + "mrr_at_300": 34.768, + "mrr_at_500": 34.772, + "mrr_at_700": 34.774, + "mrr_at_1000": 34.775, + "main_score": 19.908 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/SICK-R.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/SICK-R.json new file mode 100644 index 000000000..1b3ac74e1 --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.90122745229677, + "cos_sim_spearman": 82.92294737327579, + "euclidean_pearson": 84.08979655773187, + "euclidean_spearman": 82.92294657285412, + "manhattan_pearson": 84.09347480531832, + "manhattan_spearman": 82.91564613948087, + "cosine_pearson": 86.90122745229677, + "cosine_spearman": 82.92294737327579, + "main_score": 82.92294737327579 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/STS12.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/STS12.json new file mode 100644 index 000000000..53583a60f --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.01218713698583, + "cos_sim_spearman": 79.46865215168464, + "euclidean_pearson": 83.22621889891909, + "euclidean_spearman": 79.46853821709514, + "manhattan_pearson": 83.69962580788805, + "manhattan_spearman": 79.9561593356932, + "cosine_pearson": 87.01218713698583, + "cosine_spearman": 79.46865215168464, + "main_score": 79.46865215168464 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/STS13.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/STS13.json new file mode 100644 index 000000000..7fce18411 --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.98438696342964, + "cos_sim_spearman": 89.15419511870839, + "euclidean_pearson": 88.49646141802894, + "euclidean_spearman": 89.15419503946019, + "manhattan_pearson": 88.6420585616327, + "manhattan_spearman": 89.42648950757743, + "cosine_pearson": 88.98438696342964, + "cosine_spearman": 89.15419511870839, + "main_score": 89.15419511870839 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/STS14.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/STS14.json new file mode 100644 index 000000000..d1c67bc03 --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.30772547759544, + "cos_sim_spearman": 84.93199878424691, + "euclidean_pearson": 86.16266630395455, + "euclidean_spearman": 84.93198798543634, + "manhattan_pearson": 86.14285723189803, + "manhattan_spearman": 85.0361672522687, + "cosine_pearson": 87.30772547759544, + "cosine_spearman": 84.93199878424691, + "main_score": 84.93199878424691 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/STS15.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/STS15.json new file mode 100644 index 000000000..4aca9f5f2 --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 90.21342071197127, + "cos_sim_spearman": 90.7407512744838, + "euclidean_pearson": 90.1517933113061, + "euclidean_spearman": 90.74075125431919, + "manhattan_pearson": 90.17963034676193, + "manhattan_spearman": 90.88999275865135, + "cosine_pearson": 90.21342071197127, + "cosine_spearman": 90.7407512744838, + "main_score": 90.7407512744838 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/STS16.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/STS16.json new file mode 100644 index 000000000..b0da1b600 --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.82518054100498, + "cos_sim_spearman": 87.81570533154735, + "euclidean_pearson": 86.91684561573618, + "euclidean_spearman": 87.81570533154735, + "manhattan_pearson": 86.98311935744032, + "manhattan_spearman": 87.9594667151966, + "cosine_pearson": 86.82518054100498, + "cosine_spearman": 87.81570533154735, + "main_score": 87.81570533154735 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/STS17.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/STS17.json new file mode 100644 index 000000000..6d31e2332 --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 92.09578436612053, + "cos_sim_spearman": 92.01519349090438, + "euclidean_pearson": 92.07113635890894, + "euclidean_spearman": 92.01519349090438, + "manhattan_pearson": 91.89343820765625, + "manhattan_spearman": 91.7443476810177, + "cosine_pearson": 92.09578436612053, + "cosine_spearman": 92.01519349090438, + "main_score": 92.01519349090438 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/STS22.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/STS22.json new file mode 100644 index 000000000..67896a68b --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 69.29997751464549, + "cos_sim_spearman": 68.36425436812782, + "euclidean_pearson": 69.81381677661783, + "euclidean_spearman": 68.36425436812782, + "manhattan_pearson": 69.92823397008026, + "manhattan_spearman": 68.35770640039254, + "cosine_pearson": 69.29997751464549, + "cosine_spearman": 68.36425436812782, + "main_score": 68.36425436812782 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/STSBenchmark.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/STSBenchmark.json new file mode 100644 index 000000000..a52ab440b --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.39126315452359, + "cos_sim_spearman": 88.99708463265337, + "euclidean_pearson": 88.60793820038607, + "euclidean_spearman": 88.99708463265337, + "manhattan_pearson": 88.69860633571047, + "manhattan_spearman": 89.20094593888012, + "cosine_pearson": 88.39126315452359, + "cosine_spearman": 88.99708463265337, + "main_score": 88.99708463265337 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/SciDocsRR.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/SciDocsRR.json new file mode 100644 index 000000000..6050e1f11 --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 86.58028062818582, + "mrr": 96.53586790841693, + "main_score": 86.58028062818582 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/SciFact.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/SciFact.json new file mode 100644 index 000000000..ed0964151 --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/SciFact.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 66.333, + "ndcg_at_2": 70.655, + "ndcg_at_3": 72.801, + "ndcg_at_5": 75.793, + "ndcg_at_7": 76.946, + "ndcg_at_10": 77.66199999999999, + "ndcg_at_20": 78.786, + "ndcg_at_30": 79.066, + "ndcg_at_50": 79.255, + "ndcg_at_70": 79.423, + "ndcg_at_100": 79.476, + "ndcg_at_200": 79.65299999999999, + "ndcg_at_300": 79.696, + "ndcg_at_500": 79.73599999999999, + "ndcg_at_700": 79.77199999999999, + "ndcg_at_1000": 79.77199999999999, + "map_at_1": 63.383, + "map_at_2": 68.144, + "map_at_3": 70.19800000000001, + "map_at_5": 72.38, + "map_at_7": 72.955, + "map_at_10": 73.312, + "map_at_20": 73.678, + "map_at_30": 73.72800000000001, + "map_at_50": 73.75500000000001, + "map_at_70": 73.771, + "map_at_100": 73.776, + "map_at_200": 73.783, + "map_at_300": 73.784, + "map_at_500": 73.785, + "map_at_700": 73.786, + "map_at_1000": 73.786, + "recall_at_1": 63.383, + "recall_at_2": 72.283, + "recall_at_3": 77.183, + "recall_at_5": 84.56099999999999, + "recall_at_7": 87.67200000000001, + "recall_at_10": 89.822, + "recall_at_20": 94, + "recall_at_30": 95.333, + "recall_at_50": 96.333, + "recall_at_70": 97.333, + "recall_at_100": 97.667, + "recall_at_200": 99, + "recall_at_300": 99.333, + "recall_at_500": 99.667, + "recall_at_700": 100, + "recall_at_1000": 100, + "precision_at_1": 66.333, + "precision_at_2": 38.667, + "precision_at_3": 28.111000000000004, + "precision_at_5": 18.933, + "precision_at_7": 14.094999999999999, + "precision_at_10": 10.167, + "precision_at_20": 5.35, + "precision_at_30": 3.611, + "precision_at_50": 2.1870000000000003, + "precision_at_70": 1.576, + "precision_at_100": 1.107, + "precision_at_200": 0.5599999999999999, + "precision_at_300": 0.374, + "precision_at_500": 0.22499999999999998, + "precision_at_700": 0.161, + "precision_at_1000": 0.11299999999999999, + "mrr_at_1": 66.333, + "mrr_at_2": 70.833, + "mrr_at_3": 72.167, + "mrr_at_5": 73.6, + "mrr_at_7": 74.084, + "mrr_at_10": 74.283, + "mrr_at_20": 74.54499999999999, + "mrr_at_30": 74.59599999999999, + "mrr_at_50": 74.622, + "mrr_at_70": 74.639, + "mrr_at_100": 74.643, + "mrr_at_200": 74.65, + "mrr_at_300": 74.652, + "mrr_at_500": 74.653, + "mrr_at_700": 74.653, + "mrr_at_1000": 74.653, + "main_score": 77.66199999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/SprintDuplicateQuestions.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..d7ecda672 --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.84554455445544, + "cos_sim_ap": 96.31178339136798, + "cos_sim_f1": 92.1921921921922, + "cos_sim_precision": 92.28456913827655, + "cos_sim_recall": 92.10000000000001, + "dot_accuracy": 99.84554455445544, + "dot_ap": 96.31178339136797, + "dot_f1": 92.1921921921922, + "dot_precision": 92.28456913827655, + "dot_recall": 92.10000000000001, + "euclidean_accuracy": 99.84554455445544, + "euclidean_ap": 96.31178339136798, + "euclidean_f1": 92.1921921921922, + "euclidean_precision": 92.28456913827655, + "euclidean_recall": 92.10000000000001, + "manhattan_accuracy": 99.84752475247525, + "manhattan_ap": 96.4591954606088, + "manhattan_f1": 92.25352112676056, + "manhattan_precision": 92.81376518218623, + "manhattan_recall": 91.7, + "max_accuracy": 99.84752475247525, + "max_ap": 96.4591954606088, + "max_f1": 92.25352112676056, + "main_score": 96.4591954606088 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/StackExchangeClustering.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/StackExchangeClustering.json new file mode 100644 index 000000000..6020be62f --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 74.24659759283294, + "main_score": 74.24659759283294 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/StackExchangeClusteringP2P.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..e3563c70b --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 46.77690051260451, + "main_score": 46.77690051260451 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/StackOverflowDupQuestions.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..2069a76d9 --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 55.68436757803185, + "mrr": 56.82157711569475, + "main_score": 55.68436757803185 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/SummEval.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/SummEval.json new file mode 100644 index 000000000..917b6473e --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.652482405629843, + "cos_sim_spearman": 31.16341822347735, + "dot_pearson": 31.652479892699837, + "dot_spearman": 31.16341822347735, + "cosine_pearson": 31.652482405629843, + "cosine_spearman": 31.16341822347735, + "main_score": 31.16341822347735 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/TRECCOVID.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/TRECCOVID.json new file mode 100644 index 000000000..e42785938 --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/TRECCOVID.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 92, + "ndcg_at_2": 90.839, + "ndcg_at_3": 90.642, + "ndcg_at_5": 90.348, + "ndcg_at_7": 89.015, + "ndcg_at_10": 87.599, + "ndcg_at_20": 84.434, + "ndcg_at_30": 81.655, + "ndcg_at_50": 77.278, + "ndcg_at_70": 73.957, + "ndcg_at_100": 69.56, + "ndcg_at_200": 60.724000000000004, + "ndcg_at_300": 57.245000000000005, + "ndcg_at_500": 56.316, + "ndcg_at_700": 58.399, + "ndcg_at_1000": 62.21600000000001, + "map_at_1": 0.247, + "map_at_2": 0.488, + "map_at_3": 0.7230000000000001, + "map_at_5": 1.204, + "map_at_7": 1.6500000000000001, + "map_at_10": 2.292, + "map_at_20": 4.274, + "map_at_30": 6.027, + "map_at_50": 9.083, + "map_at_70": 11.751000000000001, + "map_at_100": 14.912, + "map_at_200": 22.213, + "map_at_300": 26.667999999999996, + "map_at_500": 31.556, + "map_at_700": 34.221000000000004, + "map_at_1000": 36.443999999999996, + "recall_at_1": 0.247, + "recall_at_2": 0.49899999999999994, + "recall_at_3": 0.742, + "recall_at_5": 1.247, + "recall_at_7": 1.722, + "recall_at_10": 2.405, + "recall_at_20": 4.583, + "recall_at_30": 6.587999999999999, + "recall_at_50": 10.188, + "recall_at_70": 13.496, + "recall_at_100": 17.578, + "recall_at_200": 28.158, + "recall_at_300": 35.532000000000004, + "recall_at_500": 45.31, + "recall_at_700": 51.822, + "recall_at_1000": 58.53, + "precision_at_1": 96, + "precision_at_2": 96, + "precision_at_3": 95.333, + "precision_at_5": 94.8, + "precision_at_7": 93.429, + "precision_at_10": 91.4, + "precision_at_20": 87.7, + "precision_at_30": 84.867, + "precision_at_50": 80.24, + "precision_at_70": 76.371, + "precision_at_100": 71.08, + "precision_at_200": 59.4, + "precision_at_300": 51.459999999999994, + "precision_at_500": 40.644000000000005, + "precision_at_700": 33.889, + "precision_at_1000": 27.250000000000004, + "mrr_at_1": 96, + "mrr_at_2": 98, + "mrr_at_3": 98, + "mrr_at_5": 98, + "mrr_at_7": 98, + "mrr_at_10": 98, + "mrr_at_20": 98, + "mrr_at_30": 98, + "mrr_at_50": 98, + "mrr_at_70": 98, + "mrr_at_100": 98, + "mrr_at_200": 98, + "mrr_at_300": 98, + "mrr_at_500": 98, + "mrr_at_700": 98, + "mrr_at_1000": 98, + "main_score": 87.599 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/Touche2020.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/Touche2020.json new file mode 100644 index 000000000..edda0d90b --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/Touche2020.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 43.878, + "ndcg_at_2": 37.956, + "ndcg_at_3": 35.053, + "ndcg_at_5": 32.59, + "ndcg_at_7": 30.226, + "ndcg_at_10": 29.005, + "ndcg_at_20": 30.11, + "ndcg_at_30": 32.019999999999996, + "ndcg_at_50": 34.354, + "ndcg_at_70": 36.665, + "ndcg_at_100": 38.888, + "ndcg_at_200": 43.435, + "ndcg_at_300": 45.795, + "ndcg_at_500": 48.699999999999996, + "ndcg_at_700": 50.242, + "ndcg_at_1000": 51.529, + "map_at_1": 3.521, + "map_at_2": 5.309, + "map_at_3": 6.576, + "map_at_5": 8.97, + "map_at_7": 10.194, + "map_at_10": 11.949, + "map_at_20": 14.686, + "map_at_30": 15.8, + "map_at_50": 16.59, + "map_at_70": 17.2, + "map_at_100": 17.765, + "map_at_200": 18.636, + "map_at_300": 18.972, + "map_at_500": 19.301, + "map_at_700": 19.445, + "map_at_1000": 19.546, + "recall_at_1": 3.521, + "recall_at_2": 5.848, + "recall_at_3": 7.657, + "recall_at_5": 11.368, + "recall_at_7": 13.748, + "recall_at_10": 18.061, + "recall_at_20": 26.844, + "recall_at_30": 31.186000000000003, + "recall_at_50": 35.951, + "recall_at_70": 40.961999999999996, + "recall_at_100": 46.743, + "recall_at_200": 58.483, + "recall_at_300": 65.973, + "recall_at_500": 75.233, + "recall_at_700": 80.472, + "recall_at_1000": 85.02, + "precision_at_1": 46.939, + "precision_at_2": 38.775999999999996, + "precision_at_3": 34.694, + "precision_at_5": 31.429000000000002, + "precision_at_7": 27.697, + "precision_at_10": 24.490000000000002, + "precision_at_20": 18.776, + "precision_at_30": 15.034, + "precision_at_50": 10.857, + "precision_at_70": 9.096, + "precision_at_100": 7.51, + "precision_at_200": 4.929, + "precision_at_300": 3.7760000000000002, + "precision_at_500": 2.6780000000000004, + "precision_at_700": 2.085, + "precision_at_1000": 1.5709999999999997, + "mrr_at_1": 46.939, + "mrr_at_2": 55.102, + "mrr_at_3": 57.823, + "mrr_at_5": 60.68, + "mrr_at_7": 60.972, + "mrr_at_10": 61.199000000000005, + "mrr_at_20": 61.831, + "mrr_at_30": 61.831, + "mrr_at_50": 61.873, + "mrr_at_70": 61.873, + "mrr_at_100": 61.873, + "mrr_at_200": 61.873, + "mrr_at_300": 61.873, + "mrr_at_500": 61.873, + "mrr_at_700": 61.873, + "mrr_at_1000": 61.873, + "main_score": 29.005 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/ToxicConversationsClassification.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..c3e5ee886 --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.3294, + "ap": 14.561333393364736, + "f1": 53.992309820496466, + "main_score": 69.3294 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/TweetSentimentExtractionClassification.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..d5e112160 --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 63.63893604980192, + "f1": 63.92959380489434, + "main_score": 63.63893604980192 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/TwentyNewsgroupsClustering.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..5e6781270 --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 56.270879258659775, + "main_score": 56.270879258659775 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/TwitterSemEval2015.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/TwitterSemEval2015.json new file mode 100644 index 000000000..1046b653b --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.71073493473207, + "cos_sim_ap": 81.52392540284202, + "cos_sim_f1": 74.71162377994676, + "cos_sim_precision": 71.89558428885094, + "cos_sim_recall": 77.75725593667546, + "dot_accuracy": 88.71073493473207, + "dot_ap": 81.52394754041109, + "dot_f1": 74.71162377994676, + "dot_precision": 71.89558428885094, + "dot_recall": 77.75725593667546, + "euclidean_accuracy": 88.71073493473207, + "euclidean_ap": 81.52392035435321, + "euclidean_f1": 74.71162377994676, + "euclidean_precision": 71.89558428885094, + "euclidean_recall": 77.75725593667546, + "manhattan_accuracy": 88.47231328604637, + "manhattan_ap": 81.22907439267321, + "manhattan_f1": 74.3351571446749, + "manhattan_precision": 71.78667977390022, + "manhattan_recall": 77.0712401055409, + "max_accuracy": 88.71073493473207, + "max_ap": 81.52394754041109, + "max_f1": 74.71162377994676, + "main_score": 81.52394754041109 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/TwitterURLCorpus.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/TwitterURLCorpus.json new file mode 100644 index 000000000..d2834d03e --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.85136026700819, + "cos_sim_ap": 87.7768002924216, + "cos_sim_f1": 80.358908624794, + "cos_sim_precision": 76.62918209122023, + "cos_sim_recall": 84.47028025870034, + "dot_accuracy": 89.85136026700819, + "dot_ap": 87.77680027889778, + "dot_f1": 80.358908624794, + "dot_precision": 76.62918209122023, + "dot_recall": 84.47028025870034, + "euclidean_accuracy": 89.85136026700819, + "euclidean_ap": 87.77680174697751, + "euclidean_f1": 80.358908624794, + "euclidean_precision": 76.62918209122023, + "euclidean_recall": 84.47028025870034, + "manhattan_accuracy": 89.86300306593705, + "manhattan_ap": 87.78613271895861, + "manhattan_f1": 80.31831016905645, + "manhattan_precision": 76.68230516070304, + "manhattan_recall": 84.3162919618109, + "max_accuracy": 89.86300306593705, + "max_ap": 87.78613271895861, + "max_f1": 80.358908624794, + "main_score": 87.78613271895861 + } + ] + } +} \ No newline at end of file diff --git a/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/model_meta.json b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/model_meta.json new file mode 100644 index 000000000..56d981d23 --- /dev/null +++ b/results/atian-chapters__Chapters-SFR-Embedding-Mistral/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "atian-chapters/Chapters-SFR-Embedding-Mistral", + "revision": "f79a66c4e8a2b848a2a21f0b5301456e7754d2fe", + "release_date": "2024-02-23", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 7110660096, + "memory_usage": null, + "max_tokens": 32768, + "embed_dim": 4096, + "license": "cc-by-nc-4.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/AmazonCounterfactualClassification.json b/results/avsolatorio__GIST-Embedding-v0/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..df3eec4d2 --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.95522388059702, + "ap": 38.940434354439276, + "f1": 69.88686275888114, + "main_score": 75.95522388059702 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/AmazonPolarityClassification.json b/results/avsolatorio__GIST-Embedding-v0/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..a9f62012e --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.51357499999999, + "ap": 90.30414241486682, + "f1": 93.50552829047328, + "main_score": 93.51357499999999 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/AmazonReviewsClassification.json b/results/avsolatorio__GIST-Embedding-v0/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..15971775b --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 50.446000000000005, + "f1": 49.76432659699279, + "main_score": 50.446000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/ArguAna.json b/results/avsolatorio__GIST-Embedding-v0/external/ArguAna.json new file mode 100644 index 000000000..13f8307da --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.265, + "map_at_10": 54.236, + "map_at_100": 54.81399999999999, + "map_at_1000": 54.81700000000001, + "map_at_3": 49.881, + "map_at_5": 52.431000000000004, + "mrr_at_1": 38.265, + "mrr_at_10": 54.152, + "mrr_at_100": 54.730000000000004, + "mrr_at_1000": 54.733, + "mrr_at_3": 49.644, + "mrr_at_5": 52.32599999999999, + "ndcg_at_1": 38.265, + "ndcg_at_10": 62.62, + "ndcg_at_100": 64.96600000000001, + "ndcg_at_1000": 65.035, + "ndcg_at_3": 53.691, + "ndcg_at_5": 58.303000000000004, + "precision_at_1": 38.265, + "precision_at_10": 8.919, + "precision_at_100": 0.991, + "precision_at_1000": 0.1, + "precision_at_3": 21.573999999999998, + "precision_at_5": 15.192, + "recall_at_1": 38.265, + "recall_at_10": 89.189, + "recall_at_100": 99.14699999999999, + "recall_at_1000": 99.644, + "recall_at_3": 64.723, + "recall_at_5": 75.96000000000001, + "main_score": 62.62 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/ArxivClusteringP2P.json b/results/avsolatorio__GIST-Embedding-v0/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..f426c1e3a --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.287087887491744, + "main_score": 48.287087887491744 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/ArxivClusteringS2S.json b/results/avsolatorio__GIST-Embedding-v0/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..e3248d740 --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 42.74244928943812, + "main_score": 42.74244928943812 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/AskUbuntuDupQuestions.json b/results/avsolatorio__GIST-Embedding-v0/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..f2f7655cd --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 62.68814324295771, + "mrr": 75.46266983247591, + "main_score": 62.68814324295771 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/BIOSSES.json b/results/avsolatorio__GIST-Embedding-v0/external/BIOSSES.json new file mode 100644 index 000000000..a92891b38 --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 90.45240209600391, + "cos_sim_spearman": 87.95079919934645, + "euclidean_pearson": 88.93438602492702, + "euclidean_spearman": 88.28152962682988, + "manhattan_pearson": 88.92193964325268, + "manhattan_spearman": 88.21466063329498, + "cosine_pearson": 90.45240209600391, + "cosine_spearman": 87.95079919934645, + "main_score": 87.95079919934645 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/BUCC.json b/results/avsolatorio__GIST-Embedding-v0/external/BUCC.json new file mode 100644 index 000000000..229c26f04 --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/BUCC.json @@ -0,0 +1,58 @@ +{ + "dataset_revision": "d51519689f32196a32af33b075a01d0e7c51e252", + "task_name": "BUCC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "accuracy": 15.605427974947808, + "f1": 14.989877233698866, + "precision": 14.77906814441261, + "recall": 15.605427974947808, + "main_score": 14.989877233698866 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "accuracy": 33.38102575390711, + "f1": 32.41704114719127, + "precision": 32.057363829835964, + "recall": 33.38102575390711, + "main_score": 32.41704114719127 + }, + { + "hf_subset": "ru-en", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "accuracy": 0.1939729823346034, + "f1": 0.17832215223820772, + "precision": 0.17639155671715423, + "recall": 0.1939729823346034, + "main_score": 0.17832215223820772 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "accuracy": 3.0542390731964195, + "f1": 2.762857644374232, + "precision": 2.6505178163945935, + "recall": 3.0542390731964195, + "main_score": 2.762857644374232 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/Banking77Classification.json b/results/avsolatorio__GIST-Embedding-v0/external/Banking77Classification.json new file mode 100644 index 000000000..fa0a4e287 --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 87.29545454545453, + "f1": 87.26415991342238, + "main_score": 87.29545454545453 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/BiorxivClusteringP2P.json b/results/avsolatorio__GIST-Embedding-v0/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..838ccd0e5 --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.035319537839484, + "main_score": 39.035319537839484 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/BiorxivClusteringS2S.json b/results/avsolatorio__GIST-Embedding-v0/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..945672d2c --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.667313307057285, + "main_score": 36.667313307057285 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/CQADupstackAndroidRetrieval.json b/results/avsolatorio__GIST-Embedding-v0/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..2aa9da048 --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 33.979, + "map_at_10": 46.275, + "map_at_100": 47.975, + "map_at_1000": 48.089, + "map_at_3": 42.507, + "map_at_5": 44.504, + "mrr_at_1": 42.346000000000004, + "mrr_at_10": 53.013, + "mrr_at_100": 53.717000000000006, + "mrr_at_1000": 53.749, + "mrr_at_3": 50.405, + "mrr_at_5": 51.915, + "ndcg_at_1": 42.346000000000004, + "ndcg_at_10": 53.179, + "ndcg_at_100": 58.458, + "ndcg_at_1000": 60.057, + "ndcg_at_3": 48.076, + "ndcg_at_5": 50.283, + "precision_at_1": 42.346000000000004, + "precision_at_10": 10.386, + "precision_at_100": 1.635, + "precision_at_1000": 0.20600000000000002, + "precision_at_3": 23.413999999999998, + "precision_at_5": 16.624, + "recall_at_1": 33.979, + "recall_at_10": 65.553, + "recall_at_100": 87.18599999999999, + "recall_at_1000": 97.25200000000001, + "recall_at_3": 50.068999999999996, + "recall_at_5": 56.882, + "main_score": 53.179 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.529, + "map_at_10": 42.219, + "map_at_100": 43.408, + "map_at_1000": 43.544, + "map_at_3": 39.178000000000004, + "map_at_5": 40.87, + "mrr_at_1": 39.873, + "mrr_at_10": 48.25, + "mrr_at_100": 48.867, + "mrr_at_1000": 48.908, + "mrr_at_3": 46.03, + "mrr_at_5": 47.355000000000004, + "ndcg_at_1": 39.873, + "ndcg_at_10": 47.933, + "ndcg_at_100": 52.156000000000006, + "ndcg_at_1000": 54.238, + "ndcg_at_3": 43.791999999999994, + "ndcg_at_5": 45.678999999999995, + "precision_at_1": 39.873, + "precision_at_10": 9.032, + "precision_at_100": 1.419, + "precision_at_1000": 0.192, + "precision_at_3": 21.231, + "precision_at_5": 14.981, + "recall_at_1": 31.529, + "recall_at_10": 57.925000000000004, + "recall_at_100": 75.89, + "recall_at_1000": 89.007, + "recall_at_3": 45.363, + "recall_at_5": 50.973, + "main_score": 47.933 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 41.289, + "map_at_10": 54.494, + "map_at_100": 55.494, + "map_at_1000": 55.545, + "map_at_3": 51.20099999999999, + "map_at_5": 53.147, + "mrr_at_1": 47.335, + "mrr_at_10": 57.772, + "mrr_at_100": 58.428000000000004, + "mrr_at_1000": 58.453, + "mrr_at_3": 55.434000000000005, + "mrr_at_5": 56.8, + "ndcg_at_1": 47.335, + "ndcg_at_10": 60.382999999999996, + "ndcg_at_100": 64.294, + "ndcg_at_1000": 65.211, + "ndcg_at_3": 55.098, + "ndcg_at_5": 57.776, + "precision_at_1": 47.335, + "precision_at_10": 9.724, + "precision_at_100": 1.26, + "precision_at_1000": 0.13699999999999998, + "precision_at_3": 24.786, + "precision_at_5": 16.977999999999998, + "recall_at_1": 41.289, + "recall_at_10": 74.36399999999999, + "recall_at_100": 91.19800000000001, + "recall_at_1000": 97.508, + "recall_at_3": 60.285, + "recall_at_5": 66.814, + "main_score": 60.382999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.816999999999997, + "map_at_10": 37.856, + "map_at_100": 38.824, + "map_at_1000": 38.902, + "map_at_3": 34.982, + "map_at_5": 36.831, + "mrr_at_1": 31.073, + "mrr_at_10": 39.985, + "mrr_at_100": 40.802, + "mrr_at_1000": 40.861999999999995, + "mrr_at_3": 37.419999999999995, + "mrr_at_5": 39.104, + "ndcg_at_1": 31.073, + "ndcg_at_10": 42.958, + "ndcg_at_100": 47.671, + "ndcg_at_1000": 49.633, + "ndcg_at_3": 37.602000000000004, + "ndcg_at_5": 40.688, + "precision_at_1": 31.073, + "precision_at_10": 6.531000000000001, + "precision_at_100": 0.932, + "precision_at_1000": 0.11399999999999999, + "precision_at_3": 15.857, + "precision_at_5": 11.209, + "recall_at_1": 28.816999999999997, + "recall_at_10": 56.538999999999994, + "recall_at_100": 78.17699999999999, + "recall_at_1000": 92.92200000000001, + "recall_at_3": 42.294, + "recall_at_5": 49.842999999999996, + "main_score": 42.958 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.397, + "map_at_10": 27.256999999999998, + "map_at_100": 28.541, + "map_at_1000": 28.658, + "map_at_3": 24.565, + "map_at_5": 26.211000000000002, + "mrr_at_1": 22.761, + "mrr_at_10": 32.248, + "mrr_at_100": 33.171, + "mrr_at_1000": 33.227000000000004, + "mrr_at_3": 29.498, + "mrr_at_5": 31.246000000000002, + "ndcg_at_1": 22.761, + "ndcg_at_10": 32.879999999999995, + "ndcg_at_100": 38.913, + "ndcg_at_1000": 41.504999999999995, + "ndcg_at_3": 27.988000000000003, + "ndcg_at_5": 30.548, + "precision_at_1": 22.761, + "precision_at_10": 6.045, + "precision_at_100": 1.044, + "precision_at_1000": 0.13999999999999999, + "precision_at_3": 13.433, + "precision_at_5": 9.925, + "recall_at_1": 18.397, + "recall_at_10": 45.14, + "recall_at_100": 71.758, + "recall_at_1000": 89.854, + "recall_at_3": 31.942999999999998, + "recall_at_5": 38.249, + "main_score": 32.879999999999995 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.604, + "map_at_10": 42.132, + "map_at_100": 43.419000000000004, + "map_at_1000": 43.527, + "map_at_3": 38.614, + "map_at_5": 40.705000000000005, + "mrr_at_1": 37.824999999999996, + "mrr_at_10": 47.696, + "mrr_at_100": 48.483, + "mrr_at_1000": 48.53, + "mrr_at_3": 45.123999999999995, + "mrr_at_5": 46.635, + "ndcg_at_1": 37.824999999999996, + "ndcg_at_10": 48.421, + "ndcg_at_100": 53.568000000000005, + "ndcg_at_1000": 55.574999999999996, + "ndcg_at_3": 42.89, + "ndcg_at_5": 45.683, + "precision_at_1": 37.824999999999996, + "precision_at_10": 8.758000000000001, + "precision_at_100": 1.319, + "precision_at_1000": 0.168, + "precision_at_3": 20.244, + "precision_at_5": 14.533, + "recall_at_1": 30.604, + "recall_at_10": 61.605, + "recall_at_100": 82.787, + "recall_at_1000": 95.78, + "recall_at_3": 46.303, + "recall_at_5": 53.351000000000006, + "main_score": 48.421 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.262999999999998, + "map_at_10": 36.858999999999995, + "map_at_100": 38.241, + "map_at_1000": 38.346999999999994, + "map_at_3": 33.171, + "map_at_5": 35.371, + "mrr_at_1": 32.42, + "mrr_at_10": 42.361, + "mrr_at_100": 43.219, + "mrr_at_1000": 43.271, + "mrr_at_3": 39.593, + "mrr_at_5": 41.248000000000005, + "ndcg_at_1": 32.42, + "ndcg_at_10": 43.081, + "ndcg_at_100": 48.837, + "ndcg_at_1000": 50.954, + "ndcg_at_3": 37.413000000000004, + "ndcg_at_5": 40.239000000000004, + "precision_at_1": 32.42, + "precision_at_10": 8.071, + "precision_at_100": 1.272, + "precision_at_1000": 0.163, + "precision_at_3": 17.922, + "precision_at_5": 13.311, + "recall_at_1": 26.262999999999998, + "recall_at_10": 56.062999999999995, + "recall_at_100": 80.636, + "recall_at_1000": 94.707, + "recall_at_3": 40.425, + "recall_at_5": 47.663, + "main_score": 43.081 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.86616666666667, + "map_at_10": 37.584999999999994, + "map_at_100": 38.80291666666667, + "map_at_1000": 38.91358333333333, + "map_at_3": 34.498, + "map_at_5": 36.269999999999996, + "mrr_at_1": 33.07566666666667, + "mrr_at_10": 41.92366666666666, + "mrr_at_100": 42.73516666666667, + "mrr_at_1000": 42.785666666666664, + "mrr_at_3": 39.39075, + "mrr_at_5": 40.89133333333334, + "ndcg_at_1": 33.07566666666667, + "ndcg_at_10": 43.19875, + "ndcg_at_100": 48.32083333333334, + "ndcg_at_1000": 50.418000000000006, + "ndcg_at_3": 38.10308333333333, + "ndcg_at_5": 40.5985, + "precision_at_1": 33.07566666666667, + "precision_at_10": 7.581916666666666, + "precision_at_100": 1.1975, + "precision_at_1000": 0.15699999999999997, + "precision_at_3": 17.49075, + "precision_at_5": 12.5135, + "recall_at_1": 27.86616666666667, + "recall_at_10": 55.449749999999995, + "recall_at_100": 77.92516666666666, + "recall_at_1000": 92.31358333333333, + "recall_at_3": 41.324416666666664, + "recall_at_5": 47.72533333333333, + "main_score": 43.19875 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.648, + "map_at_10": 33.155, + "map_at_100": 34.149, + "map_at_1000": 34.239000000000004, + "map_at_3": 30.959999999999997, + "map_at_5": 32.172, + "mrr_at_1": 30.061, + "mrr_at_10": 36.229, + "mrr_at_100": 37.088, + "mrr_at_1000": 37.15, + "mrr_at_3": 34.254, + "mrr_at_5": 35.297, + "ndcg_at_1": 30.061, + "ndcg_at_10": 37.247, + "ndcg_at_100": 42.093, + "ndcg_at_1000": 44.45, + "ndcg_at_3": 33.211, + "ndcg_at_5": 35.083999999999996, + "precision_at_1": 30.061, + "precision_at_10": 5.7059999999999995, + "precision_at_100": 0.8880000000000001, + "precision_at_1000": 0.116, + "precision_at_3": 13.957, + "precision_at_5": 9.663, + "recall_at_1": 26.648, + "recall_at_10": 46.85, + "recall_at_100": 68.87, + "recall_at_1000": 86.508, + "recall_at_3": 35.756, + "recall_at_5": 40.376, + "main_score": 37.247 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.058, + "map_at_10": 26.722, + "map_at_100": 27.863, + "map_at_1000": 27.988000000000003, + "map_at_3": 24.258, + "map_at_5": 25.531, + "mrr_at_1": 23.09, + "mrr_at_10": 30.711, + "mrr_at_100": 31.628, + "mrr_at_1000": 31.702, + "mrr_at_3": 28.418, + "mrr_at_5": 29.685, + "ndcg_at_1": 23.09, + "ndcg_at_10": 31.643, + "ndcg_at_100": 37.047999999999995, + "ndcg_at_1000": 39.896, + "ndcg_at_3": 27.189999999999998, + "ndcg_at_5": 29.112, + "precision_at_1": 23.09, + "precision_at_10": 5.743, + "precision_at_100": 1, + "precision_at_1000": 0.14300000000000002, + "precision_at_3": 12.790000000000001, + "precision_at_5": 9.195, + "recall_at_1": 19.058, + "recall_at_10": 42.527, + "recall_at_100": 66.833, + "recall_at_1000": 87.008, + "recall_at_3": 29.876, + "recall_at_5": 34.922, + "main_score": 31.643 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.066999999999997, + "map_at_10": 37.543, + "map_at_100": 38.725, + "map_at_1000": 38.815, + "map_at_3": 34.488, + "map_at_5": 36.222, + "mrr_at_1": 33.116, + "mrr_at_10": 41.743, + "mrr_at_100": 42.628, + "mrr_at_1000": 42.675999999999995, + "mrr_at_3": 39.241, + "mrr_at_5": 40.622, + "ndcg_at_1": 33.116, + "ndcg_at_10": 43.089, + "ndcg_at_100": 48.61, + "ndcg_at_1000": 50.585, + "ndcg_at_3": 37.816, + "ndcg_at_5": 40.256, + "precision_at_1": 33.116, + "precision_at_10": 7.313, + "precision_at_100": 1.1320000000000001, + "precision_at_1000": 0.14200000000000002, + "precision_at_3": 17.102, + "precision_at_5": 12.09, + "recall_at_1": 28.066999999999997, + "recall_at_10": 55.684, + "recall_at_100": 80.092, + "recall_at_1000": 93.605, + "recall_at_3": 41.277, + "recall_at_5": 47.46, + "main_score": 43.089 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.094, + "map_at_10": 35.939, + "map_at_100": 37.552, + "map_at_1000": 37.771, + "map_at_3": 32.414, + "map_at_5": 34.505, + "mrr_at_1": 32.609, + "mrr_at_10": 40.521, + "mrr_at_100": 41.479, + "mrr_at_1000": 41.524, + "mrr_at_3": 37.451, + "mrr_at_5": 39.387, + "ndcg_at_1": 32.609, + "ndcg_at_10": 41.83, + "ndcg_at_100": 47.763, + "ndcg_at_1000": 50.102999999999994, + "ndcg_at_3": 36.14, + "ndcg_at_5": 39.153999999999996, + "precision_at_1": 32.609, + "precision_at_10": 7.925, + "precision_at_100": 1.591, + "precision_at_1000": 0.246, + "precision_at_3": 16.337, + "precision_at_5": 12.411, + "recall_at_1": 27.094, + "recall_at_10": 53.32900000000001, + "recall_at_100": 79.52, + "recall_at_1000": 93.958, + "recall_at_3": 37.773, + "recall_at_5": 45.321, + "main_score": 41.83 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.649, + "map_at_10": 30.569000000000003, + "map_at_100": 31.444, + "map_at_1000": 31.538, + "map_at_3": 27.638, + "map_at_5": 29.171000000000003, + "mrr_at_1": 24.399, + "mrr_at_10": 32.555, + "mrr_at_100": 33.312000000000005, + "mrr_at_1000": 33.376, + "mrr_at_3": 29.820999999999998, + "mrr_at_5": 31.402, + "ndcg_at_1": 24.399, + "ndcg_at_10": 35.741, + "ndcg_at_100": 40.439, + "ndcg_at_1000": 42.809000000000005, + "ndcg_at_3": 30.020999999999997, + "ndcg_at_5": 32.68, + "precision_at_1": 24.399, + "precision_at_10": 5.749, + "precision_at_100": 0.878, + "precision_at_1000": 0.117, + "precision_at_3": 12.815999999999999, + "precision_at_5": 9.242, + "recall_at_1": 22.649, + "recall_at_10": 49.818, + "recall_at_100": 72.155, + "recall_at_1000": 89.654, + "recall_at_3": 34.528999999999996, + "recall_at_5": 40.849999999999994, + "main_score": 35.741 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/ClimateFEVER.json b/results/avsolatorio__GIST-Embedding-v0/external/ClimateFEVER.json new file mode 100644 index 000000000..7a42c756a --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 13.587, + "map_at_10": 23.021, + "map_at_100": 25.095, + "map_at_1000": 25.295, + "map_at_3": 19.463, + "map_at_5": 21.389, + "mrr_at_1": 29.576999999999998, + "mrr_at_10": 41.44, + "mrr_at_100": 42.497, + "mrr_at_1000": 42.529, + "mrr_at_3": 38.284, + "mrr_at_5": 40.249, + "ndcg_at_1": 29.576999999999998, + "ndcg_at_10": 31.491000000000003, + "ndcg_at_100": 39.352, + "ndcg_at_1000": 42.703, + "ndcg_at_3": 26.284999999999997, + "ndcg_at_5": 28.218, + "precision_at_1": 29.576999999999998, + "precision_at_10": 9.713, + "precision_at_100": 1.8079999999999998, + "precision_at_1000": 0.243, + "precision_at_3": 19.608999999999998, + "precision_at_5": 14.957999999999998, + "recall_at_1": 13.587, + "recall_at_10": 37.001, + "recall_at_100": 63.617999999999995, + "recall_at_1000": 82.207, + "recall_at_3": 24.273, + "recall_at_5": 29.813000000000002, + "main_score": 31.491000000000003 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/DBPedia.json b/results/avsolatorio__GIST-Embedding-v0/external/DBPedia.json new file mode 100644 index 000000000..5559b7b2d --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.98, + "map_at_10": 20.447000000000003, + "map_at_100": 29.032999999999998, + "map_at_1000": 30.8, + "map_at_3": 15.126999999999999, + "map_at_5": 17.327, + "mrr_at_1": 71.25, + "mrr_at_10": 78.014, + "mrr_at_100": 78.303, + "mrr_at_1000": 78.309, + "mrr_at_3": 76.375, + "mrr_at_5": 77.58699999999999, + "ndcg_at_1": 57.99999999999999, + "ndcg_at_10": 41.705, + "ndcg_at_100": 47.466, + "ndcg_at_1000": 55.186, + "ndcg_at_3": 47.089999999999996, + "ndcg_at_5": 43.974000000000004, + "precision_at_1": 71.25, + "precision_at_10": 32.65, + "precision_at_100": 10.89, + "precision_at_1000": 2.197, + "precision_at_3": 50.5, + "precision_at_5": 42.199999999999996, + "recall_at_1": 9.98, + "recall_at_10": 25.144, + "recall_at_100": 53.754999999999995, + "recall_at_1000": 78.56400000000001, + "recall_at_3": 15.964, + "recall_at_5": 19.186, + "main_score": 41.705 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/EmotionClassification.json b/results/avsolatorio__GIST-Embedding-v0/external/EmotionClassification.json new file mode 100644 index 000000000..adfec830b --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 54.67999999999999, + "f1": 49.48247525503583, + "main_score": 54.67999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/FEVER.json b/results/avsolatorio__GIST-Embedding-v0/external/FEVER.json new file mode 100644 index 000000000..ba2acf0e6 --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 74.798, + "map_at_10": 82.933, + "map_at_100": 83.157, + "map_at_1000": 83.173, + "map_at_3": 81.80199999999999, + "map_at_5": 82.55, + "mrr_at_1": 80.573, + "mrr_at_10": 87.615, + "mrr_at_100": 87.69, + "mrr_at_1000": 87.69200000000001, + "mrr_at_3": 86.86399999999999, + "mrr_at_5": 87.386, + "ndcg_at_1": 80.573, + "ndcg_at_10": 86.64500000000001, + "ndcg_at_100": 87.407, + "ndcg_at_1000": 87.68299999999999, + "ndcg_at_3": 84.879, + "ndcg_at_5": 85.921, + "precision_at_1": 80.573, + "precision_at_10": 10.348, + "precision_at_100": 1.093, + "precision_at_1000": 0.11399999999999999, + "precision_at_3": 32.268, + "precision_at_5": 20.084, + "recall_at_1": 74.798, + "recall_at_10": 93.45400000000001, + "recall_at_100": 96.42500000000001, + "recall_at_1000": 98.158, + "recall_at_3": 88.634, + "recall_at_5": 91.295, + "main_score": 86.64500000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/FiQA2018.json b/results/avsolatorio__GIST-Embedding-v0/external/FiQA2018.json new file mode 100644 index 000000000..c27b003da --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.567, + "map_at_10": 32.967999999999996, + "map_at_100": 35.108, + "map_at_1000": 35.272999999999996, + "map_at_3": 28.701999999999998, + "map_at_5": 31.114000000000004, + "mrr_at_1": 40.432, + "mrr_at_10": 48.956, + "mrr_at_100": 49.832, + "mrr_at_1000": 49.87, + "mrr_at_3": 46.759, + "mrr_at_5": 47.886, + "ndcg_at_1": 40.432, + "ndcg_at_10": 40.644000000000005, + "ndcg_at_100": 48.252, + "ndcg_at_1000": 51.099000000000004, + "ndcg_at_3": 36.992000000000004, + "ndcg_at_5": 38.077, + "precision_at_1": 40.432, + "precision_at_10": 11.296000000000001, + "precision_at_100": 1.9009999999999998, + "precision_at_1000": 0.241, + "precision_at_3": 24.537, + "precision_at_5": 17.963, + "recall_at_1": 20.567, + "recall_at_10": 47.052, + "recall_at_100": 75.21600000000001, + "recall_at_1000": 92.285, + "recall_at_3": 33.488, + "recall_at_5": 39.334, + "main_score": 40.644000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/HotpotQA.json b/results/avsolatorio__GIST-Embedding-v0/external/HotpotQA.json new file mode 100644 index 000000000..ac5f99e7b --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.196999999999996, + "map_at_10": 60.697, + "map_at_100": 61.624, + "map_at_1000": 61.692, + "map_at_3": 57.421, + "map_at_5": 59.455000000000005, + "mrr_at_1": 76.39399999999999, + "mrr_at_10": 82.504, + "mrr_at_100": 82.71300000000001, + "mrr_at_1000": 82.721, + "mrr_at_3": 81.494, + "mrr_at_5": 82.137, + "ndcg_at_1": 76.39399999999999, + "ndcg_at_10": 68.92200000000001, + "ndcg_at_100": 72.13199999999999, + "ndcg_at_1000": 73.392, + "ndcg_at_3": 64.226, + "ndcg_at_5": 66.815, + "precision_at_1": 76.39399999999999, + "precision_at_10": 14.442, + "precision_at_100": 1.694, + "precision_at_1000": 0.186, + "precision_at_3": 41.211, + "precision_at_5": 26.766000000000002, + "recall_at_1": 38.196999999999996, + "recall_at_10": 72.208, + "recall_at_100": 84.71300000000001, + "recall_at_1000": 92.971, + "recall_at_3": 61.816, + "recall_at_5": 66.914, + "main_score": 68.92200000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/ImdbClassification.json b/results/avsolatorio__GIST-Embedding-v0/external/ImdbClassification.json new file mode 100644 index 000000000..bb1a9da3c --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 89.6556, + "ap": 85.27600392682054, + "f1": 89.63353655386406, + "main_score": 89.6556 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/MSMARCO.json b/results/avsolatorio__GIST-Embedding-v0/external/MSMARCO.json new file mode 100644 index 000000000..6e6263d1e --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.482, + "map_at_10": 33.701, + "map_at_100": 34.861, + "map_at_1000": 34.914, + "map_at_3": 29.793999999999997, + "map_at_5": 32.072, + "mrr_at_1": 22.163, + "mrr_at_10": 34.371, + "mrr_at_100": 35.471000000000004, + "mrr_at_1000": 35.518, + "mrr_at_3": 30.554, + "mrr_at_5": 32.799, + "ndcg_at_1": 22.163, + "ndcg_at_10": 40.643, + "ndcg_at_100": 46.239999999999995, + "ndcg_at_1000": 47.526, + "ndcg_at_3": 32.714999999999996, + "ndcg_at_5": 36.791000000000004, + "precision_at_1": 22.163, + "precision_at_10": 6.4799999999999995, + "precision_at_100": 0.928, + "precision_at_1000": 0.104, + "precision_at_3": 14.002, + "precision_at_5": 10.453, + "recall_at_1": 21.482, + "recall_at_10": 61.953, + "recall_at_100": 87.86500000000001, + "recall_at_1000": 97.636, + "recall_at_3": 40.441, + "recall_at_5": 50.27, + "main_score": 40.643 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/MTOPDomainClassification.json b/results/avsolatorio__GIST-Embedding-v0/external/MTOPDomainClassification.json new file mode 100644 index 000000000..74f0bb086 --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 95.3032375740994, + "f1": 95.01515022686607, + "main_score": 95.3032375740994 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/MTOPIntentClassification.json b/results/avsolatorio__GIST-Embedding-v0/external/MTOPIntentClassification.json new file mode 100644 index 000000000..5deb85d0b --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.10077519379846, + "f1": 58.240739725625644, + "main_score": 78.10077519379846 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/MassiveIntentClassification.json b/results/avsolatorio__GIST-Embedding-v0/external/MassiveIntentClassification.json new file mode 100644 index 000000000..15ff53fb4 --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.0053799596503, + "f1": 74.11733965804146, + "main_score": 76.0053799596503 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/MassiveScenarioClassification.json b/results/avsolatorio__GIST-Embedding-v0/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..5f470fe37 --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.64021519838602, + "f1": 79.8513960091438, + "main_score": 79.64021519838602 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/MedrxivClusteringP2P.json b/results/avsolatorio__GIST-Embedding-v0/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..2e44c591f --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.92425767945184, + "main_score": 33.92425767945184 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/MedrxivClusteringS2S.json b/results/avsolatorio__GIST-Embedding-v0/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..4723bcb4d --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.249612382060754, + "main_score": 32.249612382060754 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/MindSmallReranking.json b/results/avsolatorio__GIST-Embedding-v0/external/MindSmallReranking.json new file mode 100644 index 000000000..a18a6a1fc --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 32.35584955492918, + "mrr": 33.545865224584674, + "main_score": 32.35584955492918 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/NFCorpus.json b/results/avsolatorio__GIST-Embedding-v0/external/NFCorpus.json new file mode 100644 index 000000000..9ba25c516 --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.978, + "map_at_10": 14.749, + "map_at_100": 19.192, + "map_at_1000": 20.815, + "map_at_3": 10.927000000000001, + "map_at_5": 12.726, + "mrr_at_1": 49.536, + "mrr_at_10": 57.806999999999995, + "mrr_at_100": 58.373, + "mrr_at_1000": 58.407, + "mrr_at_3": 55.779, + "mrr_at_5": 57.095, + "ndcg_at_1": 46.749, + "ndcg_at_10": 37.644, + "ndcg_at_100": 35.559000000000005, + "ndcg_at_1000": 44.375, + "ndcg_at_3": 43.354, + "ndcg_at_5": 41.022999999999996, + "precision_at_1": 48.607, + "precision_at_10": 28.08, + "precision_at_100": 9.155000000000001, + "precision_at_1000": 2.2270000000000003, + "precision_at_3": 40.764, + "precision_at_5": 35.728, + "recall_at_1": 6.978, + "recall_at_10": 17.828, + "recall_at_100": 36.010999999999996, + "recall_at_1000": 68.34700000000001, + "recall_at_3": 11.645999999999999, + "recall_at_5": 14.427000000000001, + "main_score": 37.644 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/NQ.json b/results/avsolatorio__GIST-Embedding-v0/external/NQ.json new file mode 100644 index 000000000..4cd029203 --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.219, + "map_at_10": 45.633, + "map_at_100": 46.752, + "map_at_1000": 46.778999999999996, + "map_at_3": 41.392, + "map_at_5": 43.778, + "mrr_at_1": 34.327999999999996, + "mrr_at_10": 48.256, + "mrr_at_100": 49.076, + "mrr_at_1000": 49.092999999999996, + "mrr_at_3": 44.786, + "mrr_at_5": 46.766000000000005, + "ndcg_at_1": 34.299, + "ndcg_at_10": 53.434000000000005, + "ndcg_at_100": 58.03, + "ndcg_at_1000": 58.633, + "ndcg_at_3": 45.433, + "ndcg_at_5": 49.379, + "precision_at_1": 34.299, + "precision_at_10": 8.911, + "precision_at_100": 1.145, + "precision_at_1000": 0.12, + "precision_at_3": 20.896, + "precision_at_5": 14.832, + "recall_at_1": 30.219, + "recall_at_10": 74.59400000000001, + "recall_at_100": 94.392, + "recall_at_1000": 98.832, + "recall_at_3": 53.754000000000005, + "recall_at_5": 62.833000000000006, + "main_score": 53.434000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/QuoraRetrieval.json b/results/avsolatorio__GIST-Embedding-v0/external/QuoraRetrieval.json new file mode 100644 index 000000000..636853bc3 --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 71.139, + "map_at_10": 85.141, + "map_at_100": 85.78099999999999, + "map_at_1000": 85.795, + "map_at_3": 82.139, + "map_at_5": 84.075, + "mrr_at_1": 81.98, + "mrr_at_10": 88.056, + "mrr_at_100": 88.152, + "mrr_at_1000": 88.152, + "mrr_at_3": 87.117, + "mrr_at_5": 87.78099999999999, + "ndcg_at_1": 82.02000000000001, + "ndcg_at_10": 88.807, + "ndcg_at_100": 89.99000000000001, + "ndcg_at_1000": 90.068, + "ndcg_at_3": 85.989, + "ndcg_at_5": 87.627, + "precision_at_1": 82.02000000000001, + "precision_at_10": 13.472999999999999, + "precision_at_100": 1.534, + "precision_at_1000": 0.157, + "precision_at_3": 37.553, + "precision_at_5": 24.788, + "recall_at_1": 71.139, + "recall_at_10": 95.707, + "recall_at_100": 99.666, + "recall_at_1000": 99.983, + "recall_at_3": 87.64699999999999, + "recall_at_5": 92.221, + "main_score": 88.807 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/RedditClustering.json b/results/avsolatorio__GIST-Embedding-v0/external/RedditClustering.json new file mode 100644 index 000000000..c04840d7b --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 59.11035509193503, + "main_score": 59.11035509193503 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/RedditClusteringP2P.json b/results/avsolatorio__GIST-Embedding-v0/external/RedditClusteringP2P.json new file mode 100644 index 000000000..6e9838f7e --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 62.44241881422526, + "main_score": 62.44241881422526 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/SCIDOCS.json b/results/avsolatorio__GIST-Embedding-v0/external/SCIDOCS.json new file mode 100644 index 000000000..cf2f4435e --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.122999999999999, + "map_at_10": 14.45, + "map_at_100": 17.108999999999998, + "map_at_1000": 17.517, + "map_at_3": 10.213999999999999, + "map_at_5": 12.278, + "mrr_at_1": 25.3, + "mrr_at_10": 37.791999999999994, + "mrr_at_100": 39.086, + "mrr_at_1000": 39.121, + "mrr_at_3": 34.666999999999994, + "mrr_at_5": 36.472, + "ndcg_at_1": 25.3, + "ndcg_at_10": 23.469, + "ndcg_at_100": 33.324, + "ndcg_at_1000": 39.357, + "ndcg_at_3": 22.478, + "ndcg_at_5": 19.539, + "precision_at_1": 25.3, + "precision_at_10": 12.3, + "precision_at_100": 2.654, + "precision_at_1000": 0.40800000000000003, + "precision_at_3": 21.667, + "precision_at_5": 17.5, + "recall_at_1": 5.122999999999999, + "recall_at_10": 24.937, + "recall_at_100": 53.833, + "recall_at_1000": 82.85, + "recall_at_3": 13.178, + "recall_at_5": 17.747, + "main_score": 23.469 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/SICK-R.json b/results/avsolatorio__GIST-Embedding-v0/external/SICK-R.json new file mode 100644 index 000000000..43bd58c8b --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.76549431206278, + "cos_sim_spearman": 81.28563534883214, + "euclidean_pearson": 84.17180713818567, + "euclidean_spearman": 81.1684082302606, + "manhattan_pearson": 84.12189753972959, + "manhattan_spearman": 81.1134998997958, + "cosine_pearson": 86.76549431206278, + "cosine_spearman": 81.28563534883214, + "main_score": 81.28563534883214 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/STS12.json b/results/avsolatorio__GIST-Embedding-v0/external/STS12.json new file mode 100644 index 000000000..db1502c66 --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.75137587182017, + "cos_sim_spearman": 76.155337187325, + "euclidean_pearson": 83.54551546726665, + "euclidean_spearman": 76.30324990565346, + "manhattan_pearson": 83.52192617483797, + "manhattan_spearman": 76.30017227216015, + "cosine_pearson": 85.75137587182017, + "cosine_spearman": 76.155337187325, + "main_score": 76.155337187325 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/STS13.json b/results/avsolatorio__GIST-Embedding-v0/external/STS13.json new file mode 100644 index 000000000..800774d21 --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.13890050398628, + "cos_sim_spearman": 87.84898360302155, + "euclidean_pearson": 86.89491809082031, + "euclidean_spearman": 87.99935689905651, + "manhattan_pearson": 86.86526424376366, + "manhattan_spearman": 87.96850732980495, + "cosine_pearson": 87.13890050398628, + "cosine_spearman": 87.84898360302155, + "main_score": 87.84898360302155 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/STS14.json b/results/avsolatorio__GIST-Embedding-v0/external/STS14.json new file mode 100644 index 000000000..552c305bc --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.01978753231558, + "cos_sim_spearman": 83.38989083933329, + "euclidean_pearson": 85.28405032045376, + "euclidean_spearman": 83.51703914276501, + "manhattan_pearson": 85.25775133078966, + "manhattan_spearman": 83.52815667821727, + "cosine_pearson": 86.01978753231558, + "cosine_spearman": 83.38989083933329, + "main_score": 83.38989083933329 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/STS15.json b/results/avsolatorio__GIST-Embedding-v0/external/STS15.json new file mode 100644 index 000000000..9b662dff3 --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.28482294437876, + "cos_sim_spearman": 89.42976214499576, + "euclidean_pearson": 88.72677957272468, + "euclidean_spearman": 89.30001736116229, + "manhattan_pearson": 88.64119331622562, + "manhattan_spearman": 89.21771022634893, + "cosine_pearson": 88.28482294437876, + "cosine_spearman": 89.42976214499576, + "main_score": 89.42976214499576 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/STS16.json b/results/avsolatorio__GIST-Embedding-v0/external/STS16.json new file mode 100644 index 000000000..6b5e8450c --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.79810159351987, + "cos_sim_spearman": 85.34918402034273, + "euclidean_pearson": 84.76058606229002, + "euclidean_spearman": 85.45159829941214, + "manhattan_pearson": 84.73926491888156, + "manhattan_spearman": 85.42568221985898, + "cosine_pearson": 83.79810159351987, + "cosine_spearman": 85.34918402034273, + "main_score": 85.34918402034273 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/STS17.json b/results/avsolatorio__GIST-Embedding-v0/external/STS17.json new file mode 100644 index 000000000..fa117333e --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.92796712570272, + "cos_sim_spearman": 88.58925922945812, + "euclidean_pearson": 88.97231215531797, + "euclidean_spearman": 88.27036385068719, + "manhattan_pearson": 88.95761469412228, + "manhattan_spearman": 88.23980432487681, + "cosine_pearson": 88.92796712570272, + "cosine_spearman": 88.58925922945812, + "main_score": 88.58925922945812 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/STS22.json b/results/avsolatorio__GIST-Embedding-v0/external/STS22.json new file mode 100644 index 000000000..ac036af6d --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 66.85679810182282, + "cos_sim_spearman": 67.80696709003128, + "euclidean_pearson": 68.77524185947989, + "euclidean_spearman": 68.032438075422, + "manhattan_pearson": 68.60489100404182, + "manhattan_spearman": 67.75418889226138, + "cosine_pearson": 66.85679810182282, + "cosine_spearman": 67.80696709003128, + "main_score": 67.80696709003128 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/STSBenchmark.json b/results/avsolatorio__GIST-Embedding-v0/external/STSBenchmark.json new file mode 100644 index 000000000..e2852e095 --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.33287880999367, + "cos_sim_spearman": 87.32401087204754, + "euclidean_pearson": 87.27961069148029, + "euclidean_spearman": 87.3547683085868, + "manhattan_pearson": 87.24405442789622, + "manhattan_spearman": 87.32896271166672, + "cosine_pearson": 86.33287880999367, + "cosine_spearman": 87.32401087204754, + "main_score": 87.32401087204754 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/SciDocsRR.json b/results/avsolatorio__GIST-Embedding-v0/external/SciDocsRR.json new file mode 100644 index 000000000..7918ff370 --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 87.71553665286558, + "mrr": 96.42436176749902, + "main_score": 87.71553665286558 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/SciFact.json b/results/avsolatorio__GIST-Embedding-v0/external/SciFact.json new file mode 100644 index 000000000..221141a85 --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 61.094, + "map_at_10": 71.066, + "map_at_100": 71.608, + "map_at_1000": 71.629, + "map_at_3": 68.356, + "map_at_5": 70.15, + "mrr_at_1": 64, + "mrr_at_10": 71.82300000000001, + "mrr_at_100": 72.251, + "mrr_at_1000": 72.269, + "mrr_at_3": 69.833, + "mrr_at_5": 71.11699999999999, + "ndcg_at_1": 64, + "ndcg_at_10": 75.286, + "ndcg_at_100": 77.40700000000001, + "ndcg_at_1000": 77.806, + "ndcg_at_3": 70.903, + "ndcg_at_5": 73.36399999999999, + "precision_at_1": 64, + "precision_at_10": 9.9, + "precision_at_100": 1.093, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 27.667, + "precision_at_5": 18.333, + "recall_at_1": 61.094, + "recall_at_10": 87.256, + "recall_at_100": 96.5, + "recall_at_1000": 99.333, + "recall_at_3": 75.6, + "recall_at_5": 81.789, + "main_score": 75.286 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/SprintDuplicateQuestions.json b/results/avsolatorio__GIST-Embedding-v0/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..bac7e60c7 --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.82871287128712, + "cos_sim_ap": 95.9325677692287, + "cos_sim_f1": 91.13924050632912, + "cos_sim_precision": 92.3076923076923, + "cos_sim_recall": 90, + "dot_accuracy": 99.7980198019802, + "dot_ap": 94.56107207796, + "dot_f1": 89.41908713692946, + "dot_precision": 92.88793103448276, + "dot_recall": 86.2, + "euclidean_accuracy": 99.82871287128712, + "euclidean_ap": 95.94390332507025, + "euclidean_f1": 91.17797042325346, + "euclidean_precision": 93.02809573361083, + "euclidean_recall": 89.4, + "manhattan_accuracy": 99.82871287128712, + "manhattan_ap": 95.97587114452257, + "manhattan_f1": 91.25821121778675, + "manhattan_precision": 92.23697650663942, + "manhattan_recall": 90.3, + "max_accuracy": 99.82871287128712, + "max_ap": 95.97587114452257, + "max_f1": 91.25821121778675, + "main_score": 95.97587114452257 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/StackExchangeClustering.json b/results/avsolatorio__GIST-Embedding-v0/external/StackExchangeClustering.json new file mode 100644 index 000000000..6b5ed7720 --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 66.13974351708839, + "main_score": 66.13974351708839 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/StackExchangeClusteringP2P.json b/results/avsolatorio__GIST-Embedding-v0/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..b33db5d17 --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.594544722932234, + "main_score": 35.594544722932234 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/StackOverflowDupQuestions.json b/results/avsolatorio__GIST-Embedding-v0/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..75c990a1e --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 54.718738983377726, + "mrr": 55.61655154486037, + "main_score": 54.718738983377726 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/SummEval.json b/results/avsolatorio__GIST-Embedding-v0/external/SummEval.json new file mode 100644 index 000000000..72e84a9d5 --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.37028359646597, + "cos_sim_spearman": 30.866534307244443, + "dot_pearson": 29.89037691541816, + "dot_spearman": 29.941267567971718, + "cosine_pearson": 30.37028359646597, + "cosine_spearman": 30.866534307244443, + "main_score": 30.866534307244443 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/TRECCOVID.json b/results/avsolatorio__GIST-Embedding-v0/external/TRECCOVID.json new file mode 100644 index 000000000..b8b7dcc00 --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.20400000000000001, + "map_at_10": 1.7340000000000002, + "map_at_100": 9.966, + "map_at_1000": 25.119000000000003, + "map_at_3": 0.596, + "map_at_5": 0.941, + "mrr_at_1": 76, + "mrr_at_10": 85.85199999999999, + "mrr_at_100": 85.85199999999999, + "mrr_at_1000": 85.85199999999999, + "mrr_at_3": 84.667, + "mrr_at_5": 85.56700000000001, + "ndcg_at_1": 71, + "ndcg_at_10": 69.60300000000001, + "ndcg_at_100": 54.166000000000004, + "ndcg_at_1000": 51.085, + "ndcg_at_3": 71.95, + "ndcg_at_5": 71.17599999999999, + "precision_at_1": 76, + "precision_at_10": 74.2, + "precision_at_100": 55.96, + "precision_at_1000": 22.584, + "precision_at_3": 77.333, + "precision_at_5": 75.6, + "recall_at_1": 0.20400000000000001, + "recall_at_10": 1.992, + "recall_at_100": 13.706999999999999, + "recall_at_1000": 48.732, + "recall_at_3": 0.635, + "recall_at_5": 1.034, + "main_score": 69.60300000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/Tatoeba.json b/results/avsolatorio__GIST-Embedding-v0/external/Tatoeba.json new file mode 100644 index 000000000..18c387e20 --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/Tatoeba.json @@ -0,0 +1,1354 @@ +{ + "dataset_revision": "9080400076fbadbb4c4dcb136ff4eddc40b42553", + "task_name": "Tatoeba", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "sqi-eng", + "languages": [ + "sqi-Latn", + "eng-Latn" + ], + "accuracy": 8, + "f1": 6.298401229470593, + "precision": 5.916991709050532, + "recall": 8, + "main_score": 6.298401229470593 + }, + { + "hf_subset": "fry-eng", + "languages": [ + "fry-Latn", + "eng-Latn" + ], + "accuracy": 17.341040462427745, + "f1": 14.621650026274303, + "precision": 13.9250609139035, + "recall": 17.341040462427745, + "main_score": 14.621650026274303 + }, + { + "hf_subset": "kur-eng", + "languages": [ + "kur-Latn", + "eng-Latn" + ], + "accuracy": 8.536585365853659, + "f1": 6.30972482801751, + "precision": 5.796517326875398, + "recall": 8.536585365853659, + "main_score": 6.30972482801751 + }, + { + "hf_subset": "tur-eng", + "languages": [ + "tur-Latn", + "eng-Latn" + ], + "accuracy": 6.4, + "f1": 4.221126743626743, + "precision": 3.822815143403898, + "recall": 6.4, + "main_score": 4.221126743626743 + }, + { + "hf_subset": "deu-eng", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "accuracy": 19.8, + "f1": 18.13768093781855, + "precision": 17.54646004378763, + "recall": 19.8, + "main_score": 18.13768093781855 + }, + { + "hf_subset": "nld-eng", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "accuracy": 13.700000000000001, + "f1": 12.367662337662336, + "precision": 11.934237966189185, + "recall": 13.700000000000001, + "main_score": 12.367662337662336 + }, + { + "hf_subset": "ron-eng", + "languages": [ + "ron-Latn", + "eng-Latn" + ], + "accuracy": 14.299999999999999, + "f1": 10.942180289268338, + "precision": 10.153968847262192, + "recall": 14.299999999999999, + "main_score": 10.942180289268338 + }, + { + "hf_subset": "ang-eng", + "languages": [ + "ang-Latn", + "eng-Latn" + ], + "accuracy": 22.388059701492537, + "f1": 17.00157733660433, + "precision": 15.650551589876702, + "recall": 22.388059701492537, + "main_score": 17.00157733660433 + }, + { + "hf_subset": "ido-eng", + "languages": [ + "ido-Latn", + "eng-Latn" + ], + "accuracy": 22, + "f1": 17.4576947358322, + "precision": 16.261363669827777, + "recall": 22, + "main_score": 17.4576947358322 + }, + { + "hf_subset": "jav-eng", + "languages": [ + "jav-Latn", + "eng-Latn" + ], + "accuracy": 8.292682926829269, + "f1": 5.544048456005624, + "precision": 5.009506603002538, + "recall": 8.292682926829269, + "main_score": 5.544048456005624 + }, + { + "hf_subset": "isl-eng", + "languages": [ + "isl-Latn", + "eng-Latn" + ], + "accuracy": 5.4, + "f1": 4.148897174789229, + "precision": 3.862217259449564, + "recall": 5.4, + "main_score": 4.148897174789229 + }, + { + "hf_subset": "slv-eng", + "languages": [ + "slv-Latn", + "eng-Latn" + ], + "accuracy": 5.5893074119076545, + "f1": 4.375041810373159, + "precision": 4.181207113088141, + "recall": 5.5893074119076545, + "main_score": 4.375041810373159 + }, + { + "hf_subset": "cym-eng", + "languages": [ + "cym-Latn", + "eng-Latn" + ], + "accuracy": 8.17391304347826, + "f1": 6.448011891490153, + "precision": 5.9719116632160105, + "recall": 8.17391304347826, + "main_score": 6.448011891490153 + }, + { + "hf_subset": "kaz-eng", + "languages": [ + "kaz-Cyrl", + "eng-Latn" + ], + "accuracy": 0.8695652173913043, + "f1": 0.582815734989648, + "precision": 0.5580885233059146, + "recall": 0.8695652173913043, + "main_score": 0.582815734989648 + }, + { + "hf_subset": "est-eng", + "languages": [ + "est-Latn", + "eng-Latn" + ], + "accuracy": 5.1, + "f1": 3.5000615825615826, + "precision": 3.2073523577994707, + "recall": 5.1, + "main_score": 3.5000615825615826 + }, + { + "hf_subset": "heb-eng", + "languages": [ + "heb-Hebr", + "eng-Latn" + ], + "accuracy": 0.3, + "f1": 0.10109884927372195, + "precision": 0.10055127118392897, + "recall": 0.3, + "main_score": 0.10109884927372195 + }, + { + "hf_subset": "gla-eng", + "languages": [ + "gla-Latn", + "eng-Latn" + ], + "accuracy": 3.8600723763570564, + "f1": 2.8177402725050493, + "precision": 2.5662687819699213, + "recall": 3.8600723763570564, + "main_score": 2.8177402725050493 + }, + { + "hf_subset": "mar-eng", + "languages": [ + "mar-Deva", + "eng-Latn" + ], + "accuracy": 0, + "f1": 0, + "precision": 0, + "recall": 0, + "main_score": 0 + }, + { + "hf_subset": "lat-eng", + "languages": [ + "lat-Latn", + "eng-Latn" + ], + "accuracy": 15.299999999999999, + "f1": 11.377964359824292, + "precision": 10.361140908892764, + "recall": 15.299999999999999, + "main_score": 11.377964359824292 + }, + { + "hf_subset": "bel-eng", + "languages": [ + "bel-Cyrl", + "eng-Latn" + ], + "accuracy": 1.3, + "f1": 0.9600820232399179, + "precision": 0.9151648856810397, + "recall": 1.3, + "main_score": 0.9600820232399179 + }, + { + "hf_subset": "pms-eng", + "languages": [ + "pms-Latn", + "eng-Latn" + ], + "accuracy": 14.095238095238095, + "f1": 11.40081541819044, + "precision": 10.645867976820359, + "recall": 14.095238095238095, + "main_score": 11.40081541819044 + }, + { + "hf_subset": "gle-eng", + "languages": [ + "gle-Latn", + "eng-Latn" + ], + "accuracy": 4, + "f1": 2.3800704501963432, + "precision": 2.0919368034607455, + "recall": 4, + "main_score": 2.3800704501963432 + }, + { + "hf_subset": "pes-eng", + "languages": [ + "pes-Arab", + "eng-Latn" + ], + "accuracy": 0.3, + "f1": 0.2002053388090349, + "precision": 0.2001027749229188, + "recall": 0.3, + "main_score": 0.2002053388090349 + }, + { + "hf_subset": "nob-eng", + "languages": [ + "nob-Latn", + "eng-Latn" + ], + "accuracy": 11.700000000000001, + "f1": 10.29755634495992, + "precision": 9.876637220292393, + "recall": 11.700000000000001, + "main_score": 10.29755634495992 + }, + { + "hf_subset": "bul-eng", + "languages": [ + "bul-Cyrl", + "eng-Latn" + ], + "accuracy": 1.7000000000000002, + "f1": 0.985815849620051, + "precision": 0.8884689922480621, + "recall": 1.7000000000000002, + "main_score": 0.985815849620051 + }, + { + "hf_subset": "cbk-eng", + "languages": [ + "cbk-Latn", + "eng-Latn" + ], + "accuracy": 17.599999999999998, + "f1": 14.086312656126182, + "precision": 13.192360560816125, + "recall": 17.599999999999998, + "main_score": 14.086312656126182 + }, + { + "hf_subset": "hun-eng", + "languages": [ + "hun-Latn", + "eng-Latn" + ], + "accuracy": 6.1, + "f1": 4.683795729173087, + "precision": 4.31687579027912, + "recall": 6.1, + "main_score": 4.683795729173087 + }, + { + "hf_subset": "uig-eng", + "languages": [ + "uig-Arab", + "eng-Latn" + ], + "accuracy": 0.4, + "f1": 0.20966666666666667, + "precision": 0.20500700280112047, + "recall": 0.4, + "main_score": 0.20966666666666667 + }, + { + "hf_subset": "rus-eng", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "accuracy": 0.6, + "f1": 0.2454665118079752, + "precision": 0.2255125167991618, + "recall": 0.6, + "main_score": 0.2454665118079752 + }, + { + "hf_subset": "spa-eng", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "accuracy": 21, + "f1": 18.965901242066018, + "precision": 18.381437375171, + "recall": 21, + "main_score": 18.965901242066018 + }, + { + "hf_subset": "hye-eng", + "languages": [ + "hye-Armn", + "eng-Latn" + ], + "accuracy": 0.5390835579514826, + "f1": 0.4048898457205192, + "precision": 0.4046018763809678, + "recall": 0.5390835579514826, + "main_score": 0.4048898457205192 + }, + { + "hf_subset": "tel-eng", + "languages": [ + "tel-Telu", + "eng-Latn" + ], + "accuracy": 1.282051282051282, + "f1": 0.5098554872310529, + "precision": 0.4715099715099715, + "recall": 1.282051282051282, + "main_score": 0.5098554872310529 + }, + { + "hf_subset": "afr-eng", + "languages": [ + "afr-Latn", + "eng-Latn" + ], + "accuracy": 10.7, + "f1": 8.045120643200706, + "precision": 7.387598023074453, + "recall": 10.7, + "main_score": 8.045120643200706 + }, + { + "hf_subset": "mon-eng", + "languages": [ + "mon-Cyrl", + "eng-Latn" + ], + "accuracy": 2.272727272727273, + "f1": 1.44184724004356, + "precision": 1.4082306862044767, + "recall": 2.272727272727273, + "main_score": 1.44184724004356 + }, + { + "hf_subset": "arz-eng", + "languages": [ + "arz-Arab", + "eng-Latn" + ], + "accuracy": 0.20964360587002098, + "f1": 0.001335309591528796, + "precision": 0.0006697878781789807, + "recall": 0.20964360587002098, + "main_score": 0.001335309591528796 + }, + { + "hf_subset": "hrv-eng", + "languages": [ + "hrv-Latn", + "eng-Latn" + ], + "accuracy": 7.1, + "f1": 5.522254020507502, + "precision": 5.081849426723903, + "recall": 7.1, + "main_score": 5.522254020507502 + }, + { + "hf_subset": "nov-eng", + "languages": [ + "nov-Latn", + "eng-Latn" + ], + "accuracy": 36.57587548638132, + "f1": 30.325515383881147, + "precision": 28.59255854392041, + "recall": 36.57587548638132, + "main_score": 30.325515383881147 + }, + { + "hf_subset": "gsw-eng", + "languages": [ + "gsw-Latn", + "eng-Latn" + ], + "accuracy": 16.23931623931624, + "f1": 13.548783761549718, + "precision": 13.0472896359184, + "recall": 16.23931623931624, + "main_score": 13.548783761549718 + }, + { + "hf_subset": "nds-eng", + "languages": [ + "nds-Latn", + "eng-Latn" + ], + "accuracy": 16.3, + "f1": 13.3418584934734, + "precision": 12.506853047473756, + "recall": 16.3, + "main_score": 13.3418584934734 + }, + { + "hf_subset": "ukr-eng", + "languages": [ + "ukr-Cyrl", + "eng-Latn" + ], + "accuracy": 1, + "f1": 0.7764001197963462, + "precision": 0.7551049317943337, + "recall": 1, + "main_score": 0.7764001197963462 + }, + { + "hf_subset": "uzb-eng", + "languages": [ + "uzb-Latn", + "eng-Latn" + ], + "accuracy": 3.9719626168224296, + "f1": 3.190729401654313, + "precision": 3.001159168296747, + "recall": 3.9719626168224296, + "main_score": 3.190729401654313 + }, + { + "hf_subset": "lit-eng", + "languages": [ + "lit-Latn", + "eng-Latn" + ], + "accuracy": 3.4000000000000004, + "f1": 2.4847456001574653, + "precision": 2.308739271803959, + "recall": 3.4000000000000004, + "main_score": 2.4847456001574653 + }, + { + "hf_subset": "ina-eng", + "languages": [ + "ina-Latn", + "eng-Latn" + ], + "accuracy": 36.9, + "f1": 31.390407955063697, + "precision": 29.631294298308614, + "recall": 36.9, + "main_score": 31.390407955063697 + }, + { + "hf_subset": "lfn-eng", + "languages": [ + "lfn-Latn", + "eng-Latn" + ], + "accuracy": 14.2, + "f1": 12.551591810861895, + "precision": 12.100586917562724, + "recall": 14.2, + "main_score": 12.551591810861895 + }, + { + "hf_subset": "zsm-eng", + "languages": [ + "zsm-Latn", + "eng-Latn" + ], + "accuracy": 9.2, + "f1": 7.5561895648211435, + "precision": 7.177371101110253, + "recall": 9.2, + "main_score": 7.5561895648211435 + }, + { + "hf_subset": "ita-eng", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "accuracy": 21.2, + "f1": 18.498268429117875, + "precision": 17.693915156965357, + "recall": 21.2, + "main_score": 18.498268429117875 + }, + { + "hf_subset": "cmn-eng", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "accuracy": 4.2, + "f1": 2.886572782530936, + "precision": 2.5806792595351915, + "recall": 4.2, + "main_score": 2.886572782530936 + }, + { + "hf_subset": "lvs-eng", + "languages": [ + "lvs-Latn", + "eng-Latn" + ], + "accuracy": 6.800000000000001, + "f1": 4.881091920308238, + "precision": 4.436731163345769, + "recall": 6.800000000000001, + "main_score": 4.881091920308238 + }, + { + "hf_subset": "glg-eng", + "languages": [ + "glg-Latn", + "eng-Latn" + ], + "accuracy": 22.1, + "f1": 18.493832677140738, + "precision": 17.52055858924503, + "recall": 22.1, + "main_score": 18.493832677140738 + }, + { + "hf_subset": "ceb-eng", + "languages": [ + "ceb-Latn", + "eng-Latn" + ], + "accuracy": 6, + "f1": 4.58716840215435, + "precision": 4.303119297298687, + "recall": 6, + "main_score": 4.58716840215435 + }, + { + "hf_subset": "bre-eng", + "languages": [ + "bre-Latn", + "eng-Latn" + ], + "accuracy": 5.5, + "f1": 3.813678559437776, + "precision": 3.52375763382276, + "recall": 5.5, + "main_score": 3.813678559437776 + }, + { + "hf_subset": "ben-eng", + "languages": [ + "ben-Beng", + "eng-Latn" + ], + "accuracy": 0.2, + "f1": 0.06701509872241579, + "precision": 0.05017452006980803, + "recall": 0.2, + "main_score": 0.06701509872241579 + }, + { + "hf_subset": "swg-eng", + "languages": [ + "swg-Latn", + "eng-Latn" + ], + "accuracy": 12.5, + "f1": 9.325396825396826, + "precision": 8.681972789115646, + "recall": 12.5, + "main_score": 9.325396825396826 + }, + { + "hf_subset": "arq-eng", + "languages": [ + "arq-Arab", + "eng-Latn" + ], + "accuracy": 0.43907793633369924, + "f1": 0.26369680618309754, + "precision": 0.24710650393580552, + "recall": 0.43907793633369924, + "main_score": 0.26369680618309754 + }, + { + "hf_subset": "kab-eng", + "languages": [ + "kab-Latn", + "eng-Latn" + ], + "accuracy": 1.7000000000000002, + "f1": 1.0240727731562105, + "precision": 0.9379457073996874, + "recall": 1.7000000000000002, + "main_score": 1.0240727731562105 + }, + { + "hf_subset": "fra-eng", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "accuracy": 24.6, + "f1": 21.527732683982684, + "precision": 20.460911398969852, + "recall": 24.6, + "main_score": 21.527732683982684 + }, + { + "hf_subset": "por-eng", + "languages": [ + "por-Latn", + "eng-Latn" + ], + "accuracy": 23.400000000000002, + "f1": 18.861948871033608, + "precision": 17.469730524988158, + "recall": 23.400000000000002, + "main_score": 18.861948871033608 + }, + { + "hf_subset": "tat-eng", + "languages": [ + "tat-Cyrl", + "eng-Latn" + ], + "accuracy": 1.3, + "f1": 0.8081609699284277, + "precision": 0.8041232161030668, + "recall": 1.3, + "main_score": 0.8081609699284277 + }, + { + "hf_subset": "oci-eng", + "languages": [ + "oci-Latn", + "eng-Latn" + ], + "accuracy": 14.399999999999999, + "f1": 11.982642360594898, + "precision": 11.423911681034546, + "recall": 14.399999999999999, + "main_score": 11.982642360594898 + }, + { + "hf_subset": "pol-eng", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "accuracy": 8.7, + "f1": 6.565099922088448, + "precision": 6.009960806394631, + "recall": 8.7, + "main_score": 6.565099922088448 + }, + { + "hf_subset": "war-eng", + "languages": [ + "war-Latn", + "eng-Latn" + ], + "accuracy": 7.1, + "f1": 5.483244116053285, + "precision": 5.08036675810842, + "recall": 7.1, + "main_score": 5.483244116053285 + }, + { + "hf_subset": "aze-eng", + "languages": [ + "aze-Latn", + "eng-Latn" + ], + "accuracy": 4.3999999999999995, + "f1": 3.2643948695904146, + "precision": 3.031506651474311, + "recall": 4.3999999999999995, + "main_score": 3.2643948695904146 + }, + { + "hf_subset": "vie-eng", + "languages": [ + "vie-Latn", + "eng-Latn" + ], + "accuracy": 7.1, + "f1": 5.2787766765398345, + "precision": 4.883891459552525, + "recall": 7.1, + "main_score": 5.2787766765398345 + }, + { + "hf_subset": "nno-eng", + "languages": [ + "nno-Latn", + "eng-Latn" + ], + "accuracy": 8.5, + "f1": 7.022436974789914, + "precision": 6.517919923571304, + "recall": 8.5, + "main_score": 7.022436974789914 + }, + { + "hf_subset": "cha-eng", + "languages": [ + "cha-Latn", + "eng-Latn" + ], + "accuracy": 17.51824817518248, + "f1": 14.159211038143834, + "precision": 13.419131771033424, + "recall": 17.51824817518248, + "main_score": 14.159211038143834 + }, + { + "hf_subset": "mhr-eng", + "languages": [ + "mhr-Cyrl", + "eng-Latn" + ], + "accuracy": 0.3, + "f1": 0.1008802791411487, + "precision": 0.10044111373948113, + "recall": 0.3, + "main_score": 0.1008802791411487 + }, + { + "hf_subset": "dan-eng", + "languages": [ + "dan-Latn", + "eng-Latn" + ], + "accuracy": 11.3, + "f1": 10.0642631078894, + "precision": 9.714481189937882, + "recall": 11.3, + "main_score": 10.0642631078894 + }, + { + "hf_subset": "ell-eng", + "languages": [ + "ell-Grek", + "eng-Latn" + ], + "accuracy": 0.7000000000000001, + "f1": 0.5023625310859353, + "precision": 0.5011883541295307, + "recall": 0.7000000000000001, + "main_score": 0.5023625310859353 + }, + { + "hf_subset": "amh-eng", + "languages": [ + "amh-Ethi", + "eng-Latn" + ], + "accuracy": 1.7857142857142856, + "f1": 0.6731500547238763, + "precision": 0.6364087301587301, + "recall": 1.7857142857142856, + "main_score": 0.6731500547238763 + }, + { + "hf_subset": "pam-eng", + "languages": [ + "pam-Latn", + "eng-Latn" + ], + "accuracy": 7.000000000000001, + "f1": 4.850226809905071, + "precision": 4.3549672188068485, + "recall": 7.000000000000001, + "main_score": 4.850226809905071 + }, + { + "hf_subset": "hsb-eng", + "languages": [ + "hsb-Latn", + "eng-Latn" + ], + "accuracy": 5.383022774327122, + "f1": 4.080351427081423, + "precision": 3.7431771127423294, + "recall": 5.383022774327122, + "main_score": 4.080351427081423 + }, + { + "hf_subset": "srp-eng", + "languages": [ + "srp-Cyrl", + "eng-Latn" + ], + "accuracy": 3.9, + "f1": 2.975065835065835, + "precision": 2.7082951373488764, + "recall": 3.9, + "main_score": 2.975065835065835 + }, + { + "hf_subset": "epo-eng", + "languages": [ + "epo-Latn", + "eng-Latn" + ], + "accuracy": 13.8, + "f1": 10.976459812917616, + "precision": 10.214566903851944, + "recall": 13.8, + "main_score": 10.976459812917616 + }, + { + "hf_subset": "kzj-eng", + "languages": [ + "kzj-Latn", + "eng-Latn" + ], + "accuracy": 4.9, + "f1": 3.5998112099809334, + "precision": 3.391430386128988, + "recall": 4.9, + "main_score": 3.5998112099809334 + }, + { + "hf_subset": "awa-eng", + "languages": [ + "awa-Deva", + "eng-Latn" + ], + "accuracy": 2.1645021645021645, + "f1": 0.28969205674033943, + "precision": 0.1648931376979724, + "recall": 2.1645021645021645, + "main_score": 0.28969205674033943 + }, + { + "hf_subset": "fao-eng", + "languages": [ + "fao-Latn", + "eng-Latn" + ], + "accuracy": 9.541984732824428, + "f1": 8.129327179123026, + "precision": 7.860730567672363, + "recall": 9.541984732824428, + "main_score": 8.129327179123026 + }, + { + "hf_subset": "mal-eng", + "languages": [ + "mal-Mlym", + "eng-Latn" + ], + "accuracy": 0.5822416302765648, + "f1": 0.3960292169899156, + "precision": 0.36794436357755134, + "recall": 0.5822416302765648, + "main_score": 0.3960292169899156 + }, + { + "hf_subset": "ile-eng", + "languages": [ + "ile-Latn", + "eng-Latn" + ], + "accuracy": 25.900000000000002, + "f1": 20.98162273769728, + "precision": 19.591031936732236, + "recall": 25.900000000000002, + "main_score": 20.98162273769728 + }, + { + "hf_subset": "bos-eng", + "languages": [ + "bos-Latn", + "eng-Latn" + ], + "accuracy": 9.322033898305085, + "f1": 7.1764632211739166, + "precision": 6.547619047619047, + "recall": 9.322033898305085, + "main_score": 7.1764632211739166 + }, + { + "hf_subset": "cor-eng", + "languages": [ + "cor-Latn", + "eng-Latn" + ], + "accuracy": 4.3999999999999995, + "f1": 3.0484795026022216, + "precision": 2.8132647991077686, + "recall": 4.3999999999999995, + "main_score": 3.0484795026022216 + }, + { + "hf_subset": "cat-eng", + "languages": [ + "cat-Latn", + "eng-Latn" + ], + "accuracy": 18.8, + "f1": 15.52276497119774, + "precision": 14.63296284434154, + "recall": 18.8, + "main_score": 15.52276497119774 + }, + { + "hf_subset": "eus-eng", + "languages": [ + "eus-Latn", + "eng-Latn" + ], + "accuracy": 10, + "f1": 7.351901305737391, + "precision": 6.759061952118555, + "recall": 10, + "main_score": 7.351901305737391 + }, + { + "hf_subset": "yue-eng", + "languages": [ + "yue-Hant", + "eng-Latn" + ], + "accuracy": 3.1, + "f1": 2.1527437641723353, + "precision": 2.0008336640383417, + "recall": 3.1, + "main_score": 2.1527437641723353 + }, + { + "hf_subset": "swe-eng", + "languages": [ + "swe-Latn", + "eng-Latn" + ], + "accuracy": 10.6, + "f1": 8.471815215313617, + "precision": 7.942319409218233, + "recall": 10.6, + "main_score": 8.471815215313617 + }, + { + "hf_subset": "dtp-eng", + "languages": [ + "dtp-Latn", + "eng-Latn" + ], + "accuracy": 4.3, + "f1": 2.7338036427188244, + "precision": 2.5492261384839052, + "recall": 4.3, + "main_score": 2.7338036427188244 + }, + { + "hf_subset": "kat-eng", + "languages": [ + "kat-Geor", + "eng-Latn" + ], + "accuracy": 0.40214477211796246, + "f1": 0.28150134048257375, + "precision": 0.2751516861859743, + "recall": 0.40214477211796246, + "main_score": 0.28150134048257375 + }, + { + "hf_subset": "jpn-eng", + "languages": [ + "jpn-Jpan", + "eng-Latn" + ], + "accuracy": 3, + "f1": 1.5834901411814404, + "precision": 1.3894010894944848, + "recall": 3, + "main_score": 1.5834901411814404 + }, + { + "hf_subset": "csb-eng", + "languages": [ + "csb-Latn", + "eng-Latn" + ], + "accuracy": 7.905138339920949, + "f1": 6.6397047981096735, + "precision": 6.32664437012263, + "recall": 7.905138339920949, + "main_score": 6.6397047981096735 + }, + { + "hf_subset": "xho-eng", + "languages": [ + "xho-Latn", + "eng-Latn" + ], + "accuracy": 3.5211267605633805, + "f1": 2.173419196807775, + "precision": 2.14388897487489, + "recall": 3.5211267605633805, + "main_score": 2.173419196807775 + }, + { + "hf_subset": "orv-eng", + "languages": [ + "orv-Cyrl", + "eng-Latn" + ], + "accuracy": 0.23952095808383234, + "f1": 0.001262128032547595, + "precision": 0.0006327654461278806, + "recall": 0.23952095808383234, + "main_score": 0.001262128032547595 + }, + { + "hf_subset": "ind-eng", + "languages": [ + "ind-Latn", + "eng-Latn" + ], + "accuracy": 10.4, + "f1": 8.370422351826372, + "precision": 7.943809523809523, + "recall": 10.4, + "main_score": 8.370422351826372 + }, + { + "hf_subset": "tuk-eng", + "languages": [ + "tuk-Latn", + "eng-Latn" + ], + "accuracy": 5.41871921182266, + "f1": 3.4763895108722696, + "precision": 3.1331846246882176, + "recall": 5.41871921182266, + "main_score": 3.4763895108722696 + }, + { + "hf_subset": "max-eng", + "languages": [ + "max-Deva", + "eng-Latn" + ], + "accuracy": 9.15492957746479, + "f1": 7.267458920187794, + "precision": 6.893803787858966, + "recall": 9.15492957746479, + "main_score": 7.267458920187794 + }, + { + "hf_subset": "swh-eng", + "languages": [ + "swh-Latn", + "eng-Latn" + ], + "accuracy": 9.487179487179487, + "f1": 6.902767160316073, + "precision": 6.450346503818517, + "recall": 9.487179487179487, + "main_score": 6.902767160316073 + }, + { + "hf_subset": "hin-eng", + "languages": [ + "hin-Deva", + "eng-Latn" + ], + "accuracy": 0.1, + "f1": 0.0002042900919305414, + "precision": 0.00010224948875255625, + "recall": 0.1, + "main_score": 0.0002042900919305414 + }, + { + "hf_subset": "dsb-eng", + "languages": [ + "dsb-Latn", + "eng-Latn" + ], + "accuracy": 5.010438413361169, + "f1": 3.8116647214505277, + "precision": 3.5454644309619634, + "recall": 5.010438413361169, + "main_score": 3.8116647214505277 + }, + { + "hf_subset": "ber-eng", + "languages": [ + "ber-Tfng", + "eng-Latn" + ], + "accuracy": 6.2, + "f1": 5.213158915433869, + "precision": 5.080398110661268, + "recall": 6.2, + "main_score": 5.213158915433869 + }, + { + "hf_subset": "tam-eng", + "languages": [ + "tam-Taml", + "eng-Latn" + ], + "accuracy": 0.9771986970684038, + "f1": 0.5061388123277374, + "precision": 0.43431053203040165, + "recall": 0.9771986970684038, + "main_score": 0.5061388123277374 + }, + { + "hf_subset": "slk-eng", + "languages": [ + "slk-Latn", + "eng-Latn" + ], + "accuracy": 7.3, + "f1": 5.6313180921027755, + "precision": 5.303887400540395, + "recall": 7.3, + "main_score": 5.6313180921027755 + }, + { + "hf_subset": "tgl-eng", + "languages": [ + "tgl-Latn", + "eng-Latn" + ], + "accuracy": 3.5999999999999996, + "f1": 3.2180089485458607, + "precision": 3.1006756756756753, + "recall": 3.5999999999999996, + "main_score": 3.2180089485458607 + }, + { + "hf_subset": "ast-eng", + "languages": [ + "ast-Latn", + "eng-Latn" + ], + "accuracy": 22.04724409448819, + "f1": 17.92525934258218, + "precision": 16.48251629836593, + "recall": 22.04724409448819, + "main_score": 17.92525934258218 + }, + { + "hf_subset": "mkd-eng", + "languages": [ + "mkd-Cyrl", + "eng-Latn" + ], + "accuracy": 0.5, + "f1": 0.1543743186232414, + "precision": 0.13554933572174951, + "recall": 0.5, + "main_score": 0.1543743186232414 + }, + { + "hf_subset": "khm-eng", + "languages": [ + "khm-Khmr", + "eng-Latn" + ], + "accuracy": 0.8310249307479225, + "f1": 0.5102255597841558, + "precision": 0.4859595744731704, + "recall": 0.8310249307479225, + "main_score": 0.5102255597841558 + }, + { + "hf_subset": "ces-eng", + "languages": [ + "ces-Latn", + "eng-Latn" + ], + "accuracy": 6.9, + "f1": 4.7258390633390635, + "precision": 4.288366570275279, + "recall": 6.9, + "main_score": 4.7258390633390635 + }, + { + "hf_subset": "tzl-eng", + "languages": [ + "tzl-Latn", + "eng-Latn" + ], + "accuracy": 17.307692307692307, + "f1": 14.763313609467454, + "precision": 14.129273504273504, + "recall": 17.307692307692307, + "main_score": 14.763313609467454 + }, + { + "hf_subset": "urd-eng", + "languages": [ + "urd-Arab", + "eng-Latn" + ], + "accuracy": 0.3, + "f1": 0.0022196828248667185, + "precision": 0.0011148527298850575, + "recall": 0.3, + "main_score": 0.0022196828248667185 + }, + { + "hf_subset": "ara-eng", + "languages": [ + "ara-Arab", + "eng-Latn" + ], + "accuracy": 0.3, + "f1": 0.3, + "precision": 0.3, + "recall": 0.3, + "main_score": 0.3 + }, + { + "hf_subset": "kor-eng", + "languages": [ + "kor-Hang", + "eng-Latn" + ], + "accuracy": 0.6, + "f1": 0.500206611570248, + "precision": 0.5001034126163392, + "recall": 0.6, + "main_score": 0.500206611570248 + }, + { + "hf_subset": "yid-eng", + "languages": [ + "yid-Hebr", + "eng-Latn" + ], + "accuracy": 0.4716981132075472, + "f1": 0.2953377695417789, + "precision": 0.2754210459668228, + "recall": 0.4716981132075472, + "main_score": 0.2953377695417789 + }, + { + "hf_subset": "fin-eng", + "languages": [ + "fin-Latn", + "eng-Latn" + ], + "accuracy": 4.3999999999999995, + "f1": 3.6228414442700156, + "precision": 3.4318238993710692, + "recall": 4.3999999999999995, + "main_score": 3.6228414442700156 + }, + { + "hf_subset": "tha-eng", + "languages": [ + "tha-Thai", + "eng-Latn" + ], + "accuracy": 1.2773722627737227, + "f1": 1.0043318098096732, + "precision": 0.9735777358593729, + "recall": 1.2773722627737227, + "main_score": 1.0043318098096732 + }, + { + "hf_subset": "wuu-eng", + "languages": [ + "wuu-Hans", + "eng-Latn" + ], + "accuracy": 3.9, + "f1": 2.6164533097276226, + "precision": 2.3558186153594085, + "recall": 3.9, + "main_score": 2.6164533097276226 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/Touche2020.json b/results/avsolatorio__GIST-Embedding-v0/external/Touche2020.json new file mode 100644 index 000000000..1b7988f26 --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 1.5779999999999998, + "map_at_10": 8.339, + "map_at_100": 14.601, + "map_at_1000": 16.104, + "map_at_3": 4.06, + "map_at_5": 6.049, + "mrr_at_1": 18.367, + "mrr_at_10": 35.178, + "mrr_at_100": 36.464999999999996, + "mrr_at_1000": 36.464999999999996, + "mrr_at_3": 29.932, + "mrr_at_5": 34.32, + "ndcg_at_1": 16.326999999999998, + "ndcg_at_10": 20.578, + "ndcg_at_100": 34.285, + "ndcg_at_1000": 45.853, + "ndcg_at_3": 19.869999999999997, + "ndcg_at_5": 22.081999999999997, + "precision_at_1": 18.367, + "precision_at_10": 19.796, + "precision_at_100": 7.714, + "precision_at_1000": 1.547, + "precision_at_3": 23.128999999999998, + "precision_at_5": 24.898, + "recall_at_1": 1.5779999999999998, + "recall_at_10": 14.801, + "recall_at_100": 48.516999999999996, + "recall_at_1000": 83.30300000000001, + "recall_at_3": 5.267, + "recall_at_5": 9.415999999999999, + "main_score": 20.578 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/ToxicConversationsClassification.json b/results/avsolatorio__GIST-Embedding-v0/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..e3129e3dc --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.4186, + "ap": 14.536282543597242, + "f1": 55.47661372005608, + "main_score": 72.4186 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/TweetSentimentExtractionClassification.json b/results/avsolatorio__GIST-Embedding-v0/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..f19666f13 --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 59.318053197509904, + "f1": 59.68272481532353, + "main_score": 59.318053197509904 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/TwentyNewsgroupsClustering.json b/results/avsolatorio__GIST-Embedding-v0/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..38edc99c4 --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 52.155753554312, + "main_score": 52.155753554312 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/TwitterSemEval2015.json b/results/avsolatorio__GIST-Embedding-v0/external/TwitterSemEval2015.json new file mode 100644 index 000000000..9b5d0a20c --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 86.99409906419503, + "cos_sim_ap": 76.91824322304332, + "cos_sim_f1": 70.97865694950546, + "cos_sim_precision": 70.03081664098613, + "cos_sim_recall": 71.95250659630607, + "dot_accuracy": 85.37879239434942, + "dot_ap": 71.86454698478344, + "dot_f1": 66.48115355426259, + "dot_precision": 63.84839650145773, + "dot_recall": 69.34036939313984, + "euclidean_accuracy": 87.00005960541218, + "euclidean_ap": 76.9165913835565, + "euclidean_f1": 71.23741557283039, + "euclidean_precision": 68.89327088982007, + "euclidean_recall": 73.7467018469657, + "manhattan_accuracy": 87.06562555880075, + "manhattan_ap": 76.85445703747546, + "manhattan_f1": 70.95560571858539, + "manhattan_precision": 67.61472275334609, + "manhattan_recall": 74.64379947229551, + "max_accuracy": 87.06562555880075, + "max_ap": 76.91824322304332, + "max_f1": 71.23741557283039, + "main_score": 76.91824322304332 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/TwitterURLCorpus.json b/results/avsolatorio__GIST-Embedding-v0/external/TwitterURLCorpus.json new file mode 100644 index 000000000..83dd13740 --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.93934101758063, + "cos_sim_ap": 86.1071528049007, + "cos_sim_f1": 78.21588263552714, + "cos_sim_precision": 75.20073900376609, + "cos_sim_recall": 81.48290729904527, + "dot_accuracy": 88.2504754142896, + "dot_ap": 84.19709379723844, + "dot_f1": 76.92307692307693, + "dot_precision": 71.81969949916528, + "dot_recall": 82.80720665229443, + "euclidean_accuracy": 88.97232894787906, + "euclidean_ap": 86.02763993294909, + "euclidean_f1": 78.18372741427383, + "euclidean_precision": 73.79861918107868, + "euclidean_recall": 83.12288266091777, + "manhattan_accuracy": 88.86948422400745, + "manhattan_ap": 86.0009157821563, + "manhattan_f1": 78.10668017659404, + "manhattan_precision": 73.68564795848695, + "manhattan_recall": 83.09208500153989, + "max_accuracy": 88.97232894787906, + "max_ap": 86.1071528049007, + "max_f1": 78.21588263552714, + "main_score": 86.1071528049007 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-Embedding-v0/external/model_meta.json b/results/avsolatorio__GIST-Embedding-v0/external/model_meta.json new file mode 100644 index 000000000..95beafc29 --- /dev/null +++ b/results/avsolatorio__GIST-Embedding-v0/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "avsolatorio/GIST-Embedding-v0", + "revision": "bf6b2e55e92f510a570ad4d7d2da2ec8cd22590c", + "release_date": "2024-01-31", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 109482240, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 768, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/AmazonCounterfactualClassification.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..a91921648 --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.8955223880597, + "ap": 35.447605103320775, + "f1": 66.82951715365854, + "main_score": 72.8955223880597 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/AmazonPolarityClassification.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..44e5ebc61 --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 87.19474999999998, + "ap": 83.09577890808514, + "f1": 87.13833121762009, + "main_score": 87.19474999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/AmazonReviewsClassification.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..7a5ade876 --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 42.556000000000004, + "f1": 42.236256693772276, + "main_score": 42.556000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/ArguAna.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/ArguAna.json new file mode 100644 index 000000000..977e0cb4b --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.884999999999998, + "map_at_10": 42.364000000000004, + "map_at_100": 43.382, + "map_at_1000": 43.391000000000005, + "map_at_3": 37.162, + "map_at_5": 40.139, + "mrr_at_1": 26.884999999999998, + "mrr_at_10": 42.193999999999996, + "mrr_at_100": 43.211, + "mrr_at_1000": 43.221, + "mrr_at_3": 36.949, + "mrr_at_5": 40.004, + "ndcg_at_1": 26.884999999999998, + "ndcg_at_10": 51.254999999999995, + "ndcg_at_100": 55.481, + "ndcg_at_1000": 55.68300000000001, + "ndcg_at_3": 40.565, + "ndcg_at_5": 45.882, + "precision_at_1": 26.884999999999998, + "precision_at_10": 7.9799999999999995, + "precision_at_100": 0.98, + "precision_at_1000": 0.1, + "precision_at_3": 16.808999999999997, + "precision_at_5": 12.645999999999999, + "recall_at_1": 26.884999999999998, + "recall_at_10": 79.801, + "recall_at_100": 98.009, + "recall_at_1000": 99.502, + "recall_at_3": 50.427, + "recall_at_5": 63.229, + "main_score": 51.254999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/ArxivClusteringP2P.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..23c43a59d --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 45.31044837358167, + "main_score": 45.31044837358167 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/ArxivClusteringS2S.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..13a802d00 --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.44751738734691, + "main_score": 35.44751738734691 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/AskUbuntuDupQuestions.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..ea72de534 --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 62.96517580629869, + "mrr": 76.30051004704744, + "main_score": 62.96517580629869 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/BIOSSES.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/BIOSSES.json new file mode 100644 index 000000000..76a8e7467 --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.97262600499639, + "cos_sim_spearman": 81.25787561220484, + "euclidean_pearson": 64.96260261677082, + "euclidean_spearman": 64.17616109254686, + "manhattan_pearson": 65.05620628102835, + "manhattan_spearman": 64.71171546419122, + "cosine_pearson": 83.97262600499639, + "cosine_spearman": 81.25787561220484, + "main_score": 81.25787561220484 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/Banking77Classification.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/Banking77Classification.json new file mode 100644 index 000000000..26665527a --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 84.2435064935065, + "f1": 84.2334859253828, + "main_score": 84.2435064935065 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/BiorxivClusteringP2P.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..27ebfaeb3 --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.38358435972693, + "main_score": 38.38358435972693 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/BiorxivClusteringS2S.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..7695e41f8 --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.093619653843124, + "main_score": 31.093619653843124 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/CQADupstackAndroidRetrieval.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..3a086eaff --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 35.016999999999996, + "map_at_10": 47.019, + "map_at_100": 48.634, + "map_at_1000": 48.757, + "map_at_3": 43.372, + "map_at_5": 45.314, + "mrr_at_1": 43.491, + "mrr_at_10": 53.284, + "mrr_at_100": 54.038, + "mrr_at_1000": 54.071000000000005, + "mrr_at_3": 51.001, + "mrr_at_5": 52.282, + "ndcg_at_1": 43.491, + "ndcg_at_10": 53.498999999999995, + "ndcg_at_100": 58.733999999999995, + "ndcg_at_1000": 60.307, + "ndcg_at_3": 48.841, + "ndcg_at_5": 50.76199999999999, + "precision_at_1": 43.491, + "precision_at_10": 10.315000000000001, + "precision_at_100": 1.6209999999999998, + "precision_at_1000": 0.20500000000000002, + "precision_at_3": 23.462, + "precision_at_5": 16.652, + "recall_at_1": 35.016999999999996, + "recall_at_10": 64.92, + "recall_at_100": 86.605, + "recall_at_1000": 96.174, + "recall_at_3": 50.99, + "recall_at_5": 56.93, + "main_score": 53.498999999999995 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.866, + "map_at_10": 40.438, + "map_at_100": 41.77, + "map_at_1000": 41.913, + "map_at_3": 37.634, + "map_at_5": 39.226, + "mrr_at_1": 37.834, + "mrr_at_10": 46.765, + "mrr_at_100": 47.410000000000004, + "mrr_at_1000": 47.461, + "mrr_at_3": 44.735, + "mrr_at_5": 46.028000000000006, + "ndcg_at_1": 37.834, + "ndcg_at_10": 46.303, + "ndcg_at_100": 50.879, + "ndcg_at_1000": 53.112, + "ndcg_at_3": 42.601, + "ndcg_at_5": 44.384, + "precision_at_1": 37.834, + "precision_at_10": 8.898, + "precision_at_100": 1.4409999999999998, + "precision_at_1000": 0.19499999999999998, + "precision_at_3": 20.977, + "precision_at_5": 14.841, + "recall_at_1": 29.866, + "recall_at_10": 56.06100000000001, + "recall_at_100": 75.809, + "recall_at_1000": 89.875, + "recall_at_3": 44.707, + "recall_at_5": 49.846000000000004, + "main_score": 46.303 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.985, + "map_at_10": 51.165000000000006, + "map_at_100": 52.17, + "map_at_1000": 52.229000000000006, + "map_at_3": 48.089999999999996, + "map_at_5": 49.762, + "mrr_at_1": 44.577, + "mrr_at_10": 54.493, + "mrr_at_100": 55.137, + "mrr_at_1000": 55.167, + "mrr_at_3": 52.079, + "mrr_at_5": 53.518, + "ndcg_at_1": 44.577, + "ndcg_at_10": 56.825, + "ndcg_at_100": 60.842, + "ndcg_at_1000": 62.015, + "ndcg_at_3": 51.699, + "ndcg_at_5": 54.11, + "precision_at_1": 44.577, + "precision_at_10": 9.11, + "precision_at_100": 1.206, + "precision_at_1000": 0.135, + "precision_at_3": 23.156, + "precision_at_5": 15.737000000000002, + "recall_at_1": 38.985, + "recall_at_10": 70.164, + "recall_at_100": 87.708, + "recall_at_1000": 95.979, + "recall_at_3": 56.285, + "recall_at_5": 62.303, + "main_score": 56.825 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.137, + "map_at_10": 36.729, + "map_at_100": 37.851, + "map_at_1000": 37.932, + "map_at_3": 34.074, + "map_at_5": 35.398, + "mrr_at_1": 30.621, + "mrr_at_10": 39.007, + "mrr_at_100": 39.961, + "mrr_at_1000": 40.02, + "mrr_at_3": 36.591, + "mrr_at_5": 37.806, + "ndcg_at_1": 30.621, + "ndcg_at_10": 41.772, + "ndcg_at_100": 47.181, + "ndcg_at_1000": 49.053999999999995, + "ndcg_at_3": 36.577, + "ndcg_at_5": 38.777, + "precision_at_1": 30.621, + "precision_at_10": 6.372999999999999, + "precision_at_100": 0.955, + "precision_at_1000": 0.11499999999999999, + "precision_at_3": 15.367, + "precision_at_5": 10.531, + "recall_at_1": 28.137, + "recall_at_10": 55.162, + "recall_at_100": 79.931, + "recall_at_1000": 93.67, + "recall_at_3": 41.057, + "recall_at_5": 46.327, + "main_score": 41.772 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.798, + "map_at_10": 25.267, + "map_at_100": 26.579000000000004, + "map_at_1000": 26.697, + "map_at_3": 22.456, + "map_at_5": 23.912, + "mrr_at_1": 20.771, + "mrr_at_10": 29.843999999999998, + "mrr_at_100": 30.849, + "mrr_at_1000": 30.916, + "mrr_at_3": 27.156000000000002, + "mrr_at_5": 28.518, + "ndcg_at_1": 20.771, + "ndcg_at_10": 30.792, + "ndcg_at_100": 36.945, + "ndcg_at_1000": 39.619, + "ndcg_at_3": 25.52, + "ndcg_at_5": 27.776, + "precision_at_1": 20.771, + "precision_at_10": 5.734, + "precision_at_100": 1.031, + "precision_at_1000": 0.13899999999999998, + "precision_at_3": 12.148, + "precision_at_5": 9.055, + "recall_at_1": 16.798, + "recall_at_10": 43.332, + "recall_at_100": 70.016, + "recall_at_1000": 88.90400000000001, + "recall_at_3": 28.842000000000002, + "recall_at_5": 34.37, + "main_score": 30.792 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.180000000000003, + "map_at_10": 41.78, + "map_at_100": 43.102000000000004, + "map_at_1000": 43.222, + "map_at_3": 38.505, + "map_at_5": 40.443, + "mrr_at_1": 37.824999999999996, + "mrr_at_10": 47.481, + "mrr_at_100": 48.268, + "mrr_at_1000": 48.313, + "mrr_at_3": 44.946999999999996, + "mrr_at_5": 46.492, + "ndcg_at_1": 37.824999999999996, + "ndcg_at_10": 47.827, + "ndcg_at_100": 53.407000000000004, + "ndcg_at_1000": 55.321, + "ndcg_at_3": 42.815, + "ndcg_at_5": 45.363, + "precision_at_1": 37.824999999999996, + "precision_at_10": 8.652999999999999, + "precision_at_100": 1.354, + "precision_at_1000": 0.172, + "precision_at_3": 20.372, + "precision_at_5": 14.591000000000001, + "recall_at_1": 31.180000000000003, + "recall_at_10": 59.894000000000005, + "recall_at_100": 83.722, + "recall_at_1000": 95.705, + "recall_at_3": 45.824, + "recall_at_5": 52.349999999999994, + "main_score": 47.827 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.66, + "map_at_10": 34.141, + "map_at_100": 35.478, + "map_at_1000": 35.594, + "map_at_3": 30.446, + "map_at_5": 32.583, + "mrr_at_1": 29.909000000000002, + "mrr_at_10": 38.949, + "mrr_at_100": 39.803, + "mrr_at_1000": 39.867999999999995, + "mrr_at_3": 35.921, + "mrr_at_5": 37.753, + "ndcg_at_1": 29.909000000000002, + "ndcg_at_10": 40.012, + "ndcg_at_100": 45.707, + "ndcg_at_1000": 48.15, + "ndcg_at_3": 34.015, + "ndcg_at_5": 37.002, + "precision_at_1": 29.909000000000002, + "precision_at_10": 7.693999999999999, + "precision_at_100": 1.2229999999999999, + "precision_at_1000": 0.16, + "precision_at_3": 16.323999999999998, + "precision_at_5": 12.306000000000001, + "recall_at_1": 24.66, + "recall_at_10": 52.478, + "recall_at_100": 77.051, + "recall_at_1000": 93.872, + "recall_at_3": 36.382999999999996, + "recall_at_5": 43.903999999999996, + "main_score": 40.012 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.768416666666667, + "map_at_10": 36.2485, + "map_at_100": 37.520833333333336, + "map_at_1000": 37.64033333333334, + "map_at_3": 33.25791666666667, + "map_at_5": 34.877250000000004, + "mrr_at_1": 31.65408333333334, + "mrr_at_10": 40.43866666666667, + "mrr_at_100": 41.301249999999996, + "mrr_at_1000": 41.357499999999995, + "mrr_at_3": 37.938916666666664, + "mrr_at_5": 39.35183333333334, + "ndcg_at_1": 31.65408333333334, + "ndcg_at_10": 41.76983333333334, + "ndcg_at_100": 47.138, + "ndcg_at_1000": 49.33816666666667, + "ndcg_at_3": 36.76683333333333, + "ndcg_at_5": 39.04441666666666, + "precision_at_1": 31.65408333333334, + "precision_at_10": 7.396249999999998, + "precision_at_100": 1.1974166666666666, + "precision_at_1000": 0.15791666666666668, + "precision_at_3": 16.955583333333333, + "precision_at_5": 12.09925, + "recall_at_1": 26.768416666666667, + "recall_at_10": 53.82366666666667, + "recall_at_100": 77.39600000000002, + "recall_at_1000": 92.46300000000001, + "recall_at_3": 39.90166666666667, + "recall_at_5": 45.754000000000005, + "main_score": 41.76983333333334 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.369, + "map_at_10": 32.025, + "map_at_100": 33.08, + "map_at_1000": 33.169, + "map_at_3": 29.589, + "map_at_5": 30.894, + "mrr_at_1": 27.301, + "mrr_at_10": 34.64, + "mrr_at_100": 35.556, + "mrr_at_1000": 35.616, + "mrr_at_3": 32.515, + "mrr_at_5": 33.666000000000004, + "ndcg_at_1": 27.301, + "ndcg_at_10": 36.386, + "ndcg_at_100": 41.598, + "ndcg_at_1000": 43.864999999999995, + "ndcg_at_3": 32.07, + "ndcg_at_5": 34.028999999999996, + "precision_at_1": 27.301, + "precision_at_10": 5.782, + "precision_at_100": 0.923, + "precision_at_1000": 0.11900000000000001, + "precision_at_3": 13.804, + "precision_at_5": 9.693, + "recall_at_1": 24.369, + "recall_at_10": 47.026, + "recall_at_100": 70.76400000000001, + "recall_at_1000": 87.705, + "recall_at_3": 35.366, + "recall_at_5": 40.077, + "main_score": 36.386 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.878, + "map_at_10": 25.582, + "map_at_100": 26.848, + "map_at_1000": 26.985, + "map_at_3": 22.997, + "map_at_5": 24.487000000000002, + "mrr_at_1": 22.023, + "mrr_at_10": 29.615000000000002, + "mrr_at_100": 30.656, + "mrr_at_1000": 30.737, + "mrr_at_3": 27.322999999999997, + "mrr_at_5": 28.665000000000003, + "ndcg_at_1": 22.023, + "ndcg_at_10": 30.476999999999997, + "ndcg_at_100": 36.258, + "ndcg_at_1000": 39.287, + "ndcg_at_3": 25.995, + "ndcg_at_5": 28.174, + "precision_at_1": 22.023, + "precision_at_10": 5.657, + "precision_at_100": 1.01, + "precision_at_1000": 0.145, + "precision_at_3": 12.491, + "precision_at_5": 9.112, + "recall_at_1": 17.878, + "recall_at_10": 41.155, + "recall_at_100": 66.62599999999999, + "recall_at_1000": 88.08200000000001, + "recall_at_3": 28.505000000000003, + "recall_at_5": 34.284, + "main_score": 30.476999999999997 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.369999999999997, + "map_at_10": 36.115, + "map_at_100": 37.346000000000004, + "map_at_1000": 37.449, + "map_at_3": 32.976, + "map_at_5": 34.782000000000004, + "mrr_at_1": 30.784, + "mrr_at_10": 40.014, + "mrr_at_100": 40.913, + "mrr_at_1000": 40.967999999999996, + "mrr_at_3": 37.205, + "mrr_at_5": 38.995999999999995, + "ndcg_at_1": 30.784, + "ndcg_at_10": 41.797000000000004, + "ndcg_at_100": 47.355000000000004, + "ndcg_at_1000": 49.535000000000004, + "ndcg_at_3": 36.29, + "ndcg_at_5": 39.051, + "precision_at_1": 30.784, + "precision_at_10": 7.164, + "precision_at_100": 1.122, + "precision_at_1000": 0.14200000000000002, + "precision_at_3": 16.636, + "precision_at_5": 11.996, + "recall_at_1": 26.369999999999997, + "recall_at_10": 55.010000000000005, + "recall_at_100": 79.105, + "recall_at_1000": 94.053, + "recall_at_3": 40.139, + "recall_at_5": 47.089, + "main_score": 41.797000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.421, + "map_at_10": 35.253, + "map_at_100": 36.97, + "map_at_1000": 37.195, + "map_at_3": 32.068000000000005, + "map_at_5": 33.763, + "mrr_at_1": 31.423000000000002, + "mrr_at_10": 39.995999999999995, + "mrr_at_100": 40.977999999999994, + "mrr_at_1000": 41.024, + "mrr_at_3": 36.989, + "mrr_at_5": 38.629999999999995, + "ndcg_at_1": 31.423000000000002, + "ndcg_at_10": 41.382000000000005, + "ndcg_at_100": 47.532000000000004, + "ndcg_at_1000": 49.829, + "ndcg_at_3": 35.809000000000005, + "ndcg_at_5": 38.308, + "precision_at_1": 31.423000000000002, + "precision_at_10": 7.885000000000001, + "precision_at_100": 1.609, + "precision_at_1000": 0.246, + "precision_at_3": 16.469, + "precision_at_5": 12.174, + "recall_at_1": 26.421, + "recall_at_10": 53.618, + "recall_at_100": 80.456, + "recall_at_1000": 94.505, + "recall_at_3": 37.894, + "recall_at_5": 44.352999999999994, + "main_score": 41.382000000000005 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.54, + "map_at_10": 29.468, + "map_at_100": 30.422, + "map_at_1000": 30.542, + "map_at_3": 26.888, + "map_at_5": 27.962999999999997, + "mrr_at_1": 23.29, + "mrr_at_10": 31.176, + "mrr_at_100": 32.046, + "mrr_at_1000": 32.129000000000005, + "mrr_at_3": 28.804999999999996, + "mrr_at_5": 29.868, + "ndcg_at_1": 23.29, + "ndcg_at_10": 34.166000000000004, + "ndcg_at_100": 39.217999999999996, + "ndcg_at_1000": 41.964, + "ndcg_at_3": 28.970000000000002, + "ndcg_at_5": 30.797, + "precision_at_1": 23.29, + "precision_at_10": 5.489999999999999, + "precision_at_100": 0.874, + "precision_at_1000": 0.122, + "precision_at_3": 12.261, + "precision_at_5": 8.503, + "recall_at_1": 21.54, + "recall_at_10": 47.064, + "recall_at_100": 70.959, + "recall_at_1000": 91.032, + "recall_at_3": 32.828, + "recall_at_5": 37.214999999999996, + "main_score": 34.166000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/ClimateFEVER.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/ClimateFEVER.json new file mode 100644 index 000000000..b3f8f2696 --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 10.102, + "map_at_10": 17.469, + "map_at_100": 19.244, + "map_at_1000": 19.435, + "map_at_3": 14.257, + "map_at_5": 16.028000000000002, + "mrr_at_1": 22.866, + "mrr_at_10": 33.535, + "mrr_at_100": 34.583999999999996, + "mrr_at_1000": 34.622, + "mrr_at_3": 29.946, + "mrr_at_5": 32.157000000000004, + "ndcg_at_1": 22.866, + "ndcg_at_10": 25.16, + "ndcg_at_100": 32.347, + "ndcg_at_1000": 35.821, + "ndcg_at_3": 19.816, + "ndcg_at_5": 22.026, + "precision_at_1": 22.866, + "precision_at_10": 8.072, + "precision_at_100": 1.5709999999999997, + "precision_at_1000": 0.22200000000000003, + "precision_at_3": 14.701, + "precision_at_5": 11.960999999999999, + "recall_at_1": 10.102, + "recall_at_10": 31.086000000000002, + "recall_at_100": 55.896, + "recall_at_1000": 75.375, + "recall_at_3": 18.343999999999998, + "recall_at_5": 24.102, + "main_score": 25.16 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/DBPedia.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/DBPedia.json new file mode 100644 index 000000000..ddd52e567 --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 7.961, + "map_at_10": 16.058, + "map_at_100": 21.878, + "map_at_1000": 23.156, + "map_at_3": 12.206999999999999, + "map_at_5": 13.747000000000002, + "mrr_at_1": 60.5, + "mrr_at_10": 68.488, + "mrr_at_100": 69.02199999999999, + "mrr_at_1000": 69.03200000000001, + "mrr_at_3": 66.792, + "mrr_at_5": 67.62899999999999, + "ndcg_at_1": 49.125, + "ndcg_at_10": 34.827999999999996, + "ndcg_at_100": 38.723, + "ndcg_at_1000": 45.988, + "ndcg_at_3": 40.302, + "ndcg_at_5": 36.781000000000006, + "precision_at_1": 60.5, + "precision_at_10": 26.825, + "precision_at_100": 8.445, + "precision_at_1000": 1.7000000000000002, + "precision_at_3": 43.25, + "precision_at_5": 34.5, + "recall_at_1": 7.961, + "recall_at_10": 20.843, + "recall_at_100": 43.839, + "recall_at_1000": 67.33, + "recall_at_3": 13.516, + "recall_at_5": 15.956000000000001, + "main_score": 34.827999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/EmotionClassification.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/EmotionClassification.json new file mode 100644 index 000000000..43f4f1b68 --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 52.06000000000001, + "f1": 47.21494728335567, + "main_score": 52.06000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/FEVER.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/FEVER.json new file mode 100644 index 000000000..291d4b099 --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 56.798, + "map_at_10": 67.644, + "map_at_100": 68.01700000000001, + "map_at_1000": 68.038, + "map_at_3": 65.539, + "map_at_5": 66.912, + "mrr_at_1": 61.221000000000004, + "mrr_at_10": 71.97099999999999, + "mrr_at_100": 72.262, + "mrr_at_1000": 72.27, + "mrr_at_3": 70.052, + "mrr_at_5": 71.324, + "ndcg_at_1": 61.221000000000004, + "ndcg_at_10": 73.173, + "ndcg_at_100": 74.779, + "ndcg_at_1000": 75.229, + "ndcg_at_3": 69.291, + "ndcg_at_5": 71.552, + "precision_at_1": 61.221000000000004, + "precision_at_10": 9.449, + "precision_at_100": 1.0370000000000001, + "precision_at_1000": 0.109, + "precision_at_3": 27.467999999999996, + "precision_at_5": 17.744, + "recall_at_1": 56.798, + "recall_at_10": 85.991, + "recall_at_100": 92.973, + "recall_at_1000": 96.089, + "recall_at_3": 75.576, + "recall_at_5": 81.12, + "main_score": 73.173 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/FiQA2018.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/FiQA2018.json new file mode 100644 index 000000000..2ee617da4 --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.323, + "map_at_10": 30.279, + "map_at_100": 32.153999999999996, + "map_at_1000": 32.339, + "map_at_3": 26.336, + "map_at_5": 28.311999999999998, + "mrr_at_1": 35.339999999999996, + "mrr_at_10": 44.931, + "mrr_at_100": 45.818999999999996, + "mrr_at_1000": 45.864, + "mrr_at_3": 42.618, + "mrr_at_5": 43.736999999999995, + "ndcg_at_1": 35.339999999999996, + "ndcg_at_10": 37.852999999999994, + "ndcg_at_100": 44.888, + "ndcg_at_1000": 48.069, + "ndcg_at_3": 34.127, + "ndcg_at_5": 35.026, + "precision_at_1": 35.339999999999996, + "precision_at_10": 10.617, + "precision_at_100": 1.7930000000000001, + "precision_at_1000": 0.23600000000000002, + "precision_at_3": 22.582, + "precision_at_5": 16.605, + "recall_at_1": 18.323, + "recall_at_10": 44.948, + "recall_at_100": 71.11800000000001, + "recall_at_1000": 90.104, + "recall_at_3": 31.661, + "recall_at_5": 36.498000000000005, + "main_score": 37.852999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/HotpotQA.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/HotpotQA.json new file mode 100644 index 000000000..be1c38158 --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.668, + "map_at_10": 43.669999999999995, + "map_at_100": 44.646, + "map_at_1000": 44.731, + "map_at_3": 40.897, + "map_at_5": 42.559999999999995, + "mrr_at_1": 61.336999999999996, + "mrr_at_10": 68.496, + "mrr_at_100": 68.916, + "mrr_at_1000": 68.938, + "mrr_at_3": 66.90700000000001, + "mrr_at_5": 67.91199999999999, + "ndcg_at_1": 61.336999999999996, + "ndcg_at_10": 52.588, + "ndcg_at_100": 56.389, + "ndcg_at_1000": 58.187999999999995, + "ndcg_at_3": 48.109, + "ndcg_at_5": 50.498, + "precision_at_1": 61.336999999999996, + "precision_at_10": 11.033, + "precision_at_100": 1.403, + "precision_at_1000": 0.164, + "precision_at_3": 30.105999999999998, + "precision_at_5": 19.954, + "recall_at_1": 30.668, + "recall_at_10": 55.165, + "recall_at_100": 70.169, + "recall_at_1000": 82.12, + "recall_at_3": 45.159, + "recall_at_5": 49.885000000000005, + "main_score": 52.588 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/ImdbClassification.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/ImdbClassification.json new file mode 100644 index 000000000..1e683a2c4 --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.542, + "ap": 72.50692137216646, + "f1": 78.40630687221642, + "main_score": 78.542 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/MSMARCO.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/MSMARCO.json new file mode 100644 index 000000000..e9e3ec12b --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.613, + "map_at_10": 29.98, + "map_at_100": 31.136999999999997, + "map_at_1000": 31.196, + "map_at_3": 26.339000000000002, + "map_at_5": 28.351, + "mrr_at_1": 19.054, + "mrr_at_10": 30.476, + "mrr_at_100": 31.588, + "mrr_at_1000": 31.641000000000002, + "mrr_at_3": 26.834000000000003, + "mrr_at_5": 28.849000000000004, + "ndcg_at_1": 19.083, + "ndcg_at_10": 36.541000000000004, + "ndcg_at_100": 42.35, + "ndcg_at_1000": 43.9, + "ndcg_at_3": 29.015, + "ndcg_at_5": 32.622, + "precision_at_1": 19.083, + "precision_at_10": 5.914, + "precision_at_100": 0.889, + "precision_at_1000": 0.10200000000000001, + "precision_at_3": 12.483, + "precision_at_5": 9.315, + "recall_at_1": 18.613, + "recall_at_10": 56.88999999999999, + "recall_at_100": 84.207, + "recall_at_1000": 96.20100000000001, + "recall_at_3": 36.262, + "recall_at_5": 44.925, + "main_score": 36.541000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/MTOPDomainClassification.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/MTOPDomainClassification.json new file mode 100644 index 000000000..f4badc4dd --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 94.77656178750571, + "f1": 94.37966073742972, + "main_score": 94.77656178750571 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/MTOPIntentClassification.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/MTOPIntentClassification.json new file mode 100644 index 000000000..3d6f6e24e --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.72457820337438, + "f1": 59.11327646329634, + "main_score": 77.72457820337438 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/MassiveIntentClassification.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/MassiveIntentClassification.json new file mode 100644 index 000000000..5827829c2 --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.17753866846, + "f1": 71.22604635414544, + "main_score": 73.17753866846 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/MassiveScenarioClassification.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..93eedfe43 --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.67787491593813, + "f1": 76.87653151298177, + "main_score": 76.67787491593813 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/MedrxivClusteringP2P.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..abdfed3e1 --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.3485843514749, + "main_score": 33.3485843514749 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/MedrxivClusteringS2S.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..537567af3 --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 29.792796913883617, + "main_score": 29.792796913883617 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/MindSmallReranking.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/MindSmallReranking.json new file mode 100644 index 000000000..2b97c0611 --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.310305659169963, + "mrr": 32.38286775798406, + "main_score": 31.310305659169963 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/NFCorpus.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/NFCorpus.json new file mode 100644 index 000000000..aedb09f94 --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.968, + "map_at_10": 11.379, + "map_at_100": 14.618999999999998, + "map_at_1000": 16.055, + "map_at_3": 8.34, + "map_at_5": 9.690999999999999, + "mrr_at_1": 43.034, + "mrr_at_10": 51.019999999999996, + "mrr_at_100": 51.63100000000001, + "mrr_at_1000": 51.681, + "mrr_at_3": 49.174, + "mrr_at_5": 50.181, + "ndcg_at_1": 41.176, + "ndcg_at_10": 31.341, + "ndcg_at_100": 29.451, + "ndcg_at_1000": 38.007000000000005, + "ndcg_at_3": 36.494, + "ndcg_at_5": 34.499, + "precision_at_1": 43.034, + "precision_at_10": 23.375, + "precision_at_100": 7.799, + "precision_at_1000": 2.059, + "precision_at_3": 34.675, + "precision_at_5": 30.154999999999998, + "recall_at_1": 4.968, + "recall_at_10": 15.104999999999999, + "recall_at_100": 30.741000000000003, + "recall_at_1000": 61.182, + "recall_at_3": 9.338000000000001, + "recall_at_5": 11.484, + "main_score": 31.341 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/NQ.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/NQ.json new file mode 100644 index 000000000..687751610 --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.716, + "map_at_10": 38.32, + "map_at_100": 39.565, + "map_at_1000": 39.602, + "map_at_3": 33.848, + "map_at_5": 36.471, + "mrr_at_1": 26.912000000000003, + "mrr_at_10": 40.607, + "mrr_at_100": 41.589, + "mrr_at_1000": 41.614000000000004, + "mrr_at_3": 36.684, + "mrr_at_5": 39.036, + "ndcg_at_1": 26.883000000000003, + "ndcg_at_10": 46.096, + "ndcg_at_100": 51.513, + "ndcg_at_1000": 52.366, + "ndcg_at_3": 37.549, + "ndcg_at_5": 41.971000000000004, + "precision_at_1": 26.883000000000003, + "precision_at_10": 8.004, + "precision_at_100": 1.107, + "precision_at_1000": 0.11900000000000001, + "precision_at_3": 17.516000000000002, + "precision_at_5": 13.019, + "recall_at_1": 23.716, + "recall_at_10": 67.656, + "recall_at_100": 91.413, + "recall_at_1000": 97.714, + "recall_at_3": 45.449, + "recall_at_5": 55.598000000000006, + "main_score": 46.096 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/QuoraRetrieval.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/QuoraRetrieval.json new file mode 100644 index 000000000..d8d9f3a83 --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 70.486, + "map_at_10": 84.292, + "map_at_100": 84.954, + "map_at_1000": 84.969, + "map_at_3": 81.295, + "map_at_5": 83.165, + "mrr_at_1": 81.16, + "mrr_at_10": 87.31, + "mrr_at_100": 87.423, + "mrr_at_1000": 87.423, + "mrr_at_3": 86.348, + "mrr_at_5": 86.991, + "ndcg_at_1": 81.17, + "ndcg_at_10": 88.067, + "ndcg_at_100": 89.34, + "ndcg_at_1000": 89.43900000000001, + "ndcg_at_3": 85.162, + "ndcg_at_5": 86.752, + "precision_at_1": 81.17, + "precision_at_10": 13.394, + "precision_at_100": 1.5310000000000001, + "precision_at_1000": 0.157, + "precision_at_3": 37.193, + "precision_at_5": 24.482, + "recall_at_1": 70.486, + "recall_at_10": 95.184, + "recall_at_100": 99.53999999999999, + "recall_at_1000": 99.98700000000001, + "recall_at_3": 86.89, + "recall_at_5": 91.365, + "main_score": 88.067 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/RedditClustering.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/RedditClustering.json new file mode 100644 index 000000000..52d3d0604 --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 44.118229475102154, + "main_score": 44.118229475102154 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/RedditClusteringP2P.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/RedditClusteringP2P.json new file mode 100644 index 000000000..bc91360db --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.68049097629063, + "main_score": 48.68049097629063 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/SCIDOCS.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/SCIDOCS.json new file mode 100644 index 000000000..80b7889ea --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.888, + "map_at_10": 12.770999999999999, + "map_at_100": 15.238, + "map_at_1000": 15.616, + "map_at_3": 8.952, + "map_at_5": 10.639999999999999, + "mrr_at_1": 24.099999999999998, + "mrr_at_10": 35.375, + "mrr_at_100": 36.442, + "mrr_at_1000": 36.488, + "mrr_at_3": 31.717000000000002, + "mrr_at_5": 33.722, + "ndcg_at_1": 24.099999999999998, + "ndcg_at_10": 21.438, + "ndcg_at_100": 30.601, + "ndcg_at_1000": 36.678, + "ndcg_at_3": 19.861, + "ndcg_at_5": 17.263, + "precision_at_1": 24.099999999999998, + "precision_at_10": 11.4, + "precision_at_100": 2.465, + "precision_at_1000": 0.392, + "precision_at_3": 18.733, + "precision_at_5": 15.22, + "recall_at_1": 4.888, + "recall_at_10": 23.118, + "recall_at_100": 49.995, + "recall_at_1000": 79.577, + "recall_at_3": 11.398, + "recall_at_5": 15.428, + "main_score": 21.438 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/SICK-R.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/SICK-R.json new file mode 100644 index 000000000..0308ccd46 --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.33198632617024, + "cos_sim_spearman": 79.09232997136625, + "euclidean_pearson": 81.49986011523868, + "euclidean_spearman": 77.03530620283338, + "manhattan_pearson": 81.4741227286667, + "manhattan_spearman": 76.98641133116311, + "cosine_pearson": 85.33198632617024, + "cosine_spearman": 79.09232997136625, + "main_score": 79.09232997136625 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/STS12.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/STS12.json new file mode 100644 index 000000000..18d2bc0b3 --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.60103674582464, + "cos_sim_spearman": 75.03945035801914, + "euclidean_pearson": 80.82455267481467, + "euclidean_spearman": 70.3317366248871, + "manhattan_pearson": 80.8928091531445, + "manhattan_spearman": 70.43207370945672, + "cosine_pearson": 84.60103674582464, + "cosine_spearman": 75.03945035801914, + "main_score": 75.03945035801914 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/STS13.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/STS13.json new file mode 100644 index 000000000..2136ce4c5 --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.52453177109315, + "cos_sim_spearman": 83.26431569305103, + "euclidean_pearson": 82.10494657997404, + "euclidean_spearman": 83.41028425949024, + "manhattan_pearson": 82.08669822983934, + "manhattan_spearman": 83.39959776442115, + "cosine_pearson": 82.52453177109315, + "cosine_spearman": 83.26431569305103, + "main_score": 83.26431569305103 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/STS14.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/STS14.json new file mode 100644 index 000000000..4676bc668 --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.67472020277681, + "cos_sim_spearman": 78.61877889763109, + "euclidean_pearson": 80.07878012437722, + "euclidean_spearman": 77.44374494215397, + "manhattan_pearson": 79.95988483102258, + "manhattan_spearman": 77.36018101061366, + "cosine_pearson": 82.67472020277681, + "cosine_spearman": 78.61877889763109, + "main_score": 78.61877889763109 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/STS15.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/STS15.json new file mode 100644 index 000000000..8bbd8d2a4 --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.55450610494437, + "cos_sim_spearman": 87.03494331841401, + "euclidean_pearson": 81.4319784394287, + "euclidean_spearman": 82.47893040599372, + "manhattan_pearson": 81.32627203699644, + "manhattan_spearman": 82.40660565070675, + "cosine_pearson": 85.55450610494437, + "cosine_spearman": 87.03494331841401, + "main_score": 87.03494331841401 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/STS16.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/STS16.json new file mode 100644 index 000000000..cebdb698e --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.51576965454805, + "cos_sim_spearman": 83.0062959588245, + "euclidean_pearson": 79.98888882568556, + "euclidean_spearman": 81.08948911791873, + "manhattan_pearson": 79.77952719568583, + "manhattan_spearman": 80.79471040445408, + "cosine_pearson": 81.51576965454805, + "cosine_spearman": 83.0062959588245, + "main_score": 83.0062959588245 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/STS17.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/STS17.json new file mode 100644 index 000000000..bcf0d6754 --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.28313046682885, + "cos_sim_spearman": 87.35865211085007, + "euclidean_pearson": 84.11501613667811, + "euclidean_spearman": 82.82038954956121, + "manhattan_pearson": 83.891278147302, + "manhattan_spearman": 82.59947685165902, + "cosine_pearson": 87.28313046682885, + "cosine_spearman": 87.35865211085007, + "main_score": 87.35865211085007 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/STS22.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/STS22.json new file mode 100644 index 000000000..5d61237ef --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 67.80653738006102, + "cos_sim_spearman": 68.11259151179601, + "euclidean_pearson": 43.16707985094242, + "euclidean_spearman": 58.96200382968696, + "manhattan_pearson": 43.84146858566507, + "manhattan_spearman": 59.05193977207514, + "cosine_pearson": 67.80653738006102, + "cosine_spearman": 68.11259151179601, + "main_score": 68.11259151179601 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/STSBenchmark.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/STSBenchmark.json new file mode 100644 index 000000000..285118d84 --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.62068205073571, + "cos_sim_spearman": 84.40071593577095, + "euclidean_pearson": 80.90824726252514, + "euclidean_spearman": 80.54974812534094, + "manhattan_pearson": 80.6759008187939, + "manhattan_spearman": 80.31149103896973, + "cosine_pearson": 82.62068205073571, + "cosine_spearman": 84.40071593577095, + "main_score": 84.40071593577095 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/SciDocsRR.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/SciDocsRR.json new file mode 100644 index 000000000..391770cc3 --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 87.13774787530915, + "mrr": 96.22233793802422, + "main_score": 87.13774787530915 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/SciFact.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/SciFact.json new file mode 100644 index 000000000..5c491d10a --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 49.167, + "map_at_10": 59.852000000000004, + "map_at_100": 60.544, + "map_at_1000": 60.577000000000005, + "map_at_3": 57.242000000000004, + "map_at_5": 58.704, + "mrr_at_1": 51.0, + "mrr_at_10": 60.575, + "mrr_at_100": 61.144, + "mrr_at_1000": 61.175000000000004, + "mrr_at_3": 58.667, + "mrr_at_5": 59.599999999999994, + "ndcg_at_1": 51.0, + "ndcg_at_10": 64.398, + "ndcg_at_100": 67.581, + "ndcg_at_1000": 68.551, + "ndcg_at_3": 59.928000000000004, + "ndcg_at_5": 61.986, + "precision_at_1": 51.0, + "precision_at_10": 8.7, + "precision_at_100": 1.047, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 23.666999999999998, + "precision_at_5": 15.6, + "recall_at_1": 49.167, + "recall_at_10": 77.333, + "recall_at_100": 91.833, + "recall_at_1000": 99.667, + "recall_at_3": 65.594, + "recall_at_5": 70.52199999999999, + "main_score": 64.398 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/SprintDuplicateQuestions.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..1d4c86351 --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.77227722772277, + "cos_sim_ap": 94.14261011689366, + "cos_sim_f1": 88.37209302325581, + "cos_sim_precision": 89.36605316973414, + "cos_sim_recall": 87.4, + "dot_accuracy": 99.07128712871287, + "dot_ap": 27.325649239129486, + "dot_f1": 33.295838020247466, + "dot_precision": 38.04627249357326, + "dot_recall": 29.599999999999998, + "euclidean_accuracy": 99.74158415841585, + "euclidean_ap": 92.32695359979576, + "euclidean_f1": 86.90534575772439, + "euclidean_precision": 85.27430221366699, + "euclidean_recall": 88.6, + "manhattan_accuracy": 99.74257425742574, + "manhattan_ap": 92.40335687760499, + "manhattan_f1": 86.96507624200687, + "manhattan_precision": 85.57599225556632, + "manhattan_recall": 88.4, + "max_accuracy": 99.77227722772277, + "max_ap": 94.14261011689366, + "max_f1": 88.37209302325581, + "main_score": 94.14261011689366 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/StackExchangeClustering.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/StackExchangeClustering.json new file mode 100644 index 000000000..f7d24e958 --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 53.113809982945035, + "main_score": 53.113809982945035 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/StackExchangeClusteringP2P.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..0cc6a2d64 --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.90915908471812, + "main_score": 33.90915908471812 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/StackOverflowDupQuestions.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..3abe15907 --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 50.36481271702464, + "mrr": 51.05628236142942, + "main_score": 50.36481271702464 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/SummEval.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/SummEval.json new file mode 100644 index 000000000..b520fb842 --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.311305530381826, + "cos_sim_spearman": 31.22029657606254, + "dot_pearson": 12.157032445910177, + "dot_spearman": 13.275185888551805, + "cosine_pearson": 30.311305530381826, + "cosine_spearman": 31.22029657606254, + "main_score": 31.22029657606254 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/TRECCOVID.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/TRECCOVID.json new file mode 100644 index 000000000..e6456aa96 --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.167, + "map_at_10": 1.113, + "map_at_100": 5.926, + "map_at_1000": 15.25, + "map_at_3": 0.414, + "map_at_5": 0.633, + "mrr_at_1": 64.0, + "mrr_at_10": 74.444, + "mrr_at_100": 74.667, + "mrr_at_1000": 74.679, + "mrr_at_3": 72.0, + "mrr_at_5": 74.0, + "ndcg_at_1": 59.0, + "ndcg_at_10": 51.468, + "ndcg_at_100": 38.135000000000005, + "ndcg_at_1000": 36.946, + "ndcg_at_3": 55.827000000000005, + "ndcg_at_5": 53.555, + "precision_at_1": 64.0, + "precision_at_10": 54.400000000000006, + "precision_at_100": 39.08, + "precision_at_1000": 16.618, + "precision_at_3": 58.667, + "precision_at_5": 56.8, + "recall_at_1": 0.167, + "recall_at_10": 1.38, + "recall_at_100": 9.189, + "recall_at_1000": 35.737, + "recall_at_3": 0.455, + "recall_at_5": 0.73, + "main_score": 51.468 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/Touche2020.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/Touche2020.json new file mode 100644 index 000000000..bbb6b494d --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.4299999999999997, + "map_at_10": 8.539, + "map_at_100": 14.155999999999999, + "map_at_1000": 15.684999999999999, + "map_at_3": 3.857, + "map_at_5": 5.583, + "mrr_at_1": 26.531, + "mrr_at_10": 40.489999999999995, + "mrr_at_100": 41.772999999999996, + "mrr_at_1000": 41.772999999999996, + "mrr_at_3": 35.034, + "mrr_at_5": 38.81, + "ndcg_at_1": 21.429000000000002, + "ndcg_at_10": 20.787, + "ndcg_at_100": 33.202, + "ndcg_at_1000": 45.167, + "ndcg_at_3": 18.233, + "ndcg_at_5": 19.887, + "precision_at_1": 26.531, + "precision_at_10": 19.796, + "precision_at_100": 7.4079999999999995, + "precision_at_1000": 1.5310000000000001, + "precision_at_3": 19.728, + "precision_at_5": 21.633, + "recall_at_1": 2.4299999999999997, + "recall_at_10": 14.901, + "recall_at_100": 46.422000000000004, + "recall_at_1000": 82.83500000000001, + "recall_at_3": 4.655, + "recall_at_5": 8.092, + "main_score": 20.787 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/ToxicConversationsClassification.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..b63dfd840 --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.90140000000001, + "ap": 15.138716624430662, + "f1": 56.08803013269606, + "main_score": 72.90140000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/TweetSentimentExtractionClassification.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..fd5827a38 --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 59.85285795132994, + "f1": 60.17575819903709, + "main_score": 59.85285795132994 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/TwentyNewsgroupsClustering.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..0029610d9 --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 41.125150148437065, + "main_score": 41.125150148437065 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/TwitterSemEval2015.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/TwitterSemEval2015.json new file mode 100644 index 000000000..5d50cca1c --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 84.96751505036657, + "cos_sim_ap": 70.45642872444971, + "cos_sim_f1": 65.75274793133259, + "cos_sim_precision": 61.806361736707686, + "cos_sim_recall": 70.23746701846966, + "dot_accuracy": 77.84466829588126, + "dot_ap": 32.49904328313596, + "dot_f1": 37.903122189387126, + "dot_precision": 25.050951086956523, + "dot_recall": 77.83641160949868, + "euclidean_accuracy": 84.5920009536866, + "euclidean_ap": 68.83700633574043, + "euclidean_f1": 64.92803542871202, + "euclidean_precision": 60.820465545056464, + "euclidean_recall": 69.63060686015831, + "manhattan_accuracy": 84.52643500029802, + "manhattan_ap": 68.63286046599892, + "manhattan_f1": 64.7476540705047, + "manhattan_precision": 62.3291015625, + "manhattan_recall": 67.36147757255937, + "max_accuracy": 84.96751505036657, + "max_ap": 70.45642872444971, + "max_f1": 65.75274793133259, + "main_score": 70.45642872444971 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/TwitterURLCorpus.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/TwitterURLCorpus.json new file mode 100644 index 000000000..0e4870160 --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.65603291031164, + "cos_sim_ap": 85.58148320880878, + "cos_sim_f1": 77.63202920041064, + "cos_sim_precision": 76.68444377675957, + "cos_sim_recall": 78.60332614721281, + "dot_accuracy": 79.71048239996895, + "dot_ap": 59.31114839296281, + "dot_f1": 57.13895527483783, + "dot_precision": 51.331125015335545, + "dot_recall": 64.4287034185402, + "euclidean_accuracy": 86.99305312997244, + "euclidean_ap": 81.87075965254876, + "euclidean_f1": 73.53543008715421, + "euclidean_precision": 72.39964184450082, + "euclidean_recall": 74.70742223591007, + "manhattan_accuracy": 87.04156479217605, + "manhattan_ap": 81.7850497283247, + "manhattan_f1": 73.52951955143475, + "manhattan_precision": 70.15875236030492, + "manhattan_recall": 77.2405297197413, + "max_accuracy": 88.65603291031164, + "max_ap": 85.58148320880878, + "max_f1": 77.63202920041064, + "main_score": 85.58148320880878 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/model_meta.json b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/model_meta.json new file mode 100644 index 000000000..02c4b79bb --- /dev/null +++ b/results/avsolatorio__GIST-all-MiniLM-L6-v2/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "avsolatorio/GIST-all-MiniLM-L6-v2", + "revision": "ea89dfad053bba14677bb784a4269898abbdce44", + "release_date": "2024-02-03", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 22713216, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 384, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/AmazonCounterfactualClassification.json b/results/avsolatorio__GIST-large-Embedding-v0/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..28232fa88 --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.5820895522388, + "ap": 38.32190121241783, + "f1": 69.44777155231054, + "main_score": 75.5820895522388 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/AmazonPolarityClassification.json b/results/avsolatorio__GIST-large-Embedding-v0/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..967645912 --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.40514999999998, + "ap": 90.2011565132406, + "f1": 93.39486246843605, + "main_score": 93.40514999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/AmazonReviewsClassification.json b/results/avsolatorio__GIST-large-Embedding-v0/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..9c3fc3947 --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 49.05999999999999, + "f1": 48.58702718571088, + "main_score": 49.05999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/ArguAna.json b/results/avsolatorio__GIST-large-Embedding-v0/external/ArguAna.json new file mode 100644 index 000000000..ce86473c6 --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.407000000000004, + "map_at_10": 54.822, + "map_at_100": 55.387, + "map_at_1000": 55.388999999999996, + "map_at_3": 50.308, + "map_at_5": 53.199, + "mrr_at_1": 39.900000000000006, + "mrr_at_10": 55.385, + "mrr_at_100": 55.936, + "mrr_at_1000": 55.93900000000001, + "mrr_at_3": 50.853, + "mrr_at_5": 53.738, + "ndcg_at_1": 38.407000000000004, + "ndcg_at_10": 63.38, + "ndcg_at_100": 65.52900000000001, + "ndcg_at_1000": 65.58800000000001, + "ndcg_at_3": 54.26, + "ndcg_at_5": 59.488, + "precision_at_1": 38.407000000000004, + "precision_at_10": 9.04, + "precision_at_100": 0.992, + "precision_at_1000": 0.1, + "precision_at_3": 21.906, + "precision_at_5": 15.690000000000001, + "recall_at_1": 38.407000000000004, + "recall_at_10": 90.398, + "recall_at_100": 99.21799999999999, + "recall_at_1000": 99.644, + "recall_at_3": 65.718, + "recall_at_5": 78.45, + "main_score": 63.38 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/ArxivClusteringP2P.json b/results/avsolatorio__GIST-large-Embedding-v0/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..3b4028376 --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.49766333679089, + "main_score": 48.49766333679089 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/ArxivClusteringS2S.json b/results/avsolatorio__GIST-large-Embedding-v0/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..77b283aa3 --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 42.57731111438094, + "main_score": 42.57731111438094 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/AskUbuntuDupQuestions.json b/results/avsolatorio__GIST-large-Embedding-v0/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..3870e66fe --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 64.70120072857361, + "mrr": 77.86714593501297, + "main_score": 64.70120072857361 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/BIOSSES.json b/results/avsolatorio__GIST-large-Embedding-v0/external/BIOSSES.json new file mode 100644 index 000000000..0da836190 --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 90.73821860690765, + "cos_sim_spearman": 89.17070651383446, + "euclidean_pearson": 88.28303958293029, + "euclidean_spearman": 88.81889126856979, + "manhattan_pearson": 88.09080621828731, + "manhattan_spearman": 88.55924679817751, + "cosine_pearson": 90.73821860690765, + "cosine_spearman": 89.17070651383446, + "main_score": 89.17070651383446 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/Banking77Classification.json b/results/avsolatorio__GIST-large-Embedding-v0/external/Banking77Classification.json new file mode 100644 index 000000000..11fee4279 --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 88.10064935064933, + "f1": 88.08460758973867, + "main_score": 88.10064935064933 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/BiorxivClusteringP2P.json b/results/avsolatorio__GIST-large-Embedding-v0/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..41a806715 --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.338228337929976, + "main_score": 39.338228337929976 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/BiorxivClusteringS2S.json b/results/avsolatorio__GIST-large-Embedding-v0/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..2d08cc9d4 --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.179156232378226, + "main_score": 36.179156232378226 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/CQADupstackAndroidRetrieval.json b/results/avsolatorio__GIST-large-Embedding-v0/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..75fc7e9e9 --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 33.440999999999995, + "map_at_10": 45.495000000000005, + "map_at_100": 47.132000000000005, + "map_at_1000": 47.253, + "map_at_3": 41.766, + "map_at_5": 43.873, + "mrr_at_1": 40.772999999999996, + "mrr_at_10": 51.627, + "mrr_at_100": 52.364, + "mrr_at_1000": 52.397000000000006, + "mrr_at_3": 48.951, + "mrr_at_5": 50.746, + "ndcg_at_1": 40.772999999999996, + "ndcg_at_10": 52.306, + "ndcg_at_100": 57.753, + "ndcg_at_1000": 59.36900000000001, + "ndcg_at_3": 47.177, + "ndcg_at_5": 49.71, + "precision_at_1": 40.772999999999996, + "precision_at_10": 10.129000000000001, + "precision_at_100": 1.617, + "precision_at_1000": 0.208, + "precision_at_3": 22.985, + "precision_at_5": 16.652, + "recall_at_1": 33.440999999999995, + "recall_at_10": 65.121, + "recall_at_100": 87.55199999999999, + "recall_at_1000": 97.41300000000001, + "recall_at_3": 49.958999999999996, + "recall_at_5": 57.14900000000001, + "main_score": 52.306 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.126, + "map_at_10": 42.856, + "map_at_100": 44.134, + "map_at_1000": 44.274, + "map_at_3": 39.594, + "map_at_5": 41.504999999999995, + "mrr_at_1": 40.127, + "mrr_at_10": 48.736000000000004, + "mrr_at_100": 49.303999999999995, + "mrr_at_1000": 49.356, + "mrr_at_3": 46.263, + "mrr_at_5": 47.878, + "ndcg_at_1": 40.127, + "ndcg_at_10": 48.695, + "ndcg_at_100": 52.846000000000004, + "ndcg_at_1000": 54.964, + "ndcg_at_3": 44.275, + "ndcg_at_5": 46.54, + "precision_at_1": 40.127, + "precision_at_10": 9.229, + "precision_at_100": 1.473, + "precision_at_1000": 0.19499999999999998, + "precision_at_3": 21.444, + "precision_at_5": 15.389, + "recall_at_1": 32.126, + "recall_at_10": 58.971, + "recall_at_100": 76.115, + "recall_at_1000": 89.556, + "recall_at_3": 45.891, + "recall_at_5": 52.242, + "main_score": 48.695 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 41.312, + "map_at_10": 54.510000000000005, + "map_at_100": 55.544000000000004, + "map_at_1000": 55.593, + "map_at_3": 50.859, + "map_at_5": 52.839999999999996, + "mrr_at_1": 47.147, + "mrr_at_10": 57.678, + "mrr_at_100": 58.287, + "mrr_at_1000": 58.312, + "mrr_at_3": 55.025999999999996, + "mrr_at_5": 56.55, + "ndcg_at_1": 47.147, + "ndcg_at_10": 60.672000000000004, + "ndcg_at_100": 64.411, + "ndcg_at_1000": 65.35499999999999, + "ndcg_at_3": 54.643, + "ndcg_at_5": 57.461, + "precision_at_1": 47.147, + "precision_at_10": 9.881, + "precision_at_100": 1.27, + "precision_at_1000": 0.13799999999999998, + "precision_at_3": 24.556, + "precision_at_5": 16.814999999999998, + "recall_at_1": 41.312, + "recall_at_10": 75.62299999999999, + "recall_at_100": 91.388, + "recall_at_1000": 98.08, + "recall_at_3": 59.40299999999999, + "recall_at_5": 66.43900000000001, + "main_score": 60.672000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.609, + "map_at_10": 37.614, + "map_at_100": 38.584, + "map_at_1000": 38.652, + "map_at_3": 34.731, + "map_at_5": 36.308, + "mrr_at_1": 29.944, + "mrr_at_10": 39.829, + "mrr_at_100": 40.659, + "mrr_at_1000": 40.709, + "mrr_at_3": 37.269000000000005, + "mrr_at_5": 38.625, + "ndcg_at_1": 29.944, + "ndcg_at_10": 43.082, + "ndcg_at_100": 47.857, + "ndcg_at_1000": 49.612, + "ndcg_at_3": 37.578, + "ndcg_at_5": 40.135, + "precision_at_1": 29.944, + "precision_at_10": 6.678000000000001, + "precision_at_100": 0.951, + "precision_at_1000": 0.11399999999999999, + "precision_at_3": 16.045, + "precision_at_5": 11.073, + "recall_at_1": 27.609, + "recall_at_10": 57.718, + "recall_at_100": 79.768, + "recall_at_1000": 92.868, + "recall_at_3": 42.876, + "recall_at_5": 49.104, + "main_score": 43.082 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.071, + "map_at_10": 27.471, + "map_at_100": 28.71, + "map_at_1000": 28.833, + "map_at_3": 24.698, + "map_at_5": 26.461000000000002, + "mrr_at_1": 22.387999999999998, + "mrr_at_10": 32.522, + "mrr_at_100": 33.393, + "mrr_at_1000": 33.455, + "mrr_at_3": 29.830000000000002, + "mrr_at_5": 31.472, + "ndcg_at_1": 22.387999999999998, + "ndcg_at_10": 33.278999999999996, + "ndcg_at_100": 39.043, + "ndcg_at_1000": 41.763, + "ndcg_at_3": 28.310999999999996, + "ndcg_at_5": 31.007, + "precision_at_1": 22.387999999999998, + "precision_at_10": 6.157, + "precision_at_100": 1.042, + "precision_at_1000": 0.14200000000000002, + "precision_at_3": 13.972000000000001, + "precision_at_5": 10.274, + "recall_at_1": 18.071, + "recall_at_10": 46.025, + "recall_at_100": 71.153, + "recall_at_1000": 90.232, + "recall_at_3": 32.311, + "recall_at_5": 39.296, + "main_score": 33.278999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.813000000000002, + "map_at_10": 42.594, + "map_at_100": 43.949, + "map_at_1000": 44.052, + "map_at_3": 39.1, + "map_at_5": 41.111, + "mrr_at_1": 37.824999999999996, + "mrr_at_10": 48.06, + "mrr_at_100": 48.91, + "mrr_at_1000": 48.946, + "mrr_at_3": 45.509, + "mrr_at_5": 47.073, + "ndcg_at_1": 37.824999999999996, + "ndcg_at_10": 48.882, + "ndcg_at_100": 54.330999999999996, + "ndcg_at_1000": 56.120999999999995, + "ndcg_at_3": 43.529, + "ndcg_at_5": 46.217999999999996, + "precision_at_1": 37.824999999999996, + "precision_at_10": 8.845, + "precision_at_100": 1.34, + "precision_at_1000": 0.168, + "precision_at_3": 20.757, + "precision_at_5": 14.802999999999999, + "recall_at_1": 30.813000000000002, + "recall_at_10": 61.895999999999994, + "recall_at_100": 84.513, + "recall_at_1000": 95.817, + "recall_at_3": 47.099000000000004, + "recall_at_5": 54.031, + "main_score": 48.882 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.735999999999997, + "map_at_10": 36.799, + "map_at_100": 38.246, + "map_at_1000": 38.353, + "map_at_3": 33.133, + "map_at_5": 34.954, + "mrr_at_1": 31.849, + "mrr_at_10": 41.928, + "mrr_at_100": 42.846000000000004, + "mrr_at_1000": 42.894, + "mrr_at_3": 39.117000000000004, + "mrr_at_5": 40.521, + "ndcg_at_1": 31.849, + "ndcg_at_10": 43.143, + "ndcg_at_100": 48.963, + "ndcg_at_1000": 51.041000000000004, + "ndcg_at_3": 37.218, + "ndcg_at_5": 39.542, + "precision_at_1": 31.849, + "precision_at_10": 8.231, + "precision_at_100": 1.277, + "precision_at_1000": 0.164, + "precision_at_3": 18.037, + "precision_at_5": 12.945, + "recall_at_1": 25.735999999999997, + "recall_at_10": 56.735, + "recall_at_100": 81.04, + "recall_at_1000": 94.845, + "recall_at_3": 40.239999999999995, + "recall_at_5": 46.378, + "main_score": 43.143 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.580333333333336, + "map_at_10": 37.70558333333334, + "map_at_100": 38.94941666666667, + "map_at_1000": 39.062083333333334, + "map_at_3": 34.63333333333334, + "map_at_5": 36.35241666666666, + "mrr_at_1": 32.64866666666667, + "mrr_at_10": 42.018499999999996, + "mrr_at_100": 42.83391666666666, + "mrr_at_1000": 42.884166666666665, + "mrr_at_3": 39.476499999999994, + "mrr_at_5": 40.96983333333334, + "ndcg_at_1": 32.64866666666667, + "ndcg_at_10": 43.43866666666667, + "ndcg_at_100": 48.569833333333335, + "ndcg_at_1000": 50.6495, + "ndcg_at_3": 38.327166666666656, + "ndcg_at_5": 40.76941666666667, + "precision_at_1": 32.64866666666667, + "precision_at_10": 7.652333333333332, + "precision_at_100": 1.2066666666666666, + "precision_at_1000": 0.15841666666666668, + "precision_at_3": 17.75108333333333, + "precision_at_5": 12.641916666666669, + "recall_at_1": 27.580333333333336, + "recall_at_10": 56.02591666666667, + "recall_at_100": 78.317, + "recall_at_1000": 92.52608333333332, + "recall_at_3": 41.84283333333333, + "recall_at_5": 48.105666666666664, + "main_score": 43.43866666666667 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.876, + "map_at_10": 34.521, + "map_at_100": 35.581, + "map_at_1000": 35.674, + "map_at_3": 32.501000000000005, + "map_at_5": 33.602, + "mrr_at_1": 31.441999999999997, + "mrr_at_10": 37.669999999999995, + "mrr_at_100": 38.523, + "mrr_at_1000": 38.59, + "mrr_at_3": 35.762, + "mrr_at_5": 36.812, + "ndcg_at_1": 31.441999999999997, + "ndcg_at_10": 38.46, + "ndcg_at_100": 43.479, + "ndcg_at_1000": 45.858, + "ndcg_at_3": 34.668, + "ndcg_at_5": 36.416, + "precision_at_1": 31.441999999999997, + "precision_at_10": 5.782, + "precision_at_100": 0.91, + "precision_at_1000": 0.11900000000000001, + "precision_at_3": 14.417, + "precision_at_5": 9.876999999999999, + "recall_at_1": 27.876, + "recall_at_10": 47.556, + "recall_at_100": 70.39699999999999, + "recall_at_1000": 87.969, + "recall_at_3": 37.226, + "recall_at_5": 41.43, + "main_score": 38.46 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.854000000000003, + "map_at_10": 26.632, + "map_at_100": 27.849, + "map_at_1000": 27.977, + "map_at_3": 24.089, + "map_at_5": 25.477, + "mrr_at_1": 22.987, + "mrr_at_10": 30.781999999999996, + "mrr_at_100": 31.746000000000002, + "mrr_at_1000": 31.818, + "mrr_at_3": 28.43, + "mrr_at_5": 29.791, + "ndcg_at_1": 22.987, + "ndcg_at_10": 31.585, + "ndcg_at_100": 37.32, + "ndcg_at_1000": 40.072, + "ndcg_at_3": 27.058, + "ndcg_at_5": 29.137999999999998, + "precision_at_1": 22.987, + "precision_at_10": 5.76, + "precision_at_100": 1.018, + "precision_at_1000": 0.14400000000000002, + "precision_at_3": 12.767000000000001, + "precision_at_5": 9.257, + "recall_at_1": 18.854000000000003, + "recall_at_10": 42.349, + "recall_at_100": 68.15299999999999, + "recall_at_1000": 87.44, + "recall_at_3": 29.715999999999998, + "recall_at_5": 35.085, + "main_score": 31.585 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.094, + "map_at_10": 38.22, + "map_at_100": 39.352, + "map_at_1000": 39.452, + "map_at_3": 35.339, + "map_at_5": 36.78, + "mrr_at_1": 33.022, + "mrr_at_10": 42.466, + "mrr_at_100": 43.3, + "mrr_at_1000": 43.356, + "mrr_at_3": 40.159, + "mrr_at_5": 41.272999999999996, + "ndcg_at_1": 33.022, + "ndcg_at_10": 43.976, + "ndcg_at_100": 49.008, + "ndcg_at_1000": 51.154999999999994, + "ndcg_at_3": 38.891, + "ndcg_at_5": 40.897, + "precision_at_1": 33.022, + "precision_at_10": 7.396999999999999, + "precision_at_100": 1.1199999999999999, + "precision_at_1000": 0.14200000000000002, + "precision_at_3": 17.724, + "precision_at_5": 12.239, + "recall_at_1": 28.094, + "recall_at_10": 57.162, + "recall_at_100": 78.636, + "recall_at_1000": 93.376, + "recall_at_3": 43.328, + "recall_at_5": 48.252, + "main_score": 43.976 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.937, + "map_at_10": 34.82, + "map_at_100": 36.405, + "map_at_1000": 36.626, + "map_at_3": 31.548, + "map_at_5": 33.355000000000004, + "mrr_at_1": 30.435000000000002, + "mrr_at_10": 39.946, + "mrr_at_100": 40.873, + "mrr_at_1000": 40.910000000000004, + "mrr_at_3": 37.088, + "mrr_at_5": 38.808, + "ndcg_at_1": 30.435000000000002, + "ndcg_at_10": 41.25, + "ndcg_at_100": 47.229, + "ndcg_at_1000": 49.395, + "ndcg_at_3": 35.801, + "ndcg_at_5": 38.457, + "precision_at_1": 30.435000000000002, + "precision_at_10": 8.083, + "precision_at_100": 1.601, + "precision_at_1000": 0.247, + "precision_at_3": 17.061999999999998, + "precision_at_5": 12.767000000000001, + "recall_at_1": 24.937, + "recall_at_10": 53.905, + "recall_at_100": 80.607, + "recall_at_1000": 93.728, + "recall_at_3": 38.446000000000005, + "recall_at_5": 45.188, + "main_score": 41.25 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.095000000000002, + "map_at_10": 30.935000000000002, + "map_at_100": 31.907000000000004, + "map_at_1000": 32.006, + "map_at_3": 28.242, + "map_at_5": 29.963, + "mrr_at_1": 23.845, + "mrr_at_10": 32.978, + "mrr_at_100": 33.802, + "mrr_at_1000": 33.867000000000004, + "mrr_at_3": 30.314000000000004, + "mrr_at_5": 32.089, + "ndcg_at_1": 23.845, + "ndcg_at_10": 35.934, + "ndcg_at_100": 40.598, + "ndcg_at_1000": 43.089, + "ndcg_at_3": 30.776999999999997, + "ndcg_at_5": 33.711999999999996, + "precision_at_1": 23.845, + "precision_at_10": 5.656, + "precision_at_100": 0.861, + "precision_at_1000": 0.12, + "precision_at_3": 13.247, + "precision_at_5": 9.612, + "recall_at_1": 22.095000000000002, + "recall_at_10": 49.25, + "recall_at_100": 70.482, + "recall_at_1000": 88.98899999999999, + "recall_at_3": 35.619, + "recall_at_5": 42.674, + "main_score": 35.934 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/ClimateFEVER.json b/results/avsolatorio__GIST-large-Embedding-v0/external/ClimateFEVER.json new file mode 100644 index 000000000..35ce71a01 --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 14.154, + "map_at_10": 24.654999999999998, + "map_at_100": 26.723999999999997, + "map_at_1000": 26.912000000000003, + "map_at_3": 20.4, + "map_at_5": 22.477, + "mrr_at_1": 32.117000000000004, + "mrr_at_10": 44.590999999999994, + "mrr_at_100": 45.425, + "mrr_at_1000": 45.456, + "mrr_at_3": 41.281, + "mrr_at_5": 43.219, + "ndcg_at_1": 32.117000000000004, + "ndcg_at_10": 33.994, + "ndcg_at_100": 41.438, + "ndcg_at_1000": 44.611000000000004, + "ndcg_at_3": 27.816000000000003, + "ndcg_at_5": 29.816, + "precision_at_1": 32.117000000000004, + "precision_at_10": 10.756, + "precision_at_100": 1.8679999999999999, + "precision_at_1000": 0.246, + "precision_at_3": 20.803, + "precision_at_5": 15.987000000000002, + "recall_at_1": 14.154, + "recall_at_10": 40.489999999999995, + "recall_at_100": 65.635, + "recall_at_1000": 83.276, + "recall_at_3": 25.241000000000003, + "recall_at_5": 31.211, + "main_score": 33.994 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/DBPedia.json b/results/avsolatorio__GIST-large-Embedding-v0/external/DBPedia.json new file mode 100644 index 000000000..2b33b77c1 --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.332, + "map_at_10": 20.462, + "map_at_100": 29.473, + "map_at_1000": 31.215, + "map_at_3": 14.466999999999999, + "map_at_5": 16.922, + "mrr_at_1": 69.5, + "mrr_at_10": 77.039, + "mrr_at_100": 77.265, + "mrr_at_1000": 77.271, + "mrr_at_3": 75.5, + "mrr_at_5": 76.4, + "ndcg_at_1": 57.125, + "ndcg_at_10": 42.958, + "ndcg_at_100": 48.396, + "ndcg_at_1000": 55.897, + "ndcg_at_3": 47.188, + "ndcg_at_5": 44.376, + "precision_at_1": 69.5, + "precision_at_10": 34.5, + "precision_at_100": 11.18, + "precision_at_1000": 2.13, + "precision_at_3": 51.083, + "precision_at_5": 43.1, + "recall_at_1": 9.332, + "recall_at_10": 26.422, + "recall_at_100": 56.098000000000006, + "recall_at_1000": 79.66, + "recall_at_3": 15.703, + "recall_at_5": 19.644000000000002, + "main_score": 42.958 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/EmotionClassification.json b/results/avsolatorio__GIST-large-Embedding-v0/external/EmotionClassification.json new file mode 100644 index 000000000..e70ec8da6 --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 54.72, + "f1": 49.67819606587526, + "main_score": 54.72 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/FEVER.json b/results/avsolatorio__GIST-large-Embedding-v0/external/FEVER.json new file mode 100644 index 000000000..671c9f2ae --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 74.97, + "map_at_10": 82.956, + "map_at_100": 83.193, + "map_at_1000": 83.208, + "map_at_3": 81.837, + "map_at_5": 82.57, + "mrr_at_1": 80.783, + "mrr_at_10": 87.546, + "mrr_at_100": 87.627, + "mrr_at_1000": 87.63, + "mrr_at_3": 86.79400000000001, + "mrr_at_5": 87.32799999999999, + "ndcg_at_1": 80.783, + "ndcg_at_10": 86.54899999999999, + "ndcg_at_100": 87.355, + "ndcg_at_1000": 87.629, + "ndcg_at_3": 84.82, + "ndcg_at_5": 85.83800000000001, + "precision_at_1": 80.783, + "precision_at_10": 10.327, + "precision_at_100": 1.094, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 32.218, + "precision_at_5": 20.012, + "recall_at_1": 74.97, + "recall_at_10": 93.072, + "recall_at_100": 96.218, + "recall_at_1000": 97.991, + "recall_at_3": 88.357, + "recall_at_5": 90.983, + "main_score": 86.54899999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/FiQA2018.json b/results/avsolatorio__GIST-large-Embedding-v0/external/FiQA2018.json new file mode 100644 index 000000000..e5d3ebf38 --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.12, + "map_at_10": 35.908, + "map_at_100": 37.895, + "map_at_1000": 38.068000000000005, + "map_at_3": 31.189, + "map_at_5": 33.908, + "mrr_at_1": 42.901, + "mrr_at_10": 52.578, + "mrr_at_100": 53.308, + "mrr_at_1000": 53.342, + "mrr_at_3": 50.385999999999996, + "mrr_at_5": 51.62799999999999, + "ndcg_at_1": 42.901, + "ndcg_at_10": 44.302, + "ndcg_at_100": 51.132999999999996, + "ndcg_at_1000": 53.848, + "ndcg_at_3": 40.464, + "ndcg_at_5": 41.743, + "precision_at_1": 42.901, + "precision_at_10": 12.423, + "precision_at_100": 1.968, + "precision_at_1000": 0.246, + "precision_at_3": 27.622999999999998, + "precision_at_5": 20.278, + "recall_at_1": 21.12, + "recall_at_10": 52.091, + "recall_at_100": 77.062, + "recall_at_1000": 93.082, + "recall_at_3": 37.223, + "recall_at_5": 43.826, + "main_score": 44.302 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/HotpotQA.json b/results/avsolatorio__GIST-large-Embedding-v0/external/HotpotQA.json new file mode 100644 index 000000000..3e8b6315a --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.940000000000005, + "map_at_10": 62.239999999999995, + "map_at_100": 63.141000000000005, + "map_at_1000": 63.205999999999996, + "map_at_3": 58.738, + "map_at_5": 60.924, + "mrr_at_1": 77.88000000000001, + "mrr_at_10": 83.7, + "mrr_at_100": 83.882, + "mrr_at_1000": 83.889, + "mrr_at_3": 82.748, + "mrr_at_5": 83.381, + "ndcg_at_1": 77.88000000000001, + "ndcg_at_10": 70.462, + "ndcg_at_100": 73.564, + "ndcg_at_1000": 74.78099999999999, + "ndcg_at_3": 65.524, + "ndcg_at_5": 68.282, + "precision_at_1": 77.88000000000001, + "precision_at_10": 14.81, + "precision_at_100": 1.7229999999999999, + "precision_at_1000": 0.188, + "precision_at_3": 42.083999999999996, + "precision_at_5": 27.43, + "recall_at_1": 38.940000000000005, + "recall_at_10": 74.051, + "recall_at_100": 86.158, + "recall_at_1000": 94.146, + "recall_at_3": 63.126000000000005, + "recall_at_5": 68.575, + "main_score": 70.462 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/ImdbClassification.json b/results/avsolatorio__GIST-large-Embedding-v0/external/ImdbClassification.json new file mode 100644 index 000000000..3e0d7e384 --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.23440000000001, + "ap": 87.33490392265892, + "f1": 91.21374626021836, + "main_score": 91.23440000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/MSMARCO.json b/results/avsolatorio__GIST-large-Embedding-v0/external/MSMARCO.json new file mode 100644 index 000000000..1c8f5d46a --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.137999999999998, + "map_at_10": 34.471000000000004, + "map_at_100": 35.634, + "map_at_1000": 35.685, + "map_at_3": 30.587999999999997, + "map_at_5": 32.812999999999995, + "mrr_at_1": 22.736, + "mrr_at_10": 35.092, + "mrr_at_100": 36.193999999999996, + "mrr_at_1000": 36.238, + "mrr_at_3": 31.28, + "mrr_at_5": 33.498, + "ndcg_at_1": 22.736, + "ndcg_at_10": 41.388999999999996, + "ndcg_at_100": 46.967999999999996, + "ndcg_at_1000": 48.178, + "ndcg_at_3": 33.503, + "ndcg_at_5": 37.484, + "precision_at_1": 22.736, + "precision_at_10": 6.54, + "precision_at_100": 0.9339999999999999, + "precision_at_1000": 0.104, + "precision_at_3": 14.249999999999998, + "precision_at_5": 10.562000000000001, + "recall_at_1": 22.137999999999998, + "recall_at_10": 62.629999999999995, + "recall_at_100": 88.375, + "recall_at_1000": 97.529, + "recall_at_3": 41.245, + "recall_at_5": 50.808, + "main_score": 41.388999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/MTOPDomainClassification.json b/results/avsolatorio__GIST-large-Embedding-v0/external/MTOPDomainClassification.json new file mode 100644 index 000000000..351bd4cb5 --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 95.25079799361606, + "f1": 95.00726023695032, + "main_score": 95.25079799361606 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/MTOPIntentClassification.json b/results/avsolatorio__GIST-large-Embedding-v0/external/MTOPIntentClassification.json new file mode 100644 index 000000000..652bfd4c9 --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.23757409940721, + "f1": 58.534958803195714, + "main_score": 78.23757409940721 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/MassiveIntentClassification.json b/results/avsolatorio__GIST-large-Embedding-v0/external/MassiveIntentClassification.json new file mode 100644 index 000000000..2324c5acd --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.20040349697378, + "f1": 74.31261149784696, + "main_score": 76.20040349697378 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/MassiveScenarioClassification.json b/results/avsolatorio__GIST-large-Embedding-v0/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..f727ac71a --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.35104236718227, + "f1": 79.7373049864316, + "main_score": 79.35104236718227 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/MedrxivClusteringP2P.json b/results/avsolatorio__GIST-large-Embedding-v0/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..7a6cb5d6e --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.478828180753126, + "main_score": 34.478828180753126 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/MedrxivClusteringS2S.json b/results/avsolatorio__GIST-large-Embedding-v0/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..20c93f991 --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.25696147904426, + "main_score": 32.25696147904426 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/MindSmallReranking.json b/results/avsolatorio__GIST-large-Embedding-v0/external/MindSmallReranking.json new file mode 100644 index 000000000..dd410df1a --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 32.82488548405117, + "mrr": 34.066706809031096, + "main_score": 32.82488548405117 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/NFCorpus.json b/results/avsolatorio__GIST-large-Embedding-v0/external/NFCorpus.json new file mode 100644 index 000000000..46fc87e74 --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.557, + "map_at_10": 15.055, + "map_at_100": 19.575, + "map_at_1000": 21.267, + "map_at_3": 10.86, + "map_at_5": 12.83, + "mrr_at_1": 50.464, + "mrr_at_10": 59.050999999999995, + "mrr_at_100": 59.436, + "mrr_at_1000": 59.476, + "mrr_at_3": 56.811, + "mrr_at_5": 58.08, + "ndcg_at_1": 47.988, + "ndcg_at_10": 38.645, + "ndcg_at_100": 36.339, + "ndcg_at_1000": 45.279, + "ndcg_at_3": 43.35, + "ndcg_at_5": 41.564, + "precision_at_1": 49.845, + "precision_at_10": 28.544999999999998, + "precision_at_100": 9.322, + "precision_at_1000": 2.258, + "precision_at_3": 40.144000000000005, + "precision_at_5": 35.913000000000004, + "recall_at_1": 6.557, + "recall_at_10": 19.5, + "recall_at_100": 37.153999999999996, + "recall_at_1000": 69.581, + "recall_at_3": 12.133, + "recall_at_5": 15.43, + "main_score": 38.645 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/NQ.json b/results/avsolatorio__GIST-large-Embedding-v0/external/NQ.json new file mode 100644 index 000000000..68110f54f --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.740000000000002, + "map_at_10": 48.150999999999996, + "map_at_100": 49.125, + "map_at_1000": 49.149, + "map_at_3": 43.645, + "map_at_5": 46.417, + "mrr_at_1": 35.892, + "mrr_at_10": 50.524, + "mrr_at_100": 51.232, + "mrr_at_1000": 51.24999999999999, + "mrr_at_3": 46.852, + "mrr_at_5": 49.146, + "ndcg_at_1": 35.892, + "ndcg_at_10": 56.08800000000001, + "ndcg_at_100": 60.077000000000005, + "ndcg_at_1000": 60.632, + "ndcg_at_3": 47.765, + "ndcg_at_5": 52.322, + "precision_at_1": 35.892, + "precision_at_10": 9.296, + "precision_at_100": 1.154, + "precision_at_1000": 0.12, + "precision_at_3": 21.92, + "precision_at_5": 15.781999999999998, + "recall_at_1": 31.740000000000002, + "recall_at_10": 77.725, + "recall_at_100": 94.841, + "recall_at_1000": 99.003, + "recall_at_3": 56.407, + "recall_at_5": 66.848, + "main_score": 56.08800000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/QuoraRetrieval.json b/results/avsolatorio__GIST-large-Embedding-v0/external/QuoraRetrieval.json new file mode 100644 index 000000000..72c64461f --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 71.429, + "map_at_10": 85.42699999999999, + "map_at_100": 86.063, + "map_at_1000": 86.077, + "map_at_3": 82.573, + "map_at_5": 84.371, + "mrr_at_1": 82.34, + "mrr_at_10": 88.247, + "mrr_at_100": 88.357, + "mrr_at_1000": 88.357, + "mrr_at_3": 87.38, + "mrr_at_5": 87.981, + "ndcg_at_1": 82.34, + "ndcg_at_10": 88.979, + "ndcg_at_100": 90.18599999999999, + "ndcg_at_1000": 90.254, + "ndcg_at_3": 86.378, + "ndcg_at_5": 87.821, + "precision_at_1": 82.34, + "precision_at_10": 13.482, + "precision_at_100": 1.537, + "precision_at_1000": 0.157, + "precision_at_3": 37.852999999999994, + "precision_at_5": 24.798000000000002, + "recall_at_1": 71.429, + "recall_at_10": 95.64099999999999, + "recall_at_100": 99.723, + "recall_at_1000": 99.98, + "recall_at_3": 88.011, + "recall_at_5": 92.246, + "main_score": 88.979 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/RedditClustering.json b/results/avsolatorio__GIST-large-Embedding-v0/external/RedditClustering.json new file mode 100644 index 000000000..6b1ae043c --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 60.62148584103299, + "main_score": 60.62148584103299 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/RedditClusteringP2P.json b/results/avsolatorio__GIST-large-Embedding-v0/external/RedditClusteringP2P.json new file mode 100644 index 000000000..125786f9d --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 63.2923987272903, + "main_score": 63.2923987272903 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/SCIDOCS.json b/results/avsolatorio__GIST-large-Embedding-v0/external/SCIDOCS.json new file mode 100644 index 000000000..86a0cc588 --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.128, + "map_at_10": 14.63, + "map_at_100": 17.285, + "map_at_1000": 17.676, + "map_at_3": 9.993, + "map_at_5": 12.286999999999999, + "mrr_at_1": 25.4, + "mrr_at_10": 38.423, + "mrr_at_100": 39.497, + "mrr_at_1000": 39.531, + "mrr_at_3": 34.9, + "mrr_at_5": 37.01, + "ndcg_at_1": 25.4, + "ndcg_at_10": 24.062, + "ndcg_at_100": 33.823, + "ndcg_at_1000": 39.663, + "ndcg_at_3": 22.246, + "ndcg_at_5": 19.761, + "precision_at_1": 25.4, + "precision_at_10": 12.85, + "precision_at_100": 2.71, + "precision_at_1000": 0.41000000000000003, + "precision_at_3": 21.4, + "precision_at_5": 17.86, + "recall_at_1": 5.128, + "recall_at_10": 26.06, + "recall_at_100": 54.993, + "recall_at_1000": 83.165, + "recall_at_3": 13.003, + "recall_at_5": 18.117, + "main_score": 24.062 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/SICK-R.json b/results/avsolatorio__GIST-large-Embedding-v0/external/SICK-R.json new file mode 100644 index 000000000..4a4378d4b --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.5466779326323, + "cos_sim_spearman": 82.79782085421951, + "euclidean_pearson": 84.76929982677339, + "euclidean_spearman": 82.51802536005597, + "manhattan_pearson": 84.76736312526177, + "manhattan_spearman": 82.50799656335593, + "cosine_pearson": 87.5466779326323, + "cosine_spearman": 82.79782085421951, + "main_score": 82.79782085421951 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/STS12.json b/results/avsolatorio__GIST-large-Embedding-v0/external/STS12.json new file mode 100644 index 000000000..ebc69116f --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.40486308108694, + "cos_sim_spearman": 77.12670500926937, + "euclidean_pearson": 85.23836845503847, + "euclidean_spearman": 78.41475117006176, + "manhattan_pearson": 85.24302039610805, + "manhattan_spearman": 78.4053162562707, + "cosine_pearson": 86.40486308108694, + "cosine_spearman": 77.12670500926937, + "main_score": 77.12670500926937 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/STS13.json b/results/avsolatorio__GIST-large-Embedding-v0/external/STS13.json new file mode 100644 index 000000000..113b6414c --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.83570289087565, + "cos_sim_spearman": 89.28563503553643, + "euclidean_pearson": 87.77516003996445, + "euclidean_spearman": 88.8656149534085, + "manhattan_pearson": 87.75568872417946, + "manhattan_spearman": 88.80445489340585, + "cosine_pearson": 88.83570289087565, + "cosine_spearman": 89.28563503553643, + "main_score": 89.28563503553643 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/STS14.json b/results/avsolatorio__GIST-large-Embedding-v0/external/STS14.json new file mode 100644 index 000000000..b3cb02d5b --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.776406555485, + "cos_sim_spearman": 83.8288465070091, + "euclidean_pearson": 85.37827999808123, + "euclidean_spearman": 84.11079529992739, + "manhattan_pearson": 85.35336495689121, + "manhattan_spearman": 84.08618492649347, + "cosine_pearson": 86.776406555485, + "cosine_spearman": 83.8288465070091, + "main_score": 83.8288465070091 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/STS15.json b/results/avsolatorio__GIST-large-Embedding-v0/external/STS15.json new file mode 100644 index 000000000..7f5e5a8a9 --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.57644404820684, + "cos_sim_spearman": 89.69728364350713, + "euclidean_pearson": 88.28202320389443, + "euclidean_spearman": 88.9560567319321, + "manhattan_pearson": 88.29461100044172, + "manhattan_spearman": 88.96030920678558, + "cosine_pearson": 88.57644404820684, + "cosine_spearman": 89.69728364350713, + "main_score": 89.69728364350713 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/STS16.json b/results/avsolatorio__GIST-large-Embedding-v0/external/STS16.json new file mode 100644 index 000000000..cef83e100 --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.05211938460621, + "cos_sim_spearman": 86.43413865667489, + "euclidean_pearson": 85.62760689259562, + "euclidean_spearman": 86.28867831982394, + "manhattan_pearson": 85.60828879163458, + "manhattan_spearman": 86.27823731462473, + "cosine_pearson": 85.05211938460621, + "cosine_spearman": 86.43413865667489, + "main_score": 86.43413865667489 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/STS17.json b/results/avsolatorio__GIST-large-Embedding-v0/external/STS17.json new file mode 100644 index 000000000..5812f9235 --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 90.00254140466377, + "cos_sim_spearman": 89.66118745178284, + "euclidean_pearson": 89.46985446236553, + "euclidean_spearman": 88.92649032371526, + "manhattan_pearson": 89.49600028180247, + "manhattan_spearman": 88.86948431519099, + "cosine_pearson": 90.00254140466377, + "cosine_spearman": 89.66118745178284, + "main_score": 89.66118745178284 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/STS22.json b/results/avsolatorio__GIST-large-Embedding-v0/external/STS22.json new file mode 100644 index 000000000..ace201322 --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 68.93578321067938, + "cos_sim_spearman": 69.60639595839257, + "euclidean_pearson": 70.33485090574897, + "euclidean_spearman": 69.03380379185452, + "manhattan_pearson": 70.42097254943839, + "manhattan_spearman": 69.25296348304255, + "cosine_pearson": 68.93578321067938, + "cosine_spearman": 69.60639595839257, + "main_score": 69.60639595839257 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/STSBenchmark.json b/results/avsolatorio__GIST-large-Embedding-v0/external/STSBenchmark.json new file mode 100644 index 000000000..fe4cbfb92 --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.29588700755069, + "cos_sim_spearman": 88.30389489193672, + "euclidean_pearson": 87.60349838180346, + "euclidean_spearman": 87.91041868311692, + "manhattan_pearson": 87.59373630607907, + "manhattan_spearman": 87.88690174001724, + "cosine_pearson": 87.29588700755069, + "cosine_spearman": 88.30389489193672, + "main_score": 88.30389489193672 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/SciDocsRR.json b/results/avsolatorio__GIST-large-Embedding-v0/external/SciDocsRR.json new file mode 100644 index 000000000..df2cd30a3 --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 87.8030655700857, + "mrr": 96.3950637234951, + "main_score": 87.8030655700857 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/SciFact.json b/results/avsolatorio__GIST-large-Embedding-v0/external/SciFact.json new file mode 100644 index 000000000..2a1d9f35e --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 60.028000000000006, + "map_at_10": 69.855, + "map_at_100": 70.257, + "map_at_1000": 70.283, + "map_at_3": 66.769, + "map_at_5": 68.679, + "mrr_at_1": 62.666999999999994, + "mrr_at_10": 70.717, + "mrr_at_100": 71.00800000000001, + "mrr_at_1000": 71.033, + "mrr_at_3": 68.389, + "mrr_at_5": 69.939, + "ndcg_at_1": 62.666999999999994, + "ndcg_at_10": 74.715, + "ndcg_at_100": 76.364, + "ndcg_at_1000": 76.89399999999999, + "ndcg_at_3": 69.383, + "ndcg_at_5": 72.322, + "precision_at_1": 62.666999999999994, + "precision_at_10": 10.067, + "precision_at_100": 1.09, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 27.111, + "precision_at_5": 18.267, + "recall_at_1": 60.028000000000006, + "recall_at_10": 88.822, + "recall_at_100": 96.167, + "recall_at_1000": 100.0, + "recall_at_3": 74.367, + "recall_at_5": 81.661, + "main_score": 74.715 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/SprintDuplicateQuestions.json b/results/avsolatorio__GIST-large-Embedding-v0/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..145efcfac --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.84554455445544, + "cos_sim_ap": 96.54482863244152, + "cos_sim_f1": 92.13709677419355, + "cos_sim_precision": 92.88617886178862, + "cos_sim_recall": 91.4, + "dot_accuracy": 99.76039603960396, + "dot_ap": 93.20115278887057, + "dot_f1": 87.92079207920793, + "dot_precision": 87.05882352941177, + "dot_recall": 88.8, + "euclidean_accuracy": 99.84950495049505, + "euclidean_ap": 96.53268343961348, + "euclidean_f1": 92.23697650663942, + "euclidean_precision": 94.258872651357, + "euclidean_recall": 90.3, + "manhattan_accuracy": 99.85346534653465, + "manhattan_ap": 96.54495433438355, + "manhattan_f1": 92.51012145748987, + "manhattan_precision": 93.64754098360656, + "manhattan_recall": 91.4, + "max_accuracy": 99.85346534653465, + "max_ap": 96.54495433438355, + "max_f1": 92.51012145748987, + "main_score": 96.54495433438355 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/StackExchangeClustering.json b/results/avsolatorio__GIST-large-Embedding-v0/external/StackExchangeClustering.json new file mode 100644 index 000000000..6c17db0b4 --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 66.46940443952006, + "main_score": 66.46940443952006 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/StackExchangeClusteringP2P.json b/results/avsolatorio__GIST-large-Embedding-v0/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..8b84061d7 --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.396194493841584, + "main_score": 36.396194493841584 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/StackOverflowDupQuestions.json b/results/avsolatorio__GIST-large-Embedding-v0/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..992b87108 --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 54.881717673695555, + "mrr": 55.73439224174519, + "main_score": 54.881717673695555 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/SummEval.json b/results/avsolatorio__GIST-large-Embedding-v0/external/SummEval.json new file mode 100644 index 000000000..82cdc7d14 --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.438177268254087, + "cos_sim_spearman": 30.96177698848688, + "dot_pearson": 30.513850376431435, + "dot_spearman": 29.932421046509706, + "cosine_pearson": 31.438177268254087, + "cosine_spearman": 30.96177698848688, + "main_score": 30.96177698848688 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/TRECCOVID.json b/results/avsolatorio__GIST-large-Embedding-v0/external/TRECCOVID.json new file mode 100644 index 000000000..714b52cbc --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.21, + "map_at_10": 1.727, + "map_at_100": 9.881, + "map_at_1000": 24.245, + "map_at_3": 0.615, + "map_at_5": 0.966, + "mrr_at_1": 78.0, + "mrr_at_10": 87.333, + "mrr_at_100": 87.333, + "mrr_at_1000": 87.333, + "mrr_at_3": 86.333, + "mrr_at_5": 87.333, + "ndcg_at_1": 74.0, + "ndcg_at_10": 69.12700000000001, + "ndcg_at_100": 53.893, + "ndcg_at_1000": 49.639, + "ndcg_at_3": 74.654, + "ndcg_at_5": 73.232, + "precision_at_1": 78.0, + "precision_at_10": 72.8, + "precision_at_100": 55.42, + "precision_at_1000": 21.73, + "precision_at_3": 79.333, + "precision_at_5": 77.2, + "recall_at_1": 0.21, + "recall_at_10": 1.9709999999999999, + "recall_at_100": 13.555, + "recall_at_1000": 46.961999999999996, + "recall_at_3": 0.66, + "recall_at_5": 1.052, + "main_score": 69.12700000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/Touche2020.json b/results/avsolatorio__GIST-large-Embedding-v0/external/Touche2020.json new file mode 100644 index 000000000..6d0392ceb --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.456, + "map_at_10": 9.426, + "map_at_100": 16.066, + "map_at_1000": 17.652, + "map_at_3": 5.2459999999999996, + "map_at_5": 6.5360000000000005, + "mrr_at_1": 34.694, + "mrr_at_10": 47.666, + "mrr_at_100": 48.681999999999995, + "mrr_at_1000": 48.681999999999995, + "mrr_at_3": 43.878, + "mrr_at_5": 46.224, + "ndcg_at_1": 31.633, + "ndcg_at_10": 23.454, + "ndcg_at_100": 36.616, + "ndcg_at_1000": 48.596000000000004, + "ndcg_at_3": 28.267999999999997, + "ndcg_at_5": 25.630999999999997, + "precision_at_1": 34.694, + "precision_at_10": 20.204, + "precision_at_100": 7.754999999999999, + "precision_at_1000": 1.5709999999999997, + "precision_at_3": 29.252, + "precision_at_5": 24.898, + "recall_at_1": 2.456, + "recall_at_10": 14.951, + "recall_at_100": 48.399, + "recall_at_1000": 85.077, + "recall_at_3": 6.1370000000000005, + "recall_at_5": 8.671, + "main_score": 23.454 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/ToxicConversationsClassification.json b/results/avsolatorio__GIST-large-Embedding-v0/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..182145ad4 --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.86240000000001, + "ap": 14.678570078747494, + "f1": 55.295967793934445, + "main_score": 71.86240000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/TweetSentimentExtractionClassification.json b/results/avsolatorio__GIST-large-Embedding-v0/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..ef609f9e8 --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 59.17374080362195, + "f1": 59.54410874861454, + "main_score": 59.17374080362195 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/TwentyNewsgroupsClustering.json b/results/avsolatorio__GIST-large-Embedding-v0/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..22c3015b5 --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 51.91227822485289, + "main_score": 51.91227822485289 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/TwitterSemEval2015.json b/results/avsolatorio__GIST-large-Embedding-v0/external/TwitterSemEval2015.json new file mode 100644 index 000000000..fef022f6d --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 87.12523097097217, + "cos_sim_ap": 77.59606075943269, + "cos_sim_f1": 71.11395646606915, + "cos_sim_precision": 69.07960199004975, + "cos_sim_recall": 73.27176781002639, + "dot_accuracy": 84.68736961316088, + "dot_ap": 68.47167450741459, + "dot_f1": 64.42152354914874, + "dot_precision": 60.887949260042284, + "dot_recall": 68.3905013192612, + "euclidean_accuracy": 86.88084878106932, + "euclidean_ap": 77.27351204978599, + "euclidean_f1": 70.99179716629381, + "euclidean_precision": 67.10526315789474, + "euclidean_recall": 75.35620052770449, + "manhattan_accuracy": 86.83316445133218, + "manhattan_ap": 77.21835357308716, + "manhattan_f1": 71.05587004676349, + "manhattan_precision": 66.58210332103322, + "manhattan_recall": 76.17414248021109, + "max_accuracy": 87.12523097097217, + "max_ap": 77.59606075943269, + "max_f1": 71.11395646606915, + "main_score": 77.59606075943269 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/TwitterURLCorpus.json b/results/avsolatorio__GIST-large-Embedding-v0/external/TwitterURLCorpus.json new file mode 100644 index 000000000..878ba0408 --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.97232894787906, + "cos_sim_ap": 85.9613736469497, + "cos_sim_f1": 78.40216655382532, + "cos_sim_precision": 72.97512437810946, + "cos_sim_recall": 84.70126270403449, + "dot_accuracy": 88.04866689952264, + "dot_ap": 83.15465089499936, + "dot_f1": 76.32698287879329, + "dot_precision": 71.23223697378077, + "dot_recall": 82.20665229442562, + "euclidean_accuracy": 88.67543757519307, + "euclidean_ap": 85.4524355531532, + "euclidean_f1": 77.78729106950081, + "euclidean_precision": 75.3009009009009, + "euclidean_recall": 80.44348629504158, + "manhattan_accuracy": 88.65991384328792, + "manhattan_ap": 85.43109069046837, + "manhattan_f1": 77.72639551396425, + "manhattan_precision": 73.73402417962004, + "manhattan_recall": 82.17585463504774, + "max_accuracy": 88.97232894787906, + "max_ap": 85.9613736469497, + "max_f1": 78.40216655382532, + "main_score": 85.9613736469497 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-large-Embedding-v0/external/model_meta.json b/results/avsolatorio__GIST-large-Embedding-v0/external/model_meta.json new file mode 100644 index 000000000..a4cd33960 --- /dev/null +++ b/results/avsolatorio__GIST-large-Embedding-v0/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "avsolatorio/GIST-large-Embedding-v0", + "revision": "7831200e2f7819b994490c091cf3258a2b821f0c", + "release_date": "2024-02-14", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 335141888, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 1024, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/AmazonCounterfactualClassification.json b/results/avsolatorio__GIST-small-Embedding-v0/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..b26eb301a --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.26865671641791, + "ap": 38.25623793370476, + "f1": 69.26434651320257, + "main_score": 75.26865671641791 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/AmazonPolarityClassification.json b/results/avsolatorio__GIST-small-Embedding-v0/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..bfc47fd0b --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.232225, + "ap": 89.97936072879344, + "f1": 93.22122653806187, + "main_score": 93.232225 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/AmazonReviewsClassification.json b/results/avsolatorio__GIST-small-Embedding-v0/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..decf18610 --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 49.715999999999994, + "f1": 49.169789920136076, + "main_score": 49.715999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/ArguAna.json b/results/avsolatorio__GIST-small-Embedding-v0/external/ArguAna.json new file mode 100644 index 000000000..4cc835d81 --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 34.922, + "map_at_10": 50.524, + "map_at_100": 51.247, + "map_at_1000": 51.249, + "map_at_3": 45.887, + "map_at_5": 48.592999999999996, + "mrr_at_1": 34.922, + "mrr_at_10": 50.382000000000005, + "mrr_at_100": 51.104000000000006, + "mrr_at_1000": 51.105999999999995, + "mrr_at_3": 45.733000000000004, + "mrr_at_5": 48.428, + "ndcg_at_1": 34.922, + "ndcg_at_10": 59.12, + "ndcg_at_100": 62.083999999999996, + "ndcg_at_1000": 62.137, + "ndcg_at_3": 49.616, + "ndcg_at_5": 54.501, + "precision_at_1": 34.922, + "precision_at_10": 8.649, + "precision_at_100": 0.991, + "precision_at_1000": 0.1, + "precision_at_3": 20.152, + "precision_at_5": 14.466999999999999, + "recall_at_1": 34.922, + "recall_at_10": 86.48599999999999, + "recall_at_100": 99.14699999999999, + "recall_at_1000": 99.57300000000001, + "recall_at_3": 60.455000000000005, + "recall_at_5": 72.333, + "main_score": 59.12 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/ArxivClusteringP2P.json b/results/avsolatorio__GIST-small-Embedding-v0/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..446b8fc98 --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 47.623282347623714, + "main_score": 47.623282347623714 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/ArxivClusteringS2S.json b/results/avsolatorio__GIST-small-Embedding-v0/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..fa8a27748 --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.86487843524932, + "main_score": 39.86487843524932 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/AskUbuntuDupQuestions.json b/results/avsolatorio__GIST-small-Embedding-v0/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..78de09fe4 --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 62.3290291318171, + "mrr": 75.2379853141626, + "main_score": 62.3290291318171 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/BIOSSES.json b/results/avsolatorio__GIST-small-Embedding-v0/external/BIOSSES.json new file mode 100644 index 000000000..676895f47 --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.52002953574285, + "cos_sim_spearman": 86.98752423842483, + "euclidean_pearson": 86.89442688314197, + "euclidean_spearman": 86.88631711307471, + "manhattan_pearson": 87.03723618507175, + "manhattan_spearman": 86.76041062975224, + "cosine_pearson": 88.52002953574285, + "cosine_spearman": 86.98752423842483, + "main_score": 86.98752423842483 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/Banking77Classification.json b/results/avsolatorio__GIST-small-Embedding-v0/external/Banking77Classification.json new file mode 100644 index 000000000..df797c987 --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.64935064935065, + "f1": 86.61903824934998, + "main_score": 86.64935064935065 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/BiorxivClusteringP2P.json b/results/avsolatorio__GIST-small-Embedding-v0/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..0cf5a74ab --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.21904455377494, + "main_score": 39.21904455377494 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/BiorxivClusteringS2S.json b/results/avsolatorio__GIST-small-Embedding-v0/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..2d8a27999 --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.43342755570654, + "main_score": 35.43342755570654 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/CQADupstackAndroidRetrieval.json b/results/avsolatorio__GIST-small-Embedding-v0/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..a5e2bff4e --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.843, + "map_at_10": 43.379, + "map_at_100": 44.946999999999996, + "map_at_1000": 45.078, + "map_at_3": 39.598, + "map_at_5": 41.746, + "mrr_at_1": 39.199, + "mrr_at_10": 49.672, + "mrr_at_100": 50.321000000000005, + "mrr_at_1000": 50.365, + "mrr_at_3": 46.805, + "mrr_at_5": 48.579, + "ndcg_at_1": 39.199, + "ndcg_at_10": 50.163999999999994, + "ndcg_at_100": 55.418, + "ndcg_at_1000": 57.353, + "ndcg_at_3": 44.716, + "ndcg_at_5": 47.268, + "precision_at_1": 39.199, + "precision_at_10": 9.757, + "precision_at_100": 1.552, + "precision_at_1000": 0.20500000000000002, + "precision_at_3": 21.602, + "precision_at_5": 15.479000000000001, + "recall_at_1": 31.843, + "recall_at_10": 62.743, + "recall_at_100": 84.78099999999999, + "recall_at_1000": 96.86099999999999, + "recall_at_3": 46.927, + "recall_at_5": 54.355, + "main_score": 50.163999999999994 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.321, + "map_at_10": 39.062999999999995, + "map_at_100": 40.403, + "map_at_1000": 40.534, + "map_at_3": 36.367, + "map_at_5": 37.756, + "mrr_at_1": 35.987, + "mrr_at_10": 44.708999999999996, + "mrr_at_100": 45.394, + "mrr_at_1000": 45.436, + "mrr_at_3": 42.463, + "mrr_at_5": 43.663000000000004, + "ndcg_at_1": 35.987, + "ndcg_at_10": 44.585, + "ndcg_at_100": 49.297999999999995, + "ndcg_at_1000": 51.315, + "ndcg_at_3": 40.569, + "ndcg_at_5": 42.197, + "precision_at_1": 35.987, + "precision_at_10": 8.369, + "precision_at_100": 1.366, + "precision_at_1000": 0.184, + "precision_at_3": 19.427, + "precision_at_5": 13.58, + "recall_at_1": 29.321, + "recall_at_10": 54.333, + "recall_at_100": 74.178, + "recall_at_1000": 86.732, + "recall_at_3": 42.46, + "recall_at_5": 47.089999999999996, + "main_score": 44.585 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.811, + "map_at_10": 51.114000000000004, + "map_at_100": 52.22, + "map_at_1000": 52.275000000000006, + "map_at_3": 47.644999999999996, + "map_at_5": 49.675000000000004, + "mrr_at_1": 44.389, + "mrr_at_10": 54.459, + "mrr_at_100": 55.208999999999996, + "mrr_at_1000": 55.239000000000004, + "mrr_at_3": 51.954, + "mrr_at_5": 53.571999999999996, + "ndcg_at_1": 44.389, + "ndcg_at_10": 56.979, + "ndcg_at_100": 61.266, + "ndcg_at_1000": 62.315, + "ndcg_at_3": 51.342, + "ndcg_at_5": 54.33, + "precision_at_1": 44.389, + "precision_at_10": 9.26, + "precision_at_100": 1.226, + "precision_at_1000": 0.136, + "precision_at_3": 22.926, + "precision_at_5": 15.987000000000002, + "recall_at_1": 38.811, + "recall_at_10": 70.841, + "recall_at_100": 89.218, + "recall_at_1000": 96.482, + "recall_at_3": 56.123999999999995, + "recall_at_5": 63.322, + "main_score": 56.979 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.378, + "map_at_10": 34.311, + "map_at_100": 35.399, + "map_at_1000": 35.482, + "map_at_3": 31.917, + "map_at_5": 33.275, + "mrr_at_1": 27.683999999999997, + "mrr_at_10": 36.575, + "mrr_at_100": 37.492, + "mrr_at_1000": 37.556, + "mrr_at_3": 34.35, + "mrr_at_5": 35.525, + "ndcg_at_1": 27.683999999999997, + "ndcg_at_10": 39.247, + "ndcg_at_100": 44.424, + "ndcg_at_1000": 46.478, + "ndcg_at_3": 34.684, + "ndcg_at_5": 36.886, + "precision_at_1": 27.683999999999997, + "precision_at_10": 5.989, + "precision_at_100": 0.899, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 14.84, + "precision_at_5": 10.215, + "recall_at_1": 25.378, + "recall_at_10": 52.195, + "recall_at_100": 75.764, + "recall_at_1000": 91.012, + "recall_at_3": 39.885999999999996, + "recall_at_5": 45.279, + "main_score": 39.247 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.326, + "map_at_10": 25.247000000000003, + "map_at_100": 26.473000000000003, + "map_at_1000": 26.579000000000004, + "map_at_3": 22.466, + "map_at_5": 24.113, + "mrr_at_1": 21.393, + "mrr_at_10": 30.187, + "mrr_at_100": 31.089, + "mrr_at_1000": 31.15, + "mrr_at_3": 27.279999999999998, + "mrr_at_5": 29.127, + "ndcg_at_1": 21.393, + "ndcg_at_10": 30.668, + "ndcg_at_100": 36.543, + "ndcg_at_1000": 39.181, + "ndcg_at_3": 25.552000000000003, + "ndcg_at_5": 28.176000000000002, + "precision_at_1": 21.393, + "precision_at_10": 5.784000000000001, + "precision_at_100": 1.001, + "precision_at_1000": 0.136, + "precision_at_3": 12.231, + "precision_at_5": 9.179, + "recall_at_1": 17.326, + "recall_at_10": 42.415000000000006, + "recall_at_100": 68.605, + "recall_at_1000": 87.694, + "recall_at_3": 28.343, + "recall_at_5": 35.086, + "main_score": 30.668 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.069, + "map_at_10": 40.027, + "map_at_100": 41.308, + "map_at_1000": 41.412, + "map_at_3": 36.864000000000004, + "map_at_5": 38.641999999999996, + "mrr_at_1": 35.707, + "mrr_at_10": 45.527, + "mrr_at_100": 46.348, + "mrr_at_1000": 46.392, + "mrr_at_3": 43.086, + "mrr_at_5": 44.645, + "ndcg_at_1": 35.707, + "ndcg_at_10": 46.117000000000004, + "ndcg_at_100": 51.468, + "ndcg_at_1000": 53.412000000000006, + "ndcg_at_3": 41.224, + "ndcg_at_5": 43.637, + "precision_at_1": 35.707, + "precision_at_10": 8.459999999999999, + "precision_at_100": 1.2970000000000002, + "precision_at_1000": 0.165, + "precision_at_3": 19.731, + "precision_at_5": 14.013, + "recall_at_1": 29.069, + "recall_at_10": 58.343999999999994, + "recall_at_100": 81.296, + "recall_at_1000": 93.974, + "recall_at_3": 44.7, + "recall_at_5": 50.88700000000001, + "main_score": 46.117000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.905, + "map_at_10": 33.983000000000004, + "map_at_100": 35.372, + "map_at_1000": 35.487, + "map_at_3": 30.902, + "map_at_5": 32.505, + "mrr_at_1": 29.794999999999998, + "mrr_at_10": 39.28, + "mrr_at_100": 40.215, + "mrr_at_1000": 40.276, + "mrr_at_3": 36.701, + "mrr_at_5": 38.105, + "ndcg_at_1": 29.794999999999998, + "ndcg_at_10": 40.041, + "ndcg_at_100": 45.884, + "ndcg_at_1000": 48.271, + "ndcg_at_3": 34.931, + "ndcg_at_5": 37.044, + "precision_at_1": 29.794999999999998, + "precision_at_10": 7.546, + "precision_at_100": 1.216, + "precision_at_1000": 0.158, + "precision_at_3": 16.933, + "precision_at_5": 12.1, + "recall_at_1": 23.905, + "recall_at_10": 52.945, + "recall_at_100": 77.551, + "recall_at_1000": 93.793, + "recall_at_3": 38.364, + "recall_at_5": 44.044, + "main_score": 40.041 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.24441666666667, + "map_at_10": 34.4595, + "map_at_100": 35.699999999999996, + "map_at_1000": 35.8155, + "map_at_3": 31.608333333333338, + "map_at_5": 33.189416666666666, + "mrr_at_1": 29.825250000000004, + "mrr_at_10": 38.60875, + "mrr_at_100": 39.46575, + "mrr_at_1000": 39.52458333333333, + "mrr_at_3": 36.145166666666675, + "mrr_at_5": 37.57625, + "ndcg_at_1": 29.825250000000004, + "ndcg_at_10": 39.88741666666667, + "ndcg_at_100": 45.17966666666667, + "ndcg_at_1000": 47.440583333333336, + "ndcg_at_3": 35.04591666666666, + "ndcg_at_5": 37.32025, + "precision_at_1": 29.825250000000004, + "precision_at_10": 7.07225, + "precision_at_100": 1.1462499999999998, + "precision_at_1000": 0.15325, + "precision_at_3": 16.18375, + "precision_at_5": 11.526833333333334, + "recall_at_1": 25.24441666666667, + "recall_at_10": 51.744916666666676, + "recall_at_100": 75.04574999999998, + "recall_at_1000": 90.65558333333334, + "recall_at_3": 38.28349999999999, + "recall_at_5": 44.16591666666667, + "main_score": 39.88741666666667 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.237000000000002, + "map_at_10": 30.667, + "map_at_100": 31.592, + "map_at_1000": 31.688, + "map_at_3": 28.810999999999996, + "map_at_5": 29.788999999999998, + "mrr_at_1": 26.840000000000003, + "mrr_at_10": 33.305, + "mrr_at_100": 34.089000000000006, + "mrr_at_1000": 34.159, + "mrr_at_3": 31.518, + "mrr_at_5": 32.469, + "ndcg_at_1": 26.840000000000003, + "ndcg_at_10": 34.541, + "ndcg_at_100": 39.206, + "ndcg_at_1000": 41.592, + "ndcg_at_3": 31.005, + "ndcg_at_5": 32.554, + "precision_at_1": 26.840000000000003, + "precision_at_10": 5.3069999999999995, + "precision_at_100": 0.8340000000000001, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 13.292000000000002, + "precision_at_5": 9.049, + "recall_at_1": 24.237000000000002, + "recall_at_10": 43.862, + "recall_at_100": 65.352, + "recall_at_1000": 82.704, + "recall_at_3": 34.009, + "recall_at_5": 37.878, + "main_score": 34.541 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.482, + "map_at_10": 23.249, + "map_at_100": 24.388, + "map_at_1000": 24.519, + "map_at_3": 20.971, + "map_at_5": 22.192, + "mrr_at_1": 19.993, + "mrr_at_10": 26.985, + "mrr_at_100": 27.975, + "mrr_at_1000": 28.052, + "mrr_at_3": 24.954, + "mrr_at_5": 26.070999999999998, + "ndcg_at_1": 19.993, + "ndcg_at_10": 27.656, + "ndcg_at_100": 33.256, + "ndcg_at_1000": 36.275, + "ndcg_at_3": 23.644000000000002, + "ndcg_at_5": 25.466, + "precision_at_1": 19.993, + "precision_at_10": 5.093, + "precision_at_100": 0.932, + "precision_at_1000": 0.13699999999999998, + "precision_at_3": 11.149000000000001, + "precision_at_5": 8.149000000000001, + "recall_at_1": 16.482, + "recall_at_10": 37.141999999999996, + "recall_at_100": 62.696, + "recall_at_1000": 84.333, + "recall_at_3": 26.031, + "recall_at_5": 30.660999999999998, + "main_score": 27.656 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.887999999999998, + "map_at_10": 34.101, + "map_at_100": 35.27, + "map_at_1000": 35.370000000000005, + "map_at_3": 31.283, + "map_at_5": 32.72, + "mrr_at_1": 29.011, + "mrr_at_10": 38.004, + "mrr_at_100": 38.879000000000005, + "mrr_at_1000": 38.938, + "mrr_at_3": 35.571999999999996, + "mrr_at_5": 36.789, + "ndcg_at_1": 29.011, + "ndcg_at_10": 39.586, + "ndcg_at_100": 44.939, + "ndcg_at_1000": 47.236, + "ndcg_at_3": 34.4, + "ndcg_at_5": 36.519, + "precision_at_1": 29.011, + "precision_at_10": 6.763, + "precision_at_100": 1.059, + "precision_at_1000": 0.13699999999999998, + "precision_at_3": 15.609, + "precision_at_5": 10.896, + "recall_at_1": 24.887999999999998, + "recall_at_10": 52.42, + "recall_at_100": 75.803, + "recall_at_1000": 91.725, + "recall_at_3": 38.080999999999996, + "recall_at_5": 43.47, + "main_score": 39.586 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.953, + "map_at_10": 32.649, + "map_at_100": 34.181, + "map_at_1000": 34.398, + "map_at_3": 29.567, + "map_at_5": 31.263, + "mrr_at_1": 29.051, + "mrr_at_10": 37.419999999999995, + "mrr_at_100": 38.396, + "mrr_at_1000": 38.458, + "mrr_at_3": 34.782999999999994, + "mrr_at_5": 36.254999999999995, + "ndcg_at_1": 29.051, + "ndcg_at_10": 38.595, + "ndcg_at_100": 44.6, + "ndcg_at_1000": 47.158, + "ndcg_at_3": 33.56, + "ndcg_at_5": 35.870000000000005, + "precision_at_1": 29.051, + "precision_at_10": 7.53, + "precision_at_100": 1.538, + "precision_at_1000": 0.24, + "precision_at_3": 15.744, + "precision_at_5": 11.542, + "recall_at_1": 23.953, + "recall_at_10": 50.08200000000001, + "recall_at_100": 77.364, + "recall_at_1000": 93.57799999999999, + "recall_at_3": 35.432, + "recall_at_5": 41.875, + "main_score": 38.595 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.72, + "map_at_10": 25.724000000000004, + "map_at_100": 26.846999999999998, + "map_at_1000": 26.964, + "map_at_3": 22.909, + "map_at_5": 24.596999999999998, + "mrr_at_1": 18.854000000000003, + "mrr_at_10": 27.182000000000002, + "mrr_at_100": 28.182000000000002, + "mrr_at_1000": 28.274, + "mrr_at_3": 24.276, + "mrr_at_5": 26.115, + "ndcg_at_1": 18.854000000000003, + "ndcg_at_10": 30.470000000000002, + "ndcg_at_100": 35.854, + "ndcg_at_1000": 38.701, + "ndcg_at_3": 24.924, + "ndcg_at_5": 27.895999999999997, + "precision_at_1": 18.854000000000003, + "precision_at_10": 5.009, + "precision_at_100": 0.835, + "precision_at_1000": 0.117, + "precision_at_3": 10.721, + "precision_at_5": 8.133, + "recall_at_1": 17.72, + "recall_at_10": 43.617, + "recall_at_100": 67.941, + "recall_at_1000": 88.979, + "recall_at_3": 29.044999999999998, + "recall_at_5": 36.044, + "main_score": 30.470000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/ClimateFEVER.json b/results/avsolatorio__GIST-small-Embedding-v0/external/ClimateFEVER.json new file mode 100644 index 000000000..568f5239f --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 13.427, + "map_at_10": 22.935, + "map_at_100": 24.808, + "map_at_1000": 24.994, + "map_at_3": 19.533, + "map_at_5": 21.261, + "mrr_at_1": 30.945, + "mrr_at_10": 43.242000000000004, + "mrr_at_100": 44.013999999999996, + "mrr_at_1000": 44.048, + "mrr_at_3": 40.109, + "mrr_at_5": 42.059999999999995, + "ndcg_at_1": 30.945, + "ndcg_at_10": 31.828, + "ndcg_at_100": 38.801, + "ndcg_at_1000": 42.126999999999995, + "ndcg_at_3": 26.922, + "ndcg_at_5": 28.483999999999998, + "precision_at_1": 30.945, + "precision_at_10": 9.844, + "precision_at_100": 1.7309999999999999, + "precision_at_1000": 0.23500000000000001, + "precision_at_3": 20.477999999999998, + "precision_at_5": 15.27, + "recall_at_1": 13.427, + "recall_at_10": 37.141000000000005, + "recall_at_100": 61.007, + "recall_at_1000": 79.742, + "recall_at_3": 24.431, + "recall_at_5": 29.725, + "main_score": 31.828 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/DBPedia.json b/results/avsolatorio__GIST-small-Embedding-v0/external/DBPedia.json new file mode 100644 index 000000000..bd1d83fad --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.122, + "map_at_10": 18.799, + "map_at_100": 25.724999999999998, + "map_at_1000": 27.205000000000002, + "map_at_3": 14.194999999999999, + "map_at_5": 16.225, + "mrr_at_1": 68.0, + "mrr_at_10": 76.035, + "mrr_at_100": 76.292, + "mrr_at_1000": 76.297, + "mrr_at_3": 74.458, + "mrr_at_5": 75.558, + "ndcg_at_1": 56.00000000000001, + "ndcg_at_10": 39.761, + "ndcg_at_100": 43.736999999999995, + "ndcg_at_1000": 51.146, + "ndcg_at_3": 45.921, + "ndcg_at_5": 42.756, + "precision_at_1": 68.0, + "precision_at_10": 30.275000000000002, + "precision_at_100": 9.343, + "precision_at_1000": 1.8270000000000002, + "precision_at_3": 49.167, + "precision_at_5": 40.699999999999996, + "recall_at_1": 9.122, + "recall_at_10": 23.669999999999998, + "recall_at_100": 48.719, + "recall_at_1000": 72.033, + "recall_at_3": 15.498999999999999, + "recall_at_5": 18.657, + "main_score": 39.761 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/EmotionClassification.json b/results/avsolatorio__GIST-small-Embedding-v0/external/EmotionClassification.json new file mode 100644 index 000000000..402870adc --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 55.885000000000005, + "f1": 50.70726446938571, + "main_score": 55.885000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/FEVER.json b/results/avsolatorio__GIST-small-Embedding-v0/external/FEVER.json new file mode 100644 index 000000000..dee7db374 --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 75.709, + "map_at_10": 83.345, + "map_at_100": 83.557, + "map_at_1000": 83.572, + "map_at_3": 82.425, + "map_at_5": 83.013, + "mrr_at_1": 81.593, + "mrr_at_10": 88.331, + "mrr_at_100": 88.408, + "mrr_at_1000": 88.41, + "mrr_at_3": 87.714, + "mrr_at_5": 88.122, + "ndcg_at_1": 81.593, + "ndcg_at_10": 86.925, + "ndcg_at_100": 87.67, + "ndcg_at_1000": 87.924, + "ndcg_at_3": 85.5, + "ndcg_at_5": 86.283, + "precision_at_1": 81.593, + "precision_at_10": 10.264, + "precision_at_100": 1.084, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 32.388, + "precision_at_5": 19.991, + "recall_at_1": 75.709, + "recall_at_10": 93.107, + "recall_at_100": 96.024, + "recall_at_1000": 97.603, + "recall_at_3": 89.08500000000001, + "recall_at_5": 91.15299999999999, + "main_score": 86.925 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/FiQA2018.json b/results/avsolatorio__GIST-small-Embedding-v0/external/FiQA2018.json new file mode 100644 index 000000000..56b7d7381 --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.121, + "map_at_10": 31.78, + "map_at_100": 33.497, + "map_at_1000": 33.696, + "map_at_3": 27.893, + "map_at_5": 30.087000000000003, + "mrr_at_1": 38.272, + "mrr_at_10": 47.176, + "mrr_at_100": 48.002, + "mrr_at_1000": 48.044, + "mrr_at_3": 45.086999999999996, + "mrr_at_5": 46.337, + "ndcg_at_1": 38.272, + "ndcg_at_10": 39.145, + "ndcg_at_100": 45.696999999999996, + "ndcg_at_1000": 49.0, + "ndcg_at_3": 36.148, + "ndcg_at_5": 37.023, + "precision_at_1": 38.272, + "precision_at_10": 11.065, + "precision_at_100": 1.7840000000000003, + "precision_at_1000": 0.23600000000000002, + "precision_at_3": 24.587999999999997, + "precision_at_5": 18.056, + "recall_at_1": 19.121, + "recall_at_10": 44.857, + "recall_at_100": 69.774, + "recall_at_1000": 89.645, + "recall_at_3": 32.588, + "recall_at_5": 37.939, + "main_score": 39.145 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/HotpotQA.json b/results/avsolatorio__GIST-small-Embedding-v0/external/HotpotQA.json new file mode 100644 index 000000000..120e5025c --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 36.428, + "map_at_10": 56.891999999999996, + "map_at_100": 57.82899999999999, + "map_at_1000": 57.896, + "map_at_3": 53.762, + "map_at_5": 55.718, + "mrr_at_1": 72.856, + "mrr_at_10": 79.245, + "mrr_at_100": 79.515, + "mrr_at_1000": 79.525, + "mrr_at_3": 78.143, + "mrr_at_5": 78.822, + "ndcg_at_1": 72.856, + "ndcg_at_10": 65.204, + "ndcg_at_100": 68.552, + "ndcg_at_1000": 69.902, + "ndcg_at_3": 60.632, + "ndcg_at_5": 63.161, + "precision_at_1": 72.856, + "precision_at_10": 13.65, + "precision_at_100": 1.6260000000000001, + "precision_at_1000": 0.181, + "precision_at_3": 38.753, + "precision_at_5": 25.251, + "recall_at_1": 36.428, + "recall_at_10": 68.25099999999999, + "recall_at_100": 81.317, + "recall_at_1000": 90.27, + "recall_at_3": 58.13, + "recall_at_5": 63.126000000000005, + "main_score": 65.204 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/ImdbClassification.json b/results/avsolatorio__GIST-small-Embedding-v0/external/ImdbClassification.json new file mode 100644 index 000000000..632280bdb --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 89.4868, + "ap": 84.88319192880247, + "f1": 89.46144458052846, + "main_score": 89.4868 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/MSMARCO.json b/results/avsolatorio__GIST-small-Embedding-v0/external/MSMARCO.json new file mode 100644 index 000000000..8069aafb5 --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.282999999999998, + "map_at_10": 33.045, + "map_at_100": 34.238, + "map_at_1000": 34.29, + "map_at_3": 29.305999999999997, + "map_at_5": 31.391000000000002, + "mrr_at_1": 21.92, + "mrr_at_10": 33.649, + "mrr_at_100": 34.791, + "mrr_at_1000": 34.837, + "mrr_at_3": 30.0, + "mrr_at_5": 32.039, + "ndcg_at_1": 21.92, + "ndcg_at_10": 39.729, + "ndcg_at_100": 45.484, + "ndcg_at_1000": 46.817, + "ndcg_at_3": 32.084, + "ndcg_at_5": 35.789, + "precision_at_1": 21.92, + "precision_at_10": 6.297, + "precision_at_100": 0.918, + "precision_at_1000": 0.10300000000000001, + "precision_at_3": 13.639000000000001, + "precision_at_5": 10.054, + "recall_at_1": 21.282999999999998, + "recall_at_10": 60.343999999999994, + "recall_at_100": 86.981, + "recall_at_1000": 97.205, + "recall_at_3": 39.452999999999996, + "recall_at_5": 48.333, + "main_score": 39.729 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/MTOPDomainClassification.json b/results/avsolatorio__GIST-small-Embedding-v0/external/MTOPDomainClassification.json new file mode 100644 index 000000000..d21a26985 --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 95.47879616963064, + "f1": 95.21800589958251, + "main_score": 95.47879616963064 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/MTOPIntentClassification.json b/results/avsolatorio__GIST-small-Embedding-v0/external/MTOPIntentClassification.json new file mode 100644 index 000000000..48664ca2c --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.09256725946192, + "f1": 60.554043889452515, + "main_score": 79.09256725946192 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/MassiveIntentClassification.json b/results/avsolatorio__GIST-small-Embedding-v0/external/MassiveIntentClassification.json new file mode 100644 index 000000000..4c098ea77 --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.53463349024882, + "f1": 73.14418495756476, + "main_score": 75.53463349024882 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/MassiveScenarioClassification.json b/results/avsolatorio__GIST-small-Embedding-v0/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..c6752bff9 --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.22663080026899, + "f1": 79.331456217501, + "main_score": 79.22663080026899 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/MedrxivClusteringP2P.json b/results/avsolatorio__GIST-small-Embedding-v0/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..ad17878bb --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.50316010430136, + "main_score": 34.50316010430136 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/MedrxivClusteringS2S.json b/results/avsolatorio__GIST-small-Embedding-v0/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..f9c2e0df8 --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.15612040042282, + "main_score": 32.15612040042282 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/MindSmallReranking.json b/results/avsolatorio__GIST-small-Embedding-v0/external/MindSmallReranking.json new file mode 100644 index 000000000..a6134a7ce --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 32.36227552557184, + "mrr": 33.57901344209811, + "main_score": 32.36227552557184 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/NFCorpus.json b/results/avsolatorio__GIST-small-Embedding-v0/external/NFCorpus.json new file mode 100644 index 000000000..e70e8a0e2 --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.6610000000000005, + "map_at_10": 12.992, + "map_at_100": 16.756999999999998, + "map_at_1000": 18.25, + "map_at_3": 9.471, + "map_at_5": 11.116, + "mrr_at_1": 43.653, + "mrr_at_10": 53.388999999999996, + "mrr_at_100": 53.982, + "mrr_at_1000": 54.033, + "mrr_at_3": 51.858000000000004, + "mrr_at_5": 53.019000000000005, + "ndcg_at_1": 41.641, + "ndcg_at_10": 34.691, + "ndcg_at_100": 32.305, + "ndcg_at_1000": 41.132999999999996, + "ndcg_at_3": 40.614, + "ndcg_at_5": 38.456, + "precision_at_1": 43.344, + "precision_at_10": 25.881999999999998, + "precision_at_100": 8.483, + "precision_at_1000": 2.131, + "precision_at_3": 38.803, + "precision_at_5": 33.87, + "recall_at_1": 5.6610000000000005, + "recall_at_10": 16.826, + "recall_at_100": 32.939, + "recall_at_1000": 65.161, + "recall_at_3": 10.756, + "recall_at_5": 13.331000000000001, + "main_score": 34.691 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/NQ.json b/results/avsolatorio__GIST-small-Embedding-v0/external/NQ.json new file mode 100644 index 000000000..4ca883dc1 --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.692, + "map_at_10": 41.065000000000005, + "map_at_100": 42.235, + "map_at_1000": 42.27, + "map_at_3": 36.635, + "map_at_5": 39.219, + "mrr_at_1": 30.214000000000002, + "mrr_at_10": 43.443, + "mrr_at_100": 44.326, + "mrr_at_1000": 44.352000000000004, + "mrr_at_3": 39.623999999999995, + "mrr_at_5": 41.898, + "ndcg_at_1": 30.214000000000002, + "ndcg_at_10": 48.692, + "ndcg_at_100": 53.671, + "ndcg_at_1000": 54.522000000000006, + "ndcg_at_3": 40.245, + "ndcg_at_5": 44.580999999999996, + "precision_at_1": 30.214000000000002, + "precision_at_10": 8.3, + "precision_at_100": 1.1079999999999999, + "precision_at_1000": 0.11900000000000001, + "precision_at_3": 18.521, + "precision_at_5": 13.627, + "recall_at_1": 26.692, + "recall_at_10": 69.699, + "recall_at_100": 91.425, + "recall_at_1000": 97.78099999999999, + "recall_at_3": 47.711, + "recall_at_5": 57.643, + "main_score": 48.692 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/QuoraRetrieval.json b/results/avsolatorio__GIST-small-Embedding-v0/external/QuoraRetrieval.json new file mode 100644 index 000000000..2c0292820 --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 70.962, + "map_at_10": 84.772, + "map_at_100": 85.402, + "map_at_1000": 85.418, + "map_at_3": 81.89, + "map_at_5": 83.685, + "mrr_at_1": 81.67, + "mrr_at_10": 87.681, + "mrr_at_100": 87.792, + "mrr_at_1000": 87.79299999999999, + "mrr_at_3": 86.803, + "mrr_at_5": 87.392, + "ndcg_at_1": 81.69, + "ndcg_at_10": 88.429, + "ndcg_at_100": 89.66, + "ndcg_at_1000": 89.762, + "ndcg_at_3": 85.75, + "ndcg_at_5": 87.20700000000001, + "precision_at_1": 81.69, + "precision_at_10": 13.395000000000001, + "precision_at_100": 1.528, + "precision_at_1000": 0.157, + "precision_at_3": 37.507000000000005, + "precision_at_5": 24.614, + "recall_at_1": 70.962, + "recall_at_10": 95.339, + "recall_at_100": 99.543, + "recall_at_1000": 99.984, + "recall_at_3": 87.54899999999999, + "recall_at_5": 91.726, + "main_score": 88.429 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/RedditClustering.json b/results/avsolatorio__GIST-small-Embedding-v0/external/RedditClustering.json new file mode 100644 index 000000000..1893ad6a3 --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 55.506631779239555, + "main_score": 55.506631779239555 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/RedditClusteringP2P.json b/results/avsolatorio__GIST-small-Embedding-v0/external/RedditClusteringP2P.json new file mode 100644 index 000000000..c53d1348a --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 60.63731341848479, + "main_score": 60.63731341848479 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/SCIDOCS.json b/results/avsolatorio__GIST-small-Embedding-v0/external/SCIDOCS.json new file mode 100644 index 000000000..ffec2b55d --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.852, + "map_at_10": 13.175, + "map_at_100": 15.623999999999999, + "map_at_1000": 16.002, + "map_at_3": 9.103, + "map_at_5": 11.068999999999999, + "mrr_at_1": 23.9, + "mrr_at_10": 35.847, + "mrr_at_100": 36.968, + "mrr_at_1000": 37.018, + "mrr_at_3": 32.300000000000004, + "mrr_at_5": 34.14, + "ndcg_at_1": 23.9, + "ndcg_at_10": 21.889, + "ndcg_at_100": 30.903000000000002, + "ndcg_at_1000": 36.992000000000004, + "ndcg_at_3": 20.274, + "ndcg_at_5": 17.773, + "precision_at_1": 23.9, + "precision_at_10": 11.61, + "precision_at_100": 2.4539999999999997, + "precision_at_1000": 0.391, + "precision_at_3": 19.133, + "precision_at_5": 15.740000000000002, + "recall_at_1": 4.852, + "recall_at_10": 23.507, + "recall_at_100": 49.775000000000006, + "recall_at_1000": 79.308, + "recall_at_3": 11.637, + "recall_at_5": 15.947, + "main_score": 21.889 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/SICK-R.json b/results/avsolatorio__GIST-small-Embedding-v0/external/SICK-R.json new file mode 100644 index 000000000..84c843355 --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.03345827446948, + "cos_sim_spearman": 80.53174518259549, + "euclidean_pearson": 83.44538971660883, + "euclidean_spearman": 80.57344324098692, + "manhattan_pearson": 83.36528808195459, + "manhattan_spearman": 80.48931287157902, + "cosine_pearson": 86.03345827446948, + "cosine_spearman": 80.53174518259549, + "main_score": 80.53174518259549 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/STS12.json b/results/avsolatorio__GIST-small-Embedding-v0/external/STS12.json new file mode 100644 index 000000000..19b8c78d5 --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.21363088257881, + "cos_sim_spearman": 75.56589127055523, + "euclidean_pearson": 82.32868324521908, + "euclidean_spearman": 75.31928550664554, + "manhattan_pearson": 82.31332875713211, + "manhattan_spearman": 75.35376322099196, + "cosine_pearson": 85.21363088257881, + "cosine_spearman": 75.56589127055523, + "main_score": 75.56589127055523 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/STS13.json b/results/avsolatorio__GIST-small-Embedding-v0/external/STS13.json new file mode 100644 index 000000000..e28022501 --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.09085593258487, + "cos_sim_spearman": 86.26355088415221, + "euclidean_pearson": 85.49646115361156, + "euclidean_spearman": 86.20652472228703, + "manhattan_pearson": 85.44084081123815, + "manhattan_spearman": 86.1162623448951, + "cosine_pearson": 85.09085593258487, + "cosine_spearman": 86.26355088415221, + "main_score": 86.26355088415221 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/STS14.json b/results/avsolatorio__GIST-small-Embedding-v0/external/STS14.json new file mode 100644 index 000000000..795dbb85e --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.68250248349368, + "cos_sim_spearman": 82.29883673695083, + "euclidean_pearson": 84.17633035446019, + "euclidean_spearman": 82.19990511264791, + "manhattan_pearson": 84.17408410692279, + "manhattan_spearman": 82.249873895981, + "cosine_pearson": 84.68250248349368, + "cosine_spearman": 82.29883673695083, + "main_score": 82.29883673695083 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/STS15.json b/results/avsolatorio__GIST-small-Embedding-v0/external/STS15.json new file mode 100644 index 000000000..c84c13764 --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.31878760045024, + "cos_sim_spearman": 88.7364409031183, + "euclidean_pearson": 88.230537618603, + "euclidean_spearman": 88.76484309646318, + "manhattan_pearson": 88.17689071136469, + "manhattan_spearman": 88.72809249037928, + "cosine_pearson": 87.31878760045024, + "cosine_spearman": 88.7364409031183, + "main_score": 88.7364409031183 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/STS16.json b/results/avsolatorio__GIST-small-Embedding-v0/external/STS16.json new file mode 100644 index 000000000..8a898779d --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.41078559110638, + "cos_sim_spearman": 85.27439135411049, + "euclidean_pearson": 84.5333571592088, + "euclidean_spearman": 85.25645460575957, + "manhattan_pearson": 84.38428921610226, + "manhattan_spearman": 85.07796040798796, + "cosine_pearson": 83.41078559110638, + "cosine_spearman": 85.27439135411049, + "main_score": 85.27439135411049 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/STS17.json b/results/avsolatorio__GIST-small-Embedding-v0/external/STS17.json new file mode 100644 index 000000000..1d9a0caa1 --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.82374132382576, + "cos_sim_spearman": 89.02101343562433, + "euclidean_pearson": 89.50729765458932, + "euclidean_spearman": 89.04184772869253, + "manhattan_pearson": 89.51737904059856, + "manhattan_spearman": 89.12925950440676, + "cosine_pearson": 88.82374132382576, + "cosine_spearman": 89.02101343562433, + "main_score": 89.02101343562433 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/STS22.json b/results/avsolatorio__GIST-small-Embedding-v0/external/STS22.json new file mode 100644 index 000000000..e9ccce9d1 --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 67.56051823873482, + "cos_sim_spearman": 68.50988748185463, + "euclidean_pearson": 69.16524346147456, + "euclidean_spearman": 68.61859952449579, + "manhattan_pearson": 69.10618915706995, + "manhattan_spearman": 68.36401769459522, + "cosine_pearson": 67.56051823873482, + "cosine_spearman": 68.50988748185463, + "main_score": 68.50988748185463 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/STSBenchmark.json b/results/avsolatorio__GIST-small-Embedding-v0/external/STSBenchmark.json new file mode 100644 index 000000000..f2e8b3b39 --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.4159693872625, + "cos_sim_spearman": 87.07819121764247, + "euclidean_pearson": 87.03013260863153, + "euclidean_spearman": 87.06547293631309, + "manhattan_pearson": 86.8129744446062, + "manhattan_spearman": 86.88494096335627, + "cosine_pearson": 85.4159693872625, + "cosine_spearman": 87.07819121764247, + "main_score": 87.07819121764247 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/SciDocsRR.json b/results/avsolatorio__GIST-small-Embedding-v0/external/SciDocsRR.json new file mode 100644 index 000000000..e5ab95068 --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 86.47758088996575, + "mrr": 96.17891458577733, + "main_score": 86.47758088996575 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/SciFact.json b/results/avsolatorio__GIST-small-Embedding-v0/external/SciFact.json new file mode 100644 index 000000000..df1844942 --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 57.538999999999994, + "map_at_10": 66.562, + "map_at_100": 67.254, + "map_at_1000": 67.284, + "map_at_3": 63.722, + "map_at_5": 65.422, + "mrr_at_1": 60.0, + "mrr_at_10": 67.354, + "mrr_at_100": 67.908, + "mrr_at_1000": 67.93299999999999, + "mrr_at_3": 65.056, + "mrr_at_5": 66.43900000000001, + "ndcg_at_1": 60.0, + "ndcg_at_10": 70.858, + "ndcg_at_100": 73.67099999999999, + "ndcg_at_1000": 74.26700000000001, + "ndcg_at_3": 65.911, + "ndcg_at_5": 68.42200000000001, + "precision_at_1": 60.0, + "precision_at_10": 9.4, + "precision_at_100": 1.083, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 25.444, + "precision_at_5": 17.0, + "recall_at_1": 57.538999999999994, + "recall_at_10": 83.233, + "recall_at_100": 95.667, + "recall_at_1000": 100.0, + "recall_at_3": 69.883, + "recall_at_5": 76.19399999999999, + "main_score": 70.858 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/SprintDuplicateQuestions.json b/results/avsolatorio__GIST-small-Embedding-v0/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..2838f9d3e --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.82574257425742, + "cos_sim_ap": 95.78722833053911, + "cos_sim_f1": 90.94650205761316, + "cos_sim_precision": 93.64406779661016, + "cos_sim_recall": 88.4, + "dot_accuracy": 99.83366336633664, + "dot_ap": 95.89733601612964, + "dot_f1": 91.41981613891727, + "dot_precision": 93.42379958246346, + "dot_recall": 89.5, + "euclidean_accuracy": 99.82574257425742, + "euclidean_ap": 95.75227035138846, + "euclidean_f1": 90.96509240246407, + "euclidean_precision": 93.45991561181435, + "euclidean_recall": 88.6, + "manhattan_accuracy": 99.82574257425742, + "manhattan_ap": 95.76278266220176, + "manhattan_f1": 91.08409321175279, + "manhattan_precision": 92.29979466119097, + "manhattan_recall": 89.9, + "max_accuracy": 99.83366336633664, + "max_ap": 95.89733601612964, + "max_f1": 91.41981613891727, + "main_score": 95.89733601612964 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/StackExchangeClustering.json b/results/avsolatorio__GIST-small-Embedding-v0/external/StackExchangeClustering.json new file mode 100644 index 000000000..3cb784b7b --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 61.905425988638605, + "main_score": 61.905425988638605 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/StackExchangeClusteringP2P.json b/results/avsolatorio__GIST-small-Embedding-v0/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..cab8e16ef --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.159589881679736, + "main_score": 36.159589881679736 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/StackOverflowDupQuestions.json b/results/avsolatorio__GIST-small-Embedding-v0/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..b6dd2b554 --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 53.0605499476397, + "mrr": 53.91594516594517, + "main_score": 53.0605499476397 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/SummEval.json b/results/avsolatorio__GIST-small-Embedding-v0/external/SummEval.json new file mode 100644 index 000000000..dfe188f68 --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.202718009067, + "cos_sim_spearman": 31.136199912366987, + "dot_pearson": 30.66329011927951, + "dot_spearman": 30.107664909625107, + "cosine_pearson": 30.202718009067, + "cosine_spearman": 31.136199912366987, + "main_score": 31.136199912366987 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/TRECCOVID.json b/results/avsolatorio__GIST-small-Embedding-v0/external/TRECCOVID.json new file mode 100644 index 000000000..c9346354e --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.209, + "map_at_10": 1.712, + "map_at_100": 9.464, + "map_at_1000": 23.437, + "map_at_3": 0.609, + "map_at_5": 0.9440000000000001, + "mrr_at_1": 78.0, + "mrr_at_10": 86.833, + "mrr_at_100": 86.833, + "mrr_at_1000": 86.833, + "mrr_at_3": 85.333, + "mrr_at_5": 86.833, + "ndcg_at_1": 74.0, + "ndcg_at_10": 69.14, + "ndcg_at_100": 53.047999999999995, + "ndcg_at_1000": 48.577, + "ndcg_at_3": 75.592, + "ndcg_at_5": 72.509, + "precision_at_1": 78.0, + "precision_at_10": 73.0, + "precision_at_100": 54.44, + "precision_at_1000": 21.326, + "precision_at_3": 80.667, + "precision_at_5": 77.2, + "recall_at_1": 0.209, + "recall_at_10": 1.932, + "recall_at_100": 13.211999999999998, + "recall_at_1000": 45.774, + "recall_at_3": 0.644, + "recall_at_5": 1.0290000000000001, + "main_score": 69.14 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/Touche2020.json b/results/avsolatorio__GIST-small-Embedding-v0/external/Touche2020.json new file mode 100644 index 000000000..aca94140e --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.609, + "map_at_10": 8.334999999999999, + "map_at_100": 14.604000000000001, + "map_at_1000": 16.177, + "map_at_3": 4.87, + "map_at_5": 6.3149999999999995, + "mrr_at_1": 32.653, + "mrr_at_10": 45.047, + "mrr_at_100": 45.808, + "mrr_at_1000": 45.808, + "mrr_at_3": 41.497, + "mrr_at_5": 43.231, + "ndcg_at_1": 30.612000000000002, + "ndcg_at_10": 21.193, + "ndcg_at_100": 34.97, + "ndcg_at_1000": 46.69, + "ndcg_at_3": 24.823, + "ndcg_at_5": 22.872999999999998, + "precision_at_1": 32.653, + "precision_at_10": 17.959, + "precision_at_100": 7.4079999999999995, + "precision_at_1000": 1.537, + "precision_at_3": 25.85, + "precision_at_5": 22.448999999999998, + "recall_at_1": 2.609, + "recall_at_10": 13.63, + "recall_at_100": 47.014, + "recall_at_1000": 83.176, + "recall_at_3": 5.925, + "recall_at_5": 8.574, + "main_score": 21.193 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/ToxicConversationsClassification.json b/results/avsolatorio__GIST-small-Embedding-v0/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..298d96ec1 --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.80239999999999, + "ap": 15.497911013214791, + "f1": 56.258411577947285, + "main_score": 72.80239999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/TweetSentimentExtractionClassification.json b/results/avsolatorio__GIST-small-Embedding-v0/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..b0c54ba7e --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.00452744765139, + "f1": 61.42228624410908, + "main_score": 61.00452744765139 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/TwentyNewsgroupsClustering.json b/results/avsolatorio__GIST-small-Embedding-v0/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..5b16e917c --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 50.00516915962345, + "main_score": 50.00516915962345 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/TwitterSemEval2015.json b/results/avsolatorio__GIST-small-Embedding-v0/external/TwitterSemEval2015.json new file mode 100644 index 000000000..9244cbb09 --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 85.62317458425225, + "cos_sim_ap": 72.95115658063823, + "cos_sim_f1": 66.78976523344764, + "cos_sim_precision": 66.77215189873418, + "cos_sim_recall": 66.80738786279683, + "dot_accuracy": 85.62317458425225, + "dot_ap": 73.10385271517778, + "dot_f1": 66.94853829427399, + "dot_precision": 61.74242424242424, + "dot_recall": 73.11345646437995, + "euclidean_accuracy": 85.65893783155511, + "euclidean_ap": 72.87428208473992, + "euclidean_f1": 66.70919994896005, + "euclidean_precision": 64.5910551025451, + "euclidean_recall": 68.97097625329816, + "manhattan_accuracy": 85.59933241938367, + "manhattan_ap": 72.67282695064966, + "manhattan_f1": 66.67537215983286, + "manhattan_precision": 66.00310237849017, + "manhattan_recall": 67.36147757255937, + "max_accuracy": 85.65893783155511, + "max_ap": 73.10385271517778, + "max_f1": 66.94853829427399, + "main_score": 73.10385271517778 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/TwitterURLCorpus.json b/results/avsolatorio__GIST-small-Embedding-v0/external/TwitterURLCorpus.json new file mode 100644 index 000000000..b0c337f59 --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.69096130709822, + "cos_sim_ap": 85.30326978668063, + "cos_sim_f1": 77.747088683189, + "cos_sim_precision": 75.4491451753115, + "cos_sim_recall": 80.189405605174, + "dot_accuracy": 88.43870066363954, + "dot_ap": 84.62999949222983, + "dot_f1": 77.3074661963551, + "dot_precision": 73.93871239808828, + "dot_recall": 80.99784416384355, + "euclidean_accuracy": 88.70066363953894, + "euclidean_ap": 85.34184508966621, + "euclidean_f1": 77.76871756856931, + "euclidean_precision": 74.97855917667239, + "euclidean_recall": 80.77456113335386, + "manhattan_accuracy": 88.68319944114566, + "manhattan_ap": 85.3026464242333, + "manhattan_f1": 77.66561049296294, + "manhattan_precision": 74.4665818849795, + "manhattan_recall": 81.15183246073299, + "max_accuracy": 88.70066363953894, + "max_ap": 85.34184508966621, + "max_f1": 77.76871756856931, + "main_score": 85.34184508966621 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__GIST-small-Embedding-v0/external/model_meta.json b/results/avsolatorio__GIST-small-Embedding-v0/external/model_meta.json new file mode 100644 index 000000000..f11ab067d --- /dev/null +++ b/results/avsolatorio__GIST-small-Embedding-v0/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "avsolatorio/GIST-small-Embedding-v0", + "revision": "d6c4190f9e01b9994dc7cac99cf2f2b85cfb57bc", + "release_date": "2024-02-03", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 33360000, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 384, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/AmazonCounterfactualClassification.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..0fc1669f0 --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.76119402985074, + "ap": 39.03628777559392, + "f1": 69.85860402259618, + "main_score": 75.76119402985074 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/AmazonPolarityClassification.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..6970edab0 --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.29920000000001, + "ap": 90.03479490717608, + "f1": 93.28554395248467, + "main_score": 93.29920000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/AmazonReviewsClassification.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..1ff64a331 --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 49.98799999999999, + "f1": 49.46151232451642, + "main_score": 49.98799999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/ArguAna.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/ArguAna.json new file mode 100644 index 000000000..9effd1235 --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.935000000000002, + "map_at_10": 48.791000000000004, + "map_at_100": 49.619, + "map_at_1000": 49.623, + "map_at_3": 44.334, + "map_at_5": 46.908, + "mrr_at_1": 32.93, + "mrr_at_10": 49.158, + "mrr_at_100": 50.00599999999999, + "mrr_at_1000": 50.01, + "mrr_at_3": 44.618, + "mrr_at_5": 47.325, + "ndcg_at_1": 31.935000000000002, + "ndcg_at_10": 57.593, + "ndcg_at_100": 60.841, + "ndcg_at_1000": 60.924, + "ndcg_at_3": 48.416, + "ndcg_at_5": 53.05, + "precision_at_1": 31.935000000000002, + "precision_at_10": 8.549, + "precision_at_100": 0.9900000000000001, + "precision_at_1000": 0.1, + "precision_at_3": 20.081, + "precision_at_5": 14.296000000000001, + "recall_at_1": 31.935000000000002, + "recall_at_10": 85.491, + "recall_at_100": 99.004, + "recall_at_1000": 99.644, + "recall_at_3": 60.242, + "recall_at_5": 71.479, + "main_score": 57.593 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/ArxivClusteringP2P.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..e6934aee4 --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 47.78438534940855, + "main_score": 47.78438534940855 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/ArxivClusteringS2S.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..c1be9c546 --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.12916178519471, + "main_score": 40.12916178519471 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/AskUbuntuDupQuestions.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..4e4547f12 --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 62.125361608299855, + "mrr": 74.92525172580574, + "main_score": 62.125361608299855 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/BIOSSES.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/BIOSSES.json new file mode 100644 index 000000000..fa13aeb47 --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.64322910336641, + "cos_sim_spearman": 87.20138453306345, + "euclidean_pearson": 87.08547818178234, + "euclidean_spearman": 87.17066094143931, + "manhattan_pearson": 87.30053110771618, + "manhattan_spearman": 86.86824441211934, + "cosine_pearson": 88.64322910336641, + "cosine_spearman": 87.20138453306345, + "main_score": 87.20138453306345 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/Banking77Classification.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/Banking77Classification.json new file mode 100644 index 000000000..8c1fbd7ac --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.3961038961039, + "f1": 86.3669961645295, + "main_score": 86.3961038961039 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/BiorxivClusteringP2P.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..0b1f9d419 --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.40291404289857, + "main_score": 39.40291404289857 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/BiorxivClusteringS2S.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..ca2d2036b --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.102356817746816, + "main_score": 35.102356817746816 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/CQADupstackAndroidRetrieval.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..9dc1e10b2 --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "f46a197baaae43b4f621051089b82a364682dfeb", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.013, + "map_at_10": 42.681999999999995, + "map_at_100": 44.24, + "map_at_1000": 44.372, + "map_at_3": 39.181, + "map_at_5": 41.071999999999996, + "mrr_at_1": 38.196999999999996, + "mrr_at_10": 48.604, + "mrr_at_100": 49.315, + "mrr_at_1000": 49.363, + "mrr_at_3": 45.756, + "mrr_at_5": 47.43, + "ndcg_at_1": 38.196999999999996, + "ndcg_at_10": 49.344, + "ndcg_at_100": 54.662, + "ndcg_at_1000": 56.665, + "ndcg_at_3": 44.146, + "ndcg_at_5": 46.514, + "precision_at_1": 38.196999999999996, + "precision_at_10": 9.571, + "precision_at_100": 1.542, + "precision_at_1000": 0.202, + "precision_at_3": 21.364, + "precision_at_5": 15.336, + "recall_at_1": 31.013, + "recall_at_10": 61.934999999999995, + "recall_at_100": 83.923, + "recall_at_1000": 96.601, + "recall_at_3": 46.86, + "recall_at_5": 53.620000000000005, + "main_score": 49.344 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/CQADupstackEnglishRetrieval.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/CQADupstackEnglishRetrieval.json new file mode 100644 index 000000000..878b0a9ae --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/CQADupstackEnglishRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "ad9991cb51e31e31e430383c75ffb2885547b5f0", + "task_name": "CQADupstackEnglishRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.84, + "map_at_10": 39.335, + "map_at_100": 40.647, + "map_at_1000": 40.778, + "map_at_3": 36.556, + "map_at_5": 38.048, + "mrr_at_1": 36.815, + "mrr_at_10": 45.175, + "mrr_at_100": 45.907, + "mrr_at_1000": 45.946999999999996, + "mrr_at_3": 42.909000000000006, + "mrr_at_5": 44.227, + "ndcg_at_1": 36.815, + "ndcg_at_10": 44.783, + "ndcg_at_100": 49.551, + "ndcg_at_1000": 51.612, + "ndcg_at_3": 40.697, + "ndcg_at_5": 42.558, + "precision_at_1": 36.815, + "precision_at_10": 8.363, + "precision_at_100": 1.385, + "precision_at_1000": 0.186, + "precision_at_3": 19.342000000000002, + "precision_at_5": 13.706999999999999, + "recall_at_1": 29.84, + "recall_at_10": 54.164, + "recall_at_100": 74.36, + "recall_at_1000": 87.484, + "recall_at_3": 42.306, + "recall_at_5": 47.371, + "main_score": 44.783 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/CQADupstackGamingRetrieval.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/CQADupstackGamingRetrieval.json new file mode 100644 index 000000000..bd17595f0 --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/CQADupstackGamingRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "4885aa143210c98657558c04aaf3dc47cfb54340", + "task_name": "CQADupstackGamingRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 39.231, + "map_at_10": 51.44800000000001, + "map_at_100": 52.574, + "map_at_1000": 52.629999999999995, + "map_at_3": 48.077, + "map_at_5": 50.019000000000005, + "mrr_at_1": 44.89, + "mrr_at_10": 54.803000000000004, + "mrr_at_100": 55.556000000000004, + "mrr_at_1000": 55.584, + "mrr_at_3": 52.32, + "mrr_at_5": 53.846000000000004, + "ndcg_at_1": 44.89, + "ndcg_at_10": 57.228, + "ndcg_at_100": 61.57, + "ndcg_at_1000": 62.613, + "ndcg_at_3": 51.727000000000004, + "ndcg_at_5": 54.496, + "precision_at_1": 44.89, + "precision_at_10": 9.266, + "precision_at_100": 1.2309999999999999, + "precision_at_1000": 0.136, + "precision_at_3": 23.051, + "precision_at_5": 15.987000000000002, + "recall_at_1": 39.231, + "recall_at_10": 70.82000000000001, + "recall_at_100": 89.446, + "recall_at_1000": 96.665, + "recall_at_3": 56.40500000000001, + "recall_at_5": 62.993, + "main_score": 57.228 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/CQADupstackGisRetrieval.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/CQADupstackGisRetrieval.json new file mode 100644 index 000000000..2edd0e7a2 --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/CQADupstackGisRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "5003b3064772da1887988e05400cf3806fe491f2", + "task_name": "CQADupstackGisRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.296000000000003, + "map_at_10": 34.021, + "map_at_100": 35.158, + "map_at_1000": 35.233, + "map_at_3": 31.424999999999997, + "map_at_5": 33.046, + "mrr_at_1": 27.232, + "mrr_at_10": 36.103, + "mrr_at_100": 37.076, + "mrr_at_1000": 37.135, + "mrr_at_3": 33.635, + "mrr_at_5": 35.211, + "ndcg_at_1": 27.232, + "ndcg_at_10": 38.878, + "ndcg_at_100": 44.284, + "ndcg_at_1000": 46.268, + "ndcg_at_3": 33.94, + "ndcg_at_5": 36.687, + "precision_at_1": 27.232, + "precision_at_10": 5.921, + "precision_at_100": 0.907, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 14.426, + "precision_at_5": 10.215, + "recall_at_1": 25.296000000000003, + "recall_at_10": 51.708, + "recall_at_100": 76.36699999999999, + "recall_at_1000": 91.306, + "recall_at_3": 38.651, + "recall_at_5": 45.201, + "main_score": 38.878 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/CQADupstackMathematicaRetrieval.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/CQADupstackMathematicaRetrieval.json new file mode 100644 index 000000000..d1fb06ba1 --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/CQADupstackMathematicaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "90fceea13679c63fe563ded68f3b6f06e50061de", + "task_name": "CQADupstackMathematicaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.24, + "map_at_10": 24.696, + "map_at_100": 25.945, + "map_at_1000": 26.069, + "map_at_3": 22.542, + "map_at_5": 23.526, + "mrr_at_1": 20.149, + "mrr_at_10": 29.584, + "mrr_at_100": 30.548, + "mrr_at_1000": 30.618000000000002, + "mrr_at_3": 27.301, + "mrr_at_5": 28.563, + "ndcg_at_1": 20.149, + "ndcg_at_10": 30.029, + "ndcg_at_100": 35.812, + "ndcg_at_1000": 38.755, + "ndcg_at_3": 26.008, + "ndcg_at_5": 27.517000000000003, + "precision_at_1": 20.149, + "precision_at_10": 5.647, + "precision_at_100": 0.968, + "precision_at_1000": 0.136, + "precision_at_3": 12.934999999999999, + "precision_at_5": 8.955, + "recall_at_1": 16.24, + "recall_at_10": 41.464, + "recall_at_100": 66.781, + "recall_at_1000": 87.85300000000001, + "recall_at_3": 29.822, + "recall_at_5": 34.096, + "main_score": 30.029 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/CQADupstackPhysicsRetrieval.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/CQADupstackPhysicsRetrieval.json new file mode 100644 index 000000000..a75a39024 --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/CQADupstackPhysicsRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "79531abbd1fb92d06c6d6315a0cbbbf5bb247ea4", + "task_name": "CQADupstackPhysicsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.044999999999998, + "map_at_10": 39.568999999999996, + "map_at_100": 40.831, + "map_at_1000": 40.948, + "map_at_3": 36.495, + "map_at_5": 38.21, + "mrr_at_1": 35.611, + "mrr_at_10": 45.175, + "mrr_at_100": 45.974, + "mrr_at_1000": 46.025, + "mrr_at_3": 42.765, + "mrr_at_5": 44.151, + "ndcg_at_1": 35.611, + "ndcg_at_10": 45.556999999999995, + "ndcg_at_100": 50.86000000000001, + "ndcg_at_1000": 52.983000000000004, + "ndcg_at_3": 40.881, + "ndcg_at_5": 43.035000000000004, + "precision_at_1": 35.611, + "precision_at_10": 8.306, + "precision_at_100": 1.276, + "precision_at_1000": 0.165, + "precision_at_3": 19.57, + "precision_at_5": 13.725000000000001, + "recall_at_1": 29.044999999999998, + "recall_at_10": 57.513999999999996, + "recall_at_100": 80.152, + "recall_at_1000": 93.982, + "recall_at_3": 44.121, + "recall_at_5": 50.007000000000005, + "main_score": 45.556999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/CQADupstackProgrammersRetrieval.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/CQADupstackProgrammersRetrieval.json new file mode 100644 index 000000000..29e008c89 --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/CQADupstackProgrammersRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "6184bc1440d2dbc7612be22b50686b8826d22b32", + "task_name": "CQADupstackProgrammersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.349, + "map_at_10": 33.434000000000005, + "map_at_100": 34.8, + "map_at_1000": 34.919, + "map_at_3": 30.348000000000003, + "map_at_5": 31.917, + "mrr_at_1": 28.195999999999998, + "mrr_at_10": 38.557, + "mrr_at_100": 39.550999999999995, + "mrr_at_1000": 39.607, + "mrr_at_3": 36.035000000000004, + "mrr_at_5": 37.364999999999995, + "ndcg_at_1": 28.195999999999998, + "ndcg_at_10": 39.656000000000006, + "ndcg_at_100": 45.507999999999996, + "ndcg_at_1000": 47.848, + "ndcg_at_3": 34.609, + "ndcg_at_5": 36.65, + "precision_at_1": 28.195999999999998, + "precision_at_10": 7.534000000000001, + "precision_at_100": 1.217, + "precision_at_1000": 0.158, + "precision_at_3": 17.085, + "precision_at_5": 12.169, + "recall_at_1": 22.349, + "recall_at_10": 53.127, + "recall_at_100": 77.884, + "recall_at_1000": 93.705, + "recall_at_3": 38.611000000000004, + "recall_at_5": 44.182, + "main_score": 39.656000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/CQADupstackStatsRetrieval.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/CQADupstackStatsRetrieval.json new file mode 100644 index 000000000..980e81d2b --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/CQADupstackStatsRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "65ac3a16b8e91f9cee4c9828cc7c335575432a2a", + "task_name": "CQADupstackStatsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.352, + "map_at_10": 30.576999999999998, + "map_at_100": 31.545, + "map_at_1000": 31.642, + "map_at_3": 28.605000000000004, + "map_at_5": 29.828, + "mrr_at_1": 26.994, + "mrr_at_10": 33.151, + "mrr_at_100": 33.973, + "mrr_at_1000": 34.044999999999995, + "mrr_at_3": 31.135, + "mrr_at_5": 32.262, + "ndcg_at_1": 26.994, + "ndcg_at_10": 34.307, + "ndcg_at_100": 39.079, + "ndcg_at_1000": 41.548, + "ndcg_at_3": 30.581000000000003, + "ndcg_at_5": 32.541, + "precision_at_1": 26.994, + "precision_at_10": 5.244999999999999, + "precision_at_100": 0.831, + "precision_at_1000": 0.11100000000000002, + "precision_at_3": 12.781, + "precision_at_5": 9.017999999999999, + "recall_at_1": 24.352, + "recall_at_10": 43.126999999999995, + "recall_at_100": 64.845, + "recall_at_1000": 83.244, + "recall_at_3": 33.308, + "recall_at_5": 37.984, + "main_score": 34.307 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/CQADupstackTexRetrieval.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/CQADupstackTexRetrieval.json new file mode 100644 index 000000000..db48d5dd5 --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/CQADupstackTexRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "46989137a86843e03a6195de44b09deda022eec7", + "task_name": "CQADupstackTexRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.592000000000002, + "map_at_10": 23.29, + "map_at_100": 24.423000000000002, + "map_at_1000": 24.554000000000002, + "map_at_3": 20.958, + "map_at_5": 22.267, + "mrr_at_1": 20.061999999999998, + "mrr_at_10": 26.973999999999997, + "mrr_at_100": 27.944999999999997, + "mrr_at_1000": 28.023999999999997, + "mrr_at_3": 24.839, + "mrr_at_5": 26.033, + "ndcg_at_1": 20.061999999999998, + "ndcg_at_10": 27.682000000000002, + "ndcg_at_100": 33.196, + "ndcg_at_1000": 36.246, + "ndcg_at_3": 23.559, + "ndcg_at_5": 25.507, + "precision_at_1": 20.061999999999998, + "precision_at_10": 5.086, + "precision_at_100": 0.9249999999999999, + "precision_at_1000": 0.136, + "precision_at_3": 11.046, + "precision_at_5": 8.149000000000001, + "recall_at_1": 16.592000000000002, + "recall_at_10": 37.181999999999995, + "recall_at_100": 62.224999999999994, + "recall_at_1000": 84.072, + "recall_at_3": 25.776, + "recall_at_5": 30.680000000000003, + "main_score": 27.682000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/CQADupstackUnixRetrieval.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/CQADupstackUnixRetrieval.json new file mode 100644 index 000000000..7ad1f00e5 --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/CQADupstackUnixRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "6c6430d3a6d36f8d2a829195bc5dc94d7e063e53", + "task_name": "CQADupstackUnixRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.035999999999998, + "map_at_10": 34.447, + "map_at_100": 35.697, + "map_at_1000": 35.802, + "map_at_3": 31.64, + "map_at_5": 33.056999999999995, + "mrr_at_1": 29.851, + "mrr_at_10": 38.143, + "mrr_at_100": 39.113, + "mrr_at_1000": 39.175, + "mrr_at_3": 35.665, + "mrr_at_5": 36.901, + "ndcg_at_1": 29.851, + "ndcg_at_10": 39.554, + "ndcg_at_100": 45.091, + "ndcg_at_1000": 47.504000000000005, + "ndcg_at_3": 34.414, + "ndcg_at_5": 36.508, + "precision_at_1": 29.851, + "precision_at_10": 6.614000000000001, + "precision_at_100": 1.051, + "precision_at_1000": 0.13699999999999998, + "precision_at_3": 15.329999999999998, + "precision_at_5": 10.671999999999999, + "recall_at_1": 26.035999999999998, + "recall_at_10": 51.396, + "recall_at_100": 75.09, + "recall_at_1000": 91.904, + "recall_at_3": 37.378, + "recall_at_5": 42.69, + "main_score": 39.554 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/CQADupstackWebmastersRetrieval.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/CQADupstackWebmastersRetrieval.json new file mode 100644 index 000000000..dc5c75960 --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/CQADupstackWebmastersRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "160c094312a0e1facb97e55eeddb698c0abe3571", + "task_name": "CQADupstackWebmastersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.211000000000002, + "map_at_10": 32.231, + "map_at_100": 33.772999999999996, + "map_at_1000": 33.982, + "map_at_3": 29.128, + "map_at_5": 31.002999999999997, + "mrr_at_1": 27.668, + "mrr_at_10": 36.388, + "mrr_at_100": 37.384, + "mrr_at_1000": 37.44, + "mrr_at_3": 33.762, + "mrr_at_5": 35.234, + "ndcg_at_1": 27.668, + "ndcg_at_10": 38.043, + "ndcg_at_100": 44.21, + "ndcg_at_1000": 46.748, + "ndcg_at_3": 32.981, + "ndcg_at_5": 35.58, + "precision_at_1": 27.668, + "precision_at_10": 7.352, + "precision_at_100": 1.5, + "precision_at_1000": 0.23700000000000002, + "precision_at_3": 15.613, + "precision_at_5": 11.501999999999999, + "recall_at_1": 23.211000000000002, + "recall_at_10": 49.851, + "recall_at_100": 77.596, + "recall_at_1000": 93.683, + "recall_at_3": 35.403, + "recall_at_5": 42.485, + "main_score": 38.043 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/CQADupstackWordpressRetrieval.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/CQADupstackWordpressRetrieval.json new file mode 100644 index 000000000..6b39f112e --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/CQADupstackWordpressRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "4ffe81d471b1924886b33c7567bfb200e9eec5c4", + "task_name": "CQADupstackWordpressRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.384, + "map_at_10": 26.262999999999998, + "map_at_100": 27.409, + "map_at_1000": 27.526, + "map_at_3": 23.698, + "map_at_5": 25.217, + "mrr_at_1": 20.702, + "mrr_at_10": 27.810000000000002, + "mrr_at_100": 28.863, + "mrr_at_1000": 28.955, + "mrr_at_3": 25.230999999999998, + "mrr_at_5": 26.821, + "ndcg_at_1": 20.702, + "ndcg_at_10": 30.688, + "ndcg_at_100": 36.138999999999996, + "ndcg_at_1000": 38.984, + "ndcg_at_3": 25.663000000000004, + "ndcg_at_5": 28.242, + "precision_at_1": 20.702, + "precision_at_10": 4.954, + "precision_at_100": 0.823, + "precision_at_1000": 0.11800000000000001, + "precision_at_3": 10.844, + "precision_at_5": 8.096, + "recall_at_1": 19.384, + "recall_at_10": 42.847, + "recall_at_100": 67.402, + "recall_at_1000": 88.145, + "recall_at_3": 29.513, + "recall_at_5": 35.57, + "main_score": 30.688 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/ClimateFEVER.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/ClimateFEVER.json new file mode 100644 index 000000000..e1674df6b --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 14.915000000000001, + "map_at_10": 25.846999999999998, + "map_at_100": 27.741, + "map_at_1000": 27.921000000000003, + "map_at_3": 21.718, + "map_at_5": 23.948, + "mrr_at_1": 33.941, + "mrr_at_10": 46.897, + "mrr_at_100": 47.63, + "mrr_at_1000": 47.658, + "mrr_at_3": 43.919999999999995, + "mrr_at_5": 45.783, + "ndcg_at_1": 33.941, + "ndcg_at_10": 35.202, + "ndcg_at_100": 42.132, + "ndcg_at_1000": 45.190999999999995, + "ndcg_at_3": 29.68, + "ndcg_at_5": 31.631999999999998, + "precision_at_1": 33.941, + "precision_at_10": 10.906, + "precision_at_100": 1.8339999999999999, + "precision_at_1000": 0.241, + "precision_at_3": 22.606, + "precision_at_5": 17.081, + "recall_at_1": 14.915000000000001, + "recall_at_10": 40.737, + "recall_at_100": 64.42, + "recall_at_1000": 81.435, + "recall_at_3": 26.767000000000003, + "recall_at_5": 32.895, + "main_score": 35.202 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/DBPedia.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/DBPedia.json new file mode 100644 index 000000000..9158d44ee --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.665000000000001, + "map_at_10": 19.087, + "map_at_100": 26.555, + "map_at_1000": 28.105999999999998, + "map_at_3": 13.858999999999998, + "map_at_5": 16.083, + "mrr_at_1": 68.5, + "mrr_at_10": 76.725, + "mrr_at_100": 76.974, + "mrr_at_1000": 76.981, + "mrr_at_3": 75.583, + "mrr_at_5": 76.208, + "ndcg_at_1": 55.875, + "ndcg_at_10": 41.018, + "ndcg_at_100": 44.982, + "ndcg_at_1000": 52.43, + "ndcg_at_3": 46.534, + "ndcg_at_5": 43.083, + "precision_at_1": 68.5, + "precision_at_10": 32.35, + "precision_at_100": 10.078, + "precision_at_1000": 1.957, + "precision_at_3": 50.083, + "precision_at_5": 41.3, + "recall_at_1": 8.665000000000001, + "recall_at_10": 24.596999999999998, + "recall_at_100": 50.612, + "recall_at_1000": 74.24, + "recall_at_3": 15.337, + "recall_at_5": 18.796, + "main_score": 41.018 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/EmotionClassification.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/EmotionClassification.json new file mode 100644 index 000000000..dab2fb1b6 --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 55.06500000000001, + "f1": 49.827367590822035, + "main_score": 55.06500000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/FEVER.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/FEVER.json new file mode 100644 index 000000000..977195c32 --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 76.059, + "map_at_10": 83.625, + "map_at_100": 83.845, + "map_at_1000": 83.858, + "map_at_3": 82.67099999999999, + "map_at_5": 83.223, + "mrr_at_1": 82.013, + "mrr_at_10": 88.44800000000001, + "mrr_at_100": 88.535, + "mrr_at_1000": 88.537, + "mrr_at_3": 87.854, + "mrr_at_5": 88.221, + "ndcg_at_1": 82.013, + "ndcg_at_10": 87.128, + "ndcg_at_100": 87.922, + "ndcg_at_1000": 88.166, + "ndcg_at_3": 85.648, + "ndcg_at_5": 86.366, + "precision_at_1": 82.013, + "precision_at_10": 10.32, + "precision_at_100": 1.093, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 32.408, + "precision_at_5": 19.973, + "recall_at_1": 76.059, + "recall_at_10": 93.229, + "recall_at_100": 96.387, + "recall_at_1000": 97.916, + "recall_at_3": 89.025, + "recall_at_5": 90.96300000000001, + "main_score": 87.128 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/FiQA2018.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/FiQA2018.json new file mode 100644 index 000000000..094bcd865 --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.479, + "map_at_10": 33.109, + "map_at_100": 34.803, + "map_at_1000": 35.003, + "map_at_3": 28.967, + "map_at_5": 31.385, + "mrr_at_1": 40.278000000000006, + "mrr_at_10": 48.929, + "mrr_at_100": 49.655, + "mrr_at_1000": 49.691, + "mrr_at_3": 46.605000000000004, + "mrr_at_5": 48.056, + "ndcg_at_1": 40.278000000000006, + "ndcg_at_10": 40.649, + "ndcg_at_100": 47.027, + "ndcg_at_1000": 50.249, + "ndcg_at_3": 37.364000000000004, + "ndcg_at_5": 38.494, + "precision_at_1": 40.278000000000006, + "precision_at_10": 11.327, + "precision_at_100": 1.802, + "precision_at_1000": 0.23700000000000002, + "precision_at_3": 25.102999999999998, + "precision_at_5": 18.457, + "recall_at_1": 20.479, + "recall_at_10": 46.594, + "recall_at_100": 71.101, + "recall_at_1000": 90.31099999999999, + "recall_at_3": 33.378, + "recall_at_5": 39.587, + "main_score": 40.649 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/HotpotQA.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/HotpotQA.json new file mode 100644 index 000000000..51a5ff5d2 --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 36.59, + "map_at_10": 58.178, + "map_at_100": 59.095, + "map_at_1000": 59.16400000000001, + "map_at_3": 54.907, + "map_at_5": 56.89999999999999, + "mrr_at_1": 73.18, + "mrr_at_10": 79.935, + "mrr_at_100": 80.16799999999999, + "mrr_at_1000": 80.17800000000001, + "mrr_at_3": 78.776, + "mrr_at_5": 79.522, + "ndcg_at_1": 73.18, + "ndcg_at_10": 66.538, + "ndcg_at_100": 69.78, + "ndcg_at_1000": 71.102, + "ndcg_at_3": 61.739, + "ndcg_at_5": 64.35600000000001, + "precision_at_1": 73.18, + "precision_at_10": 14.035, + "precision_at_100": 1.657, + "precision_at_1000": 0.183, + "precision_at_3": 39.684999999999995, + "precision_at_5": 25.885, + "recall_at_1": 36.59, + "recall_at_10": 70.176, + "recall_at_100": 82.836, + "recall_at_1000": 91.526, + "recall_at_3": 59.526999999999994, + "recall_at_5": 64.713, + "main_score": 66.538 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/ImdbClassification.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/ImdbClassification.json new file mode 100644 index 000000000..6d2a51cad --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 90.1472, + "ap": 85.73994227076815, + "f1": 90.1271700788608, + "main_score": 90.1472 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/MSMARCO.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/MSMARCO.json new file mode 100644 index 000000000..58dc09de9 --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.689, + "map_at_10": 33.518, + "map_at_100": 34.715, + "map_at_1000": 34.766000000000005, + "map_at_3": 29.781000000000002, + "map_at_5": 31.838, + "mrr_at_1": 22.249, + "mrr_at_10": 34.085, + "mrr_at_100": 35.223, + "mrr_at_1000": 35.266999999999996, + "mrr_at_3": 30.398999999999997, + "mrr_at_5": 32.437, + "ndcg_at_1": 22.249, + "ndcg_at_10": 40.227000000000004, + "ndcg_at_100": 45.961999999999996, + "ndcg_at_1000": 47.248000000000005, + "ndcg_at_3": 32.566, + "ndcg_at_5": 36.229, + "precision_at_1": 22.249, + "precision_at_10": 6.358, + "precision_at_100": 0.923, + "precision_at_1000": 0.10300000000000001, + "precision_at_3": 13.83, + "precision_at_5": 10.145999999999999, + "recall_at_1": 21.689, + "recall_at_10": 60.92999999999999, + "recall_at_100": 87.40599999999999, + "recall_at_1000": 97.283, + "recall_at_3": 40.01, + "recall_at_5": 48.776, + "main_score": 40.227000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/MTOPDomainClassification.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/MTOPDomainClassification.json new file mode 100644 index 000000000..82fbd90c1 --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 95.28727770177838, + "f1": 95.02577308660041, + "main_score": 95.28727770177838 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/MTOPIntentClassification.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/MTOPIntentClassification.json new file mode 100644 index 000000000..84d3e6be0 --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.5736434108527, + "f1": 61.2451202054398, + "main_score": 79.5736434108527 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/MassiveIntentClassification.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/MassiveIntentClassification.json new file mode 100644 index 000000000..28aabee32 --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.01210490921318, + "f1": 73.70188053982473, + "main_score": 76.01210490921318 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/MassiveScenarioClassification.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..1b7f7dc16 --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.33422999327504, + "f1": 79.48369022509658, + "main_score": 79.33422999327504 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/MedrxivClusteringP2P.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..a8b52ce14 --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.70891567267726, + "main_score": 34.70891567267726 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/MedrxivClusteringS2S.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..17a44c2d7 --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.15203494451706, + "main_score": 32.15203494451706 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/MindSmallReranking.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/MindSmallReranking.json new file mode 100644 index 000000000..1fa85b119 --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.919517862194173, + "mrr": 33.15466289140483, + "main_score": 31.919517862194173 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/NFCorpus.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/NFCorpus.json new file mode 100644 index 000000000..9c49a9989 --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.992, + "map_at_10": 13.197000000000001, + "map_at_100": 16.907, + "map_at_1000": 18.44, + "map_at_3": 9.631, + "map_at_5": 11.243, + "mrr_at_1": 44.272, + "mrr_at_10": 53.321, + "mrr_at_100": 53.903, + "mrr_at_1000": 53.952999999999996, + "mrr_at_3": 51.393, + "mrr_at_5": 52.708999999999996, + "ndcg_at_1": 42.415000000000006, + "ndcg_at_10": 34.921, + "ndcg_at_100": 32.384, + "ndcg_at_1000": 41.260000000000005, + "ndcg_at_3": 40.186, + "ndcg_at_5": 37.89, + "precision_at_1": 44.272, + "precision_at_10": 26.006, + "precision_at_100": 8.44, + "precision_at_1000": 2.136, + "precision_at_3": 37.977, + "precision_at_5": 32.755, + "recall_at_1": 5.992, + "recall_at_10": 17.01, + "recall_at_100": 33.080999999999996, + "recall_at_1000": 65.054, + "recall_at_3": 10.528, + "recall_at_5": 13.233, + "main_score": 34.921 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/NQ.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/NQ.json new file mode 100644 index 000000000..d6a1d9608 --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.871999999999996, + "map_at_10": 43.286, + "map_at_100": 44.432, + "map_at_1000": 44.464999999999996, + "map_at_3": 38.856, + "map_at_5": 41.514, + "mrr_at_1": 32.619, + "mrr_at_10": 45.75, + "mrr_at_100": 46.622, + "mrr_at_1000": 46.646, + "mrr_at_3": 41.985, + "mrr_at_5": 44.277, + "ndcg_at_1": 32.59, + "ndcg_at_10": 50.895999999999994, + "ndcg_at_100": 55.711999999999996, + "ndcg_at_1000": 56.48800000000001, + "ndcg_at_3": 42.504999999999995, + "ndcg_at_5": 46.969, + "precision_at_1": 32.59, + "precision_at_10": 8.543000000000001, + "precision_at_100": 1.123, + "precision_at_1000": 0.12, + "precision_at_3": 19.448, + "precision_at_5": 14.218, + "recall_at_1": 28.871999999999996, + "recall_at_10": 71.748, + "recall_at_100": 92.55499999999999, + "recall_at_1000": 98.327, + "recall_at_3": 49.944, + "recall_at_5": 60.291, + "main_score": 50.895999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/QuoraRetrieval.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/QuoraRetrieval.json new file mode 100644 index 000000000..505365dec --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "e4e08e0b7dbe3c8700f0daef558ff32256715259", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 70.664, + "map_at_10": 84.681, + "map_at_100": 85.289, + "map_at_1000": 85.306, + "map_at_3": 81.719, + "map_at_5": 83.601, + "mrr_at_1": 81.35, + "mrr_at_10": 87.591, + "mrr_at_100": 87.691, + "mrr_at_1000": 87.693, + "mrr_at_3": 86.675, + "mrr_at_5": 87.29299999999999, + "ndcg_at_1": 81.33, + "ndcg_at_10": 88.411, + "ndcg_at_100": 89.579, + "ndcg_at_1000": 89.687, + "ndcg_at_3": 85.613, + "ndcg_at_5": 87.17, + "precision_at_1": 81.33, + "precision_at_10": 13.422, + "precision_at_100": 1.5270000000000001, + "precision_at_1000": 0.157, + "precision_at_3": 37.463, + "precision_at_5": 24.646, + "recall_at_1": 70.664, + "recall_at_10": 95.54, + "recall_at_100": 99.496, + "recall_at_1000": 99.978, + "recall_at_3": 87.481, + "recall_at_5": 91.88499999999999, + "main_score": 88.411 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/RedditClustering.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/RedditClustering.json new file mode 100644 index 000000000..ec52fdf55 --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 55.40341814991112, + "main_score": 55.40341814991112 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/RedditClusteringP2P.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/RedditClusteringP2P.json new file mode 100644 index 000000000..ae121a9a1 --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 61.231318481346655, + "main_score": 61.231318481346655 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/SCIDOCS.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/SCIDOCS.json new file mode 100644 index 000000000..eac17e4e3 --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "f8c2fcf00f625baaa80f62ec5bd9e1fff3b8ae88", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.833, + "map_at_10": 13.149, + "map_at_100": 15.578, + "map_at_1000": 15.963, + "map_at_3": 9.269, + "map_at_5": 11.182, + "mrr_at_1": 23.9, + "mrr_at_10": 35.978, + "mrr_at_100": 37.076, + "mrr_at_1000": 37.126, + "mrr_at_3": 32.333, + "mrr_at_5": 34.413, + "ndcg_at_1": 23.9, + "ndcg_at_10": 21.823, + "ndcg_at_100": 30.833, + "ndcg_at_1000": 36.991, + "ndcg_at_3": 20.465, + "ndcg_at_5": 17.965999999999998, + "precision_at_1": 23.9, + "precision_at_10": 11.49, + "precision_at_100": 2.444, + "precision_at_1000": 0.392, + "precision_at_3": 19.3, + "precision_at_5": 15.959999999999999, + "recall_at_1": 4.833, + "recall_at_10": 23.294999999999998, + "recall_at_100": 49.63, + "recall_at_1000": 79.49199999999999, + "recall_at_3": 11.732, + "recall_at_5": 16.167, + "main_score": 21.823 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/SICK-R.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/SICK-R.json new file mode 100644 index 000000000..671a4edc1 --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.62938108735759, + "cos_sim_spearman": 80.30777094408789, + "euclidean_pearson": 82.94516686659536, + "euclidean_spearman": 80.34489663248169, + "manhattan_pearson": 82.85830094736245, + "manhattan_spearman": 80.24902623215449, + "cosine_pearson": 85.62938108735759, + "cosine_spearman": 80.30777094408789, + "main_score": 80.30777094408789 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/STS12.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/STS12.json new file mode 100644 index 000000000..a15b0027a --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.23777464247604, + "cos_sim_spearman": 75.75714864112797, + "euclidean_pearson": 82.33806918604493, + "euclidean_spearman": 75.45282124387357, + "manhattan_pearson": 82.32555620660538, + "manhattan_spearman": 75.49228731684082, + "cosine_pearson": 85.23777464247604, + "cosine_spearman": 75.75714864112797, + "main_score": 75.75714864112797 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/STS13.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/STS13.json new file mode 100644 index 000000000..298d01689 --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.88151620954451, + "cos_sim_spearman": 86.08377598473446, + "euclidean_pearson": 85.36958329369413, + "euclidean_spearman": 86.10274219670679, + "manhattan_pearson": 85.25873897594711, + "manhattan_spearman": 85.98096461661584, + "cosine_pearson": 84.88151620954451, + "cosine_spearman": 86.08377598473446, + "main_score": 86.08377598473446 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/STS14.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/STS14.json new file mode 100644 index 000000000..09f398df3 --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.29360558735978, + "cos_sim_spearman": 82.28284203795577, + "euclidean_pearson": 83.81636655536633, + "euclidean_spearman": 82.24340438530236, + "manhattan_pearson": 83.83914453428608, + "manhattan_spearman": 82.28391354080694, + "cosine_pearson": 84.29360558735978, + "cosine_spearman": 82.28284203795577, + "main_score": 82.28284203795577 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/STS15.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/STS15.json new file mode 100644 index 000000000..1cbd7881d --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.47344180426744, + "cos_sim_spearman": 88.90045649789438, + "euclidean_pearson": 88.43020815961273, + "euclidean_spearman": 89.0087449011776, + "manhattan_pearson": 88.37601826505525, + "manhattan_spearman": 88.96756360690617, + "cosine_pearson": 87.47344180426744, + "cosine_spearman": 88.90045649789438, + "main_score": 88.90045649789438 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/STS16.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/STS16.json new file mode 100644 index 000000000..881459e17 --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.35997025304613, + "cos_sim_spearman": 85.18237675717147, + "euclidean_pearson": 84.46478196990202, + "euclidean_spearman": 85.27748677712205, + "manhattan_pearson": 84.29342543953123, + "manhattan_spearman": 85.10579612516567, + "cosine_pearson": 83.35997025304613, + "cosine_spearman": 85.18237675717147, + "main_score": 85.18237675717147 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/STS17.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/STS17.json new file mode 100644 index 000000000..ef72f5094 --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.56668329596836, + "cos_sim_spearman": 88.72837234129177, + "euclidean_pearson": 89.39395650897828, + "euclidean_spearman": 88.82001247906778, + "manhattan_pearson": 89.41735354368878, + "manhattan_spearman": 88.95159141850039, + "cosine_pearson": 88.56668329596836, + "cosine_spearman": 88.72837234129177, + "main_score": 88.72837234129177 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/STS22.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/STS22.json new file mode 100644 index 000000000..dbcef8da9 --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "eea2b4fe26a775864c896887d910b76a8098ad3f", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 67.466167902991, + "cos_sim_spearman": 68.54466147197274, + "euclidean_pearson": 69.35551179564695, + "euclidean_spearman": 68.75455717749132, + "manhattan_pearson": 69.42432368208264, + "manhattan_spearman": 68.83203709670562, + "cosine_pearson": 67.466167902991, + "cosine_spearman": 68.54466147197274, + "main_score": 68.54466147197274 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/STSBenchmark.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/STSBenchmark.json new file mode 100644 index 000000000..cade9db9c --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.33241300373689, + "cos_sim_spearman": 86.97909372129874, + "euclidean_pearson": 86.99526113559924, + "euclidean_spearman": 87.02644372623219, + "manhattan_pearson": 86.78744182759846, + "manhattan_spearman": 86.8886180198196, + "cosine_pearson": 85.33241300373689, + "cosine_spearman": 86.97909372129874, + "main_score": 86.97909372129874 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/SciDocsRR.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/SciDocsRR.json new file mode 100644 index 000000000..108604040 --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 86.18374413668717, + "mrr": 95.93213068703264, + "main_score": 86.18374413668717 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/SciFact.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/SciFact.json new file mode 100644 index 000000000..5fcab277d --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 58.31699999999999, + "map_at_10": 67.691, + "map_at_100": 68.201, + "map_at_1000": 68.232, + "map_at_3": 64.47800000000001, + "map_at_5": 66.51, + "mrr_at_1": 61.0, + "mrr_at_10": 68.621, + "mrr_at_100": 68.973, + "mrr_at_1000": 69.002, + "mrr_at_3": 66.111, + "mrr_at_5": 67.578, + "ndcg_at_1": 61.0, + "ndcg_at_10": 72.219, + "ndcg_at_100": 74.397, + "ndcg_at_1000": 75.021, + "ndcg_at_3": 66.747, + "ndcg_at_5": 69.609, + "precision_at_1": 61.0, + "precision_at_10": 9.6, + "precision_at_100": 1.08, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 25.667, + "precision_at_5": 17.267, + "recall_at_1": 58.31699999999999, + "recall_at_10": 85.233, + "recall_at_100": 95.167, + "recall_at_1000": 99.667, + "recall_at_3": 70.589, + "recall_at_5": 77.628, + "main_score": 72.219 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/SprintDuplicateQuestions.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..8508344fe --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.83267326732673, + "cos_sim_ap": 96.13707107038228, + "cos_sim_f1": 91.48830263812842, + "cos_sim_precision": 91.0802775024777, + "cos_sim_recall": 91.9, + "dot_accuracy": 99.83069306930693, + "dot_ap": 96.21199069147254, + "dot_f1": 91.36295556665004, + "dot_precision": 91.22632103688933, + "dot_recall": 91.5, + "euclidean_accuracy": 99.83267326732673, + "euclidean_ap": 96.08957801367436, + "euclidean_f1": 91.33004926108374, + "euclidean_precision": 90.0, + "euclidean_recall": 92.7, + "manhattan_accuracy": 99.83564356435643, + "manhattan_ap": 96.10534946461945, + "manhattan_f1": 91.74950298210736, + "manhattan_precision": 91.20553359683794, + "manhattan_recall": 92.30000000000001, + "max_accuracy": 99.83564356435643, + "max_ap": 96.21199069147254, + "max_f1": 91.74950298210736, + "main_score": 96.21199069147254 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/StackExchangeClustering.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/StackExchangeClustering.json new file mode 100644 index 000000000..bdb0fb96d --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 62.045718843534736, + "main_score": 62.045718843534736 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/StackExchangeClusteringP2P.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..eafe7e875 --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.6501777041092, + "main_score": 36.6501777041092 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/StackOverflowDupQuestions.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..3c7b6e486 --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 52.963913408053955, + "mrr": 53.87972423818012, + "main_score": 52.963913408053955 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/SummEval.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/SummEval.json new file mode 100644 index 000000000..6e263461f --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.44195730764998, + "cos_sim_spearman": 30.59626288679397, + "dot_pearson": 30.22974492404086, + "dot_spearman": 29.345245972906497, + "cosine_pearson": 30.44195730764998, + "cosine_spearman": 30.59626288679397, + "main_score": 30.59626288679397 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/TRECCOVID.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/TRECCOVID.json new file mode 100644 index 000000000..9dc0eec71 --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "bb9466bac8153a0349341eb1b22e06409e78ef4e", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.24, + "map_at_10": 2.01, + "map_at_100": 11.928999999999998, + "map_at_1000": 29.034, + "map_at_3": 0.679, + "map_at_5": 1.064, + "mrr_at_1": 92.0, + "mrr_at_10": 96.0, + "mrr_at_100": 96.0, + "mrr_at_1000": 96.0, + "mrr_at_3": 96.0, + "mrr_at_5": 96.0, + "ndcg_at_1": 87.0, + "ndcg_at_10": 80.118, + "ndcg_at_100": 60.753, + "ndcg_at_1000": 54.632999999999996, + "ndcg_at_3": 83.073, + "ndcg_at_5": 80.733, + "precision_at_1": 92.0, + "precision_at_10": 84.8, + "precision_at_100": 62.019999999999996, + "precision_at_1000": 24.028, + "precision_at_3": 87.333, + "precision_at_5": 85.2, + "recall_at_1": 0.24, + "recall_at_10": 2.205, + "recall_at_100": 15.068000000000001, + "recall_at_1000": 51.796, + "recall_at_3": 0.698, + "recall_at_5": 1.1199999999999999, + "main_score": 80.118 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/Touche2020.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/Touche2020.json new file mode 100644 index 000000000..8aec15d3e --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.066, + "map_at_10": 9.219, + "map_at_100": 15.387, + "map_at_1000": 16.957, + "map_at_3": 5.146, + "map_at_5": 6.6739999999999995, + "mrr_at_1": 40.816, + "mrr_at_10": 50.844, + "mrr_at_100": 51.664, + "mrr_at_1000": 51.664, + "mrr_at_3": 46.259, + "mrr_at_5": 49.116, + "ndcg_at_1": 37.755, + "ndcg_at_10": 23.477, + "ndcg_at_100": 36.268, + "ndcg_at_1000": 47.946, + "ndcg_at_3": 25.832, + "ndcg_at_5": 24.235, + "precision_at_1": 40.816, + "precision_at_10": 20.204, + "precision_at_100": 7.611999999999999, + "precision_at_1000": 1.543, + "precision_at_3": 25.169999999999998, + "precision_at_5": 23.265, + "recall_at_1": 3.066, + "recall_at_10": 14.985999999999999, + "recall_at_100": 47.902, + "recall_at_1000": 83.56400000000001, + "recall_at_3": 5.755, + "recall_at_5": 8.741999999999999, + "main_score": 23.477 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/ToxicConversationsClassification.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..bf7a8d7f9 --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.437, + "ap": 12.844066827082706, + "f1": 52.74974809872495, + "main_score": 69.437 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/TweetSentimentExtractionClassification.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..648bde26d --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.26768534238823, + "f1": 61.65100187399282, + "main_score": 61.26768534238823 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/TwentyNewsgroupsClustering.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..0855dfec9 --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 49.860968711078804, + "main_score": 49.860968711078804 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/TwitterSemEval2015.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/TwitterSemEval2015.json new file mode 100644 index 000000000..b837ac706 --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 85.7423854085951, + "cos_sim_ap": 73.47560303339571, + "cos_sim_f1": 67.372778183589, + "cos_sim_precision": 62.54520795660036, + "cos_sim_recall": 73.00791556728232, + "dot_accuracy": 85.36091077069798, + "dot_ap": 72.42521572307255, + "dot_f1": 66.90576304724215, + "dot_precision": 62.96554934823091, + "dot_recall": 71.37203166226914, + "euclidean_accuracy": 85.76026703224653, + "euclidean_ap": 73.44852563860128, + "euclidean_f1": 67.3, + "euclidean_precision": 63.94299287410926, + "euclidean_recall": 71.02902374670185, + "manhattan_accuracy": 85.7423854085951, + "manhattan_ap": 73.2635034755551, + "manhattan_f1": 67.3180263800684, + "manhattan_precision": 62.66484765802638, + "manhattan_recall": 72.71767810026385, + "max_accuracy": 85.76026703224653, + "max_ap": 73.47560303339571, + "max_f1": 67.372778183589, + "main_score": 73.47560303339571 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/TwitterURLCorpus.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/TwitterURLCorpus.json new file mode 100644 index 000000000..5023bf753 --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.67543757519307, + "cos_sim_ap": 85.35516518531304, + "cos_sim_f1": 77.58197635511934, + "cos_sim_precision": 75.01078360891445, + "cos_sim_recall": 80.33569448721897, + "dot_accuracy": 87.61400240617844, + "dot_ap": 83.0774968268665, + "dot_f1": 75.68229012162561, + "dot_precision": 72.99713876967095, + "dot_recall": 78.57252848783493, + "euclidean_accuracy": 88.73753250281368, + "euclidean_ap": 85.48043564821317, + "euclidean_f1": 77.75975862719216, + "euclidean_precision": 76.21054187920456, + "euclidean_recall": 79.37326763166, + "manhattan_accuracy": 88.75111576823068, + "manhattan_ap": 85.44993439423668, + "manhattan_f1": 77.6861329994845, + "manhattan_precision": 74.44601270289344, + "manhattan_recall": 81.22112719433323, + "max_accuracy": 88.75111576823068, + "max_ap": 85.48043564821317, + "max_f1": 77.75975862719216, + "main_score": 85.48043564821317 + } + ] + } +} \ No newline at end of file diff --git a/results/avsolatorio__NoInstruct-small-Embedding-v0/external/model_meta.json b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/model_meta.json new file mode 100644 index 000000000..bc54ca974 --- /dev/null +++ b/results/avsolatorio__NoInstruct-small-Embedding-v0/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "avsolatorio/NoInstruct-small-Embedding-v0", + "revision": "b38747000553d8268915c95a55fc87e707c9aadd", + "release_date": "2024-05-01", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 33360000, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 384, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/AmazonCounterfactualClassification.json b/results/barisaydin__bge-base-en/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..438d438ac --- /dev/null +++ b/results/barisaydin__bge-base-en/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.73134328358209, + "ap": 38.97277232632892, + "f1": 69.81740361139785, + "main_score": 75.73134328358209 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/AmazonPolarityClassification.json b/results/barisaydin__bge-base-en/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..60322b01f --- /dev/null +++ b/results/barisaydin__bge-base-en/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.56522500000001, + "ap": 88.88821771869553, + "f1": 92.54817512659696, + "main_score": 92.56522500000001 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/AmazonReviewsClassification.json b/results/barisaydin__bge-base-en/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..2d454d7ea --- /dev/null +++ b/results/barisaydin__bge-base-en/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 46.91, + "f1": 46.28536394320311, + "main_score": 46.91 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/ArguAna.json b/results/barisaydin__bge-base-en/external/ArguAna.json new file mode 100644 index 000000000..987669137 --- /dev/null +++ b/results/barisaydin__bge-base-en/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.834, + "map_at_10": 53.564, + "map_at_100": 54.230000000000004, + "map_at_1000": 54.235, + "map_at_3": 49.49, + "map_at_5": 51.784, + "mrr_at_1": 39.26, + "mrr_at_10": 53.744, + "mrr_at_100": 54.410000000000004, + "mrr_at_1000": 54.415, + "mrr_at_3": 49.656, + "mrr_at_5": 52.018, + "ndcg_at_1": 38.834, + "ndcg_at_10": 61.487, + "ndcg_at_100": 64.303, + "ndcg_at_1000": 64.408, + "ndcg_at_3": 53.116, + "ndcg_at_5": 57.248, + "precision_at_1": 38.834, + "precision_at_10": 8.663, + "precision_at_100": 0.989, + "precision_at_1000": 0.1, + "precision_at_3": 21.218999999999998, + "precision_at_5": 14.737, + "recall_at_1": 38.834, + "recall_at_10": 86.629, + "recall_at_100": 98.86200000000001, + "recall_at_1000": 99.644, + "recall_at_3": 63.656, + "recall_at_5": 73.68400000000001, + "main_score": 61.487 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/ArxivClusteringP2P.json b/results/barisaydin__bge-base-en/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..b30230f37 --- /dev/null +++ b/results/barisaydin__bge-base-en/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.88475477433035, + "main_score": 48.88475477433035 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/ArxivClusteringS2S.json b/results/barisaydin__bge-base-en/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..f481c799b --- /dev/null +++ b/results/barisaydin__bge-base-en/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 42.85053138403176, + "main_score": 42.85053138403176 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/AskUbuntuDupQuestions.json b/results/barisaydin__bge-base-en/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..74ac40e48 --- /dev/null +++ b/results/barisaydin__bge-base-en/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 62.23221013208242, + "mrr": 74.64857318735436, + "main_score": 62.23221013208242 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/BIOSSES.json b/results/barisaydin__bge-base-en/external/BIOSSES.json new file mode 100644 index 000000000..f665e24ac --- /dev/null +++ b/results/barisaydin__bge-base-en/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.4403443247284, + "cos_sim_spearman": 85.5326718115169, + "euclidean_pearson": 86.0114007449595, + "euclidean_spearman": 86.05979225604875, + "manhattan_pearson": 86.05423806568598, + "manhattan_spearman": 86.02485170086835, + "cosine_pearson": 87.4403443247284, + "cosine_spearman": 85.5326718115169, + "main_score": 85.5326718115169 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/Banking77Classification.json b/results/barisaydin__bge-base-en/external/Banking77Classification.json new file mode 100644 index 000000000..a00c8bcec --- /dev/null +++ b/results/barisaydin__bge-base-en/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.44480519480518, + "f1": 86.41301900941988, + "main_score": 86.44480519480518 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/BiorxivClusteringP2P.json b/results/barisaydin__bge-base-en/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..729c75993 --- /dev/null +++ b/results/barisaydin__bge-base-en/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.17547250880036, + "main_score": 40.17547250880036 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/BiorxivClusteringS2S.json b/results/barisaydin__bge-base-en/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..280b7b03c --- /dev/null +++ b/results/barisaydin__bge-base-en/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.74514172687293, + "main_score": 37.74514172687293 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/CQADupstackAndroidRetrieval.json b/results/barisaydin__bge-base-en/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..e4ebc009e --- /dev/null +++ b/results/barisaydin__bge-base-en/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.096000000000004, + "map_at_10": 43.345, + "map_at_100": 44.73, + "map_at_1000": 44.85, + "map_at_3": 39.956, + "map_at_5": 41.727, + "mrr_at_1": 38.769999999999996, + "mrr_at_10": 48.742000000000004, + "mrr_at_100": 49.474000000000004, + "mrr_at_1000": 49.513, + "mrr_at_3": 46.161, + "mrr_at_5": 47.721000000000004, + "ndcg_at_1": 38.769999999999996, + "ndcg_at_10": 49.464999999999996, + "ndcg_at_100": 54.632000000000005, + "ndcg_at_1000": 56.52, + "ndcg_at_3": 44.687, + "ndcg_at_5": 46.814, + "precision_at_1": 38.769999999999996, + "precision_at_10": 9.471, + "precision_at_100": 1.4909999999999999, + "precision_at_1000": 0.194, + "precision_at_3": 21.268, + "precision_at_5": 15.079, + "recall_at_1": 32.096000000000004, + "recall_at_10": 60.99099999999999, + "recall_at_100": 83.075, + "recall_at_1000": 95.178, + "recall_at_3": 47.009, + "recall_at_5": 53.348, + "main_score": 49.464999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.588, + "map_at_10": 42.251, + "map_at_100": 43.478, + "map_at_1000": 43.617, + "map_at_3": 39.381, + "map_at_5": 41.141, + "mrr_at_1": 41.21, + "mrr_at_10": 48.765, + "mrr_at_100": 49.403000000000006, + "mrr_at_1000": 49.451, + "mrr_at_3": 46.73, + "mrr_at_5": 47.965999999999994, + "ndcg_at_1": 41.21, + "ndcg_at_10": 47.704, + "ndcg_at_100": 51.916, + "ndcg_at_1000": 54.013999999999996, + "ndcg_at_3": 44.007000000000005, + "ndcg_at_5": 45.936, + "precision_at_1": 41.21, + "precision_at_10": 8.885, + "precision_at_100": 1.409, + "precision_at_1000": 0.189, + "precision_at_3": 21.274, + "precision_at_5": 15.045, + "recall_at_1": 32.588, + "recall_at_10": 56.333, + "recall_at_100": 74.251, + "recall_at_1000": 87.518, + "recall_at_3": 44.962, + "recall_at_5": 50.609, + "main_score": 47.704 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.308, + "map_at_10": 53.12, + "map_at_100": 54.123, + "map_at_1000": 54.173, + "map_at_3": 50.017999999999994, + "map_at_5": 51.902, + "mrr_at_1": 46.394999999999996, + "mrr_at_10": 56.531, + "mrr_at_100": 57.19800000000001, + "mrr_at_1000": 57.225, + "mrr_at_3": 54.368, + "mrr_at_5": 55.713, + "ndcg_at_1": 46.394999999999996, + "ndcg_at_10": 58.811, + "ndcg_at_100": 62.834, + "ndcg_at_1000": 63.849999999999994, + "ndcg_at_3": 53.88699999999999, + "ndcg_at_5": 56.477999999999994, + "precision_at_1": 46.394999999999996, + "precision_at_10": 9.398, + "precision_at_100": 1.2309999999999999, + "precision_at_1000": 0.136, + "precision_at_3": 24.221999999999998, + "precision_at_5": 16.539, + "recall_at_1": 40.308, + "recall_at_10": 72.146, + "recall_at_100": 89.60900000000001, + "recall_at_1000": 96.733, + "recall_at_3": 58.91499999999999, + "recall_at_5": 65.34299999999999, + "main_score": 58.811 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.383000000000003, + "map_at_10": 35.802, + "map_at_100": 36.756, + "map_at_1000": 36.826, + "map_at_3": 32.923, + "map_at_5": 34.577999999999996, + "mrr_at_1": 29.604999999999997, + "mrr_at_10": 37.918, + "mrr_at_100": 38.732, + "mrr_at_1000": 38.786, + "mrr_at_3": 35.198, + "mrr_at_5": 36.808, + "ndcg_at_1": 29.604999999999997, + "ndcg_at_10": 40.836, + "ndcg_at_100": 45.622, + "ndcg_at_1000": 47.427, + "ndcg_at_3": 35.208, + "ndcg_at_5": 38.066, + "precision_at_1": 29.604999999999997, + "precision_at_10": 6.226, + "precision_at_100": 0.9079999999999999, + "precision_at_1000": 0.11, + "precision_at_3": 14.463000000000001, + "precision_at_5": 10.35, + "recall_at_1": 27.383000000000003, + "recall_at_10": 54.434000000000005, + "recall_at_100": 76.632, + "recall_at_1000": 90.25, + "recall_at_3": 39.275, + "recall_at_5": 46.225, + "main_score": 40.836 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.885, + "map_at_10": 25.724000000000004, + "map_at_100": 26.992, + "map_at_1000": 27.107999999999997, + "map_at_3": 23.04, + "map_at_5": 24.529, + "mrr_at_1": 22.264, + "mrr_at_10": 30.548, + "mrr_at_100": 31.593, + "mrr_at_1000": 31.657999999999998, + "mrr_at_3": 27.756999999999998, + "mrr_at_5": 29.398999999999997, + "ndcg_at_1": 22.264, + "ndcg_at_10": 30.902, + "ndcg_at_100": 36.918, + "ndcg_at_1000": 39.735, + "ndcg_at_3": 25.915, + "ndcg_at_5": 28.255999999999997, + "precision_at_1": 22.264, + "precision_at_10": 5.634, + "precision_at_100": 0.9939999999999999, + "precision_at_1000": 0.13699999999999998, + "precision_at_3": 12.396, + "precision_at_5": 9.055, + "recall_at_1": 17.885, + "recall_at_10": 42.237, + "recall_at_100": 68.489, + "recall_at_1000": 88.721, + "recall_at_3": 28.283, + "recall_at_5": 34.300000000000004, + "main_score": 30.902 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.737000000000002, + "map_at_10": 39.757, + "map_at_100": 40.992, + "map_at_1000": 41.102, + "map_at_3": 36.612, + "map_at_5": 38.413000000000004, + "mrr_at_1": 35.804, + "mrr_at_10": 45.178000000000004, + "mrr_at_100": 45.975, + "mrr_at_1000": 46.021, + "mrr_at_3": 42.541000000000004, + "mrr_at_5": 44.167, + "ndcg_at_1": 35.804, + "ndcg_at_10": 45.608, + "ndcg_at_100": 50.746, + "ndcg_at_1000": 52.839999999999996, + "ndcg_at_3": 40.52, + "ndcg_at_5": 43.051, + "precision_at_1": 35.804, + "precision_at_10": 8.104, + "precision_at_100": 1.256, + "precision_at_1000": 0.161, + "precision_at_3": 19.121, + "precision_at_5": 13.532, + "recall_at_1": 29.737000000000002, + "recall_at_10": 57.66, + "recall_at_100": 79.121, + "recall_at_1000": 93.023, + "recall_at_3": 43.13, + "recall_at_5": 49.836000000000006, + "main_score": 45.608 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.299, + "map_at_10": 35.617, + "map_at_100": 36.972, + "map_at_1000": 37.096000000000004, + "map_at_3": 32.653999999999996, + "map_at_5": 34.363, + "mrr_at_1": 32.877, + "mrr_at_10": 41.423, + "mrr_at_100": 42.333999999999996, + "mrr_at_1000": 42.398, + "mrr_at_3": 39.193, + "mrr_at_5": 40.426, + "ndcg_at_1": 32.877, + "ndcg_at_10": 41.271, + "ndcg_at_100": 46.843, + "ndcg_at_1000": 49.366, + "ndcg_at_3": 36.735, + "ndcg_at_5": 38.775999999999996, + "precision_at_1": 32.877, + "precision_at_10": 7.580000000000001, + "precision_at_100": 1.192, + "precision_at_1000": 0.158, + "precision_at_3": 17.541999999999998, + "precision_at_5": 12.443, + "recall_at_1": 26.299, + "recall_at_10": 52.256, + "recall_at_100": 75.919, + "recall_at_1000": 93.185, + "recall_at_3": 39.271, + "recall_at_5": 44.901, + "main_score": 41.271 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.05741666666667, + "map_at_10": 36.086416666666665, + "map_at_100": 37.26916666666667, + "map_at_1000": 37.38191666666666, + "map_at_3": 33.34225, + "map_at_5": 34.86425, + "mrr_at_1": 32.06008333333333, + "mrr_at_10": 40.36658333333333, + "mrr_at_100": 41.206500000000005, + "mrr_at_1000": 41.261083333333325, + "mrr_at_3": 38.01208333333334, + "mrr_at_5": 39.36858333333333, + "ndcg_at_1": 32.06008333333333, + "ndcg_at_10": 41.3535, + "ndcg_at_100": 46.42066666666666, + "ndcg_at_1000": 48.655166666666666, + "ndcg_at_3": 36.78041666666667, + "ndcg_at_5": 38.91783333333334, + "precision_at_1": 32.06008333333333, + "precision_at_10": 7.169833333333332, + "precision_at_100": 1.1395, + "precision_at_1000": 0.15158333333333332, + "precision_at_3": 16.852, + "precision_at_5": 11.8645, + "recall_at_1": 27.05741666666667, + "recall_at_10": 52.64491666666666, + "recall_at_100": 74.99791666666667, + "recall_at_1000": 90.50524999999999, + "recall_at_3": 39.684000000000005, + "recall_at_5": 45.37225, + "main_score": 41.3535 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.607999999999997, + "map_at_10": 32.28, + "map_at_100": 33.261, + "map_at_1000": 33.346, + "map_at_3": 30.514999999999997, + "map_at_5": 31.415, + "mrr_at_1": 28.988000000000003, + "mrr_at_10": 35.384, + "mrr_at_100": 36.24, + "mrr_at_1000": 36.299, + "mrr_at_3": 33.717000000000006, + "mrr_at_5": 34.507, + "ndcg_at_1": 28.988000000000003, + "ndcg_at_10": 36.248000000000005, + "ndcg_at_100": 41.034, + "ndcg_at_1000": 43.35, + "ndcg_at_3": 32.987, + "ndcg_at_5": 34.333999999999996, + "precision_at_1": 28.988000000000003, + "precision_at_10": 5.506, + "precision_at_100": 0.853, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 14.11, + "precision_at_5": 9.417, + "recall_at_1": 25.607999999999997, + "recall_at_10": 45.344, + "recall_at_100": 67.132, + "recall_at_1000": 84.676, + "recall_at_3": 36.02, + "recall_at_5": 39.613, + "main_score": 36.248000000000005 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.44, + "map_at_10": 25.651000000000003, + "map_at_100": 26.735, + "map_at_1000": 26.86, + "map_at_3": 23.409, + "map_at_5": 24.604, + "mrr_at_1": 22.195, + "mrr_at_10": 29.482000000000003, + "mrr_at_100": 30.395, + "mrr_at_1000": 30.471999999999998, + "mrr_at_3": 27.409, + "mrr_at_5": 28.553, + "ndcg_at_1": 22.195, + "ndcg_at_10": 30.242, + "ndcg_at_100": 35.397, + "ndcg_at_1000": 38.287, + "ndcg_at_3": 26.201, + "ndcg_at_5": 28.008, + "precision_at_1": 22.195, + "precision_at_10": 5.372, + "precision_at_100": 0.9259999999999999, + "precision_at_1000": 0.135, + "precision_at_3": 12.228, + "precision_at_5": 8.727, + "recall_at_1": 18.44, + "recall_at_10": 40.325, + "recall_at_100": 63.504000000000005, + "recall_at_1000": 83.909, + "recall_at_3": 28.925, + "recall_at_5": 33.641, + "main_score": 30.242 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.535999999999998, + "map_at_10": 35.358000000000004, + "map_at_100": 36.498999999999995, + "map_at_1000": 36.597, + "map_at_3": 32.598, + "map_at_5": 34.185, + "mrr_at_1": 31.25, + "mrr_at_10": 39.593, + "mrr_at_100": 40.443, + "mrr_at_1000": 40.498, + "mrr_at_3": 37.018, + "mrr_at_5": 38.492, + "ndcg_at_1": 31.25, + "ndcg_at_10": 40.71, + "ndcg_at_100": 46.079, + "ndcg_at_1000": 48.287, + "ndcg_at_3": 35.667, + "ndcg_at_5": 38.080000000000005, + "precision_at_1": 31.25, + "precision_at_10": 6.847, + "precision_at_100": 1.079, + "precision_at_1000": 0.13699999999999998, + "precision_at_3": 16.262, + "precision_at_5": 11.455, + "recall_at_1": 26.535999999999998, + "recall_at_10": 52.92099999999999, + "recall_at_100": 76.669, + "recall_at_1000": 92.096, + "recall_at_3": 38.956, + "recall_at_5": 45.239000000000004, + "main_score": 40.71 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.691, + "map_at_10": 33.417, + "map_at_100": 35.036, + "map_at_1000": 35.251, + "map_at_3": 30.646, + "map_at_5": 32.177, + "mrr_at_1": 30.04, + "mrr_at_10": 37.905, + "mrr_at_100": 38.929, + "mrr_at_1000": 38.983000000000004, + "mrr_at_3": 35.276999999999994, + "mrr_at_5": 36.897000000000006, + "ndcg_at_1": 30.04, + "ndcg_at_10": 39.037, + "ndcg_at_100": 44.944, + "ndcg_at_1000": 47.644, + "ndcg_at_3": 34.833999999999996, + "ndcg_at_5": 36.83, + "precision_at_1": 30.04, + "precision_at_10": 7.4510000000000005, + "precision_at_100": 1.492, + "precision_at_1000": 0.234, + "precision_at_3": 16.337, + "precision_at_5": 11.897, + "recall_at_1": 24.691, + "recall_at_10": 49.303999999999995, + "recall_at_100": 76.20400000000001, + "recall_at_1000": 93.30000000000001, + "recall_at_3": 36.594, + "recall_at_5": 42.41, + "main_score": 39.037 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.118, + "map_at_10": 30.714999999999996, + "map_at_100": 31.656000000000002, + "map_at_1000": 31.757, + "map_at_3": 28.355000000000004, + "map_at_5": 29.337000000000003, + "mrr_at_1": 25.323, + "mrr_at_10": 32.93, + "mrr_at_100": 33.762, + "mrr_at_1000": 33.829, + "mrr_at_3": 30.775999999999996, + "mrr_at_5": 31.774, + "ndcg_at_1": 25.323, + "ndcg_at_10": 35.408, + "ndcg_at_100": 40.083, + "ndcg_at_1000": 42.542, + "ndcg_at_3": 30.717, + "ndcg_at_5": 32.385000000000005, + "precision_at_1": 25.323, + "precision_at_10": 5.564, + "precision_at_100": 0.843, + "precision_at_1000": 0.116, + "precision_at_3": 13.001, + "precision_at_5": 8.834999999999999, + "recall_at_1": 23.118, + "recall_at_10": 47.788000000000004, + "recall_at_100": 69.37, + "recall_at_1000": 87.47399999999999, + "recall_at_3": 34.868, + "recall_at_5": 39.001999999999995, + "main_score": 35.408 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/ClimateFEVER.json b/results/barisaydin__bge-base-en/external/ClimateFEVER.json new file mode 100644 index 000000000..2dd01ddaf --- /dev/null +++ b/results/barisaydin__bge-base-en/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 14.288, + "map_at_10": 23.256, + "map_at_100": 25.115, + "map_at_1000": 25.319000000000003, + "map_at_3": 20.005, + "map_at_5": 21.529999999999998, + "mrr_at_1": 31.401, + "mrr_at_10": 42.251, + "mrr_at_100": 43.236999999999995, + "mrr_at_1000": 43.272, + "mrr_at_3": 39.164, + "mrr_at_5": 40.881, + "ndcg_at_1": 31.401, + "ndcg_at_10": 31.615, + "ndcg_at_100": 38.982, + "ndcg_at_1000": 42.496, + "ndcg_at_3": 26.608999999999998, + "ndcg_at_5": 28.048000000000002, + "precision_at_1": 31.401, + "precision_at_10": 9.536999999999999, + "precision_at_100": 1.763, + "precision_at_1000": 0.241, + "precision_at_3": 19.153000000000002, + "precision_at_5": 14.228, + "recall_at_1": 14.288, + "recall_at_10": 36.717, + "recall_at_100": 61.9, + "recall_at_1000": 81.676, + "recall_at_3": 24.203, + "recall_at_5": 28.793999999999997, + "main_score": 31.615 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/DBPedia.json b/results/barisaydin__bge-base-en/external/DBPedia.json new file mode 100644 index 000000000..202b5c6ef --- /dev/null +++ b/results/barisaydin__bge-base-en/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.019, + "map_at_10": 19.963, + "map_at_100": 28.834, + "map_at_1000": 30.537999999999997, + "map_at_3": 14.45, + "map_at_5": 16.817999999999998, + "mrr_at_1": 65.75, + "mrr_at_10": 74.646, + "mrr_at_100": 74.946, + "mrr_at_1000": 74.95100000000001, + "mrr_at_3": 72.625, + "mrr_at_5": 74.012, + "ndcg_at_1": 54, + "ndcg_at_10": 42.014, + "ndcg_at_100": 47.527, + "ndcg_at_1000": 54.911, + "ndcg_at_3": 46.586, + "ndcg_at_5": 43.836999999999996, + "precision_at_1": 65.75, + "precision_at_10": 33.475, + "precision_at_100": 11.16, + "precision_at_1000": 2.145, + "precision_at_3": 50.083, + "precision_at_5": 42.55, + "recall_at_1": 9.019, + "recall_at_10": 25.558999999999997, + "recall_at_100": 53.937999999999995, + "recall_at_1000": 77.67399999999999, + "recall_at_3": 15.456, + "recall_at_5": 19.259, + "main_score": 42.014 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/EmotionClassification.json b/results/barisaydin__bge-base-en/external/EmotionClassification.json new file mode 100644 index 000000000..5f5b26f32 --- /dev/null +++ b/results/barisaydin__bge-base-en/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 52.635, + "f1": 47.692783881403926, + "main_score": 52.635 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/FEVER.json b/results/barisaydin__bge-base-en/external/FEVER.json new file mode 100644 index 000000000..cf610e414 --- /dev/null +++ b/results/barisaydin__bge-base-en/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 76.893, + "map_at_10": 84.897, + "map_at_100": 85.122, + "map_at_1000": 85.135, + "map_at_3": 83.88, + "map_at_5": 84.565, + "mrr_at_1": 83.003, + "mrr_at_10": 89.506, + "mrr_at_100": 89.574, + "mrr_at_1000": 89.575, + "mrr_at_3": 88.991, + "mrr_at_5": 89.349, + "ndcg_at_1": 83.003, + "ndcg_at_10": 88.351, + "ndcg_at_100": 89.128, + "ndcg_at_1000": 89.34100000000001, + "ndcg_at_3": 86.92, + "ndcg_at_5": 87.78200000000001, + "precision_at_1": 83.003, + "precision_at_10": 10.517999999999999, + "precision_at_100": 1.115, + "precision_at_1000": 0.11499999999999999, + "precision_at_3": 33.062999999999995, + "precision_at_5": 20.498, + "recall_at_1": 76.893, + "recall_at_10": 94.374, + "recall_at_100": 97.409, + "recall_at_1000": 98.687, + "recall_at_3": 90.513, + "recall_at_5": 92.709, + "main_score": 88.351 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/FiQA2018.json b/results/barisaydin__bge-base-en/external/FiQA2018.json new file mode 100644 index 000000000..7a3e42340 --- /dev/null +++ b/results/barisaydin__bge-base-en/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.829, + "map_at_10": 32.86, + "map_at_100": 34.838, + "map_at_1000": 35.006, + "map_at_3": 28.597, + "map_at_5": 31.056, + "mrr_at_1": 41.358, + "mrr_at_10": 49.542, + "mrr_at_100": 50.29900000000001, + "mrr_at_1000": 50.334999999999994, + "mrr_at_3": 46.579, + "mrr_at_5": 48.408, + "ndcg_at_1": 41.358, + "ndcg_at_10": 40.758, + "ndcg_at_100": 47.799, + "ndcg_at_1000": 50.589, + "ndcg_at_3": 36.695, + "ndcg_at_5": 38.193, + "precision_at_1": 41.358, + "precision_at_10": 11.142000000000001, + "precision_at_100": 1.8350000000000002, + "precision_at_1000": 0.234, + "precision_at_3": 24.023, + "precision_at_5": 17.963, + "recall_at_1": 20.829, + "recall_at_10": 47.467999999999996, + "recall_at_100": 73.593, + "recall_at_1000": 90.122, + "recall_at_3": 32.74, + "recall_at_5": 39.608, + "main_score": 40.758 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/HotpotQA.json b/results/barisaydin__bge-base-en/external/HotpotQA.json new file mode 100644 index 000000000..0ceb37986 --- /dev/null +++ b/results/barisaydin__bge-base-en/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.324, + "map_at_10": 64.183, + "map_at_100": 65.037, + "map_at_1000": 65.094, + "map_at_3": 60.663, + "map_at_5": 62.951, + "mrr_at_1": 80.648, + "mrr_at_10": 86.005, + "mrr_at_100": 86.157, + "mrr_at_1000": 86.162, + "mrr_at_3": 85.116, + "mrr_at_5": 85.703, + "ndcg_at_1": 80.648, + "ndcg_at_10": 72.351, + "ndcg_at_100": 75.279, + "ndcg_at_1000": 76.357, + "ndcg_at_3": 67.484, + "ndcg_at_5": 70.31500000000001, + "precision_at_1": 80.648, + "precision_at_10": 15.103, + "precision_at_100": 1.7399999999999998, + "precision_at_1000": 0.188, + "precision_at_3": 43.232, + "precision_at_5": 28.165000000000003, + "recall_at_1": 40.324, + "recall_at_10": 75.517, + "recall_at_100": 86.982, + "recall_at_1000": 94.072, + "recall_at_3": 64.848, + "recall_at_5": 70.41199999999999, + "main_score": 72.351 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/ImdbClassification.json b/results/barisaydin__bge-base-en/external/ImdbClassification.json new file mode 100644 index 000000000..81f54b328 --- /dev/null +++ b/results/barisaydin__bge-base-en/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.4, + "ap": 87.4422032289312, + "f1": 91.39249564302281, + "main_score": 91.4 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/MSMARCO.json b/results/barisaydin__bge-base-en/external/MSMARCO.json new file mode 100644 index 000000000..f68da2a07 --- /dev/null +++ b/results/barisaydin__bge-base-en/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.03, + "map_at_10": 34.402, + "map_at_100": 35.599, + "map_at_1000": 35.648, + "map_at_3": 30.603, + "map_at_5": 32.889, + "mrr_at_1": 22.679, + "mrr_at_10": 35.021, + "mrr_at_100": 36.162, + "mrr_at_1000": 36.205, + "mrr_at_3": 31.319999999999997, + "mrr_at_5": 33.562, + "ndcg_at_1": 22.692999999999998, + "ndcg_at_10": 41.258, + "ndcg_at_100": 46.967, + "ndcg_at_1000": 48.175000000000004, + "ndcg_at_3": 33.611000000000004, + "ndcg_at_5": 37.675, + "precision_at_1": 22.692999999999998, + "precision_at_10": 6.5089999999999995, + "precision_at_100": 0.936, + "precision_at_1000": 0.104, + "precision_at_3": 14.413, + "precision_at_5": 10.702, + "recall_at_1": 22.03, + "recall_at_10": 62.248000000000005, + "recall_at_100": 88.524, + "recall_at_1000": 97.714, + "recall_at_3": 41.617, + "recall_at_5": 51.359, + "main_score": 41.258 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/MTOPDomainClassification.json b/results/barisaydin__bge-base-en/external/MTOPDomainClassification.json new file mode 100644 index 000000000..9a9da82da --- /dev/null +++ b/results/barisaydin__bge-base-en/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 94.36844505243957, + "f1": 94.12408743818202, + "main_score": 94.36844505243957 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/MTOPIntentClassification.json b/results/barisaydin__bge-base-en/external/MTOPIntentClassification.json new file mode 100644 index 000000000..a59b45622 --- /dev/null +++ b/results/barisaydin__bge-base-en/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.43410852713177, + "f1": 58.501855709435624, + "main_score": 76.43410852713177 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/MassiveIntentClassification.json b/results/barisaydin__bge-base-en/external/MassiveIntentClassification.json new file mode 100644 index 000000000..17814267c --- /dev/null +++ b/results/barisaydin__bge-base-en/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.04909213180902, + "f1": 74.1800860395823, + "main_score": 76.04909213180902 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/MassiveScenarioClassification.json b/results/barisaydin__bge-base-en/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..89a1a487a --- /dev/null +++ b/results/barisaydin__bge-base-en/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.76126429051781, + "f1": 79.85705217473232, + "main_score": 79.76126429051781 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/MedrxivClusteringP2P.json b/results/barisaydin__bge-base-en/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..585152650 --- /dev/null +++ b/results/barisaydin__bge-base-en/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.70119520292863, + "main_score": 34.70119520292863 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/MedrxivClusteringS2S.json b/results/barisaydin__bge-base-en/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..c5c6834e2 --- /dev/null +++ b/results/barisaydin__bge-base-en/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.33544316467486, + "main_score": 32.33544316467486 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/MindSmallReranking.json b/results/barisaydin__bge-base-en/external/MindSmallReranking.json new file mode 100644 index 000000000..81e36b08a --- /dev/null +++ b/results/barisaydin__bge-base-en/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 30.75499243990726, + "mrr": 31.70602251821063, + "main_score": 30.75499243990726 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/NFCorpus.json b/results/barisaydin__bge-base-en/external/NFCorpus.json new file mode 100644 index 000000000..01888206c --- /dev/null +++ b/results/barisaydin__bge-base-en/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.451999999999999, + "map_at_10": 13.918, + "map_at_100": 17.316000000000003, + "map_at_1000": 18.747, + "map_at_3": 10.471, + "map_at_5": 12.104, + "mrr_at_1": 46.749, + "mrr_at_10": 55.717000000000006, + "mrr_at_100": 56.249, + "mrr_at_1000": 56.288000000000004, + "mrr_at_3": 53.818, + "mrr_at_5": 55.103, + "ndcg_at_1": 45.201, + "ndcg_at_10": 35.539, + "ndcg_at_100": 32.586, + "ndcg_at_1000": 41.486000000000004, + "ndcg_at_3": 41.174, + "ndcg_at_5": 38.939, + "precision_at_1": 46.749, + "precision_at_10": 25.944, + "precision_at_100": 8.084, + "precision_at_1000": 2.076, + "precision_at_3": 38.7, + "precision_at_5": 33.56, + "recall_at_1": 6.451999999999999, + "recall_at_10": 17.302, + "recall_at_100": 32.14, + "recall_at_1000": 64.12, + "recall_at_3": 11.219, + "recall_at_5": 13.993, + "main_score": 35.539 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/NQ.json b/results/barisaydin__bge-base-en/external/NQ.json new file mode 100644 index 000000000..b08564e03 --- /dev/null +++ b/results/barisaydin__bge-base-en/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.037, + "map_at_10": 46.565, + "map_at_100": 47.606, + "map_at_1000": 47.636, + "map_at_3": 42.459, + "map_at_5": 44.762, + "mrr_at_1": 36.181999999999995, + "mrr_at_10": 49.291000000000004, + "mrr_at_100": 50.059, + "mrr_at_1000": 50.078, + "mrr_at_3": 45.829, + "mrr_at_5": 47.797, + "ndcg_at_1": 36.153, + "ndcg_at_10": 53.983000000000004, + "ndcg_at_100": 58.347, + "ndcg_at_1000": 59.058, + "ndcg_at_3": 46.198, + "ndcg_at_5": 50.022, + "precision_at_1": 36.153, + "precision_at_10": 8.763, + "precision_at_100": 1.123, + "precision_at_1000": 0.11900000000000001, + "precision_at_3": 20.751, + "precision_at_5": 14.646999999999998, + "recall_at_1": 32.037, + "recall_at_10": 74.008, + "recall_at_100": 92.893, + "recall_at_1000": 98.16, + "recall_at_3": 53.705999999999996, + "recall_at_5": 62.495, + "main_score": 53.983000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/QuoraRetrieval.json b/results/barisaydin__bge-base-en/external/QuoraRetrieval.json new file mode 100644 index 000000000..93eb95bf4 --- /dev/null +++ b/results/barisaydin__bge-base-en/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 71.152, + "map_at_10": 85.104, + "map_at_100": 85.745, + "map_at_1000": 85.761, + "map_at_3": 82.175, + "map_at_5": 84.066, + "mrr_at_1": 82.03, + "mrr_at_10": 88.115, + "mrr_at_100": 88.21, + "mrr_at_1000": 88.211, + "mrr_at_3": 87.19200000000001, + "mrr_at_5": 87.85, + "ndcg_at_1": 82.03, + "ndcg_at_10": 88.78, + "ndcg_at_100": 89.96300000000001, + "ndcg_at_1000": 90.056, + "ndcg_at_3": 86.051, + "ndcg_at_5": 87.63499999999999, + "precision_at_1": 82.03, + "precision_at_10": 13.450000000000001, + "precision_at_100": 1.5310000000000001, + "precision_at_1000": 0.157, + "precision_at_3": 37.627, + "precision_at_5": 24.784, + "recall_at_1": 71.152, + "recall_at_10": 95.649, + "recall_at_100": 99.58200000000001, + "recall_at_1000": 99.981, + "recall_at_3": 87.767, + "recall_at_5": 92.233, + "main_score": 88.78 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/RedditClustering.json b/results/barisaydin__bge-base-en/external/RedditClustering.json new file mode 100644 index 000000000..7d970d27e --- /dev/null +++ b/results/barisaydin__bge-base-en/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 56.48713646277477, + "main_score": 56.48713646277477 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/RedditClusteringP2P.json b/results/barisaydin__bge-base-en/external/RedditClusteringP2P.json new file mode 100644 index 000000000..8dab2aebd --- /dev/null +++ b/results/barisaydin__bge-base-en/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 63.394940772438545, + "main_score": 63.394940772438545 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/SCIDOCS.json b/results/barisaydin__bge-base-en/external/SCIDOCS.json new file mode 100644 index 000000000..ab85125b5 --- /dev/null +++ b/results/barisaydin__bge-base-en/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.043, + "map_at_10": 12.949, + "map_at_100": 15.146, + "map_at_1000": 15.495000000000001, + "map_at_3": 9.333, + "map_at_5": 11.312999999999999, + "mrr_at_1": 24.9, + "mrr_at_10": 35.958, + "mrr_at_100": 37.152, + "mrr_at_1000": 37.201, + "mrr_at_3": 32.667, + "mrr_at_5": 34.567, + "ndcg_at_1": 24.9, + "ndcg_at_10": 21.298000000000002, + "ndcg_at_100": 29.849999999999998, + "ndcg_at_1000": 35.506, + "ndcg_at_3": 20.548, + "ndcg_at_5": 18.064, + "precision_at_1": 24.9, + "precision_at_10": 10.9, + "precision_at_100": 2.331, + "precision_at_1000": 0.367, + "precision_at_3": 19.267, + "precision_at_5": 15.939999999999998, + "recall_at_1": 5.043, + "recall_at_10": 22.092, + "recall_at_100": 47.323, + "recall_at_1000": 74.553, + "recall_at_3": 11.728, + "recall_at_5": 16.188, + "main_score": 21.298000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/SICK-R.json b/results/barisaydin__bge-base-en/external/SICK-R.json new file mode 100644 index 000000000..f838f64e6 --- /dev/null +++ b/results/barisaydin__bge-base-en/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.7007085938325, + "cos_sim_spearman": 80.0171084446234, + "euclidean_pearson": 81.28133218355893, + "euclidean_spearman": 79.99291731740131, + "manhattan_pearson": 81.22926922327846, + "manhattan_spearman": 79.94444878127038, + "cosine_pearson": 83.7007085938325, + "cosine_spearman": 80.0171084446234, + "main_score": 80.0171084446234 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/STS12.json b/results/barisaydin__bge-base-en/external/STS12.json new file mode 100644 index 000000000..3be4e76c6 --- /dev/null +++ b/results/barisaydin__bge-base-en/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.7411883252923, + "cos_sim_spearman": 77.93462937801245, + "euclidean_pearson": 83.00858563882404, + "euclidean_spearman": 77.82717362433257, + "manhattan_pearson": 82.92887645790769, + "manhattan_spearman": 77.78807488222115, + "cosine_pearson": 85.7411883252923, + "cosine_spearman": 77.93462937801245, + "main_score": 77.93462937801245 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/STS13.json b/results/barisaydin__bge-base-en/external/STS13.json new file mode 100644 index 000000000..a40df0d36 --- /dev/null +++ b/results/barisaydin__bge-base-en/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.04222459361023, + "cos_sim_spearman": 83.85931509330395, + "euclidean_pearson": 83.26916063876055, + "euclidean_spearman": 83.98621985648353, + "manhattan_pearson": 83.14935679184327, + "manhattan_spearman": 83.87938828586304, + "cosine_pearson": 82.04222459361023, + "cosine_spearman": 83.85931509330395, + "main_score": 83.85931509330395 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/STS14.json b/results/barisaydin__bge-base-en/external/STS14.json new file mode 100644 index 000000000..ee63d7fa2 --- /dev/null +++ b/results/barisaydin__bge-base-en/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.41136639535318, + "cos_sim_spearman": 81.51200091040481, + "euclidean_pearson": 81.45382456114775, + "euclidean_spearman": 81.46201181707931, + "manhattan_pearson": 81.37243088439584, + "manhattan_spearman": 81.39828421893426, + "cosine_pearson": 81.41136639535318, + "cosine_spearman": 81.51200091040481, + "main_score": 81.51200091040481 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/STS15.json b/results/barisaydin__bge-base-en/external/STS15.json new file mode 100644 index 000000000..3a2150a0e --- /dev/null +++ b/results/barisaydin__bge-base-en/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.71942451732227, + "cos_sim_spearman": 87.33044482064973, + "euclidean_pearson": 86.58580899365178, + "euclidean_spearman": 87.09206723832895, + "manhattan_pearson": 86.47460784157013, + "manhattan_spearman": 86.98367656583076, + "cosine_pearson": 85.71942451732227, + "cosine_spearman": 87.33044482064973, + "main_score": 87.33044482064973 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/STS16.json b/results/barisaydin__bge-base-en/external/STS16.json new file mode 100644 index 000000000..299e80cee --- /dev/null +++ b/results/barisaydin__bge-base-en/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.55868078863449, + "cos_sim_spearman": 85.38299230074065, + "euclidean_pearson": 84.64715256244595, + "euclidean_spearman": 85.49112229604047, + "manhattan_pearson": 84.60814346792462, + "manhattan_spearman": 85.44886026766822, + "cosine_pearson": 83.55868078863449, + "cosine_spearman": 85.38299230074065, + "main_score": 85.38299230074065 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/STS17.json b/results/barisaydin__bge-base-en/external/STS17.json new file mode 100644 index 000000000..0e3cf7977 --- /dev/null +++ b/results/barisaydin__bge-base-en/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.99292526370614, + "cos_sim_spearman": 85.58139465695983, + "euclidean_pearson": 86.51325066734084, + "euclidean_spearman": 85.56736418284562, + "manhattan_pearson": 86.48190836601357, + "manhattan_spearman": 85.51616256224258, + "cosine_pearson": 84.99292526370614, + "cosine_spearman": 85.58139465695983, + "main_score": 85.58139465695983 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/STS22.json b/results/barisaydin__bge-base-en/external/STS22.json new file mode 100644 index 000000000..cc5df9542 --- /dev/null +++ b/results/barisaydin__bge-base-en/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 64.54124715078807, + "cos_sim_spearman": 65.32134275948374, + "euclidean_pearson": 67.09791698300816, + "euclidean_spearman": 65.79468982468465, + "manhattan_pearson": 67.13304723693966, + "manhattan_spearman": 65.68439995849283, + "cosine_pearson": 64.54124715078807, + "cosine_spearman": 65.32134275948374, + "main_score": 65.32134275948374 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/STSBenchmark.json b/results/barisaydin__bge-base-en/external/STSBenchmark.json new file mode 100644 index 000000000..70e60f511 --- /dev/null +++ b/results/barisaydin__bge-base-en/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.4231099581624, + "cos_sim_spearman": 85.95475815226862, + "euclidean_pearson": 85.00339401999706, + "euclidean_spearman": 85.74133081802971, + "manhattan_pearson": 85.00407987181666, + "manhattan_spearman": 85.77509596397363, + "cosine_pearson": 83.4231099581624, + "cosine_spearman": 85.95475815226862, + "main_score": 85.95475815226862 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/SciDocsRR.json b/results/barisaydin__bge-base-en/external/SciDocsRR.json new file mode 100644 index 000000000..7aa650dbe --- /dev/null +++ b/results/barisaydin__bge-base-en/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 87.25666719585716, + "mrr": 96.32769917083642, + "main_score": 87.25666719585716 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/SciFact.json b/results/barisaydin__bge-base-en/external/SciFact.json new file mode 100644 index 000000000..f5d3d8ebc --- /dev/null +++ b/results/barisaydin__bge-base-en/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 57.828, + "map_at_10": 68.369, + "map_at_100": 68.83399999999999, + "map_at_1000": 68.856, + "map_at_3": 65.38000000000001, + "map_at_5": 67.06299999999999, + "mrr_at_1": 61, + "mrr_at_10": 69.45400000000001, + "mrr_at_100": 69.785, + "mrr_at_1000": 69.807, + "mrr_at_3": 67, + "mrr_at_5": 68.43299999999999, + "ndcg_at_1": 61, + "ndcg_at_10": 73.258, + "ndcg_at_100": 75.173, + "ndcg_at_1000": 75.696, + "ndcg_at_3": 68.162, + "ndcg_at_5": 70.53399999999999, + "precision_at_1": 61, + "precision_at_10": 9.8, + "precision_at_100": 1.087, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 27, + "precision_at_5": 17.666999999999998, + "recall_at_1": 57.828, + "recall_at_10": 87.122, + "recall_at_100": 95.667, + "recall_at_1000": 99.667, + "recall_at_3": 73.139, + "recall_at_5": 79.361, + "main_score": 73.258 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/SprintDuplicateQuestions.json b/results/barisaydin__bge-base-en/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..10d535679 --- /dev/null +++ b/results/barisaydin__bge-base-en/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.85247524752475, + "cos_sim_ap": 96.25640197639723, + "cos_sim_f1": 92.37851662404091, + "cos_sim_precision": 94.55497382198953, + "cos_sim_recall": 90.3, + "dot_accuracy": 99.76138613861386, + "dot_ap": 93.40295864389073, + "dot_f1": 87.64267990074441, + "dot_precision": 86.99507389162562, + "dot_recall": 88.3, + "euclidean_accuracy": 99.85049504950496, + "euclidean_ap": 96.24254350525462, + "euclidean_f1": 92.32323232323232, + "euclidean_precision": 93.26530612244898, + "euclidean_recall": 91.4, + "manhattan_accuracy": 99.85346534653465, + "manhattan_ap": 96.2635334753325, + "manhattan_f1": 92.37899073120495, + "manhattan_precision": 95.22292993630573, + "manhattan_recall": 89.7, + "max_accuracy": 99.85346534653465, + "max_ap": 96.2635334753325, + "max_f1": 92.37899073120495, + "main_score": 96.2635334753325 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/StackExchangeClustering.json b/results/barisaydin__bge-base-en/external/StackExchangeClustering.json new file mode 100644 index 000000000..f3428cba3 --- /dev/null +++ b/results/barisaydin__bge-base-en/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 65.83905786483794, + "main_score": 65.83905786483794 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/StackExchangeClusteringP2P.json b/results/barisaydin__bge-base-en/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..afea438a3 --- /dev/null +++ b/results/barisaydin__bge-base-en/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.031896152126436, + "main_score": 35.031896152126436 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/StackOverflowDupQuestions.json b/results/barisaydin__bge-base-en/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..a43687d14 --- /dev/null +++ b/results/barisaydin__bge-base-en/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 54.551326709447146, + "mrr": 55.43758222986165, + "main_score": 54.551326709447146 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/SummEval.json b/results/barisaydin__bge-base-en/external/SummEval.json new file mode 100644 index 000000000..a97640dbd --- /dev/null +++ b/results/barisaydin__bge-base-en/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.305688567308874, + "cos_sim_spearman": 29.27135743434515, + "dot_pearson": 30.336741878796563, + "dot_spearman": 30.513365725895937, + "cosine_pearson": 30.305688567308874, + "cosine_spearman": 29.27135743434515, + "main_score": 29.27135743434515 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/TRECCOVID.json b/results/barisaydin__bge-base-en/external/TRECCOVID.json new file mode 100644 index 000000000..258a90608 --- /dev/null +++ b/results/barisaydin__bge-base-en/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.245, + "map_at_10": 1.92, + "map_at_100": 10.519, + "map_at_1000": 23.874000000000002, + "map_at_3": 0.629, + "map_at_5": 1.0290000000000001, + "mrr_at_1": 88, + "mrr_at_10": 93.5, + "mrr_at_100": 93.5, + "mrr_at_1000": 93.5, + "mrr_at_3": 93, + "mrr_at_5": 93.5, + "ndcg_at_1": 84, + "ndcg_at_10": 76.447, + "ndcg_at_100": 56.516, + "ndcg_at_1000": 48.583999999999996, + "ndcg_at_3": 78.877, + "ndcg_at_5": 79.174, + "precision_at_1": 88, + "precision_at_10": 80.60000000000001, + "precision_at_100": 57.64, + "precision_at_1000": 21.227999999999998, + "precision_at_3": 82, + "precision_at_5": 83.6, + "recall_at_1": 0.245, + "recall_at_10": 2.128, + "recall_at_100": 13.767, + "recall_at_1000": 44.958, + "recall_at_3": 0.654, + "recall_at_5": 1.111, + "main_score": 76.447 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/Touche2020.json b/results/barisaydin__bge-base-en/external/Touche2020.json new file mode 100644 index 000000000..f71ea02d3 --- /dev/null +++ b/results/barisaydin__bge-base-en/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.5170000000000003, + "map_at_10": 10.915, + "map_at_100": 17.535, + "map_at_1000": 19.042, + "map_at_3": 5.689, + "map_at_5": 7.837, + "mrr_at_1": 34.694, + "mrr_at_10": 49.547999999999995, + "mrr_at_100": 50.653000000000006, + "mrr_at_1000": 50.653000000000006, + "mrr_at_3": 44.558, + "mrr_at_5": 48.333, + "ndcg_at_1": 32.653, + "ndcg_at_10": 26.543, + "ndcg_at_100": 38.946, + "ndcg_at_1000": 49.406, + "ndcg_at_3": 29.903000000000002, + "ndcg_at_5": 29.231, + "precision_at_1": 34.694, + "precision_at_10": 23.265, + "precision_at_100": 8.102, + "precision_at_1000": 1.5, + "precision_at_3": 31.293, + "precision_at_5": 29.796, + "recall_at_1": 2.5170000000000003, + "recall_at_10": 16.88, + "recall_at_100": 49.381, + "recall_at_1000": 81.23899999999999, + "recall_at_3": 6.965000000000001, + "recall_at_5": 10.847999999999999, + "main_score": 26.543 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/ToxicConversationsClassification.json b/results/barisaydin__bge-base-en/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..43c348707 --- /dev/null +++ b/results/barisaydin__bge-base-en/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.5942, + "ap": 13.92074156956546, + "f1": 54.671999698839066, + "main_score": 71.5942 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/TweetSentimentExtractionClassification.json b/results/barisaydin__bge-base-en/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..7a997a77e --- /dev/null +++ b/results/barisaydin__bge-base-en/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 59.39728353140916, + "f1": 59.68980496759517, + "main_score": 59.39728353140916 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/TwentyNewsgroupsClustering.json b/results/barisaydin__bge-base-en/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..51e09e3f2 --- /dev/null +++ b/results/barisaydin__bge-base-en/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 52.11181870104935, + "main_score": 52.11181870104935 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/TwitterSemEval2015.json b/results/barisaydin__bge-base-en/external/TwitterSemEval2015.json new file mode 100644 index 000000000..293f123c1 --- /dev/null +++ b/results/barisaydin__bge-base-en/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 86.46957143708649, + "cos_sim_ap": 76.16120197845457, + "cos_sim_f1": 69.69919295671315, + "cos_sim_precision": 64.94986326344576, + "cos_sim_recall": 75.19788918205805, + "dot_accuracy": 83.0780234845324, + "dot_ap": 64.21717343541934, + "dot_f1": 59.48375497624245, + "dot_precision": 57.94345759319489, + "dot_recall": 61.108179419525065, + "euclidean_accuracy": 86.6543482148179, + "euclidean_ap": 76.4527555010203, + "euclidean_f1": 70.10156056477584, + "euclidean_precision": 66.05975723622782, + "euclidean_recall": 74.67018469656992, + "manhattan_accuracy": 86.66030875603504, + "manhattan_ap": 76.40304567255436, + "manhattan_f1": 70.05275426328058, + "manhattan_precision": 65.4666360926393, + "manhattan_recall": 75.32981530343008, + "max_accuracy": 86.66030875603504, + "max_ap": 76.4527555010203, + "max_f1": 70.10156056477584, + "main_score": 76.4527555010203 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/TwitterURLCorpus.json b/results/barisaydin__bge-base-en/external/TwitterURLCorpus.json new file mode 100644 index 000000000..889b0da55 --- /dev/null +++ b/results/barisaydin__bge-base-en/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.42123646524624, + "cos_sim_ap": 85.15431437761646, + "cos_sim_f1": 76.98069301530742, + "cos_sim_precision": 72.9314502239063, + "cos_sim_recall": 81.50600554357868, + "dot_accuracy": 86.70974502270346, + "dot_ap": 80.77621563599457, + "dot_f1": 73.87058697285117, + "dot_precision": 68.98256396552877, + "dot_recall": 79.50415768401602, + "euclidean_accuracy": 88.46392672798541, + "euclidean_ap": 85.20370297495491, + "euclidean_f1": 77.01372369624886, + "euclidean_precision": 73.39052800446397, + "euclidean_recall": 81.01324299353249, + "manhattan_accuracy": 88.43481973066325, + "manhattan_ap": 85.16318289864545, + "manhattan_f1": 76.90884877182597, + "manhattan_precision": 74.01737396753062, + "manhattan_recall": 80.03541730828458, + "max_accuracy": 88.46392672798541, + "max_ap": 85.20370297495491, + "max_f1": 77.01372369624886, + "main_score": 85.20370297495491 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-base-en/external/model_meta.json b/results/barisaydin__bge-base-en/external/model_meta.json new file mode 100644 index 000000000..630a235ce --- /dev/null +++ b/results/barisaydin__bge-base-en/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "barisaydin/bge-base-en", + "revision": "37b7458ee8f5464b232550c6a13b266c94438af4", + "release_date": "2023-09-20", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 109482752, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 768, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/AmazonCounterfactualClassification.json b/results/barisaydin__bge-large-en/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..5ae845bd8 --- /dev/null +++ b/results/barisaydin__bge-large-en/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.94029850746269, + "ap": 40.00228964744091, + "f1": 70.86088267934595, + "main_score": 76.94029850746269 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/AmazonPolarityClassification.json b/results/barisaydin__bge-large-en/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..d46949392 --- /dev/null +++ b/results/barisaydin__bge-large-en/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.93745, + "ap": 88.24758534667426, + "f1": 91.91033034217591, + "main_score": 91.93745 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/AmazonReviewsClassification.json b/results/barisaydin__bge-large-en/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..cb2c9b12b --- /dev/null +++ b/results/barisaydin__bge-large-en/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 46.158, + "f1": 45.78935185074774, + "main_score": 46.158 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/ArguAna.json b/results/barisaydin__bge-large-en/external/ArguAna.json new file mode 100644 index 000000000..f38834cbf --- /dev/null +++ b/results/barisaydin__bge-large-en/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 39.972, + "map_at_10": 54.874, + "map_at_100": 55.53399999999999, + "map_at_1000": 55.539, + "map_at_3": 51.031000000000006, + "map_at_5": 53.342999999999996, + "mrr_at_1": 40.541, + "mrr_at_10": 55.096000000000004, + "mrr_at_100": 55.75599999999999, + "mrr_at_1000": 55.761, + "mrr_at_3": 51.221000000000004, + "mrr_at_5": 53.568000000000005, + "ndcg_at_1": 39.972, + "ndcg_at_10": 62.456999999999994, + "ndcg_at_100": 65.262, + "ndcg_at_1000": 65.389, + "ndcg_at_3": 54.673, + "ndcg_at_5": 58.80499999999999, + "precision_at_1": 39.972, + "precision_at_10": 8.634, + "precision_at_100": 0.9860000000000001, + "precision_at_1000": 0.1, + "precision_at_3": 21.740000000000002, + "precision_at_5": 15.036, + "recall_at_1": 39.972, + "recall_at_10": 86.344, + "recall_at_100": 98.578, + "recall_at_1000": 99.57300000000001, + "recall_at_3": 65.22, + "recall_at_5": 75.178, + "main_score": 62.456999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/ArxivClusteringP2P.json b/results/barisaydin__bge-large-en/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..6112191b1 --- /dev/null +++ b/results/barisaydin__bge-large-en/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.94652870403906, + "main_score": 48.94652870403906 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/ArxivClusteringS2S.json b/results/barisaydin__bge-large-en/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..42d7041a9 --- /dev/null +++ b/results/barisaydin__bge-large-en/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 43.17257160340209, + "main_score": 43.17257160340209 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/AskUbuntuDupQuestions.json b/results/barisaydin__bge-large-en/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..ccba08143 --- /dev/null +++ b/results/barisaydin__bge-large-en/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 63.97867370559182, + "mrr": 77.00820032537484, + "main_score": 63.97867370559182 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/BIOSSES.json b/results/barisaydin__bge-large-en/external/BIOSSES.json new file mode 100644 index 000000000..787176f73 --- /dev/null +++ b/results/barisaydin__bge-large-en/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 80.00986015960616, + "cos_sim_spearman": 80.36387933827882, + "euclidean_pearson": 80.32305287257296, + "euclidean_spearman": 82.0524720308763, + "manhattan_pearson": 80.19847473906454, + "manhattan_spearman": 81.87957652506985, + "cosine_pearson": 80.00986015960616, + "cosine_spearman": 80.36387933827882, + "main_score": 80.36387933827882 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/Banking77Classification.json b/results/barisaydin__bge-large-en/external/Banking77Classification.json new file mode 100644 index 000000000..e902e67ad --- /dev/null +++ b/results/barisaydin__bge-large-en/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 88.00000000000001, + "f1": 87.99039027511853, + "main_score": 88.00000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/BiorxivClusteringP2P.json b/results/barisaydin__bge-large-en/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..a23b12dd2 --- /dev/null +++ b/results/barisaydin__bge-large-en/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 41.36932844640705, + "main_score": 41.36932844640705 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/BiorxivClusteringS2S.json b/results/barisaydin__bge-large-en/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..056c680aa --- /dev/null +++ b/results/barisaydin__bge-large-en/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.34983239611985, + "main_score": 38.34983239611985 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/CQADupstackAndroidRetrieval.json b/results/barisaydin__bge-large-en/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..70e2cddb8 --- /dev/null +++ b/results/barisaydin__bge-large-en/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.257999999999996, + "map_at_10": 42.937, + "map_at_100": 44.406, + "map_at_1000": 44.536, + "map_at_3": 39.22, + "map_at_5": 41.458, + "mrr_at_1": 38.769999999999996, + "mrr_at_10": 48.701, + "mrr_at_100": 49.431000000000004, + "mrr_at_1000": 49.476, + "mrr_at_3": 45.875, + "mrr_at_5": 47.67, + "ndcg_at_1": 38.769999999999996, + "ndcg_at_10": 49.35, + "ndcg_at_100": 54.618, + "ndcg_at_1000": 56.655, + "ndcg_at_3": 43.826, + "ndcg_at_5": 46.72, + "precision_at_1": 38.769999999999996, + "precision_at_10": 9.328, + "precision_at_100": 1.484, + "precision_at_1000": 0.196, + "precision_at_3": 20.649, + "precision_at_5": 15.25, + "recall_at_1": 32.257999999999996, + "recall_at_10": 61.849, + "recall_at_100": 83.70400000000001, + "recall_at_1000": 96.344, + "recall_at_3": 46.037, + "recall_at_5": 53.724000000000004, + "main_score": 49.35 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.979, + "map_at_10": 43.376999999999995, + "map_at_100": 44.667, + "map_at_1000": 44.794, + "map_at_3": 40.461999999999996, + "map_at_5": 42.138, + "mrr_at_1": 41.146, + "mrr_at_10": 49.575, + "mrr_at_100": 50.187000000000005, + "mrr_at_1000": 50.231, + "mrr_at_3": 47.601, + "mrr_at_5": 48.786, + "ndcg_at_1": 41.146, + "ndcg_at_10": 48.957, + "ndcg_at_100": 53.296, + "ndcg_at_1000": 55.254000000000005, + "ndcg_at_3": 45.235, + "ndcg_at_5": 47.014, + "precision_at_1": 41.146, + "precision_at_10": 9.107999999999999, + "precision_at_100": 1.481, + "precision_at_1000": 0.193, + "precision_at_3": 21.783, + "precision_at_5": 15.274, + "recall_at_1": 32.979, + "recall_at_10": 58.167, + "recall_at_100": 76.374, + "recall_at_1000": 88.836, + "recall_at_3": 46.838, + "recall_at_5": 52.006, + "main_score": 48.957 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.326, + "map_at_10": 53.468, + "map_at_100": 54.454, + "map_at_1000": 54.508, + "map_at_3": 50.12799999999999, + "map_at_5": 51.991, + "mrr_at_1": 46.394999999999996, + "mrr_at_10": 57.016999999999996, + "mrr_at_100": 57.67099999999999, + "mrr_at_1000": 57.699999999999996, + "mrr_at_3": 54.65, + "mrr_at_5": 56.101, + "ndcg_at_1": 46.394999999999996, + "ndcg_at_10": 59.507, + "ndcg_at_100": 63.31099999999999, + "ndcg_at_1000": 64.388, + "ndcg_at_3": 54.04600000000001, + "ndcg_at_5": 56.723, + "precision_at_1": 46.394999999999996, + "precision_at_10": 9.567, + "precision_at_100": 1.234, + "precision_at_1000": 0.13699999999999998, + "precision_at_3": 24.117, + "precision_at_5": 16.426, + "recall_at_1": 40.326, + "recall_at_10": 73.763, + "recall_at_100": 89.927, + "recall_at_1000": 97.509, + "recall_at_3": 59.34, + "recall_at_5": 65.915, + "main_score": 59.507 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.661, + "map_at_10": 35.522, + "map_at_100": 36.619, + "map_at_1000": 36.693999999999996, + "map_at_3": 33.154, + "map_at_5": 34.353, + "mrr_at_1": 28.362, + "mrr_at_10": 37.403999999999996, + "mrr_at_100": 38.374, + "mrr_at_1000": 38.428000000000004, + "mrr_at_3": 35.235, + "mrr_at_5": 36.269, + "ndcg_at_1": 28.362, + "ndcg_at_10": 40.431, + "ndcg_at_100": 45.745999999999995, + "ndcg_at_1000": 47.493, + "ndcg_at_3": 35.733, + "ndcg_at_5": 37.722, + "precision_at_1": 28.362, + "precision_at_10": 6.101999999999999, + "precision_at_100": 0.922, + "precision_at_1000": 0.11100000000000002, + "precision_at_3": 15.140999999999998, + "precision_at_5": 10.305, + "recall_at_1": 26.661, + "recall_at_10": 53.675, + "recall_at_100": 77.891, + "recall_at_1000": 90.72, + "recall_at_3": 40.751, + "recall_at_5": 45.517, + "main_score": 40.431 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.886, + "map_at_10": 27.288, + "map_at_100": 28.327999999999996, + "map_at_1000": 28.438999999999997, + "map_at_3": 24.453, + "map_at_5": 25.959, + "mrr_at_1": 23.134, + "mrr_at_10": 32.004, + "mrr_at_100": 32.789, + "mrr_at_1000": 32.857, + "mrr_at_3": 29.084, + "mrr_at_5": 30.614, + "ndcg_at_1": 23.134, + "ndcg_at_10": 32.852, + "ndcg_at_100": 37.972, + "ndcg_at_1000": 40.656, + "ndcg_at_3": 27.435, + "ndcg_at_5": 29.823, + "precision_at_1": 23.134, + "precision_at_10": 6.032, + "precision_at_100": 0.9950000000000001, + "precision_at_1000": 0.136, + "precision_at_3": 13.017999999999999, + "precision_at_5": 9.501999999999999, + "recall_at_1": 18.886, + "recall_at_10": 45.34, + "recall_at_100": 67.947, + "recall_at_1000": 86.924, + "recall_at_3": 30.535, + "recall_at_5": 36.451, + "main_score": 32.852 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.994999999999997, + "map_at_10": 40.04, + "map_at_100": 41.435, + "map_at_1000": 41.537, + "map_at_3": 37.091, + "map_at_5": 38.802, + "mrr_at_1": 35.034, + "mrr_at_10": 45.411, + "mrr_at_100": 46.226, + "mrr_at_1000": 46.27, + "mrr_at_3": 43.086, + "mrr_at_5": 44.452999999999996, + "ndcg_at_1": 35.034, + "ndcg_at_10": 46.076, + "ndcg_at_100": 51.483000000000004, + "ndcg_at_1000": 53.433, + "ndcg_at_3": 41.304, + "ndcg_at_5": 43.641999999999996, + "precision_at_1": 35.034, + "precision_at_10": 8.258000000000001, + "precision_at_100": 1.268, + "precision_at_1000": 0.161, + "precision_at_3": 19.57, + "precision_at_5": 13.782, + "recall_at_1": 28.994999999999997, + "recall_at_10": 58.538000000000004, + "recall_at_100": 80.72399999999999, + "recall_at_1000": 93.462, + "recall_at_3": 45.199, + "recall_at_5": 51.237, + "main_score": 46.076 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.795, + "map_at_10": 34.935, + "map_at_100": 36.306, + "map_at_1000": 36.417, + "map_at_3": 31.831, + "map_at_5": 33.626, + "mrr_at_1": 30.479, + "mrr_at_10": 40.225, + "mrr_at_100": 41.055, + "mrr_at_1000": 41.114, + "mrr_at_3": 37.538, + "mrr_at_5": 39.073, + "ndcg_at_1": 30.479, + "ndcg_at_10": 40.949999999999996, + "ndcg_at_100": 46.525, + "ndcg_at_1000": 48.892, + "ndcg_at_3": 35.79, + "ndcg_at_5": 38.237, + "precision_at_1": 30.479, + "precision_at_10": 7.6259999999999994, + "precision_at_100": 1.203, + "precision_at_1000": 0.157, + "precision_at_3": 17.199, + "precision_at_5": 12.466000000000001, + "recall_at_1": 24.795, + "recall_at_10": 53.421, + "recall_at_100": 77.189, + "recall_at_1000": 93.407, + "recall_at_3": 39.051, + "recall_at_5": 45.462, + "main_score": 40.949999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.853499999999997, + "map_at_10": 36.20433333333333, + "map_at_100": 37.40391666666667, + "map_at_1000": 37.515, + "map_at_3": 33.39975, + "map_at_5": 34.9665, + "mrr_at_1": 31.62666666666667, + "mrr_at_10": 40.436749999999996, + "mrr_at_100": 41.260333333333335, + "mrr_at_1000": 41.31525, + "mrr_at_3": 38.06733333333332, + "mrr_at_5": 39.41541666666667, + "ndcg_at_1": 31.62666666666667, + "ndcg_at_10": 41.63341666666667, + "ndcg_at_100": 46.704166666666666, + "ndcg_at_1000": 48.88483333333335, + "ndcg_at_3": 36.896, + "ndcg_at_5": 39.11891666666667, + "precision_at_1": 31.62666666666667, + "precision_at_10": 7.241083333333333, + "precision_at_100": 1.1488333333333334, + "precision_at_1000": 0.15250000000000002, + "precision_at_3": 16.908333333333335, + "precision_at_5": 11.942833333333333, + "recall_at_1": 26.853499999999997, + "recall_at_10": 53.461333333333336, + "recall_at_100": 75.63633333333333, + "recall_at_1000": 90.67016666666666, + "recall_at_3": 40.24241666666667, + "recall_at_5": 45.98608333333333, + "main_score": 41.63341666666667 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.241999999999997, + "map_at_10": 31.863999999999997, + "map_at_100": 32.835, + "map_at_1000": 32.928000000000004, + "map_at_3": 29.694, + "map_at_5": 30.978, + "mrr_at_1": 28.374, + "mrr_at_10": 34.814, + "mrr_at_100": 35.596, + "mrr_at_1000": 35.666, + "mrr_at_3": 32.745000000000005, + "mrr_at_5": 34.049, + "ndcg_at_1": 28.374, + "ndcg_at_10": 35.969, + "ndcg_at_100": 40.708, + "ndcg_at_1000": 43.08, + "ndcg_at_3": 31.968999999999998, + "ndcg_at_5": 34.069, + "precision_at_1": 28.374, + "precision_at_10": 5.583, + "precision_at_100": 0.8630000000000001, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 13.547999999999998, + "precision_at_5": 9.447999999999999, + "recall_at_1": 25.241999999999997, + "recall_at_10": 45.711, + "recall_at_100": 67.482, + "recall_at_1000": 85.13300000000001, + "recall_at_3": 34.622, + "recall_at_5": 40.043, + "main_score": 35.969 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.488999999999997, + "map_at_10": 25.142999999999997, + "map_at_100": 26.244, + "map_at_1000": 26.363999999999997, + "map_at_3": 22.654, + "map_at_5": 24.017, + "mrr_at_1": 21.198, + "mrr_at_10": 28.903000000000002, + "mrr_at_100": 29.860999999999997, + "mrr_at_1000": 29.934, + "mrr_at_3": 26.634999999999998, + "mrr_at_5": 27.903, + "ndcg_at_1": 21.198, + "ndcg_at_10": 29.982999999999997, + "ndcg_at_100": 35.275, + "ndcg_at_1000": 38.074000000000005, + "ndcg_at_3": 25.502999999999997, + "ndcg_at_5": 27.557, + "precision_at_1": 21.198, + "precision_at_10": 5.502, + "precision_at_100": 0.942, + "precision_at_1000": 0.136, + "precision_at_3": 12.044, + "precision_at_5": 8.782, + "recall_at_1": 17.488999999999997, + "recall_at_10": 40.821000000000005, + "recall_at_100": 64.567, + "recall_at_1000": 84.452, + "recall_at_3": 28.351, + "recall_at_5": 33.645, + "main_score": 29.982999999999997 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.066000000000003, + "map_at_10": 36.134, + "map_at_100": 37.285000000000004, + "map_at_1000": 37.389, + "map_at_3": 33.522999999999996, + "map_at_5": 34.905, + "mrr_at_1": 31.436999999999998, + "mrr_at_10": 40.225, + "mrr_at_100": 41.079, + "mrr_at_1000": 41.138000000000005, + "mrr_at_3": 38.074999999999996, + "mrr_at_5": 39.190000000000005, + "ndcg_at_1": 31.436999999999998, + "ndcg_at_10": 41.494, + "ndcg_at_100": 46.678999999999995, + "ndcg_at_1000": 48.964, + "ndcg_at_3": 36.828, + "ndcg_at_5": 38.789, + "precision_at_1": 31.436999999999998, + "precision_at_10": 6.931, + "precision_at_100": 1.072, + "precision_at_1000": 0.13799999999999998, + "precision_at_3": 16.729, + "precision_at_5": 11.567, + "recall_at_1": 27.066000000000003, + "recall_at_10": 53.705000000000005, + "recall_at_100": 75.968, + "recall_at_1000": 91.937, + "recall_at_3": 40.865, + "recall_at_5": 45.739999999999995, + "main_score": 41.494 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.979000000000003, + "map_at_10": 32.799, + "map_at_100": 34.508, + "map_at_1000": 34.719, + "map_at_3": 29.947000000000003, + "map_at_5": 31.584, + "mrr_at_1": 30.237000000000002, + "mrr_at_10": 37.651, + "mrr_at_100": 38.805, + "mrr_at_1000": 38.851, + "mrr_at_3": 35.046, + "mrr_at_5": 36.548, + "ndcg_at_1": 30.237000000000002, + "ndcg_at_10": 38.356, + "ndcg_at_100": 44.906, + "ndcg_at_1000": 47.299, + "ndcg_at_3": 33.717999999999996, + "ndcg_at_5": 35.946, + "precision_at_1": 30.237000000000002, + "precision_at_10": 7.292, + "precision_at_100": 1.496, + "precision_at_1000": 0.23600000000000002, + "precision_at_3": 15.547, + "precision_at_5": 11.344, + "recall_at_1": 24.979000000000003, + "recall_at_10": 48.624, + "recall_at_100": 77.932, + "recall_at_1000": 92.66499999999999, + "recall_at_3": 35.217, + "recall_at_5": 41.394, + "main_score": 38.356 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.566, + "map_at_10": 30.945, + "map_at_100": 31.759999999999998, + "map_at_1000": 31.855, + "map_at_3": 28.64, + "map_at_5": 29.787000000000003, + "mrr_at_1": 24.954, + "mrr_at_10": 33.311, + "mrr_at_100": 34.050000000000004, + "mrr_at_1000": 34.117999999999995, + "mrr_at_3": 31.238, + "mrr_at_5": 32.329, + "ndcg_at_1": 24.954, + "ndcg_at_10": 35.676, + "ndcg_at_100": 39.931, + "ndcg_at_1000": 42.43, + "ndcg_at_3": 31.365, + "ndcg_at_5": 33.184999999999995, + "precision_at_1": 24.954, + "precision_at_10": 5.564, + "precision_at_100": 0.826, + "precision_at_1000": 0.116, + "precision_at_3": 13.555, + "precision_at_5": 9.168, + "recall_at_1": 22.566, + "recall_at_10": 47.922, + "recall_at_100": 67.931, + "recall_at_1000": 86.653, + "recall_at_3": 36.103, + "recall_at_5": 40.699000000000005, + "main_score": 35.676 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/ClimateFEVER.json b/results/barisaydin__bge-large-en/external/ClimateFEVER.json new file mode 100644 index 000000000..4c8b409f5 --- /dev/null +++ b/results/barisaydin__bge-large-en/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.950000000000003, + "map_at_10": 28.612, + "map_at_100": 30.476999999999997, + "map_at_1000": 30.674, + "map_at_3": 24.262, + "map_at_5": 26.554, + "mrr_at_1": 38.241, + "mrr_at_10": 50.43, + "mrr_at_100": 51.059, + "mrr_at_1000": 51.090999999999994, + "mrr_at_3": 47.514, + "mrr_at_5": 49.246, + "ndcg_at_1": 38.241, + "ndcg_at_10": 38.218, + "ndcg_at_100": 45.003, + "ndcg_at_1000": 48.269, + "ndcg_at_3": 32.568000000000005, + "ndcg_at_5": 34.400999999999996, + "precision_at_1": 38.241, + "precision_at_10": 11.674, + "precision_at_100": 1.913, + "precision_at_1000": 0.252, + "precision_at_3": 24.387, + "precision_at_5": 18.163, + "recall_at_1": 16.950000000000003, + "recall_at_10": 43.769000000000005, + "recall_at_100": 66.875, + "recall_at_1000": 84.92699999999999, + "recall_at_3": 29.353, + "recall_at_5": 35.467, + "main_score": 38.218 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/DBPedia.json b/results/barisaydin__bge-large-en/external/DBPedia.json new file mode 100644 index 000000000..bea309ede --- /dev/null +++ b/results/barisaydin__bge-large-en/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.276, + "map_at_10": 20.848, + "map_at_100": 29.804000000000002, + "map_at_1000": 31.398, + "map_at_3": 14.886, + "map_at_5": 17.516000000000002, + "mrr_at_1": 71, + "mrr_at_10": 78.724, + "mrr_at_100": 78.976, + "mrr_at_1000": 78.986, + "mrr_at_3": 77.333, + "mrr_at_5": 78.021, + "ndcg_at_1": 57.875, + "ndcg_at_10": 43.855, + "ndcg_at_100": 48.99, + "ndcg_at_1000": 56.141, + "ndcg_at_3": 48.914, + "ndcg_at_5": 45.961, + "precision_at_1": 71, + "precision_at_10": 34.575, + "precision_at_100": 11.182, + "precision_at_1000": 2.044, + "precision_at_3": 52.5, + "precision_at_5": 44.2, + "recall_at_1": 9.276, + "recall_at_10": 26.501, + "recall_at_100": 55.72899999999999, + "recall_at_1000": 78.532, + "recall_at_3": 16.365, + "recall_at_5": 20.154, + "main_score": 43.855 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/EmotionClassification.json b/results/barisaydin__bge-large-en/external/EmotionClassification.json new file mode 100644 index 000000000..4c47f6d91 --- /dev/null +++ b/results/barisaydin__bge-large-en/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 52.71, + "f1": 47.74801556489574, + "main_score": 52.71 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/FEVER.json b/results/barisaydin__bge-large-en/external/FEVER.json new file mode 100644 index 000000000..b202058d3 --- /dev/null +++ b/results/barisaydin__bge-large-en/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 73.405, + "map_at_10": 82.822, + "map_at_100": 83.042, + "map_at_1000": 83.055, + "map_at_3": 81.65299999999999, + "map_at_5": 82.431, + "mrr_at_1": 79.178, + "mrr_at_10": 87.02, + "mrr_at_100": 87.095, + "mrr_at_1000": 87.09700000000001, + "mrr_at_3": 86.309, + "mrr_at_5": 86.824, + "ndcg_at_1": 79.178, + "ndcg_at_10": 86.72, + "ndcg_at_100": 87.457, + "ndcg_at_1000": 87.691, + "ndcg_at_3": 84.974, + "ndcg_at_5": 86.032, + "precision_at_1": 79.178, + "precision_at_10": 10.548, + "precision_at_100": 1.113, + "precision_at_1000": 0.11499999999999999, + "precision_at_3": 32.848, + "precision_at_5": 20.45, + "recall_at_1": 73.405, + "recall_at_10": 94.39699999999999, + "recall_at_100": 97.219, + "recall_at_1000": 98.675, + "recall_at_3": 89.679, + "recall_at_5": 92.392, + "main_score": 86.72 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/FiQA2018.json b/results/barisaydin__bge-large-en/external/FiQA2018.json new file mode 100644 index 000000000..e9ce4a0d7 --- /dev/null +++ b/results/barisaydin__bge-large-en/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.651, + "map_at_10": 36.886, + "map_at_100": 38.811, + "map_at_1000": 38.981, + "map_at_3": 32.538, + "map_at_5": 34.763, + "mrr_at_1": 44.444, + "mrr_at_10": 53.168000000000006, + "mrr_at_100": 53.839000000000006, + "mrr_at_1000": 53.869, + "mrr_at_3": 50.54, + "mrr_at_5": 52.068000000000005, + "ndcg_at_1": 44.444, + "ndcg_at_10": 44.994, + "ndcg_at_100": 51.599, + "ndcg_at_1000": 54.339999999999996, + "ndcg_at_3": 41.372, + "ndcg_at_5": 42.149, + "precision_at_1": 44.444, + "precision_at_10": 12.407, + "precision_at_100": 1.9269999999999998, + "precision_at_1000": 0.242, + "precision_at_3": 27.726, + "precision_at_5": 19.814999999999998, + "recall_at_1": 22.651, + "recall_at_10": 52.075, + "recall_at_100": 76.51400000000001, + "recall_at_1000": 92.852, + "recall_at_3": 37.236000000000004, + "recall_at_5": 43.175999999999995, + "main_score": 44.994 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/HotpotQA.json b/results/barisaydin__bge-large-en/external/HotpotQA.json new file mode 100644 index 000000000..20cae1fc3 --- /dev/null +++ b/results/barisaydin__bge-large-en/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.777, + "map_at_10": 66.79899999999999, + "map_at_100": 67.65299999999999, + "map_at_1000": 67.706, + "map_at_3": 63.352, + "map_at_5": 65.52900000000001, + "mrr_at_1": 81.553, + "mrr_at_10": 86.983, + "mrr_at_100": 87.132, + "mrr_at_1000": 87.136, + "mrr_at_3": 86.156, + "mrr_at_5": 86.726, + "ndcg_at_1": 81.553, + "ndcg_at_10": 74.64, + "ndcg_at_100": 77.459, + "ndcg_at_1000": 78.43, + "ndcg_at_3": 69.878, + "ndcg_at_5": 72.59400000000001, + "precision_at_1": 81.553, + "precision_at_10": 15.654000000000002, + "precision_at_100": 1.783, + "precision_at_1000": 0.191, + "precision_at_3": 45.199, + "precision_at_5": 29.267, + "recall_at_1": 40.777, + "recall_at_10": 78.271, + "recall_at_100": 89.129, + "recall_at_1000": 95.49, + "recall_at_3": 67.79899999999999, + "recall_at_5": 73.167, + "main_score": 74.64 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/ImdbClassification.json b/results/barisaydin__bge-large-en/external/ImdbClassification.json new file mode 100644 index 000000000..5f9303234 --- /dev/null +++ b/results/barisaydin__bge-large-en/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.5064, + "ap": 90.25495114444111, + "f1": 93.5012434973381, + "main_score": 93.5064 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/MSMARCO.json b/results/barisaydin__bge-large-en/external/MSMARCO.json new file mode 100644 index 000000000..7c938be2c --- /dev/null +++ b/results/barisaydin__bge-large-en/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.301, + "map_at_10": 35.657, + "map_at_100": 36.797000000000004, + "map_at_1000": 36.844, + "map_at_3": 31.743, + "map_at_5": 34.003, + "mrr_at_1": 23.854, + "mrr_at_10": 36.242999999999995, + "mrr_at_100": 37.32, + "mrr_at_1000": 37.361, + "mrr_at_3": 32.4, + "mrr_at_5": 34.634, + "ndcg_at_1": 23.868000000000002, + "ndcg_at_10": 42.589, + "ndcg_at_100": 48.031, + "ndcg_at_1000": 49.189, + "ndcg_at_3": 34.649, + "ndcg_at_5": 38.676, + "precision_at_1": 23.868000000000002, + "precision_at_10": 6.6850000000000005, + "precision_at_100": 0.9400000000000001, + "precision_at_1000": 0.104, + "precision_at_3": 14.651, + "precision_at_5": 10.834000000000001, + "recall_at_1": 23.301, + "recall_at_10": 63.88700000000001, + "recall_at_100": 88.947, + "recall_at_1000": 97.783, + "recall_at_3": 42.393, + "recall_at_5": 52.036, + "main_score": 42.589 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/MTOPDomainClassification.json b/results/barisaydin__bge-large-en/external/MTOPDomainClassification.json new file mode 100644 index 000000000..668e71f80 --- /dev/null +++ b/results/barisaydin__bge-large-en/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 94.64888280893753, + "f1": 94.41310774203512, + "main_score": 94.64888280893753 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/MTOPIntentClassification.json b/results/barisaydin__bge-large-en/external/MTOPIntentClassification.json new file mode 100644 index 000000000..8b6bee507 --- /dev/null +++ b/results/barisaydin__bge-large-en/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.72184222526221, + "f1": 61.522034067350106, + "main_score": 79.72184222526221 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/MassiveIntentClassification.json b/results/barisaydin__bge-large-en/external/MassiveIntentClassification.json new file mode 100644 index 000000000..3f1989d37 --- /dev/null +++ b/results/barisaydin__bge-large-en/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.60659045057163, + "f1": 77.268649687049, + "main_score": 79.60659045057163 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/MassiveScenarioClassification.json b/results/barisaydin__bge-large-en/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..67e391ea5 --- /dev/null +++ b/results/barisaydin__bge-large-en/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 81.83254875588432, + "f1": 81.61520635919082, + "main_score": 81.83254875588432 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/MedrxivClusteringP2P.json b/results/barisaydin__bge-large-en/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..fb8723a5c --- /dev/null +++ b/results/barisaydin__bge-large-en/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.31529875009507, + "main_score": 36.31529875009507 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/MedrxivClusteringS2S.json b/results/barisaydin__bge-large-en/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..87568993e --- /dev/null +++ b/results/barisaydin__bge-large-en/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.734233714415073, + "main_score": 31.734233714415073 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/MindSmallReranking.json b/results/barisaydin__bge-large-en/external/MindSmallReranking.json new file mode 100644 index 000000000..6943a29d8 --- /dev/null +++ b/results/barisaydin__bge-large-en/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 30.994501713009452, + "mrr": 32.13512850703073, + "main_score": 30.994501713009452 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/NFCorpus.json b/results/barisaydin__bge-large-en/external/NFCorpus.json new file mode 100644 index 000000000..f3e39fafa --- /dev/null +++ b/results/barisaydin__bge-large-en/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.603000000000001, + "map_at_10": 13.767999999999999, + "map_at_100": 17.197000000000003, + "map_at_1000": 18.615000000000002, + "map_at_3": 10.567, + "map_at_5": 12.078999999999999, + "mrr_at_1": 44.891999999999996, + "mrr_at_10": 53.75299999999999, + "mrr_at_100": 54.35, + "mrr_at_1000": 54.388000000000005, + "mrr_at_3": 51.495999999999995, + "mrr_at_5": 52.688, + "ndcg_at_1": 43.189, + "ndcg_at_10": 34.567, + "ndcg_at_100": 32.273, + "ndcg_at_1000": 41.321999999999996, + "ndcg_at_3": 40.171, + "ndcg_at_5": 37.502, + "precision_at_1": 44.582, + "precision_at_10": 25.139, + "precision_at_100": 7.739999999999999, + "precision_at_1000": 2.054, + "precision_at_3": 37.152, + "precision_at_5": 31.826999999999998, + "recall_at_1": 6.603000000000001, + "recall_at_10": 17.023, + "recall_at_100": 32.914, + "recall_at_1000": 64.44800000000001, + "recall_at_3": 11.457, + "recall_at_5": 13.816, + "main_score": 34.567 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/NQ.json b/results/barisaydin__bge-large-en/external/NQ.json new file mode 100644 index 000000000..75145511b --- /dev/null +++ b/results/barisaydin__bge-large-en/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.026000000000003, + "map_at_10": 45.429, + "map_at_100": 46.45, + "map_at_1000": 46.478, + "map_at_3": 41.147, + "map_at_5": 43.627, + "mrr_at_1": 33.951, + "mrr_at_10": 47.953, + "mrr_at_100": 48.731, + "mrr_at_1000": 48.751, + "mrr_at_3": 44.39, + "mrr_at_5": 46.533, + "ndcg_at_1": 33.951, + "ndcg_at_10": 53.24100000000001, + "ndcg_at_100": 57.599999999999994, + "ndcg_at_1000": 58.270999999999994, + "ndcg_at_3": 45.190999999999995, + "ndcg_at_5": 49.339, + "precision_at_1": 33.951, + "precision_at_10": 8.856, + "precision_at_100": 1.133, + "precision_at_1000": 0.12, + "precision_at_3": 20.713, + "precision_at_5": 14.838000000000001, + "recall_at_1": 30.026000000000003, + "recall_at_10": 74.512, + "recall_at_100": 93.395, + "recall_at_1000": 98.402, + "recall_at_3": 53.677, + "recall_at_5": 63.198, + "main_score": 53.24100000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/QuoraRetrieval.json b/results/barisaydin__bge-large-en/external/QuoraRetrieval.json new file mode 100644 index 000000000..0750c9dc6 --- /dev/null +++ b/results/barisaydin__bge-large-en/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 71.41300000000001, + "map_at_10": 85.387, + "map_at_100": 86.027, + "map_at_1000": 86.041, + "map_at_3": 82.543, + "map_at_5": 84.304, + "mrr_at_1": 82.35, + "mrr_at_10": 88.248, + "mrr_at_100": 88.348, + "mrr_at_1000": 88.349, + "mrr_at_3": 87.348, + "mrr_at_5": 87.96300000000001, + "ndcg_at_1": 82.37, + "ndcg_at_10": 88.98, + "ndcg_at_100": 90.16499999999999, + "ndcg_at_1000": 90.239, + "ndcg_at_3": 86.34100000000001, + "ndcg_at_5": 87.761, + "precision_at_1": 82.37, + "precision_at_10": 13.471, + "precision_at_100": 1.534, + "precision_at_1000": 0.157, + "precision_at_3": 37.827, + "precision_at_5": 24.773999999999997, + "recall_at_1": 71.41300000000001, + "recall_at_10": 95.748, + "recall_at_100": 99.69200000000001, + "recall_at_1000": 99.98, + "recall_at_3": 87.996, + "recall_at_5": 92.142, + "main_score": 88.98 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/RedditClustering.json b/results/barisaydin__bge-large-en/external/RedditClustering.json new file mode 100644 index 000000000..1fa25274e --- /dev/null +++ b/results/barisaydin__bge-large-en/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 56.96878497780007, + "main_score": 56.96878497780007 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/RedditClusteringP2P.json b/results/barisaydin__bge-large-en/external/RedditClusteringP2P.json new file mode 100644 index 000000000..5925d1ceb --- /dev/null +++ b/results/barisaydin__bge-large-en/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 65.31371347128074, + "main_score": 65.31371347128074 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/SCIDOCS.json b/results/barisaydin__bge-large-en/external/SCIDOCS.json new file mode 100644 index 000000000..98470a03d --- /dev/null +++ b/results/barisaydin__bge-large-en/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.287, + "map_at_10": 13.530000000000001, + "map_at_100": 15.891, + "map_at_1000": 16.245, + "map_at_3": 9.612, + "map_at_5": 11.672, + "mrr_at_1": 26, + "mrr_at_10": 37.335, + "mrr_at_100": 38.443, + "mrr_at_1000": 38.486, + "mrr_at_3": 33.783, + "mrr_at_5": 36.028, + "ndcg_at_1": 26, + "ndcg_at_10": 22.215, + "ndcg_at_100": 31.101, + "ndcg_at_1000": 36.809, + "ndcg_at_3": 21.104, + "ndcg_at_5": 18.759999999999998, + "precision_at_1": 26, + "precision_at_10": 11.43, + "precision_at_100": 2.424, + "precision_at_1000": 0.379, + "precision_at_3": 19.7, + "precision_at_5": 16.619999999999997, + "recall_at_1": 5.287, + "recall_at_10": 23.18, + "recall_at_100": 49.208, + "recall_at_1000": 76.85300000000001, + "recall_at_3": 11.991999999999999, + "recall_at_5": 16.85, + "main_score": 22.215 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/SICK-R.json b/results/barisaydin__bge-large-en/external/SICK-R.json new file mode 100644 index 000000000..843ea1b77 --- /dev/null +++ b/results/barisaydin__bge-large-en/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.87834913790886, + "cos_sim_spearman": 81.04583513112122, + "euclidean_pearson": 81.20484174558065, + "euclidean_spearman": 80.76430832561769, + "manhattan_pearson": 81.21416730978615, + "manhattan_spearman": 80.7797637394211, + "cosine_pearson": 83.87834913790886, + "cosine_spearman": 81.04583513112122, + "main_score": 81.04583513112122 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/STS12.json b/results/barisaydin__bge-large-en/external/STS12.json new file mode 100644 index 000000000..72b051c47 --- /dev/null +++ b/results/barisaydin__bge-large-en/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.56143998865157, + "cos_sim_spearman": 79.75387012744471, + "euclidean_pearson": 83.7877519997019, + "euclidean_spearman": 79.90489748003296, + "manhattan_pearson": 83.7540590666095, + "manhattan_spearman": 79.86434577931573, + "cosine_pearson": 86.56143998865157, + "cosine_spearman": 79.75387012744471, + "main_score": 79.75387012744471 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/STS13.json b/results/barisaydin__bge-large-en/external/STS13.json new file mode 100644 index 000000000..98df7cb13 --- /dev/null +++ b/results/barisaydin__bge-large-en/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.92102564177941, + "cos_sim_spearman": 84.98234585939103, + "euclidean_pearson": 84.47729567593696, + "euclidean_spearman": 85.09490696194469, + "manhattan_pearson": 84.38622951588229, + "manhattan_spearman": 85.02507171545574, + "cosine_pearson": 83.92102564177941, + "cosine_spearman": 84.98234585939103, + "main_score": 84.98234585939103 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/STS14.json b/results/barisaydin__bge-large-en/external/STS14.json new file mode 100644 index 000000000..2e2eb283b --- /dev/null +++ b/results/barisaydin__bge-large-en/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 80.1891164763377, + "cos_sim_spearman": 80.7997969966883, + "euclidean_pearson": 80.48572256162396, + "euclidean_spearman": 80.57851903536378, + "manhattan_pearson": 80.4324819433651, + "manhattan_spearman": 80.5074526239062, + "cosine_pearson": 80.1891164763377, + "cosine_spearman": 80.7997969966883, + "main_score": 80.7997969966883 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/STS15.json b/results/barisaydin__bge-large-en/external/STS15.json new file mode 100644 index 000000000..cfaa82d73 --- /dev/null +++ b/results/barisaydin__bge-large-en/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.64319975116025, + "cos_sim_spearman": 84.88671197763652, + "euclidean_pearson": 84.74692193293231, + "euclidean_spearman": 85.27151722073653, + "manhattan_pearson": 84.72460516785438, + "manhattan_spearman": 85.26518899786687, + "cosine_pearson": 82.64319975116025, + "cosine_spearman": 84.88671197763652, + "main_score": 84.88671197763652 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/STS16.json b/results/barisaydin__bge-large-en/external/STS16.json new file mode 100644 index 000000000..a22101d5a --- /dev/null +++ b/results/barisaydin__bge-large-en/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.24687565822381, + "cos_sim_spearman": 85.60418454111263, + "euclidean_pearson": 84.85829740169851, + "euclidean_spearman": 85.66378014138306, + "manhattan_pearson": 84.84672408808835, + "manhattan_spearman": 85.63331924364891, + "cosine_pearson": 83.24687565822381, + "cosine_spearman": 85.60418454111263, + "main_score": 85.60418454111263 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/STS17.json b/results/barisaydin__bge-large-en/external/STS17.json new file mode 100644 index 000000000..c00439a7b --- /dev/null +++ b/results/barisaydin__bge-large-en/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.87758895415485, + "cos_sim_spearman": 85.8193745617297, + "euclidean_pearson": 85.78719118848134, + "euclidean_spearman": 84.35797575385688, + "manhattan_pearson": 85.97919844815692, + "manhattan_spearman": 84.58334745175151, + "cosine_pearson": 84.87758895415485, + "cosine_spearman": 85.8193745617297, + "main_score": 85.8193745617297 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/STS22.json b/results/barisaydin__bge-large-en/external/STS22.json new file mode 100644 index 000000000..6308d89d8 --- /dev/null +++ b/results/barisaydin__bge-large-en/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 67.27076035963599, + "cos_sim_spearman": 67.21433656439973, + "euclidean_pearson": 68.07434078679324, + "euclidean_spearman": 66.0249731719049, + "manhattan_pearson": 67.95495198947476, + "manhattan_spearman": 65.99893908331886, + "cosine_pearson": 67.27076035963599, + "cosine_spearman": 67.21433656439973, + "main_score": 67.21433656439973 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/STSBenchmark.json b/results/barisaydin__bge-large-en/external/STSBenchmark.json new file mode 100644 index 000000000..0fa998c81 --- /dev/null +++ b/results/barisaydin__bge-large-en/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.22437747056817, + "cos_sim_spearman": 85.0995685206174, + "euclidean_pearson": 84.08616925603394, + "euclidean_spearman": 84.89633925691658, + "manhattan_pearson": 84.08332675923133, + "manhattan_spearman": 84.8858228112915, + "cosine_pearson": 82.22437747056817, + "cosine_spearman": 85.0995685206174, + "main_score": 85.0995685206174 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/SciDocsRR.json b/results/barisaydin__bge-large-en/external/SciDocsRR.json new file mode 100644 index 000000000..7c2322d55 --- /dev/null +++ b/results/barisaydin__bge-large-en/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 87.6909022589666, + "mrr": 96.43341952165481, + "main_score": 87.6909022589666 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/SciFact.json b/results/barisaydin__bge-large-en/external/SciFact.json new file mode 100644 index 000000000..2af72fad2 --- /dev/null +++ b/results/barisaydin__bge-large-en/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 57.660999999999994, + "map_at_10": 67.625, + "map_at_100": 68.07600000000001, + "map_at_1000": 68.10199999999999, + "map_at_3": 64.50399999999999, + "map_at_5": 66.281, + "mrr_at_1": 61, + "mrr_at_10": 68.953, + "mrr_at_100": 69.327, + "mrr_at_1000": 69.352, + "mrr_at_3": 66.833, + "mrr_at_5": 68.05, + "ndcg_at_1": 61, + "ndcg_at_10": 72.369, + "ndcg_at_100": 74.237, + "ndcg_at_1000": 74.939, + "ndcg_at_3": 67.284, + "ndcg_at_5": 69.72500000000001, + "precision_at_1": 61, + "precision_at_10": 9.733, + "precision_at_100": 1.0670000000000002, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 26.222, + "precision_at_5": 17.4, + "recall_at_1": 57.660999999999994, + "recall_at_10": 85.656, + "recall_at_100": 93.833, + "recall_at_1000": 99.333, + "recall_at_3": 71.961, + "recall_at_5": 78.094, + "main_score": 72.369 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/SprintDuplicateQuestions.json b/results/barisaydin__bge-large-en/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..df6c2616c --- /dev/null +++ b/results/barisaydin__bge-large-en/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.86930693069307, + "cos_sim_ap": 96.76685487950894, + "cos_sim_f1": 93.44587884806354, + "cos_sim_precision": 92.80078895463511, + "cos_sim_recall": 94.1, + "dot_accuracy": 99.54356435643564, + "dot_ap": 81.18659960405607, + "dot_f1": 75.78008915304605, + "dot_precision": 75.07360157016683, + "dot_recall": 76.5, + "euclidean_accuracy": 99.87326732673267, + "euclidean_ap": 96.8102411908941, + "euclidean_f1": 93.6127744510978, + "euclidean_precision": 93.42629482071713, + "euclidean_recall": 93.8, + "manhattan_accuracy": 99.87425742574257, + "manhattan_ap": 96.82857341435529, + "manhattan_f1": 93.62129583124059, + "manhattan_precision": 94.04641775983855, + "manhattan_recall": 93.2, + "max_accuracy": 99.87425742574257, + "max_ap": 96.82857341435529, + "max_f1": 93.62129583124059, + "main_score": 96.82857341435529 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/StackExchangeClustering.json b/results/barisaydin__bge-large-en/external/StackExchangeClustering.json new file mode 100644 index 000000000..b34355e56 --- /dev/null +++ b/results/barisaydin__bge-large-en/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 65.92560972698926, + "main_score": 65.92560972698926 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/StackExchangeClusteringP2P.json b/results/barisaydin__bge-large-en/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..63a902a2b --- /dev/null +++ b/results/barisaydin__bge-large-en/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.92797240259008, + "main_score": 34.92797240259008 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/StackOverflowDupQuestions.json b/results/barisaydin__bge-large-en/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..4f29a2501 --- /dev/null +++ b/results/barisaydin__bge-large-en/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 55.244624045597654, + "mrr": 56.185303666921314, + "main_score": 55.244624045597654 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/SummEval.json b/results/barisaydin__bge-large-en/external/SummEval.json new file mode 100644 index 000000000..a9a25f1cc --- /dev/null +++ b/results/barisaydin__bge-large-en/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.02491987312937, + "cos_sim_spearman": 32.055592206679734, + "dot_pearson": 24.731627575422557, + "dot_spearman": 24.308029077069733, + "cosine_pearson": 31.02491987312937, + "cosine_spearman": 32.055592206679734, + "main_score": 32.055592206679734 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/TRECCOVID.json b/results/barisaydin__bge-large-en/external/TRECCOVID.json new file mode 100644 index 000000000..504e63a13 --- /dev/null +++ b/results/barisaydin__bge-large-en/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.231, + "map_at_10": 1.899, + "map_at_100": 9.498, + "map_at_1000": 20.979999999999997, + "map_at_3": 0.652, + "map_at_5": 1.069, + "mrr_at_1": 88, + "mrr_at_10": 93.4, + "mrr_at_100": 93.4, + "mrr_at_1000": 93.4, + "mrr_at_3": 93, + "mrr_at_5": 93.4, + "ndcg_at_1": 86, + "ndcg_at_10": 75.375, + "ndcg_at_100": 52.891999999999996, + "ndcg_at_1000": 44.952999999999996, + "ndcg_at_3": 81.05, + "ndcg_at_5": 80.175, + "precision_at_1": 88, + "precision_at_10": 79, + "precision_at_100": 53.16, + "precision_at_1000": 19.408, + "precision_at_3": 85.333, + "precision_at_5": 84, + "recall_at_1": 0.231, + "recall_at_10": 2.078, + "recall_at_100": 12.601, + "recall_at_1000": 41.296, + "recall_at_3": 0.6779999999999999, + "recall_at_5": 1.1360000000000001, + "main_score": 75.375 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/Touche2020.json b/results/barisaydin__bge-large-en/external/Touche2020.json new file mode 100644 index 000000000..0d621b153 --- /dev/null +++ b/results/barisaydin__bge-large-en/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.782, + "map_at_10": 10.204, + "map_at_100": 16.176, + "map_at_1000": 17.456, + "map_at_3": 5.354, + "map_at_5": 7.503, + "mrr_at_1": 40.816, + "mrr_at_10": 54.010000000000005, + "mrr_at_100": 54.49, + "mrr_at_1000": 54.49, + "mrr_at_3": 48.980000000000004, + "mrr_at_5": 51.735, + "ndcg_at_1": 36.735, + "ndcg_at_10": 26.61, + "ndcg_at_100": 36.967, + "ndcg_at_1000": 47.274, + "ndcg_at_3": 30.363, + "ndcg_at_5": 29.448999999999998, + "precision_at_1": 40.816, + "precision_at_10": 23.878, + "precision_at_100": 7.693999999999999, + "precision_at_1000": 1.4489999999999998, + "precision_at_3": 31.293, + "precision_at_5": 29.796, + "recall_at_1": 2.782, + "recall_at_10": 16.485, + "recall_at_100": 46.924, + "recall_at_1000": 79.365, + "recall_at_3": 6.52, + "recall_at_5": 10.48, + "main_score": 26.61 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/ToxicConversationsClassification.json b/results/barisaydin__bge-large-en/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..494195871 --- /dev/null +++ b/results/barisaydin__bge-large-en/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.08300000000001, + "ap": 13.91559884590195, + "f1": 53.956838444291364, + "main_score": 70.08300000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/TweetSentimentExtractionClassification.json b/results/barisaydin__bge-large-en/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..c9a50ef59 --- /dev/null +++ b/results/barisaydin__bge-large-en/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 59.34069043576683, + "f1": 59.662041994618406, + "main_score": 59.34069043576683 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/TwentyNewsgroupsClustering.json b/results/barisaydin__bge-large-en/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..b2b4b002a --- /dev/null +++ b/results/barisaydin__bge-large-en/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 53.70780611078653, + "main_score": 53.70780611078653 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/TwitterSemEval2015.json b/results/barisaydin__bge-large-en/external/TwitterSemEval2015.json new file mode 100644 index 000000000..63f8c7822 --- /dev/null +++ b/results/barisaydin__bge-large-en/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 87.10734934732073, + "cos_sim_ap": 77.58349999516054, + "cos_sim_f1": 70.25391395868965, + "cos_sim_precision": 70.06035161374967, + "cos_sim_recall": 70.44854881266491, + "dot_accuracy": 80.60439887941826, + "dot_ap": 54.52935200483575, + "dot_f1": 54.170444242973716, + "dot_precision": 47.47715534366309, + "dot_recall": 63.06068601583114, + "euclidean_accuracy": 87.26828396018358, + "euclidean_ap": 78.00158454104036, + "euclidean_f1": 70.70292457670601, + "euclidean_precision": 68.79680479281079, + "euclidean_recall": 72.71767810026385, + "manhattan_accuracy": 87.11330988853788, + "manhattan_ap": 77.92527099601855, + "manhattan_f1": 70.76488706365502, + "manhattan_precision": 68.89055472263868, + "manhattan_recall": 72.74406332453826, + "max_accuracy": 87.26828396018358, + "max_ap": 78.00158454104036, + "max_f1": 70.76488706365502, + "main_score": 78.00158454104036 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/TwitterURLCorpus.json b/results/barisaydin__bge-large-en/external/TwitterURLCorpus.json new file mode 100644 index 000000000..c6a2897a0 --- /dev/null +++ b/results/barisaydin__bge-large-en/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 87.80804905499282, + "cos_sim_ap": 83.06187782630936, + "cos_sim_f1": 74.99716435403985, + "cos_sim_precision": 73.67951860931579, + "cos_sim_recall": 76.36279642747151, + "dot_accuracy": 81.83141227151008, + "dot_ap": 67.18241090841795, + "dot_f1": 62.216037571751606, + "dot_precision": 56.749381227391005, + "dot_recall": 68.84816753926701, + "euclidean_accuracy": 87.91671517832887, + "euclidean_ap": 83.56538942001427, + "euclidean_f1": 75.7327253337256, + "euclidean_precision": 72.48856036606828, + "euclidean_recall": 79.28087465352634, + "manhattan_accuracy": 87.86626304963713, + "manhattan_ap": 83.52939841172832, + "manhattan_f1": 75.73635656329888, + "manhattan_precision": 72.99150182103836, + "manhattan_recall": 78.69571912534647, + "max_accuracy": 87.91671517832887, + "max_ap": 83.56538942001427, + "max_f1": 75.73635656329888, + "main_score": 83.56538942001427 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-large-en/external/model_meta.json b/results/barisaydin__bge-large-en/external/model_meta.json new file mode 100644 index 000000000..cccaf140d --- /dev/null +++ b/results/barisaydin__bge-large-en/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "barisaydin/bge-large-en", + "revision": "42e3a624250bd6a5efeb16ea3597bdf2b1bccf0e", + "release_date": "2023-09-20", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 335142400, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 1024, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/AmazonCounterfactualClassification.json b/results/barisaydin__bge-small-en/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..b0559eac1 --- /dev/null +++ b/results/barisaydin__bge-small-en/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.34328358208955, + "ap": 37.59947775195661, + "f1": 68.548415491933, + "main_score": 74.34328358208955 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/AmazonPolarityClassification.json b/results/barisaydin__bge-small-en/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..192851ef7 --- /dev/null +++ b/results/barisaydin__bge-small-en/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.04527499999999, + "ap": 89.60696356772135, + "f1": 93.03361469382438, + "main_score": 93.04527499999999 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/AmazonReviewsClassification.json b/results/barisaydin__bge-small-en/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..09f23d008 --- /dev/null +++ b/results/barisaydin__bge-small-en/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 46.08, + "f1": 45.66249835363254, + "main_score": 46.08 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/ArguAna.json b/results/barisaydin__bge-small-en/external/ArguAna.json new file mode 100644 index 000000000..20bb47c33 --- /dev/null +++ b/results/barisaydin__bge-small-en/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 35.205999999999996, + "map_at_10": 50.782000000000004, + "map_at_100": 51.547, + "map_at_1000": 51.554, + "map_at_3": 46.515, + "map_at_5": 49.296, + "mrr_at_1": 35.632999999999996, + "mrr_at_10": 50.958999999999996, + "mrr_at_100": 51.724000000000004, + "mrr_at_1000": 51.731, + "mrr_at_3": 46.669, + "mrr_at_5": 49.439, + "ndcg_at_1": 35.205999999999996, + "ndcg_at_10": 58.835, + "ndcg_at_100": 62.095, + "ndcg_at_1000": 62.255, + "ndcg_at_3": 50.255, + "ndcg_at_5": 55.296, + "precision_at_1": 35.205999999999996, + "precision_at_10": 8.421, + "precision_at_100": 0.984, + "precision_at_1000": 0.1, + "precision_at_3": 20.365, + "precision_at_5": 14.680000000000001, + "recall_at_1": 35.205999999999996, + "recall_at_10": 84.211, + "recall_at_100": 98.43499999999999, + "recall_at_1000": 99.644, + "recall_at_3": 61.095, + "recall_at_5": 73.4, + "main_score": 58.835 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/ArxivClusteringP2P.json b/results/barisaydin__bge-small-en/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..c91197362 --- /dev/null +++ b/results/barisaydin__bge-small-en/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 47.52644476278646, + "main_score": 47.52644476278646 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/ArxivClusteringS2S.json b/results/barisaydin__bge-small-en/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..5f44ba20b --- /dev/null +++ b/results/barisaydin__bge-small-en/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.973045724188964, + "main_score": 39.973045724188964 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/AskUbuntuDupQuestions.json b/results/barisaydin__bge-small-en/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..36cfe8368 --- /dev/null +++ b/results/barisaydin__bge-small-en/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 62.28285314871488, + "mrr": 74.52743701358659, + "main_score": 62.28285314871488 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/BIOSSES.json b/results/barisaydin__bge-small-en/external/BIOSSES.json new file mode 100644 index 000000000..dd4e44daf --- /dev/null +++ b/results/barisaydin__bge-small-en/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 80.09041909160327, + "cos_sim_spearman": 79.96266537706944, + "euclidean_pearson": 79.50774978162241, + "euclidean_spearman": 79.9144715078551, + "manhattan_pearson": 79.2062139879302, + "manhattan_spearman": 79.35000081468212, + "cosine_pearson": 80.09041909160327, + "cosine_spearman": 79.96266537706944, + "main_score": 79.96266537706944 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/Banking77Classification.json b/results/barisaydin__bge-small-en/external/Banking77Classification.json new file mode 100644 index 000000000..79182ce3f --- /dev/null +++ b/results/barisaydin__bge-small-en/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 85.31493506493506, + "f1": 85.2704557977762, + "main_score": 85.31493506493506 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/BiorxivClusteringP2P.json b/results/barisaydin__bge-small-en/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..e4f010655 --- /dev/null +++ b/results/barisaydin__bge-small-en/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.6837242810816, + "main_score": 39.6837242810816 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/BiorxivClusteringS2S.json b/results/barisaydin__bge-small-en/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..4912a008a --- /dev/null +++ b/results/barisaydin__bge-small-en/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.38881249555897, + "main_score": 35.38881249555897 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/CQADupstackAndroidRetrieval.json b/results/barisaydin__bge-small-en/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..d2731ffe0 --- /dev/null +++ b/results/barisaydin__bge-small-en/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.884999999999998, + "map_at_10": 39.574, + "map_at_100": 40.993, + "map_at_1000": 41.129, + "map_at_3": 36.089, + "map_at_5": 38.191, + "mrr_at_1": 34.477999999999994, + "mrr_at_10": 45.411, + "mrr_at_100": 46.089999999999996, + "mrr_at_1000": 46.147, + "mrr_at_3": 42.346000000000004, + "mrr_at_5": 44.292, + "ndcg_at_1": 34.477999999999994, + "ndcg_at_10": 46.123999999999995, + "ndcg_at_100": 51.349999999999994, + "ndcg_at_1000": 53.578, + "ndcg_at_3": 40.824, + "ndcg_at_5": 43.571, + "precision_at_1": 34.477999999999994, + "precision_at_10": 8.841000000000001, + "precision_at_100": 1.4460000000000002, + "precision_at_1000": 0.192, + "precision_at_3": 19.742, + "precision_at_5": 14.421000000000001, + "recall_at_1": 27.884999999999998, + "recall_at_10": 59.087, + "recall_at_100": 80.609, + "recall_at_1000": 95.054, + "recall_at_3": 44.082, + "recall_at_5": 51.593999999999994, + "main_score": 46.123999999999995 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.639, + "map_at_10": 40.047, + "map_at_100": 41.302, + "map_at_1000": 41.425, + "map_at_3": 37.406, + "map_at_5": 38.934000000000005, + "mrr_at_1": 37.707, + "mrr_at_10": 46.082, + "mrr_at_100": 46.745, + "mrr_at_1000": 46.786, + "mrr_at_3": 43.980999999999995, + "mrr_at_5": 45.287, + "ndcg_at_1": 37.707, + "ndcg_at_10": 45.525, + "ndcg_at_100": 49.976, + "ndcg_at_1000": 51.94499999999999, + "ndcg_at_3": 41.704, + "ndcg_at_5": 43.596000000000004, + "precision_at_1": 37.707, + "precision_at_10": 8.465, + "precision_at_100": 1.375, + "precision_at_1000": 0.183, + "precision_at_3": 19.979, + "precision_at_5": 14.115, + "recall_at_1": 30.639, + "recall_at_10": 54.775, + "recall_at_100": 73.678, + "recall_at_1000": 86.142, + "recall_at_3": 43.230000000000004, + "recall_at_5": 48.622, + "main_score": 45.525 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.038, + "map_at_10": 49.922, + "map_at_100": 51.032, + "map_at_1000": 51.085, + "map_at_3": 46.664, + "map_at_5": 48.588, + "mrr_at_1": 43.95, + "mrr_at_10": 53.566, + "mrr_at_100": 54.318999999999996, + "mrr_at_1000": 54.348, + "mrr_at_3": 51.066, + "mrr_at_5": 52.649, + "ndcg_at_1": 43.95, + "ndcg_at_10": 55.676, + "ndcg_at_100": 60.126000000000005, + "ndcg_at_1000": 61.208, + "ndcg_at_3": 50.20400000000001, + "ndcg_at_5": 53.038, + "precision_at_1": 43.95, + "precision_at_10": 8.953, + "precision_at_100": 1.2109999999999999, + "precision_at_1000": 0.135, + "precision_at_3": 22.256999999999998, + "precision_at_5": 15.524, + "recall_at_1": 38.038, + "recall_at_10": 69.15, + "recall_at_100": 88.31599999999999, + "recall_at_1000": 95.993, + "recall_at_3": 54.663, + "recall_at_5": 61.373, + "main_score": 55.676 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.872, + "map_at_10": 32.912, + "map_at_100": 33.972, + "map_at_1000": 34.046, + "map_at_3": 30.361, + "map_at_5": 31.704, + "mrr_at_1": 26.779999999999998, + "mrr_at_10": 34.812, + "mrr_at_100": 35.754999999999995, + "mrr_at_1000": 35.809000000000005, + "mrr_at_3": 32.335, + "mrr_at_5": 33.64, + "ndcg_at_1": 26.779999999999998, + "ndcg_at_10": 37.623, + "ndcg_at_100": 42.924, + "ndcg_at_1000": 44.856, + "ndcg_at_3": 32.574, + "ndcg_at_5": 34.842, + "precision_at_1": 26.779999999999998, + "precision_at_10": 5.729, + "precision_at_100": 0.886, + "precision_at_1000": 0.109, + "precision_at_3": 13.559, + "precision_at_5": 9.469, + "recall_at_1": 24.872, + "recall_at_10": 50.400999999999996, + "recall_at_100": 74.954, + "recall_at_1000": 89.56, + "recall_at_3": 36.726, + "recall_at_5": 42.138999999999996, + "main_score": 37.623 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.803, + "map_at_10": 24.348, + "map_at_100": 25.56, + "map_at_1000": 25.668000000000003, + "map_at_3": 21.811, + "map_at_5": 23.287, + "mrr_at_1": 20.771, + "mrr_at_10": 28.961, + "mrr_at_100": 29.979, + "mrr_at_1000": 30.046, + "mrr_at_3": 26.555, + "mrr_at_5": 28.060000000000002, + "ndcg_at_1": 20.771, + "ndcg_at_10": 29.335, + "ndcg_at_100": 35.188, + "ndcg_at_1000": 37.812, + "ndcg_at_3": 24.83, + "ndcg_at_5": 27.119, + "precision_at_1": 20.771, + "precision_at_10": 5.4350000000000005, + "precision_at_100": 0.9480000000000001, + "precision_at_1000": 0.13, + "precision_at_3": 11.982, + "precision_at_5": 8.831, + "recall_at_1": 16.803, + "recall_at_10": 40.039, + "recall_at_100": 65.83200000000001, + "recall_at_1000": 84.478, + "recall_at_3": 27.682000000000002, + "recall_at_5": 33.535, + "main_score": 29.335 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.345, + "map_at_10": 37.757000000000005, + "map_at_100": 39.141, + "map_at_1000": 39.262, + "map_at_3": 35.183, + "map_at_5": 36.592, + "mrr_at_1": 34.649, + "mrr_at_10": 43.586999999999996, + "mrr_at_100": 44.481, + "mrr_at_1000": 44.542, + "mrr_at_3": 41.29, + "mrr_at_5": 42.642, + "ndcg_at_1": 34.649, + "ndcg_at_10": 43.161, + "ndcg_at_100": 48.734, + "ndcg_at_1000": 51.046, + "ndcg_at_3": 39.118, + "ndcg_at_5": 41.022, + "precision_at_1": 34.649, + "precision_at_10": 7.603, + "precision_at_100": 1.209, + "precision_at_1000": 0.157, + "precision_at_3": 18.319, + "precision_at_5": 12.839, + "recall_at_1": 28.345, + "recall_at_10": 53.367, + "recall_at_100": 76.453, + "recall_at_1000": 91.82000000000001, + "recall_at_3": 41.636, + "recall_at_5": 46.760000000000005, + "main_score": 43.161 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.419, + "map_at_10": 31.716, + "map_at_100": 33.152, + "map_at_1000": 33.267, + "map_at_3": 28.74, + "map_at_5": 30.48, + "mrr_at_1": 28.310999999999996, + "mrr_at_10": 37.039, + "mrr_at_100": 38.09, + "mrr_at_1000": 38.145, + "mrr_at_3": 34.437, + "mrr_at_5": 36.024, + "ndcg_at_1": 28.310999999999996, + "ndcg_at_10": 37.41, + "ndcg_at_100": 43.647999999999996, + "ndcg_at_1000": 46.007, + "ndcg_at_3": 32.509, + "ndcg_at_5": 34.943999999999996, + "precision_at_1": 28.310999999999996, + "precision_at_10": 6.963, + "precision_at_100": 1.1860000000000002, + "precision_at_1000": 0.154, + "precision_at_3": 15.867999999999999, + "precision_at_5": 11.507000000000001, + "recall_at_1": 22.419, + "recall_at_10": 49.28, + "recall_at_100": 75.802, + "recall_at_1000": 92.032, + "recall_at_3": 35.399, + "recall_at_5": 42.027, + "main_score": 37.41 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.669249999999998, + "map_at_10": 33.332583333333325, + "map_at_100": 34.557833333333335, + "map_at_1000": 34.67141666666666, + "map_at_3": 30.663166666666662, + "map_at_5": 32.14883333333333, + "mrr_at_1": 29.193833333333334, + "mrr_at_10": 37.47625, + "mrr_at_100": 38.3545, + "mrr_at_1000": 38.413166666666676, + "mrr_at_3": 35.06741666666667, + "mrr_at_5": 36.450666666666656, + "ndcg_at_1": 29.193833333333334, + "ndcg_at_10": 38.505416666666676, + "ndcg_at_100": 43.81125, + "ndcg_at_1000": 46.09558333333333, + "ndcg_at_3": 33.90916666666667, + "ndcg_at_5": 36.07666666666666, + "precision_at_1": 29.193833333333334, + "precision_at_10": 6.7251666666666665, + "precision_at_100": 1.1058333333333332, + "precision_at_1000": 0.14833333333333332, + "precision_at_3": 15.554166666666665, + "precision_at_5": 11.079250000000002, + "recall_at_1": 24.669249999999998, + "recall_at_10": 49.75583333333332, + "recall_at_100": 73.06908333333332, + "recall_at_1000": 88.91316666666667, + "recall_at_3": 36.913250000000005, + "recall_at_5": 42.48641666666666, + "main_score": 38.505416666666676 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.044999999999998, + "map_at_10": 30.349999999999998, + "map_at_100": 31.273, + "map_at_1000": 31.362000000000002, + "map_at_3": 28.508, + "map_at_5": 29.369, + "mrr_at_1": 26.994, + "mrr_at_10": 33.12, + "mrr_at_100": 33.904, + "mrr_at_1000": 33.967000000000006, + "mrr_at_3": 31.365, + "mrr_at_5": 32.124, + "ndcg_at_1": 26.994, + "ndcg_at_10": 34.214, + "ndcg_at_100": 38.681, + "ndcg_at_1000": 40.926, + "ndcg_at_3": 30.725, + "ndcg_at_5": 31.967000000000002, + "precision_at_1": 26.994, + "precision_at_10": 5.215, + "precision_at_100": 0.807, + "precision_at_1000": 0.108, + "precision_at_3": 12.986, + "precision_at_5": 8.712, + "recall_at_1": 24.044999999999998, + "recall_at_10": 43.456, + "recall_at_100": 63.675000000000004, + "recall_at_1000": 80.05499999999999, + "recall_at_3": 33.561, + "recall_at_5": 36.767, + "main_score": 34.214 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.672, + "map_at_10": 22.641, + "map_at_100": 23.75, + "map_at_1000": 23.877000000000002, + "map_at_3": 20.219, + "map_at_5": 21.648, + "mrr_at_1": 18.823, + "mrr_at_10": 26.101999999999997, + "mrr_at_100": 27.038, + "mrr_at_1000": 27.118, + "mrr_at_3": 23.669, + "mrr_at_5": 25.173000000000002, + "ndcg_at_1": 18.823, + "ndcg_at_10": 27.176000000000002, + "ndcg_at_100": 32.42, + "ndcg_at_1000": 35.413, + "ndcg_at_3": 22.756999999999998, + "ndcg_at_5": 25.032, + "precision_at_1": 18.823, + "precision_at_10": 5.034000000000001, + "precision_at_100": 0.895, + "precision_at_1000": 0.132, + "precision_at_3": 10.771, + "precision_at_5": 8.1, + "recall_at_1": 15.672, + "recall_at_10": 37.296, + "recall_at_100": 60.863, + "recall_at_1000": 82.234, + "recall_at_3": 25.330000000000002, + "recall_at_5": 30.964000000000002, + "main_score": 27.176000000000002 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.633, + "map_at_10": 32.858, + "map_at_100": 34.038000000000004, + "map_at_1000": 34.141, + "map_at_3": 30.209000000000003, + "map_at_5": 31.567, + "mrr_at_1": 28.358, + "mrr_at_10": 36.433, + "mrr_at_100": 37.352000000000004, + "mrr_at_1000": 37.41, + "mrr_at_3": 34.033, + "mrr_at_5": 35.246, + "ndcg_at_1": 28.358, + "ndcg_at_10": 37.973, + "ndcg_at_100": 43.411, + "ndcg_at_1000": 45.747, + "ndcg_at_3": 32.934999999999995, + "ndcg_at_5": 35.013, + "precision_at_1": 28.358, + "precision_at_10": 6.418, + "precision_at_100": 1.02, + "precision_at_1000": 0.133, + "precision_at_3": 14.677000000000001, + "precision_at_5": 10.335999999999999, + "recall_at_1": 24.633, + "recall_at_10": 50.048, + "recall_at_100": 73.821, + "recall_at_1000": 90.046, + "recall_at_3": 36.284, + "recall_at_5": 41.370000000000005, + "main_score": 37.973 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.133, + "map_at_10": 31.491999999999997, + "map_at_100": 33.062000000000005, + "map_at_1000": 33.256, + "map_at_3": 28.886, + "map_at_5": 30.262, + "mrr_at_1": 28.063, + "mrr_at_10": 36.144, + "mrr_at_100": 37.14, + "mrr_at_1000": 37.191, + "mrr_at_3": 33.762, + "mrr_at_5": 34.997, + "ndcg_at_1": 28.063, + "ndcg_at_10": 36.951, + "ndcg_at_100": 43.287, + "ndcg_at_1000": 45.777, + "ndcg_at_3": 32.786, + "ndcg_at_5": 34.65, + "precision_at_1": 28.063, + "precision_at_10": 7.055, + "precision_at_100": 1.476, + "precision_at_1000": 0.22899999999999998, + "precision_at_3": 15.481, + "precision_at_5": 11.186, + "recall_at_1": 23.133, + "recall_at_10": 47.285, + "recall_at_100": 76.176, + "recall_at_1000": 92.176, + "recall_at_3": 35.223, + "recall_at_5": 40.142, + "main_score": 36.951 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.547, + "map_at_10": 26.374, + "map_at_100": 27.419, + "map_at_1000": 27.539, + "map_at_3": 23.882, + "map_at_5": 25.163999999999998, + "mrr_at_1": 21.442, + "mrr_at_10": 28.458, + "mrr_at_100": 29.360999999999997, + "mrr_at_1000": 29.448999999999998, + "mrr_at_3": 25.97, + "mrr_at_5": 27.273999999999997, + "ndcg_at_1": 21.442, + "ndcg_at_10": 30.897000000000002, + "ndcg_at_100": 35.99, + "ndcg_at_1000": 38.832, + "ndcg_at_3": 25.944, + "ndcg_at_5": 28.126, + "precision_at_1": 21.442, + "precision_at_10": 4.9910000000000005, + "precision_at_100": 0.8109999999999999, + "precision_at_1000": 0.11800000000000001, + "precision_at_3": 11.029, + "precision_at_5": 7.911, + "recall_at_1": 19.547, + "recall_at_10": 42.886, + "recall_at_100": 66.64999999999999, + "recall_at_1000": 87.368, + "recall_at_3": 29.143, + "recall_at_5": 34.544000000000004, + "main_score": 30.897000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/ClimateFEVER.json b/results/barisaydin__bge-small-en/external/ClimateFEVER.json new file mode 100644 index 000000000..abd643a14 --- /dev/null +++ b/results/barisaydin__bge-small-en/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.572, + "map_at_10": 25.312, + "map_at_100": 27.062, + "map_at_1000": 27.253, + "map_at_3": 21.601, + "map_at_5": 23.473, + "mrr_at_1": 34.984, + "mrr_at_10": 46.406, + "mrr_at_100": 47.179, + "mrr_at_1000": 47.21, + "mrr_at_3": 43.485, + "mrr_at_5": 45.322, + "ndcg_at_1": 34.984, + "ndcg_at_10": 34.344, + "ndcg_at_100": 41.015, + "ndcg_at_1000": 44.366, + "ndcg_at_3": 29.119, + "ndcg_at_5": 30.825999999999997, + "precision_at_1": 34.984, + "precision_at_10": 10.358, + "precision_at_100": 1.762, + "precision_at_1000": 0.23900000000000002, + "precision_at_3": 21.368000000000002, + "precision_at_5": 15.948, + "recall_at_1": 15.572, + "recall_at_10": 39.367999999999995, + "recall_at_100": 62.183, + "recall_at_1000": 80.92200000000001, + "recall_at_3": 26.131999999999998, + "recall_at_5": 31.635999999999996, + "main_score": 34.344 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/DBPedia.json b/results/barisaydin__bge-small-en/external/DBPedia.json new file mode 100644 index 000000000..d48dca69e --- /dev/null +++ b/results/barisaydin__bge-small-en/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.848, + "map_at_10": 19.25, + "map_at_100": 27.193, + "map_at_1000": 28.721999999999998, + "map_at_3": 13.968, + "map_at_5": 16.283, + "mrr_at_1": 68.75, + "mrr_at_10": 76.25, + "mrr_at_100": 76.534, + "mrr_at_1000": 76.53999999999999, + "mrr_at_3": 74.667, + "mrr_at_5": 75.86699999999999, + "ndcg_at_1": 56.00000000000001, + "ndcg_at_10": 41.426, + "ndcg_at_100": 45.660000000000004, + "ndcg_at_1000": 53.02, + "ndcg_at_3": 46.581, + "ndcg_at_5": 43.836999999999996, + "precision_at_1": 68.75, + "precision_at_10": 32.800000000000004, + "precision_at_100": 10.440000000000001, + "precision_at_1000": 1.9980000000000002, + "precision_at_3": 49.667, + "precision_at_5": 42.25, + "recall_at_1": 8.848, + "recall_at_10": 24.467, + "recall_at_100": 51.344, + "recall_at_1000": 75.235, + "recall_at_3": 15.329, + "recall_at_5": 18.892999999999997, + "main_score": 41.426 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/EmotionClassification.json b/results/barisaydin__bge-small-en/external/EmotionClassification.json new file mode 100644 index 000000000..9c1eca3f8 --- /dev/null +++ b/results/barisaydin__bge-small-en/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 48.95, + "f1": 43.44563593360779, + "main_score": 48.95 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/FEVER.json b/results/barisaydin__bge-small-en/external/FEVER.json new file mode 100644 index 000000000..1f2519228 --- /dev/null +++ b/results/barisaydin__bge-small-en/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 78.036, + "map_at_10": 85.639, + "map_at_100": 85.815, + "map_at_1000": 85.829, + "map_at_3": 84.795, + "map_at_5": 85.336, + "mrr_at_1": 84.353, + "mrr_at_10": 90.582, + "mrr_at_100": 90.617, + "mrr_at_1000": 90.617, + "mrr_at_3": 90.132, + "mrr_at_5": 90.447, + "ndcg_at_1": 84.353, + "ndcg_at_10": 89.003, + "ndcg_at_100": 89.60000000000001, + "ndcg_at_1000": 89.836, + "ndcg_at_3": 87.81400000000001, + "ndcg_at_5": 88.478, + "precision_at_1": 84.353, + "precision_at_10": 10.482, + "precision_at_100": 1.099, + "precision_at_1000": 0.11399999999999999, + "precision_at_3": 33.257999999999996, + "precision_at_5": 20.465, + "recall_at_1": 78.036, + "recall_at_10": 94.517, + "recall_at_100": 96.828, + "recall_at_1000": 98.261, + "recall_at_3": 91.12, + "recall_at_5": 92.946, + "main_score": 89.003 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/FiQA2018.json b/results/barisaydin__bge-small-en/external/FiQA2018.json new file mode 100644 index 000000000..e4d63d992 --- /dev/null +++ b/results/barisaydin__bge-small-en/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.191, + "map_at_10": 32.369, + "map_at_100": 34.123999999999995, + "map_at_1000": 34.317, + "map_at_3": 28.71, + "map_at_5": 30.607, + "mrr_at_1": 40.894999999999996, + "mrr_at_10": 48.842, + "mrr_at_100": 49.599, + "mrr_at_1000": 49.647000000000006, + "mrr_at_3": 46.785, + "mrr_at_5": 47.672, + "ndcg_at_1": 40.894999999999996, + "ndcg_at_10": 39.872, + "ndcg_at_100": 46.126, + "ndcg_at_1000": 49.476, + "ndcg_at_3": 37.153000000000006, + "ndcg_at_5": 37.433, + "precision_at_1": 40.894999999999996, + "precision_at_10": 10.818, + "precision_at_100": 1.73, + "precision_at_1000": 0.231, + "precision_at_3": 25.051000000000002, + "precision_at_5": 17.531, + "recall_at_1": 20.191, + "recall_at_10": 45.768, + "recall_at_100": 68.82000000000001, + "recall_at_1000": 89.133, + "recall_at_3": 33.296, + "recall_at_5": 38.022, + "main_score": 39.872 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/HotpotQA.json b/results/barisaydin__bge-small-en/external/HotpotQA.json new file mode 100644 index 000000000..be4b05d25 --- /dev/null +++ b/results/barisaydin__bge-small-en/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 39.257, + "map_at_10": 61.467000000000006, + "map_at_100": 62.364, + "map_at_1000": 62.424, + "map_at_3": 58.228, + "map_at_5": 60.283, + "mrr_at_1": 78.515, + "mrr_at_10": 84.191, + "mrr_at_100": 84.378, + "mrr_at_1000": 84.385, + "mrr_at_3": 83.284, + "mrr_at_5": 83.856, + "ndcg_at_1": 78.515, + "ndcg_at_10": 69.78999999999999, + "ndcg_at_100": 72.886, + "ndcg_at_1000": 74.015, + "ndcg_at_3": 65.23, + "ndcg_at_5": 67.80199999999999, + "precision_at_1": 78.515, + "precision_at_10": 14.519000000000002, + "precision_at_100": 1.694, + "precision_at_1000": 0.184, + "precision_at_3": 41.702, + "precision_at_5": 27.046999999999997, + "recall_at_1": 39.257, + "recall_at_10": 72.59299999999999, + "recall_at_100": 84.679, + "recall_at_1000": 92.12, + "recall_at_3": 62.552, + "recall_at_5": 67.616, + "main_score": 69.78999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/ImdbClassification.json b/results/barisaydin__bge-small-en/external/ImdbClassification.json new file mode 100644 index 000000000..74547cd19 --- /dev/null +++ b/results/barisaydin__bge-small-en/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.5152, + "ap": 87.64584669595709, + "f1": 91.50605576428437, + "main_score": 91.5152 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/MSMARCO.json b/results/barisaydin__bge-small-en/external/MSMARCO.json new file mode 100644 index 000000000..0267934ed --- /dev/null +++ b/results/barisaydin__bge-small-en/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.926000000000002, + "map_at_10": 34.049, + "map_at_100": 35.213, + "map_at_1000": 35.265, + "map_at_3": 30.309, + "map_at_5": 32.407000000000004, + "mrr_at_1": 22.55, + "mrr_at_10": 34.657, + "mrr_at_100": 35.760999999999996, + "mrr_at_1000": 35.807, + "mrr_at_3": 30.989, + "mrr_at_5": 33.039, + "ndcg_at_1": 22.55, + "ndcg_at_10": 40.842, + "ndcg_at_100": 46.436, + "ndcg_at_1000": 47.721999999999994, + "ndcg_at_3": 33.209, + "ndcg_at_5": 36.943, + "precision_at_1": 22.55, + "precision_at_10": 6.447, + "precision_at_100": 0.9249999999999999, + "precision_at_1000": 0.104, + "precision_at_3": 14.136000000000001, + "precision_at_5": 10.381, + "recall_at_1": 21.926000000000002, + "recall_at_10": 61.724999999999994, + "recall_at_100": 87.604, + "recall_at_1000": 97.421, + "recall_at_3": 40.944, + "recall_at_5": 49.915, + "main_score": 40.842 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/MTOPDomainClassification.json b/results/barisaydin__bge-small-en/external/MTOPDomainClassification.json new file mode 100644 index 000000000..8b13493c3 --- /dev/null +++ b/results/barisaydin__bge-small-en/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.54765161878704, + "f1": 93.3298945415573, + "main_score": 93.54765161878704 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/MTOPIntentClassification.json b/results/barisaydin__bge-small-en/external/MTOPIntentClassification.json new file mode 100644 index 000000000..3ce1fa396 --- /dev/null +++ b/results/barisaydin__bge-small-en/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.71591427268582, + "f1": 59.32113870474471, + "main_score": 75.71591427268582 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/MassiveIntentClassification.json b/results/barisaydin__bge-small-en/external/MassiveIntentClassification.json new file mode 100644 index 000000000..25e297056 --- /dev/null +++ b/results/barisaydin__bge-small-en/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.83053127101547, + "f1": 73.60757944876475, + "main_score": 75.83053127101547 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/MassiveScenarioClassification.json b/results/barisaydin__bge-small-en/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..082ec6015 --- /dev/null +++ b/results/barisaydin__bge-small-en/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.72562205783457, + "f1": 78.63761662505502, + "main_score": 78.72562205783457 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/MedrxivClusteringP2P.json b/results/barisaydin__bge-small-en/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..5cbe14590 --- /dev/null +++ b/results/barisaydin__bge-small-en/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.37935633767996, + "main_score": 33.37935633767996 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/MedrxivClusteringS2S.json b/results/barisaydin__bge-small-en/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..793ae2126 --- /dev/null +++ b/results/barisaydin__bge-small-en/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.55270546130387, + "main_score": 31.55270546130387 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/MindSmallReranking.json b/results/barisaydin__bge-small-en/external/MindSmallReranking.json new file mode 100644 index 000000000..6350d558c --- /dev/null +++ b/results/barisaydin__bge-small-en/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 30.462692753143834, + "mrr": 31.497569753511563, + "main_score": 30.462692753143834 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/NFCorpus.json b/results/barisaydin__bge-small-en/external/NFCorpus.json new file mode 100644 index 000000000..62925136b --- /dev/null +++ b/results/barisaydin__bge-small-en/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.646, + "map_at_10": 12.498, + "map_at_100": 15.486, + "map_at_1000": 16.805999999999997, + "map_at_3": 9.325, + "map_at_5": 10.751, + "mrr_at_1": 43.034, + "mrr_at_10": 52.662, + "mrr_at_100": 53.189, + "mrr_at_1000": 53.25, + "mrr_at_3": 50.929, + "mrr_at_5": 51.92, + "ndcg_at_1": 41.796, + "ndcg_at_10": 33.477000000000004, + "ndcg_at_100": 29.996000000000002, + "ndcg_at_1000": 38.864, + "ndcg_at_3": 38.940000000000005, + "ndcg_at_5": 36.689, + "precision_at_1": 43.034, + "precision_at_10": 24.799, + "precision_at_100": 7.432999999999999, + "precision_at_1000": 1.9929999999999999, + "precision_at_3": 36.842000000000006, + "precision_at_5": 32.135999999999996, + "recall_at_1": 5.646, + "recall_at_10": 15.963, + "recall_at_100": 29.492, + "recall_at_1000": 61.711000000000006, + "recall_at_3": 10.585, + "recall_at_5": 12.753999999999998, + "main_score": 33.477000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/NQ.json b/results/barisaydin__bge-small-en/external/NQ.json new file mode 100644 index 000000000..f111ac4a2 --- /dev/null +++ b/results/barisaydin__bge-small-en/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.602, + "map_at_10": 41.545, + "map_at_100": 42.644999999999996, + "map_at_1000": 42.685, + "map_at_3": 37.261, + "map_at_5": 39.706, + "mrr_at_1": 31.141000000000002, + "mrr_at_10": 44.139, + "mrr_at_100": 44.997, + "mrr_at_1000": 45.025999999999996, + "mrr_at_3": 40.503, + "mrr_at_5": 42.64, + "ndcg_at_1": 31.141000000000002, + "ndcg_at_10": 48.995, + "ndcg_at_100": 53.788000000000004, + "ndcg_at_1000": 54.730000000000004, + "ndcg_at_3": 40.844, + "ndcg_at_5": 44.955, + "precision_at_1": 31.141000000000002, + "precision_at_10": 8.233, + "precision_at_100": 1.093, + "precision_at_1000": 0.11800000000000001, + "precision_at_3": 18.579, + "precision_at_5": 13.533999999999999, + "recall_at_1": 27.602, + "recall_at_10": 69.216, + "recall_at_100": 90.252, + "recall_at_1000": 97.27, + "recall_at_3": 47.987, + "recall_at_5": 57.438, + "main_score": 48.995 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/QuoraRetrieval.json b/results/barisaydin__bge-small-en/external/QuoraRetrieval.json new file mode 100644 index 000000000..9ff8e432d --- /dev/null +++ b/results/barisaydin__bge-small-en/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 70.949, + "map_at_10": 84.89999999999999, + "map_at_100": 85.531, + "map_at_1000": 85.548, + "map_at_3": 82.027, + "map_at_5": 83.853, + "mrr_at_1": 81.69999999999999, + "mrr_at_10": 87.813, + "mrr_at_100": 87.917, + "mrr_at_1000": 87.91799999999999, + "mrr_at_3": 86.938, + "mrr_at_5": 87.53999999999999, + "ndcg_at_1": 81.75, + "ndcg_at_10": 88.55499999999999, + "ndcg_at_100": 89.765, + "ndcg_at_1000": 89.871, + "ndcg_at_3": 85.905, + "ndcg_at_5": 87.41, + "precision_at_1": 81.75, + "precision_at_10": 13.403, + "precision_at_100": 1.528, + "precision_at_1000": 0.157, + "precision_at_3": 37.597, + "precision_at_5": 24.69, + "recall_at_1": 70.949, + "recall_at_10": 95.423, + "recall_at_100": 99.509, + "recall_at_1000": 99.982, + "recall_at_3": 87.717, + "recall_at_5": 92.032, + "main_score": 88.55499999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/RedditClustering.json b/results/barisaydin__bge-small-en/external/RedditClustering.json new file mode 100644 index 000000000..5429cff7f --- /dev/null +++ b/results/barisaydin__bge-small-en/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 51.76962893449579, + "main_score": 51.76962893449579 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/RedditClusteringP2P.json b/results/barisaydin__bge-small-en/external/RedditClusteringP2P.json new file mode 100644 index 000000000..903976bce --- /dev/null +++ b/results/barisaydin__bge-small-en/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 62.32897690686379, + "main_score": 62.32897690686379 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/SCIDOCS.json b/results/barisaydin__bge-small-en/external/SCIDOCS.json new file mode 100644 index 000000000..7baa89af3 --- /dev/null +++ b/results/barisaydin__bge-small-en/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.478, + "map_at_10": 11.994, + "map_at_100": 13.977, + "map_at_1000": 14.295, + "map_at_3": 8.408999999999999, + "map_at_5": 10.024, + "mrr_at_1": 22.1, + "mrr_at_10": 33.526, + "mrr_at_100": 34.577000000000005, + "mrr_at_1000": 34.632000000000005, + "mrr_at_3": 30.217, + "mrr_at_5": 31.962000000000003, + "ndcg_at_1": 22.1, + "ndcg_at_10": 20.191, + "ndcg_at_100": 27.954, + "ndcg_at_1000": 33.491, + "ndcg_at_3": 18.787000000000003, + "ndcg_at_5": 16.378999999999998, + "precision_at_1": 22.1, + "precision_at_10": 10.69, + "precision_at_100": 2.1919999999999997, + "precision_at_1000": 0.35200000000000004, + "precision_at_3": 17.732999999999997, + "precision_at_5": 14.499999999999998, + "recall_at_1": 4.478, + "recall_at_10": 21.657, + "recall_at_100": 44.54, + "recall_at_1000": 71.542, + "recall_at_3": 10.778, + "recall_at_5": 14.687, + "main_score": 20.191 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/SICK-R.json b/results/barisaydin__bge-small-en/external/SICK-R.json new file mode 100644 index 000000000..6ca9d9a09 --- /dev/null +++ b/results/barisaydin__bge-small-en/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.82325259156718, + "cos_sim_spearman": 79.2463589100662, + "euclidean_pearson": 80.48318380496771, + "euclidean_spearman": 79.34451935199979, + "manhattan_pearson": 80.39041824178759, + "manhattan_spearman": 79.23002892700211, + "cosine_pearson": 82.82325259156718, + "cosine_spearman": 79.2463589100662, + "main_score": 79.2463589100662 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/STS12.json b/results/barisaydin__bge-small-en/external/STS12.json new file mode 100644 index 000000000..819d31515 --- /dev/null +++ b/results/barisaydin__bge-small-en/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.74130231431258, + "cos_sim_spearman": 78.36856568042397, + "euclidean_pearson": 82.48301631890303, + "euclidean_spearman": 78.28376980722732, + "manhattan_pearson": 82.43552075450525, + "manhattan_spearman": 78.22702443947126, + "cosine_pearson": 85.74130231431258, + "cosine_spearman": 78.36856568042397, + "main_score": 78.36856568042397 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/STS13.json b/results/barisaydin__bge-small-en/external/STS13.json new file mode 100644 index 000000000..f77d02c74 --- /dev/null +++ b/results/barisaydin__bge-small-en/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 79.96138619461459, + "cos_sim_spearman": 81.85436343502379, + "euclidean_pearson": 81.82895226665367, + "euclidean_spearman": 82.22707349602916, + "manhattan_pearson": 81.66303369445873, + "manhattan_spearman": 82.05030197179455, + "cosine_pearson": 79.96138619461459, + "cosine_spearman": 81.85436343502379, + "main_score": 81.85436343502379 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/STS14.json b/results/barisaydin__bge-small-en/external/STS14.json new file mode 100644 index 000000000..ae995ab8b --- /dev/null +++ b/results/barisaydin__bge-small-en/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 80.05481244198648, + "cos_sim_spearman": 80.85052504637808, + "euclidean_pearson": 80.86728419744497, + "euclidean_spearman": 81.033786401512, + "manhattan_pearson": 80.90107531061103, + "manhattan_spearman": 81.11374116827795, + "cosine_pearson": 80.05481244198648, + "cosine_spearman": 80.85052504637808, + "main_score": 80.85052504637808 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/STS15.json b/results/barisaydin__bge-small-en/external/STS15.json new file mode 100644 index 000000000..6f22f933f --- /dev/null +++ b/results/barisaydin__bge-small-en/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.615220756399, + "cos_sim_spearman": 86.46858500002092, + "euclidean_pearson": 86.08307800247586, + "euclidean_spearman": 86.72691443870013, + "manhattan_pearson": 85.96155594487269, + "manhattan_spearman": 86.605909505275, + "cosine_pearson": 84.615220756399, + "cosine_spearman": 86.46858500002092, + "main_score": 86.46858500002092 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/STS16.json b/results/barisaydin__bge-small-en/external/STS16.json new file mode 100644 index 000000000..927860230 --- /dev/null +++ b/results/barisaydin__bge-small-en/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.14363913634436, + "cos_sim_spearman": 84.48430226487102, + "euclidean_pearson": 83.75303424801902, + "euclidean_spearman": 84.56762380734538, + "manhattan_pearson": 83.6135447165928, + "manhattan_spearman": 84.39898212616731, + "cosine_pearson": 82.14363913634436, + "cosine_spearman": 84.48430226487102, + "main_score": 84.48430226487102 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/STS17.json b/results/barisaydin__bge-small-en/external/STS17.json new file mode 100644 index 000000000..176319571 --- /dev/null +++ b/results/barisaydin__bge-small-en/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.09909252554525, + "cos_sim_spearman": 85.70951402743276, + "euclidean_pearson": 87.1991936239908, + "euclidean_spearman": 86.07745840612071, + "manhattan_pearson": 87.25039137549952, + "manhattan_spearman": 85.99938746659761, + "cosine_pearson": 85.09909252554525, + "cosine_spearman": 85.70951402743276, + "main_score": 85.70951402743276 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/STS22.json b/results/barisaydin__bge-small-en/external/STS22.json new file mode 100644 index 000000000..9d4a28a40 --- /dev/null +++ b/results/barisaydin__bge-small-en/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 63.529332093413615, + "cos_sim_spearman": 65.38177340147439, + "euclidean_pearson": 66.35278011412136, + "euclidean_spearman": 65.47147267032997, + "manhattan_pearson": 66.71804682408693, + "manhattan_spearman": 65.67406521423597, + "cosine_pearson": 63.529332093413615, + "cosine_spearman": 65.38177340147439, + "main_score": 65.38177340147439 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/STSBenchmark.json b/results/barisaydin__bge-small-en/external/STSBenchmark.json new file mode 100644 index 000000000..149bd9285 --- /dev/null +++ b/results/barisaydin__bge-small-en/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.45802942885662, + "cos_sim_spearman": 84.8853341842566, + "euclidean_pearson": 84.60915021096707, + "euclidean_spearman": 85.11181242913666, + "manhattan_pearson": 84.38600521210364, + "manhattan_spearman": 84.89045417981723, + "cosine_pearson": 82.45802942885662, + "cosine_spearman": 84.8853341842566, + "main_score": 84.8853341842566 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/SciDocsRR.json b/results/barisaydin__bge-small-en/external/SciDocsRR.json new file mode 100644 index 000000000..d6dca52ed --- /dev/null +++ b/results/barisaydin__bge-small-en/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 85.92793380635129, + "mrr": 95.85834191226348, + "main_score": 85.92793380635129 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/SciFact.json b/results/barisaydin__bge-small-en/external/SciFact.json new file mode 100644 index 000000000..736e7f56d --- /dev/null +++ b/results/barisaydin__bge-small-en/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 55.74400000000001, + "map_at_10": 65.455, + "map_at_100": 66.106, + "map_at_1000": 66.129, + "map_at_3": 62.719, + "map_at_5": 64.441, + "mrr_at_1": 58.667, + "mrr_at_10": 66.776, + "mrr_at_100": 67.363, + "mrr_at_1000": 67.384, + "mrr_at_3": 64.889, + "mrr_at_5": 66.122, + "ndcg_at_1": 58.667, + "ndcg_at_10": 69.904, + "ndcg_at_100": 72.807, + "ndcg_at_1000": 73.423, + "ndcg_at_3": 65.405, + "ndcg_at_5": 67.86999999999999, + "precision_at_1": 58.667, + "precision_at_10": 9.3, + "precision_at_100": 1.08, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 25.444, + "precision_at_5": 17, + "recall_at_1": 55.74400000000001, + "recall_at_10": 82.122, + "recall_at_100": 95.167, + "recall_at_1000": 100, + "recall_at_3": 70.14399999999999, + "recall_at_5": 76.417, + "main_score": 69.904 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/SprintDuplicateQuestions.json b/results/barisaydin__bge-small-en/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..5706a03f5 --- /dev/null +++ b/results/barisaydin__bge-small-en/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.86534653465347, + "cos_sim_ap": 96.54142419791388, + "cos_sim_f1": 93.07535641547861, + "cos_sim_precision": 94.81327800829875, + "cos_sim_recall": 91.4, + "dot_accuracy": 99.86435643564356, + "dot_ap": 96.53682260449868, + "dot_f1": 92.98515104966718, + "dot_precision": 95.27806925498426, + "dot_recall": 90.8, + "euclidean_accuracy": 99.86336633663366, + "euclidean_ap": 96.5228676185697, + "euclidean_f1": 92.9735234215886, + "euclidean_precision": 94.70954356846472, + "euclidean_recall": 91.3, + "manhattan_accuracy": 99.85841584158416, + "manhattan_ap": 96.50392760934032, + "manhattan_f1": 92.84642321160581, + "manhattan_precision": 92.8928928928929, + "manhattan_recall": 92.80000000000001, + "max_accuracy": 99.86534653465347, + "max_ap": 96.54142419791388, + "max_f1": 93.07535641547861, + "main_score": 96.54142419791388 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/StackExchangeClustering.json b/results/barisaydin__bge-small-en/external/StackExchangeClustering.json new file mode 100644 index 000000000..bb925dc50 --- /dev/null +++ b/results/barisaydin__bge-small-en/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 61.08285408766616, + "main_score": 61.08285408766616 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/StackExchangeClusteringP2P.json b/results/barisaydin__bge-small-en/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..1e426c879 --- /dev/null +++ b/results/barisaydin__bge-small-en/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.640675309010604, + "main_score": 35.640675309010604 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/StackOverflowDupQuestions.json b/results/barisaydin__bge-small-en/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..d5e921179 --- /dev/null +++ b/results/barisaydin__bge-small-en/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 53.20333913710715, + "mrr": 54.088813555725324, + "main_score": 53.20333913710715 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/SummEval.json b/results/barisaydin__bge-small-en/external/SummEval.json new file mode 100644 index 000000000..2a7f76bac --- /dev/null +++ b/results/barisaydin__bge-small-en/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.79465221925075, + "cos_sim_spearman": 30.530816059163634, + "dot_pearson": 31.364837244718043, + "dot_spearman": 30.79726823684003, + "cosine_pearson": 30.79465221925075, + "cosine_spearman": 30.530816059163634, + "main_score": 30.530816059163634 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/TRECCOVID.json b/results/barisaydin__bge-small-en/external/TRECCOVID.json new file mode 100644 index 000000000..d74b5d2d2 --- /dev/null +++ b/results/barisaydin__bge-small-en/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.22599999999999998, + "map_at_10": 1.735, + "map_at_100": 8.978, + "map_at_1000": 20.851, + "map_at_3": 0.613, + "map_at_5": 0.964, + "mrr_at_1": 88, + "mrr_at_10": 92.867, + "mrr_at_100": 92.867, + "mrr_at_1000": 92.867, + "mrr_at_3": 92.667, + "mrr_at_5": 92.667, + "ndcg_at_1": 82, + "ndcg_at_10": 73.164, + "ndcg_at_100": 51.878, + "ndcg_at_1000": 44.864, + "ndcg_at_3": 79.184, + "ndcg_at_5": 76.39, + "precision_at_1": 88, + "precision_at_10": 76.2, + "precision_at_100": 52.459999999999994, + "precision_at_1000": 19.692, + "precision_at_3": 82.667, + "precision_at_5": 80, + "recall_at_1": 0.22599999999999998, + "recall_at_10": 1.942, + "recall_at_100": 12.342, + "recall_at_1000": 41.42, + "recall_at_3": 0.637, + "recall_at_5": 1.034, + "main_score": 73.164 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/Touche2020.json b/results/barisaydin__bge-small-en/external/Touche2020.json new file mode 100644 index 000000000..5e1b040be --- /dev/null +++ b/results/barisaydin__bge-small-en/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.567, + "map_at_10": 13.116, + "map_at_100": 19.39, + "map_at_1000": 20.988, + "map_at_3": 7.109, + "map_at_5": 9.950000000000001, + "mrr_at_1": 42.857, + "mrr_at_10": 57.404999999999994, + "mrr_at_100": 58.021, + "mrr_at_1000": 58.021, + "mrr_at_3": 54.762, + "mrr_at_5": 56.19, + "ndcg_at_1": 38.775999999999996, + "ndcg_at_10": 30.359, + "ndcg_at_100": 41.284, + "ndcg_at_1000": 52.30200000000001, + "ndcg_at_3": 36.744, + "ndcg_at_5": 34.326, + "precision_at_1": 42.857, + "precision_at_10": 26.122, + "precision_at_100": 8.082, + "precision_at_1000": 1.559, + "precision_at_3": 40.136, + "precision_at_5": 35.510000000000005, + "recall_at_1": 3.567, + "recall_at_10": 19.045, + "recall_at_100": 49.979, + "recall_at_1000": 84.206, + "recall_at_3": 8.52, + "recall_at_5": 13.103000000000002, + "main_score": 30.359 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/ToxicConversationsClassification.json b/results/barisaydin__bge-small-en/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..871bd0577 --- /dev/null +++ b/results/barisaydin__bge-small-en/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 68.8394, + "ap": 13.454399712443099, + "f1": 53.04963076364322, + "main_score": 68.8394 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/TweetSentimentExtractionClassification.json b/results/barisaydin__bge-small-en/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..dd9a918c5 --- /dev/null +++ b/results/barisaydin__bge-small-en/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 60.546123372948514, + "f1": 60.86952793277713, + "main_score": 60.546123372948514 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/TwentyNewsgroupsClustering.json b/results/barisaydin__bge-small-en/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..06476f4ad --- /dev/null +++ b/results/barisaydin__bge-small-en/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 49.10042955060234, + "main_score": 49.10042955060234 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/TwitterSemEval2015.json b/results/barisaydin__bge-small-en/external/TwitterSemEval2015.json new file mode 100644 index 000000000..729f0afa4 --- /dev/null +++ b/results/barisaydin__bge-small-en/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 85.03308100375514, + "cos_sim_ap": 71.08284605869684, + "cos_sim_f1": 65.42539436255494, + "cos_sim_precision": 64.14807302231237, + "cos_sim_recall": 66.75461741424802, + "dot_accuracy": 84.68736961316088, + "dot_ap": 69.20524036530992, + "dot_f1": 63.54893953365829, + "dot_precision": 63.45698500394633, + "dot_recall": 63.641160949868066, + "euclidean_accuracy": 85.07480479227513, + "euclidean_ap": 71.14592761009864, + "euclidean_f1": 65.43814432989691, + "euclidean_precision": 63.95465994962216, + "euclidean_recall": 66.99208443271768, + "manhattan_accuracy": 85.06288370984085, + "manhattan_ap": 71.07289742593868, + "manhattan_f1": 65.37585421412301, + "manhattan_precision": 62.816147859922175, + "manhattan_recall": 68.15303430079156, + "max_accuracy": 85.07480479227513, + "max_ap": 71.14592761009864, + "max_f1": 65.43814432989691, + "main_score": 71.14592761009864 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/TwitterURLCorpus.json b/results/barisaydin__bge-small-en/external/TwitterURLCorpus.json new file mode 100644 index 000000000..89ea7b409 --- /dev/null +++ b/results/barisaydin__bge-small-en/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 87.79058485659952, + "cos_sim_ap": 83.7183187008759, + "cos_sim_f1": 75.86921142180798, + "cos_sim_precision": 73.00683371298405, + "cos_sim_recall": 78.96519864490298, + "dot_accuracy": 87.0085768618776, + "dot_ap": 81.87467488474279, + "dot_f1": 74.04188363990559, + "dot_precision": 72.10507114191901, + "dot_recall": 76.08561749307053, + "euclidean_accuracy": 87.8332751193387, + "euclidean_ap": 83.83585648120315, + "euclidean_f1": 76.02582177042369, + "euclidean_precision": 73.36388371759989, + "euclidean_recall": 78.88820449645827, + "manhattan_accuracy": 87.87208444910156, + "manhattan_ap": 83.8101950642973, + "manhattan_f1": 75.90454195535027, + "manhattan_precision": 72.44419564761039, + "manhattan_recall": 79.71204188481676, + "max_accuracy": 87.87208444910156, + "max_ap": 83.83585648120315, + "max_f1": 76.02582177042369, + "main_score": 83.83585648120315 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__bge-small-en/external/model_meta.json b/results/barisaydin__bge-small-en/external/model_meta.json new file mode 100644 index 000000000..766b2754c --- /dev/null +++ b/results/barisaydin__bge-small-en/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "barisaydin/bge-small-en", + "revision": "bdccc56a8f59e95a82b54048b04d6bfa12c75491", + "release_date": "2023-09-20", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 33360512, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 384, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/AmazonCounterfactualClassification.json b/results/barisaydin__gte-base/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..ee54e68bd --- /dev/null +++ b/results/barisaydin__gte-base/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.17910447761193, + "ap": 36.827146398068926, + "f1": 68.11292888046363, + "main_score": 74.17910447761193 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/AmazonPolarityClassification.json b/results/barisaydin__gte-base/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..e1b4fec87 --- /dev/null +++ b/results/barisaydin__gte-base/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.77345000000001, + "ap": 88.33530426691347, + "f1": 91.76549906404642, + "main_score": 91.77345000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/AmazonReviewsClassification.json b/results/barisaydin__gte-base/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..db490fdc8 --- /dev/null +++ b/results/barisaydin__gte-base/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 48.964, + "f1": 48.22995586184998, + "main_score": 48.964 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/ArguAna.json b/results/barisaydin__gte-base/external/ArguAna.json new file mode 100644 index 000000000..065a6cf36 --- /dev/null +++ b/results/barisaydin__gte-base/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.147999999999996, + "map_at_10": 48.253, + "map_at_100": 49.038, + "map_at_1000": 49.042, + "map_at_3": 43.433, + "map_at_5": 46.182, + "mrr_at_1": 32.717, + "mrr_at_10": 48.467, + "mrr_at_100": 49.252, + "mrr_at_1000": 49.254999999999995, + "mrr_at_3": 43.599, + "mrr_at_5": 46.408, + "ndcg_at_1": 32.147999999999996, + "ndcg_at_10": 57.12199999999999, + "ndcg_at_100": 60.316, + "ndcg_at_1000": 60.402, + "ndcg_at_3": 47.178, + "ndcg_at_5": 52.146, + "precision_at_1": 32.147999999999996, + "precision_at_10": 8.542, + "precision_at_100": 0.9900000000000001, + "precision_at_1000": 0.1, + "precision_at_3": 19.346, + "precision_at_5": 14.026, + "recall_at_1": 32.147999999999996, + "recall_at_10": 85.42, + "recall_at_100": 99.004, + "recall_at_1000": 99.644, + "recall_at_3": 58.037000000000006, + "recall_at_5": 70.128, + "main_score": 57.12199999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/ArxivClusteringP2P.json b/results/barisaydin__gte-base/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..71f7efd4c --- /dev/null +++ b/results/barisaydin__gte-base/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.59706013699614, + "main_score": 48.59706013699614 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/ArxivClusteringS2S.json b/results/barisaydin__gte-base/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..af5bc70d1 --- /dev/null +++ b/results/barisaydin__gte-base/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 43.01463593002057, + "main_score": 43.01463593002057 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/AskUbuntuDupQuestions.json b/results/barisaydin__gte-base/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..3fb4957a9 --- /dev/null +++ b/results/barisaydin__gte-base/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 61.80250355752458, + "mrr": 74.79455216989844, + "main_score": 61.80250355752458 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/BIOSSES.json b/results/barisaydin__gte-base/external/BIOSSES.json new file mode 100644 index 000000000..c777a0406 --- /dev/null +++ b/results/barisaydin__gte-base/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 89.87448576082345, + "cos_sim_spearman": 87.64235843637468, + "euclidean_pearson": 88.4901825511062, + "euclidean_spearman": 87.74537283182033, + "manhattan_pearson": 88.39040638362911, + "manhattan_spearman": 87.62669542888003, + "cosine_pearson": 89.87448576082345, + "cosine_spearman": 87.64235843637468, + "main_score": 87.64235843637468 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/Banking77Classification.json b/results/barisaydin__gte-base/external/Banking77Classification.json new file mode 100644 index 000000000..b1c841203 --- /dev/null +++ b/results/barisaydin__gte-base/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 85.06818181818183, + "f1": 85.02524460098233, + "main_score": 85.06818181818183 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/BiorxivClusteringP2P.json b/results/barisaydin__gte-base/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..fd61a4f94 --- /dev/null +++ b/results/barisaydin__gte-base/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.20471092679967, + "main_score": 38.20471092679967 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/BiorxivClusteringS2S.json b/results/barisaydin__gte-base/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..8429451aa --- /dev/null +++ b/results/barisaydin__gte-base/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.58967592147641, + "main_score": 36.58967592147641 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/CQADupstackAndroidRetrieval.json b/results/barisaydin__gte-base/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..fbdc9971d --- /dev/null +++ b/results/barisaydin__gte-base/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.411, + "map_at_10": 45.162, + "map_at_100": 46.717, + "map_at_1000": 46.836, + "map_at_3": 41.428, + "map_at_5": 43.54, + "mrr_at_1": 39.914, + "mrr_at_10": 51.534, + "mrr_at_100": 52.185, + "mrr_at_1000": 52.22, + "mrr_at_3": 49.046, + "mrr_at_5": 50.548, + "ndcg_at_1": 39.914, + "ndcg_at_10": 52.235, + "ndcg_at_100": 57.4, + "ndcg_at_1000": 58.982, + "ndcg_at_3": 47.332, + "ndcg_at_5": 49.62, + "precision_at_1": 39.914, + "precision_at_10": 10.258000000000001, + "precision_at_100": 1.6219999999999999, + "precision_at_1000": 0.20500000000000002, + "precision_at_3": 23.462, + "precision_at_5": 16.71, + "recall_at_1": 32.411, + "recall_at_10": 65.408, + "recall_at_100": 87.248, + "recall_at_1000": 96.951, + "recall_at_3": 50.349999999999994, + "recall_at_5": 57.431, + "main_score": 52.235 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.911, + "map_at_10": 42.608000000000004, + "map_at_100": 43.948, + "map_at_1000": 44.089, + "map_at_3": 39.652, + "map_at_5": 41.236, + "mrr_at_1": 40.064, + "mrr_at_10": 48.916, + "mrr_at_100": 49.539, + "mrr_at_1000": 49.583, + "mrr_at_3": 46.741, + "mrr_at_5": 48.037, + "ndcg_at_1": 40.064, + "ndcg_at_10": 48.442, + "ndcg_at_100": 52.798, + "ndcg_at_1000": 54.871, + "ndcg_at_3": 44.528, + "ndcg_at_5": 46.211, + "precision_at_1": 40.064, + "precision_at_10": 9.178, + "precision_at_100": 1.452, + "precision_at_1000": 0.193, + "precision_at_3": 21.614, + "precision_at_5": 15.185, + "recall_at_1": 31.911, + "recall_at_10": 58.155, + "recall_at_100": 76.46300000000001, + "recall_at_1000": 89.622, + "recall_at_3": 46.195, + "recall_at_5": 51.288999999999994, + "main_score": 48.442 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.597, + "map_at_10": 54.290000000000006, + "map_at_100": 55.340999999999994, + "map_at_1000": 55.388999999999996, + "map_at_3": 50.931000000000004, + "map_at_5": 52.839999999999996, + "mrr_at_1": 46.646, + "mrr_at_10": 57.524, + "mrr_at_100": 58.225, + "mrr_at_1000": 58.245999999999995, + "mrr_at_3": 55.235, + "mrr_at_5": 56.589, + "ndcg_at_1": 46.646, + "ndcg_at_10": 60.324999999999996, + "ndcg_at_100": 64.30900000000001, + "ndcg_at_1000": 65.19, + "ndcg_at_3": 54.983000000000004, + "ndcg_at_5": 57.621, + "precision_at_1": 46.646, + "precision_at_10": 9.774, + "precision_at_100": 1.265, + "precision_at_1000": 0.13799999999999998, + "precision_at_3": 24.911, + "precision_at_5": 16.977999999999998, + "recall_at_1": 40.597, + "recall_at_10": 74.773, + "recall_at_100": 91.61200000000001, + "recall_at_1000": 97.726, + "recall_at_3": 60.458, + "recall_at_5": 66.956, + "main_score": 60.324999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.122, + "map_at_10": 36.711, + "map_at_100": 37.775, + "map_at_1000": 37.842999999999996, + "map_at_3": 33.693, + "map_at_5": 35.607, + "mrr_at_1": 29.153000000000002, + "mrr_at_10": 38.873999999999995, + "mrr_at_100": 39.739000000000004, + "mrr_at_1000": 39.794000000000004, + "mrr_at_3": 36.102000000000004, + "mrr_at_5": 37.876, + "ndcg_at_1": 29.153000000000002, + "ndcg_at_10": 42.048, + "ndcg_at_100": 47.144999999999996, + "ndcg_at_1000": 48.901, + "ndcg_at_3": 36.402, + "ndcg_at_5": 39.562999999999995, + "precision_at_1": 29.153000000000002, + "precision_at_10": 6.4750000000000005, + "precision_at_100": 0.951, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 15.479999999999999, + "precision_at_5": 11.028, + "recall_at_1": 27.122, + "recall_at_10": 56.279999999999994, + "recall_at_100": 79.597, + "recall_at_1000": 92.804, + "recall_at_3": 41.437000000000005, + "recall_at_5": 49.019, + "main_score": 42.048 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.757, + "map_at_10": 26.739, + "map_at_100": 28.015, + "map_at_1000": 28.127999999999997, + "map_at_3": 23.986, + "map_at_5": 25.514, + "mrr_at_1": 22.015, + "mrr_at_10": 31.325999999999997, + "mrr_at_100": 32.368, + "mrr_at_1000": 32.426, + "mrr_at_3": 28.897000000000002, + "mrr_at_5": 30.147000000000002, + "ndcg_at_1": 22.015, + "ndcg_at_10": 32.225, + "ndcg_at_100": 38.405, + "ndcg_at_1000": 40.932, + "ndcg_at_3": 27.403, + "ndcg_at_5": 29.587000000000003, + "precision_at_1": 22.015, + "precision_at_10": 5.9830000000000005, + "precision_at_100": 1.051, + "precision_at_1000": 0.13899999999999998, + "precision_at_3": 13.391, + "precision_at_5": 9.602, + "recall_at_1": 17.757, + "recall_at_10": 44.467, + "recall_at_100": 71.53699999999999, + "recall_at_1000": 89.281, + "recall_at_3": 31.095, + "recall_at_5": 36.818, + "main_score": 32.225 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.354, + "map_at_10": 42.134, + "map_at_100": 43.429, + "map_at_1000": 43.532, + "map_at_3": 38.491, + "map_at_5": 40.736, + "mrr_at_1": 37.247, + "mrr_at_10": 47.775, + "mrr_at_100": 48.522999999999996, + "mrr_at_1000": 48.567, + "mrr_at_3": 45.059, + "mrr_at_5": 46.811, + "ndcg_at_1": 37.247, + "ndcg_at_10": 48.609, + "ndcg_at_100": 53.782, + "ndcg_at_1000": 55.666000000000004, + "ndcg_at_3": 42.866, + "ndcg_at_5": 46.001, + "precision_at_1": 37.247, + "precision_at_10": 8.892999999999999, + "precision_at_100": 1.341, + "precision_at_1000": 0.168, + "precision_at_3": 20.5, + "precision_at_5": 14.976, + "recall_at_1": 30.354, + "recall_at_10": 62.273, + "recall_at_100": 83.65599999999999, + "recall_at_1000": 95.82000000000001, + "recall_at_3": 46.464, + "recall_at_5": 54.225, + "main_score": 48.609 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.949, + "map_at_10": 37.230000000000004, + "map_at_100": 38.644, + "map_at_1000": 38.751999999999995, + "map_at_3": 33.816, + "map_at_5": 35.817, + "mrr_at_1": 33.446999999999996, + "mrr_at_10": 42.970000000000006, + "mrr_at_100": 43.873, + "mrr_at_1000": 43.922, + "mrr_at_3": 40.467999999999996, + "mrr_at_5": 41.861, + "ndcg_at_1": 33.446999999999996, + "ndcg_at_10": 43.403000000000006, + "ndcg_at_100": 49.247, + "ndcg_at_1000": 51.361999999999995, + "ndcg_at_3": 38.155, + "ndcg_at_5": 40.643, + "precision_at_1": 33.446999999999996, + "precision_at_10": 8.128, + "precision_at_100": 1.274, + "precision_at_1000": 0.163, + "precision_at_3": 18.493000000000002, + "precision_at_5": 13.333, + "recall_at_1": 26.949, + "recall_at_10": 56.006, + "recall_at_100": 80.99199999999999, + "recall_at_1000": 95.074, + "recall_at_3": 40.809, + "recall_at_5": 47.57, + "main_score": 43.403000000000006 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.243583333333333, + "map_at_10": 37.193250000000006, + "map_at_100": 38.44833333333334, + "map_at_1000": 38.56083333333333, + "map_at_3": 34.06633333333333, + "map_at_5": 35.87858333333334, + "mrr_at_1": 32.291583333333335, + "mrr_at_10": 41.482749999999996, + "mrr_at_100": 42.33583333333333, + "mrr_at_1000": 42.38683333333333, + "mrr_at_3": 38.952999999999996, + "mrr_at_5": 40.45333333333333, + "ndcg_at_1": 32.291583333333335, + "ndcg_at_10": 42.90533333333334, + "ndcg_at_100": 48.138666666666666, + "ndcg_at_1000": 50.229083333333335, + "ndcg_at_3": 37.76133333333334, + "ndcg_at_5": 40.31033333333334, + "precision_at_1": 32.291583333333335, + "precision_at_10": 7.585583333333333, + "precision_at_100": 1.2045000000000001, + "precision_at_1000": 0.15733333333333335, + "precision_at_3": 17.485416666666666, + "precision_at_5": 12.5145, + "recall_at_1": 27.243583333333333, + "recall_at_10": 55.45108333333334, + "recall_at_100": 78.25858333333335, + "recall_at_1000": 92.61716666666665, + "recall_at_3": 41.130583333333334, + "recall_at_5": 47.73133333333334, + "main_score": 42.90533333333334 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.325, + "map_at_10": 32.795, + "map_at_100": 33.96, + "map_at_1000": 34.054, + "map_at_3": 30.64, + "map_at_5": 31.771, + "mrr_at_1": 29.908, + "mrr_at_10": 35.83, + "mrr_at_100": 36.868, + "mrr_at_1000": 36.928, + "mrr_at_3": 33.896, + "mrr_at_5": 34.893, + "ndcg_at_1": 29.908, + "ndcg_at_10": 36.746, + "ndcg_at_100": 42.225, + "ndcg_at_1000": 44.523, + "ndcg_at_3": 32.82, + "ndcg_at_5": 34.583000000000006, + "precision_at_1": 29.908, + "precision_at_10": 5.6129999999999995, + "precision_at_100": 0.9079999999999999, + "precision_at_1000": 0.11800000000000001, + "precision_at_3": 13.753000000000002, + "precision_at_5": 9.417, + "recall_at_1": 26.325, + "recall_at_10": 45.975, + "recall_at_100": 70.393, + "recall_at_1000": 87.217, + "recall_at_3": 35.195, + "recall_at_5": 39.69, + "main_score": 36.746 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.828, + "map_at_10": 25.759, + "map_at_100": 26.961000000000002, + "map_at_1000": 27.094, + "map_at_3": 23.166999999999998, + "map_at_5": 24.610000000000003, + "mrr_at_1": 21.61, + "mrr_at_10": 29.605999999999998, + "mrr_at_100": 30.586000000000002, + "mrr_at_1000": 30.664, + "mrr_at_3": 27.214, + "mrr_at_5": 28.571, + "ndcg_at_1": 21.61, + "ndcg_at_10": 30.740000000000002, + "ndcg_at_100": 36.332, + "ndcg_at_1000": 39.296, + "ndcg_at_3": 26.11, + "ndcg_at_5": 28.297, + "precision_at_1": 21.61, + "precision_at_10": 5.643, + "precision_at_100": 1.0, + "precision_at_1000": 0.14400000000000002, + "precision_at_3": 12.4, + "precision_at_5": 9.119, + "recall_at_1": 17.828, + "recall_at_10": 41.876000000000005, + "recall_at_100": 66.648, + "recall_at_1000": 87.763, + "recall_at_3": 28.957, + "recall_at_5": 34.494, + "main_score": 30.740000000000002 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.921000000000003, + "map_at_10": 37.156, + "map_at_100": 38.399, + "map_at_1000": 38.498, + "map_at_3": 34.134, + "map_at_5": 35.936, + "mrr_at_1": 32.649, + "mrr_at_10": 41.19, + "mrr_at_100": 42.102000000000004, + "mrr_at_1000": 42.157, + "mrr_at_3": 38.464, + "mrr_at_5": 40.148, + "ndcg_at_1": 32.649, + "ndcg_at_10": 42.679, + "ndcg_at_100": 48.27, + "ndcg_at_1000": 50.312, + "ndcg_at_3": 37.269000000000005, + "ndcg_at_5": 40.055, + "precision_at_1": 32.649, + "precision_at_10": 7.155, + "precision_at_100": 1.124, + "precision_at_1000": 0.14100000000000001, + "precision_at_3": 16.791, + "precision_at_5": 12.015, + "recall_at_1": 27.921000000000003, + "recall_at_10": 55.357, + "recall_at_100": 79.476, + "recall_at_1000": 93.314, + "recall_at_3": 40.891, + "recall_at_5": 47.851, + "main_score": 42.679 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.524, + "map_at_10": 35.135, + "map_at_100": 36.665, + "map_at_1000": 36.886, + "map_at_3": 31.367, + "map_at_5": 33.724, + "mrr_at_1": 30.631999999999998, + "mrr_at_10": 39.616, + "mrr_at_100": 40.54, + "mrr_at_1000": 40.585, + "mrr_at_3": 36.462, + "mrr_at_5": 38.507999999999996, + "ndcg_at_1": 30.631999999999998, + "ndcg_at_10": 41.61, + "ndcg_at_100": 47.249, + "ndcg_at_1000": 49.662, + "ndcg_at_3": 35.421, + "ndcg_at_5": 38.811, + "precision_at_1": 30.631999999999998, + "precision_at_10": 8.123, + "precision_at_100": 1.5810000000000002, + "precision_at_1000": 0.245, + "precision_at_3": 16.337, + "precision_at_5": 12.568999999999999, + "recall_at_1": 25.524, + "recall_at_10": 54.994, + "recall_at_100": 80.03099999999999, + "recall_at_1000": 95.25099999999999, + "recall_at_3": 37.563, + "recall_at_5": 46.428999999999995, + "main_score": 41.61 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.224, + "map_at_10": 30.599999999999998, + "map_at_100": 31.526, + "map_at_1000": 31.629, + "map_at_3": 27.491, + "map_at_5": 29.212, + "mrr_at_1": 24.214, + "mrr_at_10": 32.632, + "mrr_at_100": 33.482, + "mrr_at_1000": 33.550000000000004, + "mrr_at_3": 29.852, + "mrr_at_5": 31.451, + "ndcg_at_1": 24.214, + "ndcg_at_10": 35.802, + "ndcg_at_100": 40.502, + "ndcg_at_1000": 43.052, + "ndcg_at_3": 29.847, + "ndcg_at_5": 32.732, + "precision_at_1": 24.214, + "precision_at_10": 5.804, + "precision_at_100": 0.885, + "precision_at_1000": 0.121, + "precision_at_3": 12.692999999999998, + "precision_at_5": 9.242, + "recall_at_1": 22.224, + "recall_at_10": 49.849, + "recall_at_100": 71.45, + "recall_at_1000": 90.583, + "recall_at_3": 34.153, + "recall_at_5": 41.004000000000005, + "main_score": 35.802 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/ClimateFEVER.json b/results/barisaydin__gte-base/external/ClimateFEVER.json new file mode 100644 index 000000000..75ba3218f --- /dev/null +++ b/results/barisaydin__gte-base/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 12.386999999999999, + "map_at_10": 20.182, + "map_at_100": 21.86, + "map_at_1000": 22.054000000000002, + "map_at_3": 17.165, + "map_at_5": 18.643, + "mrr_at_1": 26.906000000000002, + "mrr_at_10": 37.907999999999994, + "mrr_at_100": 38.868, + "mrr_at_1000": 38.913, + "mrr_at_3": 34.853, + "mrr_at_5": 36.567, + "ndcg_at_1": 26.906000000000002, + "ndcg_at_10": 28.103, + "ndcg_at_100": 35.073, + "ndcg_at_1000": 38.653, + "ndcg_at_3": 23.345, + "ndcg_at_5": 24.828, + "precision_at_1": 26.906000000000002, + "precision_at_10": 8.547, + "precision_at_100": 1.617, + "precision_at_1000": 0.22799999999999998, + "precision_at_3": 17.025000000000002, + "precision_at_5": 12.834000000000001, + "recall_at_1": 12.386999999999999, + "recall_at_10": 33.306999999999995, + "recall_at_100": 57.516, + "recall_at_1000": 77.74799999999999, + "recall_at_3": 21.433, + "recall_at_5": 25.915, + "main_score": 28.103 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/DBPedia.json b/results/barisaydin__gte-base/external/DBPedia.json new file mode 100644 index 000000000..4ea6e0096 --- /dev/null +++ b/results/barisaydin__gte-base/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.322, + "map_at_10": 20.469, + "map_at_100": 28.638, + "map_at_1000": 30.433, + "map_at_3": 14.802000000000001, + "map_at_5": 17.297, + "mrr_at_1": 68.75, + "mrr_at_10": 76.29599999999999, + "mrr_at_100": 76.62400000000001, + "mrr_at_1000": 76.633, + "mrr_at_3": 75.083, + "mrr_at_5": 75.771, + "ndcg_at_1": 54.87499999999999, + "ndcg_at_10": 41.185, + "ndcg_at_100": 46.400000000000006, + "ndcg_at_1000": 54.223, + "ndcg_at_3": 45.489000000000004, + "ndcg_at_5": 43.161, + "precision_at_1": 68.75, + "precision_at_10": 32.300000000000004, + "precision_at_100": 10.607999999999999, + "precision_at_1000": 2.237, + "precision_at_3": 49.083, + "precision_at_5": 41.6, + "recall_at_1": 9.322, + "recall_at_10": 25.696, + "recall_at_100": 52.898, + "recall_at_1000": 77.281, + "recall_at_3": 15.943, + "recall_at_5": 19.836000000000002, + "main_score": 41.185 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/EmotionClassification.json b/results/barisaydin__gte-base/external/EmotionClassification.json new file mode 100644 index 000000000..9f8105511 --- /dev/null +++ b/results/barisaydin__gte-base/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 48.650000000000006, + "f1": 43.528467245539396, + "main_score": 48.650000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/FEVER.json b/results/barisaydin__gte-base/external/FEVER.json new file mode 100644 index 000000000..add741050 --- /dev/null +++ b/results/barisaydin__gte-base/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 66.56, + "map_at_10": 76.767, + "map_at_100": 77.054, + "map_at_1000": 77.068, + "map_at_3": 75.29299999999999, + "map_at_5": 76.24, + "mrr_at_1": 71.842, + "mrr_at_10": 81.459, + "mrr_at_100": 81.58800000000001, + "mrr_at_1000": 81.59100000000001, + "mrr_at_3": 80.188, + "mrr_at_5": 81.038, + "ndcg_at_1": 71.842, + "ndcg_at_10": 81.51899999999999, + "ndcg_at_100": 82.544, + "ndcg_at_1000": 82.829, + "ndcg_at_3": 78.92, + "ndcg_at_5": 80.406, + "precision_at_1": 71.842, + "precision_at_10": 10.066, + "precision_at_100": 1.076, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 30.703000000000003, + "precision_at_5": 19.301, + "recall_at_1": 66.56, + "recall_at_10": 91.55, + "recall_at_100": 95.67099999999999, + "recall_at_1000": 97.539, + "recall_at_3": 84.46900000000001, + "recall_at_5": 88.201, + "main_score": 81.51899999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/FiQA2018.json b/results/barisaydin__gte-base/external/FiQA2018.json new file mode 100644 index 000000000..381c7b6e9 --- /dev/null +++ b/results/barisaydin__gte-base/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.087, + "map_at_10": 32.830999999999996, + "map_at_100": 34.814, + "map_at_1000": 34.999, + "map_at_3": 28.198, + "map_at_5": 30.779, + "mrr_at_1": 38.889, + "mrr_at_10": 48.415, + "mrr_at_100": 49.187, + "mrr_at_1000": 49.226, + "mrr_at_3": 45.705, + "mrr_at_5": 47.225, + "ndcg_at_1": 38.889, + "ndcg_at_10": 40.758, + "ndcg_at_100": 47.671, + "ndcg_at_1000": 50.744, + "ndcg_at_3": 36.296, + "ndcg_at_5": 37.852999999999994, + "precision_at_1": 38.889, + "precision_at_10": 11.466, + "precision_at_100": 1.8499999999999999, + "precision_at_1000": 0.24, + "precision_at_3": 24.126, + "precision_at_5": 18.21, + "recall_at_1": 20.087, + "recall_at_10": 48.042, + "recall_at_100": 73.493, + "recall_at_1000": 91.851, + "recall_at_3": 32.694, + "recall_at_5": 39.099000000000004, + "main_score": 40.758 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/HotpotQA.json b/results/barisaydin__gte-base/external/HotpotQA.json new file mode 100644 index 000000000..21c545453 --- /dev/null +++ b/results/barisaydin__gte-base/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.096000000000004, + "map_at_10": 56.99999999999999, + "map_at_100": 57.914, + "map_at_1000": 57.984, + "map_at_3": 53.900999999999996, + "map_at_5": 55.827000000000005, + "mrr_at_1": 76.19200000000001, + "mrr_at_10": 81.955, + "mrr_at_100": 82.164, + "mrr_at_1000": 82.173, + "mrr_at_3": 80.963, + "mrr_at_5": 81.574, + "ndcg_at_1": 76.19200000000001, + "ndcg_at_10": 65.75, + "ndcg_at_100": 68.949, + "ndcg_at_1000": 70.342, + "ndcg_at_3": 61.29, + "ndcg_at_5": 63.747, + "precision_at_1": 76.19200000000001, + "precision_at_10": 13.571, + "precision_at_100": 1.6070000000000002, + "precision_at_1000": 0.179, + "precision_at_3": 38.663, + "precision_at_5": 25.136999999999997, + "recall_at_1": 38.096000000000004, + "recall_at_10": 67.853, + "recall_at_100": 80.365, + "recall_at_1000": 89.629, + "recall_at_3": 57.995, + "recall_at_5": 62.843, + "main_score": 65.75 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/ImdbClassification.json b/results/barisaydin__gte-base/external/ImdbClassification.json new file mode 100644 index 000000000..bb56f6ed2 --- /dev/null +++ b/results/barisaydin__gte-base/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 85.95200000000001, + "ap": 80.73847277002109, + "f1": 85.92406135678594, + "main_score": 85.95200000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/MSMARCO.json b/results/barisaydin__gte-base/external/MSMARCO.json new file mode 100644 index 000000000..5a860e825 --- /dev/null +++ b/results/barisaydin__gte-base/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.916999999999998, + "map_at_10": 33.23, + "map_at_100": 34.427, + "map_at_1000": 34.477000000000004, + "map_at_3": 29.292, + "map_at_5": 31.6, + "mrr_at_1": 21.547, + "mrr_at_10": 33.839999999999996, + "mrr_at_100": 34.979, + "mrr_at_1000": 35.022999999999996, + "mrr_at_3": 29.988, + "mrr_at_5": 32.259, + "ndcg_at_1": 21.519, + "ndcg_at_10": 40.209, + "ndcg_at_100": 45.954, + "ndcg_at_1000": 47.187, + "ndcg_at_3": 32.227, + "ndcg_at_5": 36.347, + "precision_at_1": 21.519, + "precision_at_10": 6.447, + "precision_at_100": 0.932, + "precision_at_1000": 0.104, + "precision_at_3": 13.877999999999998, + "precision_at_5": 10.404, + "recall_at_1": 20.916999999999998, + "recall_at_10": 61.7, + "recall_at_100": 88.202, + "recall_at_1000": 97.588, + "recall_at_3": 40.044999999999995, + "recall_at_5": 49.964999999999996, + "main_score": 40.209 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/MTOPDomainClassification.json b/results/barisaydin__gte-base/external/MTOPDomainClassification.json new file mode 100644 index 000000000..d8a74ee4a --- /dev/null +++ b/results/barisaydin__gte-base/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.02781577747379, + "f1": 92.83653922768306, + "main_score": 93.02781577747379 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/MTOPIntentClassification.json b/results/barisaydin__gte-base/external/MTOPIntentClassification.json new file mode 100644 index 000000000..55fc0021d --- /dev/null +++ b/results/barisaydin__gte-base/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.04286365709075, + "f1": 53.43867658525793, + "main_score": 72.04286365709075 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/MassiveIntentClassification.json b/results/barisaydin__gte-base/external/MassiveIntentClassification.json new file mode 100644 index 000000000..7ad68d767 --- /dev/null +++ b/results/barisaydin__gte-base/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.47276395427035, + "f1": 69.77017399597342, + "main_score": 71.47276395427035 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/MassiveScenarioClassification.json b/results/barisaydin__gte-base/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..62013d910 --- /dev/null +++ b/results/barisaydin__gte-base/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.3819771351715, + "f1": 76.8484533435409, + "main_score": 76.3819771351715 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/MedrxivClusteringP2P.json b/results/barisaydin__gte-base/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..6948ae36b --- /dev/null +++ b/results/barisaydin__gte-base/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.16515993299593, + "main_score": 33.16515993299593 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/MedrxivClusteringS2S.json b/results/barisaydin__gte-base/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..3b967349a --- /dev/null +++ b/results/barisaydin__gte-base/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.77145323314774, + "main_score": 31.77145323314774 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/MindSmallReranking.json b/results/barisaydin__gte-base/external/MindSmallReranking.json new file mode 100644 index 000000000..bfab30b9d --- /dev/null +++ b/results/barisaydin__gte-base/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 32.53637706586391, + "mrr": 33.7312926288863, + "main_score": 32.53637706586391 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/NFCorpus.json b/results/barisaydin__gte-base/external/NFCorpus.json new file mode 100644 index 000000000..7900c1f4d --- /dev/null +++ b/results/barisaydin__gte-base/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 7.063999999999999, + "map_at_10": 15.046999999999999, + "map_at_100": 19.116, + "map_at_1000": 20.702, + "map_at_3": 10.932, + "map_at_5": 12.751999999999999, + "mrr_at_1": 50.464, + "mrr_at_10": 58.189, + "mrr_at_100": 58.733999999999995, + "mrr_at_1000": 58.769000000000005, + "mrr_at_3": 56.24400000000001, + "mrr_at_5": 57.68299999999999, + "ndcg_at_1": 48.142, + "ndcg_at_10": 37.897, + "ndcg_at_100": 35.264, + "ndcg_at_1000": 44.033, + "ndcg_at_3": 42.967, + "ndcg_at_5": 40.815, + "precision_at_1": 50.15500000000001, + "precision_at_10": 28.235, + "precision_at_100": 8.994, + "precision_at_1000": 2.218, + "precision_at_3": 40.041, + "precision_at_5": 35.046, + "recall_at_1": 7.063999999999999, + "recall_at_10": 18.598, + "recall_at_100": 35.577999999999996, + "recall_at_1000": 67.43, + "recall_at_3": 11.562999999999999, + "recall_at_5": 14.771, + "main_score": 37.897 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/NQ.json b/results/barisaydin__gte-base/external/NQ.json new file mode 100644 index 000000000..21e9aac5d --- /dev/null +++ b/results/barisaydin__gte-base/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.046, + "map_at_10": 44.808, + "map_at_100": 45.898, + "map_at_1000": 45.927, + "map_at_3": 40.19, + "map_at_5": 42.897, + "mrr_at_1": 32.706, + "mrr_at_10": 47.275, + "mrr_at_100": 48.075, + "mrr_at_1000": 48.095, + "mrr_at_3": 43.463, + "mrr_at_5": 45.741, + "ndcg_at_1": 32.706, + "ndcg_at_10": 52.835, + "ndcg_at_100": 57.345, + "ndcg_at_1000": 57.985, + "ndcg_at_3": 44.171, + "ndcg_at_5": 48.661, + "precision_at_1": 32.706, + "precision_at_10": 8.895999999999999, + "precision_at_100": 1.143, + "precision_at_1000": 0.12, + "precision_at_3": 20.238999999999997, + "precision_at_5": 14.728, + "recall_at_1": 29.046, + "recall_at_10": 74.831, + "recall_at_100": 94.192, + "recall_at_1000": 98.897, + "recall_at_3": 52.37500000000001, + "recall_at_5": 62.732, + "main_score": 52.835 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/QuoraRetrieval.json b/results/barisaydin__gte-base/external/QuoraRetrieval.json new file mode 100644 index 000000000..a6224a3be --- /dev/null +++ b/results/barisaydin__gte-base/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 70.38799999999999, + "map_at_10": 84.315, + "map_at_100": 84.955, + "map_at_1000": 84.971, + "map_at_3": 81.33399999999999, + "map_at_5": 83.21300000000001, + "mrr_at_1": 81.03, + "mrr_at_10": 87.395, + "mrr_at_100": 87.488, + "mrr_at_1000": 87.48899999999999, + "mrr_at_3": 86.41499999999999, + "mrr_at_5": 87.074, + "ndcg_at_1": 81.04, + "ndcg_at_10": 88.151, + "ndcg_at_100": 89.38199999999999, + "ndcg_at_1000": 89.479, + "ndcg_at_3": 85.24000000000001, + "ndcg_at_5": 86.856, + "precision_at_1": 81.04, + "precision_at_10": 13.372, + "precision_at_100": 1.526, + "precision_at_1000": 0.157, + "precision_at_3": 37.217, + "precision_at_5": 24.502, + "recall_at_1": 70.38799999999999, + "recall_at_10": 95.452, + "recall_at_100": 99.59700000000001, + "recall_at_1000": 99.988, + "recall_at_3": 87.11, + "recall_at_5": 91.662, + "main_score": 88.151 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/RedditClustering.json b/results/barisaydin__gte-base/external/RedditClustering.json new file mode 100644 index 000000000..0ab93b9dd --- /dev/null +++ b/results/barisaydin__gte-base/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 59.334991029213235, + "main_score": 59.334991029213235 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/RedditClusteringP2P.json b/results/barisaydin__gte-base/external/RedditClusteringP2P.json new file mode 100644 index 000000000..7c433d4a6 --- /dev/null +++ b/results/barisaydin__gte-base/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 62.586500854616666, + "main_score": 62.586500854616666 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/SCIDOCS.json b/results/barisaydin__gte-base/external/SCIDOCS.json new file mode 100644 index 000000000..c8b70fe2b --- /dev/null +++ b/results/barisaydin__gte-base/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.153, + "map_at_10": 14.277000000000001, + "map_at_100": 16.922, + "map_at_1000": 17.302999999999997, + "map_at_3": 9.961, + "map_at_5": 12.257, + "mrr_at_1": 25.4, + "mrr_at_10": 37.458000000000006, + "mrr_at_100": 38.681, + "mrr_at_1000": 38.722, + "mrr_at_3": 34.1, + "mrr_at_5": 36.17, + "ndcg_at_1": 25.4, + "ndcg_at_10": 23.132, + "ndcg_at_100": 32.908, + "ndcg_at_1000": 38.754, + "ndcg_at_3": 21.82, + "ndcg_at_5": 19.353, + "precision_at_1": 25.4, + "precision_at_10": 12.1, + "precision_at_100": 2.628, + "precision_at_1000": 0.402, + "precision_at_3": 20.732999999999997, + "precision_at_5": 17.34, + "recall_at_1": 5.153, + "recall_at_10": 24.54, + "recall_at_100": 53.293, + "recall_at_1000": 81.57, + "recall_at_3": 12.613, + "recall_at_5": 17.577, + "main_score": 23.132 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/SICK-R.json b/results/barisaydin__gte-base/external/SICK-R.json new file mode 100644 index 000000000..812fed2dc --- /dev/null +++ b/results/barisaydin__gte-base/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.86284404925333, + "cos_sim_spearman": 78.85870555294795, + "euclidean_pearson": 82.20105295276093, + "euclidean_spearman": 78.92125617009592, + "manhattan_pearson": 82.15840025289069, + "manhattan_spearman": 78.85955732900803, + "cosine_pearson": 84.86284404925333, + "cosine_spearman": 78.85870555294795, + "main_score": 78.85870555294795 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/STS12.json b/results/barisaydin__gte-base/external/STS12.json new file mode 100644 index 000000000..36c6ee01a --- /dev/null +++ b/results/barisaydin__gte-base/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.98747423389027, + "cos_sim_spearman": 75.71298531799367, + "euclidean_pearson": 81.59709559192291, + "euclidean_spearman": 75.40622749225653, + "manhattan_pearson": 81.55553547608804, + "manhattan_spearman": 75.39380235424899, + "cosine_pearson": 84.98747423389027, + "cosine_spearman": 75.71298531799367, + "main_score": 75.71298531799367 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/STS13.json b/results/barisaydin__gte-base/external/STS13.json new file mode 100644 index 000000000..9dc47353d --- /dev/null +++ b/results/barisaydin__gte-base/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.76861330695503, + "cos_sim_spearman": 85.72991921531624, + "euclidean_pearson": 84.84504307397536, + "euclidean_spearman": 86.02679162824732, + "manhattan_pearson": 84.79969439220142, + "manhattan_spearman": 85.99238837291625, + "cosine_pearson": 83.76861330695503, + "cosine_spearman": 85.72991921531624, + "main_score": 85.72991921531624 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/STS14.json b/results/barisaydin__gte-base/external/STS14.json new file mode 100644 index 000000000..828386039 --- /dev/null +++ b/results/barisaydin__gte-base/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.31929747511796, + "cos_sim_spearman": 81.50806522502528, + "euclidean_pearson": 82.93936686512777, + "euclidean_spearman": 81.54403447993224, + "manhattan_pearson": 82.89696981900828, + "manhattan_spearman": 81.52817825470865, + "cosine_pearson": 83.31929747511796, + "cosine_spearman": 81.50806522502528, + "main_score": 81.50806522502528 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/STS15.json b/results/barisaydin__gte-base/external/STS15.json new file mode 100644 index 000000000..6771fcebe --- /dev/null +++ b/results/barisaydin__gte-base/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.14413295332908, + "cos_sim_spearman": 88.81032027008195, + "euclidean_pearson": 88.19205563407645, + "euclidean_spearman": 88.89738339479216, + "manhattan_pearson": 88.11075942004189, + "manhattan_spearman": 88.8297061675564, + "cosine_pearson": 87.14413295332908, + "cosine_spearman": 88.81032027008195, + "main_score": 88.81032027008195 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/STS16.json b/results/barisaydin__gte-base/external/STS16.json new file mode 100644 index 000000000..194ed8c98 --- /dev/null +++ b/results/barisaydin__gte-base/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.15980075557017, + "cos_sim_spearman": 83.81896308594801, + "euclidean_pearson": 83.11195254311338, + "euclidean_spearman": 84.10479481755407, + "manhattan_pearson": 83.13915225100556, + "manhattan_spearman": 84.09895591027859, + "cosine_pearson": 82.15980075557017, + "cosine_spearman": 83.81896308594801, + "main_score": 83.81896308594801 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/STS17.json b/results/barisaydin__gte-base/external/STS17.json new file mode 100644 index 000000000..dca63158a --- /dev/null +++ b/results/barisaydin__gte-base/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.93669480147919, + "cos_sim_spearman": 87.89861394614361, + "euclidean_pearson": 88.37316413202339, + "euclidean_spearman": 88.18033817842569, + "manhattan_pearson": 88.39427578879469, + "manhattan_spearman": 88.09185009236847, + "cosine_pearson": 87.93669480147919, + "cosine_spearman": 87.89861394614361, + "main_score": 87.89861394614361 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/STS22.json b/results/barisaydin__gte-base/external/STS22.json new file mode 100644 index 000000000..28327f32f --- /dev/null +++ b/results/barisaydin__gte-base/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 66.62215083348255, + "cos_sim_spearman": 67.33243665716736, + "euclidean_pearson": 67.60871701996284, + "euclidean_spearman": 66.75929225238659, + "manhattan_pearson": 67.63907838970992, + "manhattan_spearman": 66.79313656754846, + "cosine_pearson": 66.62215083348255, + "cosine_spearman": 67.33243665716736, + "main_score": 67.33243665716736 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/STSBenchmark.json b/results/barisaydin__gte-base/external/STSBenchmark.json new file mode 100644 index 000000000..02a11d332 --- /dev/null +++ b/results/barisaydin__gte-base/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.65549191934764, + "cos_sim_spearman": 85.73266847750143, + "euclidean_pearson": 85.75609932254318, + "euclidean_spearman": 85.9452287759371, + "manhattan_pearson": 85.69717413063573, + "manhattan_spearman": 85.86546318377046, + "cosine_pearson": 84.65549191934764, + "cosine_spearman": 85.73266847750143, + "main_score": 85.73266847750143 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/SciDocsRR.json b/results/barisaydin__gte-base/external/SciDocsRR.json new file mode 100644 index 000000000..3f4dddc45 --- /dev/null +++ b/results/barisaydin__gte-base/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 87.08164129085783, + "mrr": 96.2877273416489, + "main_score": 87.08164129085783 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/SciFact.json b/results/barisaydin__gte-base/external/SciFact.json new file mode 100644 index 000000000..5a6cb1ad0 --- /dev/null +++ b/results/barisaydin__gte-base/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 62.09400000000001, + "map_at_10": 71.712, + "map_at_100": 72.128, + "map_at_1000": 72.14399999999999, + "map_at_3": 68.93, + "map_at_5": 70.694, + "mrr_at_1": 65.0, + "mrr_at_10": 72.572, + "mrr_at_100": 72.842, + "mrr_at_1000": 72.856, + "mrr_at_3": 70.44399999999999, + "mrr_at_5": 71.744, + "ndcg_at_1": 65.0, + "ndcg_at_10": 76.178, + "ndcg_at_100": 77.887, + "ndcg_at_1000": 78.227, + "ndcg_at_3": 71.367, + "ndcg_at_5": 73.938, + "precision_at_1": 65.0, + "precision_at_10": 10.033, + "precision_at_100": 1.097, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 27.667, + "precision_at_5": 18.4, + "recall_at_1": 62.09400000000001, + "recall_at_10": 89.022, + "recall_at_100": 96.833, + "recall_at_1000": 99.333, + "recall_at_3": 75.922, + "recall_at_5": 82.428, + "main_score": 76.178 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/SprintDuplicateQuestions.json b/results/barisaydin__gte-base/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..442081634 --- /dev/null +++ b/results/barisaydin__gte-base/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.82178217821782, + "cos_sim_ap": 95.71282508220798, + "cos_sim_f1": 90.73120494335737, + "cos_sim_precision": 93.52441613588111, + "cos_sim_recall": 88.1, + "dot_accuracy": 99.73960396039604, + "dot_ap": 92.98534606529098, + "dot_f1": 86.83024536805209, + "dot_precision": 86.96088264794383, + "dot_recall": 86.7, + "euclidean_accuracy": 99.82475247524752, + "euclidean_ap": 95.72927039014849, + "euclidean_f1": 90.89974293059126, + "euclidean_precision": 93.54497354497354, + "euclidean_recall": 88.4, + "manhattan_accuracy": 99.82574257425742, + "manhattan_ap": 95.72142177390405, + "manhattan_f1": 91.00152516522625, + "manhattan_precision": 92.55429162357808, + "manhattan_recall": 89.5, + "max_accuracy": 99.82574257425742, + "max_ap": 95.72927039014849, + "max_f1": 91.00152516522625, + "main_score": 95.72927039014849 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/StackExchangeClustering.json b/results/barisaydin__gte-base/external/StackExchangeClustering.json new file mode 100644 index 000000000..b5a0e6a88 --- /dev/null +++ b/results/barisaydin__gte-base/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 66.63957663468679, + "main_score": 66.63957663468679 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/StackExchangeClusteringP2P.json b/results/barisaydin__gte-base/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..9e74228c9 --- /dev/null +++ b/results/barisaydin__gte-base/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.003307257923964, + "main_score": 36.003307257923964 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/StackOverflowDupQuestions.json b/results/barisaydin__gte-base/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..7fc510b8c --- /dev/null +++ b/results/barisaydin__gte-base/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 53.005825525863905, + "mrr": 53.854683919022165, + "main_score": 53.005825525863905 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/SummEval.json b/results/barisaydin__gte-base/external/SummEval.json new file mode 100644 index 000000000..3923ad63e --- /dev/null +++ b/results/barisaydin__gte-base/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.503611569974098, + "cos_sim_spearman": 31.17155564248449, + "dot_pearson": 26.740428413981306, + "dot_spearman": 26.55727635469746, + "cosine_pearson": 30.503611569974098, + "cosine_spearman": 31.17155564248449, + "main_score": 31.17155564248449 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/TRECCOVID.json b/results/barisaydin__gte-base/external/TRECCOVID.json new file mode 100644 index 000000000..7aff35d6a --- /dev/null +++ b/results/barisaydin__gte-base/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.23600000000000002, + "map_at_10": 1.7670000000000001, + "map_at_100": 10.208, + "map_at_1000": 25.997999999999998, + "map_at_3": 0.605, + "map_at_5": 0.9560000000000001, + "mrr_at_1": 84.0, + "mrr_at_10": 90.167, + "mrr_at_100": 90.167, + "mrr_at_1000": 90.167, + "mrr_at_3": 89.667, + "mrr_at_5": 90.167, + "ndcg_at_1": 77.0, + "ndcg_at_10": 68.783, + "ndcg_at_100": 54.196, + "ndcg_at_1000": 52.077, + "ndcg_at_3": 71.642, + "ndcg_at_5": 70.45700000000001, + "precision_at_1": 84.0, + "precision_at_10": 73.0, + "precision_at_100": 55.48, + "precision_at_1000": 23.102, + "precision_at_3": 76.0, + "precision_at_5": 74.8, + "recall_at_1": 0.23600000000000002, + "recall_at_10": 1.9869999999999999, + "recall_at_100": 13.749, + "recall_at_1000": 50.157, + "recall_at_3": 0.633, + "recall_at_5": 1.0290000000000001, + "main_score": 68.783 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/Touche2020.json b/results/barisaydin__gte-base/external/Touche2020.json new file mode 100644 index 000000000..33b7b137a --- /dev/null +++ b/results/barisaydin__gte-base/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 1.437, + "map_at_10": 8.791, + "map_at_100": 15.001999999999999, + "map_at_1000": 16.549, + "map_at_3": 3.8080000000000003, + "map_at_5": 5.632000000000001, + "mrr_at_1": 20.408, + "mrr_at_10": 36.96, + "mrr_at_100": 37.912, + "mrr_at_1000": 37.912, + "mrr_at_3": 29.592000000000002, + "mrr_at_5": 34.489999999999995, + "ndcg_at_1": 19.387999999999998, + "ndcg_at_10": 22.554, + "ndcg_at_100": 35.197, + "ndcg_at_1000": 46.58, + "ndcg_at_3": 20.285, + "ndcg_at_5": 21.924, + "precision_at_1": 20.408, + "precision_at_10": 21.837, + "precision_at_100": 7.754999999999999, + "precision_at_1000": 1.537, + "precision_at_3": 21.769, + "precision_at_5": 23.673, + "recall_at_1": 1.437, + "recall_at_10": 16.314999999999998, + "recall_at_100": 47.635, + "recall_at_1000": 82.963, + "recall_at_3": 4.955, + "recall_at_5": 8.805, + "main_score": 22.554 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/ToxicConversationsClassification.json b/results/barisaydin__gte-base/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..b987a9f27 --- /dev/null +++ b/results/barisaydin__gte-base/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.6128, + "ap": 14.279639861175664, + "f1": 54.922292491204274, + "main_score": 71.6128 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/TweetSentimentExtractionClassification.json b/results/barisaydin__gte-base/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..cfba7c4fb --- /dev/null +++ b/results/barisaydin__gte-base/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 57.01188455008489, + "f1": 57.377953019225515, + "main_score": 57.01188455008489 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/TwentyNewsgroupsClustering.json b/results/barisaydin__gte-base/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..ca4b0c8ea --- /dev/null +++ b/results/barisaydin__gte-base/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 52.306769136544254, + "main_score": 52.306769136544254 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/TwitterSemEval2015.json b/results/barisaydin__gte-base/external/TwitterSemEval2015.json new file mode 100644 index 000000000..3da84d8c9 --- /dev/null +++ b/results/barisaydin__gte-base/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 85.64701674912082, + "cos_sim_ap": 72.46600945328552, + "cos_sim_f1": 67.96572367648784, + "cos_sim_precision": 61.21801649397336, + "cos_sim_recall": 76.38522427440633, + "dot_accuracy": 82.33295583238957, + "dot_ap": 62.54843443071716, + "dot_f1": 60.38378562507096, + "dot_precision": 52.99980067769583, + "dot_recall": 70.15831134564644, + "euclidean_accuracy": 85.7423854085951, + "euclidean_ap": 72.76873850945174, + "euclidean_f1": 68.23556960543262, + "euclidean_precision": 61.3344559040202, + "euclidean_recall": 76.88654353562005, + "manhattan_accuracy": 85.74834594981225, + "manhattan_ap": 72.66825372446462, + "manhattan_f1": 68.21539194662853, + "manhattan_precision": 62.185056472632496, + "manhattan_recall": 75.54089709762533, + "max_accuracy": 85.74834594981225, + "max_ap": 72.76873850945174, + "max_f1": 68.23556960543262, + "main_score": 72.76873850945174 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/TwitterURLCorpus.json b/results/barisaydin__gte-base/external/TwitterURLCorpus.json new file mode 100644 index 000000000..d5688f147 --- /dev/null +++ b/results/barisaydin__gte-base/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.73171110334924, + "cos_sim_ap": 85.51855542063649, + "cos_sim_f1": 77.95706775700934, + "cos_sim_precision": 74.12524298805887, + "cos_sim_recall": 82.20665229442562, + "dot_accuracy": 86.94842240074514, + "dot_ap": 80.90995345771762, + "dot_f1": 74.20765027322403, + "dot_precision": 70.42594385285575, + "dot_recall": 78.41854019094548, + "euclidean_accuracy": 88.73753250281368, + "euclidean_ap": 85.54712254033734, + "euclidean_f1": 78.07565728654365, + "euclidean_precision": 75.1120597652081, + "euclidean_recall": 81.282722513089, + "manhattan_accuracy": 88.72588970388482, + "manhattan_ap": 85.52118291594071, + "manhattan_f1": 78.04428724070593, + "manhattan_precision": 74.83219105490002, + "manhattan_recall": 81.54450261780106, + "max_accuracy": 88.73753250281368, + "max_ap": 85.54712254033734, + "max_f1": 78.07565728654365, + "main_score": 85.54712254033734 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-base/external/model_meta.json b/results/barisaydin__gte-base/external/model_meta.json new file mode 100644 index 000000000..aaa1f99ba --- /dev/null +++ b/results/barisaydin__gte-base/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "barisaydin/gte-base", + "revision": "ac1ed3df59e27724e067286e2ca4e97ab02dcf08", + "release_date": "2023-09-20", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 54748928, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 768, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/AmazonCounterfactualClassification.json b/results/barisaydin__gte-large/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..6dbccb75d --- /dev/null +++ b/results/barisaydin__gte-large/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.62686567164178, + "ap": 34.46944126809772, + "f1": 66.23684353950857, + "main_score": 72.62686567164178 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/AmazonPolarityClassification.json b/results/barisaydin__gte-large/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..f52f04509 --- /dev/null +++ b/results/barisaydin__gte-large/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.51805, + "ap": 89.49842783330848, + "f1": 92.51112169431808, + "main_score": 92.51805 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/AmazonReviewsClassification.json b/results/barisaydin__gte-large/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..944845a18 --- /dev/null +++ b/results/barisaydin__gte-large/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 49.074, + "f1": 48.44785682572955, + "main_score": 49.074 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/ArguAna.json b/results/barisaydin__gte-large/external/ArguAna.json new file mode 100644 index 000000000..d5bde51d2 --- /dev/null +++ b/results/barisaydin__gte-large/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.077, + "map_at_10": 48.153, + "map_at_100": 48.963, + "map_at_1000": 48.966, + "map_at_3": 43.184, + "map_at_5": 46.072, + "mrr_at_1": 33.073, + "mrr_at_10": 48.54, + "mrr_at_100": 49.335, + "mrr_at_1000": 49.338, + "mrr_at_3": 43.563, + "mrr_at_5": 46.383, + "ndcg_at_1": 32.077, + "ndcg_at_10": 57.158, + "ndcg_at_100": 60.324999999999996, + "ndcg_at_1000": 60.402, + "ndcg_at_3": 46.934, + "ndcg_at_5": 52.158, + "precision_at_1": 32.077, + "precision_at_10": 8.591999999999999, + "precision_at_100": 0.991, + "precision_at_1000": 0.1, + "precision_at_3": 19.275000000000002, + "precision_at_5": 14.111, + "recall_at_1": 32.077, + "recall_at_10": 85.917, + "recall_at_100": 99.075, + "recall_at_1000": 99.644, + "recall_at_3": 57.824, + "recall_at_5": 70.555, + "main_score": 57.158 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/ArxivClusteringP2P.json b/results/barisaydin__gte-large/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..1deb9b51c --- /dev/null +++ b/results/barisaydin__gte-large/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.619246083417295, + "main_score": 48.619246083417295 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/ArxivClusteringS2S.json b/results/barisaydin__gte-large/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..928fd5a63 --- /dev/null +++ b/results/barisaydin__gte-large/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 43.3574067664688, + "main_score": 43.3574067664688 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/AskUbuntuDupQuestions.json b/results/barisaydin__gte-large/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..720f85bf6 --- /dev/null +++ b/results/barisaydin__gte-large/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 63.06359661829253, + "mrr": 76.15596007562766, + "main_score": 63.06359661829253 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/BIOSSES.json b/results/barisaydin__gte-large/external/BIOSSES.json new file mode 100644 index 000000000..a38b2572f --- /dev/null +++ b/results/barisaydin__gte-large/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 90.25407547368691, + "cos_sim_spearman": 88.65081514968477, + "euclidean_pearson": 88.14857116664494, + "euclidean_spearman": 88.50683596540692, + "manhattan_pearson": 87.9654797992225, + "manhattan_spearman": 88.21164851646908, + "cosine_pearson": 90.25407547368691, + "cosine_spearman": 88.65081514968477, + "main_score": 88.65081514968477 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/Banking77Classification.json b/results/barisaydin__gte-large/external/Banking77Classification.json new file mode 100644 index 000000000..2d9d62dd9 --- /dev/null +++ b/results/barisaydin__gte-large/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.05844155844157, + "f1": 86.01555597681825, + "main_score": 86.05844155844157 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/BiorxivClusteringP2P.json b/results/barisaydin__gte-large/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..1703adacd --- /dev/null +++ b/results/barisaydin__gte-large/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.10510519739522, + "main_score": 39.10510519739522 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/BiorxivClusteringS2S.json b/results/barisaydin__gte-large/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..7e935e7e7 --- /dev/null +++ b/results/barisaydin__gte-large/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.84689960264385, + "main_score": 36.84689960264385 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/CQADupstackAndroidRetrieval.json b/results/barisaydin__gte-large/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..b4c7e8d03 --- /dev/null +++ b/results/barisaydin__gte-large/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.800000000000004, + "map_at_10": 44.857, + "map_at_100": 46.512, + "map_at_1000": 46.635, + "map_at_3": 41.062, + "map_at_5": 43.126, + "mrr_at_1": 39.628, + "mrr_at_10": 50.879, + "mrr_at_100": 51.605000000000004, + "mrr_at_1000": 51.641000000000005, + "mrr_at_3": 48.14, + "mrr_at_5": 49.835, + "ndcg_at_1": 39.628, + "ndcg_at_10": 51.819, + "ndcg_at_100": 57.318999999999996, + "ndcg_at_1000": 58.955999999999996, + "ndcg_at_3": 46.409, + "ndcg_at_5": 48.825, + "precision_at_1": 39.628, + "precision_at_10": 10.072000000000001, + "precision_at_100": 1.625, + "precision_at_1000": 0.21, + "precision_at_3": 22.556, + "precision_at_5": 16.309, + "recall_at_1": 32.800000000000004, + "recall_at_10": 65.078, + "recall_at_100": 87.491, + "recall_at_1000": 97.514, + "recall_at_3": 49.561, + "recall_at_5": 56.135999999999996, + "main_score": 51.819 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.614, + "map_at_10": 43.578, + "map_at_100": 44.897, + "map_at_1000": 45.023, + "map_at_3": 40.282000000000004, + "map_at_5": 42.117, + "mrr_at_1": 40.510000000000005, + "mrr_at_10": 49.428, + "mrr_at_100": 50.068999999999996, + "mrr_at_1000": 50.111000000000004, + "mrr_at_3": 47.176, + "mrr_at_5": 48.583999999999996, + "ndcg_at_1": 40.510000000000005, + "ndcg_at_10": 49.478, + "ndcg_at_100": 53.852, + "ndcg_at_1000": 55.782, + "ndcg_at_3": 45.091, + "ndcg_at_5": 47.19, + "precision_at_1": 40.510000000000005, + "precision_at_10": 9.363000000000001, + "precision_at_100": 1.51, + "precision_at_1000": 0.196, + "precision_at_3": 21.741, + "precision_at_5": 15.465000000000002, + "recall_at_1": 32.614, + "recall_at_10": 59.782000000000004, + "recall_at_100": 78.012, + "recall_at_1000": 90.319, + "recall_at_3": 46.825, + "recall_at_5": 52.688, + "main_score": 49.478 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.266000000000005, + "map_at_10": 53.756, + "map_at_100": 54.809, + "map_at_1000": 54.855, + "map_at_3": 50.073, + "map_at_5": 52.293, + "mrr_at_1": 46.332, + "mrr_at_10": 57.116, + "mrr_at_100": 57.767, + "mrr_at_1000": 57.791000000000004, + "mrr_at_3": 54.461999999999996, + "mrr_at_5": 56.092, + "ndcg_at_1": 46.332, + "ndcg_at_10": 60.092, + "ndcg_at_100": 64.034, + "ndcg_at_1000": 64.937, + "ndcg_at_3": 54.071000000000005, + "ndcg_at_5": 57.254000000000005, + "precision_at_1": 46.332, + "precision_at_10": 9.799, + "precision_at_100": 1.278, + "precision_at_1000": 0.13899999999999998, + "precision_at_3": 24.368000000000002, + "precision_at_5": 16.89, + "recall_at_1": 40.266000000000005, + "recall_at_10": 75.41499999999999, + "recall_at_100": 92.01700000000001, + "recall_at_1000": 98.379, + "recall_at_3": 59.476, + "recall_at_5": 67.297, + "main_score": 60.092 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.589, + "map_at_10": 37.755, + "map_at_100": 38.881, + "map_at_1000": 38.954, + "map_at_3": 34.759, + "map_at_5": 36.544, + "mrr_at_1": 30.734, + "mrr_at_10": 39.742, + "mrr_at_100": 40.774, + "mrr_at_1000": 40.824, + "mrr_at_3": 37.137, + "mrr_at_5": 38.719, + "ndcg_at_1": 30.734, + "ndcg_at_10": 42.978, + "ndcg_at_100": 48.309000000000005, + "ndcg_at_1000": 50.068, + "ndcg_at_3": 37.361, + "ndcg_at_5": 40.268, + "precision_at_1": 30.734, + "precision_at_10": 6.565, + "precision_at_100": 0.964, + "precision_at_1000": 0.11499999999999999, + "precision_at_3": 15.744, + "precision_at_5": 11.096, + "recall_at_1": 28.589, + "recall_at_10": 57.126999999999995, + "recall_at_100": 81.051, + "recall_at_1000": 94.027, + "recall_at_3": 42.045, + "recall_at_5": 49.019, + "main_score": 42.978 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.5, + "map_at_10": 27.950999999999997, + "map_at_100": 29.186, + "map_at_1000": 29.298000000000002, + "map_at_3": 25.141000000000002, + "map_at_5": 26.848, + "mrr_at_1": 22.637, + "mrr_at_10": 32.572, + "mrr_at_100": 33.472, + "mrr_at_1000": 33.533, + "mrr_at_3": 29.747, + "mrr_at_5": 31.482, + "ndcg_at_1": 22.637, + "ndcg_at_10": 33.73, + "ndcg_at_100": 39.568, + "ndcg_at_1000": 42.201, + "ndcg_at_3": 28.505999999999997, + "ndcg_at_5": 31.255, + "precision_at_1": 22.637, + "precision_at_10": 6.281000000000001, + "precision_at_100": 1.073, + "precision_at_1000": 0.14300000000000002, + "precision_at_3": 13.847000000000001, + "precision_at_5": 10.224, + "recall_at_1": 18.5, + "recall_at_10": 46.744, + "recall_at_100": 72.072, + "recall_at_1000": 91.03999999999999, + "recall_at_3": 32.551, + "recall_at_5": 39.533, + "main_score": 33.73 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.602, + "map_at_10": 42.18, + "map_at_100": 43.6, + "map_at_1000": 43.704, + "map_at_3": 38.413000000000004, + "map_at_5": 40.626, + "mrr_at_1": 37.344, + "mrr_at_10": 47.638000000000005, + "mrr_at_100": 48.485, + "mrr_at_1000": 48.52, + "mrr_at_3": 44.867000000000004, + "mrr_at_5": 46.566, + "ndcg_at_1": 37.344, + "ndcg_at_10": 48.632, + "ndcg_at_100": 54.215, + "ndcg_at_1000": 55.981, + "ndcg_at_3": 42.681999999999995, + "ndcg_at_5": 45.732, + "precision_at_1": 37.344, + "precision_at_10": 8.932, + "precision_at_100": 1.376, + "precision_at_1000": 0.17099999999999999, + "precision_at_3": 20.276, + "precision_at_5": 14.726, + "recall_at_1": 30.602, + "recall_at_10": 62.273, + "recall_at_100": 85.12100000000001, + "recall_at_1000": 96.439, + "recall_at_3": 45.848, + "recall_at_5": 53.615, + "main_score": 48.632 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.952, + "map_at_10": 35.177, + "map_at_100": 36.59, + "map_at_1000": 36.703, + "map_at_3": 31.261, + "map_at_5": 33.222, + "mrr_at_1": 29.337999999999997, + "mrr_at_10": 40.152, + "mrr_at_100": 40.963, + "mrr_at_1000": 41.016999999999996, + "mrr_at_3": 36.91, + "mrr_at_5": 38.685, + "ndcg_at_1": 29.337999999999997, + "ndcg_at_10": 41.994, + "ndcg_at_100": 47.587, + "ndcg_at_1000": 49.791000000000004, + "ndcg_at_3": 35.27, + "ndcg_at_5": 38.042, + "precision_at_1": 29.337999999999997, + "precision_at_10": 8.276, + "precision_at_100": 1.276, + "precision_at_1000": 0.164, + "precision_at_3": 17.161, + "precision_at_5": 12.671, + "recall_at_1": 23.952, + "recall_at_10": 57.267, + "recall_at_100": 80.886, + "recall_at_1000": 95.611, + "recall_at_3": 38.622, + "recall_at_5": 45.811, + "main_score": 41.994 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.092083333333335, + "map_at_10": 37.2925, + "map_at_100": 38.57041666666666, + "map_at_1000": 38.68141666666667, + "map_at_3": 34.080000000000005, + "map_at_5": 35.89958333333333, + "mrr_at_1": 31.94758333333333, + "mrr_at_10": 41.51049999999999, + "mrr_at_100": 42.36099999999999, + "mrr_at_1000": 42.4125, + "mrr_at_3": 38.849583333333335, + "mrr_at_5": 40.448249999999994, + "ndcg_at_1": 31.94758333333333, + "ndcg_at_10": 43.17633333333333, + "ndcg_at_100": 48.45241666666668, + "ndcg_at_1000": 50.513999999999996, + "ndcg_at_3": 37.75216666666667, + "ndcg_at_5": 40.393833333333326, + "precision_at_1": 31.94758333333333, + "precision_at_10": 7.688916666666666, + "precision_at_100": 1.2250833333333333, + "precision_at_1000": 0.1595, + "precision_at_3": 17.465999999999998, + "precision_at_5": 12.548083333333333, + "recall_at_1": 27.092083333333335, + "recall_at_10": 56.286583333333326, + "recall_at_100": 79.09033333333333, + "recall_at_1000": 93.27483333333335, + "recall_at_3": 41.35325, + "recall_at_5": 48.072750000000006, + "main_score": 43.17633333333333 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.825, + "map_at_10": 33.723, + "map_at_100": 34.74, + "map_at_1000": 34.824, + "map_at_3": 31.369000000000003, + "map_at_5": 32.533, + "mrr_at_1": 29.293999999999997, + "mrr_at_10": 36.84, + "mrr_at_100": 37.681, + "mrr_at_1000": 37.742, + "mrr_at_3": 34.79, + "mrr_at_5": 35.872, + "ndcg_at_1": 29.293999999999997, + "ndcg_at_10": 38.385999999999996, + "ndcg_at_100": 43.327, + "ndcg_at_1000": 45.53, + "ndcg_at_3": 33.985, + "ndcg_at_5": 35.817, + "precision_at_1": 29.293999999999997, + "precision_at_10": 6.12, + "precision_at_100": 0.9329999999999999, + "precision_at_1000": 0.11900000000000001, + "precision_at_3": 14.621999999999998, + "precision_at_5": 10.030999999999999, + "recall_at_1": 25.825, + "recall_at_10": 49.647000000000006, + "recall_at_100": 72.32300000000001, + "recall_at_1000": 88.62400000000001, + "recall_at_3": 37.366, + "recall_at_5": 41.957, + "main_score": 38.385999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.139, + "map_at_10": 26.107000000000003, + "map_at_100": 27.406999999999996, + "map_at_1000": 27.535999999999998, + "map_at_3": 23.445, + "map_at_5": 24.916, + "mrr_at_1": 21.817, + "mrr_at_10": 29.99, + "mrr_at_100": 31.052000000000003, + "mrr_at_1000": 31.128, + "mrr_at_3": 27.627000000000002, + "mrr_at_5": 29.005, + "ndcg_at_1": 21.817, + "ndcg_at_10": 31.135, + "ndcg_at_100": 37.108000000000004, + "ndcg_at_1000": 39.965, + "ndcg_at_3": 26.439, + "ndcg_at_5": 28.655, + "precision_at_1": 21.817, + "precision_at_10": 5.757000000000001, + "precision_at_100": 1.036, + "precision_at_1000": 0.147, + "precision_at_3": 12.537, + "precision_at_5": 9.229, + "recall_at_1": 18.139, + "recall_at_10": 42.272999999999996, + "recall_at_100": 68.657, + "recall_at_1000": 88.93799999999999, + "recall_at_3": 29.266, + "recall_at_5": 34.892, + "main_score": 31.135 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.755000000000003, + "map_at_10": 37.384, + "map_at_100": 38.56, + "map_at_1000": 38.655, + "map_at_3": 34.214, + "map_at_5": 35.96, + "mrr_at_1": 32.369, + "mrr_at_10": 41.625, + "mrr_at_100": 42.449, + "mrr_at_1000": 42.502, + "mrr_at_3": 38.899, + "mrr_at_5": 40.489999999999995, + "ndcg_at_1": 32.369, + "ndcg_at_10": 43.287, + "ndcg_at_100": 48.504999999999995, + "ndcg_at_1000": 50.552, + "ndcg_at_3": 37.549, + "ndcg_at_5": 40.204, + "precision_at_1": 32.369, + "precision_at_10": 7.425, + "precision_at_100": 1.134, + "precision_at_1000": 0.14200000000000002, + "precision_at_3": 17.102, + "precision_at_5": 12.107999999999999, + "recall_at_1": 27.755000000000003, + "recall_at_10": 57.071000000000005, + "recall_at_100": 79.456, + "recall_at_1000": 93.54299999999999, + "recall_at_3": 41.298, + "recall_at_5": 48.037, + "main_score": 43.287 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.855, + "map_at_10": 34.53, + "map_at_100": 36.167, + "map_at_1000": 36.394999999999996, + "map_at_3": 31.037, + "map_at_5": 33.119, + "mrr_at_1": 30.631999999999998, + "mrr_at_10": 39.763999999999996, + "mrr_at_100": 40.77, + "mrr_at_1000": 40.826, + "mrr_at_3": 36.495, + "mrr_at_5": 38.561, + "ndcg_at_1": 30.631999999999998, + "ndcg_at_10": 40.942, + "ndcg_at_100": 47.07, + "ndcg_at_1000": 49.363, + "ndcg_at_3": 35.038000000000004, + "ndcg_at_5": 38.161, + "precision_at_1": 30.631999999999998, + "precision_at_10": 7.983999999999999, + "precision_at_100": 1.6070000000000002, + "precision_at_1000": 0.246, + "precision_at_3": 16.206, + "precision_at_5": 12.253, + "recall_at_1": 24.855, + "recall_at_10": 53.291999999999994, + "recall_at_100": 80.283, + "recall_at_1000": 94.309, + "recall_at_3": 37.257, + "recall_at_5": 45.282, + "main_score": 40.942 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.208, + "map_at_10": 30.512, + "map_at_100": 31.496000000000002, + "map_at_1000": 31.595000000000002, + "map_at_3": 27.904, + "map_at_5": 29.491, + "mrr_at_1": 22.736, + "mrr_at_10": 32.379999999999995, + "mrr_at_100": 33.245000000000005, + "mrr_at_1000": 33.315, + "mrr_at_3": 29.945, + "mrr_at_5": 31.488, + "ndcg_at_1": 22.736, + "ndcg_at_10": 35.643, + "ndcg_at_100": 40.535, + "ndcg_at_1000": 43.042, + "ndcg_at_3": 30.625000000000004, + "ndcg_at_5": 33.323, + "precision_at_1": 22.736, + "precision_at_10": 5.6930000000000005, + "precision_at_100": 0.889, + "precision_at_1000": 0.122, + "precision_at_3": 13.431999999999999, + "precision_at_5": 9.575, + "recall_at_1": 21.208, + "recall_at_10": 49.47, + "recall_at_100": 71.71499999999999, + "recall_at_1000": 90.55499999999999, + "recall_at_3": 36.124, + "recall_at_5": 42.606, + "main_score": 35.643 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/ClimateFEVER.json b/results/barisaydin__gte-large/external/ClimateFEVER.json new file mode 100644 index 000000000..72c16758d --- /dev/null +++ b/results/barisaydin__gte-large/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 11.363, + "map_at_10": 20.312, + "map_at_100": 22.225, + "map_at_1000": 22.411, + "map_at_3": 16.68, + "map_at_5": 18.608, + "mrr_at_1": 25.537, + "mrr_at_10": 37.933, + "mrr_at_100": 38.875, + "mrr_at_1000": 38.911, + "mrr_at_3": 34.387, + "mrr_at_5": 36.51, + "ndcg_at_1": 25.537, + "ndcg_at_10": 28.82, + "ndcg_at_100": 36.341, + "ndcg_at_1000": 39.615, + "ndcg_at_3": 23.01, + "ndcg_at_5": 25.269000000000002, + "precision_at_1": 25.537, + "precision_at_10": 9.153, + "precision_at_100": 1.7319999999999998, + "precision_at_1000": 0.234, + "precision_at_3": 17.22, + "precision_at_5": 13.629, + "recall_at_1": 11.363, + "recall_at_10": 35.382999999999996, + "recall_at_100": 61.367000000000004, + "recall_at_1000": 79.699, + "recall_at_3": 21.495, + "recall_at_5": 27.42, + "main_score": 28.82 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/DBPedia.json b/results/barisaydin__gte-large/external/DBPedia.json new file mode 100644 index 000000000..14fd86a66 --- /dev/null +++ b/results/barisaydin__gte-large/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.65, + "map_at_10": 20.742, + "map_at_100": 29.614, + "map_at_1000": 31.373, + "map_at_3": 14.667, + "map_at_5": 17.186, + "mrr_at_1": 69.75, + "mrr_at_10": 76.762, + "mrr_at_100": 77.171, + "mrr_at_1000": 77.179, + "mrr_at_3": 75.125, + "mrr_at_5": 76.287, + "ndcg_at_1": 57.62500000000001, + "ndcg_at_10": 42.370999999999995, + "ndcg_at_100": 47.897, + "ndcg_at_1000": 55.393, + "ndcg_at_3": 46.317, + "ndcg_at_5": 43.906, + "precision_at_1": 69.75, + "precision_at_10": 33.95, + "precision_at_100": 10.885, + "precision_at_1000": 2.2239999999999998, + "precision_at_3": 49.75, + "precision_at_5": 42.3, + "recall_at_1": 9.65, + "recall_at_10": 26.117, + "recall_at_100": 55.084, + "recall_at_1000": 78.62400000000001, + "recall_at_3": 15.823, + "recall_at_5": 19.652, + "main_score": 42.370999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/EmotionClassification.json b/results/barisaydin__gte-large/external/EmotionClassification.json new file mode 100644 index 000000000..aef1f1008 --- /dev/null +++ b/results/barisaydin__gte-large/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 47.885, + "f1": 42.99567641346983, + "main_score": 47.885 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/FEVER.json b/results/barisaydin__gte-large/external/FEVER.json new file mode 100644 index 000000000..9c291d833 --- /dev/null +++ b/results/barisaydin__gte-large/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 70.97, + "map_at_10": 80.34599999999999, + "map_at_100": 80.571, + "map_at_1000": 80.584, + "map_at_3": 79.279, + "map_at_5": 79.94, + "mrr_at_1": 76.613, + "mrr_at_10": 85.15700000000001, + "mrr_at_100": 85.249, + "mrr_at_1000": 85.252, + "mrr_at_3": 84.33800000000001, + "mrr_at_5": 84.89, + "ndcg_at_1": 76.613, + "ndcg_at_10": 84.53399999999999, + "ndcg_at_100": 85.359, + "ndcg_at_1000": 85.607, + "ndcg_at_3": 82.76599999999999, + "ndcg_at_5": 83.736, + "precision_at_1": 76.613, + "precision_at_10": 10.206, + "precision_at_100": 1.083, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 31.913000000000004, + "precision_at_5": 19.769000000000002, + "recall_at_1": 70.97, + "recall_at_10": 92.674, + "recall_at_100": 95.985, + "recall_at_1000": 97.57000000000001, + "recall_at_3": 87.742, + "recall_at_5": 90.28, + "main_score": 84.53399999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/FiQA2018.json b/results/barisaydin__gte-large/external/FiQA2018.json new file mode 100644 index 000000000..b6414bbcf --- /dev/null +++ b/results/barisaydin__gte-large/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.494, + "map_at_10": 36.491, + "map_at_100": 38.550000000000004, + "map_at_1000": 38.726, + "map_at_3": 31.807000000000002, + "map_at_5": 34.299, + "mrr_at_1": 44.907000000000004, + "mrr_at_10": 53.146, + "mrr_at_100": 54.013999999999996, + "mrr_at_1000": 54.044000000000004, + "mrr_at_3": 50.952, + "mrr_at_5": 52.124, + "ndcg_at_1": 44.907000000000004, + "ndcg_at_10": 44.499, + "ndcg_at_100": 51.629000000000005, + "ndcg_at_1000": 54.367, + "ndcg_at_3": 40.900999999999996, + "ndcg_at_5": 41.737, + "precision_at_1": 44.907000000000004, + "precision_at_10": 12.346, + "precision_at_100": 1.974, + "precision_at_1000": 0.246, + "precision_at_3": 27.366, + "precision_at_5": 19.846, + "recall_at_1": 22.494, + "recall_at_10": 51.156, + "recall_at_100": 77.11200000000001, + "recall_at_1000": 93.44, + "recall_at_3": 36.574, + "recall_at_5": 42.361, + "main_score": 44.499 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/HotpotQA.json b/results/barisaydin__gte-large/external/HotpotQA.json new file mode 100644 index 000000000..d234b1a6b --- /dev/null +++ b/results/barisaydin__gte-large/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.568999999999996, + "map_at_10": 58.485, + "map_at_100": 59.358999999999995, + "map_at_1000": 59.429, + "map_at_3": 55.217000000000006, + "map_at_5": 57.236, + "mrr_at_1": 77.137, + "mrr_at_10": 82.829, + "mrr_at_100": 83.04599999999999, + "mrr_at_1000": 83.05399999999999, + "mrr_at_3": 81.904, + "mrr_at_5": 82.50800000000001, + "ndcg_at_1": 77.137, + "ndcg_at_10": 67.156, + "ndcg_at_100": 70.298, + "ndcg_at_1000": 71.65700000000001, + "ndcg_at_3": 62.535, + "ndcg_at_5": 65.095, + "precision_at_1": 77.137, + "precision_at_10": 13.911999999999999, + "precision_at_100": 1.6389999999999998, + "precision_at_1000": 0.182, + "precision_at_3": 39.572, + "precision_at_5": 25.766, + "recall_at_1": 38.568999999999996, + "recall_at_10": 69.56099999999999, + "recall_at_100": 81.931, + "recall_at_1000": 90.91799999999999, + "recall_at_3": 59.358999999999995, + "recall_at_5": 64.416, + "main_score": 67.156 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/ImdbClassification.json b/results/barisaydin__gte-large/external/ImdbClassification.json new file mode 100644 index 000000000..d810a3c53 --- /dev/null +++ b/results/barisaydin__gte-large/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 88.45600000000002, + "ap": 84.09725115338568, + "f1": 88.41874909080512, + "main_score": 88.45600000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/MSMARCO.json b/results/barisaydin__gte-large/external/MSMARCO.json new file mode 100644 index 000000000..2612d8e62 --- /dev/null +++ b/results/barisaydin__gte-large/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.404999999999998, + "map_at_10": 33.921, + "map_at_100": 35.116, + "map_at_1000": 35.164, + "map_at_3": 30.043999999999997, + "map_at_5": 32.327, + "mrr_at_1": 21.977, + "mrr_at_10": 34.505, + "mrr_at_100": 35.638999999999996, + "mrr_at_1000": 35.68, + "mrr_at_3": 30.703999999999997, + "mrr_at_5": 32.96, + "ndcg_at_1": 21.963, + "ndcg_at_10": 40.859, + "ndcg_at_100": 46.614, + "ndcg_at_1000": 47.789, + "ndcg_at_3": 33.007999999999996, + "ndcg_at_5": 37.084, + "precision_at_1": 21.963, + "precision_at_10": 6.493, + "precision_at_100": 0.938, + "precision_at_1000": 0.104, + "precision_at_3": 14.155000000000001, + "precision_at_5": 10.544, + "recall_at_1": 21.404999999999998, + "recall_at_10": 62.175000000000004, + "recall_at_100": 88.786, + "recall_at_1000": 97.738, + "recall_at_3": 40.925, + "recall_at_5": 50.722, + "main_score": 40.859 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/MTOPDomainClassification.json b/results/barisaydin__gte-large/external/MTOPDomainClassification.json new file mode 100644 index 000000000..7fdc2cb41 --- /dev/null +++ b/results/barisaydin__gte-large/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.50661194710442, + "f1": 93.30311193153668, + "main_score": 93.50661194710442 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/MTOPIntentClassification.json b/results/barisaydin__gte-large/external/MTOPIntentClassification.json new file mode 100644 index 000000000..0dc67e54e --- /dev/null +++ b/results/barisaydin__gte-large/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.24669402644778, + "f1": 54.23122108002977, + "main_score": 73.24669402644778 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/MassiveIntentClassification.json b/results/barisaydin__gte-large/external/MassiveIntentClassification.json new file mode 100644 index 000000000..b3c804fcd --- /dev/null +++ b/results/barisaydin__gte-large/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.61936785474109, + "f1": 70.52644941025565, + "main_score": 72.61936785474109 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/MassiveScenarioClassification.json b/results/barisaydin__gte-large/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..c0917a281 --- /dev/null +++ b/results/barisaydin__gte-large/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.76529926025555, + "f1": 77.26872729322514, + "main_score": 76.76529926025555 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/MedrxivClusteringP2P.json b/results/barisaydin__gte-large/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..238892b9e --- /dev/null +++ b/results/barisaydin__gte-large/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.39450293021839, + "main_score": 33.39450293021839 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/MedrxivClusteringS2S.json b/results/barisaydin__gte-large/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..4a8ae103b --- /dev/null +++ b/results/barisaydin__gte-large/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.757796879839294, + "main_score": 31.757796879839294 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/MindSmallReranking.json b/results/barisaydin__gte-large/external/MindSmallReranking.json new file mode 100644 index 000000000..e9cdc4138 --- /dev/null +++ b/results/barisaydin__gte-large/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 32.62512146657428, + "mrr": 33.84624322066173, + "main_score": 32.62512146657428 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/NFCorpus.json b/results/barisaydin__gte-large/external/NFCorpus.json new file mode 100644 index 000000000..570d8033e --- /dev/null +++ b/results/barisaydin__gte-large/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.462, + "map_at_10": 14.947, + "map_at_100": 19.344, + "map_at_1000": 20.933, + "map_at_3": 10.761999999999999, + "map_at_5": 12.744, + "mrr_at_1": 47.988, + "mrr_at_10": 57.365, + "mrr_at_100": 57.931, + "mrr_at_1000": 57.96, + "mrr_at_3": 54.85, + "mrr_at_5": 56.569, + "ndcg_at_1": 46.129999999999995, + "ndcg_at_10": 38.173, + "ndcg_at_100": 35.983, + "ndcg_at_1000": 44.507000000000005, + "ndcg_at_3": 42.495, + "ndcg_at_5": 41.019, + "precision_at_1": 47.678, + "precision_at_10": 28.731, + "precision_at_100": 9.232, + "precision_at_1000": 2.202, + "precision_at_3": 39.628, + "precision_at_5": 35.851, + "recall_at_1": 6.462, + "recall_at_10": 18.968, + "recall_at_100": 37.131, + "recall_at_1000": 67.956, + "recall_at_3": 11.905000000000001, + "recall_at_5": 15.097, + "main_score": 38.173 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/NQ.json b/results/barisaydin__gte-large/external/NQ.json new file mode 100644 index 000000000..97dba0e8d --- /dev/null +++ b/results/barisaydin__gte-large/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.335, + "map_at_10": 46.611999999999995, + "map_at_100": 47.632000000000005, + "map_at_1000": 47.661, + "map_at_3": 41.876999999999995, + "map_at_5": 44.799, + "mrr_at_1": 34.125, + "mrr_at_10": 49.01, + "mrr_at_100": 49.75, + "mrr_at_1000": 49.768, + "mrr_at_3": 45.153, + "mrr_at_5": 47.589999999999996, + "ndcg_at_1": 34.125, + "ndcg_at_10": 54.777, + "ndcg_at_100": 58.914, + "ndcg_at_1000": 59.521, + "ndcg_at_3": 46.015, + "ndcg_at_5": 50.861000000000004, + "precision_at_1": 34.125, + "precision_at_10": 9.166, + "precision_at_100": 1.149, + "precision_at_1000": 0.121, + "precision_at_3": 21.147, + "precision_at_5": 15.469, + "recall_at_1": 30.335, + "recall_at_10": 77.194, + "recall_at_100": 94.812, + "recall_at_1000": 99.247, + "recall_at_3": 54.681000000000004, + "recall_at_5": 65.86800000000001, + "main_score": 54.777 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/QuoraRetrieval.json b/results/barisaydin__gte-large/external/QuoraRetrieval.json new file mode 100644 index 000000000..a188c9f04 --- /dev/null +++ b/results/barisaydin__gte-large/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 70.62, + "map_at_10": 84.536, + "map_at_100": 85.167, + "map_at_1000": 85.184, + "map_at_3": 81.607, + "map_at_5": 83.423, + "mrr_at_1": 81.36, + "mrr_at_10": 87.506, + "mrr_at_100": 87.601, + "mrr_at_1000": 87.601, + "mrr_at_3": 86.503, + "mrr_at_5": 87.179, + "ndcg_at_1": 81.36, + "ndcg_at_10": 88.319, + "ndcg_at_100": 89.517, + "ndcg_at_1000": 89.60900000000001, + "ndcg_at_3": 85.423, + "ndcg_at_5": 86.976, + "precision_at_1": 81.36, + "precision_at_10": 13.415, + "precision_at_100": 1.529, + "precision_at_1000": 0.157, + "precision_at_3": 37.342999999999996, + "precision_at_5": 24.534, + "recall_at_1": 70.62, + "recall_at_10": 95.57600000000001, + "recall_at_100": 99.624, + "recall_at_1000": 99.991, + "recall_at_3": 87.22, + "recall_at_5": 91.654, + "main_score": 88.319 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/RedditClustering.json b/results/barisaydin__gte-large/external/RedditClustering.json new file mode 100644 index 000000000..e65642974 --- /dev/null +++ b/results/barisaydin__gte-large/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 60.826438478212744, + "main_score": 60.826438478212744 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/RedditClusteringP2P.json b/results/barisaydin__gte-large/external/RedditClusteringP2P.json new file mode 100644 index 000000000..92ff4d525 --- /dev/null +++ b/results/barisaydin__gte-large/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 64.24027467551447, + "main_score": 64.24027467551447 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/SCIDOCS.json b/results/barisaydin__gte-large/external/SCIDOCS.json new file mode 100644 index 000000000..9818a4adb --- /dev/null +++ b/results/barisaydin__gte-large/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.997999999999999, + "map_at_10": 14.267, + "map_at_100": 16.843, + "map_at_1000": 17.229, + "map_at_3": 9.834, + "map_at_5": 11.92, + "mrr_at_1": 24.7, + "mrr_at_10": 37.685, + "mrr_at_100": 38.704, + "mrr_at_1000": 38.747, + "mrr_at_3": 34.150000000000006, + "mrr_at_5": 36.075, + "ndcg_at_1": 24.7, + "ndcg_at_10": 23.44, + "ndcg_at_100": 32.617000000000004, + "ndcg_at_1000": 38.628, + "ndcg_at_3": 21.747, + "ndcg_at_5": 19.076, + "precision_at_1": 24.7, + "precision_at_10": 12.47, + "precision_at_100": 2.564, + "precision_at_1000": 0.4, + "precision_at_3": 20.767, + "precision_at_5": 17.06, + "recall_at_1": 4.997999999999999, + "recall_at_10": 25.3, + "recall_at_100": 52.048, + "recall_at_1000": 81.093, + "recall_at_3": 12.642999999999999, + "recall_at_5": 17.312, + "main_score": 23.44 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/SICK-R.json b/results/barisaydin__gte-large/external/SICK-R.json new file mode 100644 index 000000000..4d77d92cb --- /dev/null +++ b/results/barisaydin__gte-large/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.44942006292234, + "cos_sim_spearman": 79.80930790660699, + "euclidean_pearson": 82.93400777494863, + "euclidean_spearman": 80.04664991110705, + "manhattan_pearson": 82.93551681854949, + "manhattan_spearman": 80.03156736837379, + "cosine_pearson": 85.44942006292234, + "cosine_spearman": 79.80930790660699, + "main_score": 79.80930790660699 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/STS12.json b/results/barisaydin__gte-large/external/STS12.json new file mode 100644 index 000000000..77060379d --- /dev/null +++ b/results/barisaydin__gte-large/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.63574059135726, + "cos_sim_spearman": 76.80552915288186, + "euclidean_pearson": 82.46368529820518, + "euclidean_spearman": 76.60338474719275, + "manhattan_pearson": 82.4558617035968, + "manhattan_spearman": 76.57936082895705, + "cosine_pearson": 85.63574059135726, + "cosine_spearman": 76.80552915288186, + "main_score": 76.80552915288186 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/STS13.json b/results/barisaydin__gte-large/external/STS13.json new file mode 100644 index 000000000..0d0760901 --- /dev/null +++ b/results/barisaydin__gte-large/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.24116811084211, + "cos_sim_spearman": 88.10998662068769, + "euclidean_pearson": 87.04961732352689, + "euclidean_spearman": 88.12543945864087, + "manhattan_pearson": 86.9905224528854, + "manhattan_spearman": 88.07827944705546, + "cosine_pearson": 86.24116811084211, + "cosine_spearman": 88.10998662068769, + "main_score": 88.10998662068769 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/STS14.json b/results/barisaydin__gte-large/external/STS14.json new file mode 100644 index 000000000..d4a43bbe7 --- /dev/null +++ b/results/barisaydin__gte-large/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.74847296555048, + "cos_sim_spearman": 82.66200957916445, + "euclidean_pearson": 84.48132256004965, + "euclidean_spearman": 82.67915286000596, + "manhattan_pearson": 84.44950477268334, + "manhattan_spearman": 82.63327639173352, + "cosine_pearson": 84.74847296555048, + "cosine_spearman": 82.66200957916445, + "main_score": 82.66200957916445 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/STS15.json b/results/barisaydin__gte-large/external/STS15.json new file mode 100644 index 000000000..278870f0b --- /dev/null +++ b/results/barisaydin__gte-large/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.23056258027053, + "cos_sim_spearman": 88.92791680286955, + "euclidean_pearson": 88.13819235461933, + "euclidean_spearman": 88.87294661361716, + "manhattan_pearson": 88.14212133687899, + "manhattan_spearman": 88.88551854529777, + "cosine_pearson": 87.23056258027053, + "cosine_spearman": 88.92791680286955, + "main_score": 88.92791680286955 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/STS16.json b/results/barisaydin__gte-large/external/STS16.json new file mode 100644 index 000000000..859eb4bb1 --- /dev/null +++ b/results/barisaydin__gte-large/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.64179522732887, + "cos_sim_spearman": 84.25028809903114, + "euclidean_pearson": 83.40175015236979, + "euclidean_spearman": 84.23369296429406, + "manhattan_pearson": 83.43768174261321, + "manhattan_spearman": 84.27855229214734, + "cosine_pearson": 82.64179522732887, + "cosine_spearman": 84.25028809903114, + "main_score": 84.25028809903114 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/STS17.json b/results/barisaydin__gte-large/external/STS17.json new file mode 100644 index 000000000..098041739 --- /dev/null +++ b/results/barisaydin__gte-large/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.20378955494732, + "cos_sim_spearman": 88.46863559173111, + "euclidean_pearson": 88.8249295811663, + "euclidean_spearman": 88.6312737724905, + "manhattan_pearson": 88.87744466378827, + "manhattan_spearman": 88.82908423767314, + "cosine_pearson": 88.20378955494732, + "cosine_spearman": 88.46863559173111, + "main_score": 88.46863559173111 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/STS22.json b/results/barisaydin__gte-large/external/STS22.json new file mode 100644 index 000000000..3492017c0 --- /dev/null +++ b/results/barisaydin__gte-large/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 69.91342028796086, + "cos_sim_spearman": 69.71495021867864, + "euclidean_pearson": 70.65334330405646, + "euclidean_spearman": 69.4321253472211, + "manhattan_pearson": 70.59743494727465, + "manhattan_spearman": 69.11695509297482, + "cosine_pearson": 69.91342028796086, + "cosine_spearman": 69.71495021867864, + "main_score": 69.71495021867864 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/STSBenchmark.json b/results/barisaydin__gte-large/external/STSBenchmark.json new file mode 100644 index 000000000..e4a87206d --- /dev/null +++ b/results/barisaydin__gte-large/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.42451709766952, + "cos_sim_spearman": 86.07166710670508, + "euclidean_pearson": 86.12711421258899, + "euclidean_spearman": 86.05232086925126, + "manhattan_pearson": 86.15591089932126, + "manhattan_spearman": 86.0890128623439, + "cosine_pearson": 85.42451709766952, + "cosine_spearman": 86.07166710670508, + "main_score": 86.07166710670508 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/SciDocsRR.json b/results/barisaydin__gte-large/external/SciDocsRR.json new file mode 100644 index 000000000..20a3d3008 --- /dev/null +++ b/results/barisaydin__gte-large/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 87.1976344717285, + "mrr": 96.3703145075694, + "main_score": 87.1976344717285 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/SciFact.json b/results/barisaydin__gte-large/external/SciFact.json new file mode 100644 index 000000000..b50ba0987 --- /dev/null +++ b/results/barisaydin__gte-large/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 59.511, + "map_at_10": 69.724, + "map_at_100": 70.208, + "map_at_1000": 70.22800000000001, + "map_at_3": 66.986, + "map_at_5": 68.529, + "mrr_at_1": 62.333000000000006, + "mrr_at_10": 70.55, + "mrr_at_100": 70.985, + "mrr_at_1000": 71.004, + "mrr_at_3": 68.611, + "mrr_at_5": 69.728, + "ndcg_at_1": 62.333000000000006, + "ndcg_at_10": 74.265, + "ndcg_at_100": 76.361, + "ndcg_at_1000": 76.82900000000001, + "ndcg_at_3": 69.772, + "ndcg_at_5": 71.94800000000001, + "precision_at_1": 62.333000000000006, + "precision_at_10": 9.9, + "precision_at_100": 1.093, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 27.444000000000003, + "precision_at_5": 18, + "recall_at_1": 59.511, + "recall_at_10": 87.156, + "recall_at_100": 96.5, + "recall_at_1000": 100, + "recall_at_3": 75.2, + "recall_at_5": 80.661, + "main_score": 74.265 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/SprintDuplicateQuestions.json b/results/barisaydin__gte-large/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..3b2041f0e --- /dev/null +++ b/results/barisaydin__gte-large/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.81683168316832, + "cos_sim_ap": 95.74716566563774, + "cos_sim_f1": 90.64238745574103, + "cos_sim_precision": 91.7093142272262, + "cos_sim_recall": 89.60000000000001, + "dot_accuracy": 99.69405940594059, + "dot_ap": 91.09013507754594, + "dot_f1": 84.54227113556779, + "dot_precision": 84.58458458458459, + "dot_recall": 84.5, + "euclidean_accuracy": 99.81782178217821, + "euclidean_ap": 95.6324301072609, + "euclidean_f1": 90.58341862845445, + "euclidean_precision": 92.76729559748428, + "euclidean_recall": 88.5, + "manhattan_accuracy": 99.81980198019802, + "manhattan_ap": 95.68510494437183, + "manhattan_f1": 90.58945191313342, + "manhattan_precision": 93.79014989293361, + "manhattan_recall": 87.6, + "max_accuracy": 99.81980198019802, + "max_ap": 95.74716566563774, + "max_f1": 90.64238745574103, + "main_score": 95.74716566563774 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/StackExchangeClustering.json b/results/barisaydin__gte-large/external/StackExchangeClustering.json new file mode 100644 index 000000000..91bf4e375 --- /dev/null +++ b/results/barisaydin__gte-large/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 67.63761899427078, + "main_score": 67.63761899427078 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/StackExchangeClusteringP2P.json b/results/barisaydin__gte-large/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..a235695a0 --- /dev/null +++ b/results/barisaydin__gte-large/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.572473369697235, + "main_score": 36.572473369697235 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/StackOverflowDupQuestions.json b/results/barisaydin__gte-large/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..5964b6e7b --- /dev/null +++ b/results/barisaydin__gte-large/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 53.63000245208579, + "mrr": 54.504193722943725, + "main_score": 53.63000245208579 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/SummEval.json b/results/barisaydin__gte-large/external/SummEval.json new file mode 100644 index 000000000..225c00e23 --- /dev/null +++ b/results/barisaydin__gte-large/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.300791939416545, + "cos_sim_spearman": 31.662904057924123, + "dot_pearson": 26.21198530758316, + "dot_spearman": 27.006921548904263, + "cosine_pearson": 30.300791939416545, + "cosine_spearman": 31.662904057924123, + "main_score": 31.662904057924123 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/TRECCOVID.json b/results/barisaydin__gte-large/external/TRECCOVID.json new file mode 100644 index 000000000..719fd1647 --- /dev/null +++ b/results/barisaydin__gte-large/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.197, + "map_at_10": 1.752, + "map_at_100": 10.795, + "map_at_1000": 27.18, + "map_at_3": 0.5890000000000001, + "map_at_5": 0.938, + "mrr_at_1": 74, + "mrr_at_10": 85.833, + "mrr_at_100": 85.833, + "mrr_at_1000": 85.833, + "mrr_at_3": 85.333, + "mrr_at_5": 85.833, + "ndcg_at_1": 69, + "ndcg_at_10": 70.22, + "ndcg_at_100": 55.785, + "ndcg_at_1000": 52.93600000000001, + "ndcg_at_3": 72.084, + "ndcg_at_5": 71.184, + "precision_at_1": 74, + "precision_at_10": 75.2, + "precision_at_100": 57.3, + "precision_at_1000": 23.302, + "precision_at_3": 77.333, + "precision_at_5": 75.6, + "recall_at_1": 0.197, + "recall_at_10": 2.019, + "recall_at_100": 14.257, + "recall_at_1000": 50.922, + "recall_at_3": 0.642, + "recall_at_5": 1.043, + "main_score": 70.22 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/Touche2020.json b/results/barisaydin__gte-large/external/Touche2020.json new file mode 100644 index 000000000..3c8e32e1f --- /dev/null +++ b/results/barisaydin__gte-large/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.803, + "map_at_10": 10.407, + "map_at_100": 16.948, + "map_at_1000": 18.424, + "map_at_3": 5.405, + "map_at_5": 6.908, + "mrr_at_1": 36.735, + "mrr_at_10": 50.221000000000004, + "mrr_at_100": 51.388, + "mrr_at_1000": 51.402, + "mrr_at_3": 47.278999999999996, + "mrr_at_5": 49.626, + "ndcg_at_1": 34.694, + "ndcg_at_10": 25.507, + "ndcg_at_100": 38.296, + "ndcg_at_1000": 49.492000000000004, + "ndcg_at_3": 29.006999999999998, + "ndcg_at_5": 25.979000000000003, + "precision_at_1": 36.735, + "precision_at_10": 22.041, + "precision_at_100": 8.02, + "precision_at_1000": 1.567, + "precision_at_3": 28.571, + "precision_at_5": 24.490000000000002, + "recall_at_1": 2.803, + "recall_at_10": 16.378, + "recall_at_100": 50.489, + "recall_at_1000": 85.013, + "recall_at_3": 6.505, + "recall_at_5": 9.243, + "main_score": 25.507 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/ToxicConversationsClassification.json b/results/barisaydin__gte-large/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..598fb8c7f --- /dev/null +++ b/results/barisaydin__gte-large/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.55579999999999, + "ap": 14.206982753316227, + "f1": 54.372142814964285, + "main_score": 70.55579999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/TweetSentimentExtractionClassification.json b/results/barisaydin__gte-large/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..cda65a30a --- /dev/null +++ b/results/barisaydin__gte-large/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 56.57611771363893, + "f1": 56.924172639063144, + "main_score": 56.57611771363893 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/TwentyNewsgroupsClustering.json b/results/barisaydin__gte-large/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..c89865270 --- /dev/null +++ b/results/barisaydin__gte-large/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 52.82304915719759, + "main_score": 52.82304915719759 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/TwitterSemEval2015.json b/results/barisaydin__gte-large/external/TwitterSemEval2015.json new file mode 100644 index 000000000..c6ad74677 --- /dev/null +++ b/results/barisaydin__gte-large/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 85.92716218632653, + "cos_sim_ap": 73.73359122546046, + "cos_sim_f1": 68.42559487116262, + "cos_sim_precision": 64.22124508215691, + "cos_sim_recall": 73.21899736147758, + "dot_accuracy": 80.38981939560112, + "dot_ap": 54.61060862444974, + "dot_f1": 53.45710627400769, + "dot_precision": 44.87638839125761, + "dot_recall": 66.09498680738787, + "euclidean_accuracy": 86.02849138701794, + "euclidean_ap": 73.95673761922404, + "euclidean_f1": 68.6783042394015, + "euclidean_precision": 65.1063829787234, + "euclidean_recall": 72.66490765171504, + "manhattan_accuracy": 85.9808070572808, + "manhattan_ap": 73.9050720058029, + "manhattan_f1": 68.57560618983794, + "manhattan_precision": 63.70839936608558, + "manhattan_recall": 74.24802110817942, + "max_accuracy": 86.02849138701794, + "max_ap": 73.95673761922404, + "max_f1": 68.6783042394015, + "main_score": 73.95673761922404 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/TwitterURLCorpus.json b/results/barisaydin__gte-large/external/TwitterURLCorpus.json new file mode 100644 index 000000000..ddbac8665 --- /dev/null +++ b/results/barisaydin__gte-large/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.72783017037295, + "cos_sim_ap": 85.52705223340233, + "cos_sim_f1": 77.91659078492079, + "cos_sim_precision": 73.93378032764221, + "cos_sim_recall": 82.35294117647058, + "dot_accuracy": 85.41739434159972, + "dot_ap": 77.17734818118443, + "dot_f1": 71.63473589973144, + "dot_precision": 66.96123719622415, + "dot_recall": 77.00954727440714, + "euclidean_accuracy": 88.68125897465751, + "euclidean_ap": 85.47712213906692, + "euclidean_f1": 77.81419950830664, + "euclidean_precision": 75.37162649733006, + "euclidean_recall": 80.42038805050817, + "manhattan_accuracy": 88.67349710870494, + "manhattan_ap": 85.46506475241955, + "manhattan_f1": 77.87259084890393, + "manhattan_precision": 74.54929577464789, + "manhattan_recall": 81.50600554357868, + "max_accuracy": 88.72783017037295, + "max_ap": 85.52705223340233, + "max_f1": 77.91659078492079, + "main_score": 85.52705223340233 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-large/external/model_meta.json b/results/barisaydin__gte-large/external/model_meta.json new file mode 100644 index 000000000..8e8ca8e7f --- /dev/null +++ b/results/barisaydin__gte-large/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "barisaydin/gte-large", + "revision": "f670324d4ab75b5713617180781462944c7afa57", + "release_date": "2023-09-20", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 167585296, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 1024, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/AmazonCounterfactualClassification.json b/results/barisaydin__gte-small/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..54d057308 --- /dev/null +++ b/results/barisaydin__gte-small/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.22388059701493, + "ap": 36.09895941426988, + "f1": 67.3205651539195, + "main_score": 73.22388059701493 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/AmazonPolarityClassification.json b/results/barisaydin__gte-small/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..aadb25178 --- /dev/null +++ b/results/barisaydin__gte-small/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.81894999999999, + "ap": 88.5240138417305, + "f1": 91.80367382706962, + "main_score": 91.81894999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/AmazonReviewsClassification.json b/results/barisaydin__gte-small/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..a771c5988 --- /dev/null +++ b/results/barisaydin__gte-small/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 48.032, + "f1": 47.4490665674719, + "main_score": 48.032 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/ArguAna.json b/results/barisaydin__gte-small/external/ArguAna.json new file mode 100644 index 000000000..f05b3f1ec --- /dev/null +++ b/results/barisaydin__gte-small/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.725, + "map_at_10": 46.604, + "map_at_100": 47.535, + "map_at_1000": 47.538000000000004, + "map_at_3": 41.833, + "map_at_5": 44.61, + "mrr_at_1": 31.223, + "mrr_at_10": 46.794000000000004, + "mrr_at_100": 47.725, + "mrr_at_1000": 47.727000000000004, + "mrr_at_3": 42.07, + "mrr_at_5": 44.812000000000005, + "ndcg_at_1": 30.725, + "ndcg_at_10": 55.440999999999995, + "ndcg_at_100": 59.134, + "ndcg_at_1000": 59.199, + "ndcg_at_3": 45.599000000000004, + "ndcg_at_5": 50.637, + "precision_at_1": 30.725, + "precision_at_10": 8.364, + "precision_at_100": 0.991, + "precision_at_1000": 0.1, + "precision_at_3": 18.848000000000003, + "precision_at_5": 13.77, + "recall_at_1": 30.725, + "recall_at_10": 83.64200000000001, + "recall_at_100": 99.14699999999999, + "recall_at_1000": 99.644, + "recall_at_3": 56.543, + "recall_at_5": 68.848, + "main_score": 55.440999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/ArxivClusteringP2P.json b/results/barisaydin__gte-small/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..1f3dcefba --- /dev/null +++ b/results/barisaydin__gte-small/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 47.90178078197678, + "main_score": 47.90178078197678 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/ArxivClusteringS2S.json b/results/barisaydin__gte-small/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..237af2c4a --- /dev/null +++ b/results/barisaydin__gte-small/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.25728393431922, + "main_score": 40.25728393431922 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/AskUbuntuDupQuestions.json b/results/barisaydin__gte-small/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..f7bfb848e --- /dev/null +++ b/results/barisaydin__gte-small/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 61.720297062897764, + "mrr": 75.24139295607439, + "main_score": 61.720297062897764 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/BIOSSES.json b/results/barisaydin__gte-small/external/BIOSSES.json new file mode 100644 index 000000000..0f5adcca1 --- /dev/null +++ b/results/barisaydin__gte-small/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 89.43527309184616, + "cos_sim_spearman": 88.17128615100206, + "euclidean_pearson": 87.89922623089282, + "euclidean_spearman": 87.96104039655451, + "manhattan_pearson": 87.9818290932077, + "manhattan_spearman": 88.00923426576885, + "cosine_pearson": 89.43527309184616, + "cosine_spearman": 88.17128615100206, + "main_score": 88.17128615100206 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/Banking77Classification.json b/results/barisaydin__gte-small/external/Banking77Classification.json new file mode 100644 index 000000000..4fcaacf3e --- /dev/null +++ b/results/barisaydin__gte-small/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 84.0844155844156, + "f1": 84.01485017302213, + "main_score": 84.0844155844156 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/BiorxivClusteringP2P.json b/results/barisaydin__gte-small/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..80dc4be59 --- /dev/null +++ b/results/barisaydin__gte-small/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.36574769259432, + "main_score": 38.36574769259432 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/BiorxivClusteringS2S.json b/results/barisaydin__gte-small/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..9cb98000a --- /dev/null +++ b/results/barisaydin__gte-small/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.4857033165287, + "main_score": 35.4857033165287 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/CQADupstackAndroidRetrieval.json b/results/barisaydin__gte-small/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..17fd23e3a --- /dev/null +++ b/results/barisaydin__gte-small/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.261, + "map_at_10": 42.419000000000004, + "map_at_100": 43.927, + "map_at_1000": 44.055, + "map_at_3": 38.597, + "map_at_5": 40.701, + "mrr_at_1": 36.91, + "mrr_at_10": 48.02, + "mrr_at_100": 48.658, + "mrr_at_1000": 48.708, + "mrr_at_3": 44.945, + "mrr_at_5": 46.705000000000005, + "ndcg_at_1": 36.91, + "ndcg_at_10": 49.353, + "ndcg_at_100": 54.456, + "ndcg_at_1000": 56.363, + "ndcg_at_3": 43.483, + "ndcg_at_5": 46.150999999999996, + "precision_at_1": 36.91, + "precision_at_10": 9.700000000000001, + "precision_at_100": 1.557, + "precision_at_1000": 0.202, + "precision_at_3": 21.078, + "precision_at_5": 15.421999999999999, + "recall_at_1": 30.261, + "recall_at_10": 63.242, + "recall_at_100": 84.09100000000001, + "recall_at_1000": 96.143, + "recall_at_3": 46.478, + "recall_at_5": 53.708, + "main_score": 49.353 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.145, + "map_at_10": 40.996, + "map_at_100": 42.266999999999996, + "map_at_1000": 42.397, + "map_at_3": 38.005, + "map_at_5": 39.628, + "mrr_at_1": 38.344, + "mrr_at_10": 46.827000000000005, + "mrr_at_100": 47.446, + "mrr_at_1000": 47.489, + "mrr_at_3": 44.448, + "mrr_at_5": 45.747, + "ndcg_at_1": 38.344, + "ndcg_at_10": 46.733000000000004, + "ndcg_at_100": 51.103, + "ndcg_at_1000": 53.075, + "ndcg_at_3": 42.366, + "ndcg_at_5": 44.242, + "precision_at_1": 38.344, + "precision_at_10": 8.822000000000001, + "precision_at_100": 1.417, + "precision_at_1000": 0.187, + "precision_at_3": 20.403, + "precision_at_5": 14.306, + "recall_at_1": 31.145, + "recall_at_10": 56.909, + "recall_at_100": 75.274, + "recall_at_1000": 87.629, + "recall_at_3": 43.784, + "recall_at_5": 49.338, + "main_score": 46.733000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.83, + "map_at_10": 51.553000000000004, + "map_at_100": 52.581, + "map_at_1000": 52.638, + "map_at_3": 48.112, + "map_at_5": 50.095, + "mrr_at_1": 44.513999999999996, + "mrr_at_10": 54.998000000000005, + "mrr_at_100": 55.650999999999996, + "mrr_at_1000": 55.679, + "mrr_at_3": 52.602000000000004, + "mrr_at_5": 53.931, + "ndcg_at_1": 44.513999999999996, + "ndcg_at_10": 57.67400000000001, + "ndcg_at_100": 61.663999999999994, + "ndcg_at_1000": 62.743, + "ndcg_at_3": 51.964, + "ndcg_at_5": 54.773, + "precision_at_1": 44.513999999999996, + "precision_at_10": 9.423, + "precision_at_100": 1.2309999999999999, + "precision_at_1000": 0.13699999999999998, + "precision_at_3": 23.323, + "precision_at_5": 16.163, + "recall_at_1": 38.83, + "recall_at_10": 72.327, + "recall_at_100": 89.519, + "recall_at_1000": 97.041, + "recall_at_3": 57.206, + "recall_at_5": 63.88399999999999, + "main_score": 57.67400000000001 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.484, + "map_at_10": 34.527, + "map_at_100": 35.661, + "map_at_1000": 35.739, + "map_at_3": 32.199, + "map_at_5": 33.632, + "mrr_at_1": 27.458, + "mrr_at_10": 36.543, + "mrr_at_100": 37.482, + "mrr_at_1000": 37.543, + "mrr_at_3": 34.256, + "mrr_at_5": 35.618, + "ndcg_at_1": 27.458, + "ndcg_at_10": 39.396, + "ndcg_at_100": 44.742, + "ndcg_at_1000": 46.708, + "ndcg_at_3": 34.817, + "ndcg_at_5": 37.247, + "precision_at_1": 27.458, + "precision_at_10": 5.976999999999999, + "precision_at_100": 0.907, + "precision_at_1000": 0.11100000000000002, + "precision_at_3": 14.878, + "precision_at_5": 10.35, + "recall_at_1": 25.484, + "recall_at_10": 52.317, + "recall_at_100": 76.701, + "recall_at_1000": 91.408, + "recall_at_3": 40.043, + "recall_at_5": 45.879, + "main_score": 39.396 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.719, + "map_at_10": 25.269000000000002, + "map_at_100": 26.442, + "map_at_1000": 26.557, + "map_at_3": 22.56, + "map_at_5": 24.082, + "mrr_at_1": 20.896, + "mrr_at_10": 29.982999999999997, + "mrr_at_100": 30.895, + "mrr_at_1000": 30.961, + "mrr_at_3": 27.239, + "mrr_at_5": 28.787000000000003, + "ndcg_at_1": 20.896, + "ndcg_at_10": 30.814000000000004, + "ndcg_at_100": 36.418, + "ndcg_at_1000": 39.182, + "ndcg_at_3": 25.807999999999996, + "ndcg_at_5": 28.143, + "precision_at_1": 20.896, + "precision_at_10": 5.821, + "precision_at_100": 0.991, + "precision_at_1000": 0.136, + "precision_at_3": 12.562000000000001, + "precision_at_5": 9.254, + "recall_at_1": 16.719, + "recall_at_10": 43.155, + "recall_at_100": 67.831, + "recall_at_1000": 87.617, + "recall_at_3": 29.259, + "recall_at_5": 35.260999999999996, + "main_score": 30.814000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.398999999999997, + "map_at_10": 39.876, + "map_at_100": 41.205999999999996, + "map_at_1000": 41.321999999999996, + "map_at_3": 36.588, + "map_at_5": 38.538, + "mrr_at_1": 35.9, + "mrr_at_10": 45.528, + "mrr_at_100": 46.343, + "mrr_at_1000": 46.388, + "mrr_at_3": 42.862, + "mrr_at_5": 44.440000000000005, + "ndcg_at_1": 35.9, + "ndcg_at_10": 45.987, + "ndcg_at_100": 51.370000000000005, + "ndcg_at_1000": 53.400000000000006, + "ndcg_at_3": 40.841, + "ndcg_at_5": 43.447, + "precision_at_1": 35.9, + "precision_at_10": 8.393, + "precision_at_100": 1.283, + "precision_at_1000": 0.166, + "precision_at_3": 19.538, + "precision_at_5": 13.975000000000001, + "recall_at_1": 29.398999999999997, + "recall_at_10": 58.361, + "recall_at_100": 81.081, + "recall_at_1000": 94.004, + "recall_at_3": 43.657000000000004, + "recall_at_5": 50.519999999999996, + "main_score": 45.987 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.589, + "map_at_10": 31.608999999999998, + "map_at_100": 33.128, + "map_at_1000": 33.247, + "map_at_3": 28.671999999999997, + "map_at_5": 30.233999999999998, + "mrr_at_1": 26.712000000000003, + "mrr_at_10": 36.713, + "mrr_at_100": 37.713, + "mrr_at_1000": 37.771, + "mrr_at_3": 34.075, + "mrr_at_5": 35.451, + "ndcg_at_1": 26.712000000000003, + "ndcg_at_10": 37.519999999999996, + "ndcg_at_100": 43.946000000000005, + "ndcg_at_1000": 46.297, + "ndcg_at_3": 32.551, + "ndcg_at_5": 34.660999999999994, + "precision_at_1": 26.712000000000003, + "precision_at_10": 7.066, + "precision_at_100": 1.216, + "precision_at_1000": 0.157, + "precision_at_3": 15.906, + "precision_at_5": 11.437999999999999, + "recall_at_1": 21.589, + "recall_at_10": 50.090999999999994, + "recall_at_100": 77.43900000000001, + "recall_at_1000": 93.35900000000001, + "recall_at_3": 36.028999999999996, + "recall_at_5": 41.698, + "main_score": 37.519999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.121666666666663, + "map_at_10": 34.46258333333334, + "map_at_100": 35.710499999999996, + "map_at_1000": 35.82691666666666, + "map_at_3": 31.563249999999996, + "map_at_5": 33.189750000000004, + "mrr_at_1": 29.66441666666667, + "mrr_at_10": 38.5455, + "mrr_at_100": 39.39566666666667, + "mrr_at_1000": 39.45325, + "mrr_at_3": 36.003333333333345, + "mrr_at_5": 37.440916666666666, + "ndcg_at_1": 29.66441666666667, + "ndcg_at_10": 39.978416666666675, + "ndcg_at_100": 45.278666666666666, + "ndcg_at_1000": 47.52275, + "ndcg_at_3": 35.00058333333334, + "ndcg_at_5": 37.34908333333333, + "precision_at_1": 29.66441666666667, + "precision_at_10": 7.094500000000001, + "precision_at_100": 1.1523333333333332, + "precision_at_1000": 0.15358333333333332, + "precision_at_3": 16.184166666666663, + "precision_at_5": 11.6005, + "recall_at_1": 25.121666666666663, + "recall_at_10": 52.23975000000001, + "recall_at_100": 75.48408333333333, + "recall_at_1000": 90.95316666666668, + "recall_at_3": 38.38458333333333, + "recall_at_5": 44.39933333333333, + "main_score": 39.978416666666675 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.569000000000003, + "map_at_10": 30.389, + "map_at_100": 31.396, + "map_at_1000": 31.493, + "map_at_3": 28.276, + "map_at_5": 29.459000000000003, + "mrr_at_1": 26.534000000000002, + "mrr_at_10": 33.217999999999996, + "mrr_at_100": 34.054, + "mrr_at_1000": 34.12, + "mrr_at_3": 31.058000000000003, + "mrr_at_5": 32.330999999999996, + "ndcg_at_1": 26.534000000000002, + "ndcg_at_10": 34.608, + "ndcg_at_100": 39.391999999999996, + "ndcg_at_1000": 41.837999999999994, + "ndcg_at_3": 30.564999999999998, + "ndcg_at_5": 32.509, + "precision_at_1": 26.534000000000002, + "precision_at_10": 5.414, + "precision_at_100": 0.847, + "precision_at_1000": 0.11399999999999999, + "precision_at_3": 12.986, + "precision_at_5": 9.202, + "recall_at_1": 23.569000000000003, + "recall_at_10": 44.896, + "recall_at_100": 66.476, + "recall_at_1000": 84.548, + "recall_at_3": 33.79, + "recall_at_5": 38.512, + "main_score": 34.608 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.36, + "map_at_10": 23.57, + "map_at_100": 24.698999999999998, + "map_at_1000": 24.834999999999997, + "map_at_3": 21.093, + "map_at_5": 22.418, + "mrr_at_1": 19.718, + "mrr_at_10": 27.139999999999997, + "mrr_at_100": 28.097, + "mrr_at_1000": 28.177999999999997, + "mrr_at_3": 24.805, + "mrr_at_5": 26.121, + "ndcg_at_1": 19.718, + "ndcg_at_10": 28.238999999999997, + "ndcg_at_100": 33.663, + "ndcg_at_1000": 36.763, + "ndcg_at_3": 23.747, + "ndcg_at_5": 25.796000000000003, + "precision_at_1": 19.718, + "precision_at_10": 5.282, + "precision_at_100": 0.9390000000000001, + "precision_at_1000": 0.13899999999999998, + "precision_at_3": 11.264000000000001, + "precision_at_5": 8.341, + "recall_at_1": 16.36, + "recall_at_10": 38.669, + "recall_at_100": 63.184, + "recall_at_1000": 85.33800000000001, + "recall_at_3": 26.214, + "recall_at_5": 31.423000000000002, + "main_score": 28.238999999999997 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.618999999999996, + "map_at_10": 34.361999999999995, + "map_at_100": 35.534, + "map_at_1000": 35.634, + "map_at_3": 31.402, + "map_at_5": 32.815, + "mrr_at_1": 30.037000000000003, + "mrr_at_10": 38.284, + "mrr_at_100": 39.141999999999996, + "mrr_at_1000": 39.2, + "mrr_at_3": 35.603, + "mrr_at_5": 36.867, + "ndcg_at_1": 30.037000000000003, + "ndcg_at_10": 39.87, + "ndcg_at_100": 45.243, + "ndcg_at_1000": 47.507, + "ndcg_at_3": 34.371, + "ndcg_at_5": 36.521, + "precision_at_1": 30.037000000000003, + "precision_at_10": 6.819, + "precision_at_100": 1.0699999999999998, + "precision_at_1000": 0.13699999999999998, + "precision_at_3": 15.392, + "precision_at_5": 10.821, + "recall_at_1": 25.618999999999996, + "recall_at_10": 52.869, + "recall_at_100": 76.395, + "recall_at_1000": 92.19500000000001, + "recall_at_3": 37.943, + "recall_at_5": 43.342999999999996, + "main_score": 39.87 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.283, + "map_at_10": 32.155, + "map_at_100": 33.724, + "map_at_1000": 33.939, + "map_at_3": 29.018, + "map_at_5": 30.864000000000004, + "mrr_at_1": 28.063, + "mrr_at_10": 36.632, + "mrr_at_100": 37.606, + "mrr_at_1000": 37.671, + "mrr_at_3": 33.992, + "mrr_at_5": 35.613, + "ndcg_at_1": 28.063, + "ndcg_at_10": 38.024, + "ndcg_at_100": 44.292, + "ndcg_at_1000": 46.818, + "ndcg_at_3": 32.965, + "ndcg_at_5": 35.562, + "precision_at_1": 28.063, + "precision_at_10": 7.352, + "precision_at_100": 1.514, + "precision_at_1000": 0.23800000000000002, + "precision_at_3": 15.481, + "precision_at_5": 11.542, + "recall_at_1": 23.283, + "recall_at_10": 49.756, + "recall_at_100": 78.05, + "recall_at_1000": 93.854, + "recall_at_3": 35.408, + "recall_at_5": 42.187000000000005, + "main_score": 38.024 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.201999999999998, + "map_at_10": 26.826, + "map_at_100": 27.961000000000002, + "map_at_1000": 28.066999999999997, + "map_at_3": 24.237000000000002, + "map_at_5": 25.811, + "mrr_at_1": 20.887, + "mrr_at_10": 28.660000000000004, + "mrr_at_100": 29.660999999999998, + "mrr_at_1000": 29.731, + "mrr_at_3": 26.155, + "mrr_at_5": 27.68, + "ndcg_at_1": 20.887, + "ndcg_at_10": 31.523, + "ndcg_at_100": 37.055, + "ndcg_at_1000": 39.579, + "ndcg_at_3": 26.529000000000003, + "ndcg_at_5": 29.137, + "precision_at_1": 20.887, + "precision_at_10": 5.065, + "precision_at_100": 0.856, + "precision_at_1000": 0.11900000000000001, + "precision_at_3": 11.399, + "precision_at_5": 8.392, + "recall_at_1": 19.201999999999998, + "recall_at_10": 44.285000000000004, + "recall_at_100": 69.768, + "recall_at_1000": 88.302, + "recall_at_3": 30.804, + "recall_at_5": 37.039, + "main_score": 31.523 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/ClimateFEVER.json b/results/barisaydin__gte-small/external/ClimateFEVER.json new file mode 100644 index 000000000..3b5c9eecb --- /dev/null +++ b/results/barisaydin__gte-small/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 11.244, + "map_at_10": 18.956, + "map_at_100": 20.674, + "map_at_1000": 20.863, + "map_at_3": 15.923000000000002, + "map_at_5": 17.518, + "mrr_at_1": 25.080999999999996, + "mrr_at_10": 35.94, + "mrr_at_100": 36.969, + "mrr_at_1000": 37.013, + "mrr_at_3": 32.617000000000004, + "mrr_at_5": 34.682, + "ndcg_at_1": 25.080999999999996, + "ndcg_at_10": 26.539, + "ndcg_at_100": 33.601, + "ndcg_at_1000": 37.203, + "ndcg_at_3": 21.695999999999998, + "ndcg_at_5": 23.567, + "precision_at_1": 25.080999999999996, + "precision_at_10": 8.143, + "precision_at_100": 1.5650000000000002, + "precision_at_1000": 0.22300000000000003, + "precision_at_3": 15.983, + "precision_at_5": 12.417, + "recall_at_1": 11.244, + "recall_at_10": 31.457, + "recall_at_100": 55.92, + "recall_at_1000": 76.372, + "recall_at_3": 19.784, + "recall_at_5": 24.857000000000003, + "main_score": 26.539 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/DBPedia.json b/results/barisaydin__gte-small/external/DBPedia.json new file mode 100644 index 000000000..3cb15faf5 --- /dev/null +++ b/results/barisaydin__gte-small/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.595, + "map_at_10": 18.75, + "map_at_100": 26.354, + "map_at_1000": 27.912, + "map_at_3": 13.794, + "map_at_5": 16.021, + "mrr_at_1": 65.75, + "mrr_at_10": 73.837, + "mrr_at_100": 74.22800000000001, + "mrr_at_1000": 74.234, + "mrr_at_3": 72.5, + "mrr_at_5": 73.387, + "ndcg_at_1": 52.625, + "ndcg_at_10": 39.101, + "ndcg_at_100": 43.836000000000006, + "ndcg_at_1000": 51.086, + "ndcg_at_3": 44.229, + "ndcg_at_5": 41.555, + "precision_at_1": 65.75, + "precision_at_10": 30.45, + "precision_at_100": 9.81, + "precision_at_1000": 2.045, + "precision_at_3": 48.667, + "precision_at_5": 40.8, + "recall_at_1": 8.595, + "recall_at_10": 24.201, + "recall_at_100": 50.096, + "recall_at_1000": 72.677, + "recall_at_3": 15.212, + "recall_at_5": 18.745, + "main_score": 39.101 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/EmotionClassification.json b/results/barisaydin__gte-small/external/EmotionClassification.json new file mode 100644 index 000000000..e415b33b1 --- /dev/null +++ b/results/barisaydin__gte-small/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 46.565, + "f1": 41.49914329345582, + "main_score": 46.565 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/FEVER.json b/results/barisaydin__gte-small/external/FEVER.json new file mode 100644 index 000000000..e5a15cd52 --- /dev/null +++ b/results/barisaydin__gte-small/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 66.60000000000001, + "map_at_10": 76.838, + "map_at_100": 77.076, + "map_at_1000": 77.09, + "map_at_3": 75.545, + "map_at_5": 76.39, + "mrr_at_1": 71.707, + "mrr_at_10": 81.514, + "mrr_at_100": 81.64099999999999, + "mrr_at_1000": 81.645, + "mrr_at_3": 80.428, + "mrr_at_5": 81.159, + "ndcg_at_1": 71.707, + "ndcg_at_10": 81.545, + "ndcg_at_100": 82.477, + "ndcg_at_1000": 82.73899999999999, + "ndcg_at_3": 79.292, + "ndcg_at_5": 80.599, + "precision_at_1": 71.707, + "precision_at_10": 10.035, + "precision_at_100": 1.068, + "precision_at_1000": 0.11100000000000002, + "precision_at_3": 30.918, + "precision_at_5": 19.328, + "recall_at_1": 66.60000000000001, + "recall_at_10": 91.353, + "recall_at_100": 95.21, + "recall_at_1000": 96.89999999999999, + "recall_at_3": 85.188, + "recall_at_5": 88.52, + "main_score": 81.545 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/FiQA2018.json b/results/barisaydin__gte-small/external/FiQA2018.json new file mode 100644 index 000000000..274009aca --- /dev/null +++ b/results/barisaydin__gte-small/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.338, + "map_at_10": 31.752000000000002, + "map_at_100": 33.516, + "map_at_1000": 33.694, + "map_at_3": 27.716, + "map_at_5": 29.67, + "mrr_at_1": 38.117000000000004, + "mrr_at_10": 47.323, + "mrr_at_100": 48.13, + "mrr_at_1000": 48.161, + "mrr_at_3": 45.062000000000005, + "mrr_at_5": 46.358, + "ndcg_at_1": 38.117000000000004, + "ndcg_at_10": 39.353, + "ndcg_at_100": 46.044000000000004, + "ndcg_at_1000": 49.083, + "ndcg_at_3": 35.891, + "ndcg_at_5": 36.661, + "precision_at_1": 38.117000000000004, + "precision_at_10": 11.187999999999999, + "precision_at_100": 1.802, + "precision_at_1000": 0.234, + "precision_at_3": 24.126, + "precision_at_5": 17.562, + "recall_at_1": 19.338, + "recall_at_10": 45.735, + "recall_at_100": 71.281, + "recall_at_1000": 89.537, + "recall_at_3": 32.525, + "recall_at_5": 37.671, + "main_score": 39.353 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/HotpotQA.json b/results/barisaydin__gte-small/external/HotpotQA.json new file mode 100644 index 000000000..c3880f808 --- /dev/null +++ b/results/barisaydin__gte-small/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 36.995, + "map_at_10": 55.032000000000004, + "map_at_100": 55.86, + "map_at_1000": 55.932, + "map_at_3": 52.125, + "map_at_5": 53.884, + "mrr_at_1": 73.991, + "mrr_at_10": 80.096, + "mrr_at_100": 80.32000000000001, + "mrr_at_1000": 80.331, + "mrr_at_3": 79.037, + "mrr_at_5": 79.719, + "ndcg_at_1": 73.991, + "ndcg_at_10": 63.786, + "ndcg_at_100": 66.78, + "ndcg_at_1000": 68.255, + "ndcg_at_3": 59.501000000000005, + "ndcg_at_5": 61.82299999999999, + "precision_at_1": 73.991, + "precision_at_10": 13.157, + "precision_at_100": 1.552, + "precision_at_1000": 0.17500000000000002, + "precision_at_3": 37.519999999999996, + "precision_at_5": 24.351, + "recall_at_1": 36.995, + "recall_at_10": 65.78699999999999, + "recall_at_100": 77.583, + "recall_at_1000": 87.421, + "recall_at_3": 56.279999999999994, + "recall_at_5": 60.878, + "main_score": 63.786 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/ImdbClassification.json b/results/barisaydin__gte-small/external/ImdbClassification.json new file mode 100644 index 000000000..8f5fe63fa --- /dev/null +++ b/results/barisaydin__gte-small/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.80239999999999, + "ap": 81.97305141128378, + "f1": 86.76976305549273, + "main_score": 86.80239999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/MSMARCO.json b/results/barisaydin__gte-small/external/MSMARCO.json new file mode 100644 index 000000000..384439f3f --- /dev/null +++ b/results/barisaydin__gte-small/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.166, + "map_at_10": 33.396, + "map_at_100": 34.588, + "map_at_1000": 34.637, + "map_at_3": 29.509999999999998, + "map_at_5": 31.719, + "mrr_at_1": 21.762, + "mrr_at_10": 33.969, + "mrr_at_100": 35.099000000000004, + "mrr_at_1000": 35.141, + "mrr_at_3": 30.148000000000003, + "mrr_at_5": 32.324000000000005, + "ndcg_at_1": 21.776999999999997, + "ndcg_at_10": 40.306999999999995, + "ndcg_at_100": 46.068, + "ndcg_at_1000": 47.3, + "ndcg_at_3": 32.416, + "ndcg_at_5": 36.345, + "precision_at_1": 21.776999999999997, + "precision_at_10": 6.433, + "precision_at_100": 0.932, + "precision_at_1000": 0.104, + "precision_at_3": 13.897, + "precision_at_5": 10.324, + "recall_at_1": 21.166, + "recall_at_10": 61.587, + "recall_at_100": 88.251, + "recall_at_1000": 97.727, + "recall_at_3": 40.196, + "recall_at_5": 49.611, + "main_score": 40.306999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/MTOPDomainClassification.json b/results/barisaydin__gte-small/external/MTOPDomainClassification.json new file mode 100644 index 000000000..ef19eebb0 --- /dev/null +++ b/results/barisaydin__gte-small/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.04605563155496, + "f1": 92.78007303978372, + "main_score": 93.04605563155496 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/MTOPIntentClassification.json b/results/barisaydin__gte-small/external/MTOPIntentClassification.json new file mode 100644 index 000000000..80342f686 --- /dev/null +++ b/results/barisaydin__gte-small/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.65116279069767, + "f1": 52.75775172527262, + "main_score": 69.65116279069767 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/MassiveIntentClassification.json b/results/barisaydin__gte-small/external/MassiveIntentClassification.json new file mode 100644 index 000000000..63e89f191 --- /dev/null +++ b/results/barisaydin__gte-small/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.34633490248822, + "f1": 68.15345065392562, + "main_score": 70.34633490248822 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/MassiveScenarioClassification.json b/results/barisaydin__gte-small/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..a3dc73ee4 --- /dev/null +++ b/results/barisaydin__gte-small/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.63887020847343, + "f1": 76.08074680233685, + "main_score": 75.63887020847343 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/MedrxivClusteringP2P.json b/results/barisaydin__gte-small/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..ae6149888 --- /dev/null +++ b/results/barisaydin__gte-small/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.77933406071333, + "main_score": 33.77933406071333 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/MedrxivClusteringS2S.json b/results/barisaydin__gte-small/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..a0cc6b2d3 --- /dev/null +++ b/results/barisaydin__gte-small/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.06504927238196, + "main_score": 32.06504927238196 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/MindSmallReranking.json b/results/barisaydin__gte-small/external/MindSmallReranking.json new file mode 100644 index 000000000..3b1930608 --- /dev/null +++ b/results/barisaydin__gte-small/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 32.20682480490871, + "mrr": 33.41462721527003, + "main_score": 32.20682480490871 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/NFCorpus.json b/results/barisaydin__gte-small/external/NFCorpus.json new file mode 100644 index 000000000..2a217f583 --- /dev/null +++ b/results/barisaydin__gte-small/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.548, + "map_at_10": 13.086999999999998, + "map_at_100": 16.698, + "map_at_1000": 18.151999999999997, + "map_at_3": 9.576, + "map_at_5": 11.175, + "mrr_at_1": 44.272, + "mrr_at_10": 53.635999999999996, + "mrr_at_100": 54.228, + "mrr_at_1000": 54.26499999999999, + "mrr_at_3": 51.754, + "mrr_at_5": 53.086, + "ndcg_at_1": 42.724000000000004, + "ndcg_at_10": 34.769, + "ndcg_at_100": 32.283, + "ndcg_at_1000": 40.843, + "ndcg_at_3": 39.852, + "ndcg_at_5": 37.858999999999995, + "precision_at_1": 44.272, + "precision_at_10": 26.068, + "precision_at_100": 8.328000000000001, + "precision_at_1000": 2.1, + "precision_at_3": 37.874, + "precision_at_5": 33.065, + "recall_at_1": 5.548, + "recall_at_10": 16.936999999999998, + "recall_at_100": 33.72, + "recall_at_1000": 64.348, + "recall_at_3": 10.764999999999999, + "recall_at_5": 13.361, + "main_score": 34.769 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/NQ.json b/results/barisaydin__gte-small/external/NQ.json new file mode 100644 index 000000000..d969db100 --- /dev/null +++ b/results/barisaydin__gte-small/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.008, + "map_at_10": 42.675000000000004, + "map_at_100": 43.85, + "map_at_1000": 43.884, + "map_at_3": 38.286, + "map_at_5": 40.78, + "mrr_at_1": 31.518, + "mrr_at_10": 45.015, + "mrr_at_100": 45.924, + "mrr_at_1000": 45.946999999999996, + "mrr_at_3": 41.348, + "mrr_at_5": 43.428, + "ndcg_at_1": 31.489, + "ndcg_at_10": 50.285999999999994, + "ndcg_at_100": 55.291999999999994, + "ndcg_at_1000": 56.05, + "ndcg_at_3": 41.976, + "ndcg_at_5": 46.103, + "precision_at_1": 31.489, + "precision_at_10": 8.456, + "precision_at_100": 1.125, + "precision_at_1000": 0.12, + "precision_at_3": 19.09, + "precision_at_5": 13.841000000000001, + "recall_at_1": 28.008, + "recall_at_10": 71.21499999999999, + "recall_at_100": 92.99, + "recall_at_1000": 98.578, + "recall_at_3": 49.604, + "recall_at_5": 59.094, + "main_score": 50.285999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/QuoraRetrieval.json b/results/barisaydin__gte-small/external/QuoraRetrieval.json new file mode 100644 index 000000000..f3e9efbad --- /dev/null +++ b/results/barisaydin__gte-small/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 70.351, + "map_at_10": 84.163, + "map_at_100": 84.785, + "map_at_1000": 84.801, + "map_at_3": 81.16, + "map_at_5": 83.031, + "mrr_at_1": 80.96, + "mrr_at_10": 87.241, + "mrr_at_100": 87.346, + "mrr_at_1000": 87.347, + "mrr_at_3": 86.25699999999999, + "mrr_at_5": 86.907, + "ndcg_at_1": 80.97, + "ndcg_at_10": 88.017, + "ndcg_at_100": 89.241, + "ndcg_at_1000": 89.34299999999999, + "ndcg_at_3": 85.053, + "ndcg_at_5": 86.663, + "precision_at_1": 80.97, + "precision_at_10": 13.358, + "precision_at_100": 1.525, + "precision_at_1000": 0.157, + "precision_at_3": 37.143, + "precision_at_5": 24.451999999999998, + "recall_at_1": 70.351, + "recall_at_10": 95.39800000000001, + "recall_at_100": 99.55199999999999, + "recall_at_1000": 99.978, + "recall_at_3": 86.913, + "recall_at_5": 91.448, + "main_score": 88.017 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/RedditClustering.json b/results/barisaydin__gte-small/external/RedditClustering.json new file mode 100644 index 000000000..497e82a3a --- /dev/null +++ b/results/barisaydin__gte-small/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 55.62406719814139, + "main_score": 55.62406719814139 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/RedditClusteringP2P.json b/results/barisaydin__gte-small/external/RedditClusteringP2P.json new file mode 100644 index 000000000..c7b4e5873 --- /dev/null +++ b/results/barisaydin__gte-small/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 61.386700035141736, + "main_score": 61.386700035141736 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/SCIDOCS.json b/results/barisaydin__gte-small/external/SCIDOCS.json new file mode 100644 index 000000000..5c0d49974 --- /dev/null +++ b/results/barisaydin__gte-small/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.618, + "map_at_10": 12.920000000000002, + "map_at_100": 15.304, + "map_at_1000": 15.656999999999998, + "map_at_3": 9.187, + "map_at_5": 10.937, + "mrr_at_1": 22.8, + "mrr_at_10": 35.13, + "mrr_at_100": 36.239, + "mrr_at_1000": 36.291000000000004, + "mrr_at_3": 31.917, + "mrr_at_5": 33.787, + "ndcg_at_1": 22.8, + "ndcg_at_10": 21.382, + "ndcg_at_100": 30.257, + "ndcg_at_1000": 36.001, + "ndcg_at_3": 20.43, + "ndcg_at_5": 17.622, + "precision_at_1": 22.8, + "precision_at_10": 11.26, + "precision_at_100": 2.405, + "precision_at_1000": 0.377, + "precision_at_3": 19.633, + "precision_at_5": 15.68, + "recall_at_1": 4.618, + "recall_at_10": 22.811999999999998, + "recall_at_100": 48.787000000000006, + "recall_at_1000": 76.63799999999999, + "recall_at_3": 11.952, + "recall_at_5": 15.892000000000001, + "main_score": 21.382 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/SICK-R.json b/results/barisaydin__gte-small/external/SICK-R.json new file mode 100644 index 000000000..d9513f6b8 --- /dev/null +++ b/results/barisaydin__gte-small/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.01529458252244, + "cos_sim_spearman": 77.92985224770254, + "euclidean_pearson": 81.04251429422487, + "euclidean_spearman": 77.92838490549133, + "manhattan_pearson": 80.95892251458979, + "manhattan_spearman": 77.81028089705941, + "cosine_pearson": 84.01529458252244, + "cosine_spearman": 77.92985224770254, + "main_score": 77.92985224770254 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/STS12.json b/results/barisaydin__gte-small/external/STS12.json new file mode 100644 index 000000000..f0562de61 --- /dev/null +++ b/results/barisaydin__gte-small/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.97885282534388, + "cos_sim_spearman": 75.1221970851712, + "euclidean_pearson": 80.34455956720097, + "euclidean_spearman": 74.5894274239938, + "manhattan_pearson": 80.38999766325465, + "manhattan_spearman": 74.68524557166975, + "cosine_pearson": 83.97885282534388, + "cosine_spearman": 75.1221970851712, + "main_score": 75.1221970851712 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/STS13.json b/results/barisaydin__gte-small/external/STS13.json new file mode 100644 index 000000000..be99bb5d1 --- /dev/null +++ b/results/barisaydin__gte-small/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.95746064915672, + "cos_sim_spearman": 85.08683458043946, + "euclidean_pearson": 84.56699492836385, + "euclidean_spearman": 85.66089116133713, + "manhattan_pearson": 84.47553323458541, + "manhattan_spearman": 85.56142206781472, + "cosine_pearson": 82.95746064915672, + "cosine_spearman": 85.08683458043946, + "main_score": 85.08683458043946 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/STS14.json b/results/barisaydin__gte-small/external/STS14.json new file mode 100644 index 000000000..fdacbb303 --- /dev/null +++ b/results/barisaydin__gte-small/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.71377893595067, + "cos_sim_spearman": 81.03453291428589, + "euclidean_pearson": 82.57136298308613, + "euclidean_spearman": 81.15839961890875, + "manhattan_pearson": 82.55157879373837, + "manhattan_spearman": 81.1540163767054, + "cosine_pearson": 82.71377893595067, + "cosine_spearman": 81.03453291428589, + "main_score": 81.03453291428589 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/STS15.json b/results/barisaydin__gte-small/external/STS15.json new file mode 100644 index 000000000..62ad3c5db --- /dev/null +++ b/results/barisaydin__gte-small/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.64197832372373, + "cos_sim_spearman": 88.31966852492485, + "euclidean_pearson": 87.98692129976983, + "euclidean_spearman": 88.6247340837856, + "manhattan_pearson": 87.90437827826412, + "manhattan_spearman": 88.56278787131457, + "cosine_pearson": 86.64197832372373, + "cosine_spearman": 88.31966852492485, + "main_score": 88.31966852492485 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/STS16.json b/results/barisaydin__gte-small/external/STS16.json new file mode 100644 index 000000000..bec656424 --- /dev/null +++ b/results/barisaydin__gte-small/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.84159950146693, + "cos_sim_spearman": 83.90678384140168, + "euclidean_pearson": 83.19005018860221, + "euclidean_spearman": 84.16260415876295, + "manhattan_pearson": 83.05030612994494, + "manhattan_spearman": 83.99605629718336, + "cosine_pearson": 81.84159950146693, + "cosine_spearman": 83.90678384140168, + "main_score": 83.90678384140168 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/STS17.json b/results/barisaydin__gte-small/external/STS17.json new file mode 100644 index 000000000..553294a06 --- /dev/null +++ b/results/barisaydin__gte-small/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.49935350176666, + "cos_sim_spearman": 87.59086606735383, + "euclidean_pearson": 88.06537181129983, + "euclidean_spearman": 87.6687448086014, + "manhattan_pearson": 87.96599131972935, + "manhattan_spearman": 87.63295748969642, + "cosine_pearson": 87.49935350176666, + "cosine_spearman": 87.59086606735383, + "main_score": 87.59086606735383 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/STS22.json b/results/barisaydin__gte-small/external/STS22.json new file mode 100644 index 000000000..03ec4a917 --- /dev/null +++ b/results/barisaydin__gte-small/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 67.68232799482763, + "cos_sim_spearman": 67.99930378085793, + "euclidean_pearson": 68.50275360001696, + "euclidean_spearman": 67.81588179309259, + "manhattan_pearson": 68.5892154749763, + "manhattan_spearman": 67.84357259640682, + "cosine_pearson": 67.68232799482763, + "cosine_spearman": 67.99930378085793, + "main_score": 67.99930378085793 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/STSBenchmark.json b/results/barisaydin__gte-small/external/STSBenchmark.json new file mode 100644 index 000000000..0d190f936 --- /dev/null +++ b/results/barisaydin__gte-small/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.37049618406554, + "cos_sim_spearman": 85.57014313159492, + "euclidean_pearson": 85.57469513908282, + "euclidean_spearman": 85.661948135258, + "manhattan_pearson": 85.36866831229028, + "manhattan_spearman": 85.5043455368843, + "cosine_pearson": 84.37049618406554, + "cosine_spearman": 85.57014313159492, + "main_score": 85.57014313159492 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/SciDocsRR.json b/results/barisaydin__gte-small/external/SciDocsRR.json new file mode 100644 index 000000000..05f930772 --- /dev/null +++ b/results/barisaydin__gte-small/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 84.83259065376154, + "mrr": 95.58455433455433, + "main_score": 84.83259065376154 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/SciFact.json b/results/barisaydin__gte-small/external/SciFact.json new file mode 100644 index 000000000..cb8a7875f --- /dev/null +++ b/results/barisaydin__gte-small/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 58.817, + "map_at_10": 68.459, + "map_at_100": 68.951, + "map_at_1000": 68.979, + "map_at_3": 65.791, + "map_at_5": 67.583, + "mrr_at_1": 61.667, + "mrr_at_10": 69.368, + "mrr_at_100": 69.721, + "mrr_at_1000": 69.744, + "mrr_at_3": 67.278, + "mrr_at_5": 68.611, + "ndcg_at_1": 61.667, + "ndcg_at_10": 72.70100000000001, + "ndcg_at_100": 74.928, + "ndcg_at_1000": 75.553, + "ndcg_at_3": 68.203, + "ndcg_at_5": 70.804, + "precision_at_1": 61.667, + "precision_at_10": 9.533, + "precision_at_100": 1.077, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 26.444000000000003, + "precision_at_5": 17.599999999999998, + "recall_at_1": 58.817, + "recall_at_10": 84.789, + "recall_at_100": 95.0, + "recall_at_1000": 99.667, + "recall_at_3": 72.8, + "recall_at_5": 79.294, + "main_score": 72.70100000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/SprintDuplicateQuestions.json b/results/barisaydin__gte-small/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..e60ab44dd --- /dev/null +++ b/results/barisaydin__gte-small/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.8108910891089, + "cos_sim_ap": 95.5743678558349, + "cos_sim_f1": 90.43133366385722, + "cos_sim_precision": 89.67551622418878, + "cos_sim_recall": 91.2, + "dot_accuracy": 99.75841584158415, + "dot_ap": 94.00786363627253, + "dot_f1": 87.51910341314316, + "dot_precision": 89.20041536863967, + "dot_recall": 85.9, + "euclidean_accuracy": 99.81485148514851, + "euclidean_ap": 95.4752113136905, + "euclidean_f1": 90.44334975369456, + "euclidean_precision": 89.126213592233, + "euclidean_recall": 91.8, + "manhattan_accuracy": 99.81584158415842, + "manhattan_ap": 95.5163172682464, + "manhattan_f1": 90.51987767584097, + "manhattan_precision": 92.3076923076923, + "manhattan_recall": 88.8, + "max_accuracy": 99.81584158415842, + "max_ap": 95.5743678558349, + "max_f1": 90.51987767584097, + "main_score": 95.5743678558349 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/StackExchangeClustering.json b/results/barisaydin__gte-small/external/StackExchangeClustering.json new file mode 100644 index 000000000..a591a0bcc --- /dev/null +++ b/results/barisaydin__gte-small/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 62.63235986949449, + "main_score": 62.63235986949449 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/StackExchangeClusteringP2P.json b/results/barisaydin__gte-small/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..e9bf467cb --- /dev/null +++ b/results/barisaydin__gte-small/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.334795589585575, + "main_score": 36.334795589585575 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/StackOverflowDupQuestions.json b/results/barisaydin__gte-small/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..548e4c07d --- /dev/null +++ b/results/barisaydin__gte-small/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 52.02955214518782, + "mrr": 52.8004838298956, + "main_score": 52.02955214518782 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/SummEval.json b/results/barisaydin__gte-small/external/SummEval.json new file mode 100644 index 000000000..09f3fb4bd --- /dev/null +++ b/results/barisaydin__gte-small/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.63769566275453, + "cos_sim_spearman": 30.422379185989335, + "dot_pearson": 26.88493071882256, + "dot_spearman": 26.505249740971305, + "cosine_pearson": 30.63769566275453, + "cosine_spearman": 30.422379185989335, + "main_score": 30.422379185989335 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/TRECCOVID.json b/results/barisaydin__gte-small/external/TRECCOVID.json new file mode 100644 index 000000000..7755f2fcd --- /dev/null +++ b/results/barisaydin__gte-small/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.21, + "map_at_10": 1.654, + "map_at_100": 10.095, + "map_at_1000": 25.808999999999997, + "map_at_3": 0.594, + "map_at_5": 0.9289999999999999, + "mrr_at_1": 78.0, + "mrr_at_10": 87.019, + "mrr_at_100": 87.019, + "mrr_at_1000": 87.019, + "mrr_at_3": 86.333, + "mrr_at_5": 86.733, + "ndcg_at_1": 73.0, + "ndcg_at_10": 66.52900000000001, + "ndcg_at_100": 53.433, + "ndcg_at_1000": 51.324000000000005, + "ndcg_at_3": 72.02199999999999, + "ndcg_at_5": 69.696, + "precision_at_1": 78.0, + "precision_at_10": 70.39999999999999, + "precision_at_100": 55.46, + "precision_at_1000": 22.758, + "precision_at_3": 76.667, + "precision_at_5": 74.0, + "recall_at_1": 0.21, + "recall_at_10": 1.8849999999999998, + "recall_at_100": 13.801, + "recall_at_1000": 49.649, + "recall_at_3": 0.632, + "recall_at_5": 1.009, + "main_score": 66.52900000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/Touche2020.json b/results/barisaydin__gte-small/external/Touche2020.json new file mode 100644 index 000000000..0546197c0 --- /dev/null +++ b/results/barisaydin__gte-small/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 1.797, + "map_at_10": 9.01, + "map_at_100": 14.682, + "map_at_1000": 16.336000000000002, + "map_at_3": 4.546, + "map_at_5": 5.9270000000000005, + "mrr_at_1": 24.490000000000002, + "mrr_at_10": 41.156, + "mrr_at_100": 42.392, + "mrr_at_1000": 42.408, + "mrr_at_3": 38.775999999999996, + "mrr_at_5": 40.102, + "ndcg_at_1": 21.429000000000002, + "ndcg_at_10": 22.222, + "ndcg_at_100": 34.405, + "ndcg_at_1000": 46.599000000000004, + "ndcg_at_3": 25.261, + "ndcg_at_5": 22.695999999999998, + "precision_at_1": 24.490000000000002, + "precision_at_10": 19.796, + "precision_at_100": 7.306, + "precision_at_1000": 1.5350000000000001, + "precision_at_3": 27.211000000000002, + "precision_at_5": 22.857, + "recall_at_1": 1.797, + "recall_at_10": 15.706000000000001, + "recall_at_100": 46.412, + "recall_at_1000": 83.159, + "recall_at_3": 6.1370000000000005, + "recall_at_5": 8.599, + "main_score": 22.222 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/ToxicConversationsClassification.json b/results/barisaydin__gte-small/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..f08fce008 --- /dev/null +++ b/results/barisaydin__gte-small/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.3302, + "ap": 14.169121204575601, + "f1": 54.229345975274235, + "main_score": 70.3302 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/TweetSentimentExtractionClassification.json b/results/barisaydin__gte-small/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..5507894a0 --- /dev/null +++ b/results/barisaydin__gte-small/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 58.22297679683077, + "f1": 58.62984908377875, + "main_score": 58.22297679683077 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/TwentyNewsgroupsClustering.json b/results/barisaydin__gte-small/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..58b90f114 --- /dev/null +++ b/results/barisaydin__gte-small/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 49.952922428464255, + "main_score": 49.952922428464255 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/TwitterSemEval2015.json b/results/barisaydin__gte-small/external/TwitterSemEval2015.json new file mode 100644 index 000000000..e0a2b554a --- /dev/null +++ b/results/barisaydin__gte-small/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 84.68140907194373, + "cos_sim_ap": 70.12180123666836, + "cos_sim_f1": 65.77501791258658, + "cos_sim_precision": 60.07853403141361, + "cos_sim_recall": 72.66490765171504, + "dot_accuracy": 81.92167848840674, + "dot_ap": 60.49837581423469, + "dot_f1": 58.44186046511628, + "dot_precision": 52.24532224532224, + "dot_recall": 66.3060686015831, + "euclidean_accuracy": 84.73505394289802, + "euclidean_ap": 70.3278904593286, + "euclidean_f1": 65.98851124940161, + "euclidean_precision": 60.38107752956636, + "euclidean_recall": 72.74406332453826, + "manhattan_accuracy": 84.73505394289802, + "manhattan_ap": 70.00737738537337, + "manhattan_f1": 65.80150784822642, + "manhattan_precision": 61.892583120204606, + "manhattan_recall": 70.23746701846966, + "max_accuracy": 84.73505394289802, + "max_ap": 70.3278904593286, + "max_f1": 65.98851124940161, + "main_score": 70.3278904593286 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/TwitterURLCorpus.json b/results/barisaydin__gte-small/external/TwitterURLCorpus.json new file mode 100644 index 000000000..f7c40e0e9 --- /dev/null +++ b/results/barisaydin__gte-small/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.44258159661582, + "cos_sim_ap": 84.91926704880888, + "cos_sim_f1": 77.07651086632926, + "cos_sim_precision": 74.5894554883319, + "cos_sim_recall": 79.73514012935017, + "dot_accuracy": 85.88116583226608, + "dot_ap": 78.9753854779923, + "dot_f1": 72.17757637979255, + "dot_precision": 66.80647486729143, + "dot_recall": 78.48783492454572, + "euclidean_accuracy": 88.5299025885823, + "euclidean_ap": 85.08006075642194, + "euclidean_f1": 77.29637336504163, + "euclidean_precision": 74.69836253950014, + "euclidean_recall": 80.08161379735141, + "manhattan_accuracy": 88.55124771995187, + "manhattan_ap": 85.00941529932851, + "manhattan_f1": 77.33100233100232, + "manhattan_precision": 73.37572573956317, + "manhattan_recall": 81.73698798891284, + "max_accuracy": 88.55124771995187, + "max_ap": 85.08006075642194, + "max_f1": 77.33100233100232, + "main_score": 85.08006075642194 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__gte-small/external/model_meta.json b/results/barisaydin__gte-small/external/model_meta.json new file mode 100644 index 000000000..f58a592d3 --- /dev/null +++ b/results/barisaydin__gte-small/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "barisaydin/gte-small", + "revision": "dbad0d902ac272af8b747239150b8bc03d8946e8", + "release_date": "2023-09-20", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 16687808, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 384, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/barisaydin__text2vec-base-multilingual/external/AmazonCounterfactualClassification.json b/results/barisaydin__text2vec-base-multilingual/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..271077417 --- /dev/null +++ b/results/barisaydin__text2vec-base-multilingual/external/AmazonCounterfactualClassification.json @@ -0,0 +1,50 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.97014925373134, + "ap": 33.95151328318672, + "f1": 65.14740155705596, + "main_score": 70.97014925373134 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 68.69379014989293, + "ap": 79.68277579733802, + "f1": 66.54960052336921, + "main_score": 68.69379014989293 + }, + { + "hf_subset": "en-ext", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.90704647676162, + "ap": 20.747518928580437, + "f1": 58.64365465884924, + "main_score": 70.90704647676162 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 61.605995717344754, + "ap": 14.135974879487028, + "f1": 49.980224800472136, + "main_score": 61.605995717344754 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__text2vec-base-multilingual/external/AmazonPolarityClassification.json b/results/barisaydin__text2vec-base-multilingual/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..1fd372908 --- /dev/null +++ b/results/barisaydin__text2vec-base-multilingual/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 66.103375, + "ap": 61.10087197664471, + "f1": 65.75198509894145, + "main_score": 66.103375 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__text2vec-base-multilingual/external/AmazonReviewsClassification.json b/results/barisaydin__text2vec-base-multilingual/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..841e5a7cd --- /dev/null +++ b/results/barisaydin__text2vec-base-multilingual/external/AmazonReviewsClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 33.134, + "f1": 32.7905397597083, + "main_score": 33.134 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 33.388, + "f1": 33.190561196873084, + "main_score": 33.388 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 34.824, + "f1": 34.297290157740726, + "main_score": 34.824 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 33.449999999999996, + "f1": 33.08017234412433, + "main_score": 33.449999999999996 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 30.046, + "f1": 29.857141661482228, + "main_score": 30.046 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 32.522, + "f1": 31.854699911472174, + "main_score": 32.522 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__text2vec-base-multilingual/external/ArxivClusteringP2P.json b/results/barisaydin__text2vec-base-multilingual/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..c542f0afb --- /dev/null +++ b/results/barisaydin__text2vec-base-multilingual/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.31918856561886, + "main_score": 32.31918856561886 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__text2vec-base-multilingual/external/ArxivClusteringS2S.json b/results/barisaydin__text2vec-base-multilingual/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..7ff25c662 --- /dev/null +++ b/results/barisaydin__text2vec-base-multilingual/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 25.503481615956137, + "main_score": 25.503481615956137 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__text2vec-base-multilingual/external/AskUbuntuDupQuestions.json b/results/barisaydin__text2vec-base-multilingual/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..400272961 --- /dev/null +++ b/results/barisaydin__text2vec-base-multilingual/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 57.91471462820568, + "mrr": 71.82990370663501, + "main_score": 57.91471462820568 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__text2vec-base-multilingual/external/BIOSSES.json b/results/barisaydin__text2vec-base-multilingual/external/BIOSSES.json new file mode 100644 index 000000000..9a0dce82f --- /dev/null +++ b/results/barisaydin__text2vec-base-multilingual/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 68.83853315193127, + "cos_sim_spearman": 66.16174850417771, + "euclidean_pearson": 56.65313897263153, + "euclidean_spearman": 52.69156205876939, + "manhattan_pearson": 56.97282154658304, + "manhattan_spearman": 53.167476517261015, + "cosine_pearson": 68.83853315193127, + "cosine_spearman": 66.16174850417771, + "main_score": 66.16174850417771 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__text2vec-base-multilingual/external/Banking77Classification.json b/results/barisaydin__text2vec-base-multilingual/external/Banking77Classification.json new file mode 100644 index 000000000..08a0c9d6d --- /dev/null +++ b/results/barisaydin__text2vec-base-multilingual/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.08441558441558, + "f1": 77.99825264827898, + "main_score": 78.08441558441558 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__text2vec-base-multilingual/external/BiorxivClusteringP2P.json b/results/barisaydin__text2vec-base-multilingual/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..5cb643647 --- /dev/null +++ b/results/barisaydin__text2vec-base-multilingual/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 28.98583420521256, + "main_score": 28.98583420521256 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__text2vec-base-multilingual/external/BiorxivClusteringS2S.json b/results/barisaydin__text2vec-base-multilingual/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..7f01b0710 --- /dev/null +++ b/results/barisaydin__text2vec-base-multilingual/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 23.195091778460892, + "main_score": 23.195091778460892 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__text2vec-base-multilingual/external/EmotionClassification.json b/results/barisaydin__text2vec-base-multilingual/external/EmotionClassification.json new file mode 100644 index 000000000..79f56f9ce --- /dev/null +++ b/results/barisaydin__text2vec-base-multilingual/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 43.35, + "f1": 38.80269436557695, + "main_score": 43.35 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__text2vec-base-multilingual/external/ImdbClassification.json b/results/barisaydin__text2vec-base-multilingual/external/ImdbClassification.json new file mode 100644 index 000000000..d78197b04 --- /dev/null +++ b/results/barisaydin__text2vec-base-multilingual/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 59.348, + "ap": 55.75065220262251, + "f1": 58.72117519082607, + "main_score": 59.348 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__text2vec-base-multilingual/external/MTOPDomainClassification.json b/results/barisaydin__text2vec-base-multilingual/external/MTOPDomainClassification.json new file mode 100644 index 000000000..975c3b119 --- /dev/null +++ b/results/barisaydin__text2vec-base-multilingual/external/MTOPDomainClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 81.04879160966712, + "f1": 80.86889779192701, + "main_score": 81.04879160966712 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 78.59397013243168, + "f1": 77.09902761555972, + "main_score": 78.59397013243168 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 79.24282855236824, + "f1": 78.75883867079015, + "main_score": 79.24282855236824 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 76.16661446915127, + "f1": 76.30204722831901, + "main_score": 76.16661446915127 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 78.74506991753317, + "f1": 77.50560442779701, + "main_score": 78.74506991753317 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 77.67088607594937, + "f1": 77.21442956887493, + "main_score": 77.67088607594937 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__text2vec-base-multilingual/external/MTOPIntentClassification.json b/results/barisaydin__text2vec-base-multilingual/external/MTOPIntentClassification.json new file mode 100644 index 000000000..754fffd99 --- /dev/null +++ b/results/barisaydin__text2vec-base-multilingual/external/MTOPIntentClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 62.786137710898316, + "f1": 46.23474201126368, + "main_score": 62.786137710898316 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 55.285996055226825, + "f1": 37.98039513682919, + "main_score": 55.285996055226825 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 58.67911941294196, + "f1": 40.541410807124954, + "main_score": 58.67911941294196 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 53.257124960851854, + "f1": 38.42982319259366, + "main_score": 53.257124960851854 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 59.62352097525995, + "f1": 41.28886486568534, + "main_score": 59.62352097525995 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 58.799276672694404, + "f1": 43.68379466247341, + "main_score": 58.799276672694404 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__text2vec-base-multilingual/external/MassiveIntentClassification.json b/results/barisaydin__text2vec-base-multilingual/external/MassiveIntentClassification.json new file mode 100644 index 000000000..d611b97dc --- /dev/null +++ b/results/barisaydin__text2vec-base-multilingual/external/MassiveIntentClassification.json @@ -0,0 +1,469 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 45.42030934767989, + "f1": 44.12201543566376, + "main_score": 45.42030934767989 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 37.67652992602556, + "f1": 35.422091900843164, + "main_score": 37.67652992602556 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 45.02353732347007, + "f1": 41.852484084738194, + "main_score": 45.02353732347007 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 48.70880968392737, + "f1": 46.904360615435046, + "main_score": 48.70880968392737 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 43.78950907868191, + "f1": 41.58872353920405, + "main_score": 43.78950907868191 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 28.759246805648957, + "f1": 27.41182001374226, + "main_score": 28.759246805648957 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 56.74176193678547, + "f1": 53.82727354182497, + "main_score": 56.74176193678547 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 51.55682582380632, + "f1": 49.41963627941866, + "main_score": 51.55682582380632 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 56.46940147948891, + "f1": 55.28178711367465, + "main_score": 56.46940147948891 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 63.83322125084063, + "f1": 61.836172900845554, + "main_score": 63.83322125084063 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 58.27505043712172, + "f1": 57.642436374361154, + "main_score": 58.27505043712172 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 59.05178211163417, + "f1": 56.858998820504056, + "main_score": 59.05178211163417 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 57.357094821788834, + "f1": 54.79711189260453, + "main_score": 57.357094821788834 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 58.79959650302623, + "f1": 57.59158671719513, + "main_score": 58.79959650302623 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 51.1768661735037, + "f1": 48.886397276270515, + "main_score": 51.1768661735037 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 57.06455951580362, + "f1": 55.01530952684585, + "main_score": 57.06455951580362 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 58.3591123066577, + "f1": 55.9277783370191, + "main_score": 58.3591123066577 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 52.108271687962336, + "f1": 51.195023400664596, + "main_score": 52.108271687962336 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 58.26832548755883, + "f1": 56.60774065423401, + "main_score": 58.26832548755883 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 35.806993947545394, + "f1": 34.290418953173294, + "main_score": 35.806993947545394 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 58.27841291190315, + "f1": 56.9438998642419, + "main_score": 58.27841291190315 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 60.78009414929389, + "f1": 59.15780842483667, + "main_score": 60.78009414929389 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 31.153328850033624, + "f1": 30.11004596099605, + "main_score": 31.153328850033624 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 44.50235373234701, + "f1": 44.040585262624745, + "main_score": 44.50235373234701 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 40.99193006052455, + "f1": 39.505480119272484, + "main_score": 40.99193006052455 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 46.95696032279758, + "f1": 43.093638940785326, + "main_score": 46.95696032279758 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 54.73100201748486, + "f1": 52.79750744404114, + "main_score": 54.73100201748486 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 54.865501008742434, + "f1": 53.64798408964839, + "main_score": 54.865501008742434 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 47.891728312037664, + "f1": 45.261229414636055, + "main_score": 47.891728312037664 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 52.2259583053127, + "f1": 50.5903419246987, + "main_score": 52.2259583053127 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 54.277067921990586, + "f1": 52.472042479965886, + "main_score": 54.277067921990586 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 51.95696032279757, + "f1": 49.79330411854258, + "main_score": 51.95696032279757 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 54.63685272360457, + "f1": 52.81267480650003, + "main_score": 54.63685272360457 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 59.451916610625425, + "f1": 57.34790386645091, + "main_score": 59.451916610625425 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 58.91055817081372, + "f1": 56.39195048528157, + "main_score": 58.91055817081372 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 59.84196368527236, + "f1": 58.72244763127063, + "main_score": 59.84196368527236 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 57.04102219233354, + "f1": 55.67040186148946, + "main_score": 57.04102219233354 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 58.01613987895091, + "f1": 57.203949825484855, + "main_score": 58.01613987895091 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 56.35843981170141, + "f1": 54.18656338999773, + "main_score": 56.35843981170141 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 56.47948890383322, + "f1": 54.772224557130954, + "main_score": 56.47948890383322 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 58.43981170141224, + "f1": 56.09260971364242, + "main_score": 58.43981170141224 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 33.9609952925353, + "f1": 33.18853392353405, + "main_score": 33.9609952925353 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 44.29388029589778, + "f1": 41.51986533284474, + "main_score": 44.29388029589778 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 47.13517148621385, + "f1": 43.94784138379624, + "main_score": 47.13517148621385 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 56.856086079354405, + "f1": 56.618177384748456, + "main_score": 56.856086079354405 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 35.35978480161398, + "f1": 34.060680080365046, + "main_score": 35.35978480161398 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 59.630127774041696, + "f1": 57.46288652988266, + "main_score": 59.630127774041696 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 52.7908540685945, + "f1": 51.46934239116157, + "main_score": 52.7908540685945 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 54.6469401479489, + "f1": 53.9903066185816, + "main_score": 54.6469401479489 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 60.85743106926698, + "f1": 59.31579548450755, + "main_score": 60.85743106926698 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 57.46805648957633, + "f1": 57.48469733657326, + "main_score": 57.46805648957633 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__text2vec-base-multilingual/external/MassiveScenarioClassification.json b/results/barisaydin__text2vec-base-multilingual/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..c5989f820 --- /dev/null +++ b/results/barisaydin__text2vec-base-multilingual/external/MassiveScenarioClassification.json @@ -0,0 +1,469 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 50.86415601882985, + "f1": 49.41696672602645, + "main_score": 50.86415601882985 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 41.183591123066584, + "f1": 40.04563865770774, + "main_score": 41.183591123066584 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 50.08069939475455, + "f1": 50.724800165846126, + "main_score": 50.08069939475455 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 51.287827841291204, + "f1": 50.72873776739851, + "main_score": 51.287827841291204 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 46.53328850033624, + "f1": 45.93317866639667, + "main_score": 46.53328850033624 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 34.347679892400805, + "f1": 31.941581141280828, + "main_score": 34.347679892400805 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 63.073301950235376, + "f1": 62.228728940111054, + "main_score": 63.073301950235376 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 56.398789509078675, + "f1": 54.80778341609032, + "main_score": 56.398789509078675 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 61.79892400806993, + "f1": 60.69430756982446, + "main_score": 61.79892400806993 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 66.96368527236046, + "f1": 66.5893927997656, + "main_score": 66.96368527236046 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 62.21250840618695, + "f1": 62.347177794128925, + "main_score": 62.21250840618695 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 62.43779421654339, + "f1": 61.307701312085605, + "main_score": 62.43779421654339 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 61.09952925353059, + "f1": 60.313907927386914, + "main_score": 61.09952925353059 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 63.38601210490922, + "f1": 63.05968938353488, + "main_score": 63.38601210490922 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 56.2878278412912, + "f1": 55.92927644838597, + "main_score": 56.2878278412912 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 60.62878278412912, + "f1": 60.25299253652635, + "main_score": 60.62878278412912 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 63.28850033624748, + "f1": 62.77053246337031, + "main_score": 63.28850033624748 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 54.875588433086754, + "f1": 54.30717357279134, + "main_score": 54.875588433086754 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 61.99394754539341, + "f1": 61.73085530883037, + "main_score": 61.99394754539341 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 38.581035642232685, + "f1": 36.96287269695893, + "main_score": 38.581035642232685 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 62.350369872225976, + "f1": 61.807327324823966, + "main_score": 62.350369872225976 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 65.17148621385338, + "f1": 65.29620144656751, + "main_score": 65.17148621385338 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 36.12642905178212, + "f1": 35.334393048479484, + "main_score": 36.12642905178212 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 50.26899798251513, + "f1": 49.041065960139434, + "main_score": 50.26899798251513 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 44.24344317417619, + "f1": 42.42177854872125, + "main_score": 44.24344317417619 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 47.370544720914594, + "f1": 46.589722581465324, + "main_score": 47.370544720914594 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 58.89038332212508, + "f1": 57.753607921990394, + "main_score": 58.89038332212508 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 56.506388702084756, + "f1": 56.0485860423295, + "main_score": 56.506388702084756 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 50.06388702084734, + "f1": 50.109364641824584, + "main_score": 50.06388702084734 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 55.053799596503026, + "f1": 54.490665705666686, + "main_score": 55.053799596503026 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 59.77135171486213, + "f1": 58.2808650158803, + "main_score": 59.77135171486213 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 55.71620712844654, + "f1": 53.863034882475304, + "main_score": 55.71620712844654 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 60.26227303295225, + "f1": 59.86604657147016, + "main_score": 60.26227303295225 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 63.3759246805649, + "f1": 62.45257339288533, + "main_score": 63.3759246805649 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 62.552118359112306, + "f1": 61.354449605776765, + "main_score": 62.552118359112306 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 62.40753194351043, + "f1": 61.98779889528889, + "main_score": 62.40753194351043 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 60.68258238063214, + "f1": 60.59973978976571, + "main_score": 60.68258238063214 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 62.31002017484868, + "f1": 62.412312268503655, + "main_score": 62.31002017484868 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 61.429051782111635, + "f1": 61.60095590401424, + "main_score": 61.429051782111635 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 62.229320780094156, + "f1": 61.02251426747547, + "main_score": 62.229320780094156 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 64.42501681237391, + "f1": 63.461494430605235, + "main_score": 64.42501681237391 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 38.51714862138534, + "f1": 37.12466722986362, + "main_score": 38.51714862138534 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 46.99731002017485, + "f1": 45.859147049984834, + "main_score": 46.99731002017485 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 51.01882985877605, + "f1": 49.01040173136056, + "main_score": 51.01882985877605 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 63.234700739744454, + "f1": 62.732294595214746, + "main_score": 63.234700739744454 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 38.72225958305312, + "f1": 36.603231928120906, + "main_score": 38.72225958305312 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 64.48554135843982, + "f1": 63.97380562022752, + "main_score": 64.48554135843982 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 56.7955615332885, + "f1": 55.95308241204802, + "main_score": 56.7955615332885 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 57.06455951580362, + "f1": 56.95570494066693, + "main_score": 57.06455951580362 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 65.8338937457969, + "f1": 65.6778746906008, + "main_score": 65.8338937457969 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 63.369199731002034, + "f1": 63.527650116059945, + "main_score": 63.369199731002034 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__text2vec-base-multilingual/external/MedrxivClusteringP2P.json b/results/barisaydin__text2vec-base-multilingual/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..f674e976c --- /dev/null +++ b/results/barisaydin__text2vec-base-multilingual/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 29.442504112215538, + "main_score": 29.442504112215538 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__text2vec-base-multilingual/external/MedrxivClusteringS2S.json b/results/barisaydin__text2vec-base-multilingual/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..e24a1b0c5 --- /dev/null +++ b/results/barisaydin__text2vec-base-multilingual/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 26.16062814161053, + "main_score": 26.16062814161053 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__text2vec-base-multilingual/external/QuoraRetrieval.json b/results/barisaydin__text2vec-base-multilingual/external/QuoraRetrieval.json new file mode 100644 index 000000000..9b8020976 --- /dev/null +++ b/results/barisaydin__text2vec-base-multilingual/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 65.319, + "map_at_10": 78.72, + "map_at_100": 79.44600000000001, + "map_at_1000": 79.469, + "map_at_3": 75.693, + "map_at_5": 77.537, + "mrr_at_1": 75.24, + "mrr_at_10": 82.304, + "mrr_at_100": 82.485, + "mrr_at_1000": 82.489, + "mrr_at_3": 81.002, + "mrr_at_5": 81.817, + "ndcg_at_1": 75.26, + "ndcg_at_10": 83.07, + "ndcg_at_100": 84.829, + "ndcg_at_1000": 85.087, + "ndcg_at_3": 79.67699999999999, + "ndcg_at_5": 81.42, + "precision_at_1": 75.26, + "precision_at_10": 12.697, + "precision_at_100": 1.4829999999999999, + "precision_at_1000": 0.154, + "precision_at_3": 34.849999999999994, + "precision_at_5": 23.054, + "recall_at_1": 65.319, + "recall_at_10": 91.551, + "recall_at_100": 98.053, + "recall_at_1000": 99.516, + "recall_at_3": 81.819, + "recall_at_5": 86.66199999999999, + "main_score": 83.07 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__text2vec-base-multilingual/external/RedditClustering.json b/results/barisaydin__text2vec-base-multilingual/external/RedditClustering.json new file mode 100644 index 000000000..d39f406cd --- /dev/null +++ b/results/barisaydin__text2vec-base-multilingual/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.249791587189996, + "main_score": 31.249791587189996 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__text2vec-base-multilingual/external/RedditClusteringP2P.json b/results/barisaydin__text2vec-base-multilingual/external/RedditClusteringP2P.json new file mode 100644 index 000000000..685246f86 --- /dev/null +++ b/results/barisaydin__text2vec-base-multilingual/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 43.302922383029816, + "main_score": 43.302922383029816 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__text2vec-base-multilingual/external/SICK-R.json b/results/barisaydin__text2vec-base-multilingual/external/SICK-R.json new file mode 100644 index 000000000..120459628 --- /dev/null +++ b/results/barisaydin__text2vec-base-multilingual/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.80670811345861, + "cos_sim_spearman": 79.97373018384307, + "euclidean_pearson": 83.40205934125837, + "euclidean_spearman": 79.73331008251854, + "manhattan_pearson": 83.3320983393412, + "manhattan_spearman": 79.677919746045, + "cosine_pearson": 84.80670811345861, + "cosine_spearman": 79.97373018384307, + "main_score": 79.97373018384307 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__text2vec-base-multilingual/external/STS12.json b/results/barisaydin__text2vec-base-multilingual/external/STS12.json new file mode 100644 index 000000000..0049c6b8e --- /dev/null +++ b/results/barisaydin__text2vec-base-multilingual/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.3816087627948, + "cos_sim_spearman": 80.91314664846955, + "euclidean_pearson": 85.10603071031096, + "euclidean_spearman": 79.42663939501841, + "manhattan_pearson": 85.16096376014066, + "manhattan_spearman": 79.51936545543191, + "cosine_pearson": 86.3816087627948, + "cosine_spearman": 80.91314664846955, + "main_score": 80.91314664846955 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__text2vec-base-multilingual/external/STS13.json b/results/barisaydin__text2vec-base-multilingual/external/STS13.json new file mode 100644 index 000000000..688ec71fa --- /dev/null +++ b/results/barisaydin__text2vec-base-multilingual/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 80.44665329940209, + "cos_sim_spearman": 82.86479010707745, + "euclidean_pearson": 84.06719627734672, + "euclidean_spearman": 84.9356099976297, + "manhattan_pearson": 84.10370009572624, + "manhattan_spearman": 84.96828040546536, + "cosine_pearson": 80.44665329940209, + "cosine_spearman": 82.86479010707745, + "main_score": 82.86479010707745 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__text2vec-base-multilingual/external/STS14.json b/results/barisaydin__text2vec-base-multilingual/external/STS14.json new file mode 100644 index 000000000..8f940795d --- /dev/null +++ b/results/barisaydin__text2vec-base-multilingual/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.05704260568437, + "cos_sim_spearman": 87.36399473803172, + "euclidean_pearson": 86.8895170159388, + "euclidean_spearman": 87.16246440866921, + "manhattan_pearson": 86.80814774538997, + "manhattan_spearman": 87.09320142699522, + "cosine_pearson": 86.05704260568437, + "cosine_spearman": 87.36399473803172, + "main_score": 87.36399473803172 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__text2vec-base-multilingual/external/STS15.json b/results/barisaydin__text2vec-base-multilingual/external/STS15.json new file mode 100644 index 000000000..59795ddc8 --- /dev/null +++ b/results/barisaydin__text2vec-base-multilingual/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.97825118945852, + "cos_sim_spearman": 88.31438033558268, + "euclidean_pearson": 87.05174694758092, + "euclidean_spearman": 87.80659468392355, + "manhattan_pearson": 86.98831322198717, + "manhattan_spearman": 87.72820615049285, + "cosine_pearson": 85.97825118945852, + "cosine_spearman": 88.31438033558268, + "main_score": 88.31438033558268 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__text2vec-base-multilingual/external/STS16.json b/results/barisaydin__text2vec-base-multilingual/external/STS16.json new file mode 100644 index 000000000..86be1bc86 --- /dev/null +++ b/results/barisaydin__text2vec-base-multilingual/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 78.68745420126719, + "cos_sim_spearman": 81.6058424699445, + "euclidean_pearson": 81.16540133861879, + "euclidean_spearman": 81.86377535458067, + "manhattan_pearson": 81.13813317937021, + "manhattan_spearman": 81.87079962857256, + "cosine_pearson": 78.68745420126719, + "cosine_spearman": 81.6058424699445, + "main_score": 81.6058424699445 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__text2vec-base-multilingual/external/STS17.json b/results/barisaydin__text2vec-base-multilingual/external/STS17.json new file mode 100644 index 000000000..9de365263 --- /dev/null +++ b/results/barisaydin__text2vec-base-multilingual/external/STS17.json @@ -0,0 +1,182 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "ko-ko", + "languages": [ + "kor-Hang" + ], + "cos_sim_pearson": 68.06192660936868, + "cos_sim_spearman": 68.2376353514075, + "euclidean_pearson": 60.68326946956215, + "euclidean_spearman": 59.19352349785952, + "manhattan_pearson": 60.6592944683418, + "manhattan_spearman": 59.167534419270865, + "cosine_pearson": 68.06192660936868, + "cosine_spearman": 68.2376353514075, + "main_score": 68.2376353514075 + }, + { + "hf_subset": "ar-ar", + "languages": [ + "ara-Arab" + ], + "cos_sim_pearson": 76.78098264855684, + "cos_sim_spearman": 78.02670452969812, + "euclidean_pearson": 77.26694463661255, + "euclidean_spearman": 77.47007626009587, + "manhattan_pearson": 77.25070088632027, + "manhattan_spearman": 77.36368265830724, + "cosine_pearson": 76.78098264855684, + "cosine_spearman": 78.02670452969812, + "main_score": 78.02670452969812 + }, + { + "hf_subset": "en-ar", + "languages": [ + "eng-Latn", + "ara-Arab" + ], + "cos_sim_pearson": 78.45418506379532, + "cos_sim_spearman": 78.60412019902428, + "euclidean_pearson": 79.90303710850512, + "euclidean_spearman": 78.67123625004957, + "manhattan_pearson": 80.09189580897753, + "manhattan_spearman": 79.02484481441483, + "cosine_pearson": 78.45418506379532, + "cosine_spearman": 78.60412019902428, + "main_score": 78.60412019902428 + }, + { + "hf_subset": "en-de", + "languages": [ + "eng-Latn", + "deu-Latn" + ], + "cos_sim_pearson": 82.35556731232779, + "cos_sim_spearman": 81.48249735354844, + "euclidean_pearson": 81.66748026636621, + "euclidean_spearman": 80.35571574338547, + "manhattan_pearson": 81.38214732806365, + "manhattan_spearman": 79.9018202958774, + "cosine_pearson": 82.35556731232779, + "cosine_spearman": 81.48249735354844, + "main_score": 81.48249735354844 + }, + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.4527703176897, + "cos_sim_spearman": 85.81084095829584, + "euclidean_pearson": 86.43489162324457, + "euclidean_spearman": 85.27110976093296, + "manhattan_pearson": 86.43674259444512, + "manhattan_spearman": 85.05719308026032, + "cosine_pearson": 86.4527703176897, + "cosine_spearman": 85.81084095829584, + "main_score": 85.81084095829584 + }, + { + "hf_subset": "en-tr", + "languages": [ + "eng-Latn", + "tur-Latn" + ], + "cos_sim_pearson": 76.00411240034492, + "cos_sim_spearman": 76.33887356560854, + "euclidean_pearson": 76.81730660019446, + "euclidean_spearman": 75.04432185451306, + "manhattan_pearson": 77.22298813168995, + "manhattan_spearman": 75.56420330256725, + "cosine_pearson": 76.00411240034492, + "cosine_spearman": 76.33887356560854, + "main_score": 76.33887356560854 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 79.1447136836213, + "cos_sim_spearman": 81.80823850788917, + "euclidean_pearson": 80.84505734814422, + "euclidean_spearman": 81.714168092736, + "manhattan_pearson": 80.84713816174187, + "manhattan_spearman": 81.61267814749516, + "cosine_pearson": 79.1447136836213, + "cosine_spearman": 81.80823850788917, + "main_score": 81.80823850788917 + }, + { + "hf_subset": "es-es", + "languages": [ + "spa-Latn" + ], + "cos_sim_pearson": 87.01257457052873, + "cos_sim_spearman": 87.91146458004216, + "euclidean_pearson": 88.36771859717994, + "euclidean_spearman": 87.73182474597515, + "manhattan_pearson": 88.26551451003671, + "manhattan_spearman": 87.71675151388992, + "cosine_pearson": 87.01257457052873, + "cosine_spearman": 87.91146458004216, + "main_score": 87.91146458004216 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 79.20121618382373, + "cos_sim_spearman": 78.05794691968603, + "euclidean_pearson": 79.93819925682054, + "euclidean_spearman": 78.00586118701553, + "manhattan_pearson": 80.05598625820885, + "manhattan_spearman": 78.04802948866832, + "cosine_pearson": 79.20121618382373, + "cosine_spearman": 78.05794691968603, + "main_score": 78.05794691968603 + }, + { + "hf_subset": "it-en", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 81.51743373871778, + "cos_sim_spearman": 80.98266651818703, + "euclidean_pearson": 81.11875722505269, + "euclidean_spearman": 79.45188413284538, + "manhattan_pearson": 80.7988457619225, + "manhattan_spearman": 79.49643569311485, + "cosine_pearson": 81.51743373871778, + "cosine_spearman": 80.98266651818703, + "main_score": 80.98266651818703 + }, + { + "hf_subset": "nl-en", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 81.78679924046351, + "cos_sim_spearman": 80.9986574147117, + "euclidean_pearson": 82.09130079135713, + "euclidean_spearman": 80.66215667390159, + "manhattan_pearson": 82.0328610549654, + "manhattan_spearman": 80.31047226932408, + "cosine_pearson": 81.78679924046351, + "cosine_spearman": 80.9986574147117, + "main_score": 80.9986574147117 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__text2vec-base-multilingual/external/STS22.json b/results/barisaydin__text2vec-base-multilingual/external/STS22.json new file mode 100644 index 000000000..28e3bf6b0 --- /dev/null +++ b/results/barisaydin__text2vec-base-multilingual/external/STS22.json @@ -0,0 +1,288 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 58.08082172994642, + "cos_sim_spearman": 62.9940530222459, + "euclidean_pearson": 58.47927303460365, + "euclidean_spearman": 60.8440317609258, + "manhattan_pearson": 58.32438211697841, + "manhattan_spearman": 60.69642636776064, + "cosine_pearson": 58.08082172994642, + "cosine_spearman": 62.9940530222459, + "main_score": 62.9940530222459 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "cos_sim_pearson": 33.83985707464123, + "cos_sim_spearman": 46.89093209603036, + "euclidean_pearson": 34.63602187576556, + "euclidean_spearman": 46.31087228200712, + "manhattan_pearson": 34.66899391543166, + "manhattan_spearman": 46.33049538425276, + "cosine_pearson": 33.83985707464123, + "cosine_spearman": 46.89093209603036, + "main_score": 46.89093209603036 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "cos_sim_pearson": 51.61315965767736, + "cos_sim_spearman": 58.9434266730386, + "euclidean_pearson": 50.35885602217862, + "euclidean_spearman": 58.238679883286025, + "manhattan_pearson": 53.01732044381151, + "manhattan_spearman": 58.10482351761412, + "cosine_pearson": 51.61315965767736, + "cosine_spearman": 58.9434266730386, + "main_score": 58.9434266730386 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "cos_sim_pearson": 26.771738440430177, + "cos_sim_spearman": 34.807259227816054, + "euclidean_pearson": 17.82657835823811, + "euclidean_spearman": 34.27912898498941, + "manhattan_pearson": 19.121527758886312, + "manhattan_spearman": 34.4940050226265, + "cosine_pearson": 26.771738440430177, + "cosine_spearman": 34.807259227816054, + "main_score": 34.807259227816054 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "cos_sim_pearson": 52.8354704676683, + "cos_sim_spearman": 57.28629534815841, + "euclidean_pearson": 54.10329332004385, + "euclidean_spearman": 58.15030615859976, + "manhattan_pearson": 55.42372087433115, + "manhattan_spearman": 57.52270736584036, + "cosine_pearson": 52.8354704676683, + "cosine_spearman": 57.28629534815841, + "main_score": 57.28629534815841 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "cos_sim_pearson": 31.01976557986924, + "cos_sim_spearman": 54.506959483927616, + "euclidean_pearson": 36.917863022119086, + "euclidean_spearman": 53.750194241538566, + "manhattan_pearson": 37.200177833241085, + "manhattan_spearman": 53.507659188082535, + "cosine_pearson": 31.01976557986924, + "cosine_spearman": 54.506959483927616, + "main_score": 54.506959483927616 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "cos_sim_pearson": 46.38635647225934, + "cos_sim_spearman": 54.50892732637536, + "euclidean_pearson": 40.8331015184763, + "euclidean_spearman": 53.142903182230924, + "manhattan_pearson": 43.07655692906317, + "manhattan_spearman": 53.5833474125901, + "cosine_pearson": 46.38635647225934, + "cosine_spearman": 54.50892732637536, + "main_score": 54.50892732637536 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 60.52525456662916, + "cos_sim_spearman": 63.23975489531082, + "euclidean_pearson": 58.989191722317514, + "euclidean_spearman": 62.536326639863894, + "manhattan_pearson": 61.32982866201855, + "manhattan_spearman": 63.068262822520516, + "cosine_pearson": 60.52525456662916, + "cosine_spearman": 63.23975489531082, + "main_score": 63.23975489531082 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 59.63798684577696, + "cos_sim_spearman": 74.09937723367189, + "euclidean_pearson": 63.77494904383906, + "euclidean_spearman": 71.15932571292481, + "manhattan_pearson": 63.69646122775205, + "manhattan_spearman": 70.54960698541632, + "cosine_pearson": 59.63798684577696, + "cosine_spearman": 74.09937723367189, + "main_score": 74.09937723367189 + }, + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 36.50262468726711, + "cos_sim_spearman": 45.00322499674274, + "euclidean_pearson": 32.58759216581778, + "euclidean_spearman": 40.13720951315429, + "manhattan_pearson": 34.88422299605277, + "manhattan_spearman": 40.63516862200963, + "cosine_pearson": 36.50262468726711, + "cosine_spearman": 45.00322499674274, + "main_score": 45.00322499674274 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 56.498552617040275, + "cos_sim_spearman": 67.71358426124443, + "euclidean_pearson": 57.16474781778287, + "euclidean_spearman": 65.721515493531, + "manhattan_pearson": 59.25227610738926, + "manhattan_spearman": 65.89743680340739, + "cosine_pearson": 56.498552617040275, + "cosine_spearman": 67.71358426124443, + "main_score": 67.71358426124443 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "cos_sim_pearson": 55.97978814727984, + "cos_sim_spearman": 65.85821395092104, + "euclidean_pearson": 59.11117270978519, + "euclidean_spearman": 64.50062069934965, + "manhattan_pearson": 59.4436213778161, + "manhattan_spearman": 64.4003273074382, + "cosine_pearson": 55.97978814727984, + "cosine_spearman": 65.85821395092104, + "main_score": 65.85821395092104 + }, + { + "hf_subset": "pl-en", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 58.00873192515712, + "cos_sim_spearman": 60.167708809138745, + "euclidean_pearson": 56.91950637760252, + "euclidean_spearman": 58.50593399441014, + "manhattan_pearson": 58.683747352584994, + "manhattan_spearman": 59.38110066799761, + "cosine_pearson": 58.00873192515712, + "cosine_spearman": 60.167708809138745, + "main_score": 60.167708809138745 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "cos_sim_pearson": 54.26020658151187, + "cos_sim_spearman": 61.29236187204147, + "euclidean_pearson": 55.993896804147056, + "euclidean_spearman": 58.654928232615354, + "manhattan_pearson": 56.612492816099426, + "manhattan_spearman": 58.65144067094258, + "cosine_pearson": 54.26020658151187, + "cosine_spearman": 61.29236187204147, + "main_score": 61.29236187204147 + }, + { + "hf_subset": "es-it", + "languages": [ + "spa-Latn", + "ita-Latn" + ], + "cos_sim_pearson": 49.13817835368122, + "cos_sim_spearman": 50.78524216975442, + "euclidean_pearson": 46.56046454501862, + "euclidean_spearman": 50.3935060082369, + "manhattan_pearson": 48.0232348418531, + "manhattan_spearman": 50.79528358464199, + "cosine_pearson": 49.13817835368122, + "cosine_spearman": 50.78524216975442, + "main_score": 50.78524216975442 + }, + { + "hf_subset": "de-fr", + "languages": [ + "deu-Latn", + "fra-Latn" + ], + "cos_sim_pearson": 44.274388638585286, + "cos_sim_spearman": 49.43124017389838, + "euclidean_pearson": 42.45909582681174, + "euclidean_spearman": 49.661383797129055, + "manhattan_pearson": 42.5771970142383, + "manhattan_spearman": 50.14423414390715, + "cosine_pearson": 44.274388638585286, + "cosine_spearman": 49.43124017389838, + "main_score": 49.43124017389838 + }, + { + "hf_subset": "de-pl", + "languages": [ + "deu-Latn", + "pol-Latn" + ], + "cos_sim_pearson": 26.119500839749776, + "cos_sim_spearman": 39.324070169024424, + "euclidean_pearson": 35.83247077201831, + "euclidean_spearman": 42.61903924348457, + "manhattan_pearson": 35.50415034487894, + "manhattan_spearman": 41.87998075949351, + "cosine_pearson": 26.119500839749776, + "cosine_spearman": 39.324070169024424, + "main_score": 39.324070169024424 + }, + { + "hf_subset": "fr-pl", + "languages": [ + "fra-Latn", + "pol-Latn" + ], + "cos_sim_pearson": 72.62575835691209, + "cos_sim_spearman": 73.24670207647144, + "euclidean_pearson": 78.07793323914657, + "euclidean_spearman": 73.24670207647144, + "manhattan_pearson": 77.51429306378206, + "manhattan_spearman": 73.24670207647144, + "cosine_pearson": 72.62575835691209, + "cosine_spearman": 73.24670207647144, + "main_score": 73.24670207647144 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__text2vec-base-multilingual/external/STSBenchmark.json b/results/barisaydin__text2vec-base-multilingual/external/STSBenchmark.json new file mode 100644 index 000000000..9d771faaf --- /dev/null +++ b/results/barisaydin__text2vec-base-multilingual/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.09375596849891, + "cos_sim_spearman": 86.44881302053585, + "euclidean_pearson": 84.71259163967213, + "euclidean_spearman": 85.63661992344069, + "manhattan_pearson": 84.64466537502614, + "manhattan_spearman": 85.53769949940238, + "cosine_pearson": 84.09375596849891, + "cosine_spearman": 86.44881302053585, + "main_score": 86.44881302053585 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__text2vec-base-multilingual/external/SciDocsRR.json b/results/barisaydin__text2vec-base-multilingual/external/SciDocsRR.json new file mode 100644 index 000000000..ba7c33fe6 --- /dev/null +++ b/results/barisaydin__text2vec-base-multilingual/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 70.2056154684549, + "mrr": 89.52703161036494, + "main_score": 70.2056154684549 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__text2vec-base-multilingual/external/SprintDuplicateQuestions.json b/results/barisaydin__text2vec-base-multilingual/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..cdc947857 --- /dev/null +++ b/results/barisaydin__text2vec-base-multilingual/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.57623762376238, + "cos_sim_ap": 83.53051588811371, + "cos_sim_f1": 77.72704211060375, + "cos_sim_precision": 78.88774459320288, + "cos_sim_recall": 76.6, + "dot_accuracy": 99.06435643564356, + "dot_ap": 27.003124923857463, + "dot_f1": 34.125269978401725, + "dot_precision": 37.08920187793427, + "dot_recall": 31.6, + "euclidean_accuracy": 99.61485148514852, + "euclidean_ap": 85.47332647001774, + "euclidean_f1": 80.0808897876643, + "euclidean_precision": 80.98159509202453, + "euclidean_recall": 79.2, + "manhattan_accuracy": 99.61683168316831, + "manhattan_ap": 85.41969859598552, + "manhattan_f1": 79.77755308392315, + "manhattan_precision": 80.67484662576688, + "manhattan_recall": 78.9, + "max_accuracy": 99.61683168316831, + "max_ap": 85.47332647001774, + "max_f1": 80.0808897876643, + "main_score": 85.47332647001774 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__text2vec-base-multilingual/external/StackExchangeClustering.json b/results/barisaydin__text2vec-base-multilingual/external/StackExchangeClustering.json new file mode 100644 index 000000000..e95fe5315 --- /dev/null +++ b/results/barisaydin__text2vec-base-multilingual/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.35688940053467, + "main_score": 34.35688940053467 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__text2vec-base-multilingual/external/StackExchangeClusteringP2P.json b/results/barisaydin__text2vec-base-multilingual/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..e5eba3f75 --- /dev/null +++ b/results/barisaydin__text2vec-base-multilingual/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.64427069276576, + "main_score": 30.64427069276576 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__text2vec-base-multilingual/external/StackOverflowDupQuestions.json b/results/barisaydin__text2vec-base-multilingual/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..c58388ad2 --- /dev/null +++ b/results/barisaydin__text2vec-base-multilingual/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 44.89500754900078, + "mrr": 45.33215558950853, + "main_score": 44.89500754900078 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__text2vec-base-multilingual/external/SummEval.json b/results/barisaydin__text2vec-base-multilingual/external/SummEval.json new file mode 100644 index 000000000..51a522e7c --- /dev/null +++ b/results/barisaydin__text2vec-base-multilingual/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.653069624224084, + "cos_sim_spearman": 30.10187112430319, + "dot_pearson": 28.966278202103666, + "dot_spearman": 28.342234095507767, + "cosine_pearson": 30.653069624224084, + "cosine_spearman": 30.10187112430319, + "main_score": 30.10187112430319 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__text2vec-base-multilingual/external/ToxicConversationsClassification.json b/results/barisaydin__text2vec-base-multilingual/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..5b1ba4c59 --- /dev/null +++ b/results/barisaydin__text2vec-base-multilingual/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 65.96839999999999, + "ap": 11.846327590186444, + "f1": 50.518102944693574, + "main_score": 65.96839999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__text2vec-base-multilingual/external/TweetSentimentExtractionClassification.json b/results/barisaydin__text2vec-base-multilingual/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..da72f08a7 --- /dev/null +++ b/results/barisaydin__text2vec-base-multilingual/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 55.220713073005086, + "f1": 55.47856175692088, + "main_score": 55.220713073005086 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__text2vec-base-multilingual/external/TwentyNewsgroupsClustering.json b/results/barisaydin__text2vec-base-multilingual/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..8225d6eba --- /dev/null +++ b/results/barisaydin__text2vec-base-multilingual/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.581473892235877, + "main_score": 31.581473892235877 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__text2vec-base-multilingual/external/TwitterSemEval2015.json b/results/barisaydin__text2vec-base-multilingual/external/TwitterSemEval2015.json new file mode 100644 index 000000000..bef4751fc --- /dev/null +++ b/results/barisaydin__text2vec-base-multilingual/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 82.94093103653812, + "cos_sim_ap": 62.48963249213361, + "cos_sim_f1": 58.9541137429912, + "cos_sim_precision": 52.05091937765205, + "cos_sim_recall": 67.96833773087072, + "dot_accuracy": 78.24998509864696, + "dot_ap": 40.82371294480071, + "dot_f1": 44.711163153786096, + "dot_precision": 35.475379374419326, + "dot_recall": 60.4485488126649, + "euclidean_accuracy": 83.13166835548668, + "euclidean_ap": 63.459878609769774, + "euclidean_f1": 60.337199569532466, + "euclidean_precision": 55.171659741963694, + "euclidean_recall": 66.56992084432719, + "manhattan_accuracy": 83.00649698992669, + "manhattan_ap": 63.263161177904905, + "manhattan_f1": 60.17122874713614, + "manhattan_precision": 55.40750610703975, + "manhattan_recall": 65.8311345646438, + "max_accuracy": 83.13166835548668, + "max_ap": 63.459878609769774, + "max_f1": 60.337199569532466, + "main_score": 63.459878609769774 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__text2vec-base-multilingual/external/TwitterURLCorpus.json b/results/barisaydin__text2vec-base-multilingual/external/TwitterURLCorpus.json new file mode 100644 index 000000000..54308b98e --- /dev/null +++ b/results/barisaydin__text2vec-base-multilingual/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 87.80416812201653, + "cos_sim_ap": 83.45540469219863, + "cos_sim_f1": 75.58836427422892, + "cos_sim_precision": 71.93934335002783, + "cos_sim_recall": 79.62734832152756, + "dot_accuracy": 83.04226336011176, + "dot_ap": 70.63007268018524, + "dot_f1": 65.35980325765405, + "dot_precision": 60.84677151768532, + "dot_recall": 70.59593470896212, + "euclidean_accuracy": 87.60430007373773, + "euclidean_ap": 83.10068502536592, + "euclidean_f1": 75.02510506936439, + "euclidean_precision": 72.56637168141593, + "euclidean_recall": 77.65629812134279, + "manhattan_accuracy": 87.60041914076145, + "manhattan_ap": 83.05480769911229, + "manhattan_f1": 74.98522895125554, + "manhattan_precision": 72.04797047970479, + "manhattan_recall": 78.17215891592238, + "max_accuracy": 87.80416812201653, + "max_ap": 83.45540469219863, + "max_f1": 75.58836427422892, + "main_score": 83.45540469219863 + } + ] + } +} \ No newline at end of file diff --git a/results/barisaydin__text2vec-base-multilingual/external/model_meta.json b/results/barisaydin__text2vec-base-multilingual/external/model_meta.json new file mode 100644 index 000000000..33320ffff --- /dev/null +++ b/results/barisaydin__text2vec-base-multilingual/external/model_meta.json @@ -0,0 +1,30 @@ +{ + "name": "barisaydin/text2vec-base-multilingual", + "revision": "6999a5977399cd7a6abc720490f6b1d061038767", + "release_date": "2023-09-20", + "languages": [ + "zh", + "en", + "de", + "fr", + "it", + "nl", + "pt", + "pl", + "ru" + ], + "loader": null, + "n_parameters": 117671563, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 384, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/AmazonCounterfactualClassification.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..1c8624821 --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/AmazonCounterfactualClassification.json @@ -0,0 +1,50 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.79104477611939, + "ap": 36.9996434842022, + "f1": 67.95453679103099, + "main_score": 73.79104477611939 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 71.64882226980728, + "ap": 82.11942130026586, + "f1": 69.87963421606715, + "main_score": 71.64882226980728 + }, + { + "hf_subset": "en-ext", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.8095952023988, + "ap": 24.46869495579561, + "f1": 63.00108480037597, + "main_score": 75.8095952023988 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 64.186295503212, + "ap": 15.496804690197042, + "f1": 52.07153895475031, + "main_score": 64.186295503212 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/AmazonPolarityClassification.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..95138dc7f --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 88.699325, + "ap": 85.27039559917269, + "f1": 88.65556295032513, + "main_score": 88.699325 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/AmazonReviewsClassification.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..7c74a450c --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/AmazonReviewsClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 44.69799999999999, + "f1": 43.73187348654165, + "main_score": 44.69799999999999 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 40.245999999999995, + "f1": 39.3863530637684, + "main_score": 40.245999999999995 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 40.394, + "f1": 39.301223469483446, + "main_score": 40.394 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 38.864, + "f1": 37.97974261868003, + "main_score": 38.864 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 37.682, + "f1": 37.07399369768313, + "main_score": 37.682 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 37.504, + "f1": 36.62317273874278, + "main_score": 37.504 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/ArguAna.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/ArguAna.json new file mode 100644 index 000000000..d524bf993 --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.061, + "map_at_10": 31.703, + "map_at_100": 32.967, + "map_at_1000": 33.001000000000005, + "map_at_3": 27.466, + "map_at_5": 29.564, + "mrr_at_1": 19.559, + "mrr_at_10": 31.874999999999996, + "mrr_at_100": 33.146, + "mrr_at_1000": 33.18, + "mrr_at_3": 27.667, + "mrr_at_5": 29.74, + "ndcg_at_1": 19.061, + "ndcg_at_10": 39.062999999999995, + "ndcg_at_100": 45.184000000000005, + "ndcg_at_1000": 46.115, + "ndcg_at_3": 30.203000000000003, + "ndcg_at_5": 33.953, + "precision_at_1": 19.061, + "precision_at_10": 6.279999999999999, + "precision_at_100": 0.9129999999999999, + "precision_at_1000": 0.099, + "precision_at_3": 12.706999999999999, + "precision_at_5": 9.431000000000001, + "recall_at_1": 19.061, + "recall_at_10": 62.802, + "recall_at_100": 91.323, + "recall_at_1000": 98.72, + "recall_at_3": 38.122, + "recall_at_5": 47.155, + "main_score": 39.062999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/ArxivClusteringP2P.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..48ed95bca --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.22266660528253, + "main_score": 39.22266660528253 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/ArxivClusteringS2S.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..4d6f97266 --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.79980849482483, + "main_score": 30.79980849482483 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/AskUbuntuDupQuestions.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..8513322e9 --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 57.8790068352054, + "mrr": 71.78791276436706, + "main_score": 57.8790068352054 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/BIOSSES.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/BIOSSES.json new file mode 100644 index 000000000..42acb6a75 --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.36328364043163, + "cos_sim_spearman": 82.26211536195868, + "euclidean_pearson": 80.3183865039173, + "euclidean_spearman": 79.88495276296132, + "manhattan_pearson": 80.14484480692127, + "manhattan_spearman": 80.39279565980743, + "cosine_pearson": 82.36328364043163, + "cosine_spearman": 82.26211536195868, + "main_score": 82.26211536195868 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/BUCC.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/BUCC.json new file mode 100644 index 000000000..8d7250f56 --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/BUCC.json @@ -0,0 +1,58 @@ +{ + "dataset_revision": "d51519689f32196a32af33b075a01d0e7c51e252", + "task_name": "BUCC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "accuracy": 98.0375782881002, + "f1": 97.86012526096033, + "precision": 97.77139874739039, + "recall": 98.0375782881002, + "main_score": 97.86012526096033 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "accuracy": 93.35241030156286, + "f1": 92.66050333846944, + "precision": 92.3306919069631, + "recall": 93.35241030156286, + "main_score": 92.66050333846944 + }, + { + "hf_subset": "ru-en", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "accuracy": 94.0699688257707, + "f1": 93.50236693222492, + "precision": 93.22791825424315, + "recall": 94.0699688257707, + "main_score": 93.50236693222492 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "accuracy": 89.25750394944708, + "f1": 88.79234684921889, + "precision": 88.57293312269616, + "recall": 89.25750394944708, + "main_score": 88.79234684921889 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/Banking77Classification.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/Banking77Classification.json new file mode 100644 index 000000000..23ef01fad --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.41558441558442, + "f1": 79.25886487487219, + "main_score": 79.41558441558442 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/BiorxivClusteringP2P.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..0edc44d1e --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.747820820329736, + "main_score": 35.747820820329736 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/BiorxivClusteringS2S.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..768c82915 --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 27.045143830596146, + "main_score": 27.045143830596146 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/ClimateFEVER.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/ClimateFEVER.json new file mode 100644 index 000000000..08dd5b4af --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.024000000000001, + "map_at_10": 15.644, + "map_at_100": 17.154, + "map_at_1000": 17.345, + "map_at_3": 13.028, + "map_at_5": 14.251, + "mrr_at_1": 19.674, + "mrr_at_10": 29.826999999999998, + "mrr_at_100": 30.935000000000002, + "mrr_at_1000": 30.987, + "mrr_at_3": 26.645000000000003, + "mrr_at_5": 28.29, + "ndcg_at_1": 19.674, + "ndcg_at_10": 22.545, + "ndcg_at_100": 29.207, + "ndcg_at_1000": 32.912, + "ndcg_at_3": 17.952, + "ndcg_at_5": 19.363, + "precision_at_1": 19.674, + "precision_at_10": 7.212000000000001, + "precision_at_100": 1.435, + "precision_at_1000": 0.212, + "precision_at_3": 13.507, + "precision_at_5": 10.397, + "recall_at_1": 9.024000000000001, + "recall_at_10": 28.077999999999996, + "recall_at_100": 51.403, + "recall_at_1000": 72.406, + "recall_at_3": 16.768, + "recall_at_5": 20.737, + "main_score": 22.545 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/DBPedia.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/DBPedia.json new file mode 100644 index 000000000..24658844a --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.012, + "map_at_10": 17.138, + "map_at_100": 24.146, + "map_at_1000": 25.622, + "map_at_3": 12.552, + "map_at_5": 14.435, + "mrr_at_1": 62.25000000000001, + "mrr_at_10": 71.186, + "mrr_at_100": 71.504, + "mrr_at_1000": 71.514, + "mrr_at_3": 69.333, + "mrr_at_5": 70.408, + "ndcg_at_1": 49.75, + "ndcg_at_10": 37.76, + "ndcg_at_100": 42.071, + "ndcg_at_1000": 49.309, + "ndcg_at_3": 41.644, + "ndcg_at_5": 39.812999999999995, + "precision_at_1": 62.25000000000001, + "precision_at_10": 30.15, + "precision_at_100": 9.753, + "precision_at_1000": 1.9189999999999998, + "precision_at_3": 45.667, + "precision_at_5": 39.15, + "recall_at_1": 8.012, + "recall_at_10": 22.599, + "recall_at_100": 48.068, + "recall_at_1000": 71.328, + "recall_at_3": 14.043, + "recall_at_5": 17.124, + "main_score": 37.76 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/EmotionClassification.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/EmotionClassification.json new file mode 100644 index 000000000..faa6f68b5 --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 42.455, + "f1": 37.59462649781862, + "main_score": 42.455 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/FEVER.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/FEVER.json new file mode 100644 index 000000000..57b25598e --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 58.092, + "map_at_10": 69.586, + "map_at_100": 69.968, + "map_at_1000": 69.982, + "map_at_3": 67.48100000000001, + "map_at_5": 68.915, + "mrr_at_1": 62.166, + "mrr_at_10": 73.588, + "mrr_at_100": 73.86399999999999, + "mrr_at_1000": 73.868, + "mrr_at_3": 71.6, + "mrr_at_5": 72.99, + "ndcg_at_1": 62.166, + "ndcg_at_10": 75.27199999999999, + "ndcg_at_100": 76.816, + "ndcg_at_1000": 77.09700000000001, + "ndcg_at_3": 71.36, + "ndcg_at_5": 73.785, + "precision_at_1": 62.166, + "precision_at_10": 9.716, + "precision_at_100": 1.065, + "precision_at_1000": 0.11, + "precision_at_3": 28.278, + "precision_at_5": 18.343999999999998, + "recall_at_1": 58.092, + "recall_at_10": 88.73400000000001, + "recall_at_100": 95.195, + "recall_at_1000": 97.04599999999999, + "recall_at_3": 78.45, + "recall_at_5": 84.316, + "main_score": 75.27199999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/FiQA2018.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/FiQA2018.json new file mode 100644 index 000000000..b2efeb4c9 --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.649, + "map_at_10": 26.457000000000004, + "map_at_100": 28.169, + "map_at_1000": 28.352, + "map_at_3": 23.305, + "map_at_5": 25.169000000000004, + "mrr_at_1": 32.407000000000004, + "mrr_at_10": 40.922, + "mrr_at_100": 41.931000000000004, + "mrr_at_1000": 41.983, + "mrr_at_3": 38.786, + "mrr_at_5": 40.205999999999996, + "ndcg_at_1": 32.407000000000004, + "ndcg_at_10": 33.314, + "ndcg_at_100": 40.312, + "ndcg_at_1000": 43.685, + "ndcg_at_3": 30.391000000000002, + "ndcg_at_5": 31.525, + "precision_at_1": 32.407000000000004, + "precision_at_10": 8.966000000000001, + "precision_at_100": 1.6019999999999999, + "precision_at_1000": 0.22200000000000003, + "precision_at_3": 20.165, + "precision_at_5": 14.722, + "recall_at_1": 16.649, + "recall_at_10": 39.117000000000004, + "recall_at_100": 65.726, + "recall_at_1000": 85.784, + "recall_at_3": 27.914, + "recall_at_5": 33.289, + "main_score": 33.314 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/HotpotQA.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/HotpotQA.json new file mode 100644 index 000000000..b2009e5ae --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 36.253, + "map_at_10": 56.16799999999999, + "map_at_100": 57.06099999999999, + "map_at_1000": 57.126, + "map_at_3": 52.644999999999996, + "map_at_5": 54.909, + "mrr_at_1": 72.505, + "mrr_at_10": 79.66, + "mrr_at_100": 79.869, + "mrr_at_1000": 79.88, + "mrr_at_3": 78.411, + "mrr_at_5": 79.19800000000001, + "ndcg_at_1": 72.505, + "ndcg_at_10": 65.094, + "ndcg_at_100": 68.219, + "ndcg_at_1000": 69.515, + "ndcg_at_3": 59.99, + "ndcg_at_5": 62.909000000000006, + "precision_at_1": 72.505, + "precision_at_10": 13.749, + "precision_at_100": 1.619, + "precision_at_1000": 0.179, + "precision_at_3": 38.357, + "precision_at_5": 25.313000000000002, + "recall_at_1": 36.253, + "recall_at_10": 68.744, + "recall_at_100": 80.925, + "recall_at_1000": 89.534, + "recall_at_3": 57.535000000000004, + "recall_at_5": 63.282000000000004, + "main_score": 65.094 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/ImdbClassification.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/ImdbClassification.json new file mode 100644 index 000000000..2a88c403b --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.82239999999999, + "ap": 75.65895781725314, + "f1": 80.75880969095746, + "main_score": 80.82239999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/MSMARCO.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/MSMARCO.json new file mode 100644 index 000000000..f845ca3bd --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.624, + "map_at_10": 34.075, + "map_at_100": 35.229, + "map_at_1000": 35.276999999999994, + "map_at_3": 30.245, + "map_at_5": 32.42, + "mrr_at_1": 22.264, + "mrr_at_10": 34.638000000000005, + "mrr_at_100": 35.744, + "mrr_at_1000": 35.787, + "mrr_at_3": 30.891000000000002, + "mrr_at_5": 33.042, + "ndcg_at_1": 22.264, + "ndcg_at_10": 40.991, + "ndcg_at_100": 46.563, + "ndcg_at_1000": 47.743, + "ndcg_at_3": 33.198, + "ndcg_at_5": 37.069, + "precision_at_1": 22.264, + "precision_at_10": 6.5089999999999995, + "precision_at_100": 0.9299999999999999, + "precision_at_1000": 0.10300000000000001, + "precision_at_3": 14.216999999999999, + "precision_at_5": 10.487, + "recall_at_1": 21.624, + "recall_at_10": 62.303, + "recall_at_100": 88.124, + "recall_at_1000": 97.08, + "recall_at_3": 41.099999999999994, + "recall_at_5": 50.381, + "main_score": 40.991 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/MTOPDomainClassification.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/MTOPDomainClassification.json new file mode 100644 index 000000000..f28fde501 --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/MTOPDomainClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.06703146374831, + "f1": 90.86867815863172, + "main_score": 91.06703146374831 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 87.46970977740209, + "f1": 86.36832872036588, + "main_score": 87.46970977740209 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 89.26951300867245, + "f1": 88.93561193959502, + "main_score": 89.26951300867245 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 84.22799874725963, + "f1": 84.30490069236556, + "main_score": 84.22799874725963 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 86.02007888131948, + "f1": 85.39376041027991, + "main_score": 86.02007888131948 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 85.34900542495481, + "f1": 85.39859673336713, + "main_score": 85.34900542495481 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/MTOPIntentClassification.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/MTOPIntentClassification.json new file mode 100644 index 000000000..a820ed097 --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/MTOPIntentClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.078431372549, + "f1": 53.45071102002276, + "main_score": 71.078431372549 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 65.85798816568047, + "f1": 46.53112748993529, + "main_score": 65.85798816568047 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 67.96864576384256, + "f1": 45.966703022829506, + "main_score": 67.96864576384256 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 61.31537738803633, + "f1": 45.52601712835461, + "main_score": 61.31537738803633 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 66.29616349946218, + "f1": 47.24166485726613, + "main_score": 66.29616349946218 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 67.51537070524412, + "f1": 49.463476319014276, + "main_score": 67.51537070524412 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/MassiveIntentClassification.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/MassiveIntentClassification.json new file mode 100644 index 000000000..b4705d150 --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/MassiveIntentClassification.json @@ -0,0 +1,469 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 57.06792199058508, + "f1": 54.094921857502285, + "main_score": 57.06792199058508 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 51.960322797579025, + "f1": 48.547371223370945, + "main_score": 51.960322797579025 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 54.425016812373904, + "f1": 50.47069202054312, + "main_score": 54.425016812373904 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 59.798251513113655, + "f1": 57.05013069086648, + "main_score": 59.798251513113655 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 59.37794216543376, + "f1": 56.3607992649805, + "main_score": 59.37794216543376 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 46.56018829858777, + "f1": 43.87319715715134, + "main_score": 46.56018829858777 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 62.9724277067922, + "f1": 59.36480066245562, + "main_score": 62.9724277067922 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 62.72696704774715, + "f1": 59.143595966615855, + "main_score": 62.72696704774715 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 61.5971755211836, + "f1": 59.169445724946726, + "main_score": 61.5971755211836 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.29589778076665, + "f1": 67.7577001808977, + "main_score": 70.29589778076665 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 66.31136516476126, + "f1": 64.52032955983242, + "main_score": 66.31136516476126 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 65.54472091459314, + "f1": 61.47903120066317, + "main_score": 65.54472091459314 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 61.45595158036314, + "f1": 58.0891846024637, + "main_score": 61.45595158036314 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 65.47074646940149, + "f1": 62.84830858877575, + "main_score": 65.47074646940149 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 58.046402151983855, + "f1": 55.269074430533195, + "main_score": 58.046402151983855 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 64.06523201075991, + "f1": 61.35339643021369, + "main_score": 64.06523201075991 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 60.954942837928726, + "f1": 57.07035922704846, + "main_score": 60.954942837928726 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 57.404169468728995, + "f1": 53.94259011839138, + "main_score": 57.404169468728995 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 64.16610625420309, + "f1": 61.337103431499365, + "main_score": 64.16610625420309 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 52.262945527908535, + "f1": 49.7610691598921, + "main_score": 52.262945527908535 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 65.54472091459314, + "f1": 63.469099018440154, + "main_score": 65.54472091459314 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 68.22797579018157, + "f1": 64.89098471083001, + "main_score": 68.22797579018157 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 50.847343644922674, + "f1": 47.8536963168393, + "main_score": 50.847343644922674 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 48.45326160053799, + "f1": 46.370078045805556, + "main_score": 48.45326160053799 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 42.83120376597175, + "f1": 39.68948521599982, + "main_score": 42.83120376597175 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 57.5084061869536, + "f1": 53.961876160401545, + "main_score": 57.5084061869536 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 63.7895090786819, + "f1": 61.134223684676, + "main_score": 63.7895090786819 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 54.98991257565569, + "f1": 52.579862862826296, + "main_score": 54.98991257565569 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 61.90316072629456, + "f1": 58.203024538290336, + "main_score": 61.90316072629456 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 57.09818426361802, + "f1": 54.22718458445455, + "main_score": 57.09818426361802 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 58.991257565568255, + "f1": 55.84892781767421, + "main_score": 58.991257565568255 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 55.901143241425686, + "f1": 52.25264332199797, + "main_score": 55.901143241425686 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 61.96368527236047, + "f1": 58.927243876153454, + "main_score": 61.96368527236047 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 65.64223268325489, + "f1": 62.340453718379706, + "main_score": 65.64223268325489 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 64.52589105581708, + "f1": 61.661113187022174, + "main_score": 64.52589105581708 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 66.84599865501009, + "f1": 64.59342572873005, + "main_score": 66.84599865501009 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 60.81035642232684, + "f1": 57.5169089806797, + "main_score": 60.81035642232684 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 65.75991930060525, + "f1": 62.89531115787938, + "main_score": 65.75991930060525 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 56.51647612642906, + "f1": 54.33154780100043, + "main_score": 56.51647612642906 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 57.985877605917956, + "f1": 54.46187524463802, + "main_score": 57.985877605917956 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 65.03026227303296, + "f1": 62.34377392877748, + "main_score": 65.03026227303296 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 53.567585743106925, + "f1": 50.73770655983206, + "main_score": 53.567585743106925 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 57.2595830531271, + "f1": 53.657327291708626, + "main_score": 57.2595830531271 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 57.82784129119032, + "f1": 54.82518072665301, + "main_score": 57.82784129119032 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 64.06859448554137, + "f1": 63.00185280500495, + "main_score": 64.06859448554137 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 58.91055817081371, + "f1": 55.54116301224262, + "main_score": 58.91055817081371 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 63.54404841963686, + "f1": 59.57650946030184, + "main_score": 63.54404841963686 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 59.27706792199059, + "f1": 56.50010066083435, + "main_score": 59.27706792199059 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 64.0719569603228, + "f1": 61.817075925647956, + "main_score": 64.0719569603228 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 68.23806321452591, + "f1": 65.24917026029749, + "main_score": 68.23806321452591 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 62.53530598520511, + "f1": 61.71131132295768, + "main_score": 62.53530598520511 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/MassiveScenarioClassification.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..1236a66a7 --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/MassiveScenarioClassification.json @@ -0,0 +1,469 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 63.04303967720243, + "f1": 60.3950085685985, + "main_score": 63.04303967720243 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 56.83591123066578, + "f1": 54.95059828830849, + "main_score": 56.83591123066578 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 59.62340282447881, + "f1": 59.525159996498225, + "main_score": 59.62340282447881 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 60.85406859448555, + "f1": 59.129299095681276, + "main_score": 60.85406859448555 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 62.76731674512441, + "f1": 61.159560612627715, + "main_score": 62.76731674512441 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 50.181573638197705, + "f1": 46.98422176289957, + "main_score": 50.181573638197705 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 68.92737054472092, + "f1": 67.69135611952979, + "main_score": 68.92737054472092 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 69.18964357767318, + "f1": 68.46106138186214, + "main_score": 69.18964357767318 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 67.0712844653665, + "f1": 66.75545422473901, + "main_score": 67.0712844653665 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.4754539340955, + "f1": 74.38427146553252, + "main_score": 74.4754539340955 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 69.82515131136518, + "f1": 69.63516462173847, + "main_score": 69.82515131136518 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 68.70880968392737, + "f1": 67.45420662567926, + "main_score": 68.70880968392737 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 65.95494283792871, + "f1": 65.06191009049222, + "main_score": 65.95494283792871 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 68.75924680564896, + "f1": 68.30833379585945, + "main_score": 68.75924680564896 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 63.806321452589096, + "f1": 63.273048243765054, + "main_score": 63.806321452589096 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 67.68997982515133, + "f1": 66.54703855381324, + "main_score": 67.68997982515133 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 66.46940147948891, + "f1": 65.91017343463396, + "main_score": 66.46940147948891 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 59.49899125756556, + "f1": 57.90333469917769, + "main_score": 59.49899125756556 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 67.9219905850706, + "f1": 67.23169403762938, + "main_score": 67.9219905850706 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 56.486213853396094, + "f1": 54.85282355583758, + "main_score": 56.486213853396094 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 69.04169468728985, + "f1": 68.83833333320462, + "main_score": 69.04169468728985 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 73.88702084734365, + "f1": 74.04474735232299, + "main_score": 73.88702084734365 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 56.63416274377943, + "f1": 55.11332211687954, + "main_score": 56.63416274377943 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 52.23604572965702, + "f1": 50.86529813991055, + "main_score": 52.23604572965702 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 46.62407531943511, + "f1": 43.63485467164535, + "main_score": 46.62407531943511 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 59.15601882985878, + "f1": 57.522837510959924, + "main_score": 59.15601882985878 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 69.84532616005382, + "f1": 69.60021127179697, + "main_score": 69.84532616005382 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 56.65770006724949, + "f1": 55.84219135523227, + "main_score": 56.65770006724949 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 66.53665097511768, + "f1": 65.09087787792639, + "main_score": 66.53665097511768 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 59.31405514458642, + "f1": 58.06135303831491, + "main_score": 59.31405514458642 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 64.88231338264964, + "f1": 62.751099407787926, + "main_score": 64.88231338264964 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 58.86012104909213, + "f1": 56.29118323058282, + "main_score": 58.86012104909213 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 67.37390719569602, + "f1": 66.27922244885102, + "main_score": 67.37390719569602 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 70.8675184936113, + "f1": 70.22146529932019, + "main_score": 70.8675184936113 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 68.2212508406187, + "f1": 67.77454802056282, + "main_score": 68.2212508406187 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 68.18090114324143, + "f1": 68.03737625431621, + "main_score": 68.18090114324143 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 64.65030262273034, + "f1": 63.792945486912856, + "main_score": 64.65030262273034 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 69.48217888365838, + "f1": 69.96028997292197, + "main_score": 69.48217888365838 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 60.17821116341627, + "f1": 59.3935969827171, + "main_score": 60.17821116341627 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 62.86146603900471, + "f1": 60.133692735032376, + "main_score": 62.86146603900471 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 70.89441829186282, + "f1": 70.03064076194089, + "main_score": 70.89441829186282 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 58.15063887020847, + "f1": 56.23326278499678, + "main_score": 58.15063887020847 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 59.43846671149966, + "f1": 57.70440450281974, + "main_score": 59.43846671149966 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 60.8507061197041, + "f1": 59.22916396061171, + "main_score": 60.8507061197041 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 70.65568258238063, + "f1": 69.90736239440633, + "main_score": 70.65568258238063 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 60.8843308675185, + "f1": 59.30332663713599, + "main_score": 60.8843308675185 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 68.05312710154674, + "f1": 67.44024062594775, + "main_score": 68.05312710154674 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 62.111634162743776, + "f1": 60.89083013084519, + "main_score": 62.111634162743776 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 67.44115669132482, + "f1": 67.92227541674552, + "main_score": 67.44115669132482 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 74.4687289845326, + "f1": 74.16376793486025, + "main_score": 74.4687289845326 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 68.31876260928043, + "f1": 68.5246745215607, + "main_score": 68.31876260928043 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/MedrxivClusteringP2P.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..05110eaed --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.90431696479766, + "main_score": 30.90431696479766 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/MedrxivClusteringS2S.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..5bccd2137 --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 27.259158476693774, + "main_score": 27.259158476693774 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/MindSmallReranking.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/MindSmallReranking.json new file mode 100644 index 000000000..ed6dddedf --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 30.28445330838555, + "mrr": 31.15758529581164, + "main_score": 30.28445330838555 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/NFCorpus.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/NFCorpus.json new file mode 100644 index 000000000..08e56c303 --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.353, + "map_at_10": 11.565, + "map_at_100": 14.097000000000001, + "map_at_1000": 15.354999999999999, + "map_at_3": 8.749, + "map_at_5": 9.974, + "mrr_at_1": 42.105, + "mrr_at_10": 50.589, + "mrr_at_100": 51.187000000000005, + "mrr_at_1000": 51.233, + "mrr_at_3": 48.246, + "mrr_at_5": 49.546, + "ndcg_at_1": 40.402, + "ndcg_at_10": 31.009999999999998, + "ndcg_at_100": 28.026, + "ndcg_at_1000": 36.905, + "ndcg_at_3": 35.983, + "ndcg_at_5": 33.764, + "precision_at_1": 42.105, + "precision_at_10": 22.786, + "precision_at_100": 6.916, + "precision_at_1000": 1.981, + "precision_at_3": 33.333, + "precision_at_5": 28.731, + "recall_at_1": 5.353, + "recall_at_10": 15.039, + "recall_at_100": 27.348, + "recall_at_1000": 59.453, + "recall_at_3": 9.792, + "recall_at_5": 11.882, + "main_score": 31.009999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/NQ.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/NQ.json new file mode 100644 index 000000000..7b62ccded --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 33.852, + "map_at_10": 48.924, + "map_at_100": 49.854, + "map_at_1000": 49.886, + "map_at_3": 44.9, + "map_at_5": 47.387, + "mrr_at_1": 38.035999999999994, + "mrr_at_10": 51.644, + "mrr_at_100": 52.339, + "mrr_at_1000": 52.35999999999999, + "mrr_at_3": 48.421, + "mrr_at_5": 50.468999999999994, + "ndcg_at_1": 38.007000000000005, + "ndcg_at_10": 56.293000000000006, + "ndcg_at_100": 60.167, + "ndcg_at_1000": 60.916000000000004, + "ndcg_at_3": 48.903999999999996, + "ndcg_at_5": 52.978, + "precision_at_1": 38.007000000000005, + "precision_at_10": 9.041, + "precision_at_100": 1.1199999999999999, + "precision_at_1000": 0.11900000000000001, + "precision_at_3": 22.084, + "precision_at_5": 15.608, + "recall_at_1": 33.852, + "recall_at_10": 75.893, + "recall_at_100": 92.589, + "recall_at_1000": 98.153, + "recall_at_3": 56.969, + "recall_at_5": 66.283, + "main_score": 56.293000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/QuoraRetrieval.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/QuoraRetrieval.json new file mode 100644 index 000000000..9cf9326aa --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 69.174, + "map_at_10": 82.891, + "map_at_100": 83.545, + "map_at_1000": 83.56700000000001, + "map_at_3": 79.944, + "map_at_5": 81.812, + "mrr_at_1": 79.67999999999999, + "mrr_at_10": 86.279, + "mrr_at_100": 86.39, + "mrr_at_1000": 86.392, + "mrr_at_3": 85.21, + "mrr_at_5": 85.92999999999999, + "ndcg_at_1": 79.69000000000001, + "ndcg_at_10": 86.929, + "ndcg_at_100": 88.266, + "ndcg_at_1000": 88.428, + "ndcg_at_3": 83.899, + "ndcg_at_5": 85.56700000000001, + "precision_at_1": 79.69000000000001, + "precision_at_10": 13.161000000000001, + "precision_at_100": 1.513, + "precision_at_1000": 0.156, + "precision_at_3": 36.603, + "precision_at_5": 24.138, + "recall_at_1": 69.174, + "recall_at_10": 94.529, + "recall_at_100": 99.15, + "recall_at_1000": 99.925, + "recall_at_3": 85.86200000000001, + "recall_at_5": 90.501, + "main_score": 86.929 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/RedditClustering.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/RedditClustering.json new file mode 100644 index 000000000..b38e5b8df --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.13064340585255, + "main_score": 39.13064340585255 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/RedditClusteringP2P.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/RedditClusteringP2P.json new file mode 100644 index 000000000..5fc2caaed --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 58.97884249325877, + "main_score": 58.97884249325877 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/SCIDOCS.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/SCIDOCS.json new file mode 100644 index 000000000..cc3ec840f --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.4680000000000004, + "map_at_10": 7.865, + "map_at_100": 9.332, + "map_at_1000": 9.587, + "map_at_3": 5.800000000000001, + "map_at_5": 6.8790000000000004, + "mrr_at_1": 17.0, + "mrr_at_10": 25.629, + "mrr_at_100": 26.806, + "mrr_at_1000": 26.889000000000003, + "mrr_at_3": 22.8, + "mrr_at_5": 24.26, + "ndcg_at_1": 17.0, + "ndcg_at_10": 13.895, + "ndcg_at_100": 20.491999999999997, + "ndcg_at_1000": 25.759999999999998, + "ndcg_at_3": 13.347999999999999, + "ndcg_at_5": 11.61, + "precision_at_1": 17.0, + "precision_at_10": 7.090000000000001, + "precision_at_100": 1.669, + "precision_at_1000": 0.294, + "precision_at_3": 12.3, + "precision_at_5": 10.02, + "recall_at_1": 3.4680000000000004, + "recall_at_10": 14.363000000000001, + "recall_at_100": 33.875, + "recall_at_1000": 59.711999999999996, + "recall_at_3": 7.483, + "recall_at_5": 10.173, + "main_score": 13.895 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/SICK-R.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/SICK-R.json new file mode 100644 index 000000000..3359ced18 --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.04084311714061, + "cos_sim_spearman": 77.51342467443078, + "euclidean_pearson": 80.0321166028479, + "euclidean_spearman": 77.29249114733226, + "manhattan_pearson": 80.03105964262431, + "manhattan_spearman": 77.22373689514794, + "cosine_pearson": 83.04084311714061, + "cosine_spearman": 77.51342467443078, + "main_score": 77.51342467443078 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/STS12.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/STS12.json new file mode 100644 index 000000000..2d56e6f14 --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.1680158034387, + "cos_sim_spearman": 76.55983344071117, + "euclidean_pearson": 79.75266678300143, + "euclidean_spearman": 75.34516823467025, + "manhattan_pearson": 79.75959151517357, + "manhattan_spearman": 75.42330344141912, + "cosine_pearson": 84.1680158034387, + "cosine_spearman": 76.55983344071117, + "main_score": 76.55983344071117 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/STS13.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/STS13.json new file mode 100644 index 000000000..13f9a1261 --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 76.48898993209346, + "cos_sim_spearman": 76.96954120323366, + "euclidean_pearson": 76.94139109279668, + "euclidean_spearman": 76.85860283201711, + "manhattan_pearson": 76.6944095091912, + "manhattan_spearman": 76.61096912972553, + "cosine_pearson": 76.48898993209346, + "cosine_spearman": 76.96954120323366, + "main_score": 76.96954120323366 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/STS14.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/STS14.json new file mode 100644 index 000000000..dda5b9786 --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 77.85082366246944, + "cos_sim_spearman": 75.52053350101731, + "euclidean_pearson": 77.1165845070926, + "euclidean_spearman": 75.31216065884388, + "manhattan_pearson": 77.06193941833494, + "manhattan_spearman": 75.31003701700112, + "cosine_pearson": 77.85082366246944, + "cosine_spearman": 75.52053350101731, + "main_score": 75.52053350101731 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/STS15.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/STS15.json new file mode 100644 index 000000000..1ea16d8d7 --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.36305246526497, + "cos_sim_spearman": 87.11704613927415, + "euclidean_pearson": 86.04199125810939, + "euclidean_spearman": 86.51117572414263, + "manhattan_pearson": 86.0805106816633, + "manhattan_spearman": 86.52798366512229, + "cosine_pearson": 86.36305246526497, + "cosine_spearman": 87.11704613927415, + "main_score": 87.11704613927415 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/STS16.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/STS16.json new file mode 100644 index 000000000..3cf23cf86 --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.18536255599724, + "cos_sim_spearman": 83.63377151025418, + "euclidean_pearson": 83.24657467993141, + "euclidean_spearman": 84.02751481993825, + "manhattan_pearson": 83.11941806582371, + "manhattan_spearman": 83.84251281019304, + "cosine_pearson": 82.18536255599724, + "cosine_spearman": 83.63377151025418, + "main_score": 83.63377151025418 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/STS17.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/STS17.json new file mode 100644 index 000000000..cf8896c76 --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/STS17.json @@ -0,0 +1,182 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "ko-ko", + "languages": [ + "kor-Hang" + ], + "cos_sim_pearson": 78.95816528475514, + "cos_sim_spearman": 78.86607380120462, + "euclidean_pearson": 78.51268699230545, + "euclidean_spearman": 79.11649316502229, + "manhattan_pearson": 78.32367302808157, + "manhattan_spearman": 78.90277699624637, + "cosine_pearson": 78.95816528475514, + "cosine_spearman": 78.86607380120462, + "main_score": 78.86607380120462 + }, + { + "hf_subset": "ar-ar", + "languages": [ + "ara-Arab" + ], + "cos_sim_pearson": 72.89126914997624, + "cos_sim_spearman": 73.0296921832678, + "euclidean_pearson": 71.50385903677738, + "euclidean_spearman": 73.13368899716289, + "manhattan_pearson": 71.47421463379519, + "manhattan_spearman": 73.03383242946575, + "cosine_pearson": 72.89126914997624, + "cosine_spearman": 73.0296921832678, + "main_score": 73.0296921832678 + }, + { + "hf_subset": "en-ar", + "languages": [ + "eng-Latn", + "ara-Arab" + ], + "cos_sim_pearson": 59.22923684492637, + "cos_sim_spearman": 57.41013211368396, + "euclidean_pearson": 61.21107388080905, + "euclidean_spearman": 60.07620768697254, + "manhattan_pearson": 59.60157142786555, + "manhattan_spearman": 59.14069604103739, + "cosine_pearson": 59.22923684492637, + "cosine_spearman": 57.41013211368396, + "main_score": 57.41013211368396 + }, + { + "hf_subset": "en-de", + "languages": [ + "eng-Latn", + "deu-Latn" + ], + "cos_sim_pearson": 76.24345978774299, + "cos_sim_spearman": 77.24225743830719, + "euclidean_pearson": 76.66226095469165, + "euclidean_spearman": 77.60708820493146, + "manhattan_pearson": 76.05303324760429, + "manhattan_spearman": 76.96353149912348, + "cosine_pearson": 76.24345978774299, + "cosine_spearman": 77.24225743830719, + "main_score": 77.24225743830719 + }, + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.50879160160852, + "cos_sim_spearman": 86.43594662965224, + "euclidean_pearson": 86.06846012826577, + "euclidean_spearman": 86.02041395794136, + "manhattan_pearson": 86.10916255616904, + "manhattan_spearman": 86.07346068198953, + "cosine_pearson": 85.50879160160852, + "cosine_spearman": 86.43594662965224, + "main_score": 86.43594662965224 + }, + { + "hf_subset": "en-tr", + "languages": [ + "eng-Latn", + "tur-Latn" + ], + "cos_sim_pearson": 58.39803698977196, + "cos_sim_spearman": 55.96910950423142, + "euclidean_pearson": 58.17941175613059, + "euclidean_spearman": 55.03019330522745, + "manhattan_pearson": 57.333358138183286, + "manhattan_spearman": 54.04614023149965, + "cosine_pearson": 58.39803698977196, + "cosine_spearman": 55.96910950423142, + "main_score": 55.96910950423142 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 70.98304089637197, + "cos_sim_spearman": 72.44071656215888, + "euclidean_pearson": 72.19224359033983, + "euclidean_spearman": 73.89871188913025, + "manhattan_pearson": 71.21098311547406, + "manhattan_spearman": 72.93405764824821, + "cosine_pearson": 70.98304089637197, + "cosine_spearman": 72.44071656215888, + "main_score": 72.44071656215888 + }, + { + "hf_subset": "es-es", + "languages": [ + "spa-Latn" + ], + "cos_sim_pearson": 85.99792397466308, + "cos_sim_spearman": 84.83824377879495, + "euclidean_pearson": 85.70043288694438, + "euclidean_spearman": 84.70627558703686, + "manhattan_pearson": 85.89570850150801, + "manhattan_spearman": 84.95806105313007, + "cosine_pearson": 85.99792397466308, + "cosine_spearman": 84.83824377879495, + "main_score": 84.83824377879495 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 72.21850322994712, + "cos_sim_spearman": 72.28669398117248, + "euclidean_pearson": 73.40082510412948, + "euclidean_spearman": 73.0326539281865, + "manhattan_pearson": 71.8659633964841, + "manhattan_spearman": 71.57817425823303, + "cosine_pearson": 72.21850322994712, + "cosine_spearman": 72.28669398117248, + "main_score": 72.28669398117248 + }, + { + "hf_subset": "it-en", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 75.80921368595645, + "cos_sim_spearman": 77.33209091229315, + "euclidean_pearson": 76.53159540154829, + "euclidean_spearman": 78.17960842810093, + "manhattan_pearson": 76.13530186637601, + "manhattan_spearman": 78.00701437666875, + "cosine_pearson": 75.80921368595645, + "cosine_spearman": 77.33209091229315, + "main_score": 77.33209091229315 + }, + { + "hf_subset": "nl-en", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 74.74980608267349, + "cos_sim_spearman": 75.37597374318821, + "euclidean_pearson": 74.90506081911661, + "euclidean_spearman": 75.30151613124521, + "manhattan_pearson": 74.62642745918002, + "manhattan_spearman": 75.18619716592303, + "cosine_pearson": 74.74980608267349, + "cosine_spearman": 75.37597374318821, + "main_score": 75.37597374318821 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/STS22.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/STS22.json new file mode 100644 index 000000000..5215991c7 --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/STS22.json @@ -0,0 +1,288 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 59.632662289205584, + "cos_sim_spearman": 60.938543391610914, + "euclidean_pearson": 62.113200529767056, + "euclidean_spearman": 61.410312633261164, + "manhattan_pearson": 61.75494698945686, + "manhattan_spearman": 60.92726195322362, + "cosine_pearson": 59.632662289205584, + "cosine_spearman": 60.938543391610914, + "main_score": 60.938543391610914 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "cos_sim_pearson": 45.283470551557244, + "cos_sim_spearman": 53.44833015864201, + "euclidean_pearson": 41.17892011120893, + "euclidean_spearman": 53.81441383126767, + "manhattan_pearson": 41.17482200420659, + "manhattan_spearman": 53.82180269276363, + "cosine_pearson": 45.283470551557244, + "cosine_spearman": 53.44833015864201, + "main_score": 53.44833015864201 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "cos_sim_pearson": 60.5069165306236, + "cos_sim_spearman": 66.87803259033826, + "euclidean_pearson": 63.5428979418236, + "euclidean_spearman": 66.9293576586897, + "manhattan_pearson": 63.59789526178922, + "manhattan_spearman": 66.86555009875066, + "cosine_pearson": 60.5069165306236, + "cosine_spearman": 66.87803259033826, + "main_score": 66.87803259033826 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "cos_sim_pearson": 28.23026196280264, + "cos_sim_spearman": 35.79397812652861, + "euclidean_pearson": 17.828102102767353, + "euclidean_spearman": 35.721501145568894, + "manhattan_pearson": 17.77134274219677, + "manhattan_spearman": 35.98107902846267, + "cosine_pearson": 28.23026196280264, + "cosine_spearman": 35.79397812652861, + "main_score": 35.79397812652861 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "cos_sim_pearson": 56.51946541393812, + "cos_sim_spearman": 63.714686006214485, + "euclidean_pearson": 58.32104651305898, + "euclidean_spearman": 62.237110895702216, + "manhattan_pearson": 58.579416468759185, + "manhattan_spearman": 62.459738981727, + "cosine_pearson": 56.51946541393812, + "cosine_spearman": 63.714686006214485, + "main_score": 63.714686006214485 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "cos_sim_pearson": 48.76009839569795, + "cos_sim_spearman": 56.65188431953149, + "euclidean_pearson": 50.997682160915595, + "euclidean_spearman": 55.99910008818135, + "manhattan_pearson": 50.76220659606342, + "manhattan_spearman": 55.517347595391456, + "cosine_pearson": 48.76009839569795, + "cosine_spearman": 56.65188431953149, + "main_score": 56.65188431953149 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "cos_sim_pearson": 51.232731157702425, + "cos_sim_spearman": 59.89531877658345, + "euclidean_pearson": 49.937914570348376, + "euclidean_spearman": 60.220905659334036, + "manhattan_pearson": 50.00987996844193, + "manhattan_spearman": 60.081341480977926, + "cosine_pearson": 51.232731157702425, + "cosine_spearman": 59.89531877658345, + "main_score": 59.89531877658345 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 54.717524559088005, + "cos_sim_spearman": 66.83570886252286, + "euclidean_pearson": 58.41338625505467, + "euclidean_spearman": 66.68991427704938, + "manhattan_pearson": 58.78638572916807, + "manhattan_spearman": 66.58684161046335, + "cosine_pearson": 54.717524559088005, + "cosine_spearman": 66.83570886252286, + "main_score": 66.83570886252286 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 73.2962042954962, + "cos_sim_spearman": 76.58255504852025, + "euclidean_pearson": 75.70983192778257, + "euclidean_spearman": 77.4547684870542, + "manhattan_pearson": 75.75565853870485, + "manhattan_spearman": 76.90208974949428, + "cosine_pearson": 73.2962042954962, + "cosine_spearman": 76.58255504852025, + "main_score": 76.58255504852025 + }, + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 54.47396266924846, + "cos_sim_spearman": 56.492267162048606, + "euclidean_pearson": 55.998505203070195, + "euclidean_spearman": 56.46447012960222, + "manhattan_pearson": 54.873172394430995, + "manhattan_spearman": 56.58111534551218, + "cosine_pearson": 54.47396266924846, + "cosine_spearman": 56.492267162048606, + "main_score": 56.492267162048606 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 69.87177267688686, + "cos_sim_spearman": 74.57160943395763, + "euclidean_pearson": 70.88330406826788, + "euclidean_spearman": 74.29767636038422, + "manhattan_pearson": 71.38245248369536, + "manhattan_spearman": 74.53102232732175, + "cosine_pearson": 69.87177267688686, + "cosine_spearman": 74.57160943395763, + "main_score": 74.57160943395763 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "cos_sim_pearson": 72.80225656959544, + "cos_sim_spearman": 76.52646173725735, + "euclidean_pearson": 73.95710720200799, + "euclidean_spearman": 76.54040031984111, + "manhattan_pearson": 73.89679971946774, + "manhattan_spearman": 76.60886958161574, + "cosine_pearson": 72.80225656959544, + "cosine_spearman": 76.52646173725735, + "main_score": 76.52646173725735 + }, + { + "hf_subset": "pl-en", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 70.70844249898789, + "cos_sim_spearman": 72.68571783670241, + "euclidean_pearson": 72.38800772441031, + "euclidean_spearman": 72.86804422703312, + "manhattan_pearson": 71.29840508203515, + "manhattan_spearman": 71.86264441749513, + "cosine_pearson": 70.70844249898789, + "cosine_spearman": 72.68571783670241, + "main_score": 72.68571783670241 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "cos_sim_pearson": 58.647478923935694, + "cos_sim_spearman": 63.74453623540931, + "euclidean_pearson": 59.60138032437505, + "euclidean_spearman": 63.947930832166065, + "manhattan_pearson": 58.59735509491861, + "manhattan_spearman": 62.082503844627404, + "cosine_pearson": 58.647478923935694, + "cosine_spearman": 63.74453623540931, + "main_score": 63.74453623540931 + }, + { + "hf_subset": "es-it", + "languages": [ + "spa-Latn", + "ita-Latn" + ], + "cos_sim_pearson": 65.8722516867162, + "cos_sim_spearman": 71.81208592523012, + "euclidean_pearson": 67.95315252165956, + "euclidean_spearman": 73.00749822046009, + "manhattan_pearson": 68.07884688638924, + "manhattan_spearman": 72.34210325803069, + "cosine_pearson": 65.8722516867162, + "cosine_spearman": 71.81208592523012, + "main_score": 71.81208592523012 + }, + { + "hf_subset": "de-fr", + "languages": [ + "deu-Latn", + "fra-Latn" + ], + "cos_sim_pearson": 54.5405814240949, + "cos_sim_spearman": 60.56838649023775, + "euclidean_pearson": 53.011731611314104, + "euclidean_spearman": 58.533194841668426, + "manhattan_pearson": 53.623067729338494, + "manhattan_spearman": 58.018756154446926, + "cosine_pearson": 54.5405814240949, + "cosine_spearman": 60.56838649023775, + "main_score": 60.56838649023775 + }, + { + "hf_subset": "de-pl", + "languages": [ + "deu-Latn", + "pol-Latn" + ], + "cos_sim_pearson": 13.611046866216112, + "cos_sim_spearman": 28.238192909158492, + "euclidean_pearson": 22.16189199885129, + "euclidean_spearman": 35.012895679076564, + "manhattan_pearson": 21.969771178698387, + "manhattan_spearman": 32.456985088607475, + "cosine_pearson": 13.611046866216112, + "cosine_spearman": 28.238192909158492, + "main_score": 28.238192909158492 + }, + { + "hf_subset": "fr-pl", + "languages": [ + "fra-Latn", + "pol-Latn" + ], + "cos_sim_pearson": 74.58077407011655, + "cos_sim_spearman": 84.51542547285167, + "euclidean_pearson": 74.64613843596234, + "euclidean_spearman": 84.51542547285167, + "manhattan_pearson": 75.15335973101396, + "manhattan_spearman": 84.51542547285167, + "cosine_pearson": 74.58077407011655, + "cosine_spearman": 84.51542547285167, + "main_score": 84.51542547285167 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/STSBenchmark.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/STSBenchmark.json new file mode 100644 index 000000000..229a2612e --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.0739825531578, + "cos_sim_spearman": 84.01057479311115, + "euclidean_pearson": 83.85453227433344, + "euclidean_spearman": 84.01630226898655, + "manhattan_pearson": 83.75323603028978, + "manhattan_spearman": 83.89677983727685, + "cosine_pearson": 82.0739825531578, + "cosine_spearman": 84.01057479311115, + "main_score": 84.01057479311115 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/SciDocsRR.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/SciDocsRR.json new file mode 100644 index 000000000..529b55139 --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 78.12945623123957, + "mrr": 93.87738713719106, + "main_score": 78.12945623123957 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/SciFact.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/SciFact.json new file mode 100644 index 000000000..a36c96959 --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 52.983000000000004, + "map_at_10": 62.946000000000005, + "map_at_100": 63.514, + "map_at_1000": 63.554, + "map_at_3": 60.183, + "map_at_5": 61.672000000000004, + "mrr_at_1": 55.667, + "mrr_at_10": 64.522, + "mrr_at_100": 64.957, + "mrr_at_1000": 64.995, + "mrr_at_3": 62.388999999999996, + "mrr_at_5": 63.639, + "ndcg_at_1": 55.667, + "ndcg_at_10": 67.704, + "ndcg_at_100": 70.299, + "ndcg_at_1000": 71.241, + "ndcg_at_3": 62.866, + "ndcg_at_5": 65.16999999999999, + "precision_at_1": 55.667, + "precision_at_10": 9.033, + "precision_at_100": 1.053, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 24.444, + "precision_at_5": 16.133, + "recall_at_1": 52.983000000000004, + "recall_at_10": 80.656, + "recall_at_100": 92.5, + "recall_at_1000": 99.667, + "recall_at_3": 67.744, + "recall_at_5": 73.433, + "main_score": 67.704 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/SprintDuplicateQuestions.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..5eec68606 --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.72772277227723, + "cos_sim_ap": 92.17845897992215, + "cos_sim_f1": 85.9746835443038, + "cos_sim_precision": 87.07692307692308, + "cos_sim_recall": 84.89999999999999, + "dot_accuracy": 99.3039603960396, + "dot_ap": 60.70244020124878, + "dot_f1": 59.92742353551063, + "dot_precision": 62.21743810548978, + "dot_recall": 57.8, + "euclidean_accuracy": 99.71683168316832, + "euclidean_ap": 91.53997039964659, + "euclidean_f1": 84.88372093023257, + "euclidean_precision": 90.02242152466367, + "euclidean_recall": 80.30000000000001, + "manhattan_accuracy": 99.72376237623763, + "manhattan_ap": 91.80756777790289, + "manhattan_f1": 85.48468106479157, + "manhattan_precision": 85.8728557013118, + "manhattan_recall": 85.1, + "max_accuracy": 99.72772277227723, + "max_ap": 92.17845897992215, + "max_f1": 85.9746835443038, + "main_score": 92.17845897992215 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/StackExchangeClustering.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/StackExchangeClustering.json new file mode 100644 index 000000000..80a7ee7c0 --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 53.52464042600003, + "main_score": 53.52464042600003 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/StackExchangeClusteringP2P.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..3d5da8af7 --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.071631948736, + "main_score": 32.071631948736 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/StackOverflowDupQuestions.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..e03c4cd4e --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 49.19552407604654, + "mrr": 49.95269130379425, + "main_score": 49.19552407604654 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/SummEval.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/SummEval.json new file mode 100644 index 000000000..9707c5c37 --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 29.345293033095427, + "cos_sim_spearman": 29.976931423258403, + "dot_pearson": 27.047078008958408, + "dot_spearman": 27.75894368380218, + "cosine_pearson": 29.345293033095427, + "cosine_spearman": 29.976931423258403, + "main_score": 29.976931423258403 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/TRECCOVID.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/TRECCOVID.json new file mode 100644 index 000000000..2b08a07b0 --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.22, + "map_at_10": 1.706, + "map_at_100": 9.634, + "map_at_1000": 23.665, + "map_at_3": 0.5950000000000001, + "map_at_5": 0.95, + "mrr_at_1": 86.0, + "mrr_at_10": 91.8, + "mrr_at_100": 91.8, + "mrr_at_1000": 91.8, + "mrr_at_3": 91.0, + "mrr_at_5": 91.8, + "ndcg_at_1": 80.0, + "ndcg_at_10": 72.573, + "ndcg_at_100": 53.954, + "ndcg_at_1000": 47.760999999999996, + "ndcg_at_3": 76.173, + "ndcg_at_5": 75.264, + "precision_at_1": 86.0, + "precision_at_10": 76.4, + "precision_at_100": 55.50000000000001, + "precision_at_1000": 21.802, + "precision_at_3": 81.333, + "precision_at_5": 80.4, + "recall_at_1": 0.22, + "recall_at_10": 1.925, + "recall_at_100": 12.762, + "recall_at_1000": 44.946000000000005, + "recall_at_3": 0.634, + "recall_at_5": 1.051, + "main_score": 72.573 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/Tatoeba.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/Tatoeba.json new file mode 100644 index 000000000..1a10be079 --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/Tatoeba.json @@ -0,0 +1,1354 @@ +{ + "dataset_revision": "9080400076fbadbb4c4dcb136ff4eddc40b42553", + "task_name": "Tatoeba", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "sqi-eng", + "languages": [ + "sqi-Latn", + "eng-Latn" + ], + "accuracy": 91.0, + "f1": 88.55666666666666, + "precision": 87.46166666666667, + "recall": 91.0, + "main_score": 88.55666666666666 + }, + { + "hf_subset": "fry-eng", + "languages": [ + "fry-Latn", + "eng-Latn" + ], + "accuracy": 57.22543352601156, + "f1": 51.03220478943021, + "precision": 48.8150289017341, + "recall": 57.22543352601156, + "main_score": 51.03220478943021 + }, + { + "hf_subset": "kur-eng", + "languages": [ + "kur-Latn", + "eng-Latn" + ], + "accuracy": 46.58536585365854, + "f1": 39.66870798578116, + "precision": 37.416085946573745, + "recall": 46.58536585365854, + "main_score": 39.66870798578116 + }, + { + "hf_subset": "tur-eng", + "languages": [ + "tur-Latn", + "eng-Latn" + ], + "accuracy": 89.7, + "f1": 86.77999999999999, + "precision": 85.45333333333332, + "recall": 89.7, + "main_score": 86.77999999999999 + }, + { + "hf_subset": "deu-eng", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "accuracy": 97.39999999999999, + "f1": 96.58333333333331, + "precision": 96.2, + "recall": 97.39999999999999, + "main_score": 96.58333333333331 + }, + { + "hf_subset": "nld-eng", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "accuracy": 92.4, + "f1": 90.3, + "precision": 89.31666666666668, + "recall": 92.4, + "main_score": 90.3 + }, + { + "hf_subset": "ron-eng", + "languages": [ + "ron-Latn", + "eng-Latn" + ], + "accuracy": 86.9, + "f1": 83.67190476190476, + "precision": 82.23333333333332, + "recall": 86.9, + "main_score": 83.67190476190476 + }, + { + "hf_subset": "ang-eng", + "languages": [ + "ang-Latn", + "eng-Latn" + ], + "accuracy": 50.0, + "f1": 42.23229092632078, + "precision": 39.851634683724235, + "recall": 50.0, + "main_score": 42.23229092632078 + }, + { + "hf_subset": "ido-eng", + "languages": [ + "ido-Latn", + "eng-Latn" + ], + "accuracy": 76.3, + "f1": 70.86190476190477, + "precision": 68.68777777777777, + "recall": 76.3, + "main_score": 70.86190476190477 + }, + { + "hf_subset": "jav-eng", + "languages": [ + "jav-Latn", + "eng-Latn" + ], + "accuracy": 57.073170731707314, + "f1": 50.658958927251604, + "precision": 48.26480836236933, + "recall": 57.073170731707314, + "main_score": 50.658958927251604 + }, + { + "hf_subset": "isl-eng", + "languages": [ + "isl-Latn", + "eng-Latn" + ], + "accuracy": 68.2, + "f1": 62.156507936507936, + "precision": 59.84964285714286, + "recall": 68.2, + "main_score": 62.156507936507936 + }, + { + "hf_subset": "slv-eng", + "languages": [ + "slv-Latn", + "eng-Latn" + ], + "accuracy": 77.52126366950182, + "f1": 72.8496210148701, + "precision": 70.92171498003819, + "recall": 77.52126366950182, + "main_score": 72.8496210148701 + }, + { + "hf_subset": "cym-eng", + "languages": [ + "cym-Latn", + "eng-Latn" + ], + "accuracy": 70.78260869565217, + "f1": 65.32422360248447, + "precision": 63.063067367415194, + "recall": 70.78260869565217, + "main_score": 65.32422360248447 + }, + { + "hf_subset": "kaz-eng", + "languages": [ + "kaz-Cyrl", + "eng-Latn" + ], + "accuracy": 78.43478260869566, + "f1": 73.02608695652172, + "precision": 70.63768115942028, + "recall": 78.43478260869566, + "main_score": 73.02608695652172 + }, + { + "hf_subset": "est-eng", + "languages": [ + "est-Latn", + "eng-Latn" + ], + "accuracy": 60.9, + "f1": 55.309753694581275, + "precision": 53.130476190476195, + "recall": 60.9, + "main_score": 55.309753694581275 + }, + { + "hf_subset": "heb-eng", + "languages": [ + "heb-Hebr", + "eng-Latn" + ], + "accuracy": 72.89999999999999, + "f1": 67.92023809523809, + "precision": 65.82595238095237, + "recall": 72.89999999999999, + "main_score": 67.92023809523809 + }, + { + "hf_subset": "gla-eng", + "languages": [ + "gla-Latn", + "eng-Latn" + ], + "accuracy": 46.80337756332931, + "f1": 39.42174900558496, + "precision": 36.97101116280851, + "recall": 46.80337756332931, + "main_score": 39.42174900558496 + }, + { + "hf_subset": "mar-eng", + "languages": [ + "mar-Deva", + "eng-Latn" + ], + "accuracy": 89.8, + "f1": 86.79, + "precision": 85.375, + "recall": 89.8, + "main_score": 86.79 + }, + { + "hf_subset": "lat-eng", + "languages": [ + "lat-Latn", + "eng-Latn" + ], + "accuracy": 47.199999999999996, + "f1": 39.95484348984349, + "precision": 37.561071428571424, + "recall": 47.199999999999996, + "main_score": 39.95484348984349 + }, + { + "hf_subset": "bel-eng", + "languages": [ + "bel-Cyrl", + "eng-Latn" + ], + "accuracy": 87.8, + "f1": 84.68190476190475, + "precision": 83.275, + "recall": 87.8, + "main_score": 84.68190476190475 + }, + { + "hf_subset": "pms-eng", + "languages": [ + "pms-Latn", + "eng-Latn" + ], + "accuracy": 48.76190476190476, + "f1": 42.14965986394558, + "precision": 39.96743626743626, + "recall": 48.76190476190476, + "main_score": 42.14965986394558 + }, + { + "hf_subset": "gle-eng", + "languages": [ + "gle-Latn", + "eng-Latn" + ], + "accuracy": 66.10000000000001, + "f1": 59.58580086580086, + "precision": 57.150238095238095, + "recall": 66.10000000000001, + "main_score": 59.58580086580086 + }, + { + "hf_subset": "pes-eng", + "languages": [ + "pes-Arab", + "eng-Latn" + ], + "accuracy": 87.3, + "f1": 84.0, + "precision": 82.48666666666666, + "recall": 87.3, + "main_score": 84.0 + }, + { + "hf_subset": "nob-eng", + "languages": [ + "nob-Latn", + "eng-Latn" + ], + "accuracy": 90.4, + "f1": 87.79523809523809, + "precision": 86.6, + "recall": 90.4, + "main_score": 87.79523809523809 + }, + { + "hf_subset": "bul-eng", + "languages": [ + "bul-Cyrl", + "eng-Latn" + ], + "accuracy": 87.0, + "f1": 83.81, + "precision": 82.36666666666666, + "recall": 87.0, + "main_score": 83.81 + }, + { + "hf_subset": "cbk-eng", + "languages": [ + "cbk-Latn", + "eng-Latn" + ], + "accuracy": 63.9, + "f1": 57.76533189033189, + "precision": 55.50595238095239, + "recall": 63.9, + "main_score": 57.76533189033189 + }, + { + "hf_subset": "hun-eng", + "languages": [ + "hun-Latn", + "eng-Latn" + ], + "accuracy": 76.1, + "f1": 71.83690476190478, + "precision": 70.04928571428573, + "recall": 76.1, + "main_score": 71.83690476190478 + }, + { + "hf_subset": "uig-eng", + "languages": [ + "uig-Arab", + "eng-Latn" + ], + "accuracy": 66.3, + "f1": 59.32626984126984, + "precision": 56.62535714285713, + "recall": 66.3, + "main_score": 59.32626984126984 + }, + { + "hf_subset": "rus-eng", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "accuracy": 90.60000000000001, + "f1": 87.96333333333334, + "precision": 86.73333333333333, + "recall": 90.60000000000001, + "main_score": 87.96333333333334 + }, + { + "hf_subset": "spa-eng", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "accuracy": 93.10000000000001, + "f1": 91.10000000000001, + "precision": 90.16666666666666, + "recall": 93.10000000000001, + "main_score": 91.10000000000001 + }, + { + "hf_subset": "hye-eng", + "languages": [ + "hye-Armn", + "eng-Latn" + ], + "accuracy": 85.71428571428571, + "f1": 82.29142600436403, + "precision": 80.8076626877166, + "recall": 85.71428571428571, + "main_score": 82.29142600436403 + }, + { + "hf_subset": "tel-eng", + "languages": [ + "tel-Telu", + "eng-Latn" + ], + "accuracy": 88.88888888888889, + "f1": 85.7834757834758, + "precision": 84.43732193732193, + "recall": 88.88888888888889, + "main_score": 85.7834757834758 + }, + { + "hf_subset": "afr-eng", + "languages": [ + "afr-Latn", + "eng-Latn" + ], + "accuracy": 88.5, + "f1": 85.67190476190476, + "precision": 84.43333333333332, + "recall": 88.5, + "main_score": 85.67190476190476 + }, + { + "hf_subset": "mon-eng", + "languages": [ + "mon-Cyrl", + "eng-Latn" + ], + "accuracy": 82.72727272727273, + "f1": 78.21969696969695, + "precision": 76.18181818181819, + "recall": 82.72727272727273, + "main_score": 78.21969696969695 + }, + { + "hf_subset": "arz-eng", + "languages": [ + "arz-Arab", + "eng-Latn" + ], + "accuracy": 61.0062893081761, + "f1": 55.13976240391334, + "precision": 52.92112499659669, + "recall": 61.0062893081761, + "main_score": 55.13976240391334 + }, + { + "hf_subset": "hrv-eng", + "languages": [ + "hrv-Latn", + "eng-Latn" + ], + "accuracy": 89.5, + "f1": 86.86666666666666, + "precision": 85.69166666666668, + "recall": 89.5, + "main_score": 86.86666666666666 + }, + { + "hf_subset": "nov-eng", + "languages": [ + "nov-Latn", + "eng-Latn" + ], + "accuracy": 73.54085603112841, + "f1": 68.56031128404669, + "precision": 66.53047989623866, + "recall": 73.54085603112841, + "main_score": 68.56031128404669 + }, + { + "hf_subset": "gsw-eng", + "languages": [ + "gsw-Latn", + "eng-Latn" + ], + "accuracy": 43.58974358974359, + "f1": 36.45299145299145, + "precision": 33.81155881155882, + "recall": 43.58974358974359, + "main_score": 36.45299145299145 + }, + { + "hf_subset": "nds-eng", + "languages": [ + "nds-Latn", + "eng-Latn" + ], + "accuracy": 59.599999999999994, + "f1": 53.264689754689755, + "precision": 50.869166666666665, + "recall": 59.599999999999994, + "main_score": 53.264689754689755 + }, + { + "hf_subset": "ukr-eng", + "languages": [ + "ukr-Cyrl", + "eng-Latn" + ], + "accuracy": 85.2, + "f1": 81.61666666666665, + "precision": 80.02833333333335, + "recall": 85.2, + "main_score": 81.61666666666665 + }, + { + "hf_subset": "uzb-eng", + "languages": [ + "uzb-Latn", + "eng-Latn" + ], + "accuracy": 63.78504672897196, + "f1": 58.00029669188548, + "precision": 55.815809968847354, + "recall": 63.78504672897196, + "main_score": 58.00029669188548 + }, + { + "hf_subset": "lit-eng", + "languages": [ + "lit-Latn", + "eng-Latn" + ], + "accuracy": 66.5, + "f1": 61.518333333333345, + "precision": 59.622363699102834, + "recall": 66.5, + "main_score": 61.518333333333345 + }, + { + "hf_subset": "ina-eng", + "languages": [ + "ina-Latn", + "eng-Latn" + ], + "accuracy": 88.6, + "f1": 85.60222222222221, + "precision": 84.27916666666665, + "recall": 88.6, + "main_score": 85.60222222222221 + }, + { + "hf_subset": "lfn-eng", + "languages": [ + "lfn-Latn", + "eng-Latn" + ], + "accuracy": 58.699999999999996, + "f1": 52.732375957375965, + "precision": 50.63214035964035, + "recall": 58.699999999999996, + "main_score": 52.732375957375965 + }, + { + "hf_subset": "zsm-eng", + "languages": [ + "zsm-Latn", + "eng-Latn" + ], + "accuracy": 92.10000000000001, + "f1": 89.99666666666667, + "precision": 89.03333333333333, + "recall": 92.10000000000001, + "main_score": 89.99666666666667 + }, + { + "hf_subset": "ita-eng", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "accuracy": 90.10000000000001, + "f1": 87.55666666666667, + "precision": 86.36166666666668, + "recall": 90.10000000000001, + "main_score": 87.55666666666667 + }, + { + "hf_subset": "cmn-eng", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "accuracy": 91.4, + "f1": 88.89000000000001, + "precision": 87.71166666666666, + "recall": 91.4, + "main_score": 88.89000000000001 + }, + { + "hf_subset": "lvs-eng", + "languages": [ + "lvs-Latn", + "eng-Latn" + ], + "accuracy": 65.7, + "f1": 60.67427750410509, + "precision": 58.71785714285714, + "recall": 65.7, + "main_score": 60.67427750410509 + }, + { + "hf_subset": "glg-eng", + "languages": [ + "glg-Latn", + "eng-Latn" + ], + "accuracy": 85.39999999999999, + "f1": 81.93190476190475, + "precision": 80.37833333333333, + "recall": 85.39999999999999, + "main_score": 81.93190476190475 + }, + { + "hf_subset": "ceb-eng", + "languages": [ + "ceb-Latn", + "eng-Latn" + ], + "accuracy": 47.833333333333336, + "f1": 42.006625781625786, + "precision": 40.077380952380956, + "recall": 47.833333333333336, + "main_score": 42.006625781625786 + }, + { + "hf_subset": "bre-eng", + "languages": [ + "bre-Latn", + "eng-Latn" + ], + "accuracy": 10.4, + "f1": 8.24465007215007, + "precision": 7.664597069597071, + "recall": 10.4, + "main_score": 8.24465007215007 + }, + { + "hf_subset": "ben-eng", + "languages": [ + "ben-Beng", + "eng-Latn" + ], + "accuracy": 82.6, + "f1": 77.76333333333334, + "precision": 75.57833333333332, + "recall": 82.6, + "main_score": 77.76333333333334 + }, + { + "hf_subset": "swg-eng", + "languages": [ + "swg-Latn", + "eng-Latn" + ], + "accuracy": 52.67857142857143, + "f1": 44.302721088435376, + "precision": 41.49801587301587, + "recall": 52.67857142857143, + "main_score": 44.302721088435376 + }, + { + "hf_subset": "arq-eng", + "languages": [ + "arq-Arab", + "eng-Latn" + ], + "accuracy": 28.3205268935236, + "f1": 22.426666605171157, + "precision": 20.685900116470915, + "recall": 28.3205268935236, + "main_score": 22.426666605171157 + }, + { + "hf_subset": "kab-eng", + "languages": [ + "kab-Latn", + "eng-Latn" + ], + "accuracy": 22.7, + "f1": 17.833970473970474, + "precision": 16.407335164835164, + "recall": 22.7, + "main_score": 17.833970473970474 + }, + { + "hf_subset": "fra-eng", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "accuracy": 92.2, + "f1": 89.92999999999999, + "precision": 88.87, + "recall": 92.2, + "main_score": 89.92999999999999 + }, + { + "hf_subset": "por-eng", + "languages": [ + "por-Latn", + "eng-Latn" + ], + "accuracy": 91.4, + "f1": 89.25, + "precision": 88.21666666666667, + "recall": 91.4, + "main_score": 89.25 + }, + { + "hf_subset": "tat-eng", + "languages": [ + "tat-Cyrl", + "eng-Latn" + ], + "accuracy": 69.19999999999999, + "f1": 63.38269841269841, + "precision": 61.14773809523809, + "recall": 69.19999999999999, + "main_score": 63.38269841269841 + }, + { + "hf_subset": "oci-eng", + "languages": [ + "oci-Latn", + "eng-Latn" + ], + "accuracy": 48.8, + "f1": 42.839915639915645, + "precision": 40.770287114845935, + "recall": 48.8, + "main_score": 42.839915639915645 + }, + { + "hf_subset": "pol-eng", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "accuracy": 88.8, + "f1": 85.90666666666668, + "precision": 84.54166666666666, + "recall": 88.8, + "main_score": 85.90666666666668 + }, + { + "hf_subset": "war-eng", + "languages": [ + "war-Latn", + "eng-Latn" + ], + "accuracy": 46.6, + "f1": 40.85892920804686, + "precision": 38.838223114604695, + "recall": 46.6, + "main_score": 40.85892920804686 + }, + { + "hf_subset": "aze-eng", + "languages": [ + "aze-Latn", + "eng-Latn" + ], + "accuracy": 84.0, + "f1": 80.14190476190475, + "precision": 78.45333333333333, + "recall": 84.0, + "main_score": 80.14190476190475 + }, + { + "hf_subset": "vie-eng", + "languages": [ + "vie-Latn", + "eng-Latn" + ], + "accuracy": 90.5, + "f1": 87.78333333333333, + "precision": 86.5, + "recall": 90.5, + "main_score": 87.78333333333333 + }, + { + "hf_subset": "nno-eng", + "languages": [ + "nno-Latn", + "eng-Latn" + ], + "accuracy": 74.5, + "f1": 69.48397546897547, + "precision": 67.51869047619049, + "recall": 74.5, + "main_score": 69.48397546897547 + }, + { + "hf_subset": "cha-eng", + "languages": [ + "cha-Latn", + "eng-Latn" + ], + "accuracy": 32.846715328467155, + "f1": 27.828177499710343, + "precision": 26.63451511991658, + "recall": 32.846715328467155, + "main_score": 27.828177499710343 + }, + { + "hf_subset": "mhr-eng", + "languages": [ + "mhr-Cyrl", + "eng-Latn" + ], + "accuracy": 8.0, + "f1": 6.07664116764988, + "precision": 5.544177607179943, + "recall": 8.0, + "main_score": 6.07664116764988 + }, + { + "hf_subset": "dan-eng", + "languages": [ + "dan-Latn", + "eng-Latn" + ], + "accuracy": 87.6, + "f1": 84.38555555555554, + "precision": 82.91583333333334, + "recall": 87.6, + "main_score": 84.38555555555554 + }, + { + "hf_subset": "ell-eng", + "languages": [ + "ell-Grek", + "eng-Latn" + ], + "accuracy": 87.5, + "f1": 84.08333333333331, + "precision": 82.47333333333333, + "recall": 87.5, + "main_score": 84.08333333333331 + }, + { + "hf_subset": "amh-eng", + "languages": [ + "amh-Ethi", + "eng-Latn" + ], + "accuracy": 80.95238095238095, + "f1": 76.13095238095238, + "precision": 74.05753968253967, + "recall": 80.95238095238095, + "main_score": 76.13095238095238 + }, + { + "hf_subset": "pam-eng", + "languages": [ + "pam-Latn", + "eng-Latn" + ], + "accuracy": 8.799999999999999, + "f1": 6.971422975172975, + "precision": 6.557814916172301, + "recall": 8.799999999999999, + "main_score": 6.971422975172975 + }, + { + "hf_subset": "hsb-eng", + "languages": [ + "hsb-Latn", + "eng-Latn" + ], + "accuracy": 44.099378881987576, + "f1": 37.01649742022413, + "precision": 34.69420618488942, + "recall": 44.099378881987576, + "main_score": 37.01649742022413 + }, + { + "hf_subset": "srp-eng", + "languages": [ + "srp-Cyrl", + "eng-Latn" + ], + "accuracy": 84.3, + "f1": 80.32666666666667, + "precision": 78.60666666666665, + "recall": 84.3, + "main_score": 80.32666666666667 + }, + { + "hf_subset": "epo-eng", + "languages": [ + "epo-Latn", + "eng-Latn" + ], + "accuracy": 92.5, + "f1": 90.49666666666666, + "precision": 89.56666666666668, + "recall": 92.5, + "main_score": 90.49666666666666 + }, + { + "hf_subset": "kzj-eng", + "languages": [ + "kzj-Latn", + "eng-Latn" + ], + "accuracy": 10.0, + "f1": 8.268423529875141, + "precision": 7.878118605532398, + "recall": 10.0, + "main_score": 8.268423529875141 + }, + { + "hf_subset": "awa-eng", + "languages": [ + "awa-Deva", + "eng-Latn" + ], + "accuracy": 79.22077922077922, + "f1": 74.27128427128426, + "precision": 72.28715728715729, + "recall": 79.22077922077922, + "main_score": 74.27128427128426 + }, + { + "hf_subset": "fao-eng", + "languages": [ + "fao-Latn", + "eng-Latn" + ], + "accuracy": 65.64885496183206, + "f1": 58.87495456197747, + "precision": 55.992366412213734, + "recall": 65.64885496183206, + "main_score": 58.87495456197747 + }, + { + "hf_subset": "mal-eng", + "languages": [ + "mal-Mlym", + "eng-Latn" + ], + "accuracy": 96.06986899563319, + "f1": 94.78408539543909, + "precision": 94.15332362930616, + "recall": 96.06986899563319, + "main_score": 94.78408539543909 + }, + { + "hf_subset": "ile-eng", + "languages": [ + "ile-Latn", + "eng-Latn" + ], + "accuracy": 77.2, + "f1": 71.72571428571428, + "precision": 69.41000000000001, + "recall": 77.2, + "main_score": 71.72571428571428 + }, + { + "hf_subset": "bos-eng", + "languages": [ + "bos-Latn", + "eng-Latn" + ], + "accuracy": 86.4406779661017, + "f1": 83.2391713747646, + "precision": 81.74199623352166, + "recall": 86.4406779661017, + "main_score": 83.2391713747646 + }, + { + "hf_subset": "cor-eng", + "languages": [ + "cor-Latn", + "eng-Latn" + ], + "accuracy": 8.4, + "f1": 6.017828743398003, + "precision": 5.4829865484756795, + "recall": 8.4, + "main_score": 6.017828743398003 + }, + { + "hf_subset": "cat-eng", + "languages": [ + "cat-Latn", + "eng-Latn" + ], + "accuracy": 83.5, + "f1": 79.74833333333333, + "precision": 78.04837662337664, + "recall": 83.5, + "main_score": 79.74833333333333 + }, + { + "hf_subset": "eus-eng", + "languages": [ + "eus-Latn", + "eng-Latn" + ], + "accuracy": 60.4, + "f1": 54.467301587301584, + "precision": 52.23242424242424, + "recall": 60.4, + "main_score": 54.467301587301584 + }, + { + "hf_subset": "yue-eng", + "languages": [ + "yue-Hant", + "eng-Latn" + ], + "accuracy": 74.9, + "f1": 69.68699134199134, + "precision": 67.59873015873016, + "recall": 74.9, + "main_score": 69.68699134199134 + }, + { + "hf_subset": "swe-eng", + "languages": [ + "swe-Latn", + "eng-Latn" + ], + "accuracy": 88.0, + "f1": 84.9652380952381, + "precision": 83.66166666666666, + "recall": 88.0, + "main_score": 84.9652380952381 + }, + { + "hf_subset": "dtp-eng", + "languages": [ + "dtp-Latn", + "eng-Latn" + ], + "accuracy": 9.1, + "f1": 7.681244588744588, + "precision": 7.370043290043291, + "recall": 9.1, + "main_score": 7.681244588744588 + }, + { + "hf_subset": "kat-eng", + "languages": [ + "kat-Geor", + "eng-Latn" + ], + "accuracy": 80.9651474530831, + "f1": 76.84220605132133, + "precision": 75.19606398962966, + "recall": 80.9651474530831, + "main_score": 76.84220605132133 + }, + { + "hf_subset": "jpn-eng", + "languages": [ + "jpn-Jpan", + "eng-Latn" + ], + "accuracy": 86.9, + "f1": 83.705, + "precision": 82.3120634920635, + "recall": 86.9, + "main_score": 83.705 + }, + { + "hf_subset": "csb-eng", + "languages": [ + "csb-Latn", + "eng-Latn" + ], + "accuracy": 29.64426877470356, + "f1": 23.98763072676116, + "precision": 22.506399397703746, + "recall": 29.64426877470356, + "main_score": 23.98763072676116 + }, + { + "hf_subset": "xho-eng", + "languages": [ + "xho-Latn", + "eng-Latn" + ], + "accuracy": 70.4225352112676, + "f1": 62.84037558685445, + "precision": 59.56572769953053, + "recall": 70.4225352112676, + "main_score": 62.84037558685445 + }, + { + "hf_subset": "orv-eng", + "languages": [ + "orv-Cyrl", + "eng-Latn" + ], + "accuracy": 19.64071856287425, + "f1": 15.125271011207756, + "precision": 13.865019261197494, + "recall": 19.64071856287425, + "main_score": 15.125271011207756 + }, + { + "hf_subset": "ind-eng", + "languages": [ + "ind-Latn", + "eng-Latn" + ], + "accuracy": 90.2, + "f1": 87.80666666666666, + "precision": 86.70833333333331, + "recall": 90.2, + "main_score": 87.80666666666666 + }, + { + "hf_subset": "tuk-eng", + "languages": [ + "tuk-Latn", + "eng-Latn" + ], + "accuracy": 23.15270935960591, + "f1": 18.407224958949097, + "precision": 16.982385430661292, + "recall": 23.15270935960591, + "main_score": 18.407224958949097 + }, + { + "hf_subset": "max-eng", + "languages": [ + "max-Deva", + "eng-Latn" + ], + "accuracy": 55.98591549295775, + "f1": 49.94718309859154, + "precision": 47.77864154624717, + "recall": 55.98591549295775, + "main_score": 49.94718309859154 + }, + { + "hf_subset": "swh-eng", + "languages": [ + "swh-Latn", + "eng-Latn" + ], + "accuracy": 73.07692307692307, + "f1": 66.74358974358974, + "precision": 64.06837606837607, + "recall": 73.07692307692307, + "main_score": 66.74358974358974 + }, + { + "hf_subset": "hin-eng", + "languages": [ + "hin-Deva", + "eng-Latn" + ], + "accuracy": 94.89999999999999, + "f1": 93.25, + "precision": 92.43333333333332, + "recall": 94.89999999999999, + "main_score": 93.25 + }, + { + "hf_subset": "dsb-eng", + "languages": [ + "dsb-Latn", + "eng-Latn" + ], + "accuracy": 37.78705636743215, + "f1": 31.63899658680452, + "precision": 29.72264397629742, + "recall": 37.78705636743215, + "main_score": 31.63899658680452 + }, + { + "hf_subset": "ber-eng", + "languages": [ + "ber-Tfng", + "eng-Latn" + ], + "accuracy": 21.6, + "f1": 16.91697302697303, + "precision": 15.71225147075147, + "recall": 21.6, + "main_score": 16.91697302697303 + }, + { + "hf_subset": "tam-eng", + "languages": [ + "tam-Taml", + "eng-Latn" + ], + "accuracy": 85.01628664495115, + "f1": 81.38514037536838, + "precision": 79.83170466883823, + "recall": 85.01628664495115, + "main_score": 81.38514037536838 + }, + { + "hf_subset": "slk-eng", + "languages": [ + "slk-Latn", + "eng-Latn" + ], + "accuracy": 83.39999999999999, + "f1": 79.96380952380952, + "precision": 78.48333333333333, + "recall": 83.39999999999999, + "main_score": 79.96380952380952 + }, + { + "hf_subset": "tgl-eng", + "languages": [ + "tgl-Latn", + "eng-Latn" + ], + "accuracy": 83.2, + "f1": 79.26190476190476, + "precision": 77.58833333333334, + "recall": 83.2, + "main_score": 79.26190476190476 + }, + { + "hf_subset": "ast-eng", + "languages": [ + "ast-Latn", + "eng-Latn" + ], + "accuracy": 75.59055118110236, + "f1": 71.66854143232096, + "precision": 70.30183727034121, + "recall": 75.59055118110236, + "main_score": 71.66854143232096 + }, + { + "hf_subset": "mkd-eng", + "languages": [ + "mkd-Cyrl", + "eng-Latn" + ], + "accuracy": 65.5, + "f1": 59.26095238095238, + "precision": 56.81909090909092, + "recall": 65.5, + "main_score": 59.26095238095238 + }, + { + "hf_subset": "khm-eng", + "languages": [ + "khm-Khmr", + "eng-Latn" + ], + "accuracy": 55.26315789473685, + "f1": 47.986523325858506, + "precision": 45.33950006595436, + "recall": 55.26315789473685, + "main_score": 47.986523325858506 + }, + { + "hf_subset": "ces-eng", + "languages": [ + "ces-Latn", + "eng-Latn" + ], + "accuracy": 82.89999999999999, + "f1": 78.835, + "precision": 77.04761904761905, + "recall": 82.89999999999999, + "main_score": 78.835 + }, + { + "hf_subset": "tzl-eng", + "languages": [ + "tzl-Latn", + "eng-Latn" + ], + "accuracy": 43.269230769230774, + "f1": 36.20421245421245, + "precision": 33.57371794871795, + "recall": 43.269230769230774, + "main_score": 36.20421245421245 + }, + { + "hf_subset": "urd-eng", + "languages": [ + "urd-Arab", + "eng-Latn" + ], + "accuracy": 88.0, + "f1": 84.70666666666666, + "precision": 83.23166666666665, + "recall": 88.0, + "main_score": 84.70666666666666 + }, + { + "hf_subset": "ara-eng", + "languages": [ + "ara-Arab", + "eng-Latn" + ], + "accuracy": 77.4, + "f1": 72.54666666666667, + "precision": 70.54318181818181, + "recall": 77.4, + "main_score": 72.54666666666667 + }, + { + "hf_subset": "kor-eng", + "languages": [ + "kor-Hang", + "eng-Latn" + ], + "accuracy": 78.60000000000001, + "f1": 74.1588888888889, + "precision": 72.30250000000001, + "recall": 78.60000000000001, + "main_score": 74.1588888888889 + }, + { + "hf_subset": "yid-eng", + "languages": [ + "yid-Hebr", + "eng-Latn" + ], + "accuracy": 72.40566037735849, + "f1": 66.82587328813744, + "precision": 64.75039308176099, + "recall": 72.40566037735849, + "main_score": 66.82587328813744 + }, + { + "hf_subset": "fin-eng", + "languages": [ + "fin-Latn", + "eng-Latn" + ], + "accuracy": 73.8, + "f1": 68.56357142857144, + "precision": 66.3178822055138, + "recall": 73.8, + "main_score": 68.56357142857144 + }, + { + "hf_subset": "tha-eng", + "languages": [ + "tha-Thai", + "eng-Latn" + ], + "accuracy": 91.78832116788321, + "f1": 89.3552311435523, + "precision": 88.20559610705597, + "recall": 91.78832116788321, + "main_score": 89.3552311435523 + }, + { + "hf_subset": "wuu-eng", + "languages": [ + "wuu-Hans", + "eng-Latn" + ], + "accuracy": 74.3, + "f1": 69.05085581085581, + "precision": 66.955, + "recall": 74.3, + "main_score": 69.05085581085581 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/Touche2020.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/Touche2020.json new file mode 100644 index 000000000..fb9563e9a --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.896, + "map_at_10": 8.993, + "map_at_100": 14.133999999999999, + "map_at_1000": 15.668000000000001, + "map_at_3": 5.862, + "map_at_5": 7.17, + "mrr_at_1": 34.694, + "mrr_at_10": 42.931000000000004, + "mrr_at_100": 44.81, + "mrr_at_1000": 44.81, + "mrr_at_3": 38.435, + "mrr_at_5": 41.701, + "ndcg_at_1": 31.633, + "ndcg_at_10": 21.163, + "ndcg_at_100": 33.306000000000004, + "ndcg_at_1000": 45.275999999999996, + "ndcg_at_3": 25.685999999999996, + "ndcg_at_5": 23.732, + "precision_at_1": 34.694, + "precision_at_10": 17.755000000000003, + "precision_at_100": 6.938999999999999, + "precision_at_1000": 1.48, + "precision_at_3": 25.85, + "precision_at_5": 23.265, + "recall_at_1": 2.896, + "recall_at_10": 13.333999999999998, + "recall_at_100": 43.517, + "recall_at_1000": 79.836, + "recall_at_3": 6.306000000000001, + "recall_at_5": 8.825, + "main_score": 21.163 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/ToxicConversationsClassification.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..05e95f320 --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.3874, + "ap": 13.829909072469423, + "f1": 53.54534203543492, + "main_score": 69.3874 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/TweetSentimentExtractionClassification.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..e4ace2564 --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 62.62026032823995, + "f1": 62.85251350485221, + "main_score": 62.62026032823995 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/TwentyNewsgroupsClustering.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..8ddc704ec --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.21527881409797, + "main_score": 33.21527881409797 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/TwitterSemEval2015.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/TwitterSemEval2015.json new file mode 100644 index 000000000..73a1eb3c0 --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 84.97943613280086, + "cos_sim_ap": 70.75454316885921, + "cos_sim_f1": 65.38274012676743, + "cos_sim_precision": 60.761214318078835, + "cos_sim_recall": 70.76517150395777, + "dot_accuracy": 79.0546581629612, + "dot_ap": 47.3197121792147, + "dot_f1": 49.20106524633821, + "dot_precision": 42.45499808502489, + "dot_recall": 58.49604221635884, + "euclidean_accuracy": 85.08076533349228, + "euclidean_ap": 70.95016106374474, + "euclidean_f1": 65.43987900176455, + "euclidean_precision": 62.64478764478765, + "euclidean_recall": 68.49604221635884, + "manhattan_accuracy": 84.93771234428085, + "manhattan_ap": 70.63668388755362, + "manhattan_f1": 65.23895401262398, + "manhattan_precision": 56.946084218811485, + "manhattan_recall": 76.35883905013192, + "max_accuracy": 85.08076533349228, + "max_ap": 70.95016106374474, + "max_f1": 65.43987900176455, + "main_score": 70.95016106374474 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/TwitterURLCorpus.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/TwitterURLCorpus.json new file mode 100644 index 000000000..cd229d7b7 --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.69096130709822, + "cos_sim_ap": 84.82526278228542, + "cos_sim_f1": 77.65485060585536, + "cos_sim_precision": 75.94582658619167, + "cos_sim_recall": 79.44256236526024, + "dot_accuracy": 80.97954748321496, + "dot_ap": 64.81642914145866, + "dot_f1": 60.631996987229975, + "dot_precision": 54.5897293631712, + "dot_recall": 68.17831844779796, + "euclidean_accuracy": 88.6987231730508, + "euclidean_ap": 84.80003825477253, + "euclidean_f1": 77.67194179854496, + "euclidean_precision": 75.7128235122094, + "euclidean_recall": 79.73514012935017, + "manhattan_accuracy": 88.62692591298949, + "manhattan_ap": 84.80451408255276, + "manhattan_f1": 77.69888949572183, + "manhattan_precision": 73.70311528631622, + "manhattan_recall": 82.15275639051433, + "max_accuracy": 88.6987231730508, + "max_ap": 84.82526278228542, + "max_f1": 77.69888949572183, + "main_score": 84.82526278228542 + } + ] + } +} \ No newline at end of file diff --git a/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/model_meta.json b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/model_meta.json new file mode 100644 index 000000000..6e6fc08db --- /dev/null +++ b/results/beademiguelperez__sentence-transformers-multilingual-e5-small/external/model_meta.json @@ -0,0 +1,117 @@ +{ + "name": "beademiguelperez/sentence-transformers-multilingual-e5-small", + "revision": "a0b3bce16e7f0baae3c36a47041719dab95a0fbe", + "release_date": "2024-03-25", + "languages": [ + "multilingual", + "af", + "am", + "ar", + "as", + "az", + "be", + "bg", + "bn", + "br", + "bs", + "ca", + "cs", + "cy", + "da", + "de", + "el", + "en", + "eo", + "es", + "et", + "eu", + "fa", + "fi", + "fr", + "fy", + "ga", + "gd", + "gl", + "gu", + "ha", + "he", + "hi", + "hr", + "hu", + "hy", + "id", + "is", + "it", + "ja", + "jv", + "ka", + "kk", + "km", + "kn", + "ko", + "ku", + "ky", + "la", + "lo", + "lt", + "lv", + "mg", + "mk", + "ml", + "mn", + "mr", + "ms", + "my", + "ne", + "nl", + "no", + "om", + "or", + "pa", + "pl", + "ps", + "pt", + "ro", + "ru", + "sa", + "sd", + "si", + "sk", + "sl", + "so", + "sq", + "sr", + "su", + "sv", + "sw", + "ta", + "te", + "th", + "tl", + "tr", + "ug", + "uk", + "ur", + "uz", + "vi", + "xh", + "yi", + "zh" + ], + "loader": null, + "n_parameters": 117653760, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 384, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/AmazonCounterfactualClassification.json b/results/bennegeek__stella_en_1.5B_v5/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..ed4c5e768 --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/AmazonCounterfactualClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.86567164179104, + "ap": 72.13503907102613, + "ap_weighted": 72.13503907102613, + "f1": 89.5586886376355, + "f1_weighted": 93.13621183004571, + "main_score": 92.86567164179104 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/AmazonPolarityClassification.json b/results/bennegeek__stella_en_1.5B_v5/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..43221649a --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/AmazonPolarityClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 97.16485, + "ap": 96.05546315415225, + "ap_weighted": 96.05546315415225, + "f1": 97.16351087403213, + "f1_weighted": 97.16351087403213, + "main_score": 97.16485 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/AmazonReviewsClassification.json b/results/bennegeek__stella_en_1.5B_v5/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..192540910 --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/AmazonReviewsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 59.358, + "f1": 59.0264615883114, + "f1_weighted": 59.0264615883114, + "main_score": 59.358 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/ArguAna.json b/results/bennegeek__stella_en_1.5B_v5/external/ArguAna.json new file mode 100644 index 000000000..d8a3a60c7 --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/ArguAna.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 65.269, + "map_at_1": 41.607, + "map_at_10": 57.104, + "map_at_100": 57.621, + "map_at_1000": 57.621, + "map_at_20": 57.533, + "map_at_3": 52.891999999999996, + "map_at_5": 55.371, + "mrr_at_1": 42.318634423897585, + "mrr_at_10": 57.353970511865406, + "mrr_at_100": 57.88398078476526, + "mrr_at_1000": 57.88467807648422, + "mrr_at_20": 57.796730533206166, + "mrr_at_3": 53.200568990042775, + "mrr_at_5": 55.6330014224753, + "nauc_map_at_1000_diff1": 24.54414600428287, + "nauc_map_at_1000_max": -8.389738078358459, + "nauc_map_at_1000_std": -18.188787645801366, + "nauc_map_at_100_diff1": 24.543138576462308, + "nauc_map_at_100_max": -8.390896839752044, + "nauc_map_at_100_std": -18.192549240185247, + "nauc_map_at_10_diff1": 24.219607088995822, + "nauc_map_at_10_max": -8.245734391254308, + "nauc_map_at_10_std": -18.229706566466447, + "nauc_map_at_1_diff1": 29.325201664812788, + "nauc_map_at_1_max": -11.742800494823971, + "nauc_map_at_1_std": -18.610215769702528, + "nauc_map_at_20_diff1": 24.471097562798803, + "nauc_map_at_20_max": -8.318035874000799, + "nauc_map_at_20_std": -18.171541096773108, + "nauc_map_at_3_diff1": 24.275846107642824, + "nauc_map_at_3_max": -8.212242049581894, + "nauc_map_at_3_std": -17.920379368937496, + "nauc_map_at_5_diff1": 23.873692493209255, + "nauc_map_at_5_max": -8.110347163828767, + "nauc_map_at_5_std": -18.20863325596931, + "nauc_mrr_at_1000_diff1": 22.656410956419975, + "nauc_mrr_at_1000_max": -8.924888102233243, + "nauc_mrr_at_1000_std": -18.103674384502526, + "nauc_mrr_at_100_diff1": 22.655448817140968, + "nauc_mrr_at_100_max": -8.926034318499038, + "nauc_mrr_at_100_std": -18.10743930104164, + "nauc_mrr_at_10_diff1": 22.297536272996872, + "nauc_mrr_at_10_max": -8.836407556658274, + "nauc_mrr_at_10_std": -18.1598393044477, + "nauc_mrr_at_1_diff1": 27.419572424489708, + "nauc_mrr_at_1_max": -11.42241314820691, + "nauc_mrr_at_1_std": -18.54893865856313, + "nauc_mrr_at_20_diff1": 22.590227214657418, + "nauc_mrr_at_20_max": -8.849986456376993, + "nauc_mrr_at_20_std": -18.0862391777352, + "nauc_mrr_at_3_diff1": 22.415270167774988, + "nauc_mrr_at_3_max": -8.692871854156435, + "nauc_mrr_at_3_std": -17.6740102891955, + "nauc_mrr_at_5_diff1": 21.96284578521464, + "nauc_mrr_at_5_max": -8.757031535546025, + "nauc_mrr_at_5_std": -18.210766964081294, + "nauc_ndcg_at_1000_diff1": 23.939400161569115, + "nauc_ndcg_at_1000_max": -7.866999120512983, + "nauc_ndcg_at_1000_std": -17.981457019643617, + "nauc_ndcg_at_100_diff1": 23.920033349619317, + "nauc_ndcg_at_100_max": -7.889849409678031, + "nauc_ndcg_at_100_std": -18.054931990360537, + "nauc_ndcg_at_10_diff1": 22.543020461303534, + "nauc_ndcg_at_10_max": -7.072111788010867, + "nauc_ndcg_at_10_std": -18.26397604573537, + "nauc_ndcg_at_1_diff1": 29.325201664812788, + "nauc_ndcg_at_1_max": -11.742800494823971, + "nauc_ndcg_at_1_std": -18.610215769702528, + "nauc_ndcg_at_20_diff1": 23.551587021207972, + "nauc_ndcg_at_20_max": -7.298056222649139, + "nauc_ndcg_at_20_std": -18.056004880930608, + "nauc_ndcg_at_3_diff1": 22.669089506345273, + "nauc_ndcg_at_3_max": -7.278024373570137, + "nauc_ndcg_at_3_std": -17.816657759914193, + "nauc_ndcg_at_5_diff1": 21.72619728226575, + "nauc_ndcg_at_5_max": -6.959741647471228, + "nauc_ndcg_at_5_std": -18.35173705190235, + "nauc_precision_at_1000_diff1": 5.0388241058076995, + "nauc_precision_at_1000_max": 34.439879624882145, + "nauc_precision_at_1000_std": 77.22610895194498, + "nauc_precision_at_100_diff1": 1.340670767252794, + "nauc_precision_at_100_max": 19.30870025961241, + "nauc_precision_at_100_std": 35.37688289157788, + "nauc_precision_at_10_diff1": 7.734227153124332, + "nauc_precision_at_10_max": 4.202399088422237, + "nauc_precision_at_10_std": -18.383890254046698, + "nauc_precision_at_1_diff1": 29.325201664812788, + "nauc_precision_at_1_max": -11.742800494823971, + "nauc_precision_at_1_std": -18.610215769702528, + "nauc_precision_at_20_diff1": 9.48070999361637, + "nauc_precision_at_20_max": 19.056709637253025, + "nauc_precision_at_20_std": -13.266821166159485, + "nauc_precision_at_3_diff1": 17.245260303409747, + "nauc_precision_at_3_max": -4.202455033452335, + "nauc_precision_at_3_std": -17.514264039955332, + "nauc_precision_at_5_diff1": 12.074628162049974, + "nauc_precision_at_5_max": -1.9145501461107832, + "nauc_precision_at_5_std": -19.162525528916344, + "nauc_recall_at_1000_diff1": 5.038824105805915, + "nauc_recall_at_1000_max": 34.43987962487738, + "nauc_recall_at_1000_std": 77.22610895193765, + "nauc_recall_at_100_diff1": 1.3406707672497025, + "nauc_recall_at_100_max": 19.30870025960776, + "nauc_recall_at_100_std": 35.37688289157515, + "nauc_recall_at_10_diff1": 7.734227153124366, + "nauc_recall_at_10_max": 4.202399088421976, + "nauc_recall_at_10_std": -18.38389025404673, + "nauc_recall_at_1_diff1": 29.325201664812788, + "nauc_recall_at_1_max": -11.742800494823971, + "nauc_recall_at_1_std": -18.610215769702528, + "nauc_recall_at_20_diff1": 9.480709993616845, + "nauc_recall_at_20_max": 19.05670963725301, + "nauc_recall_at_20_std": -13.266821166158651, + "nauc_recall_at_3_diff1": 17.24526030340978, + "nauc_recall_at_3_max": -4.202455033452323, + "nauc_recall_at_3_std": -17.51426403995538, + "nauc_recall_at_5_diff1": 12.074628162049992, + "nauc_recall_at_5_max": -1.914550146110865, + "nauc_recall_at_5_std": -19.162525528916362, + "ndcg_at_1": 41.607, + "ndcg_at_10": 65.269, + "ndcg_at_100": 67.289, + "ndcg_at_1000": 67.29899999999999, + "ndcg_at_20": 66.76299999999999, + "ndcg_at_3": 56.604, + "ndcg_at_5": 61.07900000000001, + "precision_at_1": 41.607, + "precision_at_10": 9.118, + "precision_at_100": 0.996, + "precision_at_1000": 0.1, + "precision_at_20": 4.8469999999999995, + "precision_at_3": 22.451, + "precision_at_5": 15.647, + "recall_at_1": 41.607, + "recall_at_10": 91.181, + "recall_at_100": 99.57300000000001, + "recall_at_1000": 99.644, + "recall_at_20": 96.942, + "recall_at_3": 67.354, + "recall_at_5": 78.236 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/ArxivClusteringP2P.json b/results/bennegeek__stella_en_1.5B_v5/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..d987ea1d7 --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/ArxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 55.437138353189994, + "v_measure": 55.437138353189994, + "v_measure_std": 14.718556601335491 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/ArxivClusteringS2S.json b/results/bennegeek__stella_en_1.5B_v5/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..f45adb595 --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/ArxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 50.65858459544658, + "v_measure": 50.65858459544658, + "v_measure_std": 14.887033747525146 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/AskUbuntuDupQuestions.json b/results/bennegeek__stella_en_1.5B_v5/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..1ce91a399 --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/AskUbuntuDupQuestions.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 67.32597152838535, + "map": 67.32597152838535, + "mrr": 78.98683111286988, + "nAUC_map_diff1": 16.8624639710487, + "nAUC_map_max": 24.91996491142433, + "nAUC_map_std": 17.91865808793225, + "nAUC_mrr_diff1": 25.03766425631947, + "nAUC_mrr_max": 41.64561939958336, + "nAUC_mrr_std": 23.179909345891968 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/BIOSSES.json b/results/bennegeek__stella_en_1.5B_v5/external/BIOSSES.json new file mode 100644 index 000000000..b501d9da5 --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 85.790820496042, + "cosine_spearman": 83.10731534330517, + "euclidean_pearson": 84.61741304343133, + "euclidean_spearman": 83.17297949010973, + "main_score": 83.10731534330517, + "manhattan_pearson": 85.2137696526676, + "manhattan_spearman": 84.39168195786738, + "pearson": 85.790820496042, + "spearman": 83.10731534330517 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/Banking77Classification.json b/results/bennegeek__stella_en_1.5B_v5/external/Banking77Classification.json new file mode 100644 index 000000000..5b594c748 --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/Banking77Classification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 89.78896103896105, + "f1": 89.76107366333488, + "f1_weighted": 89.76107366333488, + "main_score": 89.78896103896105 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/BiorxivClusteringP2P.json b/results/bennegeek__stella_en_1.5B_v5/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..18110c170 --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/BiorxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 50.68092296236376, + "v_measure": 50.68092296236376, + "v_measure_std": 0.7832640983085436 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/BiorxivClusteringS2S.json b/results/bennegeek__stella_en_1.5B_v5/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..74c9ac31e --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/BiorxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 46.86629236732983, + "v_measure": 46.86629236732983, + "v_measure_std": 0.8784322236350974 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/ClimateFEVER.json b/results/bennegeek__stella_en_1.5B_v5/external/ClimateFEVER.json new file mode 100644 index 000000000..896387a6c --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/ClimateFEVER.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 46.113, + "map_at_1": 20.122999999999998, + "map_at_10": 35.474, + "map_at_100": 37.592, + "map_at_1000": 37.773, + "map_at_20": 36.637, + "map_at_3": 29.731, + "map_at_5": 32.964, + "mrr_at_1": 46.71009771986971, + "mrr_at_10": 58.855669303552105, + "mrr_at_100": 59.389249674038425, + "mrr_at_1000": 59.408448104362364, + "mrr_at_20": 59.23881203149016, + "mrr_at_3": 56.18892508143328, + "mrr_at_5": 57.85342019543985, + "nauc_map_at_1000_diff1": 27.047031037721958, + "nauc_map_at_1000_max": 43.25240279148033, + "nauc_map_at_1000_std": 20.795849418696037, + "nauc_map_at_100_diff1": 27.044739015116452, + "nauc_map_at_100_max": 43.24042159787812, + "nauc_map_at_100_std": 20.799952124137683, + "nauc_map_at_10_diff1": 27.372696854670338, + "nauc_map_at_10_max": 43.054456574721684, + "nauc_map_at_10_std": 19.537162110136645, + "nauc_map_at_1_diff1": 43.65424623953092, + "nauc_map_at_1_max": 45.17986509998762, + "nauc_map_at_1_std": 8.497107052335414, + "nauc_map_at_20_diff1": 27.224535846566074, + "nauc_map_at_20_max": 43.12222854561229, + "nauc_map_at_20_std": 20.29982972202669, + "nauc_map_at_3_diff1": 30.87847002319001, + "nauc_map_at_3_max": 42.890027891707575, + "nauc_map_at_3_std": 13.857451947580929, + "nauc_map_at_5_diff1": 27.966867093591542, + "nauc_map_at_5_max": 42.35826637592201, + "nauc_map_at_5_std": 16.993102524058624, + "nauc_mrr_at_1000_diff1": 30.191544077608164, + "nauc_mrr_at_1000_max": 44.959438920351644, + "nauc_mrr_at_1000_std": 24.065801376465114, + "nauc_mrr_at_100_diff1": 30.170368115494, + "nauc_mrr_at_100_max": 44.955868115761156, + "nauc_mrr_at_100_std": 24.093510767847707, + "nauc_mrr_at_10_diff1": 30.128430637520175, + "nauc_mrr_at_10_max": 44.97689261350708, + "nauc_mrr_at_10_std": 24.037049561818897, + "nauc_mrr_at_1_diff1": 35.323351939108214, + "nauc_mrr_at_1_max": 43.85026244855636, + "nauc_mrr_at_1_std": 17.040662141218974, + "nauc_mrr_at_20_diff1": 30.192006556160443, + "nauc_mrr_at_20_max": 45.02814530774032, + "nauc_mrr_at_20_std": 24.20885865448696, + "nauc_mrr_at_3_diff1": 29.88250163424518, + "nauc_mrr_at_3_max": 44.25768944883186, + "nauc_mrr_at_3_std": 22.804183393364198, + "nauc_mrr_at_5_diff1": 30.269824490420767, + "nauc_mrr_at_5_max": 44.97443265796657, + "nauc_mrr_at_5_std": 23.894159916141177, + "nauc_ndcg_at_1000_diff1": 24.533764005407356, + "nauc_ndcg_at_1000_max": 44.50902713386608, + "nauc_ndcg_at_1000_std": 27.589506980238404, + "nauc_ndcg_at_100_diff1": 24.209785073940353, + "nauc_ndcg_at_100_max": 44.18257063893669, + "nauc_ndcg_at_100_std": 27.963150866401943, + "nauc_ndcg_at_10_diff1": 25.168069201989486, + "nauc_ndcg_at_10_max": 43.84940910683214, + "nauc_ndcg_at_10_std": 24.810707270956435, + "nauc_ndcg_at_1_diff1": 35.323351939108214, + "nauc_ndcg_at_1_max": 43.85026244855636, + "nauc_ndcg_at_1_std": 17.040662141218974, + "nauc_ndcg_at_20_diff1": 24.829924800466834, + "nauc_ndcg_at_20_max": 43.738574327059716, + "nauc_ndcg_at_20_std": 26.252370278684072, + "nauc_ndcg_at_3_diff1": 27.321943393906274, + "nauc_ndcg_at_3_max": 42.16584786993447, + "nauc_ndcg_at_3_std": 18.24775079455969, + "nauc_ndcg_at_5_diff1": 26.043785418347998, + "nauc_ndcg_at_5_max": 42.874593895388344, + "nauc_ndcg_at_5_std": 21.294004555506117, + "nauc_precision_at_1000_diff1": -22.073027615308582, + "nauc_precision_at_1000_max": -6.549723766317357, + "nauc_precision_at_1000_std": 18.301749191241306, + "nauc_precision_at_100_diff1": -15.654286887593619, + "nauc_precision_at_100_max": 6.401516251421999, + "nauc_precision_at_100_std": 29.170680324929805, + "nauc_precision_at_10_diff1": -4.362381972892247, + "nauc_precision_at_10_max": 22.10943515872447, + "nauc_precision_at_10_std": 31.869699459530022, + "nauc_precision_at_1_diff1": 35.323351939108214, + "nauc_precision_at_1_max": 43.85026244855636, + "nauc_precision_at_1_std": 17.040662141218974, + "nauc_precision_at_20_diff1": -7.50749661117875, + "nauc_precision_at_20_max": 16.80584016023257, + "nauc_precision_at_20_std": 31.976755897112437, + "nauc_precision_at_3_diff1": 7.402667538773083, + "nauc_precision_at_3_max": 31.2088401330676, + "nauc_precision_at_3_std": 24.287905698405662, + "nauc_precision_at_5_diff1": 0.7479172565343901, + "nauc_precision_at_5_max": 26.28427734237825, + "nauc_precision_at_5_std": 28.246947120310317, + "nauc_recall_at_1000_diff1": 2.4778431086370496, + "nauc_recall_at_1000_max": 40.2231995797509, + "nauc_recall_at_1000_std": 52.62124052183862, + "nauc_recall_at_100_diff1": 8.960962419741463, + "nauc_recall_at_100_max": 35.81132850291491, + "nauc_recall_at_100_std": 40.020903251786166, + "nauc_recall_at_10_diff1": 15.603400751376636, + "nauc_recall_at_10_max": 37.570127529136485, + "nauc_recall_at_10_std": 28.07128410238545, + "nauc_recall_at_1_diff1": 43.65424623953092, + "nauc_recall_at_1_max": 45.17986509998762, + "nauc_recall_at_1_std": 8.497107052335414, + "nauc_recall_at_20_diff1": 13.844820282832346, + "nauc_recall_at_20_max": 36.0106148516309, + "nauc_recall_at_20_std": 31.453103910565254, + "nauc_recall_at_3_diff1": 24.359328154117748, + "nauc_recall_at_3_max": 39.93774251377568, + "nauc_recall_at_3_std": 16.214921517509648, + "nauc_recall_at_5_diff1": 18.75788451360292, + "nauc_recall_at_5_max": 38.177646107055516, + "nauc_recall_at_5_std": 22.17196825834675, + "ndcg_at_1": 46.71, + "ndcg_at_10": 46.113, + "ndcg_at_100": 53.035, + "ndcg_at_1000": 55.724, + "ndcg_at_20": 48.929, + "ndcg_at_3": 39.501999999999995, + "ndcg_at_5": 41.792, + "precision_at_1": 46.71, + "precision_at_10": 14.274000000000001, + "precision_at_100": 2.1870000000000003, + "precision_at_1000": 0.269, + "precision_at_20": 8.375, + "precision_at_3": 29.881, + "precision_at_5": 22.697, + "recall_at_1": 20.122999999999998, + "recall_at_10": 52.22, + "recall_at_100": 75.388, + "recall_at_1000": 89.938, + "recall_at_20": 60.077000000000005, + "recall_at_3": 35.150999999999996, + "recall_at_5": 42.748000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/DBPedia.json b/results/bennegeek__stella_en_1.5B_v5/external/DBPedia.json new file mode 100644 index 000000000..b3dfa728f --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/DBPedia.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 52.276999999999994, + "map_at_1": 9.949, + "map_at_10": 24.891, + "map_at_100": 37.111, + "map_at_1000": 39.266, + "map_at_20": 29.685, + "map_at_3": 16.586000000000002, + "map_at_5": 19.982, + "mrr_at_1": 76.25, + "mrr_at_10": 82.4518849206349, + "mrr_at_100": 82.70302194564499, + "mrr_at_1000": 82.70909729942254, + "mrr_at_20": 82.60492765962964, + "mrr_at_3": 81.33333333333331, + "mrr_at_5": 82.14583333333331, + "nauc_map_at_1000_diff1": 21.427201262456556, + "nauc_map_at_1000_max": 35.357361590816076, + "nauc_map_at_1000_std": 24.785419223353717, + "nauc_map_at_100_diff1": 22.82358692021537, + "nauc_map_at_100_max": 35.07399692072945, + "nauc_map_at_100_std": 22.679878828987025, + "nauc_map_at_10_diff1": 26.491769223479643, + "nauc_map_at_10_max": 20.78079385443902, + "nauc_map_at_10_std": -4.910406292079661, + "nauc_map_at_1_diff1": 35.20851030208876, + "nauc_map_at_1_max": 5.783003346365858, + "nauc_map_at_1_std": -21.11679133835354, + "nauc_map_at_20_diff1": 24.80097499300491, + "nauc_map_at_20_max": 26.807021360774975, + "nauc_map_at_20_std": 4.793103995429955, + "nauc_map_at_3_diff1": 29.238193458890173, + "nauc_map_at_3_max": 10.300839972189456, + "nauc_map_at_3_std": -17.889666731981592, + "nauc_map_at_5_diff1": 28.773624870573926, + "nauc_map_at_5_max": 14.951435645422887, + "nauc_map_at_5_std": -13.319697827173565, + "nauc_mrr_at_1000_diff1": 55.232544856708785, + "nauc_mrr_at_1000_max": 64.73225637682637, + "nauc_mrr_at_1000_std": 37.57480399594188, + "nauc_mrr_at_100_diff1": 55.219251601773735, + "nauc_mrr_at_100_max": 64.73305063663611, + "nauc_mrr_at_100_std": 37.56458562909293, + "nauc_mrr_at_10_diff1": 55.123463838253464, + "nauc_mrr_at_10_max": 64.91914041040233, + "nauc_mrr_at_10_std": 37.76482503851598, + "nauc_mrr_at_1_diff1": 56.45461238513347, + "nauc_mrr_at_1_max": 63.11782510293676, + "nauc_mrr_at_1_std": 33.592561284868985, + "nauc_mrr_at_20_diff1": 55.15401961460458, + "nauc_mrr_at_20_max": 64.77145835613156, + "nauc_mrr_at_20_std": 37.471561418305804, + "nauc_mrr_at_3_diff1": 54.64387438697658, + "nauc_mrr_at_3_max": 64.27618995019164, + "nauc_mrr_at_3_std": 39.391637295269014, + "nauc_mrr_at_5_diff1": 55.08702591239485, + "nauc_mrr_at_5_max": 64.6071475650635, + "nauc_mrr_at_5_std": 37.97185134269896, + "nauc_ndcg_at_1000_diff1": 31.696698876400387, + "nauc_ndcg_at_1000_max": 52.12183760001191, + "nauc_ndcg_at_1000_std": 40.197596211778716, + "nauc_ndcg_at_100_diff1": 33.253120193433666, + "nauc_ndcg_at_100_max": 49.47167758554746, + "nauc_ndcg_at_100_std": 32.643833139756204, + "nauc_ndcg_at_10_diff1": 27.065541392580013, + "nauc_ndcg_at_10_max": 45.83504281289289, + "nauc_ndcg_at_10_std": 27.11739500732328, + "nauc_ndcg_at_1_diff1": 49.42808250022517, + "nauc_ndcg_at_1_max": 53.502615048520354, + "nauc_ndcg_at_1_std": 27.17555908836708, + "nauc_ndcg_at_20_diff1": 29.374791382330308, + "nauc_ndcg_at_20_max": 43.91246842479055, + "nauc_ndcg_at_20_std": 23.419410620550316, + "nauc_ndcg_at_3_diff1": 26.71550354496204, + "nauc_ndcg_at_3_max": 43.9641457892003, + "nauc_ndcg_at_3_std": 27.320024167947686, + "nauc_ndcg_at_5_diff1": 27.020654974589487, + "nauc_ndcg_at_5_max": 46.130417266030584, + "nauc_ndcg_at_5_std": 28.392009019010068, + "nauc_precision_at_1000_diff1": -21.47455482181002, + "nauc_precision_at_1000_max": -9.721907229236024, + "nauc_precision_at_1000_std": -1.061132062651487, + "nauc_precision_at_100_diff1": -12.35759246101943, + "nauc_precision_at_100_max": 15.509512444892168, + "nauc_precision_at_100_std": 36.21183578592014, + "nauc_precision_at_10_diff1": -6.136998947343125, + "nauc_precision_at_10_max": 32.30037906748288, + "nauc_precision_at_10_std": 41.4500302476981, + "nauc_precision_at_1_diff1": 56.45461238513347, + "nauc_precision_at_1_max": 63.11782510293676, + "nauc_precision_at_1_std": 33.592561284868985, + "nauc_precision_at_20_diff1": -7.335890123683174, + "nauc_precision_at_20_max": 28.31417075291312, + "nauc_precision_at_20_std": 41.405935715061815, + "nauc_precision_at_3_diff1": 7.117255890225942, + "nauc_precision_at_3_max": 39.19894132683829, + "nauc_precision_at_3_std": 38.48255841994843, + "nauc_precision_at_5_diff1": 1.861523090114206, + "nauc_precision_at_5_max": 38.11649223007208, + "nauc_precision_at_5_std": 40.52993530374645, + "nauc_recall_at_1000_diff1": 26.497648584314636, + "nauc_recall_at_1000_max": 44.48069746734414, + "nauc_recall_at_1000_std": 53.16438130228715, + "nauc_recall_at_100_diff1": 26.353456899511446, + "nauc_recall_at_100_max": 37.57379787884197, + "nauc_recall_at_100_std": 29.197468295989548, + "nauc_recall_at_10_diff1": 22.80445738351114, + "nauc_recall_at_10_max": 15.895630778449046, + "nauc_recall_at_10_std": -8.746224797644501, + "nauc_recall_at_1_diff1": 35.20851030208876, + "nauc_recall_at_1_max": 5.783003346365858, + "nauc_recall_at_1_std": -21.11679133835354, + "nauc_recall_at_20_diff1": 22.34028867678706, + "nauc_recall_at_20_max": 21.42373427646772, + "nauc_recall_at_20_std": 0.4533036151015875, + "nauc_recall_at_3_diff1": 24.96853445599229, + "nauc_recall_at_3_max": 6.245185375804208, + "nauc_recall_at_3_std": -20.200240127099622, + "nauc_recall_at_5_diff1": 24.749259476710623, + "nauc_recall_at_5_max": 11.024592845995942, + "nauc_recall_at_5_std": -16.15683085641543, + "ndcg_at_1": 64.125, + "ndcg_at_10": 52.276999999999994, + "ndcg_at_100": 57.440000000000005, + "ndcg_at_1000": 64.082, + "ndcg_at_20": 51.383, + "ndcg_at_3": 55.769000000000005, + "ndcg_at_5": 53.978, + "precision_at_1": 76.25, + "precision_at_10": 43.05, + "precision_at_100": 14.09, + "precision_at_1000": 2.662, + "precision_at_20": 33.112, + "precision_at_3": 59.833000000000006, + "precision_at_5": 53.05, + "recall_at_1": 9.949, + "recall_at_10": 30.424, + "recall_at_100": 64.062, + "recall_at_1000": 85.916, + "recall_at_20": 39.895, + "recall_at_3": 17.876, + "recall_at_5": 22.536 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/EmotionClassification.json b/results/bennegeek__stella_en_1.5B_v5/external/EmotionClassification.json new file mode 100644 index 000000000..91b14b71b --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/EmotionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 84.29499999999999, + "f1": 79.76188258172078, + "f1_weighted": 84.96026012933847, + "main_score": 84.29499999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/FEVER.json b/results/bennegeek__stella_en_1.5B_v5/external/FEVER.json new file mode 100644 index 000000000..fcd4fe0e4 --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/FEVER.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 94.83200000000001, + "map_at_1": 87.339, + "map_at_10": 92.92099999999999, + "map_at_100": 93.108, + "map_at_1000": 93.116, + "map_at_20": 93.041, + "map_at_3": 92.219, + "map_at_5": 92.664, + "mrr_at_1": 93.99939993999399, + "mrr_at_10": 96.55188137861403, + "mrr_at_100": 96.5652366009286, + "mrr_at_1000": 96.5652625550811, + "mrr_at_20": 96.5601781754844, + "mrr_at_3": 96.45714571457142, + "mrr_at_5": 96.544904490449, + "nauc_map_at_1000_diff1": 51.81676454961933, + "nauc_map_at_1000_max": 24.904822914926118, + "nauc_map_at_1000_std": -3.8110347821630404, + "nauc_map_at_100_diff1": 51.77514975011158, + "nauc_map_at_100_max": 24.912497341800094, + "nauc_map_at_100_std": -3.76229517662447, + "nauc_map_at_10_diff1": 51.29608296382479, + "nauc_map_at_10_max": 24.78704970246707, + "nauc_map_at_10_std": -3.723130815783328, + "nauc_map_at_1_diff1": 59.90813138005125, + "nauc_map_at_1_max": 24.58479295693794, + "nauc_map_at_1_std": -8.056152492777027, + "nauc_map_at_20_diff1": 51.428639331678326, + "nauc_map_at_20_max": 24.849214517705086, + "nauc_map_at_20_std": -3.685550123874596, + "nauc_map_at_3_diff1": 50.94399923719279, + "nauc_map_at_3_max": 24.359700180006207, + "nauc_map_at_3_std": -5.407767408816422, + "nauc_map_at_5_diff1": 50.767302682959546, + "nauc_map_at_5_max": 24.491113461892215, + "nauc_map_at_5_std": -4.058336127339082, + "nauc_mrr_at_1000_diff1": 79.86042313551833, + "nauc_mrr_at_1000_max": 23.20960445633933, + "nauc_mrr_at_1000_std": -23.54334295120471, + "nauc_mrr_at_100_diff1": 79.85991247027636, + "nauc_mrr_at_100_max": 23.210085926780106, + "nauc_mrr_at_100_std": -23.542508200789197, + "nauc_mrr_at_10_diff1": 79.71095155563415, + "nauc_mrr_at_10_max": 23.24128650883908, + "nauc_mrr_at_10_std": -23.408502781834102, + "nauc_mrr_at_1_diff1": 82.6349900233902, + "nauc_mrr_at_1_max": 21.994548214014227, + "nauc_mrr_at_1_std": -22.549769792179262, + "nauc_mrr_at_20_diff1": 79.76465012873038, + "nauc_mrr_at_20_max": 23.17575026523213, + "nauc_mrr_at_20_std": -23.492660166315048, + "nauc_mrr_at_3_diff1": 79.91074933379953, + "nauc_mrr_at_3_max": 24.14246499097892, + "nauc_mrr_at_3_std": -25.22601708389664, + "nauc_mrr_at_5_diff1": 79.62092651565847, + "nauc_mrr_at_5_max": 23.315937737034425, + "nauc_mrr_at_5_std": -23.317659360058403, + "nauc_ndcg_at_1000_diff1": 54.404537986779225, + "nauc_ndcg_at_1000_max": 25.38408304128995, + "nauc_ndcg_at_1000_std": -4.916709117696968, + "nauc_ndcg_at_100_diff1": 53.2448598868241, + "nauc_ndcg_at_100_max": 25.75325255295546, + "nauc_ndcg_at_100_std": -3.680507005630751, + "nauc_ndcg_at_10_diff1": 50.81057355170232, + "nauc_ndcg_at_10_max": 25.006448273343807, + "nauc_ndcg_at_10_std": -2.8979899112515577, + "nauc_ndcg_at_1_diff1": 82.6349900233902, + "nauc_ndcg_at_1_max": 21.994548214014227, + "nauc_ndcg_at_1_std": -22.549769792179262, + "nauc_ndcg_at_20_diff1": 51.205023097166304, + "nauc_ndcg_at_20_max": 25.22133626556826, + "nauc_ndcg_at_20_std": -2.9506328244150155, + "nauc_ndcg_at_3_diff1": 51.79780256736321, + "nauc_ndcg_at_3_max": 24.81137324438439, + "nauc_ndcg_at_3_std": -6.881223858227807, + "nauc_ndcg_at_5_diff1": 50.290038260564565, + "nauc_ndcg_at_5_max": 24.57250792165796, + "nauc_ndcg_at_5_std": -3.5124628344654596, + "nauc_precision_at_1000_diff1": -20.215211396894333, + "nauc_precision_at_1000_max": -14.165452298769171, + "nauc_precision_at_1000_std": -2.0952871214470816, + "nauc_precision_at_100_diff1": -22.340257474494607, + "nauc_precision_at_100_max": -12.697885641360282, + "nauc_precision_at_100_std": 1.0688624940286244, + "nauc_precision_at_10_diff1": -24.78271817420798, + "nauc_precision_at_10_max": -12.625257500222656, + "nauc_precision_at_10_std": 3.223250450607087, + "nauc_precision_at_1_diff1": 82.6349900233902, + "nauc_precision_at_1_max": 21.994548214014227, + "nauc_precision_at_1_std": -22.549769792179262, + "nauc_precision_at_20_diff1": -24.375756227194177, + "nauc_precision_at_20_max": -12.341015011563536, + "nauc_precision_at_20_std": 2.7475274619387955, + "nauc_precision_at_3_diff1": -24.8251306777365, + "nauc_precision_at_3_max": -13.109579709589042, + "nauc_precision_at_3_std": -1.2233442335420748, + "nauc_precision_at_5_diff1": -26.955418583344894, + "nauc_precision_at_5_max": -13.598630838071015, + "nauc_precision_at_5_std": 2.545780631940738, + "nauc_recall_at_1000_diff1": 0.2542680835344437, + "nauc_recall_at_1000_max": 49.38194243035277, + "nauc_recall_at_1000_std": 57.021502715846026, + "nauc_recall_at_100_diff1": 5.062154815367015, + "nauc_recall_at_100_max": 45.41178380188437, + "nauc_recall_at_100_std": 50.78382225901813, + "nauc_recall_at_10_diff1": 20.429153629007818, + "nauc_recall_at_10_max": 27.516855026155508, + "nauc_recall_at_10_std": 21.367491371755467, + "nauc_recall_at_1_diff1": 59.90813138005125, + "nauc_recall_at_1_max": 24.58479295693794, + "nauc_recall_at_1_std": -8.056152492777027, + "nauc_recall_at_20_diff1": 13.072430858896942, + "nauc_recall_at_20_max": 29.5522659183247, + "nauc_recall_at_20_std": 28.70569974090291, + "nauc_recall_at_3_diff1": 30.419084482663617, + "nauc_recall_at_3_max": 25.627389580252835, + "nauc_recall_at_3_std": 2.5557690877637054, + "nauc_recall_at_5_diff1": 22.92561435069869, + "nauc_recall_at_5_max": 25.545265063475455, + "nauc_recall_at_5_std": 14.736172663072786, + "ndcg_at_1": 93.999, + "ndcg_at_10": 94.83200000000001, + "ndcg_at_100": 95.363, + "ndcg_at_1000": 95.478, + "ndcg_at_20": 95.077, + "ndcg_at_3": 94.143, + "ndcg_at_5": 94.525, + "precision_at_1": 93.999, + "precision_at_10": 11.029, + "precision_at_100": 1.1560000000000001, + "precision_at_1000": 0.11800000000000001, + "precision_at_20": 5.62, + "precision_at_3": 35.219, + "precision_at_5": 21.584, + "recall_at_1": 87.339, + "recall_at_10": 97.026, + "recall_at_100": 98.936, + "recall_at_1000": 99.599, + "recall_at_20": 97.744, + "recall_at_3": 95.069, + "recall_at_5": 96.177 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/FiQA2018.json b/results/bennegeek__stella_en_1.5B_v5/external/FiQA2018.json new file mode 100644 index 000000000..5efaaa88c --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/FiQA2018.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 60.480000000000004, + "map_at_1": 31.529, + "map_at_10": 52.081, + "map_at_100": 54.342, + "map_at_1000": 54.449000000000005, + "map_at_20": 53.479, + "map_at_3": 45.471000000000004, + "map_at_5": 49.164, + "mrr_at_1": 60.03086419753087, + "mrr_at_10": 67.73754409171075, + "mrr_at_100": 68.332432152368, + "mrr_at_1000": 68.34150941774908, + "mrr_at_20": 68.14780993838725, + "mrr_at_3": 65.6378600823045, + "mrr_at_5": 66.88014403292176, + "nauc_map_at_1000_diff1": 45.36598134579052, + "nauc_map_at_1000_max": 31.891451119906943, + "nauc_map_at_1000_std": -15.41454384137943, + "nauc_map_at_100_diff1": 45.31268291874018, + "nauc_map_at_100_max": 31.811055683002092, + "nauc_map_at_100_std": -15.348503855591417, + "nauc_map_at_10_diff1": 45.22606983565892, + "nauc_map_at_10_max": 30.46108534749699, + "nauc_map_at_10_std": -16.618086029682555, + "nauc_map_at_1_diff1": 49.94952823753276, + "nauc_map_at_1_max": 13.770377574254548, + "nauc_map_at_1_std": -14.946357968858653, + "nauc_map_at_20_diff1": 45.29274207897926, + "nauc_map_at_20_max": 31.27332015148257, + "nauc_map_at_20_std": -15.782946115613129, + "nauc_map_at_3_diff1": 47.94248233566038, + "nauc_map_at_3_max": 24.022838776825456, + "nauc_map_at_3_std": -17.103518542262208, + "nauc_map_at_5_diff1": 45.85345590031722, + "nauc_map_at_5_max": 27.78341379004547, + "nauc_map_at_5_std": -17.490850791756326, + "nauc_mrr_at_1000_diff1": 58.225141047822824, + "nauc_mrr_at_1000_max": 43.39606904140525, + "nauc_mrr_at_1000_std": -14.64093518199122, + "nauc_mrr_at_100_diff1": 58.22137274179545, + "nauc_mrr_at_100_max": 43.39567568136935, + "nauc_mrr_at_100_std": -14.62512313985582, + "nauc_mrr_at_10_diff1": 58.03217329957151, + "nauc_mrr_at_10_max": 43.633561683075186, + "nauc_mrr_at_10_std": -14.563703576023808, + "nauc_mrr_at_1_diff1": 61.48979902647692, + "nauc_mrr_at_1_max": 43.1938079066948, + "nauc_mrr_at_1_std": -15.808138277440465, + "nauc_mrr_at_20_diff1": 58.13185370150794, + "nauc_mrr_at_20_max": 43.35607721183147, + "nauc_mrr_at_20_std": -14.635812702971263, + "nauc_mrr_at_3_diff1": 58.698963168321264, + "nauc_mrr_at_3_max": 43.633129249785405, + "nauc_mrr_at_3_std": -15.733246346983854, + "nauc_mrr_at_5_diff1": 57.94156745229547, + "nauc_mrr_at_5_max": 43.14152462640525, + "nauc_mrr_at_5_std": -15.318685307750895, + "nauc_ndcg_at_1000_diff1": 47.871896043731496, + "nauc_ndcg_at_1000_max": 37.159845167533426, + "nauc_ndcg_at_1000_std": -13.067288160833485, + "nauc_ndcg_at_100_diff1": 47.046171407204426, + "nauc_ndcg_at_100_max": 36.422514360855835, + "nauc_ndcg_at_100_std": -11.636859259571441, + "nauc_ndcg_at_10_diff1": 46.232628149078096, + "nauc_ndcg_at_10_max": 34.82402625088358, + "nauc_ndcg_at_10_std": -14.768545542980114, + "nauc_ndcg_at_1_diff1": 61.48979902647692, + "nauc_ndcg_at_1_max": 43.1938079066948, + "nauc_ndcg_at_1_std": -15.808138277440465, + "nauc_ndcg_at_20_diff1": 46.51116172390955, + "nauc_ndcg_at_20_max": 35.36362650568298, + "nauc_ndcg_at_20_std": -12.849406209182826, + "nauc_ndcg_at_3_diff1": 47.39832263785871, + "nauc_ndcg_at_3_max": 35.67466264628456, + "nauc_ndcg_at_3_std": -17.257717349296943, + "nauc_ndcg_at_5_diff1": 45.91049493804232, + "nauc_ndcg_at_5_max": 33.8405091138445, + "nauc_ndcg_at_5_std": -17.477069902735895, + "nauc_precision_at_1000_diff1": -12.037873000917767, + "nauc_precision_at_1000_max": 26.043220150002295, + "nauc_precision_at_1000_std": 6.84910668321572, + "nauc_precision_at_100_diff1": -9.383403459051864, + "nauc_precision_at_100_max": 29.68713170610003, + "nauc_precision_at_100_std": 10.079531587056152, + "nauc_precision_at_10_diff1": 3.3433323353925135, + "nauc_precision_at_10_max": 38.31790111725993, + "nauc_precision_at_10_std": 0.7888123304710856, + "nauc_precision_at_1_diff1": 61.48979902647692, + "nauc_precision_at_1_max": 43.1938079066948, + "nauc_precision_at_1_std": -15.808138277440465, + "nauc_precision_at_20_diff1": -2.083500986294448, + "nauc_precision_at_20_max": 35.77143835726343, + "nauc_precision_at_20_std": 5.318547021874003, + "nauc_precision_at_3_diff1": 23.335617788912586, + "nauc_precision_at_3_max": 39.81973275320871, + "nauc_precision_at_3_std": -8.442769390555561, + "nauc_precision_at_5_diff1": 11.521087842589482, + "nauc_precision_at_5_max": 39.527792539828255, + "nauc_precision_at_5_std": -5.412729503701626, + "nauc_recall_at_1000_diff1": 10.6830893047453, + "nauc_recall_at_1000_max": 8.834504311238423, + "nauc_recall_at_1000_std": 24.670754304859692, + "nauc_recall_at_100_diff1": 20.646020385527358, + "nauc_recall_at_100_max": 20.121595011523294, + "nauc_recall_at_100_std": 19.42307459311791, + "nauc_recall_at_10_diff1": 33.01029313733417, + "nauc_recall_at_10_max": 27.948634980368702, + "nauc_recall_at_10_std": -10.239767371462975, + "nauc_recall_at_1_diff1": 49.94952823753276, + "nauc_recall_at_1_max": 13.770377574254548, + "nauc_recall_at_1_std": -14.946357968858653, + "nauc_recall_at_20_diff1": 30.040111045267963, + "nauc_recall_at_20_max": 25.984919302418184, + "nauc_recall_at_20_std": -1.4998001817460804, + "nauc_recall_at_3_diff1": 42.24410559113653, + "nauc_recall_at_3_max": 20.269503583626914, + "nauc_recall_at_3_std": -17.09578532600584, + "nauc_recall_at_5_diff1": 36.124149735848945, + "nauc_recall_at_5_max": 22.708022306002622, + "nauc_recall_at_5_std": -16.966976847236193, + "ndcg_at_1": 60.031, + "ndcg_at_10": 60.480000000000004, + "ndcg_at_100": 66.94099999999999, + "ndcg_at_1000": 68.303, + "ndcg_at_20": 63.536, + "ndcg_at_3": 55.903999999999996, + "ndcg_at_5": 57.387, + "precision_at_1": 60.031, + "precision_at_10": 16.682, + "precision_at_100": 2.336, + "precision_at_1000": 0.259, + "precision_at_20": 9.66, + "precision_at_3": 37.191, + "precision_at_5": 27.253, + "recall_at_1": 31.529, + "recall_at_10": 68.035, + "recall_at_100": 90.925, + "recall_at_1000": 98.688, + "recall_at_20": 77.453, + "recall_at_3": 50.221000000000004, + "recall_at_5": 58.209999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/HotpotQA.json b/results/bennegeek__stella_en_1.5B_v5/external/HotpotQA.json new file mode 100644 index 000000000..88dbf9671 --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/HotpotQA.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 76.67399999999999, + "map_at_1": 43.822, + "map_at_10": 68.82000000000001, + "map_at_100": 69.659, + "map_at_1000": 69.714, + "map_at_20": 69.305, + "map_at_3": 65.517, + "map_at_5": 67.633, + "mrr_at_1": 87.643484132343, + "mrr_at_10": 91.28134679485098, + "mrr_at_100": 91.37985230614755, + "mrr_at_1000": 91.38202467630681, + "mrr_at_20": 91.34718855278429, + "mrr_at_3": 90.75849651136599, + "mrr_at_5": 91.10961062345235, + "nauc_map_at_1000_diff1": 3.7670405082837477, + "nauc_map_at_1000_max": 14.410594409695182, + "nauc_map_at_1000_std": 7.94738583292685, + "nauc_map_at_100_diff1": 3.738796209193936, + "nauc_map_at_100_max": 14.408029101534694, + "nauc_map_at_100_std": 7.979641077687816, + "nauc_map_at_10_diff1": 3.334917978089454, + "nauc_map_at_10_max": 13.975255289147748, + "nauc_map_at_10_std": 7.491959628012161, + "nauc_map_at_1_diff1": 75.35066482050009, + "nauc_map_at_1_max": 53.573503488571475, + "nauc_map_at_1_std": -6.542030594426993, + "nauc_map_at_20_diff1": 3.5197129341582083, + "nauc_map_at_20_max": 14.159880698006816, + "nauc_map_at_20_std": 7.856574384998483, + "nauc_map_at_3_diff1": 3.0992333232864064, + "nauc_map_at_3_max": 12.513959281222112, + "nauc_map_at_3_std": 4.352912866014865, + "nauc_map_at_5_diff1": 3.0351688998572537, + "nauc_map_at_5_max": 13.21599457624529, + "nauc_map_at_5_std": 6.246882983214777, + "nauc_mrr_at_1000_diff1": 75.23953736361132, + "nauc_mrr_at_1000_max": 56.64260717262164, + "nauc_mrr_at_1000_std": -4.865932053762276, + "nauc_mrr_at_100_diff1": 75.24091372816497, + "nauc_mrr_at_100_max": 56.64831104504846, + "nauc_mrr_at_100_std": -4.850966297943324, + "nauc_mrr_at_10_diff1": 75.26540178053416, + "nauc_mrr_at_10_max": 56.828755673428965, + "nauc_mrr_at_10_std": -4.8401126970944635, + "nauc_mrr_at_1_diff1": 75.35066482050009, + "nauc_mrr_at_1_max": 53.573503488571475, + "nauc_mrr_at_1_std": -6.542030594426993, + "nauc_mrr_at_20_diff1": 75.24453050729845, + "nauc_mrr_at_20_max": 56.69220588401435, + "nauc_mrr_at_20_std": -4.843700730832108, + "nauc_mrr_at_3_diff1": 74.98411648336175, + "nauc_mrr_at_3_max": 56.766537573537114, + "nauc_mrr_at_3_std": -4.909712671649337, + "nauc_mrr_at_5_diff1": 75.20599020991028, + "nauc_mrr_at_5_max": 56.64236207782237, + "nauc_mrr_at_5_std": -5.208907367513977, + "nauc_ndcg_at_1000_diff1": 11.48307079099774, + "nauc_ndcg_at_1000_max": 20.893326881675176, + "nauc_ndcg_at_1000_std": 10.43489838692119, + "nauc_ndcg_at_100_diff1": 10.395588735754927, + "nauc_ndcg_at_100_max": 20.529573302516912, + "nauc_ndcg_at_100_std": 11.252973083654268, + "nauc_ndcg_at_10_diff1": 8.596739352741972, + "nauc_ndcg_at_10_max": 18.475863682540673, + "nauc_ndcg_at_10_std": 9.175831033463352, + "nauc_ndcg_at_1_diff1": 75.35066482050009, + "nauc_ndcg_at_1_max": 53.573503488571475, + "nauc_ndcg_at_1_std": -6.542030594426993, + "nauc_ndcg_at_20_diff1": 8.998033972471749, + "nauc_ndcg_at_20_max": 18.892085875404522, + "nauc_ndcg_at_20_std": 10.3241608901084, + "nauc_ndcg_at_3_diff1": 8.796384949533579, + "nauc_ndcg_at_3_max": 16.515261419885274, + "nauc_ndcg_at_3_std": 4.081902976576701, + "nauc_ndcg_at_5_diff1": 8.277259464605025, + "nauc_ndcg_at_5_max": 17.163053202909527, + "nauc_ndcg_at_5_std": 6.652669449704474, + "nauc_precision_at_1000_diff1": -3.490556596304827, + "nauc_precision_at_1000_max": 31.0473259001597, + "nauc_precision_at_1000_std": 52.36921397692622, + "nauc_precision_at_100_diff1": -6.420747959222489, + "nauc_precision_at_100_max": 20.555887056005936, + "nauc_precision_at_100_std": 36.119132870798495, + "nauc_precision_at_10_diff1": -6.461726057290426, + "nauc_precision_at_10_max": 12.161081825341915, + "nauc_precision_at_10_std": 17.961318451839993, + "nauc_precision_at_1_diff1": 75.35066482050009, + "nauc_precision_at_1_max": 53.573503488571475, + "nauc_precision_at_1_std": -6.542030594426993, + "nauc_precision_at_20_diff1": -7.361461296416161, + "nauc_precision_at_20_max": 12.663621261696733, + "nauc_precision_at_20_std": 23.312476851670286, + "nauc_precision_at_3_diff1": -3.299056912774522, + "nauc_precision_at_3_max": 9.85602375812038, + "nauc_precision_at_3_std": 6.4962782003155475, + "nauc_precision_at_5_diff1": -5.3155827772027795, + "nauc_precision_at_5_max": 10.32907751171833, + "nauc_precision_at_5_std": 11.384098087196932, + "nauc_recall_at_1000_diff1": -3.4905565963043332, + "nauc_recall_at_1000_max": 31.04732590016041, + "nauc_recall_at_1000_std": 52.36921397692641, + "nauc_recall_at_100_diff1": -6.420747959222586, + "nauc_recall_at_100_max": 20.55588705600596, + "nauc_recall_at_100_std": 36.11913287079825, + "nauc_recall_at_10_diff1": -6.461726057290347, + "nauc_recall_at_10_max": 12.161081825342022, + "nauc_recall_at_10_std": 17.96131845184002, + "nauc_recall_at_1_diff1": 75.35066482050009, + "nauc_recall_at_1_max": 53.573503488571475, + "nauc_recall_at_1_std": -6.542030594426993, + "nauc_recall_at_20_diff1": -7.361461296416054, + "nauc_recall_at_20_max": 12.66362126169679, + "nauc_recall_at_20_std": 23.312476851670382, + "nauc_recall_at_3_diff1": -3.2990569127745886, + "nauc_recall_at_3_max": 9.856023758120296, + "nauc_recall_at_3_std": 6.496278200315444, + "nauc_recall_at_5_diff1": -5.315582777202729, + "nauc_recall_at_5_max": 10.329077511718229, + "nauc_recall_at_5_std": 11.384098087196932, + "ndcg_at_1": 87.643, + "ndcg_at_10": 76.67399999999999, + "ndcg_at_100": 79.462, + "ndcg_at_1000": 80.43599999999999, + "ndcg_at_20": 77.83, + "ndcg_at_3": 72.256, + "ndcg_at_5": 74.789, + "precision_at_1": 87.643, + "precision_at_10": 15.726999999999999, + "precision_at_100": 1.791, + "precision_at_1000": 0.192, + "precision_at_20": 8.236, + "precision_at_3": 45.919, + "precision_at_5": 29.558, + "recall_at_1": 43.822, + "recall_at_10": 78.636, + "recall_at_100": 89.527, + "recall_at_1000": 95.868, + "recall_at_20": 82.363, + "recall_at_3": 68.879, + "recall_at_5": 73.896 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/ImdbClassification.json b/results/bennegeek__stella_en_1.5B_v5/external/ImdbClassification.json new file mode 100644 index 000000000..d860e8aaa --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/ImdbClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 96.6608, + "ap": 95.14657820401189, + "ap_weighted": 95.14657820401189, + "f1": 96.66029695623422, + "f1_weighted": 96.66029695623423, + "main_score": 96.6608 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/MSMARCO.json b/results/bennegeek__stella_en_1.5B_v5/external/MSMARCO.json new file mode 100644 index 000000000..3eb0860f9 --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/MSMARCO.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 45.217, + "map_at_1": 24.728, + "map_at_10": 37.933, + "map_at_100": 39.074999999999996, + "map_at_1000": 39.115, + "map_at_20": 38.663, + "map_at_3": 33.904, + "map_at_5": 36.217, + "mrr_at_1": 25.44412607449857, + "mrr_at_10": 38.52640196479737, + "mrr_at_100": 39.60462889736067, + "mrr_at_1000": 39.638904296248526, + "mrr_at_20": 39.2234365827559, + "mrr_at_3": 34.59646609360076, + "mrr_at_5": 36.8801337153773, + "nauc_map_at_1000_diff1": 37.645652178132174, + "nauc_map_at_1000_max": 9.953357023361367, + "nauc_map_at_1000_std": -20.800238036721503, + "nauc_map_at_100_diff1": 37.643073495974555, + "nauc_map_at_100_max": 9.95921239641703, + "nauc_map_at_100_std": -20.76517765535793, + "nauc_map_at_10_diff1": 37.44380763335014, + "nauc_map_at_10_max": 9.917273043055342, + "nauc_map_at_10_std": -21.467951225710898, + "nauc_map_at_1_diff1": 41.02118887981969, + "nauc_map_at_1_max": 8.301113449711778, + "nauc_map_at_1_std": -19.436814224415027, + "nauc_map_at_20_diff1": 37.58156586490493, + "nauc_map_at_20_max": 9.972927967610659, + "nauc_map_at_20_std": -20.951374218839387, + "nauc_map_at_3_diff1": 37.67246795684178, + "nauc_map_at_3_max": 9.307031378909478, + "nauc_map_at_3_std": -21.77026217965021, + "nauc_map_at_5_diff1": 37.39086482095963, + "nauc_map_at_5_max": 9.732739107368566, + "nauc_map_at_5_std": -21.8424296893692, + "nauc_mrr_at_1000_diff1": 37.36666719603192, + "nauc_mrr_at_1000_max": 9.79040465289953, + "nauc_mrr_at_1000_std": -20.590147245965568, + "nauc_mrr_at_100_diff1": 37.36560296629318, + "nauc_mrr_at_100_max": 9.798113710672162, + "nauc_mrr_at_100_std": -20.556791838504292, + "nauc_mrr_at_10_diff1": 37.19257605840734, + "nauc_mrr_at_10_max": 9.749429811638063, + "nauc_mrr_at_10_std": -21.206407664327276, + "nauc_mrr_at_1_diff1": 40.98478651095172, + "nauc_mrr_at_1_max": 8.173841799119707, + "nauc_mrr_at_1_std": -19.530027987868017, + "nauc_mrr_at_20_diff1": 37.29973172861245, + "nauc_mrr_at_20_max": 9.815127660001345, + "nauc_mrr_at_20_std": -20.700860112175928, + "nauc_mrr_at_3_diff1": 37.282848009425734, + "nauc_mrr_at_3_max": 9.172741713108193, + "nauc_mrr_at_3_std": -21.563630513502996, + "nauc_mrr_at_5_diff1": 37.08609827303586, + "nauc_mrr_at_5_max": 9.604643424273284, + "nauc_mrr_at_5_std": -21.580110806494094, + "nauc_ndcg_at_1000_diff1": 37.086587020218545, + "nauc_ndcg_at_1000_max": 10.696860688467472, + "nauc_ndcg_at_1000_std": -19.50989939916873, + "nauc_ndcg_at_100_diff1": 37.03794531268128, + "nauc_ndcg_at_100_max": 10.940820719182339, + "nauc_ndcg_at_100_std": -18.28651832370893, + "nauc_ndcg_at_10_diff1": 36.21062857920633, + "nauc_ndcg_at_10_max": 10.845172882571733, + "nauc_ndcg_at_10_std": -21.454301679510106, + "nauc_ndcg_at_1_diff1": 40.98478651095172, + "nauc_ndcg_at_1_max": 8.173841799119707, + "nauc_ndcg_at_1_std": -19.530027987868017, + "nauc_ndcg_at_20_diff1": 36.583262733100526, + "nauc_ndcg_at_20_max": 11.10492720898974, + "nauc_ndcg_at_20_std": -19.41753284137609, + "nauc_ndcg_at_3_diff1": 36.57271365035382, + "nauc_ndcg_at_3_max": 9.56073433062999, + "nauc_ndcg_at_3_std": -22.324263670932915, + "nauc_ndcg_at_5_diff1": 36.09419372820154, + "nauc_ndcg_at_5_max": 10.357384992631271, + "nauc_ndcg_at_5_std": -22.389578276324894, + "nauc_precision_at_1000_diff1": -2.7435338714030597, + "nauc_precision_at_1000_max": 4.302274933383809, + "nauc_precision_at_1000_std": 8.456846348638948, + "nauc_precision_at_100_diff1": 15.149466332615983, + "nauc_precision_at_100_max": 12.501013731673163, + "nauc_precision_at_100_std": 15.909667509021785, + "nauc_precision_at_10_diff1": 28.699788688314214, + "nauc_precision_at_10_max": 13.024586051842347, + "nauc_precision_at_10_std": -19.197658937078703, + "nauc_precision_at_1_diff1": 40.98478651095172, + "nauc_precision_at_1_max": 8.173841799119707, + "nauc_precision_at_1_std": -19.530027987868017, + "nauc_precision_at_20_diff1": 26.519292942353395, + "nauc_precision_at_20_max": 14.389979272056438, + "nauc_precision_at_20_std": -7.030956994938155, + "nauc_precision_at_3_diff1": 32.87913492278213, + "nauc_precision_at_3_max": 9.673660161387776, + "nauc_precision_at_3_std": -23.905612656592172, + "nauc_precision_at_5_diff1": 30.903850113238597, + "nauc_precision_at_5_max": 11.482375434154898, + "nauc_precision_at_5_std": -23.828657095254247, + "nauc_recall_at_1000_diff1": 35.80765639589219, + "nauc_recall_at_1000_max": 50.94532805969448, + "nauc_recall_at_1000_std": 66.79910877083275, + "nauc_recall_at_100_diff1": 34.96182828311028, + "nauc_recall_at_100_max": 21.729699631790556, + "nauc_recall_at_100_std": 23.509439011686474, + "nauc_recall_at_10_diff1": 31.88371369567137, + "nauc_recall_at_10_max": 14.425389702697073, + "nauc_recall_at_10_std": -20.95578001880924, + "nauc_recall_at_1_diff1": 41.02118887981969, + "nauc_recall_at_1_max": 8.301113449711778, + "nauc_recall_at_1_std": -19.436814224415027, + "nauc_recall_at_20_diff1": 32.42718780622455, + "nauc_recall_at_20_max": 16.90686126329399, + "nauc_recall_at_20_std": -9.38158227016737, + "nauc_recall_at_3_diff1": 33.68966646043966, + "nauc_recall_at_3_max": 10.336277419708532, + "nauc_recall_at_3_std": -23.80165869168538, + "nauc_recall_at_5_diff1": 32.26258807452426, + "nauc_recall_at_5_max": 12.303713005399935, + "nauc_recall_at_5_std": -23.87721891164968, + "ndcg_at_1": 25.444, + "ndcg_at_10": 45.217, + "ndcg_at_100": 50.575, + "ndcg_at_1000": 51.519999999999996, + "ndcg_at_20": 47.786, + "ndcg_at_3": 37.067, + "ndcg_at_5": 41.184, + "precision_at_1": 25.444, + "precision_at_10": 7.07, + "precision_at_100": 0.9730000000000001, + "precision_at_1000": 0.106, + "precision_at_20": 4.072, + "precision_at_3": 15.754999999999999, + "precision_at_5": 11.544, + "recall_at_1": 24.728, + "recall_at_10": 67.607, + "recall_at_100": 92.094, + "recall_at_1000": 99.165, + "recall_at_20": 77.529, + "recall_at_3": 45.535, + "recall_at_5": 55.394 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/MTOPDomainClassification.json b/results/bennegeek__stella_en_1.5B_v5/external/MTOPDomainClassification.json new file mode 100644 index 000000000..78f77ca46 --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/MTOPDomainClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 99.01276789785682, + "f1": 98.9288649250924, + "f1_weighted": 99.01406884928141, + "main_score": 99.01276789785682 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/MTOPIntentClassification.json b/results/bennegeek__stella_en_1.5B_v5/external/MTOPIntentClassification.json new file mode 100644 index 000000000..867d7ff0d --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/MTOPIntentClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.78385772913816, + "f1": 79.78115704297824, + "f1_weighted": 93.90424147486428, + "main_score": 92.78385772913816 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/MassiveIntentClassification.json b/results/bennegeek__stella_en_1.5B_v5/external/MassiveIntentClassification.json new file mode 100644 index 000000000..0644034c7 --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/MassiveIntentClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "4672e20407010da34463acc759c162ca9734bca6", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 85.83053127101546, + "f1": 82.72036139888232, + "f1_weighted": 85.81759723866098, + "main_score": 85.83053127101546 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/MassiveScenarioClassification.json b/results/bennegeek__stella_en_1.5B_v5/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..898c58079 --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/MassiveScenarioClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "fad2c6e8459f9e1c45d9315f4953d921437d70f8", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 90.19838601210489, + "f1": 89.55260197964978, + "f1_weighted": 90.11422965504119, + "main_score": 90.19838601210489 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/MedrxivClusteringP2P.json b/results/bennegeek__stella_en_1.5B_v5/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..83a174aa6 --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/MedrxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 46.866746897607094, + "v_measure": 46.866746897607094, + "v_measure_std": 1.0966477896919726 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/MedrxivClusteringS2S.json b/results/bennegeek__stella_en_1.5B_v5/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..bb2015aba --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/MedrxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 44.6538827415503, + "v_measure": 44.6538827415503, + "v_measure_std": 1.1649569936599116 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/MindSmallReranking.json b/results/bennegeek__stella_en_1.5B_v5/external/MindSmallReranking.json new file mode 100644 index 000000000..30b76cbfd --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/MindSmallReranking.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "59042f120c80e8afa9cdbb224f67076cec0fc9a7", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 33.05449204940555, + "map": 33.05449204940555, + "mrr": 34.32562058439585, + "nAUC_map_diff1": 11.465656013162807, + "nAUC_map_max": -20.400088169502308, + "nAUC_map_std": -2.638964886362445, + "nAUC_mrr_diff1": 10.644290702481207, + "nAUC_mrr_max": -15.304687384645769, + "nAUC_mrr_std": -0.519919931348978 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/NFCorpus.json b/results/bennegeek__stella_en_1.5B_v5/external/NFCorpus.json new file mode 100644 index 000000000..ce44df021 --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/NFCorpus.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 41.998000000000005, + "map_at_1": 6.907000000000001, + "map_at_10": 16.397000000000002, + "map_at_100": 21.69, + "map_at_1000": 23.652, + "map_at_20": 18.629, + "map_at_3": 11.969000000000001, + "map_at_5": 13.894, + "mrr_at_1": 53.25077399380805, + "mrr_at_10": 61.8561108653988, + "mrr_at_100": 62.42447851935404, + "mrr_at_1000": 62.459626424428095, + "mrr_at_20": 62.287236389990696, + "mrr_at_3": 60.42311661506711, + "mrr_at_5": 61.36738906088753, + "nauc_map_at_1000_diff1": 17.159461939643844, + "nauc_map_at_1000_max": 32.42764938789903, + "nauc_map_at_1000_std": 11.039427848422093, + "nauc_map_at_100_diff1": 19.089532984187503, + "nauc_map_at_100_max": 31.96721085058713, + "nauc_map_at_100_std": 6.947468655726444, + "nauc_map_at_10_diff1": 25.77255342629802, + "nauc_map_at_10_max": 26.163590320961543, + "nauc_map_at_10_std": -5.2588093720998375, + "nauc_map_at_1_diff1": 46.31602607957798, + "nauc_map_at_1_max": 11.807757660801942, + "nauc_map_at_1_std": -13.984889089354317, + "nauc_map_at_20_diff1": 22.308161130465365, + "nauc_map_at_20_max": 29.070587307827722, + "nauc_map_at_20_std": -1.0103056620851558, + "nauc_map_at_3_diff1": 33.580827849617506, + "nauc_map_at_3_max": 17.661630885799042, + "nauc_map_at_3_std": -11.463282544041888, + "nauc_map_at_5_diff1": 30.32603342696912, + "nauc_map_at_5_max": 20.938905485667245, + "nauc_map_at_5_std": -10.537086968155755, + "nauc_mrr_at_1000_diff1": 24.45065397805829, + "nauc_mrr_at_1000_max": 48.17519860927417, + "nauc_mrr_at_1000_std": 30.350767549118903, + "nauc_mrr_at_100_diff1": 24.444061606534486, + "nauc_mrr_at_100_max": 48.1922894212229, + "nauc_mrr_at_100_std": 30.379257816584094, + "nauc_mrr_at_10_diff1": 24.25598717198779, + "nauc_mrr_at_10_max": 48.10437607774264, + "nauc_mrr_at_10_std": 30.090202482685996, + "nauc_mrr_at_1_diff1": 26.907595285201264, + "nauc_mrr_at_1_max": 44.006974050369955, + "nauc_mrr_at_1_std": 26.921001962861062, + "nauc_mrr_at_20_diff1": 24.462771570553738, + "nauc_mrr_at_20_max": 48.264688196799746, + "nauc_mrr_at_20_std": 30.498095141265914, + "nauc_mrr_at_3_diff1": 24.76829388237229, + "nauc_mrr_at_3_max": 48.213758704739924, + "nauc_mrr_at_3_std": 30.1502853918892, + "nauc_mrr_at_5_diff1": 24.476494932330247, + "nauc_mrr_at_5_max": 47.977250552198804, + "nauc_mrr_at_5_std": 29.65248143104835, + "nauc_ndcg_at_1000_diff1": 13.055818920426246, + "nauc_ndcg_at_1000_max": 46.00986444256306, + "nauc_ndcg_at_1000_std": 29.622662054922085, + "nauc_ndcg_at_100_diff1": 12.260551238228816, + "nauc_ndcg_at_100_max": 39.89783048267698, + "nauc_ndcg_at_100_std": 23.806961617956613, + "nauc_ndcg_at_10_diff1": 11.002915931619567, + "nauc_ndcg_at_10_max": 39.79323759244374, + "nauc_ndcg_at_10_std": 23.053072152911046, + "nauc_ndcg_at_1_diff1": 27.560910719974434, + "nauc_ndcg_at_1_max": 41.21084046258119, + "nauc_ndcg_at_1_std": 26.112891742912893, + "nauc_ndcg_at_20_diff1": 10.085854089024496, + "nauc_ndcg_at_20_max": 37.88629173784684, + "nauc_ndcg_at_20_std": 23.17664322248358, + "nauc_ndcg_at_3_diff1": 16.58969583405987, + "nauc_ndcg_at_3_max": 41.282222954101435, + "nauc_ndcg_at_3_std": 21.080670648392747, + "nauc_ndcg_at_5_diff1": 13.893127947909885, + "nauc_ndcg_at_5_max": 40.21188015992804, + "nauc_ndcg_at_5_std": 21.417443978842652, + "nauc_precision_at_1000_diff1": -17.227504530334564, + "nauc_precision_at_1000_max": 3.798554468439066, + "nauc_precision_at_1000_std": 35.73617809452683, + "nauc_precision_at_100_diff1": -17.63388230218776, + "nauc_precision_at_100_max": 15.079399882407094, + "nauc_precision_at_100_std": 41.83698491321226, + "nauc_precision_at_10_diff1": -11.850925959645156, + "nauc_precision_at_10_max": 35.93283968364352, + "nauc_precision_at_10_std": 34.391271855921296, + "nauc_precision_at_1_diff1": 27.730860778824823, + "nauc_precision_at_1_max": 43.97462471516834, + "nauc_precision_at_1_std": 27.491068270978896, + "nauc_precision_at_20_diff1": -14.281328840943347, + "nauc_precision_at_20_max": 29.469099781759006, + "nauc_precision_at_20_std": 38.54703022340941, + "nauc_precision_at_3_diff1": 3.486986910413196, + "nauc_precision_at_3_max": 41.21107780473768, + "nauc_precision_at_3_std": 24.057479124531216, + "nauc_precision_at_5_diff1": -3.0623787872866233, + "nauc_precision_at_5_max": 37.49266386466702, + "nauc_precision_at_5_std": 26.894454268004935, + "nauc_recall_at_1000_diff1": -2.446891864334283, + "nauc_recall_at_1000_max": 23.867293584643377, + "nauc_recall_at_1000_std": 16.34707128224595, + "nauc_recall_at_100_diff1": 4.891133690841179, + "nauc_recall_at_100_max": 24.56727964996522, + "nauc_recall_at_100_std": 9.847212953200797, + "nauc_recall_at_10_diff1": 19.211912363585288, + "nauc_recall_at_10_max": 24.825344777920737, + "nauc_recall_at_10_std": -5.447989195041898, + "nauc_recall_at_1_diff1": 46.31602607957798, + "nauc_recall_at_1_max": 11.807757660801942, + "nauc_recall_at_1_std": -13.984889089354317, + "nauc_recall_at_20_diff1": 12.233372054304805, + "nauc_recall_at_20_max": 22.284108685207148, + "nauc_recall_at_20_std": -4.317138366746209, + "nauc_recall_at_3_diff1": 28.394631527225815, + "nauc_recall_at_3_max": 15.593864852625462, + "nauc_recall_at_3_std": -12.383531804314593, + "nauc_recall_at_5_diff1": 24.457441304950343, + "nauc_recall_at_5_max": 19.080049396281623, + "nauc_recall_at_5_std": -11.879747703626627, + "ndcg_at_1": 51.548, + "ndcg_at_10": 41.998000000000005, + "ndcg_at_100": 39.626, + "ndcg_at_1000": 48.707, + "ndcg_at_20": 40.181, + "ndcg_at_3": 48.06, + "ndcg_at_5": 45.829, + "precision_at_1": 52.941, + "precision_at_10": 31.330999999999996, + "precision_at_100": 10.421, + "precision_at_1000": 2.428, + "precision_at_20": 24.118000000000002, + "precision_at_3": 45.408, + "precision_at_5": 39.938, + "recall_at_1": 6.907000000000001, + "recall_at_10": 20.51, + "recall_at_100": 40.857, + "recall_at_1000": 73.616, + "recall_at_20": 26.52, + "recall_at_3": 13.267999999999999, + "recall_at_5": 16.141 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/NQ.json b/results/bennegeek__stella_en_1.5B_v5/external/NQ.json new file mode 100644 index 000000000..d58fa6d74 --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/NQ.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 71.8, + "map_at_1": 47.629, + "map_at_10": 64.846, + "map_at_100": 65.40899999999999, + "map_at_1000": 65.416, + "map_at_20": 65.239, + "map_at_3": 61.185, + "map_at_5": 63.583, + "mrr_at_1": 53.15758980301275, + "mrr_at_10": 67.12880961577366, + "mrr_at_100": 67.44006405426018, + "mrr_at_1000": 67.44519150402294, + "mrr_at_20": 67.34317135515428, + "mrr_at_3": 64.5905755117805, + "mrr_at_5": 66.24613750482806, + "nauc_map_at_1000_diff1": 45.73812106517133, + "nauc_map_at_1000_max": 35.21262031755756, + "nauc_map_at_1000_std": -5.549443574026027, + "nauc_map_at_100_diff1": 45.74254652176879, + "nauc_map_at_100_max": 35.22349167515518, + "nauc_map_at_100_std": -5.53697496044773, + "nauc_map_at_10_diff1": 45.62837128377087, + "nauc_map_at_10_max": 35.3261562342222, + "nauc_map_at_10_std": -5.761924414031163, + "nauc_map_at_1_diff1": 48.69187848570499, + "nauc_map_at_1_max": 28.687996096473476, + "nauc_map_at_1_std": -7.518605958272523, + "nauc_map_at_20_diff1": 45.702303442220035, + "nauc_map_at_20_max": 35.30719944705456, + "nauc_map_at_20_std": -5.59505654742681, + "nauc_map_at_3_diff1": 45.376813726832474, + "nauc_map_at_3_max": 34.68452149643597, + "nauc_map_at_3_std": -7.329014950379634, + "nauc_map_at_5_diff1": 45.29528861989316, + "nauc_map_at_5_max": 35.35741440869229, + "nauc_map_at_5_std": -6.028788612259288, + "nauc_mrr_at_1000_diff1": 46.11808147912517, + "nauc_mrr_at_1000_max": 35.59241850411947, + "nauc_mrr_at_1000_std": -3.4072428526109317, + "nauc_mrr_at_100_diff1": 46.121345545514046, + "nauc_mrr_at_100_max": 35.60147795073431, + "nauc_mrr_at_100_std": -3.3965322447588826, + "nauc_mrr_at_10_diff1": 46.0920068210502, + "nauc_mrr_at_10_max": 35.79649987854354, + "nauc_mrr_at_10_std": -3.339624589368137, + "nauc_mrr_at_1_diff1": 49.101364605656194, + "nauc_mrr_at_1_max": 31.500796071482146, + "nauc_mrr_at_1_std": -4.183818500718156, + "nauc_mrr_at_20_diff1": 46.088076630465594, + "nauc_mrr_at_20_max": 35.682131663053205, + "nauc_mrr_at_20_std": -3.35939023178519, + "nauc_mrr_at_3_diff1": 45.47570812708642, + "nauc_mrr_at_3_max": 35.741892517632984, + "nauc_mrr_at_3_std": -4.135335963822013, + "nauc_mrr_at_5_diff1": 45.78903474184014, + "nauc_mrr_at_5_max": 35.91273593700205, + "nauc_mrr_at_5_std": -3.467873421286869, + "nauc_ndcg_at_1000_diff1": 45.5056583000012, + "nauc_ndcg_at_1000_max": 36.34328379251593, + "nauc_ndcg_at_1000_std": -4.0759698229323345, + "nauc_ndcg_at_100_diff1": 45.61918946477166, + "nauc_ndcg_at_100_max": 36.675460335836235, + "nauc_ndcg_at_100_std": -3.6795334726235986, + "nauc_ndcg_at_10_diff1": 45.15343994274541, + "nauc_ndcg_at_10_max": 37.48139242964657, + "nauc_ndcg_at_10_std": -4.287039084554882, + "nauc_ndcg_at_1_diff1": 49.101364605656194, + "nauc_ndcg_at_1_max": 31.500796071482146, + "nauc_ndcg_at_1_std": -4.183818500718156, + "nauc_ndcg_at_20_diff1": 45.310026313402375, + "nauc_ndcg_at_20_max": 37.32177497902133, + "nauc_ndcg_at_20_std": -3.8214360391282587, + "nauc_ndcg_at_3_diff1": 44.27064370528994, + "nauc_ndcg_at_3_max": 36.380294033571396, + "nauc_ndcg_at_3_std": -6.844263370898355, + "nauc_ndcg_at_5_diff1": 44.29933499225583, + "nauc_ndcg_at_5_max": 37.46477041822136, + "nauc_ndcg_at_5_std": -4.866548530467956, + "nauc_precision_at_1000_diff1": -14.666553359142306, + "nauc_precision_at_1000_max": -0.5599759853201481, + "nauc_precision_at_1000_std": 16.8370925526591, + "nauc_precision_at_100_diff1": -11.816251306246278, + "nauc_precision_at_100_max": 2.969819268208207, + "nauc_precision_at_100_std": 18.59422946634747, + "nauc_precision_at_10_diff1": 1.2050200086029401, + "nauc_precision_at_10_max": 17.59930352911209, + "nauc_precision_at_10_std": 13.714495717588985, + "nauc_precision_at_1_diff1": 49.101364605656194, + "nauc_precision_at_1_max": 31.500796071482146, + "nauc_precision_at_1_std": -4.183818500718156, + "nauc_precision_at_20_diff1": -5.263476664822757, + "nauc_precision_at_20_max": 11.42004823600046, + "nauc_precision_at_20_std": 16.510514518664994, + "nauc_precision_at_3_diff1": 20.116460379305828, + "nauc_precision_at_3_max": 31.32235038301311, + "nauc_precision_at_3_std": 2.7486717133871923, + "nauc_precision_at_5_diff1": 9.57451645335723, + "nauc_precision_at_5_max": 25.28449126580587, + "nauc_precision_at_5_std": 9.955736162466767, + "nauc_recall_at_1000_diff1": -21.632253065978794, + "nauc_recall_at_1000_max": 70.14409090958776, + "nauc_recall_at_1000_std": 65.61658090892989, + "nauc_recall_at_100_diff1": 51.83161124806711, + "nauc_recall_at_100_max": 77.49921361841523, + "nauc_recall_at_100_std": 48.352508746719444, + "nauc_recall_at_10_diff1": 39.86695231362791, + "nauc_recall_at_10_max": 50.12029094799474, + "nauc_recall_at_10_std": 0.1650940628131058, + "nauc_recall_at_1_diff1": 48.69187848570499, + "nauc_recall_at_1_max": 28.687996096473476, + "nauc_recall_at_1_std": -7.518605958272523, + "nauc_recall_at_20_diff1": 39.14155398061627, + "nauc_recall_at_20_max": 56.78559423716229, + "nauc_recall_at_20_std": 7.9728224572344075, + "nauc_recall_at_3_diff1": 38.69589523432158, + "nauc_recall_at_3_max": 39.53271258375579, + "nauc_recall_at_3_std": -8.646925065787512, + "nauc_recall_at_5_diff1": 37.45922652959002, + "nauc_recall_at_5_max": 44.4911958995867, + "nauc_recall_at_5_std": -3.5659842556375594, + "ndcg_at_1": 53.15800000000001, + "ndcg_at_10": 71.8, + "ndcg_at_100": 73.85199999999999, + "ndcg_at_1000": 74.017, + "ndcg_at_20": 72.933, + "ndcg_at_3": 65.479, + "ndcg_at_5": 69.182, + "precision_at_1": 53.15800000000001, + "precision_at_10": 10.805, + "precision_at_100": 1.2, + "precision_at_1000": 0.122, + "precision_at_20": 5.694, + "precision_at_3": 28.939999999999998, + "precision_at_5": 19.641000000000002, + "recall_at_1": 47.629, + "recall_at_10": 90.204, + "recall_at_100": 98.66, + "recall_at_1000": 99.874, + "recall_at_20": 94.24, + "recall_at_3": 74.394, + "recall_at_5": 82.711 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/QuoraRetrieval.json b/results/bennegeek__stella_en_1.5B_v5/external/QuoraRetrieval.json new file mode 100644 index 000000000..6c53455df --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/QuoraRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "e4e08e0b7dbe3c8700f0daef558ff32256715259", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 90.025, + "map_at_1": 72.222, + "map_at_10": 86.58500000000001, + "map_at_100": 87.176, + "map_at_1000": 87.188, + "map_at_20": 86.97399999999999, + "map_at_3": 83.736, + "map_at_5": 85.554, + "mrr_at_1": 83.04, + "mrr_at_10": 89.05599603174585, + "mrr_at_100": 89.12398891419457, + "mrr_at_1000": 89.12434072241001, + "mrr_at_20": 89.10416280692111, + "mrr_at_3": 88.23833333333312, + "mrr_at_5": 88.82233333333308, + "nauc_map_at_1000_diff1": 78.29348113313218, + "nauc_map_at_1000_max": 32.31386754277228, + "nauc_map_at_1000_std": -50.47543661484052, + "nauc_map_at_100_diff1": 78.29618548618575, + "nauc_map_at_100_max": 32.301475680947846, + "nauc_map_at_100_std": -50.50303428814228, + "nauc_map_at_10_diff1": 78.47383776440803, + "nauc_map_at_10_max": 31.839339990133563, + "nauc_map_at_10_std": -52.832713555976, + "nauc_map_at_1_diff1": 82.46330147467418, + "nauc_map_at_1_max": 23.497664918373538, + "nauc_map_at_1_std": -43.824657665520704, + "nauc_map_at_20_diff1": 78.34772176474422, + "nauc_map_at_20_max": 32.16495182893947, + "nauc_map_at_20_std": -51.503292726558605, + "nauc_map_at_3_diff1": 79.07823813069432, + "nauc_map_at_3_max": 29.395911687513976, + "nauc_map_at_3_std": -54.16377546873304, + "nauc_map_at_5_diff1": 78.73076619520454, + "nauc_map_at_5_max": 30.700453118585237, + "nauc_map_at_5_std": -54.130514177664054, + "nauc_mrr_at_1000_diff1": 79.04736184471865, + "nauc_mrr_at_1000_max": 34.43004593837643, + "nauc_mrr_at_1000_std": -46.137269068195316, + "nauc_mrr_at_100_diff1": 79.04698704288086, + "nauc_mrr_at_100_max": 34.4305553741175, + "nauc_mrr_at_100_std": -46.13786687786434, + "nauc_mrr_at_10_diff1": 79.04490677485934, + "nauc_mrr_at_10_max": 34.38170181522227, + "nauc_mrr_at_10_std": -46.38129875681807, + "nauc_mrr_at_1_diff1": 79.87159215719124, + "nauc_mrr_at_1_max": 34.05882339253136, + "nauc_mrr_at_1_std": -43.56093395137571, + "nauc_mrr_at_20_diff1": 79.04384174535653, + "nauc_mrr_at_20_max": 34.442136494675005, + "nauc_mrr_at_20_std": -46.205458519638654, + "nauc_mrr_at_3_diff1": 78.78154519155487, + "nauc_mrr_at_3_max": 34.74995000500305, + "nauc_mrr_at_3_std": -46.36264203155416, + "nauc_mrr_at_5_diff1": 79.02631187177, + "nauc_mrr_at_5_max": 34.538698249632205, + "nauc_mrr_at_5_std": -46.468881576157465, + "nauc_ndcg_at_1000_diff1": 78.25260097014645, + "nauc_ndcg_at_1000_max": 33.68584498704271, + "nauc_ndcg_at_1000_std": -48.44716779494868, + "nauc_ndcg_at_100_diff1": 78.25115412256716, + "nauc_ndcg_at_100_max": 33.63652663447088, + "nauc_ndcg_at_100_std": -48.489243909024715, + "nauc_ndcg_at_10_diff1": 78.23875101557334, + "nauc_ndcg_at_10_max": 32.65217430043823, + "nauc_ndcg_at_10_std": -52.57770468845309, + "nauc_ndcg_at_1_diff1": 79.87159215719124, + "nauc_ndcg_at_1_max": 34.05882339253136, + "nauc_ndcg_at_1_std": -43.56093395137571, + "nauc_ndcg_at_20_diff1": 78.23478552311765, + "nauc_ndcg_at_20_max": 33.30691737901109, + "nauc_ndcg_at_20_std": -50.78412614854527, + "nauc_ndcg_at_3_diff1": 77.66134485470224, + "nauc_ndcg_at_3_max": 32.19504710373125, + "nauc_ndcg_at_3_std": -52.01636728550155, + "nauc_ndcg_at_5_diff1": 78.04734137324255, + "nauc_ndcg_at_5_max": 31.94593625591248, + "nauc_ndcg_at_5_std": -53.02169800690546, + "nauc_precision_at_1000_diff1": -45.771948123542636, + "nauc_precision_at_1000_max": -5.182406190477681, + "nauc_precision_at_1000_std": 41.14460438707817, + "nauc_precision_at_100_diff1": -45.64767154261461, + "nauc_precision_at_100_max": -5.046308286851713, + "nauc_precision_at_100_std": 41.07186716587844, + "nauc_precision_at_10_diff1": -42.26779562305825, + "nauc_precision_at_10_max": -1.1264852893323076, + "nauc_precision_at_10_std": 27.62275729822392, + "nauc_precision_at_1_diff1": 79.87159215719124, + "nauc_precision_at_1_max": 34.05882339253136, + "nauc_precision_at_1_std": -43.56093395137571, + "nauc_precision_at_20_diff1": -44.24293221128388, + "nauc_precision_at_20_max": -3.1345628837361867, + "nauc_precision_at_20_std": 34.23625492740366, + "nauc_precision_at_3_diff1": -24.925251389823348, + "nauc_precision_at_3_max": 6.622188833369412, + "nauc_precision_at_3_std": 6.424741786858512, + "nauc_precision_at_5_diff1": -36.1407949990387, + "nauc_precision_at_5_max": 1.7533948968374462, + "nauc_precision_at_5_std": 17.914083278982634, + "nauc_recall_at_1000_diff1": 52.26815466244496, + "nauc_recall_at_1000_max": 69.73611104239443, + "nauc_recall_at_1000_std": 73.18969965863008, + "nauc_recall_at_100_diff1": 70.80557513785271, + "nauc_recall_at_100_max": 33.333440086544556, + "nauc_recall_at_100_std": -38.75992366905504, + "nauc_recall_at_10_diff1": 74.45948457438163, + "nauc_recall_at_10_max": 26.64948512428989, + "nauc_recall_at_10_std": -82.90334292052363, + "nauc_recall_at_1_diff1": 82.46330147467418, + "nauc_recall_at_1_max": 23.497664918373538, + "nauc_recall_at_1_std": -43.824657665520704, + "nauc_recall_at_20_diff1": 73.80140280887753, + "nauc_recall_at_20_max": 30.361616426734965, + "nauc_recall_at_20_std": -81.1418804447414, + "nauc_recall_at_3_diff1": 75.19854736087834, + "nauc_recall_at_3_max": 26.12298005045584, + "nauc_recall_at_3_std": -63.42583714745169, + "nauc_recall_at_5_diff1": 74.16423451950358, + "nauc_recall_at_5_max": 25.552390331018987, + "nauc_recall_at_5_std": -71.15891947773912, + "ndcg_at_1": 83.04, + "ndcg_at_10": 90.025, + "ndcg_at_100": 91.006, + "ndcg_at_1000": 91.061, + "ndcg_at_20": 90.556, + "ndcg_at_3": 87.493, + "ndcg_at_5": 88.955, + "precision_at_1": 83.04, + "precision_at_10": 13.667000000000002, + "precision_at_100": 1.542, + "precision_at_1000": 0.157, + "precision_at_20": 7.221, + "precision_at_3": 38.433, + "precision_at_5": 25.228, + "recall_at_1": 72.222, + "recall_at_10": 96.604, + "recall_at_100": 99.786, + "recall_at_1000": 99.996, + "recall_at_20": 98.253, + "recall_at_3": 89.276, + "recall_at_5": 93.46 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/RedditClustering.json b/results/bennegeek__stella_en_1.5B_v5/external/RedditClustering.json new file mode 100644 index 000000000..0b5185c90 --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/RedditClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 72.86492101891123, + "v_measure": 72.86492101891123, + "v_measure_std": 2.778711445144635 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/RedditClusteringP2P.json b/results/bennegeek__stella_en_1.5B_v5/external/RedditClusteringP2P.json new file mode 100644 index 000000000..c70409421 --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/RedditClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 75.27316726548479, + "v_measure": 75.27316726548479, + "v_measure_std": 8.87871936725338 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/SCIDOCS.json b/results/bennegeek__stella_en_1.5B_v5/external/SCIDOCS.json new file mode 100644 index 000000000..7b3c4482b --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/SCIDOCS.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f8c2fcf00f625baaa80f62ec5bd9e1fff3b8ae88", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 26.638, + "map_at_1": 6.128, + "map_at_10": 16.472, + "map_at_100": 19.522000000000002, + "map_at_1000": 19.898, + "map_at_20": 18.098, + "map_at_3": 11.283, + "map_at_5": 13.771, + "mrr_at_1": 30.2, + "mrr_at_10": 42.621150793650735, + "mrr_at_100": 43.740858712021954, + "mrr_at_1000": 43.762699500220904, + "mrr_at_20": 43.383639927753634, + "mrr_at_3": 38.83333333333331, + "mrr_at_5": 41.14833333333326, + "nauc_map_at_1000_diff1": 13.13534664124808, + "nauc_map_at_1000_max": 29.346654566149795, + "nauc_map_at_1000_std": 18.08121186982413, + "nauc_map_at_100_diff1": 13.098072728041538, + "nauc_map_at_100_max": 29.299084480697523, + "nauc_map_at_100_std": 17.961620202918464, + "nauc_map_at_10_diff1": 14.001743720394682, + "nauc_map_at_10_max": 28.04128290996403, + "nauc_map_at_10_std": 13.744481555974716, + "nauc_map_at_1_diff1": 22.1926640424872, + "nauc_map_at_1_max": 21.32609279586034, + "nauc_map_at_1_std": 6.566596302915438, + "nauc_map_at_20_diff1": 13.57313142419664, + "nauc_map_at_20_max": 28.93840146319476, + "nauc_map_at_20_std": 16.50869367365676, + "nauc_map_at_3_diff1": 17.707700541948462, + "nauc_map_at_3_max": 26.058174051376238, + "nauc_map_at_3_std": 9.943924560735267, + "nauc_map_at_5_diff1": 17.11844492157723, + "nauc_map_at_5_max": 27.865247403049388, + "nauc_map_at_5_std": 11.372588172121546, + "nauc_mrr_at_1000_diff1": 21.11248719936198, + "nauc_mrr_at_1000_max": 26.734172102201466, + "nauc_mrr_at_1000_std": 11.766121765437228, + "nauc_mrr_at_100_diff1": 21.107109982277702, + "nauc_mrr_at_100_max": 26.741616065723267, + "nauc_mrr_at_100_std": 11.789802686224208, + "nauc_mrr_at_10_diff1": 20.74108639793207, + "nauc_mrr_at_10_max": 26.920838463358333, + "nauc_mrr_at_10_std": 11.849217361926522, + "nauc_mrr_at_1_diff1": 22.177437860573356, + "nauc_mrr_at_1_max": 21.88074521417754, + "nauc_mrr_at_1_std": 6.776011900101789, + "nauc_mrr_at_20_diff1": 21.126633710175994, + "nauc_mrr_at_20_max": 26.860736480370974, + "nauc_mrr_at_20_std": 11.815411633726338, + "nauc_mrr_at_3_diff1": 21.689245200066466, + "nauc_mrr_at_3_max": 26.187305092831625, + "nauc_mrr_at_3_std": 10.895380313134332, + "nauc_mrr_at_5_diff1": 20.898811082479778, + "nauc_mrr_at_5_max": 26.939217247104036, + "nauc_mrr_at_5_std": 11.77832949822472, + "nauc_ndcg_at_1000_diff1": 13.251184947898546, + "nauc_ndcg_at_1000_max": 30.879594164526146, + "nauc_ndcg_at_1000_std": 23.125206047366625, + "nauc_ndcg_at_100_diff1": 12.549100649053676, + "nauc_ndcg_at_100_max": 30.634680845419123, + "nauc_ndcg_at_100_std": 23.296226055422984, + "nauc_ndcg_at_10_diff1": 14.475144549294322, + "nauc_ndcg_at_10_max": 29.450349815417336, + "nauc_ndcg_at_10_std": 15.94068314781612, + "nauc_ndcg_at_1_diff1": 22.177437860573356, + "nauc_ndcg_at_1_max": 21.88074521417754, + "nauc_ndcg_at_1_std": 6.776011900101789, + "nauc_ndcg_at_20_diff1": 14.173669585802266, + "nauc_ndcg_at_20_max": 30.475890854725, + "nauc_ndcg_at_20_std": 19.863898148221704, + "nauc_ndcg_at_3_diff1": 18.93971261196868, + "nauc_ndcg_at_3_max": 27.3707298720736, + "nauc_ndcg_at_3_std": 11.439810510051224, + "nauc_ndcg_at_5_diff1": 17.89535958094687, + "nauc_ndcg_at_5_max": 29.272740466638425, + "nauc_ndcg_at_5_std": 13.402467626635909, + "nauc_precision_at_1000_diff1": -3.811547048784123, + "nauc_precision_at_1000_max": 22.55165337197117, + "nauc_precision_at_1000_std": 35.98524999650108, + "nauc_precision_at_100_diff1": 0.6474234774922896, + "nauc_precision_at_100_max": 25.06920726527032, + "nauc_precision_at_100_std": 32.31439698982313, + "nauc_precision_at_10_diff1": 7.943127218139508, + "nauc_precision_at_10_max": 28.571937636787197, + "nauc_precision_at_10_std": 18.8472620918488, + "nauc_precision_at_1_diff1": 22.177437860573356, + "nauc_precision_at_1_max": 21.88074521417754, + "nauc_precision_at_1_std": 6.776011900101789, + "nauc_precision_at_20_diff1": 6.981574259607366, + "nauc_precision_at_20_max": 28.986094397038727, + "nauc_precision_at_20_std": 25.83129974001146, + "nauc_precision_at_3_diff1": 17.197490724039355, + "nauc_precision_at_3_max": 29.17569320583099, + "nauc_precision_at_3_std": 13.430554945991846, + "nauc_precision_at_5_diff1": 14.952364330739362, + "nauc_precision_at_5_max": 31.053243354846977, + "nauc_precision_at_5_std": 15.856312752807822, + "nauc_recall_at_1000_diff1": -4.8224253128926975, + "nauc_recall_at_1000_max": 21.3989024429911, + "nauc_recall_at_1000_std": 39.152234275603604, + "nauc_recall_at_100_diff1": 0.11936808422867201, + "nauc_recall_at_100_max": 24.261739241957823, + "nauc_recall_at_100_std": 32.62984573938928, + "nauc_recall_at_10_diff1": 7.851256165018388, + "nauc_recall_at_10_max": 27.936406600938746, + "nauc_recall_at_10_std": 18.683634320636113, + "nauc_recall_at_1_diff1": 22.1926640424872, + "nauc_recall_at_1_max": 21.32609279586034, + "nauc_recall_at_1_std": 6.566596302915438, + "nauc_recall_at_20_diff1": 6.8107211705182165, + "nauc_recall_at_20_max": 28.286284094687787, + "nauc_recall_at_20_std": 25.932013268120862, + "nauc_recall_at_3_diff1": 17.04156818427151, + "nauc_recall_at_3_max": 28.645439108719216, + "nauc_recall_at_3_std": 13.346047828494411, + "nauc_recall_at_5_diff1": 14.906284329771822, + "nauc_recall_at_5_max": 30.58628602415921, + "nauc_recall_at_5_std": 15.755157478191755, + "ndcg_at_1": 30.2, + "ndcg_at_10": 26.638, + "ndcg_at_100": 37.135, + "ndcg_at_1000": 42.576, + "ndcg_at_20": 30.75, + "ndcg_at_3": 24.675, + "ndcg_at_5": 21.836, + "precision_at_1": 30.2, + "precision_at_10": 14.06, + "precision_at_100": 2.904, + "precision_at_1000": 0.42, + "precision_at_20": 9.4, + "precision_at_3": 23.233, + "precision_at_5": 19.439999999999998, + "recall_at_1": 6.128, + "recall_at_10": 28.471999999999998, + "recall_at_100": 58.952000000000005, + "recall_at_1000": 85.137, + "recall_at_20": 38.17, + "recall_at_3": 14.127999999999998, + "recall_at_5": 19.673 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/SICK-R.json b/results/bennegeek__stella_en_1.5B_v5/external/SICK-R.json new file mode 100644 index 000000000..73b5f8949 --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 86.86608529160739, + "cosine_spearman": 82.88625166203383, + "euclidean_pearson": 84.15494418856142, + "euclidean_spearman": 82.88449294676421, + "main_score": 82.88625166203383, + "manhattan_pearson": 84.39068623474428, + "manhattan_spearman": 82.88065412169463, + "pearson": 86.86608529160739, + "spearman": 82.88625166203383 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/STS12.json b/results/bennegeek__stella_en_1.5B_v5/external/STS12.json new file mode 100644 index 000000000..ea806138a --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 87.0445014940449, + "cosine_spearman": 80.0880365116599, + "euclidean_pearson": 83.80250772928852, + "euclidean_spearman": 80.0892465260778, + "main_score": 80.0880365116599, + "manhattan_pearson": 83.96793981929336, + "manhattan_spearman": 80.24881789268238, + "pearson": 87.0445014940449, + "spearman": 80.0880365116599 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/STS13.json b/results/bennegeek__stella_en_1.5B_v5/external/STS13.json new file mode 100644 index 000000000..755ede616 --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 89.33900828959968, + "cosine_spearman": 89.68256358526733, + "euclidean_pearson": 89.29188708262265, + "euclidean_spearman": 89.68204344658601, + "main_score": 89.68256358526733, + "manhattan_pearson": 89.13996588193149, + "manhattan_spearman": 89.61372804425623, + "pearson": 89.33900828959968, + "spearman": 89.68256358526733 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/STS14.json b/results/bennegeek__stella_en_1.5B_v5/external/STS14.json new file mode 100644 index 000000000..62ac3c09d --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 86.42029843639123, + "cosine_spearman": 85.0707889220723, + "euclidean_pearson": 85.75114239552562, + "euclidean_spearman": 85.06858160270725, + "main_score": 85.0707889220723, + "manhattan_pearson": 85.86461900459038, + "manhattan_spearman": 85.28671103475605, + "pearson": 86.42029843639123, + "spearman": 85.0707889220723 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/STS15.json b/results/bennegeek__stella_en_1.5B_v5/external/STS15.json new file mode 100644 index 000000000..e4f70211d --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 88.3660081271444, + "cosine_spearman": 89.39375083609528, + "euclidean_pearson": 89.21818482894895, + "euclidean_spearman": 89.39361588875443, + "main_score": 89.39375083609528, + "manhattan_pearson": 89.53535068014057, + "manhattan_spearman": 89.81077130567752, + "pearson": 88.3660081271444, + "spearman": 89.39375083609528 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/STS16.json b/results/bennegeek__stella_en_1.5B_v5/external/STS16.json new file mode 100644 index 000000000..222212b8c --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 85.60708247171874, + "cosine_spearman": 87.15234952832193, + "euclidean_pearson": 86.21743555548137, + "euclidean_spearman": 87.14450217418016, + "main_score": 87.15234952832193, + "manhattan_pearson": 86.2467748746084, + "manhattan_spearman": 87.2197479717654, + "pearson": 85.60708247171874, + "spearman": 87.15234952832193 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/STS17.json b/results/bennegeek__stella_en_1.5B_v5/external/STS17.json new file mode 100644 index 000000000..645473987 --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "faeb762787bd10488a50c8b5be4a3b82e411949c", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 91.25898556808458, + "cosine_spearman": 91.35372390581641, + "euclidean_pearson": 91.319520321348, + "euclidean_spearman": 91.30821135416925, + "main_score": 91.35372390581641, + "manhattan_pearson": 91.14800959939069, + "manhattan_spearman": 91.09775424245629, + "pearson": 91.25898556808458, + "spearman": 91.35372390581641 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/STS22.json b/results/bennegeek__stella_en_1.5B_v5/external/STS22.json new file mode 100644 index 000000000..9122a5587 --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "de9d86b3b84231dc21f76c7b7af1f28e2f57f6e3", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 67.61637111515797, + "cosine_spearman": 68.10379096526697, + "euclidean_pearson": 69.2652309491375, + "euclidean_spearman": 68.18436357033228, + "main_score": 68.10379096526697, + "manhattan_pearson": 69.52531340510775, + "manhattan_spearman": 68.17874790391862, + "pearson": 67.61637111515797, + "spearman": 68.10379096526697 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/STSBenchmark.json b/results/bennegeek__stella_en_1.5B_v5/external/STSBenchmark.json new file mode 100644 index 000000000..dca5c3655 --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 87.81592853782297, + "cosine_spearman": 88.2302550329183, + "euclidean_pearson": 88.01165144519526, + "euclidean_spearman": 88.23342148890097, + "main_score": 88.2302550329183, + "manhattan_pearson": 88.148592564938, + "manhattan_spearman": 88.49226317320988, + "pearson": 87.81592853782297, + "spearman": 88.2302550329183 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/SciDocsRR.json b/results/bennegeek__stella_en_1.5B_v5/external/SciDocsRR.json new file mode 100644 index 000000000..1a21faa1c --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/SciDocsRR.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 89.196009707431, + "map": 89.196009707431, + "mrr": 97.07198121413808, + "nAUC_map_diff1": -14.066667940115352, + "nAUC_map_max": 49.73702475027407, + "nAUC_map_std": 64.0986775782592, + "nAUC_mrr_diff1": 21.96846389417319, + "nAUC_mrr_max": 86.38341077184032, + "nAUC_mrr_std": 75.38945014727746 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/SciFact.json b/results/bennegeek__stella_en_1.5B_v5/external/SciFact.json new file mode 100644 index 000000000..769d319cd --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/SciFact.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 80.08999999999999, + "map_at_1": 63.161, + "map_at_10": 75.163, + "map_at_100": 75.408, + "map_at_1000": 75.409, + "map_at_20": 75.332, + "map_at_3": 71.839, + "map_at_5": 74.32600000000001, + "mrr_at_1": 66.33333333333333, + "mrr_at_10": 75.95978835978836, + "mrr_at_100": 76.15647881281473, + "mrr_at_1000": 76.15736533763744, + "mrr_at_20": 76.08557368557368, + "mrr_at_3": 73.55555555555556, + "mrr_at_5": 75.4888888888889, + "nauc_map_at_1000_diff1": 77.31229383811176, + "nauc_map_at_1000_max": 58.848319058605156, + "nauc_map_at_1000_std": -14.290090263454985, + "nauc_map_at_100_diff1": 77.31325400213969, + "nauc_map_at_100_max": 58.848885054155275, + "nauc_map_at_100_std": -14.285806618869273, + "nauc_map_at_10_diff1": 77.1806705504232, + "nauc_map_at_10_max": 59.02905805134415, + "nauc_map_at_10_std": -14.132954900037467, + "nauc_map_at_1_diff1": 81.03932970557837, + "nauc_map_at_1_max": 49.02073230264529, + "nauc_map_at_1_std": -22.977452975845512, + "nauc_map_at_20_diff1": 77.22581364818562, + "nauc_map_at_20_max": 58.90740400399768, + "nauc_map_at_20_std": -14.245079150986745, + "nauc_map_at_3_diff1": 76.99793243255563, + "nauc_map_at_3_max": 54.9930733886623, + "nauc_map_at_3_std": -19.297708446082407, + "nauc_map_at_5_diff1": 77.1671608360295, + "nauc_map_at_5_max": 57.27757489519526, + "nauc_map_at_5_std": -15.446338357667708, + "nauc_mrr_at_1000_diff1": 77.4806080821202, + "nauc_mrr_at_1000_max": 60.9213776129792, + "nauc_mrr_at_1000_std": -12.139599632228343, + "nauc_mrr_at_100_diff1": 77.48158073865281, + "nauc_mrr_at_100_max": 60.9218657185361, + "nauc_mrr_at_100_std": -12.13532070453677, + "nauc_mrr_at_10_diff1": 77.32428546014407, + "nauc_mrr_at_10_max": 61.018407010343466, + "nauc_mrr_at_10_std": -12.143193773309347, + "nauc_mrr_at_1_diff1": 80.99806778887115, + "nauc_mrr_at_1_max": 59.17855969530095, + "nauc_mrr_at_1_std": -12.30545640831458, + "nauc_mrr_at_20_diff1": 77.3811067653992, + "nauc_mrr_at_20_max": 60.9648880366335, + "nauc_mrr_at_20_std": -12.124066076541853, + "nauc_mrr_at_3_diff1": 77.31304316321959, + "nauc_mrr_at_3_max": 60.75536766404163, + "nauc_mrr_at_3_std": -12.997876030849623, + "nauc_mrr_at_5_diff1": 77.12952864141742, + "nauc_mrr_at_5_max": 60.995943754968685, + "nauc_mrr_at_5_std": -11.353447465605694, + "nauc_ndcg_at_1000_diff1": 76.81788665683746, + "nauc_ndcg_at_1000_max": 60.35947755262391, + "nauc_ndcg_at_1000_std": -12.884942372460362, + "nauc_ndcg_at_100_diff1": 76.87388230365198, + "nauc_ndcg_at_100_max": 60.38813162962434, + "nauc_ndcg_at_100_std": -12.64384717800478, + "nauc_ndcg_at_10_diff1": 75.87713506026317, + "nauc_ndcg_at_10_max": 61.39356554675667, + "nauc_ndcg_at_10_std": -12.144227584144218, + "nauc_ndcg_at_1_diff1": 80.99806778887115, + "nauc_ndcg_at_1_max": 59.17855969530095, + "nauc_ndcg_at_1_std": -12.30545640831458, + "nauc_ndcg_at_20_diff1": 76.09913944506627, + "nauc_ndcg_at_20_max": 61.01644448834147, + "nauc_ndcg_at_20_std": -12.456209267623857, + "nauc_ndcg_at_3_diff1": 75.52717946614608, + "nauc_ndcg_at_3_max": 58.96433090721983, + "nauc_ndcg_at_3_std": -15.849280494339556, + "nauc_ndcg_at_5_diff1": 75.69026981016921, + "nauc_ndcg_at_5_max": 58.924044405851326, + "nauc_ndcg_at_5_std": -13.182728827923107, + "nauc_precision_at_1000_diff1": -31.634022001609914, + "nauc_precision_at_1000_max": 31.46271490784504, + "nauc_precision_at_1000_std": 60.44801276891442, + "nauc_precision_at_100_diff1": -29.722363469948103, + "nauc_precision_at_100_max": 32.05464592020074, + "nauc_precision_at_100_std": 60.832570595613554, + "nauc_precision_at_10_diff1": -11.91731376599939, + "nauc_precision_at_10_max": 45.43646553157129, + "nauc_precision_at_10_std": 52.962408871791276, + "nauc_precision_at_1_diff1": 80.99806778887115, + "nauc_precision_at_1_max": 59.17855969530095, + "nauc_precision_at_1_std": -12.30545640831458, + "nauc_precision_at_20_diff1": -18.43293701721667, + "nauc_precision_at_20_max": 39.53434874203934, + "nauc_precision_at_20_std": 53.6291982468461, + "nauc_precision_at_3_diff1": 30.84789043003892, + "nauc_precision_at_3_max": 55.660727758110376, + "nauc_precision_at_3_std": 17.87243920840355, + "nauc_precision_at_5_diff1": 4.099395181445625, + "nauc_precision_at_5_max": 50.346770968709386, + "nauc_precision_at_5_std": 44.66722483255029, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": 100.0, + "nauc_recall_at_100_max": 72.2222222222207, + "nauc_recall_at_100_std": 86.92810457516407, + "nauc_recall_at_10_diff1": 62.18887555022005, + "nauc_recall_at_10_max": 75.14339068960916, + "nauc_recall_at_10_std": -1.4912631719357108, + "nauc_recall_at_1_diff1": 81.03932970557837, + "nauc_recall_at_1_max": 49.02073230264529, + "nauc_recall_at_1_std": -22.977452975845512, + "nauc_recall_at_20_diff1": 59.27414444038499, + "nauc_recall_at_20_max": 76.32241302318047, + "nauc_recall_at_20_std": -0.8322169447488666, + "nauc_recall_at_3_diff1": 69.58783002593157, + "nauc_recall_at_3_max": 55.89660919896563, + "nauc_recall_at_3_std": -21.183005510917862, + "nauc_recall_at_5_diff1": 65.53660499878802, + "nauc_recall_at_5_max": 58.218018535135805, + "nauc_recall_at_5_std": -8.328952210032455, + "ndcg_at_1": 66.333, + "ndcg_at_10": 80.08999999999999, + "ndcg_at_100": 81.24900000000001, + "ndcg_at_1000": 81.28800000000001, + "ndcg_at_20": 80.625, + "ndcg_at_3": 74.98700000000001, + "ndcg_at_5": 78.553, + "precision_at_1": 66.333, + "precision_at_10": 10.667, + "precision_at_100": 1.127, + "precision_at_1000": 0.11299999999999999, + "precision_at_20": 5.45, + "precision_at_3": 29.555999999999997, + "precision_at_5": 20.133000000000003, + "recall_at_1": 63.161, + "recall_at_10": 94.167, + "recall_at_100": 99.667, + "recall_at_1000": 100.0, + "recall_at_20": 96.167, + "recall_at_3": 80.972, + "recall_at_5": 89.90599999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/SprintDuplicateQuestions.json b/results/bennegeek__stella_en_1.5B_v5/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..1b787034b --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/SprintDuplicateQuestions.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 99.81881188118813, + "cosine_accuracy_threshold": 85.55081486701965, + "cosine_ap": 96.0359661816236, + "cosine_f1": 90.6584992343032, + "cosine_f1_threshold": 84.82859134674072, + "cosine_precision": 92.59645464025026, + "cosine_recall": 88.8, + "dot_accuracy": 99.81881188118813, + "dot_accuracy_threshold": 84.91908311843872, + "dot_ap": 96.05740121094365, + "dot_f1": 90.81885856079404, + "dot_f1_threshold": 83.84919166564941, + "dot_precision": 90.14778325123153, + "dot_recall": 91.5, + "euclidean_accuracy": 99.82079207920792, + "euclidean_accuracy_threshold": 54.49706315994263, + "euclidean_ap": 96.03223527068818, + "euclidean_f1": 90.72270630445925, + "euclidean_f1_threshold": 54.49706315994263, + "euclidean_precision": 93.05993690851734, + "euclidean_recall": 88.5, + "main_score": 96.32671902439806, + "manhattan_accuracy": 99.83267326732673, + "manhattan_accuracy_threshold": 3818.192672729492, + "manhattan_ap": 96.32671902439806, + "manhattan_f1": 91.52032112393378, + "manhattan_f1_threshold": 3818.192672729492, + "manhattan_precision": 91.8429003021148, + "manhattan_recall": 91.2, + "max_ap": 96.32671902439806, + "max_f1": 91.52032112393378, + "max_precision": 93.05993690851734, + "max_recall": 91.5, + "similarity_accuracy": 99.81881188118813, + "similarity_accuracy_threshold": 85.55081486701965, + "similarity_ap": 96.0359661816236, + "similarity_f1": 90.6584992343032, + "similarity_f1_threshold": 84.82859134674072, + "similarity_precision": 92.59645464025026, + "similarity_recall": 88.8 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/StackExchangeClustering.json b/results/bennegeek__stella_en_1.5B_v5/external/StackExchangeClustering.json new file mode 100644 index 000000000..ffc23ec54 --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/StackExchangeClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 80.28558559137414, + "v_measure": 80.28558559137414, + "v_measure_std": 2.795276520287584 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/StackExchangeClusteringP2P.json b/results/bennegeek__stella_en_1.5B_v5/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..59f3713de --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/StackExchangeClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 49.57135582416209, + "v_measure": 49.57135582416209, + "v_measure_std": 1.6414135468423754 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/StackOverflowDupQuestions.json b/results/bennegeek__stella_en_1.5B_v5/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..fe7e00962 --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/StackOverflowDupQuestions.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 55.253002583598644, + "map": 55.253002583598644, + "mrr": 56.24172396231219, + "nAUC_map_diff1": 40.00053248203427, + "nAUC_map_max": 10.05441740585869, + "nAUC_map_std": 8.227169286387552, + "nAUC_mrr_diff1": 40.250446264233744, + "nAUC_mrr_max": 10.586310195339053, + "nAUC_mrr_std": 8.47326494370076 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/SummEval.json b/results/bennegeek__stella_en_1.5B_v5/external/SummEval.json new file mode 100644 index 000000000..433a70631 --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 31.19874648747059, + "cosine_spearman": 31.493550648844863, + "dot_pearson": 31.157847680289407, + "dot_spearman": 31.575299712180538, + "main_score": 31.493550648844863, + "pearson": 31.19874648747059, + "spearman": 31.493550648844863 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/TRECCOVID.json b/results/bennegeek__stella_en_1.5B_v5/external/TRECCOVID.json new file mode 100644 index 000000000..54426e5d5 --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/TRECCOVID.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "bb9466bac8153a0349341eb1b22e06409e78ef4e", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 85.983, + "map_at_1": 0.247, + "map_at_10": 2.177, + "map_at_100": 14.804, + "map_at_1000": 37.045, + "map_at_20": 4.12, + "map_at_3": 0.7000000000000001, + "map_at_5": 1.1320000000000001, + "mrr_at_1": 96.0, + "mrr_at_10": 98.0, + "mrr_at_100": 98.0, + "mrr_at_1000": 98.0, + "mrr_at_20": 98.0, + "mrr_at_3": 98.0, + "mrr_at_5": 98.0, + "nauc_map_at_1000_diff1": -0.9165125200337213, + "nauc_map_at_1000_max": 40.260117798042764, + "nauc_map_at_1000_std": 71.72789335831554, + "nauc_map_at_100_diff1": 20.493827311583953, + "nauc_map_at_100_max": 21.005742079276462, + "nauc_map_at_100_std": 62.53815607831659, + "nauc_map_at_10_diff1": 31.289297684528215, + "nauc_map_at_10_max": 7.86554294370268, + "nauc_map_at_10_std": 37.26191657133897, + "nauc_map_at_1_diff1": 25.57568148849456, + "nauc_map_at_1_max": -5.9767435623941445, + "nauc_map_at_1_std": 30.849871717506755, + "nauc_map_at_20_diff1": 30.896018204532087, + "nauc_map_at_20_max": 8.667077299744314, + "nauc_map_at_20_std": 41.512687168412924, + "nauc_map_at_3_diff1": 29.44724521006598, + "nauc_map_at_3_max": 1.597496889532064, + "nauc_map_at_3_std": 32.25013773854697, + "nauc_map_at_5_diff1": 27.387036605618825, + "nauc_map_at_5_max": 5.402983746211454, + "nauc_map_at_5_std": 33.940523962472184, + "nauc_mrr_at_1000_diff1": -14.122315592903503, + "nauc_mrr_at_1000_max": 33.84687208216605, + "nauc_mrr_at_1000_std": 86.11111111111092, + "nauc_mrr_at_100_diff1": -14.122315592903503, + "nauc_mrr_at_100_max": 33.84687208216605, + "nauc_mrr_at_100_std": 86.11111111111092, + "nauc_mrr_at_10_diff1": -14.122315592903503, + "nauc_mrr_at_10_max": 33.84687208216605, + "nauc_mrr_at_10_std": 86.11111111111092, + "nauc_mrr_at_1_diff1": -14.122315592903831, + "nauc_mrr_at_1_max": 33.84687208216637, + "nauc_mrr_at_1_std": 86.11111111111124, + "nauc_mrr_at_20_diff1": -14.122315592903503, + "nauc_mrr_at_20_max": 33.84687208216605, + "nauc_mrr_at_20_std": 86.11111111111092, + "nauc_mrr_at_3_diff1": -14.122315592903503, + "nauc_mrr_at_3_max": 33.84687208216605, + "nauc_mrr_at_3_std": 86.11111111111092, + "nauc_mrr_at_5_diff1": -14.122315592903503, + "nauc_mrr_at_5_max": 33.84687208216605, + "nauc_mrr_at_5_std": 86.11111111111092, + "nauc_ndcg_at_1000_diff1": 8.745907669561928, + "nauc_ndcg_at_1000_max": 45.43307237994533, + "nauc_ndcg_at_1000_std": 74.93357447176336, + "nauc_ndcg_at_100_diff1": -3.9719350773353765, + "nauc_ndcg_at_100_max": 44.43705332397461, + "nauc_ndcg_at_100_std": 61.59493812371758, + "nauc_ndcg_at_10_diff1": 15.230915878367348, + "nauc_ndcg_at_10_max": 48.332840970836635, + "nauc_ndcg_at_10_std": 46.888785065125774, + "nauc_ndcg_at_1_diff1": 13.219732337379442, + "nauc_ndcg_at_1_max": 45.19919078742603, + "nauc_ndcg_at_1_std": 64.68253968253977, + "nauc_ndcg_at_20_diff1": 12.479648691964865, + "nauc_ndcg_at_20_max": 48.76688248450331, + "nauc_ndcg_at_20_std": 51.450399755887545, + "nauc_ndcg_at_3_diff1": 6.165414201871464, + "nauc_ndcg_at_3_max": 45.089689347691035, + "nauc_ndcg_at_3_std": 41.08249161845213, + "nauc_ndcg_at_5_diff1": 7.411245806844721, + "nauc_ndcg_at_5_max": 47.818748093538076, + "nauc_ndcg_at_5_std": 45.907685763676575, + "nauc_precision_at_1000_diff1": -30.574290219847345, + "nauc_precision_at_1000_max": 32.56926126118719, + "nauc_precision_at_1000_std": 14.584504392628874, + "nauc_precision_at_100_diff1": -10.199740234718847, + "nauc_precision_at_100_max": 41.0213226769777, + "nauc_precision_at_100_std": 56.975760776771324, + "nauc_precision_at_10_diff1": 7.865792689701161, + "nauc_precision_at_10_max": 52.00432275201737, + "nauc_precision_at_10_std": 43.89512276413724, + "nauc_precision_at_1_diff1": -14.122315592903831, + "nauc_precision_at_1_max": 33.84687208216637, + "nauc_precision_at_1_std": 86.11111111111124, + "nauc_precision_at_20_diff1": 5.481424191880084, + "nauc_precision_at_20_max": 46.86629331792725, + "nauc_precision_at_20_std": 49.245692667517496, + "nauc_precision_at_3_diff1": -5.870408807869163, + "nauc_precision_at_3_max": 48.73657612128875, + "nauc_precision_at_3_std": 41.15152062088262, + "nauc_precision_at_5_diff1": -4.550610529125413, + "nauc_precision_at_5_max": 60.390115878205386, + "nauc_precision_at_5_std": 44.16494295055696, + "nauc_recall_at_1000_diff1": 8.047794367079034, + "nauc_recall_at_1000_max": 37.07551482870489, + "nauc_recall_at_1000_std": 66.20862163364201, + "nauc_recall_at_100_diff1": 25.08104923597475, + "nauc_recall_at_100_max": 9.971294642165734, + "nauc_recall_at_100_std": 51.737814074891254, + "nauc_recall_at_10_diff1": 32.33148478369628, + "nauc_recall_at_10_max": 1.3767192150014917, + "nauc_recall_at_10_std": 30.801926742876308, + "nauc_recall_at_1_diff1": 25.57568148849456, + "nauc_recall_at_1_max": -5.9767435623941445, + "nauc_recall_at_1_std": 30.849871717506755, + "nauc_recall_at_20_diff1": 31.716580022934654, + "nauc_recall_at_20_max": -0.1281270579464631, + "nauc_recall_at_20_std": 33.76185294993676, + "nauc_recall_at_3_diff1": 29.758810004388348, + "nauc_recall_at_3_max": -1.9442985017191816, + "nauc_recall_at_3_std": 27.45550076962206, + "nauc_recall_at_5_diff1": 27.047710181576672, + "nauc_recall_at_5_max": 1.5237000700880248, + "nauc_recall_at_5_std": 28.235297950159698, + "ndcg_at_1": 94.0, + "ndcg_at_10": 85.983, + "ndcg_at_100": 69.195, + "ndcg_at_1000": 62.541000000000004, + "ndcg_at_20": 83.405, + "ndcg_at_3": 89.98899999999999, + "ndcg_at_5": 87.905, + "precision_at_1": 96.0, + "precision_at_10": 89.4, + "precision_at_100": 71.54, + "precision_at_1000": 27.594, + "precision_at_20": 87.2, + "precision_at_3": 92.667, + "precision_at_5": 90.8, + "recall_at_1": 0.247, + "recall_at_10": 2.315, + "recall_at_100": 17.574, + "recall_at_1000": 59.336999999999996, + "recall_at_20": 4.491, + "recall_at_3": 0.7250000000000001, + "recall_at_5": 1.1820000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/Touche2020.json b/results/bennegeek__stella_en_1.5B_v5/external/Touche2020.json new file mode 100644 index 000000000..711b640f6 --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/Touche2020.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 29.944, + "map_at_1": 3.064, + "map_at_10": 11.501999999999999, + "map_at_100": 18.736, + "map_at_1000": 20.333000000000002, + "map_at_20": 14.057, + "map_at_3": 6.300999999999999, + "map_at_5": 8.463, + "mrr_at_1": 44.89795918367347, + "mrr_at_10": 58.41188856494979, + "mrr_at_100": 58.93964266413245, + "mrr_at_1000": 58.93964266413245, + "mrr_at_20": 58.767485349118, + "mrr_at_3": 54.42176870748299, + "mrr_at_5": 56.666666666666664, + "nauc_map_at_1000_diff1": 11.478593385608479, + "nauc_map_at_1000_max": 10.309889845044324, + "nauc_map_at_1000_std": 21.16721939940238, + "nauc_map_at_100_diff1": 11.570438543562418, + "nauc_map_at_100_max": 8.426183648064834, + "nauc_map_at_100_std": 18.56231985033613, + "nauc_map_at_10_diff1": 22.37735506247481, + "nauc_map_at_10_max": 5.455946239060806, + "nauc_map_at_10_std": -4.2848826518388154, + "nauc_map_at_1_diff1": 27.853645380676824, + "nauc_map_at_1_max": 7.30739948053113, + "nauc_map_at_1_std": -0.2773663157814586, + "nauc_map_at_20_diff1": 14.724669779924648, + "nauc_map_at_20_max": 10.12882779173533, + "nauc_map_at_20_std": 4.4803777672120875, + "nauc_map_at_3_diff1": 31.891173385921263, + "nauc_map_at_3_max": 4.889652271827218, + "nauc_map_at_3_std": -9.477460238651643, + "nauc_map_at_5_diff1": 31.489012040465003, + "nauc_map_at_5_max": 1.7330092417337482, + "nauc_map_at_5_std": -8.137018608469637, + "nauc_mrr_at_1000_diff1": 24.411522237082416, + "nauc_mrr_at_1000_max": 11.286971076556688, + "nauc_mrr_at_1000_std": 23.443174210894043, + "nauc_mrr_at_100_diff1": 24.411522237082416, + "nauc_mrr_at_100_max": 11.286971076556688, + "nauc_mrr_at_100_std": 23.443174210894043, + "nauc_mrr_at_10_diff1": 23.948152308265186, + "nauc_mrr_at_10_max": 12.22420979621155, + "nauc_mrr_at_10_std": 23.557939024705544, + "nauc_mrr_at_1_diff1": 17.902334894536107, + "nauc_mrr_at_1_max": 17.36969662861018, + "nauc_mrr_at_1_std": 19.425714969048734, + "nauc_mrr_at_20_diff1": 24.635893795899797, + "nauc_mrr_at_20_max": 11.330541067194913, + "nauc_mrr_at_20_std": 23.74518583400233, + "nauc_mrr_at_3_diff1": 25.045536328282587, + "nauc_mrr_at_3_max": 7.497967004732733, + "nauc_mrr_at_3_std": 24.167153007320078, + "nauc_mrr_at_5_diff1": 24.328479930592454, + "nauc_mrr_at_5_max": 10.037126854938336, + "nauc_mrr_at_5_std": 25.236208055346136, + "nauc_ndcg_at_1000_diff1": 15.555347444667389, + "nauc_ndcg_at_1000_max": 13.356591700655718, + "nauc_ndcg_at_1000_std": 42.42395845935052, + "nauc_ndcg_at_100_diff1": 13.110526060413708, + "nauc_ndcg_at_100_max": 3.140006440162515, + "nauc_ndcg_at_100_std": 39.02733288398033, + "nauc_ndcg_at_10_diff1": 20.68853369009725, + "nauc_ndcg_at_10_max": 2.435389817058852, + "nauc_ndcg_at_10_std": 10.038202768784316, + "nauc_ndcg_at_1_diff1": 20.17287594582385, + "nauc_ndcg_at_1_max": 12.487205168273196, + "nauc_ndcg_at_1_std": 20.639827614373075, + "nauc_ndcg_at_20_diff1": 16.987577348502985, + "nauc_ndcg_at_20_max": 2.9978717644469266, + "nauc_ndcg_at_20_std": 13.015690866750354, + "nauc_ndcg_at_3_diff1": 32.392223079245575, + "nauc_ndcg_at_3_max": 1.587587110582544, + "nauc_ndcg_at_3_std": 12.850592473446609, + "nauc_ndcg_at_5_diff1": 32.80244517369626, + "nauc_ndcg_at_5_max": 5.8939933777508084, + "nauc_ndcg_at_5_std": 15.779687411463414, + "nauc_precision_at_1000_diff1": -14.314031720452537, + "nauc_precision_at_1000_max": 32.87886666567266, + "nauc_precision_at_1000_std": 21.49347046886851, + "nauc_precision_at_100_diff1": -9.4034008613839, + "nauc_precision_at_100_max": 16.784075123309645, + "nauc_precision_at_100_std": 73.14688535393604, + "nauc_precision_at_10_diff1": 6.855101404043058, + "nauc_precision_at_10_max": 6.52491228645612, + "nauc_precision_at_10_std": 16.104602266016744, + "nauc_precision_at_1_diff1": 17.902334894536107, + "nauc_precision_at_1_max": 17.36969662861018, + "nauc_precision_at_1_std": 19.425714969048734, + "nauc_precision_at_20_diff1": -5.337534613602212, + "nauc_precision_at_20_max": 17.722925454767218, + "nauc_precision_at_20_std": 34.26680462132849, + "nauc_precision_at_3_diff1": 31.054623397809255, + "nauc_precision_at_3_max": -0.92038600946826, + "nauc_precision_at_3_std": 8.326997076862916, + "nauc_precision_at_5_diff1": 29.784942296920462, + "nauc_precision_at_5_max": 6.337469263434779, + "nauc_precision_at_5_std": 12.789597196020974, + "nauc_recall_at_1000_diff1": -3.8177981862041364, + "nauc_recall_at_1000_max": 14.206064332229163, + "nauc_recall_at_1000_std": 74.18853420771269, + "nauc_recall_at_100_diff1": 0.7677996771461106, + "nauc_recall_at_100_max": -4.139924106878441, + "nauc_recall_at_100_std": 48.319930706362896, + "nauc_recall_at_10_diff1": 12.038835537494322, + "nauc_recall_at_10_max": -2.0498983557854418, + "nauc_recall_at_10_std": -2.0339180690854493, + "nauc_recall_at_1_diff1": 27.853645380676824, + "nauc_recall_at_1_max": 7.30739948053113, + "nauc_recall_at_1_std": -0.2773663157814586, + "nauc_recall_at_20_diff1": 0.7907893667756708, + "nauc_recall_at_20_max": 0.8795499810558195, + "nauc_recall_at_20_std": 11.512483291688282, + "nauc_recall_at_3_diff1": 33.19440392639576, + "nauc_recall_at_3_max": -1.5494237697432613, + "nauc_recall_at_3_std": -8.560408808376984, + "nauc_recall_at_5_diff1": 27.42193873870941, + "nauc_recall_at_5_max": -4.74350293281128, + "nauc_recall_at_5_std": -7.618060131179654, + "ndcg_at_1": 42.857, + "ndcg_at_10": 29.944, + "ndcg_at_100": 42.624, + "ndcg_at_1000": 53.384, + "ndcg_at_20": 30.135, + "ndcg_at_3": 34.847, + "ndcg_at_5": 32.573, + "precision_at_1": 44.897999999999996, + "precision_at_10": 25.306, + "precision_at_100": 8.694, + "precision_at_1000": 1.616, + "precision_at_20": 19.082, + "precision_at_3": 34.014, + "precision_at_5": 31.019999999999996, + "recall_at_1": 3.064, + "recall_at_10": 17.849999999999998, + "recall_at_100": 53.217999999999996, + "recall_at_1000": 87.095, + "recall_at_20": 26.111, + "recall_at_3": 7.383000000000001, + "recall_at_5": 11.434 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/ToxicConversationsClassification.json b/results/bennegeek__stella_en_1.5B_v5/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..1ecc93e87 --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/ToxicConversationsClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 88.759765625, + "ap": 36.49152357863017, + "ap_weighted": 36.49152357863017, + "f1": 74.4692714448641, + "f1_weighted": 90.54372649306606, + "main_score": 88.759765625 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/TweetSentimentExtractionClassification.json b/results/bennegeek__stella_en_1.5B_v5/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..0fc8374e6 --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.8443689869836, + "f1": 75.1139662898148, + "f1_weighted": 74.7369003946243, + "main_score": 74.8443689869836 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/TwentyNewsgroupsClustering.json b/results/bennegeek__stella_en_1.5B_v5/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..e4eb37973 --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 61.42918790942448, + "v_measure": 61.42918790942448, + "v_measure_std": 1.0156550098843082 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/TwitterSemEval2015.json b/results/bennegeek__stella_en_1.5B_v5/external/TwitterSemEval2015.json new file mode 100644 index 000000000..afe519f63 --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/TwitterSemEval2015.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 88.22197055492639, + "cosine_accuracy_threshold": 83.30042362213135, + "cosine_ap": 80.57754959194938, + "cosine_f1": 73.70579190158894, + "cosine_f1_threshold": 81.04978799819946, + "cosine_precision": 71.64922770303936, + "cosine_recall": 75.8839050131926, + "dot_accuracy": 88.23985217857782, + "dot_accuracy_threshold": 83.31039547920227, + "dot_ap": 80.57533213448181, + "dot_f1": 73.61309601143302, + "dot_f1_threshold": 81.33968114852905, + "dot_precision": 72.51087791144101, + "dot_recall": 74.74934036939314, + "euclidean_accuracy": 88.22197055492639, + "euclidean_accuracy_threshold": 58.290231227874756, + "euclidean_ap": 80.57982723880139, + "euclidean_f1": 73.63426519620417, + "euclidean_f1_threshold": 61.55576705932617, + "euclidean_precision": 71.63173652694611, + "euclidean_recall": 75.75197889182058, + "main_score": 80.57982723880139, + "manhattan_accuracy": 88.14448351910353, + "manhattan_accuracy_threshold": 3907.2471618652344, + "manhattan_ap": 80.3538079655539, + "manhattan_f1": 73.40466675261054, + "manhattan_f1_threshold": 4103.794097900391, + "manhattan_precision": 71.76707839677337, + "manhattan_recall": 75.11873350923483, + "max_ap": 80.57982723880139, + "max_f1": 73.70579190158894, + "max_precision": 72.51087791144101, + "max_recall": 75.8839050131926, + "similarity_accuracy": 88.22197055492639, + "similarity_accuracy_threshold": 83.30042362213135, + "similarity_ap": 80.57754959194938, + "similarity_f1": 73.70579190158894, + "similarity_f1_threshold": 81.04978799819946, + "similarity_precision": 71.64922770303936, + "similarity_recall": 75.8839050131926 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/TwitterURLCorpus.json b/results/bennegeek__stella_en_1.5B_v5/external/TwitterURLCorpus.json new file mode 100644 index 000000000..0d422a325 --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/TwitterURLCorpus.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 89.88628866379477, + "cosine_accuracy_threshold": 80.8050274848938, + "cosine_ap": 87.57594591596816, + "cosine_f1": 80.0812257707218, + "cosine_f1_threshold": 77.990061044693, + "cosine_precision": 76.93126197063205, + "cosine_recall": 83.50015398829689, + "dot_accuracy": 89.87852679784221, + "dot_accuracy_threshold": 80.84419965744019, + "dot_ap": 87.56136742222151, + "dot_f1": 80.05898617511521, + "dot_f1_threshold": 77.92385816574097, + "dot_precision": 76.80554573106035, + "dot_recall": 83.60024638127503, + "euclidean_accuracy": 89.86882446540149, + "euclidean_accuracy_threshold": 62.08193898200989, + "euclidean_ap": 87.57517549192228, + "euclidean_f1": 80.05286925872892, + "euclidean_f1_threshold": 66.65036082267761, + "euclidean_precision": 76.51063232507545, + "euclidean_recall": 83.93902063443178, + "main_score": 87.64162614197194, + "manhattan_accuracy": 89.8959909962355, + "manhattan_accuracy_threshold": 4176.108169555664, + "manhattan_ap": 87.64162614197194, + "manhattan_f1": 80.17116279069768, + "manhattan_f1_threshold": 4433.153533935547, + "manhattan_precision": 77.57615035644848, + "manhattan_recall": 82.94579611949491, + "max_ap": 87.64162614197194, + "max_f1": 80.17116279069768, + "max_precision": 77.57615035644848, + "max_recall": 83.93902063443178, + "similarity_accuracy": 89.88628866379477, + "similarity_accuracy_threshold": 80.8050274848938, + "similarity_ap": 87.57594591596816, + "similarity_f1": 80.0812257707218, + "similarity_f1_threshold": 77.990061044693, + "similarity_precision": 76.93126197063205, + "similarity_recall": 83.50015398829689 + } + ] + } +} \ No newline at end of file diff --git a/results/bennegeek__stella_en_1.5B_v5/external/model_meta.json b/results/bennegeek__stella_en_1.5B_v5/external/model_meta.json new file mode 100644 index 000000000..7a614c3ad --- /dev/null +++ b/results/bennegeek__stella_en_1.5B_v5/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "bennegeek/stella_en_1.5B_v5", + "revision": "373068fc001f9b913dc43f298640368040760861", + "release_date": "2024-10-04", + "languages": [], + "loader": null, + "n_parameters": 1543268864, + "memory_usage": null, + "max_tokens": 131072, + "embed_dim": 8192, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/AmazonCounterfactualClassification.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..c790dbe18 --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/AmazonCounterfactualClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.35820895522387, + "ap": 70.81322736988783, + "ap_weighted": 70.81322736988783, + "f1": 88.9505466159595, + "f1_weighted": 92.68630932872613, + "main_score": 92.35820895522387 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/AmazonPolarityClassification.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..489a49c56 --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/AmazonPolarityClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 97.1945, + "ap": 96.08192192244094, + "ap_weighted": 96.08192192244094, + "f1": 97.1936887167346, + "f1_weighted": 97.1936887167346, + "main_score": 97.1945 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/AmazonReviewsClassification.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..6e645c7a2 --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/AmazonReviewsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 59.528000000000006, + "f1": 59.21016819840188, + "f1_weighted": 59.21016819840188, + "main_score": 59.528000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/ArguAna.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/ArguAna.json new file mode 100644 index 000000000..128530186 --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/ArguAna.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 64.24, + "map_at_1": 40.398, + "map_at_10": 56.215, + "map_at_100": 56.833999999999996, + "map_at_1000": 56.835, + "map_at_20": 56.747, + "map_at_3": 52.181, + "map_at_5": 54.628, + "mrr_at_1": 41.25177809388336, + "mrr_at_10": 56.570762491815216, + "mrr_at_100": 57.17548614361504, + "mrr_at_1000": 57.176650626377466, + "mrr_at_20": 57.08916253512566, + "mrr_at_3": 52.47747747747754, + "mrr_at_5": 54.94547178757718, + "nauc_map_at_1000_diff1": 22.408086887100158, + "nauc_map_at_1000_max": -8.730419096847543, + "nauc_map_at_1000_std": -17.789262741255737, + "nauc_map_at_100_diff1": 22.407371684274025, + "nauc_map_at_100_max": -8.732263549026266, + "nauc_map_at_100_std": -17.79550515579994, + "nauc_map_at_10_diff1": 21.925005073301246, + "nauc_map_at_10_max": -8.990323944492134, + "nauc_map_at_10_std": -18.199246301671458, + "nauc_map_at_1_diff1": 26.23276644969203, + "nauc_map_at_1_max": -12.376511389571245, + "nauc_map_at_1_std": -18.11411715207284, + "nauc_map_at_20_diff1": 22.32455790850922, + "nauc_map_at_20_max": -8.664671547236034, + "nauc_map_at_20_std": -17.8290016125137, + "nauc_map_at_3_diff1": 22.395462147465064, + "nauc_map_at_3_max": -8.206580750918844, + "nauc_map_at_3_std": -17.604490446911484, + "nauc_map_at_5_diff1": 21.95307379904799, + "nauc_map_at_5_max": -8.03958102978443, + "nauc_map_at_5_std": -17.36578866595004, + "nauc_mrr_at_1000_diff1": 20.124236798365587, + "nauc_mrr_at_1000_max": -9.587376069575898, + "nauc_mrr_at_1000_std": -17.79191612151833, + "nauc_mrr_at_100_diff1": 20.123612603474033, + "nauc_mrr_at_100_max": -9.589187218607831, + "nauc_mrr_at_100_std": -17.7981617777748, + "nauc_mrr_at_10_diff1": 19.723683875738075, + "nauc_mrr_at_10_max": -9.774151729178815, + "nauc_mrr_at_10_std": -18.168668675495162, + "nauc_mrr_at_1_diff1": 23.945332059908132, + "nauc_mrr_at_1_max": -12.260461466152819, + "nauc_mrr_at_1_std": -18.007194922921148, + "nauc_mrr_at_20_diff1": 20.04819461810257, + "nauc_mrr_at_20_max": -9.518368283588936, + "nauc_mrr_at_20_std": -17.831608149836136, + "nauc_mrr_at_3_diff1": 19.8571785245832, + "nauc_mrr_at_3_max": -9.464375021240478, + "nauc_mrr_at_3_std": -17.728533927330453, + "nauc_mrr_at_5_diff1": 19.670313652167827, + "nauc_mrr_at_5_max": -8.966372585728434, + "nauc_mrr_at_5_std": -17.468955834324817, + "nauc_ndcg_at_1000_diff1": 21.863049281767417, + "nauc_ndcg_at_1000_max": -8.18698520924057, + "nauc_ndcg_at_1000_std": -17.634483364794804, + "nauc_ndcg_at_100_diff1": 21.849924385738586, + "nauc_ndcg_at_100_max": -8.226437560889345, + "nauc_ndcg_at_100_std": -17.774648478087002, + "nauc_ndcg_at_10_diff1": 19.888395590413573, + "nauc_ndcg_at_10_max": -8.968706085632382, + "nauc_ndcg_at_10_std": -19.31386964628115, + "nauc_ndcg_at_1_diff1": 26.23276644969203, + "nauc_ndcg_at_1_max": -12.376511389571245, + "nauc_ndcg_at_1_std": -18.11411715207284, + "nauc_ndcg_at_20_diff1": 21.38413342416933, + "nauc_ndcg_at_20_max": -7.636238194084164, + "nauc_ndcg_at_20_std": -17.946390844693028, + "nauc_ndcg_at_3_diff1": 21.29169165029195, + "nauc_ndcg_at_3_max": -6.793840499730093, + "nauc_ndcg_at_3_std": -17.52359001586737, + "nauc_ndcg_at_5_diff1": 20.238297656671364, + "nauc_ndcg_at_5_max": -6.424992706950072, + "nauc_ndcg_at_5_std": -17.082391132291356, + "nauc_precision_at_1000_diff1": -7.05195108528572, + "nauc_precision_at_1000_max": 34.439879624882145, + "nauc_precision_at_1000_std": 68.72436351659353, + "nauc_precision_at_100_diff1": -2.769464113932605, + "nauc_precision_at_100_max": 9.89562961226698, + "nauc_precision_at_100_std": -0.5880967482224028, + "nauc_precision_at_10_diff1": 2.1371544726832323, + "nauc_precision_at_10_max": -11.93051325147756, + "nauc_precision_at_10_std": -30.83144187392059, + "nauc_precision_at_1_diff1": 26.23276644969203, + "nauc_precision_at_1_max": -12.376511389571245, + "nauc_precision_at_1_std": -18.11411715207284, + "nauc_precision_at_20_diff1": 3.780146814257504, + "nauc_precision_at_20_max": 17.06527540214615, + "nauc_precision_at_20_std": -20.36832563035565, + "nauc_precision_at_3_diff1": 17.63894384012077, + "nauc_precision_at_3_max": -2.0220490624638887, + "nauc_precision_at_3_std": -17.285601413493918, + "nauc_precision_at_5_diff1": 12.557855071944601, + "nauc_precision_at_5_max": 0.5840236463956658, + "nauc_precision_at_5_std": -15.827224420217846, + "nauc_recall_at_1000_diff1": -7.051951085286463, + "nauc_recall_at_1000_max": 34.43987962487738, + "nauc_recall_at_1000_std": 68.724363516591, + "nauc_recall_at_100_diff1": -2.769464113930314, + "nauc_recall_at_100_max": 9.895629612270017, + "nauc_recall_at_100_std": -0.58809674821745, + "nauc_recall_at_10_diff1": 2.1371544726834495, + "nauc_recall_at_10_max": -11.930513251477253, + "nauc_recall_at_10_std": -30.83144187392047, + "nauc_recall_at_1_diff1": 26.23276644969203, + "nauc_recall_at_1_max": -12.376511389571245, + "nauc_recall_at_1_std": -18.11411715207284, + "nauc_recall_at_20_diff1": 3.7801468142575922, + "nauc_recall_at_20_max": 17.0652754021456, + "nauc_recall_at_20_std": -20.36832563035559, + "nauc_recall_at_3_diff1": 17.63894384012074, + "nauc_recall_at_3_max": -2.02204906246383, + "nauc_recall_at_3_std": -17.28560141349386, + "nauc_recall_at_5_diff1": 12.55785507194463, + "nauc_recall_at_5_max": 0.5840236463957296, + "nauc_recall_at_5_std": -15.827224420217856, + "ndcg_at_1": 40.398, + "ndcg_at_10": 64.24, + "ndcg_at_100": 66.631, + "ndcg_at_1000": 66.65100000000001, + "ndcg_at_20": 66.086, + "ndcg_at_3": 55.938, + "ndcg_at_5": 60.370000000000005, + "precision_at_1": 40.398, + "precision_at_10": 8.962, + "precision_at_100": 0.9950000000000001, + "precision_at_1000": 0.1, + "precision_at_20": 4.836, + "precision_at_3": 22.262, + "precision_at_5": 15.519, + "recall_at_1": 40.398, + "recall_at_10": 89.616, + "recall_at_100": 99.502, + "recall_at_1000": 99.644, + "recall_at_20": 96.72800000000001, + "recall_at_3": 66.78500000000001, + "recall_at_5": 77.596 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/ArxivClusteringP2P.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..53b30307e --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/ArxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 55.1564333205451, + "v_measure": 55.1564333205451, + "v_measure_std": 14.696883012214512 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/ArxivClusteringS2S.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..d53383759 --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/ArxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 49.823698316694795, + "v_measure": 49.823698316694795, + "v_measure_std": 14.951660654298186 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/AskUbuntuDupQuestions.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..97b6fd7b4 --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/AskUbuntuDupQuestions.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 66.15294503553424, + "map": 66.15294503553424, + "mrr": 78.53438420612935, + "nAUC_map_diff1": 12.569697092717997, + "nAUC_map_max": 21.50670312412572, + "nAUC_map_std": 16.943786429229064, + "nAUC_mrr_diff1": 15.590272897361238, + "nAUC_mrr_max": 34.96072022474653, + "nAUC_mrr_std": 21.649217605241045 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/BIOSSES.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/BIOSSES.json new file mode 100644 index 000000000..84a650387 --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 85.7824546319275, + "cosine_spearman": 83.29587385660628, + "euclidean_pearson": 84.58764190565167, + "euclidean_spearman": 83.30069324352772, + "main_score": 83.29587385660628, + "manhattan_pearson": 84.95996839947179, + "manhattan_spearman": 83.87480271054358, + "pearson": 85.7824546319275, + "spearman": 83.29587385660628 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/Banking77Classification.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/Banking77Classification.json new file mode 100644 index 000000000..a7e09ca02 --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/Banking77Classification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 89.30194805194806, + "f1": 89.26182507266391, + "f1_weighted": 89.26182507266391, + "main_score": 89.30194805194806 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/BiorxivClusteringP2P.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..a178ed7cb --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/BiorxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 50.67972171889736, + "v_measure": 50.67972171889736, + "v_measure_std": 0.7687409980036303 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/BiorxivClusteringS2S.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..1c12ee799 --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/BiorxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 45.80539715556144, + "v_measure": 45.80539715556144, + "v_measure_std": 0.9601346216579142 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/ClimateFEVER.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/ClimateFEVER.json new file mode 100644 index 000000000..27919b94c --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/ClimateFEVER.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 43.525999999999996, + "map_at_1": 19.291, + "map_at_10": 33.471000000000004, + "map_at_100": 35.388999999999996, + "map_at_1000": 35.568, + "map_at_20": 34.496, + "map_at_3": 28.713, + "map_at_5": 31.384, + "mrr_at_1": 43.77850162866449, + "mrr_at_10": 56.28576598934912, + "mrr_at_100": 56.8588518168194, + "mrr_at_1000": 56.878236725973544, + "mrr_at_20": 56.6409328120183, + "mrr_at_3": 53.56134636264935, + "mrr_at_5": 55.27795874049956, + "nauc_map_at_1000_diff1": 27.262513153363876, + "nauc_map_at_1000_max": 40.099398684385584, + "nauc_map_at_1000_std": 18.847812394005512, + "nauc_map_at_100_diff1": 27.238993503030745, + "nauc_map_at_100_max": 40.07730434492169, + "nauc_map_at_100_std": 18.795349250833684, + "nauc_map_at_10_diff1": 27.70929180366227, + "nauc_map_at_10_max": 39.55987024970173, + "nauc_map_at_10_std": 17.214881544648996, + "nauc_map_at_1_diff1": 43.34155892182403, + "nauc_map_at_1_max": 38.23324890148018, + "nauc_map_at_1_std": 6.0781444393516075, + "nauc_map_at_20_diff1": 27.311577477800103, + "nauc_map_at_20_max": 39.624414083413456, + "nauc_map_at_20_std": 18.149811054163287, + "nauc_map_at_3_diff1": 30.475965062734367, + "nauc_map_at_3_max": 38.49324825043695, + "nauc_map_at_3_std": 13.357656038648487, + "nauc_map_at_5_diff1": 28.425110095017747, + "nauc_map_at_5_max": 39.017894870747796, + "nauc_map_at_5_std": 15.543817194122564, + "nauc_mrr_at_1000_diff1": 33.16689354701644, + "nauc_mrr_at_1000_max": 41.70755363247148, + "nauc_mrr_at_1000_std": 24.61667417463176, + "nauc_mrr_at_100_diff1": 33.147229262917506, + "nauc_mrr_at_100_max": 41.712455697170725, + "nauc_mrr_at_100_std": 24.6418922043652, + "nauc_mrr_at_10_diff1": 32.94185191112572, + "nauc_mrr_at_10_max": 41.64272730141954, + "nauc_mrr_at_10_std": 24.663391015702707, + "nauc_mrr_at_1_diff1": 39.571969559016395, + "nauc_mrr_at_1_max": 39.396249211263495, + "nauc_mrr_at_1_std": 16.984149923258357, + "nauc_mrr_at_20_diff1": 33.10040770334742, + "nauc_mrr_at_20_max": 41.807565560083034, + "nauc_mrr_at_20_std": 24.8064180365271, + "nauc_mrr_at_3_diff1": 33.065406161485704, + "nauc_mrr_at_3_max": 41.049510969934694, + "nauc_mrr_at_3_std": 23.18371458928609, + "nauc_mrr_at_5_diff1": 33.2389593543916, + "nauc_mrr_at_5_max": 41.629486918949915, + "nauc_mrr_at_5_std": 24.5777253036149, + "nauc_ndcg_at_1000_diff1": 25.868840609197637, + "nauc_ndcg_at_1000_max": 42.79564910784761, + "nauc_ndcg_at_1000_std": 27.035091271680113, + "nauc_ndcg_at_100_diff1": 25.019789319579942, + "nauc_ndcg_at_100_max": 42.482345143533735, + "nauc_ndcg_at_100_std": 26.76872010731345, + "nauc_ndcg_at_10_diff1": 25.949464660653238, + "nauc_ndcg_at_10_max": 40.79769544643906, + "nauc_ndcg_at_10_std": 22.486116508973204, + "nauc_ndcg_at_1_diff1": 39.571969559016395, + "nauc_ndcg_at_1_max": 39.396249211263495, + "nauc_ndcg_at_1_std": 16.984149923258357, + "nauc_ndcg_at_20_diff1": 25.173455685962214, + "nauc_ndcg_at_20_max": 40.88873540662413, + "nauc_ndcg_at_20_std": 24.4451041955519, + "nauc_ndcg_at_3_diff1": 28.185416070726333, + "nauc_ndcg_at_3_max": 39.10600031163912, + "nauc_ndcg_at_3_std": 18.42694044215541, + "nauc_ndcg_at_5_diff1": 27.112647584005583, + "nauc_ndcg_at_5_max": 40.154045682322526, + "nauc_ndcg_at_5_std": 20.26822517176828, + "nauc_precision_at_1000_diff1": -16.42087927044017, + "nauc_precision_at_1000_max": 3.5326295053913, + "nauc_precision_at_1000_std": 24.406810708493197, + "nauc_precision_at_100_diff1": -12.17648135724982, + "nauc_precision_at_100_max": 15.895489260126183, + "nauc_precision_at_100_std": 32.48346122610907, + "nauc_precision_at_10_diff1": -1.2493131347748072, + "nauc_precision_at_10_max": 26.409459305604376, + "nauc_precision_at_10_std": 31.115432019300016, + "nauc_precision_at_1_diff1": 39.571969559016395, + "nauc_precision_at_1_max": 39.396249211263495, + "nauc_precision_at_1_std": 16.984149923258357, + "nauc_precision_at_20_diff1": -6.597509397240593, + "nauc_precision_at_20_max": 21.461984620659695, + "nauc_precision_at_20_std": 32.9450259748889, + "nauc_precision_at_3_diff1": 9.46378764865453, + "nauc_precision_at_3_max": 32.03650819375425, + "nauc_precision_at_3_std": 26.489382638510765, + "nauc_precision_at_5_diff1": 3.5987036728169537, + "nauc_precision_at_5_max": 30.633955978579703, + "nauc_precision_at_5_std": 30.532430088014443, + "nauc_recall_at_1000_diff1": 10.714633106872254, + "nauc_recall_at_1000_max": 43.94958623961, + "nauc_recall_at_1000_std": 51.78914468954123, + "nauc_recall_at_100_diff1": 9.63781472255557, + "nauc_recall_at_100_max": 38.50917465255336, + "nauc_recall_at_100_std": 37.78623984642377, + "nauc_recall_at_10_diff1": 16.480342820841688, + "nauc_recall_at_10_max": 35.982566867357406, + "nauc_recall_at_10_std": 23.30688188788895, + "nauc_recall_at_1_diff1": 43.34155892182403, + "nauc_recall_at_1_max": 38.23324890148018, + "nauc_recall_at_1_std": 6.0781444393516075, + "nauc_recall_at_20_diff1": 13.521048985146367, + "nauc_recall_at_20_max": 34.62462209239834, + "nauc_recall_at_20_std": 27.85924191501618, + "nauc_recall_at_3_diff1": 23.57032748533523, + "nauc_recall_at_3_max": 36.32703197635613, + "nauc_recall_at_3_std": 15.730238734014337, + "nauc_recall_at_5_diff1": 19.61387036368584, + "nauc_recall_at_5_max": 36.22030835529556, + "nauc_recall_at_5_std": 19.76310648649897, + "ndcg_at_1": 43.779, + "ndcg_at_10": 43.525999999999996, + "ndcg_at_100": 50.138000000000005, + "ndcg_at_1000": 52.991, + "ndcg_at_20": 46.083, + "ndcg_at_3": 38.002, + "ndcg_at_5": 39.842, + "precision_at_1": 43.779, + "precision_at_10": 13.205, + "precision_at_100": 2.051, + "precision_at_1000": 0.259, + "precision_at_20": 7.722999999999999, + "precision_at_3": 28.903000000000002, + "precision_at_5": 21.368000000000002, + "recall_at_1": 19.291, + "recall_at_10": 48.754, + "recall_at_100": 70.97200000000001, + "recall_at_1000": 86.611, + "recall_at_20": 55.884, + "recall_at_3": 34.101, + "recall_at_5": 40.784 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/DBPedia.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/DBPedia.json new file mode 100644 index 000000000..9a808f82d --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/DBPedia.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 49.884, + "map_at_1": 9.913, + "map_at_10": 23.186999999999998, + "map_at_100": 34.207, + "map_at_1000": 36.318, + "map_at_20": 27.419, + "map_at_3": 15.656, + "map_at_5": 18.945999999999998, + "mrr_at_1": 75.75, + "mrr_at_10": 82.16279761904761, + "mrr_at_100": 82.48445635330299, + "mrr_at_1000": 82.4870246719901, + "mrr_at_20": 82.36203632968338, + "mrr_at_3": 81.29166666666666, + "mrr_at_5": 82.02916666666667, + "nauc_map_at_1000_diff1": 17.0739966990996, + "nauc_map_at_1000_max": 28.440065298437133, + "nauc_map_at_1000_std": 20.83498154003865, + "nauc_map_at_100_diff1": 17.75982086107111, + "nauc_map_at_100_max": 26.87850835673573, + "nauc_map_at_100_std": 18.350282298599275, + "nauc_map_at_10_diff1": 17.15984258564116, + "nauc_map_at_10_max": 10.846179132675553, + "nauc_map_at_10_std": -6.263534464094614, + "nauc_map_at_1_diff1": 24.014897777973694, + "nauc_map_at_1_max": -4.556638938723358, + "nauc_map_at_1_std": -22.7844467526989, + "nauc_map_at_20_diff1": 16.3179372493187, + "nauc_map_at_20_max": 17.176378915498915, + "nauc_map_at_20_std": 1.9378637630340372, + "nauc_map_at_3_diff1": 19.12786794046792, + "nauc_map_at_3_max": 0.09063919305677291, + "nauc_map_at_3_std": -16.713143158330492, + "nauc_map_at_5_diff1": 18.76504725420023, + "nauc_map_at_5_max": 5.040867712207419, + "nauc_map_at_5_std": -12.382578318931165, + "nauc_mrr_at_1000_diff1": 54.61266255011247, + "nauc_mrr_at_1000_max": 60.83961280977112, + "nauc_mrr_at_1000_std": 32.70429260443016, + "nauc_mrr_at_100_diff1": 54.61346236538542, + "nauc_mrr_at_100_max": 60.8407974416647, + "nauc_mrr_at_100_std": 32.69272843993462, + "nauc_mrr_at_10_diff1": 54.74633685810871, + "nauc_mrr_at_10_max": 61.084525933097865, + "nauc_mrr_at_10_std": 33.001220210025565, + "nauc_mrr_at_1_diff1": 56.12708423835806, + "nauc_mrr_at_1_max": 58.9314540998289, + "nauc_mrr_at_1_std": 27.39422607651012, + "nauc_mrr_at_20_diff1": 54.58896150245695, + "nauc_mrr_at_20_max": 60.890929983464815, + "nauc_mrr_at_20_std": 32.65559641276393, + "nauc_mrr_at_3_diff1": 54.38229071443791, + "nauc_mrr_at_3_max": 59.987849044098596, + "nauc_mrr_at_3_std": 33.439813880719974, + "nauc_mrr_at_5_diff1": 54.961790262449824, + "nauc_mrr_at_5_max": 61.17705173908951, + "nauc_mrr_at_5_std": 33.30939850734856, + "nauc_ndcg_at_1000_diff1": 29.27465932507067, + "nauc_ndcg_at_1000_max": 47.952543312315214, + "nauc_ndcg_at_1000_std": 36.17132236391485, + "nauc_ndcg_at_100_diff1": 28.63072328980134, + "nauc_ndcg_at_100_max": 41.460833419186564, + "nauc_ndcg_at_100_std": 27.157100358988135, + "nauc_ndcg_at_10_diff1": 23.41488013023301, + "nauc_ndcg_at_10_max": 39.27798133072349, + "nauc_ndcg_at_10_std": 21.979241438928312, + "nauc_ndcg_at_1_diff1": 46.12120543657642, + "nauc_ndcg_at_1_max": 47.28452124039853, + "nauc_ndcg_at_1_std": 19.799884708952543, + "nauc_ndcg_at_20_diff1": 23.627669045115574, + "nauc_ndcg_at_20_max": 35.88225062457673, + "nauc_ndcg_at_20_std": 18.218628030529498, + "nauc_ndcg_at_3_diff1": 25.37309228946118, + "nauc_ndcg_at_3_max": 40.64426332992231, + "nauc_ndcg_at_3_std": 24.608330645901482, + "nauc_ndcg_at_5_diff1": 24.055798594999654, + "nauc_ndcg_at_5_max": 41.16180524175431, + "nauc_ndcg_at_5_std": 24.048305528761315, + "nauc_precision_at_1000_diff1": -18.234943251015576, + "nauc_precision_at_1000_max": 0.48708502364659184, + "nauc_precision_at_1000_std": 2.4473601543134027, + "nauc_precision_at_100_diff1": -3.0077810947381227, + "nauc_precision_at_100_max": 25.27249321108913, + "nauc_precision_at_100_std": 37.36575792126928, + "nauc_precision_at_10_diff1": -0.2393778190297635, + "nauc_precision_at_10_max": 36.40513293547299, + "nauc_precision_at_10_std": 37.4827885766009, + "nauc_precision_at_1_diff1": 56.12708423835806, + "nauc_precision_at_1_max": 58.9314540998289, + "nauc_precision_at_1_std": 27.39422607651012, + "nauc_precision_at_20_diff1": -1.2010133229402933, + "nauc_precision_at_20_max": 34.117541814385966, + "nauc_precision_at_20_std": 39.13273254177449, + "nauc_precision_at_3_diff1": 11.757378092198486, + "nauc_precision_at_3_max": 42.637962482588875, + "nauc_precision_at_3_std": 37.42465077352342, + "nauc_precision_at_5_diff1": 7.233177203405101, + "nauc_precision_at_5_max": 43.1663582897407, + "nauc_precision_at_5_std": 38.848449220750055, + "nauc_recall_at_1000_diff1": 27.33938551969145, + "nauc_recall_at_1000_max": 45.5614254479334, + "nauc_recall_at_1000_std": 50.58528916250458, + "nauc_recall_at_100_diff1": 23.610383761920097, + "nauc_recall_at_100_max": 31.422168485847184, + "nauc_recall_at_100_std": 25.58649926458304, + "nauc_recall_at_10_diff1": 14.62495111808408, + "nauc_recall_at_10_max": 7.4295041277681095, + "nauc_recall_at_10_std": -9.32297089600654, + "nauc_recall_at_1_diff1": 24.014897777973694, + "nauc_recall_at_1_max": -4.556638938723358, + "nauc_recall_at_1_std": -22.7844467526989, + "nauc_recall_at_20_diff1": 14.027862330014662, + "nauc_recall_at_20_max": 12.437478731690844, + "nauc_recall_at_20_std": -3.0740743798103676, + "nauc_recall_at_3_diff1": 16.354018356566712, + "nauc_recall_at_3_max": -2.9812231240997917, + "nauc_recall_at_3_std": -18.27746460743442, + "nauc_recall_at_5_diff1": 16.81486583473587, + "nauc_recall_at_5_max": 2.420128513974744, + "nauc_recall_at_5_std": -14.441820321214108, + "ndcg_at_1": 63.87500000000001, + "ndcg_at_10": 49.884, + "ndcg_at_100": 54.738, + "ndcg_at_1000": 61.635, + "ndcg_at_20": 48.894999999999996, + "ndcg_at_3": 54.287, + "ndcg_at_5": 52.40899999999999, + "precision_at_1": 75.75, + "precision_at_10": 40.9, + "precision_at_100": 13.139999999999999, + "precision_at_1000": 2.533, + "precision_at_20": 30.8, + "precision_at_3": 57.667, + "precision_at_5": 51.05, + "recall_at_1": 9.913, + "recall_at_10": 28.591, + "recall_at_100": 61.017999999999994, + "recall_at_1000": 83.383, + "recall_at_20": 37.834, + "recall_at_3": 17.049, + "recall_at_5": 21.685 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/EmotionClassification.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/EmotionClassification.json new file mode 100644 index 000000000..a3d0da231 --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/EmotionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.77499999999999, + "f1": 73.74058240799386, + "f1_weighted": 79.78804377638227, + "main_score": 78.77499999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/FEVER.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/FEVER.json new file mode 100644 index 000000000..7c8745a71 --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/FEVER.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 90.986, + "map_at_1": 81.601, + "map_at_10": 88.242, + "map_at_100": 88.46000000000001, + "map_at_1000": 88.472, + "map_at_20": 88.375, + "map_at_3": 87.237, + "map_at_5": 87.85300000000001, + "mrr_at_1": 87.81878187818782, + "mrr_at_10": 92.20301196786335, + "mrr_at_100": 92.24884236673292, + "mrr_at_1000": 92.2496338899362, + "mrr_at_20": 92.23112073283473, + "mrr_at_3": 91.77417741774165, + "mrr_at_5": 92.03970397039689, + "nauc_map_at_1000_diff1": 56.54670664910505, + "nauc_map_at_1000_max": 33.08375749975477, + "nauc_map_at_1000_std": 2.7491595418252865, + "nauc_map_at_100_diff1": 56.50887688686924, + "nauc_map_at_100_max": 33.075487189958494, + "nauc_map_at_100_std": 2.7675869969253375, + "nauc_map_at_10_diff1": 56.08080806610569, + "nauc_map_at_10_max": 32.776972098819066, + "nauc_map_at_10_std": 2.5904846711290097, + "nauc_map_at_1_diff1": 60.645344065853145, + "nauc_map_at_1_max": 31.232776777514797, + "nauc_map_at_1_std": -1.1946138176109171, + "nauc_map_at_20_diff1": 56.28378454162355, + "nauc_map_at_20_max": 32.98207150385811, + "nauc_map_at_20_std": 2.8469814040214025, + "nauc_map_at_3_diff1": 55.81958007095375, + "nauc_map_at_3_max": 31.602707711038313, + "nauc_map_at_3_std": 0.8117019292273401, + "nauc_map_at_5_diff1": 55.706025752316535, + "nauc_map_at_5_max": 32.16032683604737, + "nauc_map_at_5_std": 1.8853201503498669, + "nauc_mrr_at_1000_diff1": 75.4997173366251, + "nauc_mrr_at_1000_max": 41.49117135484116, + "nauc_mrr_at_1000_std": -2.0636172883680852, + "nauc_mrr_at_100_diff1": 75.50118860648519, + "nauc_mrr_at_100_max": 41.49490161517194, + "nauc_mrr_at_100_std": -2.057024385178682, + "nauc_mrr_at_10_diff1": 75.47295153099428, + "nauc_mrr_at_10_max": 41.55003304042536, + "nauc_mrr_at_10_std": -2.0353663198929253, + "nauc_mrr_at_1_diff1": 76.632058433229, + "nauc_mrr_at_1_max": 39.754483718891656, + "nauc_mrr_at_1_std": -2.962241058101701, + "nauc_mrr_at_20_diff1": 75.47221882396194, + "nauc_mrr_at_20_max": 41.50779280480839, + "nauc_mrr_at_20_std": -1.9620212266426307, + "nauc_mrr_at_3_diff1": 75.5682297897137, + "nauc_mrr_at_3_max": 41.53543801506081, + "nauc_mrr_at_3_std": -3.391681195945978, + "nauc_mrr_at_5_diff1": 75.37562775183947, + "nauc_mrr_at_5_max": 41.42028509006753, + "nauc_mrr_at_5_std": -2.418698675622726, + "nauc_ndcg_at_1000_diff1": 59.364557011624, + "nauc_ndcg_at_1000_max": 35.4112238125149, + "nauc_ndcg_at_1000_std": 3.717516193303376, + "nauc_ndcg_at_100_diff1": 58.55706703023122, + "nauc_ndcg_at_100_max": 35.352285999934594, + "nauc_ndcg_at_100_std": 4.273437944266781, + "nauc_ndcg_at_10_diff1": 56.77422701267037, + "nauc_ndcg_at_10_max": 34.24909893882957, + "nauc_ndcg_at_10_std": 4.178151434006727, + "nauc_ndcg_at_1_diff1": 76.632058433229, + "nauc_ndcg_at_1_max": 39.754483718891656, + "nauc_ndcg_at_1_std": -2.962241058101701, + "nauc_ndcg_at_20_diff1": 57.27343398231262, + "nauc_ndcg_at_20_max": 34.7416626740278, + "nauc_ndcg_at_20_std": 4.955858766014002, + "nauc_ndcg_at_3_diff1": 57.69267803121093, + "nauc_ndcg_at_3_max": 33.13744317023105, + "nauc_ndcg_at_3_std": 0.40380284030057023, + "nauc_ndcg_at_5_diff1": 56.57461019113917, + "nauc_ndcg_at_5_max": 33.244657840804386, + "nauc_ndcg_at_5_std": 2.5121440827702046, + "nauc_precision_at_1000_diff1": -14.54492513449718, + "nauc_precision_at_1000_max": -5.94552147573623, + "nauc_precision_at_1000_std": 1.2446209816057374, + "nauc_precision_at_100_diff1": -15.452676132568344, + "nauc_precision_at_100_max": -3.760241749847617, + "nauc_precision_at_100_std": 4.623534605290865, + "nauc_precision_at_10_diff1": -12.712908026086176, + "nauc_precision_at_10_max": 0.45241316994816805, + "nauc_precision_at_10_std": 7.849478570138391, + "nauc_precision_at_1_diff1": 76.632058433229, + "nauc_precision_at_1_max": 39.754483718891656, + "nauc_precision_at_1_std": -2.962241058101701, + "nauc_precision_at_20_diff1": -14.514618673172041, + "nauc_precision_at_20_max": -1.113635490621818, + "nauc_precision_at_20_std": 8.599811730457576, + "nauc_precision_at_3_diff1": 6.1367799850003815, + "nauc_precision_at_3_max": 8.466271950897857, + "nauc_precision_at_3_std": 1.7458051543195068, + "nauc_precision_at_5_diff1": -5.804548945783379, + "nauc_precision_at_5_max": 3.4060251839074818, + "nauc_precision_at_5_std": 5.583410511782371, + "nauc_recall_at_1000_diff1": 19.329432953574095, + "nauc_recall_at_1000_max": 43.260442595158736, + "nauc_recall_at_1000_std": 53.89644660661804, + "nauc_recall_at_100_diff1": 21.265326296051235, + "nauc_recall_at_100_max": 38.573000195373695, + "nauc_recall_at_100_std": 42.169391082152785, + "nauc_recall_at_10_diff1": 29.785129558987432, + "nauc_recall_at_10_max": 28.379657867558034, + "nauc_recall_at_10_std": 21.132574624091973, + "nauc_recall_at_1_diff1": 60.645344065853145, + "nauc_recall_at_1_max": 31.232776777514797, + "nauc_recall_at_1_std": -1.1946138176109171, + "nauc_recall_at_20_diff1": 25.88845612373954, + "nauc_recall_at_20_max": 30.24785945821152, + "nauc_recall_at_20_std": 31.73911437468067, + "nauc_recall_at_3_diff1": 42.2968464797395, + "nauc_recall_at_3_max": 26.494318009870018, + "nauc_recall_at_3_std": 2.6045977160467544, + "nauc_recall_at_5_diff1": 35.81340094401374, + "nauc_recall_at_5_max": 25.91082947510634, + "nauc_recall_at_5_std": 9.759404930864779, + "ndcg_at_1": 87.819, + "ndcg_at_10": 90.986, + "ndcg_at_100": 91.69, + "ndcg_at_1000": 91.863, + "ndcg_at_20": 91.293, + "ndcg_at_3": 89.621, + "ndcg_at_5": 90.333, + "precision_at_1": 87.819, + "precision_at_10": 10.753, + "precision_at_100": 1.138, + "precision_at_1000": 0.117, + "precision_at_20": 5.4879999999999995, + "precision_at_3": 33.703, + "precision_at_5": 20.831, + "recall_at_1": 81.601, + "recall_at_10": 95.44200000000001, + "recall_at_100": 98.14399999999999, + "recall_at_1000": 99.157, + "recall_at_20": 96.43, + "recall_at_3": 91.729, + "recall_at_5": 93.552 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/FiQA2018.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/FiQA2018.json new file mode 100644 index 000000000..86429e380 --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/FiQA2018.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 56.056, + "map_at_1": 28.666000000000004, + "map_at_10": 47.437000000000005, + "map_at_100": 49.537, + "map_at_1000": 49.665, + "map_at_20": 48.618, + "map_at_3": 41.355, + "map_at_5": 44.525, + "mrr_at_1": 55.55555555555556, + "mrr_at_10": 63.705173427395614, + "mrr_at_100": 64.25449940779741, + "mrr_at_1000": 64.27635581092147, + "mrr_at_20": 64.03796029079103, + "mrr_at_3": 61.49691358024688, + "mrr_at_5": 62.73148148148143, + "nauc_map_at_1000_diff1": 43.24282910397747, + "nauc_map_at_1000_max": 28.506093180265644, + "nauc_map_at_1000_std": -13.040508386155054, + "nauc_map_at_100_diff1": 43.23650442904607, + "nauc_map_at_100_max": 28.470565635459156, + "nauc_map_at_100_std": -12.988098780714935, + "nauc_map_at_10_diff1": 43.393840733087686, + "nauc_map_at_10_max": 26.637302062720153, + "nauc_map_at_10_std": -14.47500292113762, + "nauc_map_at_1_diff1": 47.705150227211725, + "nauc_map_at_1_max": 15.354189686550129, + "nauc_map_at_1_std": -14.559819859039067, + "nauc_map_at_20_diff1": 43.14121075706104, + "nauc_map_at_20_max": 27.811170590408395, + "nauc_map_at_20_std": -13.459413585283583, + "nauc_map_at_3_diff1": 44.33938667720801, + "nauc_map_at_3_max": 21.785619884549398, + "nauc_map_at_3_std": -15.569980103071593, + "nauc_map_at_5_diff1": 43.39280905665027, + "nauc_map_at_5_max": 25.021492190645017, + "nauc_map_at_5_std": -14.48856622187443, + "nauc_mrr_at_1000_diff1": 52.971563939946286, + "nauc_mrr_at_1000_max": 38.88019486172324, + "nauc_mrr_at_1000_std": -12.412991642381616, + "nauc_mrr_at_100_diff1": 52.978468139876945, + "nauc_mrr_at_100_max": 38.89751787948751, + "nauc_mrr_at_100_std": -12.3677876252269, + "nauc_mrr_at_10_diff1": 52.78507148048174, + "nauc_mrr_at_10_max": 38.55079809310022, + "nauc_mrr_at_10_std": -12.944127025078755, + "nauc_mrr_at_1_diff1": 55.52626805861546, + "nauc_mrr_at_1_max": 40.49306809164979, + "nauc_mrr_at_1_std": -12.886607701317681, + "nauc_mrr_at_20_diff1": 52.9592152665678, + "nauc_mrr_at_20_max": 38.88514014589964, + "nauc_mrr_at_20_std": -12.434464359819444, + "nauc_mrr_at_3_diff1": 52.73696844091174, + "nauc_mrr_at_3_max": 38.61018727252859, + "nauc_mrr_at_3_std": -13.123989867364166, + "nauc_mrr_at_5_diff1": 53.037110010188, + "nauc_mrr_at_5_max": 38.44770729849151, + "nauc_mrr_at_5_std": -13.49318771828972, + "nauc_ndcg_at_1000_diff1": 44.73813840091289, + "nauc_ndcg_at_1000_max": 33.70113904685389, + "nauc_ndcg_at_1000_std": -10.328687058192742, + "nauc_ndcg_at_100_diff1": 44.595174119928835, + "nauc_ndcg_at_100_max": 33.4788285112467, + "nauc_ndcg_at_100_std": -8.695355259716946, + "nauc_ndcg_at_10_diff1": 44.39837225263, + "nauc_ndcg_at_10_max": 29.188289725593393, + "nauc_ndcg_at_10_std": -13.67608323673103, + "nauc_ndcg_at_1_diff1": 55.52626805861546, + "nauc_ndcg_at_1_max": 40.49306809164979, + "nauc_ndcg_at_1_std": -12.886607701317681, + "nauc_ndcg_at_20_diff1": 44.24661739902305, + "nauc_ndcg_at_20_max": 31.667868318249965, + "nauc_ndcg_at_20_std": -10.65470780066342, + "nauc_ndcg_at_3_diff1": 43.39857166975522, + "nauc_ndcg_at_3_max": 31.764668313577495, + "nauc_ndcg_at_3_std": -14.494866954678152, + "nauc_ndcg_at_5_diff1": 43.16976647347281, + "nauc_ndcg_at_5_max": 29.878329062643143, + "nauc_ndcg_at_5_std": -13.987689089179739, + "nauc_precision_at_1000_diff1": -9.807973252625484, + "nauc_precision_at_1000_max": 26.6279603849494, + "nauc_precision_at_1000_std": 7.113187103520632, + "nauc_precision_at_100_diff1": -4.777149603323976, + "nauc_precision_at_100_max": 31.03410463692187, + "nauc_precision_at_100_std": 10.463144150275435, + "nauc_precision_at_10_diff1": 8.691528703215962, + "nauc_precision_at_10_max": 33.329579434123374, + "nauc_precision_at_10_std": -0.8002015226329403, + "nauc_precision_at_1_diff1": 55.52626805861546, + "nauc_precision_at_1_max": 40.49306809164979, + "nauc_precision_at_1_std": -12.886607701317681, + "nauc_precision_at_20_diff1": 3.4564653474184284, + "nauc_precision_at_20_max": 34.401070158471136, + "nauc_precision_at_20_std": 5.813431200164549, + "nauc_precision_at_3_diff1": 22.463219705462187, + "nauc_precision_at_3_max": 34.77413976546924, + "nauc_precision_at_3_std": -7.083890789741479, + "nauc_precision_at_5_diff1": 14.011006004883154, + "nauc_precision_at_5_max": 35.73655466853702, + "nauc_precision_at_5_std": -2.8395172077771598, + "nauc_recall_at_1000_diff1": 16.478046357391555, + "nauc_recall_at_1000_max": 43.231704288282344, + "nauc_recall_at_1000_std": 38.430684937573645, + "nauc_recall_at_100_diff1": 30.764718344602436, + "nauc_recall_at_100_max": 31.769050487166655, + "nauc_recall_at_100_std": 23.48468311677149, + "nauc_recall_at_10_diff1": 34.47339565324045, + "nauc_recall_at_10_max": 19.054212335800454, + "nauc_recall_at_10_std": -11.039734015330437, + "nauc_recall_at_1_diff1": 47.705150227211725, + "nauc_recall_at_1_max": 15.354189686550129, + "nauc_recall_at_1_std": -14.559819859039067, + "nauc_recall_at_20_diff1": 32.1011474016873, + "nauc_recall_at_20_max": 25.546372988304423, + "nauc_recall_at_20_std": -0.007233471152482897, + "nauc_recall_at_3_diff1": 37.5708138019065, + "nauc_recall_at_3_max": 16.66410785756736, + "nauc_recall_at_3_std": -15.404817020108966, + "nauc_recall_at_5_diff1": 35.714519648479595, + "nauc_recall_at_5_max": 19.02075233009296, + "nauc_recall_at_5_std": -13.180963359760725, + "ndcg_at_1": 55.556000000000004, + "ndcg_at_10": 56.056, + "ndcg_at_100": 62.44, + "ndcg_at_1000": 64.263, + "ndcg_at_20": 58.638999999999996, + "ndcg_at_3": 51.722, + "ndcg_at_5": 52.701, + "precision_at_1": 55.556000000000004, + "precision_at_10": 15.679000000000002, + "precision_at_100": 2.252, + "precision_at_1000": 0.257, + "precision_at_20": 9.02, + "precision_at_3": 34.619, + "precision_at_5": 25.093, + "recall_at_1": 28.666000000000004, + "recall_at_10": 63.717999999999996, + "recall_at_100": 86.938, + "recall_at_1000": 97.603, + "recall_at_20": 71.649, + "recall_at_3": 46.663, + "recall_at_5": 53.313 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/HotpotQA.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/HotpotQA.json new file mode 100644 index 000000000..76cf32b61 --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/HotpotQA.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 71.74199999999999, + "map_at_1": 41.729, + "map_at_10": 63.168, + "map_at_100": 64.132, + "map_at_1000": 64.199, + "map_at_20": 63.736000000000004, + "map_at_3": 59.826, + "map_at_5": 61.882000000000005, + "mrr_at_1": 83.45712356515868, + "mrr_at_10": 87.850342432719, + "mrr_at_100": 88.0016320691113, + "mrr_at_1000": 88.00576596968136, + "mrr_at_20": 87.94463253190389, + "mrr_at_3": 87.13706954760278, + "mrr_at_5": 87.59419311276136, + "nauc_map_at_1000_diff1": 13.635446621095054, + "nauc_map_at_1000_max": 18.670632529445633, + "nauc_map_at_1000_std": 10.444842636150575, + "nauc_map_at_100_diff1": 13.599262398010783, + "nauc_map_at_100_max": 18.636389405484806, + "nauc_map_at_100_std": 10.460027483576043, + "nauc_map_at_10_diff1": 13.235053919323942, + "nauc_map_at_10_max": 18.252140477080047, + "nauc_map_at_10_std": 9.9075337042203, + "nauc_map_at_1_diff1": 76.51940497836482, + "nauc_map_at_1_max": 51.251419487235474, + "nauc_map_at_1_std": 0.16714896857146574, + "nauc_map_at_20_diff1": 13.4178245722222, + "nauc_map_at_20_max": 18.40988771210718, + "nauc_map_at_20_std": 10.216685163366282, + "nauc_map_at_3_diff1": 13.38370761663418, + "nauc_map_at_3_max": 17.760962555456537, + "nauc_map_at_3_std": 7.15741965624388, + "nauc_map_at_5_diff1": 13.138133309724855, + "nauc_map_at_5_max": 17.871761295251044, + "nauc_map_at_5_std": 8.475147426940074, + "nauc_mrr_at_1000_diff1": 75.82650818891959, + "nauc_mrr_at_1000_max": 53.6736100668434, + "nauc_mrr_at_1000_std": 1.8025016349213916, + "nauc_mrr_at_100_diff1": 75.82530574210111, + "nauc_mrr_at_100_max": 53.68067545829002, + "nauc_mrr_at_100_std": 1.8147470536495791, + "nauc_mrr_at_10_diff1": 75.8330135686799, + "nauc_mrr_at_10_max": 53.78626885349077, + "nauc_mrr_at_10_std": 1.7975782717226636, + "nauc_mrr_at_1_diff1": 76.51940497836482, + "nauc_mrr_at_1_max": 51.251419487235474, + "nauc_mrr_at_1_std": 0.16714896857146574, + "nauc_mrr_at_20_diff1": 75.82783382464166, + "nauc_mrr_at_20_max": 53.68364567043885, + "nauc_mrr_at_20_std": 1.742037904463963, + "nauc_mrr_at_3_diff1": 75.6944609768663, + "nauc_mrr_at_3_max": 53.803941340341666, + "nauc_mrr_at_3_std": 1.1849945458077804, + "nauc_mrr_at_5_diff1": 75.73006960604903, + "nauc_mrr_at_5_max": 53.62223096420106, + "nauc_mrr_at_5_std": 1.6144067563410909, + "nauc_ndcg_at_1000_diff1": 21.58025241642726, + "nauc_ndcg_at_1000_max": 24.675747527001153, + "nauc_ndcg_at_1000_std": 13.075943547492718, + "nauc_ndcg_at_100_diff1": 20.30260137544846, + "nauc_ndcg_at_100_max": 23.757528813872018, + "nauc_ndcg_at_100_std": 13.648994687574062, + "nauc_ndcg_at_10_diff1": 18.995052360997818, + "nauc_ndcg_at_10_max": 22.254260808196037, + "nauc_ndcg_at_10_std": 11.27212390633054, + "nauc_ndcg_at_1_diff1": 76.51940497836482, + "nauc_ndcg_at_1_max": 51.251419487235474, + "nauc_ndcg_at_1_std": 0.16714896857146574, + "nauc_ndcg_at_20_diff1": 19.333742380695757, + "nauc_ndcg_at_20_max": 22.527779834633364, + "nauc_ndcg_at_20_std": 12.161009000707917, + "nauc_ndcg_at_3_diff1": 20.013329040965534, + "nauc_ndcg_at_3_max": 21.99692460311921, + "nauc_ndcg_at_3_std": 6.8076290638386165, + "nauc_ndcg_at_5_diff1": 19.08226315942471, + "nauc_ndcg_at_5_max": 21.71185964294168, + "nauc_ndcg_at_5_std": 8.671911269518214, + "nauc_precision_at_1000_diff1": 2.4462475489446764, + "nauc_precision_at_1000_max": 29.145662064268578, + "nauc_precision_at_1000_std": 49.20704909525856, + "nauc_precision_at_100_diff1": 0.11271196725540299, + "nauc_precision_at_100_max": 17.37584606388067, + "nauc_precision_at_100_std": 34.66099346244071, + "nauc_precision_at_10_diff1": 2.9923183951227825, + "nauc_precision_at_10_max": 14.261884731124264, + "nauc_precision_at_10_std": 18.084188795498378, + "nauc_precision_at_1_diff1": 76.51940497836482, + "nauc_precision_at_1_max": 51.251419487235474, + "nauc_precision_at_1_std": 0.16714896857146574, + "nauc_precision_at_20_diff1": 1.9180293008303761, + "nauc_precision_at_20_max": 13.832269193468512, + "nauc_precision_at_20_std": 21.65284406055607, + "nauc_precision_at_3_diff1": 7.226609484731811, + "nauc_precision_at_3_max": 15.162908526977272, + "nauc_precision_at_3_std": 8.451859972962776, + "nauc_precision_at_5_diff1": 4.705236845538159, + "nauc_precision_at_5_max": 14.022910843582666, + "nauc_precision_at_5_std": 11.777269322821605, + "nauc_recall_at_1000_diff1": 2.446247548945172, + "nauc_recall_at_1000_max": 29.14566206426889, + "nauc_recall_at_1000_std": 49.20704909525879, + "nauc_recall_at_100_diff1": 0.1127119672553316, + "nauc_recall_at_100_max": 17.37584606388062, + "nauc_recall_at_100_std": 34.660993462440686, + "nauc_recall_at_10_diff1": 2.9923183951227927, + "nauc_recall_at_10_max": 14.261884731124299, + "nauc_recall_at_10_std": 18.08418879549837, + "nauc_recall_at_1_diff1": 76.51940497836482, + "nauc_recall_at_1_max": 51.251419487235474, + "nauc_recall_at_1_std": 0.16714896857146574, + "nauc_recall_at_20_diff1": 1.918029300830432, + "nauc_recall_at_20_max": 13.832269193468566, + "nauc_recall_at_20_std": 21.65284406055605, + "nauc_recall_at_3_diff1": 7.226609484731802, + "nauc_recall_at_3_max": 15.162908526977182, + "nauc_recall_at_3_std": 8.451859972962634, + "nauc_recall_at_5_diff1": 4.705236845538197, + "nauc_recall_at_5_max": 14.02291084358265, + "nauc_recall_at_5_std": 11.777269322821638, + "ndcg_at_1": 83.45700000000001, + "ndcg_at_10": 71.74199999999999, + "ndcg_at_100": 75.008, + "ndcg_at_1000": 76.242, + "ndcg_at_20": 73.114, + "ndcg_at_3": 67.128, + "ndcg_at_5": 69.645, + "precision_at_1": 83.45700000000001, + "precision_at_10": 14.747, + "precision_at_100": 1.73, + "precision_at_1000": 0.189, + "precision_at_20": 7.8149999999999995, + "precision_at_3": 42.323, + "precision_at_5": 27.381, + "recall_at_1": 41.729, + "recall_at_10": 73.734, + "recall_at_100": 86.502, + "recall_at_1000": 94.60499999999999, + "recall_at_20": 78.14999999999999, + "recall_at_3": 63.483999999999995, + "recall_at_5": 68.45400000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/ImdbClassification.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/ImdbClassification.json new file mode 100644 index 000000000..31bea8dda --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/ImdbClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 96.4904, + "ap": 94.85481918794709, + "ap_weighted": 94.85481918794709, + "f1": 96.4898592305707, + "f1_weighted": 96.4898592305707, + "main_score": 96.4904 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/MSMARCO.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/MSMARCO.json new file mode 100644 index 000000000..b0cb62af2 --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/MSMARCO.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 43.692, + "map_at_1": 23.751, + "map_at_10": 36.553999999999995, + "map_at_100": 37.721, + "map_at_1000": 37.763999999999996, + "map_at_20": 37.289, + "map_at_3": 32.643, + "map_at_5": 34.851, + "mrr_at_1": 24.455587392550143, + "mrr_at_10": 37.18388706963206, + "mrr_at_100": 38.28330737932916, + "mrr_at_1000": 38.32054399710817, + "mrr_at_20": 37.8818001216278, + "mrr_at_3": 33.35721107927405, + "mrr_at_5": 35.52483285577843, + "nauc_map_at_1000_diff1": 36.3576177260684, + "nauc_map_at_1000_max": 7.854511605962703, + "nauc_map_at_1000_std": -17.701121059746878, + "nauc_map_at_100_diff1": 36.356075649230505, + "nauc_map_at_100_max": 7.862168042999533, + "nauc_map_at_100_std": -17.670102459097233, + "nauc_map_at_10_diff1": 36.22122978875574, + "nauc_map_at_10_max": 7.80848606967416, + "nauc_map_at_10_std": -18.3265151386167, + "nauc_map_at_1_diff1": 39.28605466408357, + "nauc_map_at_1_max": 6.20202977590459, + "nauc_map_at_1_std": -15.734334090045026, + "nauc_map_at_20_diff1": 36.33637880909657, + "nauc_map_at_20_max": 7.843437969476022, + "nauc_map_at_20_std": -17.917533363025996, + "nauc_map_at_3_diff1": 36.24864976076741, + "nauc_map_at_3_max": 7.420345251835957, + "nauc_map_at_3_std": -18.71678497722944, + "nauc_map_at_5_diff1": 36.0789619291824, + "nauc_map_at_5_max": 7.7314285669514495, + "nauc_map_at_5_std": -18.748688764538706, + "nauc_mrr_at_1000_diff1": 36.23912675623378, + "nauc_mrr_at_1000_max": 7.690553436255147, + "nauc_mrr_at_1000_std": -17.609526070212304, + "nauc_mrr_at_100_diff1": 36.23782651189002, + "nauc_mrr_at_100_max": 7.70075095171647, + "nauc_mrr_at_100_std": -17.575714144960184, + "nauc_mrr_at_10_diff1": 36.125229472534215, + "nauc_mrr_at_10_max": 7.635472248755658, + "nauc_mrr_at_10_std": -18.208166616511086, + "nauc_mrr_at_1_diff1": 39.20986875554532, + "nauc_mrr_at_1_max": 6.062668487561363, + "nauc_mrr_at_1_std": -16.04130340817602, + "nauc_mrr_at_20_diff1": 36.21207088739667, + "nauc_mrr_at_20_max": 7.699610250145951, + "nauc_mrr_at_20_std": -17.778245221724028, + "nauc_mrr_at_3_diff1": 36.03957583885305, + "nauc_mrr_at_3_max": 7.225515576504581, + "nauc_mrr_at_3_std": -18.74478742943741, + "nauc_mrr_at_5_diff1": 35.969152496648974, + "nauc_mrr_at_5_max": 7.584059789018233, + "nauc_mrr_at_5_std": -18.569374723129332, + "nauc_ndcg_at_1000_diff1": 35.894655529841806, + "nauc_ndcg_at_1000_max": 8.579327424366236, + "nauc_ndcg_at_1000_std": -16.359677367747896, + "nauc_ndcg_at_100_diff1": 35.89861902483983, + "nauc_ndcg_at_100_max": 8.830873623962242, + "nauc_ndcg_at_100_std": -15.173125564722978, + "nauc_ndcg_at_10_diff1": 35.36499811105169, + "nauc_ndcg_at_10_max": 8.449267180956992, + "nauc_ndcg_at_10_std": -18.41978802362402, + "nauc_ndcg_at_1_diff1": 39.15422481210622, + "nauc_ndcg_at_1_max": 6.055515791928331, + "nauc_ndcg_at_1_std": -16.042779610876252, + "nauc_ndcg_at_20_diff1": 35.73402868264468, + "nauc_ndcg_at_20_max": 8.695705518210847, + "nauc_ndcg_at_20_std": -16.7735829470466, + "nauc_ndcg_at_3_diff1": 35.31358242856231, + "nauc_ndcg_at_3_max": 7.645692789058997, + "nauc_ndcg_at_3_std": -19.460003734786874, + "nauc_ndcg_at_5_diff1": 35.05216588927143, + "nauc_ndcg_at_5_max": 8.216690520604715, + "nauc_ndcg_at_5_std": -19.3982054492159, + "nauc_precision_at_1000_diff1": -4.440002625111349, + "nauc_precision_at_1000_max": 7.886988951901723, + "nauc_precision_at_1000_std": 9.88111187048247, + "nauc_precision_at_100_diff1": 15.728286119463325, + "nauc_precision_at_100_max": 13.218650824470654, + "nauc_precision_at_100_std": 16.113245895522553, + "nauc_precision_at_10_diff1": 29.51218489610567, + "nauc_precision_at_10_max": 10.197432401942912, + "nauc_precision_at_10_std": -16.950603431359493, + "nauc_precision_at_1_diff1": 39.15422481210622, + "nauc_precision_at_1_max": 6.055515791928331, + "nauc_precision_at_1_std": -16.042779610876252, + "nauc_precision_at_20_diff1": 27.825993070397338, + "nauc_precision_at_20_max": 11.437632287846007, + "nauc_precision_at_20_std": -7.450353566405601, + "nauc_precision_at_3_diff1": 32.14135556796588, + "nauc_precision_at_3_max": 7.989252443574163, + "nauc_precision_at_3_std": -21.566254595671055, + "nauc_precision_at_5_diff1": 30.68778685307082, + "nauc_precision_at_5_max": 9.332160758499892, + "nauc_precision_at_5_std": -20.928554713448914, + "nauc_recall_at_1000_diff1": 25.00810478716878, + "nauc_recall_at_1000_max": 46.518165765201644, + "nauc_recall_at_1000_std": 61.4734635576085, + "nauc_recall_at_100_diff1": 33.895581318261726, + "nauc_recall_at_100_max": 20.10706035872801, + "nauc_recall_at_100_std": 24.204226584457047, + "nauc_recall_at_10_diff1": 32.363127359576296, + "nauc_recall_at_10_max": 10.729923804989545, + "nauc_recall_at_10_std": -18.1335370184202, + "nauc_recall_at_1_diff1": 39.28605466408357, + "nauc_recall_at_1_max": 6.20202977590459, + "nauc_recall_at_1_std": -15.734334090045026, + "nauc_recall_at_20_diff1": 33.47804003169795, + "nauc_recall_at_20_max": 12.781494765263382, + "nauc_recall_at_20_std": -9.263970132202658, + "nauc_recall_at_3_diff1": 32.71001429428999, + "nauc_recall_at_3_max": 8.353439197382693, + "nauc_recall_at_3_std": -21.235097744366954, + "nauc_recall_at_5_diff1": 31.87451464963415, + "nauc_recall_at_5_max": 9.635051450907305, + "nauc_recall_at_5_std": -21.113235357132794, + "ndcg_at_1": 24.47, + "ndcg_at_10": 43.692, + "ndcg_at_100": 49.211, + "ndcg_at_1000": 50.244, + "ndcg_at_20": 46.278000000000006, + "ndcg_at_3": 35.719, + "ndcg_at_5": 39.652, + "precision_at_1": 24.47, + "precision_at_10": 6.857, + "precision_at_100": 0.9610000000000001, + "precision_at_1000": 0.105, + "precision_at_20": 3.968, + "precision_at_3": 15.181000000000001, + "precision_at_5": 11.117, + "recall_at_1": 23.751, + "recall_at_10": 65.64, + "recall_at_100": 90.967, + "recall_at_1000": 98.738, + "recall_at_20": 75.639, + "recall_at_3": 43.927, + "recall_at_5": 53.366 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/MTOPDomainClassification.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/MTOPDomainClassification.json new file mode 100644 index 000000000..2962e9f00 --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/MTOPDomainClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 98.82580939352485, + "f1": 98.75201754333801, + "f1_weighted": 98.82795205108245, + "main_score": 98.82580939352485 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/MTOPIntentClassification.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/MTOPIntentClassification.json new file mode 100644 index 000000000..8c421cd2e --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/MTOPIntentClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.29822161422709, + "f1": 77.75210224871594, + "f1_weighted": 93.58661422540348, + "main_score": 92.29822161422709 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/MassiveIntentClassification.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/MassiveIntentClassification.json new file mode 100644 index 000000000..4183a483b --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/MassiveIntentClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "4672e20407010da34463acc759c162ca9734bca6", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 85.17484868863484, + "f1": 81.94484244487094, + "f1_weighted": 85.21022593423332, + "main_score": 85.17484868863484 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/MassiveScenarioClassification.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..a82dce0d9 --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/MassiveScenarioClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "fad2c6e8459f9e1c45d9315f4953d921437d70f8", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 89.61667787491594, + "f1": 89.02701927621264, + "f1_weighted": 89.56306982022801, + "main_score": 89.61667787491594 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/MedrxivClusteringP2P.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..bf232514b --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/MedrxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 46.318282423948574, + "v_measure": 46.318282423948574, + "v_measure_std": 0.9729055662461538 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/MedrxivClusteringS2S.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..6b267e93f --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/MedrxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 44.29033625273981, + "v_measure": 44.29033625273981, + "v_measure_std": 1.0596383629128594 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/MindSmallReranking.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/MindSmallReranking.json new file mode 100644 index 000000000..2cf580ba8 --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/MindSmallReranking.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "59042f120c80e8afa9cdbb224f67076cec0fc9a7", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 33.0526129239962, + "map": 33.0526129239962, + "mrr": 34.29260046890935, + "nAUC_map_diff1": 12.579738077238032, + "nAUC_map_max": -20.936629344962, + "nAUC_map_std": -1.6096805784945216, + "nAUC_mrr_diff1": 11.597584463580807, + "nAUC_mrr_max": -15.723702838537504, + "nAUC_mrr_std": 0.2719172965777737 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/NFCorpus.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/NFCorpus.json new file mode 100644 index 000000000..0d67ffdf1 --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/NFCorpus.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 41.486000000000004, + "map_at_1": 6.866, + "map_at_10": 15.895999999999999, + "map_at_100": 21.093, + "map_at_1000": 23.067, + "map_at_20": 18.125, + "map_at_3": 11.421000000000001, + "map_at_5": 13.415, + "mrr_at_1": 52.63157894736842, + "mrr_at_10": 61.486805248415166, + "mrr_at_100": 62.08211009182091, + "mrr_at_1000": 62.10828701365016, + "mrr_at_20": 61.904411187915784, + "mrr_at_3": 59.90712074303407, + "mrr_at_5": 60.91331269349847, + "nauc_map_at_1000_diff1": 25.484625278529403, + "nauc_map_at_1000_max": 31.206600396418853, + "nauc_map_at_1000_std": 15.569448072357156, + "nauc_map_at_100_diff1": 27.636750226316764, + "nauc_map_at_100_max": 29.66992681250722, + "nauc_map_at_100_std": 10.570600484002671, + "nauc_map_at_10_diff1": 32.76642525548697, + "nauc_map_at_10_max": 21.459225397237663, + "nauc_map_at_10_std": -3.546494734209264, + "nauc_map_at_1_diff1": 48.8002894871328, + "nauc_map_at_1_max": 5.7236722609868815, + "nauc_map_at_1_std": -13.283554044471352, + "nauc_map_at_20_diff1": 30.57169701502308, + "nauc_map_at_20_max": 25.79666139518404, + "nauc_map_at_20_std": 1.781732492989651, + "nauc_map_at_3_diff1": 40.076315947201095, + "nauc_map_at_3_max": 12.862524429140054, + "nauc_map_at_3_std": -9.188349777126817, + "nauc_map_at_5_diff1": 36.9918718052938, + "nauc_map_at_5_max": 16.74234374361876, + "nauc_map_at_5_std": -7.818523349307494, + "nauc_mrr_at_1000_diff1": 26.88183002609805, + "nauc_mrr_at_1000_max": 47.10209348428658, + "nauc_mrr_at_1000_std": 32.067825924992924, + "nauc_mrr_at_100_diff1": 26.871482491566745, + "nauc_mrr_at_100_max": 47.11303868498556, + "nauc_mrr_at_100_std": 32.08961428818868, + "nauc_mrr_at_10_diff1": 26.6356914977722, + "nauc_mrr_at_10_max": 47.091624558810366, + "nauc_mrr_at_10_std": 31.942424120660164, + "nauc_mrr_at_1_diff1": 28.19774198483673, + "nauc_mrr_at_1_max": 41.44380927834253, + "nauc_mrr_at_1_std": 25.18222691885917, + "nauc_mrr_at_20_diff1": 26.86487347109452, + "nauc_mrr_at_20_max": 47.1987778214726, + "nauc_mrr_at_20_std": 32.143517921610034, + "nauc_mrr_at_3_diff1": 27.34340373236422, + "nauc_mrr_at_3_max": 46.358726506276646, + "nauc_mrr_at_3_std": 31.74924155572593, + "nauc_mrr_at_5_diff1": 27.209667205060672, + "nauc_mrr_at_5_max": 46.79883369072009, + "nauc_mrr_at_5_std": 31.655605306670758, + "nauc_ndcg_at_1000_diff1": 18.940195769769687, + "nauc_ndcg_at_1000_max": 46.48551313937331, + "nauc_ndcg_at_1000_std": 33.64819502089232, + "nauc_ndcg_at_100_diff1": 19.50885253809146, + "nauc_ndcg_at_100_max": 40.53174462354878, + "nauc_ndcg_at_100_std": 28.516152877751118, + "nauc_ndcg_at_10_diff1": 16.01699218096564, + "nauc_ndcg_at_10_max": 41.17322878314514, + "nauc_ndcg_at_10_std": 29.002233224832196, + "nauc_ndcg_at_1_diff1": 27.443547710102205, + "nauc_ndcg_at_1_max": 40.66529763309582, + "nauc_ndcg_at_1_std": 24.15016766225869, + "nauc_ndcg_at_20_diff1": 17.541197675685062, + "nauc_ndcg_at_20_max": 40.53231266973844, + "nauc_ndcg_at_20_std": 29.54096347876548, + "nauc_ndcg_at_3_diff1": 18.649628357473716, + "nauc_ndcg_at_3_max": 41.18603570171764, + "nauc_ndcg_at_3_std": 27.125524188420396, + "nauc_ndcg_at_5_diff1": 17.519593751448483, + "nauc_ndcg_at_5_max": 42.715997890377345, + "nauc_ndcg_at_5_std": 27.902627839899868, + "nauc_precision_at_1000_diff1": -15.528797630565155, + "nauc_precision_at_1000_max": 13.741640921778671, + "nauc_precision_at_1000_std": 44.50896053788372, + "nauc_precision_at_100_diff1": -14.491464489721887, + "nauc_precision_at_100_max": 23.136434418999457, + "nauc_precision_at_100_std": 49.73145147863128, + "nauc_precision_at_10_diff1": -4.829188942994277, + "nauc_precision_at_10_max": 40.327612559528866, + "nauc_precision_at_10_std": 39.34919529635044, + "nauc_precision_at_1_diff1": 28.19774198483673, + "nauc_precision_at_1_max": 41.44380927834253, + "nauc_precision_at_1_std": 25.18222691885917, + "nauc_precision_at_20_diff1": -7.210726293112847, + "nauc_precision_at_20_max": 37.195679576636984, + "nauc_precision_at_20_std": 45.4597096418357, + "nauc_precision_at_3_diff1": 7.578219537774854, + "nauc_precision_at_3_max": 41.59775233475654, + "nauc_precision_at_3_std": 30.764584790895118, + "nauc_precision_at_5_diff1": 1.655451789039598, + "nauc_precision_at_5_max": 43.435739407610455, + "nauc_precision_at_5_std": 33.42552263325999, + "nauc_recall_at_1000_diff1": 5.030705700690516, + "nauc_recall_at_1000_max": 19.108072570815583, + "nauc_recall_at_1000_std": 14.697734974217308, + "nauc_recall_at_100_diff1": 14.746540318132407, + "nauc_recall_at_100_max": 21.798705033854795, + "nauc_recall_at_100_std": 11.416195108842587, + "nauc_recall_at_10_diff1": 25.548642427860486, + "nauc_recall_at_10_max": 18.711677681987474, + "nauc_recall_at_10_std": -5.988904818971677, + "nauc_recall_at_1_diff1": 48.8002894871328, + "nauc_recall_at_1_max": 5.7236722609868815, + "nauc_recall_at_1_std": -13.283554044471352, + "nauc_recall_at_20_diff1": 23.39140739154809, + "nauc_recall_at_20_max": 19.351150636155474, + "nauc_recall_at_20_std": -2.757280266915132, + "nauc_recall_at_3_diff1": 38.17453576012812, + "nauc_recall_at_3_max": 13.47003839643972, + "nauc_recall_at_3_std": -8.75780163862688, + "nauc_recall_at_5_diff1": 33.02812855226899, + "nauc_recall_at_5_max": 15.477626408978477, + "nauc_recall_at_5_std": -9.072206441070708, + "ndcg_at_1": 50.773999999999994, + "ndcg_at_10": 41.486000000000004, + "ndcg_at_100": 39.051, + "ndcg_at_1000": 48.106, + "ndcg_at_20": 39.432, + "ndcg_at_3": 47.428, + "ndcg_at_5": 45.227000000000004, + "precision_at_1": 52.632, + "precision_at_10": 31.146, + "precision_at_100": 10.328, + "precision_at_1000": 2.432, + "precision_at_20": 23.793, + "precision_at_3": 45.201, + "precision_at_5": 39.876, + "recall_at_1": 6.866, + "recall_at_10": 20.447000000000003, + "recall_at_100": 40.607, + "recall_at_1000": 73.411, + "recall_at_20": 26.082, + "recall_at_3": 12.484, + "recall_at_5": 15.847 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/NQ.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/NQ.json new file mode 100644 index 000000000..9643671ef --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/NQ.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 69.072, + "map_at_1": 45.483000000000004, + "map_at_10": 62.050000000000004, + "map_at_100": 62.693, + "map_at_1000": 62.702999999999996, + "map_at_20": 62.498, + "map_at_3": 58.285, + "map_at_5": 60.711000000000006, + "mrr_at_1": 50.840092699884124, + "mrr_at_10": 64.54635224116673, + "mrr_at_100": 64.9526548702289, + "mrr_at_1000": 64.95908460752281, + "mrr_at_20": 64.82949565799959, + "mrr_at_3": 61.89165701042856, + "mrr_at_5": 63.632676709154026, + "nauc_map_at_1000_diff1": 43.187285304185224, + "nauc_map_at_1000_max": 32.39921659632756, + "nauc_map_at_1000_std": -5.780901333066553, + "nauc_map_at_100_diff1": 43.184487221204456, + "nauc_map_at_100_max": 32.41176116347982, + "nauc_map_at_100_std": -5.76422606662383, + "nauc_map_at_10_diff1": 42.967066814031746, + "nauc_map_at_10_max": 32.489617364418514, + "nauc_map_at_10_std": -6.029045531102664, + "nauc_map_at_1_diff1": 46.16376563218624, + "nauc_map_at_1_max": 26.342624776802232, + "nauc_map_at_1_std": -7.142171388751972, + "nauc_map_at_20_diff1": 43.15894358608328, + "nauc_map_at_20_max": 32.46492198956245, + "nauc_map_at_20_std": -5.788373305449195, + "nauc_map_at_3_diff1": 43.231752344608545, + "nauc_map_at_3_max": 31.68003009949564, + "nauc_map_at_3_std": -8.015235132765458, + "nauc_map_at_5_diff1": 42.86197608819917, + "nauc_map_at_5_max": 32.363857571094485, + "nauc_map_at_5_std": -6.780487416387977, + "nauc_mrr_at_1000_diff1": 43.40542912045782, + "nauc_mrr_at_1000_max": 32.8461770324533, + "nauc_mrr_at_1000_std": -3.6505425530008204, + "nauc_mrr_at_100_diff1": 43.40233508014468, + "nauc_mrr_at_100_max": 32.85598538385942, + "nauc_mrr_at_100_std": -3.637477352635459, + "nauc_mrr_at_10_diff1": 43.260179162806054, + "nauc_mrr_at_10_max": 32.942643527040474, + "nauc_mrr_at_10_std": -3.712052825320437, + "nauc_mrr_at_1_diff1": 46.354919460881206, + "nauc_mrr_at_1_max": 29.1760258591106, + "nauc_mrr_at_1_std": -4.107225031227406, + "nauc_mrr_at_20_diff1": 43.37092385434311, + "nauc_mrr_at_20_max": 32.93390254712846, + "nauc_mrr_at_20_std": -3.5719056112132006, + "nauc_mrr_at_3_diff1": 43.1744474040527, + "nauc_mrr_at_3_max": 32.741290559777994, + "nauc_mrr_at_3_std": -4.72677925120697, + "nauc_mrr_at_5_diff1": 43.108396819975674, + "nauc_mrr_at_5_max": 32.970519514893084, + "nauc_mrr_at_5_std": -4.090906158975974, + "nauc_ndcg_at_1000_diff1": 42.786664193638714, + "nauc_ndcg_at_1000_max": 33.65554095609296, + "nauc_ndcg_at_1000_std": -4.024030130584482, + "nauc_ndcg_at_100_diff1": 42.691246775210814, + "nauc_ndcg_at_100_max": 34.063232335110875, + "nauc_ndcg_at_100_std": -3.477813807415248, + "nauc_ndcg_at_10_diff1": 41.90988990571757, + "nauc_ndcg_at_10_max": 34.58934812881633, + "nauc_ndcg_at_10_std": -4.3295110195497655, + "nauc_ndcg_at_1_diff1": 46.354919460881206, + "nauc_ndcg_at_1_max": 29.1760258591106, + "nauc_ndcg_at_1_std": -4.107225031227406, + "nauc_ndcg_at_20_diff1": 42.493206675867114, + "nauc_ndcg_at_20_max": 34.562441307459544, + "nauc_ndcg_at_20_std": -3.4456116866749107, + "nauc_ndcg_at_3_diff1": 42.24180336502808, + "nauc_ndcg_at_3_max": 33.064267018100594, + "nauc_ndcg_at_3_std": -7.786248093572142, + "nauc_ndcg_at_5_diff1": 41.692714787779565, + "nauc_ndcg_at_5_max": 34.20502498949156, + "nauc_ndcg_at_5_std": -5.979557859282785, + "nauc_precision_at_1000_diff1": -13.779832506640702, + "nauc_precision_at_1000_max": 1.243001688631421, + "nauc_precision_at_1000_std": 17.351623398622323, + "nauc_precision_at_100_diff1": -11.310526816290297, + "nauc_precision_at_100_max": 5.771669506192959, + "nauc_precision_at_100_std": 19.917795079540113, + "nauc_precision_at_10_diff1": 2.163699384635286, + "nauc_precision_at_10_max": 19.66440698458386, + "nauc_precision_at_10_std": 13.689876348315726, + "nauc_precision_at_1_diff1": 46.354919460881206, + "nauc_precision_at_1_max": 29.1760258591106, + "nauc_precision_at_1_std": -4.107225031227406, + "nauc_precision_at_20_diff1": -3.038735879584471, + "nauc_precision_at_20_max": 14.132968299701695, + "nauc_precision_at_20_std": 17.78069734664346, + "nauc_precision_at_3_diff1": 21.783760758070095, + "nauc_precision_at_3_max": 30.244127986404497, + "nauc_precision_at_3_std": -0.12411163467738723, + "nauc_precision_at_5_diff1": 10.980635723302418, + "nauc_precision_at_5_max": 25.302293738975575, + "nauc_precision_at_5_std": 6.4740817488722024, + "nauc_recall_at_1000_diff1": 34.10343772356593, + "nauc_recall_at_1000_max": 80.72497340357538, + "nauc_recall_at_1000_std": 69.54564103264093, + "nauc_recall_at_100_diff1": 33.427719956774126, + "nauc_recall_at_100_max": 71.54086768335449, + "nauc_recall_at_100_std": 49.66157377654885, + "nauc_recall_at_10_diff1": 33.70139560054039, + "nauc_recall_at_10_max": 45.47878072860151, + "nauc_recall_at_10_std": 1.4188516615716378, + "nauc_recall_at_1_diff1": 46.16376563218624, + "nauc_recall_at_1_max": 26.342624776802232, + "nauc_recall_at_1_std": -7.142171388751972, + "nauc_recall_at_20_diff1": 35.805379874970086, + "nauc_recall_at_20_max": 51.80479822253392, + "nauc_recall_at_20_std": 13.531467576460143, + "nauc_recall_at_3_diff1": 37.288500141631616, + "nauc_recall_at_3_max": 35.07078243516728, + "nauc_recall_at_3_std": -10.452926441410405, + "nauc_recall_at_5_diff1": 34.83186104526897, + "nauc_recall_at_5_max": 39.58488976496973, + "nauc_recall_at_5_std": -6.3049292065708835, + "ndcg_at_1": 50.839999999999996, + "ndcg_at_10": 69.072, + "ndcg_at_100": 71.538, + "ndcg_at_1000": 71.77799999999999, + "ndcg_at_20": 70.41, + "ndcg_at_3": 62.544999999999995, + "ndcg_at_5": 66.33099999999999, + "precision_at_1": 50.839999999999996, + "precision_at_10": 10.495000000000001, + "precision_at_100": 1.1900000000000002, + "precision_at_1000": 0.121, + "precision_at_20": 5.5809999999999995, + "precision_at_3": 27.636, + "precision_at_5": 18.864, + "recall_at_1": 45.483000000000004, + "recall_at_10": 87.483, + "recall_at_100": 97.844, + "recall_at_1000": 99.66199999999999, + "recall_at_20": 92.294, + "recall_at_3": 71.2, + "recall_at_5": 79.753 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/QuoraRetrieval.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/QuoraRetrieval.json new file mode 100644 index 000000000..3ba548a9a --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/QuoraRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "e4e08e0b7dbe3c8700f0daef558ff32256715259", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 89.58, + "map_at_1": 71.819, + "map_at_10": 86.04899999999999, + "map_at_100": 86.648, + "map_at_1000": 86.66199999999999, + "map_at_20": 86.441, + "map_at_3": 83.114, + "map_at_5": 84.981, + "mrr_at_1": 82.62, + "mrr_at_10": 88.62899999999979, + "mrr_at_100": 88.70918591324215, + "mrr_at_1000": 88.70973091492397, + "mrr_at_20": 88.68914765317221, + "mrr_at_3": 87.74999999999979, + "mrr_at_5": 88.36799999999974, + "nauc_map_at_1000_diff1": 77.89207709760448, + "nauc_map_at_1000_max": 29.63371361495422, + "nauc_map_at_1000_std": -48.628180385874344, + "nauc_map_at_100_diff1": 77.89592179104915, + "nauc_map_at_100_max": 29.617171506130756, + "nauc_map_at_100_std": -48.66057170774648, + "nauc_map_at_10_diff1": 78.0618161228185, + "nauc_map_at_10_max": 29.178490609366737, + "nauc_map_at_10_std": -50.74755004592002, + "nauc_map_at_1_diff1": 81.64335579973574, + "nauc_map_at_1_max": 21.813832226652174, + "nauc_map_at_1_std": -42.57570978190876, + "nauc_map_at_20_diff1": 77.9299081005938, + "nauc_map_at_20_max": 29.458718470003888, + "nauc_map_at_20_std": -49.63337236763102, + "nauc_map_at_3_diff1": 78.72941448509229, + "nauc_map_at_3_max": 26.600997896960056, + "nauc_map_at_3_std": -51.889002227479885, + "nauc_map_at_5_diff1": 78.31466610917171, + "nauc_map_at_5_max": 28.09863984582896, + "nauc_map_at_5_std": -52.14058096096497, + "nauc_mrr_at_1000_diff1": 78.42667263739992, + "nauc_mrr_at_1000_max": 31.98996235127974, + "nauc_mrr_at_1000_std": -44.380439148429296, + "nauc_mrr_at_100_diff1": 78.42661032698115, + "nauc_mrr_at_100_max": 31.991652631740102, + "nauc_mrr_at_100_std": -44.37854108460535, + "nauc_mrr_at_10_diff1": 78.39126022544136, + "nauc_mrr_at_10_max": 32.02023484451197, + "nauc_mrr_at_10_std": -44.561252349176954, + "nauc_mrr_at_1_diff1": 79.21630894647448, + "nauc_mrr_at_1_max": 31.526303156060177, + "nauc_mrr_at_1_std": -41.887504422443136, + "nauc_mrr_at_20_diff1": 78.42548039170424, + "nauc_mrr_at_20_max": 31.99588275070137, + "nauc_mrr_at_20_std": -44.44957722627042, + "nauc_mrr_at_3_diff1": 78.26165151833735, + "nauc_mrr_at_3_max": 32.18028826126801, + "nauc_mrr_at_3_std": -44.6998237213182, + "nauc_mrr_at_5_diff1": 78.34786430903962, + "nauc_mrr_at_5_max": 32.168476272879566, + "nauc_mrr_at_5_std": -44.7915919956712, + "nauc_ndcg_at_1000_diff1": 77.79198355957816, + "nauc_ndcg_at_1000_max": 31.14363511518406, + "nauc_ndcg_at_1000_std": -46.69335151274275, + "nauc_ndcg_at_100_diff1": 77.79898090286419, + "nauc_ndcg_at_100_max": 31.115103811629215, + "nauc_ndcg_at_100_std": -46.73078913421965, + "nauc_ndcg_at_10_diff1": 77.74856635461343, + "nauc_ndcg_at_10_max": 30.279584686212747, + "nauc_ndcg_at_10_std": -50.23514662356807, + "nauc_ndcg_at_1_diff1": 79.17833000040999, + "nauc_ndcg_at_1_max": 31.703788144510746, + "nauc_ndcg_at_1_std": -41.854817402870715, + "nauc_ndcg_at_20_diff1": 77.7380353804671, + "nauc_ndcg_at_20_max": 30.622294129001553, + "nauc_ndcg_at_20_std": -49.035794761065254, + "nauc_ndcg_at_3_diff1": 77.41476880573593, + "nauc_ndcg_at_3_max": 29.015949978243032, + "nauc_ndcg_at_3_std": -49.78627087622648, + "nauc_ndcg_at_5_diff1": 77.64439137502896, + "nauc_ndcg_at_5_max": 29.444684897492206, + "nauc_ndcg_at_5_std": -51.21908400252501, + "nauc_precision_at_1000_diff1": -44.92396459446822, + "nauc_precision_at_1000_max": -3.674153720989045, + "nauc_precision_at_1000_std": 39.56552468277785, + "nauc_precision_at_100_diff1": -44.75143023259094, + "nauc_precision_at_100_max": -3.705280025140011, + "nauc_precision_at_100_std": 39.433619999113326, + "nauc_precision_at_10_diff1": -41.0651074726579, + "nauc_precision_at_10_max": -0.21097985601783667, + "nauc_precision_at_10_std": 26.24652824589493, + "nauc_precision_at_1_diff1": 79.17833000040999, + "nauc_precision_at_1_max": 31.703788144510746, + "nauc_precision_at_1_std": -41.854817402870715, + "nauc_precision_at_20_diff1": -43.368001340920294, + "nauc_precision_at_20_max": -2.036990010399129, + "nauc_precision_at_20_std": 32.37747041406297, + "nauc_precision_at_3_diff1": -22.089307548346877, + "nauc_precision_at_3_max": 6.2280973175296, + "nauc_precision_at_3_std": 5.323992514036145, + "nauc_precision_at_5_diff1": -34.07115055244003, + "nauc_precision_at_5_max": 2.5955315789198834, + "nauc_precision_at_5_std": 16.26096689407332, + "nauc_recall_at_1000_diff1": 58.27703860947467, + "nauc_recall_at_1000_max": 68.59835835315768, + "nauc_recall_at_1000_std": 77.96687006056064, + "nauc_recall_at_100_diff1": 73.24371223081737, + "nauc_recall_at_100_max": 39.55925344664591, + "nauc_recall_at_100_std": -32.25605030215798, + "nauc_recall_at_10_diff1": 73.41261201339202, + "nauc_recall_at_10_max": 26.822979434062926, + "nauc_recall_at_10_std": -74.2909332592806, + "nauc_recall_at_1_diff1": 81.64335579973574, + "nauc_recall_at_1_max": 21.813832226652174, + "nauc_recall_at_1_std": -42.57570978190876, + "nauc_recall_at_20_diff1": 72.7621297920656, + "nauc_recall_at_20_max": 26.02492304096079, + "nauc_recall_at_20_std": -77.8724532438279, + "nauc_recall_at_3_diff1": 75.25149312810714, + "nauc_recall_at_3_max": 23.20545662481487, + "nauc_recall_at_3_std": -59.69689982140521, + "nauc_recall_at_5_diff1": 73.69807273001406, + "nauc_recall_at_5_max": 24.073666798066057, + "nauc_recall_at_5_std": -67.91121268130719, + "ndcg_at_1": 82.64, + "ndcg_at_10": 89.58, + "ndcg_at_100": 90.606, + "ndcg_at_1000": 90.676, + "ndcg_at_20": 90.132, + "ndcg_at_3": 86.88, + "ndcg_at_5": 88.40299999999999, + "precision_at_1": 82.64, + "precision_at_10": 13.604, + "precision_at_100": 1.539, + "precision_at_1000": 0.157, + "precision_at_20": 7.188, + "precision_at_3": 38.083, + "precision_at_5": 25.018, + "recall_at_1": 71.819, + "recall_at_10": 96.34700000000001, + "recall_at_100": 99.715, + "recall_at_1000": 99.995, + "recall_at_20": 98.073, + "recall_at_3": 88.57300000000001, + "recall_at_5": 92.908 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/RedditClustering.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/RedditClustering.json new file mode 100644 index 000000000..16ae00d6d --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/RedditClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 71.18966762070158, + "v_measure": 71.18966762070158, + "v_measure_std": 2.7498969054457048 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/RedditClusteringP2P.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/RedditClusteringP2P.json new file mode 100644 index 000000000..5aded128d --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/RedditClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 74.42014716862516, + "v_measure": 74.42014716862516, + "v_measure_std": 9.909739891410648 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/SCIDOCS.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/SCIDOCS.json new file mode 100644 index 000000000..7ff073ec4 --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/SCIDOCS.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f8c2fcf00f625baaa80f62ec5bd9e1fff3b8ae88", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 25.041999999999998, + "map_at_1": 5.893000000000001, + "map_at_10": 15.260000000000002, + "map_at_100": 18.084, + "map_at_1000": 18.467, + "map_at_20": 16.675, + "map_at_3": 10.526, + "map_at_5": 12.775, + "mrr_at_1": 28.999999999999996, + "mrr_at_10": 41.03575396825395, + "mrr_at_100": 42.136771862785835, + "mrr_at_1000": 42.16698555415099, + "mrr_at_20": 41.707493696104315, + "mrr_at_3": 37.34999999999998, + "mrr_at_5": 39.59999999999995, + "nauc_map_at_1000_diff1": 12.080002654911883, + "nauc_map_at_1000_max": 29.813563682286276, + "nauc_map_at_1000_std": 20.36659817908673, + "nauc_map_at_100_diff1": 12.108735517749706, + "nauc_map_at_100_max": 29.76830671710955, + "nauc_map_at_100_std": 20.3433621032846, + "nauc_map_at_10_diff1": 12.91575031185637, + "nauc_map_at_10_max": 29.427600958386318, + "nauc_map_at_10_std": 16.89867275177153, + "nauc_map_at_1_diff1": 19.353069488987916, + "nauc_map_at_1_max": 17.093914951159693, + "nauc_map_at_1_std": 8.19886078055046, + "nauc_map_at_20_diff1": 11.977233457943113, + "nauc_map_at_20_max": 29.171812822948805, + "nauc_map_at_20_std": 18.780517506173965, + "nauc_map_at_3_diff1": 14.453129464176092, + "nauc_map_at_3_max": 25.801958649112077, + "nauc_map_at_3_std": 11.572823684429643, + "nauc_map_at_5_diff1": 13.167155808104997, + "nauc_map_at_5_max": 27.355626948365792, + "nauc_map_at_5_std": 14.414151839192183, + "nauc_mrr_at_1000_diff1": 17.262104643988636, + "nauc_mrr_at_1000_max": 23.991373837217058, + "nauc_mrr_at_1000_std": 12.44755488671623, + "nauc_mrr_at_100_diff1": 17.267280132318703, + "nauc_mrr_at_100_max": 24.022189287889294, + "nauc_mrr_at_100_std": 12.480695500214788, + "nauc_mrr_at_10_diff1": 17.012383998246268, + "nauc_mrr_at_10_max": 24.192637911171722, + "nauc_mrr_at_10_std": 12.524608847408917, + "nauc_mrr_at_1_diff1": 19.43518811038007, + "nauc_mrr_at_1_max": 17.747482933395602, + "nauc_mrr_at_1_std": 8.410779775558684, + "nauc_mrr_at_20_diff1": 17.202663281407446, + "nauc_mrr_at_20_max": 24.091991130543118, + "nauc_mrr_at_20_std": 12.503814263019908, + "nauc_mrr_at_3_diff1": 17.52733013432995, + "nauc_mrr_at_3_max": 23.569459518780214, + "nauc_mrr_at_3_std": 11.770846827520726, + "nauc_mrr_at_5_diff1": 17.10817561975543, + "nauc_mrr_at_5_max": 23.945141435234678, + "nauc_mrr_at_5_std": 12.034468615317719, + "nauc_ndcg_at_1000_diff1": 12.317811393346936, + "nauc_ndcg_at_1000_max": 30.809991350156103, + "nauc_ndcg_at_1000_std": 24.517501065205067, + "nauc_ndcg_at_100_diff1": 12.824804203182936, + "nauc_ndcg_at_100_max": 30.895499817010748, + "nauc_ndcg_at_100_std": 25.424376279745402, + "nauc_ndcg_at_10_diff1": 13.32724552457439, + "nauc_ndcg_at_10_max": 30.409088666807456, + "nauc_ndcg_at_10_std": 18.216330475714113, + "nauc_ndcg_at_1_diff1": 19.43518811038007, + "nauc_ndcg_at_1_max": 17.747482933395602, + "nauc_ndcg_at_1_std": 8.410779775558684, + "nauc_ndcg_at_20_diff1": 12.224399111852902, + "nauc_ndcg_at_20_max": 29.86352330445272, + "nauc_ndcg_at_20_std": 21.196937851331807, + "nauc_ndcg_at_3_diff1": 15.367489533734027, + "nauc_ndcg_at_3_max": 26.76486390741532, + "nauc_ndcg_at_3_std": 12.606077508789923, + "nauc_ndcg_at_5_diff1": 13.831157482390935, + "nauc_ndcg_at_5_max": 28.070226983968904, + "nauc_ndcg_at_5_std": 15.236787943125435, + "nauc_precision_at_1000_diff1": 0.016122957101357048, + "nauc_precision_at_1000_max": 24.380929903557334, + "nauc_precision_at_1000_std": 34.54045112720052, + "nauc_precision_at_100_diff1": 7.255224788507301, + "nauc_precision_at_100_max": 27.98453788447542, + "nauc_precision_at_100_std": 35.38999555441665, + "nauc_precision_at_10_diff1": 9.69185099834181, + "nauc_precision_at_10_max": 32.532315522580454, + "nauc_precision_at_10_std": 21.48948348473612, + "nauc_precision_at_1_diff1": 19.43518811038007, + "nauc_precision_at_1_max": 17.747482933395602, + "nauc_precision_at_1_std": 8.410779775558684, + "nauc_precision_at_20_diff1": 6.964076536695672, + "nauc_precision_at_20_max": 29.30087236410044, + "nauc_precision_at_20_std": 26.413625895571986, + "nauc_precision_at_3_diff1": 14.145134359925155, + "nauc_precision_at_3_max": 29.915650960808303, + "nauc_precision_at_3_std": 14.095370019867797, + "nauc_precision_at_5_diff1": 11.043933558522692, + "nauc_precision_at_5_max": 30.93016505807111, + "nauc_precision_at_5_std": 17.749256196062603, + "nauc_recall_at_1000_diff1": -0.7776817772090345, + "nauc_recall_at_1000_max": 23.094717340324518, + "nauc_recall_at_1000_std": 37.189908681396425, + "nauc_recall_at_100_diff1": 6.887748742013364, + "nauc_recall_at_100_max": 27.00798435230277, + "nauc_recall_at_100_std": 35.908147807345344, + "nauc_recall_at_10_diff1": 9.605632017480751, + "nauc_recall_at_10_max": 31.845202901168655, + "nauc_recall_at_10_std": 21.497414586634683, + "nauc_recall_at_1_diff1": 19.353069488987916, + "nauc_recall_at_1_max": 17.093914951159693, + "nauc_recall_at_1_std": 8.19886078055046, + "nauc_recall_at_20_diff1": 6.927503731844782, + "nauc_recall_at_20_max": 28.611698183338202, + "nauc_recall_at_20_std": 26.69018660149911, + "nauc_recall_at_3_diff1": 14.043724087062268, + "nauc_recall_at_3_max": 29.269835821380465, + "nauc_recall_at_3_std": 14.104419605998094, + "nauc_recall_at_5_diff1": 11.017319452873336, + "nauc_recall_at_5_max": 30.295720628306228, + "nauc_recall_at_5_std": 17.758048545573825, + "ndcg_at_1": 28.999999999999996, + "ndcg_at_10": 25.041999999999998, + "ndcg_at_100": 35.045, + "ndcg_at_1000": 40.803, + "ndcg_at_20": 28.584, + "ndcg_at_3": 23.249, + "ndcg_at_5": 20.533, + "precision_at_1": 28.999999999999996, + "precision_at_10": 13.120000000000001, + "precision_at_100": 2.7470000000000003, + "precision_at_1000": 0.41200000000000003, + "precision_at_20": 8.584999999999999, + "precision_at_3": 21.633, + "precision_at_5": 18.099999999999998, + "recall_at_1": 5.893000000000001, + "recall_at_10": 26.567, + "recall_at_100": 55.800000000000004, + "recall_at_1000": 83.608, + "recall_at_20": 34.86, + "recall_at_3": 13.153, + "recall_at_5": 18.323 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/SICK-R.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/SICK-R.json new file mode 100644 index 000000000..a1e23a637 --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 86.57284584320382, + "cosine_spearman": 82.20531642680812, + "euclidean_pearson": 83.94261758556554, + "euclidean_spearman": 82.20721497738559, + "main_score": 82.20531642680812, + "manhattan_pearson": 84.15902154703083, + "manhattan_spearman": 82.19506027155957, + "pearson": 86.57284584320382, + "spearman": 82.20531642680812 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/STS12.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/STS12.json new file mode 100644 index 000000000..76a2e56c6 --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 86.28047602146931, + "cosine_spearman": 79.51504881448884, + "euclidean_pearson": 83.10545189967856, + "euclidean_spearman": 79.50586960492797, + "main_score": 79.51504881448884, + "manhattan_pearson": 83.44244457500889, + "manhattan_spearman": 79.730303339846, + "pearson": 86.28047602146931, + "spearman": 79.51504881448884 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/STS13.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/STS13.json new file mode 100644 index 000000000..2d08320bc --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 88.74723553048702, + "cosine_spearman": 89.18936052329725, + "euclidean_pearson": 88.90400878928668, + "euclidean_spearman": 89.19174821431281, + "main_score": 89.18936052329725, + "manhattan_pearson": 88.81504628424054, + "manhattan_spearman": 89.18063294142597, + "pearson": 88.74723553048702, + "spearman": 89.18936052329725 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/STS14.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/STS14.json new file mode 100644 index 000000000..14402fd71 --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 86.45403437836023, + "cosine_spearman": 85.14654611519086, + "euclidean_pearson": 85.87509624462743, + "euclidean_spearman": 85.1391108856681, + "main_score": 85.14654611519086, + "manhattan_pearson": 85.96635794953866, + "manhattan_spearman": 85.3271371527667, + "pearson": 86.45403437836023, + "spearman": 85.14654611519086 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/STS15.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/STS15.json new file mode 100644 index 000000000..f729d7b65 --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 87.84742260009705, + "cosine_spearman": 89.10215217191254, + "euclidean_pearson": 88.97393286325477, + "euclidean_spearman": 89.1014105509662, + "main_score": 89.10215217191254, + "manhattan_pearson": 89.31698781090151, + "manhattan_spearman": 89.53000001764433, + "pearson": 87.84742260009705, + "spearman": 89.10215217191254 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/STS16.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/STS16.json new file mode 100644 index 000000000..7ec4cea8c --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 85.22397535461835, + "cosine_spearman": 87.14066355879785, + "euclidean_pearson": 86.31393364087295, + "euclidean_spearman": 87.14018892702765, + "main_score": 87.14066355879785, + "manhattan_pearson": 86.36366855248434, + "manhattan_spearman": 87.20858630423012, + "pearson": 85.22397535461835, + "spearman": 87.14066355879785 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/STS17.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/STS17.json new file mode 100644 index 000000000..cad9c3ce4 --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "faeb762787bd10488a50c8b5be4a3b82e411949c", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 90.66131612061355, + "cosine_spearman": 90.97082650129164, + "euclidean_pearson": 90.98181906744969, + "euclidean_spearman": 90.99008476850047, + "main_score": 90.97082650129164, + "manhattan_pearson": 90.75245040709021, + "manhattan_spearman": 90.6199877691265, + "pearson": 90.66131612061355, + "spearman": 90.97082650129164 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/STS22.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/STS22.json new file mode 100644 index 000000000..e71da1938 --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "de9d86b3b84231dc21f76c7b7af1f28e2f57f6e3", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 67.270656447085, + "cosine_spearman": 67.82870469746828, + "euclidean_pearson": 69.03857775285664, + "euclidean_spearman": 67.74455108773341, + "main_score": 67.82870469746828, + "manhattan_pearson": 69.25304172245812, + "manhattan_spearman": 68.00987097916055, + "pearson": 67.270656447085, + "spearman": 67.82870469746828 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/STSBenchmark.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/STSBenchmark.json new file mode 100644 index 000000000..d1695da39 --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 87.17245205384889, + "cosine_spearman": 87.7360146030987, + "euclidean_pearson": 87.48919412794656, + "euclidean_spearman": 87.7312047878383, + "main_score": 87.7360146030987, + "manhattan_pearson": 87.61476224354806, + "manhattan_spearman": 87.95220889254693, + "pearson": 87.17245205384889, + "spearman": 87.7360146030987 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/SciDocsRR.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/SciDocsRR.json new file mode 100644 index 000000000..955a4fc3c --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/SciDocsRR.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 88.43547871921146, + "map": 88.43547871921146, + "mrr": 96.5564473652709, + "nAUC_map_diff1": -13.66029392579231, + "nAUC_map_max": 50.325613574053506, + "nAUC_map_std": 60.02986231275796, + "nAUC_mrr_diff1": 23.83821476411125, + "nAUC_mrr_max": 86.72643311769906, + "nAUC_mrr_std": 72.12741063469213 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/SciFact.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/SciFact.json new file mode 100644 index 000000000..c83f26f96 --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/SciFact.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 78.233, + "map_at_1": 61.49400000000001, + "map_at_10": 73.30600000000001, + "map_at_100": 73.719, + "map_at_1000": 73.724, + "map_at_20": 73.611, + "map_at_3": 70.626, + "map_at_5": 72.417, + "mrr_at_1": 64.66666666666666, + "mrr_at_10": 74.30357142857143, + "mrr_at_100": 74.56950898079988, + "mrr_at_1000": 74.57295833098681, + "mrr_at_20": 74.46165223665226, + "mrr_at_3": 72.3888888888889, + "mrr_at_5": 73.60555555555557, + "nauc_map_at_1000_diff1": 76.51524604780636, + "nauc_map_at_1000_max": 53.48521938401881, + "nauc_map_at_1000_std": -7.347799382158861, + "nauc_map_at_100_diff1": 76.5122888096236, + "nauc_map_at_100_max": 53.49221847471618, + "nauc_map_at_100_std": -7.329683735681086, + "nauc_map_at_10_diff1": 76.30928630674504, + "nauc_map_at_10_max": 53.00102977185941, + "nauc_map_at_10_std": -7.7467740085108705, + "nauc_map_at_1_diff1": 79.54189281784247, + "nauc_map_at_1_max": 46.630071622109526, + "nauc_map_at_1_std": -14.395943134644112, + "nauc_map_at_20_diff1": 76.41604361947962, + "nauc_map_at_20_max": 53.578883876146875, + "nauc_map_at_20_std": -7.403103451288041, + "nauc_map_at_3_diff1": 76.25911617571941, + "nauc_map_at_3_max": 49.140287380513605, + "nauc_map_at_3_std": -11.35992449218983, + "nauc_map_at_5_diff1": 76.35122077770336, + "nauc_map_at_5_max": 52.1744367901208, + "nauc_map_at_5_std": -7.85753955055384, + "nauc_mrr_at_1000_diff1": 76.97223309515867, + "nauc_mrr_at_1000_max": 57.263787498613326, + "nauc_mrr_at_1000_std": -4.884090708840035, + "nauc_mrr_at_100_diff1": 76.97312970894603, + "nauc_mrr_at_100_max": 57.26850730446478, + "nauc_mrr_at_100_std": -4.875200894216617, + "nauc_mrr_at_10_diff1": 76.65927674223613, + "nauc_mrr_at_10_max": 57.30979763941454, + "nauc_mrr_at_10_std": -4.863331094022142, + "nauc_mrr_at_1_diff1": 80.0454932568644, + "nauc_mrr_at_1_max": 56.76038421319305, + "nauc_mrr_at_1_std": -4.101939392632653, + "nauc_mrr_at_20_diff1": 76.87237970440503, + "nauc_mrr_at_20_max": 57.33843605225869, + "nauc_mrr_at_20_std": -4.96248984417978, + "nauc_mrr_at_3_diff1": 76.74130186666727, + "nauc_mrr_at_3_max": 56.19313244846155, + "nauc_mrr_at_3_std": -5.684365934009136, + "nauc_mrr_at_5_diff1": 76.66406918799962, + "nauc_mrr_at_5_max": 57.56110093228628, + "nauc_mrr_at_5_std": -3.7464413085588073, + "nauc_ndcg_at_1000_diff1": 76.19194173971773, + "nauc_ndcg_at_1000_max": 55.57464600170693, + "nauc_ndcg_at_1000_std": -6.0761689532372625, + "nauc_ndcg_at_100_diff1": 76.14631273843654, + "nauc_ndcg_at_100_max": 55.72246565373382, + "nauc_ndcg_at_100_std": -5.595160698860595, + "nauc_ndcg_at_10_diff1": 75.0108223611192, + "nauc_ndcg_at_10_max": 55.27894212877493, + "nauc_ndcg_at_10_std": -6.968331740214591, + "nauc_ndcg_at_1_diff1": 80.0454932568644, + "nauc_ndcg_at_1_max": 56.76038421319305, + "nauc_ndcg_at_1_std": -4.101939392632653, + "nauc_ndcg_at_20_diff1": 75.54887755702472, + "nauc_ndcg_at_20_max": 56.406879417251496, + "nauc_ndcg_at_20_std": -6.495231061329629, + "nauc_ndcg_at_3_diff1": 75.03620356688509, + "nauc_ndcg_at_3_max": 52.147381077773424, + "nauc_ndcg_at_3_std": -8.448005688956199, + "nauc_ndcg_at_5_diff1": 75.1195898074229, + "nauc_ndcg_at_5_max": 54.2321033861173, + "nauc_ndcg_at_5_std": -5.882690780895338, + "nauc_precision_at_1000_diff1": -28.081979732100532, + "nauc_precision_at_1000_max": 35.055348014832916, + "nauc_precision_at_1000_std": 59.61280468927384, + "nauc_precision_at_100_diff1": -25.112740730587458, + "nauc_precision_at_100_max": 38.26331300116496, + "nauc_precision_at_100_std": 62.46316222328831, + "nauc_precision_at_10_diff1": -2.6766206473658833, + "nauc_precision_at_10_max": 45.95321867204845, + "nauc_precision_at_10_std": 45.07212468670564, + "nauc_precision_at_1_diff1": 80.0454932568644, + "nauc_precision_at_1_max": 56.76038421319305, + "nauc_precision_at_1_std": -4.101939392632653, + "nauc_precision_at_20_diff1": -10.698911116738385, + "nauc_precision_at_20_max": 43.467275950182994, + "nauc_precision_at_20_std": 48.00467321991766, + "nauc_precision_at_3_diff1": 33.6344708541193, + "nauc_precision_at_3_max": 49.309242331670504, + "nauc_precision_at_3_std": 21.02940391379915, + "nauc_precision_at_5_diff1": 13.560415600596318, + "nauc_precision_at_5_max": 48.918726500100085, + "nauc_precision_at_5_std": 39.940930429172184, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": 70.82166199813196, + "nauc_recall_at_100_max": 76.6106442577042, + "nauc_recall_at_100_std": 66.47992530345513, + "nauc_recall_at_10_diff1": 62.68908885556092, + "nauc_recall_at_10_max": 58.14262437741839, + "nauc_recall_at_10_std": -12.946717875063369, + "nauc_recall_at_1_diff1": 79.54189281784247, + "nauc_recall_at_1_max": 46.630071622109526, + "nauc_recall_at_1_std": -14.395943134644112, + "nauc_recall_at_20_diff1": 65.79470497876567, + "nauc_recall_at_20_max": 71.68308183488456, + "nauc_recall_at_20_std": -12.556850697268453, + "nauc_recall_at_3_diff1": 68.3240211318129, + "nauc_recall_at_3_max": 45.05998217275036, + "nauc_recall_at_3_std": -14.23179772593869, + "nauc_recall_at_5_diff1": 67.53366869904056, + "nauc_recall_at_5_max": 53.57935627081027, + "nauc_recall_at_5_std": -3.3271112904853393, + "ndcg_at_1": 64.667, + "ndcg_at_10": 78.233, + "ndcg_at_100": 79.806, + "ndcg_at_1000": 79.92099999999999, + "ndcg_at_20": 79.006, + "ndcg_at_3": 74.018, + "ndcg_at_5": 76.334, + "precision_at_1": 64.667, + "precision_at_10": 10.4, + "precision_at_100": 1.1199999999999999, + "precision_at_1000": 0.11299999999999999, + "precision_at_20": 5.383, + "precision_at_3": 29.444, + "precision_at_5": 19.467000000000002, + "recall_at_1": 61.49400000000001, + "recall_at_10": 92.156, + "recall_at_100": 99.167, + "recall_at_1000": 100.0, + "recall_at_20": 94.833, + "recall_at_3": 80.833, + "recall_at_5": 86.6 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/SprintDuplicateQuestions.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..71672adcf --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/SprintDuplicateQuestions.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 99.8039603960396, + "cosine_accuracy_threshold": 84.54211950302124, + "cosine_ap": 95.59056372734358, + "cosine_f1": 90.1394422310757, + "cosine_f1_threshold": 84.54211950302124, + "cosine_precision": 89.78174603174604, + "cosine_recall": 90.5, + "dot_accuracy": 99.80594059405941, + "dot_accuracy_threshold": 85.57180166244507, + "dot_ap": 95.53453431914399, + "dot_f1": 90.10442565887618, + "dot_f1_threshold": 84.59715843200684, + "dot_precision": 89.61424332344214, + "dot_recall": 90.60000000000001, + "euclidean_accuracy": 99.8039603960396, + "euclidean_accuracy_threshold": 53.253382444381714, + "euclidean_ap": 95.5850992402159, + "euclidean_f1": 90.09457441513192, + "euclidean_f1_threshold": 55.725520849227905, + "euclidean_precision": 89.69276511397423, + "euclidean_recall": 90.5, + "main_score": 95.7485189884476, + "manhattan_accuracy": 99.81485148514851, + "manhattan_accuracy_threshold": 3491.29638671875, + "manhattan_ap": 95.7485189884476, + "manhattan_f1": 90.464048954615, + "manhattan_f1_threshold": 3491.29638671875, + "manhattan_precision": 92.2996878251821, + "manhattan_recall": 88.7, + "max_ap": 95.7485189884476, + "max_f1": 90.464048954615, + "max_precision": 92.2996878251821, + "max_recall": 90.60000000000001, + "similarity_accuracy": 99.8039603960396, + "similarity_accuracy_threshold": 84.54211950302124, + "similarity_ap": 95.59056372734358, + "similarity_f1": 90.1394422310757, + "similarity_f1_threshold": 84.54211950302124, + "similarity_precision": 89.78174603174604, + "similarity_recall": 90.5 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/StackExchangeClustering.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/StackExchangeClustering.json new file mode 100644 index 000000000..054c8aad6 --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/StackExchangeClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 78.49205191950675, + "v_measure": 78.49205191950675, + "v_measure_std": 2.84869550699959 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/StackExchangeClusteringP2P.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..5808a6ac1 --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/StackExchangeClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 48.90421736513028, + "v_measure": 48.90421736513028, + "v_measure_std": 1.6875865714471023 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/StackOverflowDupQuestions.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..a177725d1 --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/StackOverflowDupQuestions.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 52.9874730481696, + "map": 52.9874730481696, + "mrr": 53.85867604617604, + "nAUC_map_diff1": 39.633429293407616, + "nAUC_map_max": 10.236807988858546, + "nAUC_map_std": 10.276522217929674, + "nAUC_mrr_diff1": 40.0543079218377, + "nAUC_mrr_max": 10.96209807382042, + "nAUC_mrr_std": 10.524400196109918 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/SummEval.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/SummEval.json new file mode 100644 index 000000000..62426278f --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 30.727801109114232, + "cosine_spearman": 31.66058223980157, + "dot_pearson": 30.78818248622866, + "dot_spearman": 31.525158776890265, + "main_score": 31.66058223980157, + "pearson": 30.727801109114232, + "spearman": 31.66058223980157 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/TRECCOVID.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/TRECCOVID.json new file mode 100644 index 000000000..93c51ae54 --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/TRECCOVID.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "bb9466bac8153a0349341eb1b22e06409e78ef4e", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 85.206, + "map_at_1": 0.246, + "map_at_10": 2.1950000000000003, + "map_at_100": 14.179, + "map_at_1000": 35.037, + "map_at_20": 4.143, + "map_at_3": 0.7100000000000001, + "map_at_5": 1.135, + "mrr_at_1": 94.0, + "mrr_at_10": 96.66666666666666, + "mrr_at_100": 96.66666666666666, + "mrr_at_1000": 96.66666666666666, + "mrr_at_20": 96.66666666666666, + "mrr_at_3": 96.66666666666666, + "mrr_at_5": 96.66666666666666, + "nauc_map_at_1000_diff1": -4.6264497624527525, + "nauc_map_at_1000_max": 44.594457564749355, + "nauc_map_at_1000_std": 73.17642341400133, + "nauc_map_at_100_diff1": 23.451335157405726, + "nauc_map_at_100_max": 25.426398857299525, + "nauc_map_at_100_std": 64.07416694472633, + "nauc_map_at_10_diff1": 46.57568738568346, + "nauc_map_at_10_max": 9.693233249079238, + "nauc_map_at_10_std": 28.549530265164357, + "nauc_map_at_1_diff1": 53.48238396620123, + "nauc_map_at_1_max": 0.33476619393733076, + "nauc_map_at_1_std": 8.906362219128463, + "nauc_map_at_20_diff1": 39.40719602207749, + "nauc_map_at_20_max": 9.635915072074045, + "nauc_map_at_20_std": 35.15634791346394, + "nauc_map_at_3_diff1": 53.11784737840137, + "nauc_map_at_3_max": 3.059682761072153, + "nauc_map_at_3_std": 21.310633086556617, + "nauc_map_at_5_diff1": 49.91570701185436, + "nauc_map_at_5_max": 8.045082896244576, + "nauc_map_at_5_std": 20.597686235051647, + "nauc_mrr_at_1000_diff1": 41.98412698412726, + "nauc_mrr_at_1000_max": 78.24463118580779, + "nauc_mrr_at_1000_std": 0.30812324930028195, + "nauc_mrr_at_100_diff1": 41.98412698412726, + "nauc_mrr_at_100_max": 78.24463118580779, + "nauc_mrr_at_100_std": 0.30812324930028195, + "nauc_mrr_at_10_diff1": 41.98412698412726, + "nauc_mrr_at_10_max": 78.24463118580779, + "nauc_mrr_at_10_std": 0.30812324930028195, + "nauc_mrr_at_1_diff1": 38.62433862433873, + "nauc_mrr_at_1_max": 80.78120136943666, + "nauc_mrr_at_1_std": -10.768751945222197, + "nauc_mrr_at_20_diff1": 41.98412698412726, + "nauc_mrr_at_20_max": 78.24463118580779, + "nauc_mrr_at_20_std": 0.30812324930028195, + "nauc_mrr_at_3_diff1": 41.98412698412726, + "nauc_mrr_at_3_max": 78.24463118580779, + "nauc_mrr_at_3_std": 0.30812324930028195, + "nauc_mrr_at_5_diff1": 41.98412698412726, + "nauc_mrr_at_5_max": 78.24463118580779, + "nauc_mrr_at_5_std": 0.30812324930028195, + "nauc_ndcg_at_1000_diff1": 0.5174948602880207, + "nauc_ndcg_at_1000_max": 48.60686602077053, + "nauc_ndcg_at_1000_std": 75.72456343175277, + "nauc_ndcg_at_100_diff1": -20.747252137999254, + "nauc_ndcg_at_100_max": 49.985132618254994, + "nauc_ndcg_at_100_std": 61.096383293836574, + "nauc_ndcg_at_10_diff1": 6.791377920463332, + "nauc_ndcg_at_10_max": 57.50019332833286, + "nauc_ndcg_at_10_std": 49.201028841219426, + "nauc_ndcg_at_1_diff1": 54.92683440362145, + "nauc_ndcg_at_1_max": 83.8667228129276, + "nauc_ndcg_at_1_std": 1.6738604063586122, + "nauc_ndcg_at_20_diff1": -5.1948699196314925, + "nauc_ndcg_at_20_max": 54.483087684806556, + "nauc_ndcg_at_20_std": 50.54823818118781, + "nauc_ndcg_at_3_diff1": 26.267246500164372, + "nauc_ndcg_at_3_max": 63.0173212926611, + "nauc_ndcg_at_3_std": 41.025597406368256, + "nauc_ndcg_at_5_diff1": 16.910185454343036, + "nauc_ndcg_at_5_max": 60.9328683868778, + "nauc_ndcg_at_5_std": 36.70169905857712, + "nauc_precision_at_1000_diff1": -46.374447765983525, + "nauc_precision_at_1000_max": 35.36052337813863, + "nauc_precision_at_1000_std": 14.219220668161018, + "nauc_precision_at_100_diff1": -29.7838083657744, + "nauc_precision_at_100_max": 43.93589400385112, + "nauc_precision_at_100_std": 55.425045718579945, + "nauc_precision_at_10_diff1": -12.016613405227687, + "nauc_precision_at_10_max": 57.79924427743131, + "nauc_precision_at_10_std": 49.022036703550675, + "nauc_precision_at_1_diff1": 38.62433862433873, + "nauc_precision_at_1_max": 80.78120136943666, + "nauc_precision_at_1_std": -10.768751945222197, + "nauc_precision_at_20_diff1": -23.95633847880195, + "nauc_precision_at_20_max": 48.34715917258276, + "nauc_precision_at_20_std": 48.82198285255887, + "nauc_precision_at_3_diff1": 6.871296905858807, + "nauc_precision_at_3_max": 70.54805793285054, + "nauc_precision_at_3_std": 44.65108624094803, + "nauc_precision_at_5_diff1": -9.074932448759695, + "nauc_precision_at_5_max": 67.41284242437573, + "nauc_precision_at_5_std": 23.876891983919577, + "nauc_recall_at_1000_diff1": 8.142288830293255, + "nauc_recall_at_1000_max": 38.85182826835104, + "nauc_recall_at_1000_std": 68.60783819217335, + "nauc_recall_at_100_diff1": 34.262914076287466, + "nauc_recall_at_100_max": 12.87009658528838, + "nauc_recall_at_100_std": 56.21330603762995, + "nauc_recall_at_10_diff1": 49.33830945338758, + "nauc_recall_at_10_max": 0.3539875530671406, + "nauc_recall_at_10_std": 26.85864465557644, + "nauc_recall_at_1_diff1": 53.48238396620123, + "nauc_recall_at_1_max": 0.33476619393733076, + "nauc_recall_at_1_std": 8.906362219128463, + "nauc_recall_at_20_diff1": 44.21928181266254, + "nauc_recall_at_20_max": -0.9198356057088594, + "nauc_recall_at_20_std": 31.484376992896784, + "nauc_recall_at_3_diff1": 53.038093080990876, + "nauc_recall_at_3_max": -1.4170895916973003, + "nauc_recall_at_3_std": 21.890202855574497, + "nauc_recall_at_5_diff1": 49.39742214825278, + "nauc_recall_at_5_max": 2.8412267611894517, + "nauc_recall_at_5_std": 18.01598921859512, + "ndcg_at_1": 91.0, + "ndcg_at_10": 85.206, + "ndcg_at_100": 67.29, + "ndcg_at_1000": 60.584, + "ndcg_at_20": 82.321, + "ndcg_at_3": 88.642, + "ndcg_at_5": 87.063, + "precision_at_1": 94.0, + "precision_at_10": 89.8, + "precision_at_100": 69.78, + "precision_at_1000": 26.738, + "precision_at_20": 87.2, + "precision_at_3": 92.0, + "precision_at_5": 90.8, + "recall_at_1": 0.246, + "recall_at_10": 2.344, + "recall_at_100": 16.962, + "recall_at_1000": 57.325, + "recall_at_20": 4.517, + "recall_at_3": 0.731, + "recall_at_5": 1.1780000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/Touche2020.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/Touche2020.json new file mode 100644 index 000000000..00409a702 --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/Touche2020.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 31.455, + "map_at_1": 2.9739999999999998, + "map_at_10": 12.183, + "map_at_100": 18.772, + "map_at_1000": 20.415, + "map_at_20": 14.451, + "map_at_3": 6.507000000000001, + "map_at_5": 8.66, + "mrr_at_1": 40.816326530612244, + "mrr_at_10": 57.70975056689341, + "mrr_at_100": 58.18379126542391, + "mrr_at_1000": 58.18379126542391, + "mrr_at_20": 57.85552316164561, + "mrr_at_3": 54.08163265306123, + "mrr_at_5": 56.42857142857143, + "nauc_map_at_1000_diff1": 3.1567471051481437, + "nauc_map_at_1000_max": -1.5882060729791523, + "nauc_map_at_1000_std": 18.69622198722074, + "nauc_map_at_100_diff1": 3.3449677678147536, + "nauc_map_at_100_max": -2.8928606866168405, + "nauc_map_at_100_std": 15.789984947653412, + "nauc_map_at_10_diff1": 2.9696743570444264, + "nauc_map_at_10_max": -9.096749212011876, + "nauc_map_at_10_std": -5.38545817258353, + "nauc_map_at_1_diff1": 20.680780404542546, + "nauc_map_at_1_max": -7.04722927447817, + "nauc_map_at_1_std": -7.062494733973898, + "nauc_map_at_20_diff1": 4.070437790119271, + "nauc_map_at_20_max": -4.84491434686032, + "nauc_map_at_20_std": 0.5846341109021014, + "nauc_map_at_3_diff1": 11.9634978045925, + "nauc_map_at_3_max": -8.27834591046608, + "nauc_map_at_3_std": -8.687615453381065, + "nauc_map_at_5_diff1": 0.9195191526009436, + "nauc_map_at_5_max": -1.673813362719489, + "nauc_map_at_5_std": -6.67549753473631, + "nauc_mrr_at_1000_diff1": 19.877993208719573, + "nauc_mrr_at_1000_max": -10.37776706406218, + "nauc_mrr_at_1000_std": 7.132169578056367, + "nauc_mrr_at_100_diff1": 19.877993208719573, + "nauc_mrr_at_100_max": -10.37776706406218, + "nauc_mrr_at_100_std": 7.132169578056367, + "nauc_mrr_at_10_diff1": 20.414285568401457, + "nauc_mrr_at_10_max": -9.677800295687861, + "nauc_mrr_at_10_std": 8.001103690180859, + "nauc_mrr_at_1_diff1": 22.393284073955723, + "nauc_mrr_at_1_max": -5.889370191243167, + "nauc_mrr_at_1_std": -1.5183536173658247, + "nauc_mrr_at_20_diff1": 20.455564720604055, + "nauc_mrr_at_20_max": -10.230642830103074, + "nauc_mrr_at_20_std": 7.863582453266621, + "nauc_mrr_at_3_diff1": 17.554895390732618, + "nauc_mrr_at_3_max": -15.618463505555052, + "nauc_mrr_at_3_std": 5.913231577966864, + "nauc_mrr_at_5_diff1": 18.393678507779914, + "nauc_mrr_at_5_max": -11.903593353147762, + "nauc_mrr_at_5_std": 7.580745996262831, + "nauc_ndcg_at_1000_diff1": 13.746937095530473, + "nauc_ndcg_at_1000_max": -0.9319249687895838, + "nauc_ndcg_at_1000_std": 38.56328031451904, + "nauc_ndcg_at_100_diff1": 13.854865944415895, + "nauc_ndcg_at_100_max": -7.142142012591404, + "nauc_ndcg_at_100_std": 35.61341954818848, + "nauc_ndcg_at_10_diff1": 9.010144273248759, + "nauc_ndcg_at_10_max": -15.320014897424574, + "nauc_ndcg_at_10_std": 2.84883880489144, + "nauc_ndcg_at_1_diff1": 20.939533945592967, + "nauc_ndcg_at_1_max": -6.387319972188946, + "nauc_ndcg_at_1_std": -0.5258673122126726, + "nauc_ndcg_at_20_diff1": 14.660827309009496, + "nauc_ndcg_at_20_max": -13.476196120145994, + "nauc_ndcg_at_20_std": 8.22391881710838, + "nauc_ndcg_at_3_diff1": 13.429985227235935, + "nauc_ndcg_at_3_max": -14.904544592570247, + "nauc_ndcg_at_3_std": 1.599779998183342, + "nauc_ndcg_at_5_diff1": 8.085466231900622, + "nauc_ndcg_at_5_max": -9.09591969526831, + "nauc_ndcg_at_5_std": 3.5794092637248505, + "nauc_precision_at_1000_diff1": -9.31941215946743, + "nauc_precision_at_1000_max": 31.52913520470716, + "nauc_precision_at_1000_std": 22.720784312185856, + "nauc_precision_at_100_diff1": 8.958548406995279, + "nauc_precision_at_100_max": 15.100597910674104, + "nauc_precision_at_100_std": 71.04548238175113, + "nauc_precision_at_10_diff1": 12.4698194690008, + "nauc_precision_at_10_max": -15.84870544871496, + "nauc_precision_at_10_std": 7.575297622501928, + "nauc_precision_at_1_diff1": 22.393284073955723, + "nauc_precision_at_1_max": -5.889370191243167, + "nauc_precision_at_1_std": -1.5183536173658247, + "nauc_precision_at_20_diff1": 15.393505718138758, + "nauc_precision_at_20_max": -3.70684298539384, + "nauc_precision_at_20_std": 29.426137824970304, + "nauc_precision_at_3_diff1": 9.997768085465394, + "nauc_precision_at_3_max": -17.12224314347674, + "nauc_precision_at_3_std": -1.343018166772313, + "nauc_precision_at_5_diff1": 3.8936997437913554, + "nauc_precision_at_5_max": -5.689104289687632, + "nauc_precision_at_5_std": 3.181098051304285, + "nauc_recall_at_1000_diff1": 9.908303508158387, + "nauc_recall_at_1000_max": 6.174506592699848, + "nauc_recall_at_1000_std": 77.41931114780012, + "nauc_recall_at_100_diff1": 10.286839241876192, + "nauc_recall_at_100_max": -6.6138697026666815, + "nauc_recall_at_100_std": 49.608313692633224, + "nauc_recall_at_10_diff1": 2.215545846659851, + "nauc_recall_at_10_max": -17.83025802478445, + "nauc_recall_at_10_std": -3.3784768673705465, + "nauc_recall_at_1_diff1": 20.680780404542546, + "nauc_recall_at_1_max": -7.04722927447817, + "nauc_recall_at_1_std": -7.062494733973898, + "nauc_recall_at_20_diff1": 6.974410239251615, + "nauc_recall_at_20_max": -14.161147924731646, + "nauc_recall_at_20_std": 9.328412057721454, + "nauc_recall_at_3_diff1": 7.904589805754212, + "nauc_recall_at_3_max": -12.1912388648593, + "nauc_recall_at_3_std": -9.221542013385555, + "nauc_recall_at_5_diff1": -3.2604132752706914, + "nauc_recall_at_5_max": -6.886351441658915, + "nauc_recall_at_5_std": -7.014252851712789, + "ndcg_at_1": 39.796, + "ndcg_at_10": 31.455, + "ndcg_at_100": 42.388999999999996, + "ndcg_at_1000": 53.556000000000004, + "ndcg_at_20": 30.808000000000003, + "ndcg_at_3": 35.831, + "ndcg_at_5": 32.845, + "precision_at_1": 40.816, + "precision_at_10": 27.143, + "precision_at_100": 8.449, + "precision_at_1000": 1.6179999999999999, + "precision_at_20": 19.387999999999998, + "precision_at_3": 35.374, + "precision_at_5": 31.019999999999996, + "recall_at_1": 2.9739999999999998, + "recall_at_10": 19.39, + "recall_at_100": 51.636, + "recall_at_1000": 86.99900000000001, + "recall_at_20": 26.478, + "recall_at_3": 7.703, + "recall_at_5": 11.42 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/ToxicConversationsClassification.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..dfeb54799 --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/ToxicConversationsClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.9384765625, + "ap": 31.737513704141552, + "ap_weighted": 31.737513704141552, + "f1": 71.5490757306975, + "f1_weighted": 89.14632533489856, + "main_score": 86.9384765625 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/TweetSentimentExtractionClassification.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..67018c611 --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.57668364459535, + "f1": 73.90467103648074, + "f1_weighted": 73.42158415034704, + "main_score": 73.57668364459535 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/TwentyNewsgroupsClustering.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..39b8e9acf --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 58.574148097494685, + "v_measure": 58.574148097494685, + "v_measure_std": 0.9443161637490822 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/TwitterSemEval2015.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/TwitterSemEval2015.json new file mode 100644 index 000000000..1cde182cc --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/TwitterSemEval2015.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 88.1385229778864, + "cosine_accuracy_threshold": 83.86307954788208, + "cosine_ap": 80.17965893449055, + "cosine_f1": 73.0614300100705, + "cosine_f1_threshold": 80.7942807674408, + "cosine_precision": 69.8603755416466, + "cosine_recall": 76.56992084432717, + "dot_accuracy": 88.2100494724921, + "dot_accuracy_threshold": 83.84793996810913, + "dot_ap": 80.18603932881858, + "dot_f1": 73.07643714466204, + "dot_f1_threshold": 80.87586164474487, + "dot_precision": 70.10909090909091, + "dot_recall": 76.3060686015831, + "euclidean_accuracy": 88.1385229778864, + "euclidean_accuracy_threshold": 56.77661895751953, + "euclidean_ap": 80.1784070881624, + "euclidean_f1": 73.04830369529574, + "euclidean_f1_threshold": 61.91838979721069, + "euclidean_precision": 69.96859144720948, + "euclidean_recall": 76.41160949868075, + "main_score": 80.18603932881858, + "manhattan_accuracy": 88.0431543184121, + "manhattan_accuracy_threshold": 3755.6137084960938, + "manhattan_ap": 79.98270453664578, + "manhattan_f1": 72.68242015061023, + "manhattan_f1_threshold": 3892.494583129883, + "manhattan_precision": 71.54907975460122, + "manhattan_recall": 73.85224274406332, + "max_ap": 80.18603932881858, + "max_f1": 73.07643714466204, + "max_precision": 71.54907975460122, + "max_recall": 76.56992084432717, + "similarity_accuracy": 88.1385229778864, + "similarity_accuracy_threshold": 83.86307954788208, + "similarity_ap": 80.17965893449055, + "similarity_f1": 73.0614300100705, + "similarity_f1_threshold": 80.7942807674408, + "similarity_precision": 69.8603755416466, + "similarity_recall": 76.56992084432717 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/TwitterURLCorpus.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/TwitterURLCorpus.json new file mode 100644 index 000000000..0327d0010 --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/TwitterURLCorpus.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 89.7892653393876, + "cosine_accuracy_threshold": 79.69566583633423, + "cosine_ap": 87.4579867302024, + "cosine_f1": 79.91620843152658, + "cosine_f1_threshold": 78.53609323501587, + "cosine_precision": 77.7155329210622, + "cosine_recall": 82.24514936864799, + "dot_accuracy": 89.78732487289945, + "dot_accuracy_threshold": 80.05315661430359, + "dot_ap": 87.44916182456272, + "dot_f1": 79.90419878751591, + "dot_f1_threshold": 78.57890725135803, + "dot_precision": 77.73409057812728, + "dot_recall": 82.19895287958116, + "euclidean_accuracy": 89.78538440641131, + "euclidean_accuracy_threshold": 62.29925751686096, + "euclidean_ap": 87.45904868911386, + "euclidean_f1": 79.93127404474657, + "euclidean_f1_threshold": 65.61101078987122, + "euclidean_precision": 77.62060210373595, + "euclidean_recall": 82.38373883584848, + "main_score": 87.46554314325058, + "manhattan_accuracy": 89.76597974152986, + "manhattan_accuracy_threshold": 3988.5299682617188, + "manhattan_ap": 87.46554314325058, + "manhattan_f1": 79.97181740645973, + "manhattan_f1_threshold": 4235.905838012695, + "manhattan_precision": 77.13713427283783, + "manhattan_recall": 83.02279026793964, + "max_ap": 87.46554314325058, + "max_f1": 79.97181740645973, + "max_precision": 77.73409057812728, + "max_recall": 83.02279026793964, + "similarity_accuracy": 89.7892653393876, + "similarity_accuracy_threshold": 79.69566583633423, + "similarity_ap": 87.4579867302024, + "similarity_f1": 79.91620843152658, + "similarity_f1_threshold": 78.53609323501587, + "similarity_precision": 77.7155329210622, + "similarity_recall": 82.24514936864799 + } + ] + } +} \ No newline at end of file diff --git a/results/biggunnyso4__stella_en_400M_v5_cpu/external/model_meta.json b/results/biggunnyso4__stella_en_400M_v5_cpu/external/model_meta.json new file mode 100644 index 000000000..7cf343cbe --- /dev/null +++ b/results/biggunnyso4__stella_en_400M_v5_cpu/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "biggunnyso4/stella_en_400M_v5_cpu", + "revision": "02d801f6034ae89035871dfe73e6410d1c0ac901", + "release_date": "2024-09-06", + "languages": [], + "loader": null, + "n_parameters": 435188736, + "memory_usage": null, + "max_tokens": 8192, + "embed_dim": 8192, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/bigscience-data__sgpt-bloom-1b7-nli/external/AmazonReviewsClassification.json b/results/bigscience-data__sgpt-bloom-1b7-nli/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..0f5261b39 --- /dev/null +++ b/results/bigscience-data__sgpt-bloom-1b7-nli/external/AmazonReviewsClassification.json @@ -0,0 +1,28 @@ +{ + "dataset_revision": "c379a6705fec24a2493fa68e011692605f44e119", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 39.286, + "f1": 38.87078070073539, + "main_score": 39.286 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 37.634, + "f1": 36.86046604093418, + "main_score": 37.634 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience-data__sgpt-bloom-1b7-nli/external/MTOPDomainClassification.json b/results/bigscience-data__sgpt-bloom-1b7-nli/external/MTOPDomainClassification.json new file mode 100644 index 000000000..80d4d1ace --- /dev/null +++ b/results/bigscience-data__sgpt-bloom-1b7-nli/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a7e2a951126a26fc8c6a69f835f33a346ba259e3", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 83.79893517068588, + "f1": 83.72326662566203, + "main_score": 83.79893517068588 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience-data__sgpt-bloom-1b7-nli/external/MTOPIntentClassification.json b/results/bigscience-data__sgpt-bloom-1b7-nli/external/MTOPIntentClassification.json new file mode 100644 index 000000000..90f343083 --- /dev/null +++ b/results/bigscience-data__sgpt-bloom-1b7-nli/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6299947a7777084cc2d4b64235bf7190381ce755", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 63.36047604134043, + "f1": 44.261707019308126, + "main_score": 63.36047604134043 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience-data__sgpt-bloom-1b7-nli/external/MassiveIntentClassification.json b/results/bigscience-data__sgpt-bloom-1b7-nli/external/MassiveIntentClassification.json new file mode 100644 index 000000000..47d29fca4 --- /dev/null +++ b/results/bigscience-data__sgpt-bloom-1b7-nli/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "072a486a144adf7f4479a4a0dddb2152e161e1ea", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 64.57632817753867, + "f1": 62.60453982786661, + "main_score": 64.57632817753867 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience-data__sgpt-bloom-1b7-nli/external/MassiveScenarioClassification.json b/results/bigscience-data__sgpt-bloom-1b7-nli/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..1c15e5efc --- /dev/null +++ b/results/bigscience-data__sgpt-bloom-1b7-nli/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 69.59986550100874, + "f1": 69.71803697939914, + "main_score": 69.59986550100874 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience-data__sgpt-bloom-1b7-nli/external/STS22.json b/results/bigscience-data__sgpt-bloom-1b7-nli/external/STS22.json new file mode 100644 index 000000000..f9452b567 --- /dev/null +++ b/results/bigscience-data__sgpt-bloom-1b7-nli/external/STS22.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "2de6ce8c1921b71a755b262c6b57fef195dd7906", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 59.71781185663265, + "cos_sim_spearman": 58.538648447630514, + "euclidean_pearson": 53.53848180206165, + "euclidean_spearman": 56.33730262964236, + "manhattan_pearson": 54.62109820575505, + "manhattan_spearman": 57.223846291318914, + "cosine_pearson": 59.71781185663265, + "cosine_spearman": 58.538648447630514, + "main_score": 58.538648447630514 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 73.44021434651606, + "cos_sim_spearman": 73.13412769502769, + "euclidean_pearson": 68.16368597409867, + "euclidean_spearman": 72.44964781564485, + "manhattan_pearson": 69.42307032478939, + "manhattan_spearman": 73.3523195012387, + "cosine_pearson": 73.44021434651606, + "cosine_spearman": 73.13412769502769, + "main_score": 73.13412769502769 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience-data__sgpt-bloom-1b7-nli/external/model_meta.json b/results/bigscience-data__sgpt-bloom-1b7-nli/external/model_meta.json new file mode 100644 index 000000000..339809546 --- /dev/null +++ b/results/bigscience-data__sgpt-bloom-1b7-nli/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "bigscience-data/sgpt-bloom-1b7-nli", + "revision": "0ff3560a96157bb022180d62ddb7c3c80d1cfcef", + "release_date": "2022-05-29", + "languages": [], + "loader": null, + "n_parameters": 1722432836, + "memory_usage": null, + "max_tokens": 4096, + "embed_dim": 2048, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/AmazonCounterfactualClassification.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..58c2c0186 --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/AmazonCounterfactualClassification.json @@ -0,0 +1,50 @@ +{ + "dataset_revision": "2d8a100785abf0ae21420d2a55b0c56e3e1ea996", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 68.05970149253731, + "ap": 31.640363460776193, + "f1": 62.50025574145796, + "main_score": 68.05970149253731 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 61.34903640256959, + "ap": 75.18797161500426, + "f1": 59.04772570730417, + "main_score": 61.34903640256959 + }, + { + "hf_subset": "en-ext", + "languages": [ + "eng-Latn" + ], + "accuracy": 67.78110944527737, + "ap": 19.218916023322706, + "f1": 56.24477391445512, + "main_score": 67.78110944527737 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 58.23340471092078, + "ap": 13.20222967424681, + "f1": 47.511718095460296, + "main_score": 58.23340471092078 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/AmazonPolarityClassification.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..ab3614f4a --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "80714f8dcf8cefc218ef4f8c5a966dd83f75a0e1", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 68.97232499999998, + "ap": 63.53632885535693, + "f1": 68.62038513152868, + "main_score": 68.97232499999998 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/AmazonReviewsClassification.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..9e96e885d --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/AmazonReviewsClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "c379a6705fec24a2493fa68e011692605f44e119", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 33.855999999999995, + "f1": 33.43468222830134, + "main_score": 33.855999999999995 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 29.697999999999997, + "f1": 29.39935388885501, + "main_score": 29.697999999999997 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 35.974000000000004, + "f1": 35.25910820714383, + "main_score": 35.974000000000004 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 35.922, + "f1": 35.38637028933444, + "main_score": 35.922 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 27.636, + "f1": 27.178349955978266, + "main_score": 27.636 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 32.632, + "f1": 32.08014766494587, + "main_score": 32.632 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/ArguAna.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/ArguAna.json new file mode 100644 index 000000000..a5807f7a2 --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "5b3e3697907184a9b77a3c99ee9ea1a9cbb1e4e3", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.684, + "map_at_10": 38.507999999999996, + "map_at_100": 39.677, + "map_at_1000": 39.690999999999995, + "map_at_3": 33.369, + "map_at_5": 36.15, + "mrr_at_1": 24.04, + "mrr_at_10": 38.664, + "mrr_at_100": 39.833, + "mrr_at_1000": 39.847, + "mrr_at_3": 33.476, + "mrr_at_5": 36.306, + "ndcg_at_1": 23.684, + "ndcg_at_10": 47.282000000000004, + "ndcg_at_100": 52.215, + "ndcg_at_1000": 52.551, + "ndcg_at_3": 36.628, + "ndcg_at_5": 41.653, + "precision_at_1": 23.684, + "precision_at_10": 7.553, + "precision_at_100": 0.97, + "precision_at_1000": 0.1, + "precision_at_3": 15.363, + "precision_at_5": 11.664, + "recall_at_1": 23.684, + "recall_at_10": 75.533, + "recall_at_100": 97.013, + "recall_at_1000": 99.57300000000001, + "recall_at_3": 46.088, + "recall_at_5": 58.321, + "main_score": 47.282000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/ArxivClusteringP2P.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..e87c36c38 --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "0bbdb47bcbe3a90093699aefeed338a0f28a7ee8", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 44.59375023881131, + "main_score": 44.59375023881131 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/ArxivClusteringS2S.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..104cf29e0 --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "b73bd54100e5abfa6e3a23dcafb46fe4d2438dc3", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.02921907752556, + "main_score": 38.02921907752556 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/AskUbuntuDupQuestions.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..239a33851 --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4d853f94cd57d85ec13805aeeac3ae3e5eb4c49c", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 59.97321570342109, + "mrr": 73.18284746955106, + "main_score": 59.97321570342109 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/BIOSSES.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/BIOSSES.json new file mode 100644 index 000000000..83e1c4473 --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "9ee918f184421b6bd48b78f6c714d86546106103", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 89.09091435741429, + "cos_sim_spearman": 85.31459455332202, + "euclidean_pearson": 79.3587681410798, + "euclidean_spearman": 76.8174129874685, + "manhattan_pearson": 79.57051762121769, + "manhattan_spearman": 76.75837549768094, + "cosine_pearson": 89.09091435741429, + "cosine_spearman": 85.31459455332202, + "main_score": 85.31459455332202 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/BUCC.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/BUCC.json new file mode 100644 index 000000000..f4e3099a8 --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/BUCC.json @@ -0,0 +1,58 @@ +{ + "dataset_revision": "d51519689f32196a32af33b075a01d0e7c51e252", + "task_name": "BUCC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "accuracy": 54.27974947807933, + "f1": 54.00144411132214, + "precision": 53.87119374071357, + "recall": 54.27974947807933, + "main_score": 54.00144411132214 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "accuracy": 97.3365617433414, + "f1": 97.06141316310809, + "precision": 96.92567319685965, + "recall": 97.3365617433414, + "main_score": 97.06141316310809 + }, + { + "hf_subset": "ru-en", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "accuracy": 46.05472809144441, + "f1": 45.30319274690595, + "precision": 45.00015469655234, + "recall": 46.05472809144441, + "main_score": 45.30319274690595 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "accuracy": 98.10426540284361, + "f1": 97.96384061786905, + "precision": 97.89362822538178, + "recall": 98.10426540284361, + "main_score": 97.96384061786905 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/Banking77Classification.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/Banking77Classification.json new file mode 100644 index 000000000..f623cccf9 --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "44fa15921b4c889113cc5df03dd4901b49161ab7", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 84.33441558441558, + "f1": 84.31653077470322, + "main_score": 84.33441558441558 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/BiorxivClusteringP2P.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..1a261fe38 --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "11d0121201d1f1f280e8cc8f3d98fb9c4d9f9c55", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.025318694698086, + "main_score": 36.025318694698086 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/BiorxivClusteringS2S.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..feac45c0a --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "c0fab014e1bcb8d3a5e31b2088972a1e01547dc1", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.484889034590346, + "main_score": 32.484889034590346 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/CQADupstackAndroidRetrieval.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..12ede064b --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "2b9f5791698b5be7bc5e10535c8690f20043c3db", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.203999999999997, + "map_at_10": 41.314, + "map_at_100": 42.66, + "map_at_1000": 42.775999999999996, + "map_at_3": 37.614999999999995, + "map_at_5": 39.643, + "mrr_at_1": 37.482, + "mrr_at_10": 47.075, + "mrr_at_100": 47.845, + "mrr_at_1000": 47.887, + "mrr_at_3": 44.635000000000005, + "mrr_at_5": 45.966, + "ndcg_at_1": 37.482, + "ndcg_at_10": 47.676, + "ndcg_at_100": 52.915, + "ndcg_at_1000": 54.82900000000001, + "ndcg_at_3": 42.562, + "ndcg_at_5": 44.852, + "precision_at_1": 37.482, + "precision_at_10": 9.142, + "precision_at_100": 1.436, + "precision_at_1000": 0.189, + "precision_at_3": 20.458000000000002, + "precision_at_5": 14.821000000000002, + "recall_at_1": 30.203999999999997, + "recall_at_10": 60.343, + "recall_at_100": 82.58, + "recall_at_1000": 94.813, + "recall_at_3": 45.389, + "recall_at_5": 51.800999999999995, + "main_score": 47.676 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.889, + "map_at_10": 40.949999999999996, + "map_at_100": 42.131, + "map_at_1000": 42.253, + "map_at_3": 38.346999999999994, + "map_at_5": 39.782000000000004, + "mrr_at_1": 38.79, + "mrr_at_10": 46.944, + "mrr_at_100": 47.61, + "mrr_at_1000": 47.650999999999996, + "mrr_at_3": 45.053, + "mrr_at_5": 46.101, + "ndcg_at_1": 38.79, + "ndcg_at_10": 46.286, + "ndcg_at_100": 50.637, + "ndcg_at_1000": 52.649, + "ndcg_at_3": 42.851, + "ndcg_at_5": 44.311, + "precision_at_1": 38.79, + "precision_at_10": 8.516, + "precision_at_100": 1.3679999999999999, + "precision_at_1000": 0.183, + "precision_at_3": 20.637, + "precision_at_5": 14.318, + "recall_at_1": 30.889, + "recall_at_10": 55.327000000000005, + "recall_at_100": 74.091, + "recall_at_1000": 86.75500000000001, + "recall_at_3": 44.557, + "recall_at_5": 49.064, + "main_score": 46.286 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 39.105000000000004, + "map_at_10": 50.928, + "map_at_100": 51.958000000000006, + "map_at_1000": 52.017, + "map_at_3": 47.638999999999996, + "map_at_5": 49.624, + "mrr_at_1": 44.639, + "mrr_at_10": 54.261, + "mrr_at_100": 54.913999999999994, + "mrr_at_1000": 54.945, + "mrr_at_3": 51.681999999999995, + "mrr_at_5": 53.290000000000006, + "ndcg_at_1": 44.639, + "ndcg_at_10": 56.678, + "ndcg_at_100": 60.649, + "ndcg_at_1000": 61.855000000000004, + "ndcg_at_3": 51.092999999999996, + "ndcg_at_5": 54.096999999999994, + "precision_at_1": 44.639, + "precision_at_10": 9.028, + "precision_at_100": 1.194, + "precision_at_1000": 0.135, + "precision_at_3": 22.508, + "precision_at_5": 15.661, + "recall_at_1": 39.105000000000004, + "recall_at_10": 70.367, + "recall_at_100": 87.359, + "recall_at_1000": 95.88, + "recall_at_3": 55.581, + "recall_at_5": 62.821000000000005, + "main_score": 56.678 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.777, + "map_at_10": 32.297, + "map_at_100": 33.516, + "map_at_1000": 33.592, + "map_at_3": 30.001, + "map_at_5": 31.209999999999997, + "mrr_at_1": 25.989, + "mrr_at_10": 34.472, + "mrr_at_100": 35.518, + "mrr_at_1000": 35.577, + "mrr_at_3": 32.185, + "mrr_at_5": 33.399, + "ndcg_at_1": 25.989, + "ndcg_at_10": 37.037, + "ndcg_at_100": 42.699, + "ndcg_at_1000": 44.725, + "ndcg_at_3": 32.485, + "ndcg_at_5": 34.549, + "precision_at_1": 25.989, + "precision_at_10": 5.718, + "precision_at_100": 0.89, + "precision_at_1000": 0.11, + "precision_at_3": 14.049, + "precision_at_5": 9.672, + "recall_at_1": 23.777, + "recall_at_10": 49.472, + "recall_at_100": 74.857, + "recall_at_1000": 90.289, + "recall_at_3": 37.086000000000006, + "recall_at_5": 42.065999999999995, + "main_score": 37.037 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 13.377, + "map_at_10": 21.444, + "map_at_100": 22.663, + "map_at_1000": 22.8, + "map_at_3": 18.857, + "map_at_5": 20.426, + "mrr_at_1": 16.542, + "mrr_at_10": 25.326999999999998, + "mrr_at_100": 26.323, + "mrr_at_1000": 26.406000000000002, + "mrr_at_3": 22.823, + "mrr_at_5": 24.340999999999998, + "ndcg_at_1": 16.542, + "ndcg_at_10": 26.479000000000003, + "ndcg_at_100": 32.29, + "ndcg_at_1000": 35.504999999999995, + "ndcg_at_3": 21.619, + "ndcg_at_5": 24.19, + "precision_at_1": 16.542, + "precision_at_10": 5.075, + "precision_at_100": 0.9339999999999999, + "precision_at_1000": 0.135, + "precision_at_3": 10.697, + "precision_at_5": 8.134, + "recall_at_1": 13.377, + "recall_at_10": 38.027, + "recall_at_100": 63.439, + "recall_at_1000": 86.354, + "recall_at_3": 25.0, + "recall_at_5": 31.306, + "main_score": 26.479000000000003 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.368, + "map_at_10": 39.305, + "map_at_100": 40.637, + "map_at_1000": 40.753, + "map_at_3": 36.077999999999996, + "map_at_5": 37.829, + "mrr_at_1": 34.937000000000005, + "mrr_at_10": 45.03, + "mrr_at_100": 45.78, + "mrr_at_1000": 45.827, + "mrr_at_3": 42.348, + "mrr_at_5": 43.807, + "ndcg_at_1": 34.937000000000005, + "ndcg_at_10": 45.605000000000004, + "ndcg_at_100": 50.941, + "ndcg_at_1000": 52.983000000000004, + "ndcg_at_3": 40.366, + "ndcg_at_5": 42.759, + "precision_at_1": 34.937000000000005, + "precision_at_10": 8.402, + "precision_at_100": 1.2959999999999998, + "precision_at_1000": 0.164, + "precision_at_3": 19.217000000000002, + "precision_at_5": 13.725000000000001, + "recall_at_1": 28.368, + "recall_at_10": 58.5, + "recall_at_100": 80.67999999999999, + "recall_at_1000": 93.925, + "recall_at_3": 43.956, + "recall_at_5": 50.065000000000005, + "main_score": 45.605000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.851, + "map_at_10": 34.758, + "map_at_100": 36.081, + "map_at_1000": 36.205999999999996, + "map_at_3": 31.678, + "map_at_5": 33.398, + "mrr_at_1": 31.279, + "mrr_at_10": 40.138, + "mrr_at_100": 41.005, + "mrr_at_1000": 41.065000000000005, + "mrr_at_3": 37.519000000000005, + "mrr_at_5": 38.986, + "ndcg_at_1": 31.279, + "ndcg_at_10": 40.534, + "ndcg_at_100": 46.093, + "ndcg_at_1000": 48.59, + "ndcg_at_3": 35.473, + "ndcg_at_5": 37.801, + "precision_at_1": 31.279, + "precision_at_10": 7.477, + "precision_at_100": 1.2, + "precision_at_1000": 0.159, + "precision_at_3": 17.047, + "precision_at_5": 12.306000000000001, + "recall_at_1": 24.851, + "recall_at_10": 52.528, + "recall_at_100": 76.198, + "recall_at_1000": 93.12, + "recall_at_3": 38.257999999999996, + "recall_at_5": 44.440000000000005, + "main_score": 40.534 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.289833333333334, + "map_at_10": 34.379333333333335, + "map_at_100": 35.56916666666666, + "map_at_1000": 35.68633333333333, + "map_at_3": 31.63916666666666, + "map_at_5": 33.18383333333334, + "mrr_at_1": 30.081749999999996, + "mrr_at_10": 38.53658333333333, + "mrr_at_100": 39.37825, + "mrr_at_1000": 39.43866666666666, + "mrr_at_3": 36.19025, + "mrr_at_5": 37.519749999999995, + "ndcg_at_1": 30.081749999999996, + "ndcg_at_10": 39.62041666666667, + "ndcg_at_100": 44.74825, + "ndcg_at_1000": 47.11366666666667, + "ndcg_at_3": 35.000499999999995, + "ndcg_at_5": 37.19283333333333, + "precision_at_1": 30.081749999999996, + "precision_at_10": 6.940249999999999, + "precision_at_100": 1.1164166666666668, + "precision_at_1000": 0.15025000000000002, + "precision_at_3": 16.110416666666666, + "precision_at_5": 11.474416666666668, + "recall_at_1": 25.289833333333334, + "recall_at_10": 51.01591666666667, + "recall_at_100": 73.55275000000002, + "recall_at_1000": 90.02666666666667, + "recall_at_3": 38.15208333333334, + "recall_at_5": 43.78458333333334, + "main_score": 39.62041666666667 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.479, + "map_at_10": 31.2, + "map_at_100": 32.11, + "map_at_1000": 32.214, + "map_at_3": 29.093999999999998, + "map_at_5": 30.415, + "mrr_at_1": 26.840000000000003, + "mrr_at_10": 34.153, + "mrr_at_100": 34.971000000000004, + "mrr_at_1000": 35.047, + "mrr_at_3": 32.285000000000004, + "mrr_at_5": 33.443, + "ndcg_at_1": 26.840000000000003, + "ndcg_at_10": 35.441, + "ndcg_at_100": 40.150000000000006, + "ndcg_at_1000": 42.74, + "ndcg_at_3": 31.723000000000003, + "ndcg_at_5": 33.71, + "precision_at_1": 26.840000000000003, + "precision_at_10": 5.552, + "precision_at_100": 0.859, + "precision_at_1000": 0.11499999999999999, + "precision_at_3": 13.804, + "precision_at_5": 9.600999999999999, + "recall_at_1": 23.479, + "recall_at_10": 45.442, + "recall_at_100": 67.465, + "recall_at_1000": 86.53, + "recall_at_3": 35.315999999999995, + "recall_at_5": 40.253, + "main_score": 35.441 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.887, + "map_at_10": 23.805, + "map_at_100": 24.804000000000002, + "map_at_1000": 24.932000000000002, + "map_at_3": 21.632, + "map_at_5": 22.845, + "mrr_at_1": 20.75, + "mrr_at_10": 27.686, + "mrr_at_100": 28.522, + "mrr_at_1000": 28.605000000000004, + "mrr_at_3": 25.618999999999996, + "mrr_at_5": 26.723999999999997, + "ndcg_at_1": 20.75, + "ndcg_at_10": 28.233000000000004, + "ndcg_at_100": 33.065, + "ndcg_at_1000": 36.138999999999996, + "ndcg_at_3": 24.361, + "ndcg_at_5": 26.111, + "precision_at_1": 20.75, + "precision_at_10": 5.124, + "precision_at_100": 0.8750000000000001, + "precision_at_1000": 0.131, + "precision_at_3": 11.539000000000001, + "precision_at_5": 8.273, + "recall_at_1": 16.887, + "recall_at_10": 37.774, + "recall_at_100": 59.587, + "recall_at_1000": 81.523, + "recall_at_3": 26.837, + "recall_at_5": 31.456, + "main_score": 28.233000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.534000000000002, + "map_at_10": 33.495999999999995, + "map_at_100": 34.697, + "map_at_1000": 34.805, + "map_at_3": 31.22, + "map_at_5": 32.277, + "mrr_at_1": 29.944, + "mrr_at_10": 37.723, + "mrr_at_100": 38.645, + "mrr_at_1000": 38.712999999999994, + "mrr_at_3": 35.665, + "mrr_at_5": 36.681999999999995, + "ndcg_at_1": 29.944, + "ndcg_at_10": 38.407000000000004, + "ndcg_at_100": 43.877, + "ndcg_at_1000": 46.312, + "ndcg_at_3": 34.211000000000006, + "ndcg_at_5": 35.760999999999996, + "precision_at_1": 29.944, + "precision_at_10": 6.343, + "precision_at_100": 1.023, + "precision_at_1000": 0.133, + "precision_at_3": 15.360999999999999, + "precision_at_5": 10.428999999999998, + "recall_at_1": 25.534000000000002, + "recall_at_10": 49.204, + "recall_at_100": 72.878, + "recall_at_1000": 89.95, + "recall_at_3": 37.533, + "recall_at_5": 41.611, + "main_score": 38.407000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.291999999999998, + "map_at_10": 35.245, + "map_at_100": 36.762, + "map_at_1000": 36.983, + "map_at_3": 32.439, + "map_at_5": 33.964, + "mrr_at_1": 31.423000000000002, + "mrr_at_10": 39.98, + "mrr_at_100": 40.791, + "mrr_at_1000": 40.854, + "mrr_at_3": 37.451, + "mrr_at_5": 38.854, + "ndcg_at_1": 31.423000000000002, + "ndcg_at_10": 40.848, + "ndcg_at_100": 46.35, + "ndcg_at_1000": 49.166, + "ndcg_at_3": 36.344, + "ndcg_at_5": 38.36, + "precision_at_1": 31.423000000000002, + "precision_at_10": 7.767, + "precision_at_100": 1.498, + "precision_at_1000": 0.23700000000000002, + "precision_at_3": 16.733, + "precision_at_5": 12.213000000000001, + "recall_at_1": 26.291999999999998, + "recall_at_10": 51.184, + "recall_at_100": 76.041, + "recall_at_1000": 94.11500000000001, + "recall_at_3": 38.257000000000005, + "recall_at_5": 43.68, + "main_score": 40.848 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.715, + "map_at_10": 27.810000000000002, + "map_at_100": 28.810999999999996, + "map_at_1000": 28.904999999999998, + "map_at_3": 25.069999999999997, + "map_at_5": 26.793, + "mrr_at_1": 22.366, + "mrr_at_10": 29.65, + "mrr_at_100": 30.615, + "mrr_at_1000": 30.686999999999998, + "mrr_at_3": 27.017999999999997, + "mrr_at_5": 28.644, + "ndcg_at_1": 22.366, + "ndcg_at_10": 32.221, + "ndcg_at_100": 37.313, + "ndcg_at_1000": 39.871, + "ndcg_at_3": 26.918, + "ndcg_at_5": 29.813000000000002, + "precision_at_1": 22.366, + "precision_at_10": 5.139, + "precision_at_100": 0.8240000000000001, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 11.275, + "precision_at_5": 8.540000000000001, + "recall_at_1": 20.715, + "recall_at_10": 44.023, + "recall_at_100": 67.458, + "recall_at_1000": 87.066, + "recall_at_3": 30.055, + "recall_at_5": 36.852000000000004, + "main_score": 32.221 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/ClimateFEVER.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/ClimateFEVER.json new file mode 100644 index 000000000..3986f124c --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "392b78eb68c07badcd7c2cd8f39af108375dfcce", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 11.859, + "map_at_10": 20.625, + "map_at_100": 22.5, + "map_at_1000": 22.689, + "map_at_3": 16.991, + "map_at_5": 18.781, + "mrr_at_1": 26.906000000000002, + "mrr_at_10": 39.083, + "mrr_at_100": 39.978, + "mrr_at_1000": 40.014, + "mrr_at_3": 35.44, + "mrr_at_5": 37.619, + "ndcg_at_1": 26.906000000000002, + "ndcg_at_10": 29.386000000000003, + "ndcg_at_100": 36.510999999999996, + "ndcg_at_1000": 39.814, + "ndcg_at_3": 23.558, + "ndcg_at_5": 25.557999999999996, + "precision_at_1": 26.906000000000002, + "precision_at_10": 9.342, + "precision_at_100": 1.6969999999999998, + "precision_at_1000": 0.231, + "precision_at_3": 17.503, + "precision_at_5": 13.655000000000001, + "recall_at_1": 11.859, + "recall_at_10": 35.929, + "recall_at_100": 60.21300000000001, + "recall_at_1000": 78.606, + "recall_at_3": 21.727, + "recall_at_5": 27.349, + "main_score": 29.386000000000003 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/DBPedia.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/DBPedia.json new file mode 100644 index 000000000..7d88d8dc2 --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "f097057d03ed98220bc7309ddb10b71a54d667d6", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.627, + "map_at_10": 18.248, + "map_at_100": 25.19, + "map_at_1000": 26.741, + "map_at_3": 13.286000000000001, + "map_at_5": 15.126000000000001, + "mrr_at_1": 64.75, + "mrr_at_10": 71.865, + "mrr_at_100": 72.247, + "mrr_at_1000": 72.255, + "mrr_at_3": 69.958, + "mrr_at_5": 71.108, + "ndcg_at_1": 53.25, + "ndcg_at_10": 39.035, + "ndcg_at_100": 42.735, + "ndcg_at_1000": 50.166, + "ndcg_at_3": 43.857, + "ndcg_at_5": 40.579, + "precision_at_1": 64.75, + "precision_at_10": 30.75, + "precision_at_100": 9.54, + "precision_at_1000": 2.035, + "precision_at_3": 47.333, + "precision_at_5": 39.0, + "recall_at_1": 8.627, + "recall_at_10": 23.413, + "recall_at_100": 48.037, + "recall_at_1000": 71.428, + "recall_at_3": 14.158999999999999, + "recall_at_5": 17.002, + "main_score": 39.035 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/EmotionClassification.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/EmotionClassification.json new file mode 100644 index 000000000..4b3058ae9 --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "829147f8f75a25f005913200eb5ed41fae320aa1", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 44.865, + "f1": 41.56625743266997, + "main_score": 44.865 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/FEVER.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/FEVER.json new file mode 100644 index 000000000..7d86f2f05 --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "1429cf27e393599b8b359b9b72c666f96b2525f9", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 57.335, + "map_at_10": 68.29499999999999, + "map_at_100": 68.69800000000001, + "map_at_1000": 68.714, + "map_at_3": 66.149, + "map_at_5": 67.539, + "mrr_at_1": 61.656, + "mrr_at_10": 72.609, + "mrr_at_100": 72.923, + "mrr_at_1000": 72.928, + "mrr_at_3": 70.645, + "mrr_at_5": 71.938, + "ndcg_at_1": 61.656, + "ndcg_at_10": 73.966, + "ndcg_at_100": 75.663, + "ndcg_at_1000": 75.986, + "ndcg_at_3": 69.959, + "ndcg_at_5": 72.269, + "precision_at_1": 61.656, + "precision_at_10": 9.581000000000001, + "precision_at_100": 1.054, + "precision_at_1000": 0.11, + "precision_at_3": 27.743000000000002, + "precision_at_5": 17.939, + "recall_at_1": 57.335, + "recall_at_10": 87.24300000000001, + "recall_at_100": 94.575, + "recall_at_1000": 96.75399999999999, + "recall_at_3": 76.44800000000001, + "recall_at_5": 82.122, + "main_score": 73.966 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/FiQA2018.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/FiQA2018.json new file mode 100644 index 000000000..77a8b0f29 --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "41b686a7f28c59bcaaa5791efd47c67c8ebe28be", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.014000000000003, + "map_at_10": 28.469, + "map_at_100": 30.178, + "map_at_1000": 30.369, + "map_at_3": 24.63, + "map_at_5": 26.891, + "mrr_at_1": 34.259, + "mrr_at_10": 43.042, + "mrr_at_100": 43.91, + "mrr_at_1000": 43.963, + "mrr_at_3": 40.483999999999995, + "mrr_at_5": 42.135, + "ndcg_at_1": 34.259, + "ndcg_at_10": 35.836, + "ndcg_at_100": 42.488, + "ndcg_at_1000": 45.902, + "ndcg_at_3": 32.131, + "ndcg_at_5": 33.697, + "precision_at_1": 34.259, + "precision_at_10": 10.0, + "precision_at_100": 1.699, + "precision_at_1000": 0.22999999999999998, + "precision_at_3": 21.502, + "precision_at_5": 16.296, + "recall_at_1": 17.014000000000003, + "recall_at_10": 42.832, + "recall_at_100": 67.619, + "recall_at_1000": 88.453, + "recall_at_3": 29.537000000000003, + "recall_at_5": 35.886, + "main_score": 35.836 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/HotpotQA.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/HotpotQA.json new file mode 100644 index 000000000..f5ccd6ae6 --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "766870b35a1b9ca65e67a0d1913899973551fc6c", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 34.558, + "map_at_10": 48.039, + "map_at_100": 48.867, + "map_at_1000": 48.941, + "map_at_3": 45.403, + "map_at_5": 46.983999999999995, + "mrr_at_1": 69.11500000000001, + "mrr_at_10": 75.551, + "mrr_at_100": 75.872, + "mrr_at_1000": 75.887, + "mrr_at_3": 74.447, + "mrr_at_5": 75.113, + "ndcg_at_1": 69.11500000000001, + "ndcg_at_10": 57.25599999999999, + "ndcg_at_100": 60.417, + "ndcg_at_1000": 61.976, + "ndcg_at_3": 53.258, + "ndcg_at_5": 55.374, + "precision_at_1": 69.11500000000001, + "precision_at_10": 11.689, + "precision_at_100": 1.418, + "precision_at_1000": 0.163, + "precision_at_3": 33.018, + "precision_at_5": 21.488, + "recall_at_1": 34.558, + "recall_at_10": 58.447, + "recall_at_100": 70.91199999999999, + "recall_at_1000": 81.31, + "recall_at_3": 49.527, + "recall_at_5": 53.72, + "main_score": 57.25599999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/ImdbClassification.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/ImdbClassification.json new file mode 100644 index 000000000..675951a25 --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "8d743909f834c38949e8323a8a6ce8721ea6c7f4", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.772000000000006, + "ap": 57.48217702943605, + "f1": 61.20495351356274, + "main_score": 61.772000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/MSMARCO.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/MSMARCO.json new file mode 100644 index 000000000..d62ca0704 --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "e6838a846e2408f22cf5cc337ebc83e0bcf77849", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.044, + "map_at_10": 34.211000000000006, + "map_at_100": 35.394, + "map_at_1000": 35.443000000000005, + "map_at_3": 30.318, + "map_at_5": 32.535, + "mrr_at_1": 22.722, + "mrr_at_10": 34.842, + "mrr_at_100": 35.954, + "mrr_at_1000": 35.997, + "mrr_at_3": 30.991000000000003, + "mrr_at_5": 33.2, + "ndcg_at_1": 22.722, + "ndcg_at_10": 41.121, + "ndcg_at_100": 46.841, + "ndcg_at_1000": 48.049, + "ndcg_at_3": 33.173, + "ndcg_at_5": 37.145, + "precision_at_1": 22.722, + "precision_at_10": 6.516, + "precision_at_100": 0.9400000000000001, + "precision_at_1000": 0.104, + "precision_at_3": 14.093, + "precision_at_5": 10.473, + "recall_at_1": 22.044, + "recall_at_10": 62.382000000000005, + "recall_at_100": 88.914, + "recall_at_1000": 98.099, + "recall_at_3": 40.782000000000004, + "recall_at_5": 50.322, + "main_score": 41.121 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/MTOPDomainClassification.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/MTOPDomainClassification.json new file mode 100644 index 000000000..f2124f654 --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/MTOPDomainClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "a7e2a951126a26fc8c6a69f835f33a346ba259e3", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.68217054263563, + "f1": 93.25810075739523, + "main_score": 93.68217054263563 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 82.05409974640745, + "f1": 80.42814140324903, + "main_score": 82.05409974640745 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 93.54903268845896, + "f1": 92.8909878077932, + "main_score": 93.54903268845896 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 90.98340119010334, + "f1": 90.51522537281313, + "main_score": 90.98340119010334 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 89.33309429903191, + "f1": 88.60371305209185, + "main_score": 89.33309429903191 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 60.4882459312839, + "f1": 59.02590456131682, + "main_score": 60.4882459312839 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/MTOPIntentClassification.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/MTOPIntentClassification.json new file mode 100644 index 000000000..202c37337 --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/MTOPIntentClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "6299947a7777084cc2d4b64235bf7190381ce755", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.34290925672595, + "f1": 54.44803151449109, + "main_score": 71.34290925672595 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 61.92448577063963, + "f1": 43.125939975781854, + "main_score": 61.92448577063963 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 74.48965977318213, + "f1": 51.855353687466696, + "main_score": 74.48965977318213 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 69.11994989038521, + "f1": 50.57872704171278, + "main_score": 69.11994989038521 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 64.84761563284331, + "f1": 43.61322970761394, + "main_score": 64.84761563284331 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 49.35623869801085, + "f1": 33.48547326952042, + "main_score": 49.35623869801085 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/MassiveIntentClassification.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/MassiveIntentClassification.json new file mode 100644 index 000000000..f89b06347 --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/MassiveIntentClassification.json @@ -0,0 +1,469 @@ +{ + "dataset_revision": "072a486a144adf7f4479a4a0dddb2152e161e1ea", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 47.85474108944183, + "f1": 46.50175016795915, + "main_score": 47.85474108944183 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 33.29858776059179, + "f1": 31.803027601259082, + "main_score": 33.29858776059179 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 59.24680564895763, + "f1": 57.037691806846865, + "main_score": 59.24680564895763 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 45.23537323470073, + "f1": 44.81126398428613, + "main_score": 45.23537323470073 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 61.590450571620714, + "f1": 59.247442149977104, + "main_score": 61.590450571620714 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 44.9226630800269, + "f1": 44.076183379991654, + "main_score": 44.9226630800269 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 51.23066577000672, + "f1": 50.20719330417618, + "main_score": 51.23066577000672 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 56.0995292535306, + "f1": 53.29421532133969, + "main_score": 56.0995292535306 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 46.12642905178211, + "f1": 44.441530267639635, + "main_score": 46.12642905178211 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.67047747141896, + "f1": 68.38493366054783, + "main_score": 69.67047747141896 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 66.3483523873571, + "f1": 65.13046416817832, + "main_score": 66.3483523873571 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 51.20040349697378, + "f1": 49.02889836601541, + "main_score": 51.20040349697378 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 45.33288500336248, + "f1": 42.91893101970983, + "main_score": 45.33288500336248 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 66.95359784801613, + "f1": 64.98788914810562, + "main_score": 66.95359784801613 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 43.18090114324143, + "f1": 41.31250407417542, + "main_score": 43.18090114324143 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 63.54068594485541, + "f1": 61.94829361488948, + "main_score": 63.54068594485541 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 44.7343644922663, + "f1": 43.23001702247849, + "main_score": 44.7343644922663 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 38.1271015467384, + "f1": 36.94700198241727, + "main_score": 38.1271015467384 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 64.05514458641561, + "f1": 62.35033731674541, + "main_score": 64.05514458641561 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 44.351042367182245, + "f1": 43.13370397574502, + "main_score": 44.351042367182245 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 60.77000672494955, + "f1": 59.71546868957779, + "main_score": 60.77000672494955 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 61.22057834566241, + "f1": 59.447639306287044, + "main_score": 61.22057834566241 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 50.9448554135844, + "f1": 48.524338247875214, + "main_score": 50.9448554135844 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 33.8399462004035, + "f1": 33.518999997305535, + "main_score": 33.8399462004035 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 37.34028244788165, + "f1": 35.6156599064704, + "main_score": 37.34028244788165 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 53.544048419636844, + "f1": 51.29299915455352, + "main_score": 53.544048419636844 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 53.35574983187625, + "f1": 51.463936565192945, + "main_score": 53.35574983187625 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 46.503026227303295, + "f1": 46.049497734375514, + "main_score": 46.503026227303295 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 58.268325487558826, + "f1": 56.10849656896158, + "main_score": 58.268325487558826 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 40.27572293207801, + "f1": 40.20097238549224, + "main_score": 40.27572293207801 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 59.64694014794889, + "f1": 58.39584148789066, + "main_score": 59.64694014794889 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 37.41761936785474, + "f1": 35.04551731363685, + "main_score": 37.41761936785474 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 49.408204438466704, + "f1": 48.39369057638714, + "main_score": 49.408204438466704 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 52.09482178883659, + "f1": 49.91518031712698, + "main_score": 52.09482178883659 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 50.477471418964356, + "f1": 48.429495257184705, + "main_score": 50.477471418964356 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 66.69468728984532, + "f1": 65.40306868707009, + "main_score": 66.69468728984532 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 50.52790854068594, + "f1": 49.780400354514, + "main_score": 50.52790854068594 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 58.31540013449899, + "f1": 56.144142926685134, + "main_score": 58.31540013449899 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 47.74041694687289, + "f1": 46.16767322761359, + "main_score": 47.74041694687289 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 48.94418291862811, + "f1": 48.445352284756325, + "main_score": 48.94418291862811 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 50.78681909885676, + "f1": 49.64882295494536, + "main_score": 50.78681909885676 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 49.811701412239415, + "f1": 48.213234514449375, + "main_score": 49.811701412239415 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 56.39542703429725, + "f1": 54.031981085233795, + "main_score": 56.39542703429725 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 54.71082716879623, + "f1": 52.513144113474596, + "main_score": 54.71082716879623 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 44.425016812373904, + "f1": 43.96016300057656, + "main_score": 44.425016812373904 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 50.205110961667785, + "f1": 48.86669996798709, + "main_score": 50.205110961667785 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 46.56355077336921, + "f1": 45.18252022585022, + "main_score": 46.56355077336921 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 56.748486886348346, + "f1": 54.29884570375382, + "main_score": 56.748486886348346 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 64.52589105581708, + "f1": 62.97947342861603, + "main_score": 64.52589105581708 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 67.06792199058508, + "f1": 65.36025601634017, + "main_score": 67.06792199058508 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 62.89172831203766, + "f1": 62.69803707054342, + "main_score": 62.89172831203766 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/MassiveScenarioClassification.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..5886fdf1e --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/MassiveScenarioClassification.json @@ -0,0 +1,469 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 51.47276395427035, + "f1": 49.37463208130799, + "main_score": 51.47276395427035 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 34.86886348352387, + "f1": 33.74178074349636, + "main_score": 34.86886348352387 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 65.20511096166778, + "f1": 65.85812500602437, + "main_score": 65.20511096166778 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 45.578345662407536, + "f1": 44.44514917028003, + "main_score": 45.578345662407536 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 67.29657027572293, + "f1": 67.24477523937466, + "main_score": 67.29657027572293 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 46.29455279085407, + "f1": 43.8563839951935, + "main_score": 46.29455279085407 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 53.52387357094821, + "f1": 51.70977848027552, + "main_score": 53.52387357094821 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 61.741761936785466, + "f1": 60.219169644792295, + "main_score": 61.741761936785466 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 48.957632817753876, + "f1": 46.878428264460034, + "main_score": 48.957632817753876 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.33624747814393, + "f1": 75.9143846211171, + "main_score": 75.33624747814393 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 73.34229993275049, + "f1": 73.78165397558983, + "main_score": 73.34229993275049 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 53.174176193678555, + "f1": 51.709679227778985, + "main_score": 53.174176193678555 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 44.6906523201076, + "f1": 41.54881682785664, + "main_score": 44.6906523201076 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 72.9119031607263, + "f1": 73.2742013056326, + "main_score": 72.9119031607263 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 43.10356422326832, + "f1": 40.8859122581252, + "main_score": 43.10356422326832 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 69.27370544720914, + "f1": 69.39544506405082, + "main_score": 69.27370544720914 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 45.16476126429052, + "f1": 42.74022531579054, + "main_score": 45.16476126429052 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 38.73234700739744, + "f1": 37.40546754951026, + "main_score": 38.73234700739744 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 70.12777404169468, + "f1": 70.27219152812738, + "main_score": 70.12777404169468 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 44.21318090114325, + "f1": 41.934593213829366, + "main_score": 44.21318090114325 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 65.57162071284466, + "f1": 64.83341759045335, + "main_score": 65.57162071284466 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 65.75991930060525, + "f1": 65.16549875504951, + "main_score": 65.75991930060525 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 54.79488903833223, + "f1": 54.03616401426859, + "main_score": 54.79488903833223 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 32.992602555480836, + "f1": 31.820068470018846, + "main_score": 32.992602555480836 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 39.34431741761937, + "f1": 36.436221665290105, + "main_score": 39.34431741761937 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 60.501008742434436, + "f1": 60.051013712579085, + "main_score": 60.501008742434436 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 55.689307330195035, + "f1": 53.94058032286942, + "main_score": 55.689307330195035 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 44.351042367182245, + "f1": 42.05421666771541, + "main_score": 44.351042367182245 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 65.53127101546738, + "f1": 65.98462024333497, + "main_score": 65.53127101546738 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 38.71553463349025, + "f1": 37.44327037149584, + "main_score": 38.71553463349025 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 64.98991257565567, + "f1": 63.87720198978004, + "main_score": 64.98991257565567 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 36.839273705447205, + "f1": 35.233967279698376, + "main_score": 36.839273705447205 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 51.79892400806993, + "f1": 49.66926632125972, + "main_score": 51.79892400806993 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 56.31809011432415, + "f1": 53.832185336179826, + "main_score": 56.31809011432415 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 49.979825151311374, + "f1": 48.83013175441888, + "main_score": 49.979825151311374 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 71.45595158036315, + "f1": 72.08708814699702, + "main_score": 71.45595158036315 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 53.68527236045729, + "f1": 52.23278593929981, + "main_score": 53.68527236045729 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 61.60390047074647, + "f1": 60.50391482195116, + "main_score": 61.60390047074647 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 48.036314727639535, + "f1": 46.43480413383716, + "main_score": 48.036314727639535 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 50.05716207128445, + "f1": 48.85821859948888, + "main_score": 50.05716207128445 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 51.728312037659705, + "f1": 49.89292996950847, + "main_score": 51.728312037659705 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 54.21990585070613, + "f1": 52.8711542984193, + "main_score": 54.21990585070613 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 62.770679219905844, + "f1": 63.09441501491594, + "main_score": 62.770679219905844 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 62.58574310692671, + "f1": 61.61370697612978, + "main_score": 62.58574310692671 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 45.17821116341628, + "f1": 43.85143229183324, + "main_score": 45.17821116341628 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 52.064559515803644, + "f1": 50.94356892049626, + "main_score": 52.064559515803644 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 47.205783456624076, + "f1": 47.04223644120489, + "main_score": 47.205783456624076 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 64.25689307330195, + "f1": 63.89944944984115, + "main_score": 64.25689307330195 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 70.60524546065905, + "f1": 71.5634157334358, + "main_score": 70.60524546065905 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 73.95427034297242, + "f1": 74.39706882311063, + "main_score": 73.95427034297242 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 70.29926025554808, + "f1": 71.32045932560297, + "main_score": 70.29926025554808 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/MedrxivClusteringP2P.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..3ebd8961a --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "dcefc037ef84348e49b0d29109e891c01067226b", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.054474964883806, + "main_score": 31.054474964883806 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/MedrxivClusteringS2S.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..d36ca8c16 --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "3cd0e71dfbe09d4de0f9e5ecba43e7ce280959dc", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 29.259725940477523, + "main_score": 29.259725940477523 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/MindSmallReranking.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/MindSmallReranking.json new file mode 100644 index 000000000..e2d4d6e56 --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.785007883256572, + "mrr": 32.983556622438456, + "main_score": 31.785007883256572 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/NFCorpus.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/NFCorpus.json new file mode 100644 index 000000000..6aaf39d2d --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "7eb63cc0c1eb59324d709ebed25fcab851fa7610", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.742, + "map_at_10": 13.074, + "map_at_100": 16.716, + "map_at_1000": 18.238, + "map_at_3": 9.600999999999999, + "map_at_5": 11.129999999999999, + "mrr_at_1": 47.988, + "mrr_at_10": 55.958, + "mrr_at_100": 56.58800000000001, + "mrr_at_1000": 56.620000000000005, + "mrr_at_3": 54.025, + "mrr_at_5": 55.31, + "ndcg_at_1": 46.44, + "ndcg_at_10": 35.776, + "ndcg_at_100": 32.891999999999996, + "ndcg_at_1000": 41.835, + "ndcg_at_3": 41.812, + "ndcg_at_5": 39.249, + "precision_at_1": 48.297000000000004, + "precision_at_10": 26.687, + "precision_at_100": 8.511000000000001, + "precision_at_1000": 2.128, + "precision_at_3": 39.009, + "precision_at_5": 33.994, + "recall_at_1": 5.742, + "recall_at_10": 16.993, + "recall_at_100": 33.69, + "recall_at_1000": 66.75, + "recall_at_3": 10.817, + "recall_at_5": 13.256, + "main_score": 35.776 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/NQ.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/NQ.json new file mode 100644 index 000000000..ba5dfff94 --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "6062aefc120bfe8ece5897809fb2e53bfe0d128c", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.789, + "map_at_10": 45.751999999999995, + "map_at_100": 46.766000000000005, + "map_at_1000": 46.798, + "map_at_3": 41.746, + "map_at_5": 44.046, + "mrr_at_1": 34.618, + "mrr_at_10": 48.288, + "mrr_at_100": 49.071999999999996, + "mrr_at_1000": 49.094, + "mrr_at_3": 44.979, + "mrr_at_5": 46.953, + "ndcg_at_1": 34.589, + "ndcg_at_10": 53.151, + "ndcg_at_100": 57.537000000000006, + "ndcg_at_1000": 58.321999999999996, + "ndcg_at_3": 45.628, + "ndcg_at_5": 49.474000000000004, + "precision_at_1": 34.589, + "precision_at_10": 8.731, + "precision_at_100": 1.119, + "precision_at_1000": 0.11900000000000001, + "precision_at_3": 20.819, + "precision_at_5": 14.728, + "recall_at_1": 30.789, + "recall_at_10": 73.066, + "recall_at_100": 92.27, + "recall_at_1000": 98.18, + "recall_at_3": 53.632999999999996, + "recall_at_5": 62.476, + "main_score": 53.151 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/QuoraRetrieval.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/QuoraRetrieval.json new file mode 100644 index 000000000..ae3166024 --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "6205996560df11e3a3da9ab4f926788fc30a7db4", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 54.993, + "map_at_10": 69.07600000000001, + "map_at_100": 70.05799999999999, + "map_at_1000": 70.09, + "map_at_3": 65.456, + "map_at_5": 67.622, + "mrr_at_1": 63.07000000000001, + "mrr_at_10": 72.637, + "mrr_at_100": 73.029, + "mrr_at_1000": 73.033, + "mrr_at_3": 70.572, + "mrr_at_5": 71.86399999999999, + "ndcg_at_1": 63.07000000000001, + "ndcg_at_10": 74.708, + "ndcg_at_100": 77.579, + "ndcg_at_1000": 77.897, + "ndcg_at_3": 69.69999999999999, + "ndcg_at_5": 72.321, + "precision_at_1": 63.07000000000001, + "precision_at_10": 11.851, + "precision_at_100": 1.481, + "precision_at_1000": 0.156, + "precision_at_3": 30.747000000000003, + "precision_at_5": 20.830000000000002, + "recall_at_1": 54.993, + "recall_at_10": 87.18900000000001, + "recall_at_100": 98.137, + "recall_at_1000": 99.833, + "recall_at_3": 73.654, + "recall_at_5": 80.36, + "main_score": 74.708 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/RedditClustering.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/RedditClustering.json new file mode 100644 index 000000000..1ccae23bf --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "b2805658ae38990172679479369a78b86de8c390", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.53178375429036, + "main_score": 35.53178375429036 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/RedditClusteringP2P.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/RedditClusteringP2P.json new file mode 100644 index 000000000..184ae8cd2 --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 54.520782970558265, + "main_score": 54.520782970558265 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/SCIDOCS.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/SCIDOCS.json new file mode 100644 index 000000000..ad14f84b2 --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "5c59ef3e437a0a9651c8fe6fde943e7dce59fba5", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.3229999999999995, + "map_at_10": 10.979999999999999, + "map_at_100": 12.867, + "map_at_1000": 13.147, + "map_at_3": 7.973, + "map_at_5": 9.513, + "mrr_at_1": 21.3, + "mrr_at_10": 32.34, + "mrr_at_100": 33.428999999999995, + "mrr_at_1000": 33.489999999999995, + "mrr_at_3": 28.999999999999996, + "mrr_at_5": 31.019999999999996, + "ndcg_at_1": 21.3, + "ndcg_at_10": 18.619, + "ndcg_at_100": 26.108999999999998, + "ndcg_at_1000": 31.253999999999998, + "ndcg_at_3": 17.842, + "ndcg_at_5": 15.673, + "precision_at_1": 21.3, + "precision_at_10": 9.55, + "precision_at_100": 2.0340000000000003, + "precision_at_1000": 0.327, + "precision_at_3": 16.667, + "precision_at_5": 13.76, + "recall_at_1": 4.3229999999999995, + "recall_at_10": 19.387, + "recall_at_100": 41.307, + "recall_at_1000": 66.475, + "recall_at_3": 10.143, + "recall_at_5": 14.007, + "main_score": 18.619 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/SICK-R.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/SICK-R.json new file mode 100644 index 000000000..e50df789b --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 78.77975189382573, + "cos_sim_spearman": 69.81522686267631, + "euclidean_pearson": 71.37617936889518, + "euclidean_spearman": 65.71738481148611, + "manhattan_pearson": 71.58222165832424, + "manhattan_spearman": 65.86851365286654, + "cosine_pearson": 78.77975189382573, + "cosine_spearman": 69.81522686267631, + "main_score": 69.81522686267631 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/STS12.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/STS12.json new file mode 100644 index 000000000..47c26208f --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "fdf84275bb8ce4b49c971d02e84dd1abc677a50f", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 77.75509450443367, + "cos_sim_spearman": 69.66180222442091, + "euclidean_pearson": 74.98512779786111, + "euclidean_spearman": 69.5997451409469, + "manhattan_pearson": 75.50135090962459, + "manhattan_spearman": 69.94984748475302, + "cosine_pearson": 77.75509450443367, + "cosine_spearman": 69.66180222442091, + "main_score": 69.66180222442091 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/STS13.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/STS13.json new file mode 100644 index 000000000..730d50f12 --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "1591bfcbe8c69d4bf7fe2a16e2451017832cafb9", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 79.42363892383264, + "cos_sim_spearman": 79.66529244176742, + "euclidean_pearson": 79.50429208135942, + "euclidean_spearman": 80.44767586416276, + "manhattan_pearson": 79.58563944997708, + "manhattan_spearman": 80.51452267103, + "cosine_pearson": 79.42363892383264, + "cosine_spearman": 79.66529244176742, + "main_score": 79.66529244176742 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/STS14.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/STS14.json new file mode 100644 index 000000000..5fe6fbf1c --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e2125984e7df8b7871f6ae9949cf6b6795e7c54b", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 79.2749401478149, + "cos_sim_spearman": 74.6076920702392, + "euclidean_pearson": 73.3302002952881, + "euclidean_spearman": 70.67029803077013, + "manhattan_pearson": 73.52699344010296, + "manhattan_spearman": 70.8517556194297, + "cosine_pearson": 79.2749401478149, + "cosine_spearman": 74.6076920702392, + "main_score": 74.6076920702392 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/STS15.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/STS15.json new file mode 100644 index 000000000..cfb4e7430 --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "1cd7298cac12a96a373b6a2f18738bb3e739a9b6", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.20884740785921, + "cos_sim_spearman": 83.80600789090722, + "euclidean_pearson": 74.9154089816344, + "euclidean_spearman": 75.69243899592276, + "manhattan_pearson": 75.0312832634451, + "manhattan_spearman": 75.78324960357642, + "cosine_pearson": 83.20884740785921, + "cosine_spearman": 83.80600789090722, + "main_score": 83.80600789090722 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/STS16.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/STS16.json new file mode 100644 index 000000000..a629e387d --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "360a0b2dff98700d09e634a01e1cc1624d3e42cd", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 79.63194141000497, + "cos_sim_spearman": 80.40118418350866, + "euclidean_pearson": 72.07354384551088, + "euclidean_spearman": 72.28819150373845, + "manhattan_pearson": 72.08736119834145, + "manhattan_spearman": 72.28347083261288, + "cosine_pearson": 79.63194141000497, + "cosine_spearman": 80.40118418350866, + "main_score": 80.40118418350866 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/STS17.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/STS17.json new file mode 100644 index 000000000..b3cdb05e2 --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/STS17.json @@ -0,0 +1,182 @@ +{ + "dataset_revision": "9fc37e8c632af1c87a3d23e685d49552a02582a0", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "ko-ko", + "languages": [ + "kor-Hang" + ], + "cos_sim_pearson": 66.78512789499386, + "cos_sim_spearman": 66.89125587193288, + "euclidean_pearson": 58.74535708627959, + "euclidean_spearman": 59.62103716794647, + "manhattan_pearson": 59.00494529143961, + "manhattan_spearman": 59.832257846799806, + "cosine_pearson": 66.78512789499386, + "cosine_spearman": 66.89125587193288, + "main_score": 66.89125587193288 + }, + { + "hf_subset": "ar-ar", + "languages": [ + "ara-Arab" + ], + "cos_sim_pearson": 75.48960503523992, + "cos_sim_spearman": 76.4223037534204, + "euclidean_pearson": 64.93966381820944, + "euclidean_spearman": 62.39697395373789, + "manhattan_pearson": 65.54480770061505, + "manhattan_spearman": 62.944204863043105, + "cosine_pearson": 75.48960503523992, + "cosine_spearman": 76.4223037534204, + "main_score": 76.4223037534204 + }, + { + "hf_subset": "en-ar", + "languages": [ + "eng-Latn", + "ara-Arab" + ], + "cos_sim_pearson": 77.7331440643619, + "cos_sim_spearman": 78.0748413292835, + "euclidean_pearson": 38.533108233460304, + "euclidean_spearman": 35.37638615280026, + "manhattan_pearson": 41.0639726746513, + "manhattan_spearman": 37.688161243671765, + "cosine_pearson": 77.7331440643619, + "cosine_spearman": 78.0748413292835, + "main_score": 78.0748413292835 + }, + { + "hf_subset": "en-de", + "languages": [ + "eng-Latn", + "deu-Latn" + ], + "cos_sim_pearson": 58.4628923720782, + "cos_sim_spearman": 59.10093128795948, + "euclidean_pearson": 30.422902393436836, + "euclidean_spearman": 27.837806030497457, + "manhattan_pearson": 32.51576984630963, + "manhattan_spearman": 29.181887010982514, + "cosine_pearson": 58.4628923720782, + "cosine_spearman": 59.10093128795948, + "main_score": 59.10093128795948 + }, + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.87447904613737, + "cos_sim_spearman": 87.06554974065622, + "euclidean_pearson": 76.82669047851108, + "euclidean_spearman": 75.45711985511991, + "manhattan_pearson": 77.46644556452847, + "manhattan_spearman": 76.0249120007112, + "cosine_pearson": 86.87447904613737, + "cosine_spearman": 87.06554974065622, + "main_score": 87.06554974065622 + }, + { + "hf_subset": "en-tr", + "languages": [ + "eng-Latn", + "tur-Latn" + ], + "cos_sim_pearson": 17.784495723497468, + "cos_sim_spearman": 11.79629537128697, + "euclidean_pearson": -4.354328445994008, + "euclidean_spearman": -6.984566116230058, + "manhattan_pearson": -4.166751901507852, + "manhattan_spearman": -6.984143198323786, + "cosine_pearson": 17.784495723497468, + "cosine_spearman": 11.79629537128697, + "main_score": 11.79629537128697 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 76.9009642643449, + "cos_sim_spearman": 78.21764726338341, + "euclidean_pearson": 50.578959144342925, + "euclidean_spearman": 51.664379260719606, + "manhattan_pearson": 53.95690880393329, + "manhattan_spearman": 54.910058464050785, + "cosine_pearson": 76.9009642643449, + "cosine_spearman": 78.21764726338341, + "main_score": 78.21764726338341 + }, + { + "hf_subset": "es-es", + "languages": [ + "spa-Latn" + ], + "cos_sim_pearson": 86.41638022270219, + "cos_sim_spearman": 86.00477030366811, + "euclidean_pearson": 79.7224037788285, + "euclidean_spearman": 79.21417626867616, + "manhattan_pearson": 80.29412412756984, + "manhattan_spearman": 79.49460867616206, + "cosine_pearson": 86.41638022270219, + "cosine_spearman": 86.00477030366811, + "main_score": 86.00477030366811 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 79.90432664091082, + "cos_sim_spearman": 80.46007940700204, + "euclidean_pearson": 49.25348015214428, + "euclidean_spearman": 47.13113020475859, + "manhattan_pearson": 54.57291204043908, + "manhattan_spearman": 51.98559736896087, + "cosine_pearson": 79.90432664091082, + "cosine_spearman": 80.46007940700204, + "main_score": 80.46007940700204 + }, + { + "hf_subset": "it-en", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 52.55164822309034, + "cos_sim_spearman": 51.57629192137736, + "euclidean_pearson": 16.63360593235354, + "euclidean_spearman": 14.479679923782912, + "manhattan_pearson": 18.524867185117472, + "manhattan_spearman": 16.65940056664755, + "cosine_pearson": 52.55164822309034, + "cosine_spearman": 51.57629192137736, + "main_score": 51.57629192137736 + }, + { + "hf_subset": "nl-en", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 46.83690919715875, + "cos_sim_spearman": 45.84993650002922, + "euclidean_pearson": 6.173128686815117, + "euclidean_spearman": 6.260781946306191, + "manhattan_pearson": 7.328440452367316, + "manhattan_spearman": 7.370842306497447, + "cosine_pearson": 46.83690919715875, + "cosine_spearman": 45.84993650002922, + "main_score": 45.84993650002922 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/STS22.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/STS22.json new file mode 100644 index 000000000..3cf7aae18 --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/STS22.json @@ -0,0 +1,288 @@ +{ + "dataset_revision": "2de6ce8c1921b71a755b262c6b57fef195dd7906", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 64.97916914277232, + "cos_sim_spearman": 66.13392188807865, + "euclidean_pearson": 65.3921146908468, + "euclidean_spearman": 65.8381588635056, + "manhattan_pearson": 65.8866165769975, + "manhattan_spearman": 66.27774050472219, + "cosine_pearson": 64.97916914277232, + "cosine_spearman": 66.13392188807865, + "main_score": 66.13392188807865 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "cos_sim_pearson": 25.605130445111545, + "cos_sim_spearman": 30.054844562369254, + "euclidean_pearson": 23.890611005408196, + "euclidean_spearman": 29.07902600726761, + "manhattan_pearson": 24.239478426621833, + "manhattan_spearman": 29.48547576782375, + "cosine_pearson": 25.605130445111545, + "cosine_spearman": 30.054844562369254, + "main_score": 30.054844562369254 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "cos_sim_pearson": 61.6665616159781, + "cos_sim_spearman": 65.41310206289988, + "euclidean_pearson": 68.38805493215008, + "euclidean_spearman": 65.22777377603435, + "manhattan_pearson": 69.37445390454346, + "manhattan_spearman": 66.02437701858754, + "cosine_pearson": 61.6665616159781, + "cosine_spearman": 65.41310206289988, + "main_score": 65.41310206289988 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "cos_sim_pearson": 15.302891825626372, + "cos_sim_spearman": 31.134517255070097, + "euclidean_pearson": 12.672592658843143, + "euclidean_spearman": 29.14881036784207, + "manhattan_pearson": 13.528545327757735, + "manhattan_spearman": 29.56217928148797, + "cosine_pearson": 15.302891825626372, + "cosine_spearman": 31.134517255070097, + "main_score": 31.134517255070097 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "cos_sim_pearson": 28.79299114515319, + "cos_sim_spearman": 47.135864983626206, + "euclidean_pearson": 40.66410787594309, + "euclidean_spearman": 45.09585593138228, + "manhattan_pearson": 42.02561630700308, + "manhattan_spearman": 45.43979983670554, + "cosine_pearson": 28.79299114515319, + "cosine_spearman": 47.135864983626206, + "main_score": 47.135864983626206 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "cos_sim_pearson": 46.00096625052943, + "cos_sim_spearman": 58.67147426715496, + "euclidean_pearson": 54.7154367422438, + "euclidean_spearman": 59.003235142442634, + "manhattan_pearson": 56.3116235357115, + "manhattan_spearman": 60.12956331404423, + "cosine_pearson": 46.00096625052943, + "cosine_spearman": 58.67147426715496, + "main_score": 58.67147426715496 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "cos_sim_pearson": 29.3396354650316, + "cos_sim_spearman": 43.3632935734809, + "euclidean_pearson": 31.18506539466593, + "euclidean_spearman": 37.531745324803815, + "manhattan_pearson": 32.829038232529015, + "manhattan_spearman": 38.04574361589953, + "cosine_pearson": 29.3396354650316, + "cosine_spearman": 43.3632935734809, + "main_score": 43.3632935734809 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 62.9596148375188, + "cos_sim_spearman": 66.77653412402461, + "euclidean_pearson": 64.53156585980886, + "euclidean_spearman": 66.2884373036083, + "manhattan_pearson": 65.2831035495143, + "manhattan_spearman": 66.83641945244322, + "cosine_pearson": 62.9596148375188, + "cosine_spearman": 66.77653412402461, + "main_score": 66.77653412402461 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 79.9138821493919, + "cos_sim_spearman": 80.38097535004677, + "euclidean_pearson": 76.2401499094322, + "euclidean_spearman": 77.00897050735907, + "manhattan_pearson": 76.69531453728563, + "manhattan_spearman": 77.83189696428695, + "cosine_pearson": 79.9138821493919, + "cosine_spearman": 80.38097535004677, + "main_score": 80.38097535004677 + }, + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 51.27009640779202, + "cos_sim_spearman": 51.16120562029285, + "euclidean_pearson": 52.20594985566323, + "euclidean_spearman": 52.75331049709882, + "manhattan_pearson": 52.2725118792549, + "manhattan_spearman": 53.614847968995115, + "cosine_pearson": 51.27009640779202, + "cosine_spearman": 51.16120562029285, + "main_score": 51.16120562029285 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 70.46044814118835, + "cos_sim_spearman": 75.05760236668672, + "euclidean_pearson": 72.80128921879461, + "euclidean_spearman": 73.81164755219257, + "manhattan_pearson": 72.7863795809044, + "manhattan_spearman": 73.65932033818906, + "cosine_pearson": 70.46044814118835, + "cosine_spearman": 75.05760236668672, + "main_score": 75.05760236668672 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "cos_sim_pearson": 61.89276840435938, + "cos_sim_spearman": 65.65042955732055, + "euclidean_pearson": 61.22969491863841, + "euclidean_spearman": 63.451215637904724, + "manhattan_pearson": 61.16138956945465, + "manhattan_spearman": 63.34966179331079, + "cosine_pearson": 61.89276840435938, + "cosine_spearman": 65.65042955732055, + "main_score": 65.65042955732055 + }, + { + "hf_subset": "pl-en", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 56.377577221753626, + "cos_sim_spearman": 53.31223653270353, + "euclidean_pearson": 26.488793041564307, + "euclidean_spearman": 19.524551741701472, + "manhattan_pearson": 24.322868054606474, + "manhattan_spearman": 19.50371443994939, + "cosine_pearson": 56.377577221753626, + "cosine_spearman": 53.31223653270353, + "main_score": 53.31223653270353 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "cos_sim_pearson": 69.3634693673425, + "cos_sim_spearman": 68.45051245419702, + "euclidean_pearson": 56.1417414374769, + "euclidean_spearman": 55.89891749631458, + "manhattan_pearson": 57.266417430882925, + "manhattan_spearman": 56.57927102744128, + "cosine_pearson": 69.3634693673425, + "cosine_spearman": 68.45051245419702, + "main_score": 68.45051245419702 + }, + { + "hf_subset": "es-it", + "languages": [ + "spa-Latn", + "ita-Latn" + ], + "cos_sim_pearson": 60.04169437653179, + "cos_sim_spearman": 65.49531007553446, + "euclidean_pearson": 58.583860732586324, + "euclidean_spearman": 58.80034792537441, + "manhattan_pearson": 59.02513161664622, + "manhattan_spearman": 58.42942047904558, + "cosine_pearson": 60.04169437653179, + "cosine_spearman": 65.49531007553446, + "main_score": 65.49531007553446 + }, + { + "hf_subset": "de-fr", + "languages": [ + "deu-Latn", + "fra-Latn" + ], + "cos_sim_pearson": 48.81035211493999, + "cos_sim_spearman": 53.27599246786967, + "euclidean_pearson": 52.25710699032889, + "euclidean_spearman": 55.22995695529873, + "manhattan_pearson": 51.894901893217884, + "manhattan_spearman": 54.95919975149795, + "cosine_pearson": 48.81035211493999, + "cosine_spearman": 53.27599246786967, + "main_score": 53.27599246786967 + }, + { + "hf_subset": "de-pl", + "languages": [ + "deu-Latn", + "pol-Latn" + ], + "cos_sim_pearson": 36.75993101477816, + "cos_sim_spearman": 43.050156692479355, + "euclidean_pearson": 51.49021084746248, + "euclidean_spearman": 49.54771253090078, + "manhattan_pearson": 54.68410760796417, + "manhattan_spearman": 48.19277197691717, + "cosine_pearson": 36.75993101477816, + "cosine_spearman": 43.050156692479355, + "main_score": 43.050156692479355 + }, + { + "hf_subset": "fr-pl", + "languages": [ + "fra-Latn", + "pol-Latn" + ], + "cos_sim_pearson": 48.553763306386486, + "cos_sim_spearman": 28.17180849095055, + "euclidean_pearson": 17.50739087826514, + "euclidean_spearman": 16.903085094570333, + "manhattan_pearson": 20.750046512534112, + "manhattan_spearman": 5.634361698190111, + "cosine_pearson": 48.553763306386486, + "cosine_spearman": 28.17180849095055, + "main_score": 28.17180849095055 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/STSBenchmark.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/STSBenchmark.json new file mode 100644 index 000000000..64428ba09 --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "8913289635987208e6e7c72789e4be2fe94b6abd", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.17107190594417, + "cos_sim_spearman": 80.89611873505183, + "euclidean_pearson": 71.82491561814403, + "euclidean_spearman": 70.33608835403274, + "manhattan_pearson": 71.89538332420133, + "manhattan_spearman": 70.36082395775944, + "cosine_pearson": 82.17107190594417, + "cosine_spearman": 80.89611873505183, + "main_score": 80.89611873505183 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/SciDocsRR.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/SciDocsRR.json new file mode 100644 index 000000000..3344f2804 --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "56a6d0140cf6356659e2a7c1413286a774468d44", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 79.77047154974562, + "mrr": 94.25887021475256, + "main_score": 79.77047154974562 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/SciFact.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/SciFact.json new file mode 100644 index 000000000..cf6737a04 --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "a75ae049398addde9b70f6b268875f5cbce99089", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 56.328, + "map_at_10": 67.167, + "map_at_100": 67.721, + "map_at_1000": 67.735, + "map_at_3": 64.20400000000001, + "map_at_5": 65.904, + "mrr_at_1": 59.667, + "mrr_at_10": 68.553, + "mrr_at_100": 68.992, + "mrr_at_1000": 69.004, + "mrr_at_3": 66.22200000000001, + "mrr_at_5": 67.739, + "ndcg_at_1": 59.667, + "ndcg_at_10": 72.111, + "ndcg_at_100": 74.441, + "ndcg_at_1000": 74.90599999999999, + "ndcg_at_3": 67.11399999999999, + "ndcg_at_5": 69.687, + "precision_at_1": 59.667, + "precision_at_10": 9.733, + "precision_at_100": 1.09, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 26.444000000000003, + "precision_at_5": 17.599999999999998, + "recall_at_1": 56.328, + "recall_at_10": 85.8, + "recall_at_100": 96.167, + "recall_at_1000": 100.0, + "recall_at_3": 72.433, + "recall_at_5": 78.972, + "main_score": 72.111 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/SprintDuplicateQuestions.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..5fc04b068 --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "5a8256d0dff9c4bd3be3ba3e67e4e70173f802ea", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.8019801980198, + "cos_sim_ap": 94.92527097094644, + "cos_sim_f1": 89.91935483870968, + "cos_sim_precision": 90.65040650406505, + "cos_sim_recall": 89.2, + "dot_accuracy": 99.51782178217822, + "dot_ap": 81.30756869559929, + "dot_f1": 75.88235294117648, + "dot_precision": 74.42307692307692, + "dot_recall": 77.4, + "euclidean_accuracy": 99.73069306930694, + "euclidean_ap": 91.05040371796932, + "euclidean_f1": 85.7889237199582, + "euclidean_precision": 89.82494529540482, + "euclidean_recall": 82.1, + "manhattan_accuracy": 99.73762376237623, + "manhattan_ap": 91.4823412839869, + "manhattan_f1": 86.39836984207845, + "manhattan_precision": 88.05815160955348, + "manhattan_recall": 84.8, + "max_accuracy": 99.8019801980198, + "max_ap": 94.92527097094644, + "max_f1": 89.91935483870968, + "main_score": 94.92527097094644 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/StackExchangeClustering.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/StackExchangeClustering.json new file mode 100644 index 000000000..a0a116734 --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "70a89468f6dccacc6aa2b12a6eac54e74328f235", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 55.13046832022158, + "main_score": 55.13046832022158 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/StackExchangeClusteringP2P.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..0aa4dacda --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "d88009ab563dd0b16cfaf4436abaf97fa3550cf0", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.31252463546675, + "main_score": 34.31252463546675 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/StackOverflowDupQuestions.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..657aa7dc5 --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ef807ea29a75ec4f91b50fd4191cb4ee4589a9f9", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 51.06639688231414, + "mrr": 51.80205415499534, + "main_score": 51.06639688231414 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/SummEval.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/SummEval.json new file mode 100644 index 000000000..c8655a041 --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "8753c2788d36c01fc6f05d03fe3f7268d63f9122", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.963331462886956, + "cos_sim_spearman": 33.59510652629926, + "dot_pearson": 29.033733540882125, + "dot_spearman": 31.550290638315506, + "cosine_pearson": 31.963331462886956, + "cosine_spearman": 33.59510652629926, + "main_score": 33.59510652629926 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/TRECCOVID.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/TRECCOVID.json new file mode 100644 index 000000000..273b2403b --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "2c8041b2c07a79b6f7ba8fe6acc72e5d9f92d217", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.23600000000000002, + "map_at_10": 2.09, + "map_at_100": 12.466000000000001, + "map_at_1000": 29.852, + "map_at_3": 0.6859999999999999, + "map_at_5": 1.099, + "mrr_at_1": 88.0, + "mrr_at_10": 94.0, + "mrr_at_100": 94.0, + "mrr_at_1000": 94.0, + "mrr_at_3": 94.0, + "mrr_at_5": 94.0, + "ndcg_at_1": 86.0, + "ndcg_at_10": 81.368, + "ndcg_at_100": 61.879, + "ndcg_at_1000": 55.282, + "ndcg_at_3": 84.816, + "ndcg_at_5": 82.503, + "precision_at_1": 88.0, + "precision_at_10": 85.6, + "precision_at_100": 63.85999999999999, + "precision_at_1000": 24.682000000000002, + "precision_at_3": 88.667, + "precision_at_5": 86.0, + "recall_at_1": 0.23600000000000002, + "recall_at_10": 2.25, + "recall_at_100": 15.488, + "recall_at_1000": 52.196, + "recall_at_3": 0.721, + "recall_at_5": 1.159, + "main_score": 81.368 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/Tatoeba.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/Tatoeba.json new file mode 100644 index 000000000..fc721c554 --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/Tatoeba.json @@ -0,0 +1,1354 @@ +{ + "dataset_revision": "ed9e4a974f867fd9736efcf222fc3a26487387a5", + "task_name": "Tatoeba", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "sqi-eng", + "languages": [ + "sqi-Latn", + "eng-Latn" + ], + "accuracy": 12.7, + "f1": 10.384182044950325, + "precision": 9.805277385275312, + "recall": 12.7, + "main_score": 10.384182044950325 + }, + { + "hf_subset": "fry-eng", + "languages": [ + "fry-Latn", + "eng-Latn" + ], + "accuracy": 30.63583815028902, + "f1": 24.623726947426373, + "precision": 22.987809919828013, + "recall": 30.63583815028902, + "main_score": 24.623726947426373 + }, + { + "hf_subset": "kur-eng", + "languages": [ + "kur-Latn", + "eng-Latn" + ], + "accuracy": 10.487804878048781, + "f1": 8.255945048627975, + "precision": 7.649047253615001, + "recall": 10.487804878048781, + "main_score": 8.255945048627975 + }, + { + "hf_subset": "tur-eng", + "languages": [ + "tur-Latn", + "eng-Latn" + ], + "accuracy": 8.5, + "f1": 6.154428783776609, + "precision": 5.680727638128585, + "recall": 8.5, + "main_score": 6.154428783776609 + }, + { + "hf_subset": "deu-eng", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "accuracy": 73.0, + "f1": 70.10046605876393, + "precision": 69.0018253968254, + "recall": 73.0, + "main_score": 70.10046605876393 + }, + { + "hf_subset": "nld-eng", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "accuracy": 32.7, + "f1": 29.7428583868239, + "precision": 28.81671359506905, + "recall": 32.7, + "main_score": 29.7428583868239 + }, + { + "hf_subset": "ron-eng", + "languages": [ + "ron-Latn", + "eng-Latn" + ], + "accuracy": 31.5, + "f1": 27.228675552174003, + "precision": 25.950062299847747, + "recall": 31.5, + "main_score": 27.228675552174003 + }, + { + "hf_subset": "ang-eng", + "languages": [ + "ang-Latn", + "eng-Latn" + ], + "accuracy": 35.82089552238806, + "f1": 28.75836980510979, + "precision": 26.971643613434658, + "recall": 35.82089552238806, + "main_score": 28.75836980510979 + }, + { + "hf_subset": "ido-eng", + "languages": [ + "ido-Latn", + "eng-Latn" + ], + "accuracy": 49.8, + "f1": 43.909237401451776, + "precision": 41.944763440988936, + "recall": 49.8, + "main_score": 43.909237401451776 + }, + { + "hf_subset": "jav-eng", + "languages": [ + "jav-Latn", + "eng-Latn" + ], + "accuracy": 18.536585365853657, + "f1": 15.020182570246751, + "precision": 14.231108073213337, + "recall": 18.536585365853657, + "main_score": 15.020182570246751 + }, + { + "hf_subset": "isl-eng", + "languages": [ + "isl-Latn", + "eng-Latn" + ], + "accuracy": 8.7, + "f1": 6.2934784902885355, + "precision": 5.685926293425392, + "recall": 8.7, + "main_score": 6.2934784902885355 + }, + { + "hf_subset": "slv-eng", + "languages": [ + "slv-Latn", + "eng-Latn" + ], + "accuracy": 12.879708383961116, + "f1": 10.136118341751114, + "precision": 9.571444036679436, + "recall": 12.879708383961116, + "main_score": 10.136118341751114 + }, + { + "hf_subset": "cym-eng", + "languages": [ + "cym-Latn", + "eng-Latn" + ], + "accuracy": 9.217391304347826, + "f1": 6.965003297761793, + "precision": 6.476093529199119, + "recall": 9.217391304347826, + "main_score": 6.965003297761793 + }, + { + "hf_subset": "kaz-eng", + "languages": [ + "kaz-Cyrl", + "eng-Latn" + ], + "accuracy": 4.3478260869565215, + "f1": 3.3186971707677397, + "precision": 3.198658632552104, + "recall": 4.3478260869565215, + "main_score": 3.3186971707677397 + }, + { + "hf_subset": "est-eng", + "languages": [ + "est-Latn", + "eng-Latn" + ], + "accuracy": 6.9, + "f1": 4.760708297894056, + "precision": 4.28409511756074, + "recall": 6.9, + "main_score": 4.760708297894056 + }, + { + "hf_subset": "heb-eng", + "languages": [ + "heb-Hebr", + "eng-Latn" + ], + "accuracy": 2.1999999999999997, + "f1": 1.6862703878117107, + "precision": 1.6048118233915603, + "recall": 2.1999999999999997, + "main_score": 1.6862703878117107 + }, + { + "hf_subset": "gla-eng", + "languages": [ + "gla-Latn", + "eng-Latn" + ], + "accuracy": 3.0156815440289506, + "f1": 2.0913257250659134, + "precision": 1.9072775486461648, + "recall": 3.0156815440289506, + "main_score": 2.0913257250659134 + }, + { + "hf_subset": "mar-eng", + "languages": [ + "mar-Deva", + "eng-Latn" + ], + "accuracy": 49.0, + "f1": 45.5254456536713, + "precision": 44.134609250398725, + "recall": 49.0, + "main_score": 45.5254456536713 + }, + { + "hf_subset": "lat-eng", + "languages": [ + "lat-Latn", + "eng-Latn" + ], + "accuracy": 33.5, + "f1": 28.759893973182564, + "precision": 27.401259116024836, + "recall": 33.5, + "main_score": 28.759893973182564 + }, + { + "hf_subset": "bel-eng", + "languages": [ + "bel-Cyrl", + "eng-Latn" + ], + "accuracy": 10.2, + "f1": 8.030039981676275, + "precision": 7.548748077210127, + "recall": 10.2, + "main_score": 8.030039981676275 + }, + { + "hf_subset": "pms-eng", + "languages": [ + "pms-Latn", + "eng-Latn" + ], + "accuracy": 38.095238095238095, + "f1": 31.944999250262406, + "precision": 30.04452690166976, + "recall": 38.095238095238095, + "main_score": 31.944999250262406 + }, + { + "hf_subset": "gle-eng", + "languages": [ + "gle-Latn", + "eng-Latn" + ], + "accuracy": 4.8, + "f1": 3.2638960786708067, + "precision": 3.0495382950729644, + "recall": 4.8, + "main_score": 3.2638960786708067 + }, + { + "hf_subset": "pes-eng", + "languages": [ + "pes-Arab", + "eng-Latn" + ], + "accuracy": 15.8, + "f1": 12.131087470371275, + "precision": 11.141304011547815, + "recall": 15.8, + "main_score": 12.131087470371275 + }, + { + "hf_subset": "nob-eng", + "languages": [ + "nob-Latn", + "eng-Latn" + ], + "accuracy": 23.3, + "f1": 21.073044636921384, + "precision": 20.374220568287285, + "recall": 23.3, + "main_score": 21.073044636921384 + }, + { + "hf_subset": "bul-eng", + "languages": [ + "bul-Cyrl", + "eng-Latn" + ], + "accuracy": 24.9, + "f1": 20.091060685364987, + "precision": 18.899700591081224, + "recall": 24.9, + "main_score": 20.091060685364987 + }, + { + "hf_subset": "cbk-eng", + "languages": [ + "cbk-Latn", + "eng-Latn" + ], + "accuracy": 70.1, + "f1": 64.62940836940835, + "precision": 62.46559523809524, + "recall": 70.1, + "main_score": 64.62940836940835 + }, + { + "hf_subset": "hun-eng", + "languages": [ + "hun-Latn", + "eng-Latn" + ], + "accuracy": 7.199999999999999, + "f1": 5.06613460576115, + "precision": 4.625224463391809, + "recall": 7.199999999999999, + "main_score": 5.06613460576115 + }, + { + "hf_subset": "uig-eng", + "languages": [ + "uig-Arab", + "eng-Latn" + ], + "accuracy": 1.7999999999999998, + "f1": 1.2716249514772895, + "precision": 1.2107445914723798, + "recall": 1.7999999999999998, + "main_score": 1.2716249514772895 + }, + { + "hf_subset": "rus-eng", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "accuracy": 65.5, + "f1": 59.84399711399712, + "precision": 57.86349567099567, + "recall": 65.5, + "main_score": 59.84399711399712 + }, + { + "hf_subset": "spa-eng", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "accuracy": 95.7, + "f1": 94.48333333333333, + "precision": 93.89999999999999, + "recall": 95.7, + "main_score": 94.48333333333333 + }, + { + "hf_subset": "hye-eng", + "languages": [ + "hye-Armn", + "eng-Latn" + ], + "accuracy": 0.8086253369272237, + "f1": 0.4962046191492002, + "precision": 0.47272438578554393, + "recall": 0.8086253369272237, + "main_score": 0.4962046191492002 + }, + { + "hf_subset": "tel-eng", + "languages": [ + "tel-Telu", + "eng-Latn" + ], + "accuracy": 69.23076923076923, + "f1": 64.6227941099736, + "precision": 63.03795877325289, + "recall": 69.23076923076923, + "main_score": 64.6227941099736 + }, + { + "hf_subset": "afr-eng", + "languages": [ + "afr-Latn", + "eng-Latn" + ], + "accuracy": 20.599999999999998, + "f1": 16.62410040660465, + "precision": 15.598352437967069, + "recall": 20.599999999999998, + "main_score": 16.62410040660465 + }, + { + "hf_subset": "mon-eng", + "languages": [ + "mon-Cyrl", + "eng-Latn" + ], + "accuracy": 4.318181818181818, + "f1": 2.846721192535661, + "precision": 2.6787861417537147, + "recall": 4.318181818181818, + "main_score": 2.846721192535661 + }, + { + "hf_subset": "arz-eng", + "languages": [ + "arz-Arab", + "eng-Latn" + ], + "accuracy": 74.84276729559748, + "f1": 70.6638714185884, + "precision": 68.86792452830188, + "recall": 74.84276729559748, + "main_score": 70.6638714185884 + }, + { + "hf_subset": "hrv-eng", + "languages": [ + "hrv-Latn", + "eng-Latn" + ], + "accuracy": 15.9, + "f1": 12.793698974586706, + "precision": 12.088118017657736, + "recall": 15.9, + "main_score": 12.793698974586706 + }, + { + "hf_subset": "nov-eng", + "languages": [ + "nov-Latn", + "eng-Latn" + ], + "accuracy": 59.92217898832685, + "f1": 52.23086900129701, + "precision": 49.25853869433636, + "recall": 59.92217898832685, + "main_score": 52.23086900129701 + }, + { + "hf_subset": "gsw-eng", + "languages": [ + "gsw-Latn", + "eng-Latn" + ], + "accuracy": 27.350427350427353, + "f1": 21.033781033781032, + "precision": 19.337955491801644, + "recall": 27.350427350427353, + "main_score": 21.033781033781032 + }, + { + "hf_subset": "nds-eng", + "languages": [ + "nds-Latn", + "eng-Latn" + ], + "accuracy": 29.299999999999997, + "f1": 23.91597452425777, + "precision": 22.36696598364942, + "recall": 29.299999999999997, + "main_score": 23.91597452425777 + }, + { + "hf_subset": "ukr-eng", + "languages": [ + "ukr-Cyrl", + "eng-Latn" + ], + "accuracy": 27.3, + "f1": 22.059393517688886, + "precision": 20.503235534170887, + "recall": 27.3, + "main_score": 22.059393517688886 + }, + { + "hf_subset": "uzb-eng", + "languages": [ + "uzb-Latn", + "eng-Latn" + ], + "accuracy": 8.177570093457943, + "f1": 4.714367017906037, + "precision": 4.163882933965758, + "recall": 8.177570093457943, + "main_score": 4.714367017906037 + }, + { + "hf_subset": "lit-eng", + "languages": [ + "lit-Latn", + "eng-Latn" + ], + "accuracy": 5.800000000000001, + "f1": 4.4859357432293825, + "precision": 4.247814465614043, + "recall": 5.800000000000001, + "main_score": 4.4859357432293825 + }, + { + "hf_subset": "ina-eng", + "languages": [ + "ina-Latn", + "eng-Latn" + ], + "accuracy": 78.4, + "f1": 73.67166666666667, + "precision": 71.83285714285714, + "recall": 78.4, + "main_score": 73.67166666666667 + }, + { + "hf_subset": "lfn-eng", + "languages": [ + "lfn-Latn", + "eng-Latn" + ], + "accuracy": 50.3, + "f1": 44.85221545883311, + "precision": 43.04913026243909, + "recall": 50.3, + "main_score": 44.85221545883311 + }, + { + "hf_subset": "zsm-eng", + "languages": [ + "zsm-Latn", + "eng-Latn" + ], + "accuracy": 83.5, + "f1": 79.95151515151515, + "precision": 78.53611111111111, + "recall": 83.5, + "main_score": 79.95151515151515 + }, + { + "hf_subset": "ita-eng", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "accuracy": 69.89999999999999, + "f1": 65.03756269256269, + "precision": 63.233519536019536, + "recall": 69.89999999999999, + "main_score": 65.03756269256269 + }, + { + "hf_subset": "cmn-eng", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "accuracy": 93.2, + "f1": 91.44666666666666, + "precision": 90.63333333333333, + "recall": 93.2, + "main_score": 91.44666666666666 + }, + { + "hf_subset": "lvs-eng", + "languages": [ + "lvs-Latn", + "eng-Latn" + ], + "accuracy": 8.3, + "f1": 6.553388144729963, + "precision": 6.313497782829976, + "recall": 8.3, + "main_score": 6.553388144729963 + }, + { + "hf_subset": "glg-eng", + "languages": [ + "glg-Latn", + "eng-Latn" + ], + "accuracy": 83.6, + "f1": 79.86243107769424, + "precision": 78.32555555555555, + "recall": 83.6, + "main_score": 79.86243107769424 + }, + { + "hf_subset": "ceb-eng", + "languages": [ + "ceb-Latn", + "eng-Latn" + ], + "accuracy": 9.166666666666666, + "f1": 6.637753604420271, + "precision": 6.10568253585495, + "recall": 9.166666666666666, + "main_score": 6.637753604420271 + }, + { + "hf_subset": "bre-eng", + "languages": [ + "bre-Latn", + "eng-Latn" + ], + "accuracy": 7.3999999999999995, + "f1": 4.6729483612322165, + "precision": 4.103844520292658, + "recall": 7.3999999999999995, + "main_score": 4.6729483612322165 + }, + { + "hf_subset": "ben-eng", + "languages": [ + "ben-Beng", + "eng-Latn" + ], + "accuracy": 80.30000000000001, + "f1": 75.97666666666667, + "precision": 74.16, + "recall": 80.30000000000001, + "main_score": 75.97666666666667 + }, + { + "hf_subset": "swg-eng", + "languages": [ + "swg-Latn", + "eng-Latn" + ], + "accuracy": 23.214285714285715, + "f1": 16.88988095238095, + "precision": 15.364937641723353, + "recall": 23.214285714285715, + "main_score": 16.88988095238095 + }, + { + "hf_subset": "arq-eng", + "languages": [ + "arq-Arab", + "eng-Latn" + ], + "accuracy": 33.15038419319429, + "f1": 27.747873024072415, + "precision": 25.99320572578704, + "recall": 33.15038419319429, + "main_score": 27.747873024072415 + }, + { + "hf_subset": "kab-eng", + "languages": [ + "kab-Latn", + "eng-Latn" + ], + "accuracy": 2.6, + "f1": 1.687059048752127, + "precision": 1.5384884521299, + "recall": 2.6, + "main_score": 1.687059048752127 + }, + { + "hf_subset": "fra-eng", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "accuracy": 93.30000000000001, + "f1": 91.44000000000001, + "precision": 90.59166666666667, + "recall": 93.30000000000001, + "main_score": 91.44000000000001 + }, + { + "hf_subset": "por-eng", + "languages": [ + "por-Latn", + "eng-Latn" + ], + "accuracy": 94.1, + "f1": 92.61666666666667, + "precision": 91.88333333333333, + "recall": 94.1, + "main_score": 92.61666666666667 + }, + { + "hf_subset": "tat-eng", + "languages": [ + "tat-Cyrl", + "eng-Latn" + ], + "accuracy": 5.0, + "f1": 3.589591971281927, + "precision": 3.3046491614532854, + "recall": 5.0, + "main_score": 3.589591971281927 + }, + { + "hf_subset": "oci-eng", + "languages": [ + "oci-Latn", + "eng-Latn" + ], + "accuracy": 45.9, + "f1": 40.171969141969136, + "precision": 38.30764368870302, + "recall": 45.9, + "main_score": 40.171969141969136 + }, + { + "hf_subset": "pol-eng", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "accuracy": 16.900000000000002, + "f1": 14.094365204207351, + "precision": 13.276519841269844, + "recall": 16.900000000000002, + "main_score": 14.094365204207351 + }, + { + "hf_subset": "war-eng", + "languages": [ + "war-Latn", + "eng-Latn" + ], + "accuracy": 12.8, + "f1": 10.376574912567156, + "precision": 9.758423963284509, + "recall": 12.8, + "main_score": 10.376574912567156 + }, + { + "hf_subset": "aze-eng", + "languages": [ + "aze-Latn", + "eng-Latn" + ], + "accuracy": 8.1, + "f1": 6.319455355175778, + "precision": 5.849948830628881, + "recall": 8.1, + "main_score": 6.319455355175778 + }, + { + "hf_subset": "vie-eng", + "languages": [ + "vie-Latn", + "eng-Latn" + ], + "accuracy": 95.5, + "f1": 94.19666666666667, + "precision": 93.60000000000001, + "recall": 95.5, + "main_score": 94.19666666666667 + }, + { + "hf_subset": "nno-eng", + "languages": [ + "nno-Latn", + "eng-Latn" + ], + "accuracy": 19.1, + "f1": 16.280080686081906, + "precision": 15.451573089395668, + "recall": 19.1, + "main_score": 16.280080686081906 + }, + { + "hf_subset": "cha-eng", + "languages": [ + "cha-Latn", + "eng-Latn" + ], + "accuracy": 30.656934306569344, + "f1": 23.2568647897115, + "precision": 21.260309034031664, + "recall": 30.656934306569344, + "main_score": 23.2568647897115 + }, + { + "hf_subset": "mhr-eng", + "languages": [ + "mhr-Cyrl", + "eng-Latn" + ], + "accuracy": 2.1999999999999997, + "f1": 1.556861047295521, + "precision": 1.4555993437238521, + "recall": 2.1999999999999997, + "main_score": 1.556861047295521 + }, + { + "hf_subset": "dan-eng", + "languages": [ + "dan-Latn", + "eng-Latn" + ], + "accuracy": 27.500000000000004, + "f1": 23.521682636223492, + "precision": 22.345341306967683, + "recall": 27.500000000000004, + "main_score": 23.521682636223492 + }, + { + "hf_subset": "ell-eng", + "languages": [ + "ell-Grek", + "eng-Latn" + ], + "accuracy": 7.3999999999999995, + "f1": 5.344253880846173, + "precision": 4.999794279068863, + "recall": 7.3999999999999995, + "main_score": 5.344253880846173 + }, + { + "hf_subset": "amh-eng", + "languages": [ + "amh-Ethi", + "eng-Latn" + ], + "accuracy": 0.5952380952380952, + "f1": 0.026455026455026457, + "precision": 0.013528138528138528, + "recall": 0.5952380952380952, + "main_score": 0.026455026455026457 + }, + { + "hf_subset": "pam-eng", + "languages": [ + "pam-Latn", + "eng-Latn" + ], + "accuracy": 7.3, + "f1": 5.853140211779251, + "precision": 5.505563080945322, + "recall": 7.3, + "main_score": 5.853140211779251 + }, + { + "hf_subset": "hsb-eng", + "languages": [ + "hsb-Latn", + "eng-Latn" + ], + "accuracy": 13.250517598343686, + "f1": 9.676349506190704, + "precision": 8.930392053553216, + "recall": 13.250517598343686, + "main_score": 9.676349506190704 + }, + { + "hf_subset": "srp-eng", + "languages": [ + "srp-Cyrl", + "eng-Latn" + ], + "accuracy": 14.499999999999998, + "f1": 11.68912588067557, + "precision": 11.024716513105519, + "recall": 14.499999999999998, + "main_score": 11.68912588067557 + }, + { + "hf_subset": "epo-eng", + "languages": [ + "epo-Latn", + "eng-Latn" + ], + "accuracy": 30.099999999999998, + "f1": 26.196880936315146, + "precision": 25.271714086169478, + "recall": 30.099999999999998, + "main_score": 26.196880936315146 + }, + { + "hf_subset": "kzj-eng", + "languages": [ + "kzj-Latn", + "eng-Latn" + ], + "accuracy": 6.4, + "f1": 5.1749445942023335, + "precision": 4.975338142029625, + "recall": 6.4, + "main_score": 5.1749445942023335 + }, + { + "hf_subset": "awa-eng", + "languages": [ + "awa-Deva", + "eng-Latn" + ], + "accuracy": 39.39393939393939, + "f1": 35.005707393767096, + "precision": 33.64342032053631, + "recall": 39.39393939393939, + "main_score": 35.005707393767096 + }, + { + "hf_subset": "fao-eng", + "languages": [ + "fao-Latn", + "eng-Latn" + ], + "accuracy": 18.3206106870229, + "f1": 12.610893447220345, + "precision": 11.079228765297467, + "recall": 18.3206106870229, + "main_score": 12.610893447220345 + }, + { + "hf_subset": "mal-eng", + "languages": [ + "mal-Mlym", + "eng-Latn" + ], + "accuracy": 85.58951965065502, + "f1": 83.30363944928548, + "precision": 82.40026591554977, + "recall": 85.58951965065502, + "main_score": 83.30363944928548 + }, + { + "hf_subset": "ile-eng", + "languages": [ + "ile-Latn", + "eng-Latn" + ], + "accuracy": 65.7, + "f1": 59.589642857142856, + "precision": 57.392826797385624, + "recall": 65.7, + "main_score": 59.589642857142856 + }, + { + "hf_subset": "bos-eng", + "languages": [ + "bos-Latn", + "eng-Latn" + ], + "accuracy": 18.07909604519774, + "f1": 13.65194306689995, + "precision": 12.567953943826327, + "recall": 18.07909604519774, + "main_score": 13.65194306689995 + }, + { + "hf_subset": "cor-eng", + "languages": [ + "cor-Latn", + "eng-Latn" + ], + "accuracy": 4.6, + "f1": 2.8335386392505013, + "precision": 2.558444143575722, + "recall": 4.6, + "main_score": 2.8335386392505013 + }, + { + "hf_subset": "cat-eng", + "languages": [ + "cat-Latn", + "eng-Latn" + ], + "accuracy": 90.7, + "f1": 88.30666666666666, + "precision": 87.195, + "recall": 90.7, + "main_score": 88.30666666666666 + }, + { + "hf_subset": "eus-eng", + "languages": [ + "eus-Latn", + "eng-Latn" + ], + "accuracy": 57.699999999999996, + "f1": 53.38433067253876, + "precision": 51.815451335350346, + "recall": 57.699999999999996, + "main_score": 53.38433067253876 + }, + { + "hf_subset": "yue-eng", + "languages": [ + "yue-Hant", + "eng-Latn" + ], + "accuracy": 80.60000000000001, + "f1": 77.0290354090354, + "precision": 75.61685897435898, + "recall": 80.60000000000001, + "main_score": 77.0290354090354 + }, + { + "hf_subset": "swe-eng", + "languages": [ + "swe-Latn", + "eng-Latn" + ], + "accuracy": 24.6, + "f1": 19.52814960069739, + "precision": 18.169084599880502, + "recall": 24.6, + "main_score": 19.52814960069739 + }, + { + "hf_subset": "dtp-eng", + "languages": [ + "dtp-Latn", + "eng-Latn" + ], + "accuracy": 5.0, + "f1": 3.4078491753102376, + "precision": 3.1757682319102387, + "recall": 5.0, + "main_score": 3.4078491753102376 + }, + { + "hf_subset": "kat-eng", + "languages": [ + "kat-Geor", + "eng-Latn" + ], + "accuracy": 1.2064343163538873, + "f1": 0.4224313053283095, + "precision": 0.3360484946842894, + "recall": 1.2064343163538873, + "main_score": 0.4224313053283095 + }, + { + "hf_subset": "jpn-eng", + "languages": [ + "jpn-Jpan", + "eng-Latn" + ], + "accuracy": 76.1, + "f1": 71.36246031746032, + "precision": 69.5086544011544, + "recall": 76.1, + "main_score": 71.36246031746032 + }, + { + "hf_subset": "csb-eng", + "languages": [ + "csb-Latn", + "eng-Latn" + ], + "accuracy": 14.229249011857709, + "f1": 10.026578603653704, + "precision": 9.09171178352764, + "recall": 14.229249011857709, + "main_score": 10.026578603653704 + }, + { + "hf_subset": "xho-eng", + "languages": [ + "xho-Latn", + "eng-Latn" + ], + "accuracy": 8.450704225352112, + "f1": 5.51214407186151, + "precision": 4.928281812084629, + "recall": 8.450704225352112, + "main_score": 5.51214407186151 + }, + { + "hf_subset": "orv-eng", + "languages": [ + "orv-Cyrl", + "eng-Latn" + ], + "accuracy": 7.664670658682635, + "f1": 5.786190079917295, + "precision": 5.3643643579244, + "recall": 7.664670658682635, + "main_score": 5.786190079917295 + }, + { + "hf_subset": "ind-eng", + "languages": [ + "ind-Latn", + "eng-Latn" + ], + "accuracy": 90.5, + "f1": 88.03999999999999, + "precision": 86.94833333333334, + "recall": 90.5, + "main_score": 88.03999999999999 + }, + { + "hf_subset": "tuk-eng", + "languages": [ + "tuk-Latn", + "eng-Latn" + ], + "accuracy": 7.389162561576355, + "f1": 5.482366349556517, + "precision": 5.156814449917898, + "recall": 7.389162561576355, + "main_score": 5.482366349556517 + }, + { + "hf_subset": "max-eng", + "languages": [ + "max-Deva", + "eng-Latn" + ], + "accuracy": 41.54929577464789, + "f1": 36.13520282534367, + "precision": 34.818226488560995, + "recall": 41.54929577464789, + "main_score": 36.13520282534367 + }, + { + "hf_subset": "swh-eng", + "languages": [ + "swh-Latn", + "eng-Latn" + ], + "accuracy": 20.76923076923077, + "f1": 16.742497560177643, + "precision": 15.965759712090138, + "recall": 20.76923076923077, + "main_score": 16.742497560177643 + }, + { + "hf_subset": "hin-eng", + "languages": [ + "hin-Deva", + "eng-Latn" + ], + "accuracy": 88.1, + "f1": 85.23176470588236, + "precision": 84.04458333333334, + "recall": 88.1, + "main_score": 85.23176470588236 + }, + { + "hf_subset": "dsb-eng", + "languages": [ + "dsb-Latn", + "eng-Latn" + ], + "accuracy": 11.899791231732777, + "f1": 8.776706659565102, + "precision": 8.167815946521582, + "recall": 11.899791231732777, + "main_score": 8.776706659565102 + }, + { + "hf_subset": "ber-eng", + "languages": [ + "ber-Tfng", + "eng-Latn" + ], + "accuracy": 6.1, + "f1": 4.916589537178435, + "precision": 4.72523017415345, + "recall": 6.1, + "main_score": 4.916589537178435 + }, + { + "hf_subset": "tam-eng", + "languages": [ + "tam-Taml", + "eng-Latn" + ], + "accuracy": 76.54723127035831, + "f1": 72.75787187839306, + "precision": 71.43338442869005, + "recall": 76.54723127035831, + "main_score": 72.75787187839306 + }, + { + "hf_subset": "slk-eng", + "languages": [ + "slk-Latn", + "eng-Latn" + ], + "accuracy": 11.700000000000001, + "f1": 9.975679190026007, + "precision": 9.569927715653522, + "recall": 11.700000000000001, + "main_score": 9.975679190026007 + }, + { + "hf_subset": "tgl-eng", + "languages": [ + "tgl-Latn", + "eng-Latn" + ], + "accuracy": 13.100000000000001, + "f1": 10.697335850115408, + "precision": 10.113816082086341, + "recall": 13.100000000000001, + "main_score": 10.697335850115408 + }, + { + "hf_subset": "ast-eng", + "languages": [ + "ast-Latn", + "eng-Latn" + ], + "accuracy": 76.37795275590551, + "f1": 71.12860892388451, + "precision": 68.89763779527559, + "recall": 76.37795275590551, + "main_score": 71.12860892388451 + }, + { + "hf_subset": "mkd-eng", + "languages": [ + "mkd-Cyrl", + "eng-Latn" + ], + "accuracy": 13.700000000000001, + "f1": 10.471861684067568, + "precision": 9.602902567641697, + "recall": 13.700000000000001, + "main_score": 10.471861684067568 + }, + { + "hf_subset": "khm-eng", + "languages": [ + "khm-Khmr", + "eng-Latn" + ], + "accuracy": 0.554016620498615, + "f1": 0.37034084643642423, + "precision": 0.34676040281208437, + "recall": 0.554016620498615, + "main_score": 0.37034084643642423 + }, + { + "hf_subset": "ces-eng", + "languages": [ + "ces-Latn", + "eng-Latn" + ], + "accuracy": 12.4, + "f1": 9.552607451092534, + "precision": 8.985175505050504, + "recall": 12.4, + "main_score": 9.552607451092534 + }, + { + "hf_subset": "tzl-eng", + "languages": [ + "tzl-Latn", + "eng-Latn" + ], + "accuracy": 33.65384615384615, + "f1": 27.820512820512818, + "precision": 26.09432234432234, + "recall": 33.65384615384615, + "main_score": 27.820512820512818 + }, + { + "hf_subset": "urd-eng", + "languages": [ + "urd-Arab", + "eng-Latn" + ], + "accuracy": 74.5, + "f1": 70.09686507936507, + "precision": 68.3117857142857, + "recall": 74.5, + "main_score": 70.09686507936507 + }, + { + "hf_subset": "ara-eng", + "languages": [ + "ara-Arab", + "eng-Latn" + ], + "accuracy": 88.3, + "f1": 85.37333333333333, + "precision": 84.05833333333334, + "recall": 88.3, + "main_score": 85.37333333333333 + }, + { + "hf_subset": "kor-eng", + "languages": [ + "kor-Hang", + "eng-Latn" + ], + "accuracy": 25.0, + "f1": 22.393124632031995, + "precision": 21.58347686592367, + "recall": 25.0, + "main_score": 22.393124632031995 + }, + { + "hf_subset": "yid-eng", + "languages": [ + "yid-Hebr", + "eng-Latn" + ], + "accuracy": 0.589622641509434, + "f1": 0.15804980033762941, + "precision": 0.1393275384872965, + "recall": 0.589622641509434, + "main_score": 0.15804980033762941 + }, + { + "hf_subset": "fin-eng", + "languages": [ + "fin-Latn", + "eng-Latn" + ], + "accuracy": 4.1000000000000005, + "f1": 3.4069011332551775, + "precision": 3.1784507042253516, + "recall": 4.1000000000000005, + "main_score": 3.4069011332551775 + }, + { + "hf_subset": "tha-eng", + "languages": [ + "tha-Thai", + "eng-Latn" + ], + "accuracy": 3.102189781021898, + "f1": 2.223851811694751, + "precision": 2.103465682299194, + "recall": 3.102189781021898, + "main_score": 2.223851811694751 + }, + { + "hf_subset": "wuu-eng", + "languages": [ + "wuu-Hans", + "eng-Latn" + ], + "accuracy": 83.1, + "f1": 79.58255835667599, + "precision": 78.09708333333333, + "recall": 83.1, + "main_score": 79.58255835667599 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/Touche2020.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/Touche2020.json new file mode 100644 index 000000000..90a092d0f --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "527b7d77e16e343303e68cb6af11d6e18b9f7b3b", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.322, + "map_at_10": 8.959999999999999, + "map_at_100": 15.136, + "map_at_1000": 16.694, + "map_at_3": 4.837000000000001, + "map_at_5": 6.196, + "mrr_at_1": 28.571, + "mrr_at_10": 47.589999999999996, + "mrr_at_100": 48.166, + "mrr_at_1000": 48.169000000000004, + "mrr_at_3": 43.197, + "mrr_at_5": 45.646, + "ndcg_at_1": 26.531, + "ndcg_at_10": 23.982, + "ndcg_at_100": 35.519, + "ndcg_at_1000": 46.878, + "ndcg_at_3": 26.801000000000002, + "ndcg_at_5": 24.879, + "precision_at_1": 28.571, + "precision_at_10": 22.041, + "precision_at_100": 7.4079999999999995, + "precision_at_1000": 1.492, + "precision_at_3": 28.571, + "precision_at_5": 25.306, + "recall_at_1": 2.322, + "recall_at_10": 15.443999999999999, + "recall_at_100": 45.918, + "recall_at_1000": 79.952, + "recall_at_3": 6.143, + "recall_at_5": 8.737, + "main_score": 23.982 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/ToxicConversationsClassification.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..058ab4c55 --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 66.5452, + "ap": 12.99191723223892, + "f1": 51.667665096195734, + "main_score": 66.5452 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/TweetSentimentExtractionClassification.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..c781b822c --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "62146448f05be9e52a36b8ee9936447ea787eede", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 55.854555744199196, + "f1": 56.131766302254185, + "main_score": 55.854555744199196 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/TwentyNewsgroupsClustering.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..011cc7f11 --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "091a54f9a36281ce7d6590ec8c75dd485e7e01d4", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.27891385518074, + "main_score": 37.27891385518074 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/TwitterSemEval2015.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/TwitterSemEval2015.json new file mode 100644 index 000000000..210020d4b --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 83.53102461703523, + "cos_sim_ap": 65.30753664579191, + "cos_sim_f1": 61.739943872778305, + "cos_sim_precision": 55.438891222175556, + "cos_sim_recall": 69.65699208443272, + "dot_accuracy": 80.38981939560112, + "dot_ap": 53.52081118421347, + "dot_f1": 54.232957844617346, + "dot_precision": 48.43393486828459, + "dot_recall": 61.60949868073878, + "euclidean_accuracy": 82.23758717291531, + "euclidean_ap": 60.361102792772535, + "euclidean_f1": 57.50518791791561, + "euclidean_precision": 51.06470106470107, + "euclidean_recall": 65.8047493403694, + "manhattan_accuracy": 82.14221851344102, + "manhattan_ap": 60.341937223793366, + "manhattan_f1": 57.53803596127247, + "manhattan_precision": 51.08473188702415, + "manhattan_recall": 65.85751978891821, + "max_accuracy": 83.53102461703523, + "max_ap": 65.30753664579191, + "max_f1": 61.739943872778305, + "main_score": 65.30753664579191 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/TwitterURLCorpus.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/TwitterURLCorpus.json new file mode 100644 index 000000000..3f1ab8d69 --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.75305623471883, + "cos_sim_ap": 85.46387153880272, + "cos_sim_f1": 77.91527673159008, + "cos_sim_precision": 72.93667315828353, + "cos_sim_recall": 83.62334462580844, + "dot_accuracy": 85.08169363915086, + "dot_ap": 74.96808060965559, + "dot_f1": 71.39685033990366, + "dot_precision": 64.16948111759288, + "dot_recall": 80.45888512473051, + "euclidean_accuracy": 85.84235650250321, + "euclidean_ap": 78.42045145247211, + "euclidean_f1": 70.32669630775179, + "euclidean_precision": 70.6298050788227, + "euclidean_recall": 70.02617801047121, + "manhattan_accuracy": 85.86176116738464, + "manhattan_ap": 78.54012451558276, + "manhattan_f1": 70.56508080693389, + "manhattan_precision": 69.39626293456413, + "manhattan_recall": 71.77394518016631, + "max_accuracy": 88.75305623471883, + "max_ap": 85.46387153880272, + "max_f1": 77.91527673159008, + "main_score": 85.46387153880272 + } + ] + } +} \ No newline at end of file diff --git a/results/bigscience__sgpt-bloom-7b1-msmarco/external/model_meta.json b/results/bigscience__sgpt-bloom-7b1-msmarco/external/model_meta.json new file mode 100644 index 000000000..3f8857386 --- /dev/null +++ b/results/bigscience__sgpt-bloom-7b1-msmarco/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "bigscience/sgpt-bloom-7b1-msmarco", + "revision": "dc579f3d2d5a0795eba2049e16c3e36c74007ad3", + "release_date": "2022-08-26", + "languages": [], + "loader": null, + "n_parameters": 7068205056, + "memory_usage": null, + "max_tokens": 2048, + "embed_dim": 4096, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/AmazonCounterfactualClassification.json b/results/bijaygurung__stella_en_400M_v5/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..c790dbe18 --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/AmazonCounterfactualClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.35820895522387, + "ap": 70.81322736988783, + "ap_weighted": 70.81322736988783, + "f1": 88.9505466159595, + "f1_weighted": 92.68630932872613, + "main_score": 92.35820895522387 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/AmazonPolarityClassification.json b/results/bijaygurung__stella_en_400M_v5/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..489a49c56 --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/AmazonPolarityClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 97.1945, + "ap": 96.08192192244094, + "ap_weighted": 96.08192192244094, + "f1": 97.1936887167346, + "f1_weighted": 97.1936887167346, + "main_score": 97.1945 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/AmazonReviewsClassification.json b/results/bijaygurung__stella_en_400M_v5/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..6e645c7a2 --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/AmazonReviewsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 59.528000000000006, + "f1": 59.21016819840188, + "f1_weighted": 59.21016819840188, + "main_score": 59.528000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/ArguAna.json b/results/bijaygurung__stella_en_400M_v5/external/ArguAna.json new file mode 100644 index 000000000..128530186 --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/ArguAna.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 64.24, + "map_at_1": 40.398, + "map_at_10": 56.215, + "map_at_100": 56.833999999999996, + "map_at_1000": 56.835, + "map_at_20": 56.747, + "map_at_3": 52.181, + "map_at_5": 54.628, + "mrr_at_1": 41.25177809388336, + "mrr_at_10": 56.570762491815216, + "mrr_at_100": 57.17548614361504, + "mrr_at_1000": 57.176650626377466, + "mrr_at_20": 57.08916253512566, + "mrr_at_3": 52.47747747747754, + "mrr_at_5": 54.94547178757718, + "nauc_map_at_1000_diff1": 22.408086887100158, + "nauc_map_at_1000_max": -8.730419096847543, + "nauc_map_at_1000_std": -17.789262741255737, + "nauc_map_at_100_diff1": 22.407371684274025, + "nauc_map_at_100_max": -8.732263549026266, + "nauc_map_at_100_std": -17.79550515579994, + "nauc_map_at_10_diff1": 21.925005073301246, + "nauc_map_at_10_max": -8.990323944492134, + "nauc_map_at_10_std": -18.199246301671458, + "nauc_map_at_1_diff1": 26.23276644969203, + "nauc_map_at_1_max": -12.376511389571245, + "nauc_map_at_1_std": -18.11411715207284, + "nauc_map_at_20_diff1": 22.32455790850922, + "nauc_map_at_20_max": -8.664671547236034, + "nauc_map_at_20_std": -17.8290016125137, + "nauc_map_at_3_diff1": 22.395462147465064, + "nauc_map_at_3_max": -8.206580750918844, + "nauc_map_at_3_std": -17.604490446911484, + "nauc_map_at_5_diff1": 21.95307379904799, + "nauc_map_at_5_max": -8.03958102978443, + "nauc_map_at_5_std": -17.36578866595004, + "nauc_mrr_at_1000_diff1": 20.124236798365587, + "nauc_mrr_at_1000_max": -9.587376069575898, + "nauc_mrr_at_1000_std": -17.79191612151833, + "nauc_mrr_at_100_diff1": 20.123612603474033, + "nauc_mrr_at_100_max": -9.589187218607831, + "nauc_mrr_at_100_std": -17.7981617777748, + "nauc_mrr_at_10_diff1": 19.723683875738075, + "nauc_mrr_at_10_max": -9.774151729178815, + "nauc_mrr_at_10_std": -18.168668675495162, + "nauc_mrr_at_1_diff1": 23.945332059908132, + "nauc_mrr_at_1_max": -12.260461466152819, + "nauc_mrr_at_1_std": -18.007194922921148, + "nauc_mrr_at_20_diff1": 20.04819461810257, + "nauc_mrr_at_20_max": -9.518368283588936, + "nauc_mrr_at_20_std": -17.831608149836136, + "nauc_mrr_at_3_diff1": 19.8571785245832, + "nauc_mrr_at_3_max": -9.464375021240478, + "nauc_mrr_at_3_std": -17.728533927330453, + "nauc_mrr_at_5_diff1": 19.670313652167827, + "nauc_mrr_at_5_max": -8.966372585728434, + "nauc_mrr_at_5_std": -17.468955834324817, + "nauc_ndcg_at_1000_diff1": 21.863049281767417, + "nauc_ndcg_at_1000_max": -8.18698520924057, + "nauc_ndcg_at_1000_std": -17.634483364794804, + "nauc_ndcg_at_100_diff1": 21.849924385738586, + "nauc_ndcg_at_100_max": -8.226437560889345, + "nauc_ndcg_at_100_std": -17.774648478087002, + "nauc_ndcg_at_10_diff1": 19.888395590413573, + "nauc_ndcg_at_10_max": -8.968706085632382, + "nauc_ndcg_at_10_std": -19.31386964628115, + "nauc_ndcg_at_1_diff1": 26.23276644969203, + "nauc_ndcg_at_1_max": -12.376511389571245, + "nauc_ndcg_at_1_std": -18.11411715207284, + "nauc_ndcg_at_20_diff1": 21.38413342416933, + "nauc_ndcg_at_20_max": -7.636238194084164, + "nauc_ndcg_at_20_std": -17.946390844693028, + "nauc_ndcg_at_3_diff1": 21.29169165029195, + "nauc_ndcg_at_3_max": -6.793840499730093, + "nauc_ndcg_at_3_std": -17.52359001586737, + "nauc_ndcg_at_5_diff1": 20.238297656671364, + "nauc_ndcg_at_5_max": -6.424992706950072, + "nauc_ndcg_at_5_std": -17.082391132291356, + "nauc_precision_at_1000_diff1": -7.05195108528572, + "nauc_precision_at_1000_max": 34.439879624882145, + "nauc_precision_at_1000_std": 68.72436351659353, + "nauc_precision_at_100_diff1": -2.769464113932605, + "nauc_precision_at_100_max": 9.89562961226698, + "nauc_precision_at_100_std": -0.5880967482224028, + "nauc_precision_at_10_diff1": 2.1371544726832323, + "nauc_precision_at_10_max": -11.93051325147756, + "nauc_precision_at_10_std": -30.83144187392059, + "nauc_precision_at_1_diff1": 26.23276644969203, + "nauc_precision_at_1_max": -12.376511389571245, + "nauc_precision_at_1_std": -18.11411715207284, + "nauc_precision_at_20_diff1": 3.780146814257504, + "nauc_precision_at_20_max": 17.06527540214615, + "nauc_precision_at_20_std": -20.36832563035565, + "nauc_precision_at_3_diff1": 17.63894384012077, + "nauc_precision_at_3_max": -2.0220490624638887, + "nauc_precision_at_3_std": -17.285601413493918, + "nauc_precision_at_5_diff1": 12.557855071944601, + "nauc_precision_at_5_max": 0.5840236463956658, + "nauc_precision_at_5_std": -15.827224420217846, + "nauc_recall_at_1000_diff1": -7.051951085286463, + "nauc_recall_at_1000_max": 34.43987962487738, + "nauc_recall_at_1000_std": 68.724363516591, + "nauc_recall_at_100_diff1": -2.769464113930314, + "nauc_recall_at_100_max": 9.895629612270017, + "nauc_recall_at_100_std": -0.58809674821745, + "nauc_recall_at_10_diff1": 2.1371544726834495, + "nauc_recall_at_10_max": -11.930513251477253, + "nauc_recall_at_10_std": -30.83144187392047, + "nauc_recall_at_1_diff1": 26.23276644969203, + "nauc_recall_at_1_max": -12.376511389571245, + "nauc_recall_at_1_std": -18.11411715207284, + "nauc_recall_at_20_diff1": 3.7801468142575922, + "nauc_recall_at_20_max": 17.0652754021456, + "nauc_recall_at_20_std": -20.36832563035559, + "nauc_recall_at_3_diff1": 17.63894384012074, + "nauc_recall_at_3_max": -2.02204906246383, + "nauc_recall_at_3_std": -17.28560141349386, + "nauc_recall_at_5_diff1": 12.55785507194463, + "nauc_recall_at_5_max": 0.5840236463957296, + "nauc_recall_at_5_std": -15.827224420217856, + "ndcg_at_1": 40.398, + "ndcg_at_10": 64.24, + "ndcg_at_100": 66.631, + "ndcg_at_1000": 66.65100000000001, + "ndcg_at_20": 66.086, + "ndcg_at_3": 55.938, + "ndcg_at_5": 60.370000000000005, + "precision_at_1": 40.398, + "precision_at_10": 8.962, + "precision_at_100": 0.9950000000000001, + "precision_at_1000": 0.1, + "precision_at_20": 4.836, + "precision_at_3": 22.262, + "precision_at_5": 15.519, + "recall_at_1": 40.398, + "recall_at_10": 89.616, + "recall_at_100": 99.502, + "recall_at_1000": 99.644, + "recall_at_20": 96.72800000000001, + "recall_at_3": 66.78500000000001, + "recall_at_5": 77.596 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/ArxivClusteringP2P.json b/results/bijaygurung__stella_en_400M_v5/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..53b30307e --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/ArxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 55.1564333205451, + "v_measure": 55.1564333205451, + "v_measure_std": 14.696883012214512 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/ArxivClusteringS2S.json b/results/bijaygurung__stella_en_400M_v5/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..d53383759 --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/ArxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 49.823698316694795, + "v_measure": 49.823698316694795, + "v_measure_std": 14.951660654298186 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/AskUbuntuDupQuestions.json b/results/bijaygurung__stella_en_400M_v5/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..97b6fd7b4 --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/AskUbuntuDupQuestions.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 66.15294503553424, + "map": 66.15294503553424, + "mrr": 78.53438420612935, + "nAUC_map_diff1": 12.569697092717997, + "nAUC_map_max": 21.50670312412572, + "nAUC_map_std": 16.943786429229064, + "nAUC_mrr_diff1": 15.590272897361238, + "nAUC_mrr_max": 34.96072022474653, + "nAUC_mrr_std": 21.649217605241045 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/BIOSSES.json b/results/bijaygurung__stella_en_400M_v5/external/BIOSSES.json new file mode 100644 index 000000000..84a650387 --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 85.7824546319275, + "cosine_spearman": 83.29587385660628, + "euclidean_pearson": 84.58764190565167, + "euclidean_spearman": 83.30069324352772, + "main_score": 83.29587385660628, + "manhattan_pearson": 84.95996839947179, + "manhattan_spearman": 83.87480271054358, + "pearson": 85.7824546319275, + "spearman": 83.29587385660628 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/Banking77Classification.json b/results/bijaygurung__stella_en_400M_v5/external/Banking77Classification.json new file mode 100644 index 000000000..a7e09ca02 --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/Banking77Classification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 89.30194805194806, + "f1": 89.26182507266391, + "f1_weighted": 89.26182507266391, + "main_score": 89.30194805194806 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/BiorxivClusteringP2P.json b/results/bijaygurung__stella_en_400M_v5/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..a178ed7cb --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/BiorxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 50.67972171889736, + "v_measure": 50.67972171889736, + "v_measure_std": 0.7687409980036303 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/BiorxivClusteringS2S.json b/results/bijaygurung__stella_en_400M_v5/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..1c12ee799 --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/BiorxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 45.80539715556144, + "v_measure": 45.80539715556144, + "v_measure_std": 0.9601346216579142 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/ClimateFEVER.json b/results/bijaygurung__stella_en_400M_v5/external/ClimateFEVER.json new file mode 100644 index 000000000..27919b94c --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/ClimateFEVER.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 43.525999999999996, + "map_at_1": 19.291, + "map_at_10": 33.471000000000004, + "map_at_100": 35.388999999999996, + "map_at_1000": 35.568, + "map_at_20": 34.496, + "map_at_3": 28.713, + "map_at_5": 31.384, + "mrr_at_1": 43.77850162866449, + "mrr_at_10": 56.28576598934912, + "mrr_at_100": 56.8588518168194, + "mrr_at_1000": 56.878236725973544, + "mrr_at_20": 56.6409328120183, + "mrr_at_3": 53.56134636264935, + "mrr_at_5": 55.27795874049956, + "nauc_map_at_1000_diff1": 27.262513153363876, + "nauc_map_at_1000_max": 40.099398684385584, + "nauc_map_at_1000_std": 18.847812394005512, + "nauc_map_at_100_diff1": 27.238993503030745, + "nauc_map_at_100_max": 40.07730434492169, + "nauc_map_at_100_std": 18.795349250833684, + "nauc_map_at_10_diff1": 27.70929180366227, + "nauc_map_at_10_max": 39.55987024970173, + "nauc_map_at_10_std": 17.214881544648996, + "nauc_map_at_1_diff1": 43.34155892182403, + "nauc_map_at_1_max": 38.23324890148018, + "nauc_map_at_1_std": 6.0781444393516075, + "nauc_map_at_20_diff1": 27.311577477800103, + "nauc_map_at_20_max": 39.624414083413456, + "nauc_map_at_20_std": 18.149811054163287, + "nauc_map_at_3_diff1": 30.475965062734367, + "nauc_map_at_3_max": 38.49324825043695, + "nauc_map_at_3_std": 13.357656038648487, + "nauc_map_at_5_diff1": 28.425110095017747, + "nauc_map_at_5_max": 39.017894870747796, + "nauc_map_at_5_std": 15.543817194122564, + "nauc_mrr_at_1000_diff1": 33.16689354701644, + "nauc_mrr_at_1000_max": 41.70755363247148, + "nauc_mrr_at_1000_std": 24.61667417463176, + "nauc_mrr_at_100_diff1": 33.147229262917506, + "nauc_mrr_at_100_max": 41.712455697170725, + "nauc_mrr_at_100_std": 24.6418922043652, + "nauc_mrr_at_10_diff1": 32.94185191112572, + "nauc_mrr_at_10_max": 41.64272730141954, + "nauc_mrr_at_10_std": 24.663391015702707, + "nauc_mrr_at_1_diff1": 39.571969559016395, + "nauc_mrr_at_1_max": 39.396249211263495, + "nauc_mrr_at_1_std": 16.984149923258357, + "nauc_mrr_at_20_diff1": 33.10040770334742, + "nauc_mrr_at_20_max": 41.807565560083034, + "nauc_mrr_at_20_std": 24.8064180365271, + "nauc_mrr_at_3_diff1": 33.065406161485704, + "nauc_mrr_at_3_max": 41.049510969934694, + "nauc_mrr_at_3_std": 23.18371458928609, + "nauc_mrr_at_5_diff1": 33.2389593543916, + "nauc_mrr_at_5_max": 41.629486918949915, + "nauc_mrr_at_5_std": 24.5777253036149, + "nauc_ndcg_at_1000_diff1": 25.868840609197637, + "nauc_ndcg_at_1000_max": 42.79564910784761, + "nauc_ndcg_at_1000_std": 27.035091271680113, + "nauc_ndcg_at_100_diff1": 25.019789319579942, + "nauc_ndcg_at_100_max": 42.482345143533735, + "nauc_ndcg_at_100_std": 26.76872010731345, + "nauc_ndcg_at_10_diff1": 25.949464660653238, + "nauc_ndcg_at_10_max": 40.79769544643906, + "nauc_ndcg_at_10_std": 22.486116508973204, + "nauc_ndcg_at_1_diff1": 39.571969559016395, + "nauc_ndcg_at_1_max": 39.396249211263495, + "nauc_ndcg_at_1_std": 16.984149923258357, + "nauc_ndcg_at_20_diff1": 25.173455685962214, + "nauc_ndcg_at_20_max": 40.88873540662413, + "nauc_ndcg_at_20_std": 24.4451041955519, + "nauc_ndcg_at_3_diff1": 28.185416070726333, + "nauc_ndcg_at_3_max": 39.10600031163912, + "nauc_ndcg_at_3_std": 18.42694044215541, + "nauc_ndcg_at_5_diff1": 27.112647584005583, + "nauc_ndcg_at_5_max": 40.154045682322526, + "nauc_ndcg_at_5_std": 20.26822517176828, + "nauc_precision_at_1000_diff1": -16.42087927044017, + "nauc_precision_at_1000_max": 3.5326295053913, + "nauc_precision_at_1000_std": 24.406810708493197, + "nauc_precision_at_100_diff1": -12.17648135724982, + "nauc_precision_at_100_max": 15.895489260126183, + "nauc_precision_at_100_std": 32.48346122610907, + "nauc_precision_at_10_diff1": -1.2493131347748072, + "nauc_precision_at_10_max": 26.409459305604376, + "nauc_precision_at_10_std": 31.115432019300016, + "nauc_precision_at_1_diff1": 39.571969559016395, + "nauc_precision_at_1_max": 39.396249211263495, + "nauc_precision_at_1_std": 16.984149923258357, + "nauc_precision_at_20_diff1": -6.597509397240593, + "nauc_precision_at_20_max": 21.461984620659695, + "nauc_precision_at_20_std": 32.9450259748889, + "nauc_precision_at_3_diff1": 9.46378764865453, + "nauc_precision_at_3_max": 32.03650819375425, + "nauc_precision_at_3_std": 26.489382638510765, + "nauc_precision_at_5_diff1": 3.5987036728169537, + "nauc_precision_at_5_max": 30.633955978579703, + "nauc_precision_at_5_std": 30.532430088014443, + "nauc_recall_at_1000_diff1": 10.714633106872254, + "nauc_recall_at_1000_max": 43.94958623961, + "nauc_recall_at_1000_std": 51.78914468954123, + "nauc_recall_at_100_diff1": 9.63781472255557, + "nauc_recall_at_100_max": 38.50917465255336, + "nauc_recall_at_100_std": 37.78623984642377, + "nauc_recall_at_10_diff1": 16.480342820841688, + "nauc_recall_at_10_max": 35.982566867357406, + "nauc_recall_at_10_std": 23.30688188788895, + "nauc_recall_at_1_diff1": 43.34155892182403, + "nauc_recall_at_1_max": 38.23324890148018, + "nauc_recall_at_1_std": 6.0781444393516075, + "nauc_recall_at_20_diff1": 13.521048985146367, + "nauc_recall_at_20_max": 34.62462209239834, + "nauc_recall_at_20_std": 27.85924191501618, + "nauc_recall_at_3_diff1": 23.57032748533523, + "nauc_recall_at_3_max": 36.32703197635613, + "nauc_recall_at_3_std": 15.730238734014337, + "nauc_recall_at_5_diff1": 19.61387036368584, + "nauc_recall_at_5_max": 36.22030835529556, + "nauc_recall_at_5_std": 19.76310648649897, + "ndcg_at_1": 43.779, + "ndcg_at_10": 43.525999999999996, + "ndcg_at_100": 50.138000000000005, + "ndcg_at_1000": 52.991, + "ndcg_at_20": 46.083, + "ndcg_at_3": 38.002, + "ndcg_at_5": 39.842, + "precision_at_1": 43.779, + "precision_at_10": 13.205, + "precision_at_100": 2.051, + "precision_at_1000": 0.259, + "precision_at_20": 7.722999999999999, + "precision_at_3": 28.903000000000002, + "precision_at_5": 21.368000000000002, + "recall_at_1": 19.291, + "recall_at_10": 48.754, + "recall_at_100": 70.97200000000001, + "recall_at_1000": 86.611, + "recall_at_20": 55.884, + "recall_at_3": 34.101, + "recall_at_5": 40.784 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/DBPedia.json b/results/bijaygurung__stella_en_400M_v5/external/DBPedia.json new file mode 100644 index 000000000..9a808f82d --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/DBPedia.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 49.884, + "map_at_1": 9.913, + "map_at_10": 23.186999999999998, + "map_at_100": 34.207, + "map_at_1000": 36.318, + "map_at_20": 27.419, + "map_at_3": 15.656, + "map_at_5": 18.945999999999998, + "mrr_at_1": 75.75, + "mrr_at_10": 82.16279761904761, + "mrr_at_100": 82.48445635330299, + "mrr_at_1000": 82.4870246719901, + "mrr_at_20": 82.36203632968338, + "mrr_at_3": 81.29166666666666, + "mrr_at_5": 82.02916666666667, + "nauc_map_at_1000_diff1": 17.0739966990996, + "nauc_map_at_1000_max": 28.440065298437133, + "nauc_map_at_1000_std": 20.83498154003865, + "nauc_map_at_100_diff1": 17.75982086107111, + "nauc_map_at_100_max": 26.87850835673573, + "nauc_map_at_100_std": 18.350282298599275, + "nauc_map_at_10_diff1": 17.15984258564116, + "nauc_map_at_10_max": 10.846179132675553, + "nauc_map_at_10_std": -6.263534464094614, + "nauc_map_at_1_diff1": 24.014897777973694, + "nauc_map_at_1_max": -4.556638938723358, + "nauc_map_at_1_std": -22.7844467526989, + "nauc_map_at_20_diff1": 16.3179372493187, + "nauc_map_at_20_max": 17.176378915498915, + "nauc_map_at_20_std": 1.9378637630340372, + "nauc_map_at_3_diff1": 19.12786794046792, + "nauc_map_at_3_max": 0.09063919305677291, + "nauc_map_at_3_std": -16.713143158330492, + "nauc_map_at_5_diff1": 18.76504725420023, + "nauc_map_at_5_max": 5.040867712207419, + "nauc_map_at_5_std": -12.382578318931165, + "nauc_mrr_at_1000_diff1": 54.61266255011247, + "nauc_mrr_at_1000_max": 60.83961280977112, + "nauc_mrr_at_1000_std": 32.70429260443016, + "nauc_mrr_at_100_diff1": 54.61346236538542, + "nauc_mrr_at_100_max": 60.8407974416647, + "nauc_mrr_at_100_std": 32.69272843993462, + "nauc_mrr_at_10_diff1": 54.74633685810871, + "nauc_mrr_at_10_max": 61.084525933097865, + "nauc_mrr_at_10_std": 33.001220210025565, + "nauc_mrr_at_1_diff1": 56.12708423835806, + "nauc_mrr_at_1_max": 58.9314540998289, + "nauc_mrr_at_1_std": 27.39422607651012, + "nauc_mrr_at_20_diff1": 54.58896150245695, + "nauc_mrr_at_20_max": 60.890929983464815, + "nauc_mrr_at_20_std": 32.65559641276393, + "nauc_mrr_at_3_diff1": 54.38229071443791, + "nauc_mrr_at_3_max": 59.987849044098596, + "nauc_mrr_at_3_std": 33.439813880719974, + "nauc_mrr_at_5_diff1": 54.961790262449824, + "nauc_mrr_at_5_max": 61.17705173908951, + "nauc_mrr_at_5_std": 33.30939850734856, + "nauc_ndcg_at_1000_diff1": 29.27465932507067, + "nauc_ndcg_at_1000_max": 47.952543312315214, + "nauc_ndcg_at_1000_std": 36.17132236391485, + "nauc_ndcg_at_100_diff1": 28.63072328980134, + "nauc_ndcg_at_100_max": 41.460833419186564, + "nauc_ndcg_at_100_std": 27.157100358988135, + "nauc_ndcg_at_10_diff1": 23.41488013023301, + "nauc_ndcg_at_10_max": 39.27798133072349, + "nauc_ndcg_at_10_std": 21.979241438928312, + "nauc_ndcg_at_1_diff1": 46.12120543657642, + "nauc_ndcg_at_1_max": 47.28452124039853, + "nauc_ndcg_at_1_std": 19.799884708952543, + "nauc_ndcg_at_20_diff1": 23.627669045115574, + "nauc_ndcg_at_20_max": 35.88225062457673, + "nauc_ndcg_at_20_std": 18.218628030529498, + "nauc_ndcg_at_3_diff1": 25.37309228946118, + "nauc_ndcg_at_3_max": 40.64426332992231, + "nauc_ndcg_at_3_std": 24.608330645901482, + "nauc_ndcg_at_5_diff1": 24.055798594999654, + "nauc_ndcg_at_5_max": 41.16180524175431, + "nauc_ndcg_at_5_std": 24.048305528761315, + "nauc_precision_at_1000_diff1": -18.234943251015576, + "nauc_precision_at_1000_max": 0.48708502364659184, + "nauc_precision_at_1000_std": 2.4473601543134027, + "nauc_precision_at_100_diff1": -3.0077810947381227, + "nauc_precision_at_100_max": 25.27249321108913, + "nauc_precision_at_100_std": 37.36575792126928, + "nauc_precision_at_10_diff1": -0.2393778190297635, + "nauc_precision_at_10_max": 36.40513293547299, + "nauc_precision_at_10_std": 37.4827885766009, + "nauc_precision_at_1_diff1": 56.12708423835806, + "nauc_precision_at_1_max": 58.9314540998289, + "nauc_precision_at_1_std": 27.39422607651012, + "nauc_precision_at_20_diff1": -1.2010133229402933, + "nauc_precision_at_20_max": 34.117541814385966, + "nauc_precision_at_20_std": 39.13273254177449, + "nauc_precision_at_3_diff1": 11.757378092198486, + "nauc_precision_at_3_max": 42.637962482588875, + "nauc_precision_at_3_std": 37.42465077352342, + "nauc_precision_at_5_diff1": 7.233177203405101, + "nauc_precision_at_5_max": 43.1663582897407, + "nauc_precision_at_5_std": 38.848449220750055, + "nauc_recall_at_1000_diff1": 27.33938551969145, + "nauc_recall_at_1000_max": 45.5614254479334, + "nauc_recall_at_1000_std": 50.58528916250458, + "nauc_recall_at_100_diff1": 23.610383761920097, + "nauc_recall_at_100_max": 31.422168485847184, + "nauc_recall_at_100_std": 25.58649926458304, + "nauc_recall_at_10_diff1": 14.62495111808408, + "nauc_recall_at_10_max": 7.4295041277681095, + "nauc_recall_at_10_std": -9.32297089600654, + "nauc_recall_at_1_diff1": 24.014897777973694, + "nauc_recall_at_1_max": -4.556638938723358, + "nauc_recall_at_1_std": -22.7844467526989, + "nauc_recall_at_20_diff1": 14.027862330014662, + "nauc_recall_at_20_max": 12.437478731690844, + "nauc_recall_at_20_std": -3.0740743798103676, + "nauc_recall_at_3_diff1": 16.354018356566712, + "nauc_recall_at_3_max": -2.9812231240997917, + "nauc_recall_at_3_std": -18.27746460743442, + "nauc_recall_at_5_diff1": 16.81486583473587, + "nauc_recall_at_5_max": 2.420128513974744, + "nauc_recall_at_5_std": -14.441820321214108, + "ndcg_at_1": 63.87500000000001, + "ndcg_at_10": 49.884, + "ndcg_at_100": 54.738, + "ndcg_at_1000": 61.635, + "ndcg_at_20": 48.894999999999996, + "ndcg_at_3": 54.287, + "ndcg_at_5": 52.40899999999999, + "precision_at_1": 75.75, + "precision_at_10": 40.9, + "precision_at_100": 13.139999999999999, + "precision_at_1000": 2.533, + "precision_at_20": 30.8, + "precision_at_3": 57.667, + "precision_at_5": 51.05, + "recall_at_1": 9.913, + "recall_at_10": 28.591, + "recall_at_100": 61.017999999999994, + "recall_at_1000": 83.383, + "recall_at_20": 37.834, + "recall_at_3": 17.049, + "recall_at_5": 21.685 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/EmotionClassification.json b/results/bijaygurung__stella_en_400M_v5/external/EmotionClassification.json new file mode 100644 index 000000000..a3d0da231 --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/EmotionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.77499999999999, + "f1": 73.74058240799386, + "f1_weighted": 79.78804377638227, + "main_score": 78.77499999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/FEVER.json b/results/bijaygurung__stella_en_400M_v5/external/FEVER.json new file mode 100644 index 000000000..7c8745a71 --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/FEVER.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 90.986, + "map_at_1": 81.601, + "map_at_10": 88.242, + "map_at_100": 88.46000000000001, + "map_at_1000": 88.472, + "map_at_20": 88.375, + "map_at_3": 87.237, + "map_at_5": 87.85300000000001, + "mrr_at_1": 87.81878187818782, + "mrr_at_10": 92.20301196786335, + "mrr_at_100": 92.24884236673292, + "mrr_at_1000": 92.2496338899362, + "mrr_at_20": 92.23112073283473, + "mrr_at_3": 91.77417741774165, + "mrr_at_5": 92.03970397039689, + "nauc_map_at_1000_diff1": 56.54670664910505, + "nauc_map_at_1000_max": 33.08375749975477, + "nauc_map_at_1000_std": 2.7491595418252865, + "nauc_map_at_100_diff1": 56.50887688686924, + "nauc_map_at_100_max": 33.075487189958494, + "nauc_map_at_100_std": 2.7675869969253375, + "nauc_map_at_10_diff1": 56.08080806610569, + "nauc_map_at_10_max": 32.776972098819066, + "nauc_map_at_10_std": 2.5904846711290097, + "nauc_map_at_1_diff1": 60.645344065853145, + "nauc_map_at_1_max": 31.232776777514797, + "nauc_map_at_1_std": -1.1946138176109171, + "nauc_map_at_20_diff1": 56.28378454162355, + "nauc_map_at_20_max": 32.98207150385811, + "nauc_map_at_20_std": 2.8469814040214025, + "nauc_map_at_3_diff1": 55.81958007095375, + "nauc_map_at_3_max": 31.602707711038313, + "nauc_map_at_3_std": 0.8117019292273401, + "nauc_map_at_5_diff1": 55.706025752316535, + "nauc_map_at_5_max": 32.16032683604737, + "nauc_map_at_5_std": 1.8853201503498669, + "nauc_mrr_at_1000_diff1": 75.4997173366251, + "nauc_mrr_at_1000_max": 41.49117135484116, + "nauc_mrr_at_1000_std": -2.0636172883680852, + "nauc_mrr_at_100_diff1": 75.50118860648519, + "nauc_mrr_at_100_max": 41.49490161517194, + "nauc_mrr_at_100_std": -2.057024385178682, + "nauc_mrr_at_10_diff1": 75.47295153099428, + "nauc_mrr_at_10_max": 41.55003304042536, + "nauc_mrr_at_10_std": -2.0353663198929253, + "nauc_mrr_at_1_diff1": 76.632058433229, + "nauc_mrr_at_1_max": 39.754483718891656, + "nauc_mrr_at_1_std": -2.962241058101701, + "nauc_mrr_at_20_diff1": 75.47221882396194, + "nauc_mrr_at_20_max": 41.50779280480839, + "nauc_mrr_at_20_std": -1.9620212266426307, + "nauc_mrr_at_3_diff1": 75.5682297897137, + "nauc_mrr_at_3_max": 41.53543801506081, + "nauc_mrr_at_3_std": -3.391681195945978, + "nauc_mrr_at_5_diff1": 75.37562775183947, + "nauc_mrr_at_5_max": 41.42028509006753, + "nauc_mrr_at_5_std": -2.418698675622726, + "nauc_ndcg_at_1000_diff1": 59.364557011624, + "nauc_ndcg_at_1000_max": 35.4112238125149, + "nauc_ndcg_at_1000_std": 3.717516193303376, + "nauc_ndcg_at_100_diff1": 58.55706703023122, + "nauc_ndcg_at_100_max": 35.352285999934594, + "nauc_ndcg_at_100_std": 4.273437944266781, + "nauc_ndcg_at_10_diff1": 56.77422701267037, + "nauc_ndcg_at_10_max": 34.24909893882957, + "nauc_ndcg_at_10_std": 4.178151434006727, + "nauc_ndcg_at_1_diff1": 76.632058433229, + "nauc_ndcg_at_1_max": 39.754483718891656, + "nauc_ndcg_at_1_std": -2.962241058101701, + "nauc_ndcg_at_20_diff1": 57.27343398231262, + "nauc_ndcg_at_20_max": 34.7416626740278, + "nauc_ndcg_at_20_std": 4.955858766014002, + "nauc_ndcg_at_3_diff1": 57.69267803121093, + "nauc_ndcg_at_3_max": 33.13744317023105, + "nauc_ndcg_at_3_std": 0.40380284030057023, + "nauc_ndcg_at_5_diff1": 56.57461019113917, + "nauc_ndcg_at_5_max": 33.244657840804386, + "nauc_ndcg_at_5_std": 2.5121440827702046, + "nauc_precision_at_1000_diff1": -14.54492513449718, + "nauc_precision_at_1000_max": -5.94552147573623, + "nauc_precision_at_1000_std": 1.2446209816057374, + "nauc_precision_at_100_diff1": -15.452676132568344, + "nauc_precision_at_100_max": -3.760241749847617, + "nauc_precision_at_100_std": 4.623534605290865, + "nauc_precision_at_10_diff1": -12.712908026086176, + "nauc_precision_at_10_max": 0.45241316994816805, + "nauc_precision_at_10_std": 7.849478570138391, + "nauc_precision_at_1_diff1": 76.632058433229, + "nauc_precision_at_1_max": 39.754483718891656, + "nauc_precision_at_1_std": -2.962241058101701, + "nauc_precision_at_20_diff1": -14.514618673172041, + "nauc_precision_at_20_max": -1.113635490621818, + "nauc_precision_at_20_std": 8.599811730457576, + "nauc_precision_at_3_diff1": 6.1367799850003815, + "nauc_precision_at_3_max": 8.466271950897857, + "nauc_precision_at_3_std": 1.7458051543195068, + "nauc_precision_at_5_diff1": -5.804548945783379, + "nauc_precision_at_5_max": 3.4060251839074818, + "nauc_precision_at_5_std": 5.583410511782371, + "nauc_recall_at_1000_diff1": 19.329432953574095, + "nauc_recall_at_1000_max": 43.260442595158736, + "nauc_recall_at_1000_std": 53.89644660661804, + "nauc_recall_at_100_diff1": 21.265326296051235, + "nauc_recall_at_100_max": 38.573000195373695, + "nauc_recall_at_100_std": 42.169391082152785, + "nauc_recall_at_10_diff1": 29.785129558987432, + "nauc_recall_at_10_max": 28.379657867558034, + "nauc_recall_at_10_std": 21.132574624091973, + "nauc_recall_at_1_diff1": 60.645344065853145, + "nauc_recall_at_1_max": 31.232776777514797, + "nauc_recall_at_1_std": -1.1946138176109171, + "nauc_recall_at_20_diff1": 25.88845612373954, + "nauc_recall_at_20_max": 30.24785945821152, + "nauc_recall_at_20_std": 31.73911437468067, + "nauc_recall_at_3_diff1": 42.2968464797395, + "nauc_recall_at_3_max": 26.494318009870018, + "nauc_recall_at_3_std": 2.6045977160467544, + "nauc_recall_at_5_diff1": 35.81340094401374, + "nauc_recall_at_5_max": 25.91082947510634, + "nauc_recall_at_5_std": 9.759404930864779, + "ndcg_at_1": 87.819, + "ndcg_at_10": 90.986, + "ndcg_at_100": 91.69, + "ndcg_at_1000": 91.863, + "ndcg_at_20": 91.293, + "ndcg_at_3": 89.621, + "ndcg_at_5": 90.333, + "precision_at_1": 87.819, + "precision_at_10": 10.753, + "precision_at_100": 1.138, + "precision_at_1000": 0.117, + "precision_at_20": 5.4879999999999995, + "precision_at_3": 33.703, + "precision_at_5": 20.831, + "recall_at_1": 81.601, + "recall_at_10": 95.44200000000001, + "recall_at_100": 98.14399999999999, + "recall_at_1000": 99.157, + "recall_at_20": 96.43, + "recall_at_3": 91.729, + "recall_at_5": 93.552 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/FiQA2018.json b/results/bijaygurung__stella_en_400M_v5/external/FiQA2018.json new file mode 100644 index 000000000..86429e380 --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/FiQA2018.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 56.056, + "map_at_1": 28.666000000000004, + "map_at_10": 47.437000000000005, + "map_at_100": 49.537, + "map_at_1000": 49.665, + "map_at_20": 48.618, + "map_at_3": 41.355, + "map_at_5": 44.525, + "mrr_at_1": 55.55555555555556, + "mrr_at_10": 63.705173427395614, + "mrr_at_100": 64.25449940779741, + "mrr_at_1000": 64.27635581092147, + "mrr_at_20": 64.03796029079103, + "mrr_at_3": 61.49691358024688, + "mrr_at_5": 62.73148148148143, + "nauc_map_at_1000_diff1": 43.24282910397747, + "nauc_map_at_1000_max": 28.506093180265644, + "nauc_map_at_1000_std": -13.040508386155054, + "nauc_map_at_100_diff1": 43.23650442904607, + "nauc_map_at_100_max": 28.470565635459156, + "nauc_map_at_100_std": -12.988098780714935, + "nauc_map_at_10_diff1": 43.393840733087686, + "nauc_map_at_10_max": 26.637302062720153, + "nauc_map_at_10_std": -14.47500292113762, + "nauc_map_at_1_diff1": 47.705150227211725, + "nauc_map_at_1_max": 15.354189686550129, + "nauc_map_at_1_std": -14.559819859039067, + "nauc_map_at_20_diff1": 43.14121075706104, + "nauc_map_at_20_max": 27.811170590408395, + "nauc_map_at_20_std": -13.459413585283583, + "nauc_map_at_3_diff1": 44.33938667720801, + "nauc_map_at_3_max": 21.785619884549398, + "nauc_map_at_3_std": -15.569980103071593, + "nauc_map_at_5_diff1": 43.39280905665027, + "nauc_map_at_5_max": 25.021492190645017, + "nauc_map_at_5_std": -14.48856622187443, + "nauc_mrr_at_1000_diff1": 52.971563939946286, + "nauc_mrr_at_1000_max": 38.88019486172324, + "nauc_mrr_at_1000_std": -12.412991642381616, + "nauc_mrr_at_100_diff1": 52.978468139876945, + "nauc_mrr_at_100_max": 38.89751787948751, + "nauc_mrr_at_100_std": -12.3677876252269, + "nauc_mrr_at_10_diff1": 52.78507148048174, + "nauc_mrr_at_10_max": 38.55079809310022, + "nauc_mrr_at_10_std": -12.944127025078755, + "nauc_mrr_at_1_diff1": 55.52626805861546, + "nauc_mrr_at_1_max": 40.49306809164979, + "nauc_mrr_at_1_std": -12.886607701317681, + "nauc_mrr_at_20_diff1": 52.9592152665678, + "nauc_mrr_at_20_max": 38.88514014589964, + "nauc_mrr_at_20_std": -12.434464359819444, + "nauc_mrr_at_3_diff1": 52.73696844091174, + "nauc_mrr_at_3_max": 38.61018727252859, + "nauc_mrr_at_3_std": -13.123989867364166, + "nauc_mrr_at_5_diff1": 53.037110010188, + "nauc_mrr_at_5_max": 38.44770729849151, + "nauc_mrr_at_5_std": -13.49318771828972, + "nauc_ndcg_at_1000_diff1": 44.73813840091289, + "nauc_ndcg_at_1000_max": 33.70113904685389, + "nauc_ndcg_at_1000_std": -10.328687058192742, + "nauc_ndcg_at_100_diff1": 44.595174119928835, + "nauc_ndcg_at_100_max": 33.4788285112467, + "nauc_ndcg_at_100_std": -8.695355259716946, + "nauc_ndcg_at_10_diff1": 44.39837225263, + "nauc_ndcg_at_10_max": 29.188289725593393, + "nauc_ndcg_at_10_std": -13.67608323673103, + "nauc_ndcg_at_1_diff1": 55.52626805861546, + "nauc_ndcg_at_1_max": 40.49306809164979, + "nauc_ndcg_at_1_std": -12.886607701317681, + "nauc_ndcg_at_20_diff1": 44.24661739902305, + "nauc_ndcg_at_20_max": 31.667868318249965, + "nauc_ndcg_at_20_std": -10.65470780066342, + "nauc_ndcg_at_3_diff1": 43.39857166975522, + "nauc_ndcg_at_3_max": 31.764668313577495, + "nauc_ndcg_at_3_std": -14.494866954678152, + "nauc_ndcg_at_5_diff1": 43.16976647347281, + "nauc_ndcg_at_5_max": 29.878329062643143, + "nauc_ndcg_at_5_std": -13.987689089179739, + "nauc_precision_at_1000_diff1": -9.807973252625484, + "nauc_precision_at_1000_max": 26.6279603849494, + "nauc_precision_at_1000_std": 7.113187103520632, + "nauc_precision_at_100_diff1": -4.777149603323976, + "nauc_precision_at_100_max": 31.03410463692187, + "nauc_precision_at_100_std": 10.463144150275435, + "nauc_precision_at_10_diff1": 8.691528703215962, + "nauc_precision_at_10_max": 33.329579434123374, + "nauc_precision_at_10_std": -0.8002015226329403, + "nauc_precision_at_1_diff1": 55.52626805861546, + "nauc_precision_at_1_max": 40.49306809164979, + "nauc_precision_at_1_std": -12.886607701317681, + "nauc_precision_at_20_diff1": 3.4564653474184284, + "nauc_precision_at_20_max": 34.401070158471136, + "nauc_precision_at_20_std": 5.813431200164549, + "nauc_precision_at_3_diff1": 22.463219705462187, + "nauc_precision_at_3_max": 34.77413976546924, + "nauc_precision_at_3_std": -7.083890789741479, + "nauc_precision_at_5_diff1": 14.011006004883154, + "nauc_precision_at_5_max": 35.73655466853702, + "nauc_precision_at_5_std": -2.8395172077771598, + "nauc_recall_at_1000_diff1": 16.478046357391555, + "nauc_recall_at_1000_max": 43.231704288282344, + "nauc_recall_at_1000_std": 38.430684937573645, + "nauc_recall_at_100_diff1": 30.764718344602436, + "nauc_recall_at_100_max": 31.769050487166655, + "nauc_recall_at_100_std": 23.48468311677149, + "nauc_recall_at_10_diff1": 34.47339565324045, + "nauc_recall_at_10_max": 19.054212335800454, + "nauc_recall_at_10_std": -11.039734015330437, + "nauc_recall_at_1_diff1": 47.705150227211725, + "nauc_recall_at_1_max": 15.354189686550129, + "nauc_recall_at_1_std": -14.559819859039067, + "nauc_recall_at_20_diff1": 32.1011474016873, + "nauc_recall_at_20_max": 25.546372988304423, + "nauc_recall_at_20_std": -0.007233471152482897, + "nauc_recall_at_3_diff1": 37.5708138019065, + "nauc_recall_at_3_max": 16.66410785756736, + "nauc_recall_at_3_std": -15.404817020108966, + "nauc_recall_at_5_diff1": 35.714519648479595, + "nauc_recall_at_5_max": 19.02075233009296, + "nauc_recall_at_5_std": -13.180963359760725, + "ndcg_at_1": 55.556000000000004, + "ndcg_at_10": 56.056, + "ndcg_at_100": 62.44, + "ndcg_at_1000": 64.263, + "ndcg_at_20": 58.638999999999996, + "ndcg_at_3": 51.722, + "ndcg_at_5": 52.701, + "precision_at_1": 55.556000000000004, + "precision_at_10": 15.679000000000002, + "precision_at_100": 2.252, + "precision_at_1000": 0.257, + "precision_at_20": 9.02, + "precision_at_3": 34.619, + "precision_at_5": 25.093, + "recall_at_1": 28.666000000000004, + "recall_at_10": 63.717999999999996, + "recall_at_100": 86.938, + "recall_at_1000": 97.603, + "recall_at_20": 71.649, + "recall_at_3": 46.663, + "recall_at_5": 53.313 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/HotpotQA.json b/results/bijaygurung__stella_en_400M_v5/external/HotpotQA.json new file mode 100644 index 000000000..76cf32b61 --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/HotpotQA.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 71.74199999999999, + "map_at_1": 41.729, + "map_at_10": 63.168, + "map_at_100": 64.132, + "map_at_1000": 64.199, + "map_at_20": 63.736000000000004, + "map_at_3": 59.826, + "map_at_5": 61.882000000000005, + "mrr_at_1": 83.45712356515868, + "mrr_at_10": 87.850342432719, + "mrr_at_100": 88.0016320691113, + "mrr_at_1000": 88.00576596968136, + "mrr_at_20": 87.94463253190389, + "mrr_at_3": 87.13706954760278, + "mrr_at_5": 87.59419311276136, + "nauc_map_at_1000_diff1": 13.635446621095054, + "nauc_map_at_1000_max": 18.670632529445633, + "nauc_map_at_1000_std": 10.444842636150575, + "nauc_map_at_100_diff1": 13.599262398010783, + "nauc_map_at_100_max": 18.636389405484806, + "nauc_map_at_100_std": 10.460027483576043, + "nauc_map_at_10_diff1": 13.235053919323942, + "nauc_map_at_10_max": 18.252140477080047, + "nauc_map_at_10_std": 9.9075337042203, + "nauc_map_at_1_diff1": 76.51940497836482, + "nauc_map_at_1_max": 51.251419487235474, + "nauc_map_at_1_std": 0.16714896857146574, + "nauc_map_at_20_diff1": 13.4178245722222, + "nauc_map_at_20_max": 18.40988771210718, + "nauc_map_at_20_std": 10.216685163366282, + "nauc_map_at_3_diff1": 13.38370761663418, + "nauc_map_at_3_max": 17.760962555456537, + "nauc_map_at_3_std": 7.15741965624388, + "nauc_map_at_5_diff1": 13.138133309724855, + "nauc_map_at_5_max": 17.871761295251044, + "nauc_map_at_5_std": 8.475147426940074, + "nauc_mrr_at_1000_diff1": 75.82650818891959, + "nauc_mrr_at_1000_max": 53.6736100668434, + "nauc_mrr_at_1000_std": 1.8025016349213916, + "nauc_mrr_at_100_diff1": 75.82530574210111, + "nauc_mrr_at_100_max": 53.68067545829002, + "nauc_mrr_at_100_std": 1.8147470536495791, + "nauc_mrr_at_10_diff1": 75.8330135686799, + "nauc_mrr_at_10_max": 53.78626885349077, + "nauc_mrr_at_10_std": 1.7975782717226636, + "nauc_mrr_at_1_diff1": 76.51940497836482, + "nauc_mrr_at_1_max": 51.251419487235474, + "nauc_mrr_at_1_std": 0.16714896857146574, + "nauc_mrr_at_20_diff1": 75.82783382464166, + "nauc_mrr_at_20_max": 53.68364567043885, + "nauc_mrr_at_20_std": 1.742037904463963, + "nauc_mrr_at_3_diff1": 75.6944609768663, + "nauc_mrr_at_3_max": 53.803941340341666, + "nauc_mrr_at_3_std": 1.1849945458077804, + "nauc_mrr_at_5_diff1": 75.73006960604903, + "nauc_mrr_at_5_max": 53.62223096420106, + "nauc_mrr_at_5_std": 1.6144067563410909, + "nauc_ndcg_at_1000_diff1": 21.58025241642726, + "nauc_ndcg_at_1000_max": 24.675747527001153, + "nauc_ndcg_at_1000_std": 13.075943547492718, + "nauc_ndcg_at_100_diff1": 20.30260137544846, + "nauc_ndcg_at_100_max": 23.757528813872018, + "nauc_ndcg_at_100_std": 13.648994687574062, + "nauc_ndcg_at_10_diff1": 18.995052360997818, + "nauc_ndcg_at_10_max": 22.254260808196037, + "nauc_ndcg_at_10_std": 11.27212390633054, + "nauc_ndcg_at_1_diff1": 76.51940497836482, + "nauc_ndcg_at_1_max": 51.251419487235474, + "nauc_ndcg_at_1_std": 0.16714896857146574, + "nauc_ndcg_at_20_diff1": 19.333742380695757, + "nauc_ndcg_at_20_max": 22.527779834633364, + "nauc_ndcg_at_20_std": 12.161009000707917, + "nauc_ndcg_at_3_diff1": 20.013329040965534, + "nauc_ndcg_at_3_max": 21.99692460311921, + "nauc_ndcg_at_3_std": 6.8076290638386165, + "nauc_ndcg_at_5_diff1": 19.08226315942471, + "nauc_ndcg_at_5_max": 21.71185964294168, + "nauc_ndcg_at_5_std": 8.671911269518214, + "nauc_precision_at_1000_diff1": 2.4462475489446764, + "nauc_precision_at_1000_max": 29.145662064268578, + "nauc_precision_at_1000_std": 49.20704909525856, + "nauc_precision_at_100_diff1": 0.11271196725540299, + "nauc_precision_at_100_max": 17.37584606388067, + "nauc_precision_at_100_std": 34.66099346244071, + "nauc_precision_at_10_diff1": 2.9923183951227825, + "nauc_precision_at_10_max": 14.261884731124264, + "nauc_precision_at_10_std": 18.084188795498378, + "nauc_precision_at_1_diff1": 76.51940497836482, + "nauc_precision_at_1_max": 51.251419487235474, + "nauc_precision_at_1_std": 0.16714896857146574, + "nauc_precision_at_20_diff1": 1.9180293008303761, + "nauc_precision_at_20_max": 13.832269193468512, + "nauc_precision_at_20_std": 21.65284406055607, + "nauc_precision_at_3_diff1": 7.226609484731811, + "nauc_precision_at_3_max": 15.162908526977272, + "nauc_precision_at_3_std": 8.451859972962776, + "nauc_precision_at_5_diff1": 4.705236845538159, + "nauc_precision_at_5_max": 14.022910843582666, + "nauc_precision_at_5_std": 11.777269322821605, + "nauc_recall_at_1000_diff1": 2.446247548945172, + "nauc_recall_at_1000_max": 29.14566206426889, + "nauc_recall_at_1000_std": 49.20704909525879, + "nauc_recall_at_100_diff1": 0.1127119672553316, + "nauc_recall_at_100_max": 17.37584606388062, + "nauc_recall_at_100_std": 34.660993462440686, + "nauc_recall_at_10_diff1": 2.9923183951227927, + "nauc_recall_at_10_max": 14.261884731124299, + "nauc_recall_at_10_std": 18.08418879549837, + "nauc_recall_at_1_diff1": 76.51940497836482, + "nauc_recall_at_1_max": 51.251419487235474, + "nauc_recall_at_1_std": 0.16714896857146574, + "nauc_recall_at_20_diff1": 1.918029300830432, + "nauc_recall_at_20_max": 13.832269193468566, + "nauc_recall_at_20_std": 21.65284406055605, + "nauc_recall_at_3_diff1": 7.226609484731802, + "nauc_recall_at_3_max": 15.162908526977182, + "nauc_recall_at_3_std": 8.451859972962634, + "nauc_recall_at_5_diff1": 4.705236845538197, + "nauc_recall_at_5_max": 14.02291084358265, + "nauc_recall_at_5_std": 11.777269322821638, + "ndcg_at_1": 83.45700000000001, + "ndcg_at_10": 71.74199999999999, + "ndcg_at_100": 75.008, + "ndcg_at_1000": 76.242, + "ndcg_at_20": 73.114, + "ndcg_at_3": 67.128, + "ndcg_at_5": 69.645, + "precision_at_1": 83.45700000000001, + "precision_at_10": 14.747, + "precision_at_100": 1.73, + "precision_at_1000": 0.189, + "precision_at_20": 7.8149999999999995, + "precision_at_3": 42.323, + "precision_at_5": 27.381, + "recall_at_1": 41.729, + "recall_at_10": 73.734, + "recall_at_100": 86.502, + "recall_at_1000": 94.60499999999999, + "recall_at_20": 78.14999999999999, + "recall_at_3": 63.483999999999995, + "recall_at_5": 68.45400000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/ImdbClassification.json b/results/bijaygurung__stella_en_400M_v5/external/ImdbClassification.json new file mode 100644 index 000000000..31bea8dda --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/ImdbClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 96.4904, + "ap": 94.85481918794709, + "ap_weighted": 94.85481918794709, + "f1": 96.4898592305707, + "f1_weighted": 96.4898592305707, + "main_score": 96.4904 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/MSMARCO.json b/results/bijaygurung__stella_en_400M_v5/external/MSMARCO.json new file mode 100644 index 000000000..b0cb62af2 --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/MSMARCO.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 43.692, + "map_at_1": 23.751, + "map_at_10": 36.553999999999995, + "map_at_100": 37.721, + "map_at_1000": 37.763999999999996, + "map_at_20": 37.289, + "map_at_3": 32.643, + "map_at_5": 34.851, + "mrr_at_1": 24.455587392550143, + "mrr_at_10": 37.18388706963206, + "mrr_at_100": 38.28330737932916, + "mrr_at_1000": 38.32054399710817, + "mrr_at_20": 37.8818001216278, + "mrr_at_3": 33.35721107927405, + "mrr_at_5": 35.52483285577843, + "nauc_map_at_1000_diff1": 36.3576177260684, + "nauc_map_at_1000_max": 7.854511605962703, + "nauc_map_at_1000_std": -17.701121059746878, + "nauc_map_at_100_diff1": 36.356075649230505, + "nauc_map_at_100_max": 7.862168042999533, + "nauc_map_at_100_std": -17.670102459097233, + "nauc_map_at_10_diff1": 36.22122978875574, + "nauc_map_at_10_max": 7.80848606967416, + "nauc_map_at_10_std": -18.3265151386167, + "nauc_map_at_1_diff1": 39.28605466408357, + "nauc_map_at_1_max": 6.20202977590459, + "nauc_map_at_1_std": -15.734334090045026, + "nauc_map_at_20_diff1": 36.33637880909657, + "nauc_map_at_20_max": 7.843437969476022, + "nauc_map_at_20_std": -17.917533363025996, + "nauc_map_at_3_diff1": 36.24864976076741, + "nauc_map_at_3_max": 7.420345251835957, + "nauc_map_at_3_std": -18.71678497722944, + "nauc_map_at_5_diff1": 36.0789619291824, + "nauc_map_at_5_max": 7.7314285669514495, + "nauc_map_at_5_std": -18.748688764538706, + "nauc_mrr_at_1000_diff1": 36.23912675623378, + "nauc_mrr_at_1000_max": 7.690553436255147, + "nauc_mrr_at_1000_std": -17.609526070212304, + "nauc_mrr_at_100_diff1": 36.23782651189002, + "nauc_mrr_at_100_max": 7.70075095171647, + "nauc_mrr_at_100_std": -17.575714144960184, + "nauc_mrr_at_10_diff1": 36.125229472534215, + "nauc_mrr_at_10_max": 7.635472248755658, + "nauc_mrr_at_10_std": -18.208166616511086, + "nauc_mrr_at_1_diff1": 39.20986875554532, + "nauc_mrr_at_1_max": 6.062668487561363, + "nauc_mrr_at_1_std": -16.04130340817602, + "nauc_mrr_at_20_diff1": 36.21207088739667, + "nauc_mrr_at_20_max": 7.699610250145951, + "nauc_mrr_at_20_std": -17.778245221724028, + "nauc_mrr_at_3_diff1": 36.03957583885305, + "nauc_mrr_at_3_max": 7.225515576504581, + "nauc_mrr_at_3_std": -18.74478742943741, + "nauc_mrr_at_5_diff1": 35.969152496648974, + "nauc_mrr_at_5_max": 7.584059789018233, + "nauc_mrr_at_5_std": -18.569374723129332, + "nauc_ndcg_at_1000_diff1": 35.894655529841806, + "nauc_ndcg_at_1000_max": 8.579327424366236, + "nauc_ndcg_at_1000_std": -16.359677367747896, + "nauc_ndcg_at_100_diff1": 35.89861902483983, + "nauc_ndcg_at_100_max": 8.830873623962242, + "nauc_ndcg_at_100_std": -15.173125564722978, + "nauc_ndcg_at_10_diff1": 35.36499811105169, + "nauc_ndcg_at_10_max": 8.449267180956992, + "nauc_ndcg_at_10_std": -18.41978802362402, + "nauc_ndcg_at_1_diff1": 39.15422481210622, + "nauc_ndcg_at_1_max": 6.055515791928331, + "nauc_ndcg_at_1_std": -16.042779610876252, + "nauc_ndcg_at_20_diff1": 35.73402868264468, + "nauc_ndcg_at_20_max": 8.695705518210847, + "nauc_ndcg_at_20_std": -16.7735829470466, + "nauc_ndcg_at_3_diff1": 35.31358242856231, + "nauc_ndcg_at_3_max": 7.645692789058997, + "nauc_ndcg_at_3_std": -19.460003734786874, + "nauc_ndcg_at_5_diff1": 35.05216588927143, + "nauc_ndcg_at_5_max": 8.216690520604715, + "nauc_ndcg_at_5_std": -19.3982054492159, + "nauc_precision_at_1000_diff1": -4.440002625111349, + "nauc_precision_at_1000_max": 7.886988951901723, + "nauc_precision_at_1000_std": 9.88111187048247, + "nauc_precision_at_100_diff1": 15.728286119463325, + "nauc_precision_at_100_max": 13.218650824470654, + "nauc_precision_at_100_std": 16.113245895522553, + "nauc_precision_at_10_diff1": 29.51218489610567, + "nauc_precision_at_10_max": 10.197432401942912, + "nauc_precision_at_10_std": -16.950603431359493, + "nauc_precision_at_1_diff1": 39.15422481210622, + "nauc_precision_at_1_max": 6.055515791928331, + "nauc_precision_at_1_std": -16.042779610876252, + "nauc_precision_at_20_diff1": 27.825993070397338, + "nauc_precision_at_20_max": 11.437632287846007, + "nauc_precision_at_20_std": -7.450353566405601, + "nauc_precision_at_3_diff1": 32.14135556796588, + "nauc_precision_at_3_max": 7.989252443574163, + "nauc_precision_at_3_std": -21.566254595671055, + "nauc_precision_at_5_diff1": 30.68778685307082, + "nauc_precision_at_5_max": 9.332160758499892, + "nauc_precision_at_5_std": -20.928554713448914, + "nauc_recall_at_1000_diff1": 25.00810478716878, + "nauc_recall_at_1000_max": 46.518165765201644, + "nauc_recall_at_1000_std": 61.4734635576085, + "nauc_recall_at_100_diff1": 33.895581318261726, + "nauc_recall_at_100_max": 20.10706035872801, + "nauc_recall_at_100_std": 24.204226584457047, + "nauc_recall_at_10_diff1": 32.363127359576296, + "nauc_recall_at_10_max": 10.729923804989545, + "nauc_recall_at_10_std": -18.1335370184202, + "nauc_recall_at_1_diff1": 39.28605466408357, + "nauc_recall_at_1_max": 6.20202977590459, + "nauc_recall_at_1_std": -15.734334090045026, + "nauc_recall_at_20_diff1": 33.47804003169795, + "nauc_recall_at_20_max": 12.781494765263382, + "nauc_recall_at_20_std": -9.263970132202658, + "nauc_recall_at_3_diff1": 32.71001429428999, + "nauc_recall_at_3_max": 8.353439197382693, + "nauc_recall_at_3_std": -21.235097744366954, + "nauc_recall_at_5_diff1": 31.87451464963415, + "nauc_recall_at_5_max": 9.635051450907305, + "nauc_recall_at_5_std": -21.113235357132794, + "ndcg_at_1": 24.47, + "ndcg_at_10": 43.692, + "ndcg_at_100": 49.211, + "ndcg_at_1000": 50.244, + "ndcg_at_20": 46.278000000000006, + "ndcg_at_3": 35.719, + "ndcg_at_5": 39.652, + "precision_at_1": 24.47, + "precision_at_10": 6.857, + "precision_at_100": 0.9610000000000001, + "precision_at_1000": 0.105, + "precision_at_20": 3.968, + "precision_at_3": 15.181000000000001, + "precision_at_5": 11.117, + "recall_at_1": 23.751, + "recall_at_10": 65.64, + "recall_at_100": 90.967, + "recall_at_1000": 98.738, + "recall_at_20": 75.639, + "recall_at_3": 43.927, + "recall_at_5": 53.366 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/MTOPDomainClassification.json b/results/bijaygurung__stella_en_400M_v5/external/MTOPDomainClassification.json new file mode 100644 index 000000000..2962e9f00 --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/MTOPDomainClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 98.82580939352485, + "f1": 98.75201754333801, + "f1_weighted": 98.82795205108245, + "main_score": 98.82580939352485 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/MTOPIntentClassification.json b/results/bijaygurung__stella_en_400M_v5/external/MTOPIntentClassification.json new file mode 100644 index 000000000..8c421cd2e --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/MTOPIntentClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.29822161422709, + "f1": 77.75210224871594, + "f1_weighted": 93.58661422540348, + "main_score": 92.29822161422709 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/MassiveIntentClassification.json b/results/bijaygurung__stella_en_400M_v5/external/MassiveIntentClassification.json new file mode 100644 index 000000000..4183a483b --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/MassiveIntentClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "4672e20407010da34463acc759c162ca9734bca6", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 85.17484868863484, + "f1": 81.94484244487094, + "f1_weighted": 85.21022593423332, + "main_score": 85.17484868863484 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/MassiveScenarioClassification.json b/results/bijaygurung__stella_en_400M_v5/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..a82dce0d9 --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/MassiveScenarioClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "fad2c6e8459f9e1c45d9315f4953d921437d70f8", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 89.61667787491594, + "f1": 89.02701927621264, + "f1_weighted": 89.56306982022801, + "main_score": 89.61667787491594 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/MedrxivClusteringP2P.json b/results/bijaygurung__stella_en_400M_v5/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..bf232514b --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/MedrxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 46.318282423948574, + "v_measure": 46.318282423948574, + "v_measure_std": 0.9729055662461538 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/MedrxivClusteringS2S.json b/results/bijaygurung__stella_en_400M_v5/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..6b267e93f --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/MedrxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 44.29033625273981, + "v_measure": 44.29033625273981, + "v_measure_std": 1.0596383629128594 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/MindSmallReranking.json b/results/bijaygurung__stella_en_400M_v5/external/MindSmallReranking.json new file mode 100644 index 000000000..2cf580ba8 --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/MindSmallReranking.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "59042f120c80e8afa9cdbb224f67076cec0fc9a7", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 33.0526129239962, + "map": 33.0526129239962, + "mrr": 34.29260046890935, + "nAUC_map_diff1": 12.579738077238032, + "nAUC_map_max": -20.936629344962, + "nAUC_map_std": -1.6096805784945216, + "nAUC_mrr_diff1": 11.597584463580807, + "nAUC_mrr_max": -15.723702838537504, + "nAUC_mrr_std": 0.2719172965777737 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/NFCorpus.json b/results/bijaygurung__stella_en_400M_v5/external/NFCorpus.json new file mode 100644 index 000000000..0d67ffdf1 --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/NFCorpus.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 41.486000000000004, + "map_at_1": 6.866, + "map_at_10": 15.895999999999999, + "map_at_100": 21.093, + "map_at_1000": 23.067, + "map_at_20": 18.125, + "map_at_3": 11.421000000000001, + "map_at_5": 13.415, + "mrr_at_1": 52.63157894736842, + "mrr_at_10": 61.486805248415166, + "mrr_at_100": 62.08211009182091, + "mrr_at_1000": 62.10828701365016, + "mrr_at_20": 61.904411187915784, + "mrr_at_3": 59.90712074303407, + "mrr_at_5": 60.91331269349847, + "nauc_map_at_1000_diff1": 25.484625278529403, + "nauc_map_at_1000_max": 31.206600396418853, + "nauc_map_at_1000_std": 15.569448072357156, + "nauc_map_at_100_diff1": 27.636750226316764, + "nauc_map_at_100_max": 29.66992681250722, + "nauc_map_at_100_std": 10.570600484002671, + "nauc_map_at_10_diff1": 32.76642525548697, + "nauc_map_at_10_max": 21.459225397237663, + "nauc_map_at_10_std": -3.546494734209264, + "nauc_map_at_1_diff1": 48.8002894871328, + "nauc_map_at_1_max": 5.7236722609868815, + "nauc_map_at_1_std": -13.283554044471352, + "nauc_map_at_20_diff1": 30.57169701502308, + "nauc_map_at_20_max": 25.79666139518404, + "nauc_map_at_20_std": 1.781732492989651, + "nauc_map_at_3_diff1": 40.076315947201095, + "nauc_map_at_3_max": 12.862524429140054, + "nauc_map_at_3_std": -9.188349777126817, + "nauc_map_at_5_diff1": 36.9918718052938, + "nauc_map_at_5_max": 16.74234374361876, + "nauc_map_at_5_std": -7.818523349307494, + "nauc_mrr_at_1000_diff1": 26.88183002609805, + "nauc_mrr_at_1000_max": 47.10209348428658, + "nauc_mrr_at_1000_std": 32.067825924992924, + "nauc_mrr_at_100_diff1": 26.871482491566745, + "nauc_mrr_at_100_max": 47.11303868498556, + "nauc_mrr_at_100_std": 32.08961428818868, + "nauc_mrr_at_10_diff1": 26.6356914977722, + "nauc_mrr_at_10_max": 47.091624558810366, + "nauc_mrr_at_10_std": 31.942424120660164, + "nauc_mrr_at_1_diff1": 28.19774198483673, + "nauc_mrr_at_1_max": 41.44380927834253, + "nauc_mrr_at_1_std": 25.18222691885917, + "nauc_mrr_at_20_diff1": 26.86487347109452, + "nauc_mrr_at_20_max": 47.1987778214726, + "nauc_mrr_at_20_std": 32.143517921610034, + "nauc_mrr_at_3_diff1": 27.34340373236422, + "nauc_mrr_at_3_max": 46.358726506276646, + "nauc_mrr_at_3_std": 31.74924155572593, + "nauc_mrr_at_5_diff1": 27.209667205060672, + "nauc_mrr_at_5_max": 46.79883369072009, + "nauc_mrr_at_5_std": 31.655605306670758, + "nauc_ndcg_at_1000_diff1": 18.940195769769687, + "nauc_ndcg_at_1000_max": 46.48551313937331, + "nauc_ndcg_at_1000_std": 33.64819502089232, + "nauc_ndcg_at_100_diff1": 19.50885253809146, + "nauc_ndcg_at_100_max": 40.53174462354878, + "nauc_ndcg_at_100_std": 28.516152877751118, + "nauc_ndcg_at_10_diff1": 16.01699218096564, + "nauc_ndcg_at_10_max": 41.17322878314514, + "nauc_ndcg_at_10_std": 29.002233224832196, + "nauc_ndcg_at_1_diff1": 27.443547710102205, + "nauc_ndcg_at_1_max": 40.66529763309582, + "nauc_ndcg_at_1_std": 24.15016766225869, + "nauc_ndcg_at_20_diff1": 17.541197675685062, + "nauc_ndcg_at_20_max": 40.53231266973844, + "nauc_ndcg_at_20_std": 29.54096347876548, + "nauc_ndcg_at_3_diff1": 18.649628357473716, + "nauc_ndcg_at_3_max": 41.18603570171764, + "nauc_ndcg_at_3_std": 27.125524188420396, + "nauc_ndcg_at_5_diff1": 17.519593751448483, + "nauc_ndcg_at_5_max": 42.715997890377345, + "nauc_ndcg_at_5_std": 27.902627839899868, + "nauc_precision_at_1000_diff1": -15.528797630565155, + "nauc_precision_at_1000_max": 13.741640921778671, + "nauc_precision_at_1000_std": 44.50896053788372, + "nauc_precision_at_100_diff1": -14.491464489721887, + "nauc_precision_at_100_max": 23.136434418999457, + "nauc_precision_at_100_std": 49.73145147863128, + "nauc_precision_at_10_diff1": -4.829188942994277, + "nauc_precision_at_10_max": 40.327612559528866, + "nauc_precision_at_10_std": 39.34919529635044, + "nauc_precision_at_1_diff1": 28.19774198483673, + "nauc_precision_at_1_max": 41.44380927834253, + "nauc_precision_at_1_std": 25.18222691885917, + "nauc_precision_at_20_diff1": -7.210726293112847, + "nauc_precision_at_20_max": 37.195679576636984, + "nauc_precision_at_20_std": 45.4597096418357, + "nauc_precision_at_3_diff1": 7.578219537774854, + "nauc_precision_at_3_max": 41.59775233475654, + "nauc_precision_at_3_std": 30.764584790895118, + "nauc_precision_at_5_diff1": 1.655451789039598, + "nauc_precision_at_5_max": 43.435739407610455, + "nauc_precision_at_5_std": 33.42552263325999, + "nauc_recall_at_1000_diff1": 5.030705700690516, + "nauc_recall_at_1000_max": 19.108072570815583, + "nauc_recall_at_1000_std": 14.697734974217308, + "nauc_recall_at_100_diff1": 14.746540318132407, + "nauc_recall_at_100_max": 21.798705033854795, + "nauc_recall_at_100_std": 11.416195108842587, + "nauc_recall_at_10_diff1": 25.548642427860486, + "nauc_recall_at_10_max": 18.711677681987474, + "nauc_recall_at_10_std": -5.988904818971677, + "nauc_recall_at_1_diff1": 48.8002894871328, + "nauc_recall_at_1_max": 5.7236722609868815, + "nauc_recall_at_1_std": -13.283554044471352, + "nauc_recall_at_20_diff1": 23.39140739154809, + "nauc_recall_at_20_max": 19.351150636155474, + "nauc_recall_at_20_std": -2.757280266915132, + "nauc_recall_at_3_diff1": 38.17453576012812, + "nauc_recall_at_3_max": 13.47003839643972, + "nauc_recall_at_3_std": -8.75780163862688, + "nauc_recall_at_5_diff1": 33.02812855226899, + "nauc_recall_at_5_max": 15.477626408978477, + "nauc_recall_at_5_std": -9.072206441070708, + "ndcg_at_1": 50.773999999999994, + "ndcg_at_10": 41.486000000000004, + "ndcg_at_100": 39.051, + "ndcg_at_1000": 48.106, + "ndcg_at_20": 39.432, + "ndcg_at_3": 47.428, + "ndcg_at_5": 45.227000000000004, + "precision_at_1": 52.632, + "precision_at_10": 31.146, + "precision_at_100": 10.328, + "precision_at_1000": 2.432, + "precision_at_20": 23.793, + "precision_at_3": 45.201, + "precision_at_5": 39.876, + "recall_at_1": 6.866, + "recall_at_10": 20.447000000000003, + "recall_at_100": 40.607, + "recall_at_1000": 73.411, + "recall_at_20": 26.082, + "recall_at_3": 12.484, + "recall_at_5": 15.847 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/NQ.json b/results/bijaygurung__stella_en_400M_v5/external/NQ.json new file mode 100644 index 000000000..9643671ef --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/NQ.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 69.072, + "map_at_1": 45.483000000000004, + "map_at_10": 62.050000000000004, + "map_at_100": 62.693, + "map_at_1000": 62.702999999999996, + "map_at_20": 62.498, + "map_at_3": 58.285, + "map_at_5": 60.711000000000006, + "mrr_at_1": 50.840092699884124, + "mrr_at_10": 64.54635224116673, + "mrr_at_100": 64.9526548702289, + "mrr_at_1000": 64.95908460752281, + "mrr_at_20": 64.82949565799959, + "mrr_at_3": 61.89165701042856, + "mrr_at_5": 63.632676709154026, + "nauc_map_at_1000_diff1": 43.187285304185224, + "nauc_map_at_1000_max": 32.39921659632756, + "nauc_map_at_1000_std": -5.780901333066553, + "nauc_map_at_100_diff1": 43.184487221204456, + "nauc_map_at_100_max": 32.41176116347982, + "nauc_map_at_100_std": -5.76422606662383, + "nauc_map_at_10_diff1": 42.967066814031746, + "nauc_map_at_10_max": 32.489617364418514, + "nauc_map_at_10_std": -6.029045531102664, + "nauc_map_at_1_diff1": 46.16376563218624, + "nauc_map_at_1_max": 26.342624776802232, + "nauc_map_at_1_std": -7.142171388751972, + "nauc_map_at_20_diff1": 43.15894358608328, + "nauc_map_at_20_max": 32.46492198956245, + "nauc_map_at_20_std": -5.788373305449195, + "nauc_map_at_3_diff1": 43.231752344608545, + "nauc_map_at_3_max": 31.68003009949564, + "nauc_map_at_3_std": -8.015235132765458, + "nauc_map_at_5_diff1": 42.86197608819917, + "nauc_map_at_5_max": 32.363857571094485, + "nauc_map_at_5_std": -6.780487416387977, + "nauc_mrr_at_1000_diff1": 43.40542912045782, + "nauc_mrr_at_1000_max": 32.8461770324533, + "nauc_mrr_at_1000_std": -3.6505425530008204, + "nauc_mrr_at_100_diff1": 43.40233508014468, + "nauc_mrr_at_100_max": 32.85598538385942, + "nauc_mrr_at_100_std": -3.637477352635459, + "nauc_mrr_at_10_diff1": 43.260179162806054, + "nauc_mrr_at_10_max": 32.942643527040474, + "nauc_mrr_at_10_std": -3.712052825320437, + "nauc_mrr_at_1_diff1": 46.354919460881206, + "nauc_mrr_at_1_max": 29.1760258591106, + "nauc_mrr_at_1_std": -4.107225031227406, + "nauc_mrr_at_20_diff1": 43.37092385434311, + "nauc_mrr_at_20_max": 32.93390254712846, + "nauc_mrr_at_20_std": -3.5719056112132006, + "nauc_mrr_at_3_diff1": 43.1744474040527, + "nauc_mrr_at_3_max": 32.741290559777994, + "nauc_mrr_at_3_std": -4.72677925120697, + "nauc_mrr_at_5_diff1": 43.108396819975674, + "nauc_mrr_at_5_max": 32.970519514893084, + "nauc_mrr_at_5_std": -4.090906158975974, + "nauc_ndcg_at_1000_diff1": 42.786664193638714, + "nauc_ndcg_at_1000_max": 33.65554095609296, + "nauc_ndcg_at_1000_std": -4.024030130584482, + "nauc_ndcg_at_100_diff1": 42.691246775210814, + "nauc_ndcg_at_100_max": 34.063232335110875, + "nauc_ndcg_at_100_std": -3.477813807415248, + "nauc_ndcg_at_10_diff1": 41.90988990571757, + "nauc_ndcg_at_10_max": 34.58934812881633, + "nauc_ndcg_at_10_std": -4.3295110195497655, + "nauc_ndcg_at_1_diff1": 46.354919460881206, + "nauc_ndcg_at_1_max": 29.1760258591106, + "nauc_ndcg_at_1_std": -4.107225031227406, + "nauc_ndcg_at_20_diff1": 42.493206675867114, + "nauc_ndcg_at_20_max": 34.562441307459544, + "nauc_ndcg_at_20_std": -3.4456116866749107, + "nauc_ndcg_at_3_diff1": 42.24180336502808, + "nauc_ndcg_at_3_max": 33.064267018100594, + "nauc_ndcg_at_3_std": -7.786248093572142, + "nauc_ndcg_at_5_diff1": 41.692714787779565, + "nauc_ndcg_at_5_max": 34.20502498949156, + "nauc_ndcg_at_5_std": -5.979557859282785, + "nauc_precision_at_1000_diff1": -13.779832506640702, + "nauc_precision_at_1000_max": 1.243001688631421, + "nauc_precision_at_1000_std": 17.351623398622323, + "nauc_precision_at_100_diff1": -11.310526816290297, + "nauc_precision_at_100_max": 5.771669506192959, + "nauc_precision_at_100_std": 19.917795079540113, + "nauc_precision_at_10_diff1": 2.163699384635286, + "nauc_precision_at_10_max": 19.66440698458386, + "nauc_precision_at_10_std": 13.689876348315726, + "nauc_precision_at_1_diff1": 46.354919460881206, + "nauc_precision_at_1_max": 29.1760258591106, + "nauc_precision_at_1_std": -4.107225031227406, + "nauc_precision_at_20_diff1": -3.038735879584471, + "nauc_precision_at_20_max": 14.132968299701695, + "nauc_precision_at_20_std": 17.78069734664346, + "nauc_precision_at_3_diff1": 21.783760758070095, + "nauc_precision_at_3_max": 30.244127986404497, + "nauc_precision_at_3_std": -0.12411163467738723, + "nauc_precision_at_5_diff1": 10.980635723302418, + "nauc_precision_at_5_max": 25.302293738975575, + "nauc_precision_at_5_std": 6.4740817488722024, + "nauc_recall_at_1000_diff1": 34.10343772356593, + "nauc_recall_at_1000_max": 80.72497340357538, + "nauc_recall_at_1000_std": 69.54564103264093, + "nauc_recall_at_100_diff1": 33.427719956774126, + "nauc_recall_at_100_max": 71.54086768335449, + "nauc_recall_at_100_std": 49.66157377654885, + "nauc_recall_at_10_diff1": 33.70139560054039, + "nauc_recall_at_10_max": 45.47878072860151, + "nauc_recall_at_10_std": 1.4188516615716378, + "nauc_recall_at_1_diff1": 46.16376563218624, + "nauc_recall_at_1_max": 26.342624776802232, + "nauc_recall_at_1_std": -7.142171388751972, + "nauc_recall_at_20_diff1": 35.805379874970086, + "nauc_recall_at_20_max": 51.80479822253392, + "nauc_recall_at_20_std": 13.531467576460143, + "nauc_recall_at_3_diff1": 37.288500141631616, + "nauc_recall_at_3_max": 35.07078243516728, + "nauc_recall_at_3_std": -10.452926441410405, + "nauc_recall_at_5_diff1": 34.83186104526897, + "nauc_recall_at_5_max": 39.58488976496973, + "nauc_recall_at_5_std": -6.3049292065708835, + "ndcg_at_1": 50.839999999999996, + "ndcg_at_10": 69.072, + "ndcg_at_100": 71.538, + "ndcg_at_1000": 71.77799999999999, + "ndcg_at_20": 70.41, + "ndcg_at_3": 62.544999999999995, + "ndcg_at_5": 66.33099999999999, + "precision_at_1": 50.839999999999996, + "precision_at_10": 10.495000000000001, + "precision_at_100": 1.1900000000000002, + "precision_at_1000": 0.121, + "precision_at_20": 5.5809999999999995, + "precision_at_3": 27.636, + "precision_at_5": 18.864, + "recall_at_1": 45.483000000000004, + "recall_at_10": 87.483, + "recall_at_100": 97.844, + "recall_at_1000": 99.66199999999999, + "recall_at_20": 92.294, + "recall_at_3": 71.2, + "recall_at_5": 79.753 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/QuoraRetrieval.json b/results/bijaygurung__stella_en_400M_v5/external/QuoraRetrieval.json new file mode 100644 index 000000000..3ba548a9a --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/QuoraRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "e4e08e0b7dbe3c8700f0daef558ff32256715259", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 89.58, + "map_at_1": 71.819, + "map_at_10": 86.04899999999999, + "map_at_100": 86.648, + "map_at_1000": 86.66199999999999, + "map_at_20": 86.441, + "map_at_3": 83.114, + "map_at_5": 84.981, + "mrr_at_1": 82.62, + "mrr_at_10": 88.62899999999979, + "mrr_at_100": 88.70918591324215, + "mrr_at_1000": 88.70973091492397, + "mrr_at_20": 88.68914765317221, + "mrr_at_3": 87.74999999999979, + "mrr_at_5": 88.36799999999974, + "nauc_map_at_1000_diff1": 77.89207709760448, + "nauc_map_at_1000_max": 29.63371361495422, + "nauc_map_at_1000_std": -48.628180385874344, + "nauc_map_at_100_diff1": 77.89592179104915, + "nauc_map_at_100_max": 29.617171506130756, + "nauc_map_at_100_std": -48.66057170774648, + "nauc_map_at_10_diff1": 78.0618161228185, + "nauc_map_at_10_max": 29.178490609366737, + "nauc_map_at_10_std": -50.74755004592002, + "nauc_map_at_1_diff1": 81.64335579973574, + "nauc_map_at_1_max": 21.813832226652174, + "nauc_map_at_1_std": -42.57570978190876, + "nauc_map_at_20_diff1": 77.9299081005938, + "nauc_map_at_20_max": 29.458718470003888, + "nauc_map_at_20_std": -49.63337236763102, + "nauc_map_at_3_diff1": 78.72941448509229, + "nauc_map_at_3_max": 26.600997896960056, + "nauc_map_at_3_std": -51.889002227479885, + "nauc_map_at_5_diff1": 78.31466610917171, + "nauc_map_at_5_max": 28.09863984582896, + "nauc_map_at_5_std": -52.14058096096497, + "nauc_mrr_at_1000_diff1": 78.42667263739992, + "nauc_mrr_at_1000_max": 31.98996235127974, + "nauc_mrr_at_1000_std": -44.380439148429296, + "nauc_mrr_at_100_diff1": 78.42661032698115, + "nauc_mrr_at_100_max": 31.991652631740102, + "nauc_mrr_at_100_std": -44.37854108460535, + "nauc_mrr_at_10_diff1": 78.39126022544136, + "nauc_mrr_at_10_max": 32.02023484451197, + "nauc_mrr_at_10_std": -44.561252349176954, + "nauc_mrr_at_1_diff1": 79.21630894647448, + "nauc_mrr_at_1_max": 31.526303156060177, + "nauc_mrr_at_1_std": -41.887504422443136, + "nauc_mrr_at_20_diff1": 78.42548039170424, + "nauc_mrr_at_20_max": 31.99588275070137, + "nauc_mrr_at_20_std": -44.44957722627042, + "nauc_mrr_at_3_diff1": 78.26165151833735, + "nauc_mrr_at_3_max": 32.18028826126801, + "nauc_mrr_at_3_std": -44.6998237213182, + "nauc_mrr_at_5_diff1": 78.34786430903962, + "nauc_mrr_at_5_max": 32.168476272879566, + "nauc_mrr_at_5_std": -44.7915919956712, + "nauc_ndcg_at_1000_diff1": 77.79198355957816, + "nauc_ndcg_at_1000_max": 31.14363511518406, + "nauc_ndcg_at_1000_std": -46.69335151274275, + "nauc_ndcg_at_100_diff1": 77.79898090286419, + "nauc_ndcg_at_100_max": 31.115103811629215, + "nauc_ndcg_at_100_std": -46.73078913421965, + "nauc_ndcg_at_10_diff1": 77.74856635461343, + "nauc_ndcg_at_10_max": 30.279584686212747, + "nauc_ndcg_at_10_std": -50.23514662356807, + "nauc_ndcg_at_1_diff1": 79.17833000040999, + "nauc_ndcg_at_1_max": 31.703788144510746, + "nauc_ndcg_at_1_std": -41.854817402870715, + "nauc_ndcg_at_20_diff1": 77.7380353804671, + "nauc_ndcg_at_20_max": 30.622294129001553, + "nauc_ndcg_at_20_std": -49.035794761065254, + "nauc_ndcg_at_3_diff1": 77.41476880573593, + "nauc_ndcg_at_3_max": 29.015949978243032, + "nauc_ndcg_at_3_std": -49.78627087622648, + "nauc_ndcg_at_5_diff1": 77.64439137502896, + "nauc_ndcg_at_5_max": 29.444684897492206, + "nauc_ndcg_at_5_std": -51.21908400252501, + "nauc_precision_at_1000_diff1": -44.92396459446822, + "nauc_precision_at_1000_max": -3.674153720989045, + "nauc_precision_at_1000_std": 39.56552468277785, + "nauc_precision_at_100_diff1": -44.75143023259094, + "nauc_precision_at_100_max": -3.705280025140011, + "nauc_precision_at_100_std": 39.433619999113326, + "nauc_precision_at_10_diff1": -41.0651074726579, + "nauc_precision_at_10_max": -0.21097985601783667, + "nauc_precision_at_10_std": 26.24652824589493, + "nauc_precision_at_1_diff1": 79.17833000040999, + "nauc_precision_at_1_max": 31.703788144510746, + "nauc_precision_at_1_std": -41.854817402870715, + "nauc_precision_at_20_diff1": -43.368001340920294, + "nauc_precision_at_20_max": -2.036990010399129, + "nauc_precision_at_20_std": 32.37747041406297, + "nauc_precision_at_3_diff1": -22.089307548346877, + "nauc_precision_at_3_max": 6.2280973175296, + "nauc_precision_at_3_std": 5.323992514036145, + "nauc_precision_at_5_diff1": -34.07115055244003, + "nauc_precision_at_5_max": 2.5955315789198834, + "nauc_precision_at_5_std": 16.26096689407332, + "nauc_recall_at_1000_diff1": 58.27703860947467, + "nauc_recall_at_1000_max": 68.59835835315768, + "nauc_recall_at_1000_std": 77.96687006056064, + "nauc_recall_at_100_diff1": 73.24371223081737, + "nauc_recall_at_100_max": 39.55925344664591, + "nauc_recall_at_100_std": -32.25605030215798, + "nauc_recall_at_10_diff1": 73.41261201339202, + "nauc_recall_at_10_max": 26.822979434062926, + "nauc_recall_at_10_std": -74.2909332592806, + "nauc_recall_at_1_diff1": 81.64335579973574, + "nauc_recall_at_1_max": 21.813832226652174, + "nauc_recall_at_1_std": -42.57570978190876, + "nauc_recall_at_20_diff1": 72.7621297920656, + "nauc_recall_at_20_max": 26.02492304096079, + "nauc_recall_at_20_std": -77.8724532438279, + "nauc_recall_at_3_diff1": 75.25149312810714, + "nauc_recall_at_3_max": 23.20545662481487, + "nauc_recall_at_3_std": -59.69689982140521, + "nauc_recall_at_5_diff1": 73.69807273001406, + "nauc_recall_at_5_max": 24.073666798066057, + "nauc_recall_at_5_std": -67.91121268130719, + "ndcg_at_1": 82.64, + "ndcg_at_10": 89.58, + "ndcg_at_100": 90.606, + "ndcg_at_1000": 90.676, + "ndcg_at_20": 90.132, + "ndcg_at_3": 86.88, + "ndcg_at_5": 88.40299999999999, + "precision_at_1": 82.64, + "precision_at_10": 13.604, + "precision_at_100": 1.539, + "precision_at_1000": 0.157, + "precision_at_20": 7.188, + "precision_at_3": 38.083, + "precision_at_5": 25.018, + "recall_at_1": 71.819, + "recall_at_10": 96.34700000000001, + "recall_at_100": 99.715, + "recall_at_1000": 99.995, + "recall_at_20": 98.073, + "recall_at_3": 88.57300000000001, + "recall_at_5": 92.908 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/RedditClustering.json b/results/bijaygurung__stella_en_400M_v5/external/RedditClustering.json new file mode 100644 index 000000000..16ae00d6d --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/RedditClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 71.18966762070158, + "v_measure": 71.18966762070158, + "v_measure_std": 2.7498969054457048 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/RedditClusteringP2P.json b/results/bijaygurung__stella_en_400M_v5/external/RedditClusteringP2P.json new file mode 100644 index 000000000..5aded128d --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/RedditClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 74.42014716862516, + "v_measure": 74.42014716862516, + "v_measure_std": 9.909739891410648 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/SCIDOCS.json b/results/bijaygurung__stella_en_400M_v5/external/SCIDOCS.json new file mode 100644 index 000000000..7ff073ec4 --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/SCIDOCS.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f8c2fcf00f625baaa80f62ec5bd9e1fff3b8ae88", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 25.041999999999998, + "map_at_1": 5.893000000000001, + "map_at_10": 15.260000000000002, + "map_at_100": 18.084, + "map_at_1000": 18.467, + "map_at_20": 16.675, + "map_at_3": 10.526, + "map_at_5": 12.775, + "mrr_at_1": 28.999999999999996, + "mrr_at_10": 41.03575396825395, + "mrr_at_100": 42.136771862785835, + "mrr_at_1000": 42.16698555415099, + "mrr_at_20": 41.707493696104315, + "mrr_at_3": 37.34999999999998, + "mrr_at_5": 39.59999999999995, + "nauc_map_at_1000_diff1": 12.080002654911883, + "nauc_map_at_1000_max": 29.813563682286276, + "nauc_map_at_1000_std": 20.36659817908673, + "nauc_map_at_100_diff1": 12.108735517749706, + "nauc_map_at_100_max": 29.76830671710955, + "nauc_map_at_100_std": 20.3433621032846, + "nauc_map_at_10_diff1": 12.91575031185637, + "nauc_map_at_10_max": 29.427600958386318, + "nauc_map_at_10_std": 16.89867275177153, + "nauc_map_at_1_diff1": 19.353069488987916, + "nauc_map_at_1_max": 17.093914951159693, + "nauc_map_at_1_std": 8.19886078055046, + "nauc_map_at_20_diff1": 11.977233457943113, + "nauc_map_at_20_max": 29.171812822948805, + "nauc_map_at_20_std": 18.780517506173965, + "nauc_map_at_3_diff1": 14.453129464176092, + "nauc_map_at_3_max": 25.801958649112077, + "nauc_map_at_3_std": 11.572823684429643, + "nauc_map_at_5_diff1": 13.167155808104997, + "nauc_map_at_5_max": 27.355626948365792, + "nauc_map_at_5_std": 14.414151839192183, + "nauc_mrr_at_1000_diff1": 17.262104643988636, + "nauc_mrr_at_1000_max": 23.991373837217058, + "nauc_mrr_at_1000_std": 12.44755488671623, + "nauc_mrr_at_100_diff1": 17.267280132318703, + "nauc_mrr_at_100_max": 24.022189287889294, + "nauc_mrr_at_100_std": 12.480695500214788, + "nauc_mrr_at_10_diff1": 17.012383998246268, + "nauc_mrr_at_10_max": 24.192637911171722, + "nauc_mrr_at_10_std": 12.524608847408917, + "nauc_mrr_at_1_diff1": 19.43518811038007, + "nauc_mrr_at_1_max": 17.747482933395602, + "nauc_mrr_at_1_std": 8.410779775558684, + "nauc_mrr_at_20_diff1": 17.202663281407446, + "nauc_mrr_at_20_max": 24.091991130543118, + "nauc_mrr_at_20_std": 12.503814263019908, + "nauc_mrr_at_3_diff1": 17.52733013432995, + "nauc_mrr_at_3_max": 23.569459518780214, + "nauc_mrr_at_3_std": 11.770846827520726, + "nauc_mrr_at_5_diff1": 17.10817561975543, + "nauc_mrr_at_5_max": 23.945141435234678, + "nauc_mrr_at_5_std": 12.034468615317719, + "nauc_ndcg_at_1000_diff1": 12.317811393346936, + "nauc_ndcg_at_1000_max": 30.809991350156103, + "nauc_ndcg_at_1000_std": 24.517501065205067, + "nauc_ndcg_at_100_diff1": 12.824804203182936, + "nauc_ndcg_at_100_max": 30.895499817010748, + "nauc_ndcg_at_100_std": 25.424376279745402, + "nauc_ndcg_at_10_diff1": 13.32724552457439, + "nauc_ndcg_at_10_max": 30.409088666807456, + "nauc_ndcg_at_10_std": 18.216330475714113, + "nauc_ndcg_at_1_diff1": 19.43518811038007, + "nauc_ndcg_at_1_max": 17.747482933395602, + "nauc_ndcg_at_1_std": 8.410779775558684, + "nauc_ndcg_at_20_diff1": 12.224399111852902, + "nauc_ndcg_at_20_max": 29.86352330445272, + "nauc_ndcg_at_20_std": 21.196937851331807, + "nauc_ndcg_at_3_diff1": 15.367489533734027, + "nauc_ndcg_at_3_max": 26.76486390741532, + "nauc_ndcg_at_3_std": 12.606077508789923, + "nauc_ndcg_at_5_diff1": 13.831157482390935, + "nauc_ndcg_at_5_max": 28.070226983968904, + "nauc_ndcg_at_5_std": 15.236787943125435, + "nauc_precision_at_1000_diff1": 0.016122957101357048, + "nauc_precision_at_1000_max": 24.380929903557334, + "nauc_precision_at_1000_std": 34.54045112720052, + "nauc_precision_at_100_diff1": 7.255224788507301, + "nauc_precision_at_100_max": 27.98453788447542, + "nauc_precision_at_100_std": 35.38999555441665, + "nauc_precision_at_10_diff1": 9.69185099834181, + "nauc_precision_at_10_max": 32.532315522580454, + "nauc_precision_at_10_std": 21.48948348473612, + "nauc_precision_at_1_diff1": 19.43518811038007, + "nauc_precision_at_1_max": 17.747482933395602, + "nauc_precision_at_1_std": 8.410779775558684, + "nauc_precision_at_20_diff1": 6.964076536695672, + "nauc_precision_at_20_max": 29.30087236410044, + "nauc_precision_at_20_std": 26.413625895571986, + "nauc_precision_at_3_diff1": 14.145134359925155, + "nauc_precision_at_3_max": 29.915650960808303, + "nauc_precision_at_3_std": 14.095370019867797, + "nauc_precision_at_5_diff1": 11.043933558522692, + "nauc_precision_at_5_max": 30.93016505807111, + "nauc_precision_at_5_std": 17.749256196062603, + "nauc_recall_at_1000_diff1": -0.7776817772090345, + "nauc_recall_at_1000_max": 23.094717340324518, + "nauc_recall_at_1000_std": 37.189908681396425, + "nauc_recall_at_100_diff1": 6.887748742013364, + "nauc_recall_at_100_max": 27.00798435230277, + "nauc_recall_at_100_std": 35.908147807345344, + "nauc_recall_at_10_diff1": 9.605632017480751, + "nauc_recall_at_10_max": 31.845202901168655, + "nauc_recall_at_10_std": 21.497414586634683, + "nauc_recall_at_1_diff1": 19.353069488987916, + "nauc_recall_at_1_max": 17.093914951159693, + "nauc_recall_at_1_std": 8.19886078055046, + "nauc_recall_at_20_diff1": 6.927503731844782, + "nauc_recall_at_20_max": 28.611698183338202, + "nauc_recall_at_20_std": 26.69018660149911, + "nauc_recall_at_3_diff1": 14.043724087062268, + "nauc_recall_at_3_max": 29.269835821380465, + "nauc_recall_at_3_std": 14.104419605998094, + "nauc_recall_at_5_diff1": 11.017319452873336, + "nauc_recall_at_5_max": 30.295720628306228, + "nauc_recall_at_5_std": 17.758048545573825, + "ndcg_at_1": 28.999999999999996, + "ndcg_at_10": 25.041999999999998, + "ndcg_at_100": 35.045, + "ndcg_at_1000": 40.803, + "ndcg_at_20": 28.584, + "ndcg_at_3": 23.249, + "ndcg_at_5": 20.533, + "precision_at_1": 28.999999999999996, + "precision_at_10": 13.120000000000001, + "precision_at_100": 2.7470000000000003, + "precision_at_1000": 0.41200000000000003, + "precision_at_20": 8.584999999999999, + "precision_at_3": 21.633, + "precision_at_5": 18.099999999999998, + "recall_at_1": 5.893000000000001, + "recall_at_10": 26.567, + "recall_at_100": 55.800000000000004, + "recall_at_1000": 83.608, + "recall_at_20": 34.86, + "recall_at_3": 13.153, + "recall_at_5": 18.323 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/SICK-R.json b/results/bijaygurung__stella_en_400M_v5/external/SICK-R.json new file mode 100644 index 000000000..a1e23a637 --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 86.57284584320382, + "cosine_spearman": 82.20531642680812, + "euclidean_pearson": 83.94261758556554, + "euclidean_spearman": 82.20721497738559, + "main_score": 82.20531642680812, + "manhattan_pearson": 84.15902154703083, + "manhattan_spearman": 82.19506027155957, + "pearson": 86.57284584320382, + "spearman": 82.20531642680812 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/STS12.json b/results/bijaygurung__stella_en_400M_v5/external/STS12.json new file mode 100644 index 000000000..76a2e56c6 --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 86.28047602146931, + "cosine_spearman": 79.51504881448884, + "euclidean_pearson": 83.10545189967856, + "euclidean_spearman": 79.50586960492797, + "main_score": 79.51504881448884, + "manhattan_pearson": 83.44244457500889, + "manhattan_spearman": 79.730303339846, + "pearson": 86.28047602146931, + "spearman": 79.51504881448884 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/STS13.json b/results/bijaygurung__stella_en_400M_v5/external/STS13.json new file mode 100644 index 000000000..2d08320bc --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 88.74723553048702, + "cosine_spearman": 89.18936052329725, + "euclidean_pearson": 88.90400878928668, + "euclidean_spearman": 89.19174821431281, + "main_score": 89.18936052329725, + "manhattan_pearson": 88.81504628424054, + "manhattan_spearman": 89.18063294142597, + "pearson": 88.74723553048702, + "spearman": 89.18936052329725 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/STS14.json b/results/bijaygurung__stella_en_400M_v5/external/STS14.json new file mode 100644 index 000000000..14402fd71 --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 86.45403437836023, + "cosine_spearman": 85.14654611519086, + "euclidean_pearson": 85.87509624462743, + "euclidean_spearman": 85.1391108856681, + "main_score": 85.14654611519086, + "manhattan_pearson": 85.96635794953866, + "manhattan_spearman": 85.3271371527667, + "pearson": 86.45403437836023, + "spearman": 85.14654611519086 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/STS15.json b/results/bijaygurung__stella_en_400M_v5/external/STS15.json new file mode 100644 index 000000000..f729d7b65 --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 87.84742260009705, + "cosine_spearman": 89.10215217191254, + "euclidean_pearson": 88.97393286325477, + "euclidean_spearman": 89.1014105509662, + "main_score": 89.10215217191254, + "manhattan_pearson": 89.31698781090151, + "manhattan_spearman": 89.53000001764433, + "pearson": 87.84742260009705, + "spearman": 89.10215217191254 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/STS16.json b/results/bijaygurung__stella_en_400M_v5/external/STS16.json new file mode 100644 index 000000000..7ec4cea8c --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 85.22397535461835, + "cosine_spearman": 87.14066355879785, + "euclidean_pearson": 86.31393364087295, + "euclidean_spearman": 87.14018892702765, + "main_score": 87.14066355879785, + "manhattan_pearson": 86.36366855248434, + "manhattan_spearman": 87.20858630423012, + "pearson": 85.22397535461835, + "spearman": 87.14066355879785 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/STS17.json b/results/bijaygurung__stella_en_400M_v5/external/STS17.json new file mode 100644 index 000000000..cad9c3ce4 --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "faeb762787bd10488a50c8b5be4a3b82e411949c", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 90.66131612061355, + "cosine_spearman": 90.97082650129164, + "euclidean_pearson": 90.98181906744969, + "euclidean_spearman": 90.99008476850047, + "main_score": 90.97082650129164, + "manhattan_pearson": 90.75245040709021, + "manhattan_spearman": 90.6199877691265, + "pearson": 90.66131612061355, + "spearman": 90.97082650129164 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/STS22.json b/results/bijaygurung__stella_en_400M_v5/external/STS22.json new file mode 100644 index 000000000..e71da1938 --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "de9d86b3b84231dc21f76c7b7af1f28e2f57f6e3", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 67.270656447085, + "cosine_spearman": 67.82870469746828, + "euclidean_pearson": 69.03857775285664, + "euclidean_spearman": 67.74455108773341, + "main_score": 67.82870469746828, + "manhattan_pearson": 69.25304172245812, + "manhattan_spearman": 68.00987097916055, + "pearson": 67.270656447085, + "spearman": 67.82870469746828 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/STSBenchmark.json b/results/bijaygurung__stella_en_400M_v5/external/STSBenchmark.json new file mode 100644 index 000000000..d1695da39 --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 87.17245205384889, + "cosine_spearman": 87.7360146030987, + "euclidean_pearson": 87.48919412794656, + "euclidean_spearman": 87.7312047878383, + "main_score": 87.7360146030987, + "manhattan_pearson": 87.61476224354806, + "manhattan_spearman": 87.95220889254693, + "pearson": 87.17245205384889, + "spearman": 87.7360146030987 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/SciDocsRR.json b/results/bijaygurung__stella_en_400M_v5/external/SciDocsRR.json new file mode 100644 index 000000000..955a4fc3c --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/SciDocsRR.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 88.43547871921146, + "map": 88.43547871921146, + "mrr": 96.5564473652709, + "nAUC_map_diff1": -13.66029392579231, + "nAUC_map_max": 50.325613574053506, + "nAUC_map_std": 60.02986231275796, + "nAUC_mrr_diff1": 23.83821476411125, + "nAUC_mrr_max": 86.72643311769906, + "nAUC_mrr_std": 72.12741063469213 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/SciFact.json b/results/bijaygurung__stella_en_400M_v5/external/SciFact.json new file mode 100644 index 000000000..c83f26f96 --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/SciFact.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 78.233, + "map_at_1": 61.49400000000001, + "map_at_10": 73.30600000000001, + "map_at_100": 73.719, + "map_at_1000": 73.724, + "map_at_20": 73.611, + "map_at_3": 70.626, + "map_at_5": 72.417, + "mrr_at_1": 64.66666666666666, + "mrr_at_10": 74.30357142857143, + "mrr_at_100": 74.56950898079988, + "mrr_at_1000": 74.57295833098681, + "mrr_at_20": 74.46165223665226, + "mrr_at_3": 72.3888888888889, + "mrr_at_5": 73.60555555555557, + "nauc_map_at_1000_diff1": 76.51524604780636, + "nauc_map_at_1000_max": 53.48521938401881, + "nauc_map_at_1000_std": -7.347799382158861, + "nauc_map_at_100_diff1": 76.5122888096236, + "nauc_map_at_100_max": 53.49221847471618, + "nauc_map_at_100_std": -7.329683735681086, + "nauc_map_at_10_diff1": 76.30928630674504, + "nauc_map_at_10_max": 53.00102977185941, + "nauc_map_at_10_std": -7.7467740085108705, + "nauc_map_at_1_diff1": 79.54189281784247, + "nauc_map_at_1_max": 46.630071622109526, + "nauc_map_at_1_std": -14.395943134644112, + "nauc_map_at_20_diff1": 76.41604361947962, + "nauc_map_at_20_max": 53.578883876146875, + "nauc_map_at_20_std": -7.403103451288041, + "nauc_map_at_3_diff1": 76.25911617571941, + "nauc_map_at_3_max": 49.140287380513605, + "nauc_map_at_3_std": -11.35992449218983, + "nauc_map_at_5_diff1": 76.35122077770336, + "nauc_map_at_5_max": 52.1744367901208, + "nauc_map_at_5_std": -7.85753955055384, + "nauc_mrr_at_1000_diff1": 76.97223309515867, + "nauc_mrr_at_1000_max": 57.263787498613326, + "nauc_mrr_at_1000_std": -4.884090708840035, + "nauc_mrr_at_100_diff1": 76.97312970894603, + "nauc_mrr_at_100_max": 57.26850730446478, + "nauc_mrr_at_100_std": -4.875200894216617, + "nauc_mrr_at_10_diff1": 76.65927674223613, + "nauc_mrr_at_10_max": 57.30979763941454, + "nauc_mrr_at_10_std": -4.863331094022142, + "nauc_mrr_at_1_diff1": 80.0454932568644, + "nauc_mrr_at_1_max": 56.76038421319305, + "nauc_mrr_at_1_std": -4.101939392632653, + "nauc_mrr_at_20_diff1": 76.87237970440503, + "nauc_mrr_at_20_max": 57.33843605225869, + "nauc_mrr_at_20_std": -4.96248984417978, + "nauc_mrr_at_3_diff1": 76.74130186666727, + "nauc_mrr_at_3_max": 56.19313244846155, + "nauc_mrr_at_3_std": -5.684365934009136, + "nauc_mrr_at_5_diff1": 76.66406918799962, + "nauc_mrr_at_5_max": 57.56110093228628, + "nauc_mrr_at_5_std": -3.7464413085588073, + "nauc_ndcg_at_1000_diff1": 76.19194173971773, + "nauc_ndcg_at_1000_max": 55.57464600170693, + "nauc_ndcg_at_1000_std": -6.0761689532372625, + "nauc_ndcg_at_100_diff1": 76.14631273843654, + "nauc_ndcg_at_100_max": 55.72246565373382, + "nauc_ndcg_at_100_std": -5.595160698860595, + "nauc_ndcg_at_10_diff1": 75.0108223611192, + "nauc_ndcg_at_10_max": 55.27894212877493, + "nauc_ndcg_at_10_std": -6.968331740214591, + "nauc_ndcg_at_1_diff1": 80.0454932568644, + "nauc_ndcg_at_1_max": 56.76038421319305, + "nauc_ndcg_at_1_std": -4.101939392632653, + "nauc_ndcg_at_20_diff1": 75.54887755702472, + "nauc_ndcg_at_20_max": 56.406879417251496, + "nauc_ndcg_at_20_std": -6.495231061329629, + "nauc_ndcg_at_3_diff1": 75.03620356688509, + "nauc_ndcg_at_3_max": 52.147381077773424, + "nauc_ndcg_at_3_std": -8.448005688956199, + "nauc_ndcg_at_5_diff1": 75.1195898074229, + "nauc_ndcg_at_5_max": 54.2321033861173, + "nauc_ndcg_at_5_std": -5.882690780895338, + "nauc_precision_at_1000_diff1": -28.081979732100532, + "nauc_precision_at_1000_max": 35.055348014832916, + "nauc_precision_at_1000_std": 59.61280468927384, + "nauc_precision_at_100_diff1": -25.112740730587458, + "nauc_precision_at_100_max": 38.26331300116496, + "nauc_precision_at_100_std": 62.46316222328831, + "nauc_precision_at_10_diff1": -2.6766206473658833, + "nauc_precision_at_10_max": 45.95321867204845, + "nauc_precision_at_10_std": 45.07212468670564, + "nauc_precision_at_1_diff1": 80.0454932568644, + "nauc_precision_at_1_max": 56.76038421319305, + "nauc_precision_at_1_std": -4.101939392632653, + "nauc_precision_at_20_diff1": -10.698911116738385, + "nauc_precision_at_20_max": 43.467275950182994, + "nauc_precision_at_20_std": 48.00467321991766, + "nauc_precision_at_3_diff1": 33.6344708541193, + "nauc_precision_at_3_max": 49.309242331670504, + "nauc_precision_at_3_std": 21.02940391379915, + "nauc_precision_at_5_diff1": 13.560415600596318, + "nauc_precision_at_5_max": 48.918726500100085, + "nauc_precision_at_5_std": 39.940930429172184, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": 70.82166199813196, + "nauc_recall_at_100_max": 76.6106442577042, + "nauc_recall_at_100_std": 66.47992530345513, + "nauc_recall_at_10_diff1": 62.68908885556092, + "nauc_recall_at_10_max": 58.14262437741839, + "nauc_recall_at_10_std": -12.946717875063369, + "nauc_recall_at_1_diff1": 79.54189281784247, + "nauc_recall_at_1_max": 46.630071622109526, + "nauc_recall_at_1_std": -14.395943134644112, + "nauc_recall_at_20_diff1": 65.79470497876567, + "nauc_recall_at_20_max": 71.68308183488456, + "nauc_recall_at_20_std": -12.556850697268453, + "nauc_recall_at_3_diff1": 68.3240211318129, + "nauc_recall_at_3_max": 45.05998217275036, + "nauc_recall_at_3_std": -14.23179772593869, + "nauc_recall_at_5_diff1": 67.53366869904056, + "nauc_recall_at_5_max": 53.57935627081027, + "nauc_recall_at_5_std": -3.3271112904853393, + "ndcg_at_1": 64.667, + "ndcg_at_10": 78.233, + "ndcg_at_100": 79.806, + "ndcg_at_1000": 79.92099999999999, + "ndcg_at_20": 79.006, + "ndcg_at_3": 74.018, + "ndcg_at_5": 76.334, + "precision_at_1": 64.667, + "precision_at_10": 10.4, + "precision_at_100": 1.1199999999999999, + "precision_at_1000": 0.11299999999999999, + "precision_at_20": 5.383, + "precision_at_3": 29.444, + "precision_at_5": 19.467000000000002, + "recall_at_1": 61.49400000000001, + "recall_at_10": 92.156, + "recall_at_100": 99.167, + "recall_at_1000": 100.0, + "recall_at_20": 94.833, + "recall_at_3": 80.833, + "recall_at_5": 86.6 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/SprintDuplicateQuestions.json b/results/bijaygurung__stella_en_400M_v5/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..71672adcf --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/SprintDuplicateQuestions.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 99.8039603960396, + "cosine_accuracy_threshold": 84.54211950302124, + "cosine_ap": 95.59056372734358, + "cosine_f1": 90.1394422310757, + "cosine_f1_threshold": 84.54211950302124, + "cosine_precision": 89.78174603174604, + "cosine_recall": 90.5, + "dot_accuracy": 99.80594059405941, + "dot_accuracy_threshold": 85.57180166244507, + "dot_ap": 95.53453431914399, + "dot_f1": 90.10442565887618, + "dot_f1_threshold": 84.59715843200684, + "dot_precision": 89.61424332344214, + "dot_recall": 90.60000000000001, + "euclidean_accuracy": 99.8039603960396, + "euclidean_accuracy_threshold": 53.253382444381714, + "euclidean_ap": 95.5850992402159, + "euclidean_f1": 90.09457441513192, + "euclidean_f1_threshold": 55.725520849227905, + "euclidean_precision": 89.69276511397423, + "euclidean_recall": 90.5, + "main_score": 95.7485189884476, + "manhattan_accuracy": 99.81485148514851, + "manhattan_accuracy_threshold": 3491.29638671875, + "manhattan_ap": 95.7485189884476, + "manhattan_f1": 90.464048954615, + "manhattan_f1_threshold": 3491.29638671875, + "manhattan_precision": 92.2996878251821, + "manhattan_recall": 88.7, + "max_ap": 95.7485189884476, + "max_f1": 90.464048954615, + "max_precision": 92.2996878251821, + "max_recall": 90.60000000000001, + "similarity_accuracy": 99.8039603960396, + "similarity_accuracy_threshold": 84.54211950302124, + "similarity_ap": 95.59056372734358, + "similarity_f1": 90.1394422310757, + "similarity_f1_threshold": 84.54211950302124, + "similarity_precision": 89.78174603174604, + "similarity_recall": 90.5 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/StackExchangeClustering.json b/results/bijaygurung__stella_en_400M_v5/external/StackExchangeClustering.json new file mode 100644 index 000000000..054c8aad6 --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/StackExchangeClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 78.49205191950675, + "v_measure": 78.49205191950675, + "v_measure_std": 2.84869550699959 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/StackExchangeClusteringP2P.json b/results/bijaygurung__stella_en_400M_v5/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..5808a6ac1 --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/StackExchangeClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 48.90421736513028, + "v_measure": 48.90421736513028, + "v_measure_std": 1.6875865714471023 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/StackOverflowDupQuestions.json b/results/bijaygurung__stella_en_400M_v5/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..a177725d1 --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/StackOverflowDupQuestions.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 52.9874730481696, + "map": 52.9874730481696, + "mrr": 53.85867604617604, + "nAUC_map_diff1": 39.633429293407616, + "nAUC_map_max": 10.236807988858546, + "nAUC_map_std": 10.276522217929674, + "nAUC_mrr_diff1": 40.0543079218377, + "nAUC_mrr_max": 10.96209807382042, + "nAUC_mrr_std": 10.524400196109918 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/SummEval.json b/results/bijaygurung__stella_en_400M_v5/external/SummEval.json new file mode 100644 index 000000000..62426278f --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 30.727801109114232, + "cosine_spearman": 31.66058223980157, + "dot_pearson": 30.78818248622866, + "dot_spearman": 31.525158776890265, + "main_score": 31.66058223980157, + "pearson": 30.727801109114232, + "spearman": 31.66058223980157 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/TRECCOVID.json b/results/bijaygurung__stella_en_400M_v5/external/TRECCOVID.json new file mode 100644 index 000000000..93c51ae54 --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/TRECCOVID.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "bb9466bac8153a0349341eb1b22e06409e78ef4e", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 85.206, + "map_at_1": 0.246, + "map_at_10": 2.1950000000000003, + "map_at_100": 14.179, + "map_at_1000": 35.037, + "map_at_20": 4.143, + "map_at_3": 0.7100000000000001, + "map_at_5": 1.135, + "mrr_at_1": 94.0, + "mrr_at_10": 96.66666666666666, + "mrr_at_100": 96.66666666666666, + "mrr_at_1000": 96.66666666666666, + "mrr_at_20": 96.66666666666666, + "mrr_at_3": 96.66666666666666, + "mrr_at_5": 96.66666666666666, + "nauc_map_at_1000_diff1": -4.6264497624527525, + "nauc_map_at_1000_max": 44.594457564749355, + "nauc_map_at_1000_std": 73.17642341400133, + "nauc_map_at_100_diff1": 23.451335157405726, + "nauc_map_at_100_max": 25.426398857299525, + "nauc_map_at_100_std": 64.07416694472633, + "nauc_map_at_10_diff1": 46.57568738568346, + "nauc_map_at_10_max": 9.693233249079238, + "nauc_map_at_10_std": 28.549530265164357, + "nauc_map_at_1_diff1": 53.48238396620123, + "nauc_map_at_1_max": 0.33476619393733076, + "nauc_map_at_1_std": 8.906362219128463, + "nauc_map_at_20_diff1": 39.40719602207749, + "nauc_map_at_20_max": 9.635915072074045, + "nauc_map_at_20_std": 35.15634791346394, + "nauc_map_at_3_diff1": 53.11784737840137, + "nauc_map_at_3_max": 3.059682761072153, + "nauc_map_at_3_std": 21.310633086556617, + "nauc_map_at_5_diff1": 49.91570701185436, + "nauc_map_at_5_max": 8.045082896244576, + "nauc_map_at_5_std": 20.597686235051647, + "nauc_mrr_at_1000_diff1": 41.98412698412726, + "nauc_mrr_at_1000_max": 78.24463118580779, + "nauc_mrr_at_1000_std": 0.30812324930028195, + "nauc_mrr_at_100_diff1": 41.98412698412726, + "nauc_mrr_at_100_max": 78.24463118580779, + "nauc_mrr_at_100_std": 0.30812324930028195, + "nauc_mrr_at_10_diff1": 41.98412698412726, + "nauc_mrr_at_10_max": 78.24463118580779, + "nauc_mrr_at_10_std": 0.30812324930028195, + "nauc_mrr_at_1_diff1": 38.62433862433873, + "nauc_mrr_at_1_max": 80.78120136943666, + "nauc_mrr_at_1_std": -10.768751945222197, + "nauc_mrr_at_20_diff1": 41.98412698412726, + "nauc_mrr_at_20_max": 78.24463118580779, + "nauc_mrr_at_20_std": 0.30812324930028195, + "nauc_mrr_at_3_diff1": 41.98412698412726, + "nauc_mrr_at_3_max": 78.24463118580779, + "nauc_mrr_at_3_std": 0.30812324930028195, + "nauc_mrr_at_5_diff1": 41.98412698412726, + "nauc_mrr_at_5_max": 78.24463118580779, + "nauc_mrr_at_5_std": 0.30812324930028195, + "nauc_ndcg_at_1000_diff1": 0.5174948602880207, + "nauc_ndcg_at_1000_max": 48.60686602077053, + "nauc_ndcg_at_1000_std": 75.72456343175277, + "nauc_ndcg_at_100_diff1": -20.747252137999254, + "nauc_ndcg_at_100_max": 49.985132618254994, + "nauc_ndcg_at_100_std": 61.096383293836574, + "nauc_ndcg_at_10_diff1": 6.791377920463332, + "nauc_ndcg_at_10_max": 57.50019332833286, + "nauc_ndcg_at_10_std": 49.201028841219426, + "nauc_ndcg_at_1_diff1": 54.92683440362145, + "nauc_ndcg_at_1_max": 83.8667228129276, + "nauc_ndcg_at_1_std": 1.6738604063586122, + "nauc_ndcg_at_20_diff1": -5.1948699196314925, + "nauc_ndcg_at_20_max": 54.483087684806556, + "nauc_ndcg_at_20_std": 50.54823818118781, + "nauc_ndcg_at_3_diff1": 26.267246500164372, + "nauc_ndcg_at_3_max": 63.0173212926611, + "nauc_ndcg_at_3_std": 41.025597406368256, + "nauc_ndcg_at_5_diff1": 16.910185454343036, + "nauc_ndcg_at_5_max": 60.9328683868778, + "nauc_ndcg_at_5_std": 36.70169905857712, + "nauc_precision_at_1000_diff1": -46.374447765983525, + "nauc_precision_at_1000_max": 35.36052337813863, + "nauc_precision_at_1000_std": 14.219220668161018, + "nauc_precision_at_100_diff1": -29.7838083657744, + "nauc_precision_at_100_max": 43.93589400385112, + "nauc_precision_at_100_std": 55.425045718579945, + "nauc_precision_at_10_diff1": -12.016613405227687, + "nauc_precision_at_10_max": 57.79924427743131, + "nauc_precision_at_10_std": 49.022036703550675, + "nauc_precision_at_1_diff1": 38.62433862433873, + "nauc_precision_at_1_max": 80.78120136943666, + "nauc_precision_at_1_std": -10.768751945222197, + "nauc_precision_at_20_diff1": -23.95633847880195, + "nauc_precision_at_20_max": 48.34715917258276, + "nauc_precision_at_20_std": 48.82198285255887, + "nauc_precision_at_3_diff1": 6.871296905858807, + "nauc_precision_at_3_max": 70.54805793285054, + "nauc_precision_at_3_std": 44.65108624094803, + "nauc_precision_at_5_diff1": -9.074932448759695, + "nauc_precision_at_5_max": 67.41284242437573, + "nauc_precision_at_5_std": 23.876891983919577, + "nauc_recall_at_1000_diff1": 8.142288830293255, + "nauc_recall_at_1000_max": 38.85182826835104, + "nauc_recall_at_1000_std": 68.60783819217335, + "nauc_recall_at_100_diff1": 34.262914076287466, + "nauc_recall_at_100_max": 12.87009658528838, + "nauc_recall_at_100_std": 56.21330603762995, + "nauc_recall_at_10_diff1": 49.33830945338758, + "nauc_recall_at_10_max": 0.3539875530671406, + "nauc_recall_at_10_std": 26.85864465557644, + "nauc_recall_at_1_diff1": 53.48238396620123, + "nauc_recall_at_1_max": 0.33476619393733076, + "nauc_recall_at_1_std": 8.906362219128463, + "nauc_recall_at_20_diff1": 44.21928181266254, + "nauc_recall_at_20_max": -0.9198356057088594, + "nauc_recall_at_20_std": 31.484376992896784, + "nauc_recall_at_3_diff1": 53.038093080990876, + "nauc_recall_at_3_max": -1.4170895916973003, + "nauc_recall_at_3_std": 21.890202855574497, + "nauc_recall_at_5_diff1": 49.39742214825278, + "nauc_recall_at_5_max": 2.8412267611894517, + "nauc_recall_at_5_std": 18.01598921859512, + "ndcg_at_1": 91.0, + "ndcg_at_10": 85.206, + "ndcg_at_100": 67.29, + "ndcg_at_1000": 60.584, + "ndcg_at_20": 82.321, + "ndcg_at_3": 88.642, + "ndcg_at_5": 87.063, + "precision_at_1": 94.0, + "precision_at_10": 89.8, + "precision_at_100": 69.78, + "precision_at_1000": 26.738, + "precision_at_20": 87.2, + "precision_at_3": 92.0, + "precision_at_5": 90.8, + "recall_at_1": 0.246, + "recall_at_10": 2.344, + "recall_at_100": 16.962, + "recall_at_1000": 57.325, + "recall_at_20": 4.517, + "recall_at_3": 0.731, + "recall_at_5": 1.1780000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/Touche2020.json b/results/bijaygurung__stella_en_400M_v5/external/Touche2020.json new file mode 100644 index 000000000..00409a702 --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/Touche2020.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 31.455, + "map_at_1": 2.9739999999999998, + "map_at_10": 12.183, + "map_at_100": 18.772, + "map_at_1000": 20.415, + "map_at_20": 14.451, + "map_at_3": 6.507000000000001, + "map_at_5": 8.66, + "mrr_at_1": 40.816326530612244, + "mrr_at_10": 57.70975056689341, + "mrr_at_100": 58.18379126542391, + "mrr_at_1000": 58.18379126542391, + "mrr_at_20": 57.85552316164561, + "mrr_at_3": 54.08163265306123, + "mrr_at_5": 56.42857142857143, + "nauc_map_at_1000_diff1": 3.1567471051481437, + "nauc_map_at_1000_max": -1.5882060729791523, + "nauc_map_at_1000_std": 18.69622198722074, + "nauc_map_at_100_diff1": 3.3449677678147536, + "nauc_map_at_100_max": -2.8928606866168405, + "nauc_map_at_100_std": 15.789984947653412, + "nauc_map_at_10_diff1": 2.9696743570444264, + "nauc_map_at_10_max": -9.096749212011876, + "nauc_map_at_10_std": -5.38545817258353, + "nauc_map_at_1_diff1": 20.680780404542546, + "nauc_map_at_1_max": -7.04722927447817, + "nauc_map_at_1_std": -7.062494733973898, + "nauc_map_at_20_diff1": 4.070437790119271, + "nauc_map_at_20_max": -4.84491434686032, + "nauc_map_at_20_std": 0.5846341109021014, + "nauc_map_at_3_diff1": 11.9634978045925, + "nauc_map_at_3_max": -8.27834591046608, + "nauc_map_at_3_std": -8.687615453381065, + "nauc_map_at_5_diff1": 0.9195191526009436, + "nauc_map_at_5_max": -1.673813362719489, + "nauc_map_at_5_std": -6.67549753473631, + "nauc_mrr_at_1000_diff1": 19.877993208719573, + "nauc_mrr_at_1000_max": -10.37776706406218, + "nauc_mrr_at_1000_std": 7.132169578056367, + "nauc_mrr_at_100_diff1": 19.877993208719573, + "nauc_mrr_at_100_max": -10.37776706406218, + "nauc_mrr_at_100_std": 7.132169578056367, + "nauc_mrr_at_10_diff1": 20.414285568401457, + "nauc_mrr_at_10_max": -9.677800295687861, + "nauc_mrr_at_10_std": 8.001103690180859, + "nauc_mrr_at_1_diff1": 22.393284073955723, + "nauc_mrr_at_1_max": -5.889370191243167, + "nauc_mrr_at_1_std": -1.5183536173658247, + "nauc_mrr_at_20_diff1": 20.455564720604055, + "nauc_mrr_at_20_max": -10.230642830103074, + "nauc_mrr_at_20_std": 7.863582453266621, + "nauc_mrr_at_3_diff1": 17.554895390732618, + "nauc_mrr_at_3_max": -15.618463505555052, + "nauc_mrr_at_3_std": 5.913231577966864, + "nauc_mrr_at_5_diff1": 18.393678507779914, + "nauc_mrr_at_5_max": -11.903593353147762, + "nauc_mrr_at_5_std": 7.580745996262831, + "nauc_ndcg_at_1000_diff1": 13.746937095530473, + "nauc_ndcg_at_1000_max": -0.9319249687895838, + "nauc_ndcg_at_1000_std": 38.56328031451904, + "nauc_ndcg_at_100_diff1": 13.854865944415895, + "nauc_ndcg_at_100_max": -7.142142012591404, + "nauc_ndcg_at_100_std": 35.61341954818848, + "nauc_ndcg_at_10_diff1": 9.010144273248759, + "nauc_ndcg_at_10_max": -15.320014897424574, + "nauc_ndcg_at_10_std": 2.84883880489144, + "nauc_ndcg_at_1_diff1": 20.939533945592967, + "nauc_ndcg_at_1_max": -6.387319972188946, + "nauc_ndcg_at_1_std": -0.5258673122126726, + "nauc_ndcg_at_20_diff1": 14.660827309009496, + "nauc_ndcg_at_20_max": -13.476196120145994, + "nauc_ndcg_at_20_std": 8.22391881710838, + "nauc_ndcg_at_3_diff1": 13.429985227235935, + "nauc_ndcg_at_3_max": -14.904544592570247, + "nauc_ndcg_at_3_std": 1.599779998183342, + "nauc_ndcg_at_5_diff1": 8.085466231900622, + "nauc_ndcg_at_5_max": -9.09591969526831, + "nauc_ndcg_at_5_std": 3.5794092637248505, + "nauc_precision_at_1000_diff1": -9.31941215946743, + "nauc_precision_at_1000_max": 31.52913520470716, + "nauc_precision_at_1000_std": 22.720784312185856, + "nauc_precision_at_100_diff1": 8.958548406995279, + "nauc_precision_at_100_max": 15.100597910674104, + "nauc_precision_at_100_std": 71.04548238175113, + "nauc_precision_at_10_diff1": 12.4698194690008, + "nauc_precision_at_10_max": -15.84870544871496, + "nauc_precision_at_10_std": 7.575297622501928, + "nauc_precision_at_1_diff1": 22.393284073955723, + "nauc_precision_at_1_max": -5.889370191243167, + "nauc_precision_at_1_std": -1.5183536173658247, + "nauc_precision_at_20_diff1": 15.393505718138758, + "nauc_precision_at_20_max": -3.70684298539384, + "nauc_precision_at_20_std": 29.426137824970304, + "nauc_precision_at_3_diff1": 9.997768085465394, + "nauc_precision_at_3_max": -17.12224314347674, + "nauc_precision_at_3_std": -1.343018166772313, + "nauc_precision_at_5_diff1": 3.8936997437913554, + "nauc_precision_at_5_max": -5.689104289687632, + "nauc_precision_at_5_std": 3.181098051304285, + "nauc_recall_at_1000_diff1": 9.908303508158387, + "nauc_recall_at_1000_max": 6.174506592699848, + "nauc_recall_at_1000_std": 77.41931114780012, + "nauc_recall_at_100_diff1": 10.286839241876192, + "nauc_recall_at_100_max": -6.6138697026666815, + "nauc_recall_at_100_std": 49.608313692633224, + "nauc_recall_at_10_diff1": 2.215545846659851, + "nauc_recall_at_10_max": -17.83025802478445, + "nauc_recall_at_10_std": -3.3784768673705465, + "nauc_recall_at_1_diff1": 20.680780404542546, + "nauc_recall_at_1_max": -7.04722927447817, + "nauc_recall_at_1_std": -7.062494733973898, + "nauc_recall_at_20_diff1": 6.974410239251615, + "nauc_recall_at_20_max": -14.161147924731646, + "nauc_recall_at_20_std": 9.328412057721454, + "nauc_recall_at_3_diff1": 7.904589805754212, + "nauc_recall_at_3_max": -12.1912388648593, + "nauc_recall_at_3_std": -9.221542013385555, + "nauc_recall_at_5_diff1": -3.2604132752706914, + "nauc_recall_at_5_max": -6.886351441658915, + "nauc_recall_at_5_std": -7.014252851712789, + "ndcg_at_1": 39.796, + "ndcg_at_10": 31.455, + "ndcg_at_100": 42.388999999999996, + "ndcg_at_1000": 53.556000000000004, + "ndcg_at_20": 30.808000000000003, + "ndcg_at_3": 35.831, + "ndcg_at_5": 32.845, + "precision_at_1": 40.816, + "precision_at_10": 27.143, + "precision_at_100": 8.449, + "precision_at_1000": 1.6179999999999999, + "precision_at_20": 19.387999999999998, + "precision_at_3": 35.374, + "precision_at_5": 31.019999999999996, + "recall_at_1": 2.9739999999999998, + "recall_at_10": 19.39, + "recall_at_100": 51.636, + "recall_at_1000": 86.99900000000001, + "recall_at_20": 26.478, + "recall_at_3": 7.703, + "recall_at_5": 11.42 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/ToxicConversationsClassification.json b/results/bijaygurung__stella_en_400M_v5/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..dfeb54799 --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/ToxicConversationsClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.9384765625, + "ap": 31.737513704141552, + "ap_weighted": 31.737513704141552, + "f1": 71.5490757306975, + "f1_weighted": 89.14632533489856, + "main_score": 86.9384765625 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/TweetSentimentExtractionClassification.json b/results/bijaygurung__stella_en_400M_v5/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..67018c611 --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.57668364459535, + "f1": 73.90467103648074, + "f1_weighted": 73.42158415034704, + "main_score": 73.57668364459535 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/TwentyNewsgroupsClustering.json b/results/bijaygurung__stella_en_400M_v5/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..39b8e9acf --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 58.574148097494685, + "v_measure": 58.574148097494685, + "v_measure_std": 0.9443161637490822 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/TwitterSemEval2015.json b/results/bijaygurung__stella_en_400M_v5/external/TwitterSemEval2015.json new file mode 100644 index 000000000..1cde182cc --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/TwitterSemEval2015.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 88.1385229778864, + "cosine_accuracy_threshold": 83.86307954788208, + "cosine_ap": 80.17965893449055, + "cosine_f1": 73.0614300100705, + "cosine_f1_threshold": 80.7942807674408, + "cosine_precision": 69.8603755416466, + "cosine_recall": 76.56992084432717, + "dot_accuracy": 88.2100494724921, + "dot_accuracy_threshold": 83.84793996810913, + "dot_ap": 80.18603932881858, + "dot_f1": 73.07643714466204, + "dot_f1_threshold": 80.87586164474487, + "dot_precision": 70.10909090909091, + "dot_recall": 76.3060686015831, + "euclidean_accuracy": 88.1385229778864, + "euclidean_accuracy_threshold": 56.77661895751953, + "euclidean_ap": 80.1784070881624, + "euclidean_f1": 73.04830369529574, + "euclidean_f1_threshold": 61.91838979721069, + "euclidean_precision": 69.96859144720948, + "euclidean_recall": 76.41160949868075, + "main_score": 80.18603932881858, + "manhattan_accuracy": 88.0431543184121, + "manhattan_accuracy_threshold": 3755.6137084960938, + "manhattan_ap": 79.98270453664578, + "manhattan_f1": 72.68242015061023, + "manhattan_f1_threshold": 3892.494583129883, + "manhattan_precision": 71.54907975460122, + "manhattan_recall": 73.85224274406332, + "max_ap": 80.18603932881858, + "max_f1": 73.07643714466204, + "max_precision": 71.54907975460122, + "max_recall": 76.56992084432717, + "similarity_accuracy": 88.1385229778864, + "similarity_accuracy_threshold": 83.86307954788208, + "similarity_ap": 80.17965893449055, + "similarity_f1": 73.0614300100705, + "similarity_f1_threshold": 80.7942807674408, + "similarity_precision": 69.8603755416466, + "similarity_recall": 76.56992084432717 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/TwitterURLCorpus.json b/results/bijaygurung__stella_en_400M_v5/external/TwitterURLCorpus.json new file mode 100644 index 000000000..0327d0010 --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/TwitterURLCorpus.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 89.7892653393876, + "cosine_accuracy_threshold": 79.69566583633423, + "cosine_ap": 87.4579867302024, + "cosine_f1": 79.91620843152658, + "cosine_f1_threshold": 78.53609323501587, + "cosine_precision": 77.7155329210622, + "cosine_recall": 82.24514936864799, + "dot_accuracy": 89.78732487289945, + "dot_accuracy_threshold": 80.05315661430359, + "dot_ap": 87.44916182456272, + "dot_f1": 79.90419878751591, + "dot_f1_threshold": 78.57890725135803, + "dot_precision": 77.73409057812728, + "dot_recall": 82.19895287958116, + "euclidean_accuracy": 89.78538440641131, + "euclidean_accuracy_threshold": 62.29925751686096, + "euclidean_ap": 87.45904868911386, + "euclidean_f1": 79.93127404474657, + "euclidean_f1_threshold": 65.61101078987122, + "euclidean_precision": 77.62060210373595, + "euclidean_recall": 82.38373883584848, + "main_score": 87.46554314325058, + "manhattan_accuracy": 89.76597974152986, + "manhattan_accuracy_threshold": 3988.5299682617188, + "manhattan_ap": 87.46554314325058, + "manhattan_f1": 79.97181740645973, + "manhattan_f1_threshold": 4235.905838012695, + "manhattan_precision": 77.13713427283783, + "manhattan_recall": 83.02279026793964, + "max_ap": 87.46554314325058, + "max_f1": 79.97181740645973, + "max_precision": 77.73409057812728, + "max_recall": 83.02279026793964, + "similarity_accuracy": 89.7892653393876, + "similarity_accuracy_threshold": 79.69566583633423, + "similarity_ap": 87.4579867302024, + "similarity_f1": 79.91620843152658, + "similarity_f1_threshold": 78.53609323501587, + "similarity_precision": 77.7155329210622, + "similarity_recall": 82.24514936864799 + } + ] + } +} \ No newline at end of file diff --git a/results/bijaygurung__stella_en_400M_v5/external/model_meta.json b/results/bijaygurung__stella_en_400M_v5/external/model_meta.json new file mode 100644 index 000000000..4c49b7751 --- /dev/null +++ b/results/bijaygurung__stella_en_400M_v5/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "bijaygurung/stella_en_400M_v5", + "revision": "1bd9d2a1456970891561a5c6dca29fda9dbc6920", + "release_date": "2024-09-30", + "languages": [], + "loader": null, + "n_parameters": 435188736, + "memory_usage": null, + "max_tokens": 8192, + "embed_dim": 1024, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/biswa921__bge-m3/external/AmazonCounterfactualClassification.json b/results/biswa921__bge-m3/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..69cefeb08 --- /dev/null +++ b/results/biswa921__bge-m3/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.6268656716418, + "ap": 39.50276109614102, + "f1": 70.00224623431103, + "main_score": 75.6268656716418 + } + ] + } +} \ No newline at end of file diff --git a/results/biswa921__bge-m3/external/AmazonPolarityClassification.json b/results/biswa921__bge-m3/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..f35ba13a1 --- /dev/null +++ b/results/biswa921__bge-m3/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.013675, + "ap": 87.30227544778319, + "f1": 91.00157923673694, + "main_score": 91.013675 + } + ] + } +} \ No newline at end of file diff --git a/results/biswa921__bge-m3/external/AmazonReviewsClassification.json b/results/biswa921__bge-m3/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..c5279b734 --- /dev/null +++ b/results/biswa921__bge-m3/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 46.986000000000004, + "f1": 44.93316837240337, + "main_score": 46.986000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/biswa921__bge-m3/external/ArguAna.json b/results/biswa921__bge-m3/external/ArguAna.json new file mode 100644 index 000000000..a7f52c721 --- /dev/null +++ b/results/biswa921__bge-m3/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.521, + "map_at_10": 45.062999999999995, + "map_at_100": 45.965, + "map_at_1000": 45.972, + "map_at_3": 40.078, + "map_at_5": 43.158, + "mrr_at_1": 29.232000000000003, + "mrr_at_10": 45.305, + "mrr_at_100": 46.213, + "mrr_at_1000": 46.22, + "mrr_at_3": 40.339000000000006, + "mrr_at_5": 43.394, + "ndcg_at_1": 28.521, + "ndcg_at_10": 53.959999999999994, + "ndcg_at_100": 57.691, + "ndcg_at_1000": 57.858, + "ndcg_at_3": 43.867, + "ndcg_at_5": 49.38, + "precision_at_1": 28.521, + "precision_at_10": 8.222, + "precision_at_100": 0.9820000000000001, + "precision_at_1000": 0.1, + "precision_at_3": 18.279, + "precision_at_5": 13.627, + "recall_at_1": 28.521, + "recall_at_10": 82.219, + "recall_at_100": 98.222, + "recall_at_1000": 99.502, + "recall_at_3": 54.836, + "recall_at_5": 68.137, + "main_score": 53.959999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/biswa921__bge-m3/external/ArxivClusteringP2P.json b/results/biswa921__bge-m3/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..0c94ea423 --- /dev/null +++ b/results/biswa921__bge-m3/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.409674498704625, + "main_score": 39.409674498704625 + } + ] + } +} \ No newline at end of file diff --git a/results/biswa921__bge-m3/external/AskUbuntuDupQuestions.json b/results/biswa921__bge-m3/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..e4900666c --- /dev/null +++ b/results/biswa921__bge-m3/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 61.52757354203137, + "mrr": 74.28241656773513, + "main_score": 61.52757354203137 + } + ] + } +} \ No newline at end of file diff --git a/results/biswa921__bge-m3/external/BIOSSES.json b/results/biswa921__bge-m3/external/BIOSSES.json new file mode 100644 index 000000000..0cf6aa1c1 --- /dev/null +++ b/results/biswa921__bge-m3/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.39442490594014, + "cos_sim_spearman": 83.37599616417513, + "euclidean_pearson": 83.23317790460271, + "euclidean_spearman": 83.37599616417513, + "manhattan_pearson": 83.23182214744224, + "manhattan_spearman": 83.5428674363298, + "cosine_pearson": 84.39442490594014, + "cosine_spearman": 83.37599616417513, + "main_score": 83.37599616417513 + } + ] + } +} \ No newline at end of file diff --git a/results/biswa921__bge-m3/external/Banking77Classification.json b/results/biswa921__bge-m3/external/Banking77Classification.json new file mode 100644 index 000000000..4d45cf4df --- /dev/null +++ b/results/biswa921__bge-m3/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 81.93181818181819, + "f1": 81.0852312152688, + "main_score": 81.93181818181819 + } + ] + } +} \ No newline at end of file diff --git a/results/biswa921__bge-m3/external/CQADupstackEnglishRetrieval.json b/results/biswa921__bge-m3/external/CQADupstackEnglishRetrieval.json new file mode 100644 index 000000000..5b8a6781d --- /dev/null +++ b/results/biswa921__bge-m3/external/CQADupstackEnglishRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackEnglishRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.784, + "map_at_10": 38.879000000000005, + "map_at_100": 40.161, + "map_at_1000": 40.291, + "map_at_3": 36.104, + "map_at_5": 37.671, + "mrr_at_1": 35.924, + "mrr_at_10": 44.471, + "mrr_at_100": 45.251000000000005, + "mrr_at_1000": 45.296, + "mrr_at_3": 42.367, + "mrr_at_5": 43.635000000000005, + "ndcg_at_1": 35.924, + "ndcg_at_10": 44.369, + "ndcg_at_100": 48.925999999999995, + "ndcg_at_1000": 50.964, + "ndcg_at_3": 40.416999999999994, + "ndcg_at_5": 42.309999999999995, + "precision_at_1": 35.924, + "precision_at_10": 8.344, + "precision_at_100": 1.367, + "precision_at_1000": 0.181, + "precision_at_3": 19.469, + "precision_at_5": 13.771, + "recall_at_1": 28.784, + "recall_at_10": 53.92400000000001, + "recall_at_100": 72.962, + "recall_at_1000": 85.90100000000001, + "recall_at_3": 42.574, + "recall_at_5": 47.798, + "main_score": 44.369 + } + ] + } +} \ No newline at end of file diff --git a/results/biswa921__bge-m3/external/EmotionClassification.json b/results/biswa921__bge-m3/external/EmotionClassification.json new file mode 100644 index 000000000..50f7639da --- /dev/null +++ b/results/biswa921__bge-m3/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 50.16499999999999, + "f1": 43.57906972116264, + "main_score": 50.16499999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/biswa921__bge-m3/external/FiQA2018.json b/results/biswa921__bge-m3/external/FiQA2018.json new file mode 100644 index 000000000..9a840fe52 --- /dev/null +++ b/results/biswa921__bge-m3/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.737, + "map_at_10": 33.566, + "map_at_100": 35.367, + "map_at_1000": 35.546, + "map_at_3": 29.881999999999998, + "map_at_5": 31.818, + "mrr_at_1": 41.975, + "mrr_at_10": 50.410999999999994, + "mrr_at_100": 51.172, + "mrr_at_1000": 51.214999999999996, + "mrr_at_3": 48.611, + "mrr_at_5": 49.522, + "ndcg_at_1": 41.975, + "ndcg_at_10": 41.299, + "ndcg_at_100": 47.768, + "ndcg_at_1000": 50.882000000000005, + "ndcg_at_3": 38.769, + "ndcg_at_5": 39.106, + "precision_at_1": 41.975, + "precision_at_10": 11.296000000000001, + "precision_at_100": 1.7840000000000003, + "precision_at_1000": 0.23500000000000001, + "precision_at_3": 26.029000000000003, + "precision_at_5": 18.457, + "recall_at_1": 20.737, + "recall_at_10": 47.284, + "recall_at_100": 71.286, + "recall_at_1000": 89.897, + "recall_at_3": 35.411, + "recall_at_5": 39.987, + "main_score": 41.299 + } + ] + } +} \ No newline at end of file diff --git a/results/biswa921__bge-m3/external/ImdbClassification.json b/results/biswa921__bge-m3/external/ImdbClassification.json new file mode 100644 index 000000000..7ba833f50 --- /dev/null +++ b/results/biswa921__bge-m3/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 87.84, + "ap": 82.68294664793142, + "f1": 87.8226441992267, + "main_score": 87.84 + } + ] + } +} \ No newline at end of file diff --git a/results/biswa921__bge-m3/external/MTOPDomainClassification.json b/results/biswa921__bge-m3/external/MTOPDomainClassification.json new file mode 100644 index 000000000..f1194c787 --- /dev/null +++ b/results/biswa921__bge-m3/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.35841313269493, + "f1": 93.060022693275, + "main_score": 93.35841313269493 + } + ] + } +} \ No newline at end of file diff --git a/results/biswa921__bge-m3/external/MTOPIntentClassification.json b/results/biswa921__bge-m3/external/MTOPIntentClassification.json new file mode 100644 index 000000000..69e78bdd0 --- /dev/null +++ b/results/biswa921__bge-m3/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 66.58002735978113, + "f1": 46.995919480823055, + "main_score": 66.58002735978113 + } + ] + } +} \ No newline at end of file diff --git a/results/biswa921__bge-m3/external/MassiveIntentClassification.json b/results/biswa921__bge-m3/external/MassiveIntentClassification.json new file mode 100644 index 000000000..dd7a2b5f8 --- /dev/null +++ b/results/biswa921__bge-m3/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.07935440484196, + "f1": 69.13197875645403, + "main_score": 71.07935440484196 + } + ] + } +} \ No newline at end of file diff --git a/results/biswa921__bge-m3/external/MassiveScenarioClassification.json b/results/biswa921__bge-m3/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..d8711a1fe --- /dev/null +++ b/results/biswa921__bge-m3/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.63752521856087, + "f1": 75.61348469613843, + "main_score": 76.63752521856087 + } + ] + } +} \ No newline at end of file diff --git a/results/biswa921__bge-m3/external/NFCorpus.json b/results/biswa921__bge-m3/external/NFCorpus.json new file mode 100644 index 000000000..0c1449ee6 --- /dev/null +++ b/results/biswa921__bge-m3/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.234, + "map_at_10": 11.718, + "map_at_100": 14.396, + "map_at_1000": 15.661, + "map_at_3": 8.951, + "map_at_5": 10.233, + "mrr_at_1": 43.034, + "mrr_at_10": 52.161, + "mrr_at_100": 52.729000000000006, + "mrr_at_1000": 52.776, + "mrr_at_3": 50.671, + "mrr_at_5": 51.476, + "ndcg_at_1": 41.331, + "ndcg_at_10": 31.411, + "ndcg_at_100": 28.459, + "ndcg_at_1000": 37.114000000000004, + "ndcg_at_3": 37.761, + "ndcg_at_5": 35.118, + "precision_at_1": 43.034, + "precision_at_10": 22.878999999999998, + "precision_at_100": 7.093000000000001, + "precision_at_1000": 1.9560000000000002, + "precision_at_3": 35.707, + "precision_at_5": 30.279, + "recall_at_1": 5.234, + "recall_at_10": 14.745, + "recall_at_100": 28.259, + "recall_at_1000": 59.16400000000001, + "recall_at_3": 10.08, + "recall_at_5": 11.985, + "main_score": 31.411 + } + ] + } +} \ No newline at end of file diff --git a/results/biswa921__bge-m3/external/SICK-R.json b/results/biswa921__bge-m3/external/SICK-R.json new file mode 100644 index 000000000..115cf7a5c --- /dev/null +++ b/results/biswa921__bge-m3/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.33269306539026, + "cos_sim_spearman": 79.71441518631086, + "euclidean_pearson": 80.98109404189279, + "euclidean_spearman": 79.71444969096095, + "manhattan_pearson": 80.97223989357175, + "manhattan_spearman": 79.64929261210406, + "cosine_pearson": 83.33269306539026, + "cosine_spearman": 79.71441518631086, + "main_score": 79.71441518631086 + } + ] + } +} \ No newline at end of file diff --git a/results/biswa921__bge-m3/external/STS12.json b/results/biswa921__bge-m3/external/STS12.json new file mode 100644 index 000000000..d8185f3c7 --- /dev/null +++ b/results/biswa921__bge-m3/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.7127498314437, + "cos_sim_spearman": 78.73426610516154, + "euclidean_pearson": 79.72827173736742, + "euclidean_spearman": 78.731973450314, + "manhattan_pearson": 79.71391822179304, + "manhattan_spearman": 78.69626503719782, + "cosine_pearson": 83.7127498314437, + "cosine_spearman": 78.73426610516154, + "main_score": 78.73426610516154 + } + ] + } +} \ No newline at end of file diff --git a/results/biswa921__bge-m3/external/STS13.json b/results/biswa921__bge-m3/external/STS13.json new file mode 100644 index 000000000..7869f53f1 --- /dev/null +++ b/results/biswa921__bge-m3/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 78.33449726355023, + "cos_sim_spearman": 79.59703323420547, + "euclidean_pearson": 79.87238808505464, + "euclidean_spearman": 79.59703323420547, + "manhattan_pearson": 79.5006260085966, + "manhattan_spearman": 79.21864659717262, + "cosine_pearson": 78.33449726355023, + "cosine_spearman": 79.59703323420547, + "main_score": 79.59703323420547 + } + ] + } +} \ No newline at end of file diff --git a/results/biswa921__bge-m3/external/STS14.json b/results/biswa921__bge-m3/external/STS14.json new file mode 100644 index 000000000..10b7c90cf --- /dev/null +++ b/results/biswa921__bge-m3/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 79.00088445445654, + "cos_sim_spearman": 78.99977508575147, + "euclidean_pearson": 78.63222924140206, + "euclidean_spearman": 78.99976994069327, + "manhattan_pearson": 78.35504771673297, + "manhattan_spearman": 78.76306077740067, + "cosine_pearson": 79.00088445445654, + "cosine_spearman": 78.99977508575147, + "main_score": 78.99977508575147 + } + ] + } +} \ No newline at end of file diff --git a/results/biswa921__bge-m3/external/STS15.json b/results/biswa921__bge-m3/external/STS15.json new file mode 100644 index 000000000..a7d22cb85 --- /dev/null +++ b/results/biswa921__bge-m3/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.13160613452308, + "cos_sim_spearman": 87.81435104273643, + "euclidean_pearson": 87.22395745487297, + "euclidean_spearman": 87.81435041827874, + "manhattan_pearson": 87.17630476262896, + "manhattan_spearman": 87.76535338976686, + "cosine_pearson": 87.13160613452308, + "cosine_spearman": 87.81435104273643, + "main_score": 87.81435104273643 + } + ] + } +} \ No newline at end of file diff --git a/results/biswa921__bge-m3/external/STS16.json b/results/biswa921__bge-m3/external/STS16.json new file mode 100644 index 000000000..85d9f7d1a --- /dev/null +++ b/results/biswa921__bge-m3/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.76424652225954, + "cos_sim_spearman": 85.39745570134193, + "euclidean_pearson": 84.6971466556576, + "euclidean_spearman": 85.39745570134193, + "manhattan_pearson": 84.61210275324463, + "manhattan_spearman": 85.30727114432379, + "cosine_pearson": 83.76424652225954, + "cosine_spearman": 85.39745570134193, + "main_score": 85.39745570134193 + } + ] + } +} \ No newline at end of file diff --git a/results/biswa921__bge-m3/external/STS17.json b/results/biswa921__bge-m3/external/STS17.json new file mode 100644 index 000000000..1e78c9007 --- /dev/null +++ b/results/biswa921__bge-m3/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.87956530541486, + "cos_sim_spearman": 87.13412608536781, + "euclidean_pearson": 87.80084186244981, + "euclidean_spearman": 87.13412608536781, + "manhattan_pearson": 87.73101535306475, + "manhattan_spearman": 87.05897655963285, + "cosine_pearson": 86.87956530541486, + "cosine_spearman": 87.13412608536781, + "main_score": 87.13412608536781 + } + ] + } +} \ No newline at end of file diff --git a/results/biswa921__bge-m3/external/STSBenchmark.json b/results/biswa921__bge-m3/external/STSBenchmark.json new file mode 100644 index 000000000..fd402fd4e --- /dev/null +++ b/results/biswa921__bge-m3/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.70737517925419, + "cos_sim_spearman": 84.84687698325351, + "euclidean_pearson": 84.36525309890885, + "euclidean_spearman": 84.84688249844098, + "manhattan_pearson": 84.31171573973266, + "manhattan_spearman": 84.79550448196474, + "cosine_pearson": 83.70737517925419, + "cosine_spearman": 84.84687698325351, + "main_score": 84.84687698325351 + } + ] + } +} \ No newline at end of file diff --git a/results/biswa921__bge-m3/external/SciFact.json b/results/biswa921__bge-m3/external/SciFact.json new file mode 100644 index 000000000..7d8017145 --- /dev/null +++ b/results/biswa921__bge-m3/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 48.178, + "map_at_10": 59.24, + "map_at_100": 59.902, + "map_at_1000": 59.941, + "map_at_3": 56.999, + "map_at_5": 58.167, + "mrr_at_1": 51.0, + "mrr_at_10": 60.827, + "mrr_at_100": 61.307, + "mrr_at_1000": 61.341, + "mrr_at_3": 59.0, + "mrr_at_5": 60.033, + "ndcg_at_1": 51.0, + "ndcg_at_10": 64.366, + "ndcg_at_100": 67.098, + "ndcg_at_1000": 68.08, + "ndcg_at_3": 60.409, + "ndcg_at_5": 62.150000000000006, + "precision_at_1": 51.0, + "precision_at_10": 8.799999999999999, + "precision_at_100": 1.027, + "precision_at_1000": 0.11100000000000002, + "precision_at_3": 24.444, + "precision_at_5": 15.8, + "recall_at_1": 48.178, + "recall_at_10": 78.34400000000001, + "recall_at_100": 90.36699999999999, + "recall_at_1000": 98.0, + "recall_at_3": 67.35, + "recall_at_5": 71.989, + "main_score": 64.366 + } + ] + } +} \ No newline at end of file diff --git a/results/biswa921__bge-m3/external/SprintDuplicateQuestions.json b/results/biswa921__bge-m3/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..9e47ff4e6 --- /dev/null +++ b/results/biswa921__bge-m3/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.87722772277228, + "cos_sim_ap": 97.32479581402639, + "cos_sim_f1": 93.74369323915236, + "cos_sim_precision": 94.60285132382892, + "cos_sim_recall": 92.9, + "dot_accuracy": 99.87722772277228, + "dot_ap": 97.32479581402637, + "dot_f1": 93.74369323915236, + "dot_precision": 94.60285132382892, + "dot_recall": 92.9, + "euclidean_accuracy": 99.87722772277228, + "euclidean_ap": 97.32479581402639, + "euclidean_f1": 93.74369323915236, + "euclidean_precision": 94.60285132382892, + "euclidean_recall": 92.9, + "manhattan_accuracy": 99.87524752475248, + "manhattan_ap": 97.29133330261223, + "manhattan_f1": 93.59359359359361, + "manhattan_precision": 93.687374749499, + "manhattan_recall": 93.5, + "max_accuracy": 99.87722772277228, + "max_ap": 97.32479581402639, + "max_f1": 93.74369323915236, + "main_score": 97.32479581402639 + } + ] + } +} \ No newline at end of file diff --git a/results/biswa921__bge-m3/external/ToxicConversationsClassification.json b/results/biswa921__bge-m3/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..fb4cecc0d --- /dev/null +++ b/results/biswa921__bge-m3/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.60060000000001, + "ap": 15.719924742317021, + "f1": 56.30561683159878, + "main_score": 72.60060000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/biswa921__bge-m3/external/TweetSentimentExtractionClassification.json b/results/biswa921__bge-m3/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..75f4fbdc7 --- /dev/null +++ b/results/biswa921__bge-m3/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 63.71250707413696, + "f1": 63.54808116265952, + "main_score": 63.71250707413696 + } + ] + } +} \ No newline at end of file diff --git a/results/biswa921__bge-m3/external/TwitterSemEval2015.json b/results/biswa921__bge-m3/external/TwitterSemEval2015.json new file mode 100644 index 000000000..7dfd3f28d --- /dev/null +++ b/results/biswa921__bge-m3/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 85.110568039578, + "cos_sim_ap": 70.28927714315245, + "cos_sim_f1": 65.03893361488716, + "cos_sim_precision": 65.06469500924214, + "cos_sim_recall": 65.0131926121372, + "dot_accuracy": 85.110568039578, + "dot_ap": 70.28928082939848, + "dot_f1": 65.03893361488716, + "dot_precision": 65.06469500924214, + "dot_recall": 65.0131926121372, + "euclidean_accuracy": 85.110568039578, + "euclidean_ap": 70.28928621260852, + "euclidean_f1": 65.03893361488716, + "euclidean_precision": 65.06469500924214, + "euclidean_recall": 65.0131926121372, + "manhattan_accuracy": 85.02115992132086, + "manhattan_ap": 70.05813255171925, + "manhattan_f1": 64.59658311510164, + "manhattan_precision": 61.24379285883188, + "manhattan_recall": 68.33773087071239, + "max_accuracy": 85.110568039578, + "max_ap": 70.28928621260852, + "max_f1": 65.03893361488716, + "main_score": 70.28928621260852 + } + ] + } +} \ No newline at end of file diff --git a/results/biswa921__bge-m3/external/TwitterURLCorpus.json b/results/biswa921__bge-m3/external/TwitterURLCorpus.json new file mode 100644 index 000000000..63432ce8a --- /dev/null +++ b/results/biswa921__bge-m3/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.99949547871309, + "cos_sim_ap": 85.82819569154559, + "cos_sim_f1": 78.37315338318439, + "cos_sim_precision": 74.46454564358494, + "cos_sim_recall": 82.71481367416075, + "dot_accuracy": 88.99949547871309, + "dot_ap": 85.82820043407936, + "dot_f1": 78.37315338318439, + "dot_precision": 74.46454564358494, + "dot_recall": 82.71481367416075, + "euclidean_accuracy": 88.99949547871309, + "euclidean_ap": 85.82819622588083, + "euclidean_f1": 78.37315338318439, + "euclidean_precision": 74.46454564358494, + "euclidean_recall": 82.71481367416075, + "manhattan_accuracy": 88.98009081383165, + "manhattan_ap": 85.77393389750326, + "manhattan_f1": 78.38852097130243, + "manhattan_precision": 75.06341600901916, + "manhattan_recall": 82.0218663381583, + "max_accuracy": 88.99949547871309, + "max_ap": 85.82820043407936, + "max_f1": 78.38852097130243, + "main_score": 85.82820043407936 + } + ] + } +} \ No newline at end of file diff --git a/results/biswa921__bge-m3/external/model_meta.json b/results/biswa921__bge-m3/external/model_meta.json new file mode 100644 index 000000000..40a5ab541 --- /dev/null +++ b/results/biswa921__bge-m3/external/model_meta.json @@ -0,0 +1,20 @@ +{ + "name": "biswa921/bge-m3", + "revision": "37e9f49f9a2b531de9d5360d8c31ce678503c3e4", + "release_date": "2024-02-06", + "languages": [], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": null, + "embed_dim": null, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/brahmairesearch__slx-v0.1/external/AmazonCounterfactualClassification.json b/results/brahmairesearch__slx-v0.1/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..5819a08cf --- /dev/null +++ b/results/brahmairesearch__slx-v0.1/external/AmazonCounterfactualClassification.json @@ -0,0 +1,108 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-ext", + "languages": [ + "eng-Latn" + ], + "accuracy": 65.59220389805098, + "ap": 16.81423101691947, + "ap_weighted": 16.81423101691947, + "f1": 53.71729938392706, + "f1_weighted": 72.20850142432688, + "main_score": 65.59220389805098 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 63.64179104477612, + "ap": 26.921335760715966, + "ap_weighted": 26.921335760715966, + "f1": 57.64569779029121, + "f1_weighted": 67.27976461433454, + "main_score": 63.64179104477612 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 57.81584582441114, + "ap": 73.96447293747234, + "ap_weighted": 73.96447293747234, + "f1": 56.086772577787755, + "f1_weighted": 59.41839602591139, + "main_score": 57.81584582441114 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 60.89935760171306, + "ap": 13.241905671485688, + "ap_weighted": 13.241905671485688, + "f1": 48.847713021626774, + "f1_weighted": 68.43256893578159, + "main_score": 60.89935760171306 + } + ], + "validation": [ + { + "hf_subset": "en-ext", + "languages": [ + "eng-Latn" + ], + "accuracy": 63.46846846846847, + "ap": 15.500820900257253, + "ap_weighted": 15.500820900257253, + "f1": 51.829238493255424, + "f1_weighted": 70.67890974680999, + "main_score": 63.46846846846847 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.462686567164184, + "ap": 22.787749709369066, + "ap_weighted": 22.787749709369066, + "f1": 54.398879015183766, + "f1_weighted": 66.03261824563178, + "main_score": 61.462686567164184 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 57.98283261802576, + "ap": 73.53358224916597, + "ap_weighted": 73.53358224916597, + "f1": 55.63777177215615, + "f1_weighted": 59.597057376484194, + "main_score": 57.98283261802576 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 59.377682403433475, + "ap": 11.144115013790348, + "ap_weighted": 11.144115013790348, + "f1": 46.238094801012494, + "f1_weighted": 67.41908331890755, + "main_score": 59.377682403433475 + } + ] + } +} \ No newline at end of file diff --git a/results/brahmairesearch__slx-v0.1/external/AmazonPolarityClassification.json b/results/brahmairesearch__slx-v0.1/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..219a20b4a --- /dev/null +++ b/results/brahmairesearch__slx-v0.1/external/AmazonPolarityClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 64.259025, + "ap": 59.266682504413595, + "ap_weighted": 59.266682504413595, + "f1": 63.94155696126964, + "f1_weighted": 63.94155696126964, + "main_score": 64.259025 + } + ] + } +} \ No newline at end of file diff --git a/results/brahmairesearch__slx-v0.1/external/AmazonReviewsClassification.json b/results/brahmairesearch__slx-v0.1/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..69467e507 --- /dev/null +++ b/results/brahmairesearch__slx-v0.1/external/AmazonReviewsClassification.json @@ -0,0 +1,132 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 30.848000000000003, + "f1": 30.43009944052308, + "f1_weighted": 30.43009944052308, + "main_score": 30.848000000000003 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 26.444000000000003, + "f1": 26.08196367948359, + "f1_weighted": 26.08196367948359, + "main_score": 26.444000000000003 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 27.351999999999997, + "f1": 26.925355188458816, + "f1_weighted": 26.925355188458816, + "main_score": 27.351999999999997 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 26.876, + "f1": 26.598456848307034, + "f1_weighted": 26.598456848307038, + "main_score": 26.876 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 23.779999999999994, + "f1": 23.498318699105575, + "f1_weighted": 23.498318699105575, + "main_score": 23.779999999999994 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 23.671999999999997, + "f1": 23.219332570442802, + "f1_weighted": 23.219332570442802, + "main_score": 23.671999999999997 + } + ], + "validation": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 30.302, + "f1": 29.983005188434415, + "f1_weighted": 29.983005188434415, + "main_score": 30.302 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 26.734, + "f1": 26.36749853440715, + "f1_weighted": 26.36749853440715, + "main_score": 26.734 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 27.230000000000004, + "f1": 26.77695940498618, + "f1_weighted": 26.776959404986183, + "main_score": 27.230000000000004 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 26.998000000000005, + "f1": 26.710220629952016, + "f1_weighted": 26.710220629952016, + "main_score": 26.998000000000005 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 23.754, + "f1": 23.46121752248106, + "f1_weighted": 23.46121752248106, + "main_score": 23.754 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 23.128, + "f1": 22.642833134438163, + "f1_weighted": 22.642833134438163, + "main_score": 23.128 + } + ] + } +} \ No newline at end of file diff --git a/results/brahmairesearch__slx-v0.1/external/ArguAna.json b/results/brahmairesearch__slx-v0.1/external/ArguAna.json new file mode 100644 index 000000000..fdc38804c --- /dev/null +++ b/results/brahmairesearch__slx-v0.1/external/ArguAna.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 50.166999999999994, + "map_at_1": 25.605, + "map_at_10": 41.165, + "map_at_100": 42.230000000000004, + "map_at_1000": 42.241, + "map_at_20": 42.009, + "map_at_3": 35.965, + "map_at_5": 38.981, + "mrr_at_1": 26.03129445234708, + "mrr_at_10": 41.340569893201476, + "mrr_at_100": 42.404387843997725, + "mrr_at_1000": 42.415330484075966, + "mrr_at_20": 42.18326840322522, + "mrr_at_3": 36.10715979137032, + "mrr_at_5": 39.12991939307729, + "nauc_map_at_1000_diff1": 11.79240946563101, + "nauc_map_at_1000_max": -1.710270555143247, + "nauc_map_at_1000_std": -6.176978224681317, + "nauc_map_at_100_diff1": 11.80102860550546, + "nauc_map_at_100_max": -1.6868871420671758, + "nauc_map_at_100_std": -6.161835334784752, + "nauc_map_at_10_diff1": 11.38320219583136, + "nauc_map_at_10_max": -1.86833617297681, + "nauc_map_at_10_std": -6.310959275748389, + "nauc_map_at_1_diff1": 15.127834783684404, + "nauc_map_at_1_max": -2.698529001436304, + "nauc_map_at_1_std": -6.380124976036761, + "nauc_map_at_20_diff1": 11.682604563128333, + "nauc_map_at_20_max": -1.7092031240854961, + "nauc_map_at_20_std": -6.247205826670096, + "nauc_map_at_3_diff1": 12.209991942694055, + "nauc_map_at_3_max": -1.4520060777192374, + "nauc_map_at_3_std": -6.488975648815049, + "nauc_map_at_5_diff1": 11.278322255170867, + "nauc_map_at_5_max": -2.3286853004722894, + "nauc_map_at_5_std": -6.4661832552053085, + "nauc_mrr_at_1000_diff1": 10.404448873848906, + "nauc_mrr_at_1000_max": -2.5691360137833272, + "nauc_mrr_at_1000_std": -6.110131384746746, + "nauc_mrr_at_100_diff1": 10.413547230720669, + "nauc_mrr_at_100_max": -2.545515473991115, + "nauc_mrr_at_100_std": -6.095048045810124, + "nauc_mrr_at_10_diff1": 10.01017546961717, + "nauc_mrr_at_10_max": -2.750088666160259, + "nauc_mrr_at_10_std": -6.300546755168433, + "nauc_mrr_at_1_diff1": 13.694695183834565, + "nauc_mrr_at_1_max": -3.2629164055170774, + "nauc_mrr_at_1_std": -6.0916939845233475, + "nauc_mrr_at_20_diff1": 10.305948492563749, + "nauc_mrr_at_20_max": -2.5611935016932743, + "nauc_mrr_at_20_std": -6.180513505874478, + "nauc_mrr_at_3_diff1": 10.628768671682717, + "nauc_mrr_at_3_max": -2.580374767191263, + "nauc_mrr_at_3_std": -6.64080922029136, + "nauc_mrr_at_5_diff1": 9.901973480934398, + "nauc_mrr_at_5_max": -3.219485330030026, + "nauc_mrr_at_5_std": -6.37273290858359, + "nauc_ndcg_at_1000_diff1": 11.350532451515136, + "nauc_ndcg_at_1000_max": -1.1246559265562561, + "nauc_ndcg_at_1000_std": -5.615586258686471, + "nauc_ndcg_at_100_diff1": 11.535796848928232, + "nauc_ndcg_at_100_max": -0.5247636861072896, + "nauc_ndcg_at_100_std": -5.175870339874143, + "nauc_ndcg_at_10_diff1": 9.850403353114398, + "nauc_ndcg_at_10_max": -1.173410220148898, + "nauc_ndcg_at_10_std": -6.060986238386804, + "nauc_ndcg_at_1_diff1": 15.127834783684404, + "nauc_ndcg_at_1_max": -2.698529001436304, + "nauc_ndcg_at_1_std": -6.380124976036761, + "nauc_ndcg_at_20_diff1": 10.92332827898689, + "nauc_ndcg_at_20_max": -0.5604462367633576, + "nauc_ndcg_at_20_std": -5.828378388299274, + "nauc_ndcg_at_3_diff1": 11.535159087904137, + "nauc_ndcg_at_3_max": -0.8097811834424876, + "nauc_ndcg_at_3_std": -6.317462979151113, + "nauc_ndcg_at_5_diff1": 9.888045596844593, + "nauc_ndcg_at_5_max": -2.323203935463137, + "nauc_ndcg_at_5_std": -6.330378743194537, + "nauc_precision_at_1000_diff1": -23.92620682863098, + "nauc_precision_at_1000_max": 13.422855934028885, + "nauc_precision_at_1000_std": 66.55596232602036, + "nauc_precision_at_100_diff1": 17.358373323749067, + "nauc_precision_at_100_max": 50.15880988336681, + "nauc_precision_at_100_std": 46.757781571204916, + "nauc_precision_at_10_diff1": 2.253255859825255, + "nauc_precision_at_10_max": 2.5784898691061175, + "nauc_precision_at_10_std": -4.9121989534305515, + "nauc_precision_at_1_diff1": 15.127834783684404, + "nauc_precision_at_1_max": -2.698529001436304, + "nauc_precision_at_1_std": -6.380124976036761, + "nauc_precision_at_20_diff1": 5.6318283797917905, + "nauc_precision_at_20_max": 12.700179942961162, + "nauc_precision_at_20_std": -1.467276762621626, + "nauc_precision_at_3_diff1": 9.71950360663784, + "nauc_precision_at_3_max": 1.0574403269454646, + "nauc_precision_at_3_std": -5.778592397335912, + "nauc_precision_at_5_diff1": 5.392563197207298, + "nauc_precision_at_5_max": -2.419134195197182, + "nauc_precision_at_5_std": -5.881534742887281, + "nauc_recall_at_1000_diff1": -23.926206828624526, + "nauc_recall_at_1000_max": 13.422855934029233, + "nauc_recall_at_1000_std": 66.55596232601879, + "nauc_recall_at_100_diff1": 17.358373323747863, + "nauc_recall_at_100_max": 50.158809883365386, + "nauc_recall_at_100_std": 46.75778157120503, + "nauc_recall_at_10_diff1": 2.2532558598252876, + "nauc_recall_at_10_max": 2.57848986910615, + "nauc_recall_at_10_std": -4.912198953430499, + "nauc_recall_at_1_diff1": 15.127834783684404, + "nauc_recall_at_1_max": -2.698529001436304, + "nauc_recall_at_1_std": -6.380124976036761, + "nauc_recall_at_20_diff1": 5.631828379791899, + "nauc_recall_at_20_max": 12.700179942961059, + "nauc_recall_at_20_std": -1.4672767626217327, + "nauc_recall_at_3_diff1": 9.71950360663783, + "nauc_recall_at_3_max": 1.0574403269454553, + "nauc_recall_at_3_std": -5.7785923973359115, + "nauc_recall_at_5_diff1": 5.392563197207263, + "nauc_recall_at_5_max": -2.4191341951972087, + "nauc_recall_at_5_std": -5.881534742887311, + "ndcg_at_1": 25.605, + "ndcg_at_10": 50.166999999999994, + "ndcg_at_100": 54.534000000000006, + "ndcg_at_1000": 54.772, + "ndcg_at_20": 53.159, + "ndcg_at_3": 39.434000000000005, + "ndcg_at_5": 44.876, + "precision_at_1": 25.605, + "precision_at_10": 7.908999999999999, + "precision_at_100": 0.9769999999999999, + "precision_at_1000": 0.1, + "precision_at_20": 4.537999999999999, + "precision_at_3": 16.500999999999998, + "precision_at_5": 12.546, + "recall_at_1": 25.605, + "recall_at_10": 79.09, + "recall_at_100": 97.724, + "recall_at_1000": 99.502, + "recall_at_20": 90.754, + "recall_at_3": 49.502, + "recall_at_5": 62.731 + } + ] + } +} \ No newline at end of file diff --git a/results/brahmairesearch__slx-v0.1/external/ArxivClusteringP2P.json b/results/brahmairesearch__slx-v0.1/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..7b7b73d22 --- /dev/null +++ b/results/brahmairesearch__slx-v0.1/external/ArxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 46.47356874334095, + "v_measure": 46.47356874334095, + "v_measure_std": 14.130000402938242 + } + ] + } +} \ No newline at end of file diff --git a/results/brahmairesearch__slx-v0.1/external/ArxivClusteringS2S.json b/results/brahmairesearch__slx-v0.1/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..5793baaee --- /dev/null +++ b/results/brahmairesearch__slx-v0.1/external/ArxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 37.668382184658086, + "v_measure": 37.668382184658086, + "v_measure_std": 14.422481353717659 + } + ] + } +} \ No newline at end of file diff --git a/results/brahmairesearch__slx-v0.1/external/Banking77Classification.json b/results/brahmairesearch__slx-v0.1/external/Banking77Classification.json new file mode 100644 index 000000000..497b27001 --- /dev/null +++ b/results/brahmairesearch__slx-v0.1/external/Banking77Classification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.04220779220779, + "f1": 79.37884047247287, + "f1_weighted": 79.37884047247287, + "main_score": 80.04220779220779 + } + ] + } +} \ No newline at end of file diff --git a/results/brahmairesearch__slx-v0.1/external/BiorxivClusteringP2P.json b/results/brahmairesearch__slx-v0.1/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..53e9caac3 --- /dev/null +++ b/results/brahmairesearch__slx-v0.1/external/BiorxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 38.36772570768531, + "v_measure": 38.36772570768531, + "v_measure_std": 0.757123491643444 + } + ] + } +} \ No newline at end of file diff --git a/results/brahmairesearch__slx-v0.1/external/BiorxivClusteringS2S.json b/results/brahmairesearch__slx-v0.1/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..594ed014a --- /dev/null +++ b/results/brahmairesearch__slx-v0.1/external/BiorxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 32.877041490913825, + "v_measure": 32.877041490913825, + "v_measure_std": 0.7543369230787144 + } + ] + } +} \ No newline at end of file diff --git a/results/brahmairesearch__slx-v0.1/external/CQADupstackAndroidRetrieval.json b/results/brahmairesearch__slx-v0.1/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..1a1a88025 --- /dev/null +++ b/results/brahmairesearch__slx-v0.1/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f46a197baaae43b4f621051089b82a364682dfeb", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 53.82900000000001, + "map_at_1": 34.660000000000004, + "map_at_10": 46.938, + "map_at_100": 48.435, + "map_at_1000": 48.555, + "map_at_20": 47.74, + "map_at_3": 43.034, + "map_at_5": 45.055, + "mrr_at_1": 42.77539341917024, + "mrr_at_10": 53.09807661738992, + "mrr_at_100": 53.68797698584606, + "mrr_at_1000": 53.728658519510255, + "mrr_at_20": 53.406401026336844, + "mrr_at_3": 50.47687172150691, + "mrr_at_5": 51.971864568431094, + "nauc_map_at_1000_diff1": 50.339438270595124, + "nauc_map_at_1000_max": 43.23580099659964, + "nauc_map_at_1000_std": -4.443430079055073, + "nauc_map_at_100_diff1": 50.31288284732284, + "nauc_map_at_100_max": 43.222755445839276, + "nauc_map_at_100_std": -4.418807021239256, + "nauc_map_at_10_diff1": 50.56104970478486, + "nauc_map_at_10_max": 42.6266791147141, + "nauc_map_at_10_std": -4.980766222304502, + "nauc_map_at_1_diff1": 54.888348136203646, + "nauc_map_at_1_max": 36.80610602276261, + "nauc_map_at_1_std": -7.771623626380834, + "nauc_map_at_20_diff1": 50.35074054443037, + "nauc_map_at_20_max": 42.953032257345086, + "nauc_map_at_20_std": -4.821787093076811, + "nauc_map_at_3_diff1": 51.239250560446116, + "nauc_map_at_3_max": 40.35471642815388, + "nauc_map_at_3_std": -6.646877308574401, + "nauc_map_at_5_diff1": 50.496300745722756, + "nauc_map_at_5_max": 41.850857768498756, + "nauc_map_at_5_std": -5.404018922303552, + "nauc_mrr_at_1000_diff1": 49.881328279967285, + "nauc_mrr_at_1000_max": 46.097835021931175, + "nauc_mrr_at_1000_std": -2.804152721492059, + "nauc_mrr_at_100_diff1": 49.858526100177876, + "nauc_mrr_at_100_max": 46.09840964633914, + "nauc_mrr_at_100_std": -2.7999853970281348, + "nauc_mrr_at_10_diff1": 49.93411634590759, + "nauc_mrr_at_10_max": 46.18386740859704, + "nauc_mrr_at_10_std": -2.8076410876971183, + "nauc_mrr_at_1_diff1": 53.69555843067244, + "nauc_mrr_at_1_max": 45.05416656111299, + "nauc_mrr_at_1_std": -4.545996010008188, + "nauc_mrr_at_20_diff1": 49.777795732597255, + "nauc_mrr_at_20_max": 46.06899511122978, + "nauc_mrr_at_20_std": -2.8788594167873023, + "nauc_mrr_at_3_diff1": 50.492982183354314, + "nauc_mrr_at_3_max": 45.785055561526654, + "nauc_mrr_at_3_std": -3.5794494150490306, + "nauc_mrr_at_5_diff1": 49.42113979258591, + "nauc_mrr_at_5_max": 46.181441772578005, + "nauc_mrr_at_5_std": -2.564347515524424, + "nauc_ndcg_at_1000_diff1": 48.51134144021698, + "nauc_ndcg_at_1000_max": 45.21247700795964, + "nauc_ndcg_at_1000_std": -1.9910218646027125, + "nauc_ndcg_at_100_diff1": 47.97366158568629, + "nauc_ndcg_at_100_max": 45.284592745752995, + "nauc_ndcg_at_100_std": -1.5111571184477774, + "nauc_ndcg_at_10_diff1": 48.76231762294791, + "nauc_ndcg_at_10_max": 44.64822017157136, + "nauc_ndcg_at_10_std": -3.1795387687509757, + "nauc_ndcg_at_1_diff1": 53.69555843067244, + "nauc_ndcg_at_1_max": 45.05416656111299, + "nauc_ndcg_at_1_std": -4.545996010008188, + "nauc_ndcg_at_20_diff1": 47.936887203849174, + "nauc_ndcg_at_20_max": 44.48528835952385, + "nauc_ndcg_at_20_std": -3.2878343948840754, + "nauc_ndcg_at_3_diff1": 48.95438268525682, + "nauc_ndcg_at_3_max": 42.82166912587241, + "nauc_ndcg_at_3_std": -4.452980871878634, + "nauc_ndcg_at_5_diff1": 48.040466488093344, + "nauc_ndcg_at_5_max": 44.11878407368567, + "nauc_ndcg_at_5_std": -2.927818810673812, + "nauc_precision_at_1000_diff1": -14.566583997940322, + "nauc_precision_at_1000_max": -0.918804040217281, + "nauc_precision_at_1000_std": 1.1992139320417226, + "nauc_precision_at_100_diff1": -9.893301864794328, + "nauc_precision_at_100_max": 10.623906964961217, + "nauc_precision_at_100_std": 10.064779696033806, + "nauc_precision_at_10_diff1": 6.023861912263093, + "nauc_precision_at_10_max": 29.11455745368896, + "nauc_precision_at_10_std": 10.328214515351226, + "nauc_precision_at_1_diff1": 53.69555843067244, + "nauc_precision_at_1_max": 45.05416656111299, + "nauc_precision_at_1_std": -4.545996010008188, + "nauc_precision_at_20_diff1": -0.19647947200302293, + "nauc_precision_at_20_max": 22.792436348540797, + "nauc_precision_at_20_std": 9.061504712470217, + "nauc_precision_at_3_diff1": 27.9608600333444, + "nauc_precision_at_3_max": 40.970323543946456, + "nauc_precision_at_3_std": 1.8438060839666899, + "nauc_precision_at_5_diff1": 15.84255637113644, + "nauc_precision_at_5_max": 37.500727811082854, + "nauc_precision_at_5_std": 8.03910737246483, + "nauc_recall_at_1000_diff1": 24.090697018928587, + "nauc_recall_at_1000_max": 73.14142934283402, + "nauc_recall_at_1000_std": 55.79929618150117, + "nauc_recall_at_100_diff1": 29.857260058277358, + "nauc_recall_at_100_max": 48.81400298946208, + "nauc_recall_at_100_std": 18.538526239613542, + "nauc_recall_at_10_diff1": 40.68103165111888, + "nauc_recall_at_10_max": 41.84487898013782, + "nauc_recall_at_10_std": -0.565909316767332, + "nauc_recall_at_1_diff1": 54.888348136203646, + "nauc_recall_at_1_max": 36.80610602276261, + "nauc_recall_at_1_std": -7.771623626380834, + "nauc_recall_at_20_diff1": 36.107932349955526, + "nauc_recall_at_20_max": 41.10565729843375, + "nauc_recall_at_20_std": -0.507369837769159, + "nauc_recall_at_3_diff1": 45.07374176578747, + "nauc_recall_at_3_max": 37.769608961603005, + "nauc_recall_at_3_std": -5.464466204317328, + "nauc_recall_at_5_diff1": 40.670419340485566, + "nauc_recall_at_5_max": 40.96043054994941, + "nauc_recall_at_5_std": -0.79976340870195, + "ndcg_at_1": 42.775, + "ndcg_at_10": 53.82900000000001, + "ndcg_at_100": 58.74700000000001, + "ndcg_at_1000": 60.309000000000005, + "ndcg_at_20": 55.544000000000004, + "ndcg_at_3": 48.487, + "ndcg_at_5": 50.722, + "precision_at_1": 42.775, + "precision_at_10": 10.629, + "precision_at_100": 1.652, + "precision_at_1000": 0.209, + "precision_at_20": 6.202, + "precision_at_3": 23.366999999999997, + "precision_at_5": 16.967, + "recall_at_1": 34.660000000000004, + "recall_at_10": 66.465, + "recall_at_100": 87.559, + "recall_at_1000": 97.18299999999999, + "recall_at_20": 72.564, + "recall_at_3": 51.01, + "recall_at_5": 57.412 + } + ] + } +} \ No newline at end of file diff --git a/results/brahmairesearch__slx-v0.1/external/CQADupstackEnglishRetrieval.json b/results/brahmairesearch__slx-v0.1/external/CQADupstackEnglishRetrieval.json new file mode 100644 index 000000000..f2d38169e --- /dev/null +++ b/results/brahmairesearch__slx-v0.1/external/CQADupstackEnglishRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ad9991cb51e31e31e430383c75ffb2885547b5f0", + "task_name": "CQADupstackEnglishRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 47.776, + "map_at_1": 31.180999999999997, + "map_at_10": 41.802, + "map_at_100": 43.294, + "map_at_1000": 43.438, + "map_at_20": 42.629, + "map_at_3": 38.668, + "map_at_5": 40.559, + "mrr_at_1": 39.490445859872615, + "mrr_at_10": 48.38117986047922, + "mrr_at_100": 49.09349219641033, + "mrr_at_1000": 49.14315583534605, + "mrr_at_20": 48.8095411057515, + "mrr_at_3": 46.13588110403397, + "mrr_at_5": 47.61358811040339, + "nauc_map_at_1000_diff1": 49.44353218086297, + "nauc_map_at_1000_max": 46.00802280640446, + "nauc_map_at_1000_std": -6.439705189752024, + "nauc_map_at_100_diff1": 49.484618732724634, + "nauc_map_at_100_max": 45.97344254091007, + "nauc_map_at_100_std": -6.553883735865738, + "nauc_map_at_10_diff1": 49.73827377129964, + "nauc_map_at_10_max": 44.80720760764555, + "nauc_map_at_10_std": -8.560849258023518, + "nauc_map_at_1_diff1": 54.89660403213069, + "nauc_map_at_1_max": 37.249410464928694, + "nauc_map_at_1_std": -13.977909182823515, + "nauc_map_at_20_diff1": 49.687120778362065, + "nauc_map_at_20_max": 45.443506532069904, + "nauc_map_at_20_std": -7.568509029940879, + "nauc_map_at_3_diff1": 50.89143851346375, + "nauc_map_at_3_max": 42.914305225298556, + "nauc_map_at_3_std": -10.86916575143883, + "nauc_map_at_5_diff1": 49.898323469941644, + "nauc_map_at_5_max": 43.771367872507945, + "nauc_map_at_5_std": -9.813577503710816, + "nauc_mrr_at_1000_diff1": 48.033344235259904, + "nauc_mrr_at_1000_max": 47.531177627486635, + "nauc_mrr_at_1000_std": -1.955679550360315, + "nauc_mrr_at_100_diff1": 48.02321810138372, + "nauc_mrr_at_100_max": 47.535853824033744, + "nauc_mrr_at_100_std": -1.94289219204237, + "nauc_mrr_at_10_diff1": 47.94020541903534, + "nauc_mrr_at_10_max": 47.43728027081464, + "nauc_mrr_at_10_std": -2.259178114481939, + "nauc_mrr_at_1_diff1": 52.27503616517619, + "nauc_mrr_at_1_max": 45.06074105733823, + "nauc_mrr_at_1_std": -5.7377695949500245, + "nauc_mrr_at_20_diff1": 48.03620297384247, + "nauc_mrr_at_20_max": 47.55872695584821, + "nauc_mrr_at_20_std": -2.034445052818207, + "nauc_mrr_at_3_diff1": 48.859898225026605, + "nauc_mrr_at_3_max": 47.303607386271665, + "nauc_mrr_at_3_std": -3.2957071258586046, + "nauc_mrr_at_5_diff1": 47.95858711262797, + "nauc_mrr_at_5_max": 47.31116600948832, + "nauc_mrr_at_5_std": -2.5820093721058734, + "nauc_ndcg_at_1000_diff1": 46.96312568077269, + "nauc_ndcg_at_1000_max": 48.560727008968826, + "nauc_ndcg_at_1000_std": -0.4012569951094544, + "nauc_ndcg_at_100_diff1": 46.913971925229944, + "nauc_ndcg_at_100_max": 48.7348027137932, + "nauc_ndcg_at_100_std": -0.3693179964972252, + "nauc_ndcg_at_10_diff1": 47.05397879637747, + "nauc_ndcg_at_10_max": 47.186393355060105, + "nauc_ndcg_at_10_std": -4.226025177523436, + "nauc_ndcg_at_1_diff1": 52.27503616517619, + "nauc_ndcg_at_1_max": 45.06074105733823, + "nauc_ndcg_at_1_std": -5.7377695949500245, + "nauc_ndcg_at_20_diff1": 47.434914014226045, + "nauc_ndcg_at_20_max": 48.19048106740082, + "nauc_ndcg_at_20_std": -2.738959718307571, + "nauc_ndcg_at_3_diff1": 48.52829797445635, + "nauc_ndcg_at_3_max": 46.61870515960141, + "nauc_ndcg_at_3_std": -5.399579996544238, + "nauc_ndcg_at_5_diff1": 47.03264255703224, + "nauc_ndcg_at_5_max": 46.48251257722442, + "nauc_ndcg_at_5_std": -5.209610776344875, + "nauc_precision_at_1000_diff1": -18.482812709864366, + "nauc_precision_at_1000_max": 10.386743152083614, + "nauc_precision_at_1000_std": 33.84712693143723, + "nauc_precision_at_100_diff1": -10.375010055412929, + "nauc_precision_at_100_max": 26.01411743304198, + "nauc_precision_at_100_std": 41.104425433091855, + "nauc_precision_at_10_diff1": 9.870205262081164, + "nauc_precision_at_10_max": 40.852557164414286, + "nauc_precision_at_10_std": 24.499871481702353, + "nauc_precision_at_1_diff1": 52.27503616517619, + "nauc_precision_at_1_max": 45.06074105733823, + "nauc_precision_at_1_std": -5.7377695949500245, + "nauc_precision_at_20_diff1": 2.9119655830761553, + "nauc_precision_at_20_max": 36.75317153063545, + "nauc_precision_at_20_std": 31.91941895489882, + "nauc_precision_at_3_diff1": 29.276623750077814, + "nauc_precision_at_3_max": 48.19178171533935, + "nauc_precision_at_3_std": 10.69118139694828, + "nauc_precision_at_5_diff1": 18.630812871426908, + "nauc_precision_at_5_max": 43.837708095342016, + "nauc_precision_at_5_std": 16.949209975740935, + "nauc_recall_at_1000_diff1": 26.24448042293446, + "nauc_recall_at_1000_max": 60.33665737882512, + "nauc_recall_at_1000_std": 43.22679612133859, + "nauc_recall_at_100_diff1": 32.815940701950794, + "nauc_recall_at_100_max": 52.580546526531194, + "nauc_recall_at_100_std": 21.46922275288912, + "nauc_recall_at_10_diff1": 39.148857860161165, + "nauc_recall_at_10_max": 45.153827460455894, + "nauc_recall_at_10_std": -1.950539651814339, + "nauc_recall_at_1_diff1": 54.89660403213069, + "nauc_recall_at_1_max": 37.249410464928694, + "nauc_recall_at_1_std": -13.977909182823515, + "nauc_recall_at_20_diff1": 39.23611115234944, + "nauc_recall_at_20_max": 48.84676239763795, + "nauc_recall_at_20_std": 4.404569205404032, + "nauc_recall_at_3_diff1": 45.62757328218809, + "nauc_recall_at_3_max": 43.520129499410864, + "nauc_recall_at_3_std": -9.149827641664626, + "nauc_recall_at_5_diff1": 40.947956603151056, + "nauc_recall_at_5_max": 43.64403265109561, + "nauc_recall_at_5_std": -6.476025374647841, + "ndcg_at_1": 39.489999999999995, + "ndcg_at_10": 47.776, + "ndcg_at_100": 52.705, + "ndcg_at_1000": 54.830999999999996, + "ndcg_at_20": 49.763000000000005, + "ndcg_at_3": 43.649, + "ndcg_at_5": 45.885, + "precision_at_1": 39.489999999999995, + "precision_at_10": 9.121, + "precision_at_100": 1.504, + "precision_at_1000": 0.2, + "precision_at_20": 5.449, + "precision_at_3": 21.38, + "precision_at_5": 15.35, + "recall_at_1": 31.180999999999997, + "recall_at_10": 57.714, + "recall_at_100": 78.342, + "recall_at_1000": 91.586, + "recall_at_20": 64.917, + "recall_at_3": 45.255, + "recall_at_5": 51.459999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/brahmairesearch__slx-v0.1/external/CQADupstackGamingRetrieval.json b/results/brahmairesearch__slx-v0.1/external/CQADupstackGamingRetrieval.json new file mode 100644 index 000000000..6e36894a2 --- /dev/null +++ b/results/brahmairesearch__slx-v0.1/external/CQADupstackGamingRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "4885aa143210c98657558c04aaf3dc47cfb54340", + "task_name": "CQADupstackGamingRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 56.923, + "map_at_1": 38.732, + "map_at_10": 51.03, + "map_at_100": 52.078, + "map_at_1000": 52.132, + "map_at_20": 51.648, + "map_at_3": 47.735, + "map_at_5": 49.562, + "mrr_at_1": 44.075235109717866, + "mrr_at_10": 54.24349405383888, + "mrr_at_100": 54.92548762360754, + "mrr_at_1000": 54.953180989670734, + "mrr_at_20": 54.65337227412258, + "mrr_at_3": 51.765935214211076, + "mrr_at_5": 53.2110762800418, + "nauc_map_at_1000_diff1": 51.90809944536219, + "nauc_map_at_1000_max": 42.584041397418915, + "nauc_map_at_1000_std": -4.092796385362112, + "nauc_map_at_100_diff1": 51.87489219454552, + "nauc_map_at_100_max": 42.56321622647399, + "nauc_map_at_100_std": -4.108671096246823, + "nauc_map_at_10_diff1": 51.94456556858801, + "nauc_map_at_10_max": 42.019642277457834, + "nauc_map_at_10_std": -5.093848267830008, + "nauc_map_at_1_diff1": 56.18384355337904, + "nauc_map_at_1_max": 35.92739920256724, + "nauc_map_at_1_std": -7.700954384698089, + "nauc_map_at_20_diff1": 51.84091110199576, + "nauc_map_at_20_max": 42.3843420189171, + "nauc_map_at_20_std": -4.40444644798754, + "nauc_map_at_3_diff1": 52.08439941713987, + "nauc_map_at_3_max": 40.21039214935397, + "nauc_map_at_3_std": -7.324738964281617, + "nauc_map_at_5_diff1": 51.82629501690293, + "nauc_map_at_5_max": 41.10065065673012, + "nauc_map_at_5_std": -6.261842403214812, + "nauc_mrr_at_1000_diff1": 53.279508868349645, + "nauc_mrr_at_1000_max": 45.25364956742305, + "nauc_mrr_at_1000_std": -1.8430883364000474, + "nauc_mrr_at_100_diff1": 53.25983484799026, + "nauc_mrr_at_100_max": 45.25962889286108, + "nauc_mrr_at_100_std": -1.8211114380578641, + "nauc_mrr_at_10_diff1": 53.27160810895254, + "nauc_mrr_at_10_max": 45.278243219167614, + "nauc_mrr_at_10_std": -2.0022809788792197, + "nauc_mrr_at_1_diff1": 57.03534737937047, + "nauc_mrr_at_1_max": 42.41929180637128, + "nauc_mrr_at_1_std": -5.559470907525906, + "nauc_mrr_at_20_diff1": 53.212121600393495, + "nauc_mrr_at_20_max": 45.25492529730299, + "nauc_mrr_at_20_std": -1.8709180680768236, + "nauc_mrr_at_3_diff1": 53.66732897537923, + "nauc_mrr_at_3_max": 45.213018524091744, + "nauc_mrr_at_3_std": -2.6545754944664726, + "nauc_mrr_at_5_diff1": 53.11553937075799, + "nauc_mrr_at_5_max": 45.21311015517629, + "nauc_mrr_at_5_std": -2.3047852346440485, + "nauc_ndcg_at_1000_diff1": 51.22084372891484, + "nauc_ndcg_at_1000_max": 45.033616473157096, + "nauc_ndcg_at_1000_std": -0.49537334935387783, + "nauc_ndcg_at_100_diff1": 50.662111242206734, + "nauc_ndcg_at_100_max": 45.20193284684836, + "nauc_ndcg_at_100_std": 0.06588193709667538, + "nauc_ndcg_at_10_diff1": 50.7967609561699, + "nauc_ndcg_at_10_max": 44.44451781209191, + "nauc_ndcg_at_10_std": -2.2422184861488756, + "nauc_ndcg_at_1_diff1": 57.03534737937047, + "nauc_ndcg_at_1_max": 42.41929180637128, + "nauc_ndcg_at_1_std": -5.559470907525906, + "nauc_ndcg_at_20_diff1": 50.40874342321644, + "nauc_ndcg_at_20_max": 44.82829895621773, + "nauc_ndcg_at_20_std": -1.0316251943203758, + "nauc_ndcg_at_3_diff1": 51.19864887663497, + "nauc_ndcg_at_3_max": 42.86706753256436, + "nauc_ndcg_at_3_std": -5.012473010526891, + "nauc_ndcg_at_5_diff1": 50.50949069494513, + "nauc_ndcg_at_5_max": 43.3779262922725, + "nauc_ndcg_at_5_std": -3.9043550992546048, + "nauc_precision_at_1000_diff1": -8.649623125586269, + "nauc_precision_at_1000_max": 21.555836290383134, + "nauc_precision_at_1000_std": 31.65585615100276, + "nauc_precision_at_100_diff1": -3.7069964551748122, + "nauc_precision_at_100_max": 28.923976741147765, + "nauc_precision_at_100_std": 32.54838990025281, + "nauc_precision_at_10_diff1": 16.349707064050946, + "nauc_precision_at_10_max": 39.132645459531986, + "nauc_precision_at_10_std": 16.306513403680004, + "nauc_precision_at_1_diff1": 57.03534737937047, + "nauc_precision_at_1_max": 42.41929180637128, + "nauc_precision_at_1_std": -5.559470907525906, + "nauc_precision_at_20_diff1": 7.5905952134108094, + "nauc_precision_at_20_max": 35.8825094829391, + "nauc_precision_at_20_std": 24.48349957693172, + "nauc_precision_at_3_diff1": 32.80092363376732, + "nauc_precision_at_3_max": 43.3774140381366, + "nauc_precision_at_3_std": 1.7501259447120148, + "nauc_precision_at_5_diff1": 25.28973395899848, + "nauc_precision_at_5_max": 41.69668551811128, + "nauc_precision_at_5_std": 7.244670538771375, + "nauc_recall_at_1000_diff1": 36.08978686599952, + "nauc_recall_at_1000_max": 60.956553966508785, + "nauc_recall_at_1000_std": 49.63396504888992, + "nauc_recall_at_100_diff1": 35.857979478786056, + "nauc_recall_at_100_max": 54.20184925232567, + "nauc_recall_at_100_std": 28.673958901408014, + "nauc_recall_at_10_diff1": 43.0128169608147, + "nauc_recall_at_10_max": 45.696402596156545, + "nauc_recall_at_10_std": 2.6482104533880717, + "nauc_recall_at_1_diff1": 56.18384355337904, + "nauc_recall_at_1_max": 35.92739920256724, + "nauc_recall_at_1_std": -7.700954384698089, + "nauc_recall_at_20_diff1": 39.89455258008386, + "nauc_recall_at_20_max": 48.35270191375881, + "nauc_recall_at_20_std": 9.673486702133298, + "nauc_recall_at_3_diff1": 46.67802970279263, + "nauc_recall_at_3_max": 41.314599757779426, + "nauc_recall_at_3_std": -6.557047140009625, + "nauc_recall_at_5_diff1": 43.54326665692751, + "nauc_recall_at_5_max": 42.76486301935587, + "nauc_recall_at_5_std": -2.91989328244513, + "ndcg_at_1": 44.074999999999996, + "ndcg_at_10": 56.923, + "ndcg_at_100": 61.004999999999995, + "ndcg_at_1000": 62.12800000000001, + "ndcg_at_20": 58.618, + "ndcg_at_3": 51.381, + "ndcg_at_5": 54.027, + "precision_at_1": 44.074999999999996, + "precision_at_10": 9.21, + "precision_at_100": 1.221, + "precision_at_1000": 0.136, + "precision_at_20": 5.1499999999999995, + "precision_at_3": 23.009, + "precision_at_5": 15.748999999999999, + "recall_at_1": 38.732, + "recall_at_10": 71.154, + "recall_at_100": 88.676, + "recall_at_1000": 96.718, + "recall_at_20": 77.242, + "recall_at_3": 56.288000000000004, + "recall_at_5": 62.792 + } + ] + } +} \ No newline at end of file diff --git a/results/brahmairesearch__slx-v0.1/external/CQADupstackGisRetrieval.json b/results/brahmairesearch__slx-v0.1/external/CQADupstackGisRetrieval.json new file mode 100644 index 000000000..3f8f91e7b --- /dev/null +++ b/results/brahmairesearch__slx-v0.1/external/CQADupstackGisRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "5003b3064772da1887988e05400cf3806fe491f2", + "task_name": "CQADupstackGisRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 41.31, + "map_at_1": 26.837, + "map_at_10": 35.959, + "map_at_100": 37.172, + "map_at_1000": 37.241, + "map_at_20": 36.7, + "map_at_3": 33.027, + "map_at_5": 34.699000000000005, + "mrr_at_1": 29.37853107344633, + "mrr_at_10": 38.30732669715721, + "mrr_at_100": 39.33054657529381, + "mrr_at_1000": 39.379667885813205, + "mrr_at_20": 38.95885516282221, + "mrr_at_3": 35.59322033898305, + "mrr_at_5": 37.09039548022599, + "nauc_map_at_1000_diff1": 33.824985266541105, + "nauc_map_at_1000_max": 27.38354315602597, + "nauc_map_at_1000_std": -4.183937989318261, + "nauc_map_at_100_diff1": 33.826642921299836, + "nauc_map_at_100_max": 27.391547143969703, + "nauc_map_at_100_std": -4.1622733750723535, + "nauc_map_at_10_diff1": 33.74139790310016, + "nauc_map_at_10_max": 26.988973573292906, + "nauc_map_at_10_std": -4.6158886383681486, + "nauc_map_at_1_diff1": 40.73105610223564, + "nauc_map_at_1_max": 26.117980671724606, + "nauc_map_at_1_std": -7.823817113802216, + "nauc_map_at_20_diff1": 33.77805724779642, + "nauc_map_at_20_max": 27.282978783733174, + "nauc_map_at_20_std": -4.186095094578366, + "nauc_map_at_3_diff1": 36.097185072940704, + "nauc_map_at_3_max": 26.874307388587006, + "nauc_map_at_3_std": -6.020142942595767, + "nauc_map_at_5_diff1": 34.25776532088489, + "nauc_map_at_5_max": 26.843408999370062, + "nauc_map_at_5_std": -5.3182865274497555, + "nauc_mrr_at_1000_diff1": 31.07446539700584, + "nauc_mrr_at_1000_max": 28.23648431351983, + "nauc_mrr_at_1000_std": -1.9730030997144297, + "nauc_mrr_at_100_diff1": 31.05879961364511, + "nauc_mrr_at_100_max": 28.257937702133447, + "nauc_mrr_at_100_std": -1.9401890833311664, + "nauc_mrr_at_10_diff1": 30.851921082461164, + "nauc_mrr_at_10_max": 28.019748398612656, + "nauc_mrr_at_10_std": -2.1501394995405905, + "nauc_mrr_at_1_diff1": 37.49227872151747, + "nauc_mrr_at_1_max": 28.674240705315903, + "nauc_mrr_at_1_std": -4.35056486689729, + "nauc_mrr_at_20_diff1": 30.982876689431553, + "nauc_mrr_at_20_max": 28.18728312649274, + "nauc_mrr_at_20_std": -1.9400536131807824, + "nauc_mrr_at_3_diff1": 32.80644035401081, + "nauc_mrr_at_3_max": 28.31201785250565, + "nauc_mrr_at_3_std": -3.0715346813687603, + "nauc_mrr_at_5_diff1": 31.215681881852785, + "nauc_mrr_at_5_max": 27.853131873520315, + "nauc_mrr_at_5_std": -2.7267492848551864, + "nauc_ndcg_at_1000_diff1": 30.882552399077433, + "nauc_ndcg_at_1000_max": 28.592799066356868, + "nauc_ndcg_at_1000_std": -1.1610130632370996, + "nauc_ndcg_at_100_diff1": 30.52925170726371, + "nauc_ndcg_at_100_max": 29.01788121102285, + "nauc_ndcg_at_100_std": -0.36382102937662036, + "nauc_ndcg_at_10_diff1": 29.646957531268058, + "nauc_ndcg_at_10_max": 27.25820710857276, + "nauc_ndcg_at_10_std": -2.1740807696394246, + "nauc_ndcg_at_1_diff1": 37.49227872151747, + "nauc_ndcg_at_1_max": 28.674240705315903, + "nauc_ndcg_at_1_std": -4.35056486689729, + "nauc_ndcg_at_20_diff1": 29.81954001580238, + "nauc_ndcg_at_20_max": 28.12655829166776, + "nauc_ndcg_at_20_std": -0.8426496817280011, + "nauc_ndcg_at_3_diff1": 33.79994800316125, + "nauc_ndcg_at_3_max": 27.566086245731903, + "nauc_ndcg_at_3_std": -4.531429933937334, + "nauc_ndcg_at_5_diff1": 30.796050416879833, + "nauc_ndcg_at_5_max": 26.987450353856836, + "nauc_ndcg_at_5_std": -3.6785320861681536, + "nauc_precision_at_1000_diff1": -6.667048342551707, + "nauc_precision_at_1000_max": 12.74665735228754, + "nauc_precision_at_1000_std": 14.388810690231695, + "nauc_precision_at_100_diff1": -0.9315554525058245, + "nauc_precision_at_100_max": 23.785783803695086, + "nauc_precision_at_100_std": 18.017934826958072, + "nauc_precision_at_10_diff1": 10.897625176899407, + "nauc_precision_at_10_max": 28.302337751018168, + "nauc_precision_at_10_std": 7.593887792320358, + "nauc_precision_at_1_diff1": 37.49227872151747, + "nauc_precision_at_1_max": 28.674240705315903, + "nauc_precision_at_1_std": -4.35056486689729, + "nauc_precision_at_20_diff1": 7.1553681942590055, + "nauc_precision_at_20_max": 29.03199232231963, + "nauc_precision_at_20_std": 14.400319742846573, + "nauc_precision_at_3_diff1": 25.195444969267704, + "nauc_precision_at_3_max": 30.412936949743763, + "nauc_precision_at_3_std": 0.3718140966352182, + "nauc_precision_at_5_diff1": 16.08508800784734, + "nauc_precision_at_5_max": 28.184570311016234, + "nauc_precision_at_5_std": 2.4001788379725673, + "nauc_recall_at_1000_diff1": 15.251030527386675, + "nauc_recall_at_1000_max": 44.68626014260891, + "nauc_recall_at_1000_std": 31.912046734047696, + "nauc_recall_at_100_diff1": 18.625221846410803, + "nauc_recall_at_100_max": 38.12448370446821, + "nauc_recall_at_100_std": 20.795359725619754, + "nauc_recall_at_10_diff1": 18.354876530522134, + "nauc_recall_at_10_max": 25.551602682680922, + "nauc_recall_at_10_std": 3.220738051054369, + "nauc_recall_at_1_diff1": 40.73105610223564, + "nauc_recall_at_1_max": 26.117980671724606, + "nauc_recall_at_1_std": -7.823817113802216, + "nauc_recall_at_20_diff1": 17.48367397137018, + "nauc_recall_at_20_max": 28.613212769951218, + "nauc_recall_at_20_std": 9.367130329617583, + "nauc_recall_at_3_diff1": 30.22639273579569, + "nauc_recall_at_3_max": 26.672584329288853, + "nauc_recall_at_3_std": -3.1070994652973067, + "nauc_recall_at_5_diff1": 22.609561401532595, + "nauc_recall_at_5_max": 25.243108633000972, + "nauc_recall_at_5_std": -1.3641313534725177, + "ndcg_at_1": 29.378999999999998, + "ndcg_at_10": 41.31, + "ndcg_at_100": 47.058, + "ndcg_at_1000": 48.777, + "ndcg_at_20": 43.811, + "ndcg_at_3": 35.564, + "ndcg_at_5": 38.384, + "precision_at_1": 29.378999999999998, + "precision_at_10": 6.361999999999999, + "precision_at_100": 0.98, + "precision_at_1000": 0.117, + "precision_at_20": 3.785, + "precision_at_3": 15.028, + "precision_at_5": 10.667, + "recall_at_1": 26.837, + "recall_at_10": 55.667, + "recall_at_100": 81.843, + "recall_at_1000": 94.707, + "recall_at_20": 64.99000000000001, + "recall_at_3": 40.049, + "recall_at_5": 46.92 + } + ] + } +} \ No newline at end of file diff --git a/results/brahmairesearch__slx-v0.1/external/CQADupstackMathematicaRetrieval.json b/results/brahmairesearch__slx-v0.1/external/CQADupstackMathematicaRetrieval.json new file mode 100644 index 000000000..273965ba5 --- /dev/null +++ b/results/brahmairesearch__slx-v0.1/external/CQADupstackMathematicaRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "90fceea13679c63fe563ded68f3b6f06e50061de", + "task_name": "CQADupstackMathematicaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 29.286, + "map_at_1": 15.142, + "map_at_10": 23.727999999999998, + "map_at_100": 25.137999999999998, + "map_at_1000": 25.256, + "map_at_20": 24.555, + "map_at_3": 20.673, + "map_at_5": 22.325999999999997, + "mrr_at_1": 18.407960199004975, + "mrr_at_10": 27.512289741767354, + "mrr_at_100": 28.67133144523845, + "mrr_at_1000": 28.734556130499765, + "mrr_at_20": 28.242773767515576, + "mrr_at_3": 24.58540630182421, + "mrr_at_5": 26.25207296849088, + "nauc_map_at_1000_diff1": 29.830495875741686, + "nauc_map_at_1000_max": 29.844871544709754, + "nauc_map_at_1000_std": 4.531584325691709, + "nauc_map_at_100_diff1": 29.783099563199478, + "nauc_map_at_100_max": 29.870567523376064, + "nauc_map_at_100_std": 4.575369775572174, + "nauc_map_at_10_diff1": 30.328052451658177, + "nauc_map_at_10_max": 29.68196864841043, + "nauc_map_at_10_std": 4.041487315029131, + "nauc_map_at_1_diff1": 34.06103409502576, + "nauc_map_at_1_max": 26.542597994455168, + "nauc_map_at_1_std": 0.13222518698558713, + "nauc_map_at_20_diff1": 29.671969728646207, + "nauc_map_at_20_max": 29.56469190452673, + "nauc_map_at_20_std": 4.270584332187552, + "nauc_map_at_3_diff1": 31.886663324961994, + "nauc_map_at_3_max": 28.931210892147874, + "nauc_map_at_3_std": 1.792647218529753, + "nauc_map_at_5_diff1": 30.130974453903004, + "nauc_map_at_5_max": 28.404743926409616, + "nauc_map_at_5_std": 2.548774969391927, + "nauc_mrr_at_1000_diff1": 31.628830222794146, + "nauc_mrr_at_1000_max": 31.91487774004666, + "nauc_mrr_at_1000_std": 6.370961988994502, + "nauc_mrr_at_100_diff1": 31.606059731944256, + "nauc_mrr_at_100_max": 31.910838943893637, + "nauc_mrr_at_100_std": 6.377656370563926, + "nauc_mrr_at_10_diff1": 31.977420533671218, + "nauc_mrr_at_10_max": 32.11665186256517, + "nauc_mrr_at_10_std": 6.277016093709463, + "nauc_mrr_at_1_diff1": 37.478663352559366, + "nauc_mrr_at_1_max": 31.176249723296767, + "nauc_mrr_at_1_std": 3.302936413131115, + "nauc_mrr_at_20_diff1": 31.484955715846052, + "nauc_mrr_at_20_max": 31.80392932975274, + "nauc_mrr_at_20_std": 6.348841589653416, + "nauc_mrr_at_3_diff1": 33.0234707676869, + "nauc_mrr_at_3_max": 31.66594429342623, + "nauc_mrr_at_3_std": 4.386409179222804, + "nauc_mrr_at_5_diff1": 31.812421283740065, + "nauc_mrr_at_5_max": 31.311323549308206, + "nauc_mrr_at_5_std": 5.642758734528096, + "nauc_ndcg_at_1000_diff1": 28.02913984018856, + "nauc_ndcg_at_1000_max": 31.14720296628386, + "nauc_ndcg_at_1000_std": 8.245505565605681, + "nauc_ndcg_at_100_diff1": 27.133234480898416, + "nauc_ndcg_at_100_max": 31.734486588931297, + "nauc_ndcg_at_100_std": 9.151097698922285, + "nauc_ndcg_at_10_diff1": 28.838857669076322, + "nauc_ndcg_at_10_max": 31.115220545303117, + "nauc_ndcg_at_10_std": 6.713247141105111, + "nauc_ndcg_at_1_diff1": 37.478663352559366, + "nauc_ndcg_at_1_max": 31.176249723296767, + "nauc_ndcg_at_1_std": 3.302936413131115, + "nauc_ndcg_at_20_diff1": 26.838210799213876, + "nauc_ndcg_at_20_max": 30.439021621824924, + "nauc_ndcg_at_20_std": 7.311545065277699, + "nauc_ndcg_at_3_diff1": 31.401802099009004, + "nauc_ndcg_at_3_max": 29.953906005830135, + "nauc_ndcg_at_3_std": 2.5890022039011202, + "nauc_ndcg_at_5_diff1": 28.6330418628233, + "nauc_ndcg_at_5_max": 29.00802098619434, + "nauc_ndcg_at_5_std": 4.227912244901072, + "nauc_precision_at_1000_diff1": 2.5911901580875867, + "nauc_precision_at_1000_max": 4.0518538327169855, + "nauc_precision_at_1000_std": 1.7758268328761477, + "nauc_precision_at_100_diff1": 8.980077140205331, + "nauc_precision_at_100_max": 22.724340263254195, + "nauc_precision_at_100_std": 14.664473151056562, + "nauc_precision_at_10_diff1": 21.763297367222552, + "nauc_precision_at_10_max": 32.92900970570401, + "nauc_precision_at_10_std": 13.497567973388566, + "nauc_precision_at_1_diff1": 37.478663352559366, + "nauc_precision_at_1_max": 31.176249723296767, + "nauc_precision_at_1_std": 3.302936413131115, + "nauc_precision_at_20_diff1": 14.21580175290909, + "nauc_precision_at_20_max": 28.968198467692787, + "nauc_precision_at_20_std": 13.791402369534932, + "nauc_precision_at_3_diff1": 29.256654567402435, + "nauc_precision_at_3_max": 32.24444511852006, + "nauc_precision_at_3_std": 5.595987236310881, + "nauc_precision_at_5_diff1": 23.48548965604621, + "nauc_precision_at_5_max": 29.559989698787266, + "nauc_precision_at_5_std": 7.973397491873005, + "nauc_recall_at_1000_diff1": 8.77350731884266, + "nauc_recall_at_1000_max": 30.982963576717697, + "nauc_recall_at_1000_std": 39.847794579683, + "nauc_recall_at_100_diff1": 12.323323397833159, + "nauc_recall_at_100_max": 33.62294233066083, + "nauc_recall_at_100_std": 26.54562660936417, + "nauc_recall_at_10_diff1": 22.641004774225816, + "nauc_recall_at_10_max": 30.594205495355244, + "nauc_recall_at_10_std": 11.310901090263238, + "nauc_recall_at_1_diff1": 34.06103409502576, + "nauc_recall_at_1_max": 26.542597994455168, + "nauc_recall_at_1_std": 0.13222518698558713, + "nauc_recall_at_20_diff1": 15.689605490947223, + "nauc_recall_at_20_max": 27.746801753725965, + "nauc_recall_at_20_std": 13.370839851272823, + "nauc_recall_at_3_diff1": 27.553486937655663, + "nauc_recall_at_3_max": 28.01270402033647, + "nauc_recall_at_3_std": 1.6810358030711698, + "nauc_recall_at_5_diff1": 21.661158520439603, + "nauc_recall_at_5_max": 25.659495548646337, + "nauc_recall_at_5_std": 5.487851983581348, + "ndcg_at_1": 18.407999999999998, + "ndcg_at_10": 29.286, + "ndcg_at_100": 35.753, + "ndcg_at_1000": 38.541, + "ndcg_at_20": 32.029999999999994, + "ndcg_at_3": 23.599, + "ndcg_at_5": 26.262, + "precision_at_1": 18.407999999999998, + "precision_at_10": 5.697, + "precision_at_100": 1.034, + "precision_at_1000": 0.14100000000000001, + "precision_at_20": 3.6189999999999998, + "precision_at_3": 11.567, + "precision_at_5": 8.781, + "recall_at_1": 15.142, + "recall_at_10": 42.476, + "recall_at_100": 70.22699999999999, + "recall_at_1000": 90.02799999999999, + "recall_at_20": 52.278999999999996, + "recall_at_3": 27.056, + "recall_at_5": 33.663 + } + ] + } +} \ No newline at end of file diff --git a/results/brahmairesearch__slx-v0.1/external/CQADupstackPhysicsRetrieval.json b/results/brahmairesearch__slx-v0.1/external/CQADupstackPhysicsRetrieval.json new file mode 100644 index 000000000..72d5854af --- /dev/null +++ b/results/brahmairesearch__slx-v0.1/external/CQADupstackPhysicsRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "79531abbd1fb92d06c6d6315a0cbbbf5bb247ea4", + "task_name": "CQADupstackPhysicsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 46.982, + "map_at_1": 29.142000000000003, + "map_at_10": 40.735, + "map_at_100": 42.155, + "map_at_1000": 42.27, + "map_at_20": 41.498000000000005, + "map_at_3": 37.491, + "map_at_5": 39.475, + "mrr_at_1": 35.514918190567855, + "mrr_at_10": 46.31582565653788, + "mrr_at_100": 47.14427440178252, + "mrr_at_1000": 47.18423700218728, + "mrr_at_20": 46.78013051884466, + "mrr_at_3": 43.96855951235162, + "mrr_at_5": 45.33525826114854, + "nauc_map_at_1000_diff1": 48.376841720659684, + "nauc_map_at_1000_max": 36.76054797105518, + "nauc_map_at_1000_std": -5.310244782841096, + "nauc_map_at_100_diff1": 48.39009284893546, + "nauc_map_at_100_max": 36.756939642759676, + "nauc_map_at_100_std": -5.3360132498714155, + "nauc_map_at_10_diff1": 48.301337883081494, + "nauc_map_at_10_max": 35.84362178782953, + "nauc_map_at_10_std": -6.680396768130203, + "nauc_map_at_1_diff1": 54.10938668812014, + "nauc_map_at_1_max": 33.5569415932719, + "nauc_map_at_1_std": -9.158006006882797, + "nauc_map_at_20_diff1": 48.37273154648706, + "nauc_map_at_20_max": 36.375946064959514, + "nauc_map_at_20_std": -5.941356185910192, + "nauc_map_at_3_diff1": 49.44052440546684, + "nauc_map_at_3_max": 35.29983997477593, + "nauc_map_at_3_std": -7.926122642140471, + "nauc_map_at_5_diff1": 48.425401884249546, + "nauc_map_at_5_max": 35.76738899038316, + "nauc_map_at_5_std": -7.086066122233774, + "nauc_mrr_at_1000_diff1": 47.739498443882525, + "nauc_mrr_at_1000_max": 38.08125408730989, + "nauc_mrr_at_1000_std": -2.2895275028822875, + "nauc_mrr_at_100_diff1": 47.71344530559796, + "nauc_mrr_at_100_max": 38.08097573778073, + "nauc_mrr_at_100_std": -2.283043912301711, + "nauc_mrr_at_10_diff1": 47.570348799278975, + "nauc_mrr_at_10_max": 37.79140951321141, + "nauc_mrr_at_10_std": -2.669668464347039, + "nauc_mrr_at_1_diff1": 54.362704882881786, + "nauc_mrr_at_1_max": 38.0436856766311, + "nauc_mrr_at_1_std": -3.7228255611457297, + "nauc_mrr_at_20_diff1": 47.61687084521078, + "nauc_mrr_at_20_max": 37.98181088604165, + "nauc_mrr_at_20_std": -2.451306358135568, + "nauc_mrr_at_3_diff1": 48.29760542894089, + "nauc_mrr_at_3_max": 38.320196024196484, + "nauc_mrr_at_3_std": -2.608893715829596, + "nauc_mrr_at_5_diff1": 47.52445262256707, + "nauc_mrr_at_5_max": 37.88269893600532, + "nauc_mrr_at_5_std": -2.6463159987466938, + "nauc_ndcg_at_1000_diff1": 46.468406214074975, + "nauc_ndcg_at_1000_max": 38.46677359985886, + "nauc_ndcg_at_1000_std": -1.4983478106237946, + "nauc_ndcg_at_100_diff1": 46.173532773312665, + "nauc_ndcg_at_100_max": 38.5543502306479, + "nauc_ndcg_at_100_std": -1.2145160553641832, + "nauc_ndcg_at_10_diff1": 45.903006767468966, + "nauc_ndcg_at_10_max": 35.65042776694142, + "nauc_ndcg_at_10_std": -5.878538482190709, + "nauc_ndcg_at_1_diff1": 54.362704882881786, + "nauc_ndcg_at_1_max": 38.0436856766311, + "nauc_ndcg_at_1_std": -3.7228255611457297, + "nauc_ndcg_at_20_diff1": 46.009956025569906, + "nauc_ndcg_at_20_max": 37.09175828227361, + "nauc_ndcg_at_20_std": -3.9903455853106147, + "nauc_ndcg_at_3_diff1": 47.20874990734948, + "nauc_ndcg_at_3_max": 36.7478305444307, + "nauc_ndcg_at_3_std": -5.556906879694707, + "nauc_ndcg_at_5_diff1": 45.938325614437616, + "nauc_ndcg_at_5_max": 36.158427238686485, + "nauc_ndcg_at_5_std": -5.663685225247423, + "nauc_precision_at_1000_diff1": -20.17554621466442, + "nauc_precision_at_1000_max": 3.718674752259679, + "nauc_precision_at_1000_std": 20.311126678632473, + "nauc_precision_at_100_diff1": -9.77163051571759, + "nauc_precision_at_100_max": 18.342524884598333, + "nauc_precision_at_100_std": 29.35841582729325, + "nauc_precision_at_10_diff1": 13.680163039035545, + "nauc_precision_at_10_max": 29.16355469101684, + "nauc_precision_at_10_std": 13.68130771479034, + "nauc_precision_at_1_diff1": 54.362704882881786, + "nauc_precision_at_1_max": 38.0436856766311, + "nauc_precision_at_1_std": -3.7228255611457297, + "nauc_precision_at_20_diff1": 6.2946432484262616, + "nauc_precision_at_20_max": 27.909497591400235, + "nauc_precision_at_20_std": 20.52292294725688, + "nauc_precision_at_3_diff1": 31.1332087743737, + "nauc_precision_at_3_max": 37.86322291336991, + "nauc_precision_at_3_std": 5.327614107392234, + "nauc_precision_at_5_diff1": 20.73434520971964, + "nauc_precision_at_5_max": 33.9824188155478, + "nauc_precision_at_5_std": 10.495836005987448, + "nauc_recall_at_1000_diff1": 41.56310016395119, + "nauc_recall_at_1000_max": 58.40933956558557, + "nauc_recall_at_1000_std": 47.97490616720571, + "nauc_recall_at_100_diff1": 32.94606451556238, + "nauc_recall_at_100_max": 41.9600123794069, + "nauc_recall_at_100_std": 18.888894721063252, + "nauc_recall_at_10_diff1": 37.467808311529566, + "nauc_recall_at_10_max": 29.680696266674904, + "nauc_recall_at_10_std": -8.981727422390986, + "nauc_recall_at_1_diff1": 54.10938668812014, + "nauc_recall_at_1_max": 33.5569415932719, + "nauc_recall_at_1_std": -9.158006006882797, + "nauc_recall_at_20_diff1": 36.37336600186495, + "nauc_recall_at_20_max": 33.76755814232919, + "nauc_recall_at_20_std": -2.491259189562959, + "nauc_recall_at_3_diff1": 42.42921625891564, + "nauc_recall_at_3_max": 32.1863591696642, + "nauc_recall_at_3_std": -9.472176740832754, + "nauc_recall_at_5_diff1": 38.90086250705934, + "nauc_recall_at_5_max": 31.42899308569517, + "nauc_recall_at_5_std": -9.346282658103304, + "ndcg_at_1": 35.515, + "ndcg_at_10": 46.982, + "ndcg_at_100": 52.913, + "ndcg_at_1000": 54.759, + "ndcg_at_20": 49.296, + "ndcg_at_3": 42.164, + "ndcg_at_5": 44.674, + "precision_at_1": 35.515, + "precision_at_10": 8.624, + "precision_at_100": 1.377, + "precision_at_1000": 0.173, + "precision_at_20": 5.058, + "precision_at_3": 20.468, + "precision_at_5": 14.649000000000001, + "recall_at_1": 29.142000000000003, + "recall_at_10": 59.693, + "recall_at_100": 84.84899999999999, + "recall_at_1000": 96.451, + "recall_at_20": 68.015, + "recall_at_3": 46.086, + "recall_at_5": 52.556000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/brahmairesearch__slx-v0.1/external/CQADupstackProgrammersRetrieval.json b/results/brahmairesearch__slx-v0.1/external/CQADupstackProgrammersRetrieval.json new file mode 100644 index 000000000..11ae13964 --- /dev/null +++ b/results/brahmairesearch__slx-v0.1/external/CQADupstackProgrammersRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "6184bc1440d2dbc7612be22b50686b8826d22b32", + "task_name": "CQADupstackProgrammersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 38.968, + "map_at_1": 22.081999999999997, + "map_at_10": 32.74, + "map_at_100": 34.108, + "map_at_1000": 34.233000000000004, + "map_at_20": 33.521, + "map_at_3": 29.282999999999998, + "map_at_5": 31.127, + "mrr_at_1": 26.71232876712329, + "mrr_at_10": 37.271598898311225, + "mrr_at_100": 38.14029311656465, + "mrr_at_1000": 38.20075599073657, + "mrr_at_20": 37.769608485035874, + "mrr_at_3": 34.58904109589041, + "mrr_at_5": 36.0216894977169, + "nauc_map_at_1000_diff1": 44.041894545810635, + "nauc_map_at_1000_max": 41.17362572555018, + "nauc_map_at_1000_std": 8.767356428542685, + "nauc_map_at_100_diff1": 44.04056956484395, + "nauc_map_at_100_max": 41.18083594913976, + "nauc_map_at_100_std": 8.752657132178738, + "nauc_map_at_10_diff1": 44.363453458247925, + "nauc_map_at_10_max": 40.75918614278003, + "nauc_map_at_10_std": 7.772306317028583, + "nauc_map_at_1_diff1": 51.272585822020254, + "nauc_map_at_1_max": 37.645585910953386, + "nauc_map_at_1_std": 3.2801156746839997, + "nauc_map_at_20_diff1": 44.03116886698072, + "nauc_map_at_20_max": 41.02335530846115, + "nauc_map_at_20_std": 8.342361143255655, + "nauc_map_at_3_diff1": 44.70706747094596, + "nauc_map_at_3_max": 39.030651844405575, + "nauc_map_at_3_std": 5.884095706583685, + "nauc_map_at_5_diff1": 44.4544981640302, + "nauc_map_at_5_max": 39.635461711896916, + "nauc_map_at_5_std": 6.632250546113723, + "nauc_mrr_at_1000_diff1": 42.81708824392129, + "nauc_mrr_at_1000_max": 42.57093551420639, + "nauc_mrr_at_1000_std": 11.441585136182013, + "nauc_mrr_at_100_diff1": 42.81275458475952, + "nauc_mrr_at_100_max": 42.582787877166965, + "nauc_mrr_at_100_std": 11.44975978035579, + "nauc_mrr_at_10_diff1": 42.72063226967484, + "nauc_mrr_at_10_max": 42.556953195342615, + "nauc_mrr_at_10_std": 11.105965017912668, + "nauc_mrr_at_1_diff1": 50.5113885243745, + "nauc_mrr_at_1_max": 41.93828222541368, + "nauc_mrr_at_1_std": 9.159606325340556, + "nauc_mrr_at_20_diff1": 42.77647311397092, + "nauc_mrr_at_20_max": 42.53014349662046, + "nauc_mrr_at_20_std": 11.260887899494547, + "nauc_mrr_at_3_diff1": 42.5769549053029, + "nauc_mrr_at_3_max": 41.862496724071704, + "nauc_mrr_at_3_std": 10.210790947470494, + "nauc_mrr_at_5_diff1": 42.95929464184399, + "nauc_mrr_at_5_max": 42.300359084486274, + "nauc_mrr_at_5_std": 10.467983162075953, + "nauc_ndcg_at_1000_diff1": 41.39614751382601, + "nauc_ndcg_at_1000_max": 42.6186909427122, + "nauc_ndcg_at_1000_std": 13.121900374296718, + "nauc_ndcg_at_100_diff1": 41.235561668154006, + "nauc_ndcg_at_100_max": 42.994411802403185, + "nauc_ndcg_at_100_std": 13.658642895310704, + "nauc_ndcg_at_10_diff1": 41.79496737016758, + "nauc_ndcg_at_10_max": 41.890657768164786, + "nauc_ndcg_at_10_std": 10.231134586943591, + "nauc_ndcg_at_1_diff1": 50.5113885243745, + "nauc_ndcg_at_1_max": 41.93828222541368, + "nauc_ndcg_at_1_std": 9.159606325340556, + "nauc_ndcg_at_20_diff1": 41.186060008922745, + "nauc_ndcg_at_20_max": 42.172791223117336, + "nauc_ndcg_at_20_std": 11.34527301101956, + "nauc_ndcg_at_3_diff1": 41.681565698112294, + "nauc_ndcg_at_3_max": 39.845797667995306, + "nauc_ndcg_at_3_std": 7.940462212664345, + "nauc_ndcg_at_5_diff1": 41.967719742308994, + "nauc_ndcg_at_5_max": 40.225831354460404, + "nauc_ndcg_at_5_std": 8.261587245067236, + "nauc_precision_at_1000_diff1": -12.943400339828257, + "nauc_precision_at_1000_max": -1.1246092172976385, + "nauc_precision_at_1000_std": 9.16540771536695, + "nauc_precision_at_100_diff1": 1.0038742911334513, + "nauc_precision_at_100_max": 19.43548294193961, + "nauc_precision_at_100_std": 22.80991154538675, + "nauc_precision_at_10_diff1": 21.219025348692206, + "nauc_precision_at_10_max": 38.12618998197481, + "nauc_precision_at_10_std": 19.666478896577768, + "nauc_precision_at_1_diff1": 50.5113885243745, + "nauc_precision_at_1_max": 41.93828222541368, + "nauc_precision_at_1_std": 9.159606325340556, + "nauc_precision_at_20_diff1": 12.157890222623376, + "nauc_precision_at_20_max": 31.805010750506018, + "nauc_precision_at_20_std": 22.04108879323118, + "nauc_precision_at_3_diff1": 30.42582719684319, + "nauc_precision_at_3_max": 40.56014217819822, + "nauc_precision_at_3_std": 13.992907571064775, + "nauc_precision_at_5_diff1": 26.390186333811126, + "nauc_precision_at_5_max": 38.91468839125907, + "nauc_precision_at_5_std": 15.715475645777822, + "nauc_recall_at_1000_diff1": 7.224229291228593, + "nauc_recall_at_1000_max": 44.352809276303745, + "nauc_recall_at_1000_std": 59.80498706867754, + "nauc_recall_at_100_diff1": 26.880858714601658, + "nauc_recall_at_100_max": 44.69680037474241, + "nauc_recall_at_100_std": 33.36901319726501, + "nauc_recall_at_10_diff1": 33.972463386849014, + "nauc_recall_at_10_max": 39.932831237464626, + "nauc_recall_at_10_std": 13.234453796470213, + "nauc_recall_at_1_diff1": 51.272585822020254, + "nauc_recall_at_1_max": 37.645585910953386, + "nauc_recall_at_1_std": 3.2801156746839997, + "nauc_recall_at_20_diff1": 31.42963785503753, + "nauc_recall_at_20_max": 40.02728183031791, + "nauc_recall_at_20_std": 16.412858575517493, + "nauc_recall_at_3_diff1": 36.14293146571133, + "nauc_recall_at_3_max": 36.181181225211205, + "nauc_recall_at_3_std": 6.450986128210194, + "nauc_recall_at_5_diff1": 35.55122852349323, + "nauc_recall_at_5_max": 36.55019755945847, + "nauc_recall_at_5_std": 7.672244545272601, + "ndcg_at_1": 26.712000000000003, + "ndcg_at_10": 38.968, + "ndcg_at_100": 44.64, + "ndcg_at_1000": 47.193000000000005, + "ndcg_at_20": 41.203, + "ndcg_at_3": 33.311, + "ndcg_at_5": 35.76, + "precision_at_1": 26.712000000000003, + "precision_at_10": 7.534000000000001, + "precision_at_100": 1.2149999999999999, + "precision_at_1000": 0.163, + "precision_at_20": 4.566, + "precision_at_3": 16.476, + "precision_at_5": 12.009, + "recall_at_1": 22.081999999999997, + "recall_at_10": 52.859, + "recall_at_100": 76.812, + "recall_at_1000": 94.248, + "recall_at_20": 60.378, + "recall_at_3": 36.964999999999996, + "recall_at_5": 43.338 + } + ] + } +} \ No newline at end of file diff --git a/results/brahmairesearch__slx-v0.1/external/CQADupstackStatsRetrieval.json b/results/brahmairesearch__slx-v0.1/external/CQADupstackStatsRetrieval.json new file mode 100644 index 000000000..f8236588f --- /dev/null +++ b/results/brahmairesearch__slx-v0.1/external/CQADupstackStatsRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "65ac3a16b8e91f9cee4c9828cc7c335575432a2a", + "task_name": "CQADupstackStatsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 35.379, + "map_at_1": 23.147000000000002, + "map_at_10": 30.867, + "map_at_100": 31.961000000000002, + "map_at_1000": 32.074999999999996, + "map_at_20": 31.451, + "map_at_3": 28.598000000000003, + "map_at_5": 29.715000000000003, + "mrr_at_1": 26.07361963190184, + "mrr_at_10": 33.78596990943617, + "mrr_at_100": 34.69551634061485, + "mrr_at_1000": 34.77295317920054, + "mrr_at_20": 34.28410324873221, + "mrr_at_3": 31.901840490797547, + "mrr_at_5": 32.70705521472393, + "nauc_map_at_1000_diff1": 42.51208917704474, + "nauc_map_at_1000_max": 36.32219027239691, + "nauc_map_at_1000_std": 3.7599632795506417, + "nauc_map_at_100_diff1": 42.50198316718319, + "nauc_map_at_100_max": 36.28499029077374, + "nauc_map_at_100_std": 3.7301933622893144, + "nauc_map_at_10_diff1": 42.335456854540816, + "nauc_map_at_10_max": 35.9706844819072, + "nauc_map_at_10_std": 3.0121166680691034, + "nauc_map_at_1_diff1": 48.21792116617763, + "nauc_map_at_1_max": 32.422399618563205, + "nauc_map_at_1_std": -2.2529709040289214, + "nauc_map_at_20_diff1": 42.6392464609064, + "nauc_map_at_20_max": 36.30364987133835, + "nauc_map_at_20_std": 3.4854467402144116, + "nauc_map_at_3_diff1": 42.31934484905233, + "nauc_map_at_3_max": 34.49722205197702, + "nauc_map_at_3_std": 1.3826788859308912, + "nauc_map_at_5_diff1": 41.695914770923025, + "nauc_map_at_5_max": 34.9293262652828, + "nauc_map_at_5_std": 2.268052263977006, + "nauc_mrr_at_1000_diff1": 42.953573052747785, + "nauc_mrr_at_1000_max": 39.23622168446037, + "nauc_mrr_at_1000_std": 7.062229019755459, + "nauc_mrr_at_100_diff1": 42.94054236395847, + "nauc_mrr_at_100_max": 39.22993003862566, + "nauc_mrr_at_100_std": 7.064981248046304, + "nauc_mrr_at_10_diff1": 42.97514355223379, + "nauc_mrr_at_10_max": 39.18214683331138, + "nauc_mrr_at_10_std": 6.611133670202421, + "nauc_mrr_at_1_diff1": 48.41118406440152, + "nauc_mrr_at_1_max": 39.19901795383339, + "nauc_mrr_at_1_std": 4.184238273499772, + "nauc_mrr_at_20_diff1": 43.06740774183079, + "nauc_mrr_at_20_max": 39.25274434382343, + "nauc_mrr_at_20_std": 6.927365321881451, + "nauc_mrr_at_3_diff1": 42.48514891484537, + "nauc_mrr_at_3_max": 38.491353279339776, + "nauc_mrr_at_3_std": 5.930261116335607, + "nauc_mrr_at_5_diff1": 42.33101067028797, + "nauc_mrr_at_5_max": 38.37707622201782, + "nauc_mrr_at_5_std": 6.033822417562119, + "nauc_ndcg_at_1000_diff1": 41.154900505541065, + "nauc_ndcg_at_1000_max": 38.24520451359673, + "nauc_ndcg_at_1000_std": 8.053909931241048, + "nauc_ndcg_at_100_diff1": 41.008224147466706, + "nauc_ndcg_at_100_max": 38.03003963108958, + "nauc_ndcg_at_100_std": 8.029055010625735, + "nauc_ndcg_at_10_diff1": 41.38757336254797, + "nauc_ndcg_at_10_max": 37.69449355625365, + "nauc_ndcg_at_10_std": 5.501776175296825, + "nauc_ndcg_at_1_diff1": 48.41118406440152, + "nauc_ndcg_at_1_max": 39.19901795383339, + "nauc_ndcg_at_1_std": 4.184238273499772, + "nauc_ndcg_at_20_diff1": 42.07413489567003, + "nauc_ndcg_at_20_max": 38.36958336029682, + "nauc_ndcg_at_20_std": 6.725957802525416, + "nauc_ndcg_at_3_diff1": 40.55437805117007, + "nauc_ndcg_at_3_max": 35.88449899248541, + "nauc_ndcg_at_3_std": 3.6748580378083586, + "nauc_ndcg_at_5_diff1": 40.010471092618246, + "nauc_ndcg_at_5_max": 35.88766927207923, + "nauc_ndcg_at_5_std": 4.207367413979825, + "nauc_precision_at_1000_diff1": -0.627954206482575, + "nauc_precision_at_1000_max": 16.87253851929619, + "nauc_precision_at_1000_std": 20.006671502432432, + "nauc_precision_at_100_diff1": 14.668946009188208, + "nauc_precision_at_100_max": 29.742017118053397, + "nauc_precision_at_100_std": 25.20619621555537, + "nauc_precision_at_10_diff1": 28.297723813286847, + "nauc_precision_at_10_max": 43.75323355613635, + "nauc_precision_at_10_std": 21.41675895539336, + "nauc_precision_at_1_diff1": 48.41118406440152, + "nauc_precision_at_1_max": 39.19901795383339, + "nauc_precision_at_1_std": 4.184238273499772, + "nauc_precision_at_20_diff1": 28.180742632762257, + "nauc_precision_at_20_max": 42.1557651237426, + "nauc_precision_at_20_std": 23.76852281392542, + "nauc_precision_at_3_diff1": 32.14428304746157, + "nauc_precision_at_3_max": 41.05702645399837, + "nauc_precision_at_3_std": 13.525455649176054, + "nauc_precision_at_5_diff1": 27.518551234674852, + "nauc_precision_at_5_max": 40.244849049438955, + "nauc_precision_at_5_std": 16.955839126853174, + "nauc_recall_at_1000_diff1": 23.387951594003543, + "nauc_recall_at_1000_max": 40.53645639097819, + "nauc_recall_at_1000_std": 38.15241870854853, + "nauc_recall_at_100_diff1": 31.320417507693122, + "nauc_recall_at_100_max": 37.61668703163837, + "nauc_recall_at_100_std": 21.3973156433774, + "nauc_recall_at_10_diff1": 37.53430570520243, + "nauc_recall_at_10_max": 38.450456066919294, + "nauc_recall_at_10_std": 8.777785896723772, + "nauc_recall_at_1_diff1": 48.21792116617763, + "nauc_recall_at_1_max": 32.422399618563205, + "nauc_recall_at_1_std": -2.2529709040289214, + "nauc_recall_at_20_diff1": 38.90462139302631, + "nauc_recall_at_20_max": 39.777813182962014, + "nauc_recall_at_20_std": 12.368553526936706, + "nauc_recall_at_3_diff1": 36.12960620845285, + "nauc_recall_at_3_max": 33.625725775340115, + "nauc_recall_at_3_std": 3.1934379790504277, + "nauc_recall_at_5_diff1": 34.68344816631666, + "nauc_recall_at_5_max": 34.096665584351086, + "nauc_recall_at_5_std": 4.965244979957592, + "ndcg_at_1": 26.074, + "ndcg_at_10": 35.379, + "ndcg_at_100": 40.668, + "ndcg_at_1000": 43.271, + "ndcg_at_20": 37.3, + "ndcg_at_3": 31.291000000000004, + "ndcg_at_5": 32.828, + "precision_at_1": 26.074, + "precision_at_10": 5.782, + "precision_at_100": 0.9159999999999999, + "precision_at_1000": 0.121, + "precision_at_20": 3.39, + "precision_at_3": 13.905999999999999, + "precision_at_5": 9.508999999999999, + "recall_at_1": 23.147000000000002, + "recall_at_10": 46.308, + "recall_at_100": 70.529, + "recall_at_1000": 89.53, + "recall_at_20": 53.510000000000005, + "recall_at_3": 34.504000000000005, + "recall_at_5": 38.472 + } + ] + } +} \ No newline at end of file diff --git a/results/brahmairesearch__slx-v0.1/external/CQADupstackTexRetrieval.json b/results/brahmairesearch__slx-v0.1/external/CQADupstackTexRetrieval.json new file mode 100644 index 000000000..b1ea513c1 --- /dev/null +++ b/results/brahmairesearch__slx-v0.1/external/CQADupstackTexRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "46989137a86843e03a6195de44b09deda022eec7", + "task_name": "CQADupstackTexRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 30.519000000000002, + "map_at_1": 17.573, + "map_at_10": 25.480999999999998, + "map_at_100": 26.740000000000002, + "map_at_1000": 26.881, + "map_at_20": 26.125999999999998, + "map_at_3": 22.962, + "map_at_5": 24.366, + "mrr_at_1": 21.782518926359256, + "mrr_at_10": 29.551570915129073, + "mrr_at_100": 30.563788618793907, + "mrr_at_1000": 30.64724659416222, + "mrr_at_20": 30.1023182624383, + "mrr_at_3": 27.248222069281947, + "mrr_at_5": 28.540376233080984, + "nauc_map_at_1000_diff1": 31.881175131210888, + "nauc_map_at_1000_max": 29.300696375017903, + "nauc_map_at_1000_std": 3.8823292626839456, + "nauc_map_at_100_diff1": 31.91438127161964, + "nauc_map_at_100_max": 29.252651714818867, + "nauc_map_at_100_std": 3.8321881954789876, + "nauc_map_at_10_diff1": 32.171669036580084, + "nauc_map_at_10_max": 28.901773247218653, + "nauc_map_at_10_std": 3.326466043614621, + "nauc_map_at_1_diff1": 37.444204623648204, + "nauc_map_at_1_max": 27.97756203885853, + "nauc_map_at_1_std": 0.36949231909922875, + "nauc_map_at_20_diff1": 31.979938373253127, + "nauc_map_at_20_max": 29.04729001511327, + "nauc_map_at_20_std": 3.4743150945293406, + "nauc_map_at_3_diff1": 32.915907037588454, + "nauc_map_at_3_max": 28.113160819217768, + "nauc_map_at_3_std": 2.1821842033363197, + "nauc_map_at_5_diff1": 32.31836184904865, + "nauc_map_at_5_max": 28.382450988689257, + "nauc_map_at_5_std": 2.647063248227251, + "nauc_mrr_at_1000_diff1": 30.340557224068306, + "nauc_mrr_at_1000_max": 30.055801929203373, + "nauc_mrr_at_1000_std": 4.664666667473129, + "nauc_mrr_at_100_diff1": 30.350033762326877, + "nauc_mrr_at_100_max": 30.053743987411675, + "nauc_mrr_at_100_std": 4.661666112298184, + "nauc_mrr_at_10_diff1": 30.487849925791462, + "nauc_mrr_at_10_max": 30.07149856764245, + "nauc_mrr_at_10_std": 4.44378828352727, + "nauc_mrr_at_1_diff1": 35.16105289700225, + "nauc_mrr_at_1_max": 30.496689088104585, + "nauc_mrr_at_1_std": 1.8902302298962788, + "nauc_mrr_at_20_diff1": 30.25575973094628, + "nauc_mrr_at_20_max": 29.929532643775552, + "nauc_mrr_at_20_std": 4.504962325540269, + "nauc_mrr_at_3_diff1": 30.711071703778686, + "nauc_mrr_at_3_max": 29.663764134099473, + "nauc_mrr_at_3_std": 3.320193337280269, + "nauc_mrr_at_5_diff1": 30.476922599219552, + "nauc_mrr_at_5_max": 29.85199369614983, + "nauc_mrr_at_5_std": 3.9318122348403928, + "nauc_ndcg_at_1000_diff1": 29.24537085275522, + "nauc_ndcg_at_1000_max": 30.46819189338767, + "nauc_ndcg_at_1000_std": 7.106119481191128, + "nauc_ndcg_at_100_diff1": 29.555127473225106, + "nauc_ndcg_at_100_max": 30.313025639748854, + "nauc_ndcg_at_100_std": 7.100492334790892, + "nauc_ndcg_at_10_diff1": 30.172626798643286, + "nauc_ndcg_at_10_max": 29.569399019833753, + "nauc_ndcg_at_10_std": 5.333855439010787, + "nauc_ndcg_at_1_diff1": 35.16105289700225, + "nauc_ndcg_at_1_max": 30.496689088104585, + "nauc_ndcg_at_1_std": 1.8902302298962788, + "nauc_ndcg_at_20_diff1": 29.601538139574433, + "nauc_ndcg_at_20_max": 29.511195260623875, + "nauc_ndcg_at_20_std": 5.59012025163207, + "nauc_ndcg_at_3_diff1": 30.692765366524306, + "nauc_ndcg_at_3_max": 28.78218499164891, + "nauc_ndcg_at_3_std": 3.1036538657542896, + "nauc_ndcg_at_5_diff1": 30.23085391402633, + "nauc_ndcg_at_5_max": 28.812813896142124, + "nauc_ndcg_at_5_std": 3.946855139104198, + "nauc_precision_at_1000_diff1": -5.807690994963469, + "nauc_precision_at_1000_max": 20.20712256250324, + "nauc_precision_at_1000_std": 14.321049866221422, + "nauc_precision_at_100_diff1": 3.9668914526416437, + "nauc_precision_at_100_max": 26.84931463902196, + "nauc_precision_at_100_std": 16.787333115848682, + "nauc_precision_at_10_diff1": 17.595096225964767, + "nauc_precision_at_10_max": 31.638328874193032, + "nauc_precision_at_10_std": 11.100027061781638, + "nauc_precision_at_1_diff1": 35.16105289700225, + "nauc_precision_at_1_max": 30.496689088104585, + "nauc_precision_at_1_std": 1.8902302298962788, + "nauc_precision_at_20_diff1": 12.906680878575328, + "nauc_precision_at_20_max": 29.696422699114635, + "nauc_precision_at_20_std": 12.017829462542974, + "nauc_precision_at_3_diff1": 24.474722384406093, + "nauc_precision_at_3_max": 30.295991671763854, + "nauc_precision_at_3_std": 5.359770976628988, + "nauc_precision_at_5_diff1": 20.9210542273083, + "nauc_precision_at_5_max": 30.803816020272418, + "nauc_precision_at_5_std": 7.650041221503042, + "nauc_recall_at_1000_diff1": 7.868010062781431, + "nauc_recall_at_1000_max": 34.4127297805766, + "nauc_recall_at_1000_std": 32.83607435392193, + "nauc_recall_at_100_diff1": 21.18500764361835, + "nauc_recall_at_100_max": 30.24295887819678, + "nauc_recall_at_100_std": 18.463080010741866, + "nauc_recall_at_10_diff1": 25.17302253212331, + "nauc_recall_at_10_max": 27.36615448456723, + "nauc_recall_at_10_std": 8.69018868943956, + "nauc_recall_at_1_diff1": 37.444204623648204, + "nauc_recall_at_1_max": 27.97756203885853, + "nauc_recall_at_1_std": 0.36949231909922875, + "nauc_recall_at_20_diff1": 23.076180124742322, + "nauc_recall_at_20_max": 26.759809589883787, + "nauc_recall_at_20_std": 9.509183248844606, + "nauc_recall_at_3_diff1": 27.559573848327812, + "nauc_recall_at_3_max": 25.585037245374835, + "nauc_recall_at_3_std": 3.403071467061742, + "nauc_recall_at_5_diff1": 25.939753995717375, + "nauc_recall_at_5_max": 25.715892642199158, + "nauc_recall_at_5_std": 4.895015921257684, + "ndcg_at_1": 21.783, + "ndcg_at_10": 30.519000000000002, + "ndcg_at_100": 36.449, + "ndcg_at_1000": 39.476, + "ndcg_at_20": 32.57, + "ndcg_at_3": 26.104, + "ndcg_at_5": 28.142, + "precision_at_1": 21.783, + "precision_at_10": 5.716, + "precision_at_100": 1.036, + "precision_at_1000": 0.149, + "precision_at_20": 3.5000000000000004, + "precision_at_3": 12.629000000000001, + "precision_at_5": 9.188, + "recall_at_1": 17.573, + "recall_at_10": 41.565999999999995, + "recall_at_100": 68.31099999999999, + "recall_at_1000": 89.66, + "recall_at_20": 49.033, + "recall_at_3": 28.998, + "recall_at_5": 34.409 + } + ] + } +} \ No newline at end of file diff --git a/results/brahmairesearch__slx-v0.1/external/CQADupstackUnixRetrieval.json b/results/brahmairesearch__slx-v0.1/external/CQADupstackUnixRetrieval.json new file mode 100644 index 000000000..4e1bd5b38 --- /dev/null +++ b/results/brahmairesearch__slx-v0.1/external/CQADupstackUnixRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "6c6430d3a6d36f8d2a829195bc5dc94d7e063e53", + "task_name": "CQADupstackUnixRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 41.31, + "map_at_1": 25.393, + "map_at_10": 35.408, + "map_at_100": 36.765, + "map_at_1000": 36.870000000000005, + "map_at_20": 36.186, + "map_at_3": 31.858999999999998, + "map_at_5": 34.088, + "mrr_at_1": 30.410447761194032, + "mrr_at_10": 39.62523691068467, + "mrr_at_100": 40.58641984797069, + "mrr_at_1000": 40.64414774113457, + "mrr_at_20": 40.186787569713786, + "mrr_at_3": 36.53606965174129, + "mrr_at_5": 38.5136815920398, + "nauc_map_at_1000_diff1": 45.3237924349066, + "nauc_map_at_1000_max": 42.882551041895475, + "nauc_map_at_1000_std": -2.061776932133938, + "nauc_map_at_100_diff1": 45.31179559669483, + "nauc_map_at_100_max": 42.88055143410839, + "nauc_map_at_100_std": -2.0619544266001766, + "nauc_map_at_10_diff1": 45.246469302227034, + "nauc_map_at_10_max": 42.43898453050511, + "nauc_map_at_10_std": -2.601046837280869, + "nauc_map_at_1_diff1": 51.10553001605208, + "nauc_map_at_1_max": 41.25214004071871, + "nauc_map_at_1_std": -5.9190349301612075, + "nauc_map_at_20_diff1": 45.231373982382955, + "nauc_map_at_20_max": 42.66345871982157, + "nauc_map_at_20_std": -2.26108364692999, + "nauc_map_at_3_diff1": 46.23862364083718, + "nauc_map_at_3_max": 41.88503103268463, + "nauc_map_at_3_std": -4.084509652842847, + "nauc_map_at_5_diff1": 45.76253491098928, + "nauc_map_at_5_max": 42.11909174581756, + "nauc_map_at_5_std": -3.152593546431723, + "nauc_mrr_at_1000_diff1": 45.16287764406163, + "nauc_mrr_at_1000_max": 44.28490255584458, + "nauc_mrr_at_1000_std": -0.851874205124679, + "nauc_mrr_at_100_diff1": 45.14662264595562, + "nauc_mrr_at_100_max": 44.28754816492547, + "nauc_mrr_at_100_std": -0.827775845705049, + "nauc_mrr_at_10_diff1": 45.05127336584147, + "nauc_mrr_at_10_max": 44.25978209317813, + "nauc_mrr_at_10_std": -0.9734920470308909, + "nauc_mrr_at_1_diff1": 50.63689908117468, + "nauc_mrr_at_1_max": 44.57852646244725, + "nauc_mrr_at_1_std": -4.059128543246773, + "nauc_mrr_at_20_diff1": 45.044852569128444, + "nauc_mrr_at_20_max": 44.20947897727891, + "nauc_mrr_at_20_std": -0.8526642429773674, + "nauc_mrr_at_3_diff1": 45.45435070485086, + "nauc_mrr_at_3_max": 44.257326484777224, + "nauc_mrr_at_3_std": -2.1608895747068093, + "nauc_mrr_at_5_diff1": 45.24789730211493, + "nauc_mrr_at_5_max": 44.10858723544344, + "nauc_mrr_at_5_std": -1.3663611847409747, + "nauc_ndcg_at_1000_diff1": 43.50803190980708, + "nauc_ndcg_at_1000_max": 43.66343887264139, + "nauc_ndcg_at_1000_std": 0.8232157246006608, + "nauc_ndcg_at_100_diff1": 43.21201807639179, + "nauc_ndcg_at_100_max": 43.66944092609106, + "nauc_ndcg_at_100_std": 1.2771093902231845, + "nauc_ndcg_at_10_diff1": 42.99494568521883, + "nauc_ndcg_at_10_max": 42.80862067566825, + "nauc_ndcg_at_10_std": -0.6520481559808629, + "nauc_ndcg_at_1_diff1": 50.63689908117468, + "nauc_ndcg_at_1_max": 44.57852646244725, + "nauc_ndcg_at_1_std": -4.059128543246773, + "nauc_ndcg_at_20_diff1": 42.83217912527002, + "nauc_ndcg_at_20_max": 43.161124041011675, + "nauc_ndcg_at_20_std": 0.407283232341166, + "nauc_ndcg_at_3_diff1": 44.56968073360208, + "nauc_ndcg_at_3_max": 42.93029489205904, + "nauc_ndcg_at_3_std": -3.1396422724943855, + "nauc_ndcg_at_5_diff1": 44.02970798279963, + "nauc_ndcg_at_5_max": 42.51569472321148, + "nauc_ndcg_at_5_std": -1.757501561649831, + "nauc_precision_at_1000_diff1": -10.598699181466678, + "nauc_precision_at_1000_max": 1.784813164595759, + "nauc_precision_at_1000_std": 7.16918104334376, + "nauc_precision_at_100_diff1": 2.473069128343708, + "nauc_precision_at_100_max": 19.13842474812851, + "nauc_precision_at_100_std": 13.648804134138286, + "nauc_precision_at_10_diff1": 20.442243228917654, + "nauc_precision_at_10_max": 36.5015082373227, + "nauc_precision_at_10_std": 8.070385983398559, + "nauc_precision_at_1_diff1": 50.63689908117468, + "nauc_precision_at_1_max": 44.57852646244725, + "nauc_precision_at_1_std": -4.059128543246773, + "nauc_precision_at_20_diff1": 14.744878445902772, + "nauc_precision_at_20_max": 32.527747228894064, + "nauc_precision_at_20_std": 11.67200027534835, + "nauc_precision_at_3_diff1": 35.09915972547601, + "nauc_precision_at_3_max": 43.08085093225614, + "nauc_precision_at_3_std": 0.9578865822763707, + "nauc_precision_at_5_diff1": 29.124386207816823, + "nauc_precision_at_5_max": 40.68095646716276, + "nauc_precision_at_5_std": 5.077110628260498, + "nauc_recall_at_1000_diff1": 22.38553348188135, + "nauc_recall_at_1000_max": 41.789440224180886, + "nauc_recall_at_1000_std": 44.11372608956349, + "nauc_recall_at_100_diff1": 30.944884049597054, + "nauc_recall_at_100_max": 39.74965194127809, + "nauc_recall_at_100_std": 17.335161783835254, + "nauc_recall_at_10_diff1": 33.77972605382363, + "nauc_recall_at_10_max": 37.96828171185741, + "nauc_recall_at_10_std": 2.878193454017939, + "nauc_recall_at_1_diff1": 51.10553001605208, + "nauc_recall_at_1_max": 41.25214004071871, + "nauc_recall_at_1_std": -5.9190349301612075, + "nauc_recall_at_20_diff1": 32.15944402025048, + "nauc_recall_at_20_max": 38.553123596617475, + "nauc_recall_at_20_std": 7.185913655178715, + "nauc_recall_at_3_diff1": 39.30789421964286, + "nauc_recall_at_3_max": 39.38989571990551, + "nauc_recall_at_3_std": -2.4776813018682304, + "nauc_recall_at_5_diff1": 37.23603695010937, + "nauc_recall_at_5_max": 38.24172443271927, + "nauc_recall_at_5_std": 0.41240611008696, + "ndcg_at_1": 30.409999999999997, + "ndcg_at_10": 41.31, + "ndcg_at_100": 47.317, + "ndcg_at_1000": 49.451, + "ndcg_at_20": 43.678, + "ndcg_at_3": 35.156, + "ndcg_at_5": 38.550000000000004, + "precision_at_1": 30.409999999999997, + "precision_at_10": 7.285, + "precision_at_100": 1.16, + "precision_at_1000": 0.145, + "precision_at_20": 4.3, + "precision_at_3": 16.2, + "precision_at_5": 12.015, + "recall_at_1": 25.393, + "recall_at_10": 54.955, + "recall_at_100": 81.074, + "recall_at_1000": 95.517, + "recall_at_20": 63.336000000000006, + "recall_at_3": 38.646, + "recall_at_5": 47.155 + } + ] + } +} \ No newline at end of file diff --git a/results/brahmairesearch__slx-v0.1/external/CQADupstackWebmastersRetrieval.json b/results/brahmairesearch__slx-v0.1/external/CQADupstackWebmastersRetrieval.json new file mode 100644 index 000000000..b7009dffe --- /dev/null +++ b/results/brahmairesearch__slx-v0.1/external/CQADupstackWebmastersRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "160c094312a0e1facb97e55eeddb698c0abe3571", + "task_name": "CQADupstackWebmastersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 40.467, + "map_at_1": 25.219, + "map_at_10": 34.317, + "map_at_100": 36.099, + "map_at_1000": 36.339, + "map_at_20": 35.207, + "map_at_3": 31.118000000000002, + "map_at_5": 32.759, + "mrr_at_1": 30.039525691699602, + "mrr_at_10": 39.2148189974277, + "mrr_at_100": 40.2161521379955, + "mrr_at_1000": 40.265703712297686, + "mrr_at_20": 39.77515544005589, + "mrr_at_3": 36.29776021080369, + "mrr_at_5": 37.85902503293808, + "nauc_map_at_1000_diff1": 42.249285823910625, + "nauc_map_at_1000_max": 37.81729357104585, + "nauc_map_at_1000_std": 3.378421859371135, + "nauc_map_at_100_diff1": 42.26973168859294, + "nauc_map_at_100_max": 37.71021506487753, + "nauc_map_at_100_std": 3.0599597011125255, + "nauc_map_at_10_diff1": 42.62764810062953, + "nauc_map_at_10_max": 37.70978577391228, + "nauc_map_at_10_std": 1.8639905372216925, + "nauc_map_at_1_diff1": 50.640732359157305, + "nauc_map_at_1_max": 33.30575957486884, + "nauc_map_at_1_std": -1.6408504568688285, + "nauc_map_at_20_diff1": 42.49959845025793, + "nauc_map_at_20_max": 37.434835390720735, + "nauc_map_at_20_std": 2.128763652038146, + "nauc_map_at_3_diff1": 43.93770137567739, + "nauc_map_at_3_max": 36.363959841283624, + "nauc_map_at_3_std": 0.5712143645184623, + "nauc_map_at_5_diff1": 42.987763840097216, + "nauc_map_at_5_max": 37.07794713015937, + "nauc_map_at_5_std": 1.097852086925236, + "nauc_mrr_at_1000_diff1": 40.66271045590558, + "nauc_mrr_at_1000_max": 38.08244696996338, + "nauc_mrr_at_1000_std": 6.051657410597092, + "nauc_mrr_at_100_diff1": 40.619228571947225, + "nauc_mrr_at_100_max": 38.07828766827722, + "nauc_mrr_at_100_std": 6.069557283626944, + "nauc_mrr_at_10_diff1": 40.485799180131835, + "nauc_mrr_at_10_max": 38.327695119460344, + "nauc_mrr_at_10_std": 6.01317781659517, + "nauc_mrr_at_1_diff1": 46.729900872794204, + "nauc_mrr_at_1_max": 36.14627468706107, + "nauc_mrr_at_1_std": 4.402796904496076, + "nauc_mrr_at_20_diff1": 40.65612564643004, + "nauc_mrr_at_20_max": 37.97791721709834, + "nauc_mrr_at_20_std": 5.802723977451494, + "nauc_mrr_at_3_diff1": 40.821252306592314, + "nauc_mrr_at_3_max": 37.908667331976744, + "nauc_mrr_at_3_std": 5.316096828314028, + "nauc_mrr_at_5_diff1": 41.05340039412131, + "nauc_mrr_at_5_max": 38.37605719831689, + "nauc_mrr_at_5_std": 5.213483061859129, + "nauc_ndcg_at_1000_diff1": 39.88147024776181, + "nauc_ndcg_at_1000_max": 39.42772441796562, + "nauc_ndcg_at_1000_std": 7.4990876900763865, + "nauc_ndcg_at_100_diff1": 38.89054295519447, + "nauc_ndcg_at_100_max": 38.92308897211485, + "nauc_ndcg_at_100_std": 7.885233156116329, + "nauc_ndcg_at_10_diff1": 38.95442786328181, + "nauc_ndcg_at_10_max": 38.96665154095573, + "nauc_ndcg_at_10_std": 4.9802982912762435, + "nauc_ndcg_at_1_diff1": 46.729900872794204, + "nauc_ndcg_at_1_max": 36.14627468706107, + "nauc_ndcg_at_1_std": 4.402796904496076, + "nauc_ndcg_at_20_diff1": 39.17829178553532, + "nauc_ndcg_at_20_max": 37.4931955956734, + "nauc_ndcg_at_20_std": 4.596018393131905, + "nauc_ndcg_at_3_diff1": 40.271638727924035, + "nauc_ndcg_at_3_max": 37.9826745644439, + "nauc_ndcg_at_3_std": 3.3572598270925216, + "nauc_ndcg_at_5_diff1": 39.61366758008502, + "nauc_ndcg_at_5_max": 38.24456377281972, + "nauc_ndcg_at_5_std": 3.4817608168910166, + "nauc_precision_at_1000_diff1": -11.622465140715828, + "nauc_precision_at_1000_max": 15.224960412516204, + "nauc_precision_at_1000_std": 34.73491517319145, + "nauc_precision_at_100_diff1": -8.371026383253232, + "nauc_precision_at_100_max": 17.691072594176628, + "nauc_precision_at_100_std": 33.068086276168074, + "nauc_precision_at_10_diff1": 11.176335364060336, + "nauc_precision_at_10_max": 37.13096692438884, + "nauc_precision_at_10_std": 20.553307297887073, + "nauc_precision_at_1_diff1": 46.729900872794204, + "nauc_precision_at_1_max": 36.14627468706107, + "nauc_precision_at_1_std": 4.402796904496076, + "nauc_precision_at_20_diff1": 3.693449256817259, + "nauc_precision_at_20_max": 27.01823261508418, + "nauc_precision_at_20_std": 23.20858961605156, + "nauc_precision_at_3_diff1": 27.556711531090126, + "nauc_precision_at_3_max": 42.1929766320672, + "nauc_precision_at_3_std": 10.47253267125295, + "nauc_precision_at_5_diff1": 20.191187550201118, + "nauc_precision_at_5_max": 40.28760124538548, + "nauc_precision_at_5_std": 13.938138706548745, + "nauc_recall_at_1000_diff1": 28.858547583461792, + "nauc_recall_at_1000_max": 64.82322977199058, + "nauc_recall_at_1000_std": 62.95541267815066, + "nauc_recall_at_100_diff1": 18.389599474131128, + "nauc_recall_at_100_max": 38.283013442171, + "nauc_recall_at_100_std": 32.53288294020897, + "nauc_recall_at_10_diff1": 28.938406924345855, + "nauc_recall_at_10_max": 37.201339069853056, + "nauc_recall_at_10_std": 6.711404696968165, + "nauc_recall_at_1_diff1": 50.640732359157305, + "nauc_recall_at_1_max": 33.30575957486884, + "nauc_recall_at_1_std": -1.6408504568688285, + "nauc_recall_at_20_diff1": 27.15677059349287, + "nauc_recall_at_20_max": 29.95311918377292, + "nauc_recall_at_20_std": 5.269984079212893, + "nauc_recall_at_3_diff1": 36.02691929591682, + "nauc_recall_at_3_max": 34.955041088527615, + "nauc_recall_at_3_std": 0.33989578439054857, + "nauc_recall_at_5_diff1": 32.94914901826653, + "nauc_recall_at_5_max": 35.810195894176786, + "nauc_recall_at_5_std": 0.6467685151302079, + "ndcg_at_1": 30.04, + "ndcg_at_10": 40.467, + "ndcg_at_100": 46.918, + "ndcg_at_1000": 49.263, + "ndcg_at_20": 42.853, + "ndcg_at_3": 34.976, + "ndcg_at_5": 37.345, + "precision_at_1": 30.04, + "precision_at_10": 7.786999999999999, + "precision_at_100": 1.638, + "precision_at_1000": 0.249, + "precision_at_20": 5.0, + "precision_at_3": 16.206, + "precision_at_5": 11.976, + "recall_at_1": 25.219, + "recall_at_10": 52.443, + "recall_at_100": 80.523, + "recall_at_1000": 95.025, + "recall_at_20": 61.317, + "recall_at_3": 37.216, + "recall_at_5": 43.086999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/brahmairesearch__slx-v0.1/external/CQADupstackWordpressRetrieval.json b/results/brahmairesearch__slx-v0.1/external/CQADupstackWordpressRetrieval.json new file mode 100644 index 000000000..46120c42b --- /dev/null +++ b/results/brahmairesearch__slx-v0.1/external/CQADupstackWordpressRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "4ffe81d471b1924886b33c7567bfb200e9eec5c4", + "task_name": "CQADupstackWordpressRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 33.147999999999996, + "map_at_1": 20.801, + "map_at_10": 28.371000000000002, + "map_at_100": 29.483999999999998, + "map_at_1000": 29.602, + "map_at_20": 29.015, + "map_at_3": 25.790999999999997, + "map_at_5": 27.025, + "mrr_at_1": 22.73567467652495, + "mrr_at_10": 30.274990464454422, + "mrr_at_100": 31.240500066009304, + "mrr_at_1000": 31.319717738953777, + "mrr_at_20": 30.803996383475962, + "mrr_at_3": 27.84966112138016, + "mrr_at_5": 28.958718422674057, + "nauc_map_at_1000_diff1": 30.950985415079412, + "nauc_map_at_1000_max": 31.59549203568236, + "nauc_map_at_1000_std": 4.803056268621205, + "nauc_map_at_100_diff1": 30.94723046406967, + "nauc_map_at_100_max": 31.57394480311361, + "nauc_map_at_100_std": 4.837512208711833, + "nauc_map_at_10_diff1": 31.171401087039285, + "nauc_map_at_10_max": 31.638390655676897, + "nauc_map_at_10_std": 4.534982253282165, + "nauc_map_at_1_diff1": 38.237149754210726, + "nauc_map_at_1_max": 31.191178791236453, + "nauc_map_at_1_std": 0.12298428255657214, + "nauc_map_at_20_diff1": 30.841529177079995, + "nauc_map_at_20_max": 31.599269377431604, + "nauc_map_at_20_std": 4.678845170315568, + "nauc_map_at_3_diff1": 32.43547187741804, + "nauc_map_at_3_max": 30.41318267496344, + "nauc_map_at_3_std": 2.772894233835619, + "nauc_map_at_5_diff1": 32.09431780702127, + "nauc_map_at_5_max": 31.4564477685958, + "nauc_map_at_5_std": 3.937401514669942, + "nauc_mrr_at_1000_diff1": 30.606652910465677, + "nauc_mrr_at_1000_max": 33.142269356318806, + "nauc_mrr_at_1000_std": 6.022676880875486, + "nauc_mrr_at_100_diff1": 30.565395214575187, + "nauc_mrr_at_100_max": 33.13271265557326, + "nauc_mrr_at_100_std": 6.048419255062242, + "nauc_mrr_at_10_diff1": 30.579355991470248, + "nauc_mrr_at_10_max": 33.187118274483886, + "nauc_mrr_at_10_std": 5.705001216556541, + "nauc_mrr_at_1_diff1": 39.311857430553474, + "nauc_mrr_at_1_max": 33.97087354489543, + "nauc_mrr_at_1_std": 1.6330160686638415, + "nauc_mrr_at_20_diff1": 30.416078716055406, + "nauc_mrr_at_20_max": 33.15138236143527, + "nauc_mrr_at_20_std": 6.023106429375021, + "nauc_mrr_at_3_diff1": 32.40012457172046, + "nauc_mrr_at_3_max": 32.758960987870964, + "nauc_mrr_at_3_std": 4.244944069148985, + "nauc_mrr_at_5_diff1": 31.510030613661343, + "nauc_mrr_at_5_max": 33.234760081794775, + "nauc_mrr_at_5_std": 5.318059562676151, + "nauc_ndcg_at_1000_diff1": 28.4386212441825, + "nauc_ndcg_at_1000_max": 32.30754779983019, + "nauc_ndcg_at_1000_std": 8.17776352566968, + "nauc_ndcg_at_100_diff1": 27.132214912589582, + "nauc_ndcg_at_100_max": 31.625856416323956, + "nauc_ndcg_at_100_std": 9.042769717455885, + "nauc_ndcg_at_10_diff1": 27.473488318876065, + "nauc_ndcg_at_10_max": 32.14506071223697, + "nauc_ndcg_at_10_std": 7.135810912180236, + "nauc_ndcg_at_1_diff1": 39.311857430553474, + "nauc_ndcg_at_1_max": 33.97087354489543, + "nauc_ndcg_at_1_std": 1.6330160686638415, + "nauc_ndcg_at_20_diff1": 26.394868881104934, + "nauc_ndcg_at_20_max": 31.85402555846015, + "nauc_ndcg_at_20_std": 7.795555059602305, + "nauc_ndcg_at_3_diff1": 30.454593372388928, + "nauc_ndcg_at_3_max": 30.611639348279894, + "nauc_ndcg_at_3_std": 3.964523006177655, + "nauc_ndcg_at_5_diff1": 29.540536953174794, + "nauc_ndcg_at_5_max": 31.934893980894923, + "nauc_ndcg_at_5_std": 5.829188982388009, + "nauc_precision_at_1000_diff1": -17.3936895310082, + "nauc_precision_at_1000_max": 5.628308780206078, + "nauc_precision_at_1000_std": 2.955268381292835, + "nauc_precision_at_100_diff1": 2.918251291838532, + "nauc_precision_at_100_max": 21.776965300942503, + "nauc_precision_at_100_std": 21.660217753595028, + "nauc_precision_at_10_diff1": 15.801364706043461, + "nauc_precision_at_10_max": 33.624629609247265, + "nauc_precision_at_10_std": 15.047003127768848, + "nauc_precision_at_1_diff1": 39.311857430553474, + "nauc_precision_at_1_max": 33.97087354489543, + "nauc_precision_at_1_std": 1.6330160686638415, + "nauc_precision_at_20_diff1": 9.513628374160124, + "nauc_precision_at_20_max": 30.042069637616407, + "nauc_precision_at_20_std": 16.240137732903406, + "nauc_precision_at_3_diff1": 25.162961789515652, + "nauc_precision_at_3_max": 31.508280123911387, + "nauc_precision_at_3_std": 8.185817168342629, + "nauc_precision_at_5_diff1": 22.259694033823866, + "nauc_precision_at_5_max": 34.20401982691483, + "nauc_precision_at_5_std": 12.132427527020509, + "nauc_recall_at_1000_diff1": 35.64252862292649, + "nauc_recall_at_1000_max": 45.125446579637156, + "nauc_recall_at_1000_std": 44.01656756138821, + "nauc_recall_at_100_diff1": 12.738708654455664, + "nauc_recall_at_100_max": 27.455639671124654, + "nauc_recall_at_100_std": 26.965778999592672, + "nauc_recall_at_10_diff1": 17.106987038385054, + "nauc_recall_at_10_max": 31.39153322965062, + "nauc_recall_at_10_std": 13.55126572530736, + "nauc_recall_at_1_diff1": 38.237149754210726, + "nauc_recall_at_1_max": 31.191178791236453, + "nauc_recall_at_1_std": 0.12298428255657214, + "nauc_recall_at_20_diff1": 12.47022101356733, + "nauc_recall_at_20_max": 29.940503509143472, + "nauc_recall_at_20_std": 16.01775569765924, + "nauc_recall_at_3_diff1": 24.941265281565013, + "nauc_recall_at_3_max": 27.770084920697585, + "nauc_recall_at_3_std": 5.298432806419127, + "nauc_recall_at_5_diff1": 23.196111299796783, + "nauc_recall_at_5_max": 31.165645983532862, + "nauc_recall_at_5_std": 9.630557988742119, + "ndcg_at_1": 22.736, + "ndcg_at_10": 33.147999999999996, + "ndcg_at_100": 38.711, + "ndcg_at_1000": 41.498000000000005, + "ndcg_at_20": 35.286, + "ndcg_at_3": 28.016000000000002, + "ndcg_at_5": 30.011, + "precision_at_1": 22.736, + "precision_at_10": 5.379, + "precision_at_100": 0.876, + "precision_at_1000": 0.125, + "precision_at_20": 3.2070000000000003, + "precision_at_3": 11.953, + "precision_at_5": 8.466, + "recall_at_1": 20.801, + "recall_at_10": 46.134, + "recall_at_100": 72.151, + "recall_at_1000": 92.648, + "recall_at_20": 54.208, + "recall_at_3": 32.061, + "recall_at_5": 36.781000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/brahmairesearch__slx-v0.1/external/ClimateFEVER.json b/results/brahmairesearch__slx-v0.1/external/ClimateFEVER.json new file mode 100644 index 000000000..99f0bb2c6 --- /dev/null +++ b/results/brahmairesearch__slx-v0.1/external/ClimateFEVER.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 20.272000000000002, + "map_at_1": 7.9159999999999995, + "map_at_10": 13.769, + "map_at_100": 15.447, + "map_at_1000": 15.634, + "map_at_20": 14.584, + "map_at_3": 11.234, + "map_at_5": 12.581999999999999, + "mrr_at_1": 17.71986970684039, + "mrr_at_10": 27.315262912982785, + "mrr_at_100": 28.561447384716445, + "mrr_at_1000": 28.615464057754238, + "mrr_at_20": 28.05807905035424, + "mrr_at_3": 23.995656894679694, + "mrr_at_5": 25.910966340933765, + "nauc_map_at_1000_diff1": 19.27164407066605, + "nauc_map_at_1000_max": 39.41684350220827, + "nauc_map_at_1000_std": 14.316937322743758, + "nauc_map_at_100_diff1": 19.248468726547568, + "nauc_map_at_100_max": 39.34794716638515, + "nauc_map_at_100_std": 14.201768964502925, + "nauc_map_at_10_diff1": 19.683986719050274, + "nauc_map_at_10_max": 38.399204402852966, + "nauc_map_at_10_std": 11.085951407127387, + "nauc_map_at_1_diff1": 27.04827437676845, + "nauc_map_at_1_max": 38.633105955884005, + "nauc_map_at_1_std": 5.938865181063489, + "nauc_map_at_20_diff1": 19.360005560838747, + "nauc_map_at_20_max": 38.82413953246029, + "nauc_map_at_20_std": 12.754242668354054, + "nauc_map_at_3_diff1": 20.894319202919544, + "nauc_map_at_3_max": 37.249524247063235, + "nauc_map_at_3_std": 6.843478307744917, + "nauc_map_at_5_diff1": 20.27906594864198, + "nauc_map_at_5_max": 37.54544135335632, + "nauc_map_at_5_std": 8.531082034593195, + "nauc_mrr_at_1000_diff1": 16.711410139123505, + "nauc_mrr_at_1000_max": 36.86483960867672, + "nauc_mrr_at_1000_std": 15.882643863172216, + "nauc_mrr_at_100_diff1": 16.68281852636272, + "nauc_mrr_at_100_max": 36.87086265744777, + "nauc_mrr_at_100_std": 15.928290728923649, + "nauc_mrr_at_10_diff1": 16.71042298660718, + "nauc_mrr_at_10_max": 36.61850549472591, + "nauc_mrr_at_10_std": 15.215625786453261, + "nauc_mrr_at_1_diff1": 21.34560742722612, + "nauc_mrr_at_1_max": 35.23794351748137, + "nauc_mrr_at_1_std": 10.275184170527861, + "nauc_mrr_at_20_diff1": 16.697159507381322, + "nauc_mrr_at_20_max": 36.82721248687378, + "nauc_mrr_at_20_std": 15.924913729811388, + "nauc_mrr_at_3_diff1": 17.2413614094298, + "nauc_mrr_at_3_max": 36.02624449447232, + "nauc_mrr_at_3_std": 12.642327717244067, + "nauc_mrr_at_5_diff1": 16.95145771063532, + "nauc_mrr_at_5_max": 36.34805513361277, + "nauc_mrr_at_5_std": 14.20542978979385, + "nauc_ndcg_at_1000_diff1": 16.068715421681784, + "nauc_ndcg_at_1000_max": 41.32612347157758, + "nauc_ndcg_at_1000_std": 24.78081286872656, + "nauc_ndcg_at_100_diff1": 15.233309050933297, + "nauc_ndcg_at_100_max": 40.42753224168349, + "nauc_ndcg_at_100_std": 24.305443776274192, + "nauc_ndcg_at_10_diff1": 16.670460078695964, + "nauc_ndcg_at_10_max": 38.622868150049406, + "nauc_ndcg_at_10_std": 16.125904572906634, + "nauc_ndcg_at_1_diff1": 21.34560742722612, + "nauc_ndcg_at_1_max": 35.23794351748137, + "nauc_ndcg_at_1_std": 10.275184170527861, + "nauc_ndcg_at_20_diff1": 16.080658587383432, + "nauc_ndcg_at_20_max": 39.25652773329176, + "nauc_ndcg_at_20_std": 19.643708653239592, + "nauc_ndcg_at_3_diff1": 17.672008602530248, + "nauc_ndcg_at_3_max": 36.1308953627282, + "nauc_ndcg_at_3_std": 9.42112318215692, + "nauc_ndcg_at_5_diff1": 17.762402594079937, + "nauc_ndcg_at_5_max": 37.33867622232897, + "nauc_ndcg_at_5_std": 11.899504255587376, + "nauc_precision_at_1000_diff1": -0.5331282207902904, + "nauc_precision_at_1000_max": 19.59281809586525, + "nauc_precision_at_1000_std": 33.920228812394626, + "nauc_precision_at_100_diff1": 0.7454530517085408, + "nauc_precision_at_100_max": 28.13749861343301, + "nauc_precision_at_100_std": 40.28621226626079, + "nauc_precision_at_10_diff1": 8.011193964539697, + "nauc_precision_at_10_max": 34.42259186378951, + "nauc_precision_at_10_std": 26.713919326095976, + "nauc_precision_at_1_diff1": 21.34560742722612, + "nauc_precision_at_1_max": 35.23794351748137, + "nauc_precision_at_1_std": 10.275184170527861, + "nauc_precision_at_20_diff1": 5.723382814616091, + "nauc_precision_at_20_max": 32.583990730667686, + "nauc_precision_at_20_std": 33.18884905285113, + "nauc_precision_at_3_diff1": 12.12489342689621, + "nauc_precision_at_3_max": 34.4378910447675, + "nauc_precision_at_3_std": 13.830198340805433, + "nauc_precision_at_5_diff1": 11.262919485267677, + "nauc_precision_at_5_max": 34.57032588255472, + "nauc_precision_at_5_std": 19.029127585142927, + "nauc_recall_at_1000_diff1": 8.055138775756063, + "nauc_recall_at_1000_max": 36.705342422891505, + "nauc_recall_at_1000_std": 41.71634343710187, + "nauc_recall_at_100_diff1": 5.3789172239715395, + "nauc_recall_at_100_max": 33.29134082588753, + "nauc_recall_at_100_std": 36.08081458503018, + "nauc_recall_at_10_diff1": 11.06279620172739, + "nauc_recall_at_10_max": 35.01017831291135, + "nauc_recall_at_10_std": 19.431017047690844, + "nauc_recall_at_1_diff1": 27.04827437676845, + "nauc_recall_at_1_max": 38.633105955884005, + "nauc_recall_at_1_std": 5.938865181063489, + "nauc_recall_at_20_diff1": 9.231470165981193, + "nauc_recall_at_20_max": 33.734669757329925, + "nauc_recall_at_20_std": 25.21327790996102, + "nauc_recall_at_3_diff1": 15.825652907571802, + "nauc_recall_at_3_max": 35.40629897302576, + "nauc_recall_at_3_std": 8.185163099422358, + "nauc_recall_at_5_diff1": 13.925296061018297, + "nauc_recall_at_5_max": 34.35920557431228, + "nauc_recall_at_5_std": 11.983898742305827, + "ndcg_at_1": 17.72, + "ndcg_at_10": 20.272000000000002, + "ndcg_at_100": 27.748, + "ndcg_at_1000": 31.457, + "ndcg_at_20": 22.861, + "ndcg_at_3": 15.742, + "ndcg_at_5": 17.494, + "precision_at_1": 17.72, + "precision_at_10": 6.554, + "precision_at_100": 1.438, + "precision_at_1000": 0.212, + "precision_at_20": 4.332, + "precision_at_3": 11.705, + "precision_at_5": 9.511, + "recall_at_1": 7.9159999999999995, + "recall_at_10": 25.389, + "recall_at_100": 52.042, + "recall_at_1000": 73.166, + "recall_at_20": 32.914, + "recall_at_3": 14.585999999999999, + "recall_at_5": 19.145 + } + ] + } +} \ No newline at end of file diff --git a/results/brahmairesearch__slx-v0.1/external/DBPedia.json b/results/brahmairesearch__slx-v0.1/external/DBPedia.json new file mode 100644 index 000000000..58613072e --- /dev/null +++ b/results/brahmairesearch__slx-v0.1/external/DBPedia.json @@ -0,0 +1,306 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 36.741, + "map_at_1": 8.518, + "map_at_10": 16.805, + "map_at_100": 22.688, + "map_at_1000": 24.034, + "map_at_20": 18.989, + "map_at_3": 11.62, + "map_at_5": 13.632, + "mrr_at_1": 56.71641791044776, + "mrr_at_10": 67.47927031509121, + "mrr_at_100": 67.68036491984809, + "mrr_at_1000": 67.71866110452235, + "mrr_at_20": 67.55782491053505, + "mrr_at_3": 65.92039800995025, + "mrr_at_5": 66.66666666666666, + "nauc_map_at_1000_diff1": 38.91309544886292, + "nauc_map_at_1000_max": 33.25327638790899, + "nauc_map_at_1000_std": -4.839456770653688, + "nauc_map_at_100_diff1": 39.470095651936624, + "nauc_map_at_100_max": 31.6392453321697, + "nauc_map_at_100_std": -8.96416600201913, + "nauc_map_at_10_diff1": 48.72413101964486, + "nauc_map_at_10_max": 24.221984845780593, + "nauc_map_at_10_std": -18.439525457479917, + "nauc_map_at_1_diff1": 56.29522627864423, + "nauc_map_at_1_max": 2.032697167465618, + "nauc_map_at_1_std": -21.150111280187122, + "nauc_map_at_20_diff1": 46.19388124154824, + "nauc_map_at_20_max": 28.220863411684395, + "nauc_map_at_20_std": -16.492554560268378, + "nauc_map_at_3_diff1": 51.9225025148335, + "nauc_map_at_3_max": 13.639624579280879, + "nauc_map_at_3_std": -19.528434007929427, + "nauc_map_at_5_diff1": 51.534134358833214, + "nauc_map_at_5_max": 19.822522893387344, + "nauc_map_at_5_std": -20.434559861361485, + "nauc_mrr_at_1000_diff1": 51.93113835872477, + "nauc_mrr_at_1000_max": 54.32437428254132, + "nauc_mrr_at_1000_std": 5.2577802702668315, + "nauc_mrr_at_100_diff1": 51.9059098333946, + "nauc_mrr_at_100_max": 54.3692994529951, + "nauc_mrr_at_100_std": 5.331395943562554, + "nauc_mrr_at_10_diff1": 51.87485930238953, + "nauc_mrr_at_10_max": 54.54221250482985, + "nauc_mrr_at_10_std": 5.480126002292635, + "nauc_mrr_at_1_diff1": 54.76665426289065, + "nauc_mrr_at_1_max": 43.297228503319396, + "nauc_mrr_at_1_std": 1.2859466120943177, + "nauc_mrr_at_20_diff1": 52.062528659927786, + "nauc_mrr_at_20_max": 54.5770909107215, + "nauc_mrr_at_20_std": 5.546497370615925, + "nauc_mrr_at_3_diff1": 54.1005935805453, + "nauc_mrr_at_3_max": 54.34057761998554, + "nauc_mrr_at_3_std": 0.21706581272032274, + "nauc_mrr_at_5_diff1": 53.179463268815496, + "nauc_mrr_at_5_max": 55.721499296650926, + "nauc_mrr_at_5_std": 4.261656144434617, + "nauc_ndcg_at_1000_diff1": 36.590546507362184, + "nauc_ndcg_at_1000_max": 47.736470639972715, + "nauc_ndcg_at_1000_std": 11.859823360897009, + "nauc_ndcg_at_100_diff1": 38.0278717369385, + "nauc_ndcg_at_100_max": 42.987806870329834, + "nauc_ndcg_at_100_std": -0.8175387159806664, + "nauc_ndcg_at_10_diff1": 41.69729579253183, + "nauc_ndcg_at_10_max": 39.74061193498346, + "nauc_ndcg_at_10_std": -4.062017740706537, + "nauc_ndcg_at_1_diff1": 48.64546696798436, + "nauc_ndcg_at_1_max": 31.342716759901656, + "nauc_ndcg_at_1_std": -2.5410201667884045, + "nauc_ndcg_at_20_diff1": 42.64476678174895, + "nauc_ndcg_at_20_max": 38.59473045117711, + "nauc_ndcg_at_20_std": -8.435063130217593, + "nauc_ndcg_at_3_diff1": 37.135301571661294, + "nauc_ndcg_at_3_max": 36.87208354019284, + "nauc_ndcg_at_3_std": -2.7431351676630613, + "nauc_ndcg_at_5_diff1": 39.72580848038363, + "nauc_ndcg_at_5_max": 39.6775641287642, + "nauc_ndcg_at_5_std": -4.118332260805727, + "nauc_precision_at_1000_diff1": -26.092565956641273, + "nauc_precision_at_1000_max": 19.581157629965798, + "nauc_precision_at_1000_std": 54.13868562253408, + "nauc_precision_at_100_diff1": -23.885066773251197, + "nauc_precision_at_100_max": 25.40568210909806, + "nauc_precision_at_100_std": 45.70352750469782, + "nauc_precision_at_10_diff1": -7.812878775603055, + "nauc_precision_at_10_max": 39.333622055903525, + "nauc_precision_at_10_std": 22.237660677257402, + "nauc_precision_at_1_diff1": 54.76665426289065, + "nauc_precision_at_1_max": 43.297228503319396, + "nauc_precision_at_1_std": 1.2859466120943177, + "nauc_precision_at_20_diff1": -10.970224909606511, + "nauc_precision_at_20_max": 37.3041054296315, + "nauc_precision_at_20_std": 27.22315967301695, + "nauc_precision_at_3_diff1": 17.76029053099922, + "nauc_precision_at_3_max": 50.65384554488439, + "nauc_precision_at_3_std": 15.558585289301638, + "nauc_precision_at_5_diff1": 8.247336865521545, + "nauc_precision_at_5_max": 51.37335018224255, + "nauc_precision_at_5_std": 14.58519131797533, + "nauc_recall_at_1000_diff1": 14.738115664684562, + "nauc_recall_at_1000_max": 33.67225069826756, + "nauc_recall_at_1000_std": 23.43446988901876, + "nauc_recall_at_100_diff1": 19.890629659776625, + "nauc_recall_at_100_max": 29.224410455958814, + "nauc_recall_at_100_std": -2.0806276568086144, + "nauc_recall_at_10_diff1": 38.427006027875144, + "nauc_recall_at_10_max": 19.924708152983968, + "nauc_recall_at_10_std": -16.630217466078644, + "nauc_recall_at_1_diff1": 56.29522627864423, + "nauc_recall_at_1_max": 2.032697167465618, + "nauc_recall_at_1_std": -21.150111280187122, + "nauc_recall_at_20_diff1": 37.14428498437845, + "nauc_recall_at_20_max": 25.145823335978513, + "nauc_recall_at_20_std": -14.42493782371082, + "nauc_recall_at_3_diff1": 47.52928646265923, + "nauc_recall_at_3_max": 12.680033579427134, + "nauc_recall_at_3_std": -21.288969511674864, + "nauc_recall_at_5_diff1": 49.48113347640814, + "nauc_recall_at_5_max": 21.348244496594557, + "nauc_recall_at_5_std": -23.32820771790651, + "ndcg_at_1": 47.015, + "ndcg_at_10": 36.741, + "ndcg_at_100": 41.513, + "ndcg_at_1000": 49.504, + "ndcg_at_20": 35.787, + "ndcg_at_3": 39.969, + "ndcg_at_5": 38.07, + "precision_at_1": 56.716, + "precision_at_10": 27.761000000000003, + "precision_at_100": 8.343, + "precision_at_1000": 1.4909999999999999, + "precision_at_20": 19.925, + "precision_at_3": 38.806000000000004, + "precision_at_5": 34.327999999999996, + "recall_at_1": 8.518, + "recall_at_10": 24.04, + "recall_at_100": 47.696, + "recall_at_1000": 73.98, + "recall_at_20": 30.036, + "recall_at_3": 12.928, + "recall_at_5": 16.247 + } + ], + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 32.33, + "map_at_1": 7.172000000000001, + "map_at_10": 14.507, + "map_at_100": 20.094, + "map_at_1000": 21.357, + "map_at_20": 16.544, + "map_at_3": 10.45, + "map_at_5": 12.135, + "mrr_at_1": 54.50000000000001, + "mrr_at_10": 63.956646825396824, + "mrr_at_100": 64.46710719535605, + "mrr_at_1000": 64.49017448257285, + "mrr_at_20": 64.29454397189498, + "mrr_at_3": 61.541666666666664, + "mrr_at_5": 63.12916666666667, + "nauc_map_at_1000_diff1": 17.98869657338149, + "nauc_map_at_1000_max": 30.333054783890713, + "nauc_map_at_1000_std": 28.27600264564019, + "nauc_map_at_100_diff1": 18.30992505565338, + "nauc_map_at_100_max": 28.247081175265638, + "nauc_map_at_100_std": 25.219665647719737, + "nauc_map_at_10_diff1": 24.602841428268228, + "nauc_map_at_10_max": 19.198550685025463, + "nauc_map_at_10_std": 4.94101336989231, + "nauc_map_at_1_diff1": 42.48207044156705, + "nauc_map_at_1_max": 11.178685700020784, + "nauc_map_at_1_std": -11.7133145725654, + "nauc_map_at_20_diff1": 22.485265149042345, + "nauc_map_at_20_max": 22.30085094149233, + "nauc_map_at_20_std": 12.002784564238516, + "nauc_map_at_3_diff1": 32.59887029757679, + "nauc_map_at_3_max": 14.376368303570612, + "nauc_map_at_3_std": -7.812707129845258, + "nauc_map_at_5_diff1": 28.420076313160227, + "nauc_map_at_5_max": 16.35175739634549, + "nauc_map_at_5_std": -2.2859112790508633, + "nauc_mrr_at_1000_diff1": 33.16285404785331, + "nauc_mrr_at_1000_max": 52.95307100316335, + "nauc_mrr_at_1000_std": 35.6708854579188, + "nauc_mrr_at_100_diff1": 33.163975798622324, + "nauc_mrr_at_100_max": 52.94924599844868, + "nauc_mrr_at_100_std": 35.681725458149536, + "nauc_mrr_at_10_diff1": 33.052961411322926, + "nauc_mrr_at_10_max": 52.87719597200036, + "nauc_mrr_at_10_std": 35.4649058995902, + "nauc_mrr_at_1_diff1": 38.1491930696872, + "nauc_mrr_at_1_max": 51.415881617631634, + "nauc_mrr_at_1_std": 31.665817021306292, + "nauc_mrr_at_20_diff1": 33.1786209686742, + "nauc_mrr_at_20_max": 52.97979514533936, + "nauc_mrr_at_20_std": 35.720708427743745, + "nauc_mrr_at_3_diff1": 32.0527395678109, + "nauc_mrr_at_3_max": 52.30552818184112, + "nauc_mrr_at_3_std": 34.717929240152436, + "nauc_mrr_at_5_diff1": 32.60246941607667, + "nauc_mrr_at_5_max": 52.90891823393802, + "nauc_mrr_at_5_std": 35.73817768953035, + "nauc_ndcg_at_1000_diff1": 17.777717528764786, + "nauc_ndcg_at_1000_max": 41.17736287839547, + "nauc_ndcg_at_1000_std": 39.42093133426984, + "nauc_ndcg_at_100_diff1": 18.7009852260721, + "nauc_ndcg_at_100_max": 35.070493992114486, + "nauc_ndcg_at_100_std": 33.29594459213619, + "nauc_ndcg_at_10_diff1": 20.24863550289221, + "nauc_ndcg_at_10_max": 37.61721766753526, + "nauc_ndcg_at_10_std": 29.002032871576546, + "nauc_ndcg_at_1_diff1": 35.99290323798346, + "nauc_ndcg_at_1_max": 42.10390853824893, + "nauc_ndcg_at_1_std": 23.49738590016146, + "nauc_ndcg_at_20_diff1": 21.98574066507013, + "nauc_ndcg_at_20_max": 34.74490524420729, + "nauc_ndcg_at_20_std": 26.979787645217034, + "nauc_ndcg_at_3_diff1": 24.109022760008195, + "nauc_ndcg_at_3_max": 41.57735669263441, + "nauc_ndcg_at_3_std": 26.48137639996327, + "nauc_ndcg_at_5_diff1": 21.1115968406177, + "nauc_ndcg_at_5_max": 39.79689482635169, + "nauc_ndcg_at_5_std": 28.71417077380657, + "nauc_precision_at_1000_diff1": -6.308626101041377, + "nauc_precision_at_1000_max": 23.736634275582723, + "nauc_precision_at_1000_std": 35.17703177177103, + "nauc_precision_at_100_diff1": -5.991432241727243, + "nauc_precision_at_100_max": 36.632326384787945, + "nauc_precision_at_100_std": 55.36164388714797, + "nauc_precision_at_10_diff1": -2.003639167604807, + "nauc_precision_at_10_max": 39.9605047862184, + "nauc_precision_at_10_std": 48.203273333600976, + "nauc_precision_at_1_diff1": 38.1491930696872, + "nauc_precision_at_1_max": 51.415881617631634, + "nauc_precision_at_1_std": 31.665817021306292, + "nauc_precision_at_20_diff1": -2.0019880382597592, + "nauc_precision_at_20_max": 39.77280564724441, + "nauc_precision_at_20_std": 52.93777268797039, + "nauc_precision_at_3_diff1": 7.926089484917107, + "nauc_precision_at_3_max": 43.17631014195846, + "nauc_precision_at_3_std": 36.50361169083805, + "nauc_precision_at_5_diff1": 0.935141231734079, + "nauc_precision_at_5_max": 43.43686608909768, + "nauc_precision_at_5_std": 45.153047523435355, + "nauc_recall_at_1000_diff1": 4.341876247276381, + "nauc_recall_at_1000_max": 27.248539409823575, + "nauc_recall_at_1000_std": 38.96443511840041, + "nauc_recall_at_100_diff1": 9.09368046295337, + "nauc_recall_at_100_max": 20.212709370157558, + "nauc_recall_at_100_std": 29.27989964554077, + "nauc_recall_at_10_diff1": 15.702200814005119, + "nauc_recall_at_10_max": 11.354521056668917, + "nauc_recall_at_10_std": 1.9460926024560252, + "nauc_recall_at_1_diff1": 42.48207044156705, + "nauc_recall_at_1_max": 11.178685700020784, + "nauc_recall_at_1_std": -11.7133145725654, + "nauc_recall_at_20_diff1": 15.751803189017796, + "nauc_recall_at_20_max": 14.082256061576908, + "nauc_recall_at_20_std": 8.698741608220557, + "nauc_recall_at_3_diff1": 27.177853206728642, + "nauc_recall_at_3_max": 11.883811151473985, + "nauc_recall_at_3_std": -8.753487515467821, + "nauc_recall_at_5_diff1": 20.88189722918793, + "nauc_recall_at_5_max": 12.165134797296266, + "nauc_recall_at_5_std": -2.9050270843186716, + "ndcg_at_1": 42.375, + "ndcg_at_10": 32.33, + "ndcg_at_100": 36.370000000000005, + "ndcg_at_1000": 43.596000000000004, + "ndcg_at_20": 31.557000000000002, + "ndcg_at_3": 35.006, + "ndcg_at_5": 33.35, + "precision_at_1": 54.50000000000001, + "precision_at_10": 26.424999999999997, + "precision_at_100": 8.24, + "precision_at_1000": 1.7659999999999998, + "precision_at_20": 19.262, + "precision_at_3": 38.667, + "precision_at_5": 33.0, + "recall_at_1": 7.172000000000001, + "recall_at_10": 19.922, + "recall_at_100": 43.273, + "recall_at_1000": 67.157, + "recall_at_20": 25.602999999999998, + "recall_at_3": 11.521, + "recall_at_5": 14.667 + } + ] + } +} \ No newline at end of file diff --git a/results/brahmairesearch__slx-v0.1/external/EmotionClassification.json b/results/brahmairesearch__slx-v0.1/external/EmotionClassification.json new file mode 100644 index 000000000..77f40ff19 --- /dev/null +++ b/results/brahmairesearch__slx-v0.1/external/EmotionClassification.json @@ -0,0 +1,32 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 40.83, + "f1": 37.18194175166477, + "f1_weighted": 42.95575332555824, + "main_score": 40.83 + } + ], + "validation": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 40.55, + "f1": 37.433406191273036, + "f1_weighted": 42.28073807897865, + "main_score": 40.55 + } + ] + } +} \ No newline at end of file diff --git a/results/brahmairesearch__slx-v0.1/external/FEVER.json b/results/brahmairesearch__slx-v0.1/external/FEVER.json new file mode 100644 index 000000000..52780b4b4 --- /dev/null +++ b/results/brahmairesearch__slx-v0.1/external/FEVER.json @@ -0,0 +1,455 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 52.03, + "map_at_1": 34.943999999999996, + "map_at_10": 45.769999999999996, + "map_at_100": 46.466, + "map_at_1000": 46.501999999999995, + "map_at_20": 46.211999999999996, + "map_at_3": 42.751, + "map_at_5": 44.509, + "mrr_at_1": 37.80378037803781, + "mrr_at_10": 48.93870339414894, + "mrr_at_100": 49.601175839993346, + "mrr_at_1000": 49.63131452135376, + "mrr_at_20": 49.36802873435527, + "mrr_at_3": 45.844584458445844, + "mrr_at_5": 47.672517251725175, + "nauc_map_at_1000_diff1": 40.54062035165064, + "nauc_map_at_1000_max": 27.289178560605333, + "nauc_map_at_1000_std": 5.568130411014613, + "nauc_map_at_100_diff1": 40.53294239730666, + "nauc_map_at_100_max": 27.303094343476264, + "nauc_map_at_100_std": 5.580846319474926, + "nauc_map_at_10_diff1": 40.36832372050692, + "nauc_map_at_10_max": 27.181736026891624, + "nauc_map_at_10_std": 5.278484971252747, + "nauc_map_at_1_diff1": 43.63870052897785, + "nauc_map_at_1_max": 23.91172545582507, + "nauc_map_at_1_std": 1.0551066222390522, + "nauc_map_at_20_diff1": 40.477298918415485, + "nauc_map_at_20_max": 27.320301914916662, + "nauc_map_at_20_std": 5.523811856269391, + "nauc_map_at_3_diff1": 40.51977087679908, + "nauc_map_at_3_max": 25.754504604995727, + "nauc_map_at_3_std": 3.2633589338880533, + "nauc_map_at_5_diff1": 40.32976587618264, + "nauc_map_at_5_max": 26.448666343780392, + "nauc_map_at_5_std": 4.402864599093908, + "nauc_mrr_at_1000_diff1": 41.918408557950485, + "nauc_mrr_at_1000_max": 28.906736122718556, + "nauc_mrr_at_1000_std": 5.553304289160072, + "nauc_mrr_at_100_diff1": 41.909263695140915, + "nauc_mrr_at_100_max": 28.927291145915586, + "nauc_mrr_at_100_std": 5.5758003987110785, + "nauc_mrr_at_10_diff1": 41.78054335093107, + "nauc_mrr_at_10_max": 28.875286254271337, + "nauc_mrr_at_10_std": 5.400103314799414, + "nauc_mrr_at_1_diff1": 45.41307124018666, + "nauc_mrr_at_1_max": 25.42705936857816, + "nauc_mrr_at_1_std": 1.1261509938529668, + "nauc_mrr_at_20_diff1": 41.85355521719339, + "nauc_mrr_at_20_max": 28.954337133137397, + "nauc_mrr_at_20_std": 5.5680811472526255, + "nauc_mrr_at_3_diff1": 41.87597266839382, + "nauc_mrr_at_3_max": 27.364838471220192, + "nauc_mrr_at_3_std": 3.421015527947961, + "nauc_mrr_at_5_diff1": 41.720199314616735, + "nauc_mrr_at_5_max": 28.16125782835219, + "nauc_mrr_at_5_std": 4.535741115937104, + "nauc_ndcg_at_1000_diff1": 40.0862551794478, + "nauc_ndcg_at_1000_max": 29.620465023882847, + "nauc_ndcg_at_1000_std": 9.116463212141856, + "nauc_ndcg_at_100_diff1": 39.91403782740219, + "nauc_ndcg_at_100_max": 30.126314736130627, + "nauc_ndcg_at_100_std": 9.629679229500052, + "nauc_ndcg_at_10_diff1": 39.31693698451662, + "nauc_ndcg_at_10_max": 29.88649188330779, + "nauc_ndcg_at_10_std": 8.379670725952097, + "nauc_ndcg_at_1_diff1": 45.41307124018666, + "nauc_ndcg_at_1_max": 25.42705936857816, + "nauc_ndcg_at_1_std": 1.1261509938529668, + "nauc_ndcg_at_20_diff1": 39.63543393169759, + "nauc_ndcg_at_20_max": 30.395928596281337, + "nauc_ndcg_at_20_std": 9.331827354152152, + "nauc_ndcg_at_3_diff1": 39.66004638243799, + "nauc_ndcg_at_3_max": 26.693162446383678, + "nauc_ndcg_at_3_std": 4.019479662872945, + "nauc_ndcg_at_5_diff1": 39.29942630190977, + "nauc_ndcg_at_5_max": 28.03021086473212, + "nauc_ndcg_at_5_std": 6.133973202905711, + "nauc_precision_at_1000_diff1": 6.790391477963487, + "nauc_precision_at_1000_max": 23.785347381042847, + "nauc_precision_at_1000_std": 32.029397732885975, + "nauc_precision_at_100_diff1": 20.119850476874824, + "nauc_precision_at_100_max": 37.503871561687006, + "nauc_precision_at_100_std": 36.65793346223648, + "nauc_precision_at_10_diff1": 30.875126515581474, + "nauc_precision_at_10_max": 40.41257688668288, + "nauc_precision_at_10_std": 23.73873082405173, + "nauc_precision_at_1_diff1": 45.41307124018666, + "nauc_precision_at_1_max": 25.42705936857816, + "nauc_precision_at_1_std": 1.1261509938529668, + "nauc_precision_at_20_diff1": 28.669583804112513, + "nauc_precision_at_20_max": 42.81841781000904, + "nauc_precision_at_20_std": 30.511249469538328, + "nauc_precision_at_3_diff1": 35.695753378227444, + "nauc_precision_at_3_max": 29.356372089093437, + "nauc_precision_at_3_std": 7.264008666110257, + "nauc_precision_at_5_diff1": 33.78933799034119, + "nauc_precision_at_5_max": 33.30247271400044, + "nauc_precision_at_5_std": 13.624181787527073, + "nauc_recall_at_1000_diff1": 24.81993368943268, + "nauc_recall_at_1000_max": 32.64499600999935, + "nauc_recall_at_1000_std": 39.8723613927536, + "nauc_recall_at_100_diff1": 28.838479610811767, + "nauc_recall_at_100_max": 39.31061939017268, + "nauc_recall_at_100_std": 35.334519993269694, + "nauc_recall_at_10_diff1": 31.365769093693665, + "nauc_recall_at_10_max": 36.357564167301135, + "nauc_recall_at_10_std": 19.567161580054368, + "nauc_recall_at_1_diff1": 43.63870052897785, + "nauc_recall_at_1_max": 23.91172545582507, + "nauc_recall_at_1_std": 1.0551066222390522, + "nauc_recall_at_20_diff1": 31.07931048339613, + "nauc_recall_at_20_max": 39.3409835430064, + "nauc_recall_at_20_std": 26.017221663087625, + "nauc_recall_at_3_diff1": 34.870082028464864, + "nauc_recall_at_3_max": 26.964701318509526, + "nauc_recall_at_3_std": 5.750625392443932, + "nauc_recall_at_5_diff1": 33.09810558988621, + "nauc_recall_at_5_max": 30.114089305272714, + "nauc_recall_at_5_std": 11.136566513395767, + "ndcg_at_1": 37.804, + "ndcg_at_10": 52.03, + "ndcg_at_100": 55.342, + "ndcg_at_1000": 56.297, + "ndcg_at_20": 53.574999999999996, + "ndcg_at_3": 45.954, + "ndcg_at_5": 49.051, + "precision_at_1": 37.804, + "precision_at_10": 7.559, + "precision_at_100": 0.935, + "precision_at_1000": 0.10300000000000001, + "precision_at_20": 4.119, + "precision_at_3": 19.022, + "precision_at_5": 13.102, + "recall_at_1": 34.943999999999996, + "recall_at_10": 68.516, + "recall_at_100": 83.55900000000001, + "recall_at_1000": 90.824, + "recall_at_20": 74.38900000000001, + "recall_at_3": 52.032000000000004, + "recall_at_5": 59.507 + } + ], + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 51.934000000000005, + "map_at_1": 34.076, + "map_at_10": 45.482, + "map_at_100": 46.269, + "map_at_1000": 46.309, + "map_at_20": 45.999, + "map_at_3": 42.614000000000004, + "map_at_5": 44.314, + "mrr_at_1": 36.528652865286524, + "mrr_at_10": 48.512785802389764, + "mrr_at_100": 49.22606699053963, + "mrr_at_1000": 49.257250294016124, + "mrr_at_20": 48.98993069550024, + "mrr_at_3": 45.57955795579558, + "mrr_at_5": 47.34373437343734, + "nauc_map_at_1000_diff1": 38.06411619881442, + "nauc_map_at_1000_max": 26.08940745236635, + "nauc_map_at_1000_std": 6.680760121868734, + "nauc_map_at_100_diff1": 38.05029780772629, + "nauc_map_at_100_max": 26.09201602974643, + "nauc_map_at_100_std": 6.686772430837484, + "nauc_map_at_10_diff1": 37.94073108438308, + "nauc_map_at_10_max": 26.010720595761715, + "nauc_map_at_10_std": 6.388307711704795, + "nauc_map_at_1_diff1": 41.856370709349505, + "nauc_map_at_1_max": 22.120448152871685, + "nauc_map_at_1_std": 2.14480027163088, + "nauc_map_at_20_diff1": 38.019326179975145, + "nauc_map_at_20_max": 26.101738560941307, + "nauc_map_at_20_std": 6.649402862599178, + "nauc_map_at_3_diff1": 38.28916036819592, + "nauc_map_at_3_max": 25.282244701628976, + "nauc_map_at_3_std": 5.358107636585845, + "nauc_map_at_5_diff1": 38.0319766931337, + "nauc_map_at_5_max": 25.760510571451654, + "nauc_map_at_5_std": 5.959226091718213, + "nauc_mrr_at_1000_diff1": 40.14990337723866, + "nauc_mrr_at_1000_max": 27.52396080338908, + "nauc_mrr_at_1000_std": 5.905561916071595, + "nauc_mrr_at_100_diff1": 40.138095201620885, + "nauc_mrr_at_100_max": 27.534919650845975, + "nauc_mrr_at_100_std": 5.921610771714778, + "nauc_mrr_at_10_diff1": 40.042888225151884, + "nauc_mrr_at_10_max": 27.51884538283777, + "nauc_mrr_at_10_std": 5.7346191171159955, + "nauc_mrr_at_1_diff1": 44.057159032541755, + "nauc_mrr_at_1_max": 23.378181020350205, + "nauc_mrr_at_1_std": 1.1184427932175494, + "nauc_mrr_at_20_diff1": 40.10748214477916, + "nauc_mrr_at_20_max": 27.56420590984982, + "nauc_mrr_at_20_std": 5.92587573833964, + "nauc_mrr_at_3_diff1": 40.35104109379557, + "nauc_mrr_at_3_max": 26.839657427564866, + "nauc_mrr_at_3_std": 4.842798077251789, + "nauc_mrr_at_5_diff1": 40.120921909189065, + "nauc_mrr_at_5_max": 27.263579151858597, + "nauc_mrr_at_5_std": 5.33348700481928, + "nauc_ndcg_at_1000_diff1": 37.49363482187989, + "nauc_ndcg_at_1000_max": 28.253157018498303, + "nauc_ndcg_at_1000_std": 9.548391600192229, + "nauc_ndcg_at_100_diff1": 37.06429542530781, + "nauc_ndcg_at_100_max": 28.432696909982752, + "nauc_ndcg_at_100_std": 9.914672381291032, + "nauc_ndcg_at_10_diff1": 36.62394158558396, + "nauc_ndcg_at_10_max": 28.091717808644788, + "nauc_ndcg_at_10_std": 8.593519390900884, + "nauc_ndcg_at_1_diff1": 44.057159032541755, + "nauc_ndcg_at_1_max": 23.378181020350205, + "nauc_ndcg_at_1_std": 1.1184427932175494, + "nauc_ndcg_at_20_diff1": 36.8375539418876, + "nauc_ndcg_at_20_max": 28.4653022439827, + "nauc_ndcg_at_20_std": 9.62779954290926, + "nauc_ndcg_at_3_diff1": 37.507844796905424, + "nauc_ndcg_at_3_max": 26.621845005094237, + "nauc_ndcg_at_3_std": 6.311129269656924, + "nauc_ndcg_at_5_diff1": 36.9499559138595, + "nauc_ndcg_at_5_max": 27.478742195672982, + "nauc_ndcg_at_5_std": 7.455941612523616, + "nauc_precision_at_1000_diff1": 4.078793640824701, + "nauc_precision_at_1000_max": 20.00343523272489, + "nauc_precision_at_1000_std": 20.485736390122142, + "nauc_precision_at_100_diff1": 14.17308181643292, + "nauc_precision_at_100_max": 31.74202484387519, + "nauc_precision_at_100_std": 27.502413567021478, + "nauc_precision_at_10_diff1": 27.43865858943569, + "nauc_precision_at_10_max": 35.589513603311566, + "nauc_precision_at_10_std": 17.186128232419385, + "nauc_precision_at_1_diff1": 44.057159032541755, + "nauc_precision_at_1_max": 23.378181020350205, + "nauc_precision_at_1_std": 1.1184427932175494, + "nauc_precision_at_20_diff1": 23.512273491099464, + "nauc_precision_at_20_max": 36.4099385522305, + "nauc_precision_at_20_std": 23.38611190971049, + "nauc_precision_at_3_diff1": 34.45481574669334, + "nauc_precision_at_3_max": 31.254230439494616, + "nauc_precision_at_3_std": 9.083954939005855, + "nauc_precision_at_5_diff1": 31.5255657670166, + "nauc_precision_at_5_max": 33.513795593306064, + "nauc_precision_at_5_std": 12.268919737890467, + "nauc_recall_at_1000_diff1": 21.034235565510095, + "nauc_recall_at_1000_max": 38.63663184408291, + "nauc_recall_at_1000_std": 45.51157667913507, + "nauc_recall_at_100_diff1": 22.66108749212852, + "nauc_recall_at_100_max": 36.80398383289957, + "nauc_recall_at_100_std": 33.73455640625873, + "nauc_recall_at_10_diff1": 27.131812527654887, + "nauc_recall_at_10_max": 32.196430920874285, + "nauc_recall_at_10_std": 17.075213496563453, + "nauc_recall_at_1_diff1": 41.856370709349505, + "nauc_recall_at_1_max": 22.120448152871685, + "nauc_recall_at_1_std": 2.14480027163088, + "nauc_recall_at_20_diff1": 25.929563215115486, + "nauc_recall_at_20_max": 34.652054105580135, + "nauc_recall_at_20_std": 24.184493516549775, + "nauc_recall_at_3_diff1": 32.22327879284907, + "nauc_recall_at_3_max": 28.18077707672782, + "nauc_recall_at_3_std": 9.447537554097932, + "nauc_recall_at_5_diff1": 29.95857292782884, + "nauc_recall_at_5_max": 30.180855826849314, + "nauc_recall_at_5_std": 12.493035764779222, + "ndcg_at_1": 36.529, + "ndcg_at_10": 51.934000000000005, + "ndcg_at_100": 55.525000000000006, + "ndcg_at_1000": 56.568, + "ndcg_at_20": 53.746, + "ndcg_at_3": 46.169, + "ndcg_at_5": 49.163000000000004, + "precision_at_1": 36.529, + "precision_at_10": 7.5649999999999995, + "precision_at_100": 0.947, + "precision_at_1000": 0.105, + "precision_at_20": 4.184, + "precision_at_3": 19.326999999999998, + "precision_at_5": 13.239999999999998, + "recall_at_1": 34.076, + "recall_at_10": 69.009, + "recall_at_100": 85.047, + "recall_at_1000": 92.962, + "recall_at_20": 75.94800000000001, + "recall_at_3": 53.446000000000005, + "recall_at_5": 60.622 + } + ], + "train": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 45.507999999999996, + "map_at_1": 26.979, + "map_at_10": 38.607, + "map_at_100": 39.531, + "map_at_1000": 39.579, + "map_at_20": 39.177, + "map_at_3": 35.287, + "map_at_5": 37.252, + "mrr_at_1": 30.104726345505874, + "mrr_at_10": 42.35555280910896, + "mrr_at_100": 43.217533931012895, + "mrr_at_1000": 43.252575699572596, + "mrr_at_20": 42.902576525355975, + "mrr_at_3": 38.98081534772182, + "mrr_at_5": 40.99315484321404, + "nauc_map_at_1000_diff1": 27.90071174527769, + "nauc_map_at_1000_max": 19.43450287678522, + "nauc_map_at_1000_std": 1.0478682545377263, + "nauc_map_at_100_diff1": 27.889168491127947, + "nauc_map_at_100_max": 19.436828906145358, + "nauc_map_at_100_std": 1.05155715237615, + "nauc_map_at_10_diff1": 27.840339888168252, + "nauc_map_at_10_max": 19.329180467515787, + "nauc_map_at_10_std": 0.7171877649239929, + "nauc_map_at_1_diff1": 31.738179514738864, + "nauc_map_at_1_max": 15.968106583150215, + "nauc_map_at_1_std": -2.570993256036204, + "nauc_map_at_20_diff1": 27.845284489690027, + "nauc_map_at_20_max": 19.40752573037618, + "nauc_map_at_20_std": 0.9717636792007718, + "nauc_map_at_3_diff1": 28.044016784749825, + "nauc_map_at_3_max": 18.145169413574557, + "nauc_map_at_3_std": -0.7999143466737352, + "nauc_map_at_5_diff1": 27.85994131302655, + "nauc_map_at_5_max": 18.910766958000796, + "nauc_map_at_5_std": 0.06864766875494689, + "nauc_mrr_at_1000_diff1": 28.93587018349831, + "nauc_mrr_at_1000_max": 20.39155500244368, + "nauc_mrr_at_1000_std": 0.06072071663002824, + "nauc_mrr_at_100_diff1": 28.92572607525496, + "nauc_mrr_at_100_max": 20.404607849703098, + "nauc_mrr_at_100_std": 0.07776005419330084, + "nauc_mrr_at_10_diff1": 28.84843951949083, + "nauc_mrr_at_10_max": 20.399412540137465, + "nauc_mrr_at_10_std": -0.09691968843711217, + "nauc_mrr_at_1_diff1": 32.92934503399022, + "nauc_mrr_at_1_max": 16.941727815666827, + "nauc_mrr_at_1_std": -3.3732010441778253, + "nauc_mrr_at_20_diff1": 28.877436267558192, + "nauc_mrr_at_20_max": 20.432633686382445, + "nauc_mrr_at_20_std": 0.08162211942258811, + "nauc_mrr_at_3_diff1": 29.05219557839034, + "nauc_mrr_at_3_max": 19.286442075009553, + "nauc_mrr_at_3_std": -1.4920090443959984, + "nauc_mrr_at_5_diff1": 28.84976179309284, + "nauc_mrr_at_5_max": 20.03989971433926, + "nauc_mrr_at_5_std": -0.6327717473113279, + "nauc_ndcg_at_1000_diff1": 27.263814137108294, + "nauc_ndcg_at_1000_max": 21.54444104314226, + "nauc_ndcg_at_1000_std": 3.9345593404348325, + "nauc_ndcg_at_100_diff1": 26.920118374587148, + "nauc_ndcg_at_100_max": 21.744889824732063, + "nauc_ndcg_at_100_std": 4.28614804478737, + "nauc_ndcg_at_10_diff1": 26.607429479330936, + "nauc_ndcg_at_10_max": 21.3810679241016, + "nauc_ndcg_at_10_std": 2.8694133195492135, + "nauc_ndcg_at_1_diff1": 32.92934503399022, + "nauc_ndcg_at_1_max": 16.941727815666827, + "nauc_ndcg_at_1_std": -3.3732010441778253, + "nauc_ndcg_at_20_diff1": 26.5967994647727, + "nauc_ndcg_at_20_max": 21.659688473792883, + "nauc_ndcg_at_20_std": 3.842346776620175, + "nauc_ndcg_at_3_diff1": 27.158766570572386, + "nauc_ndcg_at_3_max": 19.119402545875683, + "nauc_ndcg_at_3_std": -0.35953162925164833, + "nauc_ndcg_at_5_diff1": 26.730692135636065, + "nauc_ndcg_at_5_max": 20.414969250885925, + "nauc_ndcg_at_5_std": 1.2752832955418998, + "nauc_precision_at_1000_diff1": 2.561063684584515, + "nauc_precision_at_1000_max": 19.186729674644486, + "nauc_precision_at_1000_std": 18.093647810661352, + "nauc_precision_at_100_diff1": 9.316421561811165, + "nauc_precision_at_100_max": 27.738024328392086, + "nauc_precision_at_100_std": 22.433924792860076, + "nauc_precision_at_10_diff1": 19.426331365751906, + "nauc_precision_at_10_max": 28.635390613812916, + "nauc_precision_at_10_std": 10.855946901322524, + "nauc_precision_at_1_diff1": 32.92934503399022, + "nauc_precision_at_1_max": 16.941727815666827, + "nauc_precision_at_1_std": -3.3732010441778253, + "nauc_precision_at_20_diff1": 16.34675014694496, + "nauc_precision_at_20_max": 29.832850703812035, + "nauc_precision_at_20_std": 16.553248881871074, + "nauc_precision_at_3_diff1": 23.995435131526925, + "nauc_precision_at_3_max": 22.11997270130166, + "nauc_precision_at_3_std": 0.8503676668029546, + "nauc_precision_at_5_diff1": 22.001243194385456, + "nauc_precision_at_5_max": 25.475925553993733, + "nauc_precision_at_5_std": 5.022727930559935, + "nauc_recall_at_1000_diff1": 14.645333801590885, + "nauc_recall_at_1000_max": 30.164138362969688, + "nauc_recall_at_1000_std": 38.22549566467189, + "nauc_recall_at_100_diff1": 15.503889282866288, + "nauc_recall_at_100_max": 29.086237873053495, + "nauc_recall_at_100_std": 27.06734385373416, + "nauc_recall_at_10_diff1": 19.403300497172893, + "nauc_recall_at_10_max": 25.248649908264113, + "nauc_recall_at_10_std": 10.936513113166264, + "nauc_recall_at_1_diff1": 31.738179514738864, + "nauc_recall_at_1_max": 15.968106583150215, + "nauc_recall_at_1_std": -2.570993256036204, + "nauc_recall_at_20_diff1": 17.733156124123276, + "nauc_recall_at_20_max": 26.746759836363143, + "nauc_recall_at_20_std": 16.75017273825386, + "nauc_recall_at_3_diff1": 22.68171478313316, + "nauc_recall_at_3_max": 19.636825377253857, + "nauc_recall_at_3_std": 1.5757483953126163, + "nauc_recall_at_5_diff1": 20.974147223847623, + "nauc_recall_at_5_max": 22.322448079695377, + "nauc_recall_at_5_std": 5.398452974444173, + "ndcg_at_1": 30.104999999999997, + "ndcg_at_10": 45.507999999999996, + "ndcg_at_100": 49.88, + "ndcg_at_1000": 51.064, + "ndcg_at_20": 47.504000000000005, + "ndcg_at_3": 38.913, + "ndcg_at_5": 42.329, + "precision_at_1": 30.104999999999997, + "precision_at_10": 7.199, + "precision_at_100": 0.962, + "precision_at_1000": 0.109, + "precision_at_20": 4.051, + "precision_at_3": 17.087, + "precision_at_5": 12.16, + "recall_at_1": 26.979, + "recall_at_10": 63.366, + "recall_at_100": 83.062, + "recall_at_1000": 91.847, + "recall_at_20": 70.938, + "recall_at_3": 45.544000000000004, + "recall_at_5": 53.822 + } + ] + } +} \ No newline at end of file diff --git a/results/brahmairesearch__slx-v0.1/external/FiQA2018.json b/results/brahmairesearch__slx-v0.1/external/FiQA2018.json new file mode 100644 index 000000000..4fec8077d --- /dev/null +++ b/results/brahmairesearch__slx-v0.1/external/FiQA2018.json @@ -0,0 +1,455 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 38.815, + "map_at_1": 20.335, + "map_at_10": 31.272, + "map_at_100": 33.190999999999995, + "map_at_1000": 33.344, + "map_at_20": 32.256, + "map_at_3": 27.567000000000004, + "map_at_5": 29.458000000000002, + "mrr_at_1": 36.199999999999996, + "mrr_at_10": 45.32039682539683, + "mrr_at_100": 46.062971677642594, + "mrr_at_1000": 46.112522460479234, + "mrr_at_20": 45.753339829245405, + "mrr_at_3": 42.96666666666667, + "mrr_at_5": 44.276666666666664, + "nauc_map_at_1000_diff1": 39.09686251702312, + "nauc_map_at_1000_max": 23.718502764114042, + "nauc_map_at_1000_std": -5.127196142411253, + "nauc_map_at_100_diff1": 39.09364693819265, + "nauc_map_at_100_max": 23.653458304303854, + "nauc_map_at_100_std": -5.177316371185933, + "nauc_map_at_10_diff1": 39.31442389333748, + "nauc_map_at_10_max": 21.74468737473981, + "nauc_map_at_10_std": -6.696579950725854, + "nauc_map_at_1_diff1": 47.43702042188656, + "nauc_map_at_1_max": 16.34626334329432, + "nauc_map_at_1_std": -13.86785028017293, + "nauc_map_at_20_diff1": 39.17778732888042, + "nauc_map_at_20_max": 22.46617212441066, + "nauc_map_at_20_std": -6.34830253856367, + "nauc_map_at_3_diff1": 39.15300459049625, + "nauc_map_at_3_max": 19.302611306768988, + "nauc_map_at_3_std": -8.794316331911508, + "nauc_map_at_5_diff1": 38.782168864662474, + "nauc_map_at_5_max": 20.107759031023953, + "nauc_map_at_5_std": -8.188426276758069, + "nauc_mrr_at_1000_diff1": 44.08705555634411, + "nauc_mrr_at_1000_max": 33.33076293762814, + "nauc_mrr_at_1000_std": -3.1398513714145397, + "nauc_mrr_at_100_diff1": 44.06582470169942, + "nauc_mrr_at_100_max": 33.344145740218686, + "nauc_mrr_at_100_std": -3.08986027603163, + "nauc_mrr_at_10_diff1": 44.30974388499585, + "nauc_mrr_at_10_max": 33.406651307005205, + "nauc_mrr_at_10_std": -3.2928612666079515, + "nauc_mrr_at_1_diff1": 51.40538032179158, + "nauc_mrr_at_1_max": 31.412039525256464, + "nauc_mrr_at_1_std": -8.907602241057901, + "nauc_mrr_at_20_diff1": 43.980675465268725, + "nauc_mrr_at_20_max": 33.32527070543209, + "nauc_mrr_at_20_std": -3.2339919035351694, + "nauc_mrr_at_3_diff1": 44.647084271055625, + "nauc_mrr_at_3_max": 32.45045666872438, + "nauc_mrr_at_3_std": -4.529436120509803, + "nauc_mrr_at_5_diff1": 43.67143288169307, + "nauc_mrr_at_5_max": 32.44875364546683, + "nauc_mrr_at_5_std": -3.9584779431763346, + "nauc_ndcg_at_1000_diff1": 38.354081675214225, + "nauc_ndcg_at_1000_max": 30.245302655913598, + "nauc_ndcg_at_1000_std": 0.7890765259603763, + "nauc_ndcg_at_100_diff1": 37.817904227181856, + "nauc_ndcg_at_100_max": 30.02565642657375, + "nauc_ndcg_at_100_std": 1.7134329123978582, + "nauc_ndcg_at_10_diff1": 38.58070071452654, + "nauc_ndcg_at_10_max": 26.03860386223017, + "nauc_ndcg_at_10_std": -2.807697044805227, + "nauc_ndcg_at_1_diff1": 51.40538032179158, + "nauc_ndcg_at_1_max": 31.412039525256464, + "nauc_ndcg_at_1_std": -8.907602241057901, + "nauc_ndcg_at_20_diff1": 37.84931412054451, + "nauc_ndcg_at_20_max": 26.611532647536706, + "nauc_ndcg_at_20_std": -2.551835640081501, + "nauc_ndcg_at_3_diff1": 37.58344478410785, + "nauc_ndcg_at_3_max": 25.888699537427723, + "nauc_ndcg_at_3_std": -5.6005333462847995, + "nauc_ndcg_at_5_diff1": 37.20037762553382, + "nauc_ndcg_at_5_max": 24.195277511419018, + "nauc_ndcg_at_5_std": -5.303803702718122, + "nauc_precision_at_1000_diff1": -4.230348587018459, + "nauc_precision_at_1000_max": 31.819624500936953, + "nauc_precision_at_1000_std": 20.312378085793235, + "nauc_precision_at_100_diff1": 2.3773304611561423, + "nauc_precision_at_100_max": 37.26249793571357, + "nauc_precision_at_100_std": 23.155582812623898, + "nauc_precision_at_10_diff1": 15.88778259182176, + "nauc_precision_at_10_max": 33.63617175318708, + "nauc_precision_at_10_std": 10.546198556997263, + "nauc_precision_at_1_diff1": 51.40538032179158, + "nauc_precision_at_1_max": 31.412039525256464, + "nauc_precision_at_1_std": -8.907602241057901, + "nauc_precision_at_20_diff1": 10.449607655939202, + "nauc_precision_at_20_max": 33.7352181569909, + "nauc_precision_at_20_std": 12.571650811884084, + "nauc_precision_at_3_diff1": 22.99546456955021, + "nauc_precision_at_3_max": 31.02368858204585, + "nauc_precision_at_3_std": 2.5868277272596245, + "nauc_precision_at_5_diff1": 17.907774229925252, + "nauc_precision_at_5_max": 30.63973977791014, + "nauc_precision_at_5_std": 3.8676417305257025, + "nauc_recall_at_1000_diff1": 23.63898544479131, + "nauc_recall_at_1000_max": 39.32223559294475, + "nauc_recall_at_1000_std": 37.00507997584423, + "nauc_recall_at_100_diff1": 23.929610307083696, + "nauc_recall_at_100_max": 33.47151501002676, + "nauc_recall_at_100_std": 25.8591375037135, + "nauc_recall_at_10_diff1": 29.42318630440556, + "nauc_recall_at_10_max": 22.089958081883086, + "nauc_recall_at_10_std": 3.27054006421318, + "nauc_recall_at_1_diff1": 47.43702042188656, + "nauc_recall_at_1_max": 16.34626334329432, + "nauc_recall_at_1_std": -13.86785028017293, + "nauc_recall_at_20_diff1": 25.975696003491827, + "nauc_recall_at_20_max": 22.787194656795947, + "nauc_recall_at_20_std": 4.675488568813387, + "nauc_recall_at_3_diff1": 30.55655187585358, + "nauc_recall_at_3_max": 16.946450217238578, + "nauc_recall_at_3_std": -5.74601816493791, + "nauc_recall_at_5_diff1": 27.85153909140805, + "nauc_recall_at_5_max": 16.326181395506627, + "nauc_recall_at_5_std": -4.086355622548156, + "ndcg_at_1": 36.199999999999996, + "ndcg_at_10": 38.815, + "ndcg_at_100": 45.626, + "ndcg_at_1000": 48.607, + "ndcg_at_20": 41.229, + "ndcg_at_3": 34.974, + "ndcg_at_5": 36.027, + "precision_at_1": 36.199999999999996, + "precision_at_10": 10.280000000000001, + "precision_at_100": 1.764, + "precision_at_1000": 0.22399999999999998, + "precision_at_20": 6.260000000000001, + "precision_at_3": 22.0, + "precision_at_5": 16.12, + "recall_at_1": 20.335, + "recall_at_10": 46.654, + "recall_at_100": 72.045, + "recall_at_1000": 91.269, + "recall_at_20": 53.835, + "recall_at_3": 32.669, + "recall_at_5": 37.972 + } + ], + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 36.867, + "map_at_1": 17.14, + "map_at_10": 29.141000000000002, + "map_at_100": 30.956, + "map_at_1000": 31.159, + "map_at_20": 30.072, + "map_at_3": 25.188, + "map_at_5": 27.506999999999998, + "mrr_at_1": 34.72222222222222, + "mrr_at_10": 44.51223544973544, + "mrr_at_100": 45.42790088583724, + "mrr_at_1000": 45.471809231059844, + "mrr_at_20": 45.091318234378086, + "mrr_at_3": 42.001028806584365, + "mrr_at_5": 43.40534979423868, + "nauc_map_at_1000_diff1": 34.5997613709207, + "nauc_map_at_1000_max": 29.271778485903077, + "nauc_map_at_1000_std": -3.1727467448529327, + "nauc_map_at_100_diff1": 34.554319942549405, + "nauc_map_at_100_max": 29.135316364116893, + "nauc_map_at_100_std": -3.2318945894116595, + "nauc_map_at_10_diff1": 34.792406662543804, + "nauc_map_at_10_max": 28.23419192864, + "nauc_map_at_10_std": -4.272346935010467, + "nauc_map_at_1_diff1": 42.29082590818265, + "nauc_map_at_1_max": 22.639965829727384, + "nauc_map_at_1_std": -6.491951835687574, + "nauc_map_at_20_diff1": 34.68427524059249, + "nauc_map_at_20_max": 28.665312874057904, + "nauc_map_at_20_std": -3.7912174506529306, + "nauc_map_at_3_diff1": 37.34454537931914, + "nauc_map_at_3_max": 26.51145758791601, + "nauc_map_at_3_std": -5.988050398564233, + "nauc_map_at_5_diff1": 36.239606626498436, + "nauc_map_at_5_max": 28.06332898952531, + "nauc_map_at_5_std": -5.117662764730185, + "nauc_mrr_at_1000_diff1": 39.90793047345469, + "nauc_mrr_at_1000_max": 36.81917469749475, + "nauc_mrr_at_1000_std": -0.3231989591220033, + "nauc_mrr_at_100_diff1": 39.864015740614924, + "nauc_mrr_at_100_max": 36.8047799137878, + "nauc_mrr_at_100_std": -0.29755042898763223, + "nauc_mrr_at_10_diff1": 40.08579428751901, + "nauc_mrr_at_10_max": 36.796457802782996, + "nauc_mrr_at_10_std": -0.5536913949365608, + "nauc_mrr_at_1_diff1": 45.04268958292539, + "nauc_mrr_at_1_max": 36.400317672526775, + "nauc_mrr_at_1_std": -2.686996861248284, + "nauc_mrr_at_20_diff1": 39.82612669032365, + "nauc_mrr_at_20_max": 36.69705897717761, + "nauc_mrr_at_20_std": -0.4874377274349413, + "nauc_mrr_at_3_diff1": 40.63402967371404, + "nauc_mrr_at_3_max": 36.639468909645906, + "nauc_mrr_at_3_std": -0.6826447878038451, + "nauc_mrr_at_5_diff1": 40.35943695180751, + "nauc_mrr_at_5_max": 37.27151129074283, + "nauc_mrr_at_5_std": -0.7022269240751977, + "nauc_ndcg_at_1000_diff1": 34.29778273967179, + "nauc_ndcg_at_1000_max": 33.60387421296041, + "nauc_ndcg_at_1000_std": 1.5784888442985348, + "nauc_ndcg_at_100_diff1": 32.868484463640385, + "nauc_ndcg_at_100_max": 32.20835014990049, + "nauc_ndcg_at_100_std": 1.6443061101102199, + "nauc_ndcg_at_10_diff1": 33.739914351355644, + "nauc_ndcg_at_10_max": 29.835483426992717, + "nauc_ndcg_at_10_std": -2.2105753291581305, + "nauc_ndcg_at_1_diff1": 45.04268958292539, + "nauc_ndcg_at_1_max": 36.400317672526775, + "nauc_ndcg_at_1_std": -2.686996861248284, + "nauc_ndcg_at_20_diff1": 33.091200318256405, + "nauc_ndcg_at_20_max": 30.30579094215661, + "nauc_ndcg_at_20_std": -1.1235201999007105, + "nauc_ndcg_at_3_diff1": 36.56385805439159, + "nauc_ndcg_at_3_max": 32.483956717192505, + "nauc_ndcg_at_3_std": -3.6144143743586556, + "nauc_ndcg_at_5_diff1": 34.89655956044515, + "nauc_ndcg_at_5_max": 31.02603211763708, + "nauc_ndcg_at_5_std": -3.1752399107619946, + "nauc_precision_at_1000_diff1": 0.3236590900649295, + "nauc_precision_at_1000_max": 27.104634809451156, + "nauc_precision_at_1000_std": 11.778520603089962, + "nauc_precision_at_100_diff1": 3.9447294506839174, + "nauc_precision_at_100_max": 31.227338950602707, + "nauc_precision_at_100_std": 13.77417003497627, + "nauc_precision_at_10_diff1": 14.530292534293594, + "nauc_precision_at_10_max": 33.445331953391324, + "nauc_precision_at_10_std": 4.744663300034478, + "nauc_precision_at_1_diff1": 45.04268958292539, + "nauc_precision_at_1_max": 36.400317672526775, + "nauc_precision_at_1_std": -2.686996861248284, + "nauc_precision_at_20_diff1": 10.59165816378097, + "nauc_precision_at_20_max": 32.70515238034688, + "nauc_precision_at_20_std": 8.709471804938254, + "nauc_precision_at_3_diff1": 28.667804160578804, + "nauc_precision_at_3_max": 37.1571013838137, + "nauc_precision_at_3_std": -1.4143179294066177, + "nauc_precision_at_5_diff1": 21.82901016239852, + "nauc_precision_at_5_max": 36.582403285700835, + "nauc_precision_at_5_std": 1.1870648076304775, + "nauc_recall_at_1000_diff1": 18.96043919824667, + "nauc_recall_at_1000_max": 33.945765157259046, + "nauc_recall_at_1000_std": 36.3186174302301, + "nauc_recall_at_100_diff1": 12.093586422309906, + "nauc_recall_at_100_max": 22.887428460018633, + "nauc_recall_at_100_std": 16.93109588705723, + "nauc_recall_at_10_diff1": 21.03576962038248, + "nauc_recall_at_10_max": 20.29671222282212, + "nauc_recall_at_10_std": -0.33083371279028084, + "nauc_recall_at_1_diff1": 42.29082590818265, + "nauc_recall_at_1_max": 22.639965829727384, + "nauc_recall_at_1_std": -6.491951835687574, + "nauc_recall_at_20_diff1": 17.38458169914841, + "nauc_recall_at_20_max": 19.627837586826082, + "nauc_recall_at_20_std": 2.3805728682334526, + "nauc_recall_at_3_diff1": 29.28228006768503, + "nauc_recall_at_3_max": 22.866032768464663, + "nauc_recall_at_3_std": -4.417326928891438, + "nauc_recall_at_5_diff1": 25.76912388055655, + "nauc_recall_at_5_max": 23.087890328997634, + "nauc_recall_at_5_std": -2.4408790779942664, + "ndcg_at_1": 34.721999999999994, + "ndcg_at_10": 36.867, + "ndcg_at_100": 43.931, + "ndcg_at_1000": 47.276, + "ndcg_at_20": 39.432, + "ndcg_at_3": 33.18, + "ndcg_at_5": 34.504000000000005, + "precision_at_1": 34.721999999999994, + "precision_at_10": 10.448, + "precision_at_100": 1.778, + "precision_at_1000": 0.23600000000000002, + "precision_at_20": 6.296, + "precision_at_3": 22.377, + "precision_at_5": 16.759, + "recall_at_1": 17.14, + "recall_at_10": 44.131, + "recall_at_100": 70.60600000000001, + "recall_at_1000": 90.672, + "recall_at_20": 51.995000000000005, + "recall_at_3": 30.536, + "recall_at_5": 36.706 + } + ], + "train": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 36.609, + "map_at_1": 17.941, + "map_at_10": 29.221999999999998, + "map_at_100": 31.122, + "map_at_1000": 31.305, + "map_at_20": 30.237000000000002, + "map_at_3": 25.374000000000002, + "map_at_5": 27.422, + "mrr_at_1": 33.96363636363636, + "mrr_at_10": 42.89349927849928, + "mrr_at_100": 43.799377407484336, + "mrr_at_1000": 43.84799036352109, + "mrr_at_20": 43.40050730549745, + "mrr_at_3": 40.29090909090909, + "mrr_at_5": 41.76636363636364, + "nauc_map_at_1000_diff1": 38.31311265305888, + "nauc_map_at_1000_max": 27.796611741675825, + "nauc_map_at_1000_std": -0.5003293769017596, + "nauc_map_at_100_diff1": 38.30329718195317, + "nauc_map_at_100_max": 27.67541927614693, + "nauc_map_at_100_std": -0.5698259499765883, + "nauc_map_at_10_diff1": 38.37764336989788, + "nauc_map_at_10_max": 26.41684565430942, + "nauc_map_at_10_std": -2.227388823202941, + "nauc_map_at_1_diff1": 43.584307937822494, + "nauc_map_at_1_max": 19.122356537834335, + "nauc_map_at_1_std": -5.768218333994525, + "nauc_map_at_20_diff1": 38.334305440452496, + "nauc_map_at_20_max": 27.10217340122031, + "nauc_map_at_20_std": -1.3391204810507156, + "nauc_map_at_3_diff1": 39.23894015593411, + "nauc_map_at_3_max": 23.59508795412976, + "nauc_map_at_3_std": -4.709964052658204, + "nauc_map_at_5_diff1": 38.64662605958464, + "nauc_map_at_5_max": 25.09311144593201, + "nauc_map_at_5_std": -3.5135197704430126, + "nauc_mrr_at_1000_diff1": 41.10436711457144, + "nauc_mrr_at_1000_max": 34.51060780140401, + "nauc_mrr_at_1000_std": 1.5284128508937864, + "nauc_mrr_at_100_diff1": 41.09013437372231, + "nauc_mrr_at_100_max": 34.51469113741547, + "nauc_mrr_at_100_std": 1.5493835226225707, + "nauc_mrr_at_10_diff1": 41.08319551271548, + "nauc_mrr_at_10_max": 34.37624451245267, + "nauc_mrr_at_10_std": 1.1419873008771384, + "nauc_mrr_at_1_diff1": 45.80451390127011, + "nauc_mrr_at_1_max": 34.5836075937778, + "nauc_mrr_at_1_std": -1.2520732162148687, + "nauc_mrr_at_20_diff1": 40.9963963346833, + "nauc_mrr_at_20_max": 34.45146973858243, + "nauc_mrr_at_20_std": 1.49800506844926, + "nauc_mrr_at_3_diff1": 41.67576934001856, + "nauc_mrr_at_3_max": 34.220331609509586, + "nauc_mrr_at_3_std": 0.2681645968292583, + "nauc_mrr_at_5_diff1": 41.25801597151194, + "nauc_mrr_at_5_max": 34.28051747187494, + "nauc_mrr_at_5_std": 0.7512368738269359, + "nauc_ndcg_at_1000_diff1": 37.33571905289884, + "nauc_ndcg_at_1000_max": 32.386682549906645, + "nauc_ndcg_at_1000_std": 5.178519279028532, + "nauc_ndcg_at_100_diff1": 36.964657701725564, + "nauc_ndcg_at_100_max": 31.285424273176197, + "nauc_ndcg_at_100_std": 5.2425868283455985, + "nauc_ndcg_at_10_diff1": 37.27732435458774, + "nauc_ndcg_at_10_max": 28.84472459395174, + "nauc_ndcg_at_10_std": 0.4065378878005523, + "nauc_ndcg_at_1_diff1": 45.80451390127011, + "nauc_ndcg_at_1_max": 34.5836075937778, + "nauc_ndcg_at_1_std": -1.2520732162148687, + "nauc_ndcg_at_20_diff1": 36.941897541551505, + "nauc_ndcg_at_20_max": 29.63888858566235, + "nauc_ndcg_at_20_std": 2.372793909457969, + "nauc_ndcg_at_3_diff1": 37.90735452944114, + "nauc_ndcg_at_3_max": 29.948026969129543, + "nauc_ndcg_at_3_std": -1.0585917576906725, + "nauc_ndcg_at_5_diff1": 37.59875176994766, + "nauc_ndcg_at_5_max": 28.617625143556264, + "nauc_ndcg_at_5_std": -0.9202152226855952, + "nauc_precision_at_1000_diff1": -1.842530043167204, + "nauc_precision_at_1000_max": 31.736279234645604, + "nauc_precision_at_1000_std": 20.47877783043743, + "nauc_precision_at_100_diff1": 5.537122423054518, + "nauc_precision_at_100_max": 36.50948967541072, + "nauc_precision_at_100_std": 23.89557428126227, + "nauc_precision_at_10_diff1": 18.643305289257178, + "nauc_precision_at_10_max": 38.50576761086419, + "nauc_precision_at_10_std": 12.13351332500471, + "nauc_precision_at_1_diff1": 45.80451390127011, + "nauc_precision_at_1_max": 34.5836075937778, + "nauc_precision_at_1_std": -1.2520732162148687, + "nauc_precision_at_20_diff1": 14.278241914224024, + "nauc_precision_at_20_max": 38.46094800402192, + "nauc_precision_at_20_std": 16.98733564794925, + "nauc_precision_at_3_diff1": 28.04687109150208, + "nauc_precision_at_3_max": 37.208872365419154, + "nauc_precision_at_3_std": 4.456711276122235, + "nauc_precision_at_5_diff1": 23.839704326874223, + "nauc_precision_at_5_max": 38.2698854604425, + "nauc_precision_at_5_std": 7.929623249647425, + "nauc_recall_at_1000_diff1": 18.255196640208556, + "nauc_recall_at_1000_max": 29.049424513466704, + "nauc_recall_at_1000_std": 40.88677106793111, + "nauc_recall_at_100_diff1": 22.13278638781853, + "nauc_recall_at_100_max": 23.170448924733204, + "nauc_recall_at_100_std": 21.807403505494804, + "nauc_recall_at_10_diff1": 28.08883464717724, + "nauc_recall_at_10_max": 21.404728891014717, + "nauc_recall_at_10_std": 2.2419813761011773, + "nauc_recall_at_1_diff1": 43.584307937822494, + "nauc_recall_at_1_max": 19.122356537834335, + "nauc_recall_at_1_std": -5.768218333994525, + "nauc_recall_at_20_diff1": 25.649658018758327, + "nauc_recall_at_20_max": 21.944991459430334, + "nauc_recall_at_20_std": 7.8871985597412095, + "nauc_recall_at_3_diff1": 32.750731455991236, + "nauc_recall_at_3_max": 20.017873825740125, + "nauc_recall_at_3_std": -3.8959541909716857, + "nauc_recall_at_5_diff1": 30.296818458928897, + "nauc_recall_at_5_max": 20.547813354339194, + "nauc_recall_at_5_std": -1.7022461655111982, + "ndcg_at_1": 33.964, + "ndcg_at_10": 36.609, + "ndcg_at_100": 43.814, + "ndcg_at_1000": 46.961999999999996, + "ndcg_at_20": 39.222, + "ndcg_at_3": 32.414, + "ndcg_at_5": 33.824, + "precision_at_1": 33.964, + "precision_at_10": 10.096, + "precision_at_100": 1.7420000000000002, + "precision_at_1000": 0.22899999999999998, + "precision_at_20": 6.146, + "precision_at_3": 21.309, + "precision_at_5": 15.822, + "recall_at_1": 17.941, + "recall_at_10": 44.019999999999996, + "recall_at_100": 71.57900000000001, + "recall_at_1000": 90.688, + "recall_at_20": 52.214000000000006, + "recall_at_3": 30.152, + "recall_at_5": 35.882 + } + ] + } +} \ No newline at end of file diff --git a/results/brahmairesearch__slx-v0.1/external/ImdbClassification.json b/results/brahmairesearch__slx-v0.1/external/ImdbClassification.json new file mode 100644 index 000000000..f537c77ae --- /dev/null +++ b/results/brahmairesearch__slx-v0.1/external/ImdbClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.763999999999996, + "ap": 57.19090390623197, + "ap_weighted": 57.19090390623197, + "f1": 61.41638740871057, + "f1_weighted": 61.41638740871057, + "main_score": 61.763999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/brahmairesearch__slx-v0.1/external/MTOPDomainClassification.json b/results/brahmairesearch__slx-v0.1/external/MTOPDomainClassification.json new file mode 100644 index 000000000..5f44c4afd --- /dev/null +++ b/results/brahmairesearch__slx-v0.1/external/MTOPDomainClassification.json @@ -0,0 +1,132 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.67806657546741, + "f1": 91.255563138932, + "f1_weighted": 91.67838466213225, + "main_score": 91.67806657546741 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 70.47337278106508, + "f1": 67.2214808141468, + "f1_weighted": 70.40312934833233, + "main_score": 70.47337278106508 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 72.99199466310873, + "f1": 70.49410629424256, + "f1_weighted": 73.17064507343018, + "main_score": 72.99199466310873 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 75.09865330410273, + "f1": 72.27554297058502, + "f1_weighted": 75.09636807556879, + "main_score": 75.09865330410273 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 40.73861599139475, + "f1": 38.73178840632667, + "f1_weighted": 39.80798049928233, + "main_score": 40.73861599139475 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 16.40867992766727, + "f1": 12.678924539856768, + "f1_weighted": 13.167968855792815, + "main_score": 16.40867992766727 + } + ], + "validation": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.96868008948546, + "f1": 91.96167311423682, + "f1_weighted": 91.93715165013899, + "main_score": 91.96868008948546 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 70.39118457300276, + "f1": 67.76272194382894, + "f1_weighted": 70.25335384362819, + "main_score": 70.39118457300276 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 73.35297969875573, + "f1": 71.78213608249169, + "f1_weighted": 73.36604149635156, + "main_score": 73.35297969875573 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 75.57387444514902, + "f1": 73.82790466941917, + "f1_weighted": 75.53887538348995, + "main_score": 75.57387444514902 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 39.05566600397614, + "f1": 37.43458014268371, + "f1_weighted": 38.01336076899539, + "main_score": 39.05566600397614 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 17.08557749850389, + "f1": 12.890503127470817, + "f1_weighted": 13.244607545895454, + "main_score": 17.08557749850389 + } + ] + } +} \ No newline at end of file diff --git a/results/brahmairesearch__slx-v0.1/external/MTOPIntentClassification.json b/results/brahmairesearch__slx-v0.1/external/MTOPIntentClassification.json new file mode 100644 index 000000000..345e7b1e9 --- /dev/null +++ b/results/brahmairesearch__slx-v0.1/external/MTOPIntentClassification.json @@ -0,0 +1,132 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.55494756041951, + "f1": 42.98989289014766, + "f1_weighted": 63.811676869594066, + "main_score": 61.55494756041951 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 45.70019723865878, + "f1": 26.66317456263853, + "f1_weighted": 50.353986633624025, + "main_score": 45.70019723865878 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 44.18945963975983, + "f1": 28.25625231122317, + "f1_weighted": 47.783139674233944, + "main_score": 44.18945963975983 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 39.67115565299092, + "f1": 26.291493274214993, + "f1_weighted": 43.37932154450208, + "main_score": 39.67115565299092 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 18.694872714234492, + "f1": 11.148407283390524, + "f1_weighted": 20.105783711366733, + "main_score": 18.694872714234492 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 4.929475587703436, + "f1": 1.7790992902986407, + "f1_weighted": 4.492570333550388, + "main_score": 4.929475587703436 + } + ], + "validation": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 63.29753914988815, + "f1": 43.9610667106009, + "f1_weighted": 65.65735539710052, + "main_score": 63.29753914988815 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 45.26170798898072, + "f1": 26.741527246560192, + "f1_weighted": 49.742655367297125, + "main_score": 45.26170798898072 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 44.89849377865095, + "f1": 27.92276489012525, + "f1_weighted": 48.82599076071894, + "main_score": 44.89849377865095 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 41.122384273937854, + "f1": 26.51788565339205, + "f1_weighted": 45.37347241302537, + "main_score": 41.122384273937854 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 18.295228628230614, + "f1": 10.62841192331815, + "f1_weighted": 20.10020306825243, + "main_score": 18.295228628230614 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 4.679832435667265, + "f1": 1.4100910111798104, + "f1_weighted": 4.484127843515124, + "main_score": 4.679832435667265 + } + ] + } +} \ No newline at end of file diff --git a/results/brahmairesearch__slx-v0.1/external/MassiveIntentClassification.json b/results/brahmairesearch__slx-v0.1/external/MassiveIntentClassification.json new file mode 100644 index 000000000..f9d732b5f --- /dev/null +++ b/results/brahmairesearch__slx-v0.1/external/MassiveIntentClassification.json @@ -0,0 +1,1032 @@ +{ + "dataset_revision": "4672e20407010da34463acc759c162ca9734bca6", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 38.086751849361136, + "f1": 36.11433662841115, + "f1_weighted": 36.93038369402614, + "main_score": 38.086751849361136 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 37.92199058507062, + "f1": 34.60519784488147, + "f1_weighted": 35.950268585418996, + "main_score": 37.92199058507062 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 20.349697377269674, + "f1": 19.861798467575174, + "f1_weighted": 18.70291426330083, + "main_score": 20.349697377269674 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 13.103564223268327, + "f1": 10.555573966204612, + "f1_weighted": 11.869621416732963, + "main_score": 13.103564223268327 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 39.364492266308, + "f1": 37.28880607134204, + "f1_weighted": 39.01204053143529, + "main_score": 39.364492266308 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 3.137188971082717, + "f1": 1.803764694912577, + "f1_weighted": 1.7679872665866818, + "main_score": 3.137188971082717 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 14.421654337592466, + "f1": 13.031038633914898, + "f1_weighted": 13.789862802298627, + "main_score": 14.421654337592466 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 39.02488231338265, + "f1": 37.86673210576318, + "f1_weighted": 37.823236315873395, + "main_score": 39.02488231338265 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 35.69266980497646, + "f1": 32.98593515150782, + "f1_weighted": 33.90511358743444, + "main_score": 35.69266980497646 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 34.98318762609281, + "f1": 33.25847632986703, + "f1_weighted": 34.076934200097995, + "main_score": 34.98318762609281 + }, + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 37.45124411566913, + "f1": 35.21970315557138, + "f1_weighted": 36.656779928093414, + "main_score": 37.45124411566913 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 19.09549428379287, + "f1": 16.245850854202946, + "f1_weighted": 16.50701036721965, + "main_score": 19.09549428379287 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 9.071956960322797, + "f1": 6.8882995804813625, + "f1_weighted": 6.7010161888617885, + "main_score": 9.071956960322797 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 38.36583725622057, + "f1": 36.03704649473293, + "f1_weighted": 36.88952299930921, + "main_score": 38.36583725622057 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 43.43981170141224, + "f1": 39.39202567196366, + "f1_weighted": 42.30160905333017, + "main_score": 43.43981170141224 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 34.54270342972428, + "f1": 31.837608673605907, + "f1_weighted": 33.72760611633263, + "main_score": 34.54270342972428 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 19.045057162071284, + "f1": 16.31803976047297, + "f1_weighted": 18.729068739019098, + "main_score": 19.045057162071284 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 36.70477471418965, + "f1": 34.93749444423004, + "f1_weighted": 35.48898823367354, + "main_score": 36.70477471418965 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 27.579018157363823, + "f1": 25.535991275273595, + "f1_weighted": 25.358345328783244, + "main_score": 27.579018157363823 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 29.94620040349697, + "f1": 28.408315569879456, + "f1_weighted": 28.81573218712015, + "main_score": 29.94620040349697 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 40.69939475453935, + "f1": 38.477734363969404, + "f1_weighted": 39.68395794831442, + "main_score": 40.69939475453935 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 17.69670477471419, + "f1": 15.137821954421135, + "f1_weighted": 15.510410368460576, + "main_score": 17.69670477471419 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 22.478143913920647, + "f1": 19.045337279029027, + "f1_weighted": 20.912483391495744, + "main_score": 22.478143913920647 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 35.914593140551446, + "f1": 33.26097776927041, + "f1_weighted": 34.564460184085924, + "main_score": 35.914593140551446 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 2.8715534633490245, + "f1": 0.8826899264059154, + "f1_weighted": 1.5500961747802322, + "main_score": 2.8715534633490245 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 35.067249495628786, + "f1": 32.71762741548739, + "f1_weighted": 33.65549567716296, + "main_score": 35.067249495628786 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 11.257565568258237, + "f1": 6.699654567486038, + "f1_weighted": 8.520348967670168, + "main_score": 11.257565568258237 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 22.558843308675186, + "f1": 19.167706620238604, + "f1_weighted": 20.696119220934033, + "main_score": 22.558843308675186 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 41.00201748486886, + "f1": 39.04982458105756, + "f1_weighted": 40.24257427134743, + "main_score": 41.00201748486886 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 40.195023537323465, + "f1": 37.167146410844765, + "f1_weighted": 39.20176678895285, + "main_score": 40.195023537323465 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 2.4579690652320108, + "f1": 1.0961357689202462, + "f1_weighted": 1.6357127179714857, + "main_score": 2.4579690652320108 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 4.889038332212508, + "f1": 1.6988884567635383, + "f1_weighted": 2.1397976733510236, + "main_score": 4.889038332212508 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 4.236718224613316, + "f1": 1.365086613554998, + "f1_weighted": 2.1871017188572592, + "main_score": 4.236718224613316 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 16.045729657027568, + "f1": 14.667848010256822, + "f1_weighted": 14.905917887308808, + "main_score": 16.045729657027568 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 36.97041022192333, + "f1": 35.23835305062667, + "f1_weighted": 35.864159034804246, + "main_score": 36.97041022192333 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 40.53799596503026, + "f1": 37.99155380435985, + "f1_weighted": 39.26420797633916, + "main_score": 40.53799596503026 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 11.314727639542706, + "f1": 8.332310541951045, + "f1_weighted": 8.656954174949675, + "main_score": 11.314727639542706 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 31.866173503698725, + "f1": 28.373846581008888, + "f1_weighted": 30.75079780523907, + "main_score": 31.866173503698725 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 66.93678547410894, + "f1": 64.47560446428436, + "f1_weighted": 65.872078022765, + "main_score": 66.93678547410894 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 41.59381304640215, + "f1": 40.573246109791775, + "f1_weighted": 39.37933707666826, + "main_score": 41.59381304640215 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 42.545393409549426, + "f1": 39.971291296333675, + "f1_weighted": 41.059568632107236, + "main_score": 42.545393409549426 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 30.63214525891056, + "f1": 29.837265257918045, + "f1_weighted": 30.25849671667742, + "main_score": 30.63214525891056 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 33.75924680564896, + "f1": 32.01435255557262, + "f1_weighted": 32.719918426691144, + "main_score": 33.75924680564896 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 37.0880968392737, + "f1": 35.56236146174331, + "f1_weighted": 35.20606888414104, + "main_score": 37.0880968392737 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 36.065904505716205, + "f1": 32.62705085748215, + "f1_weighted": 35.41890132681854, + "main_score": 36.065904505716205 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 24.40147948890384, + "f1": 19.47454731610046, + "f1_weighted": 22.92591950140824, + "main_score": 24.40147948890384 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 2.6227303295225286, + "f1": 1.1775617480474232, + "f1_weighted": 1.1872876016953893, + "main_score": 2.6227303295225286 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 43.7626092804304, + "f1": 42.092891715123194, + "f1_weighted": 42.498389773010075, + "main_score": 43.7626092804304 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 24.18628110289173, + "f1": 20.39372975821234, + "f1_weighted": 22.94692663780649, + "main_score": 24.18628110289173 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 7.616005379959651, + "f1": 6.343861198263652, + "f1_weighted": 6.77160484781972, + "main_score": 7.616005379959651 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 39.87558843308675, + "f1": 38.67761288837852, + "f1_weighted": 38.28774727977292, + "main_score": 39.87558843308675 + } + ], + "validation": [ + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 37.99803246433842, + "f1": 35.571161617931, + "f1_weighted": 36.5486545723221, + "main_score": 37.99803246433842 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 38.09149040826365, + "f1": 33.912274295119246, + "f1_weighted": 36.556756266143424, + "main_score": 38.09149040826365 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 18.883423512051152, + "f1": 19.041570438181193, + "f1_weighted": 17.536161028823024, + "main_score": 18.883423512051152 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 12.095425479586815, + "f1": 9.44042542776349, + "f1_weighted": 10.652119351710839, + "main_score": 12.095425479586815 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 38.180029513034924, + "f1": 35.58485149410359, + "f1_weighted": 37.72851368367536, + "main_score": 38.180029513034924 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 3.3939990162321694, + "f1": 1.7394879433186086, + "f1_weighted": 1.892238297322192, + "main_score": 3.3939990162321694 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 15.115592720118054, + "f1": 13.46005538295957, + "f1_weighted": 14.16919822946092, + "main_score": 15.115592720118054 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 38.603049680275454, + "f1": 37.08063906822963, + "f1_weighted": 37.65472896582819, + "main_score": 38.603049680275454 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 33.78750614854894, + "f1": 30.662355819597785, + "f1_weighted": 32.26765980385126, + "main_score": 33.78750614854894 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 33.87112641416626, + "f1": 31.313377740863498, + "f1_weighted": 33.287299550709, + "main_score": 33.87112641416626 + }, + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 36.527299557304474, + "f1": 33.02759229029607, + "f1_weighted": 36.016677318648846, + "main_score": 36.527299557304474 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 19.65076242006886, + "f1": 16.549837961668384, + "f1_weighted": 17.132067511217453, + "main_score": 19.65076242006886 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 8.55386128873586, + "f1": 6.415373906918898, + "f1_weighted": 6.60471921971805, + "main_score": 8.55386128873586 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 36.96507624200689, + "f1": 33.99800370106888, + "f1_weighted": 36.00766842653996, + "main_score": 36.96507624200689 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 42.21347761928185, + "f1": 37.74171313861854, + "f1_weighted": 41.43749251098024, + "main_score": 42.21347761928185 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 33.68421052631579, + "f1": 31.188626291842482, + "f1_weighted": 33.249819486045396, + "main_score": 33.68421052631579 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 18.017707820954254, + "f1": 15.558588275187308, + "f1_weighted": 17.54058461476561, + "main_score": 18.017707820954254 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 36.45351696999508, + "f1": 34.233566716511376, + "f1_weighted": 35.36719539566772, + "main_score": 36.45351696999508 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 27.142154451549438, + "f1": 24.311088224979716, + "f1_weighted": 24.84555275904934, + "main_score": 27.142154451549438 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 29.508116084604037, + "f1": 27.86281238749086, + "f1_weighted": 28.407351060310482, + "main_score": 29.508116084604037 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 40.23610427939007, + "f1": 37.95893196593081, + "f1_weighted": 39.39603192315687, + "main_score": 40.23610427939007 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 17.60452533202164, + "f1": 15.495897100004944, + "f1_weighted": 15.596388275508538, + "main_score": 17.60452533202164 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 20.5607476635514, + "f1": 17.675374159708515, + "f1_weighted": 19.432282025476216, + "main_score": 20.5607476635514 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 35.60255779636006, + "f1": 32.78297558762236, + "f1_weighted": 34.32527584584245, + "main_score": 35.60255779636006 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 2.5430398425971474, + "f1": 0.7706095852996598, + "f1_weighted": 1.2018821749877568, + "main_score": 2.5430398425971474 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 34.13674372848008, + "f1": 31.719688822492387, + "f1_weighted": 33.07325807880738, + "main_score": 34.13674372848008 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 10.30004918839154, + "f1": 6.0202899457504, + "f1_weighted": 7.74369598826699, + "main_score": 10.30004918839154 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 24.10723069355632, + "f1": 19.538712594354973, + "f1_weighted": 22.09409475414598, + "main_score": 24.10723069355632 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 39.6704377766847, + "f1": 37.55589462060647, + "f1_weighted": 38.91373315382284, + "main_score": 39.6704377766847 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 38.170191834727, + "f1": 34.725273063201136, + "f1_weighted": 37.095919315908134, + "main_score": 38.170191834727 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 2.247909493359567, + "f1": 0.8785673795123102, + "f1_weighted": 1.470066565713873, + "main_score": 2.247909493359567 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 4.505656665027054, + "f1": 1.4939433603970276, + "f1_weighted": 1.8350229640902833, + "main_score": 4.505656665027054 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 4.485981308411215, + "f1": 1.5284494127111021, + "f1_weighted": 2.272480025721987, + "main_score": 4.485981308411215 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 16.089522872602068, + "f1": 14.43473898813613, + "f1_weighted": 15.329305231025254, + "main_score": 16.089522872602068 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 36.227250368912934, + "f1": 34.00381760992141, + "f1_weighted": 35.552698832679816, + "main_score": 36.227250368912934 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 39.296606000983765, + "f1": 36.25940749915232, + "f1_weighted": 38.20146669419212, + "main_score": 39.296606000983765 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 11.43138219380226, + "f1": 8.015827788153656, + "f1_weighted": 8.778813149533917, + "main_score": 11.43138219380226 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 30.52139695031972, + "f1": 26.287093284533835, + "f1_weighted": 30.035549978599217, + "main_score": 30.52139695031972 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 67.93900639449089, + "f1": 63.595691964600896, + "f1_weighted": 66.60062895081047, + "main_score": 67.93900639449089 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 40.84112149532711, + "f1": 39.156304457716494, + "f1_weighted": 39.012909931390624, + "main_score": 40.84112149532711 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 41.94786030496802, + "f1": 38.495265937479395, + "f1_weighted": 40.444292818958026, + "main_score": 41.94786030496802 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 28.74077717658633, + "f1": 28.2493939628517, + "f1_weighted": 28.748153549609935, + "main_score": 28.74077717658633 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 33.09394982784063, + "f1": 30.529832436386812, + "f1_weighted": 32.35594077483882, + "main_score": 33.09394982784063 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 37.363502213477624, + "f1": 34.523304417413, + "f1_weighted": 35.4545002559176, + "main_score": 37.363502213477624 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 34.96802754549926, + "f1": 30.92574226486116, + "f1_weighted": 34.22995777308236, + "main_score": 34.96802754549926 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 25.91244466305952, + "f1": 20.296802475937273, + "f1_weighted": 24.0961502305895, + "main_score": 25.91244466305952 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 2.4446630595179535, + "f1": 1.014404183852614, + "f1_weighted": 1.1197496207269353, + "main_score": 2.4446630595179535 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 42.59714707329071, + "f1": 40.90151347161461, + "f1_weighted": 41.328070472204516, + "main_score": 42.59714707329071 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 22.49877029021151, + "f1": 19.510859895669057, + "f1_weighted": 21.319652891287575, + "main_score": 22.49877029021151 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 7.132316773241515, + "f1": 5.463897630896959, + "f1_weighted": 6.112087831194722, + "main_score": 7.132316773241515 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 40.6345302508608, + "f1": 38.90613233845256, + "f1_weighted": 38.89331878659355, + "main_score": 40.6345302508608 + } + ] + } +} \ No newline at end of file diff --git a/results/brahmairesearch__slx-v0.1/external/MassiveScenarioClassification.json b/results/brahmairesearch__slx-v0.1/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..cb329e009 --- /dev/null +++ b/results/brahmairesearch__slx-v0.1/external/MassiveScenarioClassification.json @@ -0,0 +1,1032 @@ +{ + "dataset_revision": "fad2c6e8459f9e1c45d9315f4953d921437d70f8", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 42.94889038332212, + "f1": 39.92279896396741, + "f1_weighted": 42.81501645437316, + "main_score": 42.94889038332212 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 45.689307330195014, + "f1": 42.28756767910468, + "f1_weighted": 44.75170639258308, + "main_score": 45.689307330195014 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 25.47074646940148, + "f1": 23.552199678741083, + "f1_weighted": 24.505334719658176, + "main_score": 25.47074646940148 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 20.5581708137189, + "f1": 17.429451637349384, + "f1_weighted": 18.791290411838688, + "main_score": 20.5581708137189 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 44.66711499663752, + "f1": 42.18130687898006, + "f1_weighted": 44.699898238606934, + "main_score": 44.66711499663752 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 7.8480161398789505, + "f1": 5.10837206129005, + "f1_weighted": 5.442449997785076, + "main_score": 7.8480161398789505 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 23.725622057834567, + "f1": 20.827908973901494, + "f1_weighted": 23.138568493821328, + "main_score": 23.725622057834567 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 43.45662407531943, + "f1": 41.28033604461074, + "f1_weighted": 43.501973363018244, + "main_score": 43.45662407531943 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 41.61062542030935, + "f1": 38.43297104331772, + "f1_weighted": 40.7669700275472, + "main_score": 41.61062542030935 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 43.322125084061874, + "f1": 39.6211632212371, + "f1_weighted": 42.367281241374585, + "main_score": 43.322125084061874 + }, + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 43.87020847343644, + "f1": 41.427117150156676, + "f1_weighted": 43.879857280798575, + "main_score": 43.87020847343644 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 23.96772024209818, + "f1": 21.123340579548803, + "f1_weighted": 22.459078400625554, + "main_score": 23.96772024209818 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 14.922663080026902, + "f1": 12.625046398705834, + "f1_weighted": 13.208082038502415, + "main_score": 14.922663080026902 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 42.38399462004034, + "f1": 38.751110741837934, + "f1_weighted": 42.35679472298691, + "main_score": 42.38399462004034 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 51.46940147948891, + "f1": 48.161468971752576, + "f1_weighted": 50.70367870119378, + "main_score": 51.46940147948891 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 39.004707464694015, + "f1": 35.53806288814433, + "f1_weighted": 38.65014652888815, + "main_score": 39.004707464694015 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 25.98520511096167, + "f1": 24.385748402000768, + "f1_weighted": 26.072306868085604, + "main_score": 25.98520511096167 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 41.90316072629455, + "f1": 39.6868264721523, + "f1_weighted": 41.22071520745331, + "main_score": 41.90316072629455 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 30.464021519838596, + "f1": 28.646951236504954, + "f1_weighted": 28.83842973933925, + "main_score": 30.464021519838596 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 36.11970410221923, + "f1": 34.342908333441194, + "f1_weighted": 35.518852396328384, + "main_score": 36.11970410221923 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 47.20578345662407, + "f1": 44.49009211178284, + "f1_weighted": 46.95455303245114, + "main_score": 47.20578345662407 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 23.708809683927374, + "f1": 21.74578684210376, + "f1_weighted": 22.473324333506838, + "main_score": 23.708809683927374 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 24.008069939475448, + "f1": 22.220630738064763, + "f1_weighted": 23.500947443709617, + "main_score": 24.008069939475448 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 43.58776059179556, + "f1": 40.12797109898581, + "f1_weighted": 43.09644178069442, + "main_score": 43.58776059179556 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 7.673167451244114, + "f1": 3.511854125479099, + "f1_weighted": 4.265638725280987, + "main_score": 7.673167451244114 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 43.67182246133153, + "f1": 39.655809226546545, + "f1_weighted": 43.29137560706826, + "main_score": 43.67182246133153 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 19.502353732347004, + "f1": 14.334939233252669, + "f1_weighted": 16.37184741839454, + "main_score": 19.502353732347004 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 31.176866173503697, + "f1": 30.619127089356617, + "f1_weighted": 29.056975568522585, + "main_score": 31.176866173503697 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 47.017484868863484, + "f1": 44.62052303129514, + "f1_weighted": 46.91154914611081, + "main_score": 47.017484868863484 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 48.42972427706792, + "f1": 45.12440632448532, + "f1_weighted": 48.25021698338815, + "main_score": 48.42972427706792 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 7.948890383322126, + "f1": 3.9403181349064584, + "f1_weighted": 4.705877373977869, + "main_score": 7.948890383322126 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 9.246805648957633, + "f1": 4.129891064498778, + "f1_weighted": 5.602493897517791, + "main_score": 9.246805648957633 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 10.605245460659045, + "f1": 5.809876826200103, + "f1_weighted": 6.253432663208695, + "main_score": 10.605245460659045 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 20.299260255548084, + "f1": 18.44287875551232, + "f1_weighted": 19.12844812544342, + "main_score": 20.299260255548084 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 40.43039677202421, + "f1": 38.92467028982438, + "f1_weighted": 39.42730020848229, + "main_score": 40.43039677202421 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 48.23133826496301, + "f1": 45.4324412715274, + "f1_weighted": 47.97005141245953, + "main_score": 48.23133826496301 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 17.370544720914594, + "f1": 14.578479484069462, + "f1_weighted": 14.448203779557739, + "main_score": 17.370544720914594 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 37.299932750504375, + "f1": 35.808981859994304, + "f1_weighted": 36.207622383681745, + "main_score": 37.299932750504375 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.80968392737056, + "f1": 73.47140983203266, + "f1_weighted": 73.82205293897218, + "main_score": 73.80968392737056 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 49.8016139878951, + "f1": 46.14008662393035, + "f1_weighted": 49.17675388568613, + "main_score": 49.8016139878951 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 51.14324142568931, + "f1": 48.85145683203006, + "f1_weighted": 50.37835045676896, + "main_score": 51.14324142568931 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 35.58507061197041, + "f1": 33.542237010785854, + "f1_weighted": 34.93497874727777, + "main_score": 35.58507061197041 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 38.853396099529256, + "f1": 38.42403488960939, + "f1_weighted": 37.959951965899265, + "main_score": 38.853396099529256 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 40.474108944182916, + "f1": 38.470544281299496, + "f1_weighted": 39.664332190167286, + "main_score": 40.474108944182916 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 43.8231338264963, + "f1": 41.3296940713539, + "f1_weighted": 43.88699524977039, + "main_score": 43.8231338264963 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 33.648285137861464, + "f1": 31.47898170038156, + "f1_weighted": 32.81256195033526, + "main_score": 33.648285137861464 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 7.572293207800941, + "f1": 3.683258159199767, + "f1_weighted": 3.966547308224644, + "main_score": 7.572293207800941 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 50.716207128446534, + "f1": 48.42212962506996, + "f1_weighted": 49.989471189982055, + "main_score": 50.716207128446534 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 31.297915265635506, + "f1": 26.951282088939394, + "f1_weighted": 31.737054842062918, + "main_score": 31.297915265635506 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 13.026227303295226, + "f1": 11.207195434897372, + "f1_weighted": 11.85104323420264, + "main_score": 13.026227303295226 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 48.99798251513114, + "f1": 46.34397271008467, + "f1_weighted": 48.626317696475084, + "main_score": 48.99798251513114 + } + ], + "validation": [ + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 42.91687161829808, + "f1": 40.834447863798964, + "f1_weighted": 42.49909938470801, + "main_score": 42.91687161829808 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 46.35022134776193, + "f1": 43.87163502391931, + "f1_weighted": 45.21092209683288, + "main_score": 46.35022134776193 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 24.146581406787995, + "f1": 22.771605688136933, + "f1_weighted": 22.88849491826262, + "main_score": 24.146581406787995 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 19.758976881455975, + "f1": 16.426836405449265, + "f1_weighted": 17.9501743960883, + "main_score": 19.758976881455975 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 43.39399901623217, + "f1": 42.08575847291634, + "f1_weighted": 42.985579530310545, + "main_score": 43.39399901623217 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 8.352188883423512, + "f1": 5.4319870750035655, + "f1_weighted": 5.76179219962643, + "main_score": 8.352188883423512 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 23.330054107230694, + "f1": 20.76106092272521, + "f1_weighted": 22.500458051747803, + "main_score": 23.330054107230694 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 43.03492375799311, + "f1": 42.04623013147629, + "f1_weighted": 42.714825173227844, + "main_score": 43.03492375799311 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 39.28184948352189, + "f1": 37.28207272023906, + "f1_weighted": 38.66596196857041, + "main_score": 39.28184948352189 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 41.83472700442695, + "f1": 38.437121211879344, + "f1_weighted": 40.81552197018151, + "main_score": 41.83472700442695 + }, + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 43.55632070831284, + "f1": 41.9077592573678, + "f1_weighted": 43.19055309721229, + "main_score": 43.55632070831284 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 22.911952779144123, + "f1": 20.577786095120953, + "f1_weighted": 21.398823308631364, + "main_score": 22.911952779144123 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 14.13182488932612, + "f1": 11.966053928003031, + "f1_weighted": 12.270142836001305, + "main_score": 14.13182488932612 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 40.718150516478104, + "f1": 38.17397699913776, + "f1_weighted": 40.52057648170645, + "main_score": 40.718150516478104 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 50.0491883915396, + "f1": 47.457452418209215, + "f1_weighted": 49.29879443565884, + "main_score": 50.0491883915396 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 38.77520905066404, + "f1": 36.306659367248585, + "f1_weighted": 38.18076670087933, + "main_score": 38.77520905066404 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 24.372848007870147, + "f1": 23.375574019717764, + "f1_weighted": 24.450726012967433, + "main_score": 24.372848007870147 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 41.41662567634039, + "f1": 39.927941364142164, + "f1_weighted": 40.707199435222265, + "main_score": 41.41662567634039 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 29.950811608460405, + "f1": 28.09393050390538, + "f1_weighted": 27.96901633099781, + "main_score": 29.950811608460405 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 35.194294146581406, + "f1": 34.500540449666644, + "f1_weighted": 34.62959263582815, + "main_score": 35.194294146581406 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 45.489424495818994, + "f1": 44.133464380702, + "f1_weighted": 45.307039276499495, + "main_score": 45.489424495818994 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 23.148057058534185, + "f1": 21.028366501452783, + "f1_weighted": 21.75365289495613, + "main_score": 23.148057058534185 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 23.92031480570585, + "f1": 22.631072481214698, + "f1_weighted": 23.317461061943888, + "main_score": 23.92031480570585 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 42.818494835218885, + "f1": 40.65508383583419, + "f1_weighted": 42.03672746056766, + "main_score": 42.818494835218885 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 7.481554353172652, + "f1": 3.2851114662893375, + "f1_weighted": 4.060224724153365, + "main_score": 7.481554353172652 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 42.3905558288244, + "f1": 39.349177885755594, + "f1_weighted": 41.921424413948465, + "main_score": 42.3905558288244 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 18.844072798819482, + "f1": 14.460068928964509, + "f1_weighted": 15.901333931287981, + "main_score": 18.844072798819482 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 33.266109198229216, + "f1": 32.52632049354786, + "f1_weighted": 30.807752942648815, + "main_score": 33.266109198229216 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 44.67781603541564, + "f1": 43.960109885386714, + "f1_weighted": 44.664994077212654, + "main_score": 44.67781603541564 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 46.52238071815052, + "f1": 44.30085571629839, + "f1_weighted": 46.05732031190093, + "main_score": 46.52238071815052 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 7.575012297097886, + "f1": 3.8269769496067125, + "f1_weighted": 4.3790932390435096, + "main_score": 7.575012297097886 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 8.839153959665518, + "f1": 4.053025964209311, + "f1_weighted": 5.367721221788085, + "main_score": 8.839153959665518 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 11.185440236104279, + "f1": 5.98907179062831, + "f1_weighted": 6.3865116891207645, + "main_score": 11.185440236104279 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 20.59026069847516, + "f1": 18.62087210756979, + "f1_weighted": 18.954901563434518, + "main_score": 20.59026069847516 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 40.16232169208067, + "f1": 39.110919025814816, + "f1_weighted": 39.15526244690224, + "main_score": 40.16232169208067 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 47.62420068863748, + "f1": 45.701219028475535, + "f1_weighted": 47.081144935159855, + "main_score": 47.62420068863748 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 17.57993113625184, + "f1": 14.397162397916391, + "f1_weighted": 14.187973554808195, + "main_score": 17.57993113625184 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 37.63895720609936, + "f1": 36.431466368006234, + "f1_weighted": 36.15231062631648, + "main_score": 37.63895720609936 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.91047712739794, + "f1": 73.42316335755856, + "f1_weighted": 73.976091221308, + "main_score": 73.91047712739794 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 49.37038858829316, + "f1": 46.91139679497153, + "f1_weighted": 48.54309440848084, + "main_score": 49.37038858829316 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 50.59026069847516, + "f1": 48.97620841672786, + "f1_weighted": 49.716628221739406, + "main_score": 50.59026069847516 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 35.12051155927201, + "f1": 33.78932792402176, + "f1_weighted": 34.49013486890936, + "main_score": 35.12051155927201 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 38.1947860304968, + "f1": 38.11966822206283, + "f1_weighted": 37.374415624640065, + "main_score": 38.1947860304968 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 40.8903098868667, + "f1": 39.28164808311247, + "f1_weighted": 39.886451969691336, + "main_score": 40.8903098868667 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 42.50368912936547, + "f1": 41.20560095847174, + "f1_weighted": 42.54084069975687, + "main_score": 42.50368912936547 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 35.15986227250368, + "f1": 32.968890810625226, + "f1_weighted": 34.10229959264426, + "main_score": 35.15986227250368 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 7.373339891785538, + "f1": 3.5650569721440686, + "f1_weighted": 3.917440311279737, + "main_score": 7.373339891785538 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 49.51303492375799, + "f1": 48.380650227868685, + "f1_weighted": 48.39701204701856, + "main_score": 49.51303492375799 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 29.29168716182981, + "f1": 26.485015790639988, + "f1_weighted": 29.506958764764725, + "main_score": 29.29168716182981 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 12.36104279390064, + "f1": 10.471347998073597, + "f1_weighted": 10.934154601387776, + "main_score": 12.36104279390064 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 49.30152484013773, + "f1": 47.483089482534794, + "f1_weighted": 48.737862819379586, + "main_score": 49.30152484013773 + } + ] + } +} \ No newline at end of file diff --git a/results/brahmairesearch__slx-v0.1/external/MedrxivClusteringP2P.json b/results/brahmairesearch__slx-v0.1/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..56de436c7 --- /dev/null +++ b/results/brahmairesearch__slx-v0.1/external/MedrxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 34.38933185926366, + "v_measure": 34.38933185926366, + "v_measure_std": 1.5084000520185472 + } + ] + } +} \ No newline at end of file diff --git a/results/brahmairesearch__slx-v0.1/external/MedrxivClusteringS2S.json b/results/brahmairesearch__slx-v0.1/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..ab0446c52 --- /dev/null +++ b/results/brahmairesearch__slx-v0.1/external/MedrxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 31.86351621903201, + "v_measure": 31.86351621903201, + "v_measure_std": 1.7336971951213678 + } + ] + } +} \ No newline at end of file diff --git a/results/brahmairesearch__slx-v0.1/external/RedditClustering.json b/results/brahmairesearch__slx-v0.1/external/RedditClustering.json new file mode 100644 index 000000000..7c98857c0 --- /dev/null +++ b/results/brahmairesearch__slx-v0.1/external/RedditClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 50.68847759621761, + "v_measure": 50.68847759621761, + "v_measure_std": 4.599084917172616 + } + ] + } +} \ No newline at end of file diff --git a/results/brahmairesearch__slx-v0.1/external/RedditClusteringP2P.json b/results/brahmairesearch__slx-v0.1/external/RedditClusteringP2P.json new file mode 100644 index 000000000..12b2812c2 --- /dev/null +++ b/results/brahmairesearch__slx-v0.1/external/RedditClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 54.798454195773715, + "v_measure": 54.798454195773715, + "v_measure_std": 11.285422691786078 + } + ] + } +} \ No newline at end of file diff --git a/results/brahmairesearch__slx-v0.1/external/StackExchangeClustering.json b/results/brahmairesearch__slx-v0.1/external/StackExchangeClustering.json new file mode 100644 index 000000000..90f52c092 --- /dev/null +++ b/results/brahmairesearch__slx-v0.1/external/StackExchangeClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 53.13685840246208, + "v_measure": 53.13685840246208, + "v_measure_std": 5.607312786136468 + } + ] + } +} \ No newline at end of file diff --git a/results/brahmairesearch__slx-v0.1/external/StackExchangeClusteringP2P.json b/results/brahmairesearch__slx-v0.1/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..4ffe54457 --- /dev/null +++ b/results/brahmairesearch__slx-v0.1/external/StackExchangeClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 34.248876064067204, + "v_measure": 34.248876064067204, + "v_measure_std": 1.5582893002039717 + } + ] + } +} \ No newline at end of file diff --git a/results/brahmairesearch__slx-v0.1/external/ToxicConversationsClassification.json b/results/brahmairesearch__slx-v0.1/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..1b349bae0 --- /dev/null +++ b/results/brahmairesearch__slx-v0.1/external/ToxicConversationsClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 62.0947265625, + "ap": 10.421906368823997, + "ap_weighted": 10.421906368823997, + "f1": 47.46373293445412, + "f1_weighted": 70.41497186754889, + "main_score": 62.0947265625 + } + ] + } +} \ No newline at end of file diff --git a/results/brahmairesearch__slx-v0.1/external/TweetSentimentExtractionClassification.json b/results/brahmairesearch__slx-v0.1/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..9c990b40b --- /dev/null +++ b/results/brahmairesearch__slx-v0.1/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 54.04357668364459, + "f1": 54.26674207276355, + "f1_weighted": 53.57672500028157, + "main_score": 54.04357668364459 + } + ] + } +} \ No newline at end of file diff --git a/results/brahmairesearch__slx-v0.1/external/TwentyNewsgroupsClustering.json b/results/brahmairesearch__slx-v0.1/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..5a9d84be4 --- /dev/null +++ b/results/brahmairesearch__slx-v0.1/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 46.49021100388057, + "v_measure": 46.49021100388057, + "v_measure_std": 0.983303557519297 + } + ] + } +} \ No newline at end of file diff --git a/results/brahmairesearch__slx-v0.1/external/model_meta.json b/results/brahmairesearch__slx-v0.1/external/model_meta.json new file mode 100644 index 000000000..a4c602a3f --- /dev/null +++ b/results/brahmairesearch__slx-v0.1/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "brahmairesearch/slx-v0.1", + "revision": "688c83fd1a7f34b25575a2bc26cfd87c11b4ce71", + "release_date": "2024-08-13", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 22713216, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 384, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/chuxin-llm__Chuxin-Embedding/external/CmedqaRetrieval.json b/results/chuxin-llm__Chuxin-Embedding/external/CmedqaRetrieval.json new file mode 100644 index 000000000..a3406c26d --- /dev/null +++ b/results/chuxin-llm__Chuxin-Embedding/external/CmedqaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "cd540c506dae1cf9e9a59c3e06f42030d54e7301", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 33.391999999999996, + "map_at_10": 48.715, + "map_at_100": 50.381, + "map_at_1000": 50.456, + "map_at_3": 43.708999999999996, + "map_at_5": 46.405, + "mrr_at_1": 48.612, + "mrr_at_10": 58.67099999999999, + "mrr_at_100": 59.38, + "mrr_at_1000": 59.396, + "mrr_at_3": 55.906, + "mrr_at_5": 57.421, + "ndcg_at_1": 48.612, + "ndcg_at_10": 56.581, + "ndcg_at_100": 62.422999999999995, + "ndcg_at_1000": 63.476, + "ndcg_at_3": 50.271, + "ndcg_at_5": 52.79899999999999, + "precision_at_1": 48.612, + "precision_at_10": 11.995000000000001, + "precision_at_100": 1.696, + "precision_at_1000": 0.185, + "precision_at_3": 27.465, + "precision_at_5": 19.675, + "recall_at_1": 33.391999999999996, + "recall_at_10": 69.87100000000001, + "recall_at_100": 93.078, + "recall_at_1000": 99.55199999999999, + "recall_at_3": 50.939, + "recall_at_5": 58.714, + "main_score": 56.581 + } + ] + } +} \ No newline at end of file diff --git a/results/chuxin-llm__Chuxin-Embedding/external/CovidRetrieval.json b/results/chuxin-llm__Chuxin-Embedding/external/CovidRetrieval.json new file mode 100644 index 000000000..67a39c402 --- /dev/null +++ b/results/chuxin-llm__Chuxin-Embedding/external/CovidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "1271c7809071a13532e05f25fb53511ffce77117", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 71.918, + "map_at_10": 80.609, + "map_at_100": 80.796, + "map_at_1000": 80.798, + "map_at_3": 79.224, + "map_at_5": 79.96, + "mrr_at_1": 72.076, + "mrr_at_10": 80.61399999999999, + "mrr_at_100": 80.801, + "mrr_at_1000": 80.803, + "mrr_at_3": 79.276, + "mrr_at_5": 80.025, + "ndcg_at_1": 72.076, + "ndcg_at_10": 84.286, + "ndcg_at_100": 85.14500000000001, + "ndcg_at_1000": 85.21, + "ndcg_at_3": 81.45400000000001, + "ndcg_at_5": 82.781, + "precision_at_1": 72.076, + "precision_at_10": 9.663, + "precision_at_100": 1.005, + "precision_at_1000": 0.101, + "precision_at_3": 29.398999999999997, + "precision_at_5": 18.335, + "recall_at_1": 71.918, + "recall_at_10": 95.574, + "recall_at_100": 99.473, + "recall_at_1000": 100.0, + "recall_at_3": 87.82900000000001, + "recall_at_5": 90.991, + "main_score": 84.286 + } + ] + } +} \ No newline at end of file diff --git a/results/chuxin-llm__Chuxin-Embedding/external/DuRetrieval.json b/results/chuxin-llm__Chuxin-Embedding/external/DuRetrieval.json new file mode 100644 index 000000000..59a1c10c0 --- /dev/null +++ b/results/chuxin-llm__Chuxin-Embedding/external/DuRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "a1a333e290fe30b10f3f56498e3a0d911a693ced", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 25.019999999999996, + "map_at_10": 77.744, + "map_at_100": 80.562, + "map_at_1000": 80.60300000000001, + "map_at_3": 52.642999999999994, + "map_at_5": 67.179, + "mrr_at_1": 86.5, + "mrr_at_10": 91.024, + "mrr_at_100": 91.09, + "mrr_at_1000": 91.093, + "mrr_at_3": 90.558, + "mrr_at_5": 90.913, + "ndcg_at_1": 86.5, + "ndcg_at_10": 85.651, + "ndcg_at_100": 88.504, + "ndcg_at_1000": 88.887, + "ndcg_at_3": 82.707, + "ndcg_at_5": 82.596, + "precision_at_1": 86.5, + "precision_at_10": 41.595, + "precision_at_100": 4.7940000000000005, + "precision_at_1000": 0.48900000000000005, + "precision_at_3": 74.233, + "precision_at_5": 63.68000000000001, + "recall_at_1": 25.019999999999996, + "recall_at_10": 88.114, + "recall_at_100": 97.442, + "recall_at_1000": 99.39099999999999, + "recall_at_3": 55.397, + "recall_at_5": 73.095, + "main_score": 85.651 + } + ] + } +} \ No newline at end of file diff --git a/results/chuxin-llm__Chuxin-Embedding/external/EcomRetrieval.json b/results/chuxin-llm__Chuxin-Embedding/external/EcomRetrieval.json new file mode 100644 index 000000000..5136016ba --- /dev/null +++ b/results/chuxin-llm__Chuxin-Embedding/external/EcomRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "687de13dc7294d6fd9be10c6945f9e8fec8166b9", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 55.60000000000001, + "map_at_10": 67.891, + "map_at_100": 68.28699999999999, + "map_at_1000": 68.28699999999999, + "map_at_3": 64.86699999999999, + "map_at_5": 66.652, + "mrr_at_1": 55.60000000000001, + "mrr_at_10": 67.891, + "mrr_at_100": 68.28699999999999, + "mrr_at_1000": 68.28699999999999, + "mrr_at_3": 64.86699999999999, + "mrr_at_5": 66.652, + "ndcg_at_1": 55.60000000000001, + "ndcg_at_10": 74.01100000000001, + "ndcg_at_100": 75.602, + "ndcg_at_1000": 75.602, + "ndcg_at_3": 67.833, + "ndcg_at_5": 71.005, + "precision_at_1": 55.60000000000001, + "precision_at_10": 9.33, + "precision_at_100": 1.0, + "precision_at_1000": 0.1, + "precision_at_3": 25.467000000000002, + "precision_at_5": 16.8, + "recall_at_1": 55.60000000000001, + "recall_at_10": 93.30000000000001, + "recall_at_100": 100.0, + "recall_at_1000": 100.0, + "recall_at_3": 76.4, + "recall_at_5": 84.0, + "main_score": 74.01100000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/chuxin-llm__Chuxin-Embedding/external/MMarcoRetrieval.json b/results/chuxin-llm__Chuxin-Embedding/external/MMarcoRetrieval.json new file mode 100644 index 000000000..e2b713162 --- /dev/null +++ b/results/chuxin-llm__Chuxin-Embedding/external/MMarcoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "539bbde593d947e2a124ba72651aafc09eb33fc2", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 66.24799999999999, + "map_at_10": 75.356, + "map_at_100": 75.653, + "map_at_1000": 75.664, + "map_at_3": 73.515, + "map_at_5": 74.67099999999999, + "mrr_at_1": 68.496, + "mrr_at_10": 75.91499999999999, + "mrr_at_100": 76.17399999999999, + "mrr_at_1000": 76.184, + "mrr_at_3": 74.315, + "mrr_at_5": 75.313, + "ndcg_at_1": 68.496, + "ndcg_at_10": 79.065, + "ndcg_at_100": 80.417, + "ndcg_at_1000": 80.72399999999999, + "ndcg_at_3": 75.551, + "ndcg_at_5": 77.505, + "precision_at_1": 68.496, + "precision_at_10": 9.563, + "precision_at_100": 1.024, + "precision_at_1000": 0.105, + "precision_at_3": 28.391, + "precision_at_5": 18.086, + "recall_at_1": 66.24799999999999, + "recall_at_10": 89.97, + "recall_at_100": 96.13199999999999, + "recall_at_1000": 98.551, + "recall_at_3": 80.624, + "recall_at_5": 85.271, + "main_score": 79.065 + } + ] + } +} \ No newline at end of file diff --git a/results/chuxin-llm__Chuxin-Embedding/external/MedicalRetrieval.json b/results/chuxin-llm__Chuxin-Embedding/external/MedicalRetrieval.json new file mode 100644 index 000000000..186e785f1 --- /dev/null +++ b/results/chuxin-llm__Chuxin-Embedding/external/MedicalRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "2039188fb5800a9803ba5048df7b76e6fb151fc6", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 61.8, + "map_at_10": 71.101, + "map_at_100": 71.576, + "map_at_1000": 71.583, + "map_at_3": 68.867, + "map_at_5": 70.272, + "mrr_at_1": 61.9, + "mrr_at_10": 71.158, + "mrr_at_100": 71.625, + "mrr_at_1000": 71.631, + "mrr_at_3": 68.917, + "mrr_at_5": 70.317, + "ndcg_at_1": 61.8, + "ndcg_at_10": 75.624, + "ndcg_at_100": 77.702, + "ndcg_at_1000": 77.836, + "ndcg_at_3": 71.114, + "ndcg_at_5": 73.636, + "precision_at_1": 61.8, + "precision_at_10": 8.98, + "precision_at_100": 0.9900000000000001, + "precision_at_1000": 0.1, + "precision_at_3": 25.867, + "precision_at_5": 16.74, + "recall_at_1": 61.8, + "recall_at_10": 89.8, + "recall_at_100": 99.0, + "recall_at_1000": 100.0, + "recall_at_3": 77.60000000000001, + "recall_at_5": 83.7, + "main_score": 75.624 + } + ] + } +} \ No newline at end of file diff --git a/results/chuxin-llm__Chuxin-Embedding/external/T2Retrieval.json b/results/chuxin-llm__Chuxin-Embedding/external/T2Retrieval.json new file mode 100644 index 000000000..4af613c4e --- /dev/null +++ b/results/chuxin-llm__Chuxin-Embedding/external/T2Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "8731a845f1bf500a4f111cf1070785c793d10e64", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 27.173000000000002, + "map_at_10": 76.454, + "map_at_100": 80.021, + "map_at_1000": 80.092, + "map_at_3": 53.876999999999995, + "map_at_5": 66.122, + "mrr_at_1": 89.519, + "mrr_at_10": 92.091, + "mrr_at_100": 92.179, + "mrr_at_1000": 92.183, + "mrr_at_3": 91.655, + "mrr_at_5": 91.94, + "ndcg_at_1": 89.519, + "ndcg_at_10": 84.043, + "ndcg_at_100": 87.60900000000001, + "ndcg_at_1000": 88.32799999999999, + "ndcg_at_3": 85.623, + "ndcg_at_5": 84.111, + "precision_at_1": 89.519, + "precision_at_10": 41.760000000000005, + "precision_at_100": 4.982, + "precision_at_1000": 0.515, + "precision_at_3": 74.944, + "precision_at_5": 62.705999999999996, + "recall_at_1": 27.173000000000002, + "recall_at_10": 82.878, + "recall_at_100": 94.527, + "recall_at_1000": 98.24199999999999, + "recall_at_3": 55.589, + "recall_at_5": 69.476, + "main_score": 84.043 + } + ] + } +} \ No newline at end of file diff --git a/results/chuxin-llm__Chuxin-Embedding/external/VideoRetrieval.json b/results/chuxin-llm__Chuxin-Embedding/external/VideoRetrieval.json new file mode 100644 index 000000000..79d4eccf6 --- /dev/null +++ b/results/chuxin-llm__Chuxin-Embedding/external/VideoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "58c2597a5943a2ba48f4668c3b90d796283c5639", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 70.1, + "map_at_10": 79.62, + "map_at_100": 79.804, + "map_at_1000": 79.804, + "map_at_3": 77.81700000000001, + "map_at_5": 79.037, + "mrr_at_1": 70.1, + "mrr_at_10": 79.62, + "mrr_at_100": 79.804, + "mrr_at_1000": 79.804, + "mrr_at_3": 77.81700000000001, + "mrr_at_5": 79.037, + "ndcg_at_1": 70.1, + "ndcg_at_10": 83.83500000000001, + "ndcg_at_100": 84.584, + "ndcg_at_1000": 84.584, + "ndcg_at_3": 80.282, + "ndcg_at_5": 82.472, + "precision_at_1": 70.1, + "precision_at_10": 9.68, + "precision_at_100": 1.0, + "precision_at_1000": 0.1, + "precision_at_3": 29.133, + "precision_at_5": 18.54, + "recall_at_1": 70.1, + "recall_at_10": 96.8, + "recall_at_100": 100.0, + "recall_at_1000": 100.0, + "recall_at_3": 87.4, + "recall_at_5": 92.7, + "main_score": 83.83500000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/chuxin-llm__Chuxin-Embedding/external/model_meta.json b/results/chuxin-llm__Chuxin-Embedding/external/model_meta.json new file mode 100644 index 000000000..7a63e3751 --- /dev/null +++ b/results/chuxin-llm__Chuxin-Embedding/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "chuxin-llm/Chuxin-Embedding", + "revision": "f5073804385a7c27fcfd30fd2e522463a7fc315a", + "release_date": "2024-09-02", + "languages": [ + "zh" + ], + "loader": null, + "n_parameters": 567754752, + "memory_usage": null, + "max_tokens": 8194, + "embed_dim": 1024, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/consciousAI__cai-lunaris-text-embeddings/external/ArguAna.json b/results/consciousAI__cai-lunaris-text-embeddings/external/ArguAna.json new file mode 100644 index 000000000..dc36ec3e2 --- /dev/null +++ b/results/consciousAI__cai-lunaris-text-embeddings/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.07, + "map_at_10": 29.372999999999998, + "map_at_100": 30.79, + "map_at_1000": 30.819999999999997, + "map_at_3": 24.395, + "map_at_5": 27.137, + "mrr_at_1": 17.923000000000002, + "mrr_at_10": 29.695, + "mrr_at_100": 31.098, + "mrr_at_1000": 31.128, + "mrr_at_3": 24.704, + "mrr_at_5": 27.449, + "ndcg_at_1": 17.07, + "ndcg_at_10": 37.269000000000005, + "ndcg_at_100": 43.716, + "ndcg_at_1000": 44.531, + "ndcg_at_3": 26.839000000000002, + "ndcg_at_5": 31.845000000000002, + "precision_at_1": 17.07, + "precision_at_10": 6.3020000000000005, + "precision_at_100": 0.922, + "precision_at_1000": 0.099, + "precision_at_3": 11.309, + "precision_at_5": 9.246, + "recall_at_1": 17.07, + "recall_at_10": 63.016000000000005, + "recall_at_100": 92.24799999999999, + "recall_at_1000": 98.72, + "recall_at_3": 33.926, + "recall_at_5": 46.23, + "main_score": 37.269000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/consciousAI__cai-lunaris-text-embeddings/external/AskUbuntuDupQuestions.json b/results/consciousAI__cai-lunaris-text-embeddings/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..ade83dfe7 --- /dev/null +++ b/results/consciousAI__cai-lunaris-text-embeddings/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 53.44266265900711, + "mrr": 66.54695950402322, + "main_score": 53.44266265900711 + } + ] + } +} \ No newline at end of file diff --git a/results/consciousAI__cai-lunaris-text-embeddings/external/BIOSSES.json b/results/consciousAI__cai-lunaris-text-embeddings/external/BIOSSES.json new file mode 100644 index 000000000..e992998fd --- /dev/null +++ b/results/consciousAI__cai-lunaris-text-embeddings/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 75.9652953730204, + "cos_sim_spearman": 73.96554077670989, + "euclidean_pearson": 75.68477255792381, + "euclidean_spearman": 74.59447076995703, + "manhattan_pearson": 75.94984623881341, + "manhattan_spearman": 74.72218452337502, + "cosine_pearson": 75.9652953730204, + "cosine_spearman": 73.96554077670989, + "main_score": 73.96554077670989 + } + ] + } +} \ No newline at end of file diff --git a/results/consciousAI__cai-lunaris-text-embeddings/external/CQADupstackAndroidRetrieval.json b/results/consciousAI__cai-lunaris-text-embeddings/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..40e2f8be1 --- /dev/null +++ b/results/consciousAI__cai-lunaris-text-embeddings/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 14.119000000000002, + "map_at_10": 19.661, + "map_at_100": 20.706, + "map_at_1000": 20.848, + "map_at_3": 17.759, + "map_at_5": 18.645, + "mrr_at_1": 17.166999999999998, + "mrr_at_10": 23.313, + "mrr_at_100": 24.263, + "mrr_at_1000": 24.352999999999998, + "mrr_at_3": 21.412, + "mrr_at_5": 22.313, + "ndcg_at_1": 17.166999999999998, + "ndcg_at_10": 23.631, + "ndcg_at_100": 28.427000000000003, + "ndcg_at_1000": 31.862000000000002, + "ndcg_at_3": 20.175, + "ndcg_at_5": 21.397, + "precision_at_1": 17.166999999999998, + "precision_at_10": 4.549, + "precision_at_100": 0.8370000000000001, + "precision_at_1000": 0.136, + "precision_at_3": 9.68, + "precision_at_5": 6.981, + "recall_at_1": 14.119000000000002, + "recall_at_10": 32.147999999999996, + "recall_at_100": 52.739999999999995, + "recall_at_1000": 76.67, + "recall_at_3": 22.019, + "recall_at_5": 25.361, + "main_score": 23.631 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.576, + "map_at_10": 22.281000000000002, + "map_at_100": 23.066, + "map_at_1000": 23.166, + "map_at_3": 20.385, + "map_at_5": 21.557000000000002, + "mrr_at_1": 20.892, + "mrr_at_10": 26.605, + "mrr_at_100": 27.229, + "mrr_at_1000": 27.296, + "mrr_at_3": 24.809, + "mrr_at_5": 25.927, + "ndcg_at_1": 20.892, + "ndcg_at_10": 26.092, + "ndcg_at_100": 29.398999999999997, + "ndcg_at_1000": 31.884, + "ndcg_at_3": 23.032, + "ndcg_at_5": 24.634, + "precision_at_1": 20.892, + "precision_at_10": 4.885, + "precision_at_100": 0.818, + "precision_at_1000": 0.126, + "precision_at_3": 10.977, + "precision_at_5": 8.013, + "recall_at_1": 16.576, + "recall_at_10": 32.945, + "recall_at_100": 47.337, + "recall_at_1000": 64.592, + "recall_at_3": 24.053, + "recall_at_5": 28.465, + "main_score": 26.092 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.604, + "map_at_10": 28.754999999999995, + "map_at_100": 29.767, + "map_at_1000": 29.852, + "map_at_3": 26.268, + "map_at_5": 27.559, + "mrr_at_1": 24.326, + "mrr_at_10": 31.602000000000004, + "mrr_at_100": 32.46, + "mrr_at_1000": 32.521, + "mrr_at_3": 29.415000000000003, + "mrr_at_5": 30.581000000000003, + "ndcg_at_1": 24.326, + "ndcg_at_10": 33.335, + "ndcg_at_100": 38.086, + "ndcg_at_1000": 40.319, + "ndcg_at_3": 28.796, + "ndcg_at_5": 30.758999999999997, + "precision_at_1": 24.326, + "precision_at_10": 5.712, + "precision_at_100": 0.893, + "precision_at_1000": 0.11499999999999999, + "precision_at_3": 13.208, + "precision_at_5": 9.329, + "recall_at_1": 20.604, + "recall_at_10": 44.505, + "recall_at_100": 65.866, + "recall_at_1000": 82.61800000000001, + "recall_at_3": 31.794, + "recall_at_5": 36.831, + "main_score": 33.335 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.280999999999999, + "map_at_10": 11.636000000000001, + "map_at_100": 12.363, + "map_at_1000": 12.469, + "map_at_3": 10.415000000000001, + "map_at_5": 11.144, + "mrr_at_1": 9.266, + "mrr_at_10": 12.838, + "mrr_at_100": 13.608999999999998, + "mrr_at_1000": 13.700999999999999, + "mrr_at_3": 11.507000000000001, + "mrr_at_5": 12.343, + "ndcg_at_1": 9.266, + "ndcg_at_10": 13.877, + "ndcg_at_100": 18.119, + "ndcg_at_1000": 21.247, + "ndcg_at_3": 11.376999999999999, + "ndcg_at_5": 12.675, + "precision_at_1": 9.266, + "precision_at_10": 2.226, + "precision_at_100": 0.47200000000000003, + "precision_at_1000": 0.077, + "precision_at_3": 4.859, + "precision_at_5": 3.6380000000000003, + "recall_at_1": 8.280999999999999, + "recall_at_10": 19.872999999999998, + "recall_at_100": 40.585, + "recall_at_1000": 65.225, + "recall_at_3": 13.014000000000001, + "recall_at_5": 16.147, + "main_score": 13.877 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.1209999999999996, + "map_at_10": 7.272, + "map_at_100": 8.079, + "map_at_1000": 8.199, + "map_at_3": 6.212, + "map_at_5": 6.736000000000001, + "mrr_at_1": 5.721, + "mrr_at_10": 9.418, + "mrr_at_100": 10.281, + "mrr_at_1000": 10.385, + "mrr_at_3": 8.126, + "mrr_at_5": 8.779, + "ndcg_at_1": 5.721, + "ndcg_at_10": 9.673, + "ndcg_at_100": 13.852999999999998, + "ndcg_at_1000": 17.546999999999997, + "ndcg_at_3": 7.509, + "ndcg_at_5": 8.373, + "precision_at_1": 5.721, + "precision_at_10": 2.04, + "precision_at_100": 0.48, + "precision_at_1000": 0.093, + "precision_at_3": 4.022, + "precision_at_5": 3.06, + "recall_at_1": 4.1209999999999996, + "recall_at_10": 15.201, + "recall_at_100": 33.922999999999995, + "recall_at_1000": 61.529999999999994, + "recall_at_3": 8.869, + "recall_at_5": 11.257, + "main_score": 9.673 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 14.09, + "map_at_10": 19.573999999999998, + "map_at_100": 20.580000000000002, + "map_at_1000": 20.704, + "map_at_3": 17.68, + "map_at_5": 18.64, + "mrr_at_1": 17.227999999999998, + "mrr_at_10": 23.152, + "mrr_at_100": 24.056, + "mrr_at_1000": 24.141000000000002, + "mrr_at_3": 21.142, + "mrr_at_5": 22.201, + "ndcg_at_1": 17.227999999999998, + "ndcg_at_10": 23.39, + "ndcg_at_100": 28.483999999999998, + "ndcg_at_1000": 31.709, + "ndcg_at_3": 19.883, + "ndcg_at_5": 21.34, + "precision_at_1": 17.227999999999998, + "precision_at_10": 4.3790000000000004, + "precision_at_100": 0.826, + "precision_at_1000": 0.128, + "precision_at_3": 9.496, + "precision_at_5": 6.872, + "recall_at_1": 14.09, + "recall_at_10": 31.580000000000002, + "recall_at_100": 54.074, + "recall_at_1000": 77.092, + "recall_at_3": 21.601, + "recall_at_5": 25.333, + "main_score": 23.39 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 10.538, + "map_at_10": 15.75, + "map_at_100": 16.71, + "map_at_1000": 16.838, + "map_at_3": 13.488, + "map_at_5": 14.712, + "mrr_at_1": 13.813, + "mrr_at_10": 19.08, + "mrr_at_100": 19.946, + "mrr_at_1000": 20.044, + "mrr_at_3": 16.838, + "mrr_at_5": 17.951, + "ndcg_at_1": 13.813, + "ndcg_at_10": 19.669, + "ndcg_at_100": 24.488, + "ndcg_at_1000": 27.87, + "ndcg_at_3": 15.479000000000001, + "ndcg_at_5": 17.229, + "precision_at_1": 13.813, + "precision_at_10": 3.916, + "precision_at_100": 0.743, + "precision_at_1000": 0.122, + "precision_at_3": 7.534000000000001, + "precision_at_5": 5.822, + "recall_at_1": 10.538, + "recall_at_10": 28.693, + "recall_at_100": 50.308, + "recall_at_1000": 74.44, + "recall_at_3": 16.866999999999997, + "recall_at_5": 21.404999999999998, + "main_score": 19.669 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 11.044583333333332, + "map_at_10": 15.682833333333335, + "map_at_100": 16.506500000000003, + "map_at_1000": 16.623833333333334, + "map_at_3": 14.130833333333333, + "map_at_5": 14.963583333333332, + "mrr_at_1": 13.482833333333332, + "mrr_at_10": 18.328500000000002, + "mrr_at_100": 19.095416666666665, + "mrr_at_1000": 19.18241666666666, + "mrr_at_3": 16.754749999999998, + "mrr_at_5": 17.614749999999997, + "ndcg_at_1": 13.482833333333332, + "ndcg_at_10": 18.81491666666667, + "ndcg_at_100": 22.946833333333334, + "ndcg_at_1000": 26.061083333333336, + "ndcg_at_3": 15.949333333333332, + "ndcg_at_5": 17.218333333333334, + "precision_at_1": 13.482833333333332, + "precision_at_10": 3.456583333333333, + "precision_at_100": 0.6599166666666666, + "precision_at_1000": 0.109, + "precision_at_3": 7.498833333333332, + "precision_at_5": 5.477166666666667, + "recall_at_1": 11.044583333333332, + "recall_at_10": 25.737750000000005, + "recall_at_100": 44.617916666666666, + "recall_at_1000": 67.56524999999999, + "recall_at_3": 17.598249999999997, + "recall_at_5": 20.9035, + "main_score": 18.81491666666667 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.362, + "map_at_10": 13.414000000000001, + "map_at_100": 14.083000000000002, + "map_at_1000": 14.168, + "map_at_3": 12.098, + "map_at_5": 12.803999999999998, + "mrr_at_1": 11.043, + "mrr_at_10": 15.158, + "mrr_at_100": 15.845999999999998, + "mrr_at_1000": 15.916, + "mrr_at_3": 13.88, + "mrr_at_5": 14.601, + "ndcg_at_1": 11.043, + "ndcg_at_10": 16.034000000000002, + "ndcg_at_100": 19.686, + "ndcg_at_1000": 22.188, + "ndcg_at_3": 13.530000000000001, + "ndcg_at_5": 14.704, + "precision_at_1": 11.043, + "precision_at_10": 2.791, + "precision_at_100": 0.5, + "precision_at_1000": 0.077, + "precision_at_3": 6.237, + "precision_at_5": 4.5089999999999995, + "recall_at_1": 9.362, + "recall_at_10": 22.396, + "recall_at_100": 39.528999999999996, + "recall_at_1000": 58.809, + "recall_at_3": 15.553, + "recall_at_5": 18.512, + "main_score": 16.034000000000002 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.657, + "map_at_10": 8.273, + "map_at_100": 8.875, + "map_at_1000": 8.977, + "map_at_3": 7.32, + "map_at_5": 7.792000000000001, + "mrr_at_1": 7.02, + "mrr_at_10": 9.966999999999999, + "mrr_at_100": 10.636, + "mrr_at_1000": 10.724, + "mrr_at_3": 8.872, + "mrr_at_5": 9.461, + "ndcg_at_1": 7.02, + "ndcg_at_10": 10.199, + "ndcg_at_100": 13.642000000000001, + "ndcg_at_1000": 16.643, + "ndcg_at_3": 8.333, + "ndcg_at_5": 9.103, + "precision_at_1": 7.02, + "precision_at_10": 1.8929999999999998, + "precision_at_100": 0.43, + "precision_at_1000": 0.08099999999999999, + "precision_at_3": 3.843, + "precision_at_5": 2.884, + "recall_at_1": 5.657, + "recall_at_10": 14.563, + "recall_at_100": 30.807000000000002, + "recall_at_1000": 53.251000000000005, + "recall_at_3": 9.272, + "recall_at_5": 11.202, + "main_score": 10.199 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 10.671999999999999, + "map_at_10": 14.651, + "map_at_100": 15.406, + "map_at_1000": 15.525, + "map_at_3": 13.461, + "map_at_5": 14.163, + "mrr_at_1": 12.407, + "mrr_at_10": 16.782, + "mrr_at_100": 17.562, + "mrr_at_1000": 17.653, + "mrr_at_3": 15.47, + "mrr_at_5": 16.262, + "ndcg_at_1": 12.407, + "ndcg_at_10": 17.251, + "ndcg_at_100": 21.378, + "ndcg_at_1000": 24.689, + "ndcg_at_3": 14.915000000000001, + "ndcg_at_5": 16.1, + "precision_at_1": 12.407, + "precision_at_10": 2.91, + "precision_at_100": 0.573, + "precision_at_1000": 0.096, + "precision_at_3": 6.779, + "precision_at_5": 4.888, + "recall_at_1": 10.671999999999999, + "recall_at_10": 23.099, + "recall_at_100": 41.937999999999995, + "recall_at_1000": 66.495, + "recall_at_3": 16.901, + "recall_at_5": 19.807, + "main_score": 17.251 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 13.364, + "map_at_10": 17.772, + "map_at_100": 18.659, + "map_at_1000": 18.861, + "map_at_3": 16.659, + "map_at_5": 17.174, + "mrr_at_1": 16.996, + "mrr_at_10": 21.687, + "mrr_at_100": 22.313, + "mrr_at_1000": 22.422, + "mrr_at_3": 20.652, + "mrr_at_5": 21.146, + "ndcg_at_1": 16.996, + "ndcg_at_10": 21.067, + "ndcg_at_100": 24.829, + "ndcg_at_1000": 28.866999999999997, + "ndcg_at_3": 19.466, + "ndcg_at_5": 19.993, + "precision_at_1": 16.996, + "precision_at_10": 4.071000000000001, + "precision_at_100": 0.9329999999999999, + "precision_at_1000": 0.183, + "precision_at_3": 9.223, + "precision_at_5": 6.4030000000000005, + "recall_at_1": 13.364, + "recall_at_10": 25.976, + "recall_at_100": 44.134, + "recall_at_1000": 73.181, + "recall_at_3": 20.503, + "recall_at_5": 22.409000000000002, + "main_score": 21.067 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.151, + "map_at_10": 9.155000000000001, + "map_at_100": 9.783999999999999, + "map_at_1000": 9.879, + "map_at_3": 7.825, + "map_at_5": 8.637, + "mrr_at_1": 5.915, + "mrr_at_10": 10.34, + "mrr_at_100": 10.943999999999999, + "mrr_at_1000": 11.033, + "mrr_at_3": 8.934000000000001, + "mrr_at_5": 9.812, + "ndcg_at_1": 5.915, + "ndcg_at_10": 11.561, + "ndcg_at_100": 14.971, + "ndcg_at_1000": 17.907999999999998, + "ndcg_at_3": 8.896999999999998, + "ndcg_at_5": 10.313, + "precision_at_1": 5.915, + "precision_at_10": 2.1069999999999998, + "precision_at_100": 0.414, + "precision_at_1000": 0.074, + "precision_at_3": 4.128, + "precision_at_5": 3.327, + "recall_at_1": 5.151, + "recall_at_10": 17.874000000000002, + "recall_at_100": 34.174, + "recall_at_1000": 56.879999999999995, + "recall_at_3": 10.732999999999999, + "recall_at_5": 14.113000000000001, + "main_score": 11.561 + } + ] + } +} \ No newline at end of file diff --git a/results/consciousAI__cai-lunaris-text-embeddings/external/ClimateFEVER.json b/results/consciousAI__cai-lunaris-text-embeddings/external/ClimateFEVER.json new file mode 100644 index 000000000..bdaa150b8 --- /dev/null +++ b/results/consciousAI__cai-lunaris-text-embeddings/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.101, + "map_at_10": 5.434, + "map_at_100": 6.267, + "map_at_1000": 6.418, + "map_at_3": 4.377000000000001, + "map_at_5": 4.841, + "mrr_at_1": 7.166, + "mrr_at_10": 12.012, + "mrr_at_100": 13.144, + "mrr_at_1000": 13.229, + "mrr_at_3": 9.826, + "mrr_at_5": 10.921, + "ndcg_at_1": 7.166, + "ndcg_at_10": 8.687000000000001, + "ndcg_at_100": 13.345, + "ndcg_at_1000": 16.915, + "ndcg_at_3": 6.276, + "ndcg_at_5": 7.013, + "precision_at_1": 7.166, + "precision_at_10": 2.9250000000000003, + "precision_at_100": 0.771, + "precision_at_1000": 0.13999999999999999, + "precision_at_3": 4.734, + "precision_at_5": 3.8830000000000005, + "recall_at_1": 3.101, + "recall_at_10": 11.774999999999999, + "recall_at_100": 28.819, + "recall_at_1000": 49.886, + "recall_at_3": 5.783, + "recall_at_5": 7.692, + "main_score": 8.687000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/consciousAI__cai-lunaris-text-embeddings/external/DBPedia.json b/results/consciousAI__cai-lunaris-text-embeddings/external/DBPedia.json new file mode 100644 index 000000000..febff8092 --- /dev/null +++ b/results/consciousAI__cai-lunaris-text-embeddings/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.758, + "map_at_10": 5.507, + "map_at_100": 7.1819999999999995, + "map_at_1000": 7.652, + "map_at_3": 4.131, + "map_at_5": 4.702, + "mrr_at_1": 28.499999999999996, + "mrr_at_10": 37.693, + "mrr_at_100": 38.657000000000004, + "mrr_at_1000": 38.704, + "mrr_at_3": 34.792, + "mrr_at_5": 36.417, + "ndcg_at_1": 20.625, + "ndcg_at_10": 14.771999999999998, + "ndcg_at_100": 16.821, + "ndcg_at_1000": 21.546000000000003, + "ndcg_at_3": 16.528000000000002, + "ndcg_at_5": 15.573, + "precision_at_1": 28.499999999999996, + "precision_at_10": 12.25, + "precision_at_100": 3.7600000000000002, + "precision_at_1000": 0.86, + "precision_at_3": 19.167, + "precision_at_5": 16.25, + "recall_at_1": 2.758, + "recall_at_10": 9.164, + "recall_at_100": 21.022, + "recall_at_1000": 37.053999999999995, + "recall_at_3": 5.112, + "recall_at_5": 6.413, + "main_score": 14.771999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/consciousAI__cai-lunaris-text-embeddings/external/MindSmallReranking.json b/results/consciousAI__cai-lunaris-text-embeddings/external/MindSmallReranking.json new file mode 100644 index 000000000..3289b36f8 --- /dev/null +++ b/results/consciousAI__cai-lunaris-text-embeddings/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 28.53554681148413, + "mrr": 29.290078704990325, + "main_score": 28.53554681148413 + } + ] + } +} \ No newline at end of file diff --git a/results/consciousAI__cai-lunaris-text-embeddings/external/SICK-R.json b/results/consciousAI__cai-lunaris-text-embeddings/external/SICK-R.json new file mode 100644 index 000000000..8bafc68a9 --- /dev/null +++ b/results/consciousAI__cai-lunaris-text-embeddings/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 76.52926207453477, + "cos_sim_spearman": 68.98528351149498, + "euclidean_pearson": 73.7744559091218, + "euclidean_spearman": 69.03481995814735, + "manhattan_pearson": 73.72818267270651, + "manhattan_spearman": 69.00576442086793, + "cosine_pearson": 76.52926207453477, + "cosine_spearman": 68.98528351149498, + "main_score": 68.98528351149498 + } + ] + } +} \ No newline at end of file diff --git a/results/consciousAI__cai-lunaris-text-embeddings/external/STS12.json b/results/consciousAI__cai-lunaris-text-embeddings/external/STS12.json new file mode 100644 index 000000000..267bce556 --- /dev/null +++ b/results/consciousAI__cai-lunaris-text-embeddings/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 61.71540153163407, + "cos_sim_spearman": 58.502746406116614, + "euclidean_pearson": 60.82817999438477, + "euclidean_spearman": 58.988494433752756, + "manhattan_pearson": 60.87147859170236, + "manhattan_spearman": 59.03527382025516, + "cosine_pearson": 61.71540153163407, + "cosine_spearman": 58.502746406116614, + "main_score": 58.502746406116614 + } + ] + } +} \ No newline at end of file diff --git a/results/consciousAI__cai-lunaris-text-embeddings/external/STS13.json b/results/consciousAI__cai-lunaris-text-embeddings/external/STS13.json new file mode 100644 index 000000000..8e4f05956 --- /dev/null +++ b/results/consciousAI__cai-lunaris-text-embeddings/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 72.89990498692094, + "cos_sim_spearman": 74.03028513377879, + "euclidean_pearson": 73.8252088833803, + "euclidean_spearman": 74.15554246478399, + "manhattan_pearson": 73.80947397334666, + "manhattan_spearman": 74.13117958176566, + "cosine_pearson": 72.89990498692094, + "cosine_spearman": 74.03028513377879, + "main_score": 74.03028513377879 + } + ] + } +} \ No newline at end of file diff --git a/results/consciousAI__cai-lunaris-text-embeddings/external/STS14.json b/results/consciousAI__cai-lunaris-text-embeddings/external/STS14.json new file mode 100644 index 000000000..aae5c32f6 --- /dev/null +++ b/results/consciousAI__cai-lunaris-text-embeddings/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 70.67974206005906, + "cos_sim_spearman": 66.18263558486296, + "euclidean_pearson": 69.5048876024341, + "euclidean_spearman": 66.36380457878391, + "manhattan_pearson": 69.4895372451589, + "manhattan_spearman": 66.36941569935124, + "cosine_pearson": 70.67974206005906, + "cosine_spearman": 66.18263558486296, + "main_score": 66.18263558486296 + } + ] + } +} \ No newline at end of file diff --git a/results/consciousAI__cai-lunaris-text-embeddings/external/STS15.json b/results/consciousAI__cai-lunaris-text-embeddings/external/STS15.json new file mode 100644 index 000000000..c03ea8bdc --- /dev/null +++ b/results/consciousAI__cai-lunaris-text-embeddings/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 73.99856913569187, + "cos_sim_spearman": 75.54712054246464, + "euclidean_pearson": 74.55692573876115, + "euclidean_spearman": 75.34499056740096, + "manhattan_pearson": 74.59342318869683, + "manhattan_spearman": 75.35708317926819, + "cosine_pearson": 73.99856913569187, + "cosine_spearman": 75.54712054246464, + "main_score": 75.54712054246464 + } + ] + } +} \ No newline at end of file diff --git a/results/consciousAI__cai-lunaris-text-embeddings/external/STS16.json b/results/consciousAI__cai-lunaris-text-embeddings/external/STS16.json new file mode 100644 index 000000000..a24813669 --- /dev/null +++ b/results/consciousAI__cai-lunaris-text-embeddings/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 72.3343670787494, + "cos_sim_spearman": 73.7136650302399, + "euclidean_pearson": 73.86004257913046, + "euclidean_spearman": 73.9557418048638, + "manhattan_pearson": 73.78919091538661, + "manhattan_spearman": 73.86316425954108, + "cosine_pearson": 72.3343670787494, + "cosine_spearman": 73.7136650302399, + "main_score": 73.7136650302399 + } + ] + } +} \ No newline at end of file diff --git a/results/consciousAI__cai-lunaris-text-embeddings/external/STS17.json b/results/consciousAI__cai-lunaris-text-embeddings/external/STS17.json new file mode 100644 index 000000000..91f40f0c1 --- /dev/null +++ b/results/consciousAI__cai-lunaris-text-embeddings/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 79.08159601556619, + "cos_sim_spearman": 80.13910828685532, + "euclidean_pearson": 79.39197806617453, + "euclidean_spearman": 79.85692277871196, + "manhattan_pearson": 79.32452246324705, + "manhattan_spearman": 79.70120373587193, + "cosine_pearson": 79.08159601556619, + "cosine_spearman": 80.13910828685532, + "main_score": 80.13910828685532 + } + ] + } +} \ No newline at end of file diff --git a/results/consciousAI__cai-lunaris-text-embeddings/external/STS22.json b/results/consciousAI__cai-lunaris-text-embeddings/external/STS22.json new file mode 100644 index 000000000..eb673a08f --- /dev/null +++ b/results/consciousAI__cai-lunaris-text-embeddings/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 62.29720207747786, + "cos_sim_spearman": 65.65260681394685, + "euclidean_pearson": 64.49002165983158, + "euclidean_spearman": 65.25917651158736, + "manhattan_pearson": 64.49981108236335, + "manhattan_spearman": 65.20426825202405, + "cosine_pearson": 62.29720207747786, + "cosine_spearman": 65.65260681394685, + "main_score": 65.65260681394685 + } + ] + } +} \ No newline at end of file diff --git a/results/consciousAI__cai-lunaris-text-embeddings/external/STSBenchmark.json b/results/consciousAI__cai-lunaris-text-embeddings/external/STSBenchmark.json new file mode 100644 index 000000000..e62eb2a5c --- /dev/null +++ b/results/consciousAI__cai-lunaris-text-embeddings/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 71.1871068550574, + "cos_sim_spearman": 71.40167034949341, + "euclidean_pearson": 72.2373684855404, + "euclidean_spearman": 71.90255429812984, + "manhattan_pearson": 72.23173532049509, + "manhattan_spearman": 71.87843489689064, + "cosine_pearson": 71.1871068550574, + "cosine_spearman": 71.40167034949341, + "main_score": 71.40167034949341 + } + ] + } +} \ No newline at end of file diff --git a/results/consciousAI__cai-lunaris-text-embeddings/external/SciDocsRR.json b/results/consciousAI__cai-lunaris-text-embeddings/external/SciDocsRR.json new file mode 100644 index 000000000..73f51173e --- /dev/null +++ b/results/consciousAI__cai-lunaris-text-embeddings/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 68.65000574464773, + "mrr": 88.29363084265044, + "main_score": 68.65000574464773 + } + ] + } +} \ No newline at end of file diff --git a/results/consciousAI__cai-lunaris-text-embeddings/external/StackOverflowDupQuestions.json b/results/consciousAI__cai-lunaris-text-embeddings/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..69fe89880 --- /dev/null +++ b/results/consciousAI__cai-lunaris-text-embeddings/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 40.76107749144358, + "mrr": 41.03689202953908, + "main_score": 40.76107749144358 + } + ] + } +} \ No newline at end of file diff --git a/results/consciousAI__cai-lunaris-text-embeddings/external/SummEval.json b/results/consciousAI__cai-lunaris-text-embeddings/external/SummEval.json new file mode 100644 index 000000000..a18890664 --- /dev/null +++ b/results/consciousAI__cai-lunaris-text-embeddings/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 28.68520527813894, + "cos_sim_spearman": 29.017620841627433, + "dot_pearson": 29.25380949876322, + "dot_spearman": 29.33885250837327, + "cosine_pearson": 28.68520527813894, + "cosine_spearman": 29.017620841627433, + "main_score": 29.017620841627433 + } + ] + } +} \ No newline at end of file diff --git a/results/consciousAI__cai-lunaris-text-embeddings/external/model_meta.json b/results/consciousAI__cai-lunaris-text-embeddings/external/model_meta.json new file mode 100644 index 000000000..1f3f92818 --- /dev/null +++ b/results/consciousAI__cai-lunaris-text-embeddings/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "consciousAI/cai-lunaris-text-embeddings", + "revision": "8332c464d13505968ff7a6e2213f36fd8730b4c7", + "release_date": "2023-06-22", + "languages": [], + "loader": null, + "n_parameters": 335176074, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 1024, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/consciousAI__cai-stellaris-text-embeddings/external/AmazonCounterfactualClassification.json b/results/consciousAI__cai-stellaris-text-embeddings/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..36d98e662 --- /dev/null +++ b/results/consciousAI__cai-stellaris-text-embeddings/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 64.86567164179104, + "ap": 28.30760041689409, + "f1": 59.08589995918376, + "main_score": 64.86567164179104 + } + ] + } +} \ No newline at end of file diff --git a/results/consciousAI__cai-stellaris-text-embeddings/external/AmazonPolarityClassification.json b/results/consciousAI__cai-stellaris-text-embeddings/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..36346dfa2 --- /dev/null +++ b/results/consciousAI__cai-stellaris-text-embeddings/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 65.168625, + "ap": 60.131922961382166, + "f1": 65.02463910192814, + "main_score": 65.168625 + } + ] + } +} \ No newline at end of file diff --git a/results/consciousAI__cai-stellaris-text-embeddings/external/AmazonReviewsClassification.json b/results/consciousAI__cai-stellaris-text-embeddings/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..5904788bd --- /dev/null +++ b/results/consciousAI__cai-stellaris-text-embeddings/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 31.016, + "f1": 30.501226228002924, + "main_score": 31.016 + } + ] + } +} \ No newline at end of file diff --git a/results/consciousAI__cai-stellaris-text-embeddings/external/ArguAna.json b/results/consciousAI__cai-stellaris-text-embeddings/external/ArguAna.json new file mode 100644 index 000000000..8a15f2281 --- /dev/null +++ b/results/consciousAI__cai-stellaris-text-embeddings/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.609, + "map_at_10": 38.793, + "map_at_100": 40.074, + "map_at_1000": 40.083, + "map_at_3": 33.736, + "map_at_5": 36.642, + "mrr_at_1": 25.533, + "mrr_at_10": 39.129999999999995, + "mrr_at_100": 40.411, + "mrr_at_1000": 40.42, + "mrr_at_3": 34.033, + "mrr_at_5": 36.956, + "ndcg_at_1": 24.609, + "ndcg_at_10": 47.288000000000004, + "ndcg_at_100": 52.654999999999994, + "ndcg_at_1000": 52.88699999999999, + "ndcg_at_3": 36.86, + "ndcg_at_5": 42.085, + "precision_at_1": 24.609, + "precision_at_10": 7.468, + "precision_at_100": 0.979, + "precision_at_1000": 0.1, + "precision_at_3": 15.315000000000001, + "precision_at_5": 11.721, + "recall_at_1": 24.609, + "recall_at_10": 74.68, + "recall_at_100": 97.866, + "recall_at_1000": 99.644, + "recall_at_3": 45.946, + "recall_at_5": 58.606, + "main_score": 47.288000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/consciousAI__cai-stellaris-text-embeddings/external/ArxivClusteringP2P.json b/results/consciousAI__cai-stellaris-text-embeddings/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..50ff05b20 --- /dev/null +++ b/results/consciousAI__cai-stellaris-text-embeddings/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 42.014046191286525, + "main_score": 42.014046191286525 + } + ] + } +} \ No newline at end of file diff --git a/results/consciousAI__cai-stellaris-text-embeddings/external/ArxivClusteringS2S.json b/results/consciousAI__cai-stellaris-text-embeddings/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..021b54ab0 --- /dev/null +++ b/results/consciousAI__cai-stellaris-text-embeddings/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.406159641263052, + "main_score": 31.406159641263052 + } + ] + } +} \ No newline at end of file diff --git a/results/consciousAI__cai-stellaris-text-embeddings/external/AskUbuntuDupQuestions.json b/results/consciousAI__cai-stellaris-text-embeddings/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..39d3ae4a1 --- /dev/null +++ b/results/consciousAI__cai-stellaris-text-embeddings/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 60.35266033223575, + "mrr": 72.66796376907179, + "main_score": 60.35266033223575 + } + ] + } +} \ No newline at end of file diff --git a/results/consciousAI__cai-stellaris-text-embeddings/external/Banking77Classification.json b/results/consciousAI__cai-stellaris-text-embeddings/external/Banking77Classification.json new file mode 100644 index 000000000..b5272d907 --- /dev/null +++ b/results/consciousAI__cai-stellaris-text-embeddings/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.12337662337661, + "f1": 73.12122145084057, + "main_score": 74.12337662337661 + } + ] + } +} \ No newline at end of file diff --git a/results/consciousAI__cai-stellaris-text-embeddings/external/BiorxivClusteringP2P.json b/results/consciousAI__cai-stellaris-text-embeddings/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..36e1ce892 --- /dev/null +++ b/results/consciousAI__cai-stellaris-text-embeddings/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.72513663347855, + "main_score": 34.72513663347855 + } + ] + } +} \ No newline at end of file diff --git a/results/consciousAI__cai-stellaris-text-embeddings/external/BiorxivClusteringS2S.json b/results/consciousAI__cai-stellaris-text-embeddings/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..26590dfe2 --- /dev/null +++ b/results/consciousAI__cai-stellaris-text-embeddings/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 29.280150859689826, + "main_score": 29.280150859689826 + } + ] + } +} \ No newline at end of file diff --git a/results/consciousAI__cai-stellaris-text-embeddings/external/CQADupstackAndroidRetrieval.json b/results/consciousAI__cai-stellaris-text-embeddings/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..2b3d310d3 --- /dev/null +++ b/results/consciousAI__cai-stellaris-text-embeddings/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.787, + "map_at_10": 30.409000000000002, + "map_at_100": 31.947, + "map_at_1000": 32.09, + "map_at_3": 27.214, + "map_at_5": 28.810999999999996, + "mrr_at_1": 27.039, + "mrr_at_10": 35.581, + "mrr_at_100": 36.584, + "mrr_at_1000": 36.645, + "mrr_at_3": 32.713, + "mrr_at_5": 34.272999999999996, + "ndcg_at_1": 27.039, + "ndcg_at_10": 36.157000000000004, + "ndcg_at_100": 42.598, + "ndcg_at_1000": 45.207, + "ndcg_at_3": 30.907, + "ndcg_at_5": 33.068, + "precision_at_1": 27.039, + "precision_at_10": 7.295999999999999, + "precision_at_100": 1.303, + "precision_at_1000": 0.186, + "precision_at_3": 14.926, + "precision_at_5": 11.044, + "recall_at_1": 21.787, + "recall_at_10": 47.693999999999996, + "recall_at_100": 75.848, + "recall_at_1000": 92.713, + "recall_at_3": 32.92, + "recall_at_5": 38.794000000000004, + "main_score": 36.157000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.560000000000002, + "map_at_10": 34.756, + "map_at_100": 36.169000000000004, + "map_at_1000": 36.298, + "map_at_3": 31.592, + "map_at_5": 33.426, + "mrr_at_1": 31.274, + "mrr_at_10": 40.328, + "mrr_at_100": 41.125, + "mrr_at_1000": 41.171, + "mrr_at_3": 37.866, + "mrr_at_5": 39.299, + "ndcg_at_1": 31.338, + "ndcg_at_10": 40.696, + "ndcg_at_100": 45.922000000000004, + "ndcg_at_1000": 47.982, + "ndcg_at_3": 36.116, + "ndcg_at_5": 38.324000000000005, + "precision_at_1": 31.338, + "precision_at_10": 8.083, + "precision_at_100": 1.4040000000000001, + "precision_at_1000": 0.189, + "precision_at_3": 18.089, + "precision_at_5": 13.159, + "recall_at_1": 24.560000000000002, + "recall_at_10": 51.832, + "recall_at_100": 74.26899999999999, + "recall_at_1000": 87.331, + "recall_at_3": 38.086999999999996, + "recall_at_5": 44.294, + "main_score": 40.696 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.256999999999998, + "map_at_10": 38.805, + "map_at_100": 40.04, + "map_at_1000": 40.117000000000004, + "map_at_3": 35.425000000000004, + "map_at_5": 37.317, + "mrr_at_1": 31.912000000000003, + "mrr_at_10": 42.045, + "mrr_at_100": 42.956, + "mrr_at_1000": 43.004, + "mrr_at_3": 39.195, + "mrr_at_5": 40.866, + "ndcg_at_1": 31.912000000000003, + "ndcg_at_10": 44.826, + "ndcg_at_100": 49.85, + "ndcg_at_1000": 51.562, + "ndcg_at_3": 38.845, + "ndcg_at_5": 41.719, + "precision_at_1": 31.912000000000003, + "precision_at_10": 7.768, + "precision_at_100": 1.115, + "precision_at_1000": 0.131, + "precision_at_3": 18.015, + "precision_at_5": 12.814999999999998, + "recall_at_1": 27.256999999999998, + "recall_at_10": 59.611999999999995, + "recall_at_100": 81.324, + "recall_at_1000": 93.801, + "recall_at_3": 43.589, + "recall_at_5": 50.589, + "main_score": 44.826 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.588, + "map_at_10": 22.936999999999998, + "map_at_100": 24.015, + "map_at_1000": 24.127000000000002, + "map_at_3": 20.47, + "map_at_5": 21.799, + "mrr_at_1": 16.723, + "mrr_at_10": 24.448, + "mrr_at_100": 25.482, + "mrr_at_1000": 25.568999999999996, + "mrr_at_3": 21.94, + "mrr_at_5": 23.386000000000003, + "ndcg_at_1": 16.723, + "ndcg_at_10": 27.451999999999998, + "ndcg_at_100": 33.182, + "ndcg_at_1000": 36.193999999999996, + "ndcg_at_3": 22.545, + "ndcg_at_5": 24.837, + "precision_at_1": 16.723, + "precision_at_10": 4.5760000000000005, + "precision_at_100": 0.7929999999999999, + "precision_at_1000": 0.11, + "precision_at_3": 9.944, + "precision_at_5": 7.321999999999999, + "recall_at_1": 15.588, + "recall_at_10": 40.039, + "recall_at_100": 67.17699999999999, + "recall_at_1000": 90.181, + "recall_at_3": 26.663999999999998, + "recall_at_5": 32.144, + "main_score": 27.451999999999998 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 12.142999999999999, + "map_at_10": 18.355, + "map_at_100": 19.611, + "map_at_1000": 19.750999999999998, + "map_at_3": 16.073999999999998, + "map_at_5": 17.187, + "mrr_at_1": 15.547, + "mrr_at_10": 22.615, + "mrr_at_100": 23.671, + "mrr_at_1000": 23.759, + "mrr_at_3": 20.149, + "mrr_at_5": 21.437, + "ndcg_at_1": 15.547, + "ndcg_at_10": 22.985, + "ndcg_at_100": 29.192, + "ndcg_at_1000": 32.448, + "ndcg_at_3": 18.503, + "ndcg_at_5": 20.322000000000003, + "precision_at_1": 15.547, + "precision_at_10": 4.49, + "precision_at_100": 0.8840000000000001, + "precision_at_1000": 0.129, + "precision_at_3": 8.872, + "precision_at_5": 6.741, + "recall_at_1": 12.142999999999999, + "recall_at_10": 33.271, + "recall_at_100": 60.95399999999999, + "recall_at_1000": 83.963, + "recall_at_3": 20.645, + "recall_at_5": 25.34, + "main_score": 22.985 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.09, + "map_at_10": 30.220000000000002, + "map_at_100": 31.741999999999997, + "map_at_1000": 31.878, + "map_at_3": 27.455000000000002, + "map_at_5": 28.808, + "mrr_at_1": 27.718999999999998, + "mrr_at_10": 35.476, + "mrr_at_100": 36.53, + "mrr_at_1000": 36.602000000000004, + "mrr_at_3": 33.157, + "mrr_at_5": 34.36, + "ndcg_at_1": 27.718999999999998, + "ndcg_at_10": 35.547000000000004, + "ndcg_at_100": 42.079, + "ndcg_at_1000": 44.861000000000004, + "ndcg_at_3": 30.932, + "ndcg_at_5": 32.748, + "precision_at_1": 27.718999999999998, + "precision_at_10": 6.795, + "precision_at_100": 1.194, + "precision_at_1000": 0.163, + "precision_at_3": 14.758, + "precision_at_5": 10.549, + "recall_at_1": 22.09, + "recall_at_10": 46.357, + "recall_at_100": 74.002, + "recall_at_1000": 92.99199999999999, + "recall_at_3": 33.138, + "recall_at_5": 38.034, + "main_score": 35.547000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.904, + "map_at_10": 25.075999999999997, + "map_at_100": 26.400000000000002, + "map_at_1000": 26.525, + "map_at_3": 22.191, + "map_at_5": 23.947, + "mrr_at_1": 21.461, + "mrr_at_10": 29.614, + "mrr_at_100": 30.602, + "mrr_at_1000": 30.677, + "mrr_at_3": 27.017000000000003, + "mrr_at_5": 28.626, + "ndcg_at_1": 21.461, + "ndcg_at_10": 30.304, + "ndcg_at_100": 36.521, + "ndcg_at_1000": 39.366, + "ndcg_at_3": 25.267, + "ndcg_at_5": 27.918, + "precision_at_1": 21.461, + "precision_at_10": 5.868, + "precision_at_100": 1.072, + "precision_at_1000": 0.151, + "precision_at_3": 12.291, + "precision_at_5": 9.429, + "recall_at_1": 16.904, + "recall_at_10": 41.521, + "recall_at_100": 68.919, + "recall_at_1000": 88.852, + "recall_at_3": 27.733999999999998, + "recall_at_5": 34.439, + "main_score": 30.304 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.327916666666667, + "map_at_10": 26.068, + "map_at_100": 27.358833333333333, + "map_at_1000": 27.491583333333335, + "map_at_3": 23.45508333333333, + "map_at_5": 24.857916666666664, + "mrr_at_1": 22.05066666666667, + "mrr_at_10": 29.805083333333332, + "mrr_at_100": 30.80283333333333, + "mrr_at_1000": 30.876166666666666, + "mrr_at_3": 27.381083333333333, + "mrr_at_5": 28.72441666666667, + "ndcg_at_1": 22.056000000000004, + "ndcg_at_10": 31.029416666666666, + "ndcg_at_100": 36.90174999999999, + "ndcg_at_1000": 39.716249999999995, + "ndcg_at_3": 26.35533333333333, + "ndcg_at_5": 28.471500000000006, + "precision_at_1": 22.056000000000004, + "precision_at_10": 5.7645833333333325, + "precision_at_100": 1.0406666666666666, + "precision_at_1000": 0.14850000000000002, + "precision_at_3": 12.391416666666666, + "precision_at_5": 9.112499999999999, + "recall_at_1": 18.327916666666667, + "recall_at_10": 42.15083333333333, + "recall_at_100": 68.38666666666666, + "recall_at_1000": 88.24183333333333, + "recall_at_3": 29.094416666666667, + "recall_at_5": 34.48716666666666, + "main_score": 31.029416666666666 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.009, + "map_at_10": 21.251, + "map_at_100": 22.337, + "map_at_1000": 22.455, + "map_at_3": 19.241, + "map_at_5": 20.381, + "mrr_at_1": 17.638, + "mrr_at_10": 24.184, + "mrr_at_100": 25.156, + "mrr_at_1000": 25.239, + "mrr_at_3": 22.29, + "mrr_at_5": 23.363999999999997, + "ndcg_at_1": 17.638, + "ndcg_at_10": 25.269000000000002, + "ndcg_at_100": 30.781999999999996, + "ndcg_at_1000": 33.757, + "ndcg_at_3": 21.457, + "ndcg_at_5": 23.293, + "precision_at_1": 17.638, + "precision_at_10": 4.294, + "precision_at_100": 0.771, + "precision_at_1000": 0.11100000000000002, + "precision_at_3": 9.815999999999999, + "precision_at_5": 7.086, + "recall_at_1": 15.009, + "recall_at_10": 35.014, + "recall_at_100": 60.45399999999999, + "recall_at_1000": 82.416, + "recall_at_3": 24.131, + "recall_at_5": 28.846, + "main_score": 25.269000000000002 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 12.518, + "map_at_10": 18.226, + "map_at_100": 19.355, + "map_at_1000": 19.496, + "map_at_3": 16.243, + "map_at_5": 17.288999999999998, + "mrr_at_1": 15.382000000000001, + "mrr_at_10": 21.559, + "mrr_at_100": 22.587, + "mrr_at_1000": 22.677, + "mrr_at_3": 19.597, + "mrr_at_5": 20.585, + "ndcg_at_1": 15.382000000000001, + "ndcg_at_10": 22.198, + "ndcg_at_100": 27.860000000000003, + "ndcg_at_1000": 31.302999999999997, + "ndcg_at_3": 18.541, + "ndcg_at_5": 20.089000000000002, + "precision_at_1": 15.382000000000001, + "precision_at_10": 4.178, + "precision_at_100": 0.8380000000000001, + "precision_at_1000": 0.132, + "precision_at_3": 8.866999999999999, + "precision_at_5": 6.476, + "recall_at_1": 12.518, + "recall_at_10": 31.036, + "recall_at_100": 56.727000000000004, + "recall_at_1000": 81.66799999999999, + "recall_at_3": 20.610999999999997, + "recall_at_5": 24.744, + "main_score": 22.198 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.357, + "map_at_10": 25.384, + "map_at_100": 26.640000000000004, + "map_at_1000": 26.762999999999998, + "map_at_3": 22.863, + "map_at_5": 24.197, + "mrr_at_1": 21.735, + "mrr_at_10": 29.069, + "mrr_at_100": 30.119, + "mrr_at_1000": 30.194, + "mrr_at_3": 26.663999999999998, + "mrr_at_5": 27.904, + "ndcg_at_1": 21.735, + "ndcg_at_10": 30.153999999999996, + "ndcg_at_100": 36.262, + "ndcg_at_1000": 39.206, + "ndcg_at_3": 25.365, + "ndcg_at_5": 27.403, + "precision_at_1": 21.735, + "precision_at_10": 5.354, + "precision_at_100": 0.958, + "precision_at_1000": 0.134, + "precision_at_3": 11.567, + "precision_at_5": 8.469999999999999, + "recall_at_1": 18.357, + "recall_at_10": 41.205000000000005, + "recall_at_100": 68.30000000000001, + "recall_at_1000": 89.294, + "recall_at_3": 27.969, + "recall_at_5": 32.989000000000004, + "main_score": 30.153999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.226, + "map_at_10": 25.766, + "map_at_100": 27.345000000000002, + "map_at_1000": 27.575, + "map_at_3": 22.945999999999998, + "map_at_5": 24.383, + "mrr_at_1": 21.542, + "mrr_at_10": 29.448, + "mrr_at_100": 30.509999999999998, + "mrr_at_1000": 30.575000000000003, + "mrr_at_3": 26.482, + "mrr_at_5": 28.072999999999997, + "ndcg_at_1": 21.542, + "ndcg_at_10": 31.392999999999997, + "ndcg_at_100": 37.589, + "ndcg_at_1000": 40.717, + "ndcg_at_3": 26.179000000000002, + "ndcg_at_5": 28.557, + "precision_at_1": 21.542, + "precision_at_10": 6.462, + "precision_at_100": 1.415, + "precision_at_1000": 0.234, + "precision_at_3": 12.187000000000001, + "precision_at_5": 9.605, + "recall_at_1": 18.226, + "recall_at_10": 42.853, + "recall_at_100": 70.97200000000001, + "recall_at_1000": 91.662, + "recall_at_3": 28.555999999999997, + "recall_at_5": 34.203, + "main_score": 31.392999999999997 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.495999999999999, + "map_at_10": 21.631, + "map_at_100": 22.705000000000002, + "map_at_1000": 22.823999999999998, + "map_at_3": 19.747, + "map_at_5": 20.75, + "mrr_at_1": 16.636, + "mrr_at_10": 23.294, + "mrr_at_100": 24.312, + "mrr_at_1000": 24.401999999999997, + "mrr_at_3": 21.503, + "mrr_at_5": 22.52, + "ndcg_at_1": 16.636, + "ndcg_at_10": 25.372, + "ndcg_at_100": 30.984, + "ndcg_at_1000": 33.992, + "ndcg_at_3": 21.607000000000003, + "ndcg_at_5": 23.380000000000003, + "precision_at_1": 16.636, + "precision_at_10": 4.011, + "precision_at_100": 0.741, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 9.365, + "precision_at_5": 6.654, + "recall_at_1": 15.495999999999999, + "recall_at_10": 35.376000000000005, + "recall_at_100": 61.694, + "recall_at_1000": 84.029, + "recall_at_3": 25.089, + "recall_at_5": 29.43, + "main_score": 25.372 + } + ] + } +} \ No newline at end of file diff --git a/results/consciousAI__cai-stellaris-text-embeddings/external/ClimateFEVER.json b/results/consciousAI__cai-stellaris-text-embeddings/external/ClimateFEVER.json new file mode 100644 index 000000000..e23a0a2ff --- /dev/null +++ b/results/consciousAI__cai-stellaris-text-embeddings/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.662, + "map_at_10": 8.638, + "map_at_100": 9.86, + "map_at_1000": 10.032, + "map_at_3": 6.793, + "map_at_5": 7.761, + "mrr_at_1": 10.684000000000001, + "mrr_at_10": 17.982, + "mrr_at_100": 19.152, + "mrr_at_1000": 19.231, + "mrr_at_3": 15.113999999999999, + "mrr_at_5": 16.658, + "ndcg_at_1": 10.684000000000001, + "ndcg_at_10": 13.483, + "ndcg_at_100": 19.48, + "ndcg_at_1000": 23.232, + "ndcg_at_3": 9.75, + "ndcg_at_5": 11.208, + "precision_at_1": 10.684000000000001, + "precision_at_10": 4.573, + "precision_at_100": 1.085, + "precision_at_1000": 0.17600000000000002, + "precision_at_3": 7.514, + "precision_at_5": 6.241, + "recall_at_1": 4.662, + "recall_at_10": 18.125, + "recall_at_100": 39.675, + "recall_at_1000": 61.332, + "recall_at_3": 9.239, + "recall_at_5": 12.863, + "main_score": 13.483 + } + ] + } +} \ No newline at end of file diff --git a/results/consciousAI__cai-stellaris-text-embeddings/external/DBPedia.json b/results/consciousAI__cai-stellaris-text-embeddings/external/DBPedia.json new file mode 100644 index 000000000..f2fddca8d --- /dev/null +++ b/results/consciousAI__cai-stellaris-text-embeddings/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.869, + "map_at_10": 8.701, + "map_at_100": 11.806999999999999, + "map_at_1000": 12.676000000000002, + "map_at_3": 6.3100000000000005, + "map_at_5": 7.471, + "mrr_at_1": 38.5, + "mrr_at_10": 48.754, + "mrr_at_100": 49.544, + "mrr_at_1000": 49.568, + "mrr_at_3": 46.167, + "mrr_at_5": 47.679, + "ndcg_at_1": 30.5, + "ndcg_at_10": 22.454, + "ndcg_at_100": 25.380999999999997, + "ndcg_at_1000": 31.582, + "ndcg_at_3": 25.617, + "ndcg_at_5": 24.254, + "precision_at_1": 38.5, + "precision_at_10": 18.4, + "precision_at_100": 6.02, + "precision_at_1000": 1.34, + "precision_at_3": 29.083, + "precision_at_5": 24.85, + "recall_at_1": 3.869, + "recall_at_10": 12.902, + "recall_at_100": 30.496000000000002, + "recall_at_1000": 51.066, + "recall_at_3": 7.396, + "recall_at_5": 9.852, + "main_score": 22.454 + } + ] + } +} \ No newline at end of file diff --git a/results/consciousAI__cai-stellaris-text-embeddings/external/EmotionClassification.json b/results/consciousAI__cai-stellaris-text-embeddings/external/EmotionClassification.json new file mode 100644 index 000000000..8a685b372 --- /dev/null +++ b/results/consciousAI__cai-stellaris-text-embeddings/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 36.705000000000005, + "f1": 32.72625967901387, + "main_score": 36.705000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/consciousAI__cai-stellaris-text-embeddings/external/ImdbClassification.json b/results/consciousAI__cai-stellaris-text-embeddings/external/ImdbClassification.json new file mode 100644 index 000000000..877d94466 --- /dev/null +++ b/results/consciousAI__cai-stellaris-text-embeddings/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 66.89840000000001, + "ap": 61.43175045563333, + "f1": 66.67945656405962, + "main_score": 66.89840000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/consciousAI__cai-stellaris-text-embeddings/external/MTOPDomainClassification.json b/results/consciousAI__cai-stellaris-text-embeddings/external/MTOPDomainClassification.json new file mode 100644 index 000000000..ec0b3c42d --- /dev/null +++ b/results/consciousAI__cai-stellaris-text-embeddings/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 89.12676698586411, + "f1": 88.48426641357668, + "main_score": 89.12676698586411 + } + ] + } +} \ No newline at end of file diff --git a/results/consciousAI__cai-stellaris-text-embeddings/external/MTOPIntentClassification.json b/results/consciousAI__cai-stellaris-text-embeddings/external/MTOPIntentClassification.json new file mode 100644 index 000000000..a06ec485b --- /dev/null +++ b/results/consciousAI__cai-stellaris-text-embeddings/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 62.61513907888736, + "f1": 40.96251281624023, + "main_score": 62.61513907888736 + } + ] + } +} \ No newline at end of file diff --git a/results/consciousAI__cai-stellaris-text-embeddings/external/MassiveIntentClassification.json b/results/consciousAI__cai-stellaris-text-embeddings/external/MassiveIntentClassification.json new file mode 100644 index 000000000..1f1ca287f --- /dev/null +++ b/results/consciousAI__cai-stellaris-text-embeddings/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.95359784801614, + "f1": 58.85654625260125, + "main_score": 61.95359784801614 + } + ] + } +} \ No newline at end of file diff --git a/results/consciousAI__cai-stellaris-text-embeddings/external/MassiveScenarioClassification.json b/results/consciousAI__cai-stellaris-text-embeddings/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..ff3f524b0 --- /dev/null +++ b/results/consciousAI__cai-stellaris-text-embeddings/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.1983860121049, + "f1": 68.73455379435487, + "main_score": 70.1983860121049 + } + ] + } +} \ No newline at end of file diff --git a/results/consciousAI__cai-stellaris-text-embeddings/external/MedrxivClusteringP2P.json b/results/consciousAI__cai-stellaris-text-embeddings/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..961646ee1 --- /dev/null +++ b/results/consciousAI__cai-stellaris-text-embeddings/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.772017072895846, + "main_score": 31.772017072895846 + } + ] + } +} \ No newline at end of file diff --git a/results/consciousAI__cai-stellaris-text-embeddings/external/MedrxivClusteringS2S.json b/results/consciousAI__cai-stellaris-text-embeddings/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..88abff846 --- /dev/null +++ b/results/consciousAI__cai-stellaris-text-embeddings/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.944581802089044, + "main_score": 30.944581802089044 + } + ] + } +} \ No newline at end of file diff --git a/results/consciousAI__cai-stellaris-text-embeddings/external/MindSmallReranking.json b/results/consciousAI__cai-stellaris-text-embeddings/external/MindSmallReranking.json new file mode 100644 index 000000000..e3f4e1adc --- /dev/null +++ b/results/consciousAI__cai-stellaris-text-embeddings/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 30.977328237697133, + "mrr": 32.02612207306447, + "main_score": 30.977328237697133 + } + ] + } +} \ No newline at end of file diff --git a/results/consciousAI__cai-stellaris-text-embeddings/external/RedditClustering.json b/results/consciousAI__cai-stellaris-text-embeddings/external/RedditClustering.json new file mode 100644 index 000000000..de233d8d0 --- /dev/null +++ b/results/consciousAI__cai-stellaris-text-embeddings/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 43.08588418858767, + "main_score": 43.08588418858767 + } + ] + } +} \ No newline at end of file diff --git a/results/consciousAI__cai-stellaris-text-embeddings/external/RedditClusteringP2P.json b/results/consciousAI__cai-stellaris-text-embeddings/external/RedditClusteringP2P.json new file mode 100644 index 000000000..f9b530e5b --- /dev/null +++ b/results/consciousAI__cai-stellaris-text-embeddings/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 56.53785276450797, + "main_score": 56.53785276450797 + } + ] + } +} \ No newline at end of file diff --git a/results/consciousAI__cai-stellaris-text-embeddings/external/SciDocsRR.json b/results/consciousAI__cai-stellaris-text-embeddings/external/SciDocsRR.json new file mode 100644 index 000000000..38105d775 --- /dev/null +++ b/results/consciousAI__cai-stellaris-text-embeddings/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 81.44882719207659, + "mrr": 94.71082022552609, + "main_score": 81.44882719207659 + } + ] + } +} \ No newline at end of file diff --git a/results/consciousAI__cai-stellaris-text-embeddings/external/SprintDuplicateQuestions.json b/results/consciousAI__cai-stellaris-text-embeddings/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..a4dc1582f --- /dev/null +++ b/results/consciousAI__cai-stellaris-text-embeddings/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.77821782178218, + "cos_sim_ap": 93.22909989796688, + "cos_sim_f1": 88.41778697001035, + "cos_sim_precision": 91.54175588865097, + "cos_sim_recall": 85.5, + "dot_accuracy": 99.77821782178218, + "dot_ap": 93.2290998979669, + "dot_f1": 88.41778697001035, + "dot_precision": 91.54175588865097, + "dot_recall": 85.5, + "euclidean_accuracy": 99.77821782178218, + "euclidean_ap": 93.2290998979669, + "euclidean_f1": 88.41778697001035, + "euclidean_precision": 91.54175588865097, + "euclidean_recall": 85.5, + "manhattan_accuracy": 99.77524752475247, + "manhattan_ap": 93.18492132451668, + "manhattan_f1": 88.19552782111285, + "manhattan_precision": 91.87432286023835, + "manhattan_recall": 84.8, + "max_accuracy": 99.77821782178218, + "max_ap": 93.2290998979669, + "max_f1": 88.41778697001035, + "main_score": 93.2290998979669 + } + ] + } +} \ No newline at end of file diff --git a/results/consciousAI__cai-stellaris-text-embeddings/external/StackExchangeClustering.json b/results/consciousAI__cai-stellaris-text-embeddings/external/StackExchangeClustering.json new file mode 100644 index 000000000..8d04497cd --- /dev/null +++ b/results/consciousAI__cai-stellaris-text-embeddings/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.225188905490285, + "main_score": 48.225188905490285 + } + ] + } +} \ No newline at end of file diff --git a/results/consciousAI__cai-stellaris-text-embeddings/external/StackExchangeClusteringP2P.json b/results/consciousAI__cai-stellaris-text-embeddings/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..12ba7623f --- /dev/null +++ b/results/consciousAI__cai-stellaris-text-embeddings/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.76195959924048, + "main_score": 34.76195959924048 + } + ] + } +} \ No newline at end of file diff --git a/results/consciousAI__cai-stellaris-text-embeddings/external/StackOverflowDupQuestions.json b/results/consciousAI__cai-stellaris-text-embeddings/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..efcda8baf --- /dev/null +++ b/results/consciousAI__cai-stellaris-text-embeddings/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 48.16986372261003, + "mrr": 48.7718837535014, + "main_score": 48.16986372261003 + } + ] + } +} \ No newline at end of file diff --git a/results/consciousAI__cai-stellaris-text-embeddings/external/ToxicConversationsClassification.json b/results/consciousAI__cai-stellaris-text-embeddings/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..2a5460573 --- /dev/null +++ b/results/consciousAI__cai-stellaris-text-embeddings/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 63.567200000000014, + "ap": 11.412292644030266, + "f1": 49.102043399207716, + "main_score": 63.567200000000014 + } + ] + } +} \ No newline at end of file diff --git a/results/consciousAI__cai-stellaris-text-embeddings/external/TweetSentimentExtractionClassification.json b/results/consciousAI__cai-stellaris-text-embeddings/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..de76dfac3 --- /dev/null +++ b/results/consciousAI__cai-stellaris-text-embeddings/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 51.04414261460101, + "f1": 51.22880449155832, + "main_score": 51.04414261460101 + } + ] + } +} \ No newline at end of file diff --git a/results/consciousAI__cai-stellaris-text-embeddings/external/TwentyNewsgroupsClustering.json b/results/consciousAI__cai-stellaris-text-embeddings/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..37e9560d1 --- /dev/null +++ b/results/consciousAI__cai-stellaris-text-embeddings/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.35595440606073, + "main_score": 34.35595440606073 + } + ] + } +} \ No newline at end of file diff --git a/results/consciousAI__cai-stellaris-text-embeddings/external/TwitterSemEval2015.json b/results/consciousAI__cai-stellaris-text-embeddings/external/TwitterSemEval2015.json new file mode 100644 index 000000000..72541fe60 --- /dev/null +++ b/results/consciousAI__cai-stellaris-text-embeddings/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 84.6754485307266, + "cos_sim_ap": 69.6007143804539, + "cos_sim_f1": 65.99822312476202, + "cos_sim_precision": 63.58522866226461, + "cos_sim_recall": 68.60158311345647, + "dot_accuracy": 84.6754485307266, + "dot_ap": 69.60070881520775, + "dot_f1": 65.99822312476202, + "dot_precision": 63.58522866226461, + "dot_recall": 68.60158311345647, + "euclidean_accuracy": 84.6754485307266, + "euclidean_ap": 69.60071394457518, + "euclidean_f1": 65.99822312476202, + "euclidean_precision": 63.58522866226461, + "euclidean_recall": 68.60158311345647, + "manhattan_accuracy": 84.6754485307266, + "manhattan_ap": 69.57324451019119, + "manhattan_f1": 65.7235045917101, + "manhattan_precision": 62.04311152764761, + "manhattan_recall": 69.86807387862797, + "max_accuracy": 84.6754485307266, + "max_ap": 69.6007143804539, + "max_f1": 65.99822312476202, + "main_score": 69.6007143804539 + } + ] + } +} \ No newline at end of file diff --git a/results/consciousAI__cai-stellaris-text-embeddings/external/TwitterURLCorpus.json b/results/consciousAI__cai-stellaris-text-embeddings/external/TwitterURLCorpus.json new file mode 100644 index 000000000..acb0c7578 --- /dev/null +++ b/results/consciousAI__cai-stellaris-text-embeddings/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 87.63922847052432, + "cos_sim_ap": 83.48934190421085, + "cos_sim_f1": 75.42265503384861, + "cos_sim_precision": 71.17868124359413, + "cos_sim_recall": 80.20480443486295, + "dot_accuracy": 87.63922847052432, + "dot_ap": 83.4893468701264, + "dot_f1": 75.42265503384861, + "dot_precision": 71.17868124359413, + "dot_recall": 80.20480443486295, + "euclidean_accuracy": 87.63922847052432, + "euclidean_ap": 83.48934073168017, + "euclidean_f1": 75.42265503384861, + "euclidean_precision": 71.17868124359413, + "euclidean_recall": 80.20480443486295, + "manhattan_accuracy": 87.66251406838204, + "manhattan_ap": 83.46319621504654, + "manhattan_f1": 75.41883304448297, + "manhattan_precision": 71.0089747076421, + "manhattan_recall": 80.41268863566368, + "max_accuracy": 87.66251406838204, + "max_ap": 83.4893468701264, + "max_f1": 75.42265503384861, + "main_score": 83.4893468701264 + } + ] + } +} \ No newline at end of file diff --git a/results/consciousAI__cai-stellaris-text-embeddings/external/model_meta.json b/results/consciousAI__cai-stellaris-text-embeddings/external/model_meta.json new file mode 100644 index 000000000..342f8ce4f --- /dev/null +++ b/results/consciousAI__cai-stellaris-text-embeddings/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "consciousAI/cai-stellaris-text-embeddings", + "revision": "c000ec4b29588daf0f4a0b2ad4e72ee807d8efc0", + "release_date": "2023-06-23", + "languages": [], + "loader": null, + "n_parameters": 52709446, + "memory_usage": null, + "max_tokens": 514, + "embed_dim": 768, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/d0rj__e5-large-en-ru/external/AmazonCounterfactualClassification.json b/results/d0rj__e5-large-en-ru/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..32ee8e35c --- /dev/null +++ b/results/d0rj__e5-large-en-ru/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.5671641791045, + "ap": 44.011060753169424, + "f1": 73.76504135120175, + "main_score": 79.5671641791045 + } + ] + } +} \ No newline at end of file diff --git a/results/d0rj__e5-large-en-ru/external/AskUbuntuDupQuestions.json b/results/d0rj__e5-large-en-ru/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..7627df3eb --- /dev/null +++ b/results/d0rj__e5-large-en-ru/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 57.69669466706412, + "mrr": 70.61370531592138, + "main_score": 57.69669466706412 + } + ] + } +} \ No newline at end of file diff --git a/results/d0rj__e5-large-en-ru/external/BIOSSES.json b/results/d0rj__e5-large-en-ru/external/BIOSSES.json new file mode 100644 index 000000000..bf35ba65a --- /dev/null +++ b/results/d0rj__e5-large-en-ru/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.36465960226795, + "cos_sim_spearman": 84.57602350761223, + "euclidean_pearson": 84.31391364490506, + "euclidean_spearman": 84.57602350761223, + "manhattan_pearson": 84.15796224236456, + "manhattan_spearman": 84.3645729064343, + "cosine_pearson": 86.36465960226795, + "cosine_spearman": 84.57602350761223, + "main_score": 84.57602350761223 + } + ] + } +} \ No newline at end of file diff --git a/results/d0rj__e5-large-en-ru/external/MindSmallReranking.json b/results/d0rj__e5-large-en-ru/external/MindSmallReranking.json new file mode 100644 index 000000000..be7066dc6 --- /dev/null +++ b/results/d0rj__e5-large-en-ru/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.105698873583098, + "mrr": 32.163780846856206, + "main_score": 31.105698873583098 + } + ] + } +} \ No newline at end of file diff --git a/results/d0rj__e5-large-en-ru/external/SICK-R.json b/results/d0rj__e5-large-en-ru/external/SICK-R.json new file mode 100644 index 000000000..0e0629eda --- /dev/null +++ b/results/d0rj__e5-large-en-ru/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.75973907678062, + "cos_sim_spearman": 80.54994608351296, + "euclidean_pearson": 80.58496551316748, + "euclidean_spearman": 80.54993996457814, + "manhattan_pearson": 80.49280884070782, + "manhattan_spearman": 80.41230093993471, + "cosine_pearson": 83.75973907678062, + "cosine_spearman": 80.54994608351296, + "main_score": 80.54994608351296 + } + ] + } +} \ No newline at end of file diff --git a/results/d0rj__e5-large-en-ru/external/STS12.json b/results/d0rj__e5-large-en-ru/external/STS12.json new file mode 100644 index 000000000..317359fd8 --- /dev/null +++ b/results/d0rj__e5-large-en-ru/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.345503928209, + "cos_sim_spearman": 80.4634619001261, + "euclidean_pearson": 84.2666575030677, + "euclidean_spearman": 80.46347579495351, + "manhattan_pearson": 84.14370038922885, + "manhattan_spearman": 80.36565043629274, + "cosine_pearson": 87.345503928209, + "cosine_spearman": 80.4634619001261, + "main_score": 80.4634619001261 + } + ] + } +} \ No newline at end of file diff --git a/results/d0rj__e5-large-en-ru/external/STS13.json b/results/d0rj__e5-large-en-ru/external/STS13.json new file mode 100644 index 000000000..ed8a6a87a --- /dev/null +++ b/results/d0rj__e5-large-en-ru/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 75.14644787456163, + "cos_sim_spearman": 75.88443166051762, + "euclidean_pearson": 76.19117255044588, + "euclidean_spearman": 75.88443166051762, + "manhattan_pearson": 76.00450128624708, + "manhattan_spearman": 75.69943934692938, + "cosine_pearson": 75.14644787456163, + "cosine_spearman": 75.88443166051762, + "main_score": 75.88443166051762 + } + ] + } +} \ No newline at end of file diff --git a/results/d0rj__e5-large-en-ru/external/STS14.json b/results/d0rj__e5-large-en-ru/external/STS14.json new file mode 100644 index 000000000..812b154b8 --- /dev/null +++ b/results/d0rj__e5-large-en-ru/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 77.60763524019471, + "cos_sim_spearman": 77.2591077818027, + "euclidean_pearson": 77.14021401348042, + "euclidean_spearman": 77.25911027186999, + "manhattan_pearson": 76.87139081109731, + "manhattan_spearman": 76.98379627773018, + "cosine_pearson": 77.60763524019471, + "cosine_spearman": 77.2591077818027, + "main_score": 77.2591077818027 + } + ] + } +} \ No newline at end of file diff --git a/results/d0rj__e5-large-en-ru/external/STS15.json b/results/d0rj__e5-large-en-ru/external/STS15.json new file mode 100644 index 000000000..8f4f3ce4a --- /dev/null +++ b/results/d0rj__e5-large-en-ru/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.18321035966198, + "cos_sim_spearman": 89.0469892725742, + "euclidean_pearson": 88.05085809092137, + "euclidean_spearman": 89.04698194601134, + "manhattan_pearson": 88.03620967628684, + "manhattan_spearman": 89.02859425307943, + "cosine_pearson": 88.18321035966198, + "cosine_spearman": 89.0469892725742, + "main_score": 89.0469892725742 + } + ] + } +} \ No newline at end of file diff --git a/results/d0rj__e5-large-en-ru/external/STS16.json b/results/d0rj__e5-large-en-ru/external/STS16.json new file mode 100644 index 000000000..6d778493a --- /dev/null +++ b/results/d0rj__e5-large-en-ru/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.39166503459249, + "cos_sim_spearman": 83.71826060604693, + "euclidean_pearson": 82.70145770530107, + "euclidean_spearman": 83.71826045549452, + "manhattan_pearson": 82.56870669205291, + "manhattan_spearman": 83.55353737670136, + "cosine_pearson": 82.39166503459249, + "cosine_spearman": 83.71826060604693, + "main_score": 83.71826060604693 + } + ] + } +} \ No newline at end of file diff --git a/results/d0rj__e5-large-en-ru/external/STS17.json b/results/d0rj__e5-large-en-ru/external/STS17.json new file mode 100644 index 000000000..8b3d7dc35 --- /dev/null +++ b/results/d0rj__e5-large-en-ru/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 89.58290721169323, + "cos_sim_spearman": 89.25956993522081, + "euclidean_pearson": 89.4716703635447, + "euclidean_spearman": 89.25956993522081, + "manhattan_pearson": 89.4475864648432, + "manhattan_spearman": 89.14694174575615, + "cosine_pearson": 89.58290721169323, + "cosine_spearman": 89.25956993522081, + "main_score": 89.25956993522081 + } + ] + } +} \ No newline at end of file diff --git a/results/d0rj__e5-large-en-ru/external/SciDocsRR.json b/results/d0rj__e5-large-en-ru/external/SciDocsRR.json new file mode 100644 index 000000000..0a93d1959 --- /dev/null +++ b/results/d0rj__e5-large-en-ru/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 81.4879065181404, + "mrr": 94.81295937178291, + "main_score": 81.4879065181404 + } + ] + } +} \ No newline at end of file diff --git a/results/d0rj__e5-large-en-ru/external/SprintDuplicateQuestions.json b/results/d0rj__e5-large-en-ru/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..afb490b91 --- /dev/null +++ b/results/d0rj__e5-large-en-ru/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.73960396039604, + "cos_sim_ap": 92.70840767967965, + "cos_sim_f1": 86.90890990542557, + "cos_sim_precision": 86.5213082259663, + "cos_sim_recall": 87.3, + "dot_accuracy": 99.73960396039604, + "dot_ap": 92.70828452993575, + "dot_f1": 86.90890990542557, + "dot_precision": 86.5213082259663, + "dot_recall": 87.3, + "euclidean_accuracy": 99.73960396039604, + "euclidean_ap": 92.7084093403562, + "euclidean_f1": 86.90890990542557, + "euclidean_precision": 86.5213082259663, + "euclidean_recall": 87.3, + "manhattan_accuracy": 99.74059405940594, + "manhattan_ap": 92.7406819850299, + "manhattan_f1": 87.01234567901234, + "manhattan_precision": 85.95121951219512, + "manhattan_recall": 88.1, + "max_accuracy": 99.74059405940594, + "max_ap": 92.7406819850299, + "max_f1": 87.01234567901234, + "main_score": 92.7406819850299 + } + ] + } +} \ No newline at end of file diff --git a/results/d0rj__e5-large-en-ru/external/StackOverflowDupQuestions.json b/results/d0rj__e5-large-en-ru/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..b6b2cefd0 --- /dev/null +++ b/results/d0rj__e5-large-en-ru/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 48.566931484512196, + "mrr": 49.23111100500807, + "main_score": 48.566931484512196 + } + ] + } +} \ No newline at end of file diff --git a/results/d0rj__e5-large-en-ru/external/TwitterSemEval2015.json b/results/d0rj__e5-large-en-ru/external/TwitterSemEval2015.json new file mode 100644 index 000000000..3ac1ba15a --- /dev/null +++ b/results/d0rj__e5-large-en-ru/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 86.27287357692079, + "cos_sim_ap": 74.20855854505362, + "cos_sim_f1": 69.09903201787044, + "cos_sim_precision": 65.22961574507966, + "cos_sim_recall": 73.45646437994723, + "dot_accuracy": 86.27287357692079, + "dot_ap": 74.20853189774614, + "dot_f1": 69.09903201787044, + "dot_precision": 65.22961574507966, + "dot_recall": 73.45646437994723, + "euclidean_accuracy": 86.27287357692079, + "euclidean_ap": 74.20857455896677, + "euclidean_f1": 69.09903201787044, + "euclidean_precision": 65.22961574507966, + "euclidean_recall": 73.45646437994723, + "manhattan_accuracy": 86.2192287059665, + "manhattan_ap": 74.0513280969461, + "manhattan_f1": 69.13344473621389, + "manhattan_precision": 63.12118570183086, + "manhattan_recall": 76.41160949868075, + "max_accuracy": 86.27287357692079, + "max_ap": 74.20857455896677, + "max_f1": 69.13344473621389, + "main_score": 74.20857455896677 + } + ] + } +} \ No newline at end of file diff --git a/results/d0rj__e5-large-en-ru/external/TwitterURLCorpus.json b/results/d0rj__e5-large-en-ru/external/TwitterURLCorpus.json new file mode 100644 index 000000000..3764d349d --- /dev/null +++ b/results/d0rj__e5-large-en-ru/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.16055419722902, + "cos_sim_ap": 86.03614264194854, + "cos_sim_f1": 78.89855695205357, + "cos_sim_precision": 73.74656938215409, + "cos_sim_recall": 84.82445334154605, + "dot_accuracy": 89.16055419722902, + "dot_ap": 86.03614225282097, + "dot_f1": 78.89855695205357, + "dot_precision": 73.74656938215409, + "dot_recall": 84.82445334154605, + "euclidean_accuracy": 89.16055419722902, + "euclidean_ap": 86.0361548355667, + "euclidean_f1": 78.89855695205357, + "euclidean_precision": 73.74656938215409, + "euclidean_recall": 84.82445334154605, + "manhattan_accuracy": 89.11786393448985, + "manhattan_ap": 86.00799361972808, + "manhattan_f1": 78.84721152788472, + "manhattan_precision": 75.26776338816941, + "manhattan_recall": 82.78410840776101, + "max_accuracy": 89.16055419722902, + "max_ap": 86.0361548355667, + "max_f1": 78.89855695205357, + "main_score": 86.0361548355667 + } + ] + } +} \ No newline at end of file diff --git a/results/d0rj__e5-large-en-ru/external/model_meta.json b/results/d0rj__e5-large-en-ru/external/model_meta.json new file mode 100644 index 000000000..83236797c --- /dev/null +++ b/results/d0rj__e5-large-en-ru/external/model_meta.json @@ -0,0 +1,23 @@ +{ + "name": "d0rj/e5-large-en-ru", + "revision": "e1a47931c18468ffcbe9fad242987cb26b603584", + "release_date": "2023-09-18", + "languages": [ + "en", + "ru" + ], + "loader": null, + "n_parameters": 365638146, + "memory_usage": null, + "max_tokens": 514, + "embed_dim": 1024, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/AmazonCounterfactualClassification.json b/results/davidpeer__gte-small/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..54d057308 --- /dev/null +++ b/results/davidpeer__gte-small/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.22388059701493, + "ap": 36.09895941426988, + "f1": 67.3205651539195, + "main_score": 73.22388059701493 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/AmazonPolarityClassification.json b/results/davidpeer__gte-small/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..aadb25178 --- /dev/null +++ b/results/davidpeer__gte-small/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.81894999999999, + "ap": 88.5240138417305, + "f1": 91.80367382706962, + "main_score": 91.81894999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/AmazonReviewsClassification.json b/results/davidpeer__gte-small/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..a771c5988 --- /dev/null +++ b/results/davidpeer__gte-small/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 48.032, + "f1": 47.4490665674719, + "main_score": 48.032 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/ArguAna.json b/results/davidpeer__gte-small/external/ArguAna.json new file mode 100644 index 000000000..f05b3f1ec --- /dev/null +++ b/results/davidpeer__gte-small/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.725, + "map_at_10": 46.604, + "map_at_100": 47.535, + "map_at_1000": 47.538000000000004, + "map_at_3": 41.833, + "map_at_5": 44.61, + "mrr_at_1": 31.223, + "mrr_at_10": 46.794000000000004, + "mrr_at_100": 47.725, + "mrr_at_1000": 47.727000000000004, + "mrr_at_3": 42.07, + "mrr_at_5": 44.812000000000005, + "ndcg_at_1": 30.725, + "ndcg_at_10": 55.440999999999995, + "ndcg_at_100": 59.134, + "ndcg_at_1000": 59.199, + "ndcg_at_3": 45.599000000000004, + "ndcg_at_5": 50.637, + "precision_at_1": 30.725, + "precision_at_10": 8.364, + "precision_at_100": 0.991, + "precision_at_1000": 0.1, + "precision_at_3": 18.848000000000003, + "precision_at_5": 13.77, + "recall_at_1": 30.725, + "recall_at_10": 83.64200000000001, + "recall_at_100": 99.14699999999999, + "recall_at_1000": 99.644, + "recall_at_3": 56.543, + "recall_at_5": 68.848, + "main_score": 55.440999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/ArxivClusteringP2P.json b/results/davidpeer__gte-small/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..1f3dcefba --- /dev/null +++ b/results/davidpeer__gte-small/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 47.90178078197678, + "main_score": 47.90178078197678 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/ArxivClusteringS2S.json b/results/davidpeer__gte-small/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..237af2c4a --- /dev/null +++ b/results/davidpeer__gte-small/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.25728393431922, + "main_score": 40.25728393431922 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/AskUbuntuDupQuestions.json b/results/davidpeer__gte-small/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..f7bfb848e --- /dev/null +++ b/results/davidpeer__gte-small/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 61.720297062897764, + "mrr": 75.24139295607439, + "main_score": 61.720297062897764 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/BIOSSES.json b/results/davidpeer__gte-small/external/BIOSSES.json new file mode 100644 index 000000000..0f5adcca1 --- /dev/null +++ b/results/davidpeer__gte-small/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 89.43527309184616, + "cos_sim_spearman": 88.17128615100206, + "euclidean_pearson": 87.89922623089282, + "euclidean_spearman": 87.96104039655451, + "manhattan_pearson": 87.9818290932077, + "manhattan_spearman": 88.00923426576885, + "cosine_pearson": 89.43527309184616, + "cosine_spearman": 88.17128615100206, + "main_score": 88.17128615100206 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/Banking77Classification.json b/results/davidpeer__gte-small/external/Banking77Classification.json new file mode 100644 index 000000000..4fcaacf3e --- /dev/null +++ b/results/davidpeer__gte-small/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 84.0844155844156, + "f1": 84.01485017302213, + "main_score": 84.0844155844156 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/BiorxivClusteringP2P.json b/results/davidpeer__gte-small/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..80dc4be59 --- /dev/null +++ b/results/davidpeer__gte-small/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.36574769259432, + "main_score": 38.36574769259432 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/BiorxivClusteringS2S.json b/results/davidpeer__gte-small/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..9cb98000a --- /dev/null +++ b/results/davidpeer__gte-small/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.4857033165287, + "main_score": 35.4857033165287 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/CQADupstackAndroidRetrieval.json b/results/davidpeer__gte-small/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..17fd23e3a --- /dev/null +++ b/results/davidpeer__gte-small/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.261, + "map_at_10": 42.419000000000004, + "map_at_100": 43.927, + "map_at_1000": 44.055, + "map_at_3": 38.597, + "map_at_5": 40.701, + "mrr_at_1": 36.91, + "mrr_at_10": 48.02, + "mrr_at_100": 48.658, + "mrr_at_1000": 48.708, + "mrr_at_3": 44.945, + "mrr_at_5": 46.705000000000005, + "ndcg_at_1": 36.91, + "ndcg_at_10": 49.353, + "ndcg_at_100": 54.456, + "ndcg_at_1000": 56.363, + "ndcg_at_3": 43.483, + "ndcg_at_5": 46.150999999999996, + "precision_at_1": 36.91, + "precision_at_10": 9.700000000000001, + "precision_at_100": 1.557, + "precision_at_1000": 0.202, + "precision_at_3": 21.078, + "precision_at_5": 15.421999999999999, + "recall_at_1": 30.261, + "recall_at_10": 63.242, + "recall_at_100": 84.09100000000001, + "recall_at_1000": 96.143, + "recall_at_3": 46.478, + "recall_at_5": 53.708, + "main_score": 49.353 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.145, + "map_at_10": 40.996, + "map_at_100": 42.266999999999996, + "map_at_1000": 42.397, + "map_at_3": 38.005, + "map_at_5": 39.628, + "mrr_at_1": 38.344, + "mrr_at_10": 46.827000000000005, + "mrr_at_100": 47.446, + "mrr_at_1000": 47.489, + "mrr_at_3": 44.448, + "mrr_at_5": 45.747, + "ndcg_at_1": 38.344, + "ndcg_at_10": 46.733000000000004, + "ndcg_at_100": 51.103, + "ndcg_at_1000": 53.075, + "ndcg_at_3": 42.366, + "ndcg_at_5": 44.242, + "precision_at_1": 38.344, + "precision_at_10": 8.822000000000001, + "precision_at_100": 1.417, + "precision_at_1000": 0.187, + "precision_at_3": 20.403, + "precision_at_5": 14.306, + "recall_at_1": 31.145, + "recall_at_10": 56.909, + "recall_at_100": 75.274, + "recall_at_1000": 87.629, + "recall_at_3": 43.784, + "recall_at_5": 49.338, + "main_score": 46.733000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.83, + "map_at_10": 51.553000000000004, + "map_at_100": 52.581, + "map_at_1000": 52.638, + "map_at_3": 48.112, + "map_at_5": 50.095, + "mrr_at_1": 44.513999999999996, + "mrr_at_10": 54.998000000000005, + "mrr_at_100": 55.650999999999996, + "mrr_at_1000": 55.679, + "mrr_at_3": 52.602000000000004, + "mrr_at_5": 53.931, + "ndcg_at_1": 44.513999999999996, + "ndcg_at_10": 57.67400000000001, + "ndcg_at_100": 61.663999999999994, + "ndcg_at_1000": 62.743, + "ndcg_at_3": 51.964, + "ndcg_at_5": 54.773, + "precision_at_1": 44.513999999999996, + "precision_at_10": 9.423, + "precision_at_100": 1.2309999999999999, + "precision_at_1000": 0.13699999999999998, + "precision_at_3": 23.323, + "precision_at_5": 16.163, + "recall_at_1": 38.83, + "recall_at_10": 72.327, + "recall_at_100": 89.519, + "recall_at_1000": 97.041, + "recall_at_3": 57.206, + "recall_at_5": 63.88399999999999, + "main_score": 57.67400000000001 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.484, + "map_at_10": 34.527, + "map_at_100": 35.661, + "map_at_1000": 35.739, + "map_at_3": 32.199, + "map_at_5": 33.632, + "mrr_at_1": 27.458, + "mrr_at_10": 36.543, + "mrr_at_100": 37.482, + "mrr_at_1000": 37.543, + "mrr_at_3": 34.256, + "mrr_at_5": 35.618, + "ndcg_at_1": 27.458, + "ndcg_at_10": 39.396, + "ndcg_at_100": 44.742, + "ndcg_at_1000": 46.708, + "ndcg_at_3": 34.817, + "ndcg_at_5": 37.247, + "precision_at_1": 27.458, + "precision_at_10": 5.976999999999999, + "precision_at_100": 0.907, + "precision_at_1000": 0.11100000000000002, + "precision_at_3": 14.878, + "precision_at_5": 10.35, + "recall_at_1": 25.484, + "recall_at_10": 52.317, + "recall_at_100": 76.701, + "recall_at_1000": 91.408, + "recall_at_3": 40.043, + "recall_at_5": 45.879, + "main_score": 39.396 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.719, + "map_at_10": 25.269000000000002, + "map_at_100": 26.442, + "map_at_1000": 26.557, + "map_at_3": 22.56, + "map_at_5": 24.082, + "mrr_at_1": 20.896, + "mrr_at_10": 29.982999999999997, + "mrr_at_100": 30.895, + "mrr_at_1000": 30.961, + "mrr_at_3": 27.239, + "mrr_at_5": 28.787000000000003, + "ndcg_at_1": 20.896, + "ndcg_at_10": 30.814000000000004, + "ndcg_at_100": 36.418, + "ndcg_at_1000": 39.182, + "ndcg_at_3": 25.807999999999996, + "ndcg_at_5": 28.143, + "precision_at_1": 20.896, + "precision_at_10": 5.821, + "precision_at_100": 0.991, + "precision_at_1000": 0.136, + "precision_at_3": 12.562000000000001, + "precision_at_5": 9.254, + "recall_at_1": 16.719, + "recall_at_10": 43.155, + "recall_at_100": 67.831, + "recall_at_1000": 87.617, + "recall_at_3": 29.259, + "recall_at_5": 35.260999999999996, + "main_score": 30.814000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.398999999999997, + "map_at_10": 39.876, + "map_at_100": 41.205999999999996, + "map_at_1000": 41.321999999999996, + "map_at_3": 36.588, + "map_at_5": 38.538, + "mrr_at_1": 35.9, + "mrr_at_10": 45.528, + "mrr_at_100": 46.343, + "mrr_at_1000": 46.388, + "mrr_at_3": 42.862, + "mrr_at_5": 44.440000000000005, + "ndcg_at_1": 35.9, + "ndcg_at_10": 45.987, + "ndcg_at_100": 51.370000000000005, + "ndcg_at_1000": 53.400000000000006, + "ndcg_at_3": 40.841, + "ndcg_at_5": 43.447, + "precision_at_1": 35.9, + "precision_at_10": 8.393, + "precision_at_100": 1.283, + "precision_at_1000": 0.166, + "precision_at_3": 19.538, + "precision_at_5": 13.975000000000001, + "recall_at_1": 29.398999999999997, + "recall_at_10": 58.361, + "recall_at_100": 81.081, + "recall_at_1000": 94.004, + "recall_at_3": 43.657000000000004, + "recall_at_5": 50.519999999999996, + "main_score": 45.987 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.589, + "map_at_10": 31.608999999999998, + "map_at_100": 33.128, + "map_at_1000": 33.247, + "map_at_3": 28.671999999999997, + "map_at_5": 30.233999999999998, + "mrr_at_1": 26.712000000000003, + "mrr_at_10": 36.713, + "mrr_at_100": 37.713, + "mrr_at_1000": 37.771, + "mrr_at_3": 34.075, + "mrr_at_5": 35.451, + "ndcg_at_1": 26.712000000000003, + "ndcg_at_10": 37.519999999999996, + "ndcg_at_100": 43.946000000000005, + "ndcg_at_1000": 46.297, + "ndcg_at_3": 32.551, + "ndcg_at_5": 34.660999999999994, + "precision_at_1": 26.712000000000003, + "precision_at_10": 7.066, + "precision_at_100": 1.216, + "precision_at_1000": 0.157, + "precision_at_3": 15.906, + "precision_at_5": 11.437999999999999, + "recall_at_1": 21.589, + "recall_at_10": 50.090999999999994, + "recall_at_100": 77.43900000000001, + "recall_at_1000": 93.35900000000001, + "recall_at_3": 36.028999999999996, + "recall_at_5": 41.698, + "main_score": 37.519999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.121666666666663, + "map_at_10": 34.46258333333334, + "map_at_100": 35.710499999999996, + "map_at_1000": 35.82691666666666, + "map_at_3": 31.563249999999996, + "map_at_5": 33.189750000000004, + "mrr_at_1": 29.66441666666667, + "mrr_at_10": 38.5455, + "mrr_at_100": 39.39566666666667, + "mrr_at_1000": 39.45325, + "mrr_at_3": 36.003333333333345, + "mrr_at_5": 37.440916666666666, + "ndcg_at_1": 29.66441666666667, + "ndcg_at_10": 39.978416666666675, + "ndcg_at_100": 45.278666666666666, + "ndcg_at_1000": 47.52275, + "ndcg_at_3": 35.00058333333334, + "ndcg_at_5": 37.34908333333333, + "precision_at_1": 29.66441666666667, + "precision_at_10": 7.094500000000001, + "precision_at_100": 1.1523333333333332, + "precision_at_1000": 0.15358333333333332, + "precision_at_3": 16.184166666666663, + "precision_at_5": 11.6005, + "recall_at_1": 25.121666666666663, + "recall_at_10": 52.23975000000001, + "recall_at_100": 75.48408333333333, + "recall_at_1000": 90.95316666666668, + "recall_at_3": 38.38458333333333, + "recall_at_5": 44.39933333333333, + "main_score": 39.978416666666675 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.569000000000003, + "map_at_10": 30.389, + "map_at_100": 31.396, + "map_at_1000": 31.493, + "map_at_3": 28.276, + "map_at_5": 29.459000000000003, + "mrr_at_1": 26.534000000000002, + "mrr_at_10": 33.217999999999996, + "mrr_at_100": 34.054, + "mrr_at_1000": 34.12, + "mrr_at_3": 31.058000000000003, + "mrr_at_5": 32.330999999999996, + "ndcg_at_1": 26.534000000000002, + "ndcg_at_10": 34.608, + "ndcg_at_100": 39.391999999999996, + "ndcg_at_1000": 41.837999999999994, + "ndcg_at_3": 30.564999999999998, + "ndcg_at_5": 32.509, + "precision_at_1": 26.534000000000002, + "precision_at_10": 5.414, + "precision_at_100": 0.847, + "precision_at_1000": 0.11399999999999999, + "precision_at_3": 12.986, + "precision_at_5": 9.202, + "recall_at_1": 23.569000000000003, + "recall_at_10": 44.896, + "recall_at_100": 66.476, + "recall_at_1000": 84.548, + "recall_at_3": 33.79, + "recall_at_5": 38.512, + "main_score": 34.608 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.36, + "map_at_10": 23.57, + "map_at_100": 24.698999999999998, + "map_at_1000": 24.834999999999997, + "map_at_3": 21.093, + "map_at_5": 22.418, + "mrr_at_1": 19.718, + "mrr_at_10": 27.139999999999997, + "mrr_at_100": 28.097, + "mrr_at_1000": 28.177999999999997, + "mrr_at_3": 24.805, + "mrr_at_5": 26.121, + "ndcg_at_1": 19.718, + "ndcg_at_10": 28.238999999999997, + "ndcg_at_100": 33.663, + "ndcg_at_1000": 36.763, + "ndcg_at_3": 23.747, + "ndcg_at_5": 25.796000000000003, + "precision_at_1": 19.718, + "precision_at_10": 5.282, + "precision_at_100": 0.9390000000000001, + "precision_at_1000": 0.13899999999999998, + "precision_at_3": 11.264000000000001, + "precision_at_5": 8.341, + "recall_at_1": 16.36, + "recall_at_10": 38.669, + "recall_at_100": 63.184, + "recall_at_1000": 85.33800000000001, + "recall_at_3": 26.214, + "recall_at_5": 31.423000000000002, + "main_score": 28.238999999999997 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.618999999999996, + "map_at_10": 34.361999999999995, + "map_at_100": 35.534, + "map_at_1000": 35.634, + "map_at_3": 31.402, + "map_at_5": 32.815, + "mrr_at_1": 30.037000000000003, + "mrr_at_10": 38.284, + "mrr_at_100": 39.141999999999996, + "mrr_at_1000": 39.2, + "mrr_at_3": 35.603, + "mrr_at_5": 36.867, + "ndcg_at_1": 30.037000000000003, + "ndcg_at_10": 39.87, + "ndcg_at_100": 45.243, + "ndcg_at_1000": 47.507, + "ndcg_at_3": 34.371, + "ndcg_at_5": 36.521, + "precision_at_1": 30.037000000000003, + "precision_at_10": 6.819, + "precision_at_100": 1.0699999999999998, + "precision_at_1000": 0.13699999999999998, + "precision_at_3": 15.392, + "precision_at_5": 10.821, + "recall_at_1": 25.618999999999996, + "recall_at_10": 52.869, + "recall_at_100": 76.395, + "recall_at_1000": 92.19500000000001, + "recall_at_3": 37.943, + "recall_at_5": 43.342999999999996, + "main_score": 39.87 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.283, + "map_at_10": 32.155, + "map_at_100": 33.724, + "map_at_1000": 33.939, + "map_at_3": 29.018, + "map_at_5": 30.864000000000004, + "mrr_at_1": 28.063, + "mrr_at_10": 36.632, + "mrr_at_100": 37.606, + "mrr_at_1000": 37.671, + "mrr_at_3": 33.992, + "mrr_at_5": 35.613, + "ndcg_at_1": 28.063, + "ndcg_at_10": 38.024, + "ndcg_at_100": 44.292, + "ndcg_at_1000": 46.818, + "ndcg_at_3": 32.965, + "ndcg_at_5": 35.562, + "precision_at_1": 28.063, + "precision_at_10": 7.352, + "precision_at_100": 1.514, + "precision_at_1000": 0.23800000000000002, + "precision_at_3": 15.481, + "precision_at_5": 11.542, + "recall_at_1": 23.283, + "recall_at_10": 49.756, + "recall_at_100": 78.05, + "recall_at_1000": 93.854, + "recall_at_3": 35.408, + "recall_at_5": 42.187000000000005, + "main_score": 38.024 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.201999999999998, + "map_at_10": 26.826, + "map_at_100": 27.961000000000002, + "map_at_1000": 28.066999999999997, + "map_at_3": 24.237000000000002, + "map_at_5": 25.811, + "mrr_at_1": 20.887, + "mrr_at_10": 28.660000000000004, + "mrr_at_100": 29.660999999999998, + "mrr_at_1000": 29.731, + "mrr_at_3": 26.155, + "mrr_at_5": 27.68, + "ndcg_at_1": 20.887, + "ndcg_at_10": 31.523, + "ndcg_at_100": 37.055, + "ndcg_at_1000": 39.579, + "ndcg_at_3": 26.529000000000003, + "ndcg_at_5": 29.137, + "precision_at_1": 20.887, + "precision_at_10": 5.065, + "precision_at_100": 0.856, + "precision_at_1000": 0.11900000000000001, + "precision_at_3": 11.399, + "precision_at_5": 8.392, + "recall_at_1": 19.201999999999998, + "recall_at_10": 44.285000000000004, + "recall_at_100": 69.768, + "recall_at_1000": 88.302, + "recall_at_3": 30.804, + "recall_at_5": 37.039, + "main_score": 31.523 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/ClimateFEVER.json b/results/davidpeer__gte-small/external/ClimateFEVER.json new file mode 100644 index 000000000..3b5c9eecb --- /dev/null +++ b/results/davidpeer__gte-small/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 11.244, + "map_at_10": 18.956, + "map_at_100": 20.674, + "map_at_1000": 20.863, + "map_at_3": 15.923000000000002, + "map_at_5": 17.518, + "mrr_at_1": 25.080999999999996, + "mrr_at_10": 35.94, + "mrr_at_100": 36.969, + "mrr_at_1000": 37.013, + "mrr_at_3": 32.617000000000004, + "mrr_at_5": 34.682, + "ndcg_at_1": 25.080999999999996, + "ndcg_at_10": 26.539, + "ndcg_at_100": 33.601, + "ndcg_at_1000": 37.203, + "ndcg_at_3": 21.695999999999998, + "ndcg_at_5": 23.567, + "precision_at_1": 25.080999999999996, + "precision_at_10": 8.143, + "precision_at_100": 1.5650000000000002, + "precision_at_1000": 0.22300000000000003, + "precision_at_3": 15.983, + "precision_at_5": 12.417, + "recall_at_1": 11.244, + "recall_at_10": 31.457, + "recall_at_100": 55.92, + "recall_at_1000": 76.372, + "recall_at_3": 19.784, + "recall_at_5": 24.857000000000003, + "main_score": 26.539 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/DBPedia.json b/results/davidpeer__gte-small/external/DBPedia.json new file mode 100644 index 000000000..3cb15faf5 --- /dev/null +++ b/results/davidpeer__gte-small/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.595, + "map_at_10": 18.75, + "map_at_100": 26.354, + "map_at_1000": 27.912, + "map_at_3": 13.794, + "map_at_5": 16.021, + "mrr_at_1": 65.75, + "mrr_at_10": 73.837, + "mrr_at_100": 74.22800000000001, + "mrr_at_1000": 74.234, + "mrr_at_3": 72.5, + "mrr_at_5": 73.387, + "ndcg_at_1": 52.625, + "ndcg_at_10": 39.101, + "ndcg_at_100": 43.836000000000006, + "ndcg_at_1000": 51.086, + "ndcg_at_3": 44.229, + "ndcg_at_5": 41.555, + "precision_at_1": 65.75, + "precision_at_10": 30.45, + "precision_at_100": 9.81, + "precision_at_1000": 2.045, + "precision_at_3": 48.667, + "precision_at_5": 40.8, + "recall_at_1": 8.595, + "recall_at_10": 24.201, + "recall_at_100": 50.096, + "recall_at_1000": 72.677, + "recall_at_3": 15.212, + "recall_at_5": 18.745, + "main_score": 39.101 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/EmotionClassification.json b/results/davidpeer__gte-small/external/EmotionClassification.json new file mode 100644 index 000000000..e415b33b1 --- /dev/null +++ b/results/davidpeer__gte-small/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 46.565, + "f1": 41.49914329345582, + "main_score": 46.565 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/FEVER.json b/results/davidpeer__gte-small/external/FEVER.json new file mode 100644 index 000000000..e5a15cd52 --- /dev/null +++ b/results/davidpeer__gte-small/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 66.60000000000001, + "map_at_10": 76.838, + "map_at_100": 77.076, + "map_at_1000": 77.09, + "map_at_3": 75.545, + "map_at_5": 76.39, + "mrr_at_1": 71.707, + "mrr_at_10": 81.514, + "mrr_at_100": 81.64099999999999, + "mrr_at_1000": 81.645, + "mrr_at_3": 80.428, + "mrr_at_5": 81.159, + "ndcg_at_1": 71.707, + "ndcg_at_10": 81.545, + "ndcg_at_100": 82.477, + "ndcg_at_1000": 82.73899999999999, + "ndcg_at_3": 79.292, + "ndcg_at_5": 80.599, + "precision_at_1": 71.707, + "precision_at_10": 10.035, + "precision_at_100": 1.068, + "precision_at_1000": 0.11100000000000002, + "precision_at_3": 30.918, + "precision_at_5": 19.328, + "recall_at_1": 66.60000000000001, + "recall_at_10": 91.353, + "recall_at_100": 95.21, + "recall_at_1000": 96.89999999999999, + "recall_at_3": 85.188, + "recall_at_5": 88.52, + "main_score": 81.545 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/FiQA2018.json b/results/davidpeer__gte-small/external/FiQA2018.json new file mode 100644 index 000000000..274009aca --- /dev/null +++ b/results/davidpeer__gte-small/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.338, + "map_at_10": 31.752000000000002, + "map_at_100": 33.516, + "map_at_1000": 33.694, + "map_at_3": 27.716, + "map_at_5": 29.67, + "mrr_at_1": 38.117000000000004, + "mrr_at_10": 47.323, + "mrr_at_100": 48.13, + "mrr_at_1000": 48.161, + "mrr_at_3": 45.062000000000005, + "mrr_at_5": 46.358, + "ndcg_at_1": 38.117000000000004, + "ndcg_at_10": 39.353, + "ndcg_at_100": 46.044000000000004, + "ndcg_at_1000": 49.083, + "ndcg_at_3": 35.891, + "ndcg_at_5": 36.661, + "precision_at_1": 38.117000000000004, + "precision_at_10": 11.187999999999999, + "precision_at_100": 1.802, + "precision_at_1000": 0.234, + "precision_at_3": 24.126, + "precision_at_5": 17.562, + "recall_at_1": 19.338, + "recall_at_10": 45.735, + "recall_at_100": 71.281, + "recall_at_1000": 89.537, + "recall_at_3": 32.525, + "recall_at_5": 37.671, + "main_score": 39.353 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/HotpotQA.json b/results/davidpeer__gte-small/external/HotpotQA.json new file mode 100644 index 000000000..c3880f808 --- /dev/null +++ b/results/davidpeer__gte-small/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 36.995, + "map_at_10": 55.032000000000004, + "map_at_100": 55.86, + "map_at_1000": 55.932, + "map_at_3": 52.125, + "map_at_5": 53.884, + "mrr_at_1": 73.991, + "mrr_at_10": 80.096, + "mrr_at_100": 80.32000000000001, + "mrr_at_1000": 80.331, + "mrr_at_3": 79.037, + "mrr_at_5": 79.719, + "ndcg_at_1": 73.991, + "ndcg_at_10": 63.786, + "ndcg_at_100": 66.78, + "ndcg_at_1000": 68.255, + "ndcg_at_3": 59.501000000000005, + "ndcg_at_5": 61.82299999999999, + "precision_at_1": 73.991, + "precision_at_10": 13.157, + "precision_at_100": 1.552, + "precision_at_1000": 0.17500000000000002, + "precision_at_3": 37.519999999999996, + "precision_at_5": 24.351, + "recall_at_1": 36.995, + "recall_at_10": 65.78699999999999, + "recall_at_100": 77.583, + "recall_at_1000": 87.421, + "recall_at_3": 56.279999999999994, + "recall_at_5": 60.878, + "main_score": 63.786 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/ImdbClassification.json b/results/davidpeer__gte-small/external/ImdbClassification.json new file mode 100644 index 000000000..8f5fe63fa --- /dev/null +++ b/results/davidpeer__gte-small/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.80239999999999, + "ap": 81.97305141128378, + "f1": 86.76976305549273, + "main_score": 86.80239999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/MSMARCO.json b/results/davidpeer__gte-small/external/MSMARCO.json new file mode 100644 index 000000000..384439f3f --- /dev/null +++ b/results/davidpeer__gte-small/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.166, + "map_at_10": 33.396, + "map_at_100": 34.588, + "map_at_1000": 34.637, + "map_at_3": 29.509999999999998, + "map_at_5": 31.719, + "mrr_at_1": 21.762, + "mrr_at_10": 33.969, + "mrr_at_100": 35.099000000000004, + "mrr_at_1000": 35.141, + "mrr_at_3": 30.148000000000003, + "mrr_at_5": 32.324000000000005, + "ndcg_at_1": 21.776999999999997, + "ndcg_at_10": 40.306999999999995, + "ndcg_at_100": 46.068, + "ndcg_at_1000": 47.3, + "ndcg_at_3": 32.416, + "ndcg_at_5": 36.345, + "precision_at_1": 21.776999999999997, + "precision_at_10": 6.433, + "precision_at_100": 0.932, + "precision_at_1000": 0.104, + "precision_at_3": 13.897, + "precision_at_5": 10.324, + "recall_at_1": 21.166, + "recall_at_10": 61.587, + "recall_at_100": 88.251, + "recall_at_1000": 97.727, + "recall_at_3": 40.196, + "recall_at_5": 49.611, + "main_score": 40.306999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/MTOPDomainClassification.json b/results/davidpeer__gte-small/external/MTOPDomainClassification.json new file mode 100644 index 000000000..ef19eebb0 --- /dev/null +++ b/results/davidpeer__gte-small/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.04605563155496, + "f1": 92.78007303978372, + "main_score": 93.04605563155496 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/MTOPIntentClassification.json b/results/davidpeer__gte-small/external/MTOPIntentClassification.json new file mode 100644 index 000000000..80342f686 --- /dev/null +++ b/results/davidpeer__gte-small/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.65116279069767, + "f1": 52.75775172527262, + "main_score": 69.65116279069767 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/MassiveIntentClassification.json b/results/davidpeer__gte-small/external/MassiveIntentClassification.json new file mode 100644 index 000000000..63e89f191 --- /dev/null +++ b/results/davidpeer__gte-small/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.34633490248822, + "f1": 68.15345065392562, + "main_score": 70.34633490248822 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/MassiveScenarioClassification.json b/results/davidpeer__gte-small/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..a3dc73ee4 --- /dev/null +++ b/results/davidpeer__gte-small/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.63887020847343, + "f1": 76.08074680233685, + "main_score": 75.63887020847343 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/MedrxivClusteringP2P.json b/results/davidpeer__gte-small/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..ae6149888 --- /dev/null +++ b/results/davidpeer__gte-small/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.77933406071333, + "main_score": 33.77933406071333 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/MedrxivClusteringS2S.json b/results/davidpeer__gte-small/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..a0cc6b2d3 --- /dev/null +++ b/results/davidpeer__gte-small/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.06504927238196, + "main_score": 32.06504927238196 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/MindSmallReranking.json b/results/davidpeer__gte-small/external/MindSmallReranking.json new file mode 100644 index 000000000..3b1930608 --- /dev/null +++ b/results/davidpeer__gte-small/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 32.20682480490871, + "mrr": 33.41462721527003, + "main_score": 32.20682480490871 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/NFCorpus.json b/results/davidpeer__gte-small/external/NFCorpus.json new file mode 100644 index 000000000..2a217f583 --- /dev/null +++ b/results/davidpeer__gte-small/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.548, + "map_at_10": 13.086999999999998, + "map_at_100": 16.698, + "map_at_1000": 18.151999999999997, + "map_at_3": 9.576, + "map_at_5": 11.175, + "mrr_at_1": 44.272, + "mrr_at_10": 53.635999999999996, + "mrr_at_100": 54.228, + "mrr_at_1000": 54.26499999999999, + "mrr_at_3": 51.754, + "mrr_at_5": 53.086, + "ndcg_at_1": 42.724000000000004, + "ndcg_at_10": 34.769, + "ndcg_at_100": 32.283, + "ndcg_at_1000": 40.843, + "ndcg_at_3": 39.852, + "ndcg_at_5": 37.858999999999995, + "precision_at_1": 44.272, + "precision_at_10": 26.068, + "precision_at_100": 8.328000000000001, + "precision_at_1000": 2.1, + "precision_at_3": 37.874, + "precision_at_5": 33.065, + "recall_at_1": 5.548, + "recall_at_10": 16.936999999999998, + "recall_at_100": 33.72, + "recall_at_1000": 64.348, + "recall_at_3": 10.764999999999999, + "recall_at_5": 13.361, + "main_score": 34.769 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/NQ.json b/results/davidpeer__gte-small/external/NQ.json new file mode 100644 index 000000000..d969db100 --- /dev/null +++ b/results/davidpeer__gte-small/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.008, + "map_at_10": 42.675000000000004, + "map_at_100": 43.85, + "map_at_1000": 43.884, + "map_at_3": 38.286, + "map_at_5": 40.78, + "mrr_at_1": 31.518, + "mrr_at_10": 45.015, + "mrr_at_100": 45.924, + "mrr_at_1000": 45.946999999999996, + "mrr_at_3": 41.348, + "mrr_at_5": 43.428, + "ndcg_at_1": 31.489, + "ndcg_at_10": 50.285999999999994, + "ndcg_at_100": 55.291999999999994, + "ndcg_at_1000": 56.05, + "ndcg_at_3": 41.976, + "ndcg_at_5": 46.103, + "precision_at_1": 31.489, + "precision_at_10": 8.456, + "precision_at_100": 1.125, + "precision_at_1000": 0.12, + "precision_at_3": 19.09, + "precision_at_5": 13.841000000000001, + "recall_at_1": 28.008, + "recall_at_10": 71.21499999999999, + "recall_at_100": 92.99, + "recall_at_1000": 98.578, + "recall_at_3": 49.604, + "recall_at_5": 59.094, + "main_score": 50.285999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/QuoraRetrieval.json b/results/davidpeer__gte-small/external/QuoraRetrieval.json new file mode 100644 index 000000000..f3e9efbad --- /dev/null +++ b/results/davidpeer__gte-small/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 70.351, + "map_at_10": 84.163, + "map_at_100": 84.785, + "map_at_1000": 84.801, + "map_at_3": 81.16, + "map_at_5": 83.031, + "mrr_at_1": 80.96, + "mrr_at_10": 87.241, + "mrr_at_100": 87.346, + "mrr_at_1000": 87.347, + "mrr_at_3": 86.25699999999999, + "mrr_at_5": 86.907, + "ndcg_at_1": 80.97, + "ndcg_at_10": 88.017, + "ndcg_at_100": 89.241, + "ndcg_at_1000": 89.34299999999999, + "ndcg_at_3": 85.053, + "ndcg_at_5": 86.663, + "precision_at_1": 80.97, + "precision_at_10": 13.358, + "precision_at_100": 1.525, + "precision_at_1000": 0.157, + "precision_at_3": 37.143, + "precision_at_5": 24.451999999999998, + "recall_at_1": 70.351, + "recall_at_10": 95.39800000000001, + "recall_at_100": 99.55199999999999, + "recall_at_1000": 99.978, + "recall_at_3": 86.913, + "recall_at_5": 91.448, + "main_score": 88.017 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/RedditClustering.json b/results/davidpeer__gte-small/external/RedditClustering.json new file mode 100644 index 000000000..497e82a3a --- /dev/null +++ b/results/davidpeer__gte-small/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 55.62406719814139, + "main_score": 55.62406719814139 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/RedditClusteringP2P.json b/results/davidpeer__gte-small/external/RedditClusteringP2P.json new file mode 100644 index 000000000..c7b4e5873 --- /dev/null +++ b/results/davidpeer__gte-small/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 61.386700035141736, + "main_score": 61.386700035141736 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/SCIDOCS.json b/results/davidpeer__gte-small/external/SCIDOCS.json new file mode 100644 index 000000000..5c0d49974 --- /dev/null +++ b/results/davidpeer__gte-small/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.618, + "map_at_10": 12.920000000000002, + "map_at_100": 15.304, + "map_at_1000": 15.656999999999998, + "map_at_3": 9.187, + "map_at_5": 10.937, + "mrr_at_1": 22.8, + "mrr_at_10": 35.13, + "mrr_at_100": 36.239, + "mrr_at_1000": 36.291000000000004, + "mrr_at_3": 31.917, + "mrr_at_5": 33.787, + "ndcg_at_1": 22.8, + "ndcg_at_10": 21.382, + "ndcg_at_100": 30.257, + "ndcg_at_1000": 36.001, + "ndcg_at_3": 20.43, + "ndcg_at_5": 17.622, + "precision_at_1": 22.8, + "precision_at_10": 11.26, + "precision_at_100": 2.405, + "precision_at_1000": 0.377, + "precision_at_3": 19.633, + "precision_at_5": 15.68, + "recall_at_1": 4.618, + "recall_at_10": 22.811999999999998, + "recall_at_100": 48.787000000000006, + "recall_at_1000": 76.63799999999999, + "recall_at_3": 11.952, + "recall_at_5": 15.892000000000001, + "main_score": 21.382 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/SICK-R.json b/results/davidpeer__gte-small/external/SICK-R.json new file mode 100644 index 000000000..d9513f6b8 --- /dev/null +++ b/results/davidpeer__gte-small/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.01529458252244, + "cos_sim_spearman": 77.92985224770254, + "euclidean_pearson": 81.04251429422487, + "euclidean_spearman": 77.92838490549133, + "manhattan_pearson": 80.95892251458979, + "manhattan_spearman": 77.81028089705941, + "cosine_pearson": 84.01529458252244, + "cosine_spearman": 77.92985224770254, + "main_score": 77.92985224770254 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/STS12.json b/results/davidpeer__gte-small/external/STS12.json new file mode 100644 index 000000000..f0562de61 --- /dev/null +++ b/results/davidpeer__gte-small/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.97885282534388, + "cos_sim_spearman": 75.1221970851712, + "euclidean_pearson": 80.34455956720097, + "euclidean_spearman": 74.5894274239938, + "manhattan_pearson": 80.38999766325465, + "manhattan_spearman": 74.68524557166975, + "cosine_pearson": 83.97885282534388, + "cosine_spearman": 75.1221970851712, + "main_score": 75.1221970851712 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/STS13.json b/results/davidpeer__gte-small/external/STS13.json new file mode 100644 index 000000000..be99bb5d1 --- /dev/null +++ b/results/davidpeer__gte-small/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.95746064915672, + "cos_sim_spearman": 85.08683458043946, + "euclidean_pearson": 84.56699492836385, + "euclidean_spearman": 85.66089116133713, + "manhattan_pearson": 84.47553323458541, + "manhattan_spearman": 85.56142206781472, + "cosine_pearson": 82.95746064915672, + "cosine_spearman": 85.08683458043946, + "main_score": 85.08683458043946 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/STS14.json b/results/davidpeer__gte-small/external/STS14.json new file mode 100644 index 000000000..fdacbb303 --- /dev/null +++ b/results/davidpeer__gte-small/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.71377893595067, + "cos_sim_spearman": 81.03453291428589, + "euclidean_pearson": 82.57136298308613, + "euclidean_spearman": 81.15839961890875, + "manhattan_pearson": 82.55157879373837, + "manhattan_spearman": 81.1540163767054, + "cosine_pearson": 82.71377893595067, + "cosine_spearman": 81.03453291428589, + "main_score": 81.03453291428589 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/STS15.json b/results/davidpeer__gte-small/external/STS15.json new file mode 100644 index 000000000..62ad3c5db --- /dev/null +++ b/results/davidpeer__gte-small/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.64197832372373, + "cos_sim_spearman": 88.31966852492485, + "euclidean_pearson": 87.98692129976983, + "euclidean_spearman": 88.6247340837856, + "manhattan_pearson": 87.90437827826412, + "manhattan_spearman": 88.56278787131457, + "cosine_pearson": 86.64197832372373, + "cosine_spearman": 88.31966852492485, + "main_score": 88.31966852492485 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/STS16.json b/results/davidpeer__gte-small/external/STS16.json new file mode 100644 index 000000000..bec656424 --- /dev/null +++ b/results/davidpeer__gte-small/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.84159950146693, + "cos_sim_spearman": 83.90678384140168, + "euclidean_pearson": 83.19005018860221, + "euclidean_spearman": 84.16260415876295, + "manhattan_pearson": 83.05030612994494, + "manhattan_spearman": 83.99605629718336, + "cosine_pearson": 81.84159950146693, + "cosine_spearman": 83.90678384140168, + "main_score": 83.90678384140168 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/STS17.json b/results/davidpeer__gte-small/external/STS17.json new file mode 100644 index 000000000..553294a06 --- /dev/null +++ b/results/davidpeer__gte-small/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.49935350176666, + "cos_sim_spearman": 87.59086606735383, + "euclidean_pearson": 88.06537181129983, + "euclidean_spearman": 87.6687448086014, + "manhattan_pearson": 87.96599131972935, + "manhattan_spearman": 87.63295748969642, + "cosine_pearson": 87.49935350176666, + "cosine_spearman": 87.59086606735383, + "main_score": 87.59086606735383 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/STS22.json b/results/davidpeer__gte-small/external/STS22.json new file mode 100644 index 000000000..03ec4a917 --- /dev/null +++ b/results/davidpeer__gte-small/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 67.68232799482763, + "cos_sim_spearman": 67.99930378085793, + "euclidean_pearson": 68.50275360001696, + "euclidean_spearman": 67.81588179309259, + "manhattan_pearson": 68.5892154749763, + "manhattan_spearman": 67.84357259640682, + "cosine_pearson": 67.68232799482763, + "cosine_spearman": 67.99930378085793, + "main_score": 67.99930378085793 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/STSBenchmark.json b/results/davidpeer__gte-small/external/STSBenchmark.json new file mode 100644 index 000000000..0d190f936 --- /dev/null +++ b/results/davidpeer__gte-small/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.37049618406554, + "cos_sim_spearman": 85.57014313159492, + "euclidean_pearson": 85.57469513908282, + "euclidean_spearman": 85.661948135258, + "manhattan_pearson": 85.36866831229028, + "manhattan_spearman": 85.5043455368843, + "cosine_pearson": 84.37049618406554, + "cosine_spearman": 85.57014313159492, + "main_score": 85.57014313159492 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/SciDocsRR.json b/results/davidpeer__gte-small/external/SciDocsRR.json new file mode 100644 index 000000000..05f930772 --- /dev/null +++ b/results/davidpeer__gte-small/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 84.83259065376154, + "mrr": 95.58455433455433, + "main_score": 84.83259065376154 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/SciFact.json b/results/davidpeer__gte-small/external/SciFact.json new file mode 100644 index 000000000..cb8a7875f --- /dev/null +++ b/results/davidpeer__gte-small/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 58.817, + "map_at_10": 68.459, + "map_at_100": 68.951, + "map_at_1000": 68.979, + "map_at_3": 65.791, + "map_at_5": 67.583, + "mrr_at_1": 61.667, + "mrr_at_10": 69.368, + "mrr_at_100": 69.721, + "mrr_at_1000": 69.744, + "mrr_at_3": 67.278, + "mrr_at_5": 68.611, + "ndcg_at_1": 61.667, + "ndcg_at_10": 72.70100000000001, + "ndcg_at_100": 74.928, + "ndcg_at_1000": 75.553, + "ndcg_at_3": 68.203, + "ndcg_at_5": 70.804, + "precision_at_1": 61.667, + "precision_at_10": 9.533, + "precision_at_100": 1.077, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 26.444000000000003, + "precision_at_5": 17.599999999999998, + "recall_at_1": 58.817, + "recall_at_10": 84.789, + "recall_at_100": 95.0, + "recall_at_1000": 99.667, + "recall_at_3": 72.8, + "recall_at_5": 79.294, + "main_score": 72.70100000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/SprintDuplicateQuestions.json b/results/davidpeer__gte-small/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..e60ab44dd --- /dev/null +++ b/results/davidpeer__gte-small/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.8108910891089, + "cos_sim_ap": 95.5743678558349, + "cos_sim_f1": 90.43133366385722, + "cos_sim_precision": 89.67551622418878, + "cos_sim_recall": 91.2, + "dot_accuracy": 99.75841584158415, + "dot_ap": 94.00786363627253, + "dot_f1": 87.51910341314316, + "dot_precision": 89.20041536863967, + "dot_recall": 85.9, + "euclidean_accuracy": 99.81485148514851, + "euclidean_ap": 95.4752113136905, + "euclidean_f1": 90.44334975369456, + "euclidean_precision": 89.126213592233, + "euclidean_recall": 91.8, + "manhattan_accuracy": 99.81584158415842, + "manhattan_ap": 95.5163172682464, + "manhattan_f1": 90.51987767584097, + "manhattan_precision": 92.3076923076923, + "manhattan_recall": 88.8, + "max_accuracy": 99.81584158415842, + "max_ap": 95.5743678558349, + "max_f1": 90.51987767584097, + "main_score": 95.5743678558349 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/StackExchangeClustering.json b/results/davidpeer__gte-small/external/StackExchangeClustering.json new file mode 100644 index 000000000..a591a0bcc --- /dev/null +++ b/results/davidpeer__gte-small/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 62.63235986949449, + "main_score": 62.63235986949449 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/StackExchangeClusteringP2P.json b/results/davidpeer__gte-small/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..e9bf467cb --- /dev/null +++ b/results/davidpeer__gte-small/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.334795589585575, + "main_score": 36.334795589585575 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/StackOverflowDupQuestions.json b/results/davidpeer__gte-small/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..548e4c07d --- /dev/null +++ b/results/davidpeer__gte-small/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 52.02955214518782, + "mrr": 52.8004838298956, + "main_score": 52.02955214518782 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/SummEval.json b/results/davidpeer__gte-small/external/SummEval.json new file mode 100644 index 000000000..09f3fb4bd --- /dev/null +++ b/results/davidpeer__gte-small/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.63769566275453, + "cos_sim_spearman": 30.422379185989335, + "dot_pearson": 26.88493071882256, + "dot_spearman": 26.505249740971305, + "cosine_pearson": 30.63769566275453, + "cosine_spearman": 30.422379185989335, + "main_score": 30.422379185989335 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/TRECCOVID.json b/results/davidpeer__gte-small/external/TRECCOVID.json new file mode 100644 index 000000000..7755f2fcd --- /dev/null +++ b/results/davidpeer__gte-small/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.21, + "map_at_10": 1.654, + "map_at_100": 10.095, + "map_at_1000": 25.808999999999997, + "map_at_3": 0.594, + "map_at_5": 0.9289999999999999, + "mrr_at_1": 78.0, + "mrr_at_10": 87.019, + "mrr_at_100": 87.019, + "mrr_at_1000": 87.019, + "mrr_at_3": 86.333, + "mrr_at_5": 86.733, + "ndcg_at_1": 73.0, + "ndcg_at_10": 66.52900000000001, + "ndcg_at_100": 53.433, + "ndcg_at_1000": 51.324000000000005, + "ndcg_at_3": 72.02199999999999, + "ndcg_at_5": 69.696, + "precision_at_1": 78.0, + "precision_at_10": 70.39999999999999, + "precision_at_100": 55.46, + "precision_at_1000": 22.758, + "precision_at_3": 76.667, + "precision_at_5": 74.0, + "recall_at_1": 0.21, + "recall_at_10": 1.8849999999999998, + "recall_at_100": 13.801, + "recall_at_1000": 49.649, + "recall_at_3": 0.632, + "recall_at_5": 1.009, + "main_score": 66.52900000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/Touche2020.json b/results/davidpeer__gte-small/external/Touche2020.json new file mode 100644 index 000000000..0546197c0 --- /dev/null +++ b/results/davidpeer__gte-small/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 1.797, + "map_at_10": 9.01, + "map_at_100": 14.682, + "map_at_1000": 16.336000000000002, + "map_at_3": 4.546, + "map_at_5": 5.9270000000000005, + "mrr_at_1": 24.490000000000002, + "mrr_at_10": 41.156, + "mrr_at_100": 42.392, + "mrr_at_1000": 42.408, + "mrr_at_3": 38.775999999999996, + "mrr_at_5": 40.102, + "ndcg_at_1": 21.429000000000002, + "ndcg_at_10": 22.222, + "ndcg_at_100": 34.405, + "ndcg_at_1000": 46.599000000000004, + "ndcg_at_3": 25.261, + "ndcg_at_5": 22.695999999999998, + "precision_at_1": 24.490000000000002, + "precision_at_10": 19.796, + "precision_at_100": 7.306, + "precision_at_1000": 1.5350000000000001, + "precision_at_3": 27.211000000000002, + "precision_at_5": 22.857, + "recall_at_1": 1.797, + "recall_at_10": 15.706000000000001, + "recall_at_100": 46.412, + "recall_at_1000": 83.159, + "recall_at_3": 6.1370000000000005, + "recall_at_5": 8.599, + "main_score": 22.222 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/ToxicConversationsClassification.json b/results/davidpeer__gte-small/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..f08fce008 --- /dev/null +++ b/results/davidpeer__gte-small/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.3302, + "ap": 14.169121204575601, + "f1": 54.229345975274235, + "main_score": 70.3302 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/TweetSentimentExtractionClassification.json b/results/davidpeer__gte-small/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..5507894a0 --- /dev/null +++ b/results/davidpeer__gte-small/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 58.22297679683077, + "f1": 58.62984908377875, + "main_score": 58.22297679683077 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/TwentyNewsgroupsClustering.json b/results/davidpeer__gte-small/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..58b90f114 --- /dev/null +++ b/results/davidpeer__gte-small/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 49.952922428464255, + "main_score": 49.952922428464255 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/TwitterSemEval2015.json b/results/davidpeer__gte-small/external/TwitterSemEval2015.json new file mode 100644 index 000000000..e0a2b554a --- /dev/null +++ b/results/davidpeer__gte-small/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 84.68140907194373, + "cos_sim_ap": 70.12180123666836, + "cos_sim_f1": 65.77501791258658, + "cos_sim_precision": 60.07853403141361, + "cos_sim_recall": 72.66490765171504, + "dot_accuracy": 81.92167848840674, + "dot_ap": 60.49837581423469, + "dot_f1": 58.44186046511628, + "dot_precision": 52.24532224532224, + "dot_recall": 66.3060686015831, + "euclidean_accuracy": 84.73505394289802, + "euclidean_ap": 70.3278904593286, + "euclidean_f1": 65.98851124940161, + "euclidean_precision": 60.38107752956636, + "euclidean_recall": 72.74406332453826, + "manhattan_accuracy": 84.73505394289802, + "manhattan_ap": 70.00737738537337, + "manhattan_f1": 65.80150784822642, + "manhattan_precision": 61.892583120204606, + "manhattan_recall": 70.23746701846966, + "max_accuracy": 84.73505394289802, + "max_ap": 70.3278904593286, + "max_f1": 65.98851124940161, + "main_score": 70.3278904593286 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/TwitterURLCorpus.json b/results/davidpeer__gte-small/external/TwitterURLCorpus.json new file mode 100644 index 000000000..f7c40e0e9 --- /dev/null +++ b/results/davidpeer__gte-small/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.44258159661582, + "cos_sim_ap": 84.91926704880888, + "cos_sim_f1": 77.07651086632926, + "cos_sim_precision": 74.5894554883319, + "cos_sim_recall": 79.73514012935017, + "dot_accuracy": 85.88116583226608, + "dot_ap": 78.9753854779923, + "dot_f1": 72.17757637979255, + "dot_precision": 66.80647486729143, + "dot_recall": 78.48783492454572, + "euclidean_accuracy": 88.5299025885823, + "euclidean_ap": 85.08006075642194, + "euclidean_f1": 77.29637336504163, + "euclidean_precision": 74.69836253950014, + "euclidean_recall": 80.08161379735141, + "manhattan_accuracy": 88.55124771995187, + "manhattan_ap": 85.00941529932851, + "manhattan_f1": 77.33100233100232, + "manhattan_precision": 73.37572573956317, + "manhattan_recall": 81.73698798891284, + "max_accuracy": 88.55124771995187, + "max_ap": 85.08006075642194, + "max_f1": 77.33100233100232, + "main_score": 85.08006075642194 + } + ] + } +} \ No newline at end of file diff --git a/results/davidpeer__gte-small/external/model_meta.json b/results/davidpeer__gte-small/external/model_meta.json new file mode 100644 index 000000000..1c1835b77 --- /dev/null +++ b/results/davidpeer__gte-small/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "davidpeer/gte-small", + "revision": "372f3c7b3fd561c4895093433d89b9580b8daeef", + "release_date": "2023-09-25", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 16687808, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 384, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/AmazonCounterfactualClassification.json b/results/deepfile__embedder-100p/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..bfd9ca3cf --- /dev/null +++ b/results/deepfile__embedder-100p/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 67.05970149253731, + "ap": 30.376473854922846, + "f1": 61.30474831792133, + "main_score": 67.05970149253731 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/AmazonPolarityClassification.json b/results/deepfile__embedder-100p/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..2095e5059 --- /dev/null +++ b/results/deepfile__embedder-100p/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.40857500000001, + "ap": 64.61611594622543, + "f1": 70.28136292034776, + "main_score": 70.40857500000001 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/AmazonReviewsClassification.json b/results/deepfile__embedder-100p/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..6f17b2a3f --- /dev/null +++ b/results/deepfile__embedder-100p/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 33.214, + "f1": 33.123322451005755, + "main_score": 33.214 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/ArguAna.json b/results/deepfile__embedder-100p/external/ArguAna.json new file mode 100644 index 000000000..8cc3b45d9 --- /dev/null +++ b/results/deepfile__embedder-100p/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.311999999999998, + "map_at_10": 42.760999999999996, + "map_at_100": 43.691, + "map_at_1000": 43.698, + "map_at_3": 37.091, + "map_at_5": 40.398, + "mrr_at_1": 28.165000000000003, + "mrr_at_10": 43.05, + "mrr_at_100": 43.994, + "mrr_at_1000": 44.0, + "mrr_at_3": 37.376, + "mrr_at_5": 40.665, + "ndcg_at_1": 27.311999999999998, + "ndcg_at_10": 52.035, + "ndcg_at_100": 55.891000000000005, + "ndcg_at_1000": 56.043, + "ndcg_at_3": 40.38, + "ndcg_at_5": 46.364, + "precision_at_1": 27.311999999999998, + "precision_at_10": 8.193, + "precision_at_100": 0.985, + "precision_at_1000": 0.1, + "precision_at_3": 16.643, + "precision_at_5": 12.902, + "recall_at_1": 27.311999999999998, + "recall_at_10": 81.935, + "recall_at_100": 98.506, + "recall_at_1000": 99.644, + "recall_at_3": 49.929, + "recall_at_5": 64.509, + "main_score": 52.035 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/ArxivClusteringP2P.json b/results/deepfile__embedder-100p/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..353846709 --- /dev/null +++ b/results/deepfile__embedder-100p/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 42.899186071418946, + "main_score": 42.899186071418946 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/ArxivClusteringS2S.json b/results/deepfile__embedder-100p/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..235596bd3 --- /dev/null +++ b/results/deepfile__embedder-100p/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.44851270109027, + "main_score": 32.44851270109027 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/AskUbuntuDupQuestions.json b/results/deepfile__embedder-100p/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..6a457fe35 --- /dev/null +++ b/results/deepfile__embedder-100p/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 61.05081337796836, + "mrr": 73.87218045112782, + "main_score": 61.05081337796836 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/BIOSSES.json b/results/deepfile__embedder-100p/external/BIOSSES.json new file mode 100644 index 000000000..1b909acb2 --- /dev/null +++ b/results/deepfile__embedder-100p/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 80.06755261269532, + "cos_sim_spearman": 75.31798123153732, + "euclidean_pearson": 77.70454789166935, + "euclidean_spearman": 74.07578425253767, + "manhattan_pearson": 77.18021593857006, + "manhattan_spearman": 74.10590542079663, + "cosine_pearson": 80.06755261269532, + "cosine_spearman": 75.31798123153732, + "main_score": 75.31798123153732 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/Banking77Classification.json b/results/deepfile__embedder-100p/external/Banking77Classification.json new file mode 100644 index 000000000..d5ee56d00 --- /dev/null +++ b/results/deepfile__embedder-100p/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 82.73051948051948, + "f1": 82.61992011434658, + "main_score": 82.73051948051948 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/BiorxivClusteringP2P.json b/results/deepfile__embedder-100p/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..036402e5a --- /dev/null +++ b/results/deepfile__embedder-100p/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.236246179832975, + "main_score": 37.236246179832975 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/BiorxivClusteringS2S.json b/results/deepfile__embedder-100p/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..c54aca3bf --- /dev/null +++ b/results/deepfile__embedder-100p/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 29.75182197424716, + "main_score": 29.75182197424716 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/CQADupstackAndroidRetrieval.json b/results/deepfile__embedder-100p/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..74bf363d5 --- /dev/null +++ b/results/deepfile__embedder-100p/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.016999999999996, + "map_at_10": 39.519999999999996, + "map_at_100": 40.987, + "map_at_1000": 41.124, + "map_at_3": 36.120000000000005, + "map_at_5": 38.071, + "mrr_at_1": 35.05, + "mrr_at_10": 45.589, + "mrr_at_100": 46.322, + "mrr_at_1000": 46.366, + "mrr_at_3": 43.108999999999995, + "mrr_at_5": 44.754, + "ndcg_at_1": 35.05, + "ndcg_at_10": 46.119, + "ndcg_at_100": 51.512, + "ndcg_at_1000": 53.471000000000004, + "ndcg_at_3": 41.3, + "ndcg_at_5": 43.657000000000004, + "precision_at_1": 35.05, + "precision_at_10": 9.156, + "precision_at_100": 1.516, + "precision_at_1000": 0.201, + "precision_at_3": 20.552999999999997, + "precision_at_5": 14.793000000000001, + "recall_at_1": 28.016999999999996, + "recall_at_10": 58.4, + "recall_at_100": 81.67699999999999, + "recall_at_1000": 94.119, + "recall_at_3": 44.293, + "recall_at_5": 51.056000000000004, + "main_score": 46.119 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.46, + "map_at_10": 33.194, + "map_at_100": 34.367999999999995, + "map_at_1000": 34.514, + "map_at_3": 30.134, + "map_at_5": 31.796999999999997, + "mrr_at_1": 29.744999999999997, + "mrr_at_10": 38.213, + "mrr_at_100": 38.942, + "mrr_at_1000": 38.993, + "mrr_at_3": 35.435, + "mrr_at_5": 37.053000000000004, + "ndcg_at_1": 29.744999999999997, + "ndcg_at_10": 38.868, + "ndcg_at_100": 43.562, + "ndcg_at_1000": 46.036, + "ndcg_at_3": 33.93, + "ndcg_at_5": 36.175000000000004, + "precision_at_1": 29.744999999999997, + "precision_at_10": 7.605, + "precision_at_100": 1.291, + "precision_at_1000": 0.185, + "precision_at_3": 16.582, + "precision_at_5": 12.051, + "recall_at_1": 23.46, + "recall_at_10": 50.080000000000005, + "recall_at_100": 70.161, + "recall_at_1000": 86.009, + "recall_at_3": 36.229, + "recall_at_5": 42.055, + "main_score": 38.868 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 35.515, + "map_at_10": 47.028999999999996, + "map_at_100": 48.104, + "map_at_1000": 48.171, + "map_at_3": 44.224000000000004, + "map_at_5": 45.795, + "mrr_at_1": 40.627, + "mrr_at_10": 50.251000000000005, + "mrr_at_100": 51.001, + "mrr_at_1000": 51.035, + "mrr_at_3": 48.046, + "mrr_at_5": 49.262, + "ndcg_at_1": 40.627, + "ndcg_at_10": 52.5, + "ndcg_at_100": 56.967999999999996, + "ndcg_at_1000": 58.414, + "ndcg_at_3": 47.725, + "ndcg_at_5": 49.932, + "precision_at_1": 40.627, + "precision_at_10": 8.464, + "precision_at_100": 1.17, + "precision_at_1000": 0.135, + "precision_at_3": 21.526, + "precision_at_5": 14.545, + "recall_at_1": 35.515, + "recall_at_10": 65.436, + "recall_at_100": 85.06, + "recall_at_1000": 95.50999999999999, + "recall_at_3": 52.339, + "recall_at_5": 57.894999999999996, + "main_score": 52.5 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.75, + "map_at_10": 27.639999999999997, + "map_at_100": 28.612, + "map_at_1000": 28.716, + "map_at_3": 25.186999999999998, + "map_at_5": 26.558999999999997, + "mrr_at_1": 21.582, + "mrr_at_10": 29.637999999999998, + "mrr_at_100": 30.514000000000003, + "mrr_at_1000": 30.592999999999996, + "mrr_at_3": 27.326, + "mrr_at_5": 28.58, + "ndcg_at_1": 21.582, + "ndcg_at_10": 32.301, + "ndcg_at_100": 37.217, + "ndcg_at_1000": 39.951, + "ndcg_at_3": 27.483999999999998, + "ndcg_at_5": 29.754, + "precision_at_1": 21.582, + "precision_at_10": 5.175, + "precision_at_100": 0.803, + "precision_at_1000": 0.108, + "precision_at_3": 11.940000000000001, + "precision_at_5": 8.52, + "recall_at_1": 19.75, + "recall_at_10": 44.783, + "recall_at_100": 67.673, + "recall_at_1000": 88.676, + "recall_at_3": 31.740000000000002, + "recall_at_5": 37.128, + "main_score": 32.301 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 11.791, + "map_at_10": 18.782, + "map_at_100": 19.939, + "map_at_1000": 20.083000000000002, + "map_at_3": 16.564, + "map_at_5": 17.592, + "mrr_at_1": 15.174000000000001, + "mrr_at_10": 22.448999999999998, + "mrr_at_100": 23.430999999999997, + "mrr_at_1000": 23.521, + "mrr_at_3": 20.025000000000002, + "mrr_at_5": 21.238, + "ndcg_at_1": 15.174000000000001, + "ndcg_at_10": 23.411, + "ndcg_at_100": 29.365999999999996, + "ndcg_at_1000": 32.893, + "ndcg_at_3": 18.999, + "ndcg_at_5": 20.721, + "precision_at_1": 15.174000000000001, + "precision_at_10": 4.714, + "precision_at_100": 0.903, + "precision_at_1000": 0.134, + "precision_at_3": 9.494, + "precision_at_5": 6.94, + "recall_at_1": 11.791, + "recall_at_10": 33.986, + "recall_at_100": 60.833999999999996, + "recall_at_1000": 86.291, + "recall_at_3": 21.983, + "recall_at_5": 26.313, + "main_score": 23.411 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.041999999999998, + "map_at_10": 35.61, + "map_at_100": 37.002, + "map_at_1000": 37.120999999999995, + "map_at_3": 31.982, + "map_at_5": 34.007, + "mrr_at_1": 30.895, + "mrr_at_10": 41.095, + "mrr_at_100": 41.983, + "mrr_at_1000": 42.031, + "mrr_at_3": 38.114, + "mrr_at_5": 39.798, + "ndcg_at_1": 30.895, + "ndcg_at_10": 42.138999999999996, + "ndcg_at_100": 47.741, + "ndcg_at_1000": 49.931, + "ndcg_at_3": 36.179, + "ndcg_at_5": 38.998, + "precision_at_1": 30.895, + "precision_at_10": 8.065, + "precision_at_100": 1.274, + "precision_at_1000": 0.165, + "precision_at_3": 17.645, + "precision_at_5": 12.955, + "recall_at_1": 25.041999999999998, + "recall_at_10": 56.169999999999995, + "recall_at_100": 79.3, + "recall_at_1000": 93.618, + "recall_at_3": 39.359, + "recall_at_5": 46.650000000000006, + "main_score": 42.138999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.854, + "map_at_10": 32.088, + "map_at_100": 33.511, + "map_at_1000": 33.629999999999995, + "map_at_3": 29.079, + "map_at_5": 30.663, + "mrr_at_1": 29.110000000000003, + "mrr_at_10": 36.902, + "mrr_at_100": 37.927, + "mrr_at_1000": 37.99, + "mrr_at_3": 34.285, + "mrr_at_5": 35.757, + "ndcg_at_1": 29.110000000000003, + "ndcg_at_10": 37.429, + "ndcg_at_100": 43.59, + "ndcg_at_1000": 46.207, + "ndcg_at_3": 32.394, + "ndcg_at_5": 34.562, + "precision_at_1": 29.110000000000003, + "precision_at_10": 6.895, + "precision_at_100": 1.176, + "precision_at_1000": 0.158, + "precision_at_3": 15.107000000000001, + "precision_at_5": 10.982, + "recall_at_1": 23.854, + "recall_at_10": 48.589, + "recall_at_100": 74.78, + "recall_at_1000": 92.836, + "recall_at_3": 34.489, + "recall_at_5": 40.182, + "main_score": 37.429 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.159999999999997, + "map_at_10": 29.421333333333337, + "map_at_100": 30.61058333333333, + "map_at_1000": 30.742416666666667, + "map_at_3": 26.745833333333337, + "map_at_5": 28.20291666666667, + "mrr_at_1": 25.308249999999997, + "mrr_at_10": 33.21275, + "mrr_at_100": 34.09341666666666, + "mrr_at_1000": 34.163000000000004, + "mrr_at_3": 30.81675, + "mrr_at_5": 32.16816666666667, + "ndcg_at_1": 25.308249999999997, + "ndcg_at_10": 34.46208333333333, + "ndcg_at_100": 39.77183333333334, + "ndcg_at_1000": 42.461916666666674, + "ndcg_at_3": 29.797916666666662, + "ndcg_at_5": 31.935166666666664, + "precision_at_1": 25.308249999999997, + "precision_at_10": 6.260916666666666, + "precision_at_100": 1.0716666666666665, + "precision_at_1000": 0.15025000000000002, + "precision_at_3": 13.926916666666667, + "precision_at_5": 10.043916666666664, + "recall_at_1": 21.159999999999997, + "recall_at_10": 45.61408333333334, + "recall_at_100": 69.26583333333332, + "recall_at_1000": 88.22541666666667, + "recall_at_3": 32.67691666666666, + "recall_at_5": 38.12716666666667, + "main_score": 34.46208333333333 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.293, + "map_at_10": 25.316, + "map_at_100": 26.211000000000002, + "map_at_1000": 26.316, + "map_at_3": 23.200000000000003, + "map_at_5": 24.538, + "mrr_at_1": 21.471999999999998, + "mrr_at_10": 27.583000000000002, + "mrr_at_100": 28.371000000000002, + "mrr_at_1000": 28.455000000000002, + "mrr_at_3": 25.613000000000003, + "mrr_at_5": 26.863, + "ndcg_at_1": 21.471999999999998, + "ndcg_at_10": 28.925, + "ndcg_at_100": 33.489000000000004, + "ndcg_at_1000": 36.313, + "ndcg_at_3": 25.003999999999998, + "ndcg_at_5": 27.232, + "precision_at_1": 21.471999999999998, + "precision_at_10": 4.693, + "precision_at_100": 0.762, + "precision_at_1000": 0.108, + "precision_at_3": 10.838000000000001, + "precision_at_5": 7.945, + "recall_at_1": 19.293, + "recall_at_10": 37.63, + "recall_at_100": 58.818000000000005, + "recall_at_1000": 80.026, + "recall_at_3": 27.389000000000003, + "recall_at_5": 32.71, + "main_score": 28.925 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 12.087, + "map_at_10": 17.777, + "map_at_100": 18.837, + "map_at_1000": 18.973000000000003, + "map_at_3": 15.956999999999999, + "map_at_5": 16.902, + "mrr_at_1": 14.763000000000002, + "mrr_at_10": 20.8, + "mrr_at_100": 21.757, + "mrr_at_1000": 21.85, + "mrr_at_3": 18.989, + "mrr_at_5": 19.905, + "ndcg_at_1": 14.763000000000002, + "ndcg_at_10": 21.512999999999998, + "ndcg_at_100": 26.822000000000003, + "ndcg_at_1000": 30.270999999999997, + "ndcg_at_3": 18.16, + "ndcg_at_5": 19.573999999999998, + "precision_at_1": 14.763000000000002, + "precision_at_10": 4.043, + "precision_at_100": 0.7979999999999999, + "precision_at_1000": 0.128, + "precision_at_3": 8.741, + "precision_at_5": 6.325, + "recall_at_1": 12.087, + "recall_at_10": 29.805, + "recall_at_100": 53.787, + "recall_at_1000": 78.884, + "recall_at_3": 20.497, + "recall_at_5": 24.148, + "main_score": 21.512999999999998 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.099, + "map_at_10": 29.487999999999996, + "map_at_100": 30.553, + "map_at_1000": 30.669999999999998, + "map_at_3": 27.250000000000004, + "map_at_5": 28.416000000000004, + "mrr_at_1": 26.026, + "mrr_at_10": 33.238, + "mrr_at_100": 34.114, + "mrr_at_1000": 34.188, + "mrr_at_3": 31.157, + "mrr_at_5": 32.262, + "ndcg_at_1": 26.026, + "ndcg_at_10": 34.036, + "ndcg_at_100": 39.443, + "ndcg_at_1000": 42.181999999999995, + "ndcg_at_3": 29.942, + "ndcg_at_5": 31.682, + "precision_at_1": 26.026, + "precision_at_10": 5.7090000000000005, + "precision_at_100": 0.9560000000000001, + "precision_at_1000": 0.131, + "precision_at_3": 13.495, + "precision_at_5": 9.366, + "recall_at_1": 22.099, + "recall_at_10": 44.098, + "recall_at_100": 68.726, + "recall_at_1000": 87.992, + "recall_at_3": 32.902, + "recall_at_5": 37.389, + "main_score": 34.036 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.195, + "map_at_10": 27.298000000000002, + "map_at_100": 28.875, + "map_at_1000": 29.152, + "map_at_3": 24.595, + "map_at_5": 25.926, + "mrr_at_1": 23.913, + "mrr_at_10": 31.696999999999996, + "mrr_at_100": 32.728, + "mrr_at_1000": 32.808, + "mrr_at_3": 29.249000000000002, + "mrr_at_5": 30.623, + "ndcg_at_1": 23.913, + "ndcg_at_10": 32.745999999999995, + "ndcg_at_100": 38.663, + "ndcg_at_1000": 41.984, + "ndcg_at_3": 28.272000000000002, + "ndcg_at_5": 30.184, + "precision_at_1": 23.913, + "precision_at_10": 6.601, + "precision_at_100": 1.462, + "precision_at_1000": 0.241, + "precision_at_3": 13.439, + "precision_at_5": 10.079, + "recall_at_1": 19.195, + "recall_at_10": 42.933, + "recall_at_100": 69.762, + "recall_at_1000": 91.57, + "recall_at_3": 30.302, + "recall_at_5": 35.17, + "main_score": 32.745999999999995 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 13.816999999999998, + "map_at_10": 19.314, + "map_at_100": 20.328, + "map_at_1000": 20.439, + "map_at_3": 16.658, + "map_at_5": 18.169, + "mrr_at_1": 15.342, + "mrr_at_10": 21.098, + "mrr_at_100": 22.031, + "mrr_at_1000": 22.126, + "mrr_at_3": 18.453, + "mrr_at_5": 19.923, + "ndcg_at_1": 15.342, + "ndcg_at_10": 23.558, + "ndcg_at_100": 28.889, + "ndcg_at_1000": 31.89, + "ndcg_at_3": 18.186, + "ndcg_at_5": 20.751, + "precision_at_1": 15.342, + "precision_at_10": 4.011, + "precision_at_100": 0.749, + "precision_at_1000": 0.109, + "precision_at_3": 7.763000000000001, + "precision_at_5": 6.026, + "recall_at_1": 13.816999999999998, + "recall_at_10": 35.459, + "recall_at_100": 60.612, + "recall_at_1000": 83.174, + "recall_at_3": 20.601, + "recall_at_5": 26.83, + "main_score": 23.558 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/ClimateFEVER.json b/results/deepfile__embedder-100p/external/ClimateFEVER.json new file mode 100644 index 000000000..32c90f37e --- /dev/null +++ b/results/deepfile__embedder-100p/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.770999999999999, + "map_at_10": 14.948, + "map_at_100": 16.668, + "map_at_1000": 16.865, + "map_at_3": 12.264, + "map_at_5": 13.623, + "mrr_at_1": 18.502, + "mrr_at_10": 28.782000000000004, + "mrr_at_100": 29.875, + "mrr_at_1000": 29.929, + "mrr_at_3": 25.147000000000002, + "mrr_at_5": 27.322000000000003, + "ndcg_at_1": 18.502, + "ndcg_at_10": 21.815, + "ndcg_at_100": 29.174, + "ndcg_at_1000": 32.946999999999996, + "ndcg_at_3": 16.833000000000002, + "ndcg_at_5": 18.792, + "precision_at_1": 18.502, + "precision_at_10": 7.016, + "precision_at_100": 1.486, + "precision_at_1000": 0.219, + "precision_at_3": 12.421, + "precision_at_5": 10.15, + "recall_at_1": 8.770999999999999, + "recall_at_10": 27.542, + "recall_at_100": 53.481, + "recall_at_1000": 74.67399999999999, + "recall_at_3": 15.986, + "recall_at_5": 20.669, + "main_score": 21.815 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/DBPedia.json b/results/deepfile__embedder-100p/external/DBPedia.json new file mode 100644 index 000000000..cddf4516c --- /dev/null +++ b/results/deepfile__embedder-100p/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.0249999999999995, + "map_at_10": 11.924, + "map_at_100": 15.801000000000002, + "map_at_1000": 16.878999999999998, + "map_at_3": 9.031, + "map_at_5": 10.181, + "mrr_at_1": 48.0, + "mrr_at_10": 56.928, + "mrr_at_100": 57.619, + "mrr_at_1000": 57.646, + "mrr_at_3": 55.25, + "mrr_at_5": 55.974999999999994, + "ndcg_at_1": 36.875, + "ndcg_at_10": 26.508, + "ndcg_at_100": 29.692, + "ndcg_at_1000": 36.658, + "ndcg_at_3": 30.764000000000003, + "ndcg_at_5": 28.049000000000003, + "precision_at_1": 48.0, + "precision_at_10": 21.175, + "precision_at_100": 6.535, + "precision_at_1000": 1.6230000000000002, + "precision_at_3": 34.75, + "precision_at_5": 27.700000000000003, + "recall_at_1": 6.0249999999999995, + "recall_at_10": 16.454, + "recall_at_100": 35.026, + "recall_at_1000": 58.031, + "recall_at_3": 10.058, + "recall_at_5": 12.145999999999999, + "main_score": 26.508 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/EmotionClassification.json b/results/deepfile__embedder-100p/external/EmotionClassification.json new file mode 100644 index 000000000..366966731 --- /dev/null +++ b/results/deepfile__embedder-100p/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 43.470000000000006, + "f1": 39.27142511079909, + "main_score": 43.470000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/FEVER.json b/results/deepfile__embedder-100p/external/FEVER.json new file mode 100644 index 000000000..4cf4df7ae --- /dev/null +++ b/results/deepfile__embedder-100p/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 37.468, + "map_at_10": 49.652, + "map_at_100": 50.314, + "map_at_1000": 50.346999999999994, + "map_at_3": 46.592, + "map_at_5": 48.553000000000004, + "mrr_at_1": 40.384, + "mrr_at_10": 53.03099999999999, + "mrr_at_100": 53.629000000000005, + "mrr_at_1000": 53.65299999999999, + "mrr_at_3": 49.967, + "mrr_at_5": 51.951, + "ndcg_at_1": 40.384, + "ndcg_at_10": 56.318, + "ndcg_at_100": 59.43000000000001, + "ndcg_at_1000": 60.266, + "ndcg_at_3": 50.341, + "ndcg_at_5": 53.756, + "precision_at_1": 40.384, + "precision_at_10": 8.062999999999999, + "precision_at_100": 0.972, + "precision_at_1000": 0.106, + "precision_at_3": 20.897, + "precision_at_5": 14.374, + "recall_at_1": 37.468, + "recall_at_10": 73.68900000000001, + "recall_at_100": 87.844, + "recall_at_1000": 94.098, + "recall_at_3": 57.768, + "recall_at_5": 65.979, + "main_score": 56.318 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/FiQA2018.json b/results/deepfile__embedder-100p/external/FiQA2018.json new file mode 100644 index 000000000..9069977b8 --- /dev/null +++ b/results/deepfile__embedder-100p/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 14.071, + "map_at_10": 23.455000000000002, + "map_at_100": 25.358999999999998, + "map_at_1000": 25.55, + "map_at_3": 20.164, + "map_at_5": 21.654999999999998, + "mrr_at_1": 28.395, + "mrr_at_10": 37.21, + "mrr_at_100": 38.086999999999996, + "mrr_at_1000": 38.145, + "mrr_at_3": 34.336, + "mrr_at_5": 35.795, + "ndcg_at_1": 28.395, + "ndcg_at_10": 30.595, + "ndcg_at_100": 37.885000000000005, + "ndcg_at_1000": 41.55, + "ndcg_at_3": 26.858999999999998, + "ndcg_at_5": 27.528999999999996, + "precision_at_1": 28.395, + "precision_at_10": 8.92, + "precision_at_100": 1.6389999999999998, + "precision_at_1000": 0.22999999999999998, + "precision_at_3": 18.004, + "precision_at_5": 13.302, + "recall_at_1": 14.071, + "recall_at_10": 37.635000000000005, + "recall_at_100": 65.18599999999999, + "recall_at_1000": 87.58399999999999, + "recall_at_3": 24.490000000000002, + "recall_at_5": 28.621999999999996, + "main_score": 30.595 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/HotpotQA.json b/results/deepfile__embedder-100p/external/HotpotQA.json new file mode 100644 index 000000000..c1a5e09d5 --- /dev/null +++ b/results/deepfile__embedder-100p/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.659, + "map_at_10": 33.622, + "map_at_100": 34.488, + "map_at_1000": 34.58, + "map_at_3": 31.317, + "map_at_5": 32.689, + "mrr_at_1": 49.318, + "mrr_at_10": 57.028999999999996, + "mrr_at_100": 57.567, + "mrr_at_1000": 57.603, + "mrr_at_3": 55.152, + "mrr_at_5": 56.289, + "ndcg_at_1": 49.318, + "ndcg_at_10": 42.091, + "ndcg_at_100": 45.812999999999995, + "ndcg_at_1000": 47.902, + "ndcg_at_3": 38.012, + "ndcg_at_5": 40.160000000000004, + "precision_at_1": 49.318, + "precision_at_10": 8.921, + "precision_at_100": 1.189, + "precision_at_1000": 0.147, + "precision_at_3": 23.655, + "precision_at_5": 15.897, + "recall_at_1": 24.659, + "recall_at_10": 44.605, + "recall_at_100": 59.453, + "recall_at_1000": 73.40299999999999, + "recall_at_3": 35.483, + "recall_at_5": 39.743, + "main_score": 42.091 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/ImdbClassification.json b/results/deepfile__embedder-100p/external/ImdbClassification.json new file mode 100644 index 000000000..5f12eee12 --- /dev/null +++ b/results/deepfile__embedder-100p/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 67.2992, + "ap": 61.82215741645874, + "f1": 67.04790333380426, + "main_score": 67.2992 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/MSMARCO.json b/results/deepfile__embedder-100p/external/MSMARCO.json new file mode 100644 index 000000000..7cbbd83d8 --- /dev/null +++ b/results/deepfile__embedder-100p/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 13.635, + "map_at_10": 22.412000000000003, + "map_at_100": 23.622, + "map_at_1000": 23.707, + "map_at_3": 19.368, + "map_at_5": 21.095, + "mrr_at_1": 14.04, + "mrr_at_10": 22.858, + "mrr_at_100": 24.049, + "mrr_at_1000": 24.127000000000002, + "mrr_at_3": 19.852, + "mrr_at_5": 21.552, + "ndcg_at_1": 14.04, + "ndcg_at_10": 27.676000000000002, + "ndcg_at_100": 33.917, + "ndcg_at_1000": 36.217, + "ndcg_at_3": 21.432000000000002, + "ndcg_at_5": 24.519, + "precision_at_1": 14.04, + "precision_at_10": 4.585999999999999, + "precision_at_100": 0.776, + "precision_at_1000": 0.097, + "precision_at_3": 9.298, + "precision_at_5": 7.135, + "recall_at_1": 13.635, + "recall_at_10": 44.015, + "recall_at_100": 73.756, + "recall_at_1000": 91.743, + "recall_at_3": 26.941, + "recall_at_5": 34.378, + "main_score": 27.676000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/MTOPDomainClassification.json b/results/deepfile__embedder-100p/external/MTOPDomainClassification.json new file mode 100644 index 000000000..eb1532213 --- /dev/null +++ b/results/deepfile__embedder-100p/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.81714546283631, + "f1": 91.67516531750526, + "main_score": 91.81714546283631 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/MTOPIntentClassification.json b/results/deepfile__embedder-100p/external/MTOPIntentClassification.json new file mode 100644 index 000000000..8bed354af --- /dev/null +++ b/results/deepfile__embedder-100p/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.69904240766073, + "f1": 57.9559746458099, + "main_score": 74.69904240766073 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/MassiveIntentClassification.json b/results/deepfile__embedder-100p/external/MassiveIntentClassification.json new file mode 100644 index 000000000..3eac93497 --- /dev/null +++ b/results/deepfile__embedder-100p/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.76866173503699, + "f1": 69.95643410077002, + "main_score": 71.76866173503699 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/MassiveScenarioClassification.json b/results/deepfile__embedder-100p/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..c211719c5 --- /dev/null +++ b/results/deepfile__embedder-100p/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.85137861466038, + "f1": 77.66496420028315, + "main_score": 77.85137861466038 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/MedrxivClusteringP2P.json b/results/deepfile__embedder-100p/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..bd5413f64 --- /dev/null +++ b/results/deepfile__embedder-100p/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.646200212660744, + "main_score": 36.646200212660744 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/MedrxivClusteringS2S.json b/results/deepfile__embedder-100p/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..e2c1d76c7 --- /dev/null +++ b/results/deepfile__embedder-100p/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.57381797665868, + "main_score": 32.57381797665868 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/MindSmallReranking.json b/results/deepfile__embedder-100p/external/MindSmallReranking.json new file mode 100644 index 000000000..00a0abe6c --- /dev/null +++ b/results/deepfile__embedder-100p/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 30.54815546178676, + "mrr": 31.40311212966208, + "main_score": 30.54815546178676 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/NFCorpus.json b/results/deepfile__embedder-100p/external/NFCorpus.json new file mode 100644 index 000000000..3bbbfc816 --- /dev/null +++ b/results/deepfile__embedder-100p/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.005, + "map_at_10": 8.125, + "map_at_100": 11.439, + "map_at_1000": 12.908, + "map_at_3": 5.299, + "map_at_5": 6.654, + "mrr_at_1": 33.745999999999995, + "mrr_at_10": 43.513000000000005, + "mrr_at_100": 44.330999999999996, + "mrr_at_1000": 44.388, + "mrr_at_3": 41.28, + "mrr_at_5": 42.766, + "ndcg_at_1": 31.889, + "ndcg_at_10": 26.432, + "ndcg_at_100": 26.191, + "ndcg_at_1000": 35.413, + "ndcg_at_3": 29.625, + "ndcg_at_5": 28.588, + "precision_at_1": 33.745999999999995, + "precision_at_10": 21.146, + "precision_at_100": 7.736999999999999, + "precision_at_1000": 2.08, + "precision_at_3": 29.102, + "precision_at_5": 26.316, + "recall_at_1": 3.005, + "recall_at_10": 12.29, + "recall_at_100": 30.06, + "recall_at_1000": 63.148, + "recall_at_3": 6.587, + "recall_at_5": 9.095, + "main_score": 26.432 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/NQ.json b/results/deepfile__embedder-100p/external/NQ.json new file mode 100644 index 000000000..2d2b9f31d --- /dev/null +++ b/results/deepfile__embedder-100p/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.839000000000002, + "map_at_10": 31.424999999999997, + "map_at_100": 32.641999999999996, + "map_at_1000": 32.704, + "map_at_3": 27.742, + "map_at_5": 29.854999999999997, + "mrr_at_1": 22.451, + "mrr_at_10": 33.632, + "mrr_at_100": 34.653, + "mrr_at_1000": 34.699000000000005, + "mrr_at_3": 30.427, + "mrr_at_5": 32.263, + "ndcg_at_1": 22.422, + "ndcg_at_10": 37.929, + "ndcg_at_100": 43.667, + "ndcg_at_1000": 45.231, + "ndcg_at_3": 30.814999999999998, + "ndcg_at_5": 34.379, + "precision_at_1": 22.422, + "precision_at_10": 6.59, + "precision_at_100": 0.9860000000000001, + "precision_at_1000": 0.11399999999999999, + "precision_at_3": 14.301, + "precision_at_5": 10.626, + "recall_at_1": 19.839000000000002, + "recall_at_10": 55.769999999999996, + "recall_at_100": 81.733, + "recall_at_1000": 93.559, + "recall_at_3": 37.078, + "recall_at_5": 45.318999999999996, + "main_score": 37.929 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/QuoraRetrieval.json b/results/deepfile__embedder-100p/external/QuoraRetrieval.json new file mode 100644 index 000000000..2d4f153c1 --- /dev/null +++ b/results/deepfile__embedder-100p/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 67.534, + "map_at_10": 81.449, + "map_at_100": 82.15400000000001, + "map_at_1000": 82.173, + "map_at_3": 78.412, + "map_at_5": 80.268, + "mrr_at_1": 77.77, + "mrr_at_10": 84.60499999999999, + "mrr_at_100": 84.765, + "mrr_at_1000": 84.76700000000001, + "mrr_at_3": 83.493, + "mrr_at_5": 84.221, + "ndcg_at_1": 77.79, + "ndcg_at_10": 85.555, + "ndcg_at_100": 87.105, + "ndcg_at_1000": 87.261, + "ndcg_at_3": 82.401, + "ndcg_at_5": 84.071, + "precision_at_1": 77.79, + "precision_at_10": 13.104, + "precision_at_100": 1.5190000000000001, + "precision_at_1000": 0.156, + "precision_at_3": 36.157000000000004, + "precision_at_5": 23.86, + "recall_at_1": 67.534, + "recall_at_10": 93.573, + "recall_at_100": 99.10799999999999, + "recall_at_1000": 99.911, + "recall_at_3": 84.575, + "recall_at_5": 89.251, + "main_score": 85.555 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/RedditClustering.json b/results/deepfile__embedder-100p/external/RedditClustering.json new file mode 100644 index 000000000..31800e771 --- /dev/null +++ b/results/deepfile__embedder-100p/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 50.622402916164575, + "main_score": 50.622402916164575 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/RedditClusteringP2P.json b/results/deepfile__embedder-100p/external/RedditClusteringP2P.json new file mode 100644 index 000000000..6e57b481d --- /dev/null +++ b/results/deepfile__embedder-100p/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 54.43689895218044, + "main_score": 54.43689895218044 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/SCIDOCS.json b/results/deepfile__embedder-100p/external/SCIDOCS.json new file mode 100644 index 000000000..e9cda2430 --- /dev/null +++ b/results/deepfile__embedder-100p/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.723, + "map_at_10": 9.524000000000001, + "map_at_100": 11.407, + "map_at_1000": 11.721, + "map_at_3": 6.678000000000001, + "map_at_5": 7.881, + "mrr_at_1": 18.2, + "mrr_at_10": 28.349999999999998, + "mrr_at_100": 29.528, + "mrr_at_1000": 29.601, + "mrr_at_3": 25.15, + "mrr_at_5": 26.765, + "ndcg_at_1": 18.2, + "ndcg_at_10": 16.603, + "ndcg_at_100": 24.331, + "ndcg_at_1000": 30.086000000000002, + "ndcg_at_3": 15.151, + "ndcg_at_5": 13.199, + "precision_at_1": 18.2, + "precision_at_10": 8.86, + "precision_at_100": 2.012, + "precision_at_1000": 0.33999999999999997, + "precision_at_3": 14.2, + "precision_at_5": 11.559999999999999, + "recall_at_1": 3.723, + "recall_at_10": 17.965, + "recall_at_100": 40.803, + "recall_at_1000": 69.053, + "recall_at_3": 8.633000000000001, + "recall_at_5": 11.722000000000001, + "main_score": 16.603 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/SICK-R.json b/results/deepfile__embedder-100p/external/SICK-R.json new file mode 100644 index 000000000..e594af984 --- /dev/null +++ b/results/deepfile__embedder-100p/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.92797679109452, + "cos_sim_spearman": 80.91205372065706, + "euclidean_pearson": 83.1339233055303, + "euclidean_spearman": 80.80406858672507, + "manhattan_pearson": 83.023350668501, + "manhattan_spearman": 80.79924041758802, + "cosine_pearson": 85.92797679109452, + "cosine_spearman": 80.91205372065706, + "main_score": 80.91205372065706 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/STS12.json b/results/deepfile__embedder-100p/external/STS12.json new file mode 100644 index 000000000..f70384f00 --- /dev/null +++ b/results/deepfile__embedder-100p/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.40179876416202, + "cos_sim_spearman": 76.97735281189986, + "euclidean_pearson": 81.78242131839902, + "euclidean_spearman": 75.2853626575815, + "manhattan_pearson": 81.38214640501, + "manhattan_spearman": 74.96725680962342, + "cosine_pearson": 85.40179876416202, + "cosine_spearman": 76.97735281189986, + "main_score": 76.97735281189986 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/STS13.json b/results/deepfile__embedder-100p/external/STS13.json new file mode 100644 index 000000000..daf0594f7 --- /dev/null +++ b/results/deepfile__embedder-100p/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.38943723638555, + "cos_sim_spearman": 82.62953855483207, + "euclidean_pearson": 82.4417464172415, + "euclidean_spearman": 82.8241086805702, + "manhattan_pearson": 82.05925934320744, + "manhattan_spearman": 82.44019953304266, + "cosine_pearson": 81.38943723638555, + "cosine_spearman": 82.62953855483207, + "main_score": 82.62953855483207 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/STS14.json b/results/deepfile__embedder-100p/external/STS14.json new file mode 100644 index 000000000..a43828a19 --- /dev/null +++ b/results/deepfile__embedder-100p/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.56920959786761, + "cos_sim_spearman": 77.83933203825715, + "euclidean_pearson": 81.34174603327101, + "euclidean_spearman": 78.05064087128034, + "manhattan_pearson": 81.1754246859513, + "manhattan_spearman": 77.8965324094323, + "cosine_pearson": 81.56920959786761, + "cosine_spearman": 77.83933203825715, + "main_score": 77.83933203825715 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/STS15.json b/results/deepfile__embedder-100p/external/STS15.json new file mode 100644 index 000000000..1085cc7e0 --- /dev/null +++ b/results/deepfile__embedder-100p/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.70673290528633, + "cos_sim_spearman": 85.918072169933, + "euclidean_pearson": 85.49668339564212, + "euclidean_spearman": 86.07562791847965, + "manhattan_pearson": 85.46112200749786, + "manhattan_spearman": 86.06360174588102, + "cosine_pearson": 84.70673290528633, + "cosine_spearman": 85.918072169933, + "main_score": 85.918072169933 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/STS16.json b/results/deepfile__embedder-100p/external/STS16.json new file mode 100644 index 000000000..9b98ebea4 --- /dev/null +++ b/results/deepfile__embedder-100p/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 78.57362584144626, + "cos_sim_spearman": 80.68461073524229, + "euclidean_pearson": 81.86974700030184, + "euclidean_spearman": 81.9556672243023, + "manhattan_pearson": 81.58501319903948, + "manhattan_spearman": 81.65934304491222, + "cosine_pearson": 78.57362584144626, + "cosine_spearman": 80.68461073524229, + "main_score": 80.68461073524229 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/STS17.json b/results/deepfile__embedder-100p/external/STS17.json new file mode 100644 index 000000000..a9c4044be --- /dev/null +++ b/results/deepfile__embedder-100p/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 89.0517739143147, + "cos_sim_spearman": 88.99264497015508, + "euclidean_pearson": 88.60143851830212, + "euclidean_spearman": 88.417049574577, + "manhattan_pearson": 88.71275731832226, + "manhattan_spearman": 88.62174073802386, + "cosine_pearson": 89.0517739143147, + "cosine_spearman": 88.99264497015508, + "main_score": 88.99264497015508 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/STS22.json b/results/deepfile__embedder-100p/external/STS22.json new file mode 100644 index 000000000..4dc1a521f --- /dev/null +++ b/results/deepfile__embedder-100p/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 65.92377536840165, + "cos_sim_spearman": 68.25861908141049, + "euclidean_pearson": 67.74046365058068, + "euclidean_spearman": 67.74440638624723, + "manhattan_pearson": 67.72314553247108, + "manhattan_spearman": 67.58993746063668, + "cosine_pearson": 65.92377536840165, + "cosine_spearman": 68.25861908141049, + "main_score": 68.25861908141049 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/STSBenchmark.json b/results/deepfile__embedder-100p/external/STSBenchmark.json new file mode 100644 index 000000000..6b90df0dc --- /dev/null +++ b/results/deepfile__embedder-100p/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.01280212650944, + "cos_sim_spearman": 84.2021805427655, + "euclidean_pearson": 85.2593711183253, + "euclidean_spearman": 84.7692260813728, + "manhattan_pearson": 85.20370142077513, + "manhattan_spearman": 84.68261435873887, + "cosine_pearson": 84.01280212650944, + "cosine_spearman": 84.2021805427655, + "main_score": 84.2021805427655 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/SciDocsRR.json b/results/deepfile__embedder-100p/external/SciDocsRR.json new file mode 100644 index 000000000..517b19361 --- /dev/null +++ b/results/deepfile__embedder-100p/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 79.8274674627466, + "mrr": 93.2766625168586, + "main_score": 79.8274674627466 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/SciFact.json b/results/deepfile__embedder-100p/external/SciFact.json new file mode 100644 index 000000000..0f67f69eb --- /dev/null +++ b/results/deepfile__embedder-100p/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 44.917, + "map_at_10": 54.809, + "map_at_100": 55.544000000000004, + "map_at_1000": 55.584999999999994, + "map_at_3": 51.274, + "map_at_5": 53.42, + "mrr_at_1": 47.0, + "mrr_at_10": 56.00000000000001, + "mrr_at_100": 56.611, + "mrr_at_1000": 56.647000000000006, + "mrr_at_3": 53.166999999999994, + "mrr_at_5": 54.883, + "ndcg_at_1": 47.0, + "ndcg_at_10": 59.948, + "ndcg_at_100": 63.214999999999996, + "ndcg_at_1000": 64.331, + "ndcg_at_3": 53.690000000000005, + "ndcg_at_5": 56.99999999999999, + "precision_at_1": 47.0, + "precision_at_10": 8.433, + "precision_at_100": 1.0170000000000001, + "precision_at_1000": 0.11100000000000002, + "precision_at_3": 21.0, + "precision_at_5": 14.667, + "recall_at_1": 44.917, + "recall_at_10": 74.483, + "recall_at_100": 89.1, + "recall_at_1000": 98.0, + "recall_at_3": 58.15, + "recall_at_5": 66.033, + "main_score": 59.948 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/SprintDuplicateQuestions.json b/results/deepfile__embedder-100p/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..05e5cc168 --- /dev/null +++ b/results/deepfile__embedder-100p/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.66534653465347, + "cos_sim_ap": 90.67883265196161, + "cos_sim_f1": 82.81327389796928, + "cos_sim_precision": 82.04121687929342, + "cos_sim_recall": 83.6, + "dot_accuracy": 99.6009900990099, + "dot_ap": 85.37859415933599, + "dot_f1": 79.68285431119922, + "dot_precision": 78.97838899803537, + "dot_recall": 80.4, + "euclidean_accuracy": 99.66435643564357, + "euclidean_ap": 90.28983244955695, + "euclidean_f1": 82.47925817471938, + "euclidean_precision": 80.55290753098188, + "euclidean_recall": 84.5, + "manhattan_accuracy": 99.65247524752475, + "manhattan_ap": 89.75455076116366, + "manhattan_f1": 81.63682864450128, + "manhattan_precision": 83.56020942408377, + "manhattan_recall": 79.80000000000001, + "max_accuracy": 99.66534653465347, + "max_ap": 90.67883265196161, + "max_f1": 82.81327389796928, + "main_score": 90.67883265196161 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/StackExchangeClustering.json b/results/deepfile__embedder-100p/external/StackExchangeClustering.json new file mode 100644 index 000000000..be26dd8e7 --- /dev/null +++ b/results/deepfile__embedder-100p/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 54.25773656414605, + "main_score": 54.25773656414605 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/StackExchangeClusteringP2P.json b/results/deepfile__embedder-100p/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..ca3e926f5 --- /dev/null +++ b/results/deepfile__embedder-100p/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.52034918177213, + "main_score": 32.52034918177213 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/StackOverflowDupQuestions.json b/results/deepfile__embedder-100p/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..179f8fcb0 --- /dev/null +++ b/results/deepfile__embedder-100p/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 47.10460797458404, + "mrr": 47.67126358119005, + "main_score": 47.10460797458404 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/TRECCOVID.json b/results/deepfile__embedder-100p/external/TRECCOVID.json new file mode 100644 index 000000000..f5b5a32be --- /dev/null +++ b/results/deepfile__embedder-100p/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.159, + "map_at_10": 0.9979999999999999, + "map_at_100": 5.806, + "map_at_1000": 16.575, + "map_at_3": 0.391, + "map_at_5": 0.596, + "mrr_at_1": 56.00000000000001, + "mrr_at_10": 68.7, + "mrr_at_100": 68.892, + "mrr_at_1000": 68.892, + "mrr_at_3": 65.667, + "mrr_at_5": 68.367, + "ndcg_at_1": 51.0, + "ndcg_at_10": 45.1, + "ndcg_at_100": 36.834, + "ndcg_at_1000": 39.329, + "ndcg_at_3": 49.458, + "ndcg_at_5": 48.177, + "precision_at_1": 56.00000000000001, + "precision_at_10": 47.8, + "precision_at_100": 38.6, + "precision_at_1000": 18.285999999999998, + "precision_at_3": 54.0, + "precision_at_5": 52.400000000000006, + "recall_at_1": 0.159, + "recall_at_10": 1.2510000000000001, + "recall_at_100": 9.237, + "recall_at_1000": 38.984, + "recall_at_3": 0.44, + "recall_at_5": 0.7080000000000001, + "main_score": 45.1 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/Touche2020.json b/results/deepfile__embedder-100p/external/Touche2020.json new file mode 100644 index 000000000..be3b145bd --- /dev/null +++ b/results/deepfile__embedder-100p/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 1.6660000000000001, + "map_at_10": 7.444000000000001, + "map_at_100": 12.078, + "map_at_1000": 13.716999999999999, + "map_at_3": 4.06, + "map_at_5": 5.172000000000001, + "mrr_at_1": 20.408, + "mrr_at_10": 33.547, + "mrr_at_100": 35.281, + "mrr_at_1000": 35.289, + "mrr_at_3": 29.252, + "mrr_at_5": 31.19, + "ndcg_at_1": 18.367, + "ndcg_at_10": 18.848000000000003, + "ndcg_at_100": 29.938, + "ndcg_at_1000": 42.792, + "ndcg_at_3": 20.005, + "ndcg_at_5": 18.617, + "precision_at_1": 20.408, + "precision_at_10": 17.143, + "precision_at_100": 6.571000000000001, + "precision_at_1000": 1.492, + "precision_at_3": 21.088, + "precision_at_5": 18.776, + "recall_at_1": 1.6660000000000001, + "recall_at_10": 12.736, + "recall_at_100": 41.485, + "recall_at_1000": 80.301, + "recall_at_3": 5.137, + "recall_at_5": 7.317, + "main_score": 18.848000000000003 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/ToxicConversationsClassification.json b/results/deepfile__embedder-100p/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..7bdee12b6 --- /dev/null +++ b/results/deepfile__embedder-100p/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 67.481, + "ap": 12.474830532963725, + "f1": 51.720124230716834, + "main_score": 67.481 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/TweetSentimentExtractionClassification.json b/results/deepfile__embedder-100p/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..69e95526a --- /dev/null +++ b/results/deepfile__embedder-100p/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 55.62252405206565, + "f1": 55.87133173318741, + "main_score": 55.62252405206565 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/TwentyNewsgroupsClustering.json b/results/deepfile__embedder-100p/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..7d6dcafa0 --- /dev/null +++ b/results/deepfile__embedder-100p/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 45.695133575997474, + "main_score": 45.695133575997474 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/TwitterSemEval2015.json b/results/deepfile__embedder-100p/external/TwitterSemEval2015.json new file mode 100644 index 000000000..b36dd1c96 --- /dev/null +++ b/results/deepfile__embedder-100p/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 84.16284198605233, + "cos_sim_ap": 67.77133994574282, + "cos_sim_f1": 63.007767732076914, + "cos_sim_precision": 60.89096726556732, + "cos_sim_recall": 65.27704485488127, + "dot_accuracy": 80.60439887941826, + "dot_ap": 55.17278808505333, + "dot_f1": 55.023250784038055, + "dot_precision": 46.619021440351844, + "dot_recall": 67.12401055408971, + "euclidean_accuracy": 84.75889610776659, + "euclidean_ap": 69.33925609880741, + "euclidean_f1": 64.72887151929653, + "euclidean_precision": 60.254661209640744, + "euclidean_recall": 69.92084432717678, + "manhattan_accuracy": 84.84234368480658, + "manhattan_ap": 69.50780726475959, + "manhattan_f1": 64.78766430738119, + "manhattan_precision": 62.17855409995148, + "manhattan_recall": 67.62532981530343, + "max_accuracy": 84.84234368480658, + "max_ap": 69.50780726475959, + "max_f1": 64.78766430738119, + "main_score": 69.50780726475959 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/TwitterURLCorpus.json b/results/deepfile__embedder-100p/external/TwitterURLCorpus.json new file mode 100644 index 000000000..c9b5438d9 --- /dev/null +++ b/results/deepfile__embedder-100p/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.46198626149726, + "cos_sim_ap": 84.64911720373662, + "cos_sim_f1": 77.18601251827143, + "cos_sim_precision": 75.19900679179142, + "cos_sim_recall": 79.28087465352634, + "dot_accuracy": 86.79512554818179, + "dot_ap": 80.43213280609042, + "dot_f1": 74.18943791589976, + "dot_precision": 68.65828092243187, + "dot_recall": 80.68986757006468, + "euclidean_accuracy": 88.2368921488726, + "euclidean_ap": 84.2791000321804, + "euclidean_f1": 76.62216238453198, + "euclidean_precision": 74.49640026179914, + "euclidean_recall": 78.87280566676932, + "manhattan_accuracy": 88.29122521054062, + "manhattan_ap": 84.25495067571485, + "manhattan_f1": 76.60077590984667, + "manhattan_precision": 73.63784897350287, + "manhattan_recall": 79.81213427779488, + "max_accuracy": 88.46198626149726, + "max_ap": 84.64911720373662, + "max_f1": 77.18601251827143, + "main_score": 84.64911720373662 + } + ] + } +} \ No newline at end of file diff --git a/results/deepfile__embedder-100p/external/model_meta.json b/results/deepfile__embedder-100p/external/model_meta.json new file mode 100644 index 000000000..a802a5725 --- /dev/null +++ b/results/deepfile__embedder-100p/external/model_meta.json @@ -0,0 +1,20 @@ +{ + "name": "deepfile/embedder-100p", + "revision": "aa02f08f11517977fbcdc94dc9dbf9a1ca152d9b", + "release_date": "2023-07-24", + "languages": [], + "loader": null, + "n_parameters": 278061451, + "memory_usage": null, + "max_tokens": 514, + "embed_dim": 768, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/AmazonCounterfactualClassification.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..d451ef7bf --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.791044776119406, + "ap": 25.829130082463124, + "f1": 56.00432262887535, + "main_score": 61.791044776119406 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/AmazonPolarityClassification.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..4bcb8ddbb --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 62.36077499999999, + "ap": 57.68938427410222, + "f1": 62.247666843818436, + "main_score": 62.36077499999999 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/AmazonReviewsClassification.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..efe440f05 --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 29.59, + "f1": 29.241975951560622, + "main_score": 29.59 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/ArguAna.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/ArguAna.json new file mode 100644 index 000000000..c3e7a898d --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.249, + "map_at_10": 40.196, + "map_at_100": 41.336, + "map_at_1000": 41.343, + "map_at_3": 34.934, + "map_at_5": 37.871, + "mrr_at_1": 26.031, + "mrr_at_10": 40.488, + "mrr_at_100": 41.628, + "mrr_at_1000": 41.634, + "mrr_at_3": 35.171, + "mrr_at_5": 38.126, + "ndcg_at_1": 25.249, + "ndcg_at_10": 49.11, + "ndcg_at_100": 53.827999999999996, + "ndcg_at_1000": 53.993, + "ndcg_at_3": 38.175, + "ndcg_at_5": 43.488, + "precision_at_1": 25.249, + "precision_at_10": 7.788, + "precision_at_100": 0.9820000000000001, + "precision_at_1000": 0.1, + "precision_at_3": 15.861, + "precision_at_5": 12.105, + "recall_at_1": 25.249, + "recall_at_10": 77.881, + "recall_at_100": 98.222, + "recall_at_1000": 99.502, + "recall_at_3": 47.582, + "recall_at_5": 60.526, + "main_score": 49.11 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/ArxivClusteringP2P.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..0a853a90c --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.75242616816114, + "main_score": 37.75242616816114 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/ArxivClusteringS2S.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..110025016 --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 27.70031808300247, + "main_score": 27.70031808300247 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/AskUbuntuDupQuestions.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..6a10e7a89 --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 63.09199068762668, + "mrr": 76.08055225783757, + "main_score": 63.09199068762668 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/BIOSSES.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/BIOSSES.json new file mode 100644 index 000000000..5093f7619 --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 80.83007234777145, + "cos_sim_spearman": 79.76446808992547, + "euclidean_pearson": 80.24418669808917, + "euclidean_spearman": 79.76446808992547, + "manhattan_pearson": 79.58896133042379, + "manhattan_spearman": 78.9614377441415, + "cosine_pearson": 80.83007234777145, + "cosine_spearman": 79.76446808992547, + "main_score": 79.76446808992547 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/Banking77Classification.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/Banking77Classification.json new file mode 100644 index 000000000..2e3778e26 --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.6038961038961, + "f1": 77.95572823168757, + "main_score": 78.6038961038961 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/BiorxivClusteringP2P.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..1e5a4016a --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.240388191413935, + "main_score": 30.240388191413935 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/BiorxivClusteringS2S.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..98fef8541 --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 22.670413424756212, + "main_score": 22.670413424756212 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/CQADupstackAndroidRetrieval.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..26a014653 --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.694, + "map_at_10": 43.811, + "map_at_100": 45.274, + "map_at_1000": 45.393, + "map_at_3": 40.043, + "map_at_5": 41.983, + "mrr_at_1": 39.628, + "mrr_at_10": 49.748, + "mrr_at_100": 50.356, + "mrr_at_1000": 50.39900000000001, + "mrr_at_3": 46.924, + "mrr_at_5": 48.598, + "ndcg_at_1": 39.628, + "ndcg_at_10": 50.39, + "ndcg_at_100": 55.489, + "ndcg_at_1000": 57.291000000000004, + "ndcg_at_3": 44.849, + "ndcg_at_5": 47.195, + "precision_at_1": 39.628, + "precision_at_10": 9.714, + "precision_at_100": 1.591, + "precision_at_1000": 0.2, + "precision_at_3": 21.507, + "precision_at_5": 15.393, + "recall_at_1": 32.694, + "recall_at_10": 63.031000000000006, + "recall_at_100": 84.49, + "recall_at_1000": 96.148, + "recall_at_3": 46.851, + "recall_at_5": 53.64, + "main_score": 50.39 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.183000000000003, + "map_at_10": 38.796, + "map_at_100": 40.117000000000004, + "map_at_1000": 40.251, + "map_at_3": 35.713, + "map_at_5": 37.446, + "mrr_at_1": 35.605, + "mrr_at_10": 44.824000000000005, + "mrr_at_100": 45.544000000000004, + "mrr_at_1000": 45.59, + "mrr_at_3": 42.452, + "mrr_at_5": 43.891999999999996, + "ndcg_at_1": 35.605, + "ndcg_at_10": 44.857, + "ndcg_at_100": 49.68, + "ndcg_at_1000": 51.841, + "ndcg_at_3": 40.445, + "ndcg_at_5": 42.535000000000004, + "precision_at_1": 35.605, + "precision_at_10": 8.624, + "precision_at_100": 1.438, + "precision_at_1000": 0.193, + "precision_at_3": 19.808999999999997, + "precision_at_5": 14.191, + "recall_at_1": 28.183000000000003, + "recall_at_10": 55.742000000000004, + "recall_at_100": 76.416, + "recall_at_1000": 90.20899999999999, + "recall_at_3": 42.488, + "recall_at_5": 48.431999999999995, + "main_score": 44.857 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 36.156, + "map_at_10": 47.677, + "map_at_100": 48.699999999999996, + "map_at_1000": 48.756, + "map_at_3": 44.467, + "map_at_5": 46.132, + "mrr_at_1": 41.567, + "mrr_at_10": 51.06699999999999, + "mrr_at_100": 51.800000000000004, + "mrr_at_1000": 51.827999999999996, + "mrr_at_3": 48.620999999999995, + "mrr_at_5": 50.013, + "ndcg_at_1": 41.567, + "ndcg_at_10": 53.418, + "ndcg_at_100": 57.743, + "ndcg_at_1000": 58.940000000000005, + "ndcg_at_3": 47.923, + "ndcg_at_5": 50.352, + "precision_at_1": 41.567, + "precision_at_10": 8.74, + "precision_at_100": 1.1809999999999998, + "precision_at_1000": 0.133, + "precision_at_3": 21.337999999999997, + "precision_at_5": 14.646, + "recall_at_1": 36.156, + "recall_at_10": 67.084, + "recall_at_100": 86.299, + "recall_at_1000": 94.82000000000001, + "recall_at_3": 52.209, + "recall_at_5": 58.175, + "main_score": 53.418 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.513, + "map_at_10": 32.699, + "map_at_100": 33.788000000000004, + "map_at_1000": 33.878, + "map_at_3": 30.044999999999998, + "map_at_5": 31.506, + "mrr_at_1": 25.311, + "mrr_at_10": 34.457, + "mrr_at_100": 35.443999999999996, + "mrr_at_1000": 35.504999999999995, + "mrr_at_3": 31.902, + "mrr_at_5": 33.36, + "ndcg_at_1": 25.311, + "ndcg_at_10": 37.929, + "ndcg_at_100": 43.1, + "ndcg_at_1000": 45.275999999999996, + "ndcg_at_3": 32.745999999999995, + "ndcg_at_5": 35.235, + "precision_at_1": 25.311, + "precision_at_10": 6.034, + "precision_at_100": 0.8959999999999999, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 14.237, + "precision_at_5": 10.034, + "recall_at_1": 23.513, + "recall_at_10": 52.312999999999995, + "recall_at_100": 75.762, + "recall_at_1000": 91.85799999999999, + "recall_at_3": 38.222, + "recall_at_5": 44.316, + "main_score": 37.929 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.333000000000002, + "map_at_10": 24.605, + "map_at_100": 25.924000000000003, + "map_at_1000": 26.039, + "map_at_3": 21.907, + "map_at_5": 23.294999999999998, + "mrr_at_1": 20.647, + "mrr_at_10": 29.442, + "mrr_at_100": 30.54, + "mrr_at_1000": 30.601, + "mrr_at_3": 26.802999999999997, + "mrr_at_5": 28.147, + "ndcg_at_1": 20.647, + "ndcg_at_10": 30.171999999999997, + "ndcg_at_100": 36.466, + "ndcg_at_1000": 39.095, + "ndcg_at_3": 25.134, + "ndcg_at_5": 27.211999999999996, + "precision_at_1": 20.647, + "precision_at_10": 5.659, + "precision_at_100": 1.012, + "precision_at_1000": 0.13899999999999998, + "precision_at_3": 12.148, + "precision_at_5": 8.881, + "recall_at_1": 16.333000000000002, + "recall_at_10": 42.785000000000004, + "recall_at_100": 70.282, + "recall_at_1000": 88.539, + "recall_at_3": 28.307, + "recall_at_5": 33.751, + "main_score": 30.171999999999997 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.821, + "map_at_10": 37.188, + "map_at_100": 38.516, + "map_at_1000": 38.635000000000005, + "map_at_3": 33.821, + "map_at_5": 35.646, + "mrr_at_1": 33.109, + "mrr_at_10": 43.003, + "mrr_at_100": 43.849, + "mrr_at_1000": 43.889, + "mrr_at_3": 40.263, + "mrr_at_5": 41.957, + "ndcg_at_1": 33.109, + "ndcg_at_10": 43.556, + "ndcg_at_100": 49.197, + "ndcg_at_1000": 51.269, + "ndcg_at_3": 38.01, + "ndcg_at_5": 40.647, + "precision_at_1": 33.109, + "precision_at_10": 8.085, + "precision_at_100": 1.286, + "precision_at_1000": 0.166, + "precision_at_3": 18.191, + "precision_at_5": 13.050999999999998, + "recall_at_1": 26.821, + "recall_at_10": 56.818000000000005, + "recall_at_100": 80.63, + "recall_at_1000": 94.042, + "recall_at_3": 41.266000000000005, + "recall_at_5": 48.087999999999994, + "main_score": 43.556 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.169, + "map_at_10": 31.682, + "map_at_100": 32.988, + "map_at_1000": 33.097, + "map_at_3": 28.708, + "map_at_5": 30.319000000000003, + "mrr_at_1": 27.854, + "mrr_at_10": 36.814, + "mrr_at_100": 37.741, + "mrr_at_1000": 37.798, + "mrr_at_3": 34.418, + "mrr_at_5": 35.742000000000004, + "ndcg_at_1": 27.854, + "ndcg_at_10": 37.388, + "ndcg_at_100": 43.342999999999996, + "ndcg_at_1000": 45.829, + "ndcg_at_3": 32.512, + "ndcg_at_5": 34.613, + "precision_at_1": 27.854, + "precision_at_10": 7.031999999999999, + "precision_at_100": 1.18, + "precision_at_1000": 0.158, + "precision_at_3": 15.753, + "precision_at_5": 11.301, + "recall_at_1": 22.169, + "recall_at_10": 49.44, + "recall_at_100": 75.644, + "recall_at_1000": 92.919, + "recall_at_3": 35.528999999999996, + "recall_at_5": 41.271, + "main_score": 37.388 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.20158333333334, + "map_at_10": 33.509, + "map_at_100": 34.76525, + "map_at_1000": 34.885999999999996, + "map_at_3": 30.594333333333335, + "map_at_5": 32.160666666666664, + "mrr_at_1": 28.803833333333333, + "mrr_at_10": 37.61358333333333, + "mrr_at_100": 38.5105, + "mrr_at_1000": 38.56841666666667, + "mrr_at_3": 35.090666666666664, + "mrr_at_5": 36.49575, + "ndcg_at_1": 28.803833333333333, + "ndcg_at_10": 39.038333333333334, + "ndcg_at_100": 44.49175, + "ndcg_at_1000": 46.835499999999996, + "ndcg_at_3": 34.011916666666664, + "ndcg_at_5": 36.267, + "precision_at_1": 28.803833333333333, + "precision_at_10": 6.974583333333334, + "precision_at_100": 1.1565, + "precision_at_1000": 0.15533333333333332, + "precision_at_3": 15.78025, + "precision_at_5": 11.279583333333333, + "recall_at_1": 24.20158333333334, + "recall_at_10": 51.408, + "recall_at_100": 75.36958333333334, + "recall_at_1000": 91.5765, + "recall_at_3": 37.334500000000006, + "recall_at_5": 43.14666666666667, + "main_score": 39.038333333333334 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.394, + "map_at_10": 28.807, + "map_at_100": 29.851, + "map_at_1000": 29.959999999999997, + "map_at_3": 26.694000000000003, + "map_at_5": 27.805999999999997, + "mrr_at_1": 23.773, + "mrr_at_10": 30.895, + "mrr_at_100": 31.894, + "mrr_at_1000": 31.971, + "mrr_at_3": 28.988000000000003, + "mrr_at_5": 29.908, + "ndcg_at_1": 23.773, + "ndcg_at_10": 32.976, + "ndcg_at_100": 38.109, + "ndcg_at_1000": 40.797, + "ndcg_at_3": 28.993999999999996, + "ndcg_at_5": 30.659999999999997, + "precision_at_1": 23.773, + "precision_at_10": 5.2299999999999995, + "precision_at_100": 0.857, + "precision_at_1000": 0.117, + "precision_at_3": 12.73, + "precision_at_5": 8.741999999999999, + "recall_at_1": 21.394, + "recall_at_10": 43.75, + "recall_at_100": 66.765, + "recall_at_1000": 86.483, + "recall_at_3": 32.542, + "recall_at_5": 36.689, + "main_score": 32.976 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.266, + "map_at_10": 23.639, + "map_at_100": 24.814, + "map_at_1000": 24.948, + "map_at_3": 21.401999999999997, + "map_at_5": 22.581, + "mrr_at_1": 19.718, + "mrr_at_10": 27.276, + "mrr_at_100": 28.252, + "mrr_at_1000": 28.33, + "mrr_at_3": 25.086000000000002, + "mrr_at_5": 26.304, + "ndcg_at_1": 19.718, + "ndcg_at_10": 28.254, + "ndcg_at_100": 34.022999999999996, + "ndcg_at_1000": 37.031, + "ndcg_at_3": 24.206, + "ndcg_at_5": 26.009, + "precision_at_1": 19.718, + "precision_at_10": 5.189, + "precision_at_100": 0.9690000000000001, + "precision_at_1000": 0.14200000000000002, + "precision_at_3": 11.551, + "precision_at_5": 8.362, + "recall_at_1": 16.266, + "recall_at_10": 38.550000000000004, + "recall_at_100": 64.63499999999999, + "recall_at_1000": 86.059, + "recall_at_3": 27.156000000000002, + "recall_at_5": 31.829, + "main_score": 28.254 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.124000000000002, + "map_at_10": 35.099000000000004, + "map_at_100": 36.269, + "map_at_1000": 36.388999999999996, + "map_at_3": 32.017, + "map_at_5": 33.614, + "mrr_at_1": 31.25, + "mrr_at_10": 39.269999999999996, + "mrr_at_100": 40.134, + "mrr_at_1000": 40.197, + "mrr_at_3": 36.536, + "mrr_at_5": 37.842, + "ndcg_at_1": 31.25, + "ndcg_at_10": 40.643, + "ndcg_at_100": 45.967999999999996, + "ndcg_at_1000": 48.455999999999996, + "ndcg_at_3": 34.954, + "ndcg_at_5": 37.273, + "precision_at_1": 31.25, + "precision_at_10": 6.894, + "precision_at_100": 1.086, + "precision_at_1000": 0.14200000000000002, + "precision_at_3": 15.672, + "precision_at_5": 11.082, + "recall_at_1": 26.124000000000002, + "recall_at_10": 53.730999999999995, + "recall_at_100": 76.779, + "recall_at_1000": 93.908, + "recall_at_3": 37.869, + "recall_at_5": 43.822, + "main_score": 40.643 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.776, + "map_at_10": 31.384, + "map_at_100": 33.108, + "map_at_1000": 33.339, + "map_at_3": 28.269, + "map_at_5": 30.108, + "mrr_at_1": 26.482, + "mrr_at_10": 35.876000000000005, + "mrr_at_100": 36.887, + "mrr_at_1000": 36.949, + "mrr_at_3": 32.971000000000004, + "mrr_at_5": 34.601, + "ndcg_at_1": 26.482, + "ndcg_at_10": 37.403999999999996, + "ndcg_at_100": 43.722, + "ndcg_at_1000": 46.417, + "ndcg_at_3": 32.149, + "ndcg_at_5": 34.818, + "precision_at_1": 26.482, + "precision_at_10": 7.411, + "precision_at_100": 1.532, + "precision_at_1000": 0.24, + "precision_at_3": 15.152, + "precision_at_5": 11.501999999999999, + "recall_at_1": 21.776, + "recall_at_10": 49.333, + "recall_at_100": 76.753, + "recall_at_1000": 93.762, + "recall_at_3": 35.329, + "recall_at_5": 41.82, + "main_score": 37.403999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.990000000000002, + "map_at_10": 26.721, + "map_at_100": 27.833999999999996, + "map_at_1000": 27.947, + "map_at_3": 24.046, + "map_at_5": 25.491999999999997, + "mrr_at_1": 20.702, + "mrr_at_10": 28.691, + "mrr_at_100": 29.685, + "mrr_at_1000": 29.764000000000003, + "mrr_at_3": 26.124000000000002, + "mrr_at_5": 27.584999999999997, + "ndcg_at_1": 20.702, + "ndcg_at_10": 31.473000000000003, + "ndcg_at_100": 37.061, + "ndcg_at_1000": 39.784000000000006, + "ndcg_at_3": 26.221, + "ndcg_at_5": 28.655, + "precision_at_1": 20.702, + "precision_at_10": 5.083, + "precision_at_100": 0.8500000000000001, + "precision_at_1000": 0.121, + "precision_at_3": 11.275, + "precision_at_5": 8.17, + "recall_at_1": 18.990000000000002, + "recall_at_10": 44.318999999999996, + "recall_at_100": 69.98, + "recall_at_1000": 90.171, + "recall_at_3": 30.246000000000002, + "recall_at_5": 35.927, + "main_score": 31.473000000000003 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/ClimateFEVER.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/ClimateFEVER.json new file mode 100644 index 000000000..84e7fff7d --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.584, + "map_at_10": 16.148, + "map_at_100": 17.727, + "map_at_1000": 17.913999999999998, + "map_at_3": 13.456000000000001, + "map_at_5": 14.841999999999999, + "mrr_at_1": 21.564, + "mrr_at_10": 31.579, + "mrr_at_100": 32.586999999999996, + "mrr_at_1000": 32.638, + "mrr_at_3": 28.294999999999998, + "mrr_at_5": 30.064, + "ndcg_at_1": 21.564, + "ndcg_at_10": 23.294999999999998, + "ndcg_at_100": 29.997, + "ndcg_at_1000": 33.517, + "ndcg_at_3": 18.759, + "ndcg_at_5": 20.324, + "precision_at_1": 21.564, + "precision_at_10": 7.362, + "precision_at_100": 1.451, + "precision_at_1000": 0.21, + "precision_at_3": 13.919999999999998, + "precision_at_5": 10.879, + "recall_at_1": 9.584, + "recall_at_10": 28.508, + "recall_at_100": 51.873999999999995, + "recall_at_1000": 71.773, + "recall_at_3": 17.329, + "recall_at_5": 21.823, + "main_score": 23.294999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/DBPedia.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/DBPedia.json new file mode 100644 index 000000000..bc9c60f57 --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 7.034, + "map_at_10": 14.664, + "map_at_100": 19.652, + "map_at_1000": 20.701, + "map_at_3": 10.626, + "map_at_5": 12.334, + "mrr_at_1": 54.0, + "mrr_at_10": 63.132, + "mrr_at_100": 63.639, + "mrr_at_1000": 63.663000000000004, + "mrr_at_3": 61.083, + "mrr_at_5": 62.483, + "ndcg_at_1": 42.875, + "ndcg_at_10": 32.04, + "ndcg_at_100": 35.157, + "ndcg_at_1000": 41.4, + "ndcg_at_3": 35.652, + "ndcg_at_5": 33.617000000000004, + "precision_at_1": 54.0, + "precision_at_10": 25.55, + "precision_at_100": 7.5600000000000005, + "precision_at_1000": 1.577, + "precision_at_3": 38.833, + "precision_at_5": 33.15, + "recall_at_1": 7.034, + "recall_at_10": 19.627, + "recall_at_100": 40.528, + "recall_at_1000": 60.789, + "recall_at_3": 11.833, + "recall_at_5": 14.804, + "main_score": 32.04 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/EmotionClassification.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/EmotionClassification.json new file mode 100644 index 000000000..4ffc92d61 --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 39.6, + "f1": 35.3770765501984, + "main_score": 39.6 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/FEVER.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/FEVER.json new file mode 100644 index 000000000..32ab0576e --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 35.098, + "map_at_10": 46.437, + "map_at_100": 47.156, + "map_at_1000": 47.193000000000005, + "map_at_3": 43.702000000000005, + "map_at_5": 45.326, + "mrr_at_1": 37.774, + "mrr_at_10": 49.512, + "mrr_at_100": 50.196, + "mrr_at_1000": 50.224000000000004, + "mrr_at_3": 46.747, + "mrr_at_5": 48.415, + "ndcg_at_1": 37.774, + "ndcg_at_10": 52.629000000000005, + "ndcg_at_100": 55.995, + "ndcg_at_1000": 56.962999999999994, + "ndcg_at_3": 47.188, + "ndcg_at_5": 50.019000000000005, + "precision_at_1": 37.774, + "precision_at_10": 7.541, + "precision_at_100": 0.931, + "precision_at_1000": 0.10300000000000001, + "precision_at_3": 19.572, + "precision_at_5": 13.288, + "recall_at_1": 35.098, + "recall_at_10": 68.818, + "recall_at_100": 84.004, + "recall_at_1000": 91.36800000000001, + "recall_at_3": 54.176, + "recall_at_5": 60.968999999999994, + "main_score": 52.629000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/FiQA2018.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/FiQA2018.json new file mode 100644 index 000000000..43aad1005 --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.982, + "map_at_10": 28.994999999999997, + "map_at_100": 30.868000000000002, + "map_at_1000": 31.045, + "map_at_3": 25.081999999999997, + "map_at_5": 27.303, + "mrr_at_1": 35.031, + "mrr_at_10": 43.537, + "mrr_at_100": 44.422, + "mrr_at_1000": 44.471, + "mrr_at_3": 41.024, + "mrr_at_5": 42.42, + "ndcg_at_1": 35.031, + "ndcg_at_10": 36.346000000000004, + "ndcg_at_100": 43.275000000000006, + "ndcg_at_1000": 46.577, + "ndcg_at_3": 32.42, + "ndcg_at_5": 33.841, + "precision_at_1": 35.031, + "precision_at_10": 10.231, + "precision_at_100": 1.728, + "precision_at_1000": 0.231, + "precision_at_3": 21.553, + "precision_at_5": 16.204, + "recall_at_1": 17.982, + "recall_at_10": 43.169000000000004, + "recall_at_100": 68.812, + "recall_at_1000": 89.008, + "recall_at_3": 29.309, + "recall_at_5": 35.514, + "main_score": 36.346000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/HotpotQA.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/HotpotQA.json new file mode 100644 index 000000000..00561bdc7 --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.387, + "map_at_10": 36.931000000000004, + "map_at_100": 37.734, + "map_at_1000": 37.818000000000005, + "map_at_3": 34.691, + "map_at_5": 36.016999999999996, + "mrr_at_1": 54.774, + "mrr_at_10": 62.133, + "mrr_at_100": 62.587, + "mrr_at_1000": 62.61600000000001, + "mrr_at_3": 60.49099999999999, + "mrr_at_5": 61.480999999999995, + "ndcg_at_1": 54.774, + "ndcg_at_10": 45.657, + "ndcg_at_100": 48.954, + "ndcg_at_1000": 50.78, + "ndcg_at_3": 41.808, + "ndcg_at_5": 43.816, + "precision_at_1": 54.774, + "precision_at_10": 9.479, + "precision_at_100": 1.208, + "precision_at_1000": 0.145, + "precision_at_3": 25.856, + "precision_at_5": 17.102, + "recall_at_1": 27.387, + "recall_at_10": 47.394, + "recall_at_100": 60.397999999999996, + "recall_at_1000": 72.54599999999999, + "recall_at_3": 38.785, + "recall_at_5": 42.754999999999995, + "main_score": 45.657 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/ImdbClassification.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/ImdbClassification.json new file mode 100644 index 000000000..71bc4f1c0 --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.217999999999996, + "ap": 56.84286974948407, + "f1": 60.99211195455131, + "main_score": 61.217999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/MSMARCO.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/MSMARCO.json new file mode 100644 index 000000000..2ca21725b --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.224, + "map_at_10": 30.448999999999998, + "map_at_100": 31.663999999999998, + "map_at_1000": 31.721, + "map_at_3": 26.922, + "map_at_5": 28.906, + "mrr_at_1": 19.756, + "mrr_at_10": 30.994, + "mrr_at_100": 32.161, + "mrr_at_1000": 32.213, + "mrr_at_3": 27.502, + "mrr_at_5": 29.48, + "ndcg_at_1": 19.742, + "ndcg_at_10": 36.833, + "ndcg_at_100": 42.785000000000004, + "ndcg_at_1000": 44.291000000000004, + "ndcg_at_3": 29.580000000000002, + "ndcg_at_5": 33.139, + "precision_at_1": 19.742, + "precision_at_10": 5.894, + "precision_at_100": 0.889, + "precision_at_1000": 0.10200000000000001, + "precision_at_3": 12.665000000000001, + "precision_at_5": 9.393, + "recall_at_1": 19.224, + "recall_at_10": 56.538999999999994, + "recall_at_100": 84.237, + "recall_at_1000": 95.965, + "recall_at_3": 36.71, + "recall_at_5": 45.283, + "main_score": 36.833 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/MTOPDomainClassification.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/MTOPDomainClassification.json new file mode 100644 index 000000000..09155216d --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 89.97264021887824, + "f1": 89.53607318488027, + "main_score": 89.97264021887824 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/MTOPIntentClassification.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/MTOPIntentClassification.json new file mode 100644 index 000000000..be444f963 --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 59.566803465572285, + "f1": 40.94003955225124, + "main_score": 59.566803465572285 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/MassiveIntentClassification.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/MassiveIntentClassification.json new file mode 100644 index 000000000..11ed28023 --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 66.7787491593813, + "f1": 64.51190971513093, + "main_score": 66.7787491593813 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/MassiveScenarioClassification.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..92923349d --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.7794216543376, + "f1": 72.71852261076475, + "main_score": 73.7794216543376 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/MedrxivClusteringP2P.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..01664f252 --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 28.40883054472429, + "main_score": 28.40883054472429 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/MedrxivClusteringS2S.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..1a1e172d4 --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 26.144338339113617, + "main_score": 26.144338339113617 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/MindSmallReranking.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/MindSmallReranking.json new file mode 100644 index 000000000..9d49e0a2a --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 30.894071459751267, + "mrr": 31.965886150526256, + "main_score": 30.894071459751267 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/NFCorpus.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/NFCorpus.json new file mode 100644 index 000000000..cad3dd408 --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.024, + "map_at_10": 10.533, + "map_at_100": 12.97, + "map_at_1000": 14.163, + "map_at_3": 7.971, + "map_at_5": 9.15, + "mrr_at_1": 40.867, + "mrr_at_10": 48.837, + "mrr_at_100": 49.464999999999996, + "mrr_at_1000": 49.509, + "mrr_at_3": 46.800999999999995, + "mrr_at_5": 47.745, + "ndcg_at_1": 38.854, + "ndcg_at_10": 29.674, + "ndcg_at_100": 26.66, + "ndcg_at_1000": 35.088, + "ndcg_at_3": 34.838, + "ndcg_at_5": 32.423, + "precision_at_1": 40.248, + "precision_at_10": 21.826999999999998, + "precision_at_100": 6.78, + "precision_at_1000": 1.889, + "precision_at_3": 32.405, + "precision_at_5": 27.74, + "recall_at_1": 5.024, + "recall_at_10": 13.996, + "recall_at_100": 26.636, + "recall_at_1000": 57.816, + "recall_at_3": 9.063, + "recall_at_5": 10.883, + "main_score": 29.674 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/NQ.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/NQ.json new file mode 100644 index 000000000..214ebb16d --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.088, + "map_at_10": 36.915, + "map_at_100": 38.141999999999996, + "map_at_1000": 38.191, + "map_at_3": 32.458999999999996, + "map_at_5": 35.004999999999995, + "mrr_at_1": 26.101000000000003, + "mrr_at_10": 39.1, + "mrr_at_100": 40.071, + "mrr_at_1000": 40.106, + "mrr_at_3": 35.236000000000004, + "mrr_at_5": 37.43, + "ndcg_at_1": 26.072, + "ndcg_at_10": 44.482, + "ndcg_at_100": 49.771, + "ndcg_at_1000": 50.903, + "ndcg_at_3": 35.922, + "ndcg_at_5": 40.178000000000004, + "precision_at_1": 26.072, + "precision_at_10": 7.795000000000001, + "precision_at_100": 1.072, + "precision_at_1000": 0.11800000000000001, + "precision_at_3": 16.725, + "precision_at_5": 12.468, + "recall_at_1": 23.088, + "recall_at_10": 65.534, + "recall_at_100": 88.68, + "recall_at_1000": 97.101, + "recall_at_3": 43.161, + "recall_at_5": 52.959999999999994, + "main_score": 44.482 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/QuoraRetrieval.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/QuoraRetrieval.json new file mode 100644 index 000000000..380dd9596 --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 69.612, + "map_at_10": 83.292, + "map_at_100": 83.96000000000001, + "map_at_1000": 83.978, + "map_at_3": 80.26299999999999, + "map_at_5": 82.11500000000001, + "mrr_at_1": 80.21000000000001, + "mrr_at_10": 86.457, + "mrr_at_100": 86.58500000000001, + "mrr_at_1000": 86.587, + "mrr_at_3": 85.452, + "mrr_at_5": 86.101, + "ndcg_at_1": 80.21000000000001, + "ndcg_at_10": 87.208, + "ndcg_at_100": 88.549, + "ndcg_at_1000": 88.683, + "ndcg_at_3": 84.20400000000001, + "ndcg_at_5": 85.768, + "precision_at_1": 80.21000000000001, + "precision_at_10": 13.29, + "precision_at_100": 1.5230000000000001, + "precision_at_1000": 0.156, + "precision_at_3": 36.767, + "precision_at_5": 24.2, + "recall_at_1": 69.612, + "recall_at_10": 94.651, + "recall_at_100": 99.297, + "recall_at_1000": 99.95100000000001, + "recall_at_3": 86.003, + "recall_at_5": 90.45100000000001, + "main_score": 87.208 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/RedditClustering.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/RedditClustering.json new file mode 100644 index 000000000..bf4e92576 --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 46.28945925252077, + "main_score": 46.28945925252077 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/RedditClusteringP2P.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/RedditClusteringP2P.json new file mode 100644 index 000000000..bffbbfacc --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 50.954446620859684, + "main_score": 50.954446620859684 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/SCIDOCS.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/SCIDOCS.json new file mode 100644 index 000000000..474d8b3a8 --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.888, + "map_at_10": 9.21, + "map_at_100": 10.629, + "map_at_1000": 10.859, + "map_at_3": 6.743, + "map_at_5": 7.982, + "mrr_at_1": 19.1, + "mrr_at_10": 28.294000000000004, + "mrr_at_100": 29.326999999999998, + "mrr_at_1000": 29.414, + "mrr_at_3": 25.367, + "mrr_at_5": 27.002, + "ndcg_at_1": 19.1, + "ndcg_at_10": 15.78, + "ndcg_at_100": 21.807000000000002, + "ndcg_at_1000": 26.593, + "ndcg_at_3": 15.204999999999998, + "ndcg_at_5": 13.217, + "precision_at_1": 19.1, + "precision_at_10": 7.9799999999999995, + "precision_at_100": 1.667, + "precision_at_1000": 0.28300000000000003, + "precision_at_3": 13.933000000000002, + "precision_at_5": 11.379999999999999, + "recall_at_1": 3.888, + "recall_at_10": 16.17, + "recall_at_100": 33.848, + "recall_at_1000": 57.345, + "recall_at_3": 8.468, + "recall_at_5": 11.540000000000001, + "main_score": 15.78 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/SICK-R.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/SICK-R.json new file mode 100644 index 000000000..290976737 --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 79.05803116288386, + "cos_sim_spearman": 70.0403855402571, + "euclidean_pearson": 75.59006280166072, + "euclidean_spearman": 70.04038926247613, + "manhattan_pearson": 75.48136278078455, + "manhattan_spearman": 69.9608897701754, + "cosine_pearson": 79.05803116288386, + "cosine_spearman": 70.0403855402571, + "main_score": 70.0403855402571 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/STS12.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/STS12.json new file mode 100644 index 000000000..2ab270df2 --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 68.56836430603597, + "cos_sim_spearman": 64.38407759822387, + "euclidean_pearson": 65.93619045541732, + "euclidean_spearman": 64.38184049884836, + "manhattan_pearson": 65.97148637646873, + "manhattan_spearman": 64.48011982438929, + "cosine_pearson": 68.56836430603597, + "cosine_spearman": 64.38407759822387, + "main_score": 64.38407759822387 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/STS13.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/STS13.json new file mode 100644 index 000000000..be8025199 --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 75.990362280318, + "cos_sim_spearman": 76.40621890996734, + "euclidean_pearson": 76.01739766577184, + "euclidean_spearman": 76.4062736496846, + "manhattan_pearson": 76.04738378838042, + "manhattan_spearman": 76.44991409719592, + "cosine_pearson": 75.990362280318, + "cosine_spearman": 76.40621890996734, + "main_score": 76.40621890996734 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/STS14.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/STS14.json new file mode 100644 index 000000000..22589ada5 --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 74.8516957692617, + "cos_sim_spearman": 69.325199098278, + "euclidean_pearson": 73.37922793254768, + "euclidean_spearman": 69.32520119670215, + "manhattan_pearson": 73.3795212376615, + "manhattan_spearman": 69.35306787926315, + "cosine_pearson": 74.8516957692617, + "cosine_spearman": 69.325199098278, + "main_score": 69.325199098278 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/STS15.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/STS15.json new file mode 100644 index 000000000..266ae2b11 --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 78.644002190612, + "cos_sim_spearman": 80.18337978181648, + "euclidean_pearson": 79.7628642371887, + "euclidean_spearman": 80.18337906907526, + "manhattan_pearson": 79.68810722704522, + "manhattan_spearman": 80.10664518173466, + "cosine_pearson": 78.644002190612, + "cosine_spearman": 80.18337978181648, + "main_score": 80.18337978181648 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/STS16.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/STS16.json new file mode 100644 index 000000000..0d37ef320 --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 77.8303940874723, + "cos_sim_spearman": 79.56812599677549, + "euclidean_pearson": 79.38928950396344, + "euclidean_spearman": 79.56812556750812, + "manhattan_pearson": 79.41057583507681, + "manhattan_spearman": 79.57604428731142, + "cosine_pearson": 77.8303940874723, + "cosine_spearman": 79.56812599677549, + "main_score": 79.56812599677549 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/STS17.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/STS17.json new file mode 100644 index 000000000..14f0b1a9b --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 78.90792116013353, + "cos_sim_spearman": 81.18059230233499, + "euclidean_pearson": 80.2622631297375, + "euclidean_spearman": 81.18059230233499, + "manhattan_pearson": 80.23946026135997, + "manhattan_spearman": 81.11947325071426, + "cosine_pearson": 78.90792116013353, + "cosine_spearman": 81.18059230233499, + "main_score": 81.18059230233499 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/STS22.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/STS22.json new file mode 100644 index 000000000..69b4d6c64 --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 64.46850619973324, + "cos_sim_spearman": 65.50839374141563, + "euclidean_pearson": 66.60130812260707, + "euclidean_spearman": 65.50839374141563, + "manhattan_pearson": 66.58871918195092, + "manhattan_spearman": 65.7347325297592, + "cosine_pearson": 64.46850619973324, + "cosine_spearman": 65.50839374141563, + "main_score": 65.50839374141563 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/STSBenchmark.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/STSBenchmark.json new file mode 100644 index 000000000..cb96dffc3 --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 75.71536124107834, + "cos_sim_spearman": 75.98365906208434, + "euclidean_pearson": 76.64573753881218, + "euclidean_spearman": 75.98365906208434, + "manhattan_pearson": 76.63637189172626, + "manhattan_spearman": 75.9660207821009, + "cosine_pearson": 75.71536124107834, + "cosine_spearman": 75.98365906208434, + "main_score": 75.98365906208434 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/SciDocsRR.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/SciDocsRR.json new file mode 100644 index 000000000..d8c1c0afb --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 74.27669440147513, + "mrr": 91.7729356699945, + "main_score": 74.27669440147513 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/SciFact.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/SciFact.json new file mode 100644 index 000000000..ed6d81921 --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 41.028, + "map_at_10": 49.919000000000004, + "map_at_100": 50.91, + "map_at_1000": 50.955, + "map_at_3": 47.785, + "map_at_5": 49.084, + "mrr_at_1": 43.667, + "mrr_at_10": 51.342, + "mrr_at_100": 52.197, + "mrr_at_1000": 52.236000000000004, + "mrr_at_3": 49.667, + "mrr_at_5": 50.766999999999996, + "ndcg_at_1": 43.667, + "ndcg_at_10": 54.029, + "ndcg_at_100": 58.909, + "ndcg_at_1000": 60.131, + "ndcg_at_3": 50.444, + "ndcg_at_5": 52.354, + "precision_at_1": 43.667, + "precision_at_10": 7.432999999999999, + "precision_at_100": 1.0, + "precision_at_1000": 0.11100000000000002, + "precision_at_3": 20.444000000000003, + "precision_at_5": 13.533000000000001, + "recall_at_1": 41.028, + "recall_at_10": 65.011, + "recall_at_100": 88.033, + "recall_at_1000": 97.667, + "recall_at_3": 55.394, + "recall_at_5": 60.183, + "main_score": 54.029 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/SprintDuplicateQuestions.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..236c59c09 --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.76534653465346, + "cos_sim_ap": 93.83756773536699, + "cos_sim_f1": 87.91097622660598, + "cos_sim_precision": 88.94575230296827, + "cos_sim_recall": 86.9, + "dot_accuracy": 99.76534653465346, + "dot_ap": 93.83756773536699, + "dot_f1": 87.91097622660598, + "dot_precision": 88.94575230296827, + "dot_recall": 86.9, + "euclidean_accuracy": 99.76534653465346, + "euclidean_ap": 93.837567735367, + "euclidean_f1": 87.91097622660598, + "euclidean_precision": 88.94575230296827, + "euclidean_recall": 86.9, + "manhattan_accuracy": 99.76633663366337, + "manhattan_ap": 93.84480825492724, + "manhattan_f1": 87.97145769622833, + "manhattan_precision": 89.70893970893971, + "manhattan_recall": 86.3, + "max_accuracy": 99.76633663366337, + "max_ap": 93.84480825492724, + "max_f1": 87.97145769622833, + "main_score": 93.84480825492724 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/StackExchangeClustering.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/StackExchangeClustering.json new file mode 100644 index 000000000..d75637a01 --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.078155553339585, + "main_score": 48.078155553339585 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/StackExchangeClusteringP2P.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..d1d25da78 --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.34857297824906, + "main_score": 33.34857297824906 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/StackOverflowDupQuestions.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..0262de9c2 --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 50.06219491505384, + "mrr": 50.77479097699686, + "main_score": 50.06219491505384 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/SummEval.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/SummEval.json new file mode 100644 index 000000000..7f043751b --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.48401937651373, + "cos_sim_spearman": 31.048654273022606, + "dot_pearson": 30.484020082707847, + "dot_spearman": 31.048654273022606, + "cosine_pearson": 30.48401937651373, + "cosine_spearman": 31.048654273022606, + "main_score": 31.048654273022606 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/TRECCOVID.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/TRECCOVID.json new file mode 100644 index 000000000..7cc9c0717 --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.183, + "map_at_10": 1.32, + "map_at_100": 7.01, + "map_at_1000": 16.957, + "map_at_3": 0.481, + "map_at_5": 0.737, + "mrr_at_1": 66.0, + "mrr_at_10": 78.7, + "mrr_at_100": 78.7, + "mrr_at_1000": 78.7, + "mrr_at_3": 76.0, + "mrr_at_5": 78.7, + "ndcg_at_1": 56.99999999999999, + "ndcg_at_10": 55.846, + "ndcg_at_100": 43.138, + "ndcg_at_1000": 39.4, + "ndcg_at_3": 57.306999999999995, + "ndcg_at_5": 57.294, + "precision_at_1": 66.0, + "precision_at_10": 60.0, + "precision_at_100": 44.6, + "precision_at_1000": 17.8, + "precision_at_3": 62.0, + "precision_at_5": 62.0, + "recall_at_1": 0.183, + "recall_at_10": 1.583, + "recall_at_100": 10.412, + "recall_at_1000": 37.358999999999995, + "recall_at_3": 0.516, + "recall_at_5": 0.845, + "main_score": 55.846 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/Touche2020.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/Touche2020.json new file mode 100644 index 000000000..663bb142d --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 1.7420000000000002, + "map_at_10": 6.4879999999999995, + "map_at_100": 11.654, + "map_at_1000": 13.23, + "map_at_3": 3.148, + "map_at_5": 4.825, + "mrr_at_1": 18.367, + "mrr_at_10": 30.258000000000003, + "mrr_at_100": 31.570999999999998, + "mrr_at_1000": 31.594, + "mrr_at_3": 26.19, + "mrr_at_5": 28.027, + "ndcg_at_1": 15.306000000000001, + "ndcg_at_10": 15.608, + "ndcg_at_100": 28.808, + "ndcg_at_1000": 41.603, + "ndcg_at_3": 13.357, + "ndcg_at_5": 15.306000000000001, + "precision_at_1": 18.367, + "precision_at_10": 15.101999999999999, + "precision_at_100": 6.49, + "precision_at_1000": 1.488, + "precision_at_3": 14.966, + "precision_at_5": 17.143, + "recall_at_1": 1.7420000000000002, + "recall_at_10": 12.267, + "recall_at_100": 41.105999999999995, + "recall_at_1000": 80.569, + "recall_at_3": 4.009, + "recall_at_5": 7.417999999999999, + "main_score": 15.608 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/ToxicConversationsClassification.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..038c5a583 --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 65.1178, + "ap": 11.974961582206614, + "f1": 50.24491996814835, + "main_score": 65.1178 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/TweetSentimentExtractionClassification.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..5edba4249 --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 51.63271080928127, + "f1": 51.81589904316042, + "main_score": 51.63271080928127 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/TwentyNewsgroupsClustering.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..3f03f328e --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.791709673552276, + "main_score": 40.791709673552276 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/TwitterSemEval2015.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/TwitterSemEval2015.json new file mode 100644 index 000000000..fc984326b --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 83.05418131966383, + "cos_sim_ap": 64.72353098186304, + "cos_sim_f1": 61.313330054107226, + "cos_sim_precision": 57.415937356057114, + "cos_sim_recall": 65.77836411609499, + "dot_accuracy": 83.05418131966383, + "dot_ap": 64.72352701424393, + "dot_f1": 61.313330054107226, + "dot_precision": 57.415937356057114, + "dot_recall": 65.77836411609499, + "euclidean_accuracy": 83.05418131966383, + "euclidean_ap": 64.72353124585976, + "euclidean_f1": 61.313330054107226, + "euclidean_precision": 57.415937356057114, + "euclidean_recall": 65.77836411609499, + "manhattan_accuracy": 82.98861536627525, + "manhattan_ap": 64.53981837182303, + "manhattan_f1": 60.94911377930246, + "manhattan_precision": 53.784056508577194, + "manhattan_recall": 70.31662269129288, + "max_accuracy": 83.05418131966383, + "max_ap": 64.72353124585976, + "max_f1": 61.313330054107226, + "main_score": 64.72353124585976 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/TwitterURLCorpus.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/TwitterURLCorpus.json new file mode 100644 index 000000000..d78d448bf --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.06225016493966, + "cos_sim_ap": 84.00829172423475, + "cos_sim_f1": 76.1288446157202, + "cos_sim_precision": 72.11737153877945, + "cos_sim_recall": 80.61287342161995, + "dot_accuracy": 88.06225016493966, + "dot_ap": 84.00827913374181, + "dot_f1": 76.1288446157202, + "dot_precision": 72.11737153877945, + "dot_recall": 80.61287342161995, + "euclidean_accuracy": 88.06225016493966, + "euclidean_ap": 84.00827099295034, + "euclidean_f1": 76.1288446157202, + "euclidean_precision": 72.11737153877945, + "euclidean_recall": 80.61287342161995, + "manhattan_accuracy": 88.05642876547523, + "manhattan_ap": 83.9157542691417, + "manhattan_f1": 76.09045667447307, + "manhattan_precision": 72.50348675034869, + "manhattan_recall": 80.05081613797351, + "max_accuracy": 88.06225016493966, + "max_ap": 84.00829172423475, + "max_f1": 76.1288446157202, + "main_score": 84.00829172423475 + } + ] + } +} \ No newline at end of file diff --git a/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/model_meta.json b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/model_meta.json new file mode 100644 index 000000000..e2e156db2 --- /dev/null +++ b/results/djovak__multi-qa-MiniLM-L6-cos-v1/external/model_meta.json @@ -0,0 +1,20 @@ +{ + "name": "djovak/multi-qa-MiniLM-L6-cos-v1", + "revision": "9489f149b7b912e6d6cc8038b05a2c10f9238594", + "release_date": "2023-10-20", + "languages": [], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 384, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/dumyy__sft-bge-small/external/AFQMC.json b/results/dumyy__sft-bge-small/external/AFQMC.json new file mode 100644 index 000000000..44be63828 --- /dev/null +++ b/results/dumyy__sft-bge-small/external/AFQMC.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "b44c3b011063adb25877c13823db83bb193913c4", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 33.53658849446219, + "cosine_spearman": 33.883815205024966, + "euclidean_pearson": 33.04627496978132, + "euclidean_spearman": 33.88381520628932, + "main_score": 33.883815205024966, + "manhattan_pearson": 32.99325108822262, + "manhattan_spearman": 33.820124806863234 + } + ] + } +} \ No newline at end of file diff --git a/results/dumyy__sft-bge-small/external/ATEC.json b/results/dumyy__sft-bge-small/external/ATEC.json new file mode 100644 index 000000000..c00463146 --- /dev/null +++ b/results/dumyy__sft-bge-small/external/ATEC.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "0f319b1142f28d00e055a6770f3f726ae9b7d865", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 42.70324773636391, + "cosine_spearman": 43.359361990058034, + "euclidean_pearson": 45.61531205864215, + "euclidean_spearman": 43.3593631156173, + "main_score": 43.359361990058034, + "manhattan_pearson": 45.48276231419951, + "manhattan_spearman": 43.26880728411688 + } + ] + } +} \ No newline at end of file diff --git a/results/dumyy__sft-bge-small/external/AmazonReviewsClassification.json b/results/dumyy__sft-bge-small/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..db24c9566 --- /dev/null +++ b/results/dumyy__sft-bge-small/external/AmazonReviewsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 34.548, + "f1": 33.36701212578771, + "f1_weighted": 33.36701212578771, + "main_score": 34.548 + } + ] + } +} \ No newline at end of file diff --git a/results/dumyy__sft-bge-small/external/BQ.json b/results/dumyy__sft-bge-small/external/BQ.json new file mode 100644 index 000000000..7ad2a74c1 --- /dev/null +++ b/results/dumyy__sft-bge-small/external/BQ.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "e3dda5e115e487b39ec7e618c0c6a29137052a55", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 56.21405088075221, + "cosine_spearman": 57.140134726780204, + "euclidean_pearson": 56.07621870553079, + "euclidean_spearman": 57.14013126130719, + "main_score": 57.140134726780204, + "manhattan_pearson": 55.91315694994356, + "manhattan_spearman": 56.97612683481512 + } + ] + } +} \ No newline at end of file diff --git a/results/dumyy__sft-bge-small/external/CLSClusteringP2P.v2.json b/results/dumyy__sft-bge-small/external/CLSClusteringP2P.v2.json new file mode 100644 index 000000000..31f5b543b --- /dev/null +++ b/results/dumyy__sft-bge-small/external/CLSClusteringP2P.v2.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4b6227591c6c1a73bc76b1055f3b7f3588e72476", + "task_name": "CLSClusteringP2P.v2", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 37.19334308094345, + "v_measure": 37.19334308094345, + "v_measure_std": 1.7104549965585019 + } + ] + } +} \ No newline at end of file diff --git a/results/dumyy__sft-bge-small/external/CLSClusteringS2S.v2.json b/results/dumyy__sft-bge-small/external/CLSClusteringS2S.v2.json new file mode 100644 index 000000000..666caa2b7 --- /dev/null +++ b/results/dumyy__sft-bge-small/external/CLSClusteringS2S.v2.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e458b3f5414b62b7f9f83499ac1f5497ae2e869f", + "task_name": "CLSClusteringS2S.v2", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 34.93861988093335, + "v_measure": 34.93861988093335, + "v_measure_std": 1.166767552463492 + } + ] + } +} \ No newline at end of file diff --git a/results/dumyy__sft-bge-small/external/CMedQAv1-reranking.json b/results/dumyy__sft-bge-small/external/CMedQAv1-reranking.json new file mode 100644 index 000000000..574783a62 --- /dev/null +++ b/results/dumyy__sft-bge-small/external/CMedQAv1-reranking.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "8d7f1e942507dac42dc58017c1a001c3717da7df", + "task_name": "CMedQAv1-reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 77.18563215195435, + "map": 77.18563215195435, + "mrr": 80.31658730158729, + "nAUC_map_diff1": 52.93848123660803, + "nAUC_map_max": 52.72106929433276, + "nAUC_map_std": 17.011035198804265, + "nAUC_mrr_diff1": 55.97351297507661, + "nAUC_mrr_max": 58.298929607461936, + "nAUC_mrr_std": 25.591598778732767 + } + ] + } +} \ No newline at end of file diff --git a/results/dumyy__sft-bge-small/external/CMedQAv2-reranking.json b/results/dumyy__sft-bge-small/external/CMedQAv2-reranking.json new file mode 100644 index 000000000..53e2b20e8 --- /dev/null +++ b/results/dumyy__sft-bge-small/external/CMedQAv2-reranking.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "23d186750531a14a0357ca22cd92d712fd512ea0", + "task_name": "CMedQAv2-reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 79.99056812833828, + "map": 79.99056812833828, + "mrr": 83.06869047619048, + "nAUC_map_diff1": 52.09035038251355, + "nAUC_map_max": 52.26552947348612, + "nAUC_map_std": 12.37175423724008, + "nAUC_mrr_diff1": 61.14939120187718, + "nAUC_mrr_max": 64.46388888429114, + "nAUC_mrr_std": 19.8257853597496 + } + ] + } +} \ No newline at end of file diff --git a/results/dumyy__sft-bge-small/external/CmedqaRetrieval.json b/results/dumyy__sft-bge-small/external/CmedqaRetrieval.json new file mode 100644 index 000000000..a124d6ee1 --- /dev/null +++ b/results/dumyy__sft-bge-small/external/CmedqaRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "cd540c506dae1cf9e9a59c3e06f42030d54e7301", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 34.69, + "map_at_1": 19.344, + "map_at_10": 28.796, + "map_at_100": 30.585, + "map_at_1000": 30.749, + "map_at_20": 29.706, + "map_at_3": 25.513, + "map_at_5": 27.178, + "mrr_at_1": 30.407601900475118, + "mrr_at_10": 37.5060927930395, + "mrr_at_100": 38.57367124679012, + "mrr_at_1000": 38.64878379455239, + "mrr_at_20": 38.09679427251286, + "mrr_at_3": 35.07960323414186, + "mrr_at_5": 36.47245144619492, + "nauc_map_at_1000_diff1": 44.51440720023725, + "nauc_map_at_1000_max": 28.97219143148225, + "nauc_map_at_1000_std": -8.086311202275697, + "nauc_map_at_100_diff1": 44.48004417791743, + "nauc_map_at_100_max": 28.943674602104245, + "nauc_map_at_100_std": -8.117037242753526, + "nauc_map_at_10_diff1": 44.75973064427402, + "nauc_map_at_10_max": 28.08323798212488, + "nauc_map_at_10_std": -9.619348483821657, + "nauc_map_at_1_diff1": 49.6699324592167, + "nauc_map_at_1_max": 23.459448993588776, + "nauc_map_at_1_std": -10.743776071552071, + "nauc_map_at_20_diff1": 44.4984776366223, + "nauc_map_at_20_max": 28.584292621450953, + "nauc_map_at_20_std": -8.810140926363161, + "nauc_map_at_3_diff1": 45.99933707541341, + "nauc_map_at_3_max": 26.894130402004972, + "nauc_map_at_3_std": -10.933378123879866, + "nauc_map_at_5_diff1": 45.46747106830205, + "nauc_map_at_5_max": 27.716685754420844, + "nauc_map_at_5_std": -10.357767749416846, + "nauc_mrr_at_1000_diff1": 48.32510446424475, + "nauc_mrr_at_1000_max": 33.1970315626591, + "nauc_mrr_at_1000_std": -4.173066140057387, + "nauc_mrr_at_100_diff1": 48.29684669904282, + "nauc_mrr_at_100_max": 33.1987177026033, + "nauc_mrr_at_100_std": -4.14522976270507, + "nauc_mrr_at_10_diff1": 48.37940066077619, + "nauc_mrr_at_10_max": 33.04364922694604, + "nauc_mrr_at_10_std": -4.631619579133087, + "nauc_mrr_at_1_diff1": 53.325487160335214, + "nauc_mrr_at_1_max": 33.45510756277711, + "nauc_mrr_at_1_std": -5.819387381295979, + "nauc_mrr_at_20_diff1": 48.26588000840893, + "nauc_mrr_at_20_max": 33.16675443872329, + "nauc_mrr_at_20_std": -4.285764179231469, + "nauc_mrr_at_3_diff1": 49.53448699043804, + "nauc_mrr_at_3_max": 33.24069008317655, + "nauc_mrr_at_3_std": -5.2381928595767135, + "nauc_mrr_at_5_diff1": 48.842306548487784, + "nauc_mrr_at_5_max": 33.28578509420531, + "nauc_mrr_at_5_std": -4.686379267262563, + "nauc_ndcg_at_1000_diff1": 43.52208964237314, + "nauc_ndcg_at_1000_max": 31.413122097522926, + "nauc_ndcg_at_1000_std": -3.5454929831424895, + "nauc_ndcg_at_100_diff1": 42.631025867109265, + "nauc_ndcg_at_100_max": 31.330295140981264, + "nauc_ndcg_at_100_std": -2.7694833109497616, + "nauc_ndcg_at_10_diff1": 43.3433130932041, + "nauc_ndcg_at_10_max": 29.121307963920145, + "nauc_ndcg_at_10_std": -7.657901336484528, + "nauc_ndcg_at_1_diff1": 53.325487160335214, + "nauc_ndcg_at_1_max": 33.45510756277711, + "nauc_ndcg_at_1_std": -5.819387381295979, + "nauc_ndcg_at_20_diff1": 42.69042735273421, + "nauc_ndcg_at_20_max": 30.135189128144113, + "nauc_ndcg_at_20_std": -5.676679328920746, + "nauc_ndcg_at_3_diff1": 45.4872294661908, + "nauc_ndcg_at_3_max": 29.971944952161557, + "nauc_ndcg_at_3_std": -7.826058866615504, + "nauc_ndcg_at_5_diff1": 44.63791548178676, + "nauc_ndcg_at_5_max": 29.496784393590374, + "nauc_ndcg_at_5_std": -7.944096292023679, + "nauc_precision_at_1000_diff1": 2.6137669501180927, + "nauc_precision_at_1000_max": 19.926619760122094, + "nauc_precision_at_1000_std": 18.867526538887752, + "nauc_precision_at_100_diff1": 10.03920635386407, + "nauc_precision_at_100_max": 27.181170898866903, + "nauc_precision_at_100_std": 20.88605769712323, + "nauc_precision_at_10_diff1": 25.936219722674547, + "nauc_precision_at_10_max": 31.976548332740514, + "nauc_precision_at_10_std": 3.6576801366468987, + "nauc_precision_at_1_diff1": 53.325487160335214, + "nauc_precision_at_1_max": 33.45510756277711, + "nauc_precision_at_1_std": -5.819387381295979, + "nauc_precision_at_20_diff1": 19.633571873524584, + "nauc_precision_at_20_max": 30.904840563207987, + "nauc_precision_at_20_std": 9.938896845265456, + "nauc_precision_at_3_diff1": 37.14825198202475, + "nauc_precision_at_3_max": 34.37632573886419, + "nauc_precision_at_3_std": -3.0609791122986256, + "nauc_precision_at_5_diff1": 32.78898119399301, + "nauc_precision_at_5_max": 34.37023611560389, + "nauc_precision_at_5_std": -0.42504548614596976, + "nauc_recall_at_1000_diff1": 14.600972396858413, + "nauc_recall_at_1000_max": 40.521226786378804, + "nauc_recall_at_1000_std": 46.956959325410544, + "nauc_recall_at_100_diff1": 23.656183428068584, + "nauc_recall_at_100_max": 29.07683373955294, + "nauc_recall_at_100_std": 15.637712951467797, + "nauc_recall_at_10_diff1": 32.52919812152399, + "nauc_recall_at_10_max": 23.552357593827423, + "nauc_recall_at_10_std": -6.845700007396986, + "nauc_recall_at_1_diff1": 49.6699324592167, + "nauc_recall_at_1_max": 23.459448993588776, + "nauc_recall_at_1_std": -10.743776071552071, + "nauc_recall_at_20_diff1": 29.188304612884792, + "nauc_recall_at_20_max": 25.550908369687956, + "nauc_recall_at_20_std": -0.7990312810700567, + "nauc_recall_at_3_diff1": 39.77533612982849, + "nauc_recall_at_3_max": 24.588028886173564, + "nauc_recall_at_3_std": -9.968636943964619, + "nauc_recall_at_5_diff1": 37.068075910504966, + "nauc_recall_at_5_max": 24.87691740154786, + "nauc_recall_at_5_std": -8.366125373919461, + "ndcg_at_1": 30.408, + "ndcg_at_10": 34.69, + "ndcg_at_100": 42.168, + "ndcg_at_1000": 45.33, + "ndcg_at_20": 37.316, + "ndcg_at_3": 30.215999999999998, + "ndcg_at_5": 31.85, + "precision_at_1": 30.408, + "precision_at_10": 7.882, + "precision_at_100": 1.401, + "precision_at_1000": 0.18, + "precision_at_20": 4.819, + "precision_at_3": 17.246, + "precision_at_5": 12.503, + "recall_at_1": 19.344, + "recall_at_10": 43.592999999999996, + "recall_at_100": 74.83999999999999, + "recall_at_1000": 96.392, + "recall_at_20": 52.455, + "recall_at_3": 29.923, + "recall_at_5": 35.272999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/dumyy__sft-bge-small/external/Cmnli.json b/results/dumyy__sft-bge-small/external/Cmnli.json new file mode 100644 index 000000000..3f6d884de --- /dev/null +++ b/results/dumyy__sft-bge-small/external/Cmnli.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "41bc36f332156f7adc9e38f53777c959b2ae9766", + "task_name": "Cmnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_accuracy": 66.56644618159952, + "cosine_accuracy_threshold": 76.13220810890198, + "cosine_ap": 73.14617302827378, + "cosine_f1": 70.42408665320362, + "cosine_f1_threshold": 66.68621897697449, + "cosine_precision": 57.97189058485719, + "cosine_recall": 89.68903436988543, + "dot_accuracy": 66.56644618159952, + "dot_accuracy_threshold": 76.1322021484375, + "dot_ap": 73.14455168745744, + "dot_f1": 70.42408665320362, + "dot_f1_threshold": 66.68622493743896, + "dot_precision": 57.97189058485719, + "dot_recall": 89.68903436988543, + "euclidean_accuracy": 66.56644618159952, + "euclidean_accuracy_threshold": 69.09095048904419, + "euclidean_ap": 73.14617671721679, + "euclidean_f1": 70.42408665320362, + "euclidean_f1_threshold": 81.6257119178772, + "euclidean_precision": 57.97189058485719, + "euclidean_recall": 89.68903436988543, + "main_score": 73.14617302827378, + "manhattan_accuracy": 66.57847263980757, + "manhattan_accuracy_threshold": 1258.1926345825195, + "manhattan_ap": 73.14820845291298, + "manhattan_f1": 70.48598130841121, + "manhattan_f1_threshold": 1456.794548034668, + "manhattan_precision": 58.710882765063054, + "manhattan_recall": 88.16927753097966, + "max_ap": 73.15794277861517, + "max_f1": 70.48598130841121, + "max_precision": 58.710882765063054, + "max_recall": 89.68903436988543, + "similarity_accuracy": 66.56644618159952, + "similarity_accuracy_threshold": 76.1322021484375, + "similarity_ap": 73.15794277861517, + "similarity_f1": 70.42408665320362, + "similarity_f1_threshold": 66.68622493743896, + "similarity_precision": 57.97189058485719, + "similarity_recall": 89.68903436988543 + } + ] + } +} \ No newline at end of file diff --git a/results/dumyy__sft-bge-small/external/CovidRetrieval.json b/results/dumyy__sft-bge-small/external/CovidRetrieval.json new file mode 100644 index 000000000..70ec09b9a --- /dev/null +++ b/results/dumyy__sft-bge-small/external/CovidRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "1271c7809071a13532e05f25fb53511ffce77117", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 70.586, + "map_at_1": 57.692, + "map_at_10": 66.563, + "map_at_100": 67.134, + "map_at_1000": 67.15100000000001, + "map_at_20": 66.928, + "map_at_3": 64.752, + "map_at_5": 65.99199999999999, + "mrr_at_1": 57.7449947312961, + "mrr_at_10": 66.51989562948471, + "mrr_at_100": 67.08227337230899, + "mrr_at_1000": 67.09996653345524, + "mrr_at_20": 66.87876593981935, + "mrr_at_3": 64.71724622409556, + "mrr_at_5": 65.97119775201969, + "nauc_map_at_1000_diff1": 72.69110060344008, + "nauc_map_at_1000_max": 44.03869716669461, + "nauc_map_at_1000_std": -23.946115940222256, + "nauc_map_at_100_diff1": 72.67926034661765, + "nauc_map_at_100_max": 44.052650160851876, + "nauc_map_at_100_std": -23.911105541326467, + "nauc_map_at_10_diff1": 72.53533231168593, + "nauc_map_at_10_max": 44.15235653929674, + "nauc_map_at_10_std": -23.900332084894313, + "nauc_map_at_1_diff1": 77.11451883608845, + "nauc_map_at_1_max": 42.465578617544175, + "nauc_map_at_1_std": -26.182375444539453, + "nauc_map_at_20_diff1": 72.61694436567365, + "nauc_map_at_20_max": 44.02402901308803, + "nauc_map_at_20_std": -23.971702762395797, + "nauc_map_at_3_diff1": 72.70716523996312, + "nauc_map_at_3_max": 43.547617926836935, + "nauc_map_at_3_std": -24.907330594011903, + "nauc_map_at_5_diff1": 72.73260758015672, + "nauc_map_at_5_max": 43.983406356211944, + "nauc_map_at_5_std": -24.05084817266011, + "nauc_mrr_at_1000_diff1": 72.77130349849064, + "nauc_mrr_at_1000_max": 43.875528334794126, + "nauc_mrr_at_1000_std": -24.0418783601264, + "nauc_mrr_at_100_diff1": 72.75942122026606, + "nauc_mrr_at_100_max": 43.88957654239499, + "nauc_mrr_at_100_std": -24.006837811292538, + "nauc_mrr_at_10_diff1": 72.6128078967017, + "nauc_mrr_at_10_max": 43.987035142946304, + "nauc_mrr_at_10_std": -23.971632716462118, + "nauc_mrr_at_1_diff1": 77.10115325642306, + "nauc_mrr_at_1_max": 42.637240112519514, + "nauc_mrr_at_1_std": -26.21770389672269, + "nauc_mrr_at_20_diff1": 72.69471133376774, + "nauc_mrr_at_20_max": 43.861520691118855, + "nauc_mrr_at_20_std": -24.05426221777606, + "nauc_mrr_at_3_diff1": 72.76491626846061, + "nauc_mrr_at_3_max": 43.649850396713276, + "nauc_mrr_at_3_std": -24.846841524921697, + "nauc_mrr_at_5_diff1": 72.75507896066385, + "nauc_mrr_at_5_max": 43.9724090821522, + "nauc_mrr_at_5_std": -24.035734466621303, + "nauc_ndcg_at_1000_diff1": 71.76931189271653, + "nauc_ndcg_at_1000_max": 44.587885344063984, + "nauc_ndcg_at_1000_std": -22.62142620921678, + "nauc_ndcg_at_100_diff1": 71.437075874201, + "nauc_ndcg_at_100_max": 44.899381084277124, + "nauc_ndcg_at_100_std": -21.842485381039857, + "nauc_ndcg_at_10_diff1": 70.740360862152, + "nauc_ndcg_at_10_max": 45.10339001445482, + "nauc_ndcg_at_10_std": -22.125381755447105, + "nauc_ndcg_at_1_diff1": 77.10115325642306, + "nauc_ndcg_at_1_max": 42.51829767635356, + "nauc_ndcg_at_1_std": -26.21770389672269, + "nauc_ndcg_at_20_diff1": 70.98158760637882, + "nauc_ndcg_at_20_max": 44.714971886544134, + "nauc_ndcg_at_20_std": -22.197345156056183, + "nauc_ndcg_at_3_diff1": 71.24121525890462, + "nauc_ndcg_at_3_max": 44.06563739550857, + "nauc_ndcg_at_3_std": -24.196715560986842, + "nauc_ndcg_at_5_diff1": 71.16707280177333, + "nauc_ndcg_at_5_max": 44.814552964753794, + "nauc_ndcg_at_5_std": -22.428515324355317, + "nauc_precision_at_1000_diff1": -22.341156396435565, + "nauc_precision_at_1000_max": 43.04258039944842, + "nauc_precision_at_1000_std": 57.03447630795579, + "nauc_precision_at_100_diff1": 23.230815614621015, + "nauc_precision_at_100_max": 52.425701509578474, + "nauc_precision_at_100_std": 31.17208483587415, + "nauc_precision_at_10_diff1": 53.16876060756921, + "nauc_precision_at_10_max": 49.6975695666441, + "nauc_precision_at_10_std": -7.500504470154266, + "nauc_precision_at_1_diff1": 77.10115325642306, + "nauc_precision_at_1_max": 42.51829767635356, + "nauc_precision_at_1_std": -26.21770389672269, + "nauc_precision_at_20_diff1": 47.75537734849003, + "nauc_precision_at_20_max": 47.83129247884282, + "nauc_precision_at_20_std": -2.2036722092607506, + "nauc_precision_at_3_diff1": 63.013235276307576, + "nauc_precision_at_3_max": 45.57331994492496, + "nauc_precision_at_3_std": -19.902075258835264, + "nauc_precision_at_5_diff1": 59.335933370641214, + "nauc_precision_at_5_max": 48.03656838717943, + "nauc_precision_at_5_std": -12.113115238211185, + "nauc_recall_at_1000_diff1": 45.23340998291802, + "nauc_recall_at_1000_max": 81.59953793547166, + "nauc_recall_at_1000_std": 81.92680420127041, + "nauc_recall_at_100_diff1": 53.76929510274062, + "nauc_recall_at_100_max": 62.04368796563281, + "nauc_recall_at_100_std": 22.387424846868477, + "nauc_recall_at_10_diff1": 62.01590198245468, + "nauc_recall_at_10_max": 49.94102795559111, + "nauc_recall_at_10_std": -13.075941570295285, + "nauc_recall_at_1_diff1": 77.11451883608845, + "nauc_recall_at_1_max": 42.465578617544175, + "nauc_recall_at_1_std": -26.182375444539453, + "nauc_recall_at_20_diff1": 60.539328827444294, + "nauc_recall_at_20_max": 49.14141587130815, + "nauc_recall_at_20_std": -9.58417883567168, + "nauc_recall_at_3_diff1": 66.12491610622978, + "nauc_recall_at_3_max": 45.73903012510061, + "nauc_recall_at_3_std": -21.67403038171981, + "nauc_recall_at_5_diff1": 64.99088545167228, + "nauc_recall_at_5_max": 48.03868172464904, + "nauc_recall_at_5_std": -15.703193210035904, + "ndcg_at_1": 57.745000000000005, + "ndcg_at_10": 70.586, + "ndcg_at_100": 73.369, + "ndcg_at_1000": 73.80499999999999, + "ndcg_at_20": 71.89, + "ndcg_at_3": 66.983, + "ndcg_at_5": 69.20100000000001, + "precision_at_1": 57.745000000000005, + "precision_at_10": 8.398, + "precision_at_100": 0.972, + "precision_at_1000": 0.101, + "precision_at_20": 4.457, + "precision_at_3": 24.622, + "precision_at_5": 15.89, + "recall_at_1": 57.692, + "recall_at_10": 83.035, + "recall_at_100": 96.101, + "recall_at_1000": 99.473, + "recall_at_20": 88.145, + "recall_at_3": 73.393, + "recall_at_5": 78.714 + } + ] + } +} \ No newline at end of file diff --git a/results/dumyy__sft-bge-small/external/DuRetrieval.json b/results/dumyy__sft-bge-small/external/DuRetrieval.json new file mode 100644 index 000000000..15fabb54c --- /dev/null +++ b/results/dumyy__sft-bge-small/external/DuRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "a1a333e290fe30b10f3f56498e3a0d911a693ced", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 79.903, + "map_at_1": 24.115000000000002, + "map_at_10": 71.04, + "map_at_100": 74.26700000000001, + "map_at_1000": 74.351, + "map_at_20": 73.367, + "map_at_3": 49.480000000000004, + "map_at_5": 61.961, + "mrr_at_1": 85.55, + "mrr_at_10": 89.30785714285709, + "mrr_at_100": 89.43279920095866, + "mrr_at_1000": 89.44013533075342, + "mrr_at_20": 89.39461990408967, + "mrr_at_3": 88.87499999999996, + "mrr_at_5": 89.15499999999997, + "nauc_map_at_1000_diff1": 3.2915599934983644, + "nauc_map_at_1000_max": 48.639386058544375, + "nauc_map_at_1000_std": 26.580794036000942, + "nauc_map_at_100_diff1": 3.2527713941238554, + "nauc_map_at_100_max": 48.650288305044654, + "nauc_map_at_100_std": 26.52280248960751, + "nauc_map_at_10_diff1": 5.240998231455979, + "nauc_map_at_10_max": 44.578365108895085, + "nauc_map_at_10_std": 18.012569787181643, + "nauc_map_at_1_diff1": 33.13458830985844, + "nauc_map_at_1_max": -4.7060294406173275, + "nauc_map_at_1_std": -24.032860856342225, + "nauc_map_at_20_diff1": 3.5051982923506935, + "nauc_map_at_20_max": 47.89309216581377, + "nauc_map_at_20_std": 24.514661468783082, + "nauc_map_at_3_diff1": 18.540760590286105, + "nauc_map_at_3_max": 14.382900888655351, + "nauc_map_at_3_std": -12.039232098256859, + "nauc_map_at_5_diff1": 11.522255259352134, + "nauc_map_at_5_max": 29.461935450814515, + "nauc_map_at_5_std": 0.7230517078347164, + "nauc_mrr_at_1000_diff1": 28.288250933043685, + "nauc_mrr_at_1000_max": 71.82006871631746, + "nauc_mrr_at_1000_std": 43.51885752106227, + "nauc_mrr_at_100_diff1": 28.27424468388069, + "nauc_mrr_at_100_max": 71.83284639845253, + "nauc_mrr_at_100_std": 43.5362132747027, + "nauc_mrr_at_10_diff1": 28.199881066212317, + "nauc_mrr_at_10_max": 72.03358768266108, + "nauc_mrr_at_10_std": 43.805520515624245, + "nauc_mrr_at_1_diff1": 30.313001794256344, + "nauc_mrr_at_1_max": 65.92124796757551, + "nauc_mrr_at_1_std": 35.41855321670101, + "nauc_mrr_at_20_diff1": 28.279082217876017, + "nauc_mrr_at_20_max": 71.88006416579255, + "nauc_mrr_at_20_std": 43.56440634089091, + "nauc_mrr_at_3_diff1": 28.38599401754524, + "nauc_mrr_at_3_max": 72.0407496382159, + "nauc_mrr_at_3_std": 43.80481971840093, + "nauc_mrr_at_5_diff1": 27.79387776376555, + "nauc_mrr_at_5_max": 72.03666506096856, + "nauc_mrr_at_5_std": 43.844237998955215, + "nauc_ndcg_at_1000_diff1": 6.51186591819793, + "nauc_ndcg_at_1000_max": 57.63286352981094, + "nauc_ndcg_at_1000_std": 37.313009362504005, + "nauc_ndcg_at_100_diff1": 5.7683661130943795, + "nauc_ndcg_at_100_max": 57.758278296480945, + "nauc_ndcg_at_100_std": 37.54167278680181, + "nauc_ndcg_at_10_diff1": 5.7757397819828675, + "nauc_ndcg_at_10_max": 52.689635326070416, + "nauc_ndcg_at_10_std": 29.594395482164472, + "nauc_ndcg_at_1_diff1": 30.313001794256344, + "nauc_ndcg_at_1_max": 65.92124796757551, + "nauc_ndcg_at_1_std": 35.41855321670101, + "nauc_ndcg_at_20_diff1": 5.284973848501657, + "nauc_ndcg_at_20_max": 55.560026696493495, + "nauc_ndcg_at_20_std": 33.60867206278087, + "nauc_ndcg_at_3_diff1": 4.0639882252784325, + "nauc_ndcg_at_3_max": 53.436395717440845, + "nauc_ndcg_at_3_std": 31.20302796953407, + "nauc_ndcg_at_5_diff1": 5.657655266469179, + "nauc_ndcg_at_5_max": 49.703499821329686, + "nauc_ndcg_at_5_std": 26.252131568134963, + "nauc_precision_at_1000_diff1": -19.303354036986654, + "nauc_precision_at_1000_max": 22.362871262399153, + "nauc_precision_at_1000_std": 44.98484314967091, + "nauc_precision_at_100_diff1": -20.29990116183954, + "nauc_precision_at_100_max": 26.71331311699689, + "nauc_precision_at_100_std": 47.84983719228818, + "nauc_precision_at_10_diff1": -20.507183697607616, + "nauc_precision_at_10_max": 39.90044143017247, + "nauc_precision_at_10_std": 47.24010048057129, + "nauc_precision_at_1_diff1": 30.313001794256344, + "nauc_precision_at_1_max": 65.92124796757551, + "nauc_precision_at_1_std": 35.41855321670101, + "nauc_precision_at_20_diff1": -20.665227582918348, + "nauc_precision_at_20_max": 33.7237790807678, + "nauc_precision_at_20_std": 49.03526915561326, + "nauc_precision_at_3_diff1": -15.397300326773165, + "nauc_precision_at_3_max": 52.055607512177716, + "nauc_precision_at_3_std": 41.19763763416324, + "nauc_precision_at_5_diff1": -18.738449682811588, + "nauc_precision_at_5_max": 46.430771949300095, + "nauc_precision_at_5_std": 42.68221975660789, + "nauc_recall_at_1000_diff1": -1.6071077787582329, + "nauc_recall_at_1000_max": 65.34391927512918, + "nauc_recall_at_1000_std": 69.39580473752011, + "nauc_recall_at_100_diff1": -3.0758661811550474, + "nauc_recall_at_100_max": 61.13972259247027, + "nauc_recall_at_100_std": 55.08211540354736, + "nauc_recall_at_10_diff1": 2.234328669075786, + "nauc_recall_at_10_max": 43.591444143550845, + "nauc_recall_at_10_std": 19.885610263913357, + "nauc_recall_at_1_diff1": 33.13458830985844, + "nauc_recall_at_1_max": -4.7060294406173275, + "nauc_recall_at_1_std": -24.032860856342225, + "nauc_recall_at_20_diff1": -1.9897194291629128, + "nauc_recall_at_20_max": 49.8183598662456, + "nauc_recall_at_20_std": 34.256179541704505, + "nauc_recall_at_3_diff1": 16.28157046462982, + "nauc_recall_at_3_max": 10.46980125100909, + "nauc_recall_at_3_std": -14.235636402346028, + "nauc_recall_at_5_diff1": 9.115865194048267, + "nauc_recall_at_5_max": 25.178255870957617, + "nauc_recall_at_5_std": -2.3085635524246904, + "ndcg_at_1": 85.55, + "ndcg_at_10": 79.903, + "ndcg_at_100": 84.039, + "ndcg_at_1000": 84.87400000000001, + "ndcg_at_20": 81.994, + "ndcg_at_3": 79.604, + "ndcg_at_5": 77.652, + "precision_at_1": 85.55, + "precision_at_10": 38.41, + "precision_at_100": 4.641, + "precision_at_1000": 0.484, + "precision_at_20": 21.253, + "precision_at_3": 71.367, + "precision_at_5": 59.51, + "recall_at_1": 24.115000000000002, + "recall_at_10": 80.628, + "recall_at_100": 93.622, + "recall_at_1000": 98.009, + "recall_at_20": 86.984, + "recall_at_3": 51.803999999999995, + "recall_at_5": 66.865 + } + ] + } +} \ No newline at end of file diff --git a/results/dumyy__sft-bge-small/external/EcomRetrieval.json b/results/dumyy__sft-bge-small/external/EcomRetrieval.json new file mode 100644 index 000000000..192aa811a --- /dev/null +++ b/results/dumyy__sft-bge-small/external/EcomRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "687de13dc7294d6fd9be10c6945f9e8fec8166b9", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 54.642, + "map_at_1": 39.0, + "map_at_10": 49.391, + "map_at_100": 50.105999999999995, + "map_at_1000": 50.133, + "map_at_20": 49.788, + "map_at_3": 46.800000000000004, + "map_at_5": 48.185, + "mrr_at_1": 39.0, + "mrr_at_10": 49.39111111111108, + "mrr_at_100": 50.10562491966978, + "mrr_at_1000": 50.13263732914082, + "mrr_at_20": 49.78781516685923, + "mrr_at_3": 46.79999999999996, + "mrr_at_5": 48.184999999999945, + "nauc_map_at_1000_diff1": 57.307098349948134, + "nauc_map_at_1000_max": 33.119443096555315, + "nauc_map_at_1000_std": -0.673149370155898, + "nauc_map_at_100_diff1": 57.303774953628526, + "nauc_map_at_100_max": 33.124783635277595, + "nauc_map_at_100_std": -0.6661877389979197, + "nauc_map_at_10_diff1": 57.24542770637229, + "nauc_map_at_10_max": 32.993425172993675, + "nauc_map_at_10_std": -1.0576069504663053, + "nauc_map_at_1_diff1": 61.38320851603225, + "nauc_map_at_1_max": 29.266229482751932, + "nauc_map_at_1_std": -4.8742126162482275, + "nauc_map_at_20_diff1": 57.313443341191594, + "nauc_map_at_20_max": 33.10342436890383, + "nauc_map_at_20_std": -0.8064488164739768, + "nauc_map_at_3_diff1": 57.22946963120628, + "nauc_map_at_3_max": 31.71395399463029, + "nauc_map_at_3_std": -2.187212488835509, + "nauc_map_at_5_diff1": 57.1952765993436, + "nauc_map_at_5_max": 32.61209584953896, + "nauc_map_at_5_std": -1.3720616125170984, + "nauc_mrr_at_1000_diff1": 57.307098349948134, + "nauc_mrr_at_1000_max": 33.119443096555315, + "nauc_mrr_at_1000_std": -0.673149370155898, + "nauc_mrr_at_100_diff1": 57.303774953628526, + "nauc_mrr_at_100_max": 33.124783635277595, + "nauc_mrr_at_100_std": -0.6661877389979197, + "nauc_mrr_at_10_diff1": 57.24542770637229, + "nauc_mrr_at_10_max": 32.993425172993675, + "nauc_mrr_at_10_std": -1.0576069504663053, + "nauc_mrr_at_1_diff1": 61.38320851603225, + "nauc_mrr_at_1_max": 29.266229482751932, + "nauc_mrr_at_1_std": -4.8742126162482275, + "nauc_mrr_at_20_diff1": 57.313443341191594, + "nauc_mrr_at_20_max": 33.10342436890383, + "nauc_mrr_at_20_std": -0.8064488164739768, + "nauc_mrr_at_3_diff1": 57.22946963120628, + "nauc_mrr_at_3_max": 31.71395399463029, + "nauc_mrr_at_3_std": -2.187212488835509, + "nauc_mrr_at_5_diff1": 57.1952765993436, + "nauc_mrr_at_5_max": 32.61209584953896, + "nauc_mrr_at_5_std": -1.3720616125170984, + "nauc_ndcg_at_1000_diff1": 56.41330318498197, + "nauc_ndcg_at_1000_max": 35.88975631889093, + "nauc_ndcg_at_1000_std": 3.1157973423202896, + "nauc_ndcg_at_100_diff1": 56.28179362140732, + "nauc_ndcg_at_100_max": 36.041923516102976, + "nauc_ndcg_at_100_std": 3.373117861721141, + "nauc_ndcg_at_10_diff1": 55.89153771903456, + "nauc_ndcg_at_10_max": 35.16120387019206, + "nauc_ndcg_at_10_std": 1.15401767182569, + "nauc_ndcg_at_1_diff1": 61.38320851603225, + "nauc_ndcg_at_1_max": 29.266229482751932, + "nauc_ndcg_at_1_std": -4.8742126162482275, + "nauc_ndcg_at_20_diff1": 56.26366171875647, + "nauc_ndcg_at_20_max": 35.7249046571413, + "nauc_ndcg_at_20_std": 2.1677709358344313, + "nauc_ndcg_at_3_diff1": 55.87912241045706, + "nauc_ndcg_at_3_max": 32.50510207144611, + "nauc_ndcg_at_3_std": -1.1808250818948505, + "nauc_ndcg_at_5_diff1": 55.79666481657307, + "nauc_ndcg_at_5_max": 34.1968993838668, + "nauc_ndcg_at_5_std": 0.36499121132940726, + "nauc_precision_at_1000_diff1": 49.916457811194434, + "nauc_precision_at_1000_max": 86.9338378626302, + "nauc_precision_at_1000_std": 77.69505463003891, + "nauc_precision_at_100_diff1": 50.09941024974197, + "nauc_precision_at_100_max": 65.6078286620302, + "nauc_precision_at_100_std": 47.345284934103795, + "nauc_precision_at_10_diff1": 50.79431539713899, + "nauc_precision_at_10_max": 44.26333999390639, + "nauc_precision_at_10_std": 10.32881049890734, + "nauc_precision_at_1_diff1": 61.38320851603225, + "nauc_precision_at_1_max": 29.266229482751932, + "nauc_precision_at_1_std": -4.8742126162482275, + "nauc_precision_at_20_diff1": 52.386472997470925, + "nauc_precision_at_20_max": 49.48165887066093, + "nauc_precision_at_20_std": 17.828159620420163, + "nauc_precision_at_3_diff1": 51.766280766943694, + "nauc_precision_at_3_max": 34.913208126940056, + "nauc_precision_at_3_std": 1.929166678521523, + "nauc_precision_at_5_diff1": 51.25523787761348, + "nauc_precision_at_5_max": 39.631086668539965, + "nauc_precision_at_5_std": 6.3206553793041245, + "nauc_recall_at_1000_diff1": 49.91645781119474, + "nauc_recall_at_1000_max": 86.93383786263054, + "nauc_recall_at_1000_std": 77.69505463003892, + "nauc_recall_at_100_diff1": 50.09941024974199, + "nauc_recall_at_100_max": 65.60782866203044, + "nauc_recall_at_100_std": 47.345284934103994, + "nauc_recall_at_10_diff1": 50.79431539713899, + "nauc_recall_at_10_max": 44.263339993906484, + "nauc_recall_at_10_std": 10.328810498907448, + "nauc_recall_at_1_diff1": 61.38320851603225, + "nauc_recall_at_1_max": 29.266229482751932, + "nauc_recall_at_1_std": -4.8742126162482275, + "nauc_recall_at_20_diff1": 52.38647299747097, + "nauc_recall_at_20_max": 49.48165887066089, + "nauc_recall_at_20_std": 17.828159620420344, + "nauc_recall_at_3_diff1": 51.76628076694371, + "nauc_recall_at_3_max": 34.91320812694006, + "nauc_recall_at_3_std": 1.9291666785215527, + "nauc_recall_at_5_diff1": 51.255237877613546, + "nauc_recall_at_5_max": 39.63108666854004, + "nauc_recall_at_5_std": 6.320655379304187, + "ndcg_at_1": 39.0, + "ndcg_at_10": 54.642, + "ndcg_at_100": 58.29, + "ndcg_at_1000": 59.001000000000005, + "ndcg_at_20": 56.084999999999994, + "ndcg_at_3": 49.224000000000004, + "ndcg_at_5": 51.707, + "precision_at_1": 39.0, + "precision_at_10": 7.13, + "precision_at_100": 0.8869999999999999, + "precision_at_1000": 0.094, + "precision_at_20": 3.85, + "precision_at_3": 18.733, + "precision_at_5": 12.44, + "recall_at_1": 39.0, + "recall_at_10": 71.3, + "recall_at_100": 88.7, + "recall_at_1000": 94.3, + "recall_at_20": 77.0, + "recall_at_3": 56.2, + "recall_at_5": 62.2 + } + ] + } +} \ No newline at end of file diff --git a/results/dumyy__sft-bge-small/external/IFlyTek.json b/results/dumyy__sft-bge-small/external/IFlyTek.json new file mode 100644 index 000000000..bb242a84b --- /dev/null +++ b/results/dumyy__sft-bge-small/external/IFlyTek.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "421605374b29664c5fc098418fe20ada9bd55f8a", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 44.15544440169296, + "f1": 32.9320696927364, + "f1_weighted": 41.53366881435832, + "main_score": 44.15544440169296 + } + ] + } +} \ No newline at end of file diff --git a/results/dumyy__sft-bge-small/external/JDReview.json b/results/dumyy__sft-bge-small/external/JDReview.json new file mode 100644 index 000000000..58bb72fae --- /dev/null +++ b/results/dumyy__sft-bge-small/external/JDReview.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "b7c64bd89eb87f8ded463478346f76731f07bf8b", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 80.31894934333958, + "ap": 44.458074587539734, + "ap_weighted": 44.458074587539734, + "f1": 74.36738479511706, + "f1_weighted": 82.10602042226604, + "main_score": 80.31894934333958 + } + ] + } +} \ No newline at end of file diff --git a/results/dumyy__sft-bge-small/external/LCQMC.json b/results/dumyy__sft-bge-small/external/LCQMC.json new file mode 100644 index 000000000..287db81d7 --- /dev/null +++ b/results/dumyy__sft-bge-small/external/LCQMC.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "17f9b096f80380fce5ed12a9be8be7784b337daf", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 66.43431990036511, + "cosine_spearman": 72.71140667323378, + "euclidean_pearson": 70.99697485994957, + "euclidean_spearman": 72.71141332285698, + "main_score": 72.71140667323378, + "manhattan_pearson": 70.9705545015824, + "manhattan_spearman": 72.6974527166216 + } + ] + } +} \ No newline at end of file diff --git a/results/dumyy__sft-bge-small/external/MMarcoReranking.json b/results/dumyy__sft-bge-small/external/MMarcoReranking.json new file mode 100644 index 000000000..395bac0a3 --- /dev/null +++ b/results/dumyy__sft-bge-small/external/MMarcoReranking.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "8e0c766dbe9e16e1d221116a3f36795fbade07f6", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 20.86476998273794, + "map": 20.86476998273794, + "mrr": 19.553968253968254, + "nAUC_map_diff1": 29.63118587355445, + "nAUC_map_max": 22.497374865966357, + "nAUC_map_std": -6.515738682885411, + "nAUC_mrr_diff1": 30.026545160985307, + "nAUC_mrr_max": 21.288222806682896, + "nAUC_mrr_std": -6.845817352536403 + } + ] + } +} \ No newline at end of file diff --git a/results/dumyy__sft-bge-small/external/MMarcoRetrieval.json b/results/dumyy__sft-bge-small/external/MMarcoRetrieval.json new file mode 100644 index 000000000..73dfb492d --- /dev/null +++ b/results/dumyy__sft-bge-small/external/MMarcoRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "539bbde593d947e2a124ba72651aafc09eb33fc2", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 63.056999999999995, + "map_at_1": 50.758, + "map_at_10": 59.205, + "map_at_100": 59.775, + "map_at_1000": 59.80799999999999, + "map_at_20": 59.565999999999995, + "map_at_3": 57.163, + "map_at_5": 58.4, + "mrr_at_1": 52.63610315186247, + "mrr_at_10": 59.9287760949653, + "mrr_at_100": 60.45037201471977, + "mrr_at_1000": 60.48146506441584, + "mrr_at_20": 60.26069607608638, + "mrr_at_3": 58.101719197708, + "mrr_at_5": 59.19699140401155, + "nauc_map_at_1000_diff1": 71.55884103845561, + "nauc_map_at_1000_max": 51.0218814656063, + "nauc_map_at_1000_std": 8.301400212506827, + "nauc_map_at_100_diff1": 71.55013609331769, + "nauc_map_at_100_max": 51.03503903441169, + "nauc_map_at_100_std": 8.325973309769704, + "nauc_map_at_10_diff1": 71.55481418793501, + "nauc_map_at_10_max": 50.956225173223245, + "nauc_map_at_10_std": 7.9675408987852885, + "nauc_map_at_1_diff1": 74.26833729304971, + "nauc_map_at_1_max": 45.14732356277172, + "nauc_map_at_1_std": 0.820313847561742, + "nauc_map_at_20_diff1": 71.51735395450689, + "nauc_map_at_20_max": 51.01630595144636, + "nauc_map_at_20_std": 8.226772539587172, + "nauc_map_at_3_diff1": 71.72536233338063, + "nauc_map_at_3_max": 49.61017533670346, + "nauc_map_at_3_std": 5.505193010316708, + "nauc_map_at_5_diff1": 71.46500049543995, + "nauc_map_at_5_max": 50.477926055088005, + "nauc_map_at_5_std": 7.097727313375807, + "nauc_mrr_at_1000_diff1": 72.01831563229739, + "nauc_mrr_at_1000_max": 51.74669802288131, + "nauc_mrr_at_1000_std": 9.087031047433422, + "nauc_mrr_at_100_diff1": 72.01019853180841, + "nauc_mrr_at_100_max": 51.75997847271685, + "nauc_mrr_at_100_std": 9.113308417921228, + "nauc_mrr_at_10_diff1": 72.02992667872637, + "nauc_mrr_at_10_max": 51.712460099078406, + "nauc_mrr_at_10_std": 8.824014068569594, + "nauc_mrr_at_1_diff1": 75.13490311262962, + "nauc_mrr_at_1_max": 47.96667374222193, + "nauc_mrr_at_1_std": 2.495565353216021, + "nauc_mrr_at_20_diff1": 71.97793136679546, + "nauc_mrr_at_20_max": 51.747777685016715, + "nauc_mrr_at_20_std": 9.034620098395195, + "nauc_mrr_at_3_diff1": 72.20038850744326, + "nauc_mrr_at_3_max": 50.866356308199435, + "nauc_mrr_at_3_std": 6.85964175266508, + "nauc_mrr_at_5_diff1": 71.94127086002077, + "nauc_mrr_at_5_max": 51.41360572348119, + "nauc_mrr_at_5_std": 8.154343515061143, + "nauc_ndcg_at_1000_diff1": 70.76754997545099, + "nauc_ndcg_at_1000_max": 53.22369241104826, + "nauc_ndcg_at_1000_std": 13.035232366562832, + "nauc_ndcg_at_100_diff1": 70.48520524989141, + "nauc_ndcg_at_100_max": 53.63107449914679, + "nauc_ndcg_at_100_std": 13.929887841569432, + "nauc_ndcg_at_10_diff1": 70.51914336071968, + "nauc_ndcg_at_10_max": 53.31687901770983, + "nauc_ndcg_at_10_std": 12.142679922476493, + "nauc_ndcg_at_1_diff1": 75.13490311262962, + "nauc_ndcg_at_1_max": 47.96667374222193, + "nauc_ndcg_at_1_std": 2.495565353216021, + "nauc_ndcg_at_20_diff1": 70.29287562496094, + "nauc_ndcg_at_20_max": 53.53658087286518, + "nauc_ndcg_at_20_std": 13.17568454214626, + "nauc_ndcg_at_3_diff1": 70.88688233293892, + "nauc_ndcg_at_3_max": 50.87271353616851, + "nauc_ndcg_at_3_std": 7.272378512052989, + "nauc_ndcg_at_5_diff1": 70.37701011802635, + "nauc_ndcg_at_5_max": 52.263348137741694, + "nauc_ndcg_at_5_std": 10.0259610314527, + "nauc_precision_at_1000_diff1": 12.207803261595803, + "nauc_precision_at_1000_max": 34.306828007347725, + "nauc_precision_at_1000_std": 39.29035143607849, + "nauc_precision_at_100_diff1": 29.861793218631693, + "nauc_precision_at_100_max": 47.17742080208273, + "nauc_precision_at_100_std": 42.38498819762904, + "nauc_precision_at_10_diff1": 47.71125482681528, + "nauc_precision_at_10_max": 53.699499898382776, + "nauc_precision_at_10_std": 28.745794682518977, + "nauc_precision_at_1_diff1": 75.13490311262962, + "nauc_precision_at_1_max": 47.96667374222193, + "nauc_precision_at_1_std": 2.495565353216021, + "nauc_precision_at_20_diff1": 41.33551666310872, + "nauc_precision_at_20_max": 52.13485475386326, + "nauc_precision_at_20_std": 34.25950445653475, + "nauc_precision_at_3_diff1": 58.25579998465202, + "nauc_precision_at_3_max": 51.36767661914025, + "nauc_precision_at_3_std": 13.689301703664547, + "nauc_precision_at_5_diff1": 52.69389061852823, + "nauc_precision_at_5_max": 52.73618771887809, + "nauc_precision_at_5_std": 21.012275772078837, + "nauc_recall_at_1000_diff1": 62.347571616506194, + "nauc_recall_at_1000_max": 76.58937483406564, + "nauc_recall_at_1000_std": 75.73617164295607, + "nauc_recall_at_100_diff1": 62.04997342005859, + "nauc_recall_at_100_max": 70.26887475813291, + "nauc_recall_at_100_std": 56.33088210104831, + "nauc_recall_at_10_diff1": 65.50252535311918, + "nauc_recall_at_10_max": 61.62447767662959, + "nauc_recall_at_10_std": 28.376368179296197, + "nauc_recall_at_1_diff1": 74.26833729304971, + "nauc_recall_at_1_max": 45.14732356277172, + "nauc_recall_at_1_std": 0.820313847561742, + "nauc_recall_at_20_diff1": 63.38714651263925, + "nauc_recall_at_20_max": 64.27491238069834, + "nauc_recall_at_20_std": 36.92219047965548, + "nauc_recall_at_3_diff1": 67.54484903291133, + "nauc_recall_at_3_max": 53.281213974857764, + "nauc_recall_at_3_std": 11.317013468307216, + "nauc_recall_at_5_diff1": 65.92287646819072, + "nauc_recall_at_5_max": 57.186879992511166, + "nauc_recall_at_5_std": 19.02011545135519, + "ndcg_at_1": 52.636, + "ndcg_at_10": 63.056999999999995, + "ndcg_at_100": 65.749, + "ndcg_at_1000": 66.704, + "ndcg_at_20": 64.30900000000001, + "ndcg_at_3": 59.105, + "ndcg_at_5": 61.212999999999994, + "precision_at_1": 52.636, + "precision_at_10": 7.917000000000001, + "precision_at_100": 0.9259999999999999, + "precision_at_1000": 0.101, + "precision_at_20": 4.221, + "precision_at_3": 22.493, + "precision_at_5": 14.613000000000001, + "recall_at_1": 50.758, + "recall_at_10": 74.323, + "recall_at_100": 86.75500000000001, + "recall_at_1000": 94.395, + "recall_at_20": 79.155, + "recall_at_3": 63.783, + "recall_at_5": 68.801 + } + ] + } +} \ No newline at end of file diff --git a/results/dumyy__sft-bge-small/external/MedicalRetrieval.json b/results/dumyy__sft-bge-small/external/MedicalRetrieval.json new file mode 100644 index 000000000..ca06394d7 --- /dev/null +++ b/results/dumyy__sft-bge-small/external/MedicalRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "2039188fb5800a9803ba5048df7b76e6fb151fc6", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 47.863, + "map_at_1": 40.300000000000004, + "map_at_10": 45.212, + "map_at_100": 45.745999999999995, + "map_at_1000": 45.82, + "map_at_20": 45.477000000000004, + "map_at_3": 43.683, + "map_at_5": 44.488, + "mrr_at_1": 40.400000000000006, + "mrr_at_10": 45.26162698412698, + "mrr_at_100": 45.79613114771402, + "mrr_at_1000": 45.87054504304575, + "mrr_at_20": 45.527025478391565, + "mrr_at_3": 43.73333333333332, + "mrr_at_5": 44.538333333333306, + "nauc_map_at_1000_diff1": 72.40987709097016, + "nauc_map_at_1000_max": 52.03755155234771, + "nauc_map_at_1000_std": 12.39525857922263, + "nauc_map_at_100_diff1": 72.37954751873636, + "nauc_map_at_100_max": 52.017684654041915, + "nauc_map_at_100_std": 12.389826900203342, + "nauc_map_at_10_diff1": 72.54967364536553, + "nauc_map_at_10_max": 52.21952114428613, + "nauc_map_at_10_std": 12.127770515844878, + "nauc_map_at_1_diff1": 75.71464837482974, + "nauc_map_at_1_max": 53.41187173893152, + "nauc_map_at_1_std": 11.62431975835394, + "nauc_map_at_20_diff1": 72.51368290489923, + "nauc_map_at_20_max": 52.09018393688382, + "nauc_map_at_20_std": 12.235148845728313, + "nauc_map_at_3_diff1": 73.67592816093763, + "nauc_map_at_3_max": 53.218224959083614, + "nauc_map_at_3_std": 12.387682211895374, + "nauc_map_at_5_diff1": 73.00959729986502, + "nauc_map_at_5_max": 52.76313320777405, + "nauc_map_at_5_std": 12.25661958437196, + "nauc_mrr_at_1000_diff1": 72.28018575997976, + "nauc_mrr_at_1000_max": 52.29485570513975, + "nauc_mrr_at_1000_std": 12.826536833382029, + "nauc_mrr_at_100_diff1": 72.25005672750075, + "nauc_mrr_at_100_max": 52.27456790628199, + "nauc_mrr_at_100_std": 12.820405707204744, + "nauc_mrr_at_10_diff1": 72.42096793282742, + "nauc_mrr_at_10_max": 52.47442260440555, + "nauc_mrr_at_10_std": 12.555794502486584, + "nauc_mrr_at_1_diff1": 75.46419713618339, + "nauc_mrr_at_1_max": 53.91041936298898, + "nauc_mrr_at_1_std": 12.460618654511514, + "nauc_mrr_at_20_diff1": 72.3846243651596, + "nauc_mrr_at_20_max": 52.34574927370761, + "nauc_mrr_at_20_std": 12.664344053497961, + "nauc_mrr_at_3_diff1": 73.54892165997956, + "nauc_mrr_at_3_max": 53.47031479253732, + "nauc_mrr_at_3_std": 12.810742025881547, + "nauc_mrr_at_5_diff1": 72.88190591769491, + "nauc_mrr_at_5_max": 53.01627628195672, + "nauc_mrr_at_5_std": 12.68155591833772, + "nauc_ndcg_at_1000_diff1": 70.34882953125167, + "nauc_ndcg_at_1000_max": 50.739883138713694, + "nauc_ndcg_at_1000_std": 13.825300155570911, + "nauc_ndcg_at_100_diff1": 69.38153611413644, + "nauc_ndcg_at_100_max": 50.20043623105819, + "nauc_ndcg_at_100_std": 13.82079304010048, + "nauc_ndcg_at_10_diff1": 70.68566108004127, + "nauc_ndcg_at_10_max": 51.161799639884485, + "nauc_ndcg_at_10_std": 12.094208054392748, + "nauc_ndcg_at_1_diff1": 75.71464837482974, + "nauc_ndcg_at_1_max": 53.41187173893152, + "nauc_ndcg_at_1_std": 11.62431975835394, + "nauc_ndcg_at_20_diff1": 70.49469673022148, + "nauc_ndcg_at_20_max": 50.68122582853425, + "nauc_ndcg_at_20_std": 12.512395673761558, + "nauc_ndcg_at_3_diff1": 72.97634423097085, + "nauc_ndcg_at_3_max": 53.18256084183339, + "nauc_ndcg_at_3_std": 12.641104376066274, + "nauc_ndcg_at_5_diff1": 71.75951219161611, + "nauc_ndcg_at_5_max": 52.40712812314289, + "nauc_ndcg_at_5_std": 12.41185107794163, + "nauc_precision_at_1000_diff1": 56.237909439653535, + "nauc_precision_at_1000_max": 41.132496147414535, + "nauc_precision_at_1000_std": 34.73392570248197, + "nauc_precision_at_100_diff1": 53.43091952354623, + "nauc_precision_at_100_max": 40.75579995994647, + "nauc_precision_at_100_std": 23.62683295637653, + "nauc_precision_at_10_diff1": 64.2969954954506, + "nauc_precision_at_10_max": 47.36028847345192, + "nauc_precision_at_10_std": 11.823623321118964, + "nauc_precision_at_1_diff1": 75.71464837482974, + "nauc_precision_at_1_max": 53.41187173893152, + "nauc_precision_at_1_std": 11.62431975835394, + "nauc_precision_at_20_diff1": 63.11338676165038, + "nauc_precision_at_20_max": 45.14336598397146, + "nauc_precision_at_20_std": 13.658058771148676, + "nauc_precision_at_3_diff1": 70.91536799570534, + "nauc_precision_at_3_max": 53.08666298199361, + "nauc_precision_at_3_std": 13.385147946676264, + "nauc_precision_at_5_diff1": 67.84447334270497, + "nauc_precision_at_5_max": 51.27793779851969, + "nauc_precision_at_5_std": 12.84689728558908, + "nauc_recall_at_1000_diff1": 56.23790943965384, + "nauc_recall_at_1000_max": 41.132496147414706, + "nauc_recall_at_1000_std": 34.73392570248204, + "nauc_recall_at_100_diff1": 53.43091952354616, + "nauc_recall_at_100_max": 40.75579995994645, + "nauc_recall_at_100_std": 23.626832956376546, + "nauc_recall_at_10_diff1": 64.29699549545062, + "nauc_recall_at_10_max": 47.36028847345192, + "nauc_recall_at_10_std": 11.823623321118983, + "nauc_recall_at_1_diff1": 75.71464837482974, + "nauc_recall_at_1_max": 53.41187173893152, + "nauc_recall_at_1_std": 11.62431975835394, + "nauc_recall_at_20_diff1": 63.11338676165035, + "nauc_recall_at_20_max": 45.14336598397149, + "nauc_recall_at_20_std": 13.658058771148687, + "nauc_recall_at_3_diff1": 70.91536799570535, + "nauc_recall_at_3_max": 53.086662981993605, + "nauc_recall_at_3_std": 13.385147946676282, + "nauc_recall_at_5_diff1": 67.84447334270503, + "nauc_recall_at_5_max": 51.27793779851972, + "nauc_recall_at_5_std": 12.84689728558908, + "ndcg_at_1": 40.300000000000004, + "ndcg_at_10": 47.863, + "ndcg_at_100": 50.78, + "ndcg_at_1000": 52.96999999999999, + "ndcg_at_20": 48.809000000000005, + "ndcg_at_3": 44.744, + "ndcg_at_5": 46.19, + "precision_at_1": 40.300000000000004, + "precision_at_10": 5.63, + "precision_at_100": 0.707, + "precision_at_1000": 0.08800000000000001, + "precision_at_20": 3.0, + "precision_at_3": 15.933, + "precision_at_5": 10.26, + "recall_at_1": 40.300000000000004, + "recall_at_10": 56.3, + "recall_at_100": 70.7, + "recall_at_1000": 88.4, + "recall_at_20": 60.0, + "recall_at_3": 47.8, + "recall_at_5": 51.300000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/dumyy__sft-bge-small/external/MultilingualSentiment.json b/results/dumyy__sft-bge-small/external/MultilingualSentiment.json new file mode 100644 index 000000000..7f858a487 --- /dev/null +++ b/results/dumyy__sft-bge-small/external/MultilingualSentiment.json @@ -0,0 +1,32 @@ +{ + "dataset_revision": "46958b007a63fdbf239b7672c25d0bea67b5ea1a", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 62.040000000000006, + "f1": 61.413644038319504, + "f1_weighted": 61.41364403831952, + "main_score": 62.040000000000006 + } + ], + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 61.083333333333336, + "f1": 60.53964576763606, + "f1_weighted": 60.53964576763606, + "main_score": 61.083333333333336 + } + ] + } +} \ No newline at end of file diff --git a/results/dumyy__sft-bge-small/external/Ocnli.json b/results/dumyy__sft-bge-small/external/Ocnli.json new file mode 100644 index 000000000..e8e36215d --- /dev/null +++ b/results/dumyy__sft-bge-small/external/Ocnli.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "66e76a618a34d6d565d5538088562851e6daa7ec", + "task_name": "Ocnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_accuracy": 60.80129940443963, + "cosine_accuracy_threshold": 74.15386438369751, + "cosine_ap": 62.78839792290818, + "cosine_f1": 68.42911877394636, + "cosine_f1_threshold": 58.69802236557007, + "cosine_precision": 53.69813589897775, + "cosine_recall": 94.29778247096094, + "dot_accuracy": 60.80129940443963, + "dot_accuracy_threshold": 74.15387630462646, + "dot_ap": 62.7881377053932, + "dot_f1": 68.42911877394636, + "dot_f1_threshold": 58.69803428649902, + "dot_precision": 53.69813589897775, + "dot_recall": 94.29778247096094, + "euclidean_accuracy": 60.80129940443963, + "euclidean_accuracy_threshold": 71.89733386039734, + "euclidean_ap": 62.788246348811185, + "euclidean_f1": 68.42911877394636, + "euclidean_f1_threshold": 90.88671207427979, + "euclidean_precision": 53.69813589897775, + "euclidean_recall": 94.29778247096094, + "main_score": 62.78839792290818, + "manhattan_accuracy": 60.42230644288035, + "manhattan_accuracy_threshold": 1285.611915588379, + "manhattan_ap": 62.68367089991109, + "manhattan_f1": 68.13099041533545, + "manhattan_f1_threshold": 1581.9337844848633, + "manhattan_precision": 54.78484264611432, + "manhattan_recall": 90.07391763463569, + "max_ap": 62.78839792290818, + "max_f1": 68.42911877394636, + "max_precision": 54.78484264611432, + "max_recall": 94.29778247096094, + "similarity_accuracy": 60.80129940443963, + "similarity_accuracy_threshold": 74.15388226509094, + "similarity_ap": 62.7881377053932, + "similarity_f1": 68.42911877394636, + "similarity_f1_threshold": 58.698028326034546, + "similarity_precision": 53.69813589897775, + "similarity_recall": 94.29778247096094 + } + ] + } +} \ No newline at end of file diff --git a/results/dumyy__sft-bge-small/external/OnlineShopping.json b/results/dumyy__sft-bge-small/external/OnlineShopping.json new file mode 100644 index 000000000..184d75354 --- /dev/null +++ b/results/dumyy__sft-bge-small/external/OnlineShopping.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "e610f2ebd179a8fda30ae534c3878750a96db120", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 83.22999999999998, + "ap": 80.04405977529461, + "ap_weighted": 80.04405977529461, + "f1": 83.20270595475907, + "f1_weighted": 83.21171008766063, + "main_score": 83.22999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/dumyy__sft-bge-small/external/PAWSX.json b/results/dumyy__sft-bge-small/external/PAWSX.json new file mode 100644 index 000000000..5bd2f4ae5 --- /dev/null +++ b/results/dumyy__sft-bge-small/external/PAWSX.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "9c6a90e430ac22b5779fb019a23e820b11a8b5e1", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 9.874694562979904, + "cosine_spearman": 9.309911313205925, + "euclidean_pearson": 11.741278538778094, + "euclidean_spearman": 9.328433551419229, + "main_score": 9.309911313205925, + "manhattan_pearson": 11.72560906113808, + "manhattan_spearman": 9.316414394414991 + } + ] + } +} \ No newline at end of file diff --git a/results/dumyy__sft-bge-small/external/PawsXPairClassification.json b/results/dumyy__sft-bge-small/external/PawsXPairClassification.json new file mode 100644 index 000000000..527ceda31 --- /dev/null +++ b/results/dumyy__sft-bge-small/external/PawsXPairClassification.json @@ -0,0 +1,104 @@ +{ + "dataset_revision": "8a04d940a42cd40658986fdd8e3da561533a3646", + "task_name": "PawsXPairClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cosine_accuracy": 58.650000000000006, + "cosine_accuracy_threshold": 100.0, + "cosine_ap": 53.75275143522933, + "cosine_f1": 62.34309623430961, + "cosine_f1_threshold": 68.03557872772217, + "cosine_precision": 45.2887537993921, + "cosine_recall": 100.0, + "dot_accuracy": 58.599999999999994, + "dot_accuracy_threshold": 99.99727010726929, + "dot_ap": 53.998635904072565, + "dot_f1": 62.34309623430961, + "dot_f1_threshold": 68.03557872772217, + "dot_precision": 45.2887537993921, + "dot_recall": 100.0, + "euclidean_accuracy": 58.650000000000006, + "euclidean_accuracy_threshold": 0.0, + "euclidean_ap": 53.75275143522933, + "euclidean_f1": 62.34309623430961, + "euclidean_f1_threshold": 79.954993724823, + "euclidean_precision": 45.2887537993921, + "euclidean_recall": 100.0, + "main_score": 53.998635904072565, + "manhattan_accuracy": 58.650000000000006, + "manhattan_accuracy_threshold": 0.0, + "manhattan_ap": 53.74246831220305, + "manhattan_f1": 62.32136632973162, + "manhattan_f1_threshold": 1499.9944686889648, + "manhattan_precision": 45.265822784810126, + "manhattan_recall": 100.0, + "max_ap": 53.998635904072565, + "max_f1": 62.34309623430961, + "max_precision": 45.2887537993921, + "max_recall": 100.0, + "similarity_accuracy": 58.599999999999994, + "similarity_accuracy_threshold": 99.99727010726929, + "similarity_ap": 53.493550734464115, + "similarity_f1": 62.34309623430961, + "similarity_f1_threshold": 68.03557872772217, + "similarity_precision": 45.2887537993921, + "similarity_recall": 100.0 + } + ], + "validation": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cosine_accuracy": 60.3, + "cosine_accuracy_threshold": 99.86656904220581, + "cosine_ap": 49.321768758993265, + "cosine_f1": 60.13394430736694, + "cosine_f1_threshold": 56.31052255630493, + "cosine_precision": 42.993951612903224, + "cosine_recall": 100.0, + "dot_accuracy": 60.3, + "dot_accuracy_threshold": 99.86656904220581, + "dot_ap": 49.035857424446434, + "dot_f1": 60.13394430736694, + "dot_f1_threshold": 56.310516595840454, + "dot_precision": 42.993951612903224, + "dot_recall": 100.0, + "euclidean_accuracy": 60.3, + "euclidean_accuracy_threshold": 5.164862424135208, + "euclidean_ap": 49.321768758993265, + "euclidean_f1": 60.13394430736694, + "euclidean_f1_threshold": 93.14978122711182, + "euclidean_precision": 42.993951612903224, + "euclidean_recall": 100.0, + "main_score": 49.321768758993265, + "manhattan_accuracy": 60.3, + "manhattan_accuracy_threshold": 93.18596124649048, + "manhattan_ap": 49.313849813317425, + "manhattan_f1": 60.13394430736694, + "manhattan_f1_threshold": 1691.009521484375, + "manhattan_precision": 42.993951612903224, + "manhattan_recall": 100.0, + "max_ap": 49.321768758993265, + "max_f1": 60.13394430736694, + "max_precision": 42.993951612903224, + "max_recall": 100.0, + "similarity_accuracy": 60.3, + "similarity_accuracy_threshold": 99.86656904220581, + "similarity_ap": 49.142597419562264, + "similarity_f1": 60.13394430736694, + "similarity_f1_threshold": 56.31052255630493, + "similarity_precision": 42.993951612903224, + "similarity_recall": 100.0 + } + ] + } +} \ No newline at end of file diff --git a/results/dumyy__sft-bge-small/external/QBQTC.json b/results/dumyy__sft-bge-small/external/QBQTC.json new file mode 100644 index 000000000..11b34cfa3 --- /dev/null +++ b/results/dumyy__sft-bge-small/external/QBQTC.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "790b0510dc52b1553e8c49f3d2afb48c0e5c48b7", + "task_name": "QBQTC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 32.89823952962557, + "cosine_spearman": 35.508635844641425, + "euclidean_pearson": 33.54904181023721, + "euclidean_spearman": 35.50900960008307, + "main_score": 35.508635844641425, + "manhattan_pearson": 33.46879849723637, + "manhattan_spearman": 35.443594309440684 + } + ] + } +} \ No newline at end of file diff --git a/results/dumyy__sft-bge-small/external/STS22.v2.json b/results/dumyy__sft-bge-small/external/STS22.v2.json new file mode 100644 index 000000000..a1490cb90 --- /dev/null +++ b/results/dumyy__sft-bge-small/external/STS22.v2.json @@ -0,0 +1,37 @@ +{ + "dataset_revision": "d31f33a128469b20e357535c39b82fb3c3f6f2bd", + "task_name": "STS22.v2", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 73.70326766919368, + "cosine_spearman": 73.00749391119922, + "euclidean_pearson": 71.8060850925119, + "euclidean_spearman": 73.00749391119922, + "main_score": 73.00749391119922, + "manhattan_pearson": 71.74411017438445, + "manhattan_spearman": 72.94623233913951 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "cosine_pearson": 56.88380036232504, + "cosine_spearman": 59.533784112114596, + "euclidean_pearson": 57.16054261646379, + "euclidean_spearman": 59.533784112114596, + "main_score": 59.533784112114596, + "manhattan_pearson": 56.87544001641771, + "manhattan_spearman": 59.85495813710624 + } + ] + } +} \ No newline at end of file diff --git a/results/dumyy__sft-bge-small/external/STSB.json b/results/dumyy__sft-bge-small/external/STSB.json new file mode 100644 index 000000000..3ffa8be58 --- /dev/null +++ b/results/dumyy__sft-bge-small/external/STSB.json @@ -0,0 +1,38 @@ +{ + "dataset_revision": "0cde68302b3541bb8b3c340dc0644b0b745b3dc0", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 76.20443465791105, + "cosine_spearman": 75.99849552229011, + "euclidean_pearson": 75.96465776192763, + "euclidean_spearman": 75.99849552229011, + "main_score": 75.99849552229011, + "manhattan_pearson": 75.69458112992939, + "manhattan_spearman": 75.72878640554704 + } + ], + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 80.11097730091052, + "cosine_spearman": 80.64482330666749, + "euclidean_pearson": 79.88040791422436, + "euclidean_spearman": 80.64482330666749, + "main_score": 80.64482330666749, + "manhattan_pearson": 79.80855070654505, + "manhattan_spearman": 80.56745442901212 + } + ] + } +} \ No newline at end of file diff --git a/results/dumyy__sft-bge-small/external/STSBenchmarkMultilingualSTS.json b/results/dumyy__sft-bge-small/external/STSBenchmarkMultilingualSTS.json new file mode 100644 index 000000000..1992948cb --- /dev/null +++ b/results/dumyy__sft-bge-small/external/STSBenchmarkMultilingualSTS.json @@ -0,0 +1,38 @@ +{ + "dataset_revision": "29afa2569dcedaaa2fe6a3dcfebab33d28b82e8c", + "task_name": "STSBenchmarkMultilingualSTS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 81.91965476749914, + "cosine_spearman": 81.71461226178072, + "euclidean_pearson": 81.1836646110194, + "euclidean_spearman": 81.71461218914546, + "main_score": 81.71461226178072, + "manhattan_pearson": 81.14207667304743, + "manhattan_spearman": 81.6454210278605 + } + ], + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 76.24322995405667, + "cosine_spearman": 75.55475227432689, + "euclidean_pearson": 75.71286279796877, + "euclidean_spearman": 75.55462935000521, + "main_score": 75.55475227432689, + "manhattan_pearson": 75.51165824897934, + "manhattan_spearman": 75.38913927229946 + } + ] + } +} \ No newline at end of file diff --git a/results/dumyy__sft-bge-small/external/T2Reranking.json b/results/dumyy__sft-bge-small/external/T2Reranking.json new file mode 100644 index 000000000..1fac75bb1 --- /dev/null +++ b/results/dumyy__sft-bge-small/external/T2Reranking.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "76631901a18387f85eaa53e5450019b87ad58ef9", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 66.05938272914062, + "map": 66.05938272914062, + "mrr": 75.42172437695459, + "nAUC_map_diff1": -9.544209619541794, + "nAUC_map_max": 27.98083090921389, + "nAUC_map_std": -2.515786454798184, + "nAUC_mrr_diff1": -7.595908167095712, + "nAUC_mrr_max": 20.239633565408173, + "nAUC_mrr_std": -4.116595991377607 + } + ] + } +} \ No newline at end of file diff --git a/results/dumyy__sft-bge-small/external/T2Retrieval.json b/results/dumyy__sft-bge-small/external/T2Retrieval.json new file mode 100644 index 000000000..3adabfe79 --- /dev/null +++ b/results/dumyy__sft-bge-small/external/T2Retrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "8731a845f1bf500a4f111cf1070785c793d10e64", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 74.18400000000001, + "map_at_1": 23.379, + "map_at_10": 64.524, + "map_at_100": 68.449, + "map_at_1000": 68.57900000000001, + "map_at_20": 67.278, + "map_at_3": 45.629999999999995, + "map_at_5": 55.822, + "mrr_at_1": 82.15851306330002, + "mrr_at_10": 86.1112015675408, + "mrr_at_100": 86.28643808357842, + "mrr_at_1000": 86.29354040833506, + "mrr_at_20": 86.2267023841753, + "mrr_at_3": 85.34543222865166, + "mrr_at_5": 85.8377169910577, + "nauc_map_at_1000_diff1": 18.260251362748562, + "nauc_map_at_1000_max": 49.01511565647806, + "nauc_map_at_1000_std": 22.124517582915473, + "nauc_map_at_100_diff1": 18.23941972229643, + "nauc_map_at_100_max": 48.84255960520936, + "nauc_map_at_100_std": 21.97795913149354, + "nauc_map_at_10_diff1": 20.208327692144774, + "nauc_map_at_10_max": 40.291216792021466, + "nauc_map_at_10_std": 11.179309606121711, + "nauc_map_at_1_diff1": 44.59731973004735, + "nauc_map_at_1_max": -12.457546658705684, + "nauc_map_at_1_std": -27.79897442251993, + "nauc_map_at_20_diff1": 18.438608230640614, + "nauc_map_at_20_max": 46.66748771149039, + "nauc_map_at_20_std": 19.11085356163083, + "nauc_map_at_3_diff1": 32.592532783525996, + "nauc_map_at_3_max": 4.652328251532431, + "nauc_map_at_3_std": -19.866788524707328, + "nauc_map_at_5_diff1": 26.819261072523076, + "nauc_map_at_5_max": 20.172490474758266, + "nauc_map_at_5_std": -8.094395196345893, + "nauc_mrr_at_1000_diff1": 47.55867916169207, + "nauc_mrr_at_1000_max": 74.99745802306755, + "nauc_mrr_at_1000_std": 39.80828073643584, + "nauc_mrr_at_100_diff1": 47.55729544899771, + "nauc_mrr_at_100_max": 75.00463270544496, + "nauc_mrr_at_100_std": 39.825422360432384, + "nauc_mrr_at_10_diff1": 47.506713252161724, + "nauc_mrr_at_10_max": 75.06369170565068, + "nauc_mrr_at_10_std": 39.88822424255222, + "nauc_mrr_at_1_diff1": 48.100722372306656, + "nauc_mrr_at_1_max": 72.28151336969148, + "nauc_mrr_at_1_std": 35.25578964236099, + "nauc_mrr_at_20_diff1": 47.52351771314311, + "nauc_mrr_at_20_max": 75.02502113453708, + "nauc_mrr_at_20_std": 39.85466046046541, + "nauc_mrr_at_3_diff1": 47.52130636944545, + "nauc_mrr_at_3_max": 74.92024976910292, + "nauc_mrr_at_3_std": 39.15091194803981, + "nauc_mrr_at_5_diff1": 47.55055957963027, + "nauc_mrr_at_5_max": 74.98907304894351, + "nauc_mrr_at_5_std": 39.687993281905605, + "nauc_ndcg_at_1000_diff1": 23.400416389001418, + "nauc_ndcg_at_1000_max": 60.08918245439385, + "nauc_ndcg_at_1000_std": 33.79283462662899, + "nauc_ndcg_at_100_diff1": 22.68232683171427, + "nauc_ndcg_at_100_max": 58.57980757040647, + "nauc_ndcg_at_100_std": 33.02431190641521, + "nauc_ndcg_at_10_diff1": 21.747753142963045, + "nauc_ndcg_at_10_max": 51.7401927951989, + "nauc_ndcg_at_10_std": 23.40432237187433, + "nauc_ndcg_at_1_diff1": 48.100722372306656, + "nauc_ndcg_at_1_max": 72.28151336969148, + "nauc_ndcg_at_1_std": 35.25578964236099, + "nauc_ndcg_at_20_diff1": 21.957945923525486, + "nauc_ndcg_at_20_max": 54.059462839345116, + "nauc_ndcg_at_20_std": 27.006447987390942, + "nauc_ndcg_at_3_diff1": 20.96382444061548, + "nauc_ndcg_at_3_max": 64.10955538613156, + "nauc_ndcg_at_3_std": 33.13744373434246, + "nauc_ndcg_at_5_diff1": 19.60951660992659, + "nauc_ndcg_at_5_max": 58.184133107075176, + "nauc_ndcg_at_5_std": 29.219072083413465, + "nauc_precision_at_1000_diff1": -20.189996978361993, + "nauc_precision_at_1000_max": 50.534846538960686, + "nauc_precision_at_1000_std": 57.34174180166708, + "nauc_precision_at_100_diff1": -19.99008676933219, + "nauc_precision_at_100_max": 53.254289704751734, + "nauc_precision_at_100_std": 59.2689218226505, + "nauc_precision_at_10_diff1": -18.027272876262654, + "nauc_precision_at_10_max": 58.63403466572614, + "nauc_precision_at_10_std": 53.933493888611785, + "nauc_precision_at_1_diff1": 48.100722372306656, + "nauc_precision_at_1_max": 72.28151336969148, + "nauc_precision_at_1_std": 35.25578964236099, + "nauc_precision_at_20_diff1": -19.31810385056704, + "nauc_precision_at_20_max": 56.42633742764552, + "nauc_precision_at_20_std": 57.45711249879895, + "nauc_precision_at_3_diff1": -5.199750015121799, + "nauc_precision_at_3_max": 64.9568553313292, + "nauc_precision_at_3_std": 43.69243155776604, + "nauc_precision_at_5_diff1": -13.483908148621495, + "nauc_precision_at_5_max": 61.44035978016047, + "nauc_precision_at_5_std": 48.077772285802546, + "nauc_recall_at_1000_diff1": 15.018252151373707, + "nauc_recall_at_1000_max": 54.51853377970161, + "nauc_recall_at_1000_std": 55.6342343206613, + "nauc_recall_at_100_diff1": 12.559971324523787, + "nauc_recall_at_100_max": 46.4670450886096, + "nauc_recall_at_100_std": 39.64425334862469, + "nauc_recall_at_10_diff1": 16.72585941148251, + "nauc_recall_at_10_max": 31.344434129936754, + "nauc_recall_at_10_std": 7.732418770287419, + "nauc_recall_at_1_diff1": 44.59731973004735, + "nauc_recall_at_1_max": -12.457546658705684, + "nauc_recall_at_1_std": -27.79897442251993, + "nauc_recall_at_20_diff1": 13.001013825456443, + "nauc_recall_at_20_max": 39.46599104595723, + "nauc_recall_at_20_std": 21.28034317338907, + "nauc_recall_at_3_diff1": 29.688674084601598, + "nauc_recall_at_3_max": -0.42234884935750827, + "nauc_recall_at_3_std": -22.394730440119098, + "nauc_recall_at_5_diff1": 23.96271240585991, + "nauc_recall_at_5_max": 11.842848941509544, + "nauc_recall_at_5_std": -12.643126918225006, + "ndcg_at_1": 82.159, + "ndcg_at_10": 74.18400000000001, + "ndcg_at_100": 79.353, + "ndcg_at_1000": 80.67699999999999, + "ndcg_at_20": 76.48700000000001, + "ndcg_at_3": 76.531, + "ndcg_at_5": 74.459, + "precision_at_1": 82.159, + "precision_at_10": 37.232, + "precision_at_100": 4.743, + "precision_at_1000": 0.507, + "precision_at_20": 21.096999999999998, + "precision_at_3": 67.321, + "precision_at_5": 55.938, + "recall_at_1": 23.379, + "recall_at_10": 73.126, + "recall_at_100": 89.619, + "recall_at_1000": 96.296, + "recall_at_20": 80.40899999999999, + "recall_at_3": 47.871, + "recall_at_5": 60.315 + } + ] + } +} \ No newline at end of file diff --git a/results/dumyy__sft-bge-small/external/TNews.json b/results/dumyy__sft-bge-small/external/TNews.json new file mode 100644 index 000000000..6cb680bb2 --- /dev/null +++ b/results/dumyy__sft-bge-small/external/TNews.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "317f262bf1e6126357bbe89e875451e4b0938fe4", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 47.894000000000005, + "f1": 46.11539049771237, + "f1_weighted": 47.866019464627776, + "main_score": 47.894000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/dumyy__sft-bge-small/external/ThuNewsClusteringP2P.v2.json b/results/dumyy__sft-bge-small/external/ThuNewsClusteringP2P.v2.json new file mode 100644 index 000000000..ded8bab05 --- /dev/null +++ b/results/dumyy__sft-bge-small/external/ThuNewsClusteringP2P.v2.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "5798586b105c0434e4f0fe5e767abe619442cf93", + "task_name": "ThuNewsClusteringP2P.v2", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 55.83158187491721, + "v_measure": 55.83158187491721, + "v_measure_std": 1.8734261847438545 + } + ] + } +} \ No newline at end of file diff --git a/results/dumyy__sft-bge-small/external/ThuNewsClusteringS2S.v2.json b/results/dumyy__sft-bge-small/external/ThuNewsClusteringS2S.v2.json new file mode 100644 index 000000000..0382edd34 --- /dev/null +++ b/results/dumyy__sft-bge-small/external/ThuNewsClusteringS2S.v2.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "8a8b2caeda43f39e13c4bc5bea0f8a667896e10d", + "task_name": "ThuNewsClusteringS2S.v2", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 48.433201618046915, + "v_measure": 48.433201618046915, + "v_measure_std": 1.4097297745303448 + } + ] + } +} \ No newline at end of file diff --git a/results/dumyy__sft-bge-small/external/VideoRetrieval.json b/results/dumyy__sft-bge-small/external/VideoRetrieval.json new file mode 100644 index 000000000..e26c693b2 --- /dev/null +++ b/results/dumyy__sft-bge-small/external/VideoRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "58c2597a5943a2ba48f4668c3b90d796283c5639", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 59.48, + "map_at_1": 44.2, + "map_at_10": 54.340999999999994, + "map_at_100": 54.998000000000005, + "map_at_1000": 55.027, + "map_at_20": 54.766000000000005, + "map_at_3": 51.717, + "map_at_5": 53.391999999999996, + "mrr_at_1": 44.2, + "mrr_at_10": 54.341468253968216, + "mrr_at_100": 54.99809468492119, + "mrr_at_1000": 55.02652938520676, + "mrr_at_20": 54.76637909433184, + "mrr_at_3": 51.71666666666662, + "mrr_at_5": 53.391666666666616, + "nauc_map_at_1000_diff1": 53.528229559164544, + "nauc_map_at_1000_max": 15.73486184724635, + "nauc_map_at_1000_std": -31.51718292120254, + "nauc_map_at_100_diff1": 53.51999951867526, + "nauc_map_at_100_max": 15.74180206243544, + "nauc_map_at_100_std": -31.514901212074186, + "nauc_map_at_10_diff1": 53.4035384148621, + "nauc_map_at_10_max": 15.710574582336623, + "nauc_map_at_10_std": -31.69098529134779, + "nauc_map_at_1_diff1": 56.30672513627092, + "nauc_map_at_1_max": 15.606839794503191, + "nauc_map_at_1_std": -28.551728100669372, + "nauc_map_at_20_diff1": 53.53225543348683, + "nauc_map_at_20_max": 15.811198638825788, + "nauc_map_at_20_std": -31.482299652881107, + "nauc_map_at_3_diff1": 53.61019703202843, + "nauc_map_at_3_max": 17.107446783187584, + "nauc_map_at_3_std": -30.182689736664358, + "nauc_map_at_5_diff1": 53.44331480134552, + "nauc_map_at_5_max": 16.11429761064624, + "nauc_map_at_5_std": -31.548819392316936, + "nauc_mrr_at_1000_diff1": 53.528229559164544, + "nauc_mrr_at_1000_max": 15.73486184724635, + "nauc_mrr_at_1000_std": -31.51718292120254, + "nauc_mrr_at_100_diff1": 53.51999951867526, + "nauc_mrr_at_100_max": 15.74180206243544, + "nauc_mrr_at_100_std": -31.514901212074186, + "nauc_mrr_at_10_diff1": 53.4035384148621, + "nauc_mrr_at_10_max": 15.710574582336623, + "nauc_mrr_at_10_std": -31.69098529134779, + "nauc_mrr_at_1_diff1": 56.30672513627092, + "nauc_mrr_at_1_max": 15.606839794503191, + "nauc_mrr_at_1_std": -28.551728100669372, + "nauc_mrr_at_20_diff1": 53.53225543348683, + "nauc_mrr_at_20_max": 15.811198638825788, + "nauc_mrr_at_20_std": -31.482299652881107, + "nauc_mrr_at_3_diff1": 53.61019703202843, + "nauc_mrr_at_3_max": 17.107446783187584, + "nauc_mrr_at_3_std": -30.182689736664358, + "nauc_mrr_at_5_diff1": 53.44331480134552, + "nauc_mrr_at_5_max": 16.11429761064624, + "nauc_mrr_at_5_std": -31.548819392316936, + "nauc_ndcg_at_1000_diff1": 53.0360088380075, + "nauc_ndcg_at_1000_max": 14.260875260560166, + "nauc_ndcg_at_1000_std": -33.2758013638674, + "nauc_ndcg_at_100_diff1": 52.79226039093682, + "nauc_ndcg_at_100_max": 14.655479715928998, + "nauc_ndcg_at_100_std": -32.91812509806879, + "nauc_ndcg_at_10_diff1": 52.360753593887424, + "nauc_ndcg_at_10_max": 14.722591698515705, + "nauc_ndcg_at_10_std": -33.71234048034379, + "nauc_ndcg_at_1_diff1": 56.30672513627092, + "nauc_ndcg_at_1_max": 15.606839794503191, + "nauc_ndcg_at_1_std": -28.551728100669372, + "nauc_ndcg_at_20_diff1": 52.7549567413953, + "nauc_ndcg_at_20_max": 15.096331650294642, + "nauc_ndcg_at_20_std": -32.97163363614561, + "nauc_ndcg_at_3_diff1": 52.754374233485905, + "nauc_ndcg_at_3_max": 17.577339785858914, + "nauc_ndcg_at_3_std": -30.69056724435553, + "nauc_ndcg_at_5_diff1": 52.40417113340534, + "nauc_ndcg_at_5_max": 15.76739293599479, + "nauc_ndcg_at_5_std": -33.27531982618842, + "nauc_precision_at_1000_diff1": 53.26471673940875, + "nauc_precision_at_1000_max": -35.42114520226755, + "nauc_precision_at_1000_std": -77.33480989294999, + "nauc_precision_at_100_diff1": 47.77777777777776, + "nauc_precision_at_100_max": 1.299326748242902, + "nauc_precision_at_100_std": -43.94466558553279, + "nauc_precision_at_10_diff1": 48.019472244769325, + "nauc_precision_at_10_max": 9.569498908808855, + "nauc_precision_at_10_std": -43.029548895851924, + "nauc_precision_at_1_diff1": 56.30672513627092, + "nauc_precision_at_1_max": 15.606839794503191, + "nauc_precision_at_1_std": -28.551728100669372, + "nauc_precision_at_20_diff1": 49.177567672581176, + "nauc_precision_at_20_max": 10.681636661917706, + "nauc_precision_at_20_std": -40.70338470837111, + "nauc_precision_at_3_diff1": 50.08301260853314, + "nauc_precision_at_3_max": 19.04174542900948, + "nauc_precision_at_3_std": -32.272305571152444, + "nauc_precision_at_5_diff1": 48.70772641188329, + "nauc_precision_at_5_max": 14.234297134778014, + "nauc_precision_at_5_std": -39.795952208481324, + "nauc_recall_at_1000_diff1": 53.26471673940897, + "nauc_recall_at_1000_max": -35.421145202266594, + "nauc_recall_at_1000_std": -77.33480989294897, + "nauc_recall_at_100_diff1": 47.777777777777864, + "nauc_recall_at_100_max": 1.299326748243302, + "nauc_recall_at_100_std": -43.94466558553247, + "nauc_recall_at_10_diff1": 48.019472244769474, + "nauc_recall_at_10_max": 9.569498908809026, + "nauc_recall_at_10_std": -43.02954889585179, + "nauc_recall_at_1_diff1": 56.30672513627092, + "nauc_recall_at_1_max": 15.606839794503191, + "nauc_recall_at_1_std": -28.551728100669372, + "nauc_recall_at_20_diff1": 49.17756767258126, + "nauc_recall_at_20_max": 10.681636661917842, + "nauc_recall_at_20_std": -40.70338470837094, + "nauc_recall_at_3_diff1": 50.08301260853316, + "nauc_recall_at_3_max": 19.041745429009456, + "nauc_recall_at_3_std": -32.27230557115248, + "nauc_recall_at_5_diff1": 48.707726411883236, + "nauc_recall_at_5_max": 14.234297134778023, + "nauc_recall_at_5_std": -39.79595220848139, + "ndcg_at_1": 44.2, + "ndcg_at_10": 59.48, + "ndcg_at_100": 62.64999999999999, + "ndcg_at_1000": 63.33, + "ndcg_at_20": 60.992000000000004, + "ndcg_at_3": 54.13, + "ndcg_at_5": 57.163, + "precision_at_1": 44.2, + "precision_at_10": 7.57, + "precision_at_100": 0.905, + "precision_at_1000": 0.096, + "precision_at_20": 4.08, + "precision_at_3": 20.366999999999997, + "precision_at_5": 13.700000000000001, + "recall_at_1": 44.2, + "recall_at_10": 75.7, + "recall_at_100": 90.5, + "recall_at_1000": 95.7, + "recall_at_20": 81.6, + "recall_at_3": 61.1, + "recall_at_5": 68.5 + } + ] + } +} \ No newline at end of file diff --git a/results/dumyy__sft-bge-small/external/Waimai.json b/results/dumyy__sft-bge-small/external/Waimai.json new file mode 100644 index 000000000..043858d16 --- /dev/null +++ b/results/dumyy__sft-bge-small/external/Waimai.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "339287def212450dcaa9df8c22bf93e9980c7023", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 82.23999999999998, + "ap": 62.36539084249044, + "ap_weighted": 62.36539084249044, + "f1": 80.34948411543205, + "f1_weighted": 82.47078823543444, + "main_score": 82.23999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/dumyy__sft-bge-small/external/model_meta.json b/results/dumyy__sft-bge-small/external/model_meta.json new file mode 100644 index 000000000..deb372c42 --- /dev/null +++ b/results/dumyy__sft-bge-small/external/model_meta.json @@ -0,0 +1,20 @@ +{ + "name": "dumyy/sft-bge-small", + "revision": "9bb89f3c37fb159a8ca88493c72f0cd475a47a90", + "release_date": "2024-07-30", + "languages": [], + "loader": null, + "n_parameters": 23953920, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 512, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/dunzhang__stella-large-zh-v3-1792d/external/AFQMC.json b/results/dunzhang__stella-large-zh-v3-1792d/external/AFQMC.json new file mode 100644 index 000000000..91d3b1410 --- /dev/null +++ b/results/dunzhang__stella-large-zh-v3-1792d/external/AFQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 54.48093298255762, + "cos_sim_spearman": 59.105354109068685, + "euclidean_pearson": 57.761189988643444, + "euclidean_spearman": 59.10537421115596, + "manhattan_pearson": 56.94359297051431, + "manhattan_spearman": 58.37611109821567, + "cosine_pearson": 54.48093298255762, + "cosine_spearman": 59.105354109068685, + "main_score": 59.105354109068685 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-large-zh-v3-1792d/external/ATEC.json b/results/dunzhang__stella-large-zh-v3-1792d/external/ATEC.json new file mode 100644 index 000000000..bab5b6d02 --- /dev/null +++ b/results/dunzhang__stella-large-zh-v3-1792d/external/ATEC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 54.39711127600595, + "cos_sim_spearman": 58.190191920824454, + "euclidean_pearson": 61.80082379352729, + "euclidean_spearman": 58.19018966860797, + "manhattan_pearson": 60.927601060396206, + "manhattan_spearman": 57.78832902694192, + "cosine_pearson": 54.39711127600595, + "cosine_spearman": 58.190191920824454, + "main_score": 58.190191920824454 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-large-zh-v3-1792d/external/AmazonReviewsClassification.json b/results/dunzhang__stella-large-zh-v3-1792d/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..742592d83 --- /dev/null +++ b/results/dunzhang__stella-large-zh-v3-1792d/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 46.31600000000001, + "f1": 44.45281663598873, + "main_score": 46.31600000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-large-zh-v3-1792d/external/BQ.json b/results/dunzhang__stella-large-zh-v3-1792d/external/BQ.json new file mode 100644 index 000000000..6c298175a --- /dev/null +++ b/results/dunzhang__stella-large-zh-v3-1792d/external/BQ.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 69.12211326097868, + "cos_sim_spearman": 71.0741302039443, + "euclidean_pearson": 69.89070483887852, + "euclidean_spearman": 71.07413020351787, + "manhattan_pearson": 69.62345441260962, + "manhattan_spearman": 70.8517591280618, + "cosine_pearson": 69.12211326097868, + "cosine_spearman": 71.0741302039443, + "main_score": 71.0741302039443 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-large-zh-v3-1792d/external/CLSClusteringP2P.json b/results/dunzhang__stella-large-zh-v3-1792d/external/CLSClusteringP2P.json new file mode 100644 index 000000000..7ab648b86 --- /dev/null +++ b/results/dunzhang__stella-large-zh-v3-1792d/external/CLSClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 41.937723608805314, + "main_score": 41.937723608805314 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-large-zh-v3-1792d/external/CLSClusteringS2S.json b/results/dunzhang__stella-large-zh-v3-1792d/external/CLSClusteringS2S.json new file mode 100644 index 000000000..1701d04ad --- /dev/null +++ b/results/dunzhang__stella-large-zh-v3-1792d/external/CLSClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 40.34373057675427, + "main_score": 40.34373057675427 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-large-zh-v3-1792d/external/CmedqaRetrieval.json b/results/dunzhang__stella-large-zh-v3-1792d/external/CmedqaRetrieval.json new file mode 100644 index 000000000..00ec68290 --- /dev/null +++ b/results/dunzhang__stella-large-zh-v3-1792d/external/CmedqaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 26.954, + "map_at_10": 40.144999999999996, + "map_at_100": 42.083999999999996, + "map_at_1000": 42.181000000000004, + "map_at_3": 35.709, + "map_at_5": 38.141000000000005, + "mrr_at_1": 40.71, + "mrr_at_10": 48.93, + "mrr_at_100": 49.921, + "mrr_at_1000": 49.958999999999996, + "mrr_at_3": 46.32, + "mrr_at_5": 47.769, + "ndcg_at_1": 40.71, + "ndcg_at_10": 46.869, + "ndcg_at_100": 54.234, + "ndcg_at_1000": 55.854000000000006, + "ndcg_at_3": 41.339, + "ndcg_at_5": 43.594, + "precision_at_1": 40.71, + "precision_at_10": 10.408000000000001, + "precision_at_100": 1.635, + "precision_at_1000": 0.184, + "precision_at_3": 23.348, + "precision_at_5": 16.929, + "recall_at_1": 26.954, + "recall_at_10": 57.821999999999996, + "recall_at_100": 88.08200000000001, + "recall_at_1000": 98.83800000000001, + "recall_at_3": 41.221999999999994, + "recall_at_5": 48.241, + "main_score": 46.869 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-large-zh-v3-1792d/external/Cmnli.json b/results/dunzhang__stella-large-zh-v3-1792d/external/Cmnli.json new file mode 100644 index 000000000..5d40ec59f --- /dev/null +++ b/results/dunzhang__stella-large-zh-v3-1792d/external/Cmnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Cmnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 83.6680697534576, + "cos_sim_ap": 90.77401562455269, + "cos_sim_f1": 84.68266427450101, + "cos_sim_precision": 81.36177547942253, + "cos_sim_recall": 88.28618190320317, + "dot_accuracy": 83.6680697534576, + "dot_ap": 90.76429465198817, + "dot_f1": 84.68266427450101, + "dot_precision": 81.36177547942253, + "dot_recall": 88.28618190320317, + "euclidean_accuracy": 83.6680697534576, + "euclidean_ap": 90.77401909305344, + "euclidean_f1": 84.68266427450101, + "euclidean_precision": 81.36177547942253, + "euclidean_recall": 88.28618190320317, + "manhattan_accuracy": 83.40348767288035, + "manhattan_ap": 90.57002020310819, + "manhattan_f1": 84.51526032315978, + "manhattan_precision": 81.25134843581445, + "manhattan_recall": 88.05237315875614, + "max_accuracy": 83.6680697534576, + "max_ap": 90.77401909305344, + "max_f1": 84.68266427450101, + "main_score": 83.6680697534576 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-large-zh-v3-1792d/external/CovidRetrieval.json b/results/dunzhang__stella-large-zh-v3-1792d/external/CovidRetrieval.json new file mode 100644 index 000000000..b96a00c82 --- /dev/null +++ b/results/dunzhang__stella-large-zh-v3-1792d/external/CovidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 69.705, + "map_at_10": 78.648, + "map_at_100": 78.888, + "map_at_1000": 78.89399999999999, + "map_at_3": 77.151, + "map_at_5": 77.98, + "mrr_at_1": 69.863, + "mrr_at_10": 78.62599999999999, + "mrr_at_100": 78.861, + "mrr_at_1000": 78.867, + "mrr_at_3": 77.204, + "mrr_at_5": 78.005, + "ndcg_at_1": 69.968, + "ndcg_at_10": 82.44399999999999, + "ndcg_at_100": 83.499, + "ndcg_at_1000": 83.647, + "ndcg_at_3": 79.393, + "ndcg_at_5": 80.855, + "precision_at_1": 69.968, + "precision_at_10": 9.515, + "precision_at_100": 0.9990000000000001, + "precision_at_1000": 0.101, + "precision_at_3": 28.802, + "precision_at_5": 18.019, + "recall_at_1": 69.705, + "recall_at_10": 94.152, + "recall_at_100": 98.84100000000001, + "recall_at_1000": 100.0, + "recall_at_3": 85.774, + "recall_at_5": 89.252, + "main_score": 82.44399999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-large-zh-v3-1792d/external/DuRetrieval.json b/results/dunzhang__stella-large-zh-v3-1792d/external/DuRetrieval.json new file mode 100644 index 000000000..4de87b63a --- /dev/null +++ b/results/dunzhang__stella-large-zh-v3-1792d/external/DuRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 25.88, + "map_at_10": 79.857, + "map_at_100": 82.636, + "map_at_1000": 82.672, + "map_at_3": 55.184, + "map_at_5": 70.009, + "mrr_at_1": 89.64999999999999, + "mrr_at_10": 92.967, + "mrr_at_100": 93.039, + "mrr_at_1000": 93.041, + "mrr_at_3": 92.65, + "mrr_at_5": 92.86, + "ndcg_at_1": 89.64999999999999, + "ndcg_at_10": 87.126, + "ndcg_at_100": 89.898, + "ndcg_at_1000": 90.253, + "ndcg_at_3": 86.012, + "ndcg_at_5": 85.124, + "precision_at_1": 89.64999999999999, + "precision_at_10": 41.735, + "precision_at_100": 4.797, + "precision_at_1000": 0.488, + "precision_at_3": 77.267, + "precision_at_5": 65.48, + "recall_at_1": 25.88, + "recall_at_10": 88.28399999999999, + "recall_at_100": 97.407, + "recall_at_1000": 99.29299999999999, + "recall_at_3": 57.38799999999999, + "recall_at_5": 74.736, + "main_score": 87.126 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-large-zh-v3-1792d/external/EcomRetrieval.json b/results/dunzhang__stella-large-zh-v3-1792d/external/EcomRetrieval.json new file mode 100644 index 000000000..f06480ceb --- /dev/null +++ b/results/dunzhang__stella-large-zh-v3-1792d/external/EcomRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 53.2, + "map_at_10": 63.556000000000004, + "map_at_100": 64.033, + "map_at_1000": 64.044, + "map_at_3": 60.983, + "map_at_5": 62.588, + "mrr_at_1": 53.2, + "mrr_at_10": 63.556000000000004, + "mrr_at_100": 64.033, + "mrr_at_1000": 64.044, + "mrr_at_3": 60.983, + "mrr_at_5": 62.588, + "ndcg_at_1": 53.2, + "ndcg_at_10": 68.61699999999999, + "ndcg_at_100": 70.88499999999999, + "ndcg_at_1000": 71.15899999999999, + "ndcg_at_3": 63.434000000000005, + "ndcg_at_5": 66.301, + "precision_at_1": 53.2, + "precision_at_10": 8.450000000000001, + "precision_at_100": 0.95, + "precision_at_1000": 0.097, + "precision_at_3": 23.5, + "precision_at_5": 15.479999999999999, + "recall_at_1": 53.2, + "recall_at_10": 84.5, + "recall_at_100": 95.0, + "recall_at_1000": 97.1, + "recall_at_3": 70.5, + "recall_at_5": 77.4, + "main_score": 68.61699999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-large-zh-v3-1792d/external/IFlyTek.json b/results/dunzhang__stella-large-zh-v3-1792d/external/IFlyTek.json new file mode 100644 index 000000000..ec05cd070 --- /dev/null +++ b/results/dunzhang__stella-large-zh-v3-1792d/external/IFlyTek.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 50.63485956136976, + "f1": 38.286307407751266, + "main_score": 50.63485956136976 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-large-zh-v3-1792d/external/JDReview.json b/results/dunzhang__stella-large-zh-v3-1792d/external/JDReview.json new file mode 100644 index 000000000..94d5cb8f5 --- /dev/null +++ b/results/dunzhang__stella-large-zh-v3-1792d/external/JDReview.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 86.11632270168855, + "ap": 54.43932599806482, + "f1": 80.85485110996076, + "main_score": 86.11632270168855 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-large-zh-v3-1792d/external/LCQMC.json b/results/dunzhang__stella-large-zh-v3-1792d/external/LCQMC.json new file mode 100644 index 000000000..148aadb15 --- /dev/null +++ b/results/dunzhang__stella-large-zh-v3-1792d/external/LCQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 72.47315152994804, + "cos_sim_spearman": 78.26531600908152, + "euclidean_pearson": 77.8560788714531, + "euclidean_spearman": 78.26531157334841, + "manhattan_pearson": 77.70593783974188, + "manhattan_spearman": 78.13880812439999, + "cosine_pearson": 72.47315152994804, + "cosine_spearman": 78.26531600908152, + "main_score": 78.26531600908152 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-large-zh-v3-1792d/external/MMarcoReranking.json b/results/dunzhang__stella-large-zh-v3-1792d/external/MMarcoReranking.json new file mode 100644 index 000000000..3c6f22e64 --- /dev/null +++ b/results/dunzhang__stella-large-zh-v3-1792d/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 28.088177976572222, + "mrr": 27.125, + "main_score": 28.088177976572222 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-large-zh-v3-1792d/external/MMarcoRetrieval.json b/results/dunzhang__stella-large-zh-v3-1792d/external/MMarcoRetrieval.json new file mode 100644 index 000000000..4afac3f8c --- /dev/null +++ b/results/dunzhang__stella-large-zh-v3-1792d/external/MMarcoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 66.428, + "map_at_10": 75.5, + "map_at_100": 75.82600000000001, + "map_at_1000": 75.837, + "map_at_3": 73.74300000000001, + "map_at_5": 74.87, + "mrr_at_1": 68.754, + "mrr_at_10": 76.145, + "mrr_at_100": 76.432, + "mrr_at_1000": 76.442, + "mrr_at_3": 74.628, + "mrr_at_5": 75.612, + "ndcg_at_1": 68.754, + "ndcg_at_10": 79.144, + "ndcg_at_100": 80.60199999999999, + "ndcg_at_1000": 80.886, + "ndcg_at_3": 75.81599999999999, + "ndcg_at_5": 77.729, + "precision_at_1": 68.754, + "precision_at_10": 9.544, + "precision_at_100": 1.026, + "precision_at_1000": 0.105, + "precision_at_3": 28.534, + "precision_at_5": 18.138, + "recall_at_1": 66.428, + "recall_at_10": 89.716, + "recall_at_100": 96.313, + "recall_at_1000": 98.541, + "recall_at_3": 80.923, + "recall_at_5": 85.48, + "main_score": 79.144 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-large-zh-v3-1792d/external/MassiveIntentClassification.json b/results/dunzhang__stella-large-zh-v3-1792d/external/MassiveIntentClassification.json new file mode 100644 index 000000000..bd6cde814 --- /dev/null +++ b/results/dunzhang__stella-large-zh-v3-1792d/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 73.27841291190316, + "f1": 70.65529957574735, + "main_score": 73.27841291190316 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-large-zh-v3-1792d/external/MassiveScenarioClassification.json b/results/dunzhang__stella-large-zh-v3-1792d/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..812e97acf --- /dev/null +++ b/results/dunzhang__stella-large-zh-v3-1792d/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 76.30127774041695, + "f1": 76.10358226518304, + "main_score": 76.30127774041695 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-large-zh-v3-1792d/external/MedicalRetrieval.json b/results/dunzhang__stella-large-zh-v3-1792d/external/MedicalRetrieval.json new file mode 100644 index 000000000..d83d729b3 --- /dev/null +++ b/results/dunzhang__stella-large-zh-v3-1792d/external/MedicalRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 56.3, + "map_at_10": 62.193, + "map_at_100": 62.722, + "map_at_1000": 62.765, + "map_at_3": 60.633, + "map_at_5": 61.617999999999995, + "mrr_at_1": 56.3, + "mrr_at_10": 62.193, + "mrr_at_100": 62.722, + "mrr_at_1000": 62.765, + "mrr_at_3": 60.633, + "mrr_at_5": 61.617999999999995, + "ndcg_at_1": 56.3, + "ndcg_at_10": 65.176, + "ndcg_at_100": 67.989, + "ndcg_at_1000": 69.219, + "ndcg_at_3": 62.014, + "ndcg_at_5": 63.766, + "precision_at_1": 56.3, + "precision_at_10": 7.46, + "precision_at_100": 0.8829999999999999, + "precision_at_1000": 0.098, + "precision_at_3": 22.0, + "precision_at_5": 14.04, + "recall_at_1": 56.3, + "recall_at_10": 74.6, + "recall_at_100": 88.3, + "recall_at_1000": 98.1, + "recall_at_3": 66.0, + "recall_at_5": 70.19999999999999, + "main_score": 65.176 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-large-zh-v3-1792d/external/MultilingualSentiment.json b/results/dunzhang__stella-large-zh-v3-1792d/external/MultilingualSentiment.json new file mode 100644 index 000000000..230ecc0d8 --- /dev/null +++ b/results/dunzhang__stella-large-zh-v3-1792d/external/MultilingualSentiment.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 76.44666666666666, + "f1": 76.34548655475949, + "main_score": 76.44666666666666 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-large-zh-v3-1792d/external/Ocnli.json b/results/dunzhang__stella-large-zh-v3-1792d/external/Ocnli.json new file mode 100644 index 000000000..97ec4b428 --- /dev/null +++ b/results/dunzhang__stella-large-zh-v3-1792d/external/Ocnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Ocnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 82.34975636166757, + "cos_sim_ap": 85.44149338593267, + "cos_sim_f1": 83.68654509610647, + "cos_sim_precision": 78.46580406654344, + "cos_sim_recall": 89.65153115100317, + "dot_accuracy": 82.34975636166757, + "dot_ap": 85.4415701376729, + "dot_f1": 83.68654509610647, + "dot_precision": 78.46580406654344, + "dot_recall": 89.65153115100317, + "euclidean_accuracy": 82.34975636166757, + "euclidean_ap": 85.4415701376729, + "euclidean_f1": 83.68654509610647, + "euclidean_precision": 78.46580406654344, + "euclidean_recall": 89.65153115100317, + "manhattan_accuracy": 81.97076340010828, + "manhattan_ap": 84.83614660756733, + "manhattan_f1": 83.34167083541772, + "manhattan_precision": 79.18250950570342, + "manhattan_recall": 87.96198521647307, + "max_accuracy": 82.34975636166757, + "max_ap": 85.4415701376729, + "max_f1": 83.68654509610647, + "main_score": 82.34975636166757 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-large-zh-v3-1792d/external/OnlineShopping.json b/results/dunzhang__stella-large-zh-v3-1792d/external/OnlineShopping.json new file mode 100644 index 000000000..67f730177 --- /dev/null +++ b/results/dunzhang__stella-large-zh-v3-1792d/external/OnlineShopping.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 93.24, + "ap": 91.3586656455605, + "f1": 93.22999314249503, + "main_score": 93.24 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-large-zh-v3-1792d/external/PAWSX.json b/results/dunzhang__stella-large-zh-v3-1792d/external/PAWSX.json new file mode 100644 index 000000000..edec03387 --- /dev/null +++ b/results/dunzhang__stella-large-zh-v3-1792d/external/PAWSX.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 39.05676042449009, + "cos_sim_spearman": 44.996534098358545, + "euclidean_pearson": 44.42418609172825, + "euclidean_spearman": 44.995941361058996, + "manhattan_pearson": 43.98118203238076, + "manhattan_spearman": 44.51414152788784, + "cosine_pearson": 39.05676042449009, + "cosine_spearman": 44.996534098358545, + "main_score": 44.996534098358545 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-large-zh-v3-1792d/external/QBQTC.json b/results/dunzhang__stella-large-zh-v3-1792d/external/QBQTC.json new file mode 100644 index 000000000..a435c80ce --- /dev/null +++ b/results/dunzhang__stella-large-zh-v3-1792d/external/QBQTC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "QBQTC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 36.694269474438045, + "cos_sim_spearman": 38.686738967031616, + "euclidean_pearson": 36.822540068407235, + "euclidean_spearman": 38.68690745429757, + "manhattan_pearson": 36.77180703308932, + "manhattan_spearman": 38.45414914148094, + "cosine_pearson": 36.694269474438045, + "cosine_spearman": 38.686738967031616, + "main_score": 38.686738967031616 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-large-zh-v3-1792d/external/STS22.json b/results/dunzhang__stella-large-zh-v3-1792d/external/STS22.json new file mode 100644 index 000000000..72d02efb6 --- /dev/null +++ b/results/dunzhang__stella-large-zh-v3-1792d/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 65.81209017614124, + "cos_sim_spearman": 66.5255285833172, + "euclidean_pearson": 66.01848701752732, + "euclidean_spearman": 66.5255285833172, + "manhattan_pearson": 66.66433676370542, + "manhattan_spearman": 67.07086311480214, + "cosine_pearson": 65.81209017614124, + "cosine_spearman": 66.5255285833172, + "main_score": 66.5255285833172 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-large-zh-v3-1792d/external/STSB.json b/results/dunzhang__stella-large-zh-v3-1792d/external/STSB.json new file mode 100644 index 000000000..d1d00de42 --- /dev/null +++ b/results/dunzhang__stella-large-zh-v3-1792d/external/STSB.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 80.60785761283502, + "cos_sim_spearman": 82.80278693241074, + "euclidean_pearson": 82.47573315938638, + "euclidean_spearman": 82.80290808593806, + "manhattan_pearson": 82.49682028989669, + "manhattan_spearman": 82.84565039346022, + "cosine_pearson": 80.60785761283502, + "cosine_spearman": 82.80278693241074, + "main_score": 82.80278693241074 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-large-zh-v3-1792d/external/T2Reranking.json b/results/dunzhang__stella-large-zh-v3-1792d/external/T2Reranking.json new file mode 100644 index 000000000..f108db5b2 --- /dev/null +++ b/results/dunzhang__stella-large-zh-v3-1792d/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 66.37886004738723, + "mrr": 76.08501655006394, + "main_score": 66.37886004738723 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-large-zh-v3-1792d/external/T2Retrieval.json b/results/dunzhang__stella-large-zh-v3-1792d/external/T2Retrieval.json new file mode 100644 index 000000000..bc63fa4a1 --- /dev/null +++ b/results/dunzhang__stella-large-zh-v3-1792d/external/T2Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 28.102, + "map_at_10": 78.071, + "map_at_100": 81.71000000000001, + "map_at_1000": 81.773, + "map_at_3": 55.142, + "map_at_5": 67.669, + "mrr_at_1": 90.9, + "mrr_at_10": 93.29499999999999, + "mrr_at_100": 93.377, + "mrr_at_1000": 93.379, + "mrr_at_3": 92.901, + "mrr_at_5": 93.152, + "ndcg_at_1": 90.9, + "ndcg_at_10": 85.564, + "ndcg_at_100": 89.11200000000001, + "ndcg_at_1000": 89.693, + "ndcg_at_3": 87.024, + "ndcg_at_5": 85.66, + "precision_at_1": 90.9, + "precision_at_10": 42.208, + "precision_at_100": 5.027, + "precision_at_1000": 0.517, + "precision_at_3": 75.872, + "precision_at_5": 63.566, + "recall_at_1": 28.102, + "recall_at_10": 84.44500000000001, + "recall_at_100": 95.91300000000001, + "recall_at_1000": 98.80799999999999, + "recall_at_3": 56.772999999999996, + "recall_at_5": 70.99499999999999, + "main_score": 85.564 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-large-zh-v3-1792d/external/TNews.json b/results/dunzhang__stella-large-zh-v3-1792d/external/TNews.json new file mode 100644 index 000000000..f6568ff53 --- /dev/null +++ b/results/dunzhang__stella-large-zh-v3-1792d/external/TNews.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 53.10599999999999, + "f1": 51.40415523558322, + "main_score": 53.10599999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-large-zh-v3-1792d/external/ThuNewsClusteringP2P.json b/results/dunzhang__stella-large-zh-v3-1792d/external/ThuNewsClusteringP2P.json new file mode 100644 index 000000000..98f0c79c8 --- /dev/null +++ b/results/dunzhang__stella-large-zh-v3-1792d/external/ThuNewsClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 69.6145576098232, + "main_score": 69.6145576098232 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-large-zh-v3-1792d/external/ThuNewsClusteringS2S.json b/results/dunzhang__stella-large-zh-v3-1792d/external/ThuNewsClusteringS2S.json new file mode 100644 index 000000000..f2a250602 --- /dev/null +++ b/results/dunzhang__stella-large-zh-v3-1792d/external/ThuNewsClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 63.7129548775017, + "main_score": 63.7129548775017 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-large-zh-v3-1792d/external/VideoRetrieval.json b/results/dunzhang__stella-large-zh-v3-1792d/external/VideoRetrieval.json new file mode 100644 index 000000000..a59f2558e --- /dev/null +++ b/results/dunzhang__stella-large-zh-v3-1792d/external/VideoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 60.199999999999996, + "map_at_10": 69.724, + "map_at_100": 70.185, + "map_at_1000": 70.196, + "map_at_3": 67.95, + "map_at_5": 69.155, + "mrr_at_1": 60.199999999999996, + "mrr_at_10": 69.724, + "mrr_at_100": 70.185, + "mrr_at_1000": 70.196, + "mrr_at_3": 67.95, + "mrr_at_5": 69.155, + "ndcg_at_1": 60.199999999999996, + "ndcg_at_10": 73.888, + "ndcg_at_100": 76.02799999999999, + "ndcg_at_1000": 76.344, + "ndcg_at_3": 70.384, + "ndcg_at_5": 72.541, + "precision_at_1": 60.199999999999996, + "precision_at_10": 8.67, + "precision_at_100": 0.9650000000000001, + "precision_at_1000": 0.099, + "precision_at_3": 25.8, + "precision_at_5": 16.520000000000003, + "recall_at_1": 60.199999999999996, + "recall_at_10": 86.7, + "recall_at_100": 96.5, + "recall_at_1000": 99.0, + "recall_at_3": 77.4, + "recall_at_5": 82.6, + "main_score": 73.888 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-large-zh-v3-1792d/external/Waimai.json b/results/dunzhang__stella-large-zh-v3-1792d/external/Waimai.json new file mode 100644 index 000000000..84a17f300 --- /dev/null +++ b/results/dunzhang__stella-large-zh-v3-1792d/external/Waimai.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 88.08, + "ap": 72.66435456846166, + "f1": 86.55995793551286, + "main_score": 88.08 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-large-zh-v3-1792d/external/model_meta.json b/results/dunzhang__stella-large-zh-v3-1792d/external/model_meta.json new file mode 100644 index 000000000..0073308a9 --- /dev/null +++ b/results/dunzhang__stella-large-zh-v3-1792d/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "dunzhang/stella-large-zh-v3-1792d", + "revision": "d5d39eb8cd11c80a63df53314e59997074469f09", + "release_date": "2024-02-17", + "languages": [], + "loader": null, + "n_parameters": 324513128, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 1792, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/AFQMC.json b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/AFQMC.json new file mode 100644 index 000000000..d2d73b5f5 --- /dev/null +++ b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/AFQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 54.33822814973567, + "cos_sim_spearman": 58.85457316132848, + "euclidean_pearson": 57.57048145477383, + "euclidean_spearman": 58.854593263425095, + "manhattan_pearson": 57.55884028558309, + "manhattan_spearman": 58.84474216217465, + "cosine_pearson": 54.33822814973567, + "cosine_spearman": 58.85457316132848, + "main_score": 58.85457316132848 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/ATEC.json b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/ATEC.json new file mode 100644 index 000000000..988508081 --- /dev/null +++ b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/ATEC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 54.219652875381875, + "cos_sim_spearman": 58.079506691583546, + "euclidean_pearson": 61.646366330471736, + "euclidean_spearman": 58.07951006894859, + "manhattan_pearson": 61.64460832085762, + "manhattan_spearman": 58.08054699349972, + "cosine_pearson": 54.219652875381875, + "cosine_spearman": 58.079506691583546, + "main_score": 58.079506691583546 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/AmazonReviewsClassification.json b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..94a907d44 --- /dev/null +++ b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 46.593999999999994, + "f1": 44.73150848183217, + "main_score": 46.593999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/BQ.json b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/BQ.json new file mode 100644 index 000000000..06bd5c2aa --- /dev/null +++ b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/BQ.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 69.16841007040091, + "cos_sim_spearman": 71.04760904227217, + "euclidean_pearson": 69.95126084376611, + "euclidean_spearman": 71.04760904184589, + "manhattan_pearson": 69.92512024129407, + "manhattan_spearman": 71.02613161257672, + "cosine_pearson": 69.16841007040091, + "cosine_spearman": 71.04760904227217, + "main_score": 71.04760904227217 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/CLSClusteringP2P.json b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/CLSClusteringP2P.json new file mode 100644 index 000000000..a5e7ee247 --- /dev/null +++ b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/CLSClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 43.032332399653306, + "main_score": 43.032332399653306 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/CLSClusteringS2S.json b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/CLSClusteringS2S.json new file mode 100644 index 000000000..7bf87d256 --- /dev/null +++ b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/CLSClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 40.41603958793544, + "main_score": 40.41603958793544 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/CmedqaRetrieval.json b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/CmedqaRetrieval.json new file mode 100644 index 000000000..f9b4f2da1 --- /dev/null +++ b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/CmedqaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 26.809, + "map_at_10": 39.906000000000006, + "map_at_100": 41.858000000000004, + "map_at_1000": 41.954, + "map_at_3": 35.435, + "map_at_5": 37.978, + "mrr_at_1": 40.660000000000004, + "mrr_at_10": 48.787000000000006, + "mrr_at_100": 49.796, + "mrr_at_1000": 49.832, + "mrr_at_3": 46.166000000000004, + "mrr_at_5": 47.675, + "ndcg_at_1": 40.660000000000004, + "ndcg_at_10": 46.614, + "ndcg_at_100": 54.037, + "ndcg_at_1000": 55.654, + "ndcg_at_3": 41.032000000000004, + "ndcg_at_5": 43.464999999999996, + "precision_at_1": 40.660000000000004, + "precision_at_10": 10.35, + "precision_at_100": 1.6340000000000001, + "precision_at_1000": 0.184, + "precision_at_3": 23.122, + "precision_at_5": 16.944, + "recall_at_1": 26.809, + "recall_at_10": 57.474000000000004, + "recall_at_100": 87.976, + "recall_at_1000": 98.74199999999999, + "recall_at_3": 40.819, + "recall_at_5": 48.175000000000004, + "main_score": 46.614 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/Cmnli.json b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/Cmnli.json new file mode 100644 index 000000000..6d39a5922 --- /dev/null +++ b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/Cmnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Cmnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 83.4996993385448, + "cos_sim_ap": 90.66238348446467, + "cos_sim_f1": 84.39077936333699, + "cos_sim_precision": 79.53651975998345, + "cos_sim_recall": 89.87608136544307, + "dot_accuracy": 83.4996993385448, + "dot_ap": 90.64660919236363, + "dot_f1": 84.39077936333699, + "dot_precision": 79.53651975998345, + "dot_recall": 89.87608136544307, + "euclidean_accuracy": 83.4996993385448, + "euclidean_ap": 90.66238269557765, + "euclidean_f1": 84.39077936333699, + "euclidean_precision": 79.53651975998345, + "euclidean_recall": 89.87608136544307, + "manhattan_accuracy": 83.35538184004811, + "manhattan_ap": 90.6446013420276, + "manhattan_f1": 84.37465196569775, + "manhattan_precision": 80.5614632071459, + "manhattan_recall": 88.56675239653963, + "max_accuracy": 83.4996993385448, + "max_ap": 90.66238348446467, + "max_f1": 84.39077936333699, + "main_score": 83.4996993385448 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/CovidRetrieval.json b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/CovidRetrieval.json new file mode 100644 index 000000000..c6ba00b3c --- /dev/null +++ b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/CovidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 68.967, + "map_at_10": 77.95299999999999, + "map_at_100": 78.213, + "map_at_1000": 78.21900000000001, + "map_at_3": 76.30799999999999, + "map_at_5": 77.316, + "mrr_at_1": 69.125, + "mrr_at_10": 77.886, + "mrr_at_100": 78.141, + "mrr_at_1000": 78.147, + "mrr_at_3": 76.291, + "mrr_at_5": 77.29700000000001, + "ndcg_at_1": 69.231, + "ndcg_at_10": 81.867, + "ndcg_at_100": 82.982, + "ndcg_at_1000": 83.12, + "ndcg_at_3": 78.592, + "ndcg_at_5": 80.39, + "precision_at_1": 69.231, + "precision_at_10": 9.494, + "precision_at_100": 0.9990000000000001, + "precision_at_1000": 0.101, + "precision_at_3": 28.591, + "precision_at_5": 18.061, + "recall_at_1": 68.967, + "recall_at_10": 93.941, + "recall_at_100": 98.84100000000001, + "recall_at_1000": 99.895, + "recall_at_3": 85.142, + "recall_at_5": 89.46300000000001, + "main_score": 81.867 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/DuRetrieval.json b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/DuRetrieval.json new file mode 100644 index 000000000..bb01a1357 --- /dev/null +++ b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/DuRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 25.824, + "map_at_10": 79.396, + "map_at_100": 82.253, + "map_at_1000": 82.295, + "map_at_3": 54.83, + "map_at_5": 69.536, + "mrr_at_1": 89.7, + "mrr_at_10": 92.929, + "mrr_at_100": 93.013, + "mrr_at_1000": 93.015, + "mrr_at_3": 92.658, + "mrr_at_5": 92.841, + "ndcg_at_1": 89.7, + "ndcg_at_10": 86.797, + "ndcg_at_100": 89.652, + "ndcg_at_1000": 90.047, + "ndcg_at_3": 85.651, + "ndcg_at_5": 84.747, + "precision_at_1": 89.7, + "precision_at_10": 41.61, + "precision_at_100": 4.788, + "precision_at_1000": 0.488, + "precision_at_3": 76.833, + "precision_at_5": 65.14, + "recall_at_1": 25.824, + "recall_at_10": 87.896, + "recall_at_100": 97.221, + "recall_at_1000": 99.29599999999999, + "recall_at_3": 57.178, + "recall_at_5": 74.348, + "main_score": 86.797 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/EcomRetrieval.json b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/EcomRetrieval.json new file mode 100644 index 000000000..8af5ab3a7 --- /dev/null +++ b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/EcomRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 52.5, + "map_at_10": 63.04, + "map_at_100": 63.548, + "map_at_1000": 63.56, + "map_at_3": 60.483, + "map_at_5": 62.22800000000001, + "mrr_at_1": 52.5, + "mrr_at_10": 63.04, + "mrr_at_100": 63.548, + "mrr_at_1000": 63.56, + "mrr_at_3": 60.483, + "mrr_at_5": 62.22800000000001, + "ndcg_at_1": 52.5, + "ndcg_at_10": 68.099, + "ndcg_at_100": 70.48400000000001, + "ndcg_at_1000": 70.769, + "ndcg_at_3": 63.01, + "ndcg_at_5": 66.148, + "precision_at_1": 52.5, + "precision_at_10": 8.39, + "precision_at_100": 0.9490000000000001, + "precision_at_1000": 0.097, + "precision_at_3": 23.433, + "precision_at_5": 15.58, + "recall_at_1": 52.5, + "recall_at_10": 83.89999999999999, + "recall_at_100": 94.89999999999999, + "recall_at_1000": 97.1, + "recall_at_3": 70.3, + "recall_at_5": 77.9, + "main_score": 68.099 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/IFlyTek.json b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/IFlyTek.json new file mode 100644 index 000000000..45014e9ef --- /dev/null +++ b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/IFlyTek.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 50.742593305117346, + "f1": 38.7451988564002, + "main_score": 50.742593305117346 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/JDReview.json b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/JDReview.json new file mode 100644 index 000000000..a65ce8003 --- /dev/null +++ b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/JDReview.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 86.09756097560977, + "ap": 54.39255221143281, + "f1": 80.8326851537251, + "main_score": 86.09756097560977 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/LCQMC.json b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/LCQMC.json new file mode 100644 index 000000000..03c179cee --- /dev/null +++ b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/LCQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 72.32408066246728, + "cos_sim_spearman": 78.25773378380241, + "euclidean_pearson": 77.87824677060661, + "euclidean_spearman": 78.25773599854358, + "manhattan_pearson": 77.86648277798515, + "manhattan_spearman": 78.24642917155661, + "cosine_pearson": 72.32408066246728, + "cosine_spearman": 78.25773378380241, + "main_score": 78.25773378380241 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/MMarcoReranking.json b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/MMarcoReranking.json new file mode 100644 index 000000000..50e717d62 --- /dev/null +++ b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 28.846601097874608, + "mrr": 27.902777777777775, + "main_score": 28.846601097874608 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/MMarcoRetrieval.json b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/MMarcoRetrieval.json new file mode 100644 index 000000000..ea5f5ef36 --- /dev/null +++ b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/MMarcoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 66.533, + "map_at_10": 75.58399999999999, + "map_at_100": 75.91, + "map_at_1000": 75.921, + "map_at_3": 73.847, + "map_at_5": 74.929, + "mrr_at_1": 68.854, + "mrr_at_10": 76.20700000000001, + "mrr_at_100": 76.498, + "mrr_at_1000": 76.508, + "mrr_at_3": 74.71600000000001, + "mrr_at_5": 75.653, + "ndcg_at_1": 68.854, + "ndcg_at_10": 79.209, + "ndcg_at_100": 80.67, + "ndcg_at_1000": 80.95, + "ndcg_at_3": 75.923, + "ndcg_at_5": 77.74799999999999, + "precision_at_1": 68.854, + "precision_at_10": 9.547, + "precision_at_100": 1.027, + "precision_at_1000": 0.105, + "precision_at_3": 28.582, + "precision_at_5": 18.112000000000002, + "recall_at_1": 66.533, + "recall_at_10": 89.736, + "recall_at_100": 96.34, + "recall_at_1000": 98.52, + "recall_at_3": 81.047, + "recall_at_5": 85.38900000000001, + "main_score": 79.209 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/MassiveIntentClassification.json b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/MassiveIntentClassification.json new file mode 100644 index 000000000..6a4c4d479 --- /dev/null +++ b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 73.27841291190316, + "f1": 70.82287701665152, + "main_score": 73.27841291190316 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/MassiveScenarioClassification.json b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..acb2004fd --- /dev/null +++ b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 76.20040349697376, + "f1": 75.92782428878164, + "main_score": 76.20040349697376 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/MedicalRetrieval.json b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/MedicalRetrieval.json new file mode 100644 index 000000000..b8f6c7b1c --- /dev/null +++ b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/MedicalRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 56.39999999999999, + "map_at_10": 62.122, + "map_at_100": 62.692, + "map_at_1000": 62.739, + "map_at_3": 60.617, + "map_at_5": 61.582, + "mrr_at_1": 56.39999999999999, + "mrr_at_10": 62.125, + "mrr_at_100": 62.696, + "mrr_at_1000": 62.742, + "mrr_at_3": 60.617, + "mrr_at_5": 61.602000000000004, + "ndcg_at_1": 56.39999999999999, + "ndcg_at_10": 64.986, + "ndcg_at_100": 67.889, + "ndcg_at_1000": 69.16499999999999, + "ndcg_at_3": 61.951, + "ndcg_at_5": 63.685, + "precision_at_1": 56.39999999999999, + "precision_at_10": 7.3999999999999995, + "precision_at_100": 0.8789999999999999, + "precision_at_1000": 0.098, + "precision_at_3": 21.933, + "precision_at_5": 14.000000000000002, + "recall_at_1": 56.39999999999999, + "recall_at_10": 74, + "recall_at_100": 87.9, + "recall_at_1000": 98, + "recall_at_3": 65.8, + "recall_at_5": 70, + "main_score": 64.986 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/MultilingualSentiment.json b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/MultilingualSentiment.json new file mode 100644 index 000000000..20d49f577 --- /dev/null +++ b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/MultilingualSentiment.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 76.64, + "f1": 76.5446299028248, + "main_score": 76.64 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/Ocnli.json b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/Ocnli.json new file mode 100644 index 000000000..f969bf009 --- /dev/null +++ b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/Ocnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Ocnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 82.34975636166757, + "cos_sim_ap": 85.51352392694149, + "cos_sim_f1": 83.53057199211045, + "cos_sim_precision": 78.35337650323775, + "cos_sim_recall": 89.44033790918691, + "dot_accuracy": 82.34975636166757, + "dot_ap": 85.51347115601486, + "dot_f1": 83.53057199211045, + "dot_precision": 78.35337650323775, + "dot_recall": 89.44033790918691, + "euclidean_accuracy": 82.34975636166757, + "euclidean_ap": 85.51352392694149, + "euclidean_f1": 83.53057199211045, + "euclidean_precision": 78.35337650323775, + "euclidean_recall": 89.44033790918691, + "manhattan_accuracy": 82.34975636166757, + "manhattan_ap": 85.48313896880585, + "manhattan_f1": 83.52414136386261, + "manhattan_precision": 79.00188323917138, + "manhattan_recall": 88.59556494192185, + "max_accuracy": 82.34975636166757, + "max_ap": 85.51352392694149, + "max_f1": 83.53057199211045, + "main_score": 82.34975636166757 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/OnlineShopping.json b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/OnlineShopping.json new file mode 100644 index 000000000..6dd6bfc26 --- /dev/null +++ b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/OnlineShopping.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 93.39, + "ap": 91.62127505252761, + "f1": 93.38126146765326, + "main_score": 93.39 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/PAWSX.json b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/PAWSX.json new file mode 100644 index 000000000..d69f0c889 --- /dev/null +++ b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/PAWSX.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 39.69424895486595, + "cos_sim_spearman": 45.357868735202885, + "euclidean_pearson": 44.85027304963503, + "euclidean_spearman": 45.356945176162064, + "manhattan_pearson": 44.866080721344744, + "manhattan_spearman": 45.37053172312661, + "cosine_pearson": 39.69424895486595, + "cosine_spearman": 45.357868735202885, + "main_score": 45.357868735202885 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/QBQTC.json b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/QBQTC.json new file mode 100644 index 000000000..1566f4ac3 --- /dev/null +++ b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/QBQTC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "QBQTC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 37.03908089465844, + "cos_sim_spearman": 38.98314179826781, + "euclidean_pearson": 37.189386019789545, + "euclidean_spearman": 38.98311189555396, + "manhattan_pearson": 37.14695118899785, + "manhattan_spearman": 38.94957261261034, + "cosine_pearson": 37.03908089465844, + "cosine_spearman": 38.98314179826781, + "main_score": 38.98314179826781 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/STS22.json b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/STS22.json new file mode 100644 index 000000000..a6d1e8487 --- /dev/null +++ b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 65.08396305098712, + "cos_sim_spearman": 66.26346934994216, + "euclidean_pearson": 65.56501615370941, + "euclidean_spearman": 66.26346934994216, + "manhattan_pearson": 65.47984748172154, + "manhattan_spearman": 66.25326746119808, + "cosine_pearson": 65.08396305098712, + "cosine_spearman": 66.26346934994216, + "main_score": 66.26346934994216 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/STSB.json b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/STSB.json new file mode 100644 index 000000000..d6f4681a1 --- /dev/null +++ b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/STSB.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 80.95965207330296, + "cos_sim_spearman": 82.96149593569953, + "euclidean_pearson": 82.67125448003975, + "euclidean_spearman": 82.96141174550262, + "manhattan_pearson": 82.64660468206361, + "manhattan_spearman": 82.91756025324656, + "cosine_pearson": 80.95965207330296, + "cosine_spearman": 82.96149593569953, + "main_score": 82.96149593569953 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/T2Reranking.json b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/T2Reranking.json new file mode 100644 index 000000000..437a00716 --- /dev/null +++ b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 66.43391960680063, + "mrr": 76.078440855015, + "main_score": 66.43391960680063 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/T2Retrieval.json b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/T2Retrieval.json new file mode 100644 index 000000000..33b9ed952 --- /dev/null +++ b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/T2Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 28.29, + "map_at_10": 78.441, + "map_at_100": 82.043, + "map_at_1000": 82.10499999999999, + "map_at_3": 55.448, + "map_at_5": 67.982, + "mrr_at_1": 91.18, + "mrr_at_10": 93.498, + "mrr_at_100": 93.57, + "mrr_at_1000": 93.572, + "mrr_at_3": 93.112, + "mrr_at_5": 93.351, + "ndcg_at_1": 91.18, + "ndcg_at_10": 85.849, + "ndcg_at_100": 89.32600000000001, + "ndcg_at_1000": 89.9, + "ndcg_at_3": 87.333, + "ndcg_at_5": 85.91499999999999, + "precision_at_1": 91.18, + "precision_at_10": 42.315000000000005, + "precision_at_100": 5.029, + "precision_at_1000": 0.517, + "precision_at_3": 76.12400000000001, + "precision_at_5": 63.690000000000005, + "recall_at_1": 28.29, + "recall_at_10": 84.679, + "recall_at_100": 95.952, + "recall_at_1000": 98.821, + "recall_at_3": 56.987, + "recall_at_5": 71.15599999999999, + "main_score": 85.849 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/TNews.json b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/TNews.json new file mode 100644 index 000000000..ceae433f0 --- /dev/null +++ b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/TNews.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 53.09799999999999, + "f1": 51.397192036892314, + "main_score": 53.09799999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/ThuNewsClusteringP2P.json b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/ThuNewsClusteringP2P.json new file mode 100644 index 000000000..a0c4b637c --- /dev/null +++ b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/ThuNewsClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 70.59693805158501, + "main_score": 70.59693805158501 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/ThuNewsClusteringS2S.json b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/ThuNewsClusteringS2S.json new file mode 100644 index 000000000..cfab3ccd7 --- /dev/null +++ b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/ThuNewsClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 63.21127290121542, + "main_score": 63.21127290121542 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/VideoRetrieval.json b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/VideoRetrieval.json new file mode 100644 index 000000000..c0a2d7534 --- /dev/null +++ b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/VideoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 61.3, + "map_at_10": 70.658, + "map_at_100": 71.096, + "map_at_1000": 71.108, + "map_at_3": 69.15, + "map_at_5": 70.125, + "mrr_at_1": 61.3, + "mrr_at_10": 70.658, + "mrr_at_100": 71.096, + "mrr_at_1000": 71.108, + "mrr_at_3": 69.15, + "mrr_at_5": 70.125, + "ndcg_at_1": 61.3, + "ndcg_at_10": 74.71, + "ndcg_at_100": 76.783, + "ndcg_at_1000": 77.09899999999999, + "ndcg_at_3": 71.634, + "ndcg_at_5": 73.399, + "precision_at_1": 61.3, + "precision_at_10": 8.72, + "precision_at_100": 0.967, + "precision_at_1000": 0.099, + "precision_at_3": 26.267000000000003, + "precision_at_5": 16.619999999999997, + "recall_at_1": 61.3, + "recall_at_10": 87.2, + "recall_at_100": 96.7, + "recall_at_1000": 99.2, + "recall_at_3": 78.8, + "recall_at_5": 83.1, + "main_score": 74.71 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/Waimai.json b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/Waimai.json new file mode 100644 index 000000000..499fce998 --- /dev/null +++ b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/Waimai.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 88.01, + "ap": 72.51537272974005, + "f1": 86.49546025793478, + "main_score": 88.01 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/model_meta.json b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/model_meta.json new file mode 100644 index 000000000..bc4023678 --- /dev/null +++ b/results/dunzhang__stella-mrl-large-zh-v3.5-1792d/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "dunzhang/stella-mrl-large-zh-v3.5-1792d", + "revision": "17bb1c32a93a8fc5f6fc9e91d5ea86da99983cfe", + "release_date": "2024-02-27", + "languages": [], + "loader": null, + "n_parameters": 325522432, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 1792, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/AmazonCounterfactualClassification.json b/results/dunzhang__stella_en_1.5B_v5/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..ed4c5e768 --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/AmazonCounterfactualClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.86567164179104, + "ap": 72.13503907102613, + "ap_weighted": 72.13503907102613, + "f1": 89.5586886376355, + "f1_weighted": 93.13621183004571, + "main_score": 92.86567164179104 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/AmazonPolarityClassification.json b/results/dunzhang__stella_en_1.5B_v5/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..43221649a --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/AmazonPolarityClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 97.16485, + "ap": 96.05546315415225, + "ap_weighted": 96.05546315415225, + "f1": 97.16351087403213, + "f1_weighted": 97.16351087403213, + "main_score": 97.16485 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/AmazonReviewsClassification.json b/results/dunzhang__stella_en_1.5B_v5/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..192540910 --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/AmazonReviewsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 59.358, + "f1": 59.0264615883114, + "f1_weighted": 59.0264615883114, + "main_score": 59.358 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/ArguAna.json b/results/dunzhang__stella_en_1.5B_v5/external/ArguAna.json new file mode 100644 index 000000000..d8a3a60c7 --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/ArguAna.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 65.269, + "map_at_1": 41.607, + "map_at_10": 57.104, + "map_at_100": 57.621, + "map_at_1000": 57.621, + "map_at_20": 57.533, + "map_at_3": 52.891999999999996, + "map_at_5": 55.371, + "mrr_at_1": 42.318634423897585, + "mrr_at_10": 57.353970511865406, + "mrr_at_100": 57.88398078476526, + "mrr_at_1000": 57.88467807648422, + "mrr_at_20": 57.796730533206166, + "mrr_at_3": 53.200568990042775, + "mrr_at_5": 55.6330014224753, + "nauc_map_at_1000_diff1": 24.54414600428287, + "nauc_map_at_1000_max": -8.389738078358459, + "nauc_map_at_1000_std": -18.188787645801366, + "nauc_map_at_100_diff1": 24.543138576462308, + "nauc_map_at_100_max": -8.390896839752044, + "nauc_map_at_100_std": -18.192549240185247, + "nauc_map_at_10_diff1": 24.219607088995822, + "nauc_map_at_10_max": -8.245734391254308, + "nauc_map_at_10_std": -18.229706566466447, + "nauc_map_at_1_diff1": 29.325201664812788, + "nauc_map_at_1_max": -11.742800494823971, + "nauc_map_at_1_std": -18.610215769702528, + "nauc_map_at_20_diff1": 24.471097562798803, + "nauc_map_at_20_max": -8.318035874000799, + "nauc_map_at_20_std": -18.171541096773108, + "nauc_map_at_3_diff1": 24.275846107642824, + "nauc_map_at_3_max": -8.212242049581894, + "nauc_map_at_3_std": -17.920379368937496, + "nauc_map_at_5_diff1": 23.873692493209255, + "nauc_map_at_5_max": -8.110347163828767, + "nauc_map_at_5_std": -18.20863325596931, + "nauc_mrr_at_1000_diff1": 22.656410956419975, + "nauc_mrr_at_1000_max": -8.924888102233243, + "nauc_mrr_at_1000_std": -18.103674384502526, + "nauc_mrr_at_100_diff1": 22.655448817140968, + "nauc_mrr_at_100_max": -8.926034318499038, + "nauc_mrr_at_100_std": -18.10743930104164, + "nauc_mrr_at_10_diff1": 22.297536272996872, + "nauc_mrr_at_10_max": -8.836407556658274, + "nauc_mrr_at_10_std": -18.1598393044477, + "nauc_mrr_at_1_diff1": 27.419572424489708, + "nauc_mrr_at_1_max": -11.42241314820691, + "nauc_mrr_at_1_std": -18.54893865856313, + "nauc_mrr_at_20_diff1": 22.590227214657418, + "nauc_mrr_at_20_max": -8.849986456376993, + "nauc_mrr_at_20_std": -18.0862391777352, + "nauc_mrr_at_3_diff1": 22.415270167774988, + "nauc_mrr_at_3_max": -8.692871854156435, + "nauc_mrr_at_3_std": -17.6740102891955, + "nauc_mrr_at_5_diff1": 21.96284578521464, + "nauc_mrr_at_5_max": -8.757031535546025, + "nauc_mrr_at_5_std": -18.210766964081294, + "nauc_ndcg_at_1000_diff1": 23.939400161569115, + "nauc_ndcg_at_1000_max": -7.866999120512983, + "nauc_ndcg_at_1000_std": -17.981457019643617, + "nauc_ndcg_at_100_diff1": 23.920033349619317, + "nauc_ndcg_at_100_max": -7.889849409678031, + "nauc_ndcg_at_100_std": -18.054931990360537, + "nauc_ndcg_at_10_diff1": 22.543020461303534, + "nauc_ndcg_at_10_max": -7.072111788010867, + "nauc_ndcg_at_10_std": -18.26397604573537, + "nauc_ndcg_at_1_diff1": 29.325201664812788, + "nauc_ndcg_at_1_max": -11.742800494823971, + "nauc_ndcg_at_1_std": -18.610215769702528, + "nauc_ndcg_at_20_diff1": 23.551587021207972, + "nauc_ndcg_at_20_max": -7.298056222649139, + "nauc_ndcg_at_20_std": -18.056004880930608, + "nauc_ndcg_at_3_diff1": 22.669089506345273, + "nauc_ndcg_at_3_max": -7.278024373570137, + "nauc_ndcg_at_3_std": -17.816657759914193, + "nauc_ndcg_at_5_diff1": 21.72619728226575, + "nauc_ndcg_at_5_max": -6.959741647471228, + "nauc_ndcg_at_5_std": -18.35173705190235, + "nauc_precision_at_1000_diff1": 5.0388241058076995, + "nauc_precision_at_1000_max": 34.439879624882145, + "nauc_precision_at_1000_std": 77.22610895194498, + "nauc_precision_at_100_diff1": 1.340670767252794, + "nauc_precision_at_100_max": 19.30870025961241, + "nauc_precision_at_100_std": 35.37688289157788, + "nauc_precision_at_10_diff1": 7.734227153124332, + "nauc_precision_at_10_max": 4.202399088422237, + "nauc_precision_at_10_std": -18.383890254046698, + "nauc_precision_at_1_diff1": 29.325201664812788, + "nauc_precision_at_1_max": -11.742800494823971, + "nauc_precision_at_1_std": -18.610215769702528, + "nauc_precision_at_20_diff1": 9.48070999361637, + "nauc_precision_at_20_max": 19.056709637253025, + "nauc_precision_at_20_std": -13.266821166159485, + "nauc_precision_at_3_diff1": 17.245260303409747, + "nauc_precision_at_3_max": -4.202455033452335, + "nauc_precision_at_3_std": -17.514264039955332, + "nauc_precision_at_5_diff1": 12.074628162049974, + "nauc_precision_at_5_max": -1.9145501461107832, + "nauc_precision_at_5_std": -19.162525528916344, + "nauc_recall_at_1000_diff1": 5.038824105805915, + "nauc_recall_at_1000_max": 34.43987962487738, + "nauc_recall_at_1000_std": 77.22610895193765, + "nauc_recall_at_100_diff1": 1.3406707672497025, + "nauc_recall_at_100_max": 19.30870025960776, + "nauc_recall_at_100_std": 35.37688289157515, + "nauc_recall_at_10_diff1": 7.734227153124366, + "nauc_recall_at_10_max": 4.202399088421976, + "nauc_recall_at_10_std": -18.38389025404673, + "nauc_recall_at_1_diff1": 29.325201664812788, + "nauc_recall_at_1_max": -11.742800494823971, + "nauc_recall_at_1_std": -18.610215769702528, + "nauc_recall_at_20_diff1": 9.480709993616845, + "nauc_recall_at_20_max": 19.05670963725301, + "nauc_recall_at_20_std": -13.266821166158651, + "nauc_recall_at_3_diff1": 17.24526030340978, + "nauc_recall_at_3_max": -4.202455033452323, + "nauc_recall_at_3_std": -17.51426403995538, + "nauc_recall_at_5_diff1": 12.074628162049992, + "nauc_recall_at_5_max": -1.914550146110865, + "nauc_recall_at_5_std": -19.162525528916362, + "ndcg_at_1": 41.607, + "ndcg_at_10": 65.269, + "ndcg_at_100": 67.289, + "ndcg_at_1000": 67.29899999999999, + "ndcg_at_20": 66.76299999999999, + "ndcg_at_3": 56.604, + "ndcg_at_5": 61.07900000000001, + "precision_at_1": 41.607, + "precision_at_10": 9.118, + "precision_at_100": 0.996, + "precision_at_1000": 0.1, + "precision_at_20": 4.8469999999999995, + "precision_at_3": 22.451, + "precision_at_5": 15.647, + "recall_at_1": 41.607, + "recall_at_10": 91.181, + "recall_at_100": 99.57300000000001, + "recall_at_1000": 99.644, + "recall_at_20": 96.942, + "recall_at_3": 67.354, + "recall_at_5": 78.236 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/ArxivClusteringP2P.json b/results/dunzhang__stella_en_1.5B_v5/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..d987ea1d7 --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/ArxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 55.437138353189994, + "v_measure": 55.437138353189994, + "v_measure_std": 14.718556601335491 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/ArxivClusteringS2S.json b/results/dunzhang__stella_en_1.5B_v5/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..f45adb595 --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/ArxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 50.65858459544658, + "v_measure": 50.65858459544658, + "v_measure_std": 14.887033747525146 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/AskUbuntuDupQuestions.json b/results/dunzhang__stella_en_1.5B_v5/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..1ce91a399 --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/AskUbuntuDupQuestions.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 67.32597152838535, + "map": 67.32597152838535, + "mrr": 78.98683111286988, + "nAUC_map_diff1": 16.8624639710487, + "nAUC_map_max": 24.91996491142433, + "nAUC_map_std": 17.91865808793225, + "nAUC_mrr_diff1": 25.03766425631947, + "nAUC_mrr_max": 41.64561939958336, + "nAUC_mrr_std": 23.179909345891968 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/BIOSSES.json b/results/dunzhang__stella_en_1.5B_v5/external/BIOSSES.json new file mode 100644 index 000000000..b501d9da5 --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 85.790820496042, + "cosine_spearman": 83.10731534330517, + "euclidean_pearson": 84.61741304343133, + "euclidean_spearman": 83.17297949010973, + "main_score": 83.10731534330517, + "manhattan_pearson": 85.2137696526676, + "manhattan_spearman": 84.39168195786738, + "pearson": 85.790820496042, + "spearman": 83.10731534330517 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/Banking77Classification.json b/results/dunzhang__stella_en_1.5B_v5/external/Banking77Classification.json new file mode 100644 index 000000000..5b594c748 --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/Banking77Classification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 89.78896103896105, + "f1": 89.76107366333488, + "f1_weighted": 89.76107366333488, + "main_score": 89.78896103896105 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/BiorxivClusteringP2P.json b/results/dunzhang__stella_en_1.5B_v5/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..18110c170 --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/BiorxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 50.68092296236376, + "v_measure": 50.68092296236376, + "v_measure_std": 0.7832640983085436 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/BiorxivClusteringS2S.json b/results/dunzhang__stella_en_1.5B_v5/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..74c9ac31e --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/BiorxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 46.86629236732983, + "v_measure": 46.86629236732983, + "v_measure_std": 0.8784322236350974 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/ClimateFEVER.json b/results/dunzhang__stella_en_1.5B_v5/external/ClimateFEVER.json new file mode 100644 index 000000000..896387a6c --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/ClimateFEVER.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 46.113, + "map_at_1": 20.122999999999998, + "map_at_10": 35.474, + "map_at_100": 37.592, + "map_at_1000": 37.773, + "map_at_20": 36.637, + "map_at_3": 29.731, + "map_at_5": 32.964, + "mrr_at_1": 46.71009771986971, + "mrr_at_10": 58.855669303552105, + "mrr_at_100": 59.389249674038425, + "mrr_at_1000": 59.408448104362364, + "mrr_at_20": 59.23881203149016, + "mrr_at_3": 56.18892508143328, + "mrr_at_5": 57.85342019543985, + "nauc_map_at_1000_diff1": 27.047031037721958, + "nauc_map_at_1000_max": 43.25240279148033, + "nauc_map_at_1000_std": 20.795849418696037, + "nauc_map_at_100_diff1": 27.044739015116452, + "nauc_map_at_100_max": 43.24042159787812, + "nauc_map_at_100_std": 20.799952124137683, + "nauc_map_at_10_diff1": 27.372696854670338, + "nauc_map_at_10_max": 43.054456574721684, + "nauc_map_at_10_std": 19.537162110136645, + "nauc_map_at_1_diff1": 43.65424623953092, + "nauc_map_at_1_max": 45.17986509998762, + "nauc_map_at_1_std": 8.497107052335414, + "nauc_map_at_20_diff1": 27.224535846566074, + "nauc_map_at_20_max": 43.12222854561229, + "nauc_map_at_20_std": 20.29982972202669, + "nauc_map_at_3_diff1": 30.87847002319001, + "nauc_map_at_3_max": 42.890027891707575, + "nauc_map_at_3_std": 13.857451947580929, + "nauc_map_at_5_diff1": 27.966867093591542, + "nauc_map_at_5_max": 42.35826637592201, + "nauc_map_at_5_std": 16.993102524058624, + "nauc_mrr_at_1000_diff1": 30.191544077608164, + "nauc_mrr_at_1000_max": 44.959438920351644, + "nauc_mrr_at_1000_std": 24.065801376465114, + "nauc_mrr_at_100_diff1": 30.170368115494, + "nauc_mrr_at_100_max": 44.955868115761156, + "nauc_mrr_at_100_std": 24.093510767847707, + "nauc_mrr_at_10_diff1": 30.128430637520175, + "nauc_mrr_at_10_max": 44.97689261350708, + "nauc_mrr_at_10_std": 24.037049561818897, + "nauc_mrr_at_1_diff1": 35.323351939108214, + "nauc_mrr_at_1_max": 43.85026244855636, + "nauc_mrr_at_1_std": 17.040662141218974, + "nauc_mrr_at_20_diff1": 30.192006556160443, + "nauc_mrr_at_20_max": 45.02814530774032, + "nauc_mrr_at_20_std": 24.20885865448696, + "nauc_mrr_at_3_diff1": 29.88250163424518, + "nauc_mrr_at_3_max": 44.25768944883186, + "nauc_mrr_at_3_std": 22.804183393364198, + "nauc_mrr_at_5_diff1": 30.269824490420767, + "nauc_mrr_at_5_max": 44.97443265796657, + "nauc_mrr_at_5_std": 23.894159916141177, + "nauc_ndcg_at_1000_diff1": 24.533764005407356, + "nauc_ndcg_at_1000_max": 44.50902713386608, + "nauc_ndcg_at_1000_std": 27.589506980238404, + "nauc_ndcg_at_100_diff1": 24.209785073940353, + "nauc_ndcg_at_100_max": 44.18257063893669, + "nauc_ndcg_at_100_std": 27.963150866401943, + "nauc_ndcg_at_10_diff1": 25.168069201989486, + "nauc_ndcg_at_10_max": 43.84940910683214, + "nauc_ndcg_at_10_std": 24.810707270956435, + "nauc_ndcg_at_1_diff1": 35.323351939108214, + "nauc_ndcg_at_1_max": 43.85026244855636, + "nauc_ndcg_at_1_std": 17.040662141218974, + "nauc_ndcg_at_20_diff1": 24.829924800466834, + "nauc_ndcg_at_20_max": 43.738574327059716, + "nauc_ndcg_at_20_std": 26.252370278684072, + "nauc_ndcg_at_3_diff1": 27.321943393906274, + "nauc_ndcg_at_3_max": 42.16584786993447, + "nauc_ndcg_at_3_std": 18.24775079455969, + "nauc_ndcg_at_5_diff1": 26.043785418347998, + "nauc_ndcg_at_5_max": 42.874593895388344, + "nauc_ndcg_at_5_std": 21.294004555506117, + "nauc_precision_at_1000_diff1": -22.073027615308582, + "nauc_precision_at_1000_max": -6.549723766317357, + "nauc_precision_at_1000_std": 18.301749191241306, + "nauc_precision_at_100_diff1": -15.654286887593619, + "nauc_precision_at_100_max": 6.401516251421999, + "nauc_precision_at_100_std": 29.170680324929805, + "nauc_precision_at_10_diff1": -4.362381972892247, + "nauc_precision_at_10_max": 22.10943515872447, + "nauc_precision_at_10_std": 31.869699459530022, + "nauc_precision_at_1_diff1": 35.323351939108214, + "nauc_precision_at_1_max": 43.85026244855636, + "nauc_precision_at_1_std": 17.040662141218974, + "nauc_precision_at_20_diff1": -7.50749661117875, + "nauc_precision_at_20_max": 16.80584016023257, + "nauc_precision_at_20_std": 31.976755897112437, + "nauc_precision_at_3_diff1": 7.402667538773083, + "nauc_precision_at_3_max": 31.2088401330676, + "nauc_precision_at_3_std": 24.287905698405662, + "nauc_precision_at_5_diff1": 0.7479172565343901, + "nauc_precision_at_5_max": 26.28427734237825, + "nauc_precision_at_5_std": 28.246947120310317, + "nauc_recall_at_1000_diff1": 2.4778431086370496, + "nauc_recall_at_1000_max": 40.2231995797509, + "nauc_recall_at_1000_std": 52.62124052183862, + "nauc_recall_at_100_diff1": 8.960962419741463, + "nauc_recall_at_100_max": 35.81132850291491, + "nauc_recall_at_100_std": 40.020903251786166, + "nauc_recall_at_10_diff1": 15.603400751376636, + "nauc_recall_at_10_max": 37.570127529136485, + "nauc_recall_at_10_std": 28.07128410238545, + "nauc_recall_at_1_diff1": 43.65424623953092, + "nauc_recall_at_1_max": 45.17986509998762, + "nauc_recall_at_1_std": 8.497107052335414, + "nauc_recall_at_20_diff1": 13.844820282832346, + "nauc_recall_at_20_max": 36.0106148516309, + "nauc_recall_at_20_std": 31.453103910565254, + "nauc_recall_at_3_diff1": 24.359328154117748, + "nauc_recall_at_3_max": 39.93774251377568, + "nauc_recall_at_3_std": 16.214921517509648, + "nauc_recall_at_5_diff1": 18.75788451360292, + "nauc_recall_at_5_max": 38.177646107055516, + "nauc_recall_at_5_std": 22.17196825834675, + "ndcg_at_1": 46.71, + "ndcg_at_10": 46.113, + "ndcg_at_100": 53.035, + "ndcg_at_1000": 55.724, + "ndcg_at_20": 48.929, + "ndcg_at_3": 39.501999999999995, + "ndcg_at_5": 41.792, + "precision_at_1": 46.71, + "precision_at_10": 14.274000000000001, + "precision_at_100": 2.1870000000000003, + "precision_at_1000": 0.269, + "precision_at_20": 8.375, + "precision_at_3": 29.881, + "precision_at_5": 22.697, + "recall_at_1": 20.122999999999998, + "recall_at_10": 52.22, + "recall_at_100": 75.388, + "recall_at_1000": 89.938, + "recall_at_20": 60.077000000000005, + "recall_at_3": 35.150999999999996, + "recall_at_5": 42.748000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/DBPedia.json b/results/dunzhang__stella_en_1.5B_v5/external/DBPedia.json new file mode 100644 index 000000000..b3dfa728f --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/DBPedia.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 52.276999999999994, + "map_at_1": 9.949, + "map_at_10": 24.891, + "map_at_100": 37.111, + "map_at_1000": 39.266, + "map_at_20": 29.685, + "map_at_3": 16.586000000000002, + "map_at_5": 19.982, + "mrr_at_1": 76.25, + "mrr_at_10": 82.4518849206349, + "mrr_at_100": 82.70302194564499, + "mrr_at_1000": 82.70909729942254, + "mrr_at_20": 82.60492765962964, + "mrr_at_3": 81.33333333333331, + "mrr_at_5": 82.14583333333331, + "nauc_map_at_1000_diff1": 21.427201262456556, + "nauc_map_at_1000_max": 35.357361590816076, + "nauc_map_at_1000_std": 24.785419223353717, + "nauc_map_at_100_diff1": 22.82358692021537, + "nauc_map_at_100_max": 35.07399692072945, + "nauc_map_at_100_std": 22.679878828987025, + "nauc_map_at_10_diff1": 26.491769223479643, + "nauc_map_at_10_max": 20.78079385443902, + "nauc_map_at_10_std": -4.910406292079661, + "nauc_map_at_1_diff1": 35.20851030208876, + "nauc_map_at_1_max": 5.783003346365858, + "nauc_map_at_1_std": -21.11679133835354, + "nauc_map_at_20_diff1": 24.80097499300491, + "nauc_map_at_20_max": 26.807021360774975, + "nauc_map_at_20_std": 4.793103995429955, + "nauc_map_at_3_diff1": 29.238193458890173, + "nauc_map_at_3_max": 10.300839972189456, + "nauc_map_at_3_std": -17.889666731981592, + "nauc_map_at_5_diff1": 28.773624870573926, + "nauc_map_at_5_max": 14.951435645422887, + "nauc_map_at_5_std": -13.319697827173565, + "nauc_mrr_at_1000_diff1": 55.232544856708785, + "nauc_mrr_at_1000_max": 64.73225637682637, + "nauc_mrr_at_1000_std": 37.57480399594188, + "nauc_mrr_at_100_diff1": 55.219251601773735, + "nauc_mrr_at_100_max": 64.73305063663611, + "nauc_mrr_at_100_std": 37.56458562909293, + "nauc_mrr_at_10_diff1": 55.123463838253464, + "nauc_mrr_at_10_max": 64.91914041040233, + "nauc_mrr_at_10_std": 37.76482503851598, + "nauc_mrr_at_1_diff1": 56.45461238513347, + "nauc_mrr_at_1_max": 63.11782510293676, + "nauc_mrr_at_1_std": 33.592561284868985, + "nauc_mrr_at_20_diff1": 55.15401961460458, + "nauc_mrr_at_20_max": 64.77145835613156, + "nauc_mrr_at_20_std": 37.471561418305804, + "nauc_mrr_at_3_diff1": 54.64387438697658, + "nauc_mrr_at_3_max": 64.27618995019164, + "nauc_mrr_at_3_std": 39.391637295269014, + "nauc_mrr_at_5_diff1": 55.08702591239485, + "nauc_mrr_at_5_max": 64.6071475650635, + "nauc_mrr_at_5_std": 37.97185134269896, + "nauc_ndcg_at_1000_diff1": 31.696698876400387, + "nauc_ndcg_at_1000_max": 52.12183760001191, + "nauc_ndcg_at_1000_std": 40.197596211778716, + "nauc_ndcg_at_100_diff1": 33.253120193433666, + "nauc_ndcg_at_100_max": 49.47167758554746, + "nauc_ndcg_at_100_std": 32.643833139756204, + "nauc_ndcg_at_10_diff1": 27.065541392580013, + "nauc_ndcg_at_10_max": 45.83504281289289, + "nauc_ndcg_at_10_std": 27.11739500732328, + "nauc_ndcg_at_1_diff1": 49.42808250022517, + "nauc_ndcg_at_1_max": 53.502615048520354, + "nauc_ndcg_at_1_std": 27.17555908836708, + "nauc_ndcg_at_20_diff1": 29.374791382330308, + "nauc_ndcg_at_20_max": 43.91246842479055, + "nauc_ndcg_at_20_std": 23.419410620550316, + "nauc_ndcg_at_3_diff1": 26.71550354496204, + "nauc_ndcg_at_3_max": 43.9641457892003, + "nauc_ndcg_at_3_std": 27.320024167947686, + "nauc_ndcg_at_5_diff1": 27.020654974589487, + "nauc_ndcg_at_5_max": 46.130417266030584, + "nauc_ndcg_at_5_std": 28.392009019010068, + "nauc_precision_at_1000_diff1": -21.47455482181002, + "nauc_precision_at_1000_max": -9.721907229236024, + "nauc_precision_at_1000_std": -1.061132062651487, + "nauc_precision_at_100_diff1": -12.35759246101943, + "nauc_precision_at_100_max": 15.509512444892168, + "nauc_precision_at_100_std": 36.21183578592014, + "nauc_precision_at_10_diff1": -6.136998947343125, + "nauc_precision_at_10_max": 32.30037906748288, + "nauc_precision_at_10_std": 41.4500302476981, + "nauc_precision_at_1_diff1": 56.45461238513347, + "nauc_precision_at_1_max": 63.11782510293676, + "nauc_precision_at_1_std": 33.592561284868985, + "nauc_precision_at_20_diff1": -7.335890123683174, + "nauc_precision_at_20_max": 28.31417075291312, + "nauc_precision_at_20_std": 41.405935715061815, + "nauc_precision_at_3_diff1": 7.117255890225942, + "nauc_precision_at_3_max": 39.19894132683829, + "nauc_precision_at_3_std": 38.48255841994843, + "nauc_precision_at_5_diff1": 1.861523090114206, + "nauc_precision_at_5_max": 38.11649223007208, + "nauc_precision_at_5_std": 40.52993530374645, + "nauc_recall_at_1000_diff1": 26.497648584314636, + "nauc_recall_at_1000_max": 44.48069746734414, + "nauc_recall_at_1000_std": 53.16438130228715, + "nauc_recall_at_100_diff1": 26.353456899511446, + "nauc_recall_at_100_max": 37.57379787884197, + "nauc_recall_at_100_std": 29.197468295989548, + "nauc_recall_at_10_diff1": 22.80445738351114, + "nauc_recall_at_10_max": 15.895630778449046, + "nauc_recall_at_10_std": -8.746224797644501, + "nauc_recall_at_1_diff1": 35.20851030208876, + "nauc_recall_at_1_max": 5.783003346365858, + "nauc_recall_at_1_std": -21.11679133835354, + "nauc_recall_at_20_diff1": 22.34028867678706, + "nauc_recall_at_20_max": 21.42373427646772, + "nauc_recall_at_20_std": 0.4533036151015875, + "nauc_recall_at_3_diff1": 24.96853445599229, + "nauc_recall_at_3_max": 6.245185375804208, + "nauc_recall_at_3_std": -20.200240127099622, + "nauc_recall_at_5_diff1": 24.749259476710623, + "nauc_recall_at_5_max": 11.024592845995942, + "nauc_recall_at_5_std": -16.15683085641543, + "ndcg_at_1": 64.125, + "ndcg_at_10": 52.276999999999994, + "ndcg_at_100": 57.440000000000005, + "ndcg_at_1000": 64.082, + "ndcg_at_20": 51.383, + "ndcg_at_3": 55.769000000000005, + "ndcg_at_5": 53.978, + "precision_at_1": 76.25, + "precision_at_10": 43.05, + "precision_at_100": 14.09, + "precision_at_1000": 2.662, + "precision_at_20": 33.112, + "precision_at_3": 59.833000000000006, + "precision_at_5": 53.05, + "recall_at_1": 9.949, + "recall_at_10": 30.424, + "recall_at_100": 64.062, + "recall_at_1000": 85.916, + "recall_at_20": 39.895, + "recall_at_3": 17.876, + "recall_at_5": 22.536 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/EmotionClassification.json b/results/dunzhang__stella_en_1.5B_v5/external/EmotionClassification.json new file mode 100644 index 000000000..91b14b71b --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/EmotionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 84.29499999999999, + "f1": 79.76188258172078, + "f1_weighted": 84.96026012933847, + "main_score": 84.29499999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/FEVER.json b/results/dunzhang__stella_en_1.5B_v5/external/FEVER.json new file mode 100644 index 000000000..fcd4fe0e4 --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/FEVER.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 94.83200000000001, + "map_at_1": 87.339, + "map_at_10": 92.92099999999999, + "map_at_100": 93.108, + "map_at_1000": 93.116, + "map_at_20": 93.041, + "map_at_3": 92.219, + "map_at_5": 92.664, + "mrr_at_1": 93.99939993999399, + "mrr_at_10": 96.55188137861403, + "mrr_at_100": 96.5652366009286, + "mrr_at_1000": 96.5652625550811, + "mrr_at_20": 96.5601781754844, + "mrr_at_3": 96.45714571457142, + "mrr_at_5": 96.544904490449, + "nauc_map_at_1000_diff1": 51.81676454961933, + "nauc_map_at_1000_max": 24.904822914926118, + "nauc_map_at_1000_std": -3.8110347821630404, + "nauc_map_at_100_diff1": 51.77514975011158, + "nauc_map_at_100_max": 24.912497341800094, + "nauc_map_at_100_std": -3.76229517662447, + "nauc_map_at_10_diff1": 51.29608296382479, + "nauc_map_at_10_max": 24.78704970246707, + "nauc_map_at_10_std": -3.723130815783328, + "nauc_map_at_1_diff1": 59.90813138005125, + "nauc_map_at_1_max": 24.58479295693794, + "nauc_map_at_1_std": -8.056152492777027, + "nauc_map_at_20_diff1": 51.428639331678326, + "nauc_map_at_20_max": 24.849214517705086, + "nauc_map_at_20_std": -3.685550123874596, + "nauc_map_at_3_diff1": 50.94399923719279, + "nauc_map_at_3_max": 24.359700180006207, + "nauc_map_at_3_std": -5.407767408816422, + "nauc_map_at_5_diff1": 50.767302682959546, + "nauc_map_at_5_max": 24.491113461892215, + "nauc_map_at_5_std": -4.058336127339082, + "nauc_mrr_at_1000_diff1": 79.86042313551833, + "nauc_mrr_at_1000_max": 23.20960445633933, + "nauc_mrr_at_1000_std": -23.54334295120471, + "nauc_mrr_at_100_diff1": 79.85991247027636, + "nauc_mrr_at_100_max": 23.210085926780106, + "nauc_mrr_at_100_std": -23.542508200789197, + "nauc_mrr_at_10_diff1": 79.71095155563415, + "nauc_mrr_at_10_max": 23.24128650883908, + "nauc_mrr_at_10_std": -23.408502781834102, + "nauc_mrr_at_1_diff1": 82.6349900233902, + "nauc_mrr_at_1_max": 21.994548214014227, + "nauc_mrr_at_1_std": -22.549769792179262, + "nauc_mrr_at_20_diff1": 79.76465012873038, + "nauc_mrr_at_20_max": 23.17575026523213, + "nauc_mrr_at_20_std": -23.492660166315048, + "nauc_mrr_at_3_diff1": 79.91074933379953, + "nauc_mrr_at_3_max": 24.14246499097892, + "nauc_mrr_at_3_std": -25.22601708389664, + "nauc_mrr_at_5_diff1": 79.62092651565847, + "nauc_mrr_at_5_max": 23.315937737034425, + "nauc_mrr_at_5_std": -23.317659360058403, + "nauc_ndcg_at_1000_diff1": 54.404537986779225, + "nauc_ndcg_at_1000_max": 25.38408304128995, + "nauc_ndcg_at_1000_std": -4.916709117696968, + "nauc_ndcg_at_100_diff1": 53.2448598868241, + "nauc_ndcg_at_100_max": 25.75325255295546, + "nauc_ndcg_at_100_std": -3.680507005630751, + "nauc_ndcg_at_10_diff1": 50.81057355170232, + "nauc_ndcg_at_10_max": 25.006448273343807, + "nauc_ndcg_at_10_std": -2.8979899112515577, + "nauc_ndcg_at_1_diff1": 82.6349900233902, + "nauc_ndcg_at_1_max": 21.994548214014227, + "nauc_ndcg_at_1_std": -22.549769792179262, + "nauc_ndcg_at_20_diff1": 51.205023097166304, + "nauc_ndcg_at_20_max": 25.22133626556826, + "nauc_ndcg_at_20_std": -2.9506328244150155, + "nauc_ndcg_at_3_diff1": 51.79780256736321, + "nauc_ndcg_at_3_max": 24.81137324438439, + "nauc_ndcg_at_3_std": -6.881223858227807, + "nauc_ndcg_at_5_diff1": 50.290038260564565, + "nauc_ndcg_at_5_max": 24.57250792165796, + "nauc_ndcg_at_5_std": -3.5124628344654596, + "nauc_precision_at_1000_diff1": -20.215211396894333, + "nauc_precision_at_1000_max": -14.165452298769171, + "nauc_precision_at_1000_std": -2.0952871214470816, + "nauc_precision_at_100_diff1": -22.340257474494607, + "nauc_precision_at_100_max": -12.697885641360282, + "nauc_precision_at_100_std": 1.0688624940286244, + "nauc_precision_at_10_diff1": -24.78271817420798, + "nauc_precision_at_10_max": -12.625257500222656, + "nauc_precision_at_10_std": 3.223250450607087, + "nauc_precision_at_1_diff1": 82.6349900233902, + "nauc_precision_at_1_max": 21.994548214014227, + "nauc_precision_at_1_std": -22.549769792179262, + "nauc_precision_at_20_diff1": -24.375756227194177, + "nauc_precision_at_20_max": -12.341015011563536, + "nauc_precision_at_20_std": 2.7475274619387955, + "nauc_precision_at_3_diff1": -24.8251306777365, + "nauc_precision_at_3_max": -13.109579709589042, + "nauc_precision_at_3_std": -1.2233442335420748, + "nauc_precision_at_5_diff1": -26.955418583344894, + "nauc_precision_at_5_max": -13.598630838071015, + "nauc_precision_at_5_std": 2.545780631940738, + "nauc_recall_at_1000_diff1": 0.2542680835344437, + "nauc_recall_at_1000_max": 49.38194243035277, + "nauc_recall_at_1000_std": 57.021502715846026, + "nauc_recall_at_100_diff1": 5.062154815367015, + "nauc_recall_at_100_max": 45.41178380188437, + "nauc_recall_at_100_std": 50.78382225901813, + "nauc_recall_at_10_diff1": 20.429153629007818, + "nauc_recall_at_10_max": 27.516855026155508, + "nauc_recall_at_10_std": 21.367491371755467, + "nauc_recall_at_1_diff1": 59.90813138005125, + "nauc_recall_at_1_max": 24.58479295693794, + "nauc_recall_at_1_std": -8.056152492777027, + "nauc_recall_at_20_diff1": 13.072430858896942, + "nauc_recall_at_20_max": 29.5522659183247, + "nauc_recall_at_20_std": 28.70569974090291, + "nauc_recall_at_3_diff1": 30.419084482663617, + "nauc_recall_at_3_max": 25.627389580252835, + "nauc_recall_at_3_std": 2.5557690877637054, + "nauc_recall_at_5_diff1": 22.92561435069869, + "nauc_recall_at_5_max": 25.545265063475455, + "nauc_recall_at_5_std": 14.736172663072786, + "ndcg_at_1": 93.999, + "ndcg_at_10": 94.83200000000001, + "ndcg_at_100": 95.363, + "ndcg_at_1000": 95.478, + "ndcg_at_20": 95.077, + "ndcg_at_3": 94.143, + "ndcg_at_5": 94.525, + "precision_at_1": 93.999, + "precision_at_10": 11.029, + "precision_at_100": 1.1560000000000001, + "precision_at_1000": 0.11800000000000001, + "precision_at_20": 5.62, + "precision_at_3": 35.219, + "precision_at_5": 21.584, + "recall_at_1": 87.339, + "recall_at_10": 97.026, + "recall_at_100": 98.936, + "recall_at_1000": 99.599, + "recall_at_20": 97.744, + "recall_at_3": 95.069, + "recall_at_5": 96.177 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/FiQA2018.json b/results/dunzhang__stella_en_1.5B_v5/external/FiQA2018.json new file mode 100644 index 000000000..5efaaa88c --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/FiQA2018.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 60.480000000000004, + "map_at_1": 31.529, + "map_at_10": 52.081, + "map_at_100": 54.342, + "map_at_1000": 54.449000000000005, + "map_at_20": 53.479, + "map_at_3": 45.471000000000004, + "map_at_5": 49.164, + "mrr_at_1": 60.03086419753087, + "mrr_at_10": 67.73754409171075, + "mrr_at_100": 68.332432152368, + "mrr_at_1000": 68.34150941774908, + "mrr_at_20": 68.14780993838725, + "mrr_at_3": 65.6378600823045, + "mrr_at_5": 66.88014403292176, + "nauc_map_at_1000_diff1": 45.36598134579052, + "nauc_map_at_1000_max": 31.891451119906943, + "nauc_map_at_1000_std": -15.41454384137943, + "nauc_map_at_100_diff1": 45.31268291874018, + "nauc_map_at_100_max": 31.811055683002092, + "nauc_map_at_100_std": -15.348503855591417, + "nauc_map_at_10_diff1": 45.22606983565892, + "nauc_map_at_10_max": 30.46108534749699, + "nauc_map_at_10_std": -16.618086029682555, + "nauc_map_at_1_diff1": 49.94952823753276, + "nauc_map_at_1_max": 13.770377574254548, + "nauc_map_at_1_std": -14.946357968858653, + "nauc_map_at_20_diff1": 45.29274207897926, + "nauc_map_at_20_max": 31.27332015148257, + "nauc_map_at_20_std": -15.782946115613129, + "nauc_map_at_3_diff1": 47.94248233566038, + "nauc_map_at_3_max": 24.022838776825456, + "nauc_map_at_3_std": -17.103518542262208, + "nauc_map_at_5_diff1": 45.85345590031722, + "nauc_map_at_5_max": 27.78341379004547, + "nauc_map_at_5_std": -17.490850791756326, + "nauc_mrr_at_1000_diff1": 58.225141047822824, + "nauc_mrr_at_1000_max": 43.39606904140525, + "nauc_mrr_at_1000_std": -14.64093518199122, + "nauc_mrr_at_100_diff1": 58.22137274179545, + "nauc_mrr_at_100_max": 43.39567568136935, + "nauc_mrr_at_100_std": -14.62512313985582, + "nauc_mrr_at_10_diff1": 58.03217329957151, + "nauc_mrr_at_10_max": 43.633561683075186, + "nauc_mrr_at_10_std": -14.563703576023808, + "nauc_mrr_at_1_diff1": 61.48979902647692, + "nauc_mrr_at_1_max": 43.1938079066948, + "nauc_mrr_at_1_std": -15.808138277440465, + "nauc_mrr_at_20_diff1": 58.13185370150794, + "nauc_mrr_at_20_max": 43.35607721183147, + "nauc_mrr_at_20_std": -14.635812702971263, + "nauc_mrr_at_3_diff1": 58.698963168321264, + "nauc_mrr_at_3_max": 43.633129249785405, + "nauc_mrr_at_3_std": -15.733246346983854, + "nauc_mrr_at_5_diff1": 57.94156745229547, + "nauc_mrr_at_5_max": 43.14152462640525, + "nauc_mrr_at_5_std": -15.318685307750895, + "nauc_ndcg_at_1000_diff1": 47.871896043731496, + "nauc_ndcg_at_1000_max": 37.159845167533426, + "nauc_ndcg_at_1000_std": -13.067288160833485, + "nauc_ndcg_at_100_diff1": 47.046171407204426, + "nauc_ndcg_at_100_max": 36.422514360855835, + "nauc_ndcg_at_100_std": -11.636859259571441, + "nauc_ndcg_at_10_diff1": 46.232628149078096, + "nauc_ndcg_at_10_max": 34.82402625088358, + "nauc_ndcg_at_10_std": -14.768545542980114, + "nauc_ndcg_at_1_diff1": 61.48979902647692, + "nauc_ndcg_at_1_max": 43.1938079066948, + "nauc_ndcg_at_1_std": -15.808138277440465, + "nauc_ndcg_at_20_diff1": 46.51116172390955, + "nauc_ndcg_at_20_max": 35.36362650568298, + "nauc_ndcg_at_20_std": -12.849406209182826, + "nauc_ndcg_at_3_diff1": 47.39832263785871, + "nauc_ndcg_at_3_max": 35.67466264628456, + "nauc_ndcg_at_3_std": -17.257717349296943, + "nauc_ndcg_at_5_diff1": 45.91049493804232, + "nauc_ndcg_at_5_max": 33.8405091138445, + "nauc_ndcg_at_5_std": -17.477069902735895, + "nauc_precision_at_1000_diff1": -12.037873000917767, + "nauc_precision_at_1000_max": 26.043220150002295, + "nauc_precision_at_1000_std": 6.84910668321572, + "nauc_precision_at_100_diff1": -9.383403459051864, + "nauc_precision_at_100_max": 29.68713170610003, + "nauc_precision_at_100_std": 10.079531587056152, + "nauc_precision_at_10_diff1": 3.3433323353925135, + "nauc_precision_at_10_max": 38.31790111725993, + "nauc_precision_at_10_std": 0.7888123304710856, + "nauc_precision_at_1_diff1": 61.48979902647692, + "nauc_precision_at_1_max": 43.1938079066948, + "nauc_precision_at_1_std": -15.808138277440465, + "nauc_precision_at_20_diff1": -2.083500986294448, + "nauc_precision_at_20_max": 35.77143835726343, + "nauc_precision_at_20_std": 5.318547021874003, + "nauc_precision_at_3_diff1": 23.335617788912586, + "nauc_precision_at_3_max": 39.81973275320871, + "nauc_precision_at_3_std": -8.442769390555561, + "nauc_precision_at_5_diff1": 11.521087842589482, + "nauc_precision_at_5_max": 39.527792539828255, + "nauc_precision_at_5_std": -5.412729503701626, + "nauc_recall_at_1000_diff1": 10.6830893047453, + "nauc_recall_at_1000_max": 8.834504311238423, + "nauc_recall_at_1000_std": 24.670754304859692, + "nauc_recall_at_100_diff1": 20.646020385527358, + "nauc_recall_at_100_max": 20.121595011523294, + "nauc_recall_at_100_std": 19.42307459311791, + "nauc_recall_at_10_diff1": 33.01029313733417, + "nauc_recall_at_10_max": 27.948634980368702, + "nauc_recall_at_10_std": -10.239767371462975, + "nauc_recall_at_1_diff1": 49.94952823753276, + "nauc_recall_at_1_max": 13.770377574254548, + "nauc_recall_at_1_std": -14.946357968858653, + "nauc_recall_at_20_diff1": 30.040111045267963, + "nauc_recall_at_20_max": 25.984919302418184, + "nauc_recall_at_20_std": -1.4998001817460804, + "nauc_recall_at_3_diff1": 42.24410559113653, + "nauc_recall_at_3_max": 20.269503583626914, + "nauc_recall_at_3_std": -17.09578532600584, + "nauc_recall_at_5_diff1": 36.124149735848945, + "nauc_recall_at_5_max": 22.708022306002622, + "nauc_recall_at_5_std": -16.966976847236193, + "ndcg_at_1": 60.031, + "ndcg_at_10": 60.480000000000004, + "ndcg_at_100": 66.94099999999999, + "ndcg_at_1000": 68.303, + "ndcg_at_20": 63.536, + "ndcg_at_3": 55.903999999999996, + "ndcg_at_5": 57.387, + "precision_at_1": 60.031, + "precision_at_10": 16.682, + "precision_at_100": 2.336, + "precision_at_1000": 0.259, + "precision_at_20": 9.66, + "precision_at_3": 37.191, + "precision_at_5": 27.253, + "recall_at_1": 31.529, + "recall_at_10": 68.035, + "recall_at_100": 90.925, + "recall_at_1000": 98.688, + "recall_at_20": 77.453, + "recall_at_3": 50.221000000000004, + "recall_at_5": 58.209999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/HotpotQA.json b/results/dunzhang__stella_en_1.5B_v5/external/HotpotQA.json new file mode 100644 index 000000000..88dbf9671 --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/HotpotQA.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 76.67399999999999, + "map_at_1": 43.822, + "map_at_10": 68.82000000000001, + "map_at_100": 69.659, + "map_at_1000": 69.714, + "map_at_20": 69.305, + "map_at_3": 65.517, + "map_at_5": 67.633, + "mrr_at_1": 87.643484132343, + "mrr_at_10": 91.28134679485098, + "mrr_at_100": 91.37985230614755, + "mrr_at_1000": 91.38202467630681, + "mrr_at_20": 91.34718855278429, + "mrr_at_3": 90.75849651136599, + "mrr_at_5": 91.10961062345235, + "nauc_map_at_1000_diff1": 3.7670405082837477, + "nauc_map_at_1000_max": 14.410594409695182, + "nauc_map_at_1000_std": 7.94738583292685, + "nauc_map_at_100_diff1": 3.738796209193936, + "nauc_map_at_100_max": 14.408029101534694, + "nauc_map_at_100_std": 7.979641077687816, + "nauc_map_at_10_diff1": 3.334917978089454, + "nauc_map_at_10_max": 13.975255289147748, + "nauc_map_at_10_std": 7.491959628012161, + "nauc_map_at_1_diff1": 75.35066482050009, + "nauc_map_at_1_max": 53.573503488571475, + "nauc_map_at_1_std": -6.542030594426993, + "nauc_map_at_20_diff1": 3.5197129341582083, + "nauc_map_at_20_max": 14.159880698006816, + "nauc_map_at_20_std": 7.856574384998483, + "nauc_map_at_3_diff1": 3.0992333232864064, + "nauc_map_at_3_max": 12.513959281222112, + "nauc_map_at_3_std": 4.352912866014865, + "nauc_map_at_5_diff1": 3.0351688998572537, + "nauc_map_at_5_max": 13.21599457624529, + "nauc_map_at_5_std": 6.246882983214777, + "nauc_mrr_at_1000_diff1": 75.23953736361132, + "nauc_mrr_at_1000_max": 56.64260717262164, + "nauc_mrr_at_1000_std": -4.865932053762276, + "nauc_mrr_at_100_diff1": 75.24091372816497, + "nauc_mrr_at_100_max": 56.64831104504846, + "nauc_mrr_at_100_std": -4.850966297943324, + "nauc_mrr_at_10_diff1": 75.26540178053416, + "nauc_mrr_at_10_max": 56.828755673428965, + "nauc_mrr_at_10_std": -4.8401126970944635, + "nauc_mrr_at_1_diff1": 75.35066482050009, + "nauc_mrr_at_1_max": 53.573503488571475, + "nauc_mrr_at_1_std": -6.542030594426993, + "nauc_mrr_at_20_diff1": 75.24453050729845, + "nauc_mrr_at_20_max": 56.69220588401435, + "nauc_mrr_at_20_std": -4.843700730832108, + "nauc_mrr_at_3_diff1": 74.98411648336175, + "nauc_mrr_at_3_max": 56.766537573537114, + "nauc_mrr_at_3_std": -4.909712671649337, + "nauc_mrr_at_5_diff1": 75.20599020991028, + "nauc_mrr_at_5_max": 56.64236207782237, + "nauc_mrr_at_5_std": -5.208907367513977, + "nauc_ndcg_at_1000_diff1": 11.48307079099774, + "nauc_ndcg_at_1000_max": 20.893326881675176, + "nauc_ndcg_at_1000_std": 10.43489838692119, + "nauc_ndcg_at_100_diff1": 10.395588735754927, + "nauc_ndcg_at_100_max": 20.529573302516912, + "nauc_ndcg_at_100_std": 11.252973083654268, + "nauc_ndcg_at_10_diff1": 8.596739352741972, + "nauc_ndcg_at_10_max": 18.475863682540673, + "nauc_ndcg_at_10_std": 9.175831033463352, + "nauc_ndcg_at_1_diff1": 75.35066482050009, + "nauc_ndcg_at_1_max": 53.573503488571475, + "nauc_ndcg_at_1_std": -6.542030594426993, + "nauc_ndcg_at_20_diff1": 8.998033972471749, + "nauc_ndcg_at_20_max": 18.892085875404522, + "nauc_ndcg_at_20_std": 10.3241608901084, + "nauc_ndcg_at_3_diff1": 8.796384949533579, + "nauc_ndcg_at_3_max": 16.515261419885274, + "nauc_ndcg_at_3_std": 4.081902976576701, + "nauc_ndcg_at_5_diff1": 8.277259464605025, + "nauc_ndcg_at_5_max": 17.163053202909527, + "nauc_ndcg_at_5_std": 6.652669449704474, + "nauc_precision_at_1000_diff1": -3.490556596304827, + "nauc_precision_at_1000_max": 31.0473259001597, + "nauc_precision_at_1000_std": 52.36921397692622, + "nauc_precision_at_100_diff1": -6.420747959222489, + "nauc_precision_at_100_max": 20.555887056005936, + "nauc_precision_at_100_std": 36.119132870798495, + "nauc_precision_at_10_diff1": -6.461726057290426, + "nauc_precision_at_10_max": 12.161081825341915, + "nauc_precision_at_10_std": 17.961318451839993, + "nauc_precision_at_1_diff1": 75.35066482050009, + "nauc_precision_at_1_max": 53.573503488571475, + "nauc_precision_at_1_std": -6.542030594426993, + "nauc_precision_at_20_diff1": -7.361461296416161, + "nauc_precision_at_20_max": 12.663621261696733, + "nauc_precision_at_20_std": 23.312476851670286, + "nauc_precision_at_3_diff1": -3.299056912774522, + "nauc_precision_at_3_max": 9.85602375812038, + "nauc_precision_at_3_std": 6.4962782003155475, + "nauc_precision_at_5_diff1": -5.3155827772027795, + "nauc_precision_at_5_max": 10.32907751171833, + "nauc_precision_at_5_std": 11.384098087196932, + "nauc_recall_at_1000_diff1": -3.4905565963043332, + "nauc_recall_at_1000_max": 31.04732590016041, + "nauc_recall_at_1000_std": 52.36921397692641, + "nauc_recall_at_100_diff1": -6.420747959222586, + "nauc_recall_at_100_max": 20.55588705600596, + "nauc_recall_at_100_std": 36.11913287079825, + "nauc_recall_at_10_diff1": -6.461726057290347, + "nauc_recall_at_10_max": 12.161081825342022, + "nauc_recall_at_10_std": 17.96131845184002, + "nauc_recall_at_1_diff1": 75.35066482050009, + "nauc_recall_at_1_max": 53.573503488571475, + "nauc_recall_at_1_std": -6.542030594426993, + "nauc_recall_at_20_diff1": -7.361461296416054, + "nauc_recall_at_20_max": 12.66362126169679, + "nauc_recall_at_20_std": 23.312476851670382, + "nauc_recall_at_3_diff1": -3.2990569127745886, + "nauc_recall_at_3_max": 9.856023758120296, + "nauc_recall_at_3_std": 6.496278200315444, + "nauc_recall_at_5_diff1": -5.315582777202729, + "nauc_recall_at_5_max": 10.329077511718229, + "nauc_recall_at_5_std": 11.384098087196932, + "ndcg_at_1": 87.643, + "ndcg_at_10": 76.67399999999999, + "ndcg_at_100": 79.462, + "ndcg_at_1000": 80.43599999999999, + "ndcg_at_20": 77.83, + "ndcg_at_3": 72.256, + "ndcg_at_5": 74.789, + "precision_at_1": 87.643, + "precision_at_10": 15.726999999999999, + "precision_at_100": 1.791, + "precision_at_1000": 0.192, + "precision_at_20": 8.236, + "precision_at_3": 45.919, + "precision_at_5": 29.558, + "recall_at_1": 43.822, + "recall_at_10": 78.636, + "recall_at_100": 89.527, + "recall_at_1000": 95.868, + "recall_at_20": 82.363, + "recall_at_3": 68.879, + "recall_at_5": 73.896 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/ImdbClassification.json b/results/dunzhang__stella_en_1.5B_v5/external/ImdbClassification.json new file mode 100644 index 000000000..d860e8aaa --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/ImdbClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 96.6608, + "ap": 95.14657820401189, + "ap_weighted": 95.14657820401189, + "f1": 96.66029695623422, + "f1_weighted": 96.66029695623423, + "main_score": 96.6608 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/MSMARCO.json b/results/dunzhang__stella_en_1.5B_v5/external/MSMARCO.json new file mode 100644 index 000000000..3eb0860f9 --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/MSMARCO.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 45.217, + "map_at_1": 24.728, + "map_at_10": 37.933, + "map_at_100": 39.074999999999996, + "map_at_1000": 39.115, + "map_at_20": 38.663, + "map_at_3": 33.904, + "map_at_5": 36.217, + "mrr_at_1": 25.44412607449857, + "mrr_at_10": 38.52640196479737, + "mrr_at_100": 39.60462889736067, + "mrr_at_1000": 39.638904296248526, + "mrr_at_20": 39.2234365827559, + "mrr_at_3": 34.59646609360076, + "mrr_at_5": 36.8801337153773, + "nauc_map_at_1000_diff1": 37.645652178132174, + "nauc_map_at_1000_max": 9.953357023361367, + "nauc_map_at_1000_std": -20.800238036721503, + "nauc_map_at_100_diff1": 37.643073495974555, + "nauc_map_at_100_max": 9.95921239641703, + "nauc_map_at_100_std": -20.76517765535793, + "nauc_map_at_10_diff1": 37.44380763335014, + "nauc_map_at_10_max": 9.917273043055342, + "nauc_map_at_10_std": -21.467951225710898, + "nauc_map_at_1_diff1": 41.02118887981969, + "nauc_map_at_1_max": 8.301113449711778, + "nauc_map_at_1_std": -19.436814224415027, + "nauc_map_at_20_diff1": 37.58156586490493, + "nauc_map_at_20_max": 9.972927967610659, + "nauc_map_at_20_std": -20.951374218839387, + "nauc_map_at_3_diff1": 37.67246795684178, + "nauc_map_at_3_max": 9.307031378909478, + "nauc_map_at_3_std": -21.77026217965021, + "nauc_map_at_5_diff1": 37.39086482095963, + "nauc_map_at_5_max": 9.732739107368566, + "nauc_map_at_5_std": -21.8424296893692, + "nauc_mrr_at_1000_diff1": 37.36666719603192, + "nauc_mrr_at_1000_max": 9.79040465289953, + "nauc_mrr_at_1000_std": -20.590147245965568, + "nauc_mrr_at_100_diff1": 37.36560296629318, + "nauc_mrr_at_100_max": 9.798113710672162, + "nauc_mrr_at_100_std": -20.556791838504292, + "nauc_mrr_at_10_diff1": 37.19257605840734, + "nauc_mrr_at_10_max": 9.749429811638063, + "nauc_mrr_at_10_std": -21.206407664327276, + "nauc_mrr_at_1_diff1": 40.98478651095172, + "nauc_mrr_at_1_max": 8.173841799119707, + "nauc_mrr_at_1_std": -19.530027987868017, + "nauc_mrr_at_20_diff1": 37.29973172861245, + "nauc_mrr_at_20_max": 9.815127660001345, + "nauc_mrr_at_20_std": -20.700860112175928, + "nauc_mrr_at_3_diff1": 37.282848009425734, + "nauc_mrr_at_3_max": 9.172741713108193, + "nauc_mrr_at_3_std": -21.563630513502996, + "nauc_mrr_at_5_diff1": 37.08609827303586, + "nauc_mrr_at_5_max": 9.604643424273284, + "nauc_mrr_at_5_std": -21.580110806494094, + "nauc_ndcg_at_1000_diff1": 37.086587020218545, + "nauc_ndcg_at_1000_max": 10.696860688467472, + "nauc_ndcg_at_1000_std": -19.50989939916873, + "nauc_ndcg_at_100_diff1": 37.03794531268128, + "nauc_ndcg_at_100_max": 10.940820719182339, + "nauc_ndcg_at_100_std": -18.28651832370893, + "nauc_ndcg_at_10_diff1": 36.21062857920633, + "nauc_ndcg_at_10_max": 10.845172882571733, + "nauc_ndcg_at_10_std": -21.454301679510106, + "nauc_ndcg_at_1_diff1": 40.98478651095172, + "nauc_ndcg_at_1_max": 8.173841799119707, + "nauc_ndcg_at_1_std": -19.530027987868017, + "nauc_ndcg_at_20_diff1": 36.583262733100526, + "nauc_ndcg_at_20_max": 11.10492720898974, + "nauc_ndcg_at_20_std": -19.41753284137609, + "nauc_ndcg_at_3_diff1": 36.57271365035382, + "nauc_ndcg_at_3_max": 9.56073433062999, + "nauc_ndcg_at_3_std": -22.324263670932915, + "nauc_ndcg_at_5_diff1": 36.09419372820154, + "nauc_ndcg_at_5_max": 10.357384992631271, + "nauc_ndcg_at_5_std": -22.389578276324894, + "nauc_precision_at_1000_diff1": -2.7435338714030597, + "nauc_precision_at_1000_max": 4.302274933383809, + "nauc_precision_at_1000_std": 8.456846348638948, + "nauc_precision_at_100_diff1": 15.149466332615983, + "nauc_precision_at_100_max": 12.501013731673163, + "nauc_precision_at_100_std": 15.909667509021785, + "nauc_precision_at_10_diff1": 28.699788688314214, + "nauc_precision_at_10_max": 13.024586051842347, + "nauc_precision_at_10_std": -19.197658937078703, + "nauc_precision_at_1_diff1": 40.98478651095172, + "nauc_precision_at_1_max": 8.173841799119707, + "nauc_precision_at_1_std": -19.530027987868017, + "nauc_precision_at_20_diff1": 26.519292942353395, + "nauc_precision_at_20_max": 14.389979272056438, + "nauc_precision_at_20_std": -7.030956994938155, + "nauc_precision_at_3_diff1": 32.87913492278213, + "nauc_precision_at_3_max": 9.673660161387776, + "nauc_precision_at_3_std": -23.905612656592172, + "nauc_precision_at_5_diff1": 30.903850113238597, + "nauc_precision_at_5_max": 11.482375434154898, + "nauc_precision_at_5_std": -23.828657095254247, + "nauc_recall_at_1000_diff1": 35.80765639589219, + "nauc_recall_at_1000_max": 50.94532805969448, + "nauc_recall_at_1000_std": 66.79910877083275, + "nauc_recall_at_100_diff1": 34.96182828311028, + "nauc_recall_at_100_max": 21.729699631790556, + "nauc_recall_at_100_std": 23.509439011686474, + "nauc_recall_at_10_diff1": 31.88371369567137, + "nauc_recall_at_10_max": 14.425389702697073, + "nauc_recall_at_10_std": -20.95578001880924, + "nauc_recall_at_1_diff1": 41.02118887981969, + "nauc_recall_at_1_max": 8.301113449711778, + "nauc_recall_at_1_std": -19.436814224415027, + "nauc_recall_at_20_diff1": 32.42718780622455, + "nauc_recall_at_20_max": 16.90686126329399, + "nauc_recall_at_20_std": -9.38158227016737, + "nauc_recall_at_3_diff1": 33.68966646043966, + "nauc_recall_at_3_max": 10.336277419708532, + "nauc_recall_at_3_std": -23.80165869168538, + "nauc_recall_at_5_diff1": 32.26258807452426, + "nauc_recall_at_5_max": 12.303713005399935, + "nauc_recall_at_5_std": -23.87721891164968, + "ndcg_at_1": 25.444, + "ndcg_at_10": 45.217, + "ndcg_at_100": 50.575, + "ndcg_at_1000": 51.519999999999996, + "ndcg_at_20": 47.786, + "ndcg_at_3": 37.067, + "ndcg_at_5": 41.184, + "precision_at_1": 25.444, + "precision_at_10": 7.07, + "precision_at_100": 0.9730000000000001, + "precision_at_1000": 0.106, + "precision_at_20": 4.072, + "precision_at_3": 15.754999999999999, + "precision_at_5": 11.544, + "recall_at_1": 24.728, + "recall_at_10": 67.607, + "recall_at_100": 92.094, + "recall_at_1000": 99.165, + "recall_at_20": 77.529, + "recall_at_3": 45.535, + "recall_at_5": 55.394 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/MTOPDomainClassification.json b/results/dunzhang__stella_en_1.5B_v5/external/MTOPDomainClassification.json new file mode 100644 index 000000000..78f77ca46 --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/MTOPDomainClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 99.01276789785682, + "f1": 98.9288649250924, + "f1_weighted": 99.01406884928141, + "main_score": 99.01276789785682 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/MTOPIntentClassification.json b/results/dunzhang__stella_en_1.5B_v5/external/MTOPIntentClassification.json new file mode 100644 index 000000000..867d7ff0d --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/MTOPIntentClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.78385772913816, + "f1": 79.78115704297824, + "f1_weighted": 93.90424147486428, + "main_score": 92.78385772913816 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/MassiveIntentClassification.json b/results/dunzhang__stella_en_1.5B_v5/external/MassiveIntentClassification.json new file mode 100644 index 000000000..0644034c7 --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/MassiveIntentClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "4672e20407010da34463acc759c162ca9734bca6", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 85.83053127101546, + "f1": 82.72036139888232, + "f1_weighted": 85.81759723866098, + "main_score": 85.83053127101546 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/MassiveScenarioClassification.json b/results/dunzhang__stella_en_1.5B_v5/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..898c58079 --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/MassiveScenarioClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "fad2c6e8459f9e1c45d9315f4953d921437d70f8", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 90.19838601210489, + "f1": 89.55260197964978, + "f1_weighted": 90.11422965504119, + "main_score": 90.19838601210489 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/MedrxivClusteringP2P.json b/results/dunzhang__stella_en_1.5B_v5/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..83a174aa6 --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/MedrxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 46.866746897607094, + "v_measure": 46.866746897607094, + "v_measure_std": 1.0966477896919726 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/MedrxivClusteringS2S.json b/results/dunzhang__stella_en_1.5B_v5/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..bb2015aba --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/MedrxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 44.6538827415503, + "v_measure": 44.6538827415503, + "v_measure_std": 1.1649569936599116 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/MindSmallReranking.json b/results/dunzhang__stella_en_1.5B_v5/external/MindSmallReranking.json new file mode 100644 index 000000000..30b76cbfd --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/MindSmallReranking.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "59042f120c80e8afa9cdbb224f67076cec0fc9a7", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 33.05449204940555, + "map": 33.05449204940555, + "mrr": 34.32562058439585, + "nAUC_map_diff1": 11.465656013162807, + "nAUC_map_max": -20.400088169502308, + "nAUC_map_std": -2.638964886362445, + "nAUC_mrr_diff1": 10.644290702481207, + "nAUC_mrr_max": -15.304687384645769, + "nAUC_mrr_std": -0.519919931348978 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/NFCorpus.json b/results/dunzhang__stella_en_1.5B_v5/external/NFCorpus.json new file mode 100644 index 000000000..ce44df021 --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/NFCorpus.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 41.998000000000005, + "map_at_1": 6.907000000000001, + "map_at_10": 16.397000000000002, + "map_at_100": 21.69, + "map_at_1000": 23.652, + "map_at_20": 18.629, + "map_at_3": 11.969000000000001, + "map_at_5": 13.894, + "mrr_at_1": 53.25077399380805, + "mrr_at_10": 61.8561108653988, + "mrr_at_100": 62.42447851935404, + "mrr_at_1000": 62.459626424428095, + "mrr_at_20": 62.287236389990696, + "mrr_at_3": 60.42311661506711, + "mrr_at_5": 61.36738906088753, + "nauc_map_at_1000_diff1": 17.159461939643844, + "nauc_map_at_1000_max": 32.42764938789903, + "nauc_map_at_1000_std": 11.039427848422093, + "nauc_map_at_100_diff1": 19.089532984187503, + "nauc_map_at_100_max": 31.96721085058713, + "nauc_map_at_100_std": 6.947468655726444, + "nauc_map_at_10_diff1": 25.77255342629802, + "nauc_map_at_10_max": 26.163590320961543, + "nauc_map_at_10_std": -5.2588093720998375, + "nauc_map_at_1_diff1": 46.31602607957798, + "nauc_map_at_1_max": 11.807757660801942, + "nauc_map_at_1_std": -13.984889089354317, + "nauc_map_at_20_diff1": 22.308161130465365, + "nauc_map_at_20_max": 29.070587307827722, + "nauc_map_at_20_std": -1.0103056620851558, + "nauc_map_at_3_diff1": 33.580827849617506, + "nauc_map_at_3_max": 17.661630885799042, + "nauc_map_at_3_std": -11.463282544041888, + "nauc_map_at_5_diff1": 30.32603342696912, + "nauc_map_at_5_max": 20.938905485667245, + "nauc_map_at_5_std": -10.537086968155755, + "nauc_mrr_at_1000_diff1": 24.45065397805829, + "nauc_mrr_at_1000_max": 48.17519860927417, + "nauc_mrr_at_1000_std": 30.350767549118903, + "nauc_mrr_at_100_diff1": 24.444061606534486, + "nauc_mrr_at_100_max": 48.1922894212229, + "nauc_mrr_at_100_std": 30.379257816584094, + "nauc_mrr_at_10_diff1": 24.25598717198779, + "nauc_mrr_at_10_max": 48.10437607774264, + "nauc_mrr_at_10_std": 30.090202482685996, + "nauc_mrr_at_1_diff1": 26.907595285201264, + "nauc_mrr_at_1_max": 44.006974050369955, + "nauc_mrr_at_1_std": 26.921001962861062, + "nauc_mrr_at_20_diff1": 24.462771570553738, + "nauc_mrr_at_20_max": 48.264688196799746, + "nauc_mrr_at_20_std": 30.498095141265914, + "nauc_mrr_at_3_diff1": 24.76829388237229, + "nauc_mrr_at_3_max": 48.213758704739924, + "nauc_mrr_at_3_std": 30.1502853918892, + "nauc_mrr_at_5_diff1": 24.476494932330247, + "nauc_mrr_at_5_max": 47.977250552198804, + "nauc_mrr_at_5_std": 29.65248143104835, + "nauc_ndcg_at_1000_diff1": 13.055818920426246, + "nauc_ndcg_at_1000_max": 46.00986444256306, + "nauc_ndcg_at_1000_std": 29.622662054922085, + "nauc_ndcg_at_100_diff1": 12.260551238228816, + "nauc_ndcg_at_100_max": 39.89783048267698, + "nauc_ndcg_at_100_std": 23.806961617956613, + "nauc_ndcg_at_10_diff1": 11.002915931619567, + "nauc_ndcg_at_10_max": 39.79323759244374, + "nauc_ndcg_at_10_std": 23.053072152911046, + "nauc_ndcg_at_1_diff1": 27.560910719974434, + "nauc_ndcg_at_1_max": 41.21084046258119, + "nauc_ndcg_at_1_std": 26.112891742912893, + "nauc_ndcg_at_20_diff1": 10.085854089024496, + "nauc_ndcg_at_20_max": 37.88629173784684, + "nauc_ndcg_at_20_std": 23.17664322248358, + "nauc_ndcg_at_3_diff1": 16.58969583405987, + "nauc_ndcg_at_3_max": 41.282222954101435, + "nauc_ndcg_at_3_std": 21.080670648392747, + "nauc_ndcg_at_5_diff1": 13.893127947909885, + "nauc_ndcg_at_5_max": 40.21188015992804, + "nauc_ndcg_at_5_std": 21.417443978842652, + "nauc_precision_at_1000_diff1": -17.227504530334564, + "nauc_precision_at_1000_max": 3.798554468439066, + "nauc_precision_at_1000_std": 35.73617809452683, + "nauc_precision_at_100_diff1": -17.63388230218776, + "nauc_precision_at_100_max": 15.079399882407094, + "nauc_precision_at_100_std": 41.83698491321226, + "nauc_precision_at_10_diff1": -11.850925959645156, + "nauc_precision_at_10_max": 35.93283968364352, + "nauc_precision_at_10_std": 34.391271855921296, + "nauc_precision_at_1_diff1": 27.730860778824823, + "nauc_precision_at_1_max": 43.97462471516834, + "nauc_precision_at_1_std": 27.491068270978896, + "nauc_precision_at_20_diff1": -14.281328840943347, + "nauc_precision_at_20_max": 29.469099781759006, + "nauc_precision_at_20_std": 38.54703022340941, + "nauc_precision_at_3_diff1": 3.486986910413196, + "nauc_precision_at_3_max": 41.21107780473768, + "nauc_precision_at_3_std": 24.057479124531216, + "nauc_precision_at_5_diff1": -3.0623787872866233, + "nauc_precision_at_5_max": 37.49266386466702, + "nauc_precision_at_5_std": 26.894454268004935, + "nauc_recall_at_1000_diff1": -2.446891864334283, + "nauc_recall_at_1000_max": 23.867293584643377, + "nauc_recall_at_1000_std": 16.34707128224595, + "nauc_recall_at_100_diff1": 4.891133690841179, + "nauc_recall_at_100_max": 24.56727964996522, + "nauc_recall_at_100_std": 9.847212953200797, + "nauc_recall_at_10_diff1": 19.211912363585288, + "nauc_recall_at_10_max": 24.825344777920737, + "nauc_recall_at_10_std": -5.447989195041898, + "nauc_recall_at_1_diff1": 46.31602607957798, + "nauc_recall_at_1_max": 11.807757660801942, + "nauc_recall_at_1_std": -13.984889089354317, + "nauc_recall_at_20_diff1": 12.233372054304805, + "nauc_recall_at_20_max": 22.284108685207148, + "nauc_recall_at_20_std": -4.317138366746209, + "nauc_recall_at_3_diff1": 28.394631527225815, + "nauc_recall_at_3_max": 15.593864852625462, + "nauc_recall_at_3_std": -12.383531804314593, + "nauc_recall_at_5_diff1": 24.457441304950343, + "nauc_recall_at_5_max": 19.080049396281623, + "nauc_recall_at_5_std": -11.879747703626627, + "ndcg_at_1": 51.548, + "ndcg_at_10": 41.998000000000005, + "ndcg_at_100": 39.626, + "ndcg_at_1000": 48.707, + "ndcg_at_20": 40.181, + "ndcg_at_3": 48.06, + "ndcg_at_5": 45.829, + "precision_at_1": 52.941, + "precision_at_10": 31.330999999999996, + "precision_at_100": 10.421, + "precision_at_1000": 2.428, + "precision_at_20": 24.118000000000002, + "precision_at_3": 45.408, + "precision_at_5": 39.938, + "recall_at_1": 6.907000000000001, + "recall_at_10": 20.51, + "recall_at_100": 40.857, + "recall_at_1000": 73.616, + "recall_at_20": 26.52, + "recall_at_3": 13.267999999999999, + "recall_at_5": 16.141 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/NQ.json b/results/dunzhang__stella_en_1.5B_v5/external/NQ.json new file mode 100644 index 000000000..d58fa6d74 --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/NQ.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 71.8, + "map_at_1": 47.629, + "map_at_10": 64.846, + "map_at_100": 65.40899999999999, + "map_at_1000": 65.416, + "map_at_20": 65.239, + "map_at_3": 61.185, + "map_at_5": 63.583, + "mrr_at_1": 53.15758980301275, + "mrr_at_10": 67.12880961577366, + "mrr_at_100": 67.44006405426018, + "mrr_at_1000": 67.44519150402294, + "mrr_at_20": 67.34317135515428, + "mrr_at_3": 64.5905755117805, + "mrr_at_5": 66.24613750482806, + "nauc_map_at_1000_diff1": 45.73812106517133, + "nauc_map_at_1000_max": 35.21262031755756, + "nauc_map_at_1000_std": -5.549443574026027, + "nauc_map_at_100_diff1": 45.74254652176879, + "nauc_map_at_100_max": 35.22349167515518, + "nauc_map_at_100_std": -5.53697496044773, + "nauc_map_at_10_diff1": 45.62837128377087, + "nauc_map_at_10_max": 35.3261562342222, + "nauc_map_at_10_std": -5.761924414031163, + "nauc_map_at_1_diff1": 48.69187848570499, + "nauc_map_at_1_max": 28.687996096473476, + "nauc_map_at_1_std": -7.518605958272523, + "nauc_map_at_20_diff1": 45.702303442220035, + "nauc_map_at_20_max": 35.30719944705456, + "nauc_map_at_20_std": -5.59505654742681, + "nauc_map_at_3_diff1": 45.376813726832474, + "nauc_map_at_3_max": 34.68452149643597, + "nauc_map_at_3_std": -7.329014950379634, + "nauc_map_at_5_diff1": 45.29528861989316, + "nauc_map_at_5_max": 35.35741440869229, + "nauc_map_at_5_std": -6.028788612259288, + "nauc_mrr_at_1000_diff1": 46.11808147912517, + "nauc_mrr_at_1000_max": 35.59241850411947, + "nauc_mrr_at_1000_std": -3.4072428526109317, + "nauc_mrr_at_100_diff1": 46.121345545514046, + "nauc_mrr_at_100_max": 35.60147795073431, + "nauc_mrr_at_100_std": -3.3965322447588826, + "nauc_mrr_at_10_diff1": 46.0920068210502, + "nauc_mrr_at_10_max": 35.79649987854354, + "nauc_mrr_at_10_std": -3.339624589368137, + "nauc_mrr_at_1_diff1": 49.101364605656194, + "nauc_mrr_at_1_max": 31.500796071482146, + "nauc_mrr_at_1_std": -4.183818500718156, + "nauc_mrr_at_20_diff1": 46.088076630465594, + "nauc_mrr_at_20_max": 35.682131663053205, + "nauc_mrr_at_20_std": -3.35939023178519, + "nauc_mrr_at_3_diff1": 45.47570812708642, + "nauc_mrr_at_3_max": 35.741892517632984, + "nauc_mrr_at_3_std": -4.135335963822013, + "nauc_mrr_at_5_diff1": 45.78903474184014, + "nauc_mrr_at_5_max": 35.91273593700205, + "nauc_mrr_at_5_std": -3.467873421286869, + "nauc_ndcg_at_1000_diff1": 45.5056583000012, + "nauc_ndcg_at_1000_max": 36.34328379251593, + "nauc_ndcg_at_1000_std": -4.0759698229323345, + "nauc_ndcg_at_100_diff1": 45.61918946477166, + "nauc_ndcg_at_100_max": 36.675460335836235, + "nauc_ndcg_at_100_std": -3.6795334726235986, + "nauc_ndcg_at_10_diff1": 45.15343994274541, + "nauc_ndcg_at_10_max": 37.48139242964657, + "nauc_ndcg_at_10_std": -4.287039084554882, + "nauc_ndcg_at_1_diff1": 49.101364605656194, + "nauc_ndcg_at_1_max": 31.500796071482146, + "nauc_ndcg_at_1_std": -4.183818500718156, + "nauc_ndcg_at_20_diff1": 45.310026313402375, + "nauc_ndcg_at_20_max": 37.32177497902133, + "nauc_ndcg_at_20_std": -3.8214360391282587, + "nauc_ndcg_at_3_diff1": 44.27064370528994, + "nauc_ndcg_at_3_max": 36.380294033571396, + "nauc_ndcg_at_3_std": -6.844263370898355, + "nauc_ndcg_at_5_diff1": 44.29933499225583, + "nauc_ndcg_at_5_max": 37.46477041822136, + "nauc_ndcg_at_5_std": -4.866548530467956, + "nauc_precision_at_1000_diff1": -14.666553359142306, + "nauc_precision_at_1000_max": -0.5599759853201481, + "nauc_precision_at_1000_std": 16.8370925526591, + "nauc_precision_at_100_diff1": -11.816251306246278, + "nauc_precision_at_100_max": 2.969819268208207, + "nauc_precision_at_100_std": 18.59422946634747, + "nauc_precision_at_10_diff1": 1.2050200086029401, + "nauc_precision_at_10_max": 17.59930352911209, + "nauc_precision_at_10_std": 13.714495717588985, + "nauc_precision_at_1_diff1": 49.101364605656194, + "nauc_precision_at_1_max": 31.500796071482146, + "nauc_precision_at_1_std": -4.183818500718156, + "nauc_precision_at_20_diff1": -5.263476664822757, + "nauc_precision_at_20_max": 11.42004823600046, + "nauc_precision_at_20_std": 16.510514518664994, + "nauc_precision_at_3_diff1": 20.116460379305828, + "nauc_precision_at_3_max": 31.32235038301311, + "nauc_precision_at_3_std": 2.7486717133871923, + "nauc_precision_at_5_diff1": 9.57451645335723, + "nauc_precision_at_5_max": 25.28449126580587, + "nauc_precision_at_5_std": 9.955736162466767, + "nauc_recall_at_1000_diff1": -21.632253065978794, + "nauc_recall_at_1000_max": 70.14409090958776, + "nauc_recall_at_1000_std": 65.61658090892989, + "nauc_recall_at_100_diff1": 51.83161124806711, + "nauc_recall_at_100_max": 77.49921361841523, + "nauc_recall_at_100_std": 48.352508746719444, + "nauc_recall_at_10_diff1": 39.86695231362791, + "nauc_recall_at_10_max": 50.12029094799474, + "nauc_recall_at_10_std": 0.1650940628131058, + "nauc_recall_at_1_diff1": 48.69187848570499, + "nauc_recall_at_1_max": 28.687996096473476, + "nauc_recall_at_1_std": -7.518605958272523, + "nauc_recall_at_20_diff1": 39.14155398061627, + "nauc_recall_at_20_max": 56.78559423716229, + "nauc_recall_at_20_std": 7.9728224572344075, + "nauc_recall_at_3_diff1": 38.69589523432158, + "nauc_recall_at_3_max": 39.53271258375579, + "nauc_recall_at_3_std": -8.646925065787512, + "nauc_recall_at_5_diff1": 37.45922652959002, + "nauc_recall_at_5_max": 44.4911958995867, + "nauc_recall_at_5_std": -3.5659842556375594, + "ndcg_at_1": 53.15800000000001, + "ndcg_at_10": 71.8, + "ndcg_at_100": 73.85199999999999, + "ndcg_at_1000": 74.017, + "ndcg_at_20": 72.933, + "ndcg_at_3": 65.479, + "ndcg_at_5": 69.182, + "precision_at_1": 53.15800000000001, + "precision_at_10": 10.805, + "precision_at_100": 1.2, + "precision_at_1000": 0.122, + "precision_at_20": 5.694, + "precision_at_3": 28.939999999999998, + "precision_at_5": 19.641000000000002, + "recall_at_1": 47.629, + "recall_at_10": 90.204, + "recall_at_100": 98.66, + "recall_at_1000": 99.874, + "recall_at_20": 94.24, + "recall_at_3": 74.394, + "recall_at_5": 82.711 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/QuoraRetrieval.json b/results/dunzhang__stella_en_1.5B_v5/external/QuoraRetrieval.json new file mode 100644 index 000000000..6c53455df --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/QuoraRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "e4e08e0b7dbe3c8700f0daef558ff32256715259", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 90.025, + "map_at_1": 72.222, + "map_at_10": 86.58500000000001, + "map_at_100": 87.176, + "map_at_1000": 87.188, + "map_at_20": 86.97399999999999, + "map_at_3": 83.736, + "map_at_5": 85.554, + "mrr_at_1": 83.04, + "mrr_at_10": 89.05599603174585, + "mrr_at_100": 89.12398891419457, + "mrr_at_1000": 89.12434072241001, + "mrr_at_20": 89.10416280692111, + "mrr_at_3": 88.23833333333312, + "mrr_at_5": 88.82233333333308, + "nauc_map_at_1000_diff1": 78.29348113313218, + "nauc_map_at_1000_max": 32.31386754277228, + "nauc_map_at_1000_std": -50.47543661484052, + "nauc_map_at_100_diff1": 78.29618548618575, + "nauc_map_at_100_max": 32.301475680947846, + "nauc_map_at_100_std": -50.50303428814228, + "nauc_map_at_10_diff1": 78.47383776440803, + "nauc_map_at_10_max": 31.839339990133563, + "nauc_map_at_10_std": -52.832713555976, + "nauc_map_at_1_diff1": 82.46330147467418, + "nauc_map_at_1_max": 23.497664918373538, + "nauc_map_at_1_std": -43.824657665520704, + "nauc_map_at_20_diff1": 78.34772176474422, + "nauc_map_at_20_max": 32.16495182893947, + "nauc_map_at_20_std": -51.503292726558605, + "nauc_map_at_3_diff1": 79.07823813069432, + "nauc_map_at_3_max": 29.395911687513976, + "nauc_map_at_3_std": -54.16377546873304, + "nauc_map_at_5_diff1": 78.73076619520454, + "nauc_map_at_5_max": 30.700453118585237, + "nauc_map_at_5_std": -54.130514177664054, + "nauc_mrr_at_1000_diff1": 79.04736184471865, + "nauc_mrr_at_1000_max": 34.43004593837643, + "nauc_mrr_at_1000_std": -46.137269068195316, + "nauc_mrr_at_100_diff1": 79.04698704288086, + "nauc_mrr_at_100_max": 34.4305553741175, + "nauc_mrr_at_100_std": -46.13786687786434, + "nauc_mrr_at_10_diff1": 79.04490677485934, + "nauc_mrr_at_10_max": 34.38170181522227, + "nauc_mrr_at_10_std": -46.38129875681807, + "nauc_mrr_at_1_diff1": 79.87159215719124, + "nauc_mrr_at_1_max": 34.05882339253136, + "nauc_mrr_at_1_std": -43.56093395137571, + "nauc_mrr_at_20_diff1": 79.04384174535653, + "nauc_mrr_at_20_max": 34.442136494675005, + "nauc_mrr_at_20_std": -46.205458519638654, + "nauc_mrr_at_3_diff1": 78.78154519155487, + "nauc_mrr_at_3_max": 34.74995000500305, + "nauc_mrr_at_3_std": -46.36264203155416, + "nauc_mrr_at_5_diff1": 79.02631187177, + "nauc_mrr_at_5_max": 34.538698249632205, + "nauc_mrr_at_5_std": -46.468881576157465, + "nauc_ndcg_at_1000_diff1": 78.25260097014645, + "nauc_ndcg_at_1000_max": 33.68584498704271, + "nauc_ndcg_at_1000_std": -48.44716779494868, + "nauc_ndcg_at_100_diff1": 78.25115412256716, + "nauc_ndcg_at_100_max": 33.63652663447088, + "nauc_ndcg_at_100_std": -48.489243909024715, + "nauc_ndcg_at_10_diff1": 78.23875101557334, + "nauc_ndcg_at_10_max": 32.65217430043823, + "nauc_ndcg_at_10_std": -52.57770468845309, + "nauc_ndcg_at_1_diff1": 79.87159215719124, + "nauc_ndcg_at_1_max": 34.05882339253136, + "nauc_ndcg_at_1_std": -43.56093395137571, + "nauc_ndcg_at_20_diff1": 78.23478552311765, + "nauc_ndcg_at_20_max": 33.30691737901109, + "nauc_ndcg_at_20_std": -50.78412614854527, + "nauc_ndcg_at_3_diff1": 77.66134485470224, + "nauc_ndcg_at_3_max": 32.19504710373125, + "nauc_ndcg_at_3_std": -52.01636728550155, + "nauc_ndcg_at_5_diff1": 78.04734137324255, + "nauc_ndcg_at_5_max": 31.94593625591248, + "nauc_ndcg_at_5_std": -53.02169800690546, + "nauc_precision_at_1000_diff1": -45.771948123542636, + "nauc_precision_at_1000_max": -5.182406190477681, + "nauc_precision_at_1000_std": 41.14460438707817, + "nauc_precision_at_100_diff1": -45.64767154261461, + "nauc_precision_at_100_max": -5.046308286851713, + "nauc_precision_at_100_std": 41.07186716587844, + "nauc_precision_at_10_diff1": -42.26779562305825, + "nauc_precision_at_10_max": -1.1264852893323076, + "nauc_precision_at_10_std": 27.62275729822392, + "nauc_precision_at_1_diff1": 79.87159215719124, + "nauc_precision_at_1_max": 34.05882339253136, + "nauc_precision_at_1_std": -43.56093395137571, + "nauc_precision_at_20_diff1": -44.24293221128388, + "nauc_precision_at_20_max": -3.1345628837361867, + "nauc_precision_at_20_std": 34.23625492740366, + "nauc_precision_at_3_diff1": -24.925251389823348, + "nauc_precision_at_3_max": 6.622188833369412, + "nauc_precision_at_3_std": 6.424741786858512, + "nauc_precision_at_5_diff1": -36.1407949990387, + "nauc_precision_at_5_max": 1.7533948968374462, + "nauc_precision_at_5_std": 17.914083278982634, + "nauc_recall_at_1000_diff1": 52.26815466244496, + "nauc_recall_at_1000_max": 69.73611104239443, + "nauc_recall_at_1000_std": 73.18969965863008, + "nauc_recall_at_100_diff1": 70.80557513785271, + "nauc_recall_at_100_max": 33.333440086544556, + "nauc_recall_at_100_std": -38.75992366905504, + "nauc_recall_at_10_diff1": 74.45948457438163, + "nauc_recall_at_10_max": 26.64948512428989, + "nauc_recall_at_10_std": -82.90334292052363, + "nauc_recall_at_1_diff1": 82.46330147467418, + "nauc_recall_at_1_max": 23.497664918373538, + "nauc_recall_at_1_std": -43.824657665520704, + "nauc_recall_at_20_diff1": 73.80140280887753, + "nauc_recall_at_20_max": 30.361616426734965, + "nauc_recall_at_20_std": -81.1418804447414, + "nauc_recall_at_3_diff1": 75.19854736087834, + "nauc_recall_at_3_max": 26.12298005045584, + "nauc_recall_at_3_std": -63.42583714745169, + "nauc_recall_at_5_diff1": 74.16423451950358, + "nauc_recall_at_5_max": 25.552390331018987, + "nauc_recall_at_5_std": -71.15891947773912, + "ndcg_at_1": 83.04, + "ndcg_at_10": 90.025, + "ndcg_at_100": 91.006, + "ndcg_at_1000": 91.061, + "ndcg_at_20": 90.556, + "ndcg_at_3": 87.493, + "ndcg_at_5": 88.955, + "precision_at_1": 83.04, + "precision_at_10": 13.667000000000002, + "precision_at_100": 1.542, + "precision_at_1000": 0.157, + "precision_at_20": 7.221, + "precision_at_3": 38.433, + "precision_at_5": 25.228, + "recall_at_1": 72.222, + "recall_at_10": 96.604, + "recall_at_100": 99.786, + "recall_at_1000": 99.996, + "recall_at_20": 98.253, + "recall_at_3": 89.276, + "recall_at_5": 93.46 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/RedditClustering.json b/results/dunzhang__stella_en_1.5B_v5/external/RedditClustering.json new file mode 100644 index 000000000..0b5185c90 --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/RedditClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 72.86492101891123, + "v_measure": 72.86492101891123, + "v_measure_std": 2.778711445144635 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/RedditClusteringP2P.json b/results/dunzhang__stella_en_1.5B_v5/external/RedditClusteringP2P.json new file mode 100644 index 000000000..c70409421 --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/RedditClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 75.27316726548479, + "v_measure": 75.27316726548479, + "v_measure_std": 8.87871936725338 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/SCIDOCS.json b/results/dunzhang__stella_en_1.5B_v5/external/SCIDOCS.json new file mode 100644 index 000000000..7b3c4482b --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/SCIDOCS.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f8c2fcf00f625baaa80f62ec5bd9e1fff3b8ae88", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 26.638, + "map_at_1": 6.128, + "map_at_10": 16.472, + "map_at_100": 19.522000000000002, + "map_at_1000": 19.898, + "map_at_20": 18.098, + "map_at_3": 11.283, + "map_at_5": 13.771, + "mrr_at_1": 30.2, + "mrr_at_10": 42.621150793650735, + "mrr_at_100": 43.740858712021954, + "mrr_at_1000": 43.762699500220904, + "mrr_at_20": 43.383639927753634, + "mrr_at_3": 38.83333333333331, + "mrr_at_5": 41.14833333333326, + "nauc_map_at_1000_diff1": 13.13534664124808, + "nauc_map_at_1000_max": 29.346654566149795, + "nauc_map_at_1000_std": 18.08121186982413, + "nauc_map_at_100_diff1": 13.098072728041538, + "nauc_map_at_100_max": 29.299084480697523, + "nauc_map_at_100_std": 17.961620202918464, + "nauc_map_at_10_diff1": 14.001743720394682, + "nauc_map_at_10_max": 28.04128290996403, + "nauc_map_at_10_std": 13.744481555974716, + "nauc_map_at_1_diff1": 22.1926640424872, + "nauc_map_at_1_max": 21.32609279586034, + "nauc_map_at_1_std": 6.566596302915438, + "nauc_map_at_20_diff1": 13.57313142419664, + "nauc_map_at_20_max": 28.93840146319476, + "nauc_map_at_20_std": 16.50869367365676, + "nauc_map_at_3_diff1": 17.707700541948462, + "nauc_map_at_3_max": 26.058174051376238, + "nauc_map_at_3_std": 9.943924560735267, + "nauc_map_at_5_diff1": 17.11844492157723, + "nauc_map_at_5_max": 27.865247403049388, + "nauc_map_at_5_std": 11.372588172121546, + "nauc_mrr_at_1000_diff1": 21.11248719936198, + "nauc_mrr_at_1000_max": 26.734172102201466, + "nauc_mrr_at_1000_std": 11.766121765437228, + "nauc_mrr_at_100_diff1": 21.107109982277702, + "nauc_mrr_at_100_max": 26.741616065723267, + "nauc_mrr_at_100_std": 11.789802686224208, + "nauc_mrr_at_10_diff1": 20.74108639793207, + "nauc_mrr_at_10_max": 26.920838463358333, + "nauc_mrr_at_10_std": 11.849217361926522, + "nauc_mrr_at_1_diff1": 22.177437860573356, + "nauc_mrr_at_1_max": 21.88074521417754, + "nauc_mrr_at_1_std": 6.776011900101789, + "nauc_mrr_at_20_diff1": 21.126633710175994, + "nauc_mrr_at_20_max": 26.860736480370974, + "nauc_mrr_at_20_std": 11.815411633726338, + "nauc_mrr_at_3_diff1": 21.689245200066466, + "nauc_mrr_at_3_max": 26.187305092831625, + "nauc_mrr_at_3_std": 10.895380313134332, + "nauc_mrr_at_5_diff1": 20.898811082479778, + "nauc_mrr_at_5_max": 26.939217247104036, + "nauc_mrr_at_5_std": 11.77832949822472, + "nauc_ndcg_at_1000_diff1": 13.251184947898546, + "nauc_ndcg_at_1000_max": 30.879594164526146, + "nauc_ndcg_at_1000_std": 23.125206047366625, + "nauc_ndcg_at_100_diff1": 12.549100649053676, + "nauc_ndcg_at_100_max": 30.634680845419123, + "nauc_ndcg_at_100_std": 23.296226055422984, + "nauc_ndcg_at_10_diff1": 14.475144549294322, + "nauc_ndcg_at_10_max": 29.450349815417336, + "nauc_ndcg_at_10_std": 15.94068314781612, + "nauc_ndcg_at_1_diff1": 22.177437860573356, + "nauc_ndcg_at_1_max": 21.88074521417754, + "nauc_ndcg_at_1_std": 6.776011900101789, + "nauc_ndcg_at_20_diff1": 14.173669585802266, + "nauc_ndcg_at_20_max": 30.475890854725, + "nauc_ndcg_at_20_std": 19.863898148221704, + "nauc_ndcg_at_3_diff1": 18.93971261196868, + "nauc_ndcg_at_3_max": 27.3707298720736, + "nauc_ndcg_at_3_std": 11.439810510051224, + "nauc_ndcg_at_5_diff1": 17.89535958094687, + "nauc_ndcg_at_5_max": 29.272740466638425, + "nauc_ndcg_at_5_std": 13.402467626635909, + "nauc_precision_at_1000_diff1": -3.811547048784123, + "nauc_precision_at_1000_max": 22.55165337197117, + "nauc_precision_at_1000_std": 35.98524999650108, + "nauc_precision_at_100_diff1": 0.6474234774922896, + "nauc_precision_at_100_max": 25.06920726527032, + "nauc_precision_at_100_std": 32.31439698982313, + "nauc_precision_at_10_diff1": 7.943127218139508, + "nauc_precision_at_10_max": 28.571937636787197, + "nauc_precision_at_10_std": 18.8472620918488, + "nauc_precision_at_1_diff1": 22.177437860573356, + "nauc_precision_at_1_max": 21.88074521417754, + "nauc_precision_at_1_std": 6.776011900101789, + "nauc_precision_at_20_diff1": 6.981574259607366, + "nauc_precision_at_20_max": 28.986094397038727, + "nauc_precision_at_20_std": 25.83129974001146, + "nauc_precision_at_3_diff1": 17.197490724039355, + "nauc_precision_at_3_max": 29.17569320583099, + "nauc_precision_at_3_std": 13.430554945991846, + "nauc_precision_at_5_diff1": 14.952364330739362, + "nauc_precision_at_5_max": 31.053243354846977, + "nauc_precision_at_5_std": 15.856312752807822, + "nauc_recall_at_1000_diff1": -4.8224253128926975, + "nauc_recall_at_1000_max": 21.3989024429911, + "nauc_recall_at_1000_std": 39.152234275603604, + "nauc_recall_at_100_diff1": 0.11936808422867201, + "nauc_recall_at_100_max": 24.261739241957823, + "nauc_recall_at_100_std": 32.62984573938928, + "nauc_recall_at_10_diff1": 7.851256165018388, + "nauc_recall_at_10_max": 27.936406600938746, + "nauc_recall_at_10_std": 18.683634320636113, + "nauc_recall_at_1_diff1": 22.1926640424872, + "nauc_recall_at_1_max": 21.32609279586034, + "nauc_recall_at_1_std": 6.566596302915438, + "nauc_recall_at_20_diff1": 6.8107211705182165, + "nauc_recall_at_20_max": 28.286284094687787, + "nauc_recall_at_20_std": 25.932013268120862, + "nauc_recall_at_3_diff1": 17.04156818427151, + "nauc_recall_at_3_max": 28.645439108719216, + "nauc_recall_at_3_std": 13.346047828494411, + "nauc_recall_at_5_diff1": 14.906284329771822, + "nauc_recall_at_5_max": 30.58628602415921, + "nauc_recall_at_5_std": 15.755157478191755, + "ndcg_at_1": 30.2, + "ndcg_at_10": 26.638, + "ndcg_at_100": 37.135, + "ndcg_at_1000": 42.576, + "ndcg_at_20": 30.75, + "ndcg_at_3": 24.675, + "ndcg_at_5": 21.836, + "precision_at_1": 30.2, + "precision_at_10": 14.06, + "precision_at_100": 2.904, + "precision_at_1000": 0.42, + "precision_at_20": 9.4, + "precision_at_3": 23.233, + "precision_at_5": 19.439999999999998, + "recall_at_1": 6.128, + "recall_at_10": 28.471999999999998, + "recall_at_100": 58.952000000000005, + "recall_at_1000": 85.137, + "recall_at_20": 38.17, + "recall_at_3": 14.127999999999998, + "recall_at_5": 19.673 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/SICK-R.json b/results/dunzhang__stella_en_1.5B_v5/external/SICK-R.json new file mode 100644 index 000000000..73b5f8949 --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 86.86608529160739, + "cosine_spearman": 82.88625166203383, + "euclidean_pearson": 84.15494418856142, + "euclidean_spearman": 82.88449294676421, + "main_score": 82.88625166203383, + "manhattan_pearson": 84.39068623474428, + "manhattan_spearman": 82.88065412169463, + "pearson": 86.86608529160739, + "spearman": 82.88625166203383 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/STS12.json b/results/dunzhang__stella_en_1.5B_v5/external/STS12.json new file mode 100644 index 000000000..ea806138a --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 87.0445014940449, + "cosine_spearman": 80.0880365116599, + "euclidean_pearson": 83.80250772928852, + "euclidean_spearman": 80.0892465260778, + "main_score": 80.0880365116599, + "manhattan_pearson": 83.96793981929336, + "manhattan_spearman": 80.24881789268238, + "pearson": 87.0445014940449, + "spearman": 80.0880365116599 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/STS13.json b/results/dunzhang__stella_en_1.5B_v5/external/STS13.json new file mode 100644 index 000000000..755ede616 --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 89.33900828959968, + "cosine_spearman": 89.68256358526733, + "euclidean_pearson": 89.29188708262265, + "euclidean_spearman": 89.68204344658601, + "main_score": 89.68256358526733, + "manhattan_pearson": 89.13996588193149, + "manhattan_spearman": 89.61372804425623, + "pearson": 89.33900828959968, + "spearman": 89.68256358526733 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/STS14.json b/results/dunzhang__stella_en_1.5B_v5/external/STS14.json new file mode 100644 index 000000000..62ac3c09d --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 86.42029843639123, + "cosine_spearman": 85.0707889220723, + "euclidean_pearson": 85.75114239552562, + "euclidean_spearman": 85.06858160270725, + "main_score": 85.0707889220723, + "manhattan_pearson": 85.86461900459038, + "manhattan_spearman": 85.28671103475605, + "pearson": 86.42029843639123, + "spearman": 85.0707889220723 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/STS15.json b/results/dunzhang__stella_en_1.5B_v5/external/STS15.json new file mode 100644 index 000000000..e4f70211d --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 88.3660081271444, + "cosine_spearman": 89.39375083609528, + "euclidean_pearson": 89.21818482894895, + "euclidean_spearman": 89.39361588875443, + "main_score": 89.39375083609528, + "manhattan_pearson": 89.53535068014057, + "manhattan_spearman": 89.81077130567752, + "pearson": 88.3660081271444, + "spearman": 89.39375083609528 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/STS16.json b/results/dunzhang__stella_en_1.5B_v5/external/STS16.json new file mode 100644 index 000000000..222212b8c --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 85.60708247171874, + "cosine_spearman": 87.15234952832193, + "euclidean_pearson": 86.21743555548137, + "euclidean_spearman": 87.14450217418016, + "main_score": 87.15234952832193, + "manhattan_pearson": 86.2467748746084, + "manhattan_spearman": 87.2197479717654, + "pearson": 85.60708247171874, + "spearman": 87.15234952832193 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/STS17.json b/results/dunzhang__stella_en_1.5B_v5/external/STS17.json new file mode 100644 index 000000000..645473987 --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "faeb762787bd10488a50c8b5be4a3b82e411949c", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 91.25898556808458, + "cosine_spearman": 91.35372390581641, + "euclidean_pearson": 91.319520321348, + "euclidean_spearman": 91.30821135416925, + "main_score": 91.35372390581641, + "manhattan_pearson": 91.14800959939069, + "manhattan_spearman": 91.09775424245629, + "pearson": 91.25898556808458, + "spearman": 91.35372390581641 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/STS22.json b/results/dunzhang__stella_en_1.5B_v5/external/STS22.json new file mode 100644 index 000000000..9122a5587 --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "de9d86b3b84231dc21f76c7b7af1f28e2f57f6e3", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 67.61637111515797, + "cosine_spearman": 68.10379096526697, + "euclidean_pearson": 69.2652309491375, + "euclidean_spearman": 68.18436357033228, + "main_score": 68.10379096526697, + "manhattan_pearson": 69.52531340510775, + "manhattan_spearman": 68.17874790391862, + "pearson": 67.61637111515797, + "spearman": 68.10379096526697 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/STSBenchmark.json b/results/dunzhang__stella_en_1.5B_v5/external/STSBenchmark.json new file mode 100644 index 000000000..dca5c3655 --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 87.81592853782297, + "cosine_spearman": 88.2302550329183, + "euclidean_pearson": 88.01165144519526, + "euclidean_spearman": 88.23342148890097, + "main_score": 88.2302550329183, + "manhattan_pearson": 88.148592564938, + "manhattan_spearman": 88.49226317320988, + "pearson": 87.81592853782297, + "spearman": 88.2302550329183 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/SciDocsRR.json b/results/dunzhang__stella_en_1.5B_v5/external/SciDocsRR.json new file mode 100644 index 000000000..1a21faa1c --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/SciDocsRR.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 89.196009707431, + "map": 89.196009707431, + "mrr": 97.07198121413808, + "nAUC_map_diff1": -14.066667940115352, + "nAUC_map_max": 49.73702475027407, + "nAUC_map_std": 64.0986775782592, + "nAUC_mrr_diff1": 21.96846389417319, + "nAUC_mrr_max": 86.38341077184032, + "nAUC_mrr_std": 75.38945014727746 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/SciFact.json b/results/dunzhang__stella_en_1.5B_v5/external/SciFact.json new file mode 100644 index 000000000..769d319cd --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/SciFact.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 80.08999999999999, + "map_at_1": 63.161, + "map_at_10": 75.163, + "map_at_100": 75.408, + "map_at_1000": 75.409, + "map_at_20": 75.332, + "map_at_3": 71.839, + "map_at_5": 74.32600000000001, + "mrr_at_1": 66.33333333333333, + "mrr_at_10": 75.95978835978836, + "mrr_at_100": 76.15647881281473, + "mrr_at_1000": 76.15736533763744, + "mrr_at_20": 76.08557368557368, + "mrr_at_3": 73.55555555555556, + "mrr_at_5": 75.4888888888889, + "nauc_map_at_1000_diff1": 77.31229383811176, + "nauc_map_at_1000_max": 58.848319058605156, + "nauc_map_at_1000_std": -14.290090263454985, + "nauc_map_at_100_diff1": 77.31325400213969, + "nauc_map_at_100_max": 58.848885054155275, + "nauc_map_at_100_std": -14.285806618869273, + "nauc_map_at_10_diff1": 77.1806705504232, + "nauc_map_at_10_max": 59.02905805134415, + "nauc_map_at_10_std": -14.132954900037467, + "nauc_map_at_1_diff1": 81.03932970557837, + "nauc_map_at_1_max": 49.02073230264529, + "nauc_map_at_1_std": -22.977452975845512, + "nauc_map_at_20_diff1": 77.22581364818562, + "nauc_map_at_20_max": 58.90740400399768, + "nauc_map_at_20_std": -14.245079150986745, + "nauc_map_at_3_diff1": 76.99793243255563, + "nauc_map_at_3_max": 54.9930733886623, + "nauc_map_at_3_std": -19.297708446082407, + "nauc_map_at_5_diff1": 77.1671608360295, + "nauc_map_at_5_max": 57.27757489519526, + "nauc_map_at_5_std": -15.446338357667708, + "nauc_mrr_at_1000_diff1": 77.4806080821202, + "nauc_mrr_at_1000_max": 60.9213776129792, + "nauc_mrr_at_1000_std": -12.139599632228343, + "nauc_mrr_at_100_diff1": 77.48158073865281, + "nauc_mrr_at_100_max": 60.9218657185361, + "nauc_mrr_at_100_std": -12.13532070453677, + "nauc_mrr_at_10_diff1": 77.32428546014407, + "nauc_mrr_at_10_max": 61.018407010343466, + "nauc_mrr_at_10_std": -12.143193773309347, + "nauc_mrr_at_1_diff1": 80.99806778887115, + "nauc_mrr_at_1_max": 59.17855969530095, + "nauc_mrr_at_1_std": -12.30545640831458, + "nauc_mrr_at_20_diff1": 77.3811067653992, + "nauc_mrr_at_20_max": 60.9648880366335, + "nauc_mrr_at_20_std": -12.124066076541853, + "nauc_mrr_at_3_diff1": 77.31304316321959, + "nauc_mrr_at_3_max": 60.75536766404163, + "nauc_mrr_at_3_std": -12.997876030849623, + "nauc_mrr_at_5_diff1": 77.12952864141742, + "nauc_mrr_at_5_max": 60.995943754968685, + "nauc_mrr_at_5_std": -11.353447465605694, + "nauc_ndcg_at_1000_diff1": 76.81788665683746, + "nauc_ndcg_at_1000_max": 60.35947755262391, + "nauc_ndcg_at_1000_std": -12.884942372460362, + "nauc_ndcg_at_100_diff1": 76.87388230365198, + "nauc_ndcg_at_100_max": 60.38813162962434, + "nauc_ndcg_at_100_std": -12.64384717800478, + "nauc_ndcg_at_10_diff1": 75.87713506026317, + "nauc_ndcg_at_10_max": 61.39356554675667, + "nauc_ndcg_at_10_std": -12.144227584144218, + "nauc_ndcg_at_1_diff1": 80.99806778887115, + "nauc_ndcg_at_1_max": 59.17855969530095, + "nauc_ndcg_at_1_std": -12.30545640831458, + "nauc_ndcg_at_20_diff1": 76.09913944506627, + "nauc_ndcg_at_20_max": 61.01644448834147, + "nauc_ndcg_at_20_std": -12.456209267623857, + "nauc_ndcg_at_3_diff1": 75.52717946614608, + "nauc_ndcg_at_3_max": 58.96433090721983, + "nauc_ndcg_at_3_std": -15.849280494339556, + "nauc_ndcg_at_5_diff1": 75.69026981016921, + "nauc_ndcg_at_5_max": 58.924044405851326, + "nauc_ndcg_at_5_std": -13.182728827923107, + "nauc_precision_at_1000_diff1": -31.634022001609914, + "nauc_precision_at_1000_max": 31.46271490784504, + "nauc_precision_at_1000_std": 60.44801276891442, + "nauc_precision_at_100_diff1": -29.722363469948103, + "nauc_precision_at_100_max": 32.05464592020074, + "nauc_precision_at_100_std": 60.832570595613554, + "nauc_precision_at_10_diff1": -11.91731376599939, + "nauc_precision_at_10_max": 45.43646553157129, + "nauc_precision_at_10_std": 52.962408871791276, + "nauc_precision_at_1_diff1": 80.99806778887115, + "nauc_precision_at_1_max": 59.17855969530095, + "nauc_precision_at_1_std": -12.30545640831458, + "nauc_precision_at_20_diff1": -18.43293701721667, + "nauc_precision_at_20_max": 39.53434874203934, + "nauc_precision_at_20_std": 53.6291982468461, + "nauc_precision_at_3_diff1": 30.84789043003892, + "nauc_precision_at_3_max": 55.660727758110376, + "nauc_precision_at_3_std": 17.87243920840355, + "nauc_precision_at_5_diff1": 4.099395181445625, + "nauc_precision_at_5_max": 50.346770968709386, + "nauc_precision_at_5_std": 44.66722483255029, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": 100.0, + "nauc_recall_at_100_max": 72.2222222222207, + "nauc_recall_at_100_std": 86.92810457516407, + "nauc_recall_at_10_diff1": 62.18887555022005, + "nauc_recall_at_10_max": 75.14339068960916, + "nauc_recall_at_10_std": -1.4912631719357108, + "nauc_recall_at_1_diff1": 81.03932970557837, + "nauc_recall_at_1_max": 49.02073230264529, + "nauc_recall_at_1_std": -22.977452975845512, + "nauc_recall_at_20_diff1": 59.27414444038499, + "nauc_recall_at_20_max": 76.32241302318047, + "nauc_recall_at_20_std": -0.8322169447488666, + "nauc_recall_at_3_diff1": 69.58783002593157, + "nauc_recall_at_3_max": 55.89660919896563, + "nauc_recall_at_3_std": -21.183005510917862, + "nauc_recall_at_5_diff1": 65.53660499878802, + "nauc_recall_at_5_max": 58.218018535135805, + "nauc_recall_at_5_std": -8.328952210032455, + "ndcg_at_1": 66.333, + "ndcg_at_10": 80.08999999999999, + "ndcg_at_100": 81.24900000000001, + "ndcg_at_1000": 81.28800000000001, + "ndcg_at_20": 80.625, + "ndcg_at_3": 74.98700000000001, + "ndcg_at_5": 78.553, + "precision_at_1": 66.333, + "precision_at_10": 10.667, + "precision_at_100": 1.127, + "precision_at_1000": 0.11299999999999999, + "precision_at_20": 5.45, + "precision_at_3": 29.555999999999997, + "precision_at_5": 20.133000000000003, + "recall_at_1": 63.161, + "recall_at_10": 94.167, + "recall_at_100": 99.667, + "recall_at_1000": 100.0, + "recall_at_20": 96.167, + "recall_at_3": 80.972, + "recall_at_5": 89.90599999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/SprintDuplicateQuestions.json b/results/dunzhang__stella_en_1.5B_v5/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..1b787034b --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/SprintDuplicateQuestions.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 99.81881188118813, + "cosine_accuracy_threshold": 85.55081486701965, + "cosine_ap": 96.0359661816236, + "cosine_f1": 90.6584992343032, + "cosine_f1_threshold": 84.82859134674072, + "cosine_precision": 92.59645464025026, + "cosine_recall": 88.8, + "dot_accuracy": 99.81881188118813, + "dot_accuracy_threshold": 84.91908311843872, + "dot_ap": 96.05740121094365, + "dot_f1": 90.81885856079404, + "dot_f1_threshold": 83.84919166564941, + "dot_precision": 90.14778325123153, + "dot_recall": 91.5, + "euclidean_accuracy": 99.82079207920792, + "euclidean_accuracy_threshold": 54.49706315994263, + "euclidean_ap": 96.03223527068818, + "euclidean_f1": 90.72270630445925, + "euclidean_f1_threshold": 54.49706315994263, + "euclidean_precision": 93.05993690851734, + "euclidean_recall": 88.5, + "main_score": 96.32671902439806, + "manhattan_accuracy": 99.83267326732673, + "manhattan_accuracy_threshold": 3818.192672729492, + "manhattan_ap": 96.32671902439806, + "manhattan_f1": 91.52032112393378, + "manhattan_f1_threshold": 3818.192672729492, + "manhattan_precision": 91.8429003021148, + "manhattan_recall": 91.2, + "max_ap": 96.32671902439806, + "max_f1": 91.52032112393378, + "max_precision": 93.05993690851734, + "max_recall": 91.5, + "similarity_accuracy": 99.81881188118813, + "similarity_accuracy_threshold": 85.55081486701965, + "similarity_ap": 96.0359661816236, + "similarity_f1": 90.6584992343032, + "similarity_f1_threshold": 84.82859134674072, + "similarity_precision": 92.59645464025026, + "similarity_recall": 88.8 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/StackExchangeClustering.json b/results/dunzhang__stella_en_1.5B_v5/external/StackExchangeClustering.json new file mode 100644 index 000000000..ffc23ec54 --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/StackExchangeClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 80.28558559137414, + "v_measure": 80.28558559137414, + "v_measure_std": 2.795276520287584 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/StackExchangeClusteringP2P.json b/results/dunzhang__stella_en_1.5B_v5/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..59f3713de --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/StackExchangeClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 49.57135582416209, + "v_measure": 49.57135582416209, + "v_measure_std": 1.6414135468423754 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/StackOverflowDupQuestions.json b/results/dunzhang__stella_en_1.5B_v5/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..fe7e00962 --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/StackOverflowDupQuestions.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 55.253002583598644, + "map": 55.253002583598644, + "mrr": 56.24172396231219, + "nAUC_map_diff1": 40.00053248203427, + "nAUC_map_max": 10.05441740585869, + "nAUC_map_std": 8.227169286387552, + "nAUC_mrr_diff1": 40.250446264233744, + "nAUC_mrr_max": 10.586310195339053, + "nAUC_mrr_std": 8.47326494370076 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/SummEval.json b/results/dunzhang__stella_en_1.5B_v5/external/SummEval.json new file mode 100644 index 000000000..433a70631 --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 31.19874648747059, + "cosine_spearman": 31.493550648844863, + "dot_pearson": 31.157847680289407, + "dot_spearman": 31.575299712180538, + "main_score": 31.493550648844863, + "pearson": 31.19874648747059, + "spearman": 31.493550648844863 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/TRECCOVID.json b/results/dunzhang__stella_en_1.5B_v5/external/TRECCOVID.json new file mode 100644 index 000000000..54426e5d5 --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/TRECCOVID.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "bb9466bac8153a0349341eb1b22e06409e78ef4e", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 85.983, + "map_at_1": 0.247, + "map_at_10": 2.177, + "map_at_100": 14.804, + "map_at_1000": 37.045, + "map_at_20": 4.12, + "map_at_3": 0.7000000000000001, + "map_at_5": 1.1320000000000001, + "mrr_at_1": 96.0, + "mrr_at_10": 98.0, + "mrr_at_100": 98.0, + "mrr_at_1000": 98.0, + "mrr_at_20": 98.0, + "mrr_at_3": 98.0, + "mrr_at_5": 98.0, + "nauc_map_at_1000_diff1": -0.9165125200337213, + "nauc_map_at_1000_max": 40.260117798042764, + "nauc_map_at_1000_std": 71.72789335831554, + "nauc_map_at_100_diff1": 20.493827311583953, + "nauc_map_at_100_max": 21.005742079276462, + "nauc_map_at_100_std": 62.53815607831659, + "nauc_map_at_10_diff1": 31.289297684528215, + "nauc_map_at_10_max": 7.86554294370268, + "nauc_map_at_10_std": 37.26191657133897, + "nauc_map_at_1_diff1": 25.57568148849456, + "nauc_map_at_1_max": -5.9767435623941445, + "nauc_map_at_1_std": 30.849871717506755, + "nauc_map_at_20_diff1": 30.896018204532087, + "nauc_map_at_20_max": 8.667077299744314, + "nauc_map_at_20_std": 41.512687168412924, + "nauc_map_at_3_diff1": 29.44724521006598, + "nauc_map_at_3_max": 1.597496889532064, + "nauc_map_at_3_std": 32.25013773854697, + "nauc_map_at_5_diff1": 27.387036605618825, + "nauc_map_at_5_max": 5.402983746211454, + "nauc_map_at_5_std": 33.940523962472184, + "nauc_mrr_at_1000_diff1": -14.122315592903503, + "nauc_mrr_at_1000_max": 33.84687208216605, + "nauc_mrr_at_1000_std": 86.11111111111092, + "nauc_mrr_at_100_diff1": -14.122315592903503, + "nauc_mrr_at_100_max": 33.84687208216605, + "nauc_mrr_at_100_std": 86.11111111111092, + "nauc_mrr_at_10_diff1": -14.122315592903503, + "nauc_mrr_at_10_max": 33.84687208216605, + "nauc_mrr_at_10_std": 86.11111111111092, + "nauc_mrr_at_1_diff1": -14.122315592903831, + "nauc_mrr_at_1_max": 33.84687208216637, + "nauc_mrr_at_1_std": 86.11111111111124, + "nauc_mrr_at_20_diff1": -14.122315592903503, + "nauc_mrr_at_20_max": 33.84687208216605, + "nauc_mrr_at_20_std": 86.11111111111092, + "nauc_mrr_at_3_diff1": -14.122315592903503, + "nauc_mrr_at_3_max": 33.84687208216605, + "nauc_mrr_at_3_std": 86.11111111111092, + "nauc_mrr_at_5_diff1": -14.122315592903503, + "nauc_mrr_at_5_max": 33.84687208216605, + "nauc_mrr_at_5_std": 86.11111111111092, + "nauc_ndcg_at_1000_diff1": 8.745907669561928, + "nauc_ndcg_at_1000_max": 45.43307237994533, + "nauc_ndcg_at_1000_std": 74.93357447176336, + "nauc_ndcg_at_100_diff1": -3.9719350773353765, + "nauc_ndcg_at_100_max": 44.43705332397461, + "nauc_ndcg_at_100_std": 61.59493812371758, + "nauc_ndcg_at_10_diff1": 15.230915878367348, + "nauc_ndcg_at_10_max": 48.332840970836635, + "nauc_ndcg_at_10_std": 46.888785065125774, + "nauc_ndcg_at_1_diff1": 13.219732337379442, + "nauc_ndcg_at_1_max": 45.19919078742603, + "nauc_ndcg_at_1_std": 64.68253968253977, + "nauc_ndcg_at_20_diff1": 12.479648691964865, + "nauc_ndcg_at_20_max": 48.76688248450331, + "nauc_ndcg_at_20_std": 51.450399755887545, + "nauc_ndcg_at_3_diff1": 6.165414201871464, + "nauc_ndcg_at_3_max": 45.089689347691035, + "nauc_ndcg_at_3_std": 41.08249161845213, + "nauc_ndcg_at_5_diff1": 7.411245806844721, + "nauc_ndcg_at_5_max": 47.818748093538076, + "nauc_ndcg_at_5_std": 45.907685763676575, + "nauc_precision_at_1000_diff1": -30.574290219847345, + "nauc_precision_at_1000_max": 32.56926126118719, + "nauc_precision_at_1000_std": 14.584504392628874, + "nauc_precision_at_100_diff1": -10.199740234718847, + "nauc_precision_at_100_max": 41.0213226769777, + "nauc_precision_at_100_std": 56.975760776771324, + "nauc_precision_at_10_diff1": 7.865792689701161, + "nauc_precision_at_10_max": 52.00432275201737, + "nauc_precision_at_10_std": 43.89512276413724, + "nauc_precision_at_1_diff1": -14.122315592903831, + "nauc_precision_at_1_max": 33.84687208216637, + "nauc_precision_at_1_std": 86.11111111111124, + "nauc_precision_at_20_diff1": 5.481424191880084, + "nauc_precision_at_20_max": 46.86629331792725, + "nauc_precision_at_20_std": 49.245692667517496, + "nauc_precision_at_3_diff1": -5.870408807869163, + "nauc_precision_at_3_max": 48.73657612128875, + "nauc_precision_at_3_std": 41.15152062088262, + "nauc_precision_at_5_diff1": -4.550610529125413, + "nauc_precision_at_5_max": 60.390115878205386, + "nauc_precision_at_5_std": 44.16494295055696, + "nauc_recall_at_1000_diff1": 8.047794367079034, + "nauc_recall_at_1000_max": 37.07551482870489, + "nauc_recall_at_1000_std": 66.20862163364201, + "nauc_recall_at_100_diff1": 25.08104923597475, + "nauc_recall_at_100_max": 9.971294642165734, + "nauc_recall_at_100_std": 51.737814074891254, + "nauc_recall_at_10_diff1": 32.33148478369628, + "nauc_recall_at_10_max": 1.3767192150014917, + "nauc_recall_at_10_std": 30.801926742876308, + "nauc_recall_at_1_diff1": 25.57568148849456, + "nauc_recall_at_1_max": -5.9767435623941445, + "nauc_recall_at_1_std": 30.849871717506755, + "nauc_recall_at_20_diff1": 31.716580022934654, + "nauc_recall_at_20_max": -0.1281270579464631, + "nauc_recall_at_20_std": 33.76185294993676, + "nauc_recall_at_3_diff1": 29.758810004388348, + "nauc_recall_at_3_max": -1.9442985017191816, + "nauc_recall_at_3_std": 27.45550076962206, + "nauc_recall_at_5_diff1": 27.047710181576672, + "nauc_recall_at_5_max": 1.5237000700880248, + "nauc_recall_at_5_std": 28.235297950159698, + "ndcg_at_1": 94.0, + "ndcg_at_10": 85.983, + "ndcg_at_100": 69.195, + "ndcg_at_1000": 62.541000000000004, + "ndcg_at_20": 83.405, + "ndcg_at_3": 89.98899999999999, + "ndcg_at_5": 87.905, + "precision_at_1": 96.0, + "precision_at_10": 89.4, + "precision_at_100": 71.54, + "precision_at_1000": 27.594, + "precision_at_20": 87.2, + "precision_at_3": 92.667, + "precision_at_5": 90.8, + "recall_at_1": 0.247, + "recall_at_10": 2.315, + "recall_at_100": 17.574, + "recall_at_1000": 59.336999999999996, + "recall_at_20": 4.491, + "recall_at_3": 0.7250000000000001, + "recall_at_5": 1.1820000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/Touche2020.json b/results/dunzhang__stella_en_1.5B_v5/external/Touche2020.json new file mode 100644 index 000000000..711b640f6 --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/Touche2020.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 29.944, + "map_at_1": 3.064, + "map_at_10": 11.501999999999999, + "map_at_100": 18.736, + "map_at_1000": 20.333000000000002, + "map_at_20": 14.057, + "map_at_3": 6.300999999999999, + "map_at_5": 8.463, + "mrr_at_1": 44.89795918367347, + "mrr_at_10": 58.41188856494979, + "mrr_at_100": 58.93964266413245, + "mrr_at_1000": 58.93964266413245, + "mrr_at_20": 58.767485349118, + "mrr_at_3": 54.42176870748299, + "mrr_at_5": 56.666666666666664, + "nauc_map_at_1000_diff1": 11.478593385608479, + "nauc_map_at_1000_max": 10.309889845044324, + "nauc_map_at_1000_std": 21.16721939940238, + "nauc_map_at_100_diff1": 11.570438543562418, + "nauc_map_at_100_max": 8.426183648064834, + "nauc_map_at_100_std": 18.56231985033613, + "nauc_map_at_10_diff1": 22.37735506247481, + "nauc_map_at_10_max": 5.455946239060806, + "nauc_map_at_10_std": -4.2848826518388154, + "nauc_map_at_1_diff1": 27.853645380676824, + "nauc_map_at_1_max": 7.30739948053113, + "nauc_map_at_1_std": -0.2773663157814586, + "nauc_map_at_20_diff1": 14.724669779924648, + "nauc_map_at_20_max": 10.12882779173533, + "nauc_map_at_20_std": 4.4803777672120875, + "nauc_map_at_3_diff1": 31.891173385921263, + "nauc_map_at_3_max": 4.889652271827218, + "nauc_map_at_3_std": -9.477460238651643, + "nauc_map_at_5_diff1": 31.489012040465003, + "nauc_map_at_5_max": 1.7330092417337482, + "nauc_map_at_5_std": -8.137018608469637, + "nauc_mrr_at_1000_diff1": 24.411522237082416, + "nauc_mrr_at_1000_max": 11.286971076556688, + "nauc_mrr_at_1000_std": 23.443174210894043, + "nauc_mrr_at_100_diff1": 24.411522237082416, + "nauc_mrr_at_100_max": 11.286971076556688, + "nauc_mrr_at_100_std": 23.443174210894043, + "nauc_mrr_at_10_diff1": 23.948152308265186, + "nauc_mrr_at_10_max": 12.22420979621155, + "nauc_mrr_at_10_std": 23.557939024705544, + "nauc_mrr_at_1_diff1": 17.902334894536107, + "nauc_mrr_at_1_max": 17.36969662861018, + "nauc_mrr_at_1_std": 19.425714969048734, + "nauc_mrr_at_20_diff1": 24.635893795899797, + "nauc_mrr_at_20_max": 11.330541067194913, + "nauc_mrr_at_20_std": 23.74518583400233, + "nauc_mrr_at_3_diff1": 25.045536328282587, + "nauc_mrr_at_3_max": 7.497967004732733, + "nauc_mrr_at_3_std": 24.167153007320078, + "nauc_mrr_at_5_diff1": 24.328479930592454, + "nauc_mrr_at_5_max": 10.037126854938336, + "nauc_mrr_at_5_std": 25.236208055346136, + "nauc_ndcg_at_1000_diff1": 15.555347444667389, + "nauc_ndcg_at_1000_max": 13.356591700655718, + "nauc_ndcg_at_1000_std": 42.42395845935052, + "nauc_ndcg_at_100_diff1": 13.110526060413708, + "nauc_ndcg_at_100_max": 3.140006440162515, + "nauc_ndcg_at_100_std": 39.02733288398033, + "nauc_ndcg_at_10_diff1": 20.68853369009725, + "nauc_ndcg_at_10_max": 2.435389817058852, + "nauc_ndcg_at_10_std": 10.038202768784316, + "nauc_ndcg_at_1_diff1": 20.17287594582385, + "nauc_ndcg_at_1_max": 12.487205168273196, + "nauc_ndcg_at_1_std": 20.639827614373075, + "nauc_ndcg_at_20_diff1": 16.987577348502985, + "nauc_ndcg_at_20_max": 2.9978717644469266, + "nauc_ndcg_at_20_std": 13.015690866750354, + "nauc_ndcg_at_3_diff1": 32.392223079245575, + "nauc_ndcg_at_3_max": 1.587587110582544, + "nauc_ndcg_at_3_std": 12.850592473446609, + "nauc_ndcg_at_5_diff1": 32.80244517369626, + "nauc_ndcg_at_5_max": 5.8939933777508084, + "nauc_ndcg_at_5_std": 15.779687411463414, + "nauc_precision_at_1000_diff1": -14.314031720452537, + "nauc_precision_at_1000_max": 32.87886666567266, + "nauc_precision_at_1000_std": 21.49347046886851, + "nauc_precision_at_100_diff1": -9.4034008613839, + "nauc_precision_at_100_max": 16.784075123309645, + "nauc_precision_at_100_std": 73.14688535393604, + "nauc_precision_at_10_diff1": 6.855101404043058, + "nauc_precision_at_10_max": 6.52491228645612, + "nauc_precision_at_10_std": 16.104602266016744, + "nauc_precision_at_1_diff1": 17.902334894536107, + "nauc_precision_at_1_max": 17.36969662861018, + "nauc_precision_at_1_std": 19.425714969048734, + "nauc_precision_at_20_diff1": -5.337534613602212, + "nauc_precision_at_20_max": 17.722925454767218, + "nauc_precision_at_20_std": 34.26680462132849, + "nauc_precision_at_3_diff1": 31.054623397809255, + "nauc_precision_at_3_max": -0.92038600946826, + "nauc_precision_at_3_std": 8.326997076862916, + "nauc_precision_at_5_diff1": 29.784942296920462, + "nauc_precision_at_5_max": 6.337469263434779, + "nauc_precision_at_5_std": 12.789597196020974, + "nauc_recall_at_1000_diff1": -3.8177981862041364, + "nauc_recall_at_1000_max": 14.206064332229163, + "nauc_recall_at_1000_std": 74.18853420771269, + "nauc_recall_at_100_diff1": 0.7677996771461106, + "nauc_recall_at_100_max": -4.139924106878441, + "nauc_recall_at_100_std": 48.319930706362896, + "nauc_recall_at_10_diff1": 12.038835537494322, + "nauc_recall_at_10_max": -2.0498983557854418, + "nauc_recall_at_10_std": -2.0339180690854493, + "nauc_recall_at_1_diff1": 27.853645380676824, + "nauc_recall_at_1_max": 7.30739948053113, + "nauc_recall_at_1_std": -0.2773663157814586, + "nauc_recall_at_20_diff1": 0.7907893667756708, + "nauc_recall_at_20_max": 0.8795499810558195, + "nauc_recall_at_20_std": 11.512483291688282, + "nauc_recall_at_3_diff1": 33.19440392639576, + "nauc_recall_at_3_max": -1.5494237697432613, + "nauc_recall_at_3_std": -8.560408808376984, + "nauc_recall_at_5_diff1": 27.42193873870941, + "nauc_recall_at_5_max": -4.74350293281128, + "nauc_recall_at_5_std": -7.618060131179654, + "ndcg_at_1": 42.857, + "ndcg_at_10": 29.944, + "ndcg_at_100": 42.624, + "ndcg_at_1000": 53.384, + "ndcg_at_20": 30.135, + "ndcg_at_3": 34.847, + "ndcg_at_5": 32.573, + "precision_at_1": 44.897999999999996, + "precision_at_10": 25.306, + "precision_at_100": 8.694, + "precision_at_1000": 1.616, + "precision_at_20": 19.082, + "precision_at_3": 34.014, + "precision_at_5": 31.019999999999996, + "recall_at_1": 3.064, + "recall_at_10": 17.849999999999998, + "recall_at_100": 53.217999999999996, + "recall_at_1000": 87.095, + "recall_at_20": 26.111, + "recall_at_3": 7.383000000000001, + "recall_at_5": 11.434 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/ToxicConversationsClassification.json b/results/dunzhang__stella_en_1.5B_v5/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..1ecc93e87 --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/ToxicConversationsClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 88.759765625, + "ap": 36.49152357863017, + "ap_weighted": 36.49152357863017, + "f1": 74.4692714448641, + "f1_weighted": 90.54372649306606, + "main_score": 88.759765625 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/TweetSentimentExtractionClassification.json b/results/dunzhang__stella_en_1.5B_v5/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..0fc8374e6 --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.8443689869836, + "f1": 75.1139662898148, + "f1_weighted": 74.7369003946243, + "main_score": 74.8443689869836 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/TwentyNewsgroupsClustering.json b/results/dunzhang__stella_en_1.5B_v5/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..e4eb37973 --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 61.42918790942448, + "v_measure": 61.42918790942448, + "v_measure_std": 1.0156550098843082 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/TwitterSemEval2015.json b/results/dunzhang__stella_en_1.5B_v5/external/TwitterSemEval2015.json new file mode 100644 index 000000000..afe519f63 --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/TwitterSemEval2015.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 88.22197055492639, + "cosine_accuracy_threshold": 83.30042362213135, + "cosine_ap": 80.57754959194938, + "cosine_f1": 73.70579190158894, + "cosine_f1_threshold": 81.04978799819946, + "cosine_precision": 71.64922770303936, + "cosine_recall": 75.8839050131926, + "dot_accuracy": 88.23985217857782, + "dot_accuracy_threshold": 83.31039547920227, + "dot_ap": 80.57533213448181, + "dot_f1": 73.61309601143302, + "dot_f1_threshold": 81.33968114852905, + "dot_precision": 72.51087791144101, + "dot_recall": 74.74934036939314, + "euclidean_accuracy": 88.22197055492639, + "euclidean_accuracy_threshold": 58.290231227874756, + "euclidean_ap": 80.57982723880139, + "euclidean_f1": 73.63426519620417, + "euclidean_f1_threshold": 61.55576705932617, + "euclidean_precision": 71.63173652694611, + "euclidean_recall": 75.75197889182058, + "main_score": 80.57982723880139, + "manhattan_accuracy": 88.14448351910353, + "manhattan_accuracy_threshold": 3907.2471618652344, + "manhattan_ap": 80.3538079655539, + "manhattan_f1": 73.40466675261054, + "manhattan_f1_threshold": 4103.794097900391, + "manhattan_precision": 71.76707839677337, + "manhattan_recall": 75.11873350923483, + "max_ap": 80.57982723880139, + "max_f1": 73.70579190158894, + "max_precision": 72.51087791144101, + "max_recall": 75.8839050131926, + "similarity_accuracy": 88.22197055492639, + "similarity_accuracy_threshold": 83.30042362213135, + "similarity_ap": 80.57754959194938, + "similarity_f1": 73.70579190158894, + "similarity_f1_threshold": 81.04978799819946, + "similarity_precision": 71.64922770303936, + "similarity_recall": 75.8839050131926 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/TwitterURLCorpus.json b/results/dunzhang__stella_en_1.5B_v5/external/TwitterURLCorpus.json new file mode 100644 index 000000000..0d422a325 --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/TwitterURLCorpus.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 89.88628866379477, + "cosine_accuracy_threshold": 80.8050274848938, + "cosine_ap": 87.57594591596816, + "cosine_f1": 80.0812257707218, + "cosine_f1_threshold": 77.990061044693, + "cosine_precision": 76.93126197063205, + "cosine_recall": 83.50015398829689, + "dot_accuracy": 89.87852679784221, + "dot_accuracy_threshold": 80.84419965744019, + "dot_ap": 87.56136742222151, + "dot_f1": 80.05898617511521, + "dot_f1_threshold": 77.92385816574097, + "dot_precision": 76.80554573106035, + "dot_recall": 83.60024638127503, + "euclidean_accuracy": 89.86882446540149, + "euclidean_accuracy_threshold": 62.08193898200989, + "euclidean_ap": 87.57517549192228, + "euclidean_f1": 80.05286925872892, + "euclidean_f1_threshold": 66.65036082267761, + "euclidean_precision": 76.51063232507545, + "euclidean_recall": 83.93902063443178, + "main_score": 87.64162614197194, + "manhattan_accuracy": 89.8959909962355, + "manhattan_accuracy_threshold": 4176.108169555664, + "manhattan_ap": 87.64162614197194, + "manhattan_f1": 80.17116279069768, + "manhattan_f1_threshold": 4433.153533935547, + "manhattan_precision": 77.57615035644848, + "manhattan_recall": 82.94579611949491, + "max_ap": 87.64162614197194, + "max_f1": 80.17116279069768, + "max_precision": 77.57615035644848, + "max_recall": 83.93902063443178, + "similarity_accuracy": 89.88628866379477, + "similarity_accuracy_threshold": 80.8050274848938, + "similarity_ap": 87.57594591596816, + "similarity_f1": 80.0812257707218, + "similarity_f1_threshold": 77.990061044693, + "similarity_precision": 76.93126197063205, + "similarity_recall": 83.50015398829689 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_1.5B_v5/external/model_meta.json b/results/dunzhang__stella_en_1.5B_v5/external/model_meta.json new file mode 100644 index 000000000..d143be590 --- /dev/null +++ b/results/dunzhang__stella_en_1.5B_v5/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "dunzhang/stella_en_1.5B_v5", + "revision": "221e30586ab5186c4360cbb7aeb643b6efc9d8f8", + "release_date": "2024-07-12", + "languages": [], + "loader": null, + "n_parameters": 1543268864, + "memory_usage": null, + "max_tokens": 131072, + "embed_dim": 8192, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/AmazonCounterfactualClassification.json b/results/dunzhang__stella_en_400M_v5/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..c790dbe18 --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/AmazonCounterfactualClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.35820895522387, + "ap": 70.81322736988783, + "ap_weighted": 70.81322736988783, + "f1": 88.9505466159595, + "f1_weighted": 92.68630932872613, + "main_score": 92.35820895522387 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/AmazonPolarityClassification.json b/results/dunzhang__stella_en_400M_v5/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..489a49c56 --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/AmazonPolarityClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 97.1945, + "ap": 96.08192192244094, + "ap_weighted": 96.08192192244094, + "f1": 97.1936887167346, + "f1_weighted": 97.1936887167346, + "main_score": 97.1945 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/AmazonReviewsClassification.json b/results/dunzhang__stella_en_400M_v5/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..6e645c7a2 --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/AmazonReviewsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 59.528000000000006, + "f1": 59.21016819840188, + "f1_weighted": 59.21016819840188, + "main_score": 59.528000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/ArguAna.json b/results/dunzhang__stella_en_400M_v5/external/ArguAna.json new file mode 100644 index 000000000..128530186 --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/ArguAna.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 64.24, + "map_at_1": 40.398, + "map_at_10": 56.215, + "map_at_100": 56.833999999999996, + "map_at_1000": 56.835, + "map_at_20": 56.747, + "map_at_3": 52.181, + "map_at_5": 54.628, + "mrr_at_1": 41.25177809388336, + "mrr_at_10": 56.570762491815216, + "mrr_at_100": 57.17548614361504, + "mrr_at_1000": 57.176650626377466, + "mrr_at_20": 57.08916253512566, + "mrr_at_3": 52.47747747747754, + "mrr_at_5": 54.94547178757718, + "nauc_map_at_1000_diff1": 22.408086887100158, + "nauc_map_at_1000_max": -8.730419096847543, + "nauc_map_at_1000_std": -17.789262741255737, + "nauc_map_at_100_diff1": 22.407371684274025, + "nauc_map_at_100_max": -8.732263549026266, + "nauc_map_at_100_std": -17.79550515579994, + "nauc_map_at_10_diff1": 21.925005073301246, + "nauc_map_at_10_max": -8.990323944492134, + "nauc_map_at_10_std": -18.199246301671458, + "nauc_map_at_1_diff1": 26.23276644969203, + "nauc_map_at_1_max": -12.376511389571245, + "nauc_map_at_1_std": -18.11411715207284, + "nauc_map_at_20_diff1": 22.32455790850922, + "nauc_map_at_20_max": -8.664671547236034, + "nauc_map_at_20_std": -17.8290016125137, + "nauc_map_at_3_diff1": 22.395462147465064, + "nauc_map_at_3_max": -8.206580750918844, + "nauc_map_at_3_std": -17.604490446911484, + "nauc_map_at_5_diff1": 21.95307379904799, + "nauc_map_at_5_max": -8.03958102978443, + "nauc_map_at_5_std": -17.36578866595004, + "nauc_mrr_at_1000_diff1": 20.124236798365587, + "nauc_mrr_at_1000_max": -9.587376069575898, + "nauc_mrr_at_1000_std": -17.79191612151833, + "nauc_mrr_at_100_diff1": 20.123612603474033, + "nauc_mrr_at_100_max": -9.589187218607831, + "nauc_mrr_at_100_std": -17.7981617777748, + "nauc_mrr_at_10_diff1": 19.723683875738075, + "nauc_mrr_at_10_max": -9.774151729178815, + "nauc_mrr_at_10_std": -18.168668675495162, + "nauc_mrr_at_1_diff1": 23.945332059908132, + "nauc_mrr_at_1_max": -12.260461466152819, + "nauc_mrr_at_1_std": -18.007194922921148, + "nauc_mrr_at_20_diff1": 20.04819461810257, + "nauc_mrr_at_20_max": -9.518368283588936, + "nauc_mrr_at_20_std": -17.831608149836136, + "nauc_mrr_at_3_diff1": 19.8571785245832, + "nauc_mrr_at_3_max": -9.464375021240478, + "nauc_mrr_at_3_std": -17.728533927330453, + "nauc_mrr_at_5_diff1": 19.670313652167827, + "nauc_mrr_at_5_max": -8.966372585728434, + "nauc_mrr_at_5_std": -17.468955834324817, + "nauc_ndcg_at_1000_diff1": 21.863049281767417, + "nauc_ndcg_at_1000_max": -8.18698520924057, + "nauc_ndcg_at_1000_std": -17.634483364794804, + "nauc_ndcg_at_100_diff1": 21.849924385738586, + "nauc_ndcg_at_100_max": -8.226437560889345, + "nauc_ndcg_at_100_std": -17.774648478087002, + "nauc_ndcg_at_10_diff1": 19.888395590413573, + "nauc_ndcg_at_10_max": -8.968706085632382, + "nauc_ndcg_at_10_std": -19.31386964628115, + "nauc_ndcg_at_1_diff1": 26.23276644969203, + "nauc_ndcg_at_1_max": -12.376511389571245, + "nauc_ndcg_at_1_std": -18.11411715207284, + "nauc_ndcg_at_20_diff1": 21.38413342416933, + "nauc_ndcg_at_20_max": -7.636238194084164, + "nauc_ndcg_at_20_std": -17.946390844693028, + "nauc_ndcg_at_3_diff1": 21.29169165029195, + "nauc_ndcg_at_3_max": -6.793840499730093, + "nauc_ndcg_at_3_std": -17.52359001586737, + "nauc_ndcg_at_5_diff1": 20.238297656671364, + "nauc_ndcg_at_5_max": -6.424992706950072, + "nauc_ndcg_at_5_std": -17.082391132291356, + "nauc_precision_at_1000_diff1": -7.05195108528572, + "nauc_precision_at_1000_max": 34.439879624882145, + "nauc_precision_at_1000_std": 68.72436351659353, + "nauc_precision_at_100_diff1": -2.769464113932605, + "nauc_precision_at_100_max": 9.89562961226698, + "nauc_precision_at_100_std": -0.5880967482224028, + "nauc_precision_at_10_diff1": 2.1371544726832323, + "nauc_precision_at_10_max": -11.93051325147756, + "nauc_precision_at_10_std": -30.83144187392059, + "nauc_precision_at_1_diff1": 26.23276644969203, + "nauc_precision_at_1_max": -12.376511389571245, + "nauc_precision_at_1_std": -18.11411715207284, + "nauc_precision_at_20_diff1": 3.780146814257504, + "nauc_precision_at_20_max": 17.06527540214615, + "nauc_precision_at_20_std": -20.36832563035565, + "nauc_precision_at_3_diff1": 17.63894384012077, + "nauc_precision_at_3_max": -2.0220490624638887, + "nauc_precision_at_3_std": -17.285601413493918, + "nauc_precision_at_5_diff1": 12.557855071944601, + "nauc_precision_at_5_max": 0.5840236463956658, + "nauc_precision_at_5_std": -15.827224420217846, + "nauc_recall_at_1000_diff1": -7.051951085286463, + "nauc_recall_at_1000_max": 34.43987962487738, + "nauc_recall_at_1000_std": 68.724363516591, + "nauc_recall_at_100_diff1": -2.769464113930314, + "nauc_recall_at_100_max": 9.895629612270017, + "nauc_recall_at_100_std": -0.58809674821745, + "nauc_recall_at_10_diff1": 2.1371544726834495, + "nauc_recall_at_10_max": -11.930513251477253, + "nauc_recall_at_10_std": -30.83144187392047, + "nauc_recall_at_1_diff1": 26.23276644969203, + "nauc_recall_at_1_max": -12.376511389571245, + "nauc_recall_at_1_std": -18.11411715207284, + "nauc_recall_at_20_diff1": 3.7801468142575922, + "nauc_recall_at_20_max": 17.0652754021456, + "nauc_recall_at_20_std": -20.36832563035559, + "nauc_recall_at_3_diff1": 17.63894384012074, + "nauc_recall_at_3_max": -2.02204906246383, + "nauc_recall_at_3_std": -17.28560141349386, + "nauc_recall_at_5_diff1": 12.55785507194463, + "nauc_recall_at_5_max": 0.5840236463957296, + "nauc_recall_at_5_std": -15.827224420217856, + "ndcg_at_1": 40.398, + "ndcg_at_10": 64.24, + "ndcg_at_100": 66.631, + "ndcg_at_1000": 66.65100000000001, + "ndcg_at_20": 66.086, + "ndcg_at_3": 55.938, + "ndcg_at_5": 60.370000000000005, + "precision_at_1": 40.398, + "precision_at_10": 8.962, + "precision_at_100": 0.9950000000000001, + "precision_at_1000": 0.1, + "precision_at_20": 4.836, + "precision_at_3": 22.262, + "precision_at_5": 15.519, + "recall_at_1": 40.398, + "recall_at_10": 89.616, + "recall_at_100": 99.502, + "recall_at_1000": 99.644, + "recall_at_20": 96.72800000000001, + "recall_at_3": 66.78500000000001, + "recall_at_5": 77.596 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/ArxivClusteringP2P.json b/results/dunzhang__stella_en_400M_v5/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..53b30307e --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/ArxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 55.1564333205451, + "v_measure": 55.1564333205451, + "v_measure_std": 14.696883012214512 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/ArxivClusteringS2S.json b/results/dunzhang__stella_en_400M_v5/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..d53383759 --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/ArxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 49.823698316694795, + "v_measure": 49.823698316694795, + "v_measure_std": 14.951660654298186 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/AskUbuntuDupQuestions.json b/results/dunzhang__stella_en_400M_v5/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..97b6fd7b4 --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/AskUbuntuDupQuestions.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 66.15294503553424, + "map": 66.15294503553424, + "mrr": 78.53438420612935, + "nAUC_map_diff1": 12.569697092717997, + "nAUC_map_max": 21.50670312412572, + "nAUC_map_std": 16.943786429229064, + "nAUC_mrr_diff1": 15.590272897361238, + "nAUC_mrr_max": 34.96072022474653, + "nAUC_mrr_std": 21.649217605241045 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/BIOSSES.json b/results/dunzhang__stella_en_400M_v5/external/BIOSSES.json new file mode 100644 index 000000000..84a650387 --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 85.7824546319275, + "cosine_spearman": 83.29587385660628, + "euclidean_pearson": 84.58764190565167, + "euclidean_spearman": 83.30069324352772, + "main_score": 83.29587385660628, + "manhattan_pearson": 84.95996839947179, + "manhattan_spearman": 83.87480271054358, + "pearson": 85.7824546319275, + "spearman": 83.29587385660628 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/Banking77Classification.json b/results/dunzhang__stella_en_400M_v5/external/Banking77Classification.json new file mode 100644 index 000000000..a7e09ca02 --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/Banking77Classification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 89.30194805194806, + "f1": 89.26182507266391, + "f1_weighted": 89.26182507266391, + "main_score": 89.30194805194806 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/BiorxivClusteringP2P.json b/results/dunzhang__stella_en_400M_v5/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..a178ed7cb --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/BiorxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 50.67972171889736, + "v_measure": 50.67972171889736, + "v_measure_std": 0.7687409980036303 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/BiorxivClusteringS2S.json b/results/dunzhang__stella_en_400M_v5/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..1c12ee799 --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/BiorxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 45.80539715556144, + "v_measure": 45.80539715556144, + "v_measure_std": 0.9601346216579142 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/ClimateFEVER.json b/results/dunzhang__stella_en_400M_v5/external/ClimateFEVER.json new file mode 100644 index 000000000..27919b94c --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/ClimateFEVER.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 43.525999999999996, + "map_at_1": 19.291, + "map_at_10": 33.471000000000004, + "map_at_100": 35.388999999999996, + "map_at_1000": 35.568, + "map_at_20": 34.496, + "map_at_3": 28.713, + "map_at_5": 31.384, + "mrr_at_1": 43.77850162866449, + "mrr_at_10": 56.28576598934912, + "mrr_at_100": 56.8588518168194, + "mrr_at_1000": 56.878236725973544, + "mrr_at_20": 56.6409328120183, + "mrr_at_3": 53.56134636264935, + "mrr_at_5": 55.27795874049956, + "nauc_map_at_1000_diff1": 27.262513153363876, + "nauc_map_at_1000_max": 40.099398684385584, + "nauc_map_at_1000_std": 18.847812394005512, + "nauc_map_at_100_diff1": 27.238993503030745, + "nauc_map_at_100_max": 40.07730434492169, + "nauc_map_at_100_std": 18.795349250833684, + "nauc_map_at_10_diff1": 27.70929180366227, + "nauc_map_at_10_max": 39.55987024970173, + "nauc_map_at_10_std": 17.214881544648996, + "nauc_map_at_1_diff1": 43.34155892182403, + "nauc_map_at_1_max": 38.23324890148018, + "nauc_map_at_1_std": 6.0781444393516075, + "nauc_map_at_20_diff1": 27.311577477800103, + "nauc_map_at_20_max": 39.624414083413456, + "nauc_map_at_20_std": 18.149811054163287, + "nauc_map_at_3_diff1": 30.475965062734367, + "nauc_map_at_3_max": 38.49324825043695, + "nauc_map_at_3_std": 13.357656038648487, + "nauc_map_at_5_diff1": 28.425110095017747, + "nauc_map_at_5_max": 39.017894870747796, + "nauc_map_at_5_std": 15.543817194122564, + "nauc_mrr_at_1000_diff1": 33.16689354701644, + "nauc_mrr_at_1000_max": 41.70755363247148, + "nauc_mrr_at_1000_std": 24.61667417463176, + "nauc_mrr_at_100_diff1": 33.147229262917506, + "nauc_mrr_at_100_max": 41.712455697170725, + "nauc_mrr_at_100_std": 24.6418922043652, + "nauc_mrr_at_10_diff1": 32.94185191112572, + "nauc_mrr_at_10_max": 41.64272730141954, + "nauc_mrr_at_10_std": 24.663391015702707, + "nauc_mrr_at_1_diff1": 39.571969559016395, + "nauc_mrr_at_1_max": 39.396249211263495, + "nauc_mrr_at_1_std": 16.984149923258357, + "nauc_mrr_at_20_diff1": 33.10040770334742, + "nauc_mrr_at_20_max": 41.807565560083034, + "nauc_mrr_at_20_std": 24.8064180365271, + "nauc_mrr_at_3_diff1": 33.065406161485704, + "nauc_mrr_at_3_max": 41.049510969934694, + "nauc_mrr_at_3_std": 23.18371458928609, + "nauc_mrr_at_5_diff1": 33.2389593543916, + "nauc_mrr_at_5_max": 41.629486918949915, + "nauc_mrr_at_5_std": 24.5777253036149, + "nauc_ndcg_at_1000_diff1": 25.868840609197637, + "nauc_ndcg_at_1000_max": 42.79564910784761, + "nauc_ndcg_at_1000_std": 27.035091271680113, + "nauc_ndcg_at_100_diff1": 25.019789319579942, + "nauc_ndcg_at_100_max": 42.482345143533735, + "nauc_ndcg_at_100_std": 26.76872010731345, + "nauc_ndcg_at_10_diff1": 25.949464660653238, + "nauc_ndcg_at_10_max": 40.79769544643906, + "nauc_ndcg_at_10_std": 22.486116508973204, + "nauc_ndcg_at_1_diff1": 39.571969559016395, + "nauc_ndcg_at_1_max": 39.396249211263495, + "nauc_ndcg_at_1_std": 16.984149923258357, + "nauc_ndcg_at_20_diff1": 25.173455685962214, + "nauc_ndcg_at_20_max": 40.88873540662413, + "nauc_ndcg_at_20_std": 24.4451041955519, + "nauc_ndcg_at_3_diff1": 28.185416070726333, + "nauc_ndcg_at_3_max": 39.10600031163912, + "nauc_ndcg_at_3_std": 18.42694044215541, + "nauc_ndcg_at_5_diff1": 27.112647584005583, + "nauc_ndcg_at_5_max": 40.154045682322526, + "nauc_ndcg_at_5_std": 20.26822517176828, + "nauc_precision_at_1000_diff1": -16.42087927044017, + "nauc_precision_at_1000_max": 3.5326295053913, + "nauc_precision_at_1000_std": 24.406810708493197, + "nauc_precision_at_100_diff1": -12.17648135724982, + "nauc_precision_at_100_max": 15.895489260126183, + "nauc_precision_at_100_std": 32.48346122610907, + "nauc_precision_at_10_diff1": -1.2493131347748072, + "nauc_precision_at_10_max": 26.409459305604376, + "nauc_precision_at_10_std": 31.115432019300016, + "nauc_precision_at_1_diff1": 39.571969559016395, + "nauc_precision_at_1_max": 39.396249211263495, + "nauc_precision_at_1_std": 16.984149923258357, + "nauc_precision_at_20_diff1": -6.597509397240593, + "nauc_precision_at_20_max": 21.461984620659695, + "nauc_precision_at_20_std": 32.9450259748889, + "nauc_precision_at_3_diff1": 9.46378764865453, + "nauc_precision_at_3_max": 32.03650819375425, + "nauc_precision_at_3_std": 26.489382638510765, + "nauc_precision_at_5_diff1": 3.5987036728169537, + "nauc_precision_at_5_max": 30.633955978579703, + "nauc_precision_at_5_std": 30.532430088014443, + "nauc_recall_at_1000_diff1": 10.714633106872254, + "nauc_recall_at_1000_max": 43.94958623961, + "nauc_recall_at_1000_std": 51.78914468954123, + "nauc_recall_at_100_diff1": 9.63781472255557, + "nauc_recall_at_100_max": 38.50917465255336, + "nauc_recall_at_100_std": 37.78623984642377, + "nauc_recall_at_10_diff1": 16.480342820841688, + "nauc_recall_at_10_max": 35.982566867357406, + "nauc_recall_at_10_std": 23.30688188788895, + "nauc_recall_at_1_diff1": 43.34155892182403, + "nauc_recall_at_1_max": 38.23324890148018, + "nauc_recall_at_1_std": 6.0781444393516075, + "nauc_recall_at_20_diff1": 13.521048985146367, + "nauc_recall_at_20_max": 34.62462209239834, + "nauc_recall_at_20_std": 27.85924191501618, + "nauc_recall_at_3_diff1": 23.57032748533523, + "nauc_recall_at_3_max": 36.32703197635613, + "nauc_recall_at_3_std": 15.730238734014337, + "nauc_recall_at_5_diff1": 19.61387036368584, + "nauc_recall_at_5_max": 36.22030835529556, + "nauc_recall_at_5_std": 19.76310648649897, + "ndcg_at_1": 43.779, + "ndcg_at_10": 43.525999999999996, + "ndcg_at_100": 50.138000000000005, + "ndcg_at_1000": 52.991, + "ndcg_at_20": 46.083, + "ndcg_at_3": 38.002, + "ndcg_at_5": 39.842, + "precision_at_1": 43.779, + "precision_at_10": 13.205, + "precision_at_100": 2.051, + "precision_at_1000": 0.259, + "precision_at_20": 7.722999999999999, + "precision_at_3": 28.903000000000002, + "precision_at_5": 21.368000000000002, + "recall_at_1": 19.291, + "recall_at_10": 48.754, + "recall_at_100": 70.97200000000001, + "recall_at_1000": 86.611, + "recall_at_20": 55.884, + "recall_at_3": 34.101, + "recall_at_5": 40.784 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/DBPedia.json b/results/dunzhang__stella_en_400M_v5/external/DBPedia.json new file mode 100644 index 000000000..9a808f82d --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/DBPedia.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 49.884, + "map_at_1": 9.913, + "map_at_10": 23.186999999999998, + "map_at_100": 34.207, + "map_at_1000": 36.318, + "map_at_20": 27.419, + "map_at_3": 15.656, + "map_at_5": 18.945999999999998, + "mrr_at_1": 75.75, + "mrr_at_10": 82.16279761904761, + "mrr_at_100": 82.48445635330299, + "mrr_at_1000": 82.4870246719901, + "mrr_at_20": 82.36203632968338, + "mrr_at_3": 81.29166666666666, + "mrr_at_5": 82.02916666666667, + "nauc_map_at_1000_diff1": 17.0739966990996, + "nauc_map_at_1000_max": 28.440065298437133, + "nauc_map_at_1000_std": 20.83498154003865, + "nauc_map_at_100_diff1": 17.75982086107111, + "nauc_map_at_100_max": 26.87850835673573, + "nauc_map_at_100_std": 18.350282298599275, + "nauc_map_at_10_diff1": 17.15984258564116, + "nauc_map_at_10_max": 10.846179132675553, + "nauc_map_at_10_std": -6.263534464094614, + "nauc_map_at_1_diff1": 24.014897777973694, + "nauc_map_at_1_max": -4.556638938723358, + "nauc_map_at_1_std": -22.7844467526989, + "nauc_map_at_20_diff1": 16.3179372493187, + "nauc_map_at_20_max": 17.176378915498915, + "nauc_map_at_20_std": 1.9378637630340372, + "nauc_map_at_3_diff1": 19.12786794046792, + "nauc_map_at_3_max": 0.09063919305677291, + "nauc_map_at_3_std": -16.713143158330492, + "nauc_map_at_5_diff1": 18.76504725420023, + "nauc_map_at_5_max": 5.040867712207419, + "nauc_map_at_5_std": -12.382578318931165, + "nauc_mrr_at_1000_diff1": 54.61266255011247, + "nauc_mrr_at_1000_max": 60.83961280977112, + "nauc_mrr_at_1000_std": 32.70429260443016, + "nauc_mrr_at_100_diff1": 54.61346236538542, + "nauc_mrr_at_100_max": 60.8407974416647, + "nauc_mrr_at_100_std": 32.69272843993462, + "nauc_mrr_at_10_diff1": 54.74633685810871, + "nauc_mrr_at_10_max": 61.084525933097865, + "nauc_mrr_at_10_std": 33.001220210025565, + "nauc_mrr_at_1_diff1": 56.12708423835806, + "nauc_mrr_at_1_max": 58.9314540998289, + "nauc_mrr_at_1_std": 27.39422607651012, + "nauc_mrr_at_20_diff1": 54.58896150245695, + "nauc_mrr_at_20_max": 60.890929983464815, + "nauc_mrr_at_20_std": 32.65559641276393, + "nauc_mrr_at_3_diff1": 54.38229071443791, + "nauc_mrr_at_3_max": 59.987849044098596, + "nauc_mrr_at_3_std": 33.439813880719974, + "nauc_mrr_at_5_diff1": 54.961790262449824, + "nauc_mrr_at_5_max": 61.17705173908951, + "nauc_mrr_at_5_std": 33.30939850734856, + "nauc_ndcg_at_1000_diff1": 29.27465932507067, + "nauc_ndcg_at_1000_max": 47.952543312315214, + "nauc_ndcg_at_1000_std": 36.17132236391485, + "nauc_ndcg_at_100_diff1": 28.63072328980134, + "nauc_ndcg_at_100_max": 41.460833419186564, + "nauc_ndcg_at_100_std": 27.157100358988135, + "nauc_ndcg_at_10_diff1": 23.41488013023301, + "nauc_ndcg_at_10_max": 39.27798133072349, + "nauc_ndcg_at_10_std": 21.979241438928312, + "nauc_ndcg_at_1_diff1": 46.12120543657642, + "nauc_ndcg_at_1_max": 47.28452124039853, + "nauc_ndcg_at_1_std": 19.799884708952543, + "nauc_ndcg_at_20_diff1": 23.627669045115574, + "nauc_ndcg_at_20_max": 35.88225062457673, + "nauc_ndcg_at_20_std": 18.218628030529498, + "nauc_ndcg_at_3_diff1": 25.37309228946118, + "nauc_ndcg_at_3_max": 40.64426332992231, + "nauc_ndcg_at_3_std": 24.608330645901482, + "nauc_ndcg_at_5_diff1": 24.055798594999654, + "nauc_ndcg_at_5_max": 41.16180524175431, + "nauc_ndcg_at_5_std": 24.048305528761315, + "nauc_precision_at_1000_diff1": -18.234943251015576, + "nauc_precision_at_1000_max": 0.48708502364659184, + "nauc_precision_at_1000_std": 2.4473601543134027, + "nauc_precision_at_100_diff1": -3.0077810947381227, + "nauc_precision_at_100_max": 25.27249321108913, + "nauc_precision_at_100_std": 37.36575792126928, + "nauc_precision_at_10_diff1": -0.2393778190297635, + "nauc_precision_at_10_max": 36.40513293547299, + "nauc_precision_at_10_std": 37.4827885766009, + "nauc_precision_at_1_diff1": 56.12708423835806, + "nauc_precision_at_1_max": 58.9314540998289, + "nauc_precision_at_1_std": 27.39422607651012, + "nauc_precision_at_20_diff1": -1.2010133229402933, + "nauc_precision_at_20_max": 34.117541814385966, + "nauc_precision_at_20_std": 39.13273254177449, + "nauc_precision_at_3_diff1": 11.757378092198486, + "nauc_precision_at_3_max": 42.637962482588875, + "nauc_precision_at_3_std": 37.42465077352342, + "nauc_precision_at_5_diff1": 7.233177203405101, + "nauc_precision_at_5_max": 43.1663582897407, + "nauc_precision_at_5_std": 38.848449220750055, + "nauc_recall_at_1000_diff1": 27.33938551969145, + "nauc_recall_at_1000_max": 45.5614254479334, + "nauc_recall_at_1000_std": 50.58528916250458, + "nauc_recall_at_100_diff1": 23.610383761920097, + "nauc_recall_at_100_max": 31.422168485847184, + "nauc_recall_at_100_std": 25.58649926458304, + "nauc_recall_at_10_diff1": 14.62495111808408, + "nauc_recall_at_10_max": 7.4295041277681095, + "nauc_recall_at_10_std": -9.32297089600654, + "nauc_recall_at_1_diff1": 24.014897777973694, + "nauc_recall_at_1_max": -4.556638938723358, + "nauc_recall_at_1_std": -22.7844467526989, + "nauc_recall_at_20_diff1": 14.027862330014662, + "nauc_recall_at_20_max": 12.437478731690844, + "nauc_recall_at_20_std": -3.0740743798103676, + "nauc_recall_at_3_diff1": 16.354018356566712, + "nauc_recall_at_3_max": -2.9812231240997917, + "nauc_recall_at_3_std": -18.27746460743442, + "nauc_recall_at_5_diff1": 16.81486583473587, + "nauc_recall_at_5_max": 2.420128513974744, + "nauc_recall_at_5_std": -14.441820321214108, + "ndcg_at_1": 63.87500000000001, + "ndcg_at_10": 49.884, + "ndcg_at_100": 54.738, + "ndcg_at_1000": 61.635, + "ndcg_at_20": 48.894999999999996, + "ndcg_at_3": 54.287, + "ndcg_at_5": 52.40899999999999, + "precision_at_1": 75.75, + "precision_at_10": 40.9, + "precision_at_100": 13.139999999999999, + "precision_at_1000": 2.533, + "precision_at_20": 30.8, + "precision_at_3": 57.667, + "precision_at_5": 51.05, + "recall_at_1": 9.913, + "recall_at_10": 28.591, + "recall_at_100": 61.017999999999994, + "recall_at_1000": 83.383, + "recall_at_20": 37.834, + "recall_at_3": 17.049, + "recall_at_5": 21.685 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/EmotionClassification.json b/results/dunzhang__stella_en_400M_v5/external/EmotionClassification.json new file mode 100644 index 000000000..a3d0da231 --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/EmotionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.77499999999999, + "f1": 73.74058240799386, + "f1_weighted": 79.78804377638227, + "main_score": 78.77499999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/FEVER.json b/results/dunzhang__stella_en_400M_v5/external/FEVER.json new file mode 100644 index 000000000..7c8745a71 --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/FEVER.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 90.986, + "map_at_1": 81.601, + "map_at_10": 88.242, + "map_at_100": 88.46000000000001, + "map_at_1000": 88.472, + "map_at_20": 88.375, + "map_at_3": 87.237, + "map_at_5": 87.85300000000001, + "mrr_at_1": 87.81878187818782, + "mrr_at_10": 92.20301196786335, + "mrr_at_100": 92.24884236673292, + "mrr_at_1000": 92.2496338899362, + "mrr_at_20": 92.23112073283473, + "mrr_at_3": 91.77417741774165, + "mrr_at_5": 92.03970397039689, + "nauc_map_at_1000_diff1": 56.54670664910505, + "nauc_map_at_1000_max": 33.08375749975477, + "nauc_map_at_1000_std": 2.7491595418252865, + "nauc_map_at_100_diff1": 56.50887688686924, + "nauc_map_at_100_max": 33.075487189958494, + "nauc_map_at_100_std": 2.7675869969253375, + "nauc_map_at_10_diff1": 56.08080806610569, + "nauc_map_at_10_max": 32.776972098819066, + "nauc_map_at_10_std": 2.5904846711290097, + "nauc_map_at_1_diff1": 60.645344065853145, + "nauc_map_at_1_max": 31.232776777514797, + "nauc_map_at_1_std": -1.1946138176109171, + "nauc_map_at_20_diff1": 56.28378454162355, + "nauc_map_at_20_max": 32.98207150385811, + "nauc_map_at_20_std": 2.8469814040214025, + "nauc_map_at_3_diff1": 55.81958007095375, + "nauc_map_at_3_max": 31.602707711038313, + "nauc_map_at_3_std": 0.8117019292273401, + "nauc_map_at_5_diff1": 55.706025752316535, + "nauc_map_at_5_max": 32.16032683604737, + "nauc_map_at_5_std": 1.8853201503498669, + "nauc_mrr_at_1000_diff1": 75.4997173366251, + "nauc_mrr_at_1000_max": 41.49117135484116, + "nauc_mrr_at_1000_std": -2.0636172883680852, + "nauc_mrr_at_100_diff1": 75.50118860648519, + "nauc_mrr_at_100_max": 41.49490161517194, + "nauc_mrr_at_100_std": -2.057024385178682, + "nauc_mrr_at_10_diff1": 75.47295153099428, + "nauc_mrr_at_10_max": 41.55003304042536, + "nauc_mrr_at_10_std": -2.0353663198929253, + "nauc_mrr_at_1_diff1": 76.632058433229, + "nauc_mrr_at_1_max": 39.754483718891656, + "nauc_mrr_at_1_std": -2.962241058101701, + "nauc_mrr_at_20_diff1": 75.47221882396194, + "nauc_mrr_at_20_max": 41.50779280480839, + "nauc_mrr_at_20_std": -1.9620212266426307, + "nauc_mrr_at_3_diff1": 75.5682297897137, + "nauc_mrr_at_3_max": 41.53543801506081, + "nauc_mrr_at_3_std": -3.391681195945978, + "nauc_mrr_at_5_diff1": 75.37562775183947, + "nauc_mrr_at_5_max": 41.42028509006753, + "nauc_mrr_at_5_std": -2.418698675622726, + "nauc_ndcg_at_1000_diff1": 59.364557011624, + "nauc_ndcg_at_1000_max": 35.4112238125149, + "nauc_ndcg_at_1000_std": 3.717516193303376, + "nauc_ndcg_at_100_diff1": 58.55706703023122, + "nauc_ndcg_at_100_max": 35.352285999934594, + "nauc_ndcg_at_100_std": 4.273437944266781, + "nauc_ndcg_at_10_diff1": 56.77422701267037, + "nauc_ndcg_at_10_max": 34.24909893882957, + "nauc_ndcg_at_10_std": 4.178151434006727, + "nauc_ndcg_at_1_diff1": 76.632058433229, + "nauc_ndcg_at_1_max": 39.754483718891656, + "nauc_ndcg_at_1_std": -2.962241058101701, + "nauc_ndcg_at_20_diff1": 57.27343398231262, + "nauc_ndcg_at_20_max": 34.7416626740278, + "nauc_ndcg_at_20_std": 4.955858766014002, + "nauc_ndcg_at_3_diff1": 57.69267803121093, + "nauc_ndcg_at_3_max": 33.13744317023105, + "nauc_ndcg_at_3_std": 0.40380284030057023, + "nauc_ndcg_at_5_diff1": 56.57461019113917, + "nauc_ndcg_at_5_max": 33.244657840804386, + "nauc_ndcg_at_5_std": 2.5121440827702046, + "nauc_precision_at_1000_diff1": -14.54492513449718, + "nauc_precision_at_1000_max": -5.94552147573623, + "nauc_precision_at_1000_std": 1.2446209816057374, + "nauc_precision_at_100_diff1": -15.452676132568344, + "nauc_precision_at_100_max": -3.760241749847617, + "nauc_precision_at_100_std": 4.623534605290865, + "nauc_precision_at_10_diff1": -12.712908026086176, + "nauc_precision_at_10_max": 0.45241316994816805, + "nauc_precision_at_10_std": 7.849478570138391, + "nauc_precision_at_1_diff1": 76.632058433229, + "nauc_precision_at_1_max": 39.754483718891656, + "nauc_precision_at_1_std": -2.962241058101701, + "nauc_precision_at_20_diff1": -14.514618673172041, + "nauc_precision_at_20_max": -1.113635490621818, + "nauc_precision_at_20_std": 8.599811730457576, + "nauc_precision_at_3_diff1": 6.1367799850003815, + "nauc_precision_at_3_max": 8.466271950897857, + "nauc_precision_at_3_std": 1.7458051543195068, + "nauc_precision_at_5_diff1": -5.804548945783379, + "nauc_precision_at_5_max": 3.4060251839074818, + "nauc_precision_at_5_std": 5.583410511782371, + "nauc_recall_at_1000_diff1": 19.329432953574095, + "nauc_recall_at_1000_max": 43.260442595158736, + "nauc_recall_at_1000_std": 53.89644660661804, + "nauc_recall_at_100_diff1": 21.265326296051235, + "nauc_recall_at_100_max": 38.573000195373695, + "nauc_recall_at_100_std": 42.169391082152785, + "nauc_recall_at_10_diff1": 29.785129558987432, + "nauc_recall_at_10_max": 28.379657867558034, + "nauc_recall_at_10_std": 21.132574624091973, + "nauc_recall_at_1_diff1": 60.645344065853145, + "nauc_recall_at_1_max": 31.232776777514797, + "nauc_recall_at_1_std": -1.1946138176109171, + "nauc_recall_at_20_diff1": 25.88845612373954, + "nauc_recall_at_20_max": 30.24785945821152, + "nauc_recall_at_20_std": 31.73911437468067, + "nauc_recall_at_3_diff1": 42.2968464797395, + "nauc_recall_at_3_max": 26.494318009870018, + "nauc_recall_at_3_std": 2.6045977160467544, + "nauc_recall_at_5_diff1": 35.81340094401374, + "nauc_recall_at_5_max": 25.91082947510634, + "nauc_recall_at_5_std": 9.759404930864779, + "ndcg_at_1": 87.819, + "ndcg_at_10": 90.986, + "ndcg_at_100": 91.69, + "ndcg_at_1000": 91.863, + "ndcg_at_20": 91.293, + "ndcg_at_3": 89.621, + "ndcg_at_5": 90.333, + "precision_at_1": 87.819, + "precision_at_10": 10.753, + "precision_at_100": 1.138, + "precision_at_1000": 0.117, + "precision_at_20": 5.4879999999999995, + "precision_at_3": 33.703, + "precision_at_5": 20.831, + "recall_at_1": 81.601, + "recall_at_10": 95.44200000000001, + "recall_at_100": 98.14399999999999, + "recall_at_1000": 99.157, + "recall_at_20": 96.43, + "recall_at_3": 91.729, + "recall_at_5": 93.552 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/FiQA2018.json b/results/dunzhang__stella_en_400M_v5/external/FiQA2018.json new file mode 100644 index 000000000..86429e380 --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/FiQA2018.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 56.056, + "map_at_1": 28.666000000000004, + "map_at_10": 47.437000000000005, + "map_at_100": 49.537, + "map_at_1000": 49.665, + "map_at_20": 48.618, + "map_at_3": 41.355, + "map_at_5": 44.525, + "mrr_at_1": 55.55555555555556, + "mrr_at_10": 63.705173427395614, + "mrr_at_100": 64.25449940779741, + "mrr_at_1000": 64.27635581092147, + "mrr_at_20": 64.03796029079103, + "mrr_at_3": 61.49691358024688, + "mrr_at_5": 62.73148148148143, + "nauc_map_at_1000_diff1": 43.24282910397747, + "nauc_map_at_1000_max": 28.506093180265644, + "nauc_map_at_1000_std": -13.040508386155054, + "nauc_map_at_100_diff1": 43.23650442904607, + "nauc_map_at_100_max": 28.470565635459156, + "nauc_map_at_100_std": -12.988098780714935, + "nauc_map_at_10_diff1": 43.393840733087686, + "nauc_map_at_10_max": 26.637302062720153, + "nauc_map_at_10_std": -14.47500292113762, + "nauc_map_at_1_diff1": 47.705150227211725, + "nauc_map_at_1_max": 15.354189686550129, + "nauc_map_at_1_std": -14.559819859039067, + "nauc_map_at_20_diff1": 43.14121075706104, + "nauc_map_at_20_max": 27.811170590408395, + "nauc_map_at_20_std": -13.459413585283583, + "nauc_map_at_3_diff1": 44.33938667720801, + "nauc_map_at_3_max": 21.785619884549398, + "nauc_map_at_3_std": -15.569980103071593, + "nauc_map_at_5_diff1": 43.39280905665027, + "nauc_map_at_5_max": 25.021492190645017, + "nauc_map_at_5_std": -14.48856622187443, + "nauc_mrr_at_1000_diff1": 52.971563939946286, + "nauc_mrr_at_1000_max": 38.88019486172324, + "nauc_mrr_at_1000_std": -12.412991642381616, + "nauc_mrr_at_100_diff1": 52.978468139876945, + "nauc_mrr_at_100_max": 38.89751787948751, + "nauc_mrr_at_100_std": -12.3677876252269, + "nauc_mrr_at_10_diff1": 52.78507148048174, + "nauc_mrr_at_10_max": 38.55079809310022, + "nauc_mrr_at_10_std": -12.944127025078755, + "nauc_mrr_at_1_diff1": 55.52626805861546, + "nauc_mrr_at_1_max": 40.49306809164979, + "nauc_mrr_at_1_std": -12.886607701317681, + "nauc_mrr_at_20_diff1": 52.9592152665678, + "nauc_mrr_at_20_max": 38.88514014589964, + "nauc_mrr_at_20_std": -12.434464359819444, + "nauc_mrr_at_3_diff1": 52.73696844091174, + "nauc_mrr_at_3_max": 38.61018727252859, + "nauc_mrr_at_3_std": -13.123989867364166, + "nauc_mrr_at_5_diff1": 53.037110010188, + "nauc_mrr_at_5_max": 38.44770729849151, + "nauc_mrr_at_5_std": -13.49318771828972, + "nauc_ndcg_at_1000_diff1": 44.73813840091289, + "nauc_ndcg_at_1000_max": 33.70113904685389, + "nauc_ndcg_at_1000_std": -10.328687058192742, + "nauc_ndcg_at_100_diff1": 44.595174119928835, + "nauc_ndcg_at_100_max": 33.4788285112467, + "nauc_ndcg_at_100_std": -8.695355259716946, + "nauc_ndcg_at_10_diff1": 44.39837225263, + "nauc_ndcg_at_10_max": 29.188289725593393, + "nauc_ndcg_at_10_std": -13.67608323673103, + "nauc_ndcg_at_1_diff1": 55.52626805861546, + "nauc_ndcg_at_1_max": 40.49306809164979, + "nauc_ndcg_at_1_std": -12.886607701317681, + "nauc_ndcg_at_20_diff1": 44.24661739902305, + "nauc_ndcg_at_20_max": 31.667868318249965, + "nauc_ndcg_at_20_std": -10.65470780066342, + "nauc_ndcg_at_3_diff1": 43.39857166975522, + "nauc_ndcg_at_3_max": 31.764668313577495, + "nauc_ndcg_at_3_std": -14.494866954678152, + "nauc_ndcg_at_5_diff1": 43.16976647347281, + "nauc_ndcg_at_5_max": 29.878329062643143, + "nauc_ndcg_at_5_std": -13.987689089179739, + "nauc_precision_at_1000_diff1": -9.807973252625484, + "nauc_precision_at_1000_max": 26.6279603849494, + "nauc_precision_at_1000_std": 7.113187103520632, + "nauc_precision_at_100_diff1": -4.777149603323976, + "nauc_precision_at_100_max": 31.03410463692187, + "nauc_precision_at_100_std": 10.463144150275435, + "nauc_precision_at_10_diff1": 8.691528703215962, + "nauc_precision_at_10_max": 33.329579434123374, + "nauc_precision_at_10_std": -0.8002015226329403, + "nauc_precision_at_1_diff1": 55.52626805861546, + "nauc_precision_at_1_max": 40.49306809164979, + "nauc_precision_at_1_std": -12.886607701317681, + "nauc_precision_at_20_diff1": 3.4564653474184284, + "nauc_precision_at_20_max": 34.401070158471136, + "nauc_precision_at_20_std": 5.813431200164549, + "nauc_precision_at_3_diff1": 22.463219705462187, + "nauc_precision_at_3_max": 34.77413976546924, + "nauc_precision_at_3_std": -7.083890789741479, + "nauc_precision_at_5_diff1": 14.011006004883154, + "nauc_precision_at_5_max": 35.73655466853702, + "nauc_precision_at_5_std": -2.8395172077771598, + "nauc_recall_at_1000_diff1": 16.478046357391555, + "nauc_recall_at_1000_max": 43.231704288282344, + "nauc_recall_at_1000_std": 38.430684937573645, + "nauc_recall_at_100_diff1": 30.764718344602436, + "nauc_recall_at_100_max": 31.769050487166655, + "nauc_recall_at_100_std": 23.48468311677149, + "nauc_recall_at_10_diff1": 34.47339565324045, + "nauc_recall_at_10_max": 19.054212335800454, + "nauc_recall_at_10_std": -11.039734015330437, + "nauc_recall_at_1_diff1": 47.705150227211725, + "nauc_recall_at_1_max": 15.354189686550129, + "nauc_recall_at_1_std": -14.559819859039067, + "nauc_recall_at_20_diff1": 32.1011474016873, + "nauc_recall_at_20_max": 25.546372988304423, + "nauc_recall_at_20_std": -0.007233471152482897, + "nauc_recall_at_3_diff1": 37.5708138019065, + "nauc_recall_at_3_max": 16.66410785756736, + "nauc_recall_at_3_std": -15.404817020108966, + "nauc_recall_at_5_diff1": 35.714519648479595, + "nauc_recall_at_5_max": 19.02075233009296, + "nauc_recall_at_5_std": -13.180963359760725, + "ndcg_at_1": 55.556000000000004, + "ndcg_at_10": 56.056, + "ndcg_at_100": 62.44, + "ndcg_at_1000": 64.263, + "ndcg_at_20": 58.638999999999996, + "ndcg_at_3": 51.722, + "ndcg_at_5": 52.701, + "precision_at_1": 55.556000000000004, + "precision_at_10": 15.679000000000002, + "precision_at_100": 2.252, + "precision_at_1000": 0.257, + "precision_at_20": 9.02, + "precision_at_3": 34.619, + "precision_at_5": 25.093, + "recall_at_1": 28.666000000000004, + "recall_at_10": 63.717999999999996, + "recall_at_100": 86.938, + "recall_at_1000": 97.603, + "recall_at_20": 71.649, + "recall_at_3": 46.663, + "recall_at_5": 53.313 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/HotpotQA.json b/results/dunzhang__stella_en_400M_v5/external/HotpotQA.json new file mode 100644 index 000000000..76cf32b61 --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/HotpotQA.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 71.74199999999999, + "map_at_1": 41.729, + "map_at_10": 63.168, + "map_at_100": 64.132, + "map_at_1000": 64.199, + "map_at_20": 63.736000000000004, + "map_at_3": 59.826, + "map_at_5": 61.882000000000005, + "mrr_at_1": 83.45712356515868, + "mrr_at_10": 87.850342432719, + "mrr_at_100": 88.0016320691113, + "mrr_at_1000": 88.00576596968136, + "mrr_at_20": 87.94463253190389, + "mrr_at_3": 87.13706954760278, + "mrr_at_5": 87.59419311276136, + "nauc_map_at_1000_diff1": 13.635446621095054, + "nauc_map_at_1000_max": 18.670632529445633, + "nauc_map_at_1000_std": 10.444842636150575, + "nauc_map_at_100_diff1": 13.599262398010783, + "nauc_map_at_100_max": 18.636389405484806, + "nauc_map_at_100_std": 10.460027483576043, + "nauc_map_at_10_diff1": 13.235053919323942, + "nauc_map_at_10_max": 18.252140477080047, + "nauc_map_at_10_std": 9.9075337042203, + "nauc_map_at_1_diff1": 76.51940497836482, + "nauc_map_at_1_max": 51.251419487235474, + "nauc_map_at_1_std": 0.16714896857146574, + "nauc_map_at_20_diff1": 13.4178245722222, + "nauc_map_at_20_max": 18.40988771210718, + "nauc_map_at_20_std": 10.216685163366282, + "nauc_map_at_3_diff1": 13.38370761663418, + "nauc_map_at_3_max": 17.760962555456537, + "nauc_map_at_3_std": 7.15741965624388, + "nauc_map_at_5_diff1": 13.138133309724855, + "nauc_map_at_5_max": 17.871761295251044, + "nauc_map_at_5_std": 8.475147426940074, + "nauc_mrr_at_1000_diff1": 75.82650818891959, + "nauc_mrr_at_1000_max": 53.6736100668434, + "nauc_mrr_at_1000_std": 1.8025016349213916, + "nauc_mrr_at_100_diff1": 75.82530574210111, + "nauc_mrr_at_100_max": 53.68067545829002, + "nauc_mrr_at_100_std": 1.8147470536495791, + "nauc_mrr_at_10_diff1": 75.8330135686799, + "nauc_mrr_at_10_max": 53.78626885349077, + "nauc_mrr_at_10_std": 1.7975782717226636, + "nauc_mrr_at_1_diff1": 76.51940497836482, + "nauc_mrr_at_1_max": 51.251419487235474, + "nauc_mrr_at_1_std": 0.16714896857146574, + "nauc_mrr_at_20_diff1": 75.82783382464166, + "nauc_mrr_at_20_max": 53.68364567043885, + "nauc_mrr_at_20_std": 1.742037904463963, + "nauc_mrr_at_3_diff1": 75.6944609768663, + "nauc_mrr_at_3_max": 53.803941340341666, + "nauc_mrr_at_3_std": 1.1849945458077804, + "nauc_mrr_at_5_diff1": 75.73006960604903, + "nauc_mrr_at_5_max": 53.62223096420106, + "nauc_mrr_at_5_std": 1.6144067563410909, + "nauc_ndcg_at_1000_diff1": 21.58025241642726, + "nauc_ndcg_at_1000_max": 24.675747527001153, + "nauc_ndcg_at_1000_std": 13.075943547492718, + "nauc_ndcg_at_100_diff1": 20.30260137544846, + "nauc_ndcg_at_100_max": 23.757528813872018, + "nauc_ndcg_at_100_std": 13.648994687574062, + "nauc_ndcg_at_10_diff1": 18.995052360997818, + "nauc_ndcg_at_10_max": 22.254260808196037, + "nauc_ndcg_at_10_std": 11.27212390633054, + "nauc_ndcg_at_1_diff1": 76.51940497836482, + "nauc_ndcg_at_1_max": 51.251419487235474, + "nauc_ndcg_at_1_std": 0.16714896857146574, + "nauc_ndcg_at_20_diff1": 19.333742380695757, + "nauc_ndcg_at_20_max": 22.527779834633364, + "nauc_ndcg_at_20_std": 12.161009000707917, + "nauc_ndcg_at_3_diff1": 20.013329040965534, + "nauc_ndcg_at_3_max": 21.99692460311921, + "nauc_ndcg_at_3_std": 6.8076290638386165, + "nauc_ndcg_at_5_diff1": 19.08226315942471, + "nauc_ndcg_at_5_max": 21.71185964294168, + "nauc_ndcg_at_5_std": 8.671911269518214, + "nauc_precision_at_1000_diff1": 2.4462475489446764, + "nauc_precision_at_1000_max": 29.145662064268578, + "nauc_precision_at_1000_std": 49.20704909525856, + "nauc_precision_at_100_diff1": 0.11271196725540299, + "nauc_precision_at_100_max": 17.37584606388067, + "nauc_precision_at_100_std": 34.66099346244071, + "nauc_precision_at_10_diff1": 2.9923183951227825, + "nauc_precision_at_10_max": 14.261884731124264, + "nauc_precision_at_10_std": 18.084188795498378, + "nauc_precision_at_1_diff1": 76.51940497836482, + "nauc_precision_at_1_max": 51.251419487235474, + "nauc_precision_at_1_std": 0.16714896857146574, + "nauc_precision_at_20_diff1": 1.9180293008303761, + "nauc_precision_at_20_max": 13.832269193468512, + "nauc_precision_at_20_std": 21.65284406055607, + "nauc_precision_at_3_diff1": 7.226609484731811, + "nauc_precision_at_3_max": 15.162908526977272, + "nauc_precision_at_3_std": 8.451859972962776, + "nauc_precision_at_5_diff1": 4.705236845538159, + "nauc_precision_at_5_max": 14.022910843582666, + "nauc_precision_at_5_std": 11.777269322821605, + "nauc_recall_at_1000_diff1": 2.446247548945172, + "nauc_recall_at_1000_max": 29.14566206426889, + "nauc_recall_at_1000_std": 49.20704909525879, + "nauc_recall_at_100_diff1": 0.1127119672553316, + "nauc_recall_at_100_max": 17.37584606388062, + "nauc_recall_at_100_std": 34.660993462440686, + "nauc_recall_at_10_diff1": 2.9923183951227927, + "nauc_recall_at_10_max": 14.261884731124299, + "nauc_recall_at_10_std": 18.08418879549837, + "nauc_recall_at_1_diff1": 76.51940497836482, + "nauc_recall_at_1_max": 51.251419487235474, + "nauc_recall_at_1_std": 0.16714896857146574, + "nauc_recall_at_20_diff1": 1.918029300830432, + "nauc_recall_at_20_max": 13.832269193468566, + "nauc_recall_at_20_std": 21.65284406055605, + "nauc_recall_at_3_diff1": 7.226609484731802, + "nauc_recall_at_3_max": 15.162908526977182, + "nauc_recall_at_3_std": 8.451859972962634, + "nauc_recall_at_5_diff1": 4.705236845538197, + "nauc_recall_at_5_max": 14.02291084358265, + "nauc_recall_at_5_std": 11.777269322821638, + "ndcg_at_1": 83.45700000000001, + "ndcg_at_10": 71.74199999999999, + "ndcg_at_100": 75.008, + "ndcg_at_1000": 76.242, + "ndcg_at_20": 73.114, + "ndcg_at_3": 67.128, + "ndcg_at_5": 69.645, + "precision_at_1": 83.45700000000001, + "precision_at_10": 14.747, + "precision_at_100": 1.73, + "precision_at_1000": 0.189, + "precision_at_20": 7.8149999999999995, + "precision_at_3": 42.323, + "precision_at_5": 27.381, + "recall_at_1": 41.729, + "recall_at_10": 73.734, + "recall_at_100": 86.502, + "recall_at_1000": 94.60499999999999, + "recall_at_20": 78.14999999999999, + "recall_at_3": 63.483999999999995, + "recall_at_5": 68.45400000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/ImdbClassification.json b/results/dunzhang__stella_en_400M_v5/external/ImdbClassification.json new file mode 100644 index 000000000..31bea8dda --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/ImdbClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 96.4904, + "ap": 94.85481918794709, + "ap_weighted": 94.85481918794709, + "f1": 96.4898592305707, + "f1_weighted": 96.4898592305707, + "main_score": 96.4904 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/MSMARCO.json b/results/dunzhang__stella_en_400M_v5/external/MSMARCO.json new file mode 100644 index 000000000..b0cb62af2 --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/MSMARCO.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 43.692, + "map_at_1": 23.751, + "map_at_10": 36.553999999999995, + "map_at_100": 37.721, + "map_at_1000": 37.763999999999996, + "map_at_20": 37.289, + "map_at_3": 32.643, + "map_at_5": 34.851, + "mrr_at_1": 24.455587392550143, + "mrr_at_10": 37.18388706963206, + "mrr_at_100": 38.28330737932916, + "mrr_at_1000": 38.32054399710817, + "mrr_at_20": 37.8818001216278, + "mrr_at_3": 33.35721107927405, + "mrr_at_5": 35.52483285577843, + "nauc_map_at_1000_diff1": 36.3576177260684, + "nauc_map_at_1000_max": 7.854511605962703, + "nauc_map_at_1000_std": -17.701121059746878, + "nauc_map_at_100_diff1": 36.356075649230505, + "nauc_map_at_100_max": 7.862168042999533, + "nauc_map_at_100_std": -17.670102459097233, + "nauc_map_at_10_diff1": 36.22122978875574, + "nauc_map_at_10_max": 7.80848606967416, + "nauc_map_at_10_std": -18.3265151386167, + "nauc_map_at_1_diff1": 39.28605466408357, + "nauc_map_at_1_max": 6.20202977590459, + "nauc_map_at_1_std": -15.734334090045026, + "nauc_map_at_20_diff1": 36.33637880909657, + "nauc_map_at_20_max": 7.843437969476022, + "nauc_map_at_20_std": -17.917533363025996, + "nauc_map_at_3_diff1": 36.24864976076741, + "nauc_map_at_3_max": 7.420345251835957, + "nauc_map_at_3_std": -18.71678497722944, + "nauc_map_at_5_diff1": 36.0789619291824, + "nauc_map_at_5_max": 7.7314285669514495, + "nauc_map_at_5_std": -18.748688764538706, + "nauc_mrr_at_1000_diff1": 36.23912675623378, + "nauc_mrr_at_1000_max": 7.690553436255147, + "nauc_mrr_at_1000_std": -17.609526070212304, + "nauc_mrr_at_100_diff1": 36.23782651189002, + "nauc_mrr_at_100_max": 7.70075095171647, + "nauc_mrr_at_100_std": -17.575714144960184, + "nauc_mrr_at_10_diff1": 36.125229472534215, + "nauc_mrr_at_10_max": 7.635472248755658, + "nauc_mrr_at_10_std": -18.208166616511086, + "nauc_mrr_at_1_diff1": 39.20986875554532, + "nauc_mrr_at_1_max": 6.062668487561363, + "nauc_mrr_at_1_std": -16.04130340817602, + "nauc_mrr_at_20_diff1": 36.21207088739667, + "nauc_mrr_at_20_max": 7.699610250145951, + "nauc_mrr_at_20_std": -17.778245221724028, + "nauc_mrr_at_3_diff1": 36.03957583885305, + "nauc_mrr_at_3_max": 7.225515576504581, + "nauc_mrr_at_3_std": -18.74478742943741, + "nauc_mrr_at_5_diff1": 35.969152496648974, + "nauc_mrr_at_5_max": 7.584059789018233, + "nauc_mrr_at_5_std": -18.569374723129332, + "nauc_ndcg_at_1000_diff1": 35.894655529841806, + "nauc_ndcg_at_1000_max": 8.579327424366236, + "nauc_ndcg_at_1000_std": -16.359677367747896, + "nauc_ndcg_at_100_diff1": 35.89861902483983, + "nauc_ndcg_at_100_max": 8.830873623962242, + "nauc_ndcg_at_100_std": -15.173125564722978, + "nauc_ndcg_at_10_diff1": 35.36499811105169, + "nauc_ndcg_at_10_max": 8.449267180956992, + "nauc_ndcg_at_10_std": -18.41978802362402, + "nauc_ndcg_at_1_diff1": 39.15422481210622, + "nauc_ndcg_at_1_max": 6.055515791928331, + "nauc_ndcg_at_1_std": -16.042779610876252, + "nauc_ndcg_at_20_diff1": 35.73402868264468, + "nauc_ndcg_at_20_max": 8.695705518210847, + "nauc_ndcg_at_20_std": -16.7735829470466, + "nauc_ndcg_at_3_diff1": 35.31358242856231, + "nauc_ndcg_at_3_max": 7.645692789058997, + "nauc_ndcg_at_3_std": -19.460003734786874, + "nauc_ndcg_at_5_diff1": 35.05216588927143, + "nauc_ndcg_at_5_max": 8.216690520604715, + "nauc_ndcg_at_5_std": -19.3982054492159, + "nauc_precision_at_1000_diff1": -4.440002625111349, + "nauc_precision_at_1000_max": 7.886988951901723, + "nauc_precision_at_1000_std": 9.88111187048247, + "nauc_precision_at_100_diff1": 15.728286119463325, + "nauc_precision_at_100_max": 13.218650824470654, + "nauc_precision_at_100_std": 16.113245895522553, + "nauc_precision_at_10_diff1": 29.51218489610567, + "nauc_precision_at_10_max": 10.197432401942912, + "nauc_precision_at_10_std": -16.950603431359493, + "nauc_precision_at_1_diff1": 39.15422481210622, + "nauc_precision_at_1_max": 6.055515791928331, + "nauc_precision_at_1_std": -16.042779610876252, + "nauc_precision_at_20_diff1": 27.825993070397338, + "nauc_precision_at_20_max": 11.437632287846007, + "nauc_precision_at_20_std": -7.450353566405601, + "nauc_precision_at_3_diff1": 32.14135556796588, + "nauc_precision_at_3_max": 7.989252443574163, + "nauc_precision_at_3_std": -21.566254595671055, + "nauc_precision_at_5_diff1": 30.68778685307082, + "nauc_precision_at_5_max": 9.332160758499892, + "nauc_precision_at_5_std": -20.928554713448914, + "nauc_recall_at_1000_diff1": 25.00810478716878, + "nauc_recall_at_1000_max": 46.518165765201644, + "nauc_recall_at_1000_std": 61.4734635576085, + "nauc_recall_at_100_diff1": 33.895581318261726, + "nauc_recall_at_100_max": 20.10706035872801, + "nauc_recall_at_100_std": 24.204226584457047, + "nauc_recall_at_10_diff1": 32.363127359576296, + "nauc_recall_at_10_max": 10.729923804989545, + "nauc_recall_at_10_std": -18.1335370184202, + "nauc_recall_at_1_diff1": 39.28605466408357, + "nauc_recall_at_1_max": 6.20202977590459, + "nauc_recall_at_1_std": -15.734334090045026, + "nauc_recall_at_20_diff1": 33.47804003169795, + "nauc_recall_at_20_max": 12.781494765263382, + "nauc_recall_at_20_std": -9.263970132202658, + "nauc_recall_at_3_diff1": 32.71001429428999, + "nauc_recall_at_3_max": 8.353439197382693, + "nauc_recall_at_3_std": -21.235097744366954, + "nauc_recall_at_5_diff1": 31.87451464963415, + "nauc_recall_at_5_max": 9.635051450907305, + "nauc_recall_at_5_std": -21.113235357132794, + "ndcg_at_1": 24.47, + "ndcg_at_10": 43.692, + "ndcg_at_100": 49.211, + "ndcg_at_1000": 50.244, + "ndcg_at_20": 46.278000000000006, + "ndcg_at_3": 35.719, + "ndcg_at_5": 39.652, + "precision_at_1": 24.47, + "precision_at_10": 6.857, + "precision_at_100": 0.9610000000000001, + "precision_at_1000": 0.105, + "precision_at_20": 3.968, + "precision_at_3": 15.181000000000001, + "precision_at_5": 11.117, + "recall_at_1": 23.751, + "recall_at_10": 65.64, + "recall_at_100": 90.967, + "recall_at_1000": 98.738, + "recall_at_20": 75.639, + "recall_at_3": 43.927, + "recall_at_5": 53.366 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/MTOPDomainClassification.json b/results/dunzhang__stella_en_400M_v5/external/MTOPDomainClassification.json new file mode 100644 index 000000000..2962e9f00 --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/MTOPDomainClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 98.82580939352485, + "f1": 98.75201754333801, + "f1_weighted": 98.82795205108245, + "main_score": 98.82580939352485 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/MTOPIntentClassification.json b/results/dunzhang__stella_en_400M_v5/external/MTOPIntentClassification.json new file mode 100644 index 000000000..8c421cd2e --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/MTOPIntentClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.29822161422709, + "f1": 77.75210224871594, + "f1_weighted": 93.58661422540348, + "main_score": 92.29822161422709 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/MassiveIntentClassification.json b/results/dunzhang__stella_en_400M_v5/external/MassiveIntentClassification.json new file mode 100644 index 000000000..4183a483b --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/MassiveIntentClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "4672e20407010da34463acc759c162ca9734bca6", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 85.17484868863484, + "f1": 81.94484244487094, + "f1_weighted": 85.21022593423332, + "main_score": 85.17484868863484 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/MassiveScenarioClassification.json b/results/dunzhang__stella_en_400M_v5/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..a82dce0d9 --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/MassiveScenarioClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "fad2c6e8459f9e1c45d9315f4953d921437d70f8", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 89.61667787491594, + "f1": 89.02701927621264, + "f1_weighted": 89.56306982022801, + "main_score": 89.61667787491594 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/MedrxivClusteringP2P.json b/results/dunzhang__stella_en_400M_v5/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..bf232514b --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/MedrxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 46.318282423948574, + "v_measure": 46.318282423948574, + "v_measure_std": 0.9729055662461538 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/MedrxivClusteringS2S.json b/results/dunzhang__stella_en_400M_v5/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..6b267e93f --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/MedrxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 44.29033625273981, + "v_measure": 44.29033625273981, + "v_measure_std": 1.0596383629128594 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/MindSmallReranking.json b/results/dunzhang__stella_en_400M_v5/external/MindSmallReranking.json new file mode 100644 index 000000000..2cf580ba8 --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/MindSmallReranking.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "59042f120c80e8afa9cdbb224f67076cec0fc9a7", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 33.0526129239962, + "map": 33.0526129239962, + "mrr": 34.29260046890935, + "nAUC_map_diff1": 12.579738077238032, + "nAUC_map_max": -20.936629344962, + "nAUC_map_std": -1.6096805784945216, + "nAUC_mrr_diff1": 11.597584463580807, + "nAUC_mrr_max": -15.723702838537504, + "nAUC_mrr_std": 0.2719172965777737 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/NFCorpus.json b/results/dunzhang__stella_en_400M_v5/external/NFCorpus.json new file mode 100644 index 000000000..0d67ffdf1 --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/NFCorpus.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 41.486000000000004, + "map_at_1": 6.866, + "map_at_10": 15.895999999999999, + "map_at_100": 21.093, + "map_at_1000": 23.067, + "map_at_20": 18.125, + "map_at_3": 11.421000000000001, + "map_at_5": 13.415, + "mrr_at_1": 52.63157894736842, + "mrr_at_10": 61.486805248415166, + "mrr_at_100": 62.08211009182091, + "mrr_at_1000": 62.10828701365016, + "mrr_at_20": 61.904411187915784, + "mrr_at_3": 59.90712074303407, + "mrr_at_5": 60.91331269349847, + "nauc_map_at_1000_diff1": 25.484625278529403, + "nauc_map_at_1000_max": 31.206600396418853, + "nauc_map_at_1000_std": 15.569448072357156, + "nauc_map_at_100_diff1": 27.636750226316764, + "nauc_map_at_100_max": 29.66992681250722, + "nauc_map_at_100_std": 10.570600484002671, + "nauc_map_at_10_diff1": 32.76642525548697, + "nauc_map_at_10_max": 21.459225397237663, + "nauc_map_at_10_std": -3.546494734209264, + "nauc_map_at_1_diff1": 48.8002894871328, + "nauc_map_at_1_max": 5.7236722609868815, + "nauc_map_at_1_std": -13.283554044471352, + "nauc_map_at_20_diff1": 30.57169701502308, + "nauc_map_at_20_max": 25.79666139518404, + "nauc_map_at_20_std": 1.781732492989651, + "nauc_map_at_3_diff1": 40.076315947201095, + "nauc_map_at_3_max": 12.862524429140054, + "nauc_map_at_3_std": -9.188349777126817, + "nauc_map_at_5_diff1": 36.9918718052938, + "nauc_map_at_5_max": 16.74234374361876, + "nauc_map_at_5_std": -7.818523349307494, + "nauc_mrr_at_1000_diff1": 26.88183002609805, + "nauc_mrr_at_1000_max": 47.10209348428658, + "nauc_mrr_at_1000_std": 32.067825924992924, + "nauc_mrr_at_100_diff1": 26.871482491566745, + "nauc_mrr_at_100_max": 47.11303868498556, + "nauc_mrr_at_100_std": 32.08961428818868, + "nauc_mrr_at_10_diff1": 26.6356914977722, + "nauc_mrr_at_10_max": 47.091624558810366, + "nauc_mrr_at_10_std": 31.942424120660164, + "nauc_mrr_at_1_diff1": 28.19774198483673, + "nauc_mrr_at_1_max": 41.44380927834253, + "nauc_mrr_at_1_std": 25.18222691885917, + "nauc_mrr_at_20_diff1": 26.86487347109452, + "nauc_mrr_at_20_max": 47.1987778214726, + "nauc_mrr_at_20_std": 32.143517921610034, + "nauc_mrr_at_3_diff1": 27.34340373236422, + "nauc_mrr_at_3_max": 46.358726506276646, + "nauc_mrr_at_3_std": 31.74924155572593, + "nauc_mrr_at_5_diff1": 27.209667205060672, + "nauc_mrr_at_5_max": 46.79883369072009, + "nauc_mrr_at_5_std": 31.655605306670758, + "nauc_ndcg_at_1000_diff1": 18.940195769769687, + "nauc_ndcg_at_1000_max": 46.48551313937331, + "nauc_ndcg_at_1000_std": 33.64819502089232, + "nauc_ndcg_at_100_diff1": 19.50885253809146, + "nauc_ndcg_at_100_max": 40.53174462354878, + "nauc_ndcg_at_100_std": 28.516152877751118, + "nauc_ndcg_at_10_diff1": 16.01699218096564, + "nauc_ndcg_at_10_max": 41.17322878314514, + "nauc_ndcg_at_10_std": 29.002233224832196, + "nauc_ndcg_at_1_diff1": 27.443547710102205, + "nauc_ndcg_at_1_max": 40.66529763309582, + "nauc_ndcg_at_1_std": 24.15016766225869, + "nauc_ndcg_at_20_diff1": 17.541197675685062, + "nauc_ndcg_at_20_max": 40.53231266973844, + "nauc_ndcg_at_20_std": 29.54096347876548, + "nauc_ndcg_at_3_diff1": 18.649628357473716, + "nauc_ndcg_at_3_max": 41.18603570171764, + "nauc_ndcg_at_3_std": 27.125524188420396, + "nauc_ndcg_at_5_diff1": 17.519593751448483, + "nauc_ndcg_at_5_max": 42.715997890377345, + "nauc_ndcg_at_5_std": 27.902627839899868, + "nauc_precision_at_1000_diff1": -15.528797630565155, + "nauc_precision_at_1000_max": 13.741640921778671, + "nauc_precision_at_1000_std": 44.50896053788372, + "nauc_precision_at_100_diff1": -14.491464489721887, + "nauc_precision_at_100_max": 23.136434418999457, + "nauc_precision_at_100_std": 49.73145147863128, + "nauc_precision_at_10_diff1": -4.829188942994277, + "nauc_precision_at_10_max": 40.327612559528866, + "nauc_precision_at_10_std": 39.34919529635044, + "nauc_precision_at_1_diff1": 28.19774198483673, + "nauc_precision_at_1_max": 41.44380927834253, + "nauc_precision_at_1_std": 25.18222691885917, + "nauc_precision_at_20_diff1": -7.210726293112847, + "nauc_precision_at_20_max": 37.195679576636984, + "nauc_precision_at_20_std": 45.4597096418357, + "nauc_precision_at_3_diff1": 7.578219537774854, + "nauc_precision_at_3_max": 41.59775233475654, + "nauc_precision_at_3_std": 30.764584790895118, + "nauc_precision_at_5_diff1": 1.655451789039598, + "nauc_precision_at_5_max": 43.435739407610455, + "nauc_precision_at_5_std": 33.42552263325999, + "nauc_recall_at_1000_diff1": 5.030705700690516, + "nauc_recall_at_1000_max": 19.108072570815583, + "nauc_recall_at_1000_std": 14.697734974217308, + "nauc_recall_at_100_diff1": 14.746540318132407, + "nauc_recall_at_100_max": 21.798705033854795, + "nauc_recall_at_100_std": 11.416195108842587, + "nauc_recall_at_10_diff1": 25.548642427860486, + "nauc_recall_at_10_max": 18.711677681987474, + "nauc_recall_at_10_std": -5.988904818971677, + "nauc_recall_at_1_diff1": 48.8002894871328, + "nauc_recall_at_1_max": 5.7236722609868815, + "nauc_recall_at_1_std": -13.283554044471352, + "nauc_recall_at_20_diff1": 23.39140739154809, + "nauc_recall_at_20_max": 19.351150636155474, + "nauc_recall_at_20_std": -2.757280266915132, + "nauc_recall_at_3_diff1": 38.17453576012812, + "nauc_recall_at_3_max": 13.47003839643972, + "nauc_recall_at_3_std": -8.75780163862688, + "nauc_recall_at_5_diff1": 33.02812855226899, + "nauc_recall_at_5_max": 15.477626408978477, + "nauc_recall_at_5_std": -9.072206441070708, + "ndcg_at_1": 50.773999999999994, + "ndcg_at_10": 41.486000000000004, + "ndcg_at_100": 39.051, + "ndcg_at_1000": 48.106, + "ndcg_at_20": 39.432, + "ndcg_at_3": 47.428, + "ndcg_at_5": 45.227000000000004, + "precision_at_1": 52.632, + "precision_at_10": 31.146, + "precision_at_100": 10.328, + "precision_at_1000": 2.432, + "precision_at_20": 23.793, + "precision_at_3": 45.201, + "precision_at_5": 39.876, + "recall_at_1": 6.866, + "recall_at_10": 20.447000000000003, + "recall_at_100": 40.607, + "recall_at_1000": 73.411, + "recall_at_20": 26.082, + "recall_at_3": 12.484, + "recall_at_5": 15.847 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/NQ.json b/results/dunzhang__stella_en_400M_v5/external/NQ.json new file mode 100644 index 000000000..9643671ef --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/NQ.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 69.072, + "map_at_1": 45.483000000000004, + "map_at_10": 62.050000000000004, + "map_at_100": 62.693, + "map_at_1000": 62.702999999999996, + "map_at_20": 62.498, + "map_at_3": 58.285, + "map_at_5": 60.711000000000006, + "mrr_at_1": 50.840092699884124, + "mrr_at_10": 64.54635224116673, + "mrr_at_100": 64.9526548702289, + "mrr_at_1000": 64.95908460752281, + "mrr_at_20": 64.82949565799959, + "mrr_at_3": 61.89165701042856, + "mrr_at_5": 63.632676709154026, + "nauc_map_at_1000_diff1": 43.187285304185224, + "nauc_map_at_1000_max": 32.39921659632756, + "nauc_map_at_1000_std": -5.780901333066553, + "nauc_map_at_100_diff1": 43.184487221204456, + "nauc_map_at_100_max": 32.41176116347982, + "nauc_map_at_100_std": -5.76422606662383, + "nauc_map_at_10_diff1": 42.967066814031746, + "nauc_map_at_10_max": 32.489617364418514, + "nauc_map_at_10_std": -6.029045531102664, + "nauc_map_at_1_diff1": 46.16376563218624, + "nauc_map_at_1_max": 26.342624776802232, + "nauc_map_at_1_std": -7.142171388751972, + "nauc_map_at_20_diff1": 43.15894358608328, + "nauc_map_at_20_max": 32.46492198956245, + "nauc_map_at_20_std": -5.788373305449195, + "nauc_map_at_3_diff1": 43.231752344608545, + "nauc_map_at_3_max": 31.68003009949564, + "nauc_map_at_3_std": -8.015235132765458, + "nauc_map_at_5_diff1": 42.86197608819917, + "nauc_map_at_5_max": 32.363857571094485, + "nauc_map_at_5_std": -6.780487416387977, + "nauc_mrr_at_1000_diff1": 43.40542912045782, + "nauc_mrr_at_1000_max": 32.8461770324533, + "nauc_mrr_at_1000_std": -3.6505425530008204, + "nauc_mrr_at_100_diff1": 43.40233508014468, + "nauc_mrr_at_100_max": 32.85598538385942, + "nauc_mrr_at_100_std": -3.637477352635459, + "nauc_mrr_at_10_diff1": 43.260179162806054, + "nauc_mrr_at_10_max": 32.942643527040474, + "nauc_mrr_at_10_std": -3.712052825320437, + "nauc_mrr_at_1_diff1": 46.354919460881206, + "nauc_mrr_at_1_max": 29.1760258591106, + "nauc_mrr_at_1_std": -4.107225031227406, + "nauc_mrr_at_20_diff1": 43.37092385434311, + "nauc_mrr_at_20_max": 32.93390254712846, + "nauc_mrr_at_20_std": -3.5719056112132006, + "nauc_mrr_at_3_diff1": 43.1744474040527, + "nauc_mrr_at_3_max": 32.741290559777994, + "nauc_mrr_at_3_std": -4.72677925120697, + "nauc_mrr_at_5_diff1": 43.108396819975674, + "nauc_mrr_at_5_max": 32.970519514893084, + "nauc_mrr_at_5_std": -4.090906158975974, + "nauc_ndcg_at_1000_diff1": 42.786664193638714, + "nauc_ndcg_at_1000_max": 33.65554095609296, + "nauc_ndcg_at_1000_std": -4.024030130584482, + "nauc_ndcg_at_100_diff1": 42.691246775210814, + "nauc_ndcg_at_100_max": 34.063232335110875, + "nauc_ndcg_at_100_std": -3.477813807415248, + "nauc_ndcg_at_10_diff1": 41.90988990571757, + "nauc_ndcg_at_10_max": 34.58934812881633, + "nauc_ndcg_at_10_std": -4.3295110195497655, + "nauc_ndcg_at_1_diff1": 46.354919460881206, + "nauc_ndcg_at_1_max": 29.1760258591106, + "nauc_ndcg_at_1_std": -4.107225031227406, + "nauc_ndcg_at_20_diff1": 42.493206675867114, + "nauc_ndcg_at_20_max": 34.562441307459544, + "nauc_ndcg_at_20_std": -3.4456116866749107, + "nauc_ndcg_at_3_diff1": 42.24180336502808, + "nauc_ndcg_at_3_max": 33.064267018100594, + "nauc_ndcg_at_3_std": -7.786248093572142, + "nauc_ndcg_at_5_diff1": 41.692714787779565, + "nauc_ndcg_at_5_max": 34.20502498949156, + "nauc_ndcg_at_5_std": -5.979557859282785, + "nauc_precision_at_1000_diff1": -13.779832506640702, + "nauc_precision_at_1000_max": 1.243001688631421, + "nauc_precision_at_1000_std": 17.351623398622323, + "nauc_precision_at_100_diff1": -11.310526816290297, + "nauc_precision_at_100_max": 5.771669506192959, + "nauc_precision_at_100_std": 19.917795079540113, + "nauc_precision_at_10_diff1": 2.163699384635286, + "nauc_precision_at_10_max": 19.66440698458386, + "nauc_precision_at_10_std": 13.689876348315726, + "nauc_precision_at_1_diff1": 46.354919460881206, + "nauc_precision_at_1_max": 29.1760258591106, + "nauc_precision_at_1_std": -4.107225031227406, + "nauc_precision_at_20_diff1": -3.038735879584471, + "nauc_precision_at_20_max": 14.132968299701695, + "nauc_precision_at_20_std": 17.78069734664346, + "nauc_precision_at_3_diff1": 21.783760758070095, + "nauc_precision_at_3_max": 30.244127986404497, + "nauc_precision_at_3_std": -0.12411163467738723, + "nauc_precision_at_5_diff1": 10.980635723302418, + "nauc_precision_at_5_max": 25.302293738975575, + "nauc_precision_at_5_std": 6.4740817488722024, + "nauc_recall_at_1000_diff1": 34.10343772356593, + "nauc_recall_at_1000_max": 80.72497340357538, + "nauc_recall_at_1000_std": 69.54564103264093, + "nauc_recall_at_100_diff1": 33.427719956774126, + "nauc_recall_at_100_max": 71.54086768335449, + "nauc_recall_at_100_std": 49.66157377654885, + "nauc_recall_at_10_diff1": 33.70139560054039, + "nauc_recall_at_10_max": 45.47878072860151, + "nauc_recall_at_10_std": 1.4188516615716378, + "nauc_recall_at_1_diff1": 46.16376563218624, + "nauc_recall_at_1_max": 26.342624776802232, + "nauc_recall_at_1_std": -7.142171388751972, + "nauc_recall_at_20_diff1": 35.805379874970086, + "nauc_recall_at_20_max": 51.80479822253392, + "nauc_recall_at_20_std": 13.531467576460143, + "nauc_recall_at_3_diff1": 37.288500141631616, + "nauc_recall_at_3_max": 35.07078243516728, + "nauc_recall_at_3_std": -10.452926441410405, + "nauc_recall_at_5_diff1": 34.83186104526897, + "nauc_recall_at_5_max": 39.58488976496973, + "nauc_recall_at_5_std": -6.3049292065708835, + "ndcg_at_1": 50.839999999999996, + "ndcg_at_10": 69.072, + "ndcg_at_100": 71.538, + "ndcg_at_1000": 71.77799999999999, + "ndcg_at_20": 70.41, + "ndcg_at_3": 62.544999999999995, + "ndcg_at_5": 66.33099999999999, + "precision_at_1": 50.839999999999996, + "precision_at_10": 10.495000000000001, + "precision_at_100": 1.1900000000000002, + "precision_at_1000": 0.121, + "precision_at_20": 5.5809999999999995, + "precision_at_3": 27.636, + "precision_at_5": 18.864, + "recall_at_1": 45.483000000000004, + "recall_at_10": 87.483, + "recall_at_100": 97.844, + "recall_at_1000": 99.66199999999999, + "recall_at_20": 92.294, + "recall_at_3": 71.2, + "recall_at_5": 79.753 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/QuoraRetrieval.json b/results/dunzhang__stella_en_400M_v5/external/QuoraRetrieval.json new file mode 100644 index 000000000..3ba548a9a --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/QuoraRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "e4e08e0b7dbe3c8700f0daef558ff32256715259", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 89.58, + "map_at_1": 71.819, + "map_at_10": 86.04899999999999, + "map_at_100": 86.648, + "map_at_1000": 86.66199999999999, + "map_at_20": 86.441, + "map_at_3": 83.114, + "map_at_5": 84.981, + "mrr_at_1": 82.62, + "mrr_at_10": 88.62899999999979, + "mrr_at_100": 88.70918591324215, + "mrr_at_1000": 88.70973091492397, + "mrr_at_20": 88.68914765317221, + "mrr_at_3": 87.74999999999979, + "mrr_at_5": 88.36799999999974, + "nauc_map_at_1000_diff1": 77.89207709760448, + "nauc_map_at_1000_max": 29.63371361495422, + "nauc_map_at_1000_std": -48.628180385874344, + "nauc_map_at_100_diff1": 77.89592179104915, + "nauc_map_at_100_max": 29.617171506130756, + "nauc_map_at_100_std": -48.66057170774648, + "nauc_map_at_10_diff1": 78.0618161228185, + "nauc_map_at_10_max": 29.178490609366737, + "nauc_map_at_10_std": -50.74755004592002, + "nauc_map_at_1_diff1": 81.64335579973574, + "nauc_map_at_1_max": 21.813832226652174, + "nauc_map_at_1_std": -42.57570978190876, + "nauc_map_at_20_diff1": 77.9299081005938, + "nauc_map_at_20_max": 29.458718470003888, + "nauc_map_at_20_std": -49.63337236763102, + "nauc_map_at_3_diff1": 78.72941448509229, + "nauc_map_at_3_max": 26.600997896960056, + "nauc_map_at_3_std": -51.889002227479885, + "nauc_map_at_5_diff1": 78.31466610917171, + "nauc_map_at_5_max": 28.09863984582896, + "nauc_map_at_5_std": -52.14058096096497, + "nauc_mrr_at_1000_diff1": 78.42667263739992, + "nauc_mrr_at_1000_max": 31.98996235127974, + "nauc_mrr_at_1000_std": -44.380439148429296, + "nauc_mrr_at_100_diff1": 78.42661032698115, + "nauc_mrr_at_100_max": 31.991652631740102, + "nauc_mrr_at_100_std": -44.37854108460535, + "nauc_mrr_at_10_diff1": 78.39126022544136, + "nauc_mrr_at_10_max": 32.02023484451197, + "nauc_mrr_at_10_std": -44.561252349176954, + "nauc_mrr_at_1_diff1": 79.21630894647448, + "nauc_mrr_at_1_max": 31.526303156060177, + "nauc_mrr_at_1_std": -41.887504422443136, + "nauc_mrr_at_20_diff1": 78.42548039170424, + "nauc_mrr_at_20_max": 31.99588275070137, + "nauc_mrr_at_20_std": -44.44957722627042, + "nauc_mrr_at_3_diff1": 78.26165151833735, + "nauc_mrr_at_3_max": 32.18028826126801, + "nauc_mrr_at_3_std": -44.6998237213182, + "nauc_mrr_at_5_diff1": 78.34786430903962, + "nauc_mrr_at_5_max": 32.168476272879566, + "nauc_mrr_at_5_std": -44.7915919956712, + "nauc_ndcg_at_1000_diff1": 77.79198355957816, + "nauc_ndcg_at_1000_max": 31.14363511518406, + "nauc_ndcg_at_1000_std": -46.69335151274275, + "nauc_ndcg_at_100_diff1": 77.79898090286419, + "nauc_ndcg_at_100_max": 31.115103811629215, + "nauc_ndcg_at_100_std": -46.73078913421965, + "nauc_ndcg_at_10_diff1": 77.74856635461343, + "nauc_ndcg_at_10_max": 30.279584686212747, + "nauc_ndcg_at_10_std": -50.23514662356807, + "nauc_ndcg_at_1_diff1": 79.17833000040999, + "nauc_ndcg_at_1_max": 31.703788144510746, + "nauc_ndcg_at_1_std": -41.854817402870715, + "nauc_ndcg_at_20_diff1": 77.7380353804671, + "nauc_ndcg_at_20_max": 30.622294129001553, + "nauc_ndcg_at_20_std": -49.035794761065254, + "nauc_ndcg_at_3_diff1": 77.41476880573593, + "nauc_ndcg_at_3_max": 29.015949978243032, + "nauc_ndcg_at_3_std": -49.78627087622648, + "nauc_ndcg_at_5_diff1": 77.64439137502896, + "nauc_ndcg_at_5_max": 29.444684897492206, + "nauc_ndcg_at_5_std": -51.21908400252501, + "nauc_precision_at_1000_diff1": -44.92396459446822, + "nauc_precision_at_1000_max": -3.674153720989045, + "nauc_precision_at_1000_std": 39.56552468277785, + "nauc_precision_at_100_diff1": -44.75143023259094, + "nauc_precision_at_100_max": -3.705280025140011, + "nauc_precision_at_100_std": 39.433619999113326, + "nauc_precision_at_10_diff1": -41.0651074726579, + "nauc_precision_at_10_max": -0.21097985601783667, + "nauc_precision_at_10_std": 26.24652824589493, + "nauc_precision_at_1_diff1": 79.17833000040999, + "nauc_precision_at_1_max": 31.703788144510746, + "nauc_precision_at_1_std": -41.854817402870715, + "nauc_precision_at_20_diff1": -43.368001340920294, + "nauc_precision_at_20_max": -2.036990010399129, + "nauc_precision_at_20_std": 32.37747041406297, + "nauc_precision_at_3_diff1": -22.089307548346877, + "nauc_precision_at_3_max": 6.2280973175296, + "nauc_precision_at_3_std": 5.323992514036145, + "nauc_precision_at_5_diff1": -34.07115055244003, + "nauc_precision_at_5_max": 2.5955315789198834, + "nauc_precision_at_5_std": 16.26096689407332, + "nauc_recall_at_1000_diff1": 58.27703860947467, + "nauc_recall_at_1000_max": 68.59835835315768, + "nauc_recall_at_1000_std": 77.96687006056064, + "nauc_recall_at_100_diff1": 73.24371223081737, + "nauc_recall_at_100_max": 39.55925344664591, + "nauc_recall_at_100_std": -32.25605030215798, + "nauc_recall_at_10_diff1": 73.41261201339202, + "nauc_recall_at_10_max": 26.822979434062926, + "nauc_recall_at_10_std": -74.2909332592806, + "nauc_recall_at_1_diff1": 81.64335579973574, + "nauc_recall_at_1_max": 21.813832226652174, + "nauc_recall_at_1_std": -42.57570978190876, + "nauc_recall_at_20_diff1": 72.7621297920656, + "nauc_recall_at_20_max": 26.02492304096079, + "nauc_recall_at_20_std": -77.8724532438279, + "nauc_recall_at_3_diff1": 75.25149312810714, + "nauc_recall_at_3_max": 23.20545662481487, + "nauc_recall_at_3_std": -59.69689982140521, + "nauc_recall_at_5_diff1": 73.69807273001406, + "nauc_recall_at_5_max": 24.073666798066057, + "nauc_recall_at_5_std": -67.91121268130719, + "ndcg_at_1": 82.64, + "ndcg_at_10": 89.58, + "ndcg_at_100": 90.606, + "ndcg_at_1000": 90.676, + "ndcg_at_20": 90.132, + "ndcg_at_3": 86.88, + "ndcg_at_5": 88.40299999999999, + "precision_at_1": 82.64, + "precision_at_10": 13.604, + "precision_at_100": 1.539, + "precision_at_1000": 0.157, + "precision_at_20": 7.188, + "precision_at_3": 38.083, + "precision_at_5": 25.018, + "recall_at_1": 71.819, + "recall_at_10": 96.34700000000001, + "recall_at_100": 99.715, + "recall_at_1000": 99.995, + "recall_at_20": 98.073, + "recall_at_3": 88.57300000000001, + "recall_at_5": 92.908 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/RedditClustering.json b/results/dunzhang__stella_en_400M_v5/external/RedditClustering.json new file mode 100644 index 000000000..16ae00d6d --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/RedditClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 71.18966762070158, + "v_measure": 71.18966762070158, + "v_measure_std": 2.7498969054457048 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/RedditClusteringP2P.json b/results/dunzhang__stella_en_400M_v5/external/RedditClusteringP2P.json new file mode 100644 index 000000000..5aded128d --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/RedditClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 74.42014716862516, + "v_measure": 74.42014716862516, + "v_measure_std": 9.909739891410648 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/SCIDOCS.json b/results/dunzhang__stella_en_400M_v5/external/SCIDOCS.json new file mode 100644 index 000000000..7ff073ec4 --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/SCIDOCS.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f8c2fcf00f625baaa80f62ec5bd9e1fff3b8ae88", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 25.041999999999998, + "map_at_1": 5.893000000000001, + "map_at_10": 15.260000000000002, + "map_at_100": 18.084, + "map_at_1000": 18.467, + "map_at_20": 16.675, + "map_at_3": 10.526, + "map_at_5": 12.775, + "mrr_at_1": 28.999999999999996, + "mrr_at_10": 41.03575396825395, + "mrr_at_100": 42.136771862785835, + "mrr_at_1000": 42.16698555415099, + "mrr_at_20": 41.707493696104315, + "mrr_at_3": 37.34999999999998, + "mrr_at_5": 39.59999999999995, + "nauc_map_at_1000_diff1": 12.080002654911883, + "nauc_map_at_1000_max": 29.813563682286276, + "nauc_map_at_1000_std": 20.36659817908673, + "nauc_map_at_100_diff1": 12.108735517749706, + "nauc_map_at_100_max": 29.76830671710955, + "nauc_map_at_100_std": 20.3433621032846, + "nauc_map_at_10_diff1": 12.91575031185637, + "nauc_map_at_10_max": 29.427600958386318, + "nauc_map_at_10_std": 16.89867275177153, + "nauc_map_at_1_diff1": 19.353069488987916, + "nauc_map_at_1_max": 17.093914951159693, + "nauc_map_at_1_std": 8.19886078055046, + "nauc_map_at_20_diff1": 11.977233457943113, + "nauc_map_at_20_max": 29.171812822948805, + "nauc_map_at_20_std": 18.780517506173965, + "nauc_map_at_3_diff1": 14.453129464176092, + "nauc_map_at_3_max": 25.801958649112077, + "nauc_map_at_3_std": 11.572823684429643, + "nauc_map_at_5_diff1": 13.167155808104997, + "nauc_map_at_5_max": 27.355626948365792, + "nauc_map_at_5_std": 14.414151839192183, + "nauc_mrr_at_1000_diff1": 17.262104643988636, + "nauc_mrr_at_1000_max": 23.991373837217058, + "nauc_mrr_at_1000_std": 12.44755488671623, + "nauc_mrr_at_100_diff1": 17.267280132318703, + "nauc_mrr_at_100_max": 24.022189287889294, + "nauc_mrr_at_100_std": 12.480695500214788, + "nauc_mrr_at_10_diff1": 17.012383998246268, + "nauc_mrr_at_10_max": 24.192637911171722, + "nauc_mrr_at_10_std": 12.524608847408917, + "nauc_mrr_at_1_diff1": 19.43518811038007, + "nauc_mrr_at_1_max": 17.747482933395602, + "nauc_mrr_at_1_std": 8.410779775558684, + "nauc_mrr_at_20_diff1": 17.202663281407446, + "nauc_mrr_at_20_max": 24.091991130543118, + "nauc_mrr_at_20_std": 12.503814263019908, + "nauc_mrr_at_3_diff1": 17.52733013432995, + "nauc_mrr_at_3_max": 23.569459518780214, + "nauc_mrr_at_3_std": 11.770846827520726, + "nauc_mrr_at_5_diff1": 17.10817561975543, + "nauc_mrr_at_5_max": 23.945141435234678, + "nauc_mrr_at_5_std": 12.034468615317719, + "nauc_ndcg_at_1000_diff1": 12.317811393346936, + "nauc_ndcg_at_1000_max": 30.809991350156103, + "nauc_ndcg_at_1000_std": 24.517501065205067, + "nauc_ndcg_at_100_diff1": 12.824804203182936, + "nauc_ndcg_at_100_max": 30.895499817010748, + "nauc_ndcg_at_100_std": 25.424376279745402, + "nauc_ndcg_at_10_diff1": 13.32724552457439, + "nauc_ndcg_at_10_max": 30.409088666807456, + "nauc_ndcg_at_10_std": 18.216330475714113, + "nauc_ndcg_at_1_diff1": 19.43518811038007, + "nauc_ndcg_at_1_max": 17.747482933395602, + "nauc_ndcg_at_1_std": 8.410779775558684, + "nauc_ndcg_at_20_diff1": 12.224399111852902, + "nauc_ndcg_at_20_max": 29.86352330445272, + "nauc_ndcg_at_20_std": 21.196937851331807, + "nauc_ndcg_at_3_diff1": 15.367489533734027, + "nauc_ndcg_at_3_max": 26.76486390741532, + "nauc_ndcg_at_3_std": 12.606077508789923, + "nauc_ndcg_at_5_diff1": 13.831157482390935, + "nauc_ndcg_at_5_max": 28.070226983968904, + "nauc_ndcg_at_5_std": 15.236787943125435, + "nauc_precision_at_1000_diff1": 0.016122957101357048, + "nauc_precision_at_1000_max": 24.380929903557334, + "nauc_precision_at_1000_std": 34.54045112720052, + "nauc_precision_at_100_diff1": 7.255224788507301, + "nauc_precision_at_100_max": 27.98453788447542, + "nauc_precision_at_100_std": 35.38999555441665, + "nauc_precision_at_10_diff1": 9.69185099834181, + "nauc_precision_at_10_max": 32.532315522580454, + "nauc_precision_at_10_std": 21.48948348473612, + "nauc_precision_at_1_diff1": 19.43518811038007, + "nauc_precision_at_1_max": 17.747482933395602, + "nauc_precision_at_1_std": 8.410779775558684, + "nauc_precision_at_20_diff1": 6.964076536695672, + "nauc_precision_at_20_max": 29.30087236410044, + "nauc_precision_at_20_std": 26.413625895571986, + "nauc_precision_at_3_diff1": 14.145134359925155, + "nauc_precision_at_3_max": 29.915650960808303, + "nauc_precision_at_3_std": 14.095370019867797, + "nauc_precision_at_5_diff1": 11.043933558522692, + "nauc_precision_at_5_max": 30.93016505807111, + "nauc_precision_at_5_std": 17.749256196062603, + "nauc_recall_at_1000_diff1": -0.7776817772090345, + "nauc_recall_at_1000_max": 23.094717340324518, + "nauc_recall_at_1000_std": 37.189908681396425, + "nauc_recall_at_100_diff1": 6.887748742013364, + "nauc_recall_at_100_max": 27.00798435230277, + "nauc_recall_at_100_std": 35.908147807345344, + "nauc_recall_at_10_diff1": 9.605632017480751, + "nauc_recall_at_10_max": 31.845202901168655, + "nauc_recall_at_10_std": 21.497414586634683, + "nauc_recall_at_1_diff1": 19.353069488987916, + "nauc_recall_at_1_max": 17.093914951159693, + "nauc_recall_at_1_std": 8.19886078055046, + "nauc_recall_at_20_diff1": 6.927503731844782, + "nauc_recall_at_20_max": 28.611698183338202, + "nauc_recall_at_20_std": 26.69018660149911, + "nauc_recall_at_3_diff1": 14.043724087062268, + "nauc_recall_at_3_max": 29.269835821380465, + "nauc_recall_at_3_std": 14.104419605998094, + "nauc_recall_at_5_diff1": 11.017319452873336, + "nauc_recall_at_5_max": 30.295720628306228, + "nauc_recall_at_5_std": 17.758048545573825, + "ndcg_at_1": 28.999999999999996, + "ndcg_at_10": 25.041999999999998, + "ndcg_at_100": 35.045, + "ndcg_at_1000": 40.803, + "ndcg_at_20": 28.584, + "ndcg_at_3": 23.249, + "ndcg_at_5": 20.533, + "precision_at_1": 28.999999999999996, + "precision_at_10": 13.120000000000001, + "precision_at_100": 2.7470000000000003, + "precision_at_1000": 0.41200000000000003, + "precision_at_20": 8.584999999999999, + "precision_at_3": 21.633, + "precision_at_5": 18.099999999999998, + "recall_at_1": 5.893000000000001, + "recall_at_10": 26.567, + "recall_at_100": 55.800000000000004, + "recall_at_1000": 83.608, + "recall_at_20": 34.86, + "recall_at_3": 13.153, + "recall_at_5": 18.323 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/SICK-R.json b/results/dunzhang__stella_en_400M_v5/external/SICK-R.json new file mode 100644 index 000000000..a1e23a637 --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 86.57284584320382, + "cosine_spearman": 82.20531642680812, + "euclidean_pearson": 83.94261758556554, + "euclidean_spearman": 82.20721497738559, + "main_score": 82.20531642680812, + "manhattan_pearson": 84.15902154703083, + "manhattan_spearman": 82.19506027155957, + "pearson": 86.57284584320382, + "spearman": 82.20531642680812 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/STS12.json b/results/dunzhang__stella_en_400M_v5/external/STS12.json new file mode 100644 index 000000000..76a2e56c6 --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 86.28047602146931, + "cosine_spearman": 79.51504881448884, + "euclidean_pearson": 83.10545189967856, + "euclidean_spearman": 79.50586960492797, + "main_score": 79.51504881448884, + "manhattan_pearson": 83.44244457500889, + "manhattan_spearman": 79.730303339846, + "pearson": 86.28047602146931, + "spearman": 79.51504881448884 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/STS13.json b/results/dunzhang__stella_en_400M_v5/external/STS13.json new file mode 100644 index 000000000..2d08320bc --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 88.74723553048702, + "cosine_spearman": 89.18936052329725, + "euclidean_pearson": 88.90400878928668, + "euclidean_spearman": 89.19174821431281, + "main_score": 89.18936052329725, + "manhattan_pearson": 88.81504628424054, + "manhattan_spearman": 89.18063294142597, + "pearson": 88.74723553048702, + "spearman": 89.18936052329725 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/STS14.json b/results/dunzhang__stella_en_400M_v5/external/STS14.json new file mode 100644 index 000000000..14402fd71 --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 86.45403437836023, + "cosine_spearman": 85.14654611519086, + "euclidean_pearson": 85.87509624462743, + "euclidean_spearman": 85.1391108856681, + "main_score": 85.14654611519086, + "manhattan_pearson": 85.96635794953866, + "manhattan_spearman": 85.3271371527667, + "pearson": 86.45403437836023, + "spearman": 85.14654611519086 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/STS15.json b/results/dunzhang__stella_en_400M_v5/external/STS15.json new file mode 100644 index 000000000..f729d7b65 --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 87.84742260009705, + "cosine_spearman": 89.10215217191254, + "euclidean_pearson": 88.97393286325477, + "euclidean_spearman": 89.1014105509662, + "main_score": 89.10215217191254, + "manhattan_pearson": 89.31698781090151, + "manhattan_spearman": 89.53000001764433, + "pearson": 87.84742260009705, + "spearman": 89.10215217191254 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/STS16.json b/results/dunzhang__stella_en_400M_v5/external/STS16.json new file mode 100644 index 000000000..7ec4cea8c --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 85.22397535461835, + "cosine_spearman": 87.14066355879785, + "euclidean_pearson": 86.31393364087295, + "euclidean_spearman": 87.14018892702765, + "main_score": 87.14066355879785, + "manhattan_pearson": 86.36366855248434, + "manhattan_spearman": 87.20858630423012, + "pearson": 85.22397535461835, + "spearman": 87.14066355879785 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/STS17.json b/results/dunzhang__stella_en_400M_v5/external/STS17.json new file mode 100644 index 000000000..cad9c3ce4 --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "faeb762787bd10488a50c8b5be4a3b82e411949c", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 90.66131612061355, + "cosine_spearman": 90.97082650129164, + "euclidean_pearson": 90.98181906744969, + "euclidean_spearman": 90.99008476850047, + "main_score": 90.97082650129164, + "manhattan_pearson": 90.75245040709021, + "manhattan_spearman": 90.6199877691265, + "pearson": 90.66131612061355, + "spearman": 90.97082650129164 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/STS22.json b/results/dunzhang__stella_en_400M_v5/external/STS22.json new file mode 100644 index 000000000..e71da1938 --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "de9d86b3b84231dc21f76c7b7af1f28e2f57f6e3", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 67.270656447085, + "cosine_spearman": 67.82870469746828, + "euclidean_pearson": 69.03857775285664, + "euclidean_spearman": 67.74455108773341, + "main_score": 67.82870469746828, + "manhattan_pearson": 69.25304172245812, + "manhattan_spearman": 68.00987097916055, + "pearson": 67.270656447085, + "spearman": 67.82870469746828 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/STSBenchmark.json b/results/dunzhang__stella_en_400M_v5/external/STSBenchmark.json new file mode 100644 index 000000000..d1695da39 --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 87.17245205384889, + "cosine_spearman": 87.7360146030987, + "euclidean_pearson": 87.48919412794656, + "euclidean_spearman": 87.7312047878383, + "main_score": 87.7360146030987, + "manhattan_pearson": 87.61476224354806, + "manhattan_spearman": 87.95220889254693, + "pearson": 87.17245205384889, + "spearman": 87.7360146030987 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/SciDocsRR.json b/results/dunzhang__stella_en_400M_v5/external/SciDocsRR.json new file mode 100644 index 000000000..955a4fc3c --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/SciDocsRR.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 88.43547871921146, + "map": 88.43547871921146, + "mrr": 96.5564473652709, + "nAUC_map_diff1": -13.66029392579231, + "nAUC_map_max": 50.325613574053506, + "nAUC_map_std": 60.02986231275796, + "nAUC_mrr_diff1": 23.83821476411125, + "nAUC_mrr_max": 86.72643311769906, + "nAUC_mrr_std": 72.12741063469213 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/SciFact.json b/results/dunzhang__stella_en_400M_v5/external/SciFact.json new file mode 100644 index 000000000..c83f26f96 --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/SciFact.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 78.233, + "map_at_1": 61.49400000000001, + "map_at_10": 73.30600000000001, + "map_at_100": 73.719, + "map_at_1000": 73.724, + "map_at_20": 73.611, + "map_at_3": 70.626, + "map_at_5": 72.417, + "mrr_at_1": 64.66666666666666, + "mrr_at_10": 74.30357142857143, + "mrr_at_100": 74.56950898079988, + "mrr_at_1000": 74.57295833098681, + "mrr_at_20": 74.46165223665226, + "mrr_at_3": 72.3888888888889, + "mrr_at_5": 73.60555555555557, + "nauc_map_at_1000_diff1": 76.51524604780636, + "nauc_map_at_1000_max": 53.48521938401881, + "nauc_map_at_1000_std": -7.347799382158861, + "nauc_map_at_100_diff1": 76.5122888096236, + "nauc_map_at_100_max": 53.49221847471618, + "nauc_map_at_100_std": -7.329683735681086, + "nauc_map_at_10_diff1": 76.30928630674504, + "nauc_map_at_10_max": 53.00102977185941, + "nauc_map_at_10_std": -7.7467740085108705, + "nauc_map_at_1_diff1": 79.54189281784247, + "nauc_map_at_1_max": 46.630071622109526, + "nauc_map_at_1_std": -14.395943134644112, + "nauc_map_at_20_diff1": 76.41604361947962, + "nauc_map_at_20_max": 53.578883876146875, + "nauc_map_at_20_std": -7.403103451288041, + "nauc_map_at_3_diff1": 76.25911617571941, + "nauc_map_at_3_max": 49.140287380513605, + "nauc_map_at_3_std": -11.35992449218983, + "nauc_map_at_5_diff1": 76.35122077770336, + "nauc_map_at_5_max": 52.1744367901208, + "nauc_map_at_5_std": -7.85753955055384, + "nauc_mrr_at_1000_diff1": 76.97223309515867, + "nauc_mrr_at_1000_max": 57.263787498613326, + "nauc_mrr_at_1000_std": -4.884090708840035, + "nauc_mrr_at_100_diff1": 76.97312970894603, + "nauc_mrr_at_100_max": 57.26850730446478, + "nauc_mrr_at_100_std": -4.875200894216617, + "nauc_mrr_at_10_diff1": 76.65927674223613, + "nauc_mrr_at_10_max": 57.30979763941454, + "nauc_mrr_at_10_std": -4.863331094022142, + "nauc_mrr_at_1_diff1": 80.0454932568644, + "nauc_mrr_at_1_max": 56.76038421319305, + "nauc_mrr_at_1_std": -4.101939392632653, + "nauc_mrr_at_20_diff1": 76.87237970440503, + "nauc_mrr_at_20_max": 57.33843605225869, + "nauc_mrr_at_20_std": -4.96248984417978, + "nauc_mrr_at_3_diff1": 76.74130186666727, + "nauc_mrr_at_3_max": 56.19313244846155, + "nauc_mrr_at_3_std": -5.684365934009136, + "nauc_mrr_at_5_diff1": 76.66406918799962, + "nauc_mrr_at_5_max": 57.56110093228628, + "nauc_mrr_at_5_std": -3.7464413085588073, + "nauc_ndcg_at_1000_diff1": 76.19194173971773, + "nauc_ndcg_at_1000_max": 55.57464600170693, + "nauc_ndcg_at_1000_std": -6.0761689532372625, + "nauc_ndcg_at_100_diff1": 76.14631273843654, + "nauc_ndcg_at_100_max": 55.72246565373382, + "nauc_ndcg_at_100_std": -5.595160698860595, + "nauc_ndcg_at_10_diff1": 75.0108223611192, + "nauc_ndcg_at_10_max": 55.27894212877493, + "nauc_ndcg_at_10_std": -6.968331740214591, + "nauc_ndcg_at_1_diff1": 80.0454932568644, + "nauc_ndcg_at_1_max": 56.76038421319305, + "nauc_ndcg_at_1_std": -4.101939392632653, + "nauc_ndcg_at_20_diff1": 75.54887755702472, + "nauc_ndcg_at_20_max": 56.406879417251496, + "nauc_ndcg_at_20_std": -6.495231061329629, + "nauc_ndcg_at_3_diff1": 75.03620356688509, + "nauc_ndcg_at_3_max": 52.147381077773424, + "nauc_ndcg_at_3_std": -8.448005688956199, + "nauc_ndcg_at_5_diff1": 75.1195898074229, + "nauc_ndcg_at_5_max": 54.2321033861173, + "nauc_ndcg_at_5_std": -5.882690780895338, + "nauc_precision_at_1000_diff1": -28.081979732100532, + "nauc_precision_at_1000_max": 35.055348014832916, + "nauc_precision_at_1000_std": 59.61280468927384, + "nauc_precision_at_100_diff1": -25.112740730587458, + "nauc_precision_at_100_max": 38.26331300116496, + "nauc_precision_at_100_std": 62.46316222328831, + "nauc_precision_at_10_diff1": -2.6766206473658833, + "nauc_precision_at_10_max": 45.95321867204845, + "nauc_precision_at_10_std": 45.07212468670564, + "nauc_precision_at_1_diff1": 80.0454932568644, + "nauc_precision_at_1_max": 56.76038421319305, + "nauc_precision_at_1_std": -4.101939392632653, + "nauc_precision_at_20_diff1": -10.698911116738385, + "nauc_precision_at_20_max": 43.467275950182994, + "nauc_precision_at_20_std": 48.00467321991766, + "nauc_precision_at_3_diff1": 33.6344708541193, + "nauc_precision_at_3_max": 49.309242331670504, + "nauc_precision_at_3_std": 21.02940391379915, + "nauc_precision_at_5_diff1": 13.560415600596318, + "nauc_precision_at_5_max": 48.918726500100085, + "nauc_precision_at_5_std": 39.940930429172184, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": 70.82166199813196, + "nauc_recall_at_100_max": 76.6106442577042, + "nauc_recall_at_100_std": 66.47992530345513, + "nauc_recall_at_10_diff1": 62.68908885556092, + "nauc_recall_at_10_max": 58.14262437741839, + "nauc_recall_at_10_std": -12.946717875063369, + "nauc_recall_at_1_diff1": 79.54189281784247, + "nauc_recall_at_1_max": 46.630071622109526, + "nauc_recall_at_1_std": -14.395943134644112, + "nauc_recall_at_20_diff1": 65.79470497876567, + "nauc_recall_at_20_max": 71.68308183488456, + "nauc_recall_at_20_std": -12.556850697268453, + "nauc_recall_at_3_diff1": 68.3240211318129, + "nauc_recall_at_3_max": 45.05998217275036, + "nauc_recall_at_3_std": -14.23179772593869, + "nauc_recall_at_5_diff1": 67.53366869904056, + "nauc_recall_at_5_max": 53.57935627081027, + "nauc_recall_at_5_std": -3.3271112904853393, + "ndcg_at_1": 64.667, + "ndcg_at_10": 78.233, + "ndcg_at_100": 79.806, + "ndcg_at_1000": 79.92099999999999, + "ndcg_at_20": 79.006, + "ndcg_at_3": 74.018, + "ndcg_at_5": 76.334, + "precision_at_1": 64.667, + "precision_at_10": 10.4, + "precision_at_100": 1.1199999999999999, + "precision_at_1000": 0.11299999999999999, + "precision_at_20": 5.383, + "precision_at_3": 29.444, + "precision_at_5": 19.467000000000002, + "recall_at_1": 61.49400000000001, + "recall_at_10": 92.156, + "recall_at_100": 99.167, + "recall_at_1000": 100.0, + "recall_at_20": 94.833, + "recall_at_3": 80.833, + "recall_at_5": 86.6 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/SprintDuplicateQuestions.json b/results/dunzhang__stella_en_400M_v5/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..71672adcf --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/SprintDuplicateQuestions.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 99.8039603960396, + "cosine_accuracy_threshold": 84.54211950302124, + "cosine_ap": 95.59056372734358, + "cosine_f1": 90.1394422310757, + "cosine_f1_threshold": 84.54211950302124, + "cosine_precision": 89.78174603174604, + "cosine_recall": 90.5, + "dot_accuracy": 99.80594059405941, + "dot_accuracy_threshold": 85.57180166244507, + "dot_ap": 95.53453431914399, + "dot_f1": 90.10442565887618, + "dot_f1_threshold": 84.59715843200684, + "dot_precision": 89.61424332344214, + "dot_recall": 90.60000000000001, + "euclidean_accuracy": 99.8039603960396, + "euclidean_accuracy_threshold": 53.253382444381714, + "euclidean_ap": 95.5850992402159, + "euclidean_f1": 90.09457441513192, + "euclidean_f1_threshold": 55.725520849227905, + "euclidean_precision": 89.69276511397423, + "euclidean_recall": 90.5, + "main_score": 95.7485189884476, + "manhattan_accuracy": 99.81485148514851, + "manhattan_accuracy_threshold": 3491.29638671875, + "manhattan_ap": 95.7485189884476, + "manhattan_f1": 90.464048954615, + "manhattan_f1_threshold": 3491.29638671875, + "manhattan_precision": 92.2996878251821, + "manhattan_recall": 88.7, + "max_ap": 95.7485189884476, + "max_f1": 90.464048954615, + "max_precision": 92.2996878251821, + "max_recall": 90.60000000000001, + "similarity_accuracy": 99.8039603960396, + "similarity_accuracy_threshold": 84.54211950302124, + "similarity_ap": 95.59056372734358, + "similarity_f1": 90.1394422310757, + "similarity_f1_threshold": 84.54211950302124, + "similarity_precision": 89.78174603174604, + "similarity_recall": 90.5 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/StackExchangeClustering.json b/results/dunzhang__stella_en_400M_v5/external/StackExchangeClustering.json new file mode 100644 index 000000000..054c8aad6 --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/StackExchangeClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 78.49205191950675, + "v_measure": 78.49205191950675, + "v_measure_std": 2.84869550699959 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/StackExchangeClusteringP2P.json b/results/dunzhang__stella_en_400M_v5/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..5808a6ac1 --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/StackExchangeClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 48.90421736513028, + "v_measure": 48.90421736513028, + "v_measure_std": 1.6875865714471023 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/StackOverflowDupQuestions.json b/results/dunzhang__stella_en_400M_v5/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..a177725d1 --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/StackOverflowDupQuestions.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 52.9874730481696, + "map": 52.9874730481696, + "mrr": 53.85867604617604, + "nAUC_map_diff1": 39.633429293407616, + "nAUC_map_max": 10.236807988858546, + "nAUC_map_std": 10.276522217929674, + "nAUC_mrr_diff1": 40.0543079218377, + "nAUC_mrr_max": 10.96209807382042, + "nAUC_mrr_std": 10.524400196109918 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/SummEval.json b/results/dunzhang__stella_en_400M_v5/external/SummEval.json new file mode 100644 index 000000000..62426278f --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 30.727801109114232, + "cosine_spearman": 31.66058223980157, + "dot_pearson": 30.78818248622866, + "dot_spearman": 31.525158776890265, + "main_score": 31.66058223980157, + "pearson": 30.727801109114232, + "spearman": 31.66058223980157 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/TRECCOVID.json b/results/dunzhang__stella_en_400M_v5/external/TRECCOVID.json new file mode 100644 index 000000000..93c51ae54 --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/TRECCOVID.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "bb9466bac8153a0349341eb1b22e06409e78ef4e", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 85.206, + "map_at_1": 0.246, + "map_at_10": 2.1950000000000003, + "map_at_100": 14.179, + "map_at_1000": 35.037, + "map_at_20": 4.143, + "map_at_3": 0.7100000000000001, + "map_at_5": 1.135, + "mrr_at_1": 94.0, + "mrr_at_10": 96.66666666666666, + "mrr_at_100": 96.66666666666666, + "mrr_at_1000": 96.66666666666666, + "mrr_at_20": 96.66666666666666, + "mrr_at_3": 96.66666666666666, + "mrr_at_5": 96.66666666666666, + "nauc_map_at_1000_diff1": -4.6264497624527525, + "nauc_map_at_1000_max": 44.594457564749355, + "nauc_map_at_1000_std": 73.17642341400133, + "nauc_map_at_100_diff1": 23.451335157405726, + "nauc_map_at_100_max": 25.426398857299525, + "nauc_map_at_100_std": 64.07416694472633, + "nauc_map_at_10_diff1": 46.57568738568346, + "nauc_map_at_10_max": 9.693233249079238, + "nauc_map_at_10_std": 28.549530265164357, + "nauc_map_at_1_diff1": 53.48238396620123, + "nauc_map_at_1_max": 0.33476619393733076, + "nauc_map_at_1_std": 8.906362219128463, + "nauc_map_at_20_diff1": 39.40719602207749, + "nauc_map_at_20_max": 9.635915072074045, + "nauc_map_at_20_std": 35.15634791346394, + "nauc_map_at_3_diff1": 53.11784737840137, + "nauc_map_at_3_max": 3.059682761072153, + "nauc_map_at_3_std": 21.310633086556617, + "nauc_map_at_5_diff1": 49.91570701185436, + "nauc_map_at_5_max": 8.045082896244576, + "nauc_map_at_5_std": 20.597686235051647, + "nauc_mrr_at_1000_diff1": 41.98412698412726, + "nauc_mrr_at_1000_max": 78.24463118580779, + "nauc_mrr_at_1000_std": 0.30812324930028195, + "nauc_mrr_at_100_diff1": 41.98412698412726, + "nauc_mrr_at_100_max": 78.24463118580779, + "nauc_mrr_at_100_std": 0.30812324930028195, + "nauc_mrr_at_10_diff1": 41.98412698412726, + "nauc_mrr_at_10_max": 78.24463118580779, + "nauc_mrr_at_10_std": 0.30812324930028195, + "nauc_mrr_at_1_diff1": 38.62433862433873, + "nauc_mrr_at_1_max": 80.78120136943666, + "nauc_mrr_at_1_std": -10.768751945222197, + "nauc_mrr_at_20_diff1": 41.98412698412726, + "nauc_mrr_at_20_max": 78.24463118580779, + "nauc_mrr_at_20_std": 0.30812324930028195, + "nauc_mrr_at_3_diff1": 41.98412698412726, + "nauc_mrr_at_3_max": 78.24463118580779, + "nauc_mrr_at_3_std": 0.30812324930028195, + "nauc_mrr_at_5_diff1": 41.98412698412726, + "nauc_mrr_at_5_max": 78.24463118580779, + "nauc_mrr_at_5_std": 0.30812324930028195, + "nauc_ndcg_at_1000_diff1": 0.5174948602880207, + "nauc_ndcg_at_1000_max": 48.60686602077053, + "nauc_ndcg_at_1000_std": 75.72456343175277, + "nauc_ndcg_at_100_diff1": -20.747252137999254, + "nauc_ndcg_at_100_max": 49.985132618254994, + "nauc_ndcg_at_100_std": 61.096383293836574, + "nauc_ndcg_at_10_diff1": 6.791377920463332, + "nauc_ndcg_at_10_max": 57.50019332833286, + "nauc_ndcg_at_10_std": 49.201028841219426, + "nauc_ndcg_at_1_diff1": 54.92683440362145, + "nauc_ndcg_at_1_max": 83.8667228129276, + "nauc_ndcg_at_1_std": 1.6738604063586122, + "nauc_ndcg_at_20_diff1": -5.1948699196314925, + "nauc_ndcg_at_20_max": 54.483087684806556, + "nauc_ndcg_at_20_std": 50.54823818118781, + "nauc_ndcg_at_3_diff1": 26.267246500164372, + "nauc_ndcg_at_3_max": 63.0173212926611, + "nauc_ndcg_at_3_std": 41.025597406368256, + "nauc_ndcg_at_5_diff1": 16.910185454343036, + "nauc_ndcg_at_5_max": 60.9328683868778, + "nauc_ndcg_at_5_std": 36.70169905857712, + "nauc_precision_at_1000_diff1": -46.374447765983525, + "nauc_precision_at_1000_max": 35.36052337813863, + "nauc_precision_at_1000_std": 14.219220668161018, + "nauc_precision_at_100_diff1": -29.7838083657744, + "nauc_precision_at_100_max": 43.93589400385112, + "nauc_precision_at_100_std": 55.425045718579945, + "nauc_precision_at_10_diff1": -12.016613405227687, + "nauc_precision_at_10_max": 57.79924427743131, + "nauc_precision_at_10_std": 49.022036703550675, + "nauc_precision_at_1_diff1": 38.62433862433873, + "nauc_precision_at_1_max": 80.78120136943666, + "nauc_precision_at_1_std": -10.768751945222197, + "nauc_precision_at_20_diff1": -23.95633847880195, + "nauc_precision_at_20_max": 48.34715917258276, + "nauc_precision_at_20_std": 48.82198285255887, + "nauc_precision_at_3_diff1": 6.871296905858807, + "nauc_precision_at_3_max": 70.54805793285054, + "nauc_precision_at_3_std": 44.65108624094803, + "nauc_precision_at_5_diff1": -9.074932448759695, + "nauc_precision_at_5_max": 67.41284242437573, + "nauc_precision_at_5_std": 23.876891983919577, + "nauc_recall_at_1000_diff1": 8.142288830293255, + "nauc_recall_at_1000_max": 38.85182826835104, + "nauc_recall_at_1000_std": 68.60783819217335, + "nauc_recall_at_100_diff1": 34.262914076287466, + "nauc_recall_at_100_max": 12.87009658528838, + "nauc_recall_at_100_std": 56.21330603762995, + "nauc_recall_at_10_diff1": 49.33830945338758, + "nauc_recall_at_10_max": 0.3539875530671406, + "nauc_recall_at_10_std": 26.85864465557644, + "nauc_recall_at_1_diff1": 53.48238396620123, + "nauc_recall_at_1_max": 0.33476619393733076, + "nauc_recall_at_1_std": 8.906362219128463, + "nauc_recall_at_20_diff1": 44.21928181266254, + "nauc_recall_at_20_max": -0.9198356057088594, + "nauc_recall_at_20_std": 31.484376992896784, + "nauc_recall_at_3_diff1": 53.038093080990876, + "nauc_recall_at_3_max": -1.4170895916973003, + "nauc_recall_at_3_std": 21.890202855574497, + "nauc_recall_at_5_diff1": 49.39742214825278, + "nauc_recall_at_5_max": 2.8412267611894517, + "nauc_recall_at_5_std": 18.01598921859512, + "ndcg_at_1": 91.0, + "ndcg_at_10": 85.206, + "ndcg_at_100": 67.29, + "ndcg_at_1000": 60.584, + "ndcg_at_20": 82.321, + "ndcg_at_3": 88.642, + "ndcg_at_5": 87.063, + "precision_at_1": 94.0, + "precision_at_10": 89.8, + "precision_at_100": 69.78, + "precision_at_1000": 26.738, + "precision_at_20": 87.2, + "precision_at_3": 92.0, + "precision_at_5": 90.8, + "recall_at_1": 0.246, + "recall_at_10": 2.344, + "recall_at_100": 16.962, + "recall_at_1000": 57.325, + "recall_at_20": 4.517, + "recall_at_3": 0.731, + "recall_at_5": 1.1780000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/Touche2020.json b/results/dunzhang__stella_en_400M_v5/external/Touche2020.json new file mode 100644 index 000000000..00409a702 --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/Touche2020.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 31.455, + "map_at_1": 2.9739999999999998, + "map_at_10": 12.183, + "map_at_100": 18.772, + "map_at_1000": 20.415, + "map_at_20": 14.451, + "map_at_3": 6.507000000000001, + "map_at_5": 8.66, + "mrr_at_1": 40.816326530612244, + "mrr_at_10": 57.70975056689341, + "mrr_at_100": 58.18379126542391, + "mrr_at_1000": 58.18379126542391, + "mrr_at_20": 57.85552316164561, + "mrr_at_3": 54.08163265306123, + "mrr_at_5": 56.42857142857143, + "nauc_map_at_1000_diff1": 3.1567471051481437, + "nauc_map_at_1000_max": -1.5882060729791523, + "nauc_map_at_1000_std": 18.69622198722074, + "nauc_map_at_100_diff1": 3.3449677678147536, + "nauc_map_at_100_max": -2.8928606866168405, + "nauc_map_at_100_std": 15.789984947653412, + "nauc_map_at_10_diff1": 2.9696743570444264, + "nauc_map_at_10_max": -9.096749212011876, + "nauc_map_at_10_std": -5.38545817258353, + "nauc_map_at_1_diff1": 20.680780404542546, + "nauc_map_at_1_max": -7.04722927447817, + "nauc_map_at_1_std": -7.062494733973898, + "nauc_map_at_20_diff1": 4.070437790119271, + "nauc_map_at_20_max": -4.84491434686032, + "nauc_map_at_20_std": 0.5846341109021014, + "nauc_map_at_3_diff1": 11.9634978045925, + "nauc_map_at_3_max": -8.27834591046608, + "nauc_map_at_3_std": -8.687615453381065, + "nauc_map_at_5_diff1": 0.9195191526009436, + "nauc_map_at_5_max": -1.673813362719489, + "nauc_map_at_5_std": -6.67549753473631, + "nauc_mrr_at_1000_diff1": 19.877993208719573, + "nauc_mrr_at_1000_max": -10.37776706406218, + "nauc_mrr_at_1000_std": 7.132169578056367, + "nauc_mrr_at_100_diff1": 19.877993208719573, + "nauc_mrr_at_100_max": -10.37776706406218, + "nauc_mrr_at_100_std": 7.132169578056367, + "nauc_mrr_at_10_diff1": 20.414285568401457, + "nauc_mrr_at_10_max": -9.677800295687861, + "nauc_mrr_at_10_std": 8.001103690180859, + "nauc_mrr_at_1_diff1": 22.393284073955723, + "nauc_mrr_at_1_max": -5.889370191243167, + "nauc_mrr_at_1_std": -1.5183536173658247, + "nauc_mrr_at_20_diff1": 20.455564720604055, + "nauc_mrr_at_20_max": -10.230642830103074, + "nauc_mrr_at_20_std": 7.863582453266621, + "nauc_mrr_at_3_diff1": 17.554895390732618, + "nauc_mrr_at_3_max": -15.618463505555052, + "nauc_mrr_at_3_std": 5.913231577966864, + "nauc_mrr_at_5_diff1": 18.393678507779914, + "nauc_mrr_at_5_max": -11.903593353147762, + "nauc_mrr_at_5_std": 7.580745996262831, + "nauc_ndcg_at_1000_diff1": 13.746937095530473, + "nauc_ndcg_at_1000_max": -0.9319249687895838, + "nauc_ndcg_at_1000_std": 38.56328031451904, + "nauc_ndcg_at_100_diff1": 13.854865944415895, + "nauc_ndcg_at_100_max": -7.142142012591404, + "nauc_ndcg_at_100_std": 35.61341954818848, + "nauc_ndcg_at_10_diff1": 9.010144273248759, + "nauc_ndcg_at_10_max": -15.320014897424574, + "nauc_ndcg_at_10_std": 2.84883880489144, + "nauc_ndcg_at_1_diff1": 20.939533945592967, + "nauc_ndcg_at_1_max": -6.387319972188946, + "nauc_ndcg_at_1_std": -0.5258673122126726, + "nauc_ndcg_at_20_diff1": 14.660827309009496, + "nauc_ndcg_at_20_max": -13.476196120145994, + "nauc_ndcg_at_20_std": 8.22391881710838, + "nauc_ndcg_at_3_diff1": 13.429985227235935, + "nauc_ndcg_at_3_max": -14.904544592570247, + "nauc_ndcg_at_3_std": 1.599779998183342, + "nauc_ndcg_at_5_diff1": 8.085466231900622, + "nauc_ndcg_at_5_max": -9.09591969526831, + "nauc_ndcg_at_5_std": 3.5794092637248505, + "nauc_precision_at_1000_diff1": -9.31941215946743, + "nauc_precision_at_1000_max": 31.52913520470716, + "nauc_precision_at_1000_std": 22.720784312185856, + "nauc_precision_at_100_diff1": 8.958548406995279, + "nauc_precision_at_100_max": 15.100597910674104, + "nauc_precision_at_100_std": 71.04548238175113, + "nauc_precision_at_10_diff1": 12.4698194690008, + "nauc_precision_at_10_max": -15.84870544871496, + "nauc_precision_at_10_std": 7.575297622501928, + "nauc_precision_at_1_diff1": 22.393284073955723, + "nauc_precision_at_1_max": -5.889370191243167, + "nauc_precision_at_1_std": -1.5183536173658247, + "nauc_precision_at_20_diff1": 15.393505718138758, + "nauc_precision_at_20_max": -3.70684298539384, + "nauc_precision_at_20_std": 29.426137824970304, + "nauc_precision_at_3_diff1": 9.997768085465394, + "nauc_precision_at_3_max": -17.12224314347674, + "nauc_precision_at_3_std": -1.343018166772313, + "nauc_precision_at_5_diff1": 3.8936997437913554, + "nauc_precision_at_5_max": -5.689104289687632, + "nauc_precision_at_5_std": 3.181098051304285, + "nauc_recall_at_1000_diff1": 9.908303508158387, + "nauc_recall_at_1000_max": 6.174506592699848, + "nauc_recall_at_1000_std": 77.41931114780012, + "nauc_recall_at_100_diff1": 10.286839241876192, + "nauc_recall_at_100_max": -6.6138697026666815, + "nauc_recall_at_100_std": 49.608313692633224, + "nauc_recall_at_10_diff1": 2.215545846659851, + "nauc_recall_at_10_max": -17.83025802478445, + "nauc_recall_at_10_std": -3.3784768673705465, + "nauc_recall_at_1_diff1": 20.680780404542546, + "nauc_recall_at_1_max": -7.04722927447817, + "nauc_recall_at_1_std": -7.062494733973898, + "nauc_recall_at_20_diff1": 6.974410239251615, + "nauc_recall_at_20_max": -14.161147924731646, + "nauc_recall_at_20_std": 9.328412057721454, + "nauc_recall_at_3_diff1": 7.904589805754212, + "nauc_recall_at_3_max": -12.1912388648593, + "nauc_recall_at_3_std": -9.221542013385555, + "nauc_recall_at_5_diff1": -3.2604132752706914, + "nauc_recall_at_5_max": -6.886351441658915, + "nauc_recall_at_5_std": -7.014252851712789, + "ndcg_at_1": 39.796, + "ndcg_at_10": 31.455, + "ndcg_at_100": 42.388999999999996, + "ndcg_at_1000": 53.556000000000004, + "ndcg_at_20": 30.808000000000003, + "ndcg_at_3": 35.831, + "ndcg_at_5": 32.845, + "precision_at_1": 40.816, + "precision_at_10": 27.143, + "precision_at_100": 8.449, + "precision_at_1000": 1.6179999999999999, + "precision_at_20": 19.387999999999998, + "precision_at_3": 35.374, + "precision_at_5": 31.019999999999996, + "recall_at_1": 2.9739999999999998, + "recall_at_10": 19.39, + "recall_at_100": 51.636, + "recall_at_1000": 86.99900000000001, + "recall_at_20": 26.478, + "recall_at_3": 7.703, + "recall_at_5": 11.42 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/ToxicConversationsClassification.json b/results/dunzhang__stella_en_400M_v5/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..dfeb54799 --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/ToxicConversationsClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.9384765625, + "ap": 31.737513704141552, + "ap_weighted": 31.737513704141552, + "f1": 71.5490757306975, + "f1_weighted": 89.14632533489856, + "main_score": 86.9384765625 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/TweetSentimentExtractionClassification.json b/results/dunzhang__stella_en_400M_v5/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..67018c611 --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.57668364459535, + "f1": 73.90467103648074, + "f1_weighted": 73.42158415034704, + "main_score": 73.57668364459535 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/TwentyNewsgroupsClustering.json b/results/dunzhang__stella_en_400M_v5/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..39b8e9acf --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 58.574148097494685, + "v_measure": 58.574148097494685, + "v_measure_std": 0.9443161637490822 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/TwitterSemEval2015.json b/results/dunzhang__stella_en_400M_v5/external/TwitterSemEval2015.json new file mode 100644 index 000000000..1cde182cc --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/TwitterSemEval2015.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 88.1385229778864, + "cosine_accuracy_threshold": 83.86307954788208, + "cosine_ap": 80.17965893449055, + "cosine_f1": 73.0614300100705, + "cosine_f1_threshold": 80.7942807674408, + "cosine_precision": 69.8603755416466, + "cosine_recall": 76.56992084432717, + "dot_accuracy": 88.2100494724921, + "dot_accuracy_threshold": 83.84793996810913, + "dot_ap": 80.18603932881858, + "dot_f1": 73.07643714466204, + "dot_f1_threshold": 80.87586164474487, + "dot_precision": 70.10909090909091, + "dot_recall": 76.3060686015831, + "euclidean_accuracy": 88.1385229778864, + "euclidean_accuracy_threshold": 56.77661895751953, + "euclidean_ap": 80.1784070881624, + "euclidean_f1": 73.04830369529574, + "euclidean_f1_threshold": 61.91838979721069, + "euclidean_precision": 69.96859144720948, + "euclidean_recall": 76.41160949868075, + "main_score": 80.18603932881858, + "manhattan_accuracy": 88.0431543184121, + "manhattan_accuracy_threshold": 3755.6137084960938, + "manhattan_ap": 79.98270453664578, + "manhattan_f1": 72.68242015061023, + "manhattan_f1_threshold": 3892.494583129883, + "manhattan_precision": 71.54907975460122, + "manhattan_recall": 73.85224274406332, + "max_ap": 80.18603932881858, + "max_f1": 73.07643714466204, + "max_precision": 71.54907975460122, + "max_recall": 76.56992084432717, + "similarity_accuracy": 88.1385229778864, + "similarity_accuracy_threshold": 83.86307954788208, + "similarity_ap": 80.17965893449055, + "similarity_f1": 73.0614300100705, + "similarity_f1_threshold": 80.7942807674408, + "similarity_precision": 69.8603755416466, + "similarity_recall": 76.56992084432717 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/TwitterURLCorpus.json b/results/dunzhang__stella_en_400M_v5/external/TwitterURLCorpus.json new file mode 100644 index 000000000..0327d0010 --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/TwitterURLCorpus.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 89.7892653393876, + "cosine_accuracy_threshold": 79.69566583633423, + "cosine_ap": 87.4579867302024, + "cosine_f1": 79.91620843152658, + "cosine_f1_threshold": 78.53609323501587, + "cosine_precision": 77.7155329210622, + "cosine_recall": 82.24514936864799, + "dot_accuracy": 89.78732487289945, + "dot_accuracy_threshold": 80.05315661430359, + "dot_ap": 87.44916182456272, + "dot_f1": 79.90419878751591, + "dot_f1_threshold": 78.57890725135803, + "dot_precision": 77.73409057812728, + "dot_recall": 82.19895287958116, + "euclidean_accuracy": 89.78538440641131, + "euclidean_accuracy_threshold": 62.29925751686096, + "euclidean_ap": 87.45904868911386, + "euclidean_f1": 79.93127404474657, + "euclidean_f1_threshold": 65.61101078987122, + "euclidean_precision": 77.62060210373595, + "euclidean_recall": 82.38373883584848, + "main_score": 87.46554314325058, + "manhattan_accuracy": 89.76597974152986, + "manhattan_accuracy_threshold": 3988.5299682617188, + "manhattan_ap": 87.46554314325058, + "manhattan_f1": 79.97181740645973, + "manhattan_f1_threshold": 4235.905838012695, + "manhattan_precision": 77.13713427283783, + "manhattan_recall": 83.02279026793964, + "max_ap": 87.46554314325058, + "max_f1": 79.97181740645973, + "max_precision": 77.73409057812728, + "max_recall": 83.02279026793964, + "similarity_accuracy": 89.7892653393876, + "similarity_accuracy_threshold": 79.69566583633423, + "similarity_ap": 87.4579867302024, + "similarity_f1": 79.91620843152658, + "similarity_f1_threshold": 78.53609323501587, + "similarity_precision": 77.7155329210622, + "similarity_recall": 82.24514936864799 + } + ] + } +} \ No newline at end of file diff --git a/results/dunzhang__stella_en_400M_v5/external/model_meta.json b/results/dunzhang__stella_en_400M_v5/external/model_meta.json new file mode 100644 index 000000000..8fea031f0 --- /dev/null +++ b/results/dunzhang__stella_en_400M_v5/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "dunzhang/stella_en_400M_v5", + "revision": "2aa5579fcae1c579de199a3866b6e514bbbf5d10", + "release_date": "2024-07-12", + "languages": [], + "loader": null, + "n_parameters": 435188736, + "memory_usage": null, + "max_tokens": 8192, + "embed_dim": 8192, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/AmazonCounterfactualClassification.json b/results/dwzhu__e5-base-4k/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..c7153f36a --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.77611940298506, + "ap": 42.052710266606056, + "f1": 72.12040628266567, + "main_score": 77.77611940298506 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/AmazonPolarityClassification.json b/results/dwzhu__e5-base-4k/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..590fb662d --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.81012500000001, + "ap": 89.4213700757244, + "f1": 92.8039091197065, + "main_score": 92.81012500000001 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/AmazonReviewsClassification.json b/results/dwzhu__e5-base-4k/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..98b975bce --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 46.711999999999996, + "f1": 46.11544975436018, + "main_score": 46.711999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/ArguAna.json b/results/dwzhu__e5-base-4k/external/ArguAna.json new file mode 100644 index 000000000..7c74363f3 --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.186, + "map_at_10": 36.632999999999996, + "map_at_100": 37.842, + "map_at_1000": 37.865, + "map_at_3": 32.278, + "map_at_5": 34.760999999999996, + "mrr_at_1": 23.400000000000002, + "mrr_at_10": 36.721, + "mrr_at_100": 37.937, + "mrr_at_1000": 37.96, + "mrr_at_3": 32.302, + "mrr_at_5": 34.894, + "ndcg_at_1": 23.186, + "ndcg_at_10": 44.49, + "ndcg_at_100": 50.065000000000005, + "ndcg_at_1000": 50.629999999999995, + "ndcg_at_3": 35.461, + "ndcg_at_5": 39.969, + "precision_at_1": 23.186, + "precision_at_10": 6.97, + "precision_at_100": 0.951, + "precision_at_1000": 0.099, + "precision_at_3": 14.912, + "precision_at_5": 11.152, + "recall_at_1": 23.186, + "recall_at_10": 69.70100000000001, + "recall_at_100": 95.092, + "recall_at_1000": 99.431, + "recall_at_3": 44.737, + "recall_at_5": 55.761, + "main_score": 44.49 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/ArxivClusteringP2P.json b/results/dwzhu__e5-base-4k/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..b968ed495 --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 46.10312401440185, + "main_score": 46.10312401440185 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/ArxivClusteringS2S.json b/results/dwzhu__e5-base-4k/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..e5dc099e5 --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.67275326095384, + "main_score": 39.67275326095384 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/AskUbuntuDupQuestions.json b/results/dwzhu__e5-base-4k/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..507ed3bb7 --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 58.97793816337376, + "mrr": 72.76832431957087, + "main_score": 58.97793816337376 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/BIOSSES.json b/results/dwzhu__e5-base-4k/external/BIOSSES.json new file mode 100644 index 000000000..84ca3883e --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.11646947018187, + "cos_sim_spearman": 81.40064994975234, + "euclidean_pearson": 82.37355689019232, + "euclidean_spearman": 81.6777646977348, + "manhattan_pearson": 82.61101422716945, + "manhattan_spearman": 81.80427360442245, + "cosine_pearson": 83.11646947018187, + "cosine_spearman": 81.40064994975234, + "main_score": 81.40064994975234 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/Banking77Classification.json b/results/dwzhu__e5-base-4k/external/Banking77Classification.json new file mode 100644 index 000000000..bda9da0cc --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 83.52922077922076, + "f1": 83.45298679360866, + "main_score": 83.52922077922076 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/BiorxivClusteringP2P.json b/results/dwzhu__e5-base-4k/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..9ac99fc10 --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.495115019668496, + "main_score": 37.495115019668496 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/BiorxivClusteringS2S.json b/results/dwzhu__e5-base-4k/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..26287490b --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.724792944166765, + "main_score": 32.724792944166765 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/CQADupstackAndroidRetrieval.json b/results/dwzhu__e5-base-4k/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..adbe746c7 --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.361000000000004, + "map_at_10": 43.765, + "map_at_100": 45.224, + "map_at_1000": 45.35, + "map_at_3": 40.353, + "map_at_5": 42.195, + "mrr_at_1": 40.629, + "mrr_at_10": 50.458000000000006, + "mrr_at_100": 51.06699999999999, + "mrr_at_1000": 51.12, + "mrr_at_3": 47.902, + "mrr_at_5": 49.447, + "ndcg_at_1": 40.629, + "ndcg_at_10": 50.376, + "ndcg_at_100": 55.065, + "ndcg_at_1000": 57.196000000000005, + "ndcg_at_3": 45.616, + "ndcg_at_5": 47.646, + "precision_at_1": 40.629, + "precision_at_10": 9.785, + "precision_at_100": 1.562, + "precision_at_1000": 0.2, + "precision_at_3": 22.031, + "precision_at_5": 15.737000000000002, + "recall_at_1": 32.361000000000004, + "recall_at_10": 62.214000000000006, + "recall_at_100": 81.464, + "recall_at_1000": 95.905, + "recall_at_3": 47.5, + "recall_at_5": 53.69500000000001, + "main_score": 50.376 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.971, + "map_at_10": 37.444, + "map_at_100": 38.607, + "map_at_1000": 38.737, + "map_at_3": 34.504000000000005, + "map_at_5": 36.234, + "mrr_at_1": 35.35, + "mrr_at_10": 43.441, + "mrr_at_100": 44.147999999999996, + "mrr_at_1000": 44.196000000000005, + "mrr_at_3": 41.285, + "mrr_at_5": 42.552, + "ndcg_at_1": 35.35, + "ndcg_at_10": 42.903999999999996, + "ndcg_at_100": 47.406, + "ndcg_at_1000": 49.588, + "ndcg_at_3": 38.778, + "ndcg_at_5": 40.788000000000004, + "precision_at_1": 35.35, + "precision_at_10": 8.083, + "precision_at_100": 1.313, + "precision_at_1000": 0.18, + "precision_at_3": 18.769, + "precision_at_5": 13.439, + "recall_at_1": 27.971, + "recall_at_10": 52.492000000000004, + "recall_at_100": 71.642, + "recall_at_1000": 85.488, + "recall_at_3": 40.1, + "recall_at_5": 45.800000000000004, + "main_score": 42.903999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 39.898, + "map_at_10": 51.819, + "map_at_100": 52.886, + "map_at_1000": 52.941, + "map_at_3": 48.619, + "map_at_5": 50.493, + "mrr_at_1": 45.391999999999996, + "mrr_at_10": 55.230000000000004, + "mrr_at_100": 55.887, + "mrr_at_1000": 55.916, + "mrr_at_3": 52.717000000000006, + "mrr_at_5": 54.222, + "ndcg_at_1": 45.391999999999996, + "ndcg_at_10": 57.586999999999996, + "ndcg_at_100": 61.745000000000005, + "ndcg_at_1000": 62.83800000000001, + "ndcg_at_3": 52.207, + "ndcg_at_5": 54.925999999999995, + "precision_at_1": 45.391999999999996, + "precision_at_10": 9.21, + "precision_at_100": 1.226, + "precision_at_1000": 0.136, + "precision_at_3": 23.177, + "precision_at_5": 16.038, + "recall_at_1": 39.898, + "recall_at_10": 71.18900000000001, + "recall_at_100": 89.082, + "recall_at_1000": 96.865, + "recall_at_3": 56.907, + "recall_at_5": 63.397999999999996, + "main_score": 57.586999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.706, + "map_at_10": 30.818, + "map_at_100": 32.038, + "map_at_1000": 32.123000000000005, + "map_at_3": 28.077, + "map_at_5": 29.709999999999997, + "mrr_at_1": 24.407, + "mrr_at_10": 32.555, + "mrr_at_100": 33.692, + "mrr_at_1000": 33.751, + "mrr_at_3": 29.848999999999997, + "mrr_at_5": 31.509999999999998, + "ndcg_at_1": 24.407, + "ndcg_at_10": 35.624, + "ndcg_at_100": 41.454, + "ndcg_at_1000": 43.556, + "ndcg_at_3": 30.217, + "ndcg_at_5": 33.111000000000004, + "precision_at_1": 24.407, + "precision_at_10": 5.548, + "precision_at_100": 0.8869999999999999, + "precision_at_1000": 0.11100000000000002, + "precision_at_3": 12.731, + "precision_at_5": 9.22, + "recall_at_1": 22.706, + "recall_at_10": 48.772, + "recall_at_100": 75.053, + "recall_at_1000": 90.731, + "recall_at_3": 34.421, + "recall_at_5": 41.427, + "main_score": 35.624 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 13.424, + "map_at_10": 21.09, + "map_at_100": 22.264999999999997, + "map_at_1000": 22.402, + "map_at_3": 18.312, + "map_at_5": 19.874, + "mrr_at_1": 16.915, + "mrr_at_10": 25.258000000000003, + "mrr_at_100": 26.228, + "mrr_at_1000": 26.31, + "mrr_at_3": 22.492, + "mrr_at_5": 24.04, + "ndcg_at_1": 16.915, + "ndcg_at_10": 26.266000000000002, + "ndcg_at_100": 32.08, + "ndcg_at_1000": 35.086, + "ndcg_at_3": 21.049, + "ndcg_at_5": 23.508000000000003, + "precision_at_1": 16.915, + "precision_at_10": 5.1, + "precision_at_100": 0.9329999999999999, + "precision_at_1000": 0.131, + "precision_at_3": 10.282, + "precision_at_5": 7.836, + "recall_at_1": 13.424, + "recall_at_10": 38.179, + "recall_at_100": 63.906, + "recall_at_1000": 84.933, + "recall_at_3": 23.878, + "recall_at_5": 30.037999999999997, + "main_score": 26.266000000000002 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.154, + "map_at_10": 35.912, + "map_at_100": 37.211, + "map_at_1000": 37.327, + "map_at_3": 32.684999999999995, + "map_at_5": 34.562, + "mrr_at_1": 32.435, + "mrr_at_10": 41.411, + "mrr_at_100": 42.297000000000004, + "mrr_at_1000": 42.345, + "mrr_at_3": 38.771, + "mrr_at_5": 40.33, + "ndcg_at_1": 32.435, + "ndcg_at_10": 41.785, + "ndcg_at_100": 47.469, + "ndcg_at_1000": 49.685, + "ndcg_at_3": 36.618, + "ndcg_at_5": 39.101, + "precision_at_1": 32.435, + "precision_at_10": 7.642, + "precision_at_100": 1.244, + "precision_at_1000": 0.163, + "precision_at_3": 17.485, + "precision_at_5": 12.57, + "recall_at_1": 26.154, + "recall_at_10": 54.111, + "recall_at_100": 78.348, + "recall_at_1000": 92.996, + "recall_at_3": 39.189, + "recall_at_5": 45.852, + "main_score": 41.785 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.308999999999997, + "map_at_10": 35.524, + "map_at_100": 36.774, + "map_at_1000": 36.891, + "map_at_3": 32.561, + "map_at_5": 34.034, + "mrr_at_1": 31.735000000000003, + "mrr_at_10": 40.391, + "mrr_at_100": 41.227000000000004, + "mrr_at_1000": 41.288000000000004, + "mrr_at_3": 37.938, + "mrr_at_5": 39.193, + "ndcg_at_1": 31.735000000000003, + "ndcg_at_10": 41.166000000000004, + "ndcg_at_100": 46.702, + "ndcg_at_1000": 49.157000000000004, + "ndcg_at_3": 36.274, + "ndcg_at_5": 38.177, + "precision_at_1": 31.735000000000003, + "precision_at_10": 7.5569999999999995, + "precision_at_100": 1.2109999999999999, + "precision_at_1000": 0.16, + "precision_at_3": 17.199, + "precision_at_5": 12.123000000000001, + "recall_at_1": 26.308999999999997, + "recall_at_10": 53.083000000000006, + "recall_at_100": 76.922, + "recall_at_1000": 93.767, + "recall_at_3": 39.262, + "recall_at_5": 44.413000000000004, + "main_score": 41.166000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.391250000000003, + "map_at_10": 33.280166666666666, + "map_at_100": 34.49566666666667, + "map_at_1000": 34.61533333333333, + "map_at_3": 30.52183333333333, + "map_at_5": 32.06608333333333, + "mrr_at_1": 29.105083333333337, + "mrr_at_10": 37.44766666666666, + "mrr_at_100": 38.32491666666667, + "mrr_at_1000": 38.385666666666665, + "mrr_at_3": 35.06883333333333, + "mrr_at_5": 36.42066666666667, + "ndcg_at_1": 29.105083333333337, + "ndcg_at_10": 38.54358333333333, + "ndcg_at_100": 43.833583333333344, + "ndcg_at_1000": 46.215333333333334, + "ndcg_at_3": 33.876, + "ndcg_at_5": 36.05208333333333, + "precision_at_1": 29.105083333333337, + "precision_at_10": 6.823416666666665, + "precision_at_100": 1.1270833333333334, + "precision_at_1000": 0.15208333333333332, + "precision_at_3": 15.696750000000002, + "precision_at_5": 11.193499999999998, + "recall_at_1": 24.391250000000003, + "recall_at_10": 49.98808333333333, + "recall_at_100": 73.31616666666666, + "recall_at_1000": 89.96291666666667, + "recall_at_3": 36.86666666666667, + "recall_at_5": 42.54350000000001, + "main_score": 38.54358333333333 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.995, + "map_at_10": 28.807, + "map_at_100": 29.813000000000002, + "map_at_1000": 29.903000000000002, + "map_at_3": 26.636, + "map_at_5": 27.912, + "mrr_at_1": 24.847, + "mrr_at_10": 31.494, + "mrr_at_100": 32.381, + "mrr_at_1000": 32.446999999999996, + "mrr_at_3": 29.473, + "mrr_at_5": 30.7, + "ndcg_at_1": 24.847, + "ndcg_at_10": 32.818999999999996, + "ndcg_at_100": 37.835, + "ndcg_at_1000": 40.226, + "ndcg_at_3": 28.811999999999998, + "ndcg_at_5": 30.875999999999998, + "precision_at_1": 24.847, + "precision_at_10": 5.244999999999999, + "precision_at_100": 0.856, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 12.577, + "precision_at_5": 8.895999999999999, + "recall_at_1": 21.995, + "recall_at_10": 42.479, + "recall_at_100": 65.337, + "recall_at_1000": 83.23700000000001, + "recall_at_3": 31.573, + "recall_at_5": 36.684, + "main_score": 32.818999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.751000000000001, + "map_at_10": 21.909, + "map_at_100": 23.064, + "map_at_1000": 23.205000000000002, + "map_at_3": 20.138, + "map_at_5": 20.973, + "mrr_at_1": 19.305, + "mrr_at_10": 25.647, + "mrr_at_100": 26.659, + "mrr_at_1000": 26.748, + "mrr_at_3": 23.933, + "mrr_at_5": 24.754, + "ndcg_at_1": 19.305, + "ndcg_at_10": 25.886, + "ndcg_at_100": 31.56, + "ndcg_at_1000": 34.799, + "ndcg_at_3": 22.708000000000002, + "ndcg_at_5": 23.838, + "precision_at_1": 19.305, + "precision_at_10": 4.677, + "precision_at_100": 0.895, + "precision_at_1000": 0.136, + "precision_at_3": 10.771, + "precision_at_5": 7.46, + "recall_at_1": 15.751000000000001, + "recall_at_10": 34.156, + "recall_at_100": 59.899, + "recall_at_1000": 83.08, + "recall_at_3": 24.772, + "recall_at_5": 28.009, + "main_score": 25.886 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.34, + "map_at_10": 32.383, + "map_at_100": 33.629999999999995, + "map_at_1000": 33.735, + "map_at_3": 29.68, + "map_at_5": 31.270999999999997, + "mrr_at_1": 27.612, + "mrr_at_10": 36.381, + "mrr_at_100": 37.351, + "mrr_at_1000": 37.411, + "mrr_at_3": 33.893, + "mrr_at_5": 35.353, + "ndcg_at_1": 27.612, + "ndcg_at_10": 37.714999999999996, + "ndcg_at_100": 43.525000000000006, + "ndcg_at_1000": 45.812999999999995, + "ndcg_at_3": 32.796, + "ndcg_at_5": 35.243, + "precision_at_1": 27.612, + "precision_at_10": 6.465, + "precision_at_100": 1.0619999999999998, + "precision_at_1000": 0.13699999999999998, + "precision_at_3": 15.049999999999999, + "precision_at_5": 10.764999999999999, + "recall_at_1": 23.34, + "recall_at_10": 49.856, + "recall_at_100": 75.334, + "recall_at_1000": 91.156, + "recall_at_3": 36.497, + "recall_at_5": 42.769, + "main_score": 37.714999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.097, + "map_at_10": 34.599999999999994, + "map_at_100": 36.174, + "map_at_1000": 36.398, + "map_at_3": 31.781, + "map_at_5": 33.22, + "mrr_at_1": 31.225, + "mrr_at_10": 39.873, + "mrr_at_100": 40.853, + "mrr_at_1000": 40.904, + "mrr_at_3": 37.681, + "mrr_at_5": 38.669, + "ndcg_at_1": 31.225, + "ndcg_at_10": 40.586, + "ndcg_at_100": 46.226, + "ndcg_at_1000": 48.788, + "ndcg_at_3": 36.258, + "ndcg_at_5": 37.848, + "precision_at_1": 31.225, + "precision_at_10": 7.707999999999999, + "precision_at_100": 1.536, + "precision_at_1000": 0.242, + "precision_at_3": 17.26, + "precision_at_5": 12.253, + "recall_at_1": 25.097, + "recall_at_10": 51.602000000000004, + "recall_at_100": 76.854, + "recall_at_1000": 93.303, + "recall_at_3": 38.68, + "recall_at_5": 43.258, + "main_score": 40.586 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.689, + "map_at_10": 25.291000000000004, + "map_at_100": 26.262, + "map_at_1000": 26.372, + "map_at_3": 22.916, + "map_at_5": 24.315, + "mrr_at_1": 19.409000000000002, + "mrr_at_10": 27.233, + "mrr_at_100": 28.109, + "mrr_at_1000": 28.192, + "mrr_at_3": 24.892, + "mrr_at_5": 26.278000000000002, + "ndcg_at_1": 19.409000000000002, + "ndcg_at_10": 29.809, + "ndcg_at_100": 34.936, + "ndcg_at_1000": 37.852000000000004, + "ndcg_at_3": 25.179000000000002, + "ndcg_at_5": 27.563, + "precision_at_1": 19.409000000000002, + "precision_at_10": 4.861, + "precision_at_100": 0.8, + "precision_at_1000": 0.116, + "precision_at_3": 11.029, + "precision_at_5": 7.985, + "recall_at_1": 17.689, + "recall_at_10": 41.724, + "recall_at_100": 65.95299999999999, + "recall_at_1000": 88.094, + "recall_at_3": 29.621, + "recall_at_5": 35.179, + "main_score": 29.809 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/ClimateFEVER.json b/results/dwzhu__e5-base-4k/external/ClimateFEVER.json new file mode 100644 index 000000000..81f5003b9 --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 10.581, + "map_at_10": 18.944, + "map_at_100": 20.812, + "map_at_1000": 21.002000000000002, + "map_at_3": 15.661, + "map_at_5": 17.502000000000002, + "mrr_at_1": 23.388, + "mrr_at_10": 34.263, + "mrr_at_100": 35.364000000000004, + "mrr_at_1000": 35.409, + "mrr_at_3": 30.586000000000002, + "mrr_at_5": 32.928000000000004, + "ndcg_at_1": 23.388, + "ndcg_at_10": 26.56, + "ndcg_at_100": 34.248, + "ndcg_at_1000": 37.779, + "ndcg_at_3": 21.179000000000002, + "ndcg_at_5": 23.504, + "precision_at_1": 23.388, + "precision_at_10": 8.476, + "precision_at_100": 1.672, + "precision_at_1000": 0.233, + "precision_at_3": 15.852, + "precision_at_5": 12.73, + "recall_at_1": 10.581, + "recall_at_10": 32.512, + "recall_at_100": 59.313, + "recall_at_1000": 79.25, + "recall_at_3": 19.912, + "recall_at_5": 25.832, + "main_score": 26.56 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/DBPedia.json b/results/dwzhu__e5-base-4k/external/DBPedia.json new file mode 100644 index 000000000..3ee108214 --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.35, + "map_at_10": 20.134, + "map_at_100": 28.975, + "map_at_1000": 30.709999999999997, + "map_at_3": 14.513000000000002, + "map_at_5": 16.671, + "mrr_at_1": 69.75, + "mrr_at_10": 77.67699999999999, + "mrr_at_100": 77.97500000000001, + "mrr_at_1000": 77.985, + "mrr_at_3": 76.292, + "mrr_at_5": 77.179, + "ndcg_at_1": 56.49999999999999, + "ndcg_at_10": 42.226, + "ndcg_at_100": 47.562, + "ndcg_at_1000": 54.923, + "ndcg_at_3": 46.564, + "ndcg_at_5": 43.830000000000005, + "precision_at_1": 69.75, + "precision_at_10": 33.525, + "precision_at_100": 11.035, + "precision_at_1000": 2.206, + "precision_at_3": 49.75, + "precision_at_5": 42, + "recall_at_1": 9.35, + "recall_at_10": 25.793, + "recall_at_100": 54.186, + "recall_at_1000": 77.81, + "recall_at_3": 15.770000000000001, + "recall_at_5": 19.09, + "main_score": 42.226 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/EmotionClassification.json b/results/dwzhu__e5-base-4k/external/EmotionClassification.json new file mode 100644 index 000000000..f1ea79c0b --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 46.945, + "f1": 42.07407842992542, + "main_score": 46.945 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/FEVER.json b/results/dwzhu__e5-base-4k/external/FEVER.json new file mode 100644 index 000000000..436f7a98b --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 71.04599999999999, + "map_at_10": 80.718, + "map_at_100": 80.961, + "map_at_1000": 80.974, + "map_at_3": 79.49199999999999, + "map_at_5": 80.32000000000001, + "mrr_at_1": 76.388, + "mrr_at_10": 85.214, + "mrr_at_100": 85.302, + "mrr_at_1000": 85.302, + "mrr_at_3": 84.373, + "mrr_at_5": 84.979, + "ndcg_at_1": 76.388, + "ndcg_at_10": 84.987, + "ndcg_at_100": 85.835, + "ndcg_at_1000": 86.04899999999999, + "ndcg_at_3": 83.04, + "ndcg_at_5": 84.22500000000001, + "precision_at_1": 76.388, + "precision_at_10": 10.35, + "precision_at_100": 1.099, + "precision_at_1000": 0.11399999999999999, + "precision_at_3": 32.108, + "precision_at_5": 20.033, + "recall_at_1": 71.04599999999999, + "recall_at_10": 93.547, + "recall_at_100": 96.887, + "recall_at_1000": 98.158, + "recall_at_3": 88.346, + "recall_at_5": 91.321, + "main_score": 84.987 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/FiQA2018.json b/results/dwzhu__e5-base-4k/external/FiQA2018.json new file mode 100644 index 000000000..0b1bcf65b --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.8, + "map_at_10": 31.979999999999997, + "map_at_100": 33.876, + "map_at_1000": 34.056999999999995, + "map_at_3": 28.067999999999998, + "map_at_5": 30.066, + "mrr_at_1": 38.735, + "mrr_at_10": 47.749, + "mrr_at_100": 48.605, + "mrr_at_1000": 48.644999999999996, + "mrr_at_3": 45.165, + "mrr_at_5": 46.646, + "ndcg_at_1": 38.735, + "ndcg_at_10": 39.883, + "ndcg_at_100": 46.983000000000004, + "ndcg_at_1000": 50.043000000000006, + "ndcg_at_3": 35.943000000000005, + "ndcg_at_5": 37.119, + "precision_at_1": 38.735, + "precision_at_10": 10.940999999999999, + "precision_at_100": 1.836, + "precision_at_1000": 0.23900000000000002, + "precision_at_3": 23.817, + "precision_at_5": 17.346, + "recall_at_1": 19.8, + "recall_at_10": 47.082, + "recall_at_100": 73.247, + "recall_at_1000": 91.633, + "recall_at_3": 33.201, + "recall_at_5": 38.81, + "main_score": 39.883 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/HotpotQA.json b/results/dwzhu__e5-base-4k/external/HotpotQA.json new file mode 100644 index 000000000..90e99f8a8 --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.102999999999994, + "map_at_10": 60.547, + "map_at_100": 61.466, + "map_at_1000": 61.526, + "map_at_3": 56.973, + "map_at_5": 59.244, + "mrr_at_1": 76.205, + "mrr_at_10": 82.816, + "mrr_at_100": 83.002, + "mrr_at_1000": 83.009, + "mrr_at_3": 81.747, + "mrr_at_5": 82.467, + "ndcg_at_1": 76.205, + "ndcg_at_10": 69.15, + "ndcg_at_100": 72.297, + "ndcg_at_1000": 73.443, + "ndcg_at_3": 64.07000000000001, + "ndcg_at_5": 66.96600000000001, + "precision_at_1": 76.205, + "precision_at_10": 14.601, + "precision_at_100": 1.7049999999999998, + "precision_at_1000": 0.186, + "precision_at_3": 41.202, + "precision_at_5": 27.006000000000004, + "recall_at_1": 38.102999999999994, + "recall_at_10": 73.005, + "recall_at_100": 85.253, + "recall_at_1000": 92.795, + "recall_at_3": 61.803, + "recall_at_5": 67.515, + "main_score": 69.15 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/ImdbClassification.json b/results/dwzhu__e5-base-4k/external/ImdbClassification.json new file mode 100644 index 000000000..4c7e3efdd --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.15, + "ap": 80.36282825265391, + "f1": 86.07368510726472, + "main_score": 86.15 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/MSMARCO.json b/results/dwzhu__e5-base-4k/external/MSMARCO.json new file mode 100644 index 000000000..fe2b28989 --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.6, + "map_at_10": 34.887, + "map_at_100": 36.069, + "map_at_1000": 36.115, + "map_at_3": 31.067, + "map_at_5": 33.300000000000004, + "mrr_at_1": 23.238, + "mrr_at_10": 35.47, + "mrr_at_100": 36.599, + "mrr_at_1000": 36.64, + "mrr_at_3": 31.735999999999997, + "mrr_at_5": 33.939, + "ndcg_at_1": 23.252, + "ndcg_at_10": 41.765, + "ndcg_at_100": 47.402, + "ndcg_at_1000": 48.562, + "ndcg_at_3": 34.016999999999996, + "ndcg_at_5": 38.016, + "precision_at_1": 23.252, + "precision_at_10": 6.569, + "precision_at_100": 0.938, + "precision_at_1000": 0.104, + "precision_at_3": 14.479000000000001, + "precision_at_5": 10.722, + "recall_at_1": 22.6, + "recall_at_10": 62.919000000000004, + "recall_at_100": 88.82, + "recall_at_1000": 97.71600000000001, + "recall_at_3": 41.896, + "recall_at_5": 51.537, + "main_score": 41.765 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/MTOPDomainClassification.json b/results/dwzhu__e5-base-4k/external/MTOPDomainClassification.json new file mode 100644 index 000000000..c6a7849b9 --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.69357045143639, + "f1": 93.55489858177597, + "main_score": 93.69357045143639 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/MTOPIntentClassification.json b/results/dwzhu__e5-base-4k/external/MTOPIntentClassification.json new file mode 100644 index 000000000..658320c70 --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.31235750114, + "f1": 57.891491963121155, + "main_score": 75.31235750114 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/MassiveIntentClassification.json b/results/dwzhu__e5-base-4k/external/MassiveIntentClassification.json new file mode 100644 index 000000000..c32c77049 --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.04303967720243, + "f1": 70.51516022297616, + "main_score": 73.04303967720243 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/MassiveScenarioClassification.json b/results/dwzhu__e5-base-4k/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..08d9b1912 --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.65299260255549, + "f1": 77.49059766538576, + "main_score": 77.65299260255549 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/MedrxivClusteringP2P.json b/results/dwzhu__e5-base-4k/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..2423568e5 --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.458906115906597, + "main_score": 31.458906115906597 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/MedrxivClusteringS2S.json b/results/dwzhu__e5-base-4k/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..9d17ec4b2 --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 28.9851513122443, + "main_score": 28.9851513122443 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/MindSmallReranking.json b/results/dwzhu__e5-base-4k/external/MindSmallReranking.json new file mode 100644 index 000000000..f0961b25f --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.2916268497217, + "mrr": 32.328276715593816, + "main_score": 31.2916268497217 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/NFCorpus.json b/results/dwzhu__e5-base-4k/external/NFCorpus.json new file mode 100644 index 000000000..50d9df859 --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.3740000000000006, + "map_at_10": 13.089999999999998, + "map_at_100": 16.512, + "map_at_1000": 18.014, + "map_at_3": 9.671000000000001, + "map_at_5": 11.199, + "mrr_at_1": 46.749, + "mrr_at_10": 55.367, + "mrr_at_100": 56.021, + "mrr_at_1000": 56.058, + "mrr_at_3": 53.30200000000001, + "mrr_at_5": 54.773, + "ndcg_at_1": 45.046, + "ndcg_at_10": 35.388999999999996, + "ndcg_at_100": 32.175, + "ndcg_at_1000": 41.018, + "ndcg_at_3": 40.244, + "ndcg_at_5": 38.267, + "precision_at_1": 46.749, + "precision_at_10": 26.563, + "precision_at_100": 8.074, + "precision_at_1000": 2.099, + "precision_at_3": 37.358000000000004, + "precision_at_5": 33.003, + "recall_at_1": 6.3740000000000006, + "recall_at_10": 16.805999999999997, + "recall_at_100": 31.871, + "recall_at_1000": 64.098, + "recall_at_3": 10.383000000000001, + "recall_at_5": 13.166, + "main_score": 35.388999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/NQ.json b/results/dwzhu__e5-base-4k/external/NQ.json new file mode 100644 index 000000000..543901088 --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 34.847, + "map_at_10": 50.532, + "map_at_100": 51.504000000000005, + "map_at_1000": 51.528, + "map_at_3": 46.219, + "map_at_5": 48.868, + "mrr_at_1": 39.137, + "mrr_at_10": 53.157, + "mrr_at_100": 53.839999999999996, + "mrr_at_1000": 53.857, + "mrr_at_3": 49.667, + "mrr_at_5": 51.847, + "ndcg_at_1": 39.108, + "ndcg_at_10": 58.221000000000004, + "ndcg_at_100": 62.021, + "ndcg_at_1000": 62.57, + "ndcg_at_3": 50.27199999999999, + "ndcg_at_5": 54.623999999999995, + "precision_at_1": 39.108, + "precision_at_10": 9.397, + "precision_at_100": 1.1520000000000001, + "precision_at_1000": 0.12, + "precision_at_3": 22.644000000000002, + "precision_at_5": 16.141, + "recall_at_1": 34.847, + "recall_at_10": 78.945, + "recall_at_100": 94.793, + "recall_at_1000": 98.904, + "recall_at_3": 58.56, + "recall_at_5": 68.535, + "main_score": 58.221000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/QuoraRetrieval.json b/results/dwzhu__e5-base-4k/external/QuoraRetrieval.json new file mode 100644 index 000000000..17de58f73 --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 68.728, + "map_at_10": 82.537, + "map_at_100": 83.218, + "map_at_1000": 83.238, + "map_at_3": 79.586, + "map_at_5": 81.416, + "mrr_at_1": 79.17999999999999, + "mrr_at_10": 85.79299999999999, + "mrr_at_100": 85.937, + "mrr_at_1000": 85.938, + "mrr_at_3": 84.748, + "mrr_at_5": 85.431, + "ndcg_at_1": 79.17, + "ndcg_at_10": 86.555, + "ndcg_at_100": 88.005, + "ndcg_at_1000": 88.146, + "ndcg_at_3": 83.557, + "ndcg_at_5": 85.152, + "precision_at_1": 79.17, + "precision_at_10": 13.163, + "precision_at_100": 1.52, + "precision_at_1000": 0.156, + "precision_at_3": 36.53, + "precision_at_5": 24.046, + "recall_at_1": 68.728, + "recall_at_10": 94.217, + "recall_at_100": 99.295, + "recall_at_1000": 99.964, + "recall_at_3": 85.646, + "recall_at_5": 90.113, + "main_score": 86.555 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/RedditClustering.json b/results/dwzhu__e5-base-4k/external/RedditClustering.json new file mode 100644 index 000000000..dd3296c9e --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 56.15680266226348, + "main_score": 56.15680266226348 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/RedditClusteringP2P.json b/results/dwzhu__e5-base-4k/external/RedditClusteringP2P.json new file mode 100644 index 000000000..1a7111e6b --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 63.4318549229047, + "main_score": 63.4318549229047 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/SCIDOCS.json b/results/dwzhu__e5-base-4k/external/SCIDOCS.json new file mode 100644 index 000000000..d18eb0208 --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.353, + "map_at_10": 10.956000000000001, + "map_at_100": 12.873999999999999, + "map_at_1000": 13.177, + "map_at_3": 7.854, + "map_at_5": 9.327, + "mrr_at_1": 21.4, + "mrr_at_10": 31.948999999999998, + "mrr_at_100": 33.039, + "mrr_at_1000": 33.106, + "mrr_at_3": 28.449999999999996, + "mrr_at_5": 30.535, + "ndcg_at_1": 21.4, + "ndcg_at_10": 18.694, + "ndcg_at_100": 26.275, + "ndcg_at_1000": 31.836, + "ndcg_at_3": 17.559, + "ndcg_at_5": 15.372, + "precision_at_1": 21.4, + "precision_at_10": 9.790000000000001, + "precision_at_100": 2.0709999999999997, + "precision_at_1000": 0.34099999999999997, + "precision_at_3": 16.467000000000002, + "precision_at_5": 13.54, + "recall_at_1": 4.353, + "recall_at_10": 19.892000000000003, + "recall_at_100": 42.067, + "recall_at_1000": 69.268, + "recall_at_3": 10.042, + "recall_at_5": 13.741999999999999, + "main_score": 18.694 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/SICK-R.json b/results/dwzhu__e5-base-4k/external/SICK-R.json new file mode 100644 index 000000000..f644418f4 --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.75433886279843, + "cos_sim_spearman": 78.29727771767095, + "euclidean_pearson": 80.83057828506621, + "euclidean_spearman": 78.35203149750356, + "manhattan_pearson": 80.7403553891142, + "manhattan_spearman": 78.33670488531051, + "cosine_pearson": 83.75433886279843, + "cosine_spearman": 78.29727771767095, + "main_score": 78.29727771767095 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/STS12.json b/results/dwzhu__e5-base-4k/external/STS12.json new file mode 100644 index 000000000..610c2cc0a --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.59999465280839, + "cos_sim_spearman": 75.79279003980383, + "euclidean_pearson": 82.29895375956758, + "euclidean_spearman": 77.33856514102094, + "manhattan_pearson": 82.22694214534756, + "manhattan_spearman": 77.3028993008695, + "cosine_pearson": 84.59999465280839, + "cosine_spearman": 75.79279003980383, + "main_score": 75.79279003980383 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/STS13.json b/results/dwzhu__e5-base-4k/external/STS13.json new file mode 100644 index 000000000..56a0c98b7 --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.09296929691297, + "cos_sim_spearman": 83.58056936846941, + "euclidean_pearson": 83.84067483060005, + "euclidean_spearman": 84.45155680480985, + "manhattan_pearson": 83.82353052971942, + "manhattan_spearman": 84.43030567861112, + "cosine_pearson": 83.09296929691297, + "cosine_spearman": 83.58056936846941, + "main_score": 83.58056936846941 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/STS14.json b/results/dwzhu__e5-base-4k/external/STS14.json new file mode 100644 index 000000000..2ce285183 --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.74616852320915, + "cos_sim_spearman": 79.948683747966, + "euclidean_pearson": 81.55702283757084, + "euclidean_spearman": 80.1721505114231, + "manhattan_pearson": 81.52251518619441, + "manhattan_spearman": 80.1469800135577, + "cosine_pearson": 82.74616852320915, + "cosine_spearman": 79.948683747966, + "main_score": 79.948683747966 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/STS15.json b/results/dwzhu__e5-base-4k/external/STS15.json new file mode 100644 index 000000000..f11518e29 --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.97170104226318, + "cos_sim_spearman": 88.82021731518206, + "euclidean_pearson": 87.92950547187615, + "euclidean_spearman": 88.67043634645866, + "manhattan_pearson": 87.90668112827639, + "manhattan_spearman": 88.64471082785317, + "cosine_pearson": 87.97170104226318, + "cosine_spearman": 88.82021731518206, + "main_score": 88.82021731518206 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/STS16.json b/results/dwzhu__e5-base-4k/external/STS16.json new file mode 100644 index 000000000..42f8adb77 --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.02790375770599, + "cos_sim_spearman": 84.46308496590792, + "euclidean_pearson": 84.29430000414911, + "euclidean_spearman": 84.77298303589936, + "manhattan_pearson": 84.23919291368665, + "manhattan_spearman": 84.75272234871308, + "cosine_pearson": 83.02790375770599, + "cosine_spearman": 84.46308496590792, + "main_score": 84.46308496590792 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/STS17.json b/results/dwzhu__e5-base-4k/external/STS17.json new file mode 100644 index 000000000..7ed8178ff --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.62885108477064, + "cos_sim_spearman": 87.58456196391622, + "euclidean_pearson": 88.2602775281007, + "euclidean_spearman": 87.51556278299846, + "manhattan_pearson": 88.11224053672842, + "manhattan_spearman": 87.4336094383095, + "cosine_pearson": 87.62885108477064, + "cosine_spearman": 87.58456196391622, + "main_score": 87.58456196391622 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/STS22.json b/results/dwzhu__e5-base-4k/external/STS22.json new file mode 100644 index 000000000..a8b2203a9 --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 63.98187965128411, + "cos_sim_spearman": 64.0653163219731, + "euclidean_pearson": 62.30616725924099, + "euclidean_spearman": 61.556971332295916, + "manhattan_pearson": 62.07642330128549, + "manhattan_spearman": 61.155494129828, + "cosine_pearson": 63.98187965128411, + "cosine_spearman": 64.0653163219731, + "main_score": 64.0653163219731 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/STSBenchmark.json b/results/dwzhu__e5-base-4k/external/STSBenchmark.json new file mode 100644 index 000000000..c725eb8b4 --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.6089703921826, + "cos_sim_spearman": 86.52303197250791, + "euclidean_pearson": 85.95801955963246, + "euclidean_spearman": 86.25242424112962, + "manhattan_pearson": 85.88829100470312, + "manhattan_spearman": 86.18742955805165, + "cosine_pearson": 85.6089703921826, + "cosine_spearman": 86.52303197250791, + "main_score": 86.52303197250791 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/SciDocsRR.json b/results/dwzhu__e5-base-4k/external/SciDocsRR.json new file mode 100644 index 000000000..d9e0c06c9 --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 83.02282098487036, + "mrr": 95.05126409538174, + "main_score": 83.02282098487036 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/SciFact.json b/results/dwzhu__e5-base-4k/external/SciFact.json new file mode 100644 index 000000000..4efd31212 --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 55.928, + "map_at_10": 67.308, + "map_at_100": 67.89500000000001, + "map_at_1000": 67.91199999999999, + "map_at_3": 65.091, + "map_at_5": 66.412, + "mrr_at_1": 58.667, + "mrr_at_10": 68.401, + "mrr_at_100": 68.804, + "mrr_at_1000": 68.819, + "mrr_at_3": 66.72200000000001, + "mrr_at_5": 67.72200000000001, + "ndcg_at_1": 58.667, + "ndcg_at_10": 71.944, + "ndcg_at_100": 74.464, + "ndcg_at_1000": 74.82799999999999, + "ndcg_at_3": 68.257, + "ndcg_at_5": 70.10300000000001, + "precision_at_1": 58.667, + "precision_at_10": 9.533, + "precision_at_100": 1.09, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 27.222, + "precision_at_5": 17.533, + "recall_at_1": 55.928, + "recall_at_10": 84.65, + "recall_at_100": 96.267, + "recall_at_1000": 99, + "recall_at_3": 74.656, + "recall_at_5": 79.489, + "main_score": 71.944 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/SprintDuplicateQuestions.json b/results/dwzhu__e5-base-4k/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..d3a2e5519 --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.79009900990098, + "cos_sim_ap": 94.5795129511524, + "cos_sim_f1": 89.34673366834171, + "cos_sim_precision": 89.79797979797979, + "cos_sim_recall": 88.9, + "dot_accuracy": 99.53465346534654, + "dot_ap": 81.56492504352725, + "dot_f1": 76.33816908454227, + "dot_precision": 76.37637637637637, + "dot_recall": 76.3, + "euclidean_accuracy": 99.78514851485149, + "euclidean_ap": 94.59134620408962, + "euclidean_f1": 88.96484375, + "euclidean_precision": 86.92748091603053, + "euclidean_recall": 91.10000000000001, + "manhattan_accuracy": 99.78415841584159, + "manhattan_ap": 94.5190197328845, + "manhattan_f1": 88.84462151394423, + "manhattan_precision": 88.4920634920635, + "manhattan_recall": 89.2, + "max_accuracy": 99.79009900990098, + "max_ap": 94.59134620408962, + "max_f1": 89.34673366834171, + "main_score": 94.59134620408962 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/StackExchangeClustering.json b/results/dwzhu__e5-base-4k/external/StackExchangeClustering.json new file mode 100644 index 000000000..a1a7e3847 --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 65.1487505617497, + "main_score": 65.1487505617497 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/StackExchangeClusteringP2P.json b/results/dwzhu__e5-base-4k/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..85716367f --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.502518166001856, + "main_score": 32.502518166001856 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/StackOverflowDupQuestions.json b/results/dwzhu__e5-base-4k/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..392e67667 --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 50.33775480236701, + "mrr": 51.17302223919871, + "main_score": 50.33775480236701 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/SummEval.json b/results/dwzhu__e5-base-4k/external/SummEval.json new file mode 100644 index 000000000..3dd65d9da --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.561111309808208, + "cos_sim_spearman": 30.2839254379273, + "dot_pearson": 29.560242291401973, + "dot_spearman": 30.51527274679116, + "cosine_pearson": 30.561111309808208, + "cosine_spearman": 30.2839254379273, + "main_score": 30.2839254379273 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/TRECCOVID.json b/results/dwzhu__e5-base-4k/external/TRECCOVID.json new file mode 100644 index 000000000..bba684bbb --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.215, + "map_at_10": 1.752, + "map_at_100": 9.258, + "map_at_1000": 23.438, + "map_at_3": 0.6, + "map_at_5": 0.968, + "mrr_at_1": 84, + "mrr_at_10": 91.333, + "mrr_at_100": 91.333, + "mrr_at_1000": 91.333, + "mrr_at_3": 91.333, + "mrr_at_5": 91.333, + "ndcg_at_1": 75, + "ndcg_at_10": 69.596, + "ndcg_at_100": 51.970000000000006, + "ndcg_at_1000": 48.864999999999995, + "ndcg_at_3": 73.92699999999999, + "ndcg_at_5": 73.175, + "precision_at_1": 84, + "precision_at_10": 74, + "precision_at_100": 53.2, + "precision_at_1000": 21.836, + "precision_at_3": 79.333, + "precision_at_5": 78.4, + "recall_at_1": 0.215, + "recall_at_10": 1.9609999999999999, + "recall_at_100": 12.809999999999999, + "recall_at_1000": 46.418, + "recall_at_3": 0.6479999999999999, + "recall_at_5": 1.057, + "main_score": 69.596 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/Touche2020.json b/results/dwzhu__e5-base-4k/external/Touche2020.json new file mode 100644 index 000000000..ee6a093d1 --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.066, + "map_at_10": 10.508000000000001, + "map_at_100": 16.258, + "map_at_1000": 17.705000000000002, + "map_at_3": 6.157, + "map_at_5": 7.510999999999999, + "mrr_at_1": 34.694, + "mrr_at_10": 48.786, + "mrr_at_100": 49.619, + "mrr_at_1000": 49.619, + "mrr_at_3": 45.918, + "mrr_at_5": 46.837, + "ndcg_at_1": 31.633, + "ndcg_at_10": 26.401999999999997, + "ndcg_at_100": 37.139, + "ndcg_at_1000": 48.012, + "ndcg_at_3": 31.875999999999998, + "ndcg_at_5": 27.383000000000003, + "precision_at_1": 34.694, + "precision_at_10": 22.857, + "precision_at_100": 7.611999999999999, + "precision_at_1000": 1.492, + "precision_at_3": 33.333, + "precision_at_5": 26.122, + "recall_at_1": 3.066, + "recall_at_10": 16.239, + "recall_at_100": 47.29, + "recall_at_1000": 81.137, + "recall_at_3": 7.069, + "recall_at_5": 9.483, + "main_score": 26.401999999999997 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/ToxicConversationsClassification.json b/results/dwzhu__e5-base-4k/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..8b3122100 --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.1126, + "ap": 14.710862719285753, + "f1": 55.437808972378846, + "main_score": 72.1126 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/TweetSentimentExtractionClassification.json b/results/dwzhu__e5-base-4k/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..49c1b7574 --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 60.39049235993209, + "f1": 60.69810537250234, + "main_score": 60.39049235993209 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/TwentyNewsgroupsClustering.json b/results/dwzhu__e5-base-4k/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..78184b7e9 --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.15576640316866, + "main_score": 48.15576640316866 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/TwitterSemEval2015.json b/results/dwzhu__e5-base-4k/external/TwitterSemEval2015.json new file mode 100644 index 000000000..a578e5191 --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 86.52917684925792, + "cos_sim_ap": 75.97497873817315, + "cos_sim_f1": 70.01151926276718, + "cos_sim_precision": 67.98409147402435, + "cos_sim_recall": 72.16358839050132, + "dot_accuracy": 82.47004828038385, + "dot_ap": 62.48739894974198, + "dot_f1": 59.13107511045656, + "dot_precision": 55.27765029830197, + "dot_recall": 63.562005277044854, + "euclidean_accuracy": 86.46361089586935, + "euclidean_ap": 75.59282886839452, + "euclidean_f1": 69.6465443945099, + "euclidean_precision": 64.52847175331982, + "euclidean_recall": 75.64643799472296, + "manhattan_accuracy": 86.43380818978363, + "manhattan_ap": 75.5742420974403, + "manhattan_f1": 69.8636926889715, + "manhattan_precision": 65.8644859813084, + "manhattan_recall": 74.37994722955145, + "max_accuracy": 86.52917684925792, + "max_ap": 75.97497873817315, + "max_f1": 70.01151926276718, + "main_score": 75.97497873817315 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/TwitterURLCorpus.json b/results/dwzhu__e5-base-4k/external/TwitterURLCorpus.json new file mode 100644 index 000000000..bda79ec31 --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.29056545193464, + "cos_sim_ap": 86.63028865482376, + "cos_sim_f1": 79.18166458532285, + "cos_sim_precision": 75.70585756426465, + "cos_sim_recall": 82.99199260856174, + "dot_accuracy": 85.23305002522606, + "dot_ap": 76.0482687263196, + "dot_f1": 70.80484330484332, + "dot_precision": 65.86933474688577, + "dot_recall": 76.53988296889437, + "euclidean_accuracy": 89.26145845461248, + "euclidean_ap": 86.54073288416006, + "euclidean_f1": 78.9721371479794, + "euclidean_precision": 76.68649354417525, + "euclidean_recall": 81.39821373575609, + "manhattan_accuracy": 89.22847052431405, + "manhattan_ap": 86.51250729037905, + "manhattan_f1": 78.94601825044894, + "manhattan_precision": 75.32694594027555, + "manhattan_recall": 82.93039728980598, + "max_accuracy": 89.29056545193464, + "max_ap": 86.63028865482376, + "max_f1": 79.18166458532285, + "main_score": 86.63028865482376 + } + ] + } +} \ No newline at end of file diff --git a/results/dwzhu__e5-base-4k/external/model_meta.json b/results/dwzhu__e5-base-4k/external/model_meta.json new file mode 100644 index 000000000..1433b1c93 --- /dev/null +++ b/results/dwzhu__e5-base-4k/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "dwzhu/e5-base-4k", + "revision": "1b5664b8cb2bccd8c309429b7bfe5864402e8fbc", + "release_date": "2024-03-28", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 56134058, + "memory_usage": null, + "max_tokens": 4096, + "embed_dim": 768, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/AmazonCounterfactualClassification.json b/results/ekorman-strive__bge-large-en-v1.5/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..b000af11f --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.8507462686567, + "ap": 38.566457320228245, + "f1": 69.69386648043475, + "main_score": 75.8507462686567 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/AmazonPolarityClassification.json b/results/ekorman-strive__bge-large-en-v1.5/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..16be0c533 --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.416675, + "ap": 89.1928861155922, + "f1": 92.39477019574215, + "main_score": 92.416675 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/AmazonReviewsClassification.json b/results/ekorman-strive__bge-large-en-v1.5/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..a2e323137 --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 48.175999999999995, + "f1": 47.80712792870253, + "main_score": 48.175999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/ArguAna.json b/results/ekorman-strive__bge-large-en-v1.5/external/ArguAna.json new file mode 100644 index 000000000..de00f62be --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.184999999999995, + "map_at_10": 55.654, + "map_at_100": 56.25, + "map_at_1000": 56.255, + "map_at_3": 51.742999999999995, + "map_at_5": 54.129000000000005, + "mrr_at_1": 40.967, + "mrr_at_10": 55.96, + "mrr_at_100": 56.54900000000001, + "mrr_at_1000": 56.554, + "mrr_at_3": 51.980000000000004, + "mrr_at_5": 54.44, + "ndcg_at_1": 40.184999999999995, + "ndcg_at_10": 63.542, + "ndcg_at_100": 65.96499999999999, + "ndcg_at_1000": 66.08699999999999, + "ndcg_at_3": 55.582, + "ndcg_at_5": 59.855000000000004, + "precision_at_1": 40.184999999999995, + "precision_at_10": 8.841000000000001, + "precision_at_100": 0.987, + "precision_at_1000": 0.1, + "precision_at_3": 22.238, + "precision_at_5": 15.405, + "recall_at_1": 40.184999999999995, + "recall_at_10": 88.407, + "recall_at_100": 98.72, + "recall_at_1000": 99.644, + "recall_at_3": 66.714, + "recall_at_5": 77.027, + "main_score": 63.542 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/ArxivClusteringP2P.json b/results/ekorman-strive__bge-large-en-v1.5/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..f8f3798ed --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.567077926750066, + "main_score": 48.567077926750066 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/ArxivClusteringS2S.json b/results/ekorman-strive__bge-large-en-v1.5/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..3bbdfa23f --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 43.19453389182364, + "main_score": 43.19453389182364 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/AskUbuntuDupQuestions.json b/results/ekorman-strive__bge-large-en-v1.5/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..50f36bc02 --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 64.46555939623092, + "mrr": 77.82361605768807, + "main_score": 64.46555939623092 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/BIOSSES.json b/results/ekorman-strive__bge-large-en-v1.5/external/BIOSSES.json new file mode 100644 index 000000000..3b36b2f7a --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.9554128814735, + "cos_sim_spearman": 84.65373612172036, + "euclidean_pearson": 83.2905059954138, + "euclidean_spearman": 84.52240782811128, + "manhattan_pearson": 82.99533802997436, + "manhattan_spearman": 84.20673798475734, + "cosine_pearson": 84.9554128814735, + "cosine_spearman": 84.65373612172036, + "main_score": 84.65373612172036 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/Banking77Classification.json b/results/ekorman-strive__bge-large-en-v1.5/external/Banking77Classification.json new file mode 100644 index 000000000..41279087f --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 87.78896103896103, + "f1": 87.77189310964883, + "main_score": 87.78896103896103 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/BiorxivClusteringP2P.json b/results/ekorman-strive__bge-large-en-v1.5/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..55f0de8d5 --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.714538337650495, + "main_score": 39.714538337650495 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/BiorxivClusteringS2S.json b/results/ekorman-strive__bge-large-en-v1.5/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..ac4543ace --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.90108349284447, + "main_score": 36.90108349284447 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/CQADupstackAndroidRetrieval.json b/results/ekorman-strive__bge-large-en-v1.5/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..0b92a0877 --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.795, + "map_at_10": 43.669000000000004, + "map_at_100": 45.151, + "map_at_1000": 45.278, + "map_at_3": 40.006, + "map_at_5": 42.059999999999995, + "mrr_at_1": 39.771, + "mrr_at_10": 49.826, + "mrr_at_100": 50.504000000000005, + "mrr_at_1000": 50.549, + "mrr_at_3": 47.115, + "mrr_at_5": 48.832, + "ndcg_at_1": 39.771, + "ndcg_at_10": 50.217999999999996, + "ndcg_at_100": 55.454, + "ndcg_at_1000": 57.37, + "ndcg_at_3": 44.885000000000005, + "ndcg_at_5": 47.419, + "precision_at_1": 39.771, + "precision_at_10": 9.642000000000001, + "precision_at_100": 1.538, + "precision_at_1000": 0.198, + "precision_at_3": 21.268, + "precision_at_5": 15.536, + "recall_at_1": 32.795, + "recall_at_10": 62.580999999999996, + "recall_at_100": 84.438, + "recall_at_1000": 96.492, + "recall_at_3": 47.071000000000005, + "recall_at_5": 54.079, + "main_score": 50.217999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.671, + "map_at_10": 43.334, + "map_at_100": 44.566, + "map_at_1000": 44.702999999999996, + "map_at_3": 40.343, + "map_at_5": 41.983, + "mrr_at_1": 40.764, + "mrr_at_10": 49.382, + "mrr_at_100": 49.988, + "mrr_at_1000": 50.03300000000001, + "mrr_at_3": 47.293, + "mrr_at_5": 48.51, + "ndcg_at_1": 40.764, + "ndcg_at_10": 49.039, + "ndcg_at_100": 53.259, + "ndcg_at_1000": 55.253, + "ndcg_at_3": 45.091, + "ndcg_at_5": 46.839999999999996, + "precision_at_1": 40.764, + "precision_at_10": 9.191, + "precision_at_100": 1.476, + "precision_at_1000": 0.19499999999999998, + "precision_at_3": 21.72, + "precision_at_5": 15.299, + "recall_at_1": 32.671, + "recall_at_10": 58.816, + "recall_at_100": 76.654, + "recall_at_1000": 89.05999999999999, + "recall_at_3": 46.743, + "recall_at_5": 51.783, + "main_score": 49.039 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.328, + "map_at_10": 53.32599999999999, + "map_at_100": 54.37499999999999, + "map_at_1000": 54.429, + "map_at_3": 49.902, + "map_at_5": 52.002, + "mrr_at_1": 46.332, + "mrr_at_10": 56.858, + "mrr_at_100": 57.522, + "mrr_at_1000": 57.54899999999999, + "mrr_at_3": 54.472, + "mrr_at_5": 55.996, + "ndcg_at_1": 46.332, + "ndcg_at_10": 59.313, + "ndcg_at_100": 63.266999999999996, + "ndcg_at_1000": 64.36, + "ndcg_at_3": 53.815000000000005, + "ndcg_at_5": 56.814, + "precision_at_1": 46.332, + "precision_at_10": 9.53, + "precision_at_100": 1.238, + "precision_at_1000": 0.13699999999999998, + "precision_at_3": 24.054000000000002, + "precision_at_5": 16.589000000000002, + "recall_at_1": 40.328, + "recall_at_10": 73.421, + "recall_at_100": 90.059, + "recall_at_1000": 97.81, + "recall_at_3": 59.009, + "recall_at_5": 66.352, + "main_score": 59.313 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.424, + "map_at_10": 36.332, + "map_at_100": 37.347, + "map_at_1000": 37.422, + "map_at_3": 33.743, + "map_at_5": 35.176, + "mrr_at_1": 29.153000000000002, + "mrr_at_10": 38.233, + "mrr_at_100": 39.109, + "mrr_at_1000": 39.164, + "mrr_at_3": 35.876000000000005, + "mrr_at_5": 37.169000000000004, + "ndcg_at_1": 29.153000000000002, + "ndcg_at_10": 41.439, + "ndcg_at_100": 46.42, + "ndcg_at_1000": 48.242000000000004, + "ndcg_at_3": 36.362, + "ndcg_at_5": 38.743, + "precision_at_1": 29.153000000000002, + "precision_at_10": 6.315999999999999, + "precision_at_100": 0.927, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 15.443000000000001, + "precision_at_5": 10.644, + "recall_at_1": 27.424, + "recall_at_10": 55.364000000000004, + "recall_at_100": 78.211, + "recall_at_1000": 91.74600000000001, + "recall_at_3": 41.379, + "recall_at_5": 47.14, + "main_score": 41.439 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.601, + "map_at_10": 27.826, + "map_at_100": 29.017, + "map_at_1000": 29.137, + "map_at_3": 25.125999999999998, + "map_at_5": 26.765, + "mrr_at_1": 24.005000000000003, + "mrr_at_10": 32.716, + "mrr_at_100": 33.631, + "mrr_at_1000": 33.694, + "mrr_at_3": 29.934, + "mrr_at_5": 31.630999999999997, + "ndcg_at_1": 24.005000000000003, + "ndcg_at_10": 33.158, + "ndcg_at_100": 38.739000000000004, + "ndcg_at_1000": 41.495, + "ndcg_at_3": 28.185, + "ndcg_at_5": 30.796, + "precision_at_1": 24.005000000000003, + "precision_at_10": 5.908, + "precision_at_100": 1.005, + "precision_at_1000": 0.13899999999999998, + "precision_at_3": 13.391, + "precision_at_5": 9.876, + "recall_at_1": 19.601, + "recall_at_10": 44.746, + "recall_at_100": 68.82300000000001, + "recall_at_1000": 88.215, + "recall_at_3": 31.239, + "recall_at_5": 37.695, + "main_score": 33.158 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.130000000000003, + "map_at_10": 40.96, + "map_at_100": 42.282, + "map_at_1000": 42.392, + "map_at_3": 37.889, + "map_at_5": 39.661, + "mrr_at_1": 36.958999999999996, + "mrr_at_10": 46.835, + "mrr_at_100": 47.644, + "mrr_at_1000": 47.688, + "mrr_at_3": 44.562000000000005, + "mrr_at_5": 45.938, + "ndcg_at_1": 36.958999999999996, + "ndcg_at_10": 47.06, + "ndcg_at_100": 52.345, + "ndcg_at_1000": 54.35, + "ndcg_at_3": 42.301, + "ndcg_at_5": 44.635999999999996, + "precision_at_1": 36.958999999999996, + "precision_at_10": 8.479000000000001, + "precision_at_100": 1.284, + "precision_at_1000": 0.163, + "precision_at_3": 20.244, + "precision_at_5": 14.224999999999998, + "recall_at_1": 30.130000000000003, + "recall_at_10": 59.27, + "recall_at_100": 81.195, + "recall_at_1000": 94.21199999999999, + "recall_at_3": 45.885, + "recall_at_5": 52.016, + "main_score": 47.06 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.169999999999998, + "map_at_10": 36.451, + "map_at_100": 37.791000000000004, + "map_at_1000": 37.897, + "map_at_3": 33.109, + "map_at_5": 34.937000000000005, + "mrr_at_1": 32.877, + "mrr_at_10": 42.368, + "mrr_at_100": 43.201, + "mrr_at_1000": 43.259, + "mrr_at_3": 39.763999999999996, + "mrr_at_5": 41.260000000000005, + "ndcg_at_1": 32.877, + "ndcg_at_10": 42.659000000000006, + "ndcg_at_100": 48.161, + "ndcg_at_1000": 50.345, + "ndcg_at_3": 37.302, + "ndcg_at_5": 39.722, + "precision_at_1": 32.877, + "precision_at_10": 7.9, + "precision_at_100": 1.236, + "precision_at_1000": 0.158, + "precision_at_3": 17.846, + "precision_at_5": 12.9, + "recall_at_1": 26.169999999999998, + "recall_at_10": 55.35, + "recall_at_100": 78.755, + "recall_at_1000": 93.518, + "recall_at_3": 40.176, + "recall_at_5": 46.589000000000006, + "main_score": 42.659000000000006 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.15516666666667, + "map_at_10": 36.65741666666667, + "map_at_100": 37.84991666666666, + "map_at_1000": 37.96316666666667, + "map_at_3": 33.74974999999999, + "map_at_5": 35.3765, + "mrr_at_1": 32.08233333333334, + "mrr_at_10": 41.033833333333334, + "mrr_at_100": 41.84524999999999, + "mrr_at_1000": 41.89983333333333, + "mrr_at_3": 38.62008333333333, + "mrr_at_5": 40.03441666666666, + "ndcg_at_1": 32.08233333333334, + "ndcg_at_10": 42.229, + "ndcg_at_100": 47.26716666666667, + "ndcg_at_1000": 49.43466666666667, + "ndcg_at_3": 37.36408333333333, + "ndcg_at_5": 39.6715, + "precision_at_1": 32.08233333333334, + "precision_at_10": 7.382583333333334, + "precision_at_100": 1.16625, + "precision_at_1000": 0.15408333333333332, + "precision_at_3": 17.218, + "precision_at_5": 12.21875, + "recall_at_1": 27.15516666666667, + "recall_at_10": 54.36683333333333, + "recall_at_100": 76.37183333333333, + "recall_at_1000": 91.26183333333333, + "recall_at_3": 40.769916666666674, + "recall_at_5": 46.702333333333335, + "main_score": 42.229 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.749, + "map_at_10": 33.001999999999995, + "map_at_100": 33.891, + "map_at_1000": 33.993, + "map_at_3": 30.703999999999997, + "map_at_5": 31.959, + "mrr_at_1": 28.834, + "mrr_at_10": 35.955, + "mrr_at_100": 36.709, + "mrr_at_1000": 36.779, + "mrr_at_3": 33.947, + "mrr_at_5": 35.089, + "ndcg_at_1": 28.834, + "ndcg_at_10": 37.329, + "ndcg_at_100": 41.79, + "ndcg_at_1000": 44.169000000000004, + "ndcg_at_3": 33.184999999999995, + "ndcg_at_5": 35.107, + "precision_at_1": 28.834, + "precision_at_10": 5.7669999999999995, + "precision_at_100": 0.876, + "precision_at_1000": 0.11399999999999999, + "precision_at_3": 14.213000000000001, + "precision_at_5": 9.754999999999999, + "recall_at_1": 25.749, + "recall_at_10": 47.791, + "recall_at_100": 68.255, + "recall_at_1000": 85.749, + "recall_at_3": 36.199, + "recall_at_5": 41.071999999999996, + "main_score": 37.329 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.777, + "map_at_10": 25.201, + "map_at_100": 26.423999999999996, + "map_at_1000": 26.544, + "map_at_3": 22.869, + "map_at_5": 24.023, + "mrr_at_1": 21.473, + "mrr_at_10": 29.12, + "mrr_at_100": 30.144, + "mrr_at_1000": 30.215999999999998, + "mrr_at_3": 26.933, + "mrr_at_5": 28.051, + "ndcg_at_1": 21.473, + "ndcg_at_10": 30.003, + "ndcg_at_100": 35.766, + "ndcg_at_1000": 38.501000000000005, + "ndcg_at_3": 25.773000000000003, + "ndcg_at_5": 27.462999999999997, + "precision_at_1": 21.473, + "precision_at_10": 5.482, + "precision_at_100": 0.975, + "precision_at_1000": 0.13799999999999998, + "precision_at_3": 12.205, + "precision_at_5": 8.692, + "recall_at_1": 17.777, + "recall_at_10": 40.582, + "recall_at_100": 66.305, + "recall_at_1000": 85.636, + "recall_at_3": 28.687, + "recall_at_5": 33.089, + "main_score": 30.003 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.677, + "map_at_10": 36.309000000000005, + "map_at_100": 37.403999999999996, + "map_at_1000": 37.496, + "map_at_3": 33.382, + "map_at_5": 34.98, + "mrr_at_1": 31.343, + "mrr_at_10": 40.549, + "mrr_at_100": 41.342, + "mrr_at_1000": 41.397, + "mrr_at_3": 38.029, + "mrr_at_5": 39.451, + "ndcg_at_1": 31.343, + "ndcg_at_10": 42.1, + "ndcg_at_100": 47.089999999999996, + "ndcg_at_1000": 49.222, + "ndcg_at_3": 36.836999999999996, + "ndcg_at_5": 39.21, + "precision_at_1": 31.343, + "precision_at_10": 7.164, + "precision_at_100": 1.0959999999999999, + "precision_at_1000": 0.13899999999999998, + "precision_at_3": 16.915, + "precision_at_5": 11.940000000000001, + "recall_at_1": 26.677, + "recall_at_10": 55.54599999999999, + "recall_at_100": 77.094, + "recall_at_1000": 92.01, + "recall_at_3": 41.191, + "recall_at_5": 47.006, + "main_score": 42.1 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.501, + "map_at_10": 33.102, + "map_at_100": 34.676, + "map_at_1000": 34.888000000000005, + "map_at_3": 29.944, + "map_at_5": 31.613999999999997, + "mrr_at_1": 29.447000000000003, + "mrr_at_10": 37.996, + "mrr_at_100": 38.946, + "mrr_at_1000": 38.995000000000005, + "mrr_at_3": 35.079, + "mrr_at_5": 36.69, + "ndcg_at_1": 29.447000000000003, + "ndcg_at_10": 39.232, + "ndcg_at_100": 45.247, + "ndcg_at_1000": 47.613, + "ndcg_at_3": 33.922999999999995, + "ndcg_at_5": 36.284, + "precision_at_1": 29.447000000000003, + "precision_at_10": 7.648000000000001, + "precision_at_100": 1.516, + "precision_at_1000": 0.23900000000000002, + "precision_at_3": 16.008, + "precision_at_5": 11.779, + "recall_at_1": 24.501, + "recall_at_10": 51.18899999999999, + "recall_at_100": 78.437, + "recall_at_1000": 92.842, + "recall_at_3": 35.808, + "recall_at_5": 42.197, + "main_score": 39.232 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.039, + "map_at_10": 30.377, + "map_at_100": 31.275, + "map_at_1000": 31.379, + "map_at_3": 27.98, + "map_at_5": 29.358, + "mrr_at_1": 24.03, + "mrr_at_10": 32.568000000000005, + "mrr_at_100": 33.403, + "mrr_at_1000": 33.475, + "mrr_at_3": 30.436999999999998, + "mrr_at_5": 31.796000000000003, + "ndcg_at_1": 24.03, + "ndcg_at_10": 35.198, + "ndcg_at_100": 39.668, + "ndcg_at_1000": 42.296, + "ndcg_at_3": 30.709999999999997, + "ndcg_at_5": 33.024, + "precision_at_1": 24.03, + "precision_at_10": 5.564, + "precision_at_100": 0.828, + "precision_at_1000": 0.117, + "precision_at_3": 13.309000000000001, + "precision_at_5": 9.39, + "recall_at_1": 22.039, + "recall_at_10": 47.746, + "recall_at_100": 68.23599999999999, + "recall_at_1000": 87.852, + "recall_at_3": 35.852000000000004, + "recall_at_5": 41.410000000000004, + "main_score": 35.198 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/ClimateFEVER.json b/results/ekorman-strive__bge-large-en-v1.5/external/ClimateFEVER.json new file mode 100644 index 000000000..fdda4132b --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.692999999999998, + "map_at_10": 26.903, + "map_at_100": 28.987000000000002, + "map_at_1000": 29.176999999999996, + "map_at_3": 22.137, + "map_at_5": 24.758, + "mrr_at_1": 35.57, + "mrr_at_10": 47.821999999999996, + "mrr_at_100": 48.608000000000004, + "mrr_at_1000": 48.638999999999996, + "mrr_at_3": 44.452000000000005, + "mrr_at_5": 46.546, + "ndcg_at_1": 35.57, + "ndcg_at_10": 36.567, + "ndcg_at_100": 44.085, + "ndcg_at_1000": 47.24, + "ndcg_at_3": 29.964000000000002, + "ndcg_at_5": 32.511, + "precision_at_1": 35.57, + "precision_at_10": 11.485, + "precision_at_100": 1.9619999999999997, + "precision_at_1000": 0.256, + "precision_at_3": 22.237000000000002, + "precision_at_5": 17.471999999999998, + "recall_at_1": 15.692999999999998, + "recall_at_10": 43.056, + "recall_at_100": 68.628, + "recall_at_1000": 86.075, + "recall_at_3": 26.918999999999997, + "recall_at_5": 34.14, + "main_score": 36.567 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/DBPedia.json b/results/ekorman-strive__bge-large-en-v1.5/external/DBPedia.json new file mode 100644 index 000000000..7dea0b89b --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.53, + "map_at_10": 20.951, + "map_at_100": 30.136000000000003, + "map_at_1000": 31.801000000000002, + "map_at_3": 15.021, + "map_at_5": 17.471999999999998, + "mrr_at_1": 71.0, + "mrr_at_10": 79.176, + "mrr_at_100": 79.418, + "mrr_at_1000": 79.426, + "mrr_at_3": 78.125, + "mrr_at_5": 78.61200000000001, + "ndcg_at_1": 58.5, + "ndcg_at_10": 44.106, + "ndcg_at_100": 49.268, + "ndcg_at_1000": 56.711999999999996, + "ndcg_at_3": 48.934, + "ndcg_at_5": 45.826, + "precision_at_1": 71.0, + "precision_at_10": 35.0, + "precision_at_100": 11.360000000000001, + "precision_at_1000": 2.046, + "precision_at_3": 52.833, + "precision_at_5": 44.15, + "recall_at_1": 9.53, + "recall_at_10": 26.811, + "recall_at_100": 55.916999999999994, + "recall_at_1000": 79.973, + "recall_at_3": 16.413, + "recall_at_5": 19.980999999999998, + "main_score": 44.106 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/EmotionClassification.json b/results/ekorman-strive__bge-large-en-v1.5/external/EmotionClassification.json new file mode 100644 index 000000000..dbfb9355d --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 51.519999999999996, + "f1": 46.36601294761231, + "main_score": 51.519999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/FEVER.json b/results/ekorman-strive__bge-large-en-v1.5/external/FEVER.json new file mode 100644 index 000000000..c5a69793e --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 74.413, + "map_at_10": 83.414, + "map_at_100": 83.621, + "map_at_1000": 83.635, + "map_at_3": 82.337, + "map_at_5": 83.039, + "mrr_at_1": 80.19800000000001, + "mrr_at_10": 87.715, + "mrr_at_100": 87.778, + "mrr_at_1000": 87.779, + "mrr_at_3": 87.106, + "mrr_at_5": 87.555, + "ndcg_at_1": 80.19800000000001, + "ndcg_at_10": 87.182, + "ndcg_at_100": 87.90299999999999, + "ndcg_at_1000": 88.143, + "ndcg_at_3": 85.60600000000001, + "ndcg_at_5": 86.541, + "precision_at_1": 80.19800000000001, + "precision_at_10": 10.531, + "precision_at_100": 1.113, + "precision_at_1000": 0.11499999999999999, + "precision_at_3": 32.933, + "precision_at_5": 20.429, + "recall_at_1": 74.413, + "recall_at_10": 94.363, + "recall_at_100": 97.165, + "recall_at_1000": 98.668, + "recall_at_3": 90.108, + "recall_at_5": 92.52, + "main_score": 87.182 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/FiQA2018.json b/results/ekorman-strive__bge-large-en-v1.5/external/FiQA2018.json new file mode 100644 index 000000000..fab9612a2 --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.701, + "map_at_10": 37.122, + "map_at_100": 39.178000000000004, + "map_at_1000": 39.326, + "map_at_3": 32.971000000000004, + "map_at_5": 35.332, + "mrr_at_1": 44.753, + "mrr_at_10": 53.452, + "mrr_at_100": 54.198, + "mrr_at_1000": 54.225, + "mrr_at_3": 50.952, + "mrr_at_5": 52.464, + "ndcg_at_1": 44.753, + "ndcg_at_10": 45.021, + "ndcg_at_100": 52.028, + "ndcg_at_1000": 54.596000000000004, + "ndcg_at_3": 41.622, + "ndcg_at_5": 42.736000000000004, + "precision_at_1": 44.753, + "precision_at_10": 12.284, + "precision_at_100": 1.955, + "precision_at_1000": 0.243, + "precision_at_3": 27.828999999999997, + "precision_at_5": 20.061999999999998, + "recall_at_1": 22.701, + "recall_at_10": 51.432, + "recall_at_100": 77.009, + "recall_at_1000": 92.511, + "recall_at_3": 37.919000000000004, + "recall_at_5": 44.131, + "main_score": 45.021 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/HotpotQA.json b/results/ekorman-strive__bge-large-en-v1.5/external/HotpotQA.json new file mode 100644 index 000000000..aae49a00c --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.189, + "map_at_10": 66.24600000000001, + "map_at_100": 67.098, + "map_at_1000": 67.149, + "map_at_3": 62.684, + "map_at_5": 64.974, + "mrr_at_1": 80.378, + "mrr_at_10": 86.127, + "mrr_at_100": 86.29299999999999, + "mrr_at_1000": 86.297, + "mrr_at_3": 85.31400000000001, + "mrr_at_5": 85.858, + "ndcg_at_1": 80.378, + "ndcg_at_10": 74.101, + "ndcg_at_100": 76.993, + "ndcg_at_1000": 77.948, + "ndcg_at_3": 69.232, + "ndcg_at_5": 72.04599999999999, + "precision_at_1": 80.378, + "precision_at_10": 15.595999999999998, + "precision_at_100": 1.7840000000000003, + "precision_at_1000": 0.191, + "precision_at_3": 44.884, + "precision_at_5": 29.145, + "recall_at_1": 40.189, + "recall_at_10": 77.981, + "recall_at_100": 89.21, + "recall_at_1000": 95.48299999999999, + "recall_at_3": 67.326, + "recall_at_5": 72.863, + "main_score": 74.101 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/ImdbClassification.json b/results/ekorman-strive__bge-large-en-v1.5/external/ImdbClassification.json new file mode 100644 index 000000000..34c4cb3b0 --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.84599999999999, + "ap": 89.4710787567357, + "f1": 92.83752676932258, + "main_score": 92.84599999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/MSMARCO.json b/results/ekorman-strive__bge-large-en-v1.5/external/MSMARCO.json new file mode 100644 index 000000000..97dc51b8d --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.132, + "map_at_10": 35.543, + "map_at_100": 36.702, + "map_at_1000": 36.748999999999995, + "map_at_3": 31.737, + "map_at_5": 33.927, + "mrr_at_1": 23.782, + "mrr_at_10": 36.204, + "mrr_at_100": 37.29, + "mrr_at_1000": 37.330999999999996, + "mrr_at_3": 32.458999999999996, + "mrr_at_5": 34.631, + "ndcg_at_1": 23.782, + "ndcg_at_10": 42.492999999999995, + "ndcg_at_100": 47.985, + "ndcg_at_1000": 49.141, + "ndcg_at_3": 34.748000000000005, + "ndcg_at_5": 38.651, + "precision_at_1": 23.782, + "precision_at_10": 6.665, + "precision_at_100": 0.941, + "precision_at_1000": 0.104, + "precision_at_3": 14.776, + "precision_at_5": 10.84, + "recall_at_1": 23.132, + "recall_at_10": 63.794, + "recall_at_100": 89.027, + "recall_at_1000": 97.807, + "recall_at_3": 42.765, + "recall_at_5": 52.11, + "main_score": 42.492999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/MTOPDomainClassification.json b/results/ekorman-strive__bge-large-en-v1.5/external/MTOPDomainClassification.json new file mode 100644 index 000000000..4c264fe75 --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 94.59188326493388, + "f1": 94.3842594786827, + "main_score": 94.59188326493388 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/MTOPIntentClassification.json b/results/ekorman-strive__bge-large-en-v1.5/external/MTOPIntentClassification.json new file mode 100644 index 000000000..3c3d897d3 --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.49384404924761, + "f1": 59.7580539534629, + "main_score": 79.49384404924761 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/MassiveIntentClassification.json b/results/ekorman-strive__bge-large-en-v1.5/external/MassiveIntentClassification.json new file mode 100644 index 000000000..3a63a41c7 --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.56220578345663, + "f1": 75.27228165561478, + "main_score": 77.56220578345663 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/MassiveScenarioClassification.json b/results/ekorman-strive__bge-large-en-v1.5/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..3f8ef4084 --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.53463349024884, + "f1": 80.4893958236536, + "main_score": 80.53463349024884 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/MedrxivClusteringP2P.json b/results/ekorman-strive__bge-large-en-v1.5/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..1d8a09a72 --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.56100273484962, + "main_score": 32.56100273484962 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/MedrxivClusteringS2S.json b/results/ekorman-strive__bge-large-en-v1.5/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..dc9720806 --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.470380028839607, + "main_score": 31.470380028839607 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/MindSmallReranking.json b/results/ekorman-strive__bge-large-en-v1.5/external/MindSmallReranking.json new file mode 100644 index 000000000..393853523 --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 32.06102792457849, + "mrr": 33.30709199672238, + "main_score": 32.06102792457849 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/NFCorpus.json b/results/ekorman-strive__bge-large-en-v1.5/external/NFCorpus.json new file mode 100644 index 000000000..0d557607a --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.776999999999999, + "map_at_10": 14.924000000000001, + "map_at_100": 18.955, + "map_at_1000": 20.538999999999998, + "map_at_3": 10.982, + "map_at_5": 12.679000000000002, + "mrr_at_1": 47.988, + "mrr_at_10": 57.232000000000006, + "mrr_at_100": 57.818999999999996, + "mrr_at_1000": 57.847, + "mrr_at_3": 54.901999999999994, + "mrr_at_5": 56.481, + "ndcg_at_1": 46.594, + "ndcg_at_10": 38.129000000000005, + "ndcg_at_100": 35.54, + "ndcg_at_1000": 44.172, + "ndcg_at_3": 43.025999999999996, + "ndcg_at_5": 41.052, + "precision_at_1": 47.988, + "precision_at_10": 28.111000000000004, + "precision_at_100": 8.929, + "precision_at_1000": 2.185, + "precision_at_3": 40.144000000000005, + "precision_at_5": 35.232, + "recall_at_1": 6.776999999999999, + "recall_at_10": 19.289, + "recall_at_100": 36.359, + "recall_at_1000": 67.54, + "recall_at_3": 11.869, + "recall_at_5": 14.999, + "main_score": 38.129000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/NQ.json b/results/ekorman-strive__bge-large-en-v1.5/external/NQ.json new file mode 100644 index 000000000..bd0df5b6f --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.108000000000004, + "map_at_10": 47.126000000000005, + "map_at_100": 48.171, + "map_at_1000": 48.199, + "map_at_3": 42.734, + "map_at_5": 45.362, + "mrr_at_1": 34.936, + "mrr_at_10": 49.571, + "mrr_at_100": 50.345, + "mrr_at_1000": 50.363, + "mrr_at_3": 45.959, + "mrr_at_5": 48.165, + "ndcg_at_1": 34.936, + "ndcg_at_10": 55.028999999999996, + "ndcg_at_100": 59.244, + "ndcg_at_1000": 59.861, + "ndcg_at_3": 46.872, + "ndcg_at_5": 51.217999999999996, + "precision_at_1": 34.936, + "precision_at_10": 9.099, + "precision_at_100": 1.145, + "precision_at_1000": 0.12, + "precision_at_3": 21.456, + "precision_at_5": 15.411, + "recall_at_1": 31.108000000000004, + "recall_at_10": 76.53999999999999, + "recall_at_100": 94.39, + "recall_at_1000": 98.947, + "recall_at_3": 55.572, + "recall_at_5": 65.525, + "main_score": 55.028999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/QuoraRetrieval.json b/results/ekorman-strive__bge-large-en-v1.5/external/QuoraRetrieval.json new file mode 100644 index 000000000..3fa9dbd51 --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 71.56400000000001, + "map_at_10": 85.482, + "map_at_100": 86.114, + "map_at_1000": 86.13, + "map_at_3": 82.607, + "map_at_5": 84.405, + "mrr_at_1": 82.42, + "mrr_at_10": 88.304, + "mrr_at_100": 88.399, + "mrr_at_1000": 88.399, + "mrr_at_3": 87.37, + "mrr_at_5": 88.024, + "ndcg_at_1": 82.45, + "ndcg_at_10": 89.06500000000001, + "ndcg_at_100": 90.232, + "ndcg_at_1000": 90.305, + "ndcg_at_3": 86.375, + "ndcg_at_5": 87.85300000000001, + "precision_at_1": 82.45, + "precision_at_10": 13.486999999999998, + "precision_at_100": 1.534, + "precision_at_1000": 0.157, + "precision_at_3": 37.813, + "precision_at_5": 24.773999999999997, + "recall_at_1": 71.56400000000001, + "recall_at_10": 95.812, + "recall_at_100": 99.7, + "recall_at_1000": 99.979, + "recall_at_3": 87.966, + "recall_at_5": 92.268, + "main_score": 89.06500000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/RedditClustering.json b/results/ekorman-strive__bge-large-en-v1.5/external/RedditClustering.json new file mode 100644 index 000000000..94b1ea690 --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 57.241876648614145, + "main_score": 57.241876648614145 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/RedditClusteringP2P.json b/results/ekorman-strive__bge-large-en-v1.5/external/RedditClusteringP2P.json new file mode 100644 index 000000000..739a75a1b --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 64.66212576446223, + "main_score": 64.66212576446223 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/SCIDOCS.json b/results/ekorman-strive__bge-large-en-v1.5/external/SCIDOCS.json new file mode 100644 index 000000000..3c42b9064 --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.308, + "map_at_10": 13.803, + "map_at_100": 16.176, + "map_at_1000": 16.561, + "map_at_3": 9.761000000000001, + "map_at_5": 11.802, + "mrr_at_1": 26.200000000000003, + "mrr_at_10": 37.621, + "mrr_at_100": 38.767, + "mrr_at_1000": 38.815, + "mrr_at_3": 34.117, + "mrr_at_5": 36.107, + "ndcg_at_1": 26.200000000000003, + "ndcg_at_10": 22.64, + "ndcg_at_100": 31.567, + "ndcg_at_1000": 37.623, + "ndcg_at_3": 21.435000000000002, + "ndcg_at_5": 18.87, + "precision_at_1": 26.200000000000003, + "precision_at_10": 11.74, + "precision_at_100": 2.465, + "precision_at_1000": 0.391, + "precision_at_3": 20.033, + "precision_at_5": 16.64, + "recall_at_1": 5.308, + "recall_at_10": 23.794999999999998, + "recall_at_100": 50.015, + "recall_at_1000": 79.283, + "recall_at_3": 12.178, + "recall_at_5": 16.882, + "main_score": 22.64 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/SICK-R.json b/results/ekorman-strive__bge-large-en-v1.5/external/SICK-R.json new file mode 100644 index 000000000..3e4e715a1 --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.93231134675553, + "cos_sim_spearman": 81.68319292603205, + "euclidean_pearson": 81.8396814380367, + "euclidean_spearman": 81.24641903349945, + "manhattan_pearson": 81.84698799204274, + "manhattan_spearman": 81.24269997904105, + "cosine_pearson": 84.93231134675553, + "cosine_spearman": 81.68319292603205, + "main_score": 81.68319292603205 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/STS12.json b/results/ekorman-strive__bge-large-en-v1.5/external/STS12.json new file mode 100644 index 000000000..fdc886ca4 --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.73241671587446, + "cos_sim_spearman": 79.05091082971826, + "euclidean_pearson": 83.91146869578044, + "euclidean_spearman": 79.87978465370936, + "manhattan_pearson": 83.90888338917678, + "manhattan_spearman": 79.87482848584241, + "cosine_pearson": 86.73241671587446, + "cosine_spearman": 79.05091082971826, + "main_score": 79.05091082971826 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/STS13.json b/results/ekorman-strive__bge-large-en-v1.5/external/STS13.json new file mode 100644 index 000000000..a0c7b2fa7 --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.14970731146177, + "cos_sim_spearman": 86.37363490084627, + "euclidean_pearson": 83.02154218530433, + "euclidean_spearman": 83.80258761957367, + "manhattan_pearson": 83.01664495119347, + "manhattan_spearman": 83.77567458007952, + "cosine_pearson": 85.14970731146177, + "cosine_spearman": 86.37363490084627, + "main_score": 86.37363490084627 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/STS14.json b/results/ekorman-strive__bge-large-en-v1.5/external/STS14.json new file mode 100644 index 000000000..f6188fb41 --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.40474139886784, + "cos_sim_spearman": 82.77768789165984, + "euclidean_pearson": 80.7065877443695, + "euclidean_spearman": 81.375940662505, + "manhattan_pearson": 80.6507552270278, + "manhattan_spearman": 81.32782179098741, + "cosine_pearson": 83.40474139886784, + "cosine_spearman": 82.77768789165984, + "main_score": 82.77768789165984 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/STS15.json b/results/ekorman-strive__bge-large-en-v1.5/external/STS15.json new file mode 100644 index 000000000..29519a919 --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.08585968722274, + "cos_sim_spearman": 88.03110031451399, + "euclidean_pearson": 85.74012019602384, + "euclidean_spearman": 86.13592849438209, + "manhattan_pearson": 85.74404842369206, + "manhattan_spearman": 86.14492318960154, + "cosine_pearson": 87.08585968722274, + "cosine_spearman": 88.03110031451399, + "main_score": 88.03110031451399 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/STS16.json b/results/ekorman-strive__bge-large-en-v1.5/external/STS16.json new file mode 100644 index 000000000..612cb58d9 --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.95069052788875, + "cos_sim_spearman": 86.4867991595147, + "euclidean_pearson": 84.31013325754635, + "euclidean_spearman": 85.01529258006482, + "manhattan_pearson": 84.26995570085374, + "manhattan_spearman": 84.96982104986162, + "cosine_pearson": 84.95069052788875, + "cosine_spearman": 86.4867991595147, + "main_score": 86.4867991595147 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/STS17.json b/results/ekorman-strive__bge-large-en-v1.5/external/STS17.json new file mode 100644 index 000000000..aaa0e1620 --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.54617647971897, + "cos_sim_spearman": 87.49834181751034, + "euclidean_pearson": 86.01015322577122, + "euclidean_spearman": 84.63362652063199, + "manhattan_pearson": 86.13807574475706, + "manhattan_spearman": 84.7772370721132, + "cosine_pearson": 87.54617647971897, + "cosine_spearman": 87.49834181751034, + "main_score": 87.49834181751034 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/STS22.json b/results/ekorman-strive__bge-large-en-v1.5/external/STS22.json new file mode 100644 index 000000000..ff077007c --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 67.20047755786615, + "cos_sim_spearman": 67.05324077987636, + "euclidean_pearson": 66.91930642976601, + "euclidean_spearman": 65.21491856099105, + "manhattan_pearson": 66.78756851976624, + "manhattan_spearman": 65.12356257740728, + "cosine_pearson": 67.20047755786615, + "cosine_spearman": 67.05324077987636, + "main_score": 67.05324077987636 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/STSBenchmark.json b/results/ekorman-strive__bge-large-en-v1.5/external/STSBenchmark.json new file mode 100644 index 000000000..bcc00d565 --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.19852871539686, + "cos_sim_spearman": 87.5161895296395, + "euclidean_pearson": 84.59848645207485, + "euclidean_spearman": 85.26427328757919, + "manhattan_pearson": 84.59747366996524, + "manhattan_spearman": 85.24045855146915, + "cosine_pearson": 86.19852871539686, + "cosine_spearman": 87.5161895296395, + "main_score": 87.5161895296395 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/SciDocsRR.json b/results/ekorman-strive__bge-large-en-v1.5/external/SciDocsRR.json new file mode 100644 index 000000000..de899c793 --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 87.63320317811032, + "mrr": 96.26242947321379, + "main_score": 87.63320317811032 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/SciFact.json b/results/ekorman-strive__bge-large-en-v1.5/external/SciFact.json new file mode 100644 index 000000000..81756554f --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 60.928000000000004, + "map_at_10": 70.112, + "map_at_100": 70.59299999999999, + "map_at_1000": 70.623, + "map_at_3": 66.846, + "map_at_5": 68.447, + "mrr_at_1": 64.0, + "mrr_at_10": 71.212, + "mrr_at_100": 71.616, + "mrr_at_1000": 71.64500000000001, + "mrr_at_3": 68.77799999999999, + "mrr_at_5": 70.094, + "ndcg_at_1": 64.0, + "ndcg_at_10": 74.607, + "ndcg_at_100": 76.416, + "ndcg_at_1000": 77.102, + "ndcg_at_3": 69.126, + "ndcg_at_5": 71.41300000000001, + "precision_at_1": 64.0, + "precision_at_10": 9.933, + "precision_at_100": 1.077, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 26.556, + "precision_at_5": 17.467, + "recall_at_1": 60.928000000000004, + "recall_at_10": 87.322, + "recall_at_100": 94.833, + "recall_at_1000": 100.0, + "recall_at_3": 72.628, + "recall_at_5": 78.428, + "main_score": 74.607 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/SprintDuplicateQuestions.json b/results/ekorman-strive__bge-large-en-v1.5/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..7990e03bd --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.86237623762376, + "cos_sim_ap": 96.72586477206649, + "cos_sim_f1": 93.01858362631845, + "cos_sim_precision": 93.4409687184662, + "cos_sim_recall": 92.60000000000001, + "dot_accuracy": 99.78019801980199, + "dot_ap": 93.72748205246228, + "dot_f1": 89.04109589041096, + "dot_precision": 87.16475095785441, + "dot_recall": 91.0, + "euclidean_accuracy": 99.85445544554456, + "euclidean_ap": 96.6661459876145, + "euclidean_f1": 92.58337481333997, + "euclidean_precision": 92.17046580773042, + "euclidean_recall": 93.0, + "manhattan_accuracy": 99.85445544554456, + "manhattan_ap": 96.6883549244056, + "manhattan_f1": 92.57598405580468, + "manhattan_precision": 92.25422045680239, + "manhattan_recall": 92.9, + "max_accuracy": 99.86237623762376, + "max_ap": 96.72586477206649, + "max_f1": 93.01858362631845, + "main_score": 96.72586477206649 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/StackExchangeClustering.json b/results/ekorman-strive__bge-large-en-v1.5/external/StackExchangeClustering.json new file mode 100644 index 000000000..811a1dcc2 --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 66.39930057069995, + "main_score": 66.39930057069995 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/StackExchangeClusteringP2P.json b/results/ekorman-strive__bge-large-en-v1.5/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..bc57100ba --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.96398659903402, + "main_score": 34.96398659903402 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/StackOverflowDupQuestions.json b/results/ekorman-strive__bge-large-en-v1.5/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..6f458ee6e --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 55.946944700355395, + "mrr": 56.97151398438164, + "main_score": 55.946944700355395 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/SummEval.json b/results/ekorman-strive__bge-large-en-v1.5/external/SummEval.json new file mode 100644 index 000000000..4094b2845 --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.541657650692905, + "cos_sim_spearman": 31.605804192286303, + "dot_pearson": 28.26905996736398, + "dot_spearman": 27.864801765851187, + "cosine_pearson": 31.541657650692905, + "cosine_spearman": 31.605804192286303, + "main_score": 31.605804192286303 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/TRECCOVID.json b/results/ekorman-strive__bge-large-en-v1.5/external/TRECCOVID.json new file mode 100644 index 000000000..d2ec899ce --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.22599999999999998, + "map_at_10": 1.8870000000000002, + "map_at_100": 9.78, + "map_at_1000": 22.514, + "map_at_3": 0.6669999999999999, + "map_at_5": 1.077, + "mrr_at_1": 82.0, + "mrr_at_10": 89.86699999999999, + "mrr_at_100": 89.86699999999999, + "mrr_at_1000": 89.86699999999999, + "mrr_at_3": 89.667, + "mrr_at_5": 89.667, + "ndcg_at_1": 79.0, + "ndcg_at_10": 74.818, + "ndcg_at_100": 53.715999999999994, + "ndcg_at_1000": 47.082, + "ndcg_at_3": 82.134, + "ndcg_at_5": 79.81899999999999, + "precision_at_1": 82.0, + "precision_at_10": 78.0, + "precision_at_100": 54.48, + "precision_at_1000": 20.518, + "precision_at_3": 87.333, + "precision_at_5": 85.2, + "recall_at_1": 0.22599999999999998, + "recall_at_10": 2.072, + "recall_at_100": 13.013, + "recall_at_1000": 43.462, + "recall_at_3": 0.695, + "recall_at_5": 1.139, + "main_score": 74.818 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/Touche2020.json b/results/ekorman-strive__bge-large-en-v1.5/external/Touche2020.json new file mode 100644 index 000000000..4e42886db --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.328, + "map_at_10": 9.795, + "map_at_100": 15.801000000000002, + "map_at_1000": 17.23, + "map_at_3": 4.734, + "map_at_5": 6.644, + "mrr_at_1": 30.612000000000002, + "mrr_at_10": 46.902, + "mrr_at_100": 47.495, + "mrr_at_1000": 47.495, + "mrr_at_3": 41.156, + "mrr_at_5": 44.218, + "ndcg_at_1": 28.571, + "ndcg_at_10": 24.806, + "ndcg_at_100": 36.419000000000004, + "ndcg_at_1000": 47.272999999999996, + "ndcg_at_3": 25.666, + "ndcg_at_5": 25.448999999999998, + "precision_at_1": 30.612000000000002, + "precision_at_10": 23.061, + "precision_at_100": 7.714, + "precision_at_1000": 1.484, + "precision_at_3": 26.531, + "precision_at_5": 26.122, + "recall_at_1": 2.328, + "recall_at_10": 16.524, + "recall_at_100": 47.179, + "recall_at_1000": 81.22200000000001, + "recall_at_3": 5.745, + "recall_at_5": 9.339, + "main_score": 24.806 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/ToxicConversationsClassification.json b/results/ekorman-strive__bge-large-en-v1.5/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..a1bb4e3a3 --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.9142, + "ap": 14.335574772555415, + "f1": 54.62839595194111, + "main_score": 70.9142 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/TweetSentimentExtractionClassification.json b/results/ekorman-strive__bge-large-en-v1.5/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..4d6df3be5 --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 59.94340690435768, + "f1": 60.286487936731916, + "main_score": 59.94340690435768 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/TwentyNewsgroupsClustering.json b/results/ekorman-strive__bge-large-en-v1.5/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..017b5c503 --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 51.26597708987974, + "main_score": 51.26597708987974 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/TwitterSemEval2015.json b/results/ekorman-strive__bge-large-en-v1.5/external/TwitterSemEval2015.json new file mode 100644 index 000000000..221ac4747 --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 87.48882398521786, + "cos_sim_ap": 79.04326607602204, + "cos_sim_f1": 71.64566826860633, + "cos_sim_precision": 70.55512918905092, + "cos_sim_recall": 72.77044854881267, + "dot_accuracy": 84.19264469213805, + "dot_ap": 67.96360043562528, + "dot_f1": 64.06418393006827, + "dot_precision": 58.64941898706424, + "dot_recall": 70.58047493403694, + "euclidean_accuracy": 87.45902127913214, + "euclidean_ap": 78.9742237648272, + "euclidean_f1": 71.5553235908142, + "euclidean_precision": 70.77955601445535, + "euclidean_recall": 72.34828496042216, + "manhattan_accuracy": 87.41729749061214, + "manhattan_ap": 78.90073137580596, + "manhattan_f1": 71.3942611553533, + "manhattan_precision": 68.52705653967483, + "manhattan_recall": 74.51187335092348, + "max_accuracy": 87.48882398521786, + "max_ap": 79.04326607602204, + "max_f1": 71.64566826860633, + "main_score": 79.04326607602204 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/TwitterURLCorpus.json b/results/ekorman-strive__bge-large-en-v1.5/external/TwitterURLCorpus.json new file mode 100644 index 000000000..80fd92942 --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.68125897465751, + "cos_sim_ap": 85.6003454431979, + "cos_sim_f1": 77.6957163958641, + "cos_sim_precision": 73.0110366307807, + "cos_sim_recall": 83.02279026793964, + "dot_accuracy": 87.7672992587418, + "dot_ap": 82.4971301112899, + "dot_f1": 75.90528233151184, + "dot_precision": 72.0370626469368, + "dot_recall": 80.21250384970742, + "euclidean_accuracy": 88.4503434625684, + "euclidean_ap": 84.91949884748384, + "euclidean_f1": 76.92365018444684, + "euclidean_precision": 74.53245721712759, + "euclidean_recall": 79.47336002463813, + "manhattan_accuracy": 88.47556952691427, + "manhattan_ap": 84.8963689101517, + "manhattan_f1": 76.85901249256395, + "manhattan_precision": 74.31693989071039, + "manhattan_recall": 79.58115183246073, + "max_accuracy": 88.68125897465751, + "max_ap": 85.6003454431979, + "max_f1": 77.6957163958641, + "main_score": 85.6003454431979 + } + ] + } +} \ No newline at end of file diff --git a/results/ekorman-strive__bge-large-en-v1.5/external/model_meta.json b/results/ekorman-strive__bge-large-en-v1.5/external/model_meta.json new file mode 100644 index 000000000..4392b0466 --- /dev/null +++ b/results/ekorman-strive__bge-large-en-v1.5/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "ekorman-strive/bge-large-en-v1.5", + "revision": "11ac840c797fb8e4d006d5253310b73e8e3c1e53", + "release_date": "2024-05-20", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 335174587, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 1024, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/AFQMC.json b/results/facebook__SONAR/external/AFQMC.json new file mode 100644 index 000000000..66328329f --- /dev/null +++ b/results/facebook__SONAR/external/AFQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b44c3b011063adb25877c13823db83bb193913c4", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 17.97026675319667, + "cos_sim_spearman": 17.63407829948615, + "euclidean_pearson": 17.704571608660725, + "euclidean_spearman": 17.634078298828143, + "manhattan_pearson": 17.606959101509464, + "manhattan_spearman": 17.549620164990085, + "cosine_pearson": 17.97026675319667, + "cosine_spearman": 17.63407829948615, + "main_score": 17.63407829948615 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/ATEC.json b/results/facebook__SONAR/external/ATEC.json new file mode 100644 index 000000000..96764b207 --- /dev/null +++ b/results/facebook__SONAR/external/ATEC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "0f319b1142f28d00e055a6770f3f726ae9b7d865", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 27.670887504789675, + "cos_sim_spearman": 26.176629407301782, + "euclidean_pearson": 28.878485717935586, + "euclidean_spearman": 26.176635036613355, + "manhattan_pearson": 28.782373978690103, + "manhattan_spearman": 26.055266444113794, + "cosine_pearson": 27.670887504789675, + "cosine_spearman": 26.176629407301782, + "main_score": 26.176629407301782 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/AllegroReviews.json b/results/facebook__SONAR/external/AllegroReviews.json new file mode 100644 index 000000000..7562f142e --- /dev/null +++ b/results/facebook__SONAR/external/AllegroReviews.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "AllegroReviews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 29.62226640159046, + "f1": 27.632722290701047, + "main_score": 29.62226640159046 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/AmazonCounterfactualClassification.json b/results/facebook__SONAR/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..bdac836a8 --- /dev/null +++ b/results/facebook__SONAR/external/AmazonCounterfactualClassification.json @@ -0,0 +1,50 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 81.49253731343285, + "ap": 46.61440947240349, + "f1": 75.68925212232107, + "main_score": 81.49253731343285 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 72.02355460385438, + "ap": 83.13664983282676, + "f1": 70.48997817871013, + "main_score": 72.02355460385438 + }, + { + "hf_subset": "en-ext", + "languages": [ + "eng-Latn" + ], + "accuracy": 82.09145427286357, + "ap": 31.45181004731995, + "f1": 69.41750580313406, + "main_score": 82.09145427286357 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 71.78800856531049, + "ap": 19.65443896353892, + "f1": 58.436688187826334, + "main_score": 71.78800856531049 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/AmazonPolarityClassification.json b/results/facebook__SONAR/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..1c8e2016f --- /dev/null +++ b/results/facebook__SONAR/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 62.73074999999999, + "ap": 58.2839375458089, + "f1": 62.16204082406629, + "main_score": 62.73074999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/AmazonReviewsClassification.json b/results/facebook__SONAR/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..064398101 --- /dev/null +++ b/results/facebook__SONAR/external/AmazonReviewsClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 31.552000000000003, + "f1": 31.125328770568277, + "main_score": 31.552000000000003 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 34.611999999999995, + "f1": 33.93738697105999, + "main_score": 34.611999999999995 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 35.172, + "f1": 34.14112656493798, + "main_score": 35.172 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 34.910000000000004, + "f1": 34.276631172288965, + "main_score": 34.910000000000004 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 31.844, + "f1": 31.478780923476368, + "main_score": 31.844 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 31.912000000000003, + "f1": 31.384992191831312, + "main_score": 31.912000000000003 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/AngryTweetsClassification.json b/results/facebook__SONAR/external/AngryTweetsClassification.json new file mode 100644 index 000000000..ba1b7c8b0 --- /dev/null +++ b/results/facebook__SONAR/external/AngryTweetsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "20b0e6081892e78179356fada741b7afa381443d", + "task_name": "AngryTweetsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "dan-Latn" + ], + "accuracy": 49.61795606494747, + "f1": 48.63625944670304, + "main_score": 49.61795606494747 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/ArguAna-PL.json b/results/facebook__SONAR/external/ArguAna-PL.json new file mode 100644 index 000000000..7a8105c99 --- /dev/null +++ b/results/facebook__SONAR/external/ArguAna-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 7.752000000000001, + "map_at_10": 12.248000000000001, + "map_at_100": 12.882, + "map_at_1000": 12.963, + "map_at_3": 10.574, + "map_at_5": 11.566, + "mrr_at_1": 7.824000000000001, + "mrr_at_10": 12.293, + "mrr_at_100": 12.928, + "mrr_at_1000": 13.008000000000001, + "mrr_at_3": 10.586, + "mrr_at_5": 11.599, + "ndcg_at_1": 7.752000000000001, + "ndcg_at_10": 15.035000000000002, + "ndcg_at_100": 18.497, + "ndcg_at_1000": 20.896, + "ndcg_at_3": 11.578, + "ndcg_at_5": 13.38, + "precision_at_1": 7.752000000000001, + "precision_at_10": 2.404, + "precision_at_100": 0.411, + "precision_at_1000": 0.061, + "precision_at_3": 4.836, + "precision_at_5": 3.784, + "recall_at_1": 7.752000000000001, + "recall_at_10": 24.04, + "recall_at_100": 41.11, + "recall_at_1000": 60.597, + "recall_at_3": 14.509, + "recall_at_5": 18.919, + "main_score": 15.035000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/ArguAna.json b/results/facebook__SONAR/external/ArguAna.json new file mode 100644 index 000000000..b1c2c3445 --- /dev/null +++ b/results/facebook__SONAR/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.677, + "map_at_10": 14.732000000000001, + "map_at_100": 15.501999999999999, + "map_at_1000": 15.583, + "map_at_3": 12.553, + "map_at_5": 13.822999999999999, + "mrr_at_1": 8.819, + "mrr_at_10": 14.787, + "mrr_at_100": 15.557000000000002, + "mrr_at_1000": 15.638, + "mrr_at_3": 12.648000000000001, + "mrr_at_5": 13.879, + "ndcg_at_1": 8.677, + "ndcg_at_10": 18.295, + "ndcg_at_100": 22.353, + "ndcg_at_1000": 24.948999999999998, + "ndcg_at_3": 13.789000000000001, + "ndcg_at_5": 16.075, + "precision_at_1": 8.677, + "precision_at_10": 2.98, + "precision_at_100": 0.49500000000000005, + "precision_at_1000": 0.07100000000000001, + "precision_at_3": 5.785, + "precision_at_5": 4.58, + "recall_at_1": 8.677, + "recall_at_10": 29.801, + "recall_at_100": 49.502, + "recall_at_1000": 70.91, + "recall_at_3": 17.354, + "recall_at_5": 22.902, + "main_score": 18.295 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/ArxivClusteringP2P.json b/results/facebook__SONAR/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..06a060960 --- /dev/null +++ b/results/facebook__SONAR/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 26.81177290816682, + "main_score": 26.81177290816682 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/ArxivClusteringS2S.json b/results/facebook__SONAR/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..7080747df --- /dev/null +++ b/results/facebook__SONAR/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 24.346811178757022, + "main_score": 24.346811178757022 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/AskUbuntuDupQuestions.json b/results/facebook__SONAR/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..68a21f2f9 --- /dev/null +++ b/results/facebook__SONAR/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 50.88606427049027, + "mrr": 65.13004001231148, + "main_score": 50.88606427049027 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/BIOSSES.json b/results/facebook__SONAR/external/BIOSSES.json new file mode 100644 index 000000000..ee76cdcc7 --- /dev/null +++ b/results/facebook__SONAR/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 77.15058512395619, + "cos_sim_spearman": 79.10541692841936, + "euclidean_pearson": 75.30525535929353, + "euclidean_spearman": 79.10541692841936, + "manhattan_pearson": 75.33508042552984, + "manhattan_spearman": 78.84577245802708, + "cosine_pearson": 77.15058512395619, + "cosine_spearman": 79.10541692841936, + "main_score": 79.10541692841936 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/BQ.json b/results/facebook__SONAR/external/BQ.json new file mode 100644 index 000000000..a404bcd96 --- /dev/null +++ b/results/facebook__SONAR/external/BQ.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e3dda5e115e487b39ec7e618c0c6a29137052a55", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 37.84739189558895, + "cos_sim_spearman": 37.662710610486265, + "euclidean_pearson": 37.5407537185213, + "euclidean_spearman": 37.66272446700578, + "manhattan_pearson": 37.863820146709706, + "manhattan_spearman": 38.09120266204032, + "cosine_pearson": 37.84739189558895, + "cosine_spearman": 37.662710610486265, + "main_score": 37.662710610486265 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/BUCC.json b/results/facebook__SONAR/external/BUCC.json new file mode 100644 index 000000000..f5388e0d1 --- /dev/null +++ b/results/facebook__SONAR/external/BUCC.json @@ -0,0 +1,58 @@ +{ + "dataset_revision": "d51519689f32196a32af33b075a01d0e7c51e252", + "task_name": "BUCC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "accuracy": 98.97703549060543, + "f1": 98.82393876130828, + "precision": 98.74913013221992, + "recall": 98.97703549060543, + "main_score": 98.82393876130828 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "accuracy": 98.34910851860005, + "f1": 98.09487123046446, + "precision": 97.97032063981217, + "recall": 98.34910851860005, + "main_score": 98.09487123046446 + }, + { + "hf_subset": "ru-en", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "accuracy": 97.60304814686526, + "f1": 97.36520032328832, + "precision": 97.24743101258517, + "recall": 97.60304814686526, + "main_score": 97.36520032328832 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "accuracy": 98.78883622959452, + "f1": 98.71862383710724, + "precision": 98.68351764086361, + "recall": 98.78883622959452, + "main_score": 98.71862383710724 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/Banking77Classification.json b/results/facebook__SONAR/external/Banking77Classification.json new file mode 100644 index 000000000..3db653331 --- /dev/null +++ b/results/facebook__SONAR/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.49675324675324, + "f1": 72.88538992490979, + "main_score": 73.49675324675324 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/BigPatentClustering.json b/results/facebook__SONAR/external/BigPatentClustering.json new file mode 100644 index 000000000..5f7bba3b2 --- /dev/null +++ b/results/facebook__SONAR/external/BigPatentClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "62d5330920bca426ce9d3c76ea914f15fc83e891", + "task_name": "BigPatentClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 6.801245618724224, + "main_score": 6.801245618724224 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/BiorxivClusteringP2P.json b/results/facebook__SONAR/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..c2021297b --- /dev/null +++ b/results/facebook__SONAR/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 20.6156033971932, + "main_score": 20.6156033971932 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/BiorxivClusteringS2S.json b/results/facebook__SONAR/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..d4c689a45 --- /dev/null +++ b/results/facebook__SONAR/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 19.077587707743156, + "main_score": 19.077587707743156 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/BlurbsClusteringP2P.json b/results/facebook__SONAR/external/BlurbsClusteringP2P.json new file mode 100644 index 000000000..bf1f88446 --- /dev/null +++ b/results/facebook__SONAR/external/BlurbsClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a2dd5b02a77de3466a3eaa98ae586b5610314496", + "task_name": "BlurbsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "deu-Latn" + ], + "v_measure": 27.00349462858046, + "main_score": 27.00349462858046 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/BlurbsClusteringS2S.json b/results/facebook__SONAR/external/BlurbsClusteringS2S.json new file mode 100644 index 000000000..932d8c076 --- /dev/null +++ b/results/facebook__SONAR/external/BlurbsClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "9bfff9a7f8f6dc6ffc9da71c48dd48b68696471d", + "task_name": "BlurbsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "deu-Latn" + ], + "v_measure": 14.845348131791589, + "main_score": 14.845348131791589 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/BornholmBitextMining.json b/results/facebook__SONAR/external/BornholmBitextMining.json new file mode 100644 index 000000000..836f3b347 --- /dev/null +++ b/results/facebook__SONAR/external/BornholmBitextMining.json @@ -0,0 +1,21 @@ +{ + "dataset_revision": "3bc5cfb4ec514264fe2db5615fac9016f7251552", + "task_name": "BornholmBitextMining", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "dan-Latn" + ], + "accuracy": 54.0, + "f1": 47.37026862026861, + "precision": 45.0734126984127, + "recall": 54.0, + "main_score": 47.37026862026861 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/CBD.json b/results/facebook__SONAR/external/CBD.json new file mode 100644 index 000000000..d8bfbd877 --- /dev/null +++ b/results/facebook__SONAR/external/CBD.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "CBD", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 63.83000000000001, + "ap": 18.511972946438764, + "f1": 53.16787370496645, + "main_score": 63.83000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/CDSC-E.json b/results/facebook__SONAR/external/CDSC-E.json new file mode 100644 index 000000000..5bb2cf85f --- /dev/null +++ b/results/facebook__SONAR/external/CDSC-E.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "CDSC-E", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cos_sim_accuracy": 84.39999999999999, + "cos_sim_ap": 59.968589741258036, + "cos_sim_f1": 54.90909090909091, + "cos_sim_precision": 41.94444444444444, + "cos_sim_recall": 79.47368421052632, + "dot_accuracy": 84.39999999999999, + "dot_ap": 59.968589741258036, + "dot_f1": 54.90909090909091, + "dot_precision": 41.94444444444444, + "dot_recall": 79.47368421052632, + "euclidean_accuracy": 84.39999999999999, + "euclidean_ap": 59.968589741258036, + "euclidean_f1": 54.90909090909091, + "euclidean_precision": 41.94444444444444, + "euclidean_recall": 79.47368421052632, + "manhattan_accuracy": 84.39999999999999, + "manhattan_ap": 60.094893481041154, + "manhattan_f1": 55.452865064695004, + "manhattan_precision": 42.73504273504273, + "manhattan_recall": 78.94736842105263, + "max_accuracy": 84.39999999999999, + "max_ap": 60.094893481041154, + "max_f1": 55.452865064695004, + "main_score": 60.094893481041154 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/CDSC-R.json b/results/facebook__SONAR/external/CDSC-R.json new file mode 100644 index 000000000..7b1ccc475 --- /dev/null +++ b/results/facebook__SONAR/external/CDSC-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "CDSC-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cos_sim_pearson": 83.8427417206754, + "cos_sim_spearman": 85.76946319798301, + "euclidean_pearson": 79.43901249477852, + "euclidean_spearman": 85.76946319798301, + "manhattan_pearson": 79.81046681362531, + "manhattan_spearman": 86.24115514951988, + "cosine_pearson": 83.8427417206754, + "cosine_spearman": 85.76946319798301, + "main_score": 85.76946319798301 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/CLSClusteringP2P.json b/results/facebook__SONAR/external/CLSClusteringP2P.json new file mode 100644 index 000000000..36b2035a2 --- /dev/null +++ b/results/facebook__SONAR/external/CLSClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "4b6227591c6c1a73bc76b1055f3b7f3588e72476", + "task_name": "CLSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 27.432031859995952, + "main_score": 27.432031859995952 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/CLSClusteringS2S.json b/results/facebook__SONAR/external/CLSClusteringS2S.json new file mode 100644 index 000000000..2a9d899a7 --- /dev/null +++ b/results/facebook__SONAR/external/CLSClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e458b3f5414b62b7f9f83499ac1f5497ae2e869f", + "task_name": "CLSClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 28.32367305628197, + "main_score": 28.32367305628197 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/CQADupstackAndroidRetrieval.json b/results/facebook__SONAR/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..a95393405 --- /dev/null +++ b/results/facebook__SONAR/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 7.655000000000001, + "map_at_10": 11.681999999999999, + "map_at_100": 12.464, + "map_at_1000": 12.603, + "map_at_3": 10.514, + "map_at_5": 11.083, + "mrr_at_1": 10.157, + "mrr_at_10": 14.773, + "mrr_at_100": 15.581999999999999, + "mrr_at_1000": 15.68, + "mrr_at_3": 13.519, + "mrr_at_5": 14.049, + "ndcg_at_1": 10.157, + "ndcg_at_10": 14.527999999999999, + "ndcg_at_100": 18.695999999999998, + "ndcg_at_1000": 22.709, + "ndcg_at_3": 12.458, + "ndcg_at_5": 13.152, + "precision_at_1": 10.157, + "precision_at_10": 2.976, + "precision_at_100": 0.634, + "precision_at_1000": 0.131, + "precision_at_3": 6.152, + "precision_at_5": 4.378, + "recall_at_1": 7.655000000000001, + "recall_at_10": 20.105, + "recall_at_100": 39.181, + "recall_at_1000": 68.06400000000001, + "recall_at_3": 14.033000000000001, + "recall_at_5": 16.209, + "main_score": 14.527999999999999 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.2329999999999997, + "map_at_10": 5.378, + "map_at_100": 5.774, + "map_at_1000": 5.863, + "map_at_3": 4.598, + "map_at_5": 4.9750000000000005, + "mrr_at_1": 4.076, + "mrr_at_10": 6.679, + "mrr_at_100": 7.151000000000001, + "mrr_at_1000": 7.24, + "mrr_at_3": 5.722, + "mrr_at_5": 6.2059999999999995, + "ndcg_at_1": 4.076, + "ndcg_at_10": 6.994, + "ndcg_at_100": 9.366, + "ndcg_at_1000": 12.181000000000001, + "ndcg_at_3": 5.356000000000001, + "ndcg_at_5": 6.008, + "precision_at_1": 4.076, + "precision_at_10": 1.459, + "precision_at_100": 0.334, + "precision_at_1000": 0.075, + "precision_at_3": 2.718, + "precision_at_5": 2.089, + "recall_at_1": 3.2329999999999997, + "recall_at_10": 10.749, + "recall_at_100": 21.776, + "recall_at_1000": 42.278999999999996, + "recall_at_3": 6.146999999999999, + "recall_at_5": 7.779999999999999, + "main_score": 6.994 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.036, + "map_at_10": 12.727, + "map_at_100": 13.532, + "map_at_1000": 13.653, + "map_at_3": 11.15, + "map_at_5": 11.965, + "mrr_at_1": 9.404, + "mrr_at_10": 14.493, + "mrr_at_100": 15.274, + "mrr_at_1000": 15.370000000000001, + "mrr_at_3": 12.853, + "mrr_at_5": 13.696, + "ndcg_at_1": 9.404, + "ndcg_at_10": 15.784, + "ndcg_at_100": 20.104, + "ndcg_at_1000": 23.357, + "ndcg_at_3": 12.61, + "ndcg_at_5": 13.988, + "precision_at_1": 9.404, + "precision_at_10": 2.947, + "precision_at_100": 0.562, + "precision_at_1000": 0.093, + "precision_at_3": 6.04, + "precision_at_5": 4.4639999999999995, + "recall_at_1": 8.036, + "recall_at_10": 23.429, + "recall_at_100": 43.728, + "recall_at_1000": 68.10000000000001, + "recall_at_3": 14.99, + "recall_at_5": 18.274, + "main_score": 15.784 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.653, + "map_at_10": 5.941, + "map_at_100": 6.512, + "map_at_1000": 6.6129999999999995, + "map_at_3": 5.2540000000000004, + "map_at_5": 5.645, + "mrr_at_1": 3.955, + "mrr_at_10": 6.4079999999999995, + "mrr_at_100": 7.005999999999999, + "mrr_at_1000": 7.105, + "mrr_at_3": 5.593, + "mrr_at_5": 6.051, + "ndcg_at_1": 3.955, + "ndcg_at_10": 7.342, + "ndcg_at_100": 10.543, + "ndcg_at_1000": 14.011000000000001, + "ndcg_at_3": 5.853, + "ndcg_at_5": 6.586, + "precision_at_1": 3.955, + "precision_at_10": 1.266, + "precision_at_100": 0.315, + "precision_at_1000": 0.066, + "precision_at_3": 2.5989999999999998, + "precision_at_5": 1.966, + "recall_at_1": 3.653, + "recall_at_10": 11.232000000000001, + "recall_at_100": 26.625, + "recall_at_1000": 54.476, + "recall_at_3": 7.269, + "recall_at_5": 8.982999999999999, + "main_score": 7.342 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.257, + "map_at_10": 3.881, + "map_at_100": 4.279, + "map_at_1000": 4.417, + "map_at_3": 3.4070000000000005, + "map_at_5": 3.744, + "mrr_at_1": 2.9850000000000003, + "mrr_at_10": 4.756, + "mrr_at_100": 5.228, + "mrr_at_1000": 5.354, + "mrr_at_3": 4.125, + "mrr_at_5": 4.567, + "ndcg_at_1": 2.9850000000000003, + "ndcg_at_10": 4.936999999999999, + "ndcg_at_100": 7.664, + "ndcg_at_1000": 12.045, + "ndcg_at_3": 3.956, + "ndcg_at_5": 4.584, + "precision_at_1": 2.9850000000000003, + "precision_at_10": 0.9329999999999999, + "precision_at_100": 0.29, + "precision_at_1000": 0.083, + "precision_at_3": 1.949, + "precision_at_5": 1.567, + "recall_at_1": 2.257, + "recall_at_10": 7.382, + "recall_at_100": 20.689, + "recall_at_1000": 53.586, + "recall_at_3": 4.786, + "recall_at_5": 6.2829999999999995, + "main_score": 4.936999999999999 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.691, + "map_at_10": 9.447, + "map_at_100": 10.174, + "map_at_1000": 10.308, + "map_at_3": 8.187999999999999, + "map_at_5": 8.852, + "mrr_at_1": 8.566, + "mrr_at_10": 12.036, + "mrr_at_100": 12.817, + "mrr_at_1000": 12.918, + "mrr_at_3": 10.539, + "mrr_at_5": 11.381, + "ndcg_at_1": 8.566, + "ndcg_at_10": 11.95, + "ndcg_at_100": 15.831000000000001, + "ndcg_at_1000": 19.561, + "ndcg_at_3": 9.467, + "ndcg_at_5": 10.544, + "precision_at_1": 8.566, + "precision_at_10": 2.387, + "precision_at_100": 0.538, + "precision_at_1000": 0.104, + "precision_at_3": 4.556, + "precision_at_5": 3.5029999999999997, + "recall_at_1": 6.691, + "recall_at_10": 17.375, + "recall_at_100": 34.503, + "recall_at_1000": 61.492000000000004, + "recall_at_3": 10.134, + "recall_at_5": 13.056999999999999, + "main_score": 11.95 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.68, + "map_at_10": 6.776999999999999, + "map_at_100": 7.207, + "map_at_1000": 7.321999999999999, + "map_at_3": 6.007, + "map_at_5": 6.356000000000001, + "mrr_at_1": 5.479, + "mrr_at_10": 8.094999999999999, + "mrr_at_100": 8.622, + "mrr_at_1000": 8.729000000000001, + "mrr_at_3": 7.249, + "mrr_at_5": 7.6770000000000005, + "ndcg_at_1": 5.479, + "ndcg_at_10": 8.474, + "ndcg_at_100": 11.134, + "ndcg_at_1000": 14.759, + "ndcg_at_3": 6.888, + "ndcg_at_5": 7.504, + "precision_at_1": 5.479, + "precision_at_10": 1.575, + "precision_at_100": 0.35000000000000003, + "precision_at_1000": 0.08099999999999999, + "precision_at_3": 3.272, + "precision_at_5": 2.374, + "recall_at_1": 4.68, + "recall_at_10": 12.552, + "recall_at_100": 24.91, + "recall_at_1000": 52.019999999999996, + "recall_at_3": 8.057, + "recall_at_5": 9.629999999999999, + "main_score": 8.474 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.741750000000001, + "map_at_10": 7.103916666666667, + "map_at_100": 7.656499999999998, + "map_at_1000": 7.767583333333332, + "map_at_3": 6.262416666666668, + "map_at_5": 6.693916666666667, + "mrr_at_1": 5.780583333333332, + "mrr_at_10": 8.576333333333332, + "mrr_at_100": 9.17975, + "mrr_at_1000": 9.279083333333334, + "mrr_at_3": 7.608833333333333, + "mrr_at_5": 8.111333333333333, + "ndcg_at_1": 5.780583333333332, + "ndcg_at_10": 8.866166666666668, + "ndcg_at_100": 12.037083333333333, + "ndcg_at_1000": 15.4555, + "ndcg_at_3": 7.179083333333335, + "ndcg_at_5": 7.897166666666666, + "precision_at_1": 5.780583333333332, + "precision_at_10": 1.6935833333333334, + "precision_at_100": 0.3921666666666667, + "precision_at_1000": 0.08391666666666667, + "precision_at_3": 3.425416666666666, + "precision_at_5": 2.5570833333333334, + "recall_at_1": 4.741750000000001, + "recall_at_10": 12.889083333333334, + "recall_at_100": 27.81866666666667, + "recall_at_1000": 53.52316666666667, + "recall_at_3": 8.179333333333332, + "recall_at_5": 10.004083333333334, + "main_score": 8.866166666666668 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.7130000000000005, + "map_at_10": 5.734, + "map_at_100": 6.297999999999999, + "map_at_1000": 6.388000000000001, + "map_at_3": 5.119, + "map_at_5": 5.432, + "mrr_at_1": 4.9079999999999995, + "mrr_at_10": 7.2940000000000005, + "mrr_at_100": 7.8549999999999995, + "mrr_at_1000": 7.95, + "mrr_at_3": 6.621, + "mrr_at_5": 6.950000000000001, + "ndcg_at_1": 4.9079999999999995, + "ndcg_at_10": 7.167999999999999, + "ndcg_at_100": 10.436, + "ndcg_at_1000": 13.370999999999999, + "ndcg_at_3": 5.959, + "ndcg_at_5": 6.481000000000001, + "precision_at_1": 4.9079999999999995, + "precision_at_10": 1.3339999999999999, + "precision_at_100": 0.33899999999999997, + "precision_at_1000": 0.065, + "precision_at_3": 2.965, + "precision_at_5": 2.117, + "recall_at_1": 3.7130000000000005, + "recall_at_10": 10.156, + "recall_at_100": 25.955000000000002, + "recall_at_1000": 48.891, + "recall_at_3": 6.795, + "recall_at_5": 8.187999999999999, + "main_score": 7.167999999999999 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.114, + "map_at_10": 3.4290000000000003, + "map_at_100": 3.789, + "map_at_1000": 3.878, + "map_at_3": 2.9139999999999997, + "map_at_5": 3.148, + "mrr_at_1": 2.65, + "mrr_at_10": 4.252000000000001, + "mrr_at_100": 4.689, + "mrr_at_1000": 4.782, + "mrr_at_3": 3.671, + "mrr_at_5": 3.9370000000000003, + "ndcg_at_1": 2.65, + "ndcg_at_10": 4.47, + "ndcg_at_100": 6.654, + "ndcg_at_1000": 9.713, + "ndcg_at_3": 3.424, + "ndcg_at_5": 3.794, + "precision_at_1": 2.65, + "precision_at_10": 0.9119999999999999, + "precision_at_100": 0.248, + "precision_at_1000": 0.063, + "precision_at_3": 1.7209999999999999, + "precision_at_5": 1.287, + "recall_at_1": 2.114, + "recall_at_10": 6.927, + "recall_at_100": 17.26, + "recall_at_1000": 40.672999999999995, + "recall_at_3": 3.8859999999999997, + "recall_at_5": 4.861, + "main_score": 4.47 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.055, + "map_at_10": 7.704999999999999, + "map_at_100": 8.169, + "map_at_1000": 8.257, + "map_at_3": 7.033, + "map_at_5": 7.4079999999999995, + "mrr_at_1": 6.81, + "mrr_at_10": 8.955, + "mrr_at_100": 9.497, + "mrr_at_1000": 9.583, + "mrr_at_3": 8.116, + "mrr_at_5": 8.526, + "ndcg_at_1": 6.81, + "ndcg_at_10": 9.113, + "ndcg_at_100": 11.884, + "ndcg_at_1000": 14.762, + "ndcg_at_3": 7.675999999999999, + "ndcg_at_5": 8.325000000000001, + "precision_at_1": 6.81, + "precision_at_10": 1.558, + "precision_at_100": 0.34299999999999997, + "precision_at_1000": 0.068, + "precision_at_3": 3.2960000000000003, + "precision_at_5": 2.388, + "recall_at_1": 6.055, + "recall_at_10": 12.219, + "recall_at_100": 25.304, + "recall_at_1000": 47.204, + "recall_at_3": 8.387, + "recall_at_5": 9.991, + "main_score": 9.113 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.043, + "map_at_10": 7.394, + "map_at_100": 8.096, + "map_at_1000": 8.243, + "map_at_3": 6.300999999999999, + "map_at_5": 6.7780000000000005, + "mrr_at_1": 6.126, + "mrr_at_10": 9.308, + "mrr_at_100": 10.091, + "mrr_at_1000": 10.206, + "mrr_at_3": 7.938000000000001, + "mrr_at_5": 8.64, + "ndcg_at_1": 6.126, + "ndcg_at_10": 9.474, + "ndcg_at_100": 13.238, + "ndcg_at_1000": 17.366, + "ndcg_at_3": 7.3260000000000005, + "ndcg_at_5": 8.167, + "precision_at_1": 6.126, + "precision_at_10": 1.9959999999999998, + "precision_at_100": 0.494, + "precision_at_1000": 0.125, + "precision_at_3": 3.557, + "precision_at_5": 2.9250000000000003, + "recall_at_1": 5.043, + "recall_at_10": 13.812, + "recall_at_100": 31.375999999999998, + "recall_at_1000": 61.309999999999995, + "recall_at_3": 7.8020000000000005, + "recall_at_5": 9.725999999999999, + "main_score": 9.474 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.771, + "map_at_10": 5.152, + "map_at_100": 5.584, + "map_at_1000": 5.666, + "map_at_3": 4.664, + "map_at_5": 4.941, + "mrr_at_1": 4.251, + "mrr_at_10": 5.867, + "mrr_at_100": 6.345000000000001, + "mrr_at_1000": 6.432, + "mrr_at_3": 5.36, + "mrr_at_5": 5.656, + "ndcg_at_1": 4.251, + "ndcg_at_10": 6.16, + "ndcg_at_100": 8.895, + "ndcg_at_1000": 11.631, + "ndcg_at_3": 5.176, + "ndcg_at_5": 5.633, + "precision_at_1": 4.251, + "precision_at_10": 0.98, + "precision_at_100": 0.259, + "precision_at_1000": 0.053, + "precision_at_3": 2.2800000000000002, + "precision_at_5": 1.627, + "recall_at_1": 3.771, + "recall_at_10": 8.731, + "recall_at_100": 22.517, + "recall_at_1000": 44.183, + "recall_at_3": 5.866, + "recall_at_5": 7.066999999999999, + "main_score": 6.16 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/ClimateFEVER.json b/results/facebook__SONAR/external/ClimateFEVER.json new file mode 100644 index 000000000..9a6557658 --- /dev/null +++ b/results/facebook__SONAR/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.543, + "map_at_10": 1.027, + "map_at_100": 1.228, + "map_at_1000": 1.266, + "map_at_3": 0.756, + "map_at_5": 0.877, + "mrr_at_1": 1.3679999999999999, + "mrr_at_10": 2.474, + "mrr_at_100": 2.8369999999999997, + "mrr_at_1000": 2.894, + "mrr_at_3": 1.8780000000000001, + "mrr_at_5": 2.1319999999999997, + "ndcg_at_1": 1.3679999999999999, + "ndcg_at_10": 1.791, + "ndcg_at_100": 3.06, + "ndcg_at_1000": 4.501, + "ndcg_at_3": 1.16, + "ndcg_at_5": 1.3419999999999999, + "precision_at_1": 1.3679999999999999, + "precision_at_10": 0.697, + "precision_at_100": 0.193, + "precision_at_1000": 0.045, + "precision_at_3": 0.9339999999999999, + "precision_at_5": 0.808, + "recall_at_1": 0.543, + "recall_at_10": 2.5149999999999997, + "recall_at_100": 7.356999999999999, + "recall_at_1000": 16.233, + "recall_at_3": 1.018, + "recall_at_5": 1.5150000000000001, + "main_score": 1.791 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/CmedqaRetrieval.json b/results/facebook__SONAR/external/CmedqaRetrieval.json new file mode 100644 index 000000000..11622ff4a --- /dev/null +++ b/results/facebook__SONAR/external/CmedqaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "cd540c506dae1cf9e9a59c3e06f42030d54e7301", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 3.7289999999999996, + "map_at_10": 5.524, + "map_at_100": 5.984, + "map_at_1000": 6.087, + "map_at_3": 4.854, + "map_at_5": 5.2299999999999995, + "mrr_at_1": 6.177, + "mrr_at_10": 8.541, + "mrr_at_100": 9.073, + "mrr_at_1000": 9.161, + "mrr_at_3": 7.71, + "mrr_at_5": 8.148, + "ndcg_at_1": 6.177, + "ndcg_at_10": 7.217999999999999, + "ndcg_at_100": 9.927, + "ndcg_at_1000": 13.062000000000001, + "ndcg_at_3": 6.0569999999999995, + "ndcg_at_5": 6.544999999999999, + "precision_at_1": 6.177, + "precision_at_10": 1.6729999999999998, + "precision_at_100": 0.38999999999999996, + "precision_at_1000": 0.082, + "precision_at_3": 3.5090000000000003, + "precision_at_5": 2.596, + "recall_at_1": 3.7289999999999996, + "recall_at_10": 9.501, + "recall_at_100": 21.444, + "recall_at_1000": 43.891999999999996, + "recall_at_3": 6.053, + "recall_at_5": 7.531000000000001, + "main_score": 7.217999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/Cmnli.json b/results/facebook__SONAR/external/Cmnli.json new file mode 100644 index 000000000..c12166e89 --- /dev/null +++ b/results/facebook__SONAR/external/Cmnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "41bc36f332156f7adc9e38f53777c959b2ae9766", + "task_name": "Cmnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 58.123872519543, + "cos_sim_ap": 61.86046509726734, + "cos_sim_f1": 68.18181818181817, + "cos_sim_precision": 52.4198617221873, + "cos_sim_recall": 97.49824643441664, + "dot_accuracy": 58.123872519543, + "dot_ap": 61.860555259802986, + "dot_f1": 68.18181818181817, + "dot_precision": 52.4198617221873, + "dot_recall": 97.49824643441664, + "euclidean_accuracy": 58.123872519543, + "euclidean_ap": 61.87698627731538, + "euclidean_f1": 68.18181818181817, + "euclidean_precision": 52.4198617221873, + "euclidean_recall": 97.49824643441664, + "manhattan_accuracy": 58.123872519543, + "manhattan_ap": 61.99468883207791, + "manhattan_f1": 68.33675564681727, + "manhattan_precision": 52.671562420866046, + "manhattan_recall": 97.26443768996961, + "max_accuracy": 58.123872519543, + "max_ap": 61.99468883207791, + "max_f1": 68.33675564681727, + "main_score": 58.123872519543 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/CovidRetrieval.json b/results/facebook__SONAR/external/CovidRetrieval.json new file mode 100644 index 000000000..cb114119b --- /dev/null +++ b/results/facebook__SONAR/external/CovidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "1271c7809071a13532e05f25fb53511ffce77117", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 6.428000000000001, + "map_at_10": 8.883000000000001, + "map_at_100": 9.549000000000001, + "map_at_1000": 9.665, + "map_at_3": 8.061, + "map_at_5": 8.475000000000001, + "mrr_at_1": 6.428000000000001, + "mrr_at_10": 8.896999999999998, + "mrr_at_100": 9.557, + "mrr_at_1000": 9.674000000000001, + "mrr_at_3": 8.061, + "mrr_at_5": 8.488, + "ndcg_at_1": 6.428000000000001, + "ndcg_at_10": 10.382, + "ndcg_at_100": 14.235999999999999, + "ndcg_at_1000": 18.04, + "ndcg_at_3": 8.613999999999999, + "ndcg_at_5": 9.372, + "precision_at_1": 6.428000000000001, + "precision_at_10": 1.528, + "precision_at_100": 0.349, + "precision_at_1000": 0.067, + "precision_at_3": 3.4070000000000005, + "precision_at_5": 2.424, + "recall_at_1": 6.428000000000001, + "recall_at_10": 15.226999999999999, + "recall_at_100": 34.694, + "recall_at_1000": 66.07, + "recall_at_3": 10.221, + "recall_at_5": 12.065, + "main_score": 10.382 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/DBPedia.json b/results/facebook__SONAR/external/DBPedia.json new file mode 100644 index 000000000..052850a20 --- /dev/null +++ b/results/facebook__SONAR/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.541, + "map_at_10": 1.1560000000000001, + "map_at_100": 1.508, + "map_at_1000": 1.598, + "map_at_3": 0.918, + "map_at_5": 0.992, + "mrr_at_1": 9.5, + "mrr_at_10": 13.446, + "mrr_at_100": 13.935, + "mrr_at_1000": 14.008999999999999, + "mrr_at_3": 12.083, + "mrr_at_5": 12.733, + "ndcg_at_1": 5.75, + "ndcg_at_10": 3.9210000000000003, + "ndcg_at_100": 3.975, + "ndcg_at_1000": 5.634, + "ndcg_at_3": 4.87, + "ndcg_at_5": 4.259, + "precision_at_1": 9.5, + "precision_at_10": 3.9, + "precision_at_100": 1.015, + "precision_at_1000": 0.297, + "precision_at_3": 6.75, + "precision_at_5": 5.25, + "recall_at_1": 0.541, + "recall_at_10": 2.228, + "recall_at_100": 4.9430000000000005, + "recall_at_1000": 11.661000000000001, + "recall_at_3": 1.264, + "recall_at_5": 1.4869999999999999, + "main_score": 3.9210000000000003 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/DKHateClassification.json b/results/facebook__SONAR/external/DKHateClassification.json new file mode 100644 index 000000000..a1b6667dc --- /dev/null +++ b/results/facebook__SONAR/external/DKHateClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "59d12749a3c91a186063c7d729ec392fda94681c", + "task_name": "DKHateClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "dan-Latn" + ], + "accuracy": 69.96960486322187, + "ap": 91.23131906690253, + "f1": 57.11872970138122, + "main_score": 69.96960486322187 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/DalajClassification.json b/results/facebook__SONAR/external/DalajClassification.json new file mode 100644 index 000000000..96036b243 --- /dev/null +++ b/results/facebook__SONAR/external/DalajClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "7ebf0b4caa7b2ae39698a889de782c09e6f5ee56", + "task_name": "DalajClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "swe-Latn" + ], + "accuracy": 49.75225225225225, + "ap": 49.88223192425368, + "f1": 49.55059044107012, + "main_score": 49.75225225225225 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/DanishPoliticalCommentsClassification.json b/results/facebook__SONAR/external/DanishPoliticalCommentsClassification.json new file mode 100644 index 000000000..9d62fc010 --- /dev/null +++ b/results/facebook__SONAR/external/DanishPoliticalCommentsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "edbb03726c04a0efab14fc8c3b8b79e4d420e5a1", + "task_name": "DanishPoliticalCommentsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "train": [ + { + "hf_subset": "default", + "languages": [ + "dan-Latn" + ], + "accuracy": 37.58534554537886, + "f1": 33.99440115952713, + "main_score": 37.58534554537886 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/DuRetrieval.json b/results/facebook__SONAR/external/DuRetrieval.json new file mode 100644 index 000000000..f084a91df --- /dev/null +++ b/results/facebook__SONAR/external/DuRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "a1a333e290fe30b10f3f56498e3a0d911a693ced", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 0.608, + "map_at_10": 0.882, + "map_at_100": 0.962, + "map_at_1000": 1.028, + "map_at_3": 0.749, + "map_at_5": 0.8240000000000001, + "mrr_at_1": 2.0500000000000003, + "mrr_at_10": 2.796, + "mrr_at_100": 2.983, + "mrr_at_1000": 3.09, + "mrr_at_3": 2.483, + "mrr_at_5": 2.661, + "ndcg_at_1": 2.0500000000000003, + "ndcg_at_10": 1.435, + "ndcg_at_100": 1.991, + "ndcg_at_1000": 4.961, + "ndcg_at_3": 1.428, + "ndcg_at_5": 1.369, + "precision_at_1": 2.0500000000000003, + "precision_at_10": 0.5349999999999999, + "precision_at_100": 0.127, + "precision_at_1000": 0.086, + "precision_at_3": 1.05, + "precision_at_5": 0.84, + "recall_at_1": 0.608, + "recall_at_10": 1.54, + "recall_at_100": 3.5069999999999997, + "recall_at_1000": 20.531, + "recall_at_3": 0.901, + "recall_at_5": 1.168, + "main_score": 1.435 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/EcomRetrieval.json b/results/facebook__SONAR/external/EcomRetrieval.json new file mode 100644 index 000000000..ac2c3849d --- /dev/null +++ b/results/facebook__SONAR/external/EcomRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "687de13dc7294d6fd9be10c6945f9e8fec8166b9", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 3.1, + "map_at_10": 4.016, + "map_at_100": 4.455, + "map_at_1000": 4.579, + "map_at_3": 3.567, + "map_at_5": 3.8019999999999996, + "mrr_at_1": 3.1, + "mrr_at_10": 4.016, + "mrr_at_100": 4.455, + "mrr_at_1000": 4.579, + "mrr_at_3": 3.567, + "mrr_at_5": 3.8019999999999996, + "ndcg_at_1": 3.1, + "ndcg_at_10": 4.684, + "ndcg_at_100": 7.284, + "ndcg_at_1000": 11.689, + "ndcg_at_3": 3.7289999999999996, + "ndcg_at_5": 4.146, + "precision_at_1": 3.1, + "precision_at_10": 0.69, + "precision_at_100": 0.202, + "precision_at_1000": 0.056999999999999995, + "precision_at_3": 1.4000000000000001, + "precision_at_5": 1.04, + "recall_at_1": 3.1, + "recall_at_10": 6.9, + "recall_at_100": 20.200000000000003, + "recall_at_1000": 57.3, + "recall_at_3": 4.2, + "recall_at_5": 5.2, + "main_score": 4.684 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/EmotionClassification.json b/results/facebook__SONAR/external/EmotionClassification.json new file mode 100644 index 000000000..4eb461601 --- /dev/null +++ b/results/facebook__SONAR/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 38.285000000000004, + "f1": 35.35979931355028, + "main_score": 38.285000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/FEVER.json b/results/facebook__SONAR/external/FEVER.json new file mode 100644 index 000000000..245643985 --- /dev/null +++ b/results/facebook__SONAR/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.9249999999999999, + "map_at_10": 1.311, + "map_at_100": 1.363, + "map_at_1000": 1.376, + "map_at_3": 1.145, + "map_at_5": 1.233, + "mrr_at_1": 0.975, + "mrr_at_10": 1.371, + "mrr_at_100": 1.426, + "mrr_at_1000": 1.439, + "mrr_at_3": 1.195, + "mrr_at_5": 1.286, + "ndcg_at_1": 0.975, + "ndcg_at_10": 1.5859999999999999, + "ndcg_at_100": 1.8800000000000001, + "ndcg_at_1000": 2.313, + "ndcg_at_3": 1.229, + "ndcg_at_5": 1.388, + "precision_at_1": 0.975, + "precision_at_10": 0.254, + "precision_at_100": 0.041, + "precision_at_1000": 0.008, + "precision_at_3": 0.49, + "precision_at_5": 0.375, + "recall_at_1": 0.9249999999999999, + "recall_at_10": 2.4250000000000003, + "recall_at_100": 3.866, + "recall_at_1000": 7.401000000000001, + "recall_at_3": 1.4200000000000002, + "recall_at_5": 1.81, + "main_score": 1.5859999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/FiQA-PL.json b/results/facebook__SONAR/external/FiQA-PL.json new file mode 100644 index 000000000..3eb346efa --- /dev/null +++ b/results/facebook__SONAR/external/FiQA-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 0.959, + "map_at_10": 1.952, + "map_at_100": 2.281, + "map_at_1000": 2.393, + "map_at_3": 1.703, + "map_at_5": 1.8319999999999999, + "mrr_at_1": 2.469, + "mrr_at_10": 4.547, + "mrr_at_100": 5.021, + "mrr_at_1000": 5.1339999999999995, + "mrr_at_3": 3.884, + "mrr_at_5": 4.223, + "ndcg_at_1": 2.469, + "ndcg_at_10": 3.098, + "ndcg_at_100": 5.177, + "ndcg_at_1000": 8.889, + "ndcg_at_3": 2.7119999999999997, + "ndcg_at_5": 2.8000000000000003, + "precision_at_1": 2.469, + "precision_at_10": 1.065, + "precision_at_100": 0.321, + "precision_at_1000": 0.095, + "precision_at_3": 2.109, + "precision_at_5": 1.574, + "recall_at_1": 0.959, + "recall_at_10": 4.075, + "recall_at_100": 12.487, + "recall_at_1000": 36.854, + "recall_at_3": 2.632, + "recall_at_5": 3.231, + "main_score": 3.098 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/FiQA2018.json b/results/facebook__SONAR/external/FiQA2018.json new file mode 100644 index 000000000..93dcfd265 --- /dev/null +++ b/results/facebook__SONAR/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 1.032, + "map_at_10": 1.8849999999999998, + "map_at_100": 2.167, + "map_at_1000": 2.266, + "map_at_3": 1.609, + "map_at_5": 1.7680000000000002, + "mrr_at_1": 2.6229999999999998, + "mrr_at_10": 4.479, + "mrr_at_100": 4.92, + "mrr_at_1000": 5.029999999999999, + "mrr_at_3": 3.7289999999999996, + "mrr_at_5": 4.138, + "ndcg_at_1": 2.6229999999999998, + "ndcg_at_10": 3.005, + "ndcg_at_100": 5.01, + "ndcg_at_1000": 8.312, + "ndcg_at_3": 2.548, + "ndcg_at_5": 2.735, + "precision_at_1": 2.6229999999999998, + "precision_at_10": 1.049, + "precision_at_100": 0.31, + "precision_at_1000": 0.089, + "precision_at_3": 1.955, + "precision_at_5": 1.574, + "recall_at_1": 1.032, + "recall_at_10": 3.888, + "recall_at_100": 12.414, + "recall_at_1000": 33.823, + "recall_at_3": 2.37, + "recall_at_5": 3.077, + "main_score": 3.005 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/GerDaLIR.json b/results/facebook__SONAR/external/GerDaLIR.json new file mode 100644 index 000000000..a0e84c274 --- /dev/null +++ b/results/facebook__SONAR/external/GerDaLIR.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "0bb47f1d73827e96964edb84dfe552f62f4fd5eb", + "task_name": "GerDaLIR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "deu-Latn" + ], + "map_at_1": 0.542, + "map_at_10": 0.8130000000000001, + "map_at_100": 0.898, + "map_at_1000": 0.9209999999999999, + "map_at_3": 0.709, + "map_at_5": 0.764, + "mrr_at_1": 0.594, + "mrr_at_10": 0.8880000000000001, + "mrr_at_100": 0.9820000000000001, + "mrr_at_1000": 1.008, + "mrr_at_3": 0.774, + "mrr_at_5": 0.832, + "ndcg_at_1": 0.594, + "ndcg_at_10": 1.0030000000000001, + "ndcg_at_100": 1.537, + "ndcg_at_1000": 2.4330000000000003, + "ndcg_at_3": 0.782, + "ndcg_at_5": 0.882, + "precision_at_1": 0.594, + "precision_at_10": 0.16999999999999998, + "precision_at_100": 0.048, + "precision_at_1000": 0.013, + "precision_at_3": 0.33899999999999997, + "precision_at_5": 0.255, + "recall_at_1": 0.542, + "recall_at_10": 1.533, + "recall_at_100": 4.204, + "recall_at_1000": 11.574, + "recall_at_3": 0.932, + "recall_at_5": 1.172, + "main_score": 1.0030000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/GermanDPR.json b/results/facebook__SONAR/external/GermanDPR.json new file mode 100644 index 000000000..a82ba3ec2 --- /dev/null +++ b/results/facebook__SONAR/external/GermanDPR.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "5129d02422a66be600ac89cd3e8531b4f97d347d", + "task_name": "GermanDPR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "deu-Latn" + ], + "map_at_1": 25.561, + "map_at_10": 38.873000000000005, + "map_at_100": 40.004, + "map_at_1000": 40.03, + "map_at_3": 34.585, + "map_at_5": 36.980000000000004, + "mrr_at_1": 25.463, + "mrr_at_10": 38.792, + "mrr_at_100": 39.922000000000004, + "mrr_at_1000": 39.949, + "mrr_at_3": 34.504000000000005, + "mrr_at_5": 36.899, + "ndcg_at_1": 25.561, + "ndcg_at_10": 46.477000000000004, + "ndcg_at_100": 51.751999999999995, + "ndcg_at_1000": 52.366, + "ndcg_at_3": 37.645, + "ndcg_at_5": 41.953, + "precision_at_1": 25.561, + "precision_at_10": 7.083, + "precision_at_100": 0.9490000000000001, + "precision_at_1000": 0.1, + "precision_at_3": 15.512, + "precision_at_5": 11.395, + "recall_at_1": 25.561, + "recall_at_10": 70.829, + "recall_at_100": 94.92699999999999, + "recall_at_1000": 99.61, + "recall_at_3": 46.537, + "recall_at_5": 56.976000000000006, + "main_score": 46.477000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/GermanQuAD-Retrieval.json b/results/facebook__SONAR/external/GermanQuAD-Retrieval.json new file mode 100644 index 000000000..dd3368317 --- /dev/null +++ b/results/facebook__SONAR/external/GermanQuAD-Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "f5c87ae5a2e7a5106606314eef45255f03151bb3", + "task_name": "GermanQuAD-Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "deu-Latn" + ], + "map_at_1": 53.539, + "map_at_10": 65.144, + "map_at_100": 65.627, + "map_at_1000": 65.63900000000001, + "map_at_3": 62.598, + "map_at_5": 64.302, + "mrr_at_1": 53.539, + "mrr_at_10": 65.144, + "mrr_at_100": 65.627, + "mrr_at_1000": 65.63900000000001, + "mrr_at_3": 62.598, + "mrr_at_5": 64.302, + "ndcg_at_1": 53.539, + "ndcg_at_10": 70.602, + "ndcg_at_100": 72.886, + "ndcg_at_1000": 73.14500000000001, + "ndcg_at_3": 65.52900000000001, + "ndcg_at_5": 68.596, + "precision_at_1": 53.539, + "precision_at_10": 8.757, + "precision_at_100": 0.9809999999999999, + "precision_at_1000": 0.1, + "precision_at_3": 24.667, + "precision_at_5": 16.289, + "recall_at_1": 53.539, + "recall_at_10": 87.568, + "recall_at_100": 98.09400000000001, + "recall_at_1000": 100.0, + "recall_at_3": 74.002, + "recall_at_5": 81.443, + "main_score": 64.302 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/GermanSTSBenchmark.json b/results/facebook__SONAR/external/GermanSTSBenchmark.json new file mode 100644 index 000000000..b24be7097 --- /dev/null +++ b/results/facebook__SONAR/external/GermanSTSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e36907544d44c3a247898ed81540310442329e20", + "task_name": "GermanSTSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "deu-Latn" + ], + "cos_sim_pearson": 68.82052535790737, + "cos_sim_spearman": 67.9356892072251, + "euclidean_pearson": 67.2308663006278, + "euclidean_spearman": 67.93572522920142, + "manhattan_pearson": 67.23568952733595, + "manhattan_spearman": 67.91660489262797, + "cosine_pearson": 68.82052535790737, + "cosine_spearman": 67.9356892072251, + "main_score": 67.9356892072251 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/HotpotQA.json b/results/facebook__SONAR/external/HotpotQA.json new file mode 100644 index 000000000..3510057dd --- /dev/null +++ b/results/facebook__SONAR/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.813, + "map_at_10": 9.49, + "map_at_100": 9.959, + "map_at_1000": 10.024, + "map_at_3": 8.618, + "map_at_5": 9.084, + "mrr_at_1": 13.626, + "mrr_at_10": 17.818, + "mrr_at_100": 18.412, + "mrr_at_1000": 18.482000000000003, + "mrr_at_3": 16.506999999999998, + "mrr_at_5": 17.219, + "ndcg_at_1": 13.626, + "ndcg_at_10": 12.959999999999999, + "ndcg_at_100": 15.562999999999999, + "ndcg_at_1000": 17.571, + "ndcg_at_3": 10.995000000000001, + "ndcg_at_5": 11.908000000000001, + "precision_at_1": 13.626, + "precision_at_10": 2.995, + "precision_at_100": 0.51, + "precision_at_1000": 0.078, + "precision_at_3": 7.000000000000001, + "precision_at_5": 4.926, + "recall_at_1": 6.813, + "recall_at_10": 14.976, + "recall_at_100": 25.517, + "recall_at_1000": 39.095, + "recall_at_3": 10.5, + "recall_at_5": 12.316, + "main_score": 12.959999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/IFlyTek.json b/results/facebook__SONAR/external/IFlyTek.json new file mode 100644 index 000000000..dcde59688 --- /dev/null +++ b/results/facebook__SONAR/external/IFlyTek.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "421605374b29664c5fc098418fe20ada9bd55f8a", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 38.01462100808003, + "f1": 26.680357453754215, + "main_score": 38.01462100808003 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/ImdbClassification.json b/results/facebook__SONAR/external/ImdbClassification.json new file mode 100644 index 000000000..791cc173f --- /dev/null +++ b/results/facebook__SONAR/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 55.7508, + "ap": 53.28158993124153, + "f1": 55.34571379744637, + "main_score": 55.7508 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/JDReview.json b/results/facebook__SONAR/external/JDReview.json new file mode 100644 index 000000000..69693c787 --- /dev/null +++ b/results/facebook__SONAR/external/JDReview.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "b7c64bd89eb87f8ded463478346f76731f07bf8b", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 69.58724202626641, + "ap": 30.04577466931377, + "f1": 62.46921898313143, + "main_score": 69.58724202626641 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/LCQMC.json b/results/facebook__SONAR/external/LCQMC.json new file mode 100644 index 000000000..5b681e8d8 --- /dev/null +++ b/results/facebook__SONAR/external/LCQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "17f9b096f80380fce5ed12a9be8be7784b337daf", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 48.80585861169271, + "cos_sim_spearman": 50.11025991147549, + "euclidean_pearson": 50.055425341198934, + "euclidean_spearman": 50.11024862622995, + "manhattan_pearson": 50.029980024931064, + "manhattan_spearman": 50.074388245963384, + "cosine_pearson": 48.80585861169271, + "cosine_spearman": 50.11025991147549, + "main_score": 50.11025991147549 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/LccSentimentClassification.json b/results/facebook__SONAR/external/LccSentimentClassification.json new file mode 100644 index 000000000..ff3df820a --- /dev/null +++ b/results/facebook__SONAR/external/LccSentimentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "de7ba3406ee55ea2cc52a0a41408fa6aede6d3c6", + "task_name": "LccSentimentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "dan-Latn" + ], + "accuracy": 54.266666666666666, + "f1": 52.181931818742875, + "main_score": 54.266666666666666 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/MMarcoReranking.json b/results/facebook__SONAR/external/MMarcoReranking.json new file mode 100644 index 000000000..5e8b81e2f --- /dev/null +++ b/results/facebook__SONAR/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "8e0c766dbe9e16e1d221116a3f36795fbade07f6", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 5.831060174627054, + "mrr": 4.019047619047618, + "main_score": 5.831060174627054 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/MMarcoRetrieval.json b/results/facebook__SONAR/external/MMarcoRetrieval.json new file mode 100644 index 000000000..eed6e20cc --- /dev/null +++ b/results/facebook__SONAR/external/MMarcoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "539bbde593d947e2a124ba72651aafc09eb33fc2", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 5.826, + "map_at_10": 8.956999999999999, + "map_at_100": 9.746, + "map_at_1000": 9.873999999999999, + "map_at_3": 7.757, + "map_at_5": 8.373, + "mrr_at_1": 6.046, + "mrr_at_10": 9.251, + "mrr_at_100": 10.044, + "mrr_at_1000": 10.167, + "mrr_at_3": 8.028, + "mrr_at_5": 8.66, + "ndcg_at_1": 6.046, + "ndcg_at_10": 10.998, + "ndcg_at_100": 15.568999999999999, + "ndcg_at_1000": 19.453, + "ndcg_at_3": 8.468, + "ndcg_at_5": 9.582, + "precision_at_1": 6.046, + "precision_at_10": 1.807, + "precision_at_100": 0.42500000000000004, + "precision_at_1000": 0.076, + "precision_at_3": 3.572, + "precision_at_5": 2.702, + "recall_at_1": 5.826, + "recall_at_10": 17.291, + "recall_at_100": 40.037, + "recall_at_1000": 71.351, + "recall_at_3": 10.269, + "recall_at_5": 12.950000000000001, + "main_score": 10.998 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/MSMARCO.json b/results/facebook__SONAR/external/MSMARCO.json new file mode 100644 index 000000000..5d546d2c6 --- /dev/null +++ b/results/facebook__SONAR/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 1.203, + "map_at_10": 2.27, + "map_at_100": 2.5860000000000003, + "map_at_1000": 2.661, + "map_at_3": 1.8159999999999998, + "map_at_5": 2.037, + "mrr_at_1": 1.232, + "mrr_at_10": 2.338, + "mrr_at_100": 2.665, + "mrr_at_1000": 2.7390000000000003, + "mrr_at_3": 1.87, + "mrr_at_5": 2.1, + "ndcg_at_1": 1.232, + "ndcg_at_10": 3.005, + "ndcg_at_100": 4.936, + "ndcg_at_1000": 7.441000000000001, + "ndcg_at_3": 2.036, + "ndcg_at_5": 2.435, + "precision_at_1": 1.232, + "precision_at_10": 0.549, + "precision_at_100": 0.158, + "precision_at_1000": 0.038, + "precision_at_3": 0.903, + "precision_at_5": 0.739, + "recall_at_1": 1.203, + "recall_at_10": 5.332, + "recall_at_100": 15.164, + "recall_at_1000": 35.831, + "recall_at_3": 2.622, + "recall_at_5": 3.572, + "main_score": 3.005 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/MTOPDomainClassification.json b/results/facebook__SONAR/external/MTOPDomainClassification.json new file mode 100644 index 000000000..19286ae47 --- /dev/null +++ b/results/facebook__SONAR/external/MTOPDomainClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 89.92476060191518, + "f1": 89.30222882069823, + "main_score": 89.92476060191518 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 89.54353338968724, + "f1": 88.23043644828002, + "main_score": 89.54353338968724 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 90.62374916611076, + "f1": 89.68544977510335, + "main_score": 90.62374916611076 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 86.18540557469466, + "f1": 85.7362674669331, + "main_score": 86.18540557469466 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 89.41556113302258, + "f1": 89.04934651990581, + "main_score": 89.41556113302258 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 85.89511754068715, + "f1": 85.57630467968119, + "main_score": 85.89511754068715 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/MTOPIntentClassification.json b/results/facebook__SONAR/external/MTOPIntentClassification.json new file mode 100644 index 000000000..18c7f5528 --- /dev/null +++ b/results/facebook__SONAR/external/MTOPIntentClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.85043319653442, + "f1": 46.0794069318026, + "main_score": 70.85043319653442 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 73.43195266272188, + "f1": 48.08015719781981, + "main_score": 73.43195266272188 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 73.8425617078052, + "f1": 49.37915156189611, + "main_score": 73.8425617078052 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 66.75227059191982, + "f1": 43.4642946741452, + "main_score": 66.75227059191982 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 69.13589100035855, + "f1": 46.25935961966482, + "main_score": 69.13589100035855 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 68.47016274864377, + "f1": 46.197113305277796, + "main_score": 68.47016274864377 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/MassiveIntentClassification.json b/results/facebook__SONAR/external/MassiveIntentClassification.json new file mode 100644 index 000000000..c1eddbe61 --- /dev/null +++ b/results/facebook__SONAR/external/MassiveIntentClassification.json @@ -0,0 +1,469 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 58.14727639542704, + "f1": 55.58745169431752, + "main_score": 58.14727639542704 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 57.91190316072628, + "f1": 55.46589962622107, + "main_score": 57.91190316072628 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 57.22932078009414, + "f1": 53.661218041561334, + "main_score": 57.22932078009414 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 57.16543375924681, + "f1": 55.16504653263189, + "main_score": 57.16543375924681 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 62.239408204438476, + "f1": 58.941991707183874, + "main_score": 62.239408204438476 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 51.186953597848, + "f1": 49.59432722397084, + "main_score": 51.186953597848 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 62.030934767989244, + "f1": 58.836302050830966, + "main_score": 62.030934767989244 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 61.314727639542696, + "f1": 57.80700293522655, + "main_score": 61.314727639542696 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 64.20645595158037, + "f1": 61.36755812840151, + "main_score": 64.20645595158037 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 64.36785474108943, + "f1": 61.15645935863754, + "main_score": 64.36785474108943 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 63.97108271687962, + "f1": 62.07352472659557, + "main_score": 63.97108271687962 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 66.67114996637525, + "f1": 63.420170447126324, + "main_score": 66.67114996637525 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 62.864828513786144, + "f1": 59.655860488861926, + "main_score": 62.864828513786144 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 58.55077336919974, + "f1": 55.28215385204243, + "main_score": 58.55077336919974 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 63.453261600538, + "f1": 59.991998820039186, + "main_score": 63.453261600538 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 61.32145258910558, + "f1": 58.9676667104426, + "main_score": 61.32145258910558 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 62.905178211163424, + "f1": 59.645126480791674, + "main_score": 62.905178211163424 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 60.03026227303295, + "f1": 56.68905593909442, + "main_score": 60.03026227303295 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 63.28850033624749, + "f1": 60.21862015326403, + "main_score": 63.28850033624749 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 56.0221923335575, + "f1": 53.388473451598315, + "main_score": 56.0221923335575 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 64.44182918628111, + "f1": 62.14806714489123, + "main_score": 64.44182918628111 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 63.69535978480162, + "f1": 62.40231098840202, + "main_score": 63.69535978480162 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 52.00067249495628, + "f1": 48.871263427511984, + "main_score": 52.00067249495628 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 54.088769334229994, + "f1": 52.68998451556, + "main_score": 54.088769334229994 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 43.34229993275051, + "f1": 40.578510490463024, + "main_score": 43.34229993275051 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 57.87491593813046, + "f1": 55.19579071673386, + "main_score": 57.87491593813046 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 62.69334229993275, + "f1": 60.90210922623679, + "main_score": 62.69334229993275 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 56.240753194351036, + "f1": 54.137519761157485, + "main_score": 56.240753194351036 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 62.81439139206457, + "f1": 60.46554841337619, + "main_score": 62.81439139206457 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 58.49361129791527, + "f1": 55.12919894175168, + "main_score": 58.49361129791527 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 61.55682582380633, + "f1": 58.81763499302702, + "main_score": 61.55682582380633 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 59.3981170141224, + "f1": 56.31810441546048, + "main_score": 59.3981170141224 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 59.89576328177538, + "f1": 57.35130066022407, + "main_score": 59.89576328177538 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 64.55951580363148, + "f1": 61.50868742463585, + "main_score": 64.55951580363148 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 65.86079354404842, + "f1": 61.94702597578807, + "main_score": 65.86079354404842 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 63.49024882313383, + "f1": 60.796412851533454, + "main_score": 63.49024882313383 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 62.53194351042366, + "f1": 59.9167382336848, + "main_score": 62.53194351042366 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 62.62945527908541, + "f1": 59.195444230665096, + "main_score": 62.62945527908541 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 63.43308675184935, + "f1": 60.605749901316145, + "main_score": 63.43308675184935 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 61.44586415601883, + "f1": 58.635066561729396, + "main_score": 61.44586415601883 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 62.86482851378615, + "f1": 59.75440194153033, + "main_score": 62.86482851378615 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 56.250840618695364, + "f1": 54.84944007944625, + "main_score": 56.250840618695364 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 59.747814391392076, + "f1": 56.83761137925043, + "main_score": 59.747814391392076 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 59.60995292535306, + "f1": 57.106776457430705, + "main_score": 59.60995292535306 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 59.421654337592464, + "f1": 57.81013790437749, + "main_score": 59.421654337592464 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 58.120376597175515, + "f1": 55.27690756097837, + "main_score": 58.120376597175515 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 60.907868190988566, + "f1": 57.43015543162361, + "main_score": 60.907868190988566 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 59.492266308002705, + "f1": 56.885590563156455, + "main_score": 59.492266308002705 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 60.477471418964356, + "f1": 57.87047944039945, + "main_score": 60.477471418964356 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 62.07800941492938, + "f1": 59.340232908410265, + "main_score": 62.07800941492938 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 56.73167451244117, + "f1": 55.29236319279749, + "main_score": 56.73167451244117 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/MassiveScenarioClassification.json b/results/facebook__SONAR/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..a277ae621 --- /dev/null +++ b/results/facebook__SONAR/external/MassiveScenarioClassification.json @@ -0,0 +1,469 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 64.05850706119705, + "f1": 62.20100273658395, + "main_score": 64.05850706119705 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 63.24142568930733, + "f1": 62.045023522098205, + "main_score": 63.24142568930733 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 63.685272360457304, + "f1": 63.315744557403285, + "main_score": 63.685272360457304 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 60.85743106926698, + "f1": 59.106917986505636, + "main_score": 60.85743106926698 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 67.1654337592468, + "f1": 65.66986920813582, + "main_score": 67.1654337592468 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 56.519838601210495, + "f1": 54.73278620356587, + "main_score": 56.519838601210495 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 67.76395427034298, + "f1": 66.3447645997219, + "main_score": 67.76395427034298 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 67.47814391392065, + "f1": 66.32841368787447, + "main_score": 67.47814391392065 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 70.22864828513787, + "f1": 69.02774052818218, + "main_score": 70.22864828513787 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.04841963685273, + "f1": 67.70789401248665, + "main_score": 69.04841963685273 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 69.08204438466711, + "f1": 68.39277940460933, + "main_score": 69.08204438466711 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 72.10154673839946, + "f1": 70.7737194288215, + "main_score": 72.10154673839946 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 67.16207128446537, + "f1": 66.2311820377212, + "main_score": 67.16207128446537 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 63.019502353732335, + "f1": 62.105500895318656, + "main_score": 63.019502353732335 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 68.82985877605918, + "f1": 67.4894449433449, + "main_score": 68.82985877605918 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 66.89643577673168, + "f1": 65.45745898521055, + "main_score": 66.89643577673168 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 69.32750504371216, + "f1": 68.19665323990438, + "main_score": 69.32750504371216 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 65.8238063214526, + "f1": 64.60872984606974, + "main_score": 65.8238063214526 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 68.98117014122394, + "f1": 67.66697147027641, + "main_score": 68.98117014122394 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 63.137188971082715, + "f1": 61.58358081191463, + "main_score": 63.137188971082715 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 70.0437121721587, + "f1": 69.06747206775307, + "main_score": 70.0437121721587 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 70.67585743106926, + "f1": 70.08618915891508, + "main_score": 70.67585743106926 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 59.788164088769335, + "f1": 57.91398932676417, + "main_score": 59.788164088769335 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 61.03227975790182, + "f1": 60.044432258486715, + "main_score": 61.03227975790182 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 49.051782111634154, + "f1": 45.434581931581555, + "main_score": 49.051782111634154 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 63.78278412911902, + "f1": 62.106197625881535, + "main_score": 63.78278412911902 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 69.59986550100874, + "f1": 68.94355682848476, + "main_score": 69.59986550100874 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 59.97310020174847, + "f1": 59.09912773329623, + "main_score": 59.97310020174847 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 69.20309347679893, + "f1": 67.90665916607239, + "main_score": 69.20309347679893 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 62.72024209818427, + "f1": 60.77165334831407, + "main_score": 62.72024209818427 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 67.87155346334902, + "f1": 65.7906032446679, + "main_score": 67.87155346334902 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 64.97646267652992, + "f1": 63.89390215791396, + "main_score": 64.97646267652992 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 65.81371889710827, + "f1": 64.39323436519936, + "main_score": 65.81371889710827 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 69.79825151311366, + "f1": 68.53789900442244, + "main_score": 69.79825151311366 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 69.98991257565568, + "f1": 68.93867074879778, + "main_score": 69.98991257565568 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 67.50168123739071, + "f1": 66.7457644903972, + "main_score": 67.50168123739071 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 67.52521856086078, + "f1": 66.83370797374445, + "main_score": 67.52521856086078 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 67.96234028244787, + "f1": 67.58983110064196, + "main_score": 67.96234028244787 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 69.56624075319435, + "f1": 68.35270162147211, + "main_score": 69.56624075319435 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 68.48352387357095, + "f1": 66.66973143886908, + "main_score": 68.48352387357095 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 67.92535305985206, + "f1": 66.52058462942483, + "main_score": 67.92535305985206 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 63.184263618022875, + "f1": 61.71153164960602, + "main_score": 63.184263618022875 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 64.8453261600538, + "f1": 63.863209439112346, + "main_score": 64.8453261600538 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 65.39340954942838, + "f1": 63.85484524633183, + "main_score": 65.39340954942838 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 67.9892400806994, + "f1": 66.57022479007357, + "main_score": 67.9892400806994 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 63.399462004034966, + "f1": 61.62381473991175, + "main_score": 63.399462004034966 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 65.773369199731, + "f1": 65.58317907780943, + "main_score": 65.773369199731 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 65.8069939475454, + "f1": 64.47027323557235, + "main_score": 65.8069939475454 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 66.51647612642904, + "f1": 65.66061210324213, + "main_score": 66.51647612642904 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 68.88365837256221, + "f1": 67.56956454874091, + "main_score": 68.88365837256221 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 63.29858776059179, + "f1": 62.76318771484755, + "main_score": 63.29858776059179 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/MedicalRetrieval.json b/results/facebook__SONAR/external/MedicalRetrieval.json new file mode 100644 index 000000000..c5f7315ce --- /dev/null +++ b/results/facebook__SONAR/external/MedicalRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "2039188fb5800a9803ba5048df7b76e6fb151fc6", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 2.9000000000000004, + "map_at_10": 3.5360000000000005, + "map_at_100": 3.703, + "map_at_1000": 3.734, + "map_at_3": 3.167, + "map_at_5": 3.322, + "mrr_at_1": 2.9000000000000004, + "mrr_at_10": 3.5360000000000005, + "mrr_at_100": 3.703, + "mrr_at_1000": 3.734, + "mrr_at_3": 3.167, + "mrr_at_5": 3.322, + "ndcg_at_1": 2.9000000000000004, + "ndcg_at_10": 4.079, + "ndcg_at_100": 5.101, + "ndcg_at_1000": 6.295000000000001, + "ndcg_at_3": 3.276, + "ndcg_at_5": 3.56, + "precision_at_1": 2.9000000000000004, + "precision_at_10": 0.59, + "precision_at_100": 0.11199999999999999, + "precision_at_1000": 0.022000000000000002, + "precision_at_3": 1.2, + "precision_at_5": 0.86, + "recall_at_1": 2.9000000000000004, + "recall_at_10": 5.8999999999999995, + "recall_at_100": 11.200000000000001, + "recall_at_1000": 21.5, + "recall_at_3": 3.5999999999999996, + "recall_at_5": 4.3, + "main_score": 4.079 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/MedrxivClusteringP2P.json b/results/facebook__SONAR/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..8926d04f0 --- /dev/null +++ b/results/facebook__SONAR/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 19.061819627060558, + "main_score": 19.061819627060558 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/MedrxivClusteringS2S.json b/results/facebook__SONAR/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..32b2cdb00 --- /dev/null +++ b/results/facebook__SONAR/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 19.79520446745267, + "main_score": 19.79520446745267 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/MindSmallReranking.json b/results/facebook__SONAR/external/MindSmallReranking.json new file mode 100644 index 000000000..397a505b7 --- /dev/null +++ b/results/facebook__SONAR/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 26.881162218991285, + "mrr": 27.23201335662217, + "main_score": 26.881162218991285 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/MultilingualSentiment.json b/results/facebook__SONAR/external/MultilingualSentiment.json new file mode 100644 index 000000000..35e838b9d --- /dev/null +++ b/results/facebook__SONAR/external/MultilingualSentiment.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "46958b007a63fdbf239b7672c25d0bea67b5ea1a", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 57.69, + "f1": 57.370451927892695, + "main_score": 57.69 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/NFCorpus-PL.json b/results/facebook__SONAR/external/NFCorpus-PL.json new file mode 100644 index 000000000..c76621133 --- /dev/null +++ b/results/facebook__SONAR/external/NFCorpus-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 0.307, + "map_at_10": 0.835, + "map_at_100": 1.503, + "map_at_1000": 2.263, + "map_at_3": 0.503, + "map_at_5": 0.567, + "mrr_at_1": 4.025, + "mrr_at_10": 9.731, + "mrr_at_100": 11.229, + "mrr_at_1000": 11.34, + "mrr_at_3": 6.811, + "mrr_at_5": 8.126999999999999, + "ndcg_at_1": 3.56, + "ndcg_at_10": 4.596, + "ndcg_at_100": 7.567, + "ndcg_at_1000": 17.76, + "ndcg_at_3": 3.52, + "ndcg_at_5": 3.823, + "precision_at_1": 4.025, + "precision_at_10": 4.334, + "precision_at_100": 2.842, + "precision_at_1000": 1.506, + "precision_at_3": 3.818, + "precision_at_5": 4.149, + "recall_at_1": 0.307, + "recall_at_10": 2.543, + "recall_at_100": 12.152000000000001, + "recall_at_1000": 46.878, + "recall_at_3": 0.755, + "recall_at_5": 0.975, + "main_score": 4.596 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/NFCorpus.json b/results/facebook__SONAR/external/NFCorpus.json new file mode 100644 index 000000000..95175ed7b --- /dev/null +++ b/results/facebook__SONAR/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.443, + "map_at_10": 1.189, + "map_at_100": 2.221, + "map_at_1000": 3.034, + "map_at_3": 0.683, + "map_at_5": 0.882, + "mrr_at_1": 4.334, + "mrr_at_10": 10.908, + "mrr_at_100": 12.536, + "mrr_at_1000": 12.642000000000001, + "mrr_at_3": 7.481999999999999, + "mrr_at_5": 9.324, + "ndcg_at_1": 3.7150000000000003, + "ndcg_at_10": 5.591, + "ndcg_at_100": 9.522, + "ndcg_at_1000": 19.705000000000002, + "ndcg_at_3": 4.292, + "ndcg_at_5": 5.038, + "precision_at_1": 4.334, + "precision_at_10": 5.077, + "precision_at_100": 3.2910000000000004, + "precision_at_1000": 1.568, + "precision_at_3": 4.644, + "precision_at_5": 5.139, + "recall_at_1": 0.443, + "recall_at_10": 3.3520000000000003, + "recall_at_100": 15.515, + "recall_at_1000": 50.505, + "recall_at_3": 0.931, + "recall_at_5": 1.698, + "main_score": 5.591 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/NQ.json b/results/facebook__SONAR/external/NQ.json new file mode 100644 index 000000000..6d8292463 --- /dev/null +++ b/results/facebook__SONAR/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.439, + "map_at_10": 0.6839999999999999, + "map_at_100": 0.769, + "map_at_1000": 0.79, + "map_at_3": 0.584, + "map_at_5": 0.621, + "mrr_at_1": 0.5499999999999999, + "mrr_at_10": 0.819, + "mrr_at_100": 0.9169999999999999, + "mrr_at_1000": 0.9400000000000001, + "mrr_at_3": 0.705, + "mrr_at_5": 0.75, + "ndcg_at_1": 0.5499999999999999, + "ndcg_at_10": 0.886, + "ndcg_at_100": 1.422, + "ndcg_at_1000": 2.2079999999999997, + "ndcg_at_3": 0.6629999999999999, + "ndcg_at_5": 0.735, + "precision_at_1": 0.5499999999999999, + "precision_at_10": 0.16199999999999998, + "precision_at_100": 0.048, + "precision_at_1000": 0.012, + "precision_at_3": 0.309, + "precision_at_5": 0.22599999999999998, + "recall_at_1": 0.439, + "recall_at_10": 1.405, + "recall_at_100": 4.051, + "recall_at_1000": 10.487, + "recall_at_3": 0.787, + "recall_at_5": 0.9560000000000001, + "main_score": 0.886 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/NarrativeQARetrieval.json b/results/facebook__SONAR/external/NarrativeQARetrieval.json new file mode 100644 index 000000000..ab87c4242 --- /dev/null +++ b/results/facebook__SONAR/external/NarrativeQARetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NarrativeQARetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.93, + "map_at_10": 7.349, + "map_at_100": 8.011, + "map_at_1000": 8.351, + "map_at_3": 6.787, + "map_at_5": 7.02, + "mrr_at_1": 5.93, + "mrr_at_10": 7.349, + "mrr_at_100": 8.011, + "mrr_at_1000": 8.351, + "mrr_at_3": 6.787, + "mrr_at_5": 7.02, + "ndcg_at_1": 5.93, + "ndcg_at_10": 8.291, + "ndcg_at_100": 12.833, + "ndcg_at_1000": 21.253, + "ndcg_at_3": 7.072000000000001, + "ndcg_at_5": 7.495, + "precision_at_1": 5.93, + "precision_at_10": 1.1400000000000001, + "precision_at_100": 0.359, + "precision_at_1000": 0.1, + "precision_at_3": 2.633, + "precision_at_5": 1.786, + "recall_at_1": 5.93, + "recall_at_10": 11.395, + "recall_at_100": 35.929, + "recall_at_1000": 100.0, + "recall_at_3": 7.9, + "recall_at_5": 8.932, + "main_score": 8.291 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/NoRecClassification.json b/results/facebook__SONAR/external/NoRecClassification.json new file mode 100644 index 000000000..d33704a25 --- /dev/null +++ b/results/facebook__SONAR/external/NoRecClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "07b99ab3363c2e7f8f87015b01c21f4d9b917ce3", + "task_name": "NoRecClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "nob-Latn" + ], + "accuracy": 48.251953125, + "f1": 45.42526611578402, + "main_score": 48.251953125 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/NordicLangClassification.json b/results/facebook__SONAR/external/NordicLangClassification.json new file mode 100644 index 000000000..ee1121380 --- /dev/null +++ b/results/facebook__SONAR/external/NordicLangClassification.json @@ -0,0 +1,24 @@ +{ + "dataset_revision": "e254179d18ab0165fdb6dbef91178266222bee2a", + "task_name": "NordicLangClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "nob-Latn", + "nno-Latn", + "dan-Latn", + "swe-Latn", + "isl-Latn", + "fao-Latn" + ], + "accuracy": 48.403333333333336, + "f1": 47.9287124185198, + "main_score": 48.403333333333336 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/NorwegianCourtsBitextMining.json b/results/facebook__SONAR/external/NorwegianCourtsBitextMining.json new file mode 100644 index 000000000..8dd2232b5 --- /dev/null +++ b/results/facebook__SONAR/external/NorwegianCourtsBitextMining.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "None", + "task_name": "NorwegianCourtsBitextMining", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "nob-Latn", + "nno-Latn" + ], + "accuracy": 93.85964912280701, + "f1": 92.98245614035088, + "precision": 92.54385964912281, + "recall": 93.85964912280701, + "main_score": 92.98245614035088 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/Ocnli.json b/results/facebook__SONAR/external/Ocnli.json new file mode 100644 index 000000000..7f47ace6d --- /dev/null +++ b/results/facebook__SONAR/external/Ocnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "66e76a618a34d6d565d5538088562851e6daa7ec", + "task_name": "Ocnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 54.68327016783974, + "cos_sim_ap": 55.175059616546406, + "cos_sim_f1": 67.81733189500179, + "cos_sim_precision": 51.41766630316249, + "cos_sim_recall": 99.57761351636748, + "dot_accuracy": 54.68327016783974, + "dot_ap": 55.175059616546406, + "dot_f1": 67.81733189500179, + "dot_precision": 51.41766630316249, + "dot_recall": 99.57761351636748, + "euclidean_accuracy": 54.68327016783974, + "euclidean_ap": 55.17510180566365, + "euclidean_f1": 67.81733189500179, + "euclidean_precision": 51.41766630316249, + "euclidean_recall": 99.57761351636748, + "manhattan_accuracy": 55.44125609095831, + "manhattan_ap": 55.76283671826867, + "manhattan_f1": 68.05905653583004, + "manhattan_precision": 51.63934426229508, + "manhattan_recall": 99.78880675818374, + "max_accuracy": 55.44125609095831, + "max_ap": 55.76283671826867, + "max_f1": 68.05905653583004, + "main_score": 55.44125609095831 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/OnlineShopping.json b/results/facebook__SONAR/external/OnlineShopping.json new file mode 100644 index 000000000..3941432b0 --- /dev/null +++ b/results/facebook__SONAR/external/OnlineShopping.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e610f2ebd179a8fda30ae534c3878750a96db120", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 75.64, + "ap": 71.45085103287833, + "f1": 75.52254495697326, + "main_score": 75.64 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/PAC.json b/results/facebook__SONAR/external/PAC.json new file mode 100644 index 000000000..1dbadbaf6 --- /dev/null +++ b/results/facebook__SONAR/external/PAC.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "PAC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 73.86620330147699, + "ap": 80.58015815306322, + "f1": 71.49082510883872, + "main_score": 73.86620330147699 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/PAWSX.json b/results/facebook__SONAR/external/PAWSX.json new file mode 100644 index 000000000..8c094d677 --- /dev/null +++ b/results/facebook__SONAR/external/PAWSX.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "9c6a90e430ac22b5779fb019a23e820b11a8b5e1", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 29.52361689421863, + "cos_sim_spearman": 32.750058577257875, + "euclidean_pearson": 34.583472972871796, + "euclidean_spearman": 32.75328764421994, + "manhattan_pearson": 34.727366510326995, + "manhattan_spearman": 32.787167142114214, + "cosine_pearson": 29.52361689421863, + "cosine_spearman": 32.750058577257875, + "main_score": 32.750058577257875 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/PSC.json b/results/facebook__SONAR/external/PSC.json new file mode 100644 index 000000000..58c46219e --- /dev/null +++ b/results/facebook__SONAR/external/PSC.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "PSC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cos_sim_accuracy": 90.81632653061224, + "cos_sim_ap": 91.97693749083473, + "cos_sim_f1": 85.55078683834049, + "cos_sim_precision": 80.59299191374663, + "cos_sim_recall": 91.15853658536585, + "dot_accuracy": 90.81632653061224, + "dot_ap": 91.97693749083473, + "dot_f1": 85.55078683834049, + "dot_precision": 80.59299191374663, + "dot_recall": 91.15853658536585, + "euclidean_accuracy": 90.81632653061224, + "euclidean_ap": 91.97693749083473, + "euclidean_f1": 85.55078683834049, + "euclidean_precision": 80.59299191374663, + "euclidean_recall": 91.15853658536585, + "manhattan_accuracy": 90.9090909090909, + "manhattan_ap": 92.043441286281, + "manhattan_f1": 85.34482758620689, + "manhattan_precision": 80.70652173913044, + "manhattan_recall": 90.54878048780488, + "max_accuracy": 90.9090909090909, + "max_ap": 92.043441286281, + "max_f1": 85.55078683834049, + "main_score": 92.043441286281 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/PolEmo2.0-IN.json b/results/facebook__SONAR/external/PolEmo2.0-IN.json new file mode 100644 index 000000000..8a1a8efec --- /dev/null +++ b/results/facebook__SONAR/external/PolEmo2.0-IN.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "PolEmo2.0-IN", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 52.797783933518005, + "f1": 53.84971294048786, + "main_score": 52.797783933518005 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/PolEmo2.0-OUT.json b/results/facebook__SONAR/external/PolEmo2.0-OUT.json new file mode 100644 index 000000000..c8360067b --- /dev/null +++ b/results/facebook__SONAR/external/PolEmo2.0-OUT.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "PolEmo2.0-OUT", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 38.40080971659919, + "f1": 30.38990873840624, + "main_score": 38.40080971659919 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/QBQTC.json b/results/facebook__SONAR/external/QBQTC.json new file mode 100644 index 000000000..8527b42ae --- /dev/null +++ b/results/facebook__SONAR/external/QBQTC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "790b0510dc52b1553e8c49f3d2afb48c0e5c48b7", + "task_name": "QBQTC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 23.34232568997104, + "cos_sim_spearman": 24.47961936211083, + "euclidean_pearson": 22.03140944610336, + "euclidean_spearman": 24.47949166265398, + "manhattan_pearson": 25.542406448726908, + "manhattan_spearman": 28.655724283839533, + "cosine_pearson": 23.34232568997104, + "cosine_spearman": 24.47961936211083, + "main_score": 24.47961936211083 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/Quora-PL.json b/results/facebook__SONAR/external/Quora-PL.json new file mode 100644 index 000000000..48fcefa00 --- /dev/null +++ b/results/facebook__SONAR/external/Quora-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Quora-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 59.938, + "map_at_10": 72.734, + "map_at_100": 73.564, + "map_at_1000": 73.602, + "map_at_3": 69.707, + "map_at_5": 71.515, + "mrr_at_1": 69.28, + "mrr_at_10": 76.97500000000001, + "mrr_at_100": 77.27199999999999, + "mrr_at_1000": 77.28, + "mrr_at_3": 75.355, + "mrr_at_5": 76.389, + "ndcg_at_1": 69.33, + "ndcg_at_10": 77.61099999999999, + "ndcg_at_100": 80.02, + "ndcg_at_1000": 80.487, + "ndcg_at_3": 73.764, + "ndcg_at_5": 75.723, + "precision_at_1": 69.33, + "precision_at_10": 11.917, + "precision_at_100": 1.447, + "precision_at_1000": 0.154, + "precision_at_3": 32.29, + "precision_at_5": 21.432000000000002, + "recall_at_1": 59.938, + "recall_at_10": 87.252, + "recall_at_100": 96.612, + "recall_at_1000": 99.388, + "recall_at_3": 76.264, + "recall_at_5": 81.71000000000001, + "main_score": 77.61099999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/QuoraRetrieval.json b/results/facebook__SONAR/external/QuoraRetrieval.json new file mode 100644 index 000000000..9e9d347fa --- /dev/null +++ b/results/facebook__SONAR/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 61.458999999999996, + "map_at_10": 73.90299999999999, + "map_at_100": 74.733, + "map_at_1000": 74.771, + "map_at_3": 70.999, + "map_at_5": 72.745, + "mrr_at_1": 70.93, + "mrr_at_10": 78.353, + "mrr_at_100": 78.636, + "mrr_at_1000": 78.644, + "mrr_at_3": 76.908, + "mrr_at_5": 77.807, + "ndcg_at_1": 70.93, + "ndcg_at_10": 78.625, + "ndcg_at_100": 81.01, + "ndcg_at_1000": 81.45700000000001, + "ndcg_at_3": 75.045, + "ndcg_at_5": 76.84299999999999, + "precision_at_1": 70.93, + "precision_at_10": 11.953, + "precision_at_100": 1.4489999999999998, + "precision_at_1000": 0.154, + "precision_at_3": 32.65, + "precision_at_5": 21.598, + "recall_at_1": 61.458999999999996, + "recall_at_10": 87.608, + "recall_at_100": 96.818, + "recall_at_1000": 99.445, + "recall_at_3": 77.354, + "recall_at_5": 82.334, + "main_score": 78.625 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/RedditClustering.json b/results/facebook__SONAR/external/RedditClustering.json new file mode 100644 index 000000000..c8d432987 --- /dev/null +++ b/results/facebook__SONAR/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 28.519889100999958, + "main_score": 28.519889100999958 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/RedditClusteringP2P.json b/results/facebook__SONAR/external/RedditClusteringP2P.json new file mode 100644 index 000000000..e2123117e --- /dev/null +++ b/results/facebook__SONAR/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.62765374782771, + "main_score": 38.62765374782771 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/SCIDOCS-PL.json b/results/facebook__SONAR/external/SCIDOCS-PL.json new file mode 100644 index 000000000..8fdf6f997 --- /dev/null +++ b/results/facebook__SONAR/external/SCIDOCS-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 0.32, + "map_at_10": 0.676, + "map_at_100": 0.847, + "map_at_1000": 1.032, + "map_at_3": 0.5369999999999999, + "map_at_5": 0.592, + "mrr_at_1": 1.6, + "mrr_at_10": 2.863, + "mrr_at_100": 3.334, + "mrr_at_1000": 3.5479999999999996, + "mrr_at_3": 2.317, + "mrr_at_5": 2.587, + "ndcg_at_1": 1.6, + "ndcg_at_10": 1.397, + "ndcg_at_100": 2.819, + "ndcg_at_1000": 9.349, + "ndcg_at_3": 1.3, + "ndcg_at_5": 1.1079999999999999, + "precision_at_1": 1.6, + "precision_at_10": 0.74, + "precision_at_100": 0.295, + "precision_at_1000": 0.194, + "precision_at_3": 1.2, + "precision_at_5": 0.96, + "recall_at_1": 0.32, + "recall_at_10": 1.505, + "recall_at_100": 5.988, + "recall_at_1000": 39.308, + "recall_at_3": 0.72, + "recall_at_5": 0.9650000000000001, + "main_score": 1.397 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/SCIDOCS.json b/results/facebook__SONAR/external/SCIDOCS.json new file mode 100644 index 000000000..bc0d98516 --- /dev/null +++ b/results/facebook__SONAR/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.52, + "map_at_10": 0.893, + "map_at_100": 1.113, + "map_at_1000": 1.304, + "map_at_3": 0.7779999999999999, + "map_at_5": 0.8200000000000001, + "mrr_at_1": 2.6, + "mrr_at_10": 4.0680000000000005, + "mrr_at_100": 4.6080000000000005, + "mrr_at_1000": 4.797, + "mrr_at_3": 3.5999999999999996, + "mrr_at_5": 3.8150000000000004, + "ndcg_at_1": 2.6, + "ndcg_at_10": 1.79, + "ndcg_at_100": 3.5549999999999997, + "ndcg_at_1000": 9.942, + "ndcg_at_3": 1.94, + "ndcg_at_5": 1.543, + "precision_at_1": 2.6, + "precision_at_10": 0.8500000000000001, + "precision_at_100": 0.361, + "precision_at_1000": 0.197, + "precision_at_3": 1.7670000000000001, + "precision_at_5": 1.26, + "recall_at_1": 0.52, + "recall_at_10": 1.7149999999999999, + "recall_at_100": 7.318, + "recall_at_1000": 39.915, + "recall_at_3": 1.0699999999999998, + "recall_at_5": 1.27, + "main_score": 1.79 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/SICK-E-PL.json b/results/facebook__SONAR/external/SICK-E-PL.json new file mode 100644 index 000000000..c75a51eee --- /dev/null +++ b/results/facebook__SONAR/external/SICK-E-PL.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "SICK-E-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cos_sim_accuracy": 73.84834896045659, + "cos_sim_ap": 55.484124732566606, + "cos_sim_f1": 57.34228187919464, + "cos_sim_precision": 46.01464885825076, + "cos_sim_recall": 76.06837606837607, + "dot_accuracy": 73.84834896045659, + "dot_ap": 55.48400003295399, + "dot_f1": 57.34228187919464, + "dot_precision": 46.01464885825076, + "dot_recall": 76.06837606837607, + "euclidean_accuracy": 73.84834896045659, + "euclidean_ap": 55.48407331902175, + "euclidean_f1": 57.34228187919464, + "euclidean_precision": 46.01464885825076, + "euclidean_recall": 76.06837606837607, + "manhattan_accuracy": 73.80758255197716, + "manhattan_ap": 55.42477275597209, + "manhattan_f1": 57.55860953920776, + "manhattan_precision": 46.29388816644994, + "manhattan_recall": 76.06837606837607, + "max_accuracy": 73.84834896045659, + "max_ap": 55.484124732566606, + "max_f1": 57.55860953920776, + "main_score": 55.484124732566606 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/SICK-R-PL.json b/results/facebook__SONAR/external/SICK-R-PL.json new file mode 100644 index 000000000..aa76a8e22 --- /dev/null +++ b/results/facebook__SONAR/external/SICK-R-PL.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "SICK-R-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cos_sim_pearson": 67.75034167381077, + "cos_sim_spearman": 62.98158872758643, + "euclidean_pearson": 64.25794794439082, + "euclidean_spearman": 62.981566596223125, + "manhattan_pearson": 64.25439446502435, + "manhattan_spearman": 63.01301439900365, + "cosine_pearson": 67.75034167381077, + "cosine_spearman": 62.98158872758643, + "main_score": 62.98158872758643 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/SICK-R.json b/results/facebook__SONAR/external/SICK-R.json new file mode 100644 index 000000000..018fd7091 --- /dev/null +++ b/results/facebook__SONAR/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 67.03943120783973, + "cos_sim_spearman": 62.93971145260584, + "euclidean_pearson": 64.13947263916926, + "euclidean_spearman": 62.93972324235839, + "manhattan_pearson": 64.11295322654566, + "manhattan_spearman": 62.92816122293202, + "cosine_pearson": 67.03943120783973, + "cosine_spearman": 62.93971145260584, + "main_score": 62.93971145260584 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/STS12.json b/results/facebook__SONAR/external/STS12.json new file mode 100644 index 000000000..d9ec0d750 --- /dev/null +++ b/results/facebook__SONAR/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 61.622204530882755, + "cos_sim_spearman": 65.4632047656541, + "euclidean_pearson": 59.21529585527598, + "euclidean_spearman": 65.4638163967956, + "manhattan_pearson": 59.39341472707122, + "manhattan_spearman": 65.57635757250173, + "cosine_pearson": 61.622204530882755, + "cosine_spearman": 65.4632047656541, + "main_score": 65.4632047656541 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/STS13.json b/results/facebook__SONAR/external/STS13.json new file mode 100644 index 000000000..bb67c4926 --- /dev/null +++ b/results/facebook__SONAR/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 60.329743331971486, + "cos_sim_spearman": 62.78607195958339, + "euclidean_pearson": 62.07415212138581, + "euclidean_spearman": 62.78618151904129, + "manhattan_pearson": 62.41250554765521, + "manhattan_spearman": 62.87580558029627, + "cosine_pearson": 60.329743331971486, + "cosine_spearman": 62.78607195958339, + "main_score": 62.78607195958339 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/STS14.json b/results/facebook__SONAR/external/STS14.json new file mode 100644 index 000000000..b73c1749e --- /dev/null +++ b/results/facebook__SONAR/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 59.16277512775291, + "cos_sim_spearman": 57.53693422381856, + "euclidean_pearson": 57.85017283427473, + "euclidean_spearman": 57.53697385589326, + "manhattan_pearson": 58.049796184955596, + "manhattan_spearman": 57.76174789162225, + "cosine_pearson": 59.16277512775291, + "cosine_spearman": 57.53693422381856, + "main_score": 57.53693422381856 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/STS15.json b/results/facebook__SONAR/external/STS15.json new file mode 100644 index 000000000..0fbe35227 --- /dev/null +++ b/results/facebook__SONAR/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 74.42588553600197, + "cos_sim_spearman": 74.25087788257943, + "euclidean_pearson": 73.35436018935222, + "euclidean_spearman": 74.25087694991477, + "manhattan_pearson": 73.33747415771185, + "manhattan_spearman": 74.21504509447377, + "cosine_pearson": 74.42588553600197, + "cosine_spearman": 74.25087788257943, + "main_score": 74.25087788257943 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/STS16.json b/results/facebook__SONAR/external/STS16.json new file mode 100644 index 000000000..4c8c5f339 --- /dev/null +++ b/results/facebook__SONAR/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 75.77242432372144, + "cos_sim_spearman": 75.72930700521489, + "euclidean_pearson": 75.6995220623788, + "euclidean_spearman": 75.72930646047212, + "manhattan_pearson": 75.65841087952896, + "manhattan_spearman": 75.69567692328437, + "cosine_pearson": 75.77242432372144, + "cosine_spearman": 75.72930700521489, + "main_score": 75.72930700521489 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/STS17.json b/results/facebook__SONAR/external/STS17.json new file mode 100644 index 000000000..332b94d5a --- /dev/null +++ b/results/facebook__SONAR/external/STS17.json @@ -0,0 +1,182 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "ko-ko", + "languages": [ + "kor-Hang" + ], + "cos_sim_pearson": 66.2495297342053, + "cos_sim_spearman": 66.14124319602982, + "euclidean_pearson": 66.49498096178358, + "euclidean_spearman": 66.14121792287747, + "manhattan_pearson": 66.51560623835172, + "manhattan_spearman": 66.05794413582558, + "cosine_pearson": 66.2495297342053, + "cosine_spearman": 66.14124319602982, + "main_score": 66.14124319602982 + }, + { + "hf_subset": "ar-ar", + "languages": [ + "ara-Arab" + ], + "cos_sim_pearson": 75.0045186560239, + "cos_sim_spearman": 74.96504390762252, + "euclidean_pearson": 74.20988464347049, + "euclidean_spearman": 74.98114602301776, + "manhattan_pearson": 74.37929169860529, + "manhattan_spearman": 75.37049827509504, + "cosine_pearson": 75.0045186560239, + "cosine_spearman": 74.96504390762252, + "main_score": 74.96504390762252 + }, + { + "hf_subset": "en-ar", + "languages": [ + "eng-Latn", + "ara-Arab" + ], + "cos_sim_pearson": 73.88478151514396, + "cos_sim_spearman": 74.05322141272103, + "euclidean_pearson": 73.52175483343693, + "euclidean_spearman": 74.05322141272103, + "manhattan_pearson": 73.35875118828287, + "manhattan_spearman": 73.83972625384673, + "cosine_pearson": 73.88478151514396, + "cosine_spearman": 74.05322141272103, + "main_score": 74.05322141272103 + }, + { + "hf_subset": "en-de", + "languages": [ + "eng-Latn", + "deu-Latn" + ], + "cos_sim_pearson": 75.57014781622605, + "cos_sim_spearman": 74.95329129562734, + "euclidean_pearson": 75.5667786729257, + "euclidean_spearman": 74.95329129562734, + "manhattan_pearson": 75.39548673816147, + "manhattan_spearman": 74.89428642503749, + "cosine_pearson": 75.57014781622605, + "cosine_spearman": 74.95329129562734, + "main_score": 74.95329129562734 + }, + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 80.04007129652777, + "cos_sim_spearman": 79.94429611477106, + "euclidean_pearson": 79.91583070858822, + "euclidean_spearman": 79.94429611477106, + "manhattan_pearson": 80.14382273152769, + "manhattan_spearman": 80.23862855392836, + "cosine_pearson": 80.04007129652777, + "cosine_spearman": 79.94429611477106, + "main_score": 79.94429611477106 + }, + { + "hf_subset": "en-tr", + "languages": [ + "eng-Latn", + "tur-Latn" + ], + "cos_sim_pearson": 77.28740870194635, + "cos_sim_spearman": 77.18286391819586, + "euclidean_pearson": 77.05644328687119, + "euclidean_spearman": 77.18286391819586, + "manhattan_pearson": 77.15625898067294, + "manhattan_spearman": 77.03165154316278, + "cosine_pearson": 77.28740870194635, + "cosine_spearman": 77.18286391819586, + "main_score": 77.18286391819586 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 72.99293002371301, + "cos_sim_spearman": 72.24657859872468, + "euclidean_pearson": 73.38839879755461, + "euclidean_spearman": 72.24657859872468, + "manhattan_pearson": 73.6627728800822, + "manhattan_spearman": 72.70893449698669, + "cosine_pearson": 72.99293002371301, + "cosine_spearman": 72.24657859872468, + "main_score": 72.24657859872468 + }, + { + "hf_subset": "es-es", + "languages": [ + "spa-Latn" + ], + "cos_sim_pearson": 81.37213723705916, + "cos_sim_spearman": 80.64548512701263, + "euclidean_pearson": 80.94992193351284, + "euclidean_spearman": 80.64484963200427, + "manhattan_pearson": 80.92246813841794, + "manhattan_spearman": 80.68860823161657, + "cosine_pearson": 81.37213723705916, + "cosine_spearman": 80.64548512701263, + "main_score": 80.64548512701263 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 77.54059604962391, + "cos_sim_spearman": 77.19559169700682, + "euclidean_pearson": 77.32739821317861, + "euclidean_spearman": 77.19559169700682, + "manhattan_pearson": 77.29224328831437, + "manhattan_spearman": 77.24394878313191, + "cosine_pearson": 77.54059604962391, + "cosine_spearman": 77.19559169700682, + "main_score": 77.19559169700682 + }, + { + "hf_subset": "it-en", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 79.06397062195414, + "cos_sim_spearman": 78.66694637555244, + "euclidean_pearson": 79.34923290885872, + "euclidean_spearman": 78.66694637555244, + "manhattan_pearson": 79.50802161625809, + "manhattan_spearman": 78.79195213396169, + "cosine_pearson": 79.06397062195414, + "cosine_spearman": 78.66694637555244, + "main_score": 78.66694637555244 + }, + { + "hf_subset": "nl-en", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 78.66045829245238, + "cos_sim_spearman": 78.14055373851183, + "euclidean_pearson": 78.94489279300518, + "euclidean_spearman": 78.14055373851183, + "manhattan_pearson": 79.33473165536323, + "manhattan_spearman": 78.5783429705299, + "cosine_pearson": 78.66045829245238, + "cosine_spearman": 78.14055373851183, + "main_score": 78.14055373851183 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/STS22.json b/results/facebook__SONAR/external/STS22.json new file mode 100644 index 000000000..435621ab4 --- /dev/null +++ b/results/facebook__SONAR/external/STS22.json @@ -0,0 +1,288 @@ +{ + "dataset_revision": "eea2b4fe26a775864c896887d910b76a8098ad3f", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 36.63454535818336, + "cos_sim_spearman": 47.12016162570126, + "euclidean_pearson": 39.07268779927362, + "euclidean_spearman": 47.12016162570126, + "manhattan_pearson": 41.723119770725944, + "manhattan_spearman": 47.90334362422989, + "cosine_pearson": 36.63454535818336, + "cosine_spearman": 47.12016162570126, + "main_score": 47.12016162570126 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "cos_sim_pearson": 13.325547358617957, + "cos_sim_spearman": 24.094051740693416, + "euclidean_pearson": 10.39110006005262, + "euclidean_spearman": 24.094051740693416, + "manhattan_pearson": 12.4380555005162, + "manhattan_spearman": 25.176800279885715, + "cosine_pearson": 13.325547358617957, + "cosine_spearman": 24.094051740693416, + "main_score": 24.094051740693416 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "cos_sim_pearson": 41.21281570342249, + "cos_sim_spearman": 55.397885077207974, + "euclidean_pearson": 43.96150945976646, + "euclidean_spearman": 55.397885077207974, + "manhattan_pearson": 49.58812224529121, + "manhattan_spearman": 55.35874879475974, + "cosine_pearson": 41.21281570342249, + "cosine_spearman": 55.397885077207974, + "main_score": 55.397885077207974 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "cos_sim_pearson": 5.985012243744998, + "cos_sim_spearman": 25.307464943919012, + "euclidean_pearson": -4.080537702499046, + "euclidean_spearman": 25.307464943919012, + "manhattan_pearson": -2.5058642304196543, + "manhattan_spearman": 26.751588484373233, + "cosine_pearson": 5.985012243744998, + "cosine_spearman": 25.307464943919012, + "main_score": 25.307464943919012 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "cos_sim_pearson": 34.44666578772084, + "cos_sim_spearman": 46.45977141800899, + "euclidean_pearson": 38.78305544036559, + "euclidean_spearman": 46.45977141800899, + "manhattan_pearson": 46.45101297876112, + "manhattan_spearman": 50.642972694093814, + "cosine_pearson": 34.44666578772084, + "cosine_spearman": 46.45977141800899, + "main_score": 46.45977141800899 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "cos_sim_pearson": 28.095327083873055, + "cos_sim_spearman": 40.24741745875892, + "euclidean_pearson": 29.141496784653892, + "euclidean_spearman": 40.24741745875892, + "manhattan_pearson": 32.013290716034064, + "manhattan_spearman": 40.85454084311211, + "cosine_pearson": 28.095327083873055, + "cosine_spearman": 40.24741745875892, + "main_score": 40.24741745875892 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "cos_sim_pearson": 27.46788309503312, + "cos_sim_spearman": 43.57385391855994, + "euclidean_pearson": 24.558349674326177, + "euclidean_spearman": 43.57385391855994, + "manhattan_pearson": 28.974505207055866, + "manhattan_spearman": 44.111553205713, + "cosine_pearson": 27.46788309503312, + "cosine_spearman": 43.57385391855994, + "main_score": 43.57385391855994 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 34.87841073990563, + "cos_sim_spearman": 52.8221686505807, + "euclidean_pearson": 38.36114580544504, + "euclidean_spearman": 52.8221686505807, + "manhattan_pearson": 46.69329448756753, + "manhattan_spearman": 53.9140781097337, + "cosine_pearson": 34.87841073990563, + "cosine_spearman": 52.8221686505807, + "main_score": 52.8221686505807 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 49.999267528357, + "cos_sim_spearman": 61.71837669697145, + "euclidean_pearson": 53.578476744372274, + "euclidean_spearman": 61.71837669697145, + "manhattan_pearson": 56.410294227490795, + "manhattan_spearman": 60.684457655864875, + "cosine_pearson": 49.999267528357, + "cosine_spearman": 61.71837669697145, + "main_score": 61.71837669697145 + }, + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 22.43564137760586, + "cos_sim_spearman": 34.28346144104183, + "euclidean_pearson": 27.41326011184764, + "euclidean_spearman": 34.28346144104183, + "manhattan_pearson": 35.62923154232163, + "manhattan_spearman": 37.937151135297185, + "cosine_pearson": 22.43564137760586, + "cosine_spearman": 34.28346144104183, + "main_score": 34.28346144104183 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 44.34071611983998, + "cos_sim_spearman": 57.823185616169646, + "euclidean_pearson": 49.29310650157244, + "euclidean_spearman": 57.823185616169646, + "manhattan_pearson": 55.93298736518848, + "manhattan_spearman": 58.57556581684834, + "cosine_pearson": 44.34071611983998, + "cosine_spearman": 57.823185616169646, + "main_score": 57.823185616169646 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "cos_sim_pearson": 56.07027840344927, + "cos_sim_spearman": 62.20158260763411, + "euclidean_pearson": 55.887969718543616, + "euclidean_spearman": 62.20158260763411, + "manhattan_pearson": 56.081533365738444, + "manhattan_spearman": 62.018651361750685, + "cosine_pearson": 56.07027840344927, + "cosine_spearman": 62.20158260763411, + "main_score": 62.20158260763411 + }, + { + "hf_subset": "pl-en", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 41.41816324477061, + "cos_sim_spearman": 44.71684955996943, + "euclidean_pearson": 42.74585025834968, + "euclidean_spearman": 44.71684955996943, + "manhattan_pearson": 47.992481632815256, + "manhattan_spearman": 46.18587933349126, + "cosine_pearson": 41.41816324477061, + "cosine_spearman": 44.71684955996943, + "main_score": 44.71684955996943 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "cos_sim_pearson": 38.89140730917917, + "cos_sim_spearman": 49.18633779347391, + "euclidean_pearson": 43.27605428753535, + "euclidean_spearman": 49.18633779347391, + "manhattan_pearson": 48.22046568809415, + "manhattan_spearman": 49.248416391249464, + "cosine_pearson": 38.89140730917917, + "cosine_spearman": 49.18633779347391, + "main_score": 49.18633779347391 + }, + { + "hf_subset": "es-it", + "languages": [ + "spa-Latn", + "ita-Latn" + ], + "cos_sim_pearson": 40.31620568726327, + "cos_sim_spearman": 49.13034440774138, + "euclidean_pearson": 43.95169508285692, + "euclidean_spearman": 49.13034440774138, + "manhattan_pearson": 48.84250981398146, + "manhattan_spearman": 49.54216339903405, + "cosine_pearson": 40.31620568726327, + "cosine_spearman": 49.13034440774138, + "main_score": 49.13034440774138 + }, + { + "hf_subset": "de-fr", + "languages": [ + "deu-Latn", + "fra-Latn" + ], + "cos_sim_pearson": 27.074582378144058, + "cos_sim_spearman": 41.29498619968451, + "euclidean_pearson": 28.993986097276505, + "euclidean_spearman": 41.29498619968451, + "manhattan_pearson": 32.079813951133254, + "manhattan_spearman": 43.664111732941464, + "cosine_pearson": 27.074582378144058, + "cosine_spearman": 41.29498619968451, + "main_score": 41.29498619968451 + }, + { + "hf_subset": "de-pl", + "languages": [ + "deu-Latn", + "pol-Latn" + ], + "cos_sim_pearson": 6.864334110072116, + "cos_sim_spearman": 25.805458732687914, + "euclidean_pearson": 11.435920047618103, + "euclidean_spearman": 25.805458732687914, + "manhattan_pearson": 15.036308569899552, + "manhattan_spearman": 25.405135387192757, + "cosine_pearson": 6.864334110072116, + "cosine_spearman": 25.805458732687914, + "main_score": 25.805458732687914 + }, + { + "hf_subset": "fr-pl", + "languages": [ + "fra-Latn", + "pol-Latn" + ], + "cos_sim_pearson": 65.44029549925597, + "cos_sim_spearman": 61.97797868009122, + "euclidean_pearson": 65.92740669959876, + "euclidean_spearman": 61.97797868009122, + "manhattan_pearson": 70.29575044091207, + "manhattan_spearman": 73.24670207647144, + "cosine_pearson": 65.44029549925597, + "cosine_spearman": 61.97797868009122, + "main_score": 61.97797868009122 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/STSB.json b/results/facebook__SONAR/external/STSB.json new file mode 100644 index 000000000..80f496d56 --- /dev/null +++ b/results/facebook__SONAR/external/STSB.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "0cde68302b3541bb8b3c340dc0644b0b745b3dc0", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 51.35413149349556, + "cos_sim_spearman": 50.175051356729924, + "euclidean_pearson": 53.12039152785364, + "euclidean_spearman": 50.174289111089685, + "manhattan_pearson": 53.0731746793555, + "manhattan_spearman": 50.15176393928403, + "cosine_pearson": 51.35413149349556, + "cosine_spearman": 50.175051356729924, + "main_score": 50.175051356729924 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/STSBenchmark.json b/results/facebook__SONAR/external/STSBenchmark.json new file mode 100644 index 000000000..930ab1f65 --- /dev/null +++ b/results/facebook__SONAR/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 67.84222983023291, + "cos_sim_spearman": 67.39086924655895, + "euclidean_pearson": 67.3393327127967, + "euclidean_spearman": 67.39088047106472, + "manhattan_pearson": 67.40316731822271, + "manhattan_spearman": 67.49067800994015, + "cosine_pearson": 67.84222983023291, + "cosine_spearman": 67.39086924655895, + "main_score": 67.39086924655895 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/SciDocsRR.json b/results/facebook__SONAR/external/SciDocsRR.json new file mode 100644 index 000000000..2eb746a73 --- /dev/null +++ b/results/facebook__SONAR/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 68.36051662289248, + "mrr": 89.39224265204656, + "main_score": 68.36051662289248 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/SciFact-PL.json b/results/facebook__SONAR/external/SciFact-PL.json new file mode 100644 index 000000000..c4cc1b439 --- /dev/null +++ b/results/facebook__SONAR/external/SciFact-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 21.706, + "map_at_10": 28.333000000000002, + "map_at_100": 29.364, + "map_at_1000": 29.451, + "map_at_3": 26.112999999999996, + "map_at_5": 27.502, + "mrr_at_1": 23.0, + "mrr_at_10": 29.555999999999997, + "mrr_at_100": 30.536, + "mrr_at_1000": 30.606, + "mrr_at_3": 27.333000000000002, + "mrr_at_5": 28.717, + "ndcg_at_1": 23.0, + "ndcg_at_10": 32.238, + "ndcg_at_100": 37.785999999999994, + "ndcg_at_1000": 40.266999999999996, + "ndcg_at_3": 27.961000000000002, + "ndcg_at_5": 30.322, + "precision_at_1": 23.0, + "precision_at_10": 4.7669999999999995, + "precision_at_100": 0.787, + "precision_at_1000": 0.10200000000000001, + "precision_at_3": 11.444, + "precision_at_5": 8.200000000000001, + "recall_at_1": 21.706, + "recall_at_10": 43.206, + "recall_at_100": 69.678, + "recall_at_1000": 89.333, + "recall_at_3": 31.900000000000002, + "recall_at_5": 37.594, + "main_score": 32.238 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/SciFact.json b/results/facebook__SONAR/external/SciFact.json new file mode 100644 index 000000000..961b09e23 --- /dev/null +++ b/results/facebook__SONAR/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.721999999999998, + "map_at_10": 31.335, + "map_at_100": 32.461, + "map_at_1000": 32.557, + "map_at_3": 29.282000000000004, + "map_at_5": 30.602, + "mrr_at_1": 24.667, + "mrr_at_10": 32.363, + "mrr_at_100": 33.421, + "mrr_at_1000": 33.499, + "mrr_at_3": 30.444, + "mrr_at_5": 31.628, + "ndcg_at_1": 24.667, + "ndcg_at_10": 35.29, + "ndcg_at_100": 40.665, + "ndcg_at_1000": 43.241, + "ndcg_at_3": 31.238, + "ndcg_at_5": 33.486, + "precision_at_1": 24.667, + "precision_at_10": 5.1, + "precision_at_100": 0.7969999999999999, + "precision_at_1000": 0.10300000000000001, + "precision_at_3": 12.667, + "precision_at_5": 8.933, + "recall_at_1": 23.721999999999998, + "recall_at_10": 46.417, + "recall_at_100": 70.944, + "recall_at_1000": 91.033, + "recall_at_3": 35.693999999999996, + "recall_at_5": 40.944, + "main_score": 35.29 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/SprintDuplicateQuestions.json b/results/facebook__SONAR/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..b2766e960 --- /dev/null +++ b/results/facebook__SONAR/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.5, + "cos_sim_ap": 77.07584309978081, + "cos_sim_f1": 71.8864950078823, + "cos_sim_precision": 75.74750830564784, + "cos_sim_recall": 68.4, + "dot_accuracy": 99.5, + "dot_ap": 77.07584309978081, + "dot_f1": 71.8864950078823, + "dot_precision": 75.74750830564784, + "dot_recall": 68.4, + "euclidean_accuracy": 99.5, + "euclidean_ap": 77.07584309978081, + "euclidean_f1": 71.8864950078823, + "euclidean_precision": 75.74750830564784, + "euclidean_recall": 68.4, + "manhattan_accuracy": 99.50594059405941, + "manhattan_ap": 77.41658577240027, + "manhattan_f1": 71.91374663072777, + "manhattan_precision": 78.01169590643275, + "manhattan_recall": 66.7, + "max_accuracy": 99.50594059405941, + "max_ap": 77.41658577240027, + "max_f1": 71.91374663072777, + "main_score": 77.41658577240027 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/StackExchangeClustering.json b/results/facebook__SONAR/external/StackExchangeClustering.json new file mode 100644 index 000000000..ca7c74b67 --- /dev/null +++ b/results/facebook__SONAR/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 46.32521494308228, + "main_score": 46.32521494308228 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/StackExchangeClusteringP2P.json b/results/facebook__SONAR/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..cdf8da707 --- /dev/null +++ b/results/facebook__SONAR/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 20.573273825125266, + "main_score": 20.573273825125266 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/StackOverflowDupQuestions.json b/results/facebook__SONAR/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..7faf096f0 --- /dev/null +++ b/results/facebook__SONAR/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 38.612724125942385, + "mrr": 38.891130315762666, + "main_score": 38.612724125942385 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/SummEval.json b/results/facebook__SONAR/external/SummEval.json new file mode 100644 index 000000000..07380840f --- /dev/null +++ b/results/facebook__SONAR/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 29.305330424238836, + "cos_sim_spearman": 30.556621737388685, + "dot_pearson": 29.30533056265583, + "dot_spearman": 30.556621737388685, + "cosine_pearson": 29.305330424238836, + "cosine_spearman": 30.556621737388685, + "main_score": 30.556621737388685 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/SweRecClassification.json b/results/facebook__SONAR/external/SweRecClassification.json new file mode 100644 index 000000000..c32f0070f --- /dev/null +++ b/results/facebook__SONAR/external/SweRecClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3c62f26bafdc4c4e1c16401ad4b32f0a94b46612", + "task_name": "SweRecClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "swe-Latn" + ], + "accuracy": 68.4716796875, + "f1": 59.865730786092364, + "main_score": 68.4716796875 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/T2Reranking.json b/results/facebook__SONAR/external/T2Reranking.json new file mode 100644 index 000000000..9d9796c80 --- /dev/null +++ b/results/facebook__SONAR/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "76631901a18387f85eaa53e5450019b87ad58ef9", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 55.34794621490011, + "mrr": 59.22764129348421, + "main_score": 55.34794621490011 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/T2Retrieval.json b/results/facebook__SONAR/external/T2Retrieval.json new file mode 100644 index 000000000..e3339667b --- /dev/null +++ b/results/facebook__SONAR/external/T2Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "8731a845f1bf500a4f111cf1070785c793d10e64", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 0.586, + "map_at_10": 0.819, + "map_at_100": 0.8920000000000001, + "map_at_1000": 0.928, + "map_at_3": 0.729, + "map_at_5": 0.771, + "mrr_at_1": 1.9949999999999999, + "mrr_at_10": 2.608, + "mrr_at_100": 2.771, + "mrr_at_1000": 2.8289999999999997, + "mrr_at_3": 2.365, + "mrr_at_5": 2.483, + "ndcg_at_1": 1.9949999999999999, + "ndcg_at_10": 1.314, + "ndcg_at_100": 1.831, + "ndcg_at_1000": 3.4139999999999997, + "ndcg_at_3": 1.377, + "ndcg_at_5": 1.2630000000000001, + "precision_at_1": 1.9949999999999999, + "precision_at_10": 0.488, + "precision_at_100": 0.123, + "precision_at_1000": 0.054, + "precision_at_3": 1.027, + "precision_at_5": 0.737, + "recall_at_1": 0.586, + "recall_at_10": 1.3390000000000002, + "recall_at_100": 3.15, + "recall_at_1000": 11.859, + "recall_at_3": 0.8710000000000001, + "recall_at_5": 1.0290000000000001, + "main_score": 1.314 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/TNews.json b/results/facebook__SONAR/external/TNews.json new file mode 100644 index 000000000..9c10de67a --- /dev/null +++ b/results/facebook__SONAR/external/TNews.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "317f262bf1e6126357bbe89e875451e4b0938fe4", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 40.946, + "f1": 39.56517169731474, + "main_score": 40.946 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/TRECCOVID-PL.json b/results/facebook__SONAR/external/TRECCOVID-PL.json new file mode 100644 index 000000000..715e9bd7c --- /dev/null +++ b/results/facebook__SONAR/external/TRECCOVID-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 0.124, + "map_at_10": 0.45199999999999996, + "map_at_100": 0.874, + "map_at_1000": 1.1039999999999999, + "map_at_3": 0.253, + "map_at_5": 0.32299999999999995, + "mrr_at_1": 36.0, + "mrr_at_10": 47.56, + "mrr_at_100": 48.532, + "mrr_at_1000": 48.579, + "mrr_at_3": 45.0, + "mrr_at_5": 45.5, + "ndcg_at_1": 34.0, + "ndcg_at_10": 24.529, + "ndcg_at_100": 10.427, + "ndcg_at_1000": 6.457, + "ndcg_at_3": 31.173000000000002, + "ndcg_at_5": 27.738000000000003, + "precision_at_1": 38.0, + "precision_at_10": 25.4, + "precision_at_100": 8.88, + "precision_at_1000": 2.2159999999999997, + "precision_at_3": 34.666999999999994, + "precision_at_5": 29.2, + "recall_at_1": 0.124, + "recall_at_10": 0.618, + "recall_at_100": 1.9349999999999998, + "recall_at_1000": 4.808, + "recall_at_3": 0.28300000000000003, + "recall_at_5": 0.382, + "main_score": 24.529 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/TRECCOVID.json b/results/facebook__SONAR/external/TRECCOVID.json new file mode 100644 index 000000000..64295c7f9 --- /dev/null +++ b/results/facebook__SONAR/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.08499999999999999, + "map_at_10": 0.462, + "map_at_100": 0.893, + "map_at_1000": 1.129, + "map_at_3": 0.232, + "map_at_5": 0.3, + "mrr_at_1": 38.0, + "mrr_at_10": 50.629999999999995, + "mrr_at_100": 51.315999999999995, + "mrr_at_1000": 51.365, + "mrr_at_3": 47.0, + "mrr_at_5": 48.9, + "ndcg_at_1": 31.0, + "ndcg_at_10": 24.823, + "ndcg_at_100": 10.583, + "ndcg_at_1000": 6.497999999999999, + "ndcg_at_3": 30.95, + "ndcg_at_5": 27.899, + "precision_at_1": 38.0, + "precision_at_10": 25.6, + "precision_at_100": 8.98, + "precision_at_1000": 2.248, + "precision_at_3": 34.666999999999994, + "precision_at_5": 29.599999999999998, + "recall_at_1": 0.08499999999999999, + "recall_at_10": 0.641, + "recall_at_100": 2.002, + "recall_at_1000": 4.902, + "recall_at_3": 0.28200000000000003, + "recall_at_5": 0.379, + "main_score": 24.823 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/Tatoeba.json b/results/facebook__SONAR/external/Tatoeba.json new file mode 100644 index 000000000..08885467e --- /dev/null +++ b/results/facebook__SONAR/external/Tatoeba.json @@ -0,0 +1,1354 @@ +{ + "dataset_revision": "9080400076fbadbb4c4dcb136ff4eddc40b42553", + "task_name": "Tatoeba", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "sqi-eng", + "languages": [ + "sqi-Latn", + "eng-Latn" + ], + "accuracy": 98.9, + "f1": 98.55000000000001, + "precision": 98.38333333333334, + "recall": 98.9, + "main_score": 98.55000000000001 + }, + { + "hf_subset": "fry-eng", + "languages": [ + "fry-Latn", + "eng-Latn" + ], + "accuracy": 65.3179190751445, + "f1": 59.44582071749702, + "precision": 57.49678869621066, + "recall": 65.3179190751445, + "main_score": 59.44582071749702 + }, + { + "hf_subset": "kur-eng", + "languages": [ + "kur-Latn", + "eng-Latn" + ], + "accuracy": 38.53658536585366, + "f1": 34.217555952803785, + "precision": 32.96511296649355, + "recall": 38.53658536585366, + "main_score": 34.217555952803785 + }, + { + "hf_subset": "tur-eng", + "languages": [ + "tur-Latn", + "eng-Latn" + ], + "accuracy": 98.7, + "f1": 98.26666666666665, + "precision": 98.05, + "recall": 98.7, + "main_score": 98.26666666666665 + }, + { + "hf_subset": "deu-eng", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "accuracy": 99.3, + "f1": 99.13333333333333, + "precision": 99.05000000000001, + "recall": 99.3, + "main_score": 99.13333333333333 + }, + { + "hf_subset": "nld-eng", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "accuracy": 97.89999999999999, + "f1": 97.2, + "precision": 96.85000000000001, + "recall": 97.89999999999999, + "main_score": 97.2 + }, + { + "hf_subset": "ron-eng", + "languages": [ + "ron-Latn", + "eng-Latn" + ], + "accuracy": 98.2, + "f1": 97.6, + "precision": 97.3, + "recall": 98.2, + "main_score": 97.6 + }, + { + "hf_subset": "ang-eng", + "languages": [ + "ang-Latn", + "eng-Latn" + ], + "accuracy": 52.23880597014925, + "f1": 46.340992406389105, + "precision": 44.556384742951906, + "recall": 52.23880597014925, + "main_score": 46.340992406389105 + }, + { + "hf_subset": "ido-eng", + "languages": [ + "ido-Latn", + "eng-Latn" + ], + "accuracy": 95.0, + "f1": 93.67000000000002, + "precision": 93.075, + "recall": 95.0, + "main_score": 93.67000000000002 + }, + { + "hf_subset": "jav-eng", + "languages": [ + "jav-Latn", + "eng-Latn" + ], + "accuracy": 88.29268292682927, + "f1": 85.76422764227642, + "precision": 84.84204413472706, + "recall": 88.29268292682927, + "main_score": 85.76422764227642 + }, + { + "hf_subset": "isl-eng", + "languages": [ + "isl-Latn", + "eng-Latn" + ], + "accuracy": 97.2, + "f1": 96.46666666666667, + "precision": 96.1, + "recall": 97.2, + "main_score": 96.46666666666667 + }, + { + "hf_subset": "slv-eng", + "languages": [ + "slv-Latn", + "eng-Latn" + ], + "accuracy": 96.8408262454435, + "f1": 95.9902794653706, + "precision": 95.56500607533415, + "recall": 96.8408262454435, + "main_score": 95.9902794653706 + }, + { + "hf_subset": "cym-eng", + "languages": [ + "cym-Latn", + "eng-Latn" + ], + "accuracy": 93.3913043478261, + "f1": 91.30434782608695, + "precision": 90.28985507246377, + "recall": 93.3913043478261, + "main_score": 91.30434782608695 + }, + { + "hf_subset": "kaz-eng", + "languages": [ + "kaz-Cyrl", + "eng-Latn" + ], + "accuracy": 90.6086956521739, + "f1": 88.1159420289855, + "precision": 86.9623188405797, + "recall": 90.6086956521739, + "main_score": 88.1159420289855 + }, + { + "hf_subset": "est-eng", + "languages": [ + "est-Latn", + "eng-Latn" + ], + "accuracy": 97.8, + "f1": 97.16666666666667, + "precision": 96.86666666666667, + "recall": 97.8, + "main_score": 97.16666666666667 + }, + { + "hf_subset": "heb-eng", + "languages": [ + "heb-Hebr", + "eng-Latn" + ], + "accuracy": 94.0, + "f1": 92.34, + "precision": 91.54166666666667, + "recall": 94.0, + "main_score": 92.34 + }, + { + "hf_subset": "gla-eng", + "languages": [ + "gla-Latn", + "eng-Latn" + ], + "accuracy": 84.92159227985525, + "f1": 80.8868975817106, + "precision": 79.11540008041817, + "recall": 84.92159227985525, + "main_score": 80.8868975817106 + }, + { + "hf_subset": "mar-eng", + "languages": [ + "mar-Deva", + "eng-Latn" + ], + "accuracy": 94.89999999999999, + "f1": 93.35, + "precision": 92.58333333333334, + "recall": 94.89999999999999, + "main_score": 93.35 + }, + { + "hf_subset": "lat-eng", + "languages": [ + "lat-Latn", + "eng-Latn" + ], + "accuracy": 43.3, + "f1": 36.64473116255726, + "precision": 34.64017752457381, + "recall": 43.3, + "main_score": 36.64473116255726 + }, + { + "hf_subset": "bel-eng", + "languages": [ + "bel-Cyrl", + "eng-Latn" + ], + "accuracy": 96.7, + "f1": 95.68333333333332, + "precision": 95.19999999999999, + "recall": 96.7, + "main_score": 95.68333333333332 + }, + { + "hf_subset": "pms-eng", + "languages": [ + "pms-Latn", + "eng-Latn" + ], + "accuracy": 70.47619047619048, + "f1": 66.63032734461306, + "precision": 65.46459191863879, + "recall": 70.47619047619048, + "main_score": 66.63032734461306 + }, + { + "hf_subset": "gle-eng", + "languages": [ + "gle-Latn", + "eng-Latn" + ], + "accuracy": 93.5, + "f1": 91.63, + "precision": 90.75, + "recall": 93.5, + "main_score": 91.63 + }, + { + "hf_subset": "pes-eng", + "languages": [ + "pes-Arab", + "eng-Latn" + ], + "accuracy": 95.5, + "f1": 94.36666666666666, + "precision": 93.83333333333333, + "recall": 95.5, + "main_score": 94.36666666666666 + }, + { + "hf_subset": "nob-eng", + "languages": [ + "nob-Latn", + "eng-Latn" + ], + "accuracy": 99.3, + "f1": 99.06666666666666, + "precision": 98.95, + "recall": 99.3, + "main_score": 99.06666666666666 + }, + { + "hf_subset": "bul-eng", + "languages": [ + "bul-Cyrl", + "eng-Latn" + ], + "accuracy": 95.8, + "f1": 94.51666666666667, + "precision": 93.88333333333334, + "recall": 95.8, + "main_score": 94.51666666666667 + }, + { + "hf_subset": "cbk-eng", + "languages": [ + "cbk-Latn", + "eng-Latn" + ], + "accuracy": 84.0, + "f1": 80.46675324675326, + "precision": 78.95999999999998, + "recall": 84.0, + "main_score": 80.46675324675326 + }, + { + "hf_subset": "hun-eng", + "languages": [ + "hun-Latn", + "eng-Latn" + ], + "accuracy": 97.7, + "f1": 96.93333333333332, + "precision": 96.55, + "recall": 97.7, + "main_score": 96.93333333333332 + }, + { + "hf_subset": "uig-eng", + "languages": [ + "uig-Arab", + "eng-Latn" + ], + "accuracy": 92.10000000000001, + "f1": 90.07333333333334, + "precision": 89.16166666666668, + "recall": 92.10000000000001, + "main_score": 90.07333333333334 + }, + { + "hf_subset": "rus-eng", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "accuracy": 95.6, + "f1": 94.35, + "precision": 93.75, + "recall": 95.6, + "main_score": 94.35 + }, + { + "hf_subset": "spa-eng", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "accuracy": 98.9, + "f1": 98.53333333333335, + "precision": 98.35000000000001, + "recall": 98.9, + "main_score": 98.53333333333335 + }, + { + "hf_subset": "hye-eng", + "languages": [ + "hye-Armn", + "eng-Latn" + ], + "accuracy": 96.22641509433963, + "f1": 95.14824797843666, + "precision": 94.60916442048517, + "recall": 96.22641509433963, + "main_score": 95.14824797843666 + }, + { + "hf_subset": "tel-eng", + "languages": [ + "tel-Telu", + "eng-Latn" + ], + "accuracy": 93.58974358974359, + "f1": 91.59544159544159, + "precision": 90.66951566951566, + "recall": 93.58974358974359, + "main_score": 91.59544159544159 + }, + { + "hf_subset": "afr-eng", + "languages": [ + "afr-Latn", + "eng-Latn" + ], + "accuracy": 98.1, + "f1": 97.46666666666668, + "precision": 97.15, + "recall": 98.1, + "main_score": 97.46666666666668 + }, + { + "hf_subset": "mon-eng", + "languages": [ + "mon-Cyrl", + "eng-Latn" + ], + "accuracy": 93.4090909090909, + "f1": 91.5909090909091, + "precision": 90.71969696969697, + "recall": 93.4090909090909, + "main_score": 91.5909090909091 + }, + { + "hf_subset": "arz-eng", + "languages": [ + "arz-Arab", + "eng-Latn" + ], + "accuracy": 89.51781970649894, + "f1": 86.76150544075072, + "precision": 85.55206149545772, + "recall": 89.51781970649894, + "main_score": 86.76150544075072 + }, + { + "hf_subset": "hrv-eng", + "languages": [ + "hrv-Latn", + "eng-Latn" + ], + "accuracy": 98.2, + "f1": 97.65, + "precision": 97.38333333333333, + "recall": 98.2, + "main_score": 97.65 + }, + { + "hf_subset": "nov-eng", + "languages": [ + "nov-Latn", + "eng-Latn" + ], + "accuracy": 75.87548638132296, + "f1": 71.24698906800073, + "precision": 69.66572338167668, + "recall": 75.87548638132296, + "main_score": 71.24698906800073 + }, + { + "hf_subset": "gsw-eng", + "languages": [ + "gsw-Latn", + "eng-Latn" + ], + "accuracy": 61.53846153846154, + "f1": 54.83234714003944, + "precision": 52.06552706552707, + "recall": 61.53846153846154, + "main_score": 54.83234714003944 + }, + { + "hf_subset": "nds-eng", + "languages": [ + "nds-Latn", + "eng-Latn" + ], + "accuracy": 59.199999999999996, + "f1": 54.183211233211225, + "precision": 52.48751719986241, + "recall": 59.199999999999996, + "main_score": 54.183211233211225 + }, + { + "hf_subset": "ukr-eng", + "languages": [ + "ukr-Cyrl", + "eng-Latn" + ], + "accuracy": 95.6, + "f1": 94.3, + "precision": 93.65, + "recall": 95.6, + "main_score": 94.3 + }, + { + "hf_subset": "uzb-eng", + "languages": [ + "uzb-Latn", + "eng-Latn" + ], + "accuracy": 87.85046728971963, + "f1": 85.25700934579439, + "precision": 84.09267912772586, + "recall": 87.85046728971963, + "main_score": 85.25700934579439 + }, + { + "hf_subset": "lit-eng", + "languages": [ + "lit-Latn", + "eng-Latn" + ], + "accuracy": 98.0, + "f1": 97.43333333333332, + "precision": 97.15, + "recall": 98.0, + "main_score": 97.43333333333332 + }, + { + "hf_subset": "ina-eng", + "languages": [ + "ina-Latn", + "eng-Latn" + ], + "accuracy": 90.8, + "f1": 88.66055555555555, + "precision": 87.81845238095238, + "recall": 90.8, + "main_score": 88.66055555555555 + }, + { + "hf_subset": "lfn-eng", + "languages": [ + "lfn-Latn", + "eng-Latn" + ], + "accuracy": 70.6, + "f1": 65.538895353013, + "precision": 63.69531394330308, + "recall": 70.6, + "main_score": 65.538895353013 + }, + { + "hf_subset": "zsm-eng", + "languages": [ + "zsm-Latn", + "eng-Latn" + ], + "accuracy": 96.89999999999999, + "f1": 96.06666666666668, + "precision": 95.68333333333334, + "recall": 96.89999999999999, + "main_score": 96.06666666666668 + }, + { + "hf_subset": "ita-eng", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "accuracy": 96.8, + "f1": 95.95, + "precision": 95.55, + "recall": 96.8, + "main_score": 95.95 + }, + { + "hf_subset": "cmn-eng", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "accuracy": 95.19999999999999, + "f1": 93.8, + "precision": 93.13333333333334, + "recall": 95.19999999999999, + "main_score": 93.8 + }, + { + "hf_subset": "lvs-eng", + "languages": [ + "lvs-Latn", + "eng-Latn" + ], + "accuracy": 96.5, + "f1": 95.45, + "precision": 94.93333333333334, + "recall": 96.5, + "main_score": 95.45 + }, + { + "hf_subset": "glg-eng", + "languages": [ + "glg-Latn", + "eng-Latn" + ], + "accuracy": 97.89999999999999, + "f1": 97.28333333333332, + "precision": 96.98333333333333, + "recall": 97.89999999999999, + "main_score": 97.28333333333332 + }, + { + "hf_subset": "ceb-eng", + "languages": [ + "ceb-Latn", + "eng-Latn" + ], + "accuracy": 78.16666666666666, + "f1": 74.67336721249764, + "precision": 73.26035353535354, + "recall": 78.16666666666666, + "main_score": 74.67336721249764 + }, + { + "hf_subset": "bre-eng", + "languages": [ + "bre-Latn", + "eng-Latn" + ], + "accuracy": 11.200000000000001, + "f1": 8.48123815073815, + "precision": 7.843657708032708, + "recall": 11.200000000000001, + "main_score": 8.48123815073815 + }, + { + "hf_subset": "ben-eng", + "languages": [ + "ben-Beng", + "eng-Latn" + ], + "accuracy": 91.3, + "f1": 89.02333333333333, + "precision": 87.97500000000001, + "recall": 91.3, + "main_score": 89.02333333333333 + }, + { + "hf_subset": "swg-eng", + "languages": [ + "swg-Latn", + "eng-Latn" + ], + "accuracy": 72.32142857142857, + "f1": 67.69209956709956, + "precision": 66.19047619047619, + "recall": 72.32142857142857, + "main_score": 67.69209956709956 + }, + { + "hf_subset": "arq-eng", + "languages": [ + "arq-Arab", + "eng-Latn" + ], + "accuracy": 79.69264544456641, + "f1": 75.40693115885212, + "precision": 73.67544822539335, + "recall": 79.69264544456641, + "main_score": 75.40693115885212 + }, + { + "hf_subset": "kab-eng", + "languages": [ + "kab-Latn", + "eng-Latn" + ], + "accuracy": 86.8, + "f1": 83.65666666666667, + "precision": 82.24833333333333, + "recall": 86.8, + "main_score": 83.65666666666667 + }, + { + "hf_subset": "fra-eng", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "accuracy": 96.39999999999999, + "f1": 95.36666666666666, + "precision": 94.86666666666666, + "recall": 96.39999999999999, + "main_score": 95.36666666666666 + }, + { + "hf_subset": "por-eng", + "languages": [ + "por-Latn", + "eng-Latn" + ], + "accuracy": 96.3, + "f1": 95.49, + "precision": 95.10833333333333, + "recall": 96.3, + "main_score": 95.49 + }, + { + "hf_subset": "tat-eng", + "languages": [ + "tat-Cyrl", + "eng-Latn" + ], + "accuracy": 89.60000000000001, + "f1": 87.04746031746032, + "precision": 85.89583333333333, + "recall": 89.60000000000001, + "main_score": 87.04746031746032 + }, + { + "hf_subset": "oci-eng", + "languages": [ + "oci-Latn", + "eng-Latn" + ], + "accuracy": 86.9, + "f1": 84.57088023088022, + "precision": 83.6475, + "recall": 86.9, + "main_score": 84.57088023088022 + }, + { + "hf_subset": "pol-eng", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "accuracy": 98.2, + "f1": 97.7, + "precision": 97.46666666666668, + "recall": 98.2, + "main_score": 97.7 + }, + { + "hf_subset": "war-eng", + "languages": [ + "war-Latn", + "eng-Latn" + ], + "accuracy": 85.39999999999999, + "f1": 82.83333333333333, + "precision": 81.80137426900586, + "recall": 85.39999999999999, + "main_score": 82.83333333333333 + }, + { + "hf_subset": "aze-eng", + "languages": [ + "aze-Latn", + "eng-Latn" + ], + "accuracy": 91.4, + "f1": 89.11999999999999, + "precision": 88.12777777777778, + "recall": 91.4, + "main_score": 89.11999999999999 + }, + { + "hf_subset": "vie-eng", + "languages": [ + "vie-Latn", + "eng-Latn" + ], + "accuracy": 97.8, + "f1": 97.16666666666669, + "precision": 96.85000000000001, + "recall": 97.8, + "main_score": 97.16666666666669 + }, + { + "hf_subset": "nno-eng", + "languages": [ + "nno-Latn", + "eng-Latn" + ], + "accuracy": 97.89999999999999, + "f1": 97.30666666666666, + "precision": 97.02499999999999, + "recall": 97.89999999999999, + "main_score": 97.30666666666666 + }, + { + "hf_subset": "cha-eng", + "languages": [ + "cha-Latn", + "eng-Latn" + ], + "accuracy": 27.00729927007299, + "f1": 25.114895917815623, + "precision": 24.602283361407448, + "recall": 27.00729927007299, + "main_score": 25.114895917815623 + }, + { + "hf_subset": "mhr-eng", + "languages": [ + "mhr-Cyrl", + "eng-Latn" + ], + "accuracy": 14.099999999999998, + "f1": 11.869284007509814, + "precision": 11.199695454818405, + "recall": 14.099999999999998, + "main_score": 11.869284007509814 + }, + { + "hf_subset": "dan-eng", + "languages": [ + "dan-Latn", + "eng-Latn" + ], + "accuracy": 97.7, + "f1": 97.09, + "precision": 96.80833333333332, + "recall": 97.7, + "main_score": 97.09 + }, + { + "hf_subset": "ell-eng", + "languages": [ + "ell-Grek", + "eng-Latn" + ], + "accuracy": 96.5, + "f1": 95.47333333333333, + "precision": 94.975, + "recall": 96.5, + "main_score": 95.47333333333333 + }, + { + "hf_subset": "amh-eng", + "languages": [ + "amh-Ethi", + "eng-Latn" + ], + "accuracy": 93.45238095238095, + "f1": 91.66666666666666, + "precision": 90.77380952380952, + "recall": 93.45238095238095, + "main_score": 91.66666666666666 + }, + { + "hf_subset": "pam-eng", + "languages": [ + "pam-Latn", + "eng-Latn" + ], + "accuracy": 11.899999999999999, + "f1": 10.303261315113037, + "precision": 9.902986584515606, + "recall": 11.899999999999999, + "main_score": 10.303261315113037 + }, + { + "hf_subset": "hsb-eng", + "languages": [ + "hsb-Latn", + "eng-Latn" + ], + "accuracy": 81.57349896480332, + "f1": 77.86519438693352, + "precision": 76.35595081247254, + "recall": 81.57349896480332, + "main_score": 77.86519438693352 + }, + { + "hf_subset": "srp-eng", + "languages": [ + "srp-Cyrl", + "eng-Latn" + ], + "accuracy": 96.1, + "f1": 94.86666666666667, + "precision": 94.25, + "recall": 96.1, + "main_score": 94.86666666666667 + }, + { + "hf_subset": "epo-eng", + "languages": [ + "epo-Latn", + "eng-Latn" + ], + "accuracy": 98.8, + "f1": 98.46666666666667, + "precision": 98.3, + "recall": 98.8, + "main_score": 98.46666666666667 + }, + { + "hf_subset": "kzj-eng", + "languages": [ + "kzj-Latn", + "eng-Latn" + ], + "accuracy": 10.7, + "f1": 8.621683883854935, + "precision": 8.188292731521031, + "recall": 10.7, + "main_score": 8.621683883854935 + }, + { + "hf_subset": "awa-eng", + "languages": [ + "awa-Deva", + "eng-Latn" + ], + "accuracy": 90.47619047619048, + "f1": 87.8581735724593, + "precision": 86.72438672438673, + "recall": 90.47619047619048, + "main_score": 87.8581735724593 + }, + { + "hf_subset": "fao-eng", + "languages": [ + "fao-Latn", + "eng-Latn" + ], + "accuracy": 95.0381679389313, + "f1": 93.60050890585242, + "precision": 92.970737913486, + "recall": 95.0381679389313, + "main_score": 93.60050890585242 + }, + { + "hf_subset": "mal-eng", + "languages": [ + "mal-Mlym", + "eng-Latn" + ], + "accuracy": 98.2532751091703, + "f1": 97.67103347889375, + "precision": 97.37991266375546, + "recall": 98.2532751091703, + "main_score": 97.67103347889375 + }, + { + "hf_subset": "ile-eng", + "languages": [ + "ile-Latn", + "eng-Latn" + ], + "accuracy": 84.6, + "f1": 80.99904761904763, + "precision": 79.54634920634919, + "recall": 84.6, + "main_score": 80.99904761904763 + }, + { + "hf_subset": "bos-eng", + "languages": [ + "bos-Latn", + "eng-Latn" + ], + "accuracy": 96.89265536723164, + "f1": 95.90395480225989, + "precision": 95.4331450094162, + "recall": 96.89265536723164, + "main_score": 95.90395480225989 + }, + { + "hf_subset": "cor-eng", + "languages": [ + "cor-Latn", + "eng-Latn" + ], + "accuracy": 12.6, + "f1": 9.981918087824628, + "precision": 9.326319147606549, + "recall": 12.6, + "main_score": 9.981918087824628 + }, + { + "hf_subset": "cat-eng", + "languages": [ + "cat-Latn", + "eng-Latn" + ], + "accuracy": 97.39999999999999, + "f1": 96.65, + "precision": 96.28333333333333, + "recall": 97.39999999999999, + "main_score": 96.65 + }, + { + "hf_subset": "eus-eng", + "languages": [ + "eus-Latn", + "eng-Latn" + ], + "accuracy": 96.5, + "f1": 95.38333333333333, + "precision": 94.83333333333333, + "recall": 96.5, + "main_score": 95.38333333333333 + }, + { + "hf_subset": "yue-eng", + "languages": [ + "yue-Hant", + "eng-Latn" + ], + "accuracy": 90.8, + "f1": 88.43666666666665, + "precision": 87.395, + "recall": 90.8, + "main_score": 88.43666666666665 + }, + { + "hf_subset": "swe-eng", + "languages": [ + "swe-Latn", + "eng-Latn" + ], + "accuracy": 97.7, + "f1": 97.03333333333333, + "precision": 96.71666666666667, + "recall": 97.7, + "main_score": 97.03333333333333 + }, + { + "hf_subset": "dtp-eng", + "languages": [ + "dtp-Latn", + "eng-Latn" + ], + "accuracy": 9.4, + "f1": 7.946889105220061, + "precision": 7.665059865752875, + "recall": 9.4, + "main_score": 7.946889105220061 + }, + { + "hf_subset": "kat-eng", + "languages": [ + "kat-Geor", + "eng-Latn" + ], + "accuracy": 95.04021447721179, + "f1": 93.68632707774799, + "precision": 93.08534405719392, + "recall": 95.04021447721179, + "main_score": 93.68632707774799 + }, + { + "hf_subset": "jpn-eng", + "languages": [ + "jpn-Jpan", + "eng-Latn" + ], + "accuracy": 95.89999999999999, + "f1": 94.66666666666667, + "precision": 94.08333333333334, + "recall": 95.89999999999999, + "main_score": 94.66666666666667 + }, + { + "hf_subset": "csb-eng", + "languages": [ + "csb-Latn", + "eng-Latn" + ], + "accuracy": 82.6086956521739, + "f1": 77.98418972332016, + "precision": 75.96837944664031, + "recall": 82.6086956521739, + "main_score": 77.98418972332016 + }, + { + "hf_subset": "xho-eng", + "languages": [ + "xho-Latn", + "eng-Latn" + ], + "accuracy": 95.77464788732394, + "f1": 94.8356807511737, + "precision": 94.36619718309859, + "recall": 95.77464788732394, + "main_score": 94.8356807511737 + }, + { + "hf_subset": "orv-eng", + "languages": [ + "orv-Cyrl", + "eng-Latn" + ], + "accuracy": 53.17365269461077, + "f1": 47.07043056743655, + "precision": 45.161363241830784, + "recall": 53.17365269461077, + "main_score": 47.07043056743655 + }, + { + "hf_subset": "ind-eng", + "languages": [ + "ind-Latn", + "eng-Latn" + ], + "accuracy": 95.5, + "f1": 94.5, + "precision": 94.03333333333333, + "recall": 95.5, + "main_score": 94.5 + }, + { + "hf_subset": "tuk-eng", + "languages": [ + "tuk-Latn", + "eng-Latn" + ], + "accuracy": 93.59605911330048, + "f1": 91.82266009852216, + "precision": 91.09195402298852, + "recall": 93.59605911330048, + "main_score": 91.82266009852216 + }, + { + "hf_subset": "max-eng", + "languages": [ + "max-Deva", + "eng-Latn" + ], + "accuracy": 76.40845070422534, + "f1": 72.73082942097027, + "precision": 71.46686939820742, + "recall": 76.40845070422534, + "main_score": 72.73082942097027 + }, + { + "hf_subset": "swh-eng", + "languages": [ + "swh-Latn", + "eng-Latn" + ], + "accuracy": 93.58974358974359, + "f1": 91.98290598290598, + "precision": 91.3119658119658, + "recall": 93.58974358974359, + "main_score": 91.98290598290598 + }, + { + "hf_subset": "hin-eng", + "languages": [ + "hin-Deva", + "eng-Latn" + ], + "accuracy": 97.8, + "f1": 97.06666666666668, + "precision": 96.7, + "recall": 97.8, + "main_score": 97.06666666666668 + }, + { + "hf_subset": "dsb-eng", + "languages": [ + "dsb-Latn", + "eng-Latn" + ], + "accuracy": 68.89352818371609, + "f1": 64.47860652453555, + "precision": 62.878651918592574, + "recall": 68.89352818371609, + "main_score": 64.47860652453555 + }, + { + "hf_subset": "ber-eng", + "languages": [ + "ber-Tfng", + "eng-Latn" + ], + "accuracy": 33.800000000000004, + "f1": 29.290774344112368, + "precision": 28.066016735704647, + "recall": 33.800000000000004, + "main_score": 29.290774344112368 + }, + { + "hf_subset": "tam-eng", + "languages": [ + "tam-Taml", + "eng-Latn" + ], + "accuracy": 90.22801302931596, + "f1": 88.07817589576547, + "precision": 87.171552660152, + "recall": 90.22801302931596, + "main_score": 88.07817589576547 + }, + { + "hf_subset": "slk-eng", + "languages": [ + "slk-Latn", + "eng-Latn" + ], + "accuracy": 98.2, + "f1": 97.63333333333334, + "precision": 97.36666666666667, + "recall": 98.2, + "main_score": 97.63333333333334 + }, + { + "hf_subset": "tgl-eng", + "languages": [ + "tgl-Latn", + "eng-Latn" + ], + "accuracy": 97.7, + "f1": 96.95, + "precision": 96.58333333333331, + "recall": 97.7, + "main_score": 96.95 + }, + { + "hf_subset": "ast-eng", + "languages": [ + "ast-Latn", + "eng-Latn" + ], + "accuracy": 92.91338582677166, + "f1": 90.81364829396327, + "precision": 89.89501312335958, + "recall": 92.91338582677166, + "main_score": 90.81364829396327 + }, + { + "hf_subset": "mkd-eng", + "languages": [ + "mkd-Cyrl", + "eng-Latn" + ], + "accuracy": 96.89999999999999, + "f1": 95.98333333333332, + "precision": 95.56666666666668, + "recall": 96.89999999999999, + "main_score": 95.98333333333332 + }, + { + "hf_subset": "khm-eng", + "languages": [ + "khm-Khmr", + "eng-Latn" + ], + "accuracy": 74.51523545706371, + "f1": 70.20346919931407, + "precision": 68.6389565788895, + "recall": 74.51523545706371, + "main_score": 70.20346919931407 + }, + { + "hf_subset": "ces-eng", + "languages": [ + "ces-Latn", + "eng-Latn" + ], + "accuracy": 97.6, + "f1": 96.88333333333333, + "precision": 96.53333333333333, + "recall": 97.6, + "main_score": 96.88333333333333 + }, + { + "hf_subset": "tzl-eng", + "languages": [ + "tzl-Latn", + "eng-Latn" + ], + "accuracy": 46.15384615384615, + "f1": 39.47885447885448, + "precision": 37.301528599605525, + "recall": 46.15384615384615, + "main_score": 39.47885447885448 + }, + { + "hf_subset": "urd-eng", + "languages": [ + "urd-Arab", + "eng-Latn" + ], + "accuracy": 94.69999999999999, + "f1": 93.16666666666667, + "precision": 92.41666666666667, + "recall": 94.69999999999999, + "main_score": 93.16666666666667 + }, + { + "hf_subset": "ara-eng", + "languages": [ + "ara-Arab", + "eng-Latn" + ], + "accuracy": 95.19999999999999, + "f1": 93.83333333333333, + "precision": 93.16666666666667, + "recall": 95.19999999999999, + "main_score": 93.83333333333333 + }, + { + "hf_subset": "kor-eng", + "languages": [ + "kor-Hang", + "eng-Latn" + ], + "accuracy": 92.0, + "f1": 89.98666666666666, + "precision": 89.09166666666667, + "recall": 92.0, + "main_score": 89.98666666666666 + }, + { + "hf_subset": "yid-eng", + "languages": [ + "yid-Hebr", + "eng-Latn" + ], + "accuracy": 95.51886792452831, + "f1": 94.3003144654088, + "precision": 93.75, + "recall": 95.51886792452831, + "main_score": 94.3003144654088 + }, + { + "hf_subset": "fin-eng", + "languages": [ + "fin-Latn", + "eng-Latn" + ], + "accuracy": 98.2, + "f1": 97.83333333333333, + "precision": 97.65, + "recall": 98.2, + "main_score": 97.83333333333333 + }, + { + "hf_subset": "tha-eng", + "languages": [ + "tha-Thai", + "eng-Latn" + ], + "accuracy": 96.8978102189781, + "f1": 96.04622871046227, + "precision": 95.62043795620438, + "recall": 96.8978102189781, + "main_score": 96.04622871046227 + }, + { + "hf_subset": "wuu-eng", + "languages": [ + "wuu-Hans", + "eng-Latn" + ], + "accuracy": 85.1, + "f1": 81.78564213564214, + "precision": 80.46416666666667, + "recall": 85.1, + "main_score": 81.78564213564214 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/TenKGnadClusteringP2P.json b/results/facebook__SONAR/external/TenKGnadClusteringP2P.json new file mode 100644 index 000000000..0d22db62b --- /dev/null +++ b/results/facebook__SONAR/external/TenKGnadClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "5c59e41555244b7e45c9a6be2d720ab4bafae558", + "task_name": "TenKGnadClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "deu-Latn" + ], + "v_measure": 21.827519839402644, + "main_score": 21.827519839402644 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/TenKGnadClusteringS2S.json b/results/facebook__SONAR/external/TenKGnadClusteringS2S.json new file mode 100644 index 000000000..2038e36cb --- /dev/null +++ b/results/facebook__SONAR/external/TenKGnadClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cddbe003f12b9b140aec477b583ac4191f01786", + "task_name": "TenKGnadClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "deu-Latn" + ], + "v_measure": 27.160188241713684, + "main_score": 27.160188241713684 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/ThuNewsClusteringP2P.json b/results/facebook__SONAR/external/ThuNewsClusteringP2P.json new file mode 100644 index 000000000..f5f49bb51 --- /dev/null +++ b/results/facebook__SONAR/external/ThuNewsClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "5798586b105c0434e4f0fe5e767abe619442cf93", + "task_name": "ThuNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 38.54459276932986, + "main_score": 38.54459276932986 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/ThuNewsClusteringS2S.json b/results/facebook__SONAR/external/ThuNewsClusteringS2S.json new file mode 100644 index 000000000..4e3948260 --- /dev/null +++ b/results/facebook__SONAR/external/ThuNewsClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "8a8b2caeda43f39e13c4bc5bea0f8a667896e10d", + "task_name": "ThuNewsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 43.4460576234314, + "main_score": 43.4460576234314 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/Touche2020.json b/results/facebook__SONAR/external/Touche2020.json new file mode 100644 index 000000000..a8763d4d4 --- /dev/null +++ b/results/facebook__SONAR/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.20500000000000002, + "map_at_10": 0.391, + "map_at_100": 0.612, + "map_at_1000": 0.645, + "map_at_3": 0.302, + "map_at_5": 0.383, + "mrr_at_1": 4.082, + "mrr_at_10": 5.612, + "mrr_at_100": 6.822, + "mrr_at_1000": 6.929, + "mrr_at_3": 4.082, + "mrr_at_5": 5.408, + "ndcg_at_1": 4.082, + "ndcg_at_10": 1.6840000000000002, + "ndcg_at_100": 2.876, + "ndcg_at_1000": 4.114, + "ndcg_at_3": 2.52, + "ndcg_at_5": 2.3720000000000003, + "precision_at_1": 4.082, + "precision_at_10": 1.429, + "precision_at_100": 0.755, + "precision_at_1000": 0.18, + "precision_at_3": 2.041, + "precision_at_5": 2.4490000000000003, + "recall_at_1": 0.20500000000000002, + "recall_at_10": 0.761, + "recall_at_100": 4.423, + "recall_at_1000": 9.044, + "recall_at_3": 0.302, + "recall_at_5": 0.683, + "main_score": 1.6840000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/ToxicConversationsClassification.json b/results/facebook__SONAR/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..e566f00b4 --- /dev/null +++ b/results/facebook__SONAR/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 67.28359999999999, + "ap": 12.424592214862038, + "f1": 51.53630450055703, + "main_score": 67.28359999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/TweetSentimentExtractionClassification.json b/results/facebook__SONAR/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..8c741563d --- /dev/null +++ b/results/facebook__SONAR/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 56.23372948500284, + "f1": 56.440924587214234, + "main_score": 56.23372948500284 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/TwentyNewsgroupsClustering.json b/results/facebook__SONAR/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..5a56fa434 --- /dev/null +++ b/results/facebook__SONAR/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 24.410059815620116, + "main_score": 24.410059815620116 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/TwitterSemEval2015.json b/results/facebook__SONAR/external/TwitterSemEval2015.json new file mode 100644 index 000000000..0e56e618e --- /dev/null +++ b/results/facebook__SONAR/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 80.3302139834297, + "cos_sim_ap": 53.57723069745093, + "cos_sim_f1": 51.58639580004565, + "cos_sim_precision": 45.45454545454545, + "cos_sim_recall": 59.63060686015831, + "dot_accuracy": 80.3302139834297, + "dot_ap": 53.57723006705641, + "dot_f1": 51.58639580004565, + "dot_precision": 45.45454545454545, + "dot_recall": 59.63060686015831, + "euclidean_accuracy": 80.3302139834297, + "euclidean_ap": 53.57723050286929, + "euclidean_f1": 51.58639580004565, + "euclidean_precision": 45.45454545454545, + "euclidean_recall": 59.63060686015831, + "manhattan_accuracy": 80.31233235977827, + "manhattan_ap": 53.44943961562638, + "manhattan_f1": 51.24183006535947, + "manhattan_precision": 43.63636363636363, + "manhattan_recall": 62.05804749340369, + "max_accuracy": 80.3302139834297, + "max_ap": 53.57723069745093, + "max_f1": 51.58639580004565, + "main_score": 53.57723069745093 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/TwitterURLCorpus.json b/results/facebook__SONAR/external/TwitterURLCorpus.json new file mode 100644 index 000000000..570db3dfc --- /dev/null +++ b/results/facebook__SONAR/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 87.45876508712695, + "cos_sim_ap": 83.5320716566614, + "cos_sim_f1": 75.54560716284276, + "cos_sim_precision": 73.27929362379678, + "cos_sim_recall": 77.95657530027718, + "dot_accuracy": 87.45876508712695, + "dot_ap": 83.53209944887666, + "dot_f1": 75.54560716284276, + "dot_precision": 73.27929362379678, + "dot_recall": 77.95657530027718, + "euclidean_accuracy": 87.45876508712695, + "euclidean_ap": 83.53205938307582, + "euclidean_f1": 75.54560716284276, + "euclidean_precision": 73.27929362379678, + "euclidean_recall": 77.95657530027718, + "manhattan_accuracy": 87.52280048123569, + "manhattan_ap": 83.4884324728773, + "manhattan_f1": 75.43366677906411, + "manhattan_precision": 73.46566445303948, + "manhattan_recall": 77.51000923929782, + "max_accuracy": 87.52280048123569, + "max_ap": 83.53209944887666, + "max_f1": 75.54560716284276, + "main_score": 83.53209944887666 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/VideoRetrieval.json b/results/facebook__SONAR/external/VideoRetrieval.json new file mode 100644 index 000000000..ae7745377 --- /dev/null +++ b/results/facebook__SONAR/external/VideoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "58c2597a5943a2ba48f4668c3b90d796283c5639", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 13.100000000000001, + "map_at_10": 15.620000000000001, + "map_at_100": 15.928, + "map_at_1000": 15.976, + "map_at_3": 14.817, + "map_at_5": 15.322, + "mrr_at_1": 13.0, + "mrr_at_10": 15.57, + "mrr_at_100": 15.878, + "mrr_at_1000": 15.926000000000002, + "mrr_at_3": 14.767, + "mrr_at_5": 15.272, + "ndcg_at_1": 13.100000000000001, + "ndcg_at_10": 17.05, + "ndcg_at_100": 18.801000000000002, + "ndcg_at_1000": 20.436, + "ndcg_at_3": 15.425, + "ndcg_at_5": 16.333000000000002, + "precision_at_1": 13.100000000000001, + "precision_at_10": 2.16, + "precision_at_100": 0.304, + "precision_at_1000": 0.044000000000000004, + "precision_at_3": 5.733, + "precision_at_5": 3.88, + "recall_at_1": 13.100000000000001, + "recall_at_10": 21.6, + "recall_at_100": 30.4, + "recall_at_1000": 44.1, + "recall_at_3": 17.2, + "recall_at_5": 19.400000000000002, + "main_score": 17.05 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/Waimai.json b/results/facebook__SONAR/external/Waimai.json new file mode 100644 index 000000000..5629f4d36 --- /dev/null +++ b/results/facebook__SONAR/external/Waimai.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "339287def212450dcaa9df8c22bf93e9980c7023", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 76.12, + "ap": 54.1619589378045, + "f1": 74.32372858884229, + "main_score": 76.12 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/WikiCitiesClustering.json b/results/facebook__SONAR/external/WikiCitiesClustering.json new file mode 100644 index 000000000..d4c55a58a --- /dev/null +++ b/results/facebook__SONAR/external/WikiCitiesClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "ddc9ee9242fa65332597f70e967ecc38b9d734fa", + "task_name": "WikiCitiesClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 50.71744674029636, + "main_score": 50.71744674029636 + } + ] + } +} \ No newline at end of file diff --git a/results/facebook__SONAR/external/model_meta.json b/results/facebook__SONAR/external/model_meta.json new file mode 100644 index 000000000..15c1c6dfa --- /dev/null +++ b/results/facebook__SONAR/external/model_meta.json @@ -0,0 +1,20 @@ +{ + "name": "facebook/SONAR", + "revision": "a551c586dcf4a49c8fd847de369412d556a7f2f2", + "release_date": "2023-08-17", + "languages": [], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": null, + "embed_dim": null, + "license": "cc-by-nc-4.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/fangxq__XYZ-embedding-zh-v2/external/AFQMC.json b/results/fangxq__XYZ-embedding-zh-v2/external/AFQMC.json new file mode 100644 index 000000000..7761aedfe --- /dev/null +++ b/results/fangxq__XYZ-embedding-zh-v2/external/AFQMC.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "None", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 55.51799059309076, + "cos_sim_spearman": 58.407433584137806, + "manhattan_pearson": 57.17473672145622, + "manhattan_spearman": 58.389018054159955, + "euclidean_pearson": 57.19483956761451, + "euclidean_spearman": 58.407433584137806, + "main_score": 58.407433584137806 + } + ] + } +} \ No newline at end of file diff --git a/results/fangxq__XYZ-embedding-zh-v2/external/ATEC.json b/results/fangxq__XYZ-embedding-zh-v2/external/ATEC.json new file mode 100644 index 000000000..aa17ea73a --- /dev/null +++ b/results/fangxq__XYZ-embedding-zh-v2/external/ATEC.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "None", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 57.31078155367183, + "cos_sim_spearman": 57.59782762324478, + "manhattan_pearson": 62.525487007985035, + "manhattan_spearman": 57.591139966303615, + "euclidean_pearson": 62.53702437760052, + "euclidean_spearman": 57.597828749091384, + "main_score": 57.59782762324478 + } + ] + } +} \ No newline at end of file diff --git a/results/fangxq__XYZ-embedding-zh-v2/external/AmazonReviewsClassification.json b/results/fangxq__XYZ-embedding-zh-v2/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..cf007bcc4 --- /dev/null +++ b/results/fangxq__XYZ-embedding-zh-v2/external/AmazonReviewsClassification.json @@ -0,0 +1,21 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 49.374, + "accuracy_stderr": 1.436636349254743, + "f1": 47.115240601017774, + "f1_stderr": 1.5642799356594534, + "main_score": 49.374 + } + ] + } +} \ No newline at end of file diff --git a/results/fangxq__XYZ-embedding-zh-v2/external/BQ.json b/results/fangxq__XYZ-embedding-zh-v2/external/BQ.json new file mode 100644 index 000000000..64c65668d --- /dev/null +++ b/results/fangxq__XYZ-embedding-zh-v2/external/BQ.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "None", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 71.49514309404829, + "cos_sim_spearman": 72.66161713021279, + "manhattan_pearson": 71.03443640254005, + "manhattan_spearman": 72.63439621980275, + "euclidean_pearson": 71.06830370642658, + "euclidean_spearman": 72.66161713043078, + "main_score": 72.66161713021279 + } + ] + } +} \ No newline at end of file diff --git a/results/fangxq__XYZ-embedding-zh-v2/external/CLSClusteringP2P.json b/results/fangxq__XYZ-embedding-zh-v2/external/CLSClusteringP2P.json new file mode 100644 index 000000000..30b53123b --- /dev/null +++ b/results/fangxq__XYZ-embedding-zh-v2/external/CLSClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 57.237692641281, + "v_measure_std": 1.2777768354339174, + "main_score": 57.237692641281 + } + ] + } +} \ No newline at end of file diff --git a/results/fangxq__XYZ-embedding-zh-v2/external/CLSClusteringS2S.json b/results/fangxq__XYZ-embedding-zh-v2/external/CLSClusteringS2S.json new file mode 100644 index 000000000..ed15985f4 --- /dev/null +++ b/results/fangxq__XYZ-embedding-zh-v2/external/CLSClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 48.41686666939331, + "v_measure_std": 1.7663118461900793, + "main_score": 48.41686666939331 + } + ] + } +} \ No newline at end of file diff --git a/results/fangxq__XYZ-embedding-zh-v2/external/CmedqaRetrieval.json b/results/fangxq__XYZ-embedding-zh-v2/external/CmedqaRetrieval.json new file mode 100644 index 000000000..23f7ec594 --- /dev/null +++ b/results/fangxq__XYZ-embedding-zh-v2/external/CmedqaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 27.796, + "map_at_10": 41.498000000000005, + "map_at_100": 43.332, + "map_at_1000": 43.429, + "map_at_3": 37.172, + "map_at_5": 39.617000000000004, + "mrr_at_1": 42.111, + "mrr_at_10": 50.726000000000006, + "mrr_at_100": 51.632, + "mrr_at_1000": 51.67, + "mrr_at_3": 48.429, + "mrr_at_5": 49.662, + "ndcg_at_1": 42.111, + "ndcg_at_10": 48.294, + "ndcg_at_100": 55.135999999999996, + "ndcg_at_1000": 56.818000000000005, + "ndcg_at_3": 43.185, + "ndcg_at_5": 45.266, + "precision_at_1": 42.111, + "precision_at_10": 10.635, + "precision_at_100": 1.619, + "precision_at_1000": 0.183, + "precision_at_3": 24.539, + "precision_at_5": 17.644000000000002, + "recall_at_1": 27.796, + "recall_at_10": 59.034, + "recall_at_100": 86.991, + "recall_at_1000": 98.304, + "recall_at_3": 43.356, + "recall_at_5": 49.998, + "main_score": 48.294 + } + ] + } +} \ No newline at end of file diff --git a/results/fangxq__XYZ-embedding-zh-v2/external/Cmnli.json b/results/fangxq__XYZ-embedding-zh-v2/external/Cmnli.json new file mode 100644 index 000000000..a6953a13a --- /dev/null +++ b/results/fangxq__XYZ-embedding-zh-v2/external/Cmnli.json @@ -0,0 +1,48 @@ +{ + "dataset_revision": "None", + "task_name": "Cmnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 82.8983764281419, + "cos_sim_accuracy_threshold": 56.05731010437012, + "cos_sim_ap": 90.23156362696572, + "cos_sim_f1": 83.83207278307574, + "cos_sim_f1_threshold": 52.05453634262085, + "cos_sim_precision": 78.91044160132068, + "cos_sim_recall": 89.40846387654898, + "dot_accuracy": 82.8983764281419, + "dot_accuracy_threshold": 56.05730414390564, + "dot_ap": 90.20952356258861, + "dot_f1": 83.83207278307574, + "dot_f1_threshold": 52.054524421691895, + "dot_precision": 78.91044160132068, + "dot_recall": 89.40846387654898, + "euclidean_accuracy": 82.8983764281419, + "euclidean_accuracy_threshold": 93.74719858169556, + "euclidean_ap": 90.23156283510565, + "euclidean_f1": 83.83207278307574, + "euclidean_f1_threshold": 97.92392253875732, + "euclidean_precision": 78.91044160132068, + "euclidean_recall": 89.40846387654898, + "manhattan_accuracy": 82.85027059530968, + "manhattan_accuracy_threshold": 3164.584159851074, + "manhattan_ap": 90.23178004516869, + "manhattan_f1": 83.82157123834887, + "manhattan_f1_threshold": 3273.5992431640625, + "manhattan_precision": 79.76768743400211, + "manhattan_recall": 88.30956277764788, + "max_accuracy": 82.8983764281419, + "max_ap": 90.23178004516869, + "max_f1": 83.83207278307574, + "main_score": 82.8983764281419 + } + ] + } +} \ No newline at end of file diff --git a/results/fangxq__XYZ-embedding-zh-v2/external/CovidRetrieval.json b/results/fangxq__XYZ-embedding-zh-v2/external/CovidRetrieval.json new file mode 100644 index 000000000..6dc56c518 --- /dev/null +++ b/results/fangxq__XYZ-embedding-zh-v2/external/CovidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 80.479, + "map_at_10": 87.984, + "map_at_100": 88.036, + "map_at_1000": 88.03699999999999, + "map_at_3": 87.083, + "map_at_5": 87.694, + "mrr_at_1": 80.927, + "mrr_at_10": 88.046, + "mrr_at_100": 88.099, + "mrr_at_1000": 88.1, + "mrr_at_3": 87.215, + "mrr_at_5": 87.768, + "ndcg_at_1": 80.927, + "ndcg_at_10": 90.756, + "ndcg_at_100": 90.96, + "ndcg_at_1000": 90.975, + "ndcg_at_3": 89.032, + "ndcg_at_5": 90.106, + "precision_at_1": 80.927, + "precision_at_10": 10.011000000000001, + "precision_at_100": 1.009, + "precision_at_1000": 0.101, + "precision_at_3": 31.752999999999997, + "precision_at_5": 19.6, + "recall_at_1": 80.479, + "recall_at_10": 99.05199999999999, + "recall_at_100": 99.895, + "recall_at_1000": 100.0, + "recall_at_3": 94.494, + "recall_at_5": 97.102, + "main_score": 90.756 + } + ] + } +} \ No newline at end of file diff --git a/results/fangxq__XYZ-embedding-zh-v2/external/DuRetrieval.json b/results/fangxq__XYZ-embedding-zh-v2/external/DuRetrieval.json new file mode 100644 index 000000000..125cc11e7 --- /dev/null +++ b/results/fangxq__XYZ-embedding-zh-v2/external/DuRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 27.853, + "map_at_10": 85.13199999999999, + "map_at_100": 87.688, + "map_at_1000": 87.712, + "map_at_3": 59.705, + "map_at_5": 75.139, + "mrr_at_1": 93.65, + "mrr_at_10": 95.682, + "mrr_at_100": 95.722, + "mrr_at_1000": 95.724, + "mrr_at_3": 95.467, + "mrr_at_5": 95.612, + "ndcg_at_1": 93.65, + "ndcg_at_10": 91.155, + "ndcg_at_100": 93.183, + "ndcg_at_1000": 93.38499999999999, + "ndcg_at_3": 90.648, + "ndcg_at_5": 89.47699999999999, + "precision_at_1": 93.65, + "precision_at_10": 43.11, + "precision_at_100": 4.854, + "precision_at_1000": 0.49100000000000005, + "precision_at_3": 81.11699999999999, + "precision_at_5": 68.28999999999999, + "recall_at_1": 27.853, + "recall_at_10": 91.678, + "recall_at_100": 98.553, + "recall_at_1000": 99.553, + "recall_at_3": 61.381, + "recall_at_5": 78.605, + "main_score": 91.155 + } + ] + } +} \ No newline at end of file diff --git a/results/fangxq__XYZ-embedding-zh-v2/external/EcomRetrieval.json b/results/fangxq__XYZ-embedding-zh-v2/external/EcomRetrieval.json new file mode 100644 index 000000000..92370f5e0 --- /dev/null +++ b/results/fangxq__XYZ-embedding-zh-v2/external/EcomRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 54.50000000000001, + "map_at_10": 65.167, + "map_at_100": 65.664, + "map_at_1000": 65.67399999999999, + "map_at_3": 62.633, + "map_at_5": 64.208, + "mrr_at_1": 54.50000000000001, + "mrr_at_10": 65.167, + "mrr_at_100": 65.664, + "mrr_at_1000": 65.67399999999999, + "mrr_at_3": 62.633, + "mrr_at_5": 64.208, + "ndcg_at_1": 54.50000000000001, + "ndcg_at_10": 70.294, + "ndcg_at_100": 72.564, + "ndcg_at_1000": 72.841, + "ndcg_at_3": 65.128, + "ndcg_at_5": 67.96799999999999, + "precision_at_1": 54.50000000000001, + "precision_at_10": 8.64, + "precision_at_100": 0.967, + "precision_at_1000": 0.099, + "precision_at_3": 24.099999999999998, + "precision_at_5": 15.840000000000002, + "recall_at_1": 54.50000000000001, + "recall_at_10": 86.4, + "recall_at_100": 96.7, + "recall_at_1000": 98.9, + "recall_at_3": 72.3, + "recall_at_5": 79.2, + "main_score": 70.294 + } + ] + } +} \ No newline at end of file diff --git a/results/fangxq__XYZ-embedding-zh-v2/external/IFlyTek.json b/results/fangxq__XYZ-embedding-zh-v2/external/IFlyTek.json new file mode 100644 index 000000000..cf60133f3 --- /dev/null +++ b/results/fangxq__XYZ-embedding-zh-v2/external/IFlyTek.json @@ -0,0 +1,21 @@ +{ + "dataset_revision": "None", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 52.743362831858406, + "accuracy_stderr": 0.23768288128480788, + "f1": 41.1548855278405, + "f1_stderr": 0.4088759842813554, + "main_score": 52.743362831858406 + } + ] + } +} \ No newline at end of file diff --git a/results/fangxq__XYZ-embedding-zh-v2/external/JDReview.json b/results/fangxq__XYZ-embedding-zh-v2/external/JDReview.json new file mode 100644 index 000000000..b923b8b91 --- /dev/null +++ b/results/fangxq__XYZ-embedding-zh-v2/external/JDReview.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "None", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 89.08067542213884, + "accuracy_stderr": 0.9559278951487445, + "ap": 60.875320104586564, + "ap_stderr": 2.137806661565934, + "f1": 84.39314192399665, + "f1_stderr": 1.132407155321657, + "main_score": 89.08067542213884 + } + ] + } +} \ No newline at end of file diff --git a/results/fangxq__XYZ-embedding-zh-v2/external/LCQMC.json b/results/fangxq__XYZ-embedding-zh-v2/external/LCQMC.json new file mode 100644 index 000000000..9be9f3208 --- /dev/null +++ b/results/fangxq__XYZ-embedding-zh-v2/external/LCQMC.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "None", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 73.3633875566899, + "cos_sim_spearman": 79.27679599527615, + "manhattan_pearson": 79.12061667088273, + "manhattan_spearman": 79.26989882781706, + "euclidean_pearson": 79.12871362068391, + "euclidean_spearman": 79.27679377557219, + "main_score": 79.27679599527615 + } + ] + } +} \ No newline at end of file diff --git a/results/fangxq__XYZ-embedding-zh-v2/external/MMarcoReranking.json b/results/fangxq__XYZ-embedding-zh-v2/external/MMarcoReranking.json new file mode 100644 index 000000000..62a2c46c2 --- /dev/null +++ b/results/fangxq__XYZ-embedding-zh-v2/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 37.68251937316638, + "mrr": 36.61746031746032, + "main_score": 37.68251937316638 + } + ] + } +} \ No newline at end of file diff --git a/results/fangxq__XYZ-embedding-zh-v2/external/MMarcoRetrieval.json b/results/fangxq__XYZ-embedding-zh-v2/external/MMarcoRetrieval.json new file mode 100644 index 000000000..a54956edb --- /dev/null +++ b/results/fangxq__XYZ-embedding-zh-v2/external/MMarcoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 69.401, + "map_at_10": 78.8, + "map_at_100": 79.077, + "map_at_1000": 79.081, + "map_at_3": 76.97, + "map_at_5": 78.185, + "mrr_at_1": 71.719, + "mrr_at_10": 79.327, + "mrr_at_100": 79.56400000000001, + "mrr_at_1000": 79.56800000000001, + "mrr_at_3": 77.736, + "mrr_at_5": 78.782, + "ndcg_at_1": 71.719, + "ndcg_at_10": 82.505, + "ndcg_at_100": 83.673, + "ndcg_at_1000": 83.786, + "ndcg_at_3": 79.07600000000001, + "ndcg_at_5": 81.122, + "precision_at_1": 71.719, + "precision_at_10": 9.924, + "precision_at_100": 1.049, + "precision_at_1000": 0.106, + "precision_at_3": 29.742, + "precision_at_5": 18.937, + "recall_at_1": 69.401, + "recall_at_10": 93.349, + "recall_at_100": 98.492, + "recall_at_1000": 99.384, + "recall_at_3": 84.385, + "recall_at_5": 89.237, + "main_score": 82.505 + } + ] + } +} \ No newline at end of file diff --git a/results/fangxq__XYZ-embedding-zh-v2/external/MassiveIntentClassification.json b/results/fangxq__XYZ-embedding-zh-v2/external/MassiveIntentClassification.json new file mode 100644 index 000000000..de16be020 --- /dev/null +++ b/results/fangxq__XYZ-embedding-zh-v2/external/MassiveIntentClassification.json @@ -0,0 +1,21 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 77.9388029589778, + "accuracy_stderr": 1.416192788478398, + "f1": 74.77765701086211, + "f1_stderr": 1.254859698486085, + "main_score": 77.9388029589778 + } + ] + } +} \ No newline at end of file diff --git a/results/fangxq__XYZ-embedding-zh-v2/external/MassiveScenarioClassification.json b/results/fangxq__XYZ-embedding-zh-v2/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..c6e140b45 --- /dev/null +++ b/results/fangxq__XYZ-embedding-zh-v2/external/MassiveScenarioClassification.json @@ -0,0 +1,21 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 83.8231338264963, + "accuracy_stderr": 0.6973305760755886, + "f1": 83.13105322628088, + "f1_stderr": 0.600506118139685, + "main_score": 83.8231338264963 + } + ] + } +} \ No newline at end of file diff --git a/results/fangxq__XYZ-embedding-zh-v2/external/MedicalRetrieval.json b/results/fangxq__XYZ-embedding-zh-v2/external/MedicalRetrieval.json new file mode 100644 index 000000000..213f53381 --- /dev/null +++ b/results/fangxq__XYZ-embedding-zh-v2/external/MedicalRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 57.8, + "map_at_10": 64.696, + "map_at_100": 65.294, + "map_at_1000": 65.328, + "map_at_3": 62.949999999999996, + "map_at_5": 64.095, + "mrr_at_1": 58.099999999999994, + "mrr_at_10": 64.85, + "mrr_at_100": 65.448, + "mrr_at_1000": 65.482, + "mrr_at_3": 63.1, + "mrr_at_5": 64.23, + "ndcg_at_1": 57.8, + "ndcg_at_10": 68.041, + "ndcg_at_100": 71.074, + "ndcg_at_1000": 71.919, + "ndcg_at_3": 64.584, + "ndcg_at_5": 66.625, + "precision_at_1": 57.8, + "precision_at_10": 7.85, + "precision_at_100": 0.9289999999999999, + "precision_at_1000": 0.099, + "precision_at_3": 23.1, + "precision_at_5": 14.84, + "recall_at_1": 57.8, + "recall_at_10": 78.5, + "recall_at_100": 92.9, + "recall_at_1000": 99.4, + "recall_at_3": 69.3, + "recall_at_5": 74.2, + "main_score": 68.041 + } + ] + } +} \ No newline at end of file diff --git a/results/fangxq__XYZ-embedding-zh-v2/external/MultilingualSentiment.json b/results/fangxq__XYZ-embedding-zh-v2/external/MultilingualSentiment.json new file mode 100644 index 000000000..66b2ff299 --- /dev/null +++ b/results/fangxq__XYZ-embedding-zh-v2/external/MultilingualSentiment.json @@ -0,0 +1,21 @@ +{ + "dataset_revision": "None", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 78.60333333333334, + "accuracy_stderr": 0.3331499495555859, + "f1": 78.4814340961856, + "f1_stderr": 0.45721454672060496, + "main_score": 78.60333333333334 + } + ] + } +} \ No newline at end of file diff --git a/results/fangxq__XYZ-embedding-zh-v2/external/Ocnli.json b/results/fangxq__XYZ-embedding-zh-v2/external/Ocnli.json new file mode 100644 index 000000000..162a29059 --- /dev/null +++ b/results/fangxq__XYZ-embedding-zh-v2/external/Ocnli.json @@ -0,0 +1,48 @@ +{ + "dataset_revision": "None", + "task_name": "Ocnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 80.5630752571738, + "cos_sim_accuracy_threshold": 53.72971296310425, + "cos_sim_ap": 85.61885910463258, + "cos_sim_f1": 82.40469208211144, + "cos_sim_f1_threshold": 50.07883310317993, + "cos_sim_precision": 76.70609645131938, + "cos_sim_recall": 89.01795142555439, + "dot_accuracy": 80.5630752571738, + "dot_accuracy_threshold": 53.7297248840332, + "dot_ap": 85.61885910463258, + "dot_f1": 82.40469208211144, + "dot_f1_threshold": 50.07884502410889, + "dot_precision": 76.70609645131938, + "dot_recall": 89.01795142555439, + "euclidean_accuracy": 80.5630752571738, + "euclidean_accuracy_threshold": 96.19801044464111, + "euclidean_ap": 85.61885910463258, + "euclidean_f1": 82.40469208211144, + "euclidean_f1_threshold": 99.92111921310425, + "euclidean_precision": 76.70609645131938, + "euclidean_recall": 89.01795142555439, + "manhattan_accuracy": 80.67135896047645, + "manhattan_accuracy_threshold": 3323.1739044189453, + "manhattan_ap": 85.55348220886658, + "manhattan_f1": 82.26744186046511, + "manhattan_f1_threshold": 3389.273452758789, + "manhattan_precision": 76.00716204118174, + "manhattan_recall": 89.65153115100317, + "max_accuracy": 80.67135896047645, + "max_ap": 85.61885910463258, + "max_f1": 82.40469208211144, + "main_score": 80.67135896047645 + } + ] + } +} \ No newline at end of file diff --git a/results/fangxq__XYZ-embedding-zh-v2/external/OnlineShopping.json b/results/fangxq__XYZ-embedding-zh-v2/external/OnlineShopping.json new file mode 100644 index 000000000..88ab2163a --- /dev/null +++ b/results/fangxq__XYZ-embedding-zh-v2/external/OnlineShopping.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "None", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 94.94, + "accuracy_stderr": 0.49030602688525093, + "ap": 93.0785841977823, + "ap_stderr": 0.5447383082750599, + "f1": 94.92765777406245, + "f1_stderr": 0.4891510966106189, + "main_score": 94.94 + } + ] + } +} \ No newline at end of file diff --git a/results/fangxq__XYZ-embedding-zh-v2/external/PAWSX.json b/results/fangxq__XYZ-embedding-zh-v2/external/PAWSX.json new file mode 100644 index 000000000..2b49e332c --- /dev/null +++ b/results/fangxq__XYZ-embedding-zh-v2/external/PAWSX.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "None", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 36.564307811370654, + "cos_sim_spearman": 42.44208208349051, + "manhattan_pearson": 42.099358471578306, + "manhattan_spearman": 42.50283181486304, + "euclidean_pearson": 42.07954956675317, + "euclidean_spearman": 42.453014115018554, + "main_score": 42.44208208349051 + } + ] + } +} \ No newline at end of file diff --git a/results/fangxq__XYZ-embedding-zh-v2/external/QBQTC.json b/results/fangxq__XYZ-embedding-zh-v2/external/QBQTC.json new file mode 100644 index 000000000..ab64c5bd0 --- /dev/null +++ b/results/fangxq__XYZ-embedding-zh-v2/external/QBQTC.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "None", + "task_name": "QBQTC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 39.19092968089104, + "cos_sim_spearman": 41.5174661348832, + "manhattan_pearson": 37.91587646684523, + "manhattan_spearman": 41.536668677987194, + "euclidean_pearson": 37.91079973901135, + "euclidean_spearman": 41.51833855501128, + "main_score": 41.5174661348832 + } + ] + } +} \ No newline at end of file diff --git a/results/fangxq__XYZ-embedding-zh-v2/external/STS22.json b/results/fangxq__XYZ-embedding-zh-v2/external/STS22.json new file mode 100644 index 000000000..1ac2d4e40 --- /dev/null +++ b/results/fangxq__XYZ-embedding-zh-v2/external/STS22.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 62.029449510721605, + "cos_sim_spearman": 66.31935471251364, + "manhattan_pearson": 63.63179975157496, + "manhattan_spearman": 66.3007950466125, + "euclidean_pearson": 63.59752734041086, + "euclidean_spearman": 66.31935471251364, + "main_score": 66.31935471251364 + } + ] + } +} \ No newline at end of file diff --git a/results/fangxq__XYZ-embedding-zh-v2/external/STSB.json b/results/fangxq__XYZ-embedding-zh-v2/external/STSB.json new file mode 100644 index 000000000..7bb729c42 --- /dev/null +++ b/results/fangxq__XYZ-embedding-zh-v2/external/STSB.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "None", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 81.81459862563769, + "cos_sim_spearman": 82.15323953301453, + "manhattan_pearson": 81.61904305126016, + "manhattan_spearman": 82.1361073852468, + "euclidean_pearson": 81.60799063723992, + "euclidean_spearman": 82.15405405083231, + "main_score": 82.15323953301453 + } + ] + } +} \ No newline at end of file diff --git a/results/fangxq__XYZ-embedding-zh-v2/external/T2Reranking.json b/results/fangxq__XYZ-embedding-zh-v2/external/T2Reranking.json new file mode 100644 index 000000000..86b7f4e0f --- /dev/null +++ b/results/fangxq__XYZ-embedding-zh-v2/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 69.13560834260383, + "mrr": 79.95749642669074, + "main_score": 69.13560834260383 + } + ] + } +} \ No newline at end of file diff --git a/results/fangxq__XYZ-embedding-zh-v2/external/T2Retrieval.json b/results/fangxq__XYZ-embedding-zh-v2/external/T2Retrieval.json new file mode 100644 index 000000000..85684a926 --- /dev/null +++ b/results/fangxq__XYZ-embedding-zh-v2/external/T2Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 28.041, + "map_at_10": 78.509, + "map_at_100": 82.083, + "map_at_1000": 82.143, + "map_at_3": 55.345, + "map_at_5": 67.899, + "mrr_at_1": 90.86, + "mrr_at_10": 93.31, + "mrr_at_100": 93.388, + "mrr_at_1000": 93.391, + "mrr_at_3": 92.92200000000001, + "mrr_at_5": 93.167, + "ndcg_at_1": 90.86, + "ndcg_at_10": 85.875, + "ndcg_at_100": 89.269, + "ndcg_at_1000": 89.827, + "ndcg_at_3": 87.254, + "ndcg_at_5": 85.855, + "precision_at_1": 90.86, + "precision_at_10": 42.488, + "precision_at_100": 5.029, + "precision_at_1000": 0.516, + "precision_at_3": 76.172, + "precision_at_5": 63.759, + "recall_at_1": 28.041, + "recall_at_10": 84.829, + "recall_at_100": 95.89999999999999, + "recall_at_1000": 98.665, + "recall_at_3": 57.009, + "recall_at_5": 71.188, + "main_score": 85.875 + } + ] + } +} \ No newline at end of file diff --git a/results/fangxq__XYZ-embedding-zh-v2/external/TNews.json b/results/fangxq__XYZ-embedding-zh-v2/external/TNews.json new file mode 100644 index 000000000..2bf27ee08 --- /dev/null +++ b/results/fangxq__XYZ-embedding-zh-v2/external/TNews.json @@ -0,0 +1,21 @@ +{ + "dataset_revision": "None", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 54.309000000000005, + "accuracy_stderr": 0.4694347665011627, + "f1": 52.598803987889255, + "f1_stderr": 0.5191189533227434, + "main_score": 54.309000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/fangxq__XYZ-embedding-zh-v2/external/ThuNewsClusteringP2P.json b/results/fangxq__XYZ-embedding-zh-v2/external/ThuNewsClusteringP2P.json new file mode 100644 index 000000000..b52562316 --- /dev/null +++ b/results/fangxq__XYZ-embedding-zh-v2/external/ThuNewsClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 76.64191229011249, + "v_measure_std": 2.807206940615986, + "main_score": 76.64191229011249 + } + ] + } +} \ No newline at end of file diff --git a/results/fangxq__XYZ-embedding-zh-v2/external/ThuNewsClusteringS2S.json b/results/fangxq__XYZ-embedding-zh-v2/external/ThuNewsClusteringS2S.json new file mode 100644 index 000000000..eb57b7bee --- /dev/null +++ b/results/fangxq__XYZ-embedding-zh-v2/external/ThuNewsClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 71.02529199411326, + "v_measure_std": 2.0547855888165945, + "main_score": 71.02529199411326 + } + ] + } +} \ No newline at end of file diff --git a/results/fangxq__XYZ-embedding-zh-v2/external/VideoRetrieval.json b/results/fangxq__XYZ-embedding-zh-v2/external/VideoRetrieval.json new file mode 100644 index 000000000..346812722 --- /dev/null +++ b/results/fangxq__XYZ-embedding-zh-v2/external/VideoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 67.30000000000001, + "map_at_10": 76.819, + "map_at_100": 77.141, + "map_at_1000": 77.142, + "map_at_3": 75.233, + "map_at_5": 76.163, + "mrr_at_1": 67.30000000000001, + "mrr_at_10": 76.819, + "mrr_at_100": 77.141, + "mrr_at_1000": 77.142, + "mrr_at_3": 75.233, + "mrr_at_5": 76.163, + "ndcg_at_1": 67.30000000000001, + "ndcg_at_10": 80.93599999999999, + "ndcg_at_100": 82.311, + "ndcg_at_1000": 82.349, + "ndcg_at_3": 77.724, + "ndcg_at_5": 79.406, + "precision_at_1": 67.30000000000001, + "precision_at_10": 9.36, + "precision_at_100": 0.996, + "precision_at_1000": 0.1, + "precision_at_3": 28.299999999999997, + "precision_at_5": 17.8, + "recall_at_1": 67.30000000000001, + "recall_at_10": 93.60000000000001, + "recall_at_100": 99.6, + "recall_at_1000": 99.9, + "recall_at_3": 84.89999999999999, + "recall_at_5": 89.0, + "main_score": 80.93599999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/fangxq__XYZ-embedding-zh-v2/external/Waimai.json b/results/fangxq__XYZ-embedding-zh-v2/external/Waimai.json new file mode 100644 index 000000000..0a381f8d0 --- /dev/null +++ b/results/fangxq__XYZ-embedding-zh-v2/external/Waimai.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "None", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 89.47, + "accuracy_stderr": 0.26476404589747476, + "ap": 75.49555223825388, + "ap_stderr": 0.596040511982105, + "f1": 88.01797939221065, + "f1_stderr": 0.27168216797281214, + "main_score": 89.47 + } + ] + } +} \ No newline at end of file diff --git a/results/fangxq__XYZ-embedding-zh-v2/external/model_meta.json b/results/fangxq__XYZ-embedding-zh-v2/external/model_meta.json new file mode 100644 index 000000000..214ed26c7 --- /dev/null +++ b/results/fangxq__XYZ-embedding-zh-v2/external/model_meta.json @@ -0,0 +1,20 @@ +{ + "name": "fangxq/XYZ-embedding-zh-v2", + "revision": "7784df4e26382f8382e06ad8ee1c543969671b18", + "release_date": "2024-09-09", + "languages": [], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": null, + "embed_dim": null, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/fangxq__XYZ-embedding-zh/external/CmedqaRetrieval.json b/results/fangxq__XYZ-embedding-zh/external/CmedqaRetrieval.json new file mode 100644 index 000000000..58cec8136 --- /dev/null +++ b/results/fangxq__XYZ-embedding-zh/external/CmedqaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 27.939000000000004, + "map_at_10": 41.227999999999994, + "map_at_100": 43.018, + "map_at_1000": 43.120000000000005, + "map_at_3": 36.895, + "map_at_5": 39.373999999999995, + "mrr_at_1": 42.136, + "mrr_at_10": 50.394000000000005, + "mrr_at_100": 51.288, + "mrr_at_1000": 51.324000000000005, + "mrr_at_3": 47.887, + "mrr_at_5": 49.362, + "ndcg_at_1": 42.136, + "ndcg_at_10": 47.899, + "ndcg_at_100": 54.730999999999995, + "ndcg_at_1000": 56.462999999999994, + "ndcg_at_3": 42.66, + "ndcg_at_5": 44.913, + "precision_at_1": 42.136, + "precision_at_10": 10.52, + "precision_at_100": 1.6070000000000002, + "precision_at_1000": 0.183, + "precision_at_3": 24.064, + "precision_at_5": 17.374000000000002, + "recall_at_1": 27.939000000000004, + "recall_at_10": 58.29600000000001, + "recall_at_100": 86.504, + "recall_at_1000": 98.105, + "recall_at_3": 42.475, + "recall_at_5": 49.454, + "main_score": 47.899 + } + ] + } +} \ No newline at end of file diff --git a/results/fangxq__XYZ-embedding-zh/external/CovidRetrieval.json b/results/fangxq__XYZ-embedding-zh/external/CovidRetrieval.json new file mode 100644 index 000000000..0e679a185 --- /dev/null +++ b/results/fangxq__XYZ-embedding-zh/external/CovidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 77.371, + "map_at_10": 85.229, + "map_at_100": 85.358, + "map_at_1000": 85.36, + "map_at_3": 84.176, + "map_at_5": 84.79299999999999, + "mrr_at_1": 77.661, + "mrr_at_10": 85.207, + "mrr_at_100": 85.33699999999999, + "mrr_at_1000": 85.339, + "mrr_at_3": 84.229, + "mrr_at_5": 84.79299999999999, + "ndcg_at_1": 77.766, + "ndcg_at_10": 88.237, + "ndcg_at_100": 88.777, + "ndcg_at_1000": 88.818, + "ndcg_at_3": 86.16, + "ndcg_at_5": 87.22, + "precision_at_1": 77.766, + "precision_at_10": 9.841999999999999, + "precision_at_100": 1.0070000000000001, + "precision_at_1000": 0.101, + "precision_at_3": 30.875000000000004, + "precision_at_5": 19.073, + "recall_at_1": 77.371, + "recall_at_10": 97.366, + "recall_at_100": 99.684, + "recall_at_1000": 100.0, + "recall_at_3": 91.702, + "recall_at_5": 94.31, + "main_score": 88.237 + } + ] + } +} \ No newline at end of file diff --git a/results/fangxq__XYZ-embedding-zh/external/DuRetrieval.json b/results/fangxq__XYZ-embedding-zh/external/DuRetrieval.json new file mode 100644 index 000000000..ceb031005 --- /dev/null +++ b/results/fangxq__XYZ-embedding-zh/external/DuRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 27.772000000000002, + "map_at_10": 84.734, + "map_at_100": 87.298, + "map_at_1000": 87.32900000000001, + "map_at_3": 59.431, + "map_at_5": 74.82900000000001, + "mrr_at_1": 93.65, + "mrr_at_10": 95.568, + "mrr_at_100": 95.608, + "mrr_at_1000": 95.609, + "mrr_at_3": 95.267, + "mrr_at_5": 95.494, + "ndcg_at_1": 93.65, + "ndcg_at_10": 90.794, + "ndcg_at_100": 92.88300000000001, + "ndcg_at_1000": 93.144, + "ndcg_at_3": 90.32, + "ndcg_at_5": 89.242, + "precision_at_1": 93.65, + "precision_at_10": 42.9, + "precision_at_100": 4.835, + "precision_at_1000": 0.49, + "precision_at_3": 80.85, + "precision_at_5": 68.14, + "recall_at_1": 27.772000000000002, + "recall_at_10": 91.183, + "recall_at_100": 98.219, + "recall_at_1000": 99.55000000000001, + "recall_at_3": 60.911, + "recall_at_5": 78.31099999999999, + "main_score": 90.794 + } + ] + } +} \ No newline at end of file diff --git a/results/fangxq__XYZ-embedding-zh/external/EcomRetrieval.json b/results/fangxq__XYZ-embedding-zh/external/EcomRetrieval.json new file mode 100644 index 000000000..84f7e2871 --- /dev/null +++ b/results/fangxq__XYZ-embedding-zh/external/EcomRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 54.6, + "map_at_10": 64.742, + "map_at_100": 65.289, + "map_at_1000": 65.29700000000001, + "map_at_3": 62.183, + "map_at_5": 63.883, + "mrr_at_1": 54.6, + "mrr_at_10": 64.742, + "mrr_at_100": 65.289, + "mrr_at_1000": 65.29700000000001, + "mrr_at_3": 62.183, + "mrr_at_5": 63.883, + "ndcg_at_1": 54.6, + "ndcg_at_10": 69.719, + "ndcg_at_100": 72.148, + "ndcg_at_1000": 72.393, + "ndcg_at_3": 64.606, + "ndcg_at_5": 67.682, + "precision_at_1": 54.6, + "precision_at_10": 8.53, + "precision_at_100": 0.962, + "precision_at_1000": 0.098, + "precision_at_3": 23.867, + "precision_at_5": 15.82, + "recall_at_1": 54.6, + "recall_at_10": 85.3, + "recall_at_100": 96.2, + "recall_at_1000": 98.2, + "recall_at_3": 71.6, + "recall_at_5": 79.10000000000001, + "main_score": 69.719 + } + ] + } +} \ No newline at end of file diff --git a/results/fangxq__XYZ-embedding-zh/external/MMarcoReranking.json b/results/fangxq__XYZ-embedding-zh/external/MMarcoReranking.json new file mode 100644 index 000000000..9149649d0 --- /dev/null +++ b/results/fangxq__XYZ-embedding-zh/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 35.30260957061897, + "mrr": 34.098015873015875, + "main_score": 35.30260957061897 + } + ] + } +} \ No newline at end of file diff --git a/results/fangxq__XYZ-embedding-zh/external/MMarcoRetrieval.json b/results/fangxq__XYZ-embedding-zh/external/MMarcoRetrieval.json new file mode 100644 index 000000000..9f7bf09f9 --- /dev/null +++ b/results/fangxq__XYZ-embedding-zh/external/MMarcoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 69.51899999999999, + "map_at_10": 78.816, + "map_at_100": 79.08500000000001, + "map_at_1000": 79.091, + "map_at_3": 76.999, + "map_at_5": 78.194, + "mrr_at_1": 71.80499999999999, + "mrr_at_10": 79.29899999999999, + "mrr_at_100": 79.532, + "mrr_at_1000": 79.537, + "mrr_at_3": 77.703, + "mrr_at_5": 78.75999999999999, + "ndcg_at_1": 71.80499999999999, + "ndcg_at_10": 82.479, + "ndcg_at_100": 83.611, + "ndcg_at_1000": 83.76400000000001, + "ndcg_at_3": 79.065, + "ndcg_at_5": 81.092, + "precision_at_1": 71.80499999999999, + "precision_at_10": 9.91, + "precision_at_100": 1.046, + "precision_at_1000": 0.106, + "precision_at_3": 29.727999999999998, + "precision_at_5": 18.908, + "recall_at_1": 69.51899999999999, + "recall_at_10": 93.24, + "recall_at_100": 98.19099999999999, + "recall_at_1000": 99.36500000000001, + "recall_at_3": 84.308, + "recall_at_5": 89.119, + "main_score": 82.479 + } + ] + } +} \ No newline at end of file diff --git a/results/fangxq__XYZ-embedding-zh/external/MedicalRetrieval.json b/results/fangxq__XYZ-embedding-zh/external/MedicalRetrieval.json new file mode 100644 index 000000000..a312dd80a --- /dev/null +++ b/results/fangxq__XYZ-embedding-zh/external/MedicalRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 57.8, + "map_at_10": 64.215, + "map_at_100": 64.78, + "map_at_1000": 64.81099999999999, + "map_at_3": 62.64999999999999, + "map_at_5": 63.57000000000001, + "mrr_at_1": 58.099999999999994, + "mrr_at_10": 64.371, + "mrr_at_100": 64.936, + "mrr_at_1000": 64.96600000000001, + "mrr_at_3": 62.8, + "mrr_at_5": 63.739999999999995, + "ndcg_at_1": 57.8, + "ndcg_at_10": 67.415, + "ndcg_at_100": 70.38799999999999, + "ndcg_at_1000": 71.229, + "ndcg_at_3": 64.206, + "ndcg_at_5": 65.858, + "precision_at_1": 57.8, + "precision_at_10": 7.75, + "precision_at_100": 0.919, + "precision_at_1000": 0.099, + "precision_at_3": 22.900000000000002, + "precision_at_5": 14.540000000000001, + "recall_at_1": 57.8, + "recall_at_10": 77.5, + "recall_at_100": 91.9, + "recall_at_1000": 98.6, + "recall_at_3": 68.7, + "recall_at_5": 72.7, + "main_score": 67.415 + } + ] + } +} \ No newline at end of file diff --git a/results/fangxq__XYZ-embedding-zh/external/T2Reranking.json b/results/fangxq__XYZ-embedding-zh/external/T2Reranking.json new file mode 100644 index 000000000..2c9c1b8d9 --- /dev/null +++ b/results/fangxq__XYZ-embedding-zh/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 69.06615146698508, + "mrr": 79.7588755091294, + "main_score": 69.06615146698508 + } + ] + } +} \ No newline at end of file diff --git a/results/fangxq__XYZ-embedding-zh/external/T2Retrieval.json b/results/fangxq__XYZ-embedding-zh/external/T2Retrieval.json new file mode 100644 index 000000000..a6a8eb55b --- /dev/null +++ b/results/fangxq__XYZ-embedding-zh/external/T2Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 28.084999999999997, + "map_at_10": 78.583, + "map_at_100": 82.14399999999999, + "map_at_1000": 82.204, + "map_at_3": 55.422000000000004, + "map_at_5": 67.973, + "mrr_at_1": 91.014, + "mrr_at_10": 93.381, + "mrr_at_100": 93.45400000000001, + "mrr_at_1000": 93.45599999999999, + "mrr_at_3": 92.99300000000001, + "mrr_at_5": 93.234, + "ndcg_at_1": 91.014, + "ndcg_at_10": 85.931, + "ndcg_at_100": 89.31, + "ndcg_at_1000": 89.869, + "ndcg_at_3": 87.348, + "ndcg_at_5": 85.929, + "precision_at_1": 91.014, + "precision_at_10": 42.495, + "precision_at_100": 5.029999999999999, + "precision_at_1000": 0.516, + "precision_at_3": 76.248, + "precision_at_5": 63.817, + "recall_at_1": 28.084999999999997, + "recall_at_10": 84.88, + "recall_at_100": 95.902, + "recall_at_1000": 98.699, + "recall_at_3": 57.113, + "recall_at_5": 71.251, + "main_score": 85.931 + } + ] + } +} \ No newline at end of file diff --git a/results/fangxq__XYZ-embedding-zh/external/VideoRetrieval.json b/results/fangxq__XYZ-embedding-zh/external/VideoRetrieval.json new file mode 100644 index 000000000..cd4b62097 --- /dev/null +++ b/results/fangxq__XYZ-embedding-zh/external/VideoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 66.4, + "map_at_10": 75.86, + "map_at_100": 76.185, + "map_at_1000": 76.188, + "map_at_3": 74.167, + "map_at_5": 75.187, + "mrr_at_1": 66.4, + "mrr_at_10": 75.86, + "mrr_at_100": 76.185, + "mrr_at_1000": 76.188, + "mrr_at_3": 74.167, + "mrr_at_5": 75.187, + "ndcg_at_1": 66.4, + "ndcg_at_10": 80.03099999999999, + "ndcg_at_100": 81.459, + "ndcg_at_1000": 81.527, + "ndcg_at_3": 76.621, + "ndcg_at_5": 78.446, + "precision_at_1": 66.4, + "precision_at_10": 9.29, + "precision_at_100": 0.992, + "precision_at_1000": 0.1, + "precision_at_3": 27.900000000000002, + "precision_at_5": 17.62, + "recall_at_1": 66.4, + "recall_at_10": 92.9, + "recall_at_100": 99.2, + "recall_at_1000": 99.7, + "recall_at_3": 83.7, + "recall_at_5": 88.1, + "main_score": 80.03099999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/fangxq__XYZ-embedding-zh/external/model_meta.json b/results/fangxq__XYZ-embedding-zh/external/model_meta.json new file mode 100644 index 000000000..cf6658901 --- /dev/null +++ b/results/fangxq__XYZ-embedding-zh/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "fangxq/XYZ-embedding-zh", + "revision": "ae60ac9a0f8fd670b002b90c1e21c7dc9eaeaa2b", + "release_date": "2024-08-06", + "languages": [], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 1792, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_cased/no_revision_available/AlloProfClusteringP2P.json b/results/flaubert__flaubert_base_cased/no_revision_available/AlloProfClusteringP2P.json deleted file mode 100644 index b58ce7ca1..000000000 --- a/results/flaubert__flaubert_base_cased/no_revision_available/AlloProfClusteringP2P.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "392ba3f5bcc8c51f578786c1fc3dae648662cb9b", - "mteb_dataset_name": "AlloProfClusteringP2P", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 48.22, - "v_measure": 0.5285934835529511, - "v_measure_std": 0.04099526287826193 - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_cased/no_revision_available/AlloProfClusteringS2S.json b/results/flaubert__flaubert_base_cased/no_revision_available/AlloProfClusteringS2S.json deleted file mode 100644 index d8465ccf7..000000000 --- a/results/flaubert__flaubert_base_cased/no_revision_available/AlloProfClusteringS2S.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "392ba3f5bcc8c51f578786c1fc3dae648662cb9b", - "mteb_dataset_name": "AlloProfClusteringS2S", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 2.41, - "v_measure": 0.14459750073719238, - "v_measure_std": 0.027574603590791454 - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_cased/no_revision_available/AlloprofReranking.json b/results/flaubert__flaubert_base_cased/no_revision_available/AlloprofReranking.json deleted file mode 100644 index 7952babcc..000000000 --- a/results/flaubert__flaubert_base_cased/no_revision_available/AlloprofReranking.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "666fdacebe0291776e86f29345663dfaf80a0db9", - "mteb_dataset_name": "AlloprofReranking", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 96.98, - "map": 0.3481294672682068, - "mrr": 0.3529011971180345 - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_cased/no_revision_available/AlloprofRetrieval.json b/results/flaubert__flaubert_base_cased/no_revision_available/AlloprofRetrieval.json deleted file mode 100644 index b00d276a7..000000000 --- a/results/flaubert__flaubert_base_cased/no_revision_available/AlloprofRetrieval.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": "392ba3f5bcc8c51f578786c1fc3dae648662cb9b", - "mteb_dataset_name": "AlloprofRetrieval", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 56.7, - "map_at_1": 0.00432, - "map_at_10": 0.01115, - "map_at_100": 0.01568, - "map_at_1000": 0.01713, - "map_at_3": 0.00748, - "map_at_5": 0.00973, - "mrr_at_1": 0.00432, - "mrr_at_10": 0.01115, - "mrr_at_100": 0.01568, - "mrr_at_1000": 0.01713, - "mrr_at_3": 0.00748, - "mrr_at_5": 0.00973, - "ndcg_at_1": 0.00432, - "ndcg_at_10": 0.01628, - "ndcg_at_100": 0.04531, - "ndcg_at_1000": 0.09937, - "ndcg_at_3": 0.00866, - "ndcg_at_5": 0.01272, - "precision_at_1": 0.00432, - "precision_at_10": 0.00332, - "precision_at_100": 0.00186, - "precision_at_1000": 0.00065, - "precision_at_3": 0.00403, - "precision_at_5": 0.0044, - "recall_at_1": 0.00432, - "recall_at_10": 0.03325, - "recall_at_100": 0.1861, - "recall_at_1000": 0.64724, - "recall_at_3": 0.01209, - "recall_at_5": 0.02202 - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_cased/no_revision_available/AmazonReviewsClassification.json b/results/flaubert__flaubert_base_cased/no_revision_available/AmazonReviewsClassification.json deleted file mode 100644 index 3f8ed8d7c..000000000 --- a/results/flaubert__flaubert_base_cased/no_revision_available/AmazonReviewsClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", - "mteb_dataset_name": "AmazonReviewsClassification", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 18.23, - "fr": { - "accuracy": 0.24904, - "accuracy_stderr": 0.014268510784240943, - "f1": 0.23708482337564699, - "f1_stderr": 0.01696371268042569, - "main_score": 0.24904 - } - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_cased/no_revision_available/BSARDRetrieval.json b/results/flaubert__flaubert_base_cased/no_revision_available/BSARDRetrieval.json deleted file mode 100644 index e6de13434..000000000 --- a/results/flaubert__flaubert_base_cased/no_revision_available/BSARDRetrieval.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": "5effa1b9b5fa3b0f9e12523e6e43e5f86a6e6d59", - "mteb_dataset_name": "BSARDRetrieval", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 216.35, - "map_at_1": 0.0, - "map_at_10": 0.0, - "map_at_100": 0.00026, - "map_at_1000": 0.00041, - "map_at_3": 0.0, - "map_at_5": 0.0, - "mrr_at_1": 0.0, - "mrr_at_10": 0.0, - "mrr_at_100": 0.00026, - "mrr_at_1000": 0.00041, - "mrr_at_3": 0.0, - "mrr_at_5": 0.0, - "ndcg_at_1": 0.0, - "ndcg_at_10": 0.0, - "ndcg_at_100": 0.00234, - "ndcg_at_1000": 0.00947, - "ndcg_at_3": 0.0, - "ndcg_at_5": 0.0, - "precision_at_1": 0.0, - "precision_at_10": 0.0, - "precision_at_100": 0.00014, - "precision_at_1000": 8e-05, - "precision_at_3": 0.0, - "precision_at_5": 0.0, - "recall_at_1": 0.0, - "recall_at_10": 0.0, - "recall_at_100": 0.01351, - "recall_at_1000": 0.07658, - "recall_at_3": 0.0, - "recall_at_5": 0.0 - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_cased/no_revision_available/DiaBLaBitextMining.json b/results/flaubert__flaubert_base_cased/no_revision_available/DiaBLaBitextMining.json deleted file mode 100644 index ccb39e380..000000000 --- a/results/flaubert__flaubert_base_cased/no_revision_available/DiaBLaBitextMining.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "dataset_revision": "5345895c56a601afe1a98519ce3199be60a27dba", - "mteb_dataset_name": "DiaBLaBitextMining", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 10.49, - "fr-en": { - "accuracy": 0.029575504523312455, - "f1": 0.019794424331426672, - "main_score": 0.019794424331426672, - "precision": 0.018162627197522162, - "recall": 0.029575504523312455 - } - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_cased/no_revision_available/FloresBitextMining.json b/results/flaubert__flaubert_base_cased/no_revision_available/FloresBitextMining.json deleted file mode 100644 index 67fee6a96..000000000 --- a/results/flaubert__flaubert_base_cased/no_revision_available/FloresBitextMining.json +++ /dev/null @@ -1,22 +0,0 @@ -{ - "dataset_revision": "80dc3040d19756742c9a18267ab30f54fb8e226b", - "dev": { - "eng_Latn-fra_Latn": { - "accuracy": 0.3921765295887663, - "f1": 0.3585084545943069, - "main_score": 0.3585084545943069, - "precision": 0.3481872551868668, - "recall": 0.3921765295887663 - }, - "evaluation_time": 5.64, - "fra_Latn-eng_Latn": { - "accuracy": 0.35606820461384153, - "f1": 0.30910998588055993, - "main_score": 0.30910998588055993, - "precision": 0.29847012770187664, - "recall": 0.35606820461384153 - } - }, - "mteb_dataset_name": "FloresBitextMining", - "mteb_version": "1.1.2.dev0" -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_cased/no_revision_available/HALClusteringS2S.json b/results/flaubert__flaubert_base_cased/no_revision_available/HALClusteringS2S.json deleted file mode 100644 index 351118166..000000000 --- a/results/flaubert__flaubert_base_cased/no_revision_available/HALClusteringS2S.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "e06ebbbb123f8144bef1a5d18796f3dec9ae2915", - "mteb_dataset_name": "HALClusteringS2S", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 95.15, - "v_measure": 0.03854581426819014, - "v_measure_std": 0.010329432614267367 - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_cased/no_revision_available/MLSUMClusteringP2P.json b/results/flaubert__flaubert_base_cased/no_revision_available/MLSUMClusteringP2P.json deleted file mode 100644 index cd00facf2..000000000 --- a/results/flaubert__flaubert_base_cased/no_revision_available/MLSUMClusteringP2P.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "b5d54f8f3b61ae17845046286940f03c6bc79bc7", - "mteb_dataset_name": "MLSUMClusteringP2P", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 272.46, - "v_measure": 0.3905601625969005, - "v_measure_std": 0.01688757030444382 - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_cased/no_revision_available/MLSUMClusteringS2S.json b/results/flaubert__flaubert_base_cased/no_revision_available/MLSUMClusteringS2S.json deleted file mode 100644 index 579e2fac8..000000000 --- a/results/flaubert__flaubert_base_cased/no_revision_available/MLSUMClusteringS2S.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "b5d54f8f3b61ae17845046286940f03c6bc79bc7", - "mteb_dataset_name": "MLSUMClusteringS2S", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 12.91, - "v_measure": 0.171305846850958, - "v_measure_std": 0.012047844138693862 - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_cased/no_revision_available/MTOPDomainClassification.json b/results/flaubert__flaubert_base_cased/no_revision_available/MTOPDomainClassification.json deleted file mode 100644 index 40f88d279..000000000 --- a/results/flaubert__flaubert_base_cased/no_revision_available/MTOPDomainClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", - "mteb_dataset_name": "MTOPDomainClassification", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 3.87, - "fr": { - "accuracy": 0.2554963983714375, - "accuracy_stderr": 0.029013788796790438, - "f1": 0.22998696018474632, - "f1_stderr": 0.026774700995082997, - "main_score": 0.2554963983714375 - } - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_cased/no_revision_available/MTOPIntentClassification.json b/results/flaubert__flaubert_base_cased/no_revision_available/MTOPIntentClassification.json deleted file mode 100644 index 82e64cfc9..000000000 --- a/results/flaubert__flaubert_base_cased/no_revision_available/MTOPIntentClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", - "mteb_dataset_name": "MTOPIntentClassification", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 13.37, - "fr": { - "accuracy": 0.09492640150328843, - "accuracy_stderr": 0.007139589818035351, - "f1": 0.05516274642230916, - "f1_stderr": 0.004960020358989511, - "main_score": 0.09492640150328843 - } - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_cased/no_revision_available/MasakhaNEWSClassification.json b/results/flaubert__flaubert_base_cased/no_revision_available/MasakhaNEWSClassification.json deleted file mode 100644 index 04867c387..000000000 --- a/results/flaubert__flaubert_base_cased/no_revision_available/MasakhaNEWSClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "dataset_revision": "8ccc72e69e65f40c70e117d8b3c08306bb788b60", - "mteb_dataset_name": "MasakhaNEWSClassification", - "mteb_version": "1.1.3.dev0", - "test": { - "evaluation_time": 28.89, - "fra": { - "accuracy": 0.7113744075829384, - "accuracy_stderr": 0.03374261139588163, - "f1": 0.6610266821624691, - "f1_stderr": 0.034861216618113616, - "main_score": 0.7113744075829384 - } - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_cased/no_revision_available/MasakhaNEWSClusteringP2P.json b/results/flaubert__flaubert_base_cased/no_revision_available/MasakhaNEWSClusteringP2P.json deleted file mode 100644 index 872a77a25..000000000 --- a/results/flaubert__flaubert_base_cased/no_revision_available/MasakhaNEWSClusteringP2P.json +++ /dev/null @@ -1,13 +0,0 @@ -{ - "dataset_revision": "8ccc72e69e65f40c70e117d8b3c08306bb788b60", - "mteb_dataset_name": "MasakhaNEWSClusteringP2P", - "mteb_version": "1.1.3.dev0", - "test": { - "evaluation_time": 9.57, - "fra": { - "main_score": 0.41610161746854607, - "v_measure": 0.41610161746854607, - "v_measure_std": 0.32297974515086175 - } - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_cased/no_revision_available/MasakhaNEWSClusteringS2S.json b/results/flaubert__flaubert_base_cased/no_revision_available/MasakhaNEWSClusteringS2S.json deleted file mode 100644 index d80b18809..000000000 --- a/results/flaubert__flaubert_base_cased/no_revision_available/MasakhaNEWSClusteringS2S.json +++ /dev/null @@ -1,13 +0,0 @@ -{ - "dataset_revision": "8ccc72e69e65f40c70e117d8b3c08306bb788b60", - "mteb_dataset_name": "MasakhaNEWSClusteringS2S", - "mteb_version": "1.1.3.dev0", - "test": { - "evaluation_time": 0.77, - "fra": { - "main_score": 0.21260968856899543, - "v_measure": 0.21260968856899543, - "v_measure_std": 0.3939414627389714 - } - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_cased/no_revision_available/MassiveIntentClassification.json b/results/flaubert__flaubert_base_cased/no_revision_available/MassiveIntentClassification.json deleted file mode 100644 index abbd600f8..000000000 --- a/results/flaubert__flaubert_base_cased/no_revision_available/MassiveIntentClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", - "mteb_dataset_name": "MassiveIntentClassification", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 8.42, - "fr": { - "accuracy": 0.06980497646267654, - "accuracy_stderr": 0.012493030588753128, - "f1": 0.06129884805094199, - "f1_stderr": 0.00710556561307934, - "main_score": 0.06980497646267654 - } - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_cased/no_revision_available/MassiveScenarioClassification.json b/results/flaubert__flaubert_base_cased/no_revision_available/MassiveScenarioClassification.json deleted file mode 100644 index 9e0551417..000000000 --- a/results/flaubert__flaubert_base_cased/no_revision_available/MassiveScenarioClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", - "mteb_dataset_name": "MassiveScenarioClassification", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 4.07, - "fr": { - "accuracy": 0.11405514458641561, - "accuracy_stderr": 0.007800361734363964, - "f1": 0.1013861082389141, - "f1_stderr": 0.006543802406434469, - "main_score": 0.11405514458641561 - } - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_cased/no_revision_available/MintakaRetrieval.json b/results/flaubert__flaubert_base_cased/no_revision_available/MintakaRetrieval.json deleted file mode 100644 index b3bcbaa88..000000000 --- a/results/flaubert__flaubert_base_cased/no_revision_available/MintakaRetrieval.json +++ /dev/null @@ -1,40 +0,0 @@ -{ - "dataset_revision": "efa78cc2f74bbcd21eff2261f9e13aebe40b814e", - "mteb_dataset_name": "MintakaRetrieval", - "mteb_version": "1.1.3.dev0", - "test": { - "evaluation_time": 7.25, - "fr": { - "map_at_1": 0.00123, - "map_at_10": 0.00382, - "map_at_100": 0.00569, - "map_at_1000": 0.00708, - "map_at_3": 0.00239, - "map_at_5": 0.00315, - "mrr_at_1": 0.00123, - "mrr_at_10": 0.00382, - "mrr_at_100": 0.00569, - "mrr_at_1000": 0.00708, - "mrr_at_3": 0.00239, - "mrr_at_5": 0.00315, - "ndcg_at_1": 0.00123, - "ndcg_at_10": 0.00579, - "ndcg_at_100": 0.01901, - "ndcg_at_1000": 0.07942, - "ndcg_at_3": 0.00282, - "ndcg_at_5": 0.00418, - "precision_at_1": 0.00123, - "precision_at_10": 0.00123, - "precision_at_100": 0.00084, - "precision_at_1000": 0.00061, - "precision_at_3": 0.00137, - "precision_at_5": 0.00147, - "recall_at_1": 0.00123, - "recall_at_10": 0.01229, - "recall_at_100": 0.08436, - "recall_at_1000": 0.61466, - "recall_at_3": 0.0041, - "recall_at_5": 0.00737 - } - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_cased/no_revision_available/OpusparcusPC.json b/results/flaubert__flaubert_base_cased/no_revision_available/OpusparcusPC.json deleted file mode 100644 index 91ba57981..000000000 --- a/results/flaubert__flaubert_base_cased/no_revision_available/OpusparcusPC.json +++ /dev/null @@ -1,97 +0,0 @@ -{ - "dataset_revision": "9e9b1f8ef51616073f47f306f7f47dd91663f86a", - "mteb_dataset_name": "OpusparcusPC", - "mteb_version": "1.6.7", - "test.full": { - "evaluation_time": 1.62, - "fr": { - "cos_sim": { - "accuracy": 0.6873297002724795, - "accuracy_threshold": 0.05367353558540344, - "ap": 0.8214539985204382, - "f1": 0.8143954710877478, - "f1_threshold": 0.020307928323745728, - "precision": 0.6869031377899045, - "recall": 1.0 - }, - "dot": { - "accuracy": 0.6934604904632152, - "accuracy_threshold": 218.33804321289062, - "ap": 0.7644111861432812, - "f1": 0.8143954710877478, - "f1_threshold": 22.985170364379883, - "precision": 0.6869031377899045, - "recall": 1.0 - }, - "euclidean": { - "accuracy": 0.6866485013623979, - "accuracy_threshold": 57.907718658447266, - "ap": 0.8109467924077811, - "f1": 0.8140662894098626, - "f1_threshold": 57.907718658447266, - "precision": 0.6864349011588275, - "recall": 1.0 - }, - "manhattan": { - "accuracy": 0.6852861035422343, - "accuracy_threshold": 1188.030029296875, - "ap": 0.8121014096573888, - "f1": 0.8132578819725141, - "f1_threshold": 1188.030029296875, - "precision": 0.6857532379004772, - "recall": 0.9990069513406157 - }, - "max": { - "accuracy": 0.6934604904632152, - "ap": 0.8214539985204382, - "f1": 0.8143954710877478 - } - } - }, - "validation.full": { - "evaluation_time": 1.11, - "fr": { - "cos_sim": { - "accuracy": 0.7115384615384616, - "accuracy_threshold": 0.059766560792922974, - "ap": 0.8371923107982592, - "f1": 0.8310387984981227, - "f1_threshold": 0.059766560792922974, - "precision": 0.7114285714285714, - "recall": 0.9989969909729187 - }, - "dot": { - "accuracy": 0.7115384615384616, - "accuracy_threshold": 64.57572174072266, - "ap": 0.7822841952255934, - "f1": 0.8310387984981227, - "f1_threshold": 64.57572174072266, - "precision": 0.7114285714285714, - "recall": 0.9989969909729187 - }, - "euclidean": { - "accuracy": 0.7115384615384616, - "accuracy_threshold": 53.5137939453125, - "ap": 0.8305071632925287, - "f1": 0.8308977035490605, - "f1_threshold": 53.5137939453125, - "precision": 0.7117310443490701, - "recall": 0.9979939819458375 - }, - "manhattan": { - "accuracy": 0.7115384615384616, - "accuracy_threshold": 1086.9580078125, - "ap": 0.8321645789636689, - "f1": 0.8306148055207025, - "f1_threshold": 1091.4951171875, - "precision": 0.712338593974175, - "recall": 0.995987963891675 - }, - "max": { - "accuracy": 0.7115384615384616, - "ap": 0.8371923107982592, - "f1": 0.8310387984981227 - } - } - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_cased/no_revision_available/PawsXPairClassification.json b/results/flaubert__flaubert_base_cased/no_revision_available/PawsXPairClassification.json deleted file mode 100644 index 4612857e4..000000000 --- a/results/flaubert__flaubert_base_cased/no_revision_available/PawsXPairClassification.json +++ /dev/null @@ -1,51 +0,0 @@ -{ - "dataset_revision": "8a04d940a42cd40658986fdd8e3da561533a3646", - "mteb_dataset_name": "PawsXPairClassification", - "mteb_version": "1.1.3.dev0", - "test": { - "evaluation_time": 4.65, - "fr": { - "cos_sim": { - "accuracy": 0.5715, - "accuracy_threshold": 0.9799246771198526, - "ap": 0.5189063823329726, - "f1": 0.6246973365617434, - "f1_threshold": 0.2753414914938538, - "precision": 0.45422535211267606, - "recall": 1.0 - }, - "dot": { - "accuracy": 0.5715, - "accuracy_threshold": 0.9799246789757607, - "ap": 0.5183015799451456, - "f1": 0.6246973365617434, - "f1_threshold": 0.2753414937042893, - "precision": 0.45422535211267606, - "recall": 1.0 - }, - "euclidean": { - "accuracy": 0.5715, - "accuracy_threshold": 0.2003759090213198, - "ap": 0.5189063823329726, - "f1": 0.6246973365617434, - "f1_threshold": 1.2038757845698722, - "precision": 0.45422535211267606, - "recall": 1.0 - }, - "manhattan": { - "accuracy": 0.5735, - "accuracy_threshold": 4.45414408208714, - "ap": 0.521880502089795, - "f1": 0.6251298026998962, - "f1_threshold": 24.859115194487458, - "precision": 0.45468277945619334, - "recall": 1.0 - }, - "max": { - "accuracy": 0.5735, - "ap": 0.521880502089795, - "f1": 0.6251298026998962 - } - } - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_cased/no_revision_available/SICKFr.json b/results/flaubert__flaubert_base_cased/no_revision_available/SICKFr.json deleted file mode 100644 index 154fddd99..000000000 --- a/results/flaubert__flaubert_base_cased/no_revision_available/SICKFr.json +++ /dev/null @@ -1,20 +0,0 @@ -{ - "dataset_revision": "e077ab4cf4774a1e36d86d593b150422fafd8e8a", - "mteb_dataset_name": "SICKFr", - "mteb_version": "1.1.2.dev0", - "test": { - "cos_sim": { - "pearson": 0.5354770164457333, - "spearman": 0.5386168675726091 - }, - "euclidean": { - "pearson": 0.5357628312452586, - "spearman": 0.5386168675726091 - }, - "evaluation_time": 4.31, - "manhattan": { - "pearson": 0.5409036983719423, - "spearman": 0.5449903370623362 - } - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_cased/no_revision_available/STS22.json b/results/flaubert__flaubert_base_cased/no_revision_available/STS22.json deleted file mode 100644 index f0e0082c7..000000000 --- a/results/flaubert__flaubert_base_cased/no_revision_available/STS22.json +++ /dev/null @@ -1,22 +0,0 @@ -{ - "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", - "mteb_dataset_name": "STS22", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 2.98, - "fr": { - "cos_sim": { - "pearson": 0.45955672751728854, - "spearman": 0.6536672090843911 - }, - "euclidean": { - "pearson": 0.5590639424792117, - "spearman": 0.6536672090843911 - }, - "manhattan": { - "pearson": 0.5623798154763465, - "spearman": 0.6648370789607274 - } - } - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_cased/no_revision_available/STSBenchmarkMultilingualSTS.json b/results/flaubert__flaubert_base_cased/no_revision_available/STSBenchmarkMultilingualSTS.json deleted file mode 100644 index cc4827a99..000000000 --- a/results/flaubert__flaubert_base_cased/no_revision_available/STSBenchmarkMultilingualSTS.json +++ /dev/null @@ -1,22 +0,0 @@ -{ - "dataset_revision": "93d57ef91790589e3ce9c365164337a8a78b7632", - "mteb_dataset_name": "STSBenchmarkMultilingualSTS", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 2.37, - "fr": { - "cos_sim": { - "pearson": 0.28883479641721715, - "spearman": 0.37139551049804187 - }, - "euclidean": { - "pearson": 0.34482289220224344, - "spearman": 0.37139551049804187 - }, - "manhattan": { - "pearson": 0.34893189027502497, - "spearman": 0.38052395461650007 - } - } - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_cased/no_revision_available/SummEvalFr.json b/results/flaubert__flaubert_base_cased/no_revision_available/SummEvalFr.json deleted file mode 100644 index dccb7805b..000000000 --- a/results/flaubert__flaubert_base_cased/no_revision_available/SummEvalFr.json +++ /dev/null @@ -1,16 +0,0 @@ -{ - "dataset_revision": "b385812de6a9577b6f4d0f88c6a6e35395a94054", - "mteb_dataset_name": "SummEvalFr", - "mteb_version": "1.1.2.dev0", - "test": { - "cos_sim": { - "pearson": 0.32017316454795375, - "spearman": 0.312594655829165 - }, - "dot": { - "pearson": 0.32017312835290795, - "spearman": 0.312594655829165 - }, - "evaluation_time": 7.62 - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_cased/no_revision_available/SyntecReranking.json b/results/flaubert__flaubert_base_cased/no_revision_available/SyntecReranking.json deleted file mode 100644 index 50276a841..000000000 --- a/results/flaubert__flaubert_base_cased/no_revision_available/SyntecReranking.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "b205c5084a0934ce8af14338bf03feb19499c84d", - "mteb_dataset_name": "SyntecReranking", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 4.94, - "map": 0.5588333333333334, - "mrr": 0.5588333333333334 - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_cased/no_revision_available/SyntecRetrieval.json b/results/flaubert__flaubert_base_cased/no_revision_available/SyntecRetrieval.json deleted file mode 100644 index fb5fbc8f2..000000000 --- a/results/flaubert__flaubert_base_cased/no_revision_available/SyntecRetrieval.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": "77f7e271bf4a92b24fce5119f3486b583ca016ff", - "mteb_dataset_name": "SyntecRetrieval", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 1.1, - "map_at_1": 0.11, - "map_at_10": 0.16251, - "map_at_100": 0.18844, - "map_at_1000": 0.18844, - "map_at_3": 0.13, - "map_at_5": 0.149, - "mrr_at_1": 0.11, - "mrr_at_10": 0.16251, - "mrr_at_100": 0.18844, - "mrr_at_1000": 0.18844, - "mrr_at_3": 0.13, - "mrr_at_5": 0.149, - "ndcg_at_1": 0.11, - "ndcg_at_10": 0.20562, - "ndcg_at_100": 0.34123, - "ndcg_at_1000": 0.34123, - "ndcg_at_3": 0.13762, - "ndcg_at_5": 0.1712, - "precision_at_1": 0.11, - "precision_at_10": 0.035, - "precision_at_100": 0.01, - "precision_at_1000": 0.001, - "precision_at_3": 0.05333, - "precision_at_5": 0.048, - "recall_at_1": 0.11, - "recall_at_10": 0.35, - "recall_at_100": 1.0, - "recall_at_1000": 1.0, - "recall_at_3": 0.16, - "recall_at_5": 0.24 - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_cased/no_revision_available/XPQARetrieval.json b/results/flaubert__flaubert_base_cased/no_revision_available/XPQARetrieval.json deleted file mode 100644 index 2801c0d51..000000000 --- a/results/flaubert__flaubert_base_cased/no_revision_available/XPQARetrieval.json +++ /dev/null @@ -1,40 +0,0 @@ -{ - "dataset_revision": "c99d599f0a6ab9b85b065da6f9d94f9cf731679f", - "mteb_dataset_name": "XPQARetrieval", - "mteb_version": "1.1.3.dev0", - "test": { - "evaluation_time": 3.73, - "fr": { - "map_at_1": 0.0326, - "map_at_10": 0.04889, - "map_at_100": 0.05739, - "map_at_1000": 0.06012, - "map_at_3": 0.04136, - "map_at_5": 0.04426, - "mrr_at_1": 0.05474, - "mrr_at_10": 0.07587, - "mrr_at_100": 0.08454, - "mrr_at_1000": 0.08632, - "mrr_at_3": 0.06453, - "mrr_at_5": 0.06987, - "ndcg_at_1": 0.05474, - "ndcg_at_10": 0.06588, - "ndcg_at_100": 0.11229, - "ndcg_at_1000": 0.19072, - "ndcg_at_3": 0.05145, - "ndcg_at_5": 0.05442, - "precision_at_1": 0.05474, - "precision_at_10": 0.01842, - "precision_at_100": 0.00581, - "precision_at_1000": 0.00174, - "precision_at_3": 0.0316, - "precision_at_5": 0.02457, - "recall_at_1": 0.0326, - "recall_at_10": 0.08879, - "recall_at_100": 0.28551, - "recall_at_1000": 0.82968, - "recall_at_3": 0.04744, - "recall_at_5": 0.05912 - } - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_uncased/no_revision_available/AlloProfClusteringP2P.json b/results/flaubert__flaubert_base_uncased/no_revision_available/AlloProfClusteringP2P.json deleted file mode 100644 index 38d1ff3dc..000000000 --- a/results/flaubert__flaubert_base_uncased/no_revision_available/AlloProfClusteringP2P.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "392ba3f5bcc8c51f578786c1fc3dae648662cb9b", - "mteb_dataset_name": "AlloProfClusteringP2P", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 48.59, - "v_measure": 0.4320222924608445, - "v_measure_std": 0.020279428310387534 - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_uncased/no_revision_available/AlloProfClusteringS2S.json b/results/flaubert__flaubert_base_uncased/no_revision_available/AlloProfClusteringS2S.json deleted file mode 100644 index 97564ec93..000000000 --- a/results/flaubert__flaubert_base_uncased/no_revision_available/AlloProfClusteringS2S.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "392ba3f5bcc8c51f578786c1fc3dae648662cb9b", - "mteb_dataset_name": "AlloProfClusteringS2S", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 2.44, - "v_measure": 0.1293857445009916, - "v_measure_std": 0.013084396687518821 - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_uncased/no_revision_available/AlloprofReranking.json b/results/flaubert__flaubert_base_uncased/no_revision_available/AlloprofReranking.json deleted file mode 100644 index ecd98c7c3..000000000 --- a/results/flaubert__flaubert_base_uncased/no_revision_available/AlloprofReranking.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "666fdacebe0291776e86f29345663dfaf80a0db9", - "mteb_dataset_name": "AlloprofReranking", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 96.21, - "map": 0.34551578338576716, - "mrr": 0.35485852541810575 - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_uncased/no_revision_available/AlloprofRetrieval.json b/results/flaubert__flaubert_base_uncased/no_revision_available/AlloprofRetrieval.json deleted file mode 100644 index cd72ba992..000000000 --- a/results/flaubert__flaubert_base_uncased/no_revision_available/AlloprofRetrieval.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": "392ba3f5bcc8c51f578786c1fc3dae648662cb9b", - "mteb_dataset_name": "AlloprofRetrieval", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 55.95, - "map_at_1": 0.00389, - "map_at_10": 0.01159, - "map_at_100": 0.01475, - "map_at_1000": 0.016, - "map_at_3": 0.00799, - "map_at_5": 0.0098, - "mrr_at_1": 0.00389, - "mrr_at_10": 0.01159, - "mrr_at_100": 0.01475, - "mrr_at_1000": 0.016, - "mrr_at_3": 0.00799, - "mrr_at_5": 0.0098, - "ndcg_at_1": 0.00389, - "ndcg_at_10": 0.01719, - "ndcg_at_100": 0.03735, - "ndcg_at_1000": 0.08697, - "ndcg_at_3": 0.00937, - "ndcg_at_5": 0.0127, - "precision_at_1": 0.00389, - "precision_at_10": 0.00358, - "precision_at_100": 0.00142, - "precision_at_1000": 0.00057, - "precision_at_3": 0.00446, - "precision_at_5": 0.00432, - "recall_at_1": 0.00389, - "recall_at_10": 0.03584, - "recall_at_100": 0.14162, - "recall_at_1000": 0.56995, - "recall_at_3": 0.01339, - "recall_at_5": 0.02159 - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_uncased/no_revision_available/AmazonReviewsClassification.json b/results/flaubert__flaubert_base_uncased/no_revision_available/AmazonReviewsClassification.json deleted file mode 100644 index deff088e4..000000000 --- a/results/flaubert__flaubert_base_uncased/no_revision_available/AmazonReviewsClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", - "mteb_dataset_name": "AmazonReviewsClassification", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 18.45, - "fr": { - "accuracy": 0.23518, - "accuracy_stderr": 0.013836892714768014, - "f1": 0.222042976759927, - "f1_stderr": 0.018191485464129173, - "main_score": 0.23518 - } - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_uncased/no_revision_available/BSARDRetrieval.json b/results/flaubert__flaubert_base_uncased/no_revision_available/BSARDRetrieval.json deleted file mode 100644 index 256568f6e..000000000 --- a/results/flaubert__flaubert_base_uncased/no_revision_available/BSARDRetrieval.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": "5effa1b9b5fa3b0f9e12523e6e43e5f86a6e6d59", - "mteb_dataset_name": "BSARDRetrieval", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 583.35, - "map_at_1": 0.0, - "map_at_10": 0.0, - "map_at_100": 8e-05, - "map_at_1000": 0.0002, - "map_at_3": 0.0, - "map_at_5": 0.0, - "mrr_at_1": 0.0, - "mrr_at_10": 0.0, - "mrr_at_100": 8e-05, - "mrr_at_1000": 0.0002, - "mrr_at_3": 0.0, - "mrr_at_5": 0.0, - "ndcg_at_1": 0.0, - "ndcg_at_10": 0.0, - "ndcg_at_100": 0.00076, - "ndcg_at_1000": 0.00598, - "ndcg_at_3": 0.0, - "ndcg_at_5": 0.0, - "precision_at_1": 0.0, - "precision_at_10": 0.0, - "precision_at_100": 5e-05, - "precision_at_1000": 5e-05, - "precision_at_3": 0.0, - "precision_at_5": 0.0, - "recall_at_1": 0.0, - "recall_at_10": 0.0, - "recall_at_100": 0.0045, - "recall_at_1000": 0.04955, - "recall_at_3": 0.0, - "recall_at_5": 0.0 - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_uncased/no_revision_available/DiaBLaBitextMining.json b/results/flaubert__flaubert_base_uncased/no_revision_available/DiaBLaBitextMining.json deleted file mode 100644 index 6ef9d4bbd..000000000 --- a/results/flaubert__flaubert_base_uncased/no_revision_available/DiaBLaBitextMining.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "dataset_revision": "5345895c56a601afe1a98519ce3199be60a27dba", - "mteb_dataset_name": "DiaBLaBitextMining", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 10.07, - "fr-en": { - "accuracy": 0.04105775922059847, - "f1": 0.02985745352493187, - "main_score": 0.02985745352493187, - "precision": 0.027614068337506348, - "recall": 0.04105775922059847 - } - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_uncased/no_revision_available/FloresBitextMining.json b/results/flaubert__flaubert_base_uncased/no_revision_available/FloresBitextMining.json deleted file mode 100644 index daee368db..000000000 --- a/results/flaubert__flaubert_base_uncased/no_revision_available/FloresBitextMining.json +++ /dev/null @@ -1,22 +0,0 @@ -{ - "dataset_revision": "80dc3040d19756742c9a18267ab30f54fb8e226b", - "dev": { - "eng_Latn-fra_Latn": { - "accuracy": 0.08826479438314945, - "f1": 0.08098894058162567, - "main_score": 0.08098894058162567, - "precision": 0.07937510051409606, - "recall": 0.08826479438314945 - }, - "evaluation_time": 5.3, - "fra_Latn-eng_Latn": { - "accuracy": 0.2858575727181545, - "f1": 0.2537073113561774, - "main_score": 0.2537073113561774, - "precision": 0.245273849256952, - "recall": 0.2858575727181545 - } - }, - "mteb_dataset_name": "FloresBitextMining", - "mteb_version": "1.1.2.dev0" -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_uncased/no_revision_available/HALClusteringS2S.json b/results/flaubert__flaubert_base_uncased/no_revision_available/HALClusteringS2S.json deleted file mode 100644 index 56b7ac545..000000000 --- a/results/flaubert__flaubert_base_uncased/no_revision_available/HALClusteringS2S.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "e06ebbbb123f8144bef1a5d18796f3dec9ae2915", - "mteb_dataset_name": "HALClusteringS2S", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 92.7, - "v_measure": 0.01795603069453415, - "v_measure_std": 0.004631760150097163 - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_uncased/no_revision_available/MLSUMClusteringP2P.json b/results/flaubert__flaubert_base_uncased/no_revision_available/MLSUMClusteringP2P.json deleted file mode 100644 index da970fb3d..000000000 --- a/results/flaubert__flaubert_base_uncased/no_revision_available/MLSUMClusteringP2P.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "b5d54f8f3b61ae17845046286940f03c6bc79bc7", - "mteb_dataset_name": "MLSUMClusteringP2P", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 269.49, - "v_measure": 0.3322371189429822, - "v_measure_std": 0.013850582013038 - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_uncased/no_revision_available/MLSUMClusteringS2S.json b/results/flaubert__flaubert_base_uncased/no_revision_available/MLSUMClusteringS2S.json deleted file mode 100644 index 4e8d34edc..000000000 --- a/results/flaubert__flaubert_base_uncased/no_revision_available/MLSUMClusteringS2S.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "b5d54f8f3b61ae17845046286940f03c6bc79bc7", - "mteb_dataset_name": "MLSUMClusteringS2S", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 12.81, - "v_measure": 0.14897560178696928, - "v_measure_std": 0.013199160771535979 - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_uncased/no_revision_available/MTOPDomainClassification.json b/results/flaubert__flaubert_base_uncased/no_revision_available/MTOPDomainClassification.json deleted file mode 100644 index be9945e07..000000000 --- a/results/flaubert__flaubert_base_uncased/no_revision_available/MTOPDomainClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", - "mteb_dataset_name": "MTOPDomainClassification", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 3.86, - "fr": { - "accuracy": 0.27741935483870966, - "accuracy_stderr": 0.0274099764624459, - "f1": 0.2518785125211373, - "f1_stderr": 0.026265736774601537, - "main_score": 0.27741935483870966 - } - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_uncased/no_revision_available/MTOPIntentClassification.json b/results/flaubert__flaubert_base_uncased/no_revision_available/MTOPIntentClassification.json deleted file mode 100644 index 8cafa3758..000000000 --- a/results/flaubert__flaubert_base_uncased/no_revision_available/MTOPIntentClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", - "mteb_dataset_name": "MTOPIntentClassification", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 12.67, - "fr": { - "accuracy": 0.08609458189790167, - "accuracy_stderr": 0.0152874430619687, - "f1": 0.05849321927760531, - "f1_stderr": 0.007118272295760598, - "main_score": 0.08609458189790167 - } - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_uncased/no_revision_available/MasakhaNEWSClassification.json b/results/flaubert__flaubert_base_uncased/no_revision_available/MasakhaNEWSClassification.json deleted file mode 100644 index da63a834c..000000000 --- a/results/flaubert__flaubert_base_uncased/no_revision_available/MasakhaNEWSClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "dataset_revision": "8ccc72e69e65f40c70e117d8b3c08306bb788b60", - "mteb_dataset_name": "MasakhaNEWSClassification", - "mteb_version": "1.1.3.dev0", - "test": { - "evaluation_time": 31.11, - "fra": { - "accuracy": 0.6260663507109006, - "accuracy_stderr": 0.043187813269742255, - "f1": 0.5871368810516671, - "f1_stderr": 0.03738796062411292, - "main_score": 0.6260663507109006 - } - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_uncased/no_revision_available/MasakhaNEWSClusteringP2P.json b/results/flaubert__flaubert_base_uncased/no_revision_available/MasakhaNEWSClusteringP2P.json deleted file mode 100644 index 83a6c2fd8..000000000 --- a/results/flaubert__flaubert_base_uncased/no_revision_available/MasakhaNEWSClusteringP2P.json +++ /dev/null @@ -1,13 +0,0 @@ -{ - "dataset_revision": "8ccc72e69e65f40c70e117d8b3c08306bb788b60", - "mteb_dataset_name": "MasakhaNEWSClusteringP2P", - "mteb_version": "1.1.3.dev0", - "test": { - "evaluation_time": 9.4, - "fra": { - "main_score": 0.28493434283274766, - "v_measure": 0.28493434283274766, - "v_measure_std": 0.3797251778102709 - } - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_uncased/no_revision_available/MasakhaNEWSClusteringS2S.json b/results/flaubert__flaubert_base_uncased/no_revision_available/MasakhaNEWSClusteringS2S.json deleted file mode 100644 index 3c2f36be8..000000000 --- a/results/flaubert__flaubert_base_uncased/no_revision_available/MasakhaNEWSClusteringS2S.json +++ /dev/null @@ -1,13 +0,0 @@ -{ - "dataset_revision": "8ccc72e69e65f40c70e117d8b3c08306bb788b60", - "mteb_dataset_name": "MasakhaNEWSClusteringS2S", - "mteb_version": "1.1.3.dev0", - "test": { - "evaluation_time": 0.79, - "fra": { - "main_score": 0.22578824911809092, - "v_measure": 0.22578824911809092, - "v_measure_std": 0.38779918424539794 - } - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_uncased/no_revision_available/MassiveIntentClassification.json b/results/flaubert__flaubert_base_uncased/no_revision_available/MassiveIntentClassification.json deleted file mode 100644 index 11496fced..000000000 --- a/results/flaubert__flaubert_base_uncased/no_revision_available/MassiveIntentClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", - "mteb_dataset_name": "MassiveIntentClassification", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 8.35, - "fr": { - "accuracy": 0.06237390719569604, - "accuracy_stderr": 0.006093876787072554, - "f1": 0.056529335563453874, - "f1_stderr": 0.005183638446635838, - "main_score": 0.06237390719569604 - } - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_uncased/no_revision_available/MassiveScenarioClassification.json b/results/flaubert__flaubert_base_uncased/no_revision_available/MassiveScenarioClassification.json deleted file mode 100644 index d1efcaf31..000000000 --- a/results/flaubert__flaubert_base_uncased/no_revision_available/MassiveScenarioClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", - "mteb_dataset_name": "MassiveScenarioClassification", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 3.98, - "fr": { - "accuracy": 0.10981842636180228, - "accuracy_stderr": 0.012580509655922108, - "f1": 0.09797718504367044, - "f1_stderr": 0.007600780637926658, - "main_score": 0.10981842636180228 - } - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_uncased/no_revision_available/MintakaRetrieval.json b/results/flaubert__flaubert_base_uncased/no_revision_available/MintakaRetrieval.json deleted file mode 100644 index ad95d40fa..000000000 --- a/results/flaubert__flaubert_base_uncased/no_revision_available/MintakaRetrieval.json +++ /dev/null @@ -1,40 +0,0 @@ -{ - "dataset_revision": "efa78cc2f74bbcd21eff2261f9e13aebe40b814e", - "mteb_dataset_name": "MintakaRetrieval", - "mteb_version": "1.1.3.dev0", - "test": { - "evaluation_time": 6.98, - "fr": { - "map_at_1": 0.00123, - "map_at_10": 0.00362, - "map_at_100": 0.00507, - "map_at_1000": 0.00651, - "map_at_3": 0.0028, - "map_at_5": 0.00325, - "mrr_at_1": 0.00123, - "mrr_at_10": 0.00362, - "mrr_at_100": 0.00507, - "mrr_at_1000": 0.00651, - "mrr_at_3": 0.0028, - "mrr_at_5": 0.00325, - "ndcg_at_1": 0.00123, - "ndcg_at_10": 0.00508, - "ndcg_at_100": 0.01625, - "ndcg_at_1000": 0.0793, - "ndcg_at_3": 0.00334, - "ndcg_at_5": 0.00417, - "precision_at_1": 0.00123, - "precision_at_10": 0.00098, - "precision_at_100": 0.00072, - "precision_at_1000": 0.00063, - "precision_at_3": 0.00164, - "precision_at_5": 0.00139, - "recall_at_1": 0.00123, - "recall_at_10": 0.00983, - "recall_at_100": 0.07207, - "recall_at_1000": 0.62531, - "recall_at_3": 0.00491, - "recall_at_5": 0.00696 - } - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_uncased/no_revision_available/OpusparcusPC.json b/results/flaubert__flaubert_base_uncased/no_revision_available/OpusparcusPC.json deleted file mode 100644 index f03000a40..000000000 --- a/results/flaubert__flaubert_base_uncased/no_revision_available/OpusparcusPC.json +++ /dev/null @@ -1,97 +0,0 @@ -{ - "dataset_revision": "9e9b1f8ef51616073f47f306f7f47dd91663f86a", - "mteb_dataset_name": "OpusparcusPC", - "mteb_version": "1.6.7", - "test.full": { - "evaluation_time": 1.61, - "fr": { - "cos_sim": { - "accuracy": 0.6934604904632152, - "accuracy_threshold": 0.15444090962409973, - "ap": 0.8199594649342907, - "f1": 0.8146044624746451, - "f1_threshold": 0.048258453607559204, - "precision": 0.6886145404663924, - "recall": 0.997020854021847 - }, - "dot": { - "accuracy": 0.7009536784741145, - "accuracy_threshold": 94.00214385986328, - "ap": 0.7831770686364347, - "f1": 0.8150912106135986, - "f1_threshold": 79.3486328125, - "precision": 0.699644128113879, - "recall": 0.9761668321747765 - }, - "euclidean": { - "accuracy": 0.6866485013623979, - "accuracy_threshold": 55.92403793334961, - "ap": 0.787831336828936, - "f1": 0.8139158576051779, - "f1_threshold": 55.92403793334961, - "precision": 0.6866894197952218, - "recall": 0.9990069513406157 - }, - "manhattan": { - "accuracy": 0.6866485013623979, - "accuracy_threshold": 1213.38427734375, - "ap": 0.7875730905575815, - "f1": 0.8139158576051779, - "f1_threshold": 1213.38427734375, - "precision": 0.6866894197952218, - "recall": 0.9990069513406157 - }, - "max": { - "accuracy": 0.7009536784741145, - "ap": 0.8199594649342907, - "f1": 0.8150912106135986 - } - } - }, - "validation.full": { - "evaluation_time": 1.14, - "fr": { - "cos_sim": { - "accuracy": 0.7165242165242165, - "accuracy_threshold": 0.1295774281024933, - "ap": 0.8371300542205431, - "f1": 0.8308977035490605, - "f1_threshold": 0.059213072061538696, - "precision": 0.7117310443490701, - "recall": 0.9979939819458375 - }, - "dot": { - "accuracy": 0.7165242165242165, - "accuracy_threshold": 103.45340728759766, - "ap": 0.7796130013819325, - "f1": 0.8315921437526117, - "f1_threshold": 43.83363342285156, - "precision": 0.7127507163323782, - "recall": 0.9979939819458375 - }, - "euclidean": { - "accuracy": 0.7129629629629629, - "accuracy_threshold": 47.63100814819336, - "ap": 0.8191724270651748, - "f1": 0.8307433851322974, - "f1_threshold": 47.63100814819336, - "precision": 0.7145953757225434, - "recall": 0.9919759277833501 - }, - "manhattan": { - "accuracy": 0.7136752136752137, - "accuracy_threshold": 1035.989013671875, - "ap": 0.8176336230797245, - "f1": 0.8311036789297659, - "f1_threshold": 1076.066162109375, - "precision": 0.7125448028673835, - "recall": 0.9969909729187563 - }, - "max": { - "accuracy": 0.7165242165242165, - "ap": 0.8371300542205431, - "f1": 0.8315921437526117 - } - } - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_uncased/no_revision_available/PawsXPairClassification.json b/results/flaubert__flaubert_base_uncased/no_revision_available/PawsXPairClassification.json deleted file mode 100644 index f03833c46..000000000 --- a/results/flaubert__flaubert_base_uncased/no_revision_available/PawsXPairClassification.json +++ /dev/null @@ -1,51 +0,0 @@ -{ - "dataset_revision": "8a04d940a42cd40658986fdd8e3da561533a3646", - "mteb_dataset_name": "PawsXPairClassification", - "mteb_version": "1.1.3.dev0", - "test": { - "evaluation_time": 4.5, - "fr": { - "cos_sim": { - "accuracy": 0.5745, - "accuracy_threshold": 0.9766922588403509, - "ap": 0.5277777608306072, - "f1": 0.6265646731571627, - "f1_threshold": 0.4144646733352618, - "precision": 0.45666497719209326, - "recall": 0.9977851605758582 - }, - "dot": { - "accuracy": 0.5745, - "accuracy_threshold": 0.9766922852328241, - "ap": 0.5270005973468028, - "f1": 0.6265646731571627, - "f1_threshold": 0.414464675122266, - "precision": 0.45666497719209326, - "recall": 0.9977851605758582 - }, - "euclidean": { - "accuracy": 0.5745, - "accuracy_threshold": 0.2159058785298404, - "ap": 0.5277777608306072, - "f1": 0.6265646731571627, - "f1_threshold": 1.0821137570161827, - "precision": 0.45666497719209326, - "recall": 0.9977851605758582 - }, - "manhattan": { - "accuracy": 0.574, - "accuracy_threshold": 4.7754640291998385, - "ap": 0.5289286756479755, - "f1": 0.626129256428075, - "f1_threshold": 23.115760672229953, - "precision": 0.4562025316455696, - "recall": 0.9977851605758582 - }, - "max": { - "accuracy": 0.5745, - "ap": 0.5289286756479755, - "f1": 0.6265646731571627 - } - } - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_uncased/no_revision_available/SICKFr.json b/results/flaubert__flaubert_base_uncased/no_revision_available/SICKFr.json deleted file mode 100644 index b67819a87..000000000 --- a/results/flaubert__flaubert_base_uncased/no_revision_available/SICKFr.json +++ /dev/null @@ -1,20 +0,0 @@ -{ - "dataset_revision": "e077ab4cf4774a1e36d86d593b150422fafd8e8a", - "mteb_dataset_name": "SICKFr", - "mteb_version": "1.1.2.dev0", - "test": { - "cos_sim": { - "pearson": 0.4097688581449347, - "spearman": 0.4190237966349758 - }, - "euclidean": { - "pearson": 0.437759584653009, - "spearman": 0.41902377050325035 - }, - "evaluation_time": 4.34, - "manhattan": { - "pearson": 0.42977990142969225, - "spearman": 0.4131837844987885 - } - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_uncased/no_revision_available/STS22.json b/results/flaubert__flaubert_base_uncased/no_revision_available/STS22.json deleted file mode 100644 index f8d0137bb..000000000 --- a/results/flaubert__flaubert_base_uncased/no_revision_available/STS22.json +++ /dev/null @@ -1,22 +0,0 @@ -{ - "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", - "mteb_dataset_name": "STS22", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 2.97, - "fr": { - "cos_sim": { - "pearson": 0.49466204820313714, - "spearman": 0.5515047105823337 - }, - "euclidean": { - "pearson": 0.5443107569930546, - "spearman": 0.5515047105823337 - }, - "manhattan": { - "pearson": 0.5439813264915518, - "spearman": 0.5528504113160717 - } - } - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_uncased/no_revision_available/STSBenchmarkMultilingualSTS.json b/results/flaubert__flaubert_base_uncased/no_revision_available/STSBenchmarkMultilingualSTS.json deleted file mode 100644 index e3a94efd4..000000000 --- a/results/flaubert__flaubert_base_uncased/no_revision_available/STSBenchmarkMultilingualSTS.json +++ /dev/null @@ -1,22 +0,0 @@ -{ - "dataset_revision": "93d57ef91790589e3ce9c365164337a8a78b7632", - "mteb_dataset_name": "STSBenchmarkMultilingualSTS", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 2.21, - "fr": { - "cos_sim": { - "pearson": 0.3223135684077685, - "spearman": 0.33408260645805227 - }, - "euclidean": { - "pearson": 0.3574750600604372, - "spearman": 0.33408260645805227 - }, - "manhattan": { - "pearson": 0.34997183604765175, - "spearman": 0.32847317099008655 - } - } - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_uncased/no_revision_available/SummEvalFr.json b/results/flaubert__flaubert_base_uncased/no_revision_available/SummEvalFr.json deleted file mode 100644 index 41135027b..000000000 --- a/results/flaubert__flaubert_base_uncased/no_revision_available/SummEvalFr.json +++ /dev/null @@ -1,16 +0,0 @@ -{ - "dataset_revision": "b385812de6a9577b6f4d0f88c6a6e35395a94054", - "mteb_dataset_name": "SummEvalFr", - "mteb_version": "1.1.2.dev0", - "test": { - "cos_sim": { - "pearson": 0.2966345669878592, - "spearman": 0.2942790176376187 - }, - "dot": { - "pearson": 0.29663456470886407, - "spearman": 0.2942790176376187 - }, - "evaluation_time": 7.5 - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_uncased/no_revision_available/SyntecReranking.json b/results/flaubert__flaubert_base_uncased/no_revision_available/SyntecReranking.json deleted file mode 100644 index 9832003f5..000000000 --- a/results/flaubert__flaubert_base_uncased/no_revision_available/SyntecReranking.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "b205c5084a0934ce8af14338bf03feb19499c84d", - "mteb_dataset_name": "SyntecReranking", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 4.74, - "map": 0.5718333333333334, - "mrr": 0.5718333333333334 - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_uncased/no_revision_available/SyntecRetrieval.json b/results/flaubert__flaubert_base_uncased/no_revision_available/SyntecRetrieval.json deleted file mode 100644 index 9902647e5..000000000 --- a/results/flaubert__flaubert_base_uncased/no_revision_available/SyntecRetrieval.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": "77f7e271bf4a92b24fce5119f3486b583ca016ff", - "mteb_dataset_name": "SyntecRetrieval", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 3.01, - "map_at_1": 0.04, - "map_at_10": 0.15083, - "map_at_100": 0.17149, - "map_at_1000": 0.17149, - "map_at_3": 0.10333, - "map_at_5": 0.12983, - "mrr_at_1": 0.04, - "mrr_at_10": 0.15083, - "mrr_at_100": 0.17149, - "mrr_at_1000": 0.17149, - "mrr_at_3": 0.10333, - "mrr_at_5": 0.12983, - "ndcg_at_1": 0.04, - "ndcg_at_10": 0.22333, - "ndcg_at_100": 0.33478, - "ndcg_at_1000": 0.33478, - "ndcg_at_3": 0.12547, - "ndcg_at_5": 0.17197, - "precision_at_1": 0.04, - "precision_at_10": 0.046, - "precision_at_100": 0.01, - "precision_at_1000": 0.001, - "precision_at_3": 0.06333, - "precision_at_5": 0.06, - "recall_at_1": 0.04, - "recall_at_10": 0.46, - "recall_at_100": 1.0, - "recall_at_1000": 1.0, - "recall_at_3": 0.19, - "recall_at_5": 0.3 - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_base_uncased/no_revision_available/XPQARetrieval.json b/results/flaubert__flaubert_base_uncased/no_revision_available/XPQARetrieval.json deleted file mode 100644 index 1389b7f5e..000000000 --- a/results/flaubert__flaubert_base_uncased/no_revision_available/XPQARetrieval.json +++ /dev/null @@ -1,40 +0,0 @@ -{ - "dataset_revision": "c99d599f0a6ab9b85b065da6f9d94f9cf731679f", - "mteb_dataset_name": "XPQARetrieval", - "mteb_version": "1.1.3.dev0", - "test": { - "evaluation_time": 3.76, - "fr": { - "map_at_1": 0.04849, - "map_at_10": 0.07121, - "map_at_100": 0.07831, - "map_at_1000": 0.08091, - "map_at_3": 0.06166, - "map_at_5": 0.06746, - "mrr_at_1": 0.07477, - "mrr_at_10": 0.10305, - "mrr_at_100": 0.11072, - "mrr_at_1000": 0.11246, - "mrr_at_3": 0.09301, - "mrr_at_5": 0.09955, - "ndcg_at_1": 0.07477, - "ndcg_at_10": 0.0909, - "ndcg_at_100": 0.13312, - "ndcg_at_1000": 0.20915, - "ndcg_at_3": 0.07565, - "ndcg_at_5": 0.08268, - "precision_at_1": 0.07477, - "precision_at_10": 0.02123, - "precision_at_100": 0.0059, - "precision_at_1000": 0.00172, - "precision_at_3": 0.04317, - "precision_at_5": 0.03364, - "recall_at_1": 0.04849, - "recall_at_10": 0.11751, - "recall_at_100": 0.30049, - "recall_at_1000": 0.82557, - "recall_at_3": 0.07454, - "recall_at_5": 0.09646 - } - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_large_cased/no_revision_available/AlloProfClusteringP2P.json b/results/flaubert__flaubert_large_cased/no_revision_available/AlloProfClusteringP2P.json deleted file mode 100644 index 4382c3a24..000000000 --- a/results/flaubert__flaubert_large_cased/no_revision_available/AlloProfClusteringP2P.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "392ba3f5bcc8c51f578786c1fc3dae648662cb9b", - "mteb_dataset_name": "AlloProfClusteringP2P", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 90.91, - "v_measure": 0.4085073955515567, - "v_measure_std": 0.02051874354845883 - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_large_cased/no_revision_available/AlloProfClusteringS2S.json b/results/flaubert__flaubert_large_cased/no_revision_available/AlloProfClusteringS2S.json deleted file mode 100644 index ccd521969..000000000 --- a/results/flaubert__flaubert_large_cased/no_revision_available/AlloProfClusteringS2S.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "392ba3f5bcc8c51f578786c1fc3dae648662cb9b", - "mteb_dataset_name": "AlloProfClusteringS2S", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 4.04, - "v_measure": 0.21755610303617196, - "v_measure_std": 0.016408304429726288 - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_large_cased/no_revision_available/AlloprofReranking.json b/results/flaubert__flaubert_large_cased/no_revision_available/AlloprofReranking.json deleted file mode 100644 index 5b368b1a4..000000000 --- a/results/flaubert__flaubert_large_cased/no_revision_available/AlloprofReranking.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "666fdacebe0291776e86f29345663dfaf80a0db9", - "mteb_dataset_name": "AlloprofReranking", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 206.73, - "map": 0.2628634383924476, - "mrr": 0.2650157884232328 - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_large_cased/no_revision_available/AlloprofRetrieval.json b/results/flaubert__flaubert_large_cased/no_revision_available/AlloprofRetrieval.json deleted file mode 100644 index ab91027c0..000000000 --- a/results/flaubert__flaubert_large_cased/no_revision_available/AlloprofRetrieval.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": "392ba3f5bcc8c51f578786c1fc3dae648662cb9b", - "mteb_dataset_name": "AlloprofRetrieval", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 110.76, - "map_at_1": 0.00259, - "map_at_10": 0.00455, - "map_at_100": 0.00548, - "map_at_1000": 0.00633, - "map_at_3": 0.00374, - "map_at_5": 0.00415, - "mrr_at_1": 0.00259, - "mrr_at_10": 0.00455, - "mrr_at_100": 0.00548, - "mrr_at_1000": 0.00633, - "mrr_at_3": 0.00374, - "mrr_at_5": 0.00415, - "ndcg_at_1": 0.00259, - "ndcg_at_10": 0.0058, - "ndcg_at_100": 0.0126, - "ndcg_at_1000": 0.05515, - "ndcg_at_3": 0.00411, - "ndcg_at_5": 0.00484, - "precision_at_1": 0.00259, - "precision_at_10": 0.00099, - "precision_at_100": 0.00047, - "precision_at_1000": 0.00043, - "precision_at_3": 0.00173, - "precision_at_5": 0.00138, - "recall_at_1": 0.00259, - "recall_at_10": 0.00993, - "recall_at_100": 0.04706, - "recall_at_1000": 0.42962, - "recall_at_3": 0.00518, - "recall_at_5": 0.00691 - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_large_cased/no_revision_available/AmazonReviewsClassification.json b/results/flaubert__flaubert_large_cased/no_revision_available/AmazonReviewsClassification.json deleted file mode 100644 index 0a83f5af9..000000000 --- a/results/flaubert__flaubert_large_cased/no_revision_available/AmazonReviewsClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", - "mteb_dataset_name": "AmazonReviewsClassification", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 40.68, - "fr": { - "accuracy": 0.22446000000000002, - "accuracy_stderr": 0.021360720961615506, - "f1": 0.19851345546310634, - "f1_stderr": 0.03287843905140696, - "main_score": 0.22446000000000002 - } - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_large_cased/no_revision_available/BSARDRetrieval.json b/results/flaubert__flaubert_large_cased/no_revision_available/BSARDRetrieval.json deleted file mode 100644 index 372f09603..000000000 --- a/results/flaubert__flaubert_large_cased/no_revision_available/BSARDRetrieval.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": "5effa1b9b5fa3b0f9e12523e6e43e5f86a6e6d59", - "mteb_dataset_name": "BSARDRetrieval", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 574.39, - "map_at_1": 0.0, - "map_at_10": 0.0, - "map_at_100": 0.00056, - "map_at_1000": 0.00074, - "map_at_3": 0.0, - "map_at_5": 0.0, - "mrr_at_1": 0.0, - "mrr_at_10": 0.0, - "mrr_at_100": 0.00056, - "mrr_at_1000": 0.00074, - "mrr_at_3": 0.0, - "mrr_at_5": 0.0, - "ndcg_at_1": 0.0, - "ndcg_at_10": 0.0, - "ndcg_at_100": 0.00219, - "ndcg_at_1000": 0.01032, - "ndcg_at_3": 0.0, - "ndcg_at_5": 0.0, - "precision_at_1": 0.0, - "precision_at_10": 0.0, - "precision_at_100": 9e-05, - "precision_at_1000": 8e-05, - "precision_at_3": 0.0, - "precision_at_5": 0.0, - "recall_at_1": 0.0, - "recall_at_10": 0.0, - "recall_at_100": 0.00901, - "recall_at_1000": 0.08108, - "recall_at_3": 0.0, - "recall_at_5": 0.0 - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_large_cased/no_revision_available/DiaBLaBitextMining.json b/results/flaubert__flaubert_large_cased/no_revision_available/DiaBLaBitextMining.json deleted file mode 100644 index e163bf08f..000000000 --- a/results/flaubert__flaubert_large_cased/no_revision_available/DiaBLaBitextMining.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "dataset_revision": "5345895c56a601afe1a98519ce3199be60a27dba", - "mteb_dataset_name": "DiaBLaBitextMining", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 22.93, - "fr-en": { - "accuracy": 0.016701461377870562, - "f1": 0.009125460760132157, - "main_score": 0.009125460760132157, - "precision": 0.008096250379247143, - "recall": 0.016701461377870562 - } - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_large_cased/no_revision_available/FloresBitextMining.json b/results/flaubert__flaubert_large_cased/no_revision_available/FloresBitextMining.json deleted file mode 100644 index 742ebb043..000000000 --- a/results/flaubert__flaubert_large_cased/no_revision_available/FloresBitextMining.json +++ /dev/null @@ -1,22 +0,0 @@ -{ - "dataset_revision": "80dc3040d19756742c9a18267ab30f54fb8e226b", - "dev": { - "eng_Latn-fra_Latn": { - "accuracy": 0.20361083249749248, - "f1": 0.17394299796807375, - "main_score": 0.17394299796807375, - "precision": 0.16706377013018667, - "recall": 0.20361083249749248 - }, - "evaluation_time": 13.18, - "fra_Latn-eng_Latn": { - "accuracy": 0.18355065195586762, - "f1": 0.1491870638833542, - "main_score": 0.1491870638833542, - "precision": 0.141337679771029, - "recall": 0.18355065195586762 - } - }, - "mteb_dataset_name": "FloresBitextMining", - "mteb_version": "1.1.2.dev0" -} \ No newline at end of file diff --git a/results/flaubert__flaubert_large_cased/no_revision_available/HALClusteringS2S.json b/results/flaubert__flaubert_large_cased/no_revision_available/HALClusteringS2S.json deleted file mode 100644 index 16e46ee69..000000000 --- a/results/flaubert__flaubert_large_cased/no_revision_available/HALClusteringS2S.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "e06ebbbb123f8144bef1a5d18796f3dec9ae2915", - "mteb_dataset_name": "HALClusteringS2S", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 239.12, - "v_measure": 0.05262528089639844, - "v_measure_std": 0.02016213526049126 - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_large_cased/no_revision_available/MLSUMClusteringP2P.json b/results/flaubert__flaubert_large_cased/no_revision_available/MLSUMClusteringP2P.json deleted file mode 100644 index 9ebfd8f7b..000000000 --- a/results/flaubert__flaubert_large_cased/no_revision_available/MLSUMClusteringP2P.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "b5d54f8f3b61ae17845046286940f03c6bc79bc7", - "mteb_dataset_name": "MLSUMClusteringP2P", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 537.73, - "v_measure": 0.3809040459534752, - "v_measure_std": 0.01563751614428723 - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_large_cased/no_revision_available/MLSUMClusteringS2S.json b/results/flaubert__flaubert_large_cased/no_revision_available/MLSUMClusteringS2S.json deleted file mode 100644 index 57d16d14f..000000000 --- a/results/flaubert__flaubert_large_cased/no_revision_available/MLSUMClusteringS2S.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "b5d54f8f3b61ae17845046286940f03c6bc79bc7", - "mteb_dataset_name": "MLSUMClusteringS2S", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 28.63, - "v_measure": 0.18712701309696092, - "v_measure_std": 0.016665158228385307 - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_large_cased/no_revision_available/MTOPDomainClassification.json b/results/flaubert__flaubert_large_cased/no_revision_available/MTOPDomainClassification.json deleted file mode 100644 index 931c77da5..000000000 --- a/results/flaubert__flaubert_large_cased/no_revision_available/MTOPDomainClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", - "mteb_dataset_name": "MTOPDomainClassification", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 7.11, - "fr": { - "accuracy": 0.24265580958346383, - "accuracy_stderr": 0.041227055570932834, - "f1": 0.17912947543618193, - "f1_stderr": 0.03907917634862998, - "main_score": 0.24265580958346383 - } - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_large_cased/no_revision_available/MTOPIntentClassification.json b/results/flaubert__flaubert_large_cased/no_revision_available/MTOPIntentClassification.json deleted file mode 100644 index 5d300a2c2..000000000 --- a/results/flaubert__flaubert_large_cased/no_revision_available/MTOPIntentClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", - "mteb_dataset_name": "MTOPIntentClassification", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 23.1, - "fr": { - "accuracy": 0.09790165988098966, - "accuracy_stderr": 0.0238848347484656, - "f1": 0.03878546488324229, - "f1_stderr": 0.0037467192720323154, - "main_score": 0.09790165988098966 - } - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_large_cased/no_revision_available/MasakhaNEWSClassification.json b/results/flaubert__flaubert_large_cased/no_revision_available/MasakhaNEWSClassification.json deleted file mode 100644 index 889e6ccca..000000000 --- a/results/flaubert__flaubert_large_cased/no_revision_available/MasakhaNEWSClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "dataset_revision": "8ccc72e69e65f40c70e117d8b3c08306bb788b60", - "mteb_dataset_name": "MasakhaNEWSClassification", - "mteb_version": "1.1.3.dev0", - "test": { - "evaluation_time": 50.13, - "fra": { - "accuracy": 0.5563981042654029, - "accuracy_stderr": 0.04863076568657951, - "f1": 0.5172027103461494, - "f1_stderr": 0.04156040997081097, - "main_score": 0.5563981042654029 - } - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_large_cased/no_revision_available/MasakhaNEWSClusteringP2P.json b/results/flaubert__flaubert_large_cased/no_revision_available/MasakhaNEWSClusteringP2P.json deleted file mode 100644 index 8013e8fdf..000000000 --- a/results/flaubert__flaubert_large_cased/no_revision_available/MasakhaNEWSClusteringP2P.json +++ /dev/null @@ -1,13 +0,0 @@ -{ - "dataset_revision": "8ccc72e69e65f40c70e117d8b3c08306bb788b60", - "mteb_dataset_name": "MasakhaNEWSClusteringP2P", - "mteb_version": "1.1.3.dev0", - "test": { - "evaluation_time": 16.76, - "fra": { - "main_score": 0.2642955329593683, - "v_measure": 0.2642955329593683, - "v_measure_std": 0.37519818123618687 - } - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_large_cased/no_revision_available/MasakhaNEWSClusteringS2S.json b/results/flaubert__flaubert_large_cased/no_revision_available/MasakhaNEWSClusteringS2S.json deleted file mode 100644 index e7636c7d7..000000000 --- a/results/flaubert__flaubert_large_cased/no_revision_available/MasakhaNEWSClusteringS2S.json +++ /dev/null @@ -1,13 +0,0 @@ -{ - "dataset_revision": "8ccc72e69e65f40c70e117d8b3c08306bb788b60", - "mteb_dataset_name": "MasakhaNEWSClusteringS2S", - "mteb_version": "1.1.3.dev0", - "test": { - "evaluation_time": 1.21, - "fra": { - "main_score": 0.24676513795322483, - "v_measure": 0.24676513795322483, - "v_measure_std": 0.3785649446377498 - } - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_large_cased/no_revision_available/MassiveIntentClassification.json b/results/flaubert__flaubert_large_cased/no_revision_available/MassiveIntentClassification.json deleted file mode 100644 index fb4f06eb5..000000000 --- a/results/flaubert__flaubert_large_cased/no_revision_available/MassiveIntentClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", - "mteb_dataset_name": "MassiveIntentClassification", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 15.08, - "fr": { - "accuracy": 0.16412239408204438, - "accuracy_stderr": 0.008628466709379532, - "f1": 0.14405976078246, - "f1_stderr": 0.008551910749086875, - "main_score": 0.16412239408204438 - } - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_large_cased/no_revision_available/MassiveScenarioClassification.json b/results/flaubert__flaubert_large_cased/no_revision_available/MassiveScenarioClassification.json deleted file mode 100644 index 3927362f6..000000000 --- a/results/flaubert__flaubert_large_cased/no_revision_available/MassiveScenarioClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", - "mteb_dataset_name": "MassiveScenarioClassification", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 8.68, - "fr": { - "accuracy": 0.22716879623402822, - "accuracy_stderr": 0.028346759279031818, - "f1": 0.20540587167517818, - "f1_stderr": 0.0183840878719154, - "main_score": 0.22716879623402822 - } - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_large_cased/no_revision_available/MintakaRetrieval.json b/results/flaubert__flaubert_large_cased/no_revision_available/MintakaRetrieval.json deleted file mode 100644 index 2beacf181..000000000 --- a/results/flaubert__flaubert_large_cased/no_revision_available/MintakaRetrieval.json +++ /dev/null @@ -1,40 +0,0 @@ -{ - "dataset_revision": "efa78cc2f74bbcd21eff2261f9e13aebe40b814e", - "mteb_dataset_name": "MintakaRetrieval", - "mteb_version": "1.1.3.dev0", - "test": { - "evaluation_time": 10.55, - "fr": { - "map_at_1": 0.00082, - "map_at_10": 0.00194, - "map_at_100": 0.00356, - "map_at_1000": 0.0051, - "map_at_3": 0.00143, - "map_at_5": 0.00172, - "mrr_at_1": 0.00082, - "mrr_at_10": 0.00194, - "mrr_at_100": 0.00356, - "mrr_at_1000": 0.0051, - "mrr_at_3": 0.00143, - "mrr_at_5": 0.00172, - "ndcg_at_1": 0.00082, - "ndcg_at_10": 0.00263, - "ndcg_at_100": 0.01534, - "ndcg_at_1000": 0.07992, - "ndcg_at_3": 0.00159, - "ndcg_at_5": 0.00211, - "precision_at_1": 0.00082, - "precision_at_10": 0.00049, - "precision_at_100": 0.00076, - "precision_at_1000": 0.00064, - "precision_at_3": 0.00068, - "precision_at_5": 0.00066, - "recall_at_1": 0.00082, - "recall_at_10": 0.00491, - "recall_at_100": 0.07617, - "recall_at_1000": 0.63923, - "recall_at_3": 0.00205, - "recall_at_5": 0.00328 - } - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_large_cased/no_revision_available/OpusparcusPC.json b/results/flaubert__flaubert_large_cased/no_revision_available/OpusparcusPC.json deleted file mode 100644 index 71cb89e00..000000000 --- a/results/flaubert__flaubert_large_cased/no_revision_available/OpusparcusPC.json +++ /dev/null @@ -1,97 +0,0 @@ -{ - "dataset_revision": "9e9b1f8ef51616073f47f306f7f47dd91663f86a", - "mteb_dataset_name": "OpusparcusPC", - "mteb_version": "1.6.7", - "test.full": { - "evaluation_time": 2.8, - "fr": { - "cos_sim": { - "accuracy": 0.6920980926430518, - "accuracy_threshold": -0.23284804821014404, - "ap": 0.7477887795605048, - "f1": 0.8164094232331438, - "f1_threshold": -0.23878216743469238, - "precision": 0.6907216494845361, - "recall": 0.9980139026812314 - }, - "dot": { - "accuracy": 0.6920980926430518, - "accuracy_threshold": -9960.91015625, - "ap": 0.6067061892702712, - "f1": 0.8158109209453952, - "f1_threshold": -9960.91015625, - "precision": 0.6917760884588804, - "recall": 0.9940417080436942 - }, - "euclidean": { - "accuracy": 0.7043596730245232, - "accuracy_threshold": 139.47268676757812, - "ap": 0.8268438863638812, - "f1": 0.8159934720522237, - "f1_threshold": 405.3624572753906, - "precision": 0.6925207756232687, - "recall": 0.9930486593843099 - }, - "manhattan": { - "accuracy": 0.7166212534059946, - "accuracy_threshold": 1546.4833984375, - "ap": 0.8591035377209238, - "f1": 0.8150881508815088, - "f1_threshold": 2951.40283203125, - "precision": 0.6941340782122905, - "recall": 0.9870903674280039 - }, - "max": { - "accuracy": 0.7166212534059946, - "ap": 0.8591035377209238, - "f1": 0.8164094232331438 - } - } - }, - "validation.full": { - "evaluation_time": 2.31, - "fr": { - "cos_sim": { - "accuracy": 0.7108262108262108, - "accuracy_threshold": -0.29698270559310913, - "ap": 0.7644139372682293, - "f1": 0.8308333333333333, - "f1_threshold": -0.29698270559310913, - "precision": 0.7106200997861725, - "recall": 1.0 - }, - "dot": { - "accuracy": 0.7094017094017094, - "accuracy_threshold": -14260.126953125, - "ap": 0.6337990950201872, - "f1": 0.8300000000000001, - "f1_threshold": -14260.126953125, - "precision": 0.7099073414112615, - "recall": 0.9989969909729187 - }, - "euclidean": { - "accuracy": 0.7115384615384616, - "accuracy_threshold": 242.97482299804688, - "ap": 0.833060997224124, - "f1": 0.8300000000000001, - "f1_threshold": 498.8156433105469, - "precision": 0.7099073414112615, - "recall": 0.9989969909729187 - }, - "manhattan": { - "accuracy": 0.717948717948718, - "accuracy_threshold": 1672.405517578125, - "ap": 0.869822710097292, - "f1": 0.8300000000000001, - "f1_threshold": 4314.783203125, - "precision": 0.7099073414112615, - "recall": 0.9989969909729187 - }, - "max": { - "accuracy": 0.717948717948718, - "ap": 0.869822710097292, - "f1": 0.8308333333333333 - } - } - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_large_cased/no_revision_available/PawsXPairClassification.json b/results/flaubert__flaubert_large_cased/no_revision_available/PawsXPairClassification.json deleted file mode 100644 index 0f9416694..000000000 --- a/results/flaubert__flaubert_large_cased/no_revision_available/PawsXPairClassification.json +++ /dev/null @@ -1,51 +0,0 @@ -{ - "dataset_revision": "8a04d940a42cd40658986fdd8e3da561533a3646", - "mteb_dataset_name": "PawsXPairClassification", - "mteb_version": "1.1.3.dev0", - "test": { - "evaluation_time": 10.59, - "fr": { - "cos_sim": { - "accuracy": 0.5835, - "accuracy_threshold": 0.9943689451850946, - "ap": 0.5413772297820212, - "f1": 0.6225439503619441, - "f1_threshold": -0.025732762586272218, - "precision": 0.4519519519519519, - "recall": 1.0 - }, - "dot": { - "accuracy": 0.5835, - "accuracy_threshold": 0.9943689190630334, - "ap": 0.5422867908082676, - "f1": 0.6225439503619441, - "f1_threshold": -0.025732763118399258, - "precision": 0.4519519519519519, - "recall": 1.0 - }, - "euclidean": { - "accuracy": 0.5835, - "accuracy_threshold": 0.10612299197196455, - "ap": 0.5413772297820212, - "f1": 0.6225439503619441, - "f1_threshold": 1.4321145233593964, - "precision": 0.4519519519519519, - "recall": 1.0 - }, - "manhattan": { - "accuracy": 0.5875, - "accuracy_threshold": 2.451856218640586, - "ap": 0.5493508823988813, - "f1": 0.6249134948096886, - "f1_threshold": 24.016098932296273, - "precision": 0.4544539506794162, - "recall": 1.0 - }, - "max": { - "accuracy": 0.5875, - "ap": 0.5493508823988813, - "f1": 0.6249134948096886 - } - } - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_large_cased/no_revision_available/SICKFr.json b/results/flaubert__flaubert_large_cased/no_revision_available/SICKFr.json deleted file mode 100644 index 6e38f8b7d..000000000 --- a/results/flaubert__flaubert_large_cased/no_revision_available/SICKFr.json +++ /dev/null @@ -1,20 +0,0 @@ -{ - "dataset_revision": "e077ab4cf4774a1e36d86d593b150422fafd8e8a", - "mteb_dataset_name": "SICKFr", - "mteb_version": "1.1.2.dev0", - "test": { - "cos_sim": { - "pearson": 0.15656950334602862, - "spearman": 0.34604282286371624 - }, - "euclidean": { - "pearson": 0.2803276366189712, - "spearman": 0.3460426153859709 - }, - "evaluation_time": 9.95, - "manhattan": { - "pearson": 0.39184453518252166, - "spearman": 0.44691214658898853 - } - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_large_cased/no_revision_available/STS22.json b/results/flaubert__flaubert_large_cased/no_revision_available/STS22.json deleted file mode 100644 index db76093fe..000000000 --- a/results/flaubert__flaubert_large_cased/no_revision_available/STS22.json +++ /dev/null @@ -1,22 +0,0 @@ -{ - "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", - "mteb_dataset_name": "STS22", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 6.39, - "fr": { - "cos_sim": { - "pearson": 0.170935148109033, - "spearman": 0.4852164892537546 - }, - "euclidean": { - "pearson": 0.2736200140696836, - "spearman": 0.4852164892537546 - }, - "manhattan": { - "pearson": 0.3959787972260193, - "spearman": 0.5326095216789827 - } - } - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_large_cased/no_revision_available/STSBenchmarkMultilingualSTS.json b/results/flaubert__flaubert_large_cased/no_revision_available/STSBenchmarkMultilingualSTS.json deleted file mode 100644 index f1c11747a..000000000 --- a/results/flaubert__flaubert_large_cased/no_revision_available/STSBenchmarkMultilingualSTS.json +++ /dev/null @@ -1,22 +0,0 @@ -{ - "dataset_revision": "93d57ef91790589e3ce9c365164337a8a78b7632", - "mteb_dataset_name": "STSBenchmarkMultilingualSTS", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 5.48, - "fr": { - "cos_sim": { - "pearson": 0.07636398469173143, - "spearman": 0.15659449956328184 - }, - "euclidean": { - "pearson": 0.11842954254382382, - "spearman": 0.15659438731822214 - }, - "manhattan": { - "pearson": 0.10637404947560321, - "spearman": 0.14890082458850493 - } - } - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_large_cased/no_revision_available/SummEvalFr.json b/results/flaubert__flaubert_large_cased/no_revision_available/SummEvalFr.json deleted file mode 100644 index 9f0f33425..000000000 --- a/results/flaubert__flaubert_large_cased/no_revision_available/SummEvalFr.json +++ /dev/null @@ -1,16 +0,0 @@ -{ - "dataset_revision": "b385812de6a9577b6f4d0f88c6a6e35395a94054", - "mteb_dataset_name": "SummEvalFr", - "mteb_version": "1.1.2.dev0", - "test": { - "cos_sim": { - "pearson": 0.29107447411429616, - "spearman": 0.2924968054601468 - }, - "dot": { - "pearson": 0.29107458349316523, - "spearman": 0.2924968054601468 - }, - "evaluation_time": 18.42 - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_large_cased/no_revision_available/SyntecReranking.json b/results/flaubert__flaubert_large_cased/no_revision_available/SyntecReranking.json deleted file mode 100644 index 502de72cb..000000000 --- a/results/flaubert__flaubert_large_cased/no_revision_available/SyntecReranking.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "b205c5084a0934ce8af14338bf03feb19499c84d", - "mteb_dataset_name": "SyntecReranking", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 12.68, - "map": 0.42800000000000005, - "mrr": 0.42800000000000005 - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_large_cased/no_revision_available/SyntecRetrieval.json b/results/flaubert__flaubert_large_cased/no_revision_available/SyntecRetrieval.json deleted file mode 100644 index 3e2b2c4d4..000000000 --- a/results/flaubert__flaubert_large_cased/no_revision_available/SyntecRetrieval.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": "77f7e271bf4a92b24fce5119f3486b583ca016ff", - "mteb_dataset_name": "SyntecRetrieval", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 2.68, - "map_at_1": 0.01, - "map_at_10": 0.012, - "map_at_100": 0.0356, - "map_at_1000": 0.0356, - "map_at_3": 0.01, - "map_at_5": 0.01, - "mrr_at_1": 0.01, - "mrr_at_10": 0.012, - "mrr_at_100": 0.0356, - "mrr_at_1000": 0.0356, - "mrr_at_3": 0.01, - "mrr_at_5": 0.01, - "ndcg_at_1": 0.01, - "ndcg_at_10": 0.01578, - "ndcg_at_100": 0.1915, - "ndcg_at_1000": 0.1915, - "ndcg_at_3": 0.01, - "ndcg_at_5": 0.01, - "precision_at_1": 0.01, - "precision_at_10": 0.003, - "precision_at_100": 0.01, - "precision_at_1000": 0.001, - "precision_at_3": 0.00333, - "precision_at_5": 0.002, - "recall_at_1": 0.01, - "recall_at_10": 0.03, - "recall_at_100": 1.0, - "recall_at_1000": 1.0, - "recall_at_3": 0.01, - "recall_at_5": 0.01 - } -} \ No newline at end of file diff --git a/results/flaubert__flaubert_large_cased/no_revision_available/XPQARetrieval.json b/results/flaubert__flaubert_large_cased/no_revision_available/XPQARetrieval.json deleted file mode 100644 index d99994c93..000000000 --- a/results/flaubert__flaubert_large_cased/no_revision_available/XPQARetrieval.json +++ /dev/null @@ -1,40 +0,0 @@ -{ - "dataset_revision": "c99d599f0a6ab9b85b065da6f9d94f9cf731679f", - "mteb_dataset_name": "XPQARetrieval", - "mteb_version": "1.1.3.dev0", - "test": { - "evaluation_time": 6.91, - "fr": { - "map_at_1": 0.02221, - "map_at_10": 0.02909, - "map_at_100": 0.03244, - "map_at_1000": 0.03442, - "map_at_3": 0.02615, - "map_at_5": 0.0277, - "mrr_at_1": 0.03471, - "mrr_at_10": 0.04404, - "mrr_at_100": 0.04854, - "mrr_at_1000": 0.05027, - "mrr_at_3": 0.03983, - "mrr_at_5": 0.04237, - "ndcg_at_1": 0.03471, - "ndcg_at_10": 0.03694, - "ndcg_at_100": 0.05939, - "ndcg_at_1000": 0.13767, - "ndcg_at_3": 0.03139, - "ndcg_at_5": 0.03326, - "precision_at_1": 0.03471, - "precision_at_10": 0.00761, - "precision_at_100": 0.00258, - "precision_at_1000": 0.00146, - "precision_at_3": 0.01647, - "precision_at_5": 0.01202, - "recall_at_1": 0.02221, - "recall_at_10": 0.04798, - "recall_at_100": 0.15091, - "recall_at_1000": 0.71956, - "recall_at_3": 0.03086, - "recall_at_5": 0.03725 - } - } -} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/AmazonCounterfactualClassification.json b/results/ggrn__e5-small-v2/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..3a8cbedba --- /dev/null +++ b/results/ggrn__e5-small-v2/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.59701492537313, + "ap": 41.67064885731708, + "f1": 71.86465946398573, + "main_score": 77.59701492537313 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/AmazonPolarityClassification.json b/results/ggrn__e5-small-v2/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..da08bec46 --- /dev/null +++ b/results/ggrn__e5-small-v2/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.265875, + "ap": 87.67633085349644, + "f1": 91.24297521425744, + "main_score": 91.265875 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/AmazonReviewsClassification.json b/results/ggrn__e5-small-v2/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..610d891da --- /dev/null +++ b/results/ggrn__e5-small-v2/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 45.882000000000005, + "f1": 45.08058870381236, + "main_score": 45.882000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/ArguAna.json b/results/ggrn__e5-small-v2/external/ArguAna.json new file mode 100644 index 000000000..c173aaa08 --- /dev/null +++ b/results/ggrn__e5-small-v2/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.697, + "map_at_10": 33.975, + "map_at_100": 35.223, + "map_at_1000": 35.260000000000005, + "map_at_3": 29.776999999999997, + "map_at_5": 32.035000000000004, + "mrr_at_1": 20.982, + "mrr_at_10": 34.094, + "mrr_at_100": 35.343, + "mrr_at_1000": 35.38, + "mrr_at_3": 29.884, + "mrr_at_5": 32.141999999999996, + "ndcg_at_1": 20.697, + "ndcg_at_10": 41.668, + "ndcg_at_100": 47.397, + "ndcg_at_1000": 48.305, + "ndcg_at_3": 32.928000000000004, + "ndcg_at_5": 36.998999999999995, + "precision_at_1": 20.697, + "precision_at_10": 6.636, + "precision_at_100": 0.924, + "precision_at_1000": 0.099, + "precision_at_3": 14.035, + "precision_at_5": 10.398, + "recall_at_1": 20.697, + "recall_at_10": 66.35799999999999, + "recall_at_100": 92.39, + "recall_at_1000": 99.36, + "recall_at_3": 42.105, + "recall_at_5": 51.991, + "main_score": 41.668 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/ArxivClusteringP2P.json b/results/ggrn__e5-small-v2/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..08c4a9947 --- /dev/null +++ b/results/ggrn__e5-small-v2/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 42.1169517447068, + "main_score": 42.1169517447068 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/ArxivClusteringS2S.json b/results/ggrn__e5-small-v2/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..42d10d4ba --- /dev/null +++ b/results/ggrn__e5-small-v2/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.79553720107097, + "main_score": 34.79553720107097 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/AskUbuntuDupQuestions.json b/results/ggrn__e5-small-v2/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..470714028 --- /dev/null +++ b/results/ggrn__e5-small-v2/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 58.10811337308168, + "mrr": 71.56410763751482, + "main_score": 58.10811337308168 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/BIOSSES.json b/results/ggrn__e5-small-v2/external/BIOSSES.json new file mode 100644 index 000000000..3b97c25f3 --- /dev/null +++ b/results/ggrn__e5-small-v2/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 78.46834918248696, + "cos_sim_spearman": 79.4289182755206, + "euclidean_pearson": 76.26662973727008, + "euclidean_spearman": 78.11744260952536, + "manhattan_pearson": 76.08175262609434, + "manhattan_spearman": 78.29395265552289, + "cosine_pearson": 78.46834918248696, + "cosine_spearman": 79.4289182755206, + "main_score": 79.4289182755206 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/Banking77Classification.json b/results/ggrn__e5-small-v2/external/Banking77Classification.json new file mode 100644 index 000000000..e2eab7250 --- /dev/null +++ b/results/ggrn__e5-small-v2/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 81.63636363636364, + "f1": 81.55779952376953, + "main_score": 81.63636363636364 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/BiorxivClusteringP2P.json b/results/ggrn__e5-small-v2/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..8eac7a112 --- /dev/null +++ b/results/ggrn__e5-small-v2/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.88541137137571, + "main_score": 35.88541137137571 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/BiorxivClusteringS2S.json b/results/ggrn__e5-small-v2/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..f57075733 --- /dev/null +++ b/results/ggrn__e5-small-v2/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.05205685274407, + "main_score": 30.05205685274407 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/CQADupstackAndroidRetrieval.json b/results/ggrn__e5-small-v2/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..49cf6eedd --- /dev/null +++ b/results/ggrn__e5-small-v2/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.293999999999997, + "map_at_10": 39.876, + "map_at_100": 41.315000000000005, + "map_at_1000": 41.451, + "map_at_3": 37.194, + "map_at_5": 38.728, + "mrr_at_1": 37.053000000000004, + "mrr_at_10": 45.281, + "mrr_at_100": 46.188, + "mrr_at_1000": 46.245999999999995, + "mrr_at_3": 43.228, + "mrr_at_5": 44.366, + "ndcg_at_1": 37.053000000000004, + "ndcg_at_10": 45.086, + "ndcg_at_100": 50.756, + "ndcg_at_1000": 53.123, + "ndcg_at_3": 41.416, + "ndcg_at_5": 43.098, + "precision_at_1": 37.053000000000004, + "precision_at_10": 8.34, + "precision_at_100": 1.346, + "precision_at_1000": 0.186, + "precision_at_3": 19.647000000000002, + "precision_at_5": 13.877, + "recall_at_1": 30.293999999999997, + "recall_at_10": 54.309, + "recall_at_100": 78.59, + "recall_at_1000": 93.82300000000001, + "recall_at_3": 43.168, + "recall_at_5": 48.192, + "main_score": 45.086 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.738000000000003, + "map_at_10": 36.925999999999995, + "map_at_100": 38.017, + "map_at_1000": 38.144, + "map_at_3": 34.446, + "map_at_5": 35.704, + "mrr_at_1": 35.478, + "mrr_at_10": 42.786, + "mrr_at_100": 43.458999999999996, + "mrr_at_1000": 43.507, + "mrr_at_3": 40.648, + "mrr_at_5": 41.804, + "ndcg_at_1": 35.478, + "ndcg_at_10": 42.044, + "ndcg_at_100": 46.249, + "ndcg_at_1000": 48.44, + "ndcg_at_3": 38.314, + "ndcg_at_5": 39.798, + "precision_at_1": 35.478, + "precision_at_10": 7.764, + "precision_at_100": 1.253, + "precision_at_1000": 0.174, + "precision_at_3": 18.047, + "precision_at_5": 12.637, + "recall_at_1": 28.738000000000003, + "recall_at_10": 50.659, + "recall_at_100": 68.76299999999999, + "recall_at_1000": 82.811, + "recall_at_3": 39.536, + "recall_at_5": 43.763999999999996, + "main_score": 42.044 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.565, + "map_at_10": 50.168, + "map_at_100": 51.11, + "map_at_1000": 51.173, + "map_at_3": 47.044000000000004, + "map_at_5": 48.838, + "mrr_at_1": 44.201, + "mrr_at_10": 53.596999999999994, + "mrr_at_100": 54.211, + "mrr_at_1000": 54.247, + "mrr_at_3": 51.202000000000005, + "mrr_at_5": 52.608999999999995, + "ndcg_at_1": 44.201, + "ndcg_at_10": 55.694, + "ndcg_at_100": 59.518, + "ndcg_at_1000": 60.907, + "ndcg_at_3": 50.395999999999994, + "ndcg_at_5": 53.022999999999996, + "precision_at_1": 44.201, + "precision_at_10": 8.84, + "precision_at_100": 1.162, + "precision_at_1000": 0.133, + "precision_at_3": 22.153, + "precision_at_5": 15.260000000000002, + "recall_at_1": 38.565, + "recall_at_10": 68.65, + "recall_at_100": 85.37400000000001, + "recall_at_1000": 95.37400000000001, + "recall_at_3": 54.645999999999994, + "recall_at_5": 60.958, + "main_score": 55.694 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.945, + "map_at_10": 30.641000000000002, + "map_at_100": 31.599, + "map_at_1000": 31.691000000000003, + "map_at_3": 28.405, + "map_at_5": 29.704000000000004, + "mrr_at_1": 25.537, + "mrr_at_10": 32.22, + "mrr_at_100": 33.138, + "mrr_at_1000": 33.214, + "mrr_at_3": 30.151, + "mrr_at_5": 31.298, + "ndcg_at_1": 25.537, + "ndcg_at_10": 34.638000000000005, + "ndcg_at_100": 39.486, + "ndcg_at_1000": 41.936, + "ndcg_at_3": 30.333, + "ndcg_at_5": 32.482, + "precision_at_1": 25.537, + "precision_at_10": 5.153, + "precision_at_100": 0.7929999999999999, + "precision_at_1000": 0.104, + "precision_at_3": 12.429, + "precision_at_5": 8.723, + "recall_at_1": 23.945, + "recall_at_10": 45.412, + "recall_at_100": 67.836, + "recall_at_1000": 86.467, + "recall_at_3": 34.031, + "recall_at_5": 39.039, + "main_score": 34.638000000000005 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 14.419, + "map_at_10": 20.858999999999998, + "map_at_100": 22.067999999999998, + "map_at_1000": 22.192, + "map_at_3": 18.673000000000002, + "map_at_5": 19.968, + "mrr_at_1": 17.785999999999998, + "mrr_at_10": 24.878, + "mrr_at_100": 26.021, + "mrr_at_1000": 26.095000000000002, + "mrr_at_3": 22.616, + "mrr_at_5": 23.785, + "ndcg_at_1": 17.785999999999998, + "ndcg_at_10": 25.153, + "ndcg_at_100": 31.05, + "ndcg_at_1000": 34.052, + "ndcg_at_3": 21.117, + "ndcg_at_5": 23.048, + "precision_at_1": 17.785999999999998, + "precision_at_10": 4.590000000000001, + "precision_at_100": 0.864, + "precision_at_1000": 0.125, + "precision_at_3": 9.908999999999999, + "precision_at_5": 7.313, + "recall_at_1": 14.419, + "recall_at_10": 34.477999999999994, + "recall_at_100": 60.02499999999999, + "recall_at_1000": 81.646, + "recall_at_3": 23.515, + "recall_at_5": 28.266999999999996, + "main_score": 25.153 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.268, + "map_at_10": 35.114000000000004, + "map_at_100": 36.212, + "map_at_1000": 36.333, + "map_at_3": 32.436, + "map_at_5": 33.992, + "mrr_at_1": 31.761, + "mrr_at_10": 40.355999999999995, + "mrr_at_100": 41.125, + "mrr_at_1000": 41.186, + "mrr_at_3": 37.937, + "mrr_at_5": 39.463, + "ndcg_at_1": 31.761, + "ndcg_at_10": 40.422000000000004, + "ndcg_at_100": 45.458999999999996, + "ndcg_at_1000": 47.951, + "ndcg_at_3": 35.972, + "ndcg_at_5": 38.272, + "precision_at_1": 31.761, + "precision_at_10": 7.103, + "precision_at_100": 1.133, + "precision_at_1000": 0.152, + "precision_at_3": 16.779, + "precision_at_5": 11.877, + "recall_at_1": 26.268, + "recall_at_10": 51.053000000000004, + "recall_at_100": 72.702, + "recall_at_1000": 89.521, + "recall_at_3": 38.619, + "recall_at_5": 44.671, + "main_score": 40.422000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.230999999999998, + "map_at_10": 34.227000000000004, + "map_at_100": 35.370000000000005, + "map_at_1000": 35.488, + "map_at_3": 31.496000000000002, + "map_at_5": 33.034, + "mrr_at_1": 30.822, + "mrr_at_10": 39.045, + "mrr_at_100": 39.809, + "mrr_at_1000": 39.873, + "mrr_at_3": 36.663000000000004, + "mrr_at_5": 37.964, + "ndcg_at_1": 30.822, + "ndcg_at_10": 39.472, + "ndcg_at_100": 44.574999999999996, + "ndcg_at_1000": 47.162, + "ndcg_at_3": 34.929, + "ndcg_at_5": 37.002, + "precision_at_1": 30.822, + "precision_at_10": 7.055, + "precision_at_100": 1.124, + "precision_at_1000": 0.152, + "precision_at_3": 16.591, + "precision_at_5": 11.667, + "recall_at_1": 25.230999999999998, + "recall_at_10": 50.42100000000001, + "recall_at_100": 72.685, + "recall_at_1000": 90.469, + "recall_at_3": 37.503, + "recall_at_5": 43.123, + "main_score": 39.472 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.604166666666664, + "map_at_10": 32.427166666666665, + "map_at_100": 33.51474999999999, + "map_at_1000": 33.6345, + "map_at_3": 30.02366666666667, + "map_at_5": 31.382333333333328, + "mrr_at_1": 29.001166666666666, + "mrr_at_10": 36.3315, + "mrr_at_100": 37.16683333333333, + "mrr_at_1000": 37.23341666666668, + "mrr_at_3": 34.19916666666667, + "mrr_at_5": 35.40458333333334, + "ndcg_at_1": 29.001166666666666, + "ndcg_at_10": 37.06883333333334, + "ndcg_at_100": 41.95816666666666, + "ndcg_at_1000": 44.501583333333336, + "ndcg_at_3": 32.973499999999994, + "ndcg_at_5": 34.90833333333334, + "precision_at_1": 29.001166666666666, + "precision_at_10": 6.336, + "precision_at_100": 1.0282499999999999, + "precision_at_1000": 0.14391666666666664, + "precision_at_3": 14.932499999999996, + "precision_at_5": 10.50825, + "recall_at_1": 24.604166666666664, + "recall_at_10": 46.9525, + "recall_at_100": 68.67816666666667, + "recall_at_1000": 86.59783333333334, + "recall_at_3": 35.49783333333333, + "recall_at_5": 40.52525000000001, + "main_score": 37.06883333333334 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.559, + "map_at_10": 29.023, + "map_at_100": 29.818, + "map_at_1000": 29.909000000000002, + "map_at_3": 27.037, + "map_at_5": 28.225, + "mrr_at_1": 26.994, + "mrr_at_10": 31.962000000000003, + "mrr_at_100": 32.726, + "mrr_at_1000": 32.800000000000004, + "mrr_at_3": 30.266, + "mrr_at_5": 31.208999999999996, + "ndcg_at_1": 26.994, + "ndcg_at_10": 32.53, + "ndcg_at_100": 36.758, + "ndcg_at_1000": 39.362, + "ndcg_at_3": 28.985, + "ndcg_at_5": 30.757, + "precision_at_1": 26.994, + "precision_at_10": 4.968999999999999, + "precision_at_100": 0.759, + "precision_at_1000": 0.106, + "precision_at_3": 12.219, + "precision_at_5": 8.527999999999999, + "recall_at_1": 23.559, + "recall_at_10": 40.585, + "recall_at_100": 60.306000000000004, + "recall_at_1000": 80.11, + "recall_at_3": 30.794, + "recall_at_5": 35.186, + "main_score": 32.53 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.384999999999998, + "map_at_10": 22.142, + "map_at_100": 23.057, + "map_at_1000": 23.177, + "map_at_3": 20.29, + "map_at_5": 21.332, + "mrr_at_1": 19.89, + "mrr_at_10": 25.771, + "mrr_at_100": 26.599, + "mrr_at_1000": 26.680999999999997, + "mrr_at_3": 23.962, + "mrr_at_5": 24.934, + "ndcg_at_1": 19.89, + "ndcg_at_10": 25.97, + "ndcg_at_100": 30.605, + "ndcg_at_1000": 33.619, + "ndcg_at_3": 22.704, + "ndcg_at_5": 24.199, + "precision_at_1": 19.89, + "precision_at_10": 4.553, + "precision_at_100": 0.8049999999999999, + "precision_at_1000": 0.122, + "precision_at_3": 10.541, + "precision_at_5": 7.46, + "recall_at_1": 16.384999999999998, + "recall_at_10": 34.001, + "recall_at_100": 55.17100000000001, + "recall_at_1000": 77.125, + "recall_at_3": 24.618000000000002, + "recall_at_5": 28.695999999999998, + "main_score": 25.97 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.726, + "map_at_10": 31.227, + "map_at_100": 32.311, + "map_at_1000": 32.419, + "map_at_3": 28.765, + "map_at_5": 30.229, + "mrr_at_1": 27.705000000000002, + "mrr_at_10": 35.085, + "mrr_at_100": 35.931000000000004, + "mrr_at_1000": 36, + "mrr_at_3": 32.603, + "mrr_at_5": 34.117999999999995, + "ndcg_at_1": 27.705000000000002, + "ndcg_at_10": 35.968, + "ndcg_at_100": 41.197, + "ndcg_at_1000": 43.76, + "ndcg_at_3": 31.304, + "ndcg_at_5": 33.661, + "precision_at_1": 27.705000000000002, + "precision_at_10": 5.942, + "precision_at_100": 0.964, + "precision_at_1000": 0.13, + "precision_at_3": 13.868, + "precision_at_5": 9.944, + "recall_at_1": 23.726, + "recall_at_10": 46.786, + "recall_at_100": 70.072, + "recall_at_1000": 88.2, + "recall_at_3": 33.981, + "recall_at_5": 39.893, + "main_score": 35.968 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.344, + "map_at_10": 31.636999999999997, + "map_at_100": 33.065, + "map_at_1000": 33.300000000000004, + "map_at_3": 29.351, + "map_at_5": 30.432, + "mrr_at_1": 27.866000000000003, + "mrr_at_10": 35.587, + "mrr_at_100": 36.52, + "mrr_at_1000": 36.597, + "mrr_at_3": 33.696, + "mrr_at_5": 34.713, + "ndcg_at_1": 27.866000000000003, + "ndcg_at_10": 36.61, + "ndcg_at_100": 41.88, + "ndcg_at_1000": 45.105000000000004, + "ndcg_at_3": 33.038000000000004, + "ndcg_at_5": 34.331, + "precision_at_1": 27.866000000000003, + "precision_at_10": 6.917, + "precision_at_100": 1.3599999999999999, + "precision_at_1000": 0.233, + "precision_at_3": 15.547, + "precision_at_5": 10.791, + "recall_at_1": 23.344, + "recall_at_10": 45.782000000000004, + "recall_at_100": 69.503, + "recall_at_1000": 90.742, + "recall_at_3": 35.160000000000004, + "recall_at_5": 39.058, + "main_score": 36.61 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.776, + "map_at_10": 27.285999999999998, + "map_at_100": 28.235, + "map_at_1000": 28.337, + "map_at_3": 25.147000000000002, + "map_at_5": 26.401999999999997, + "mrr_at_1": 22.921, + "mrr_at_10": 29.409999999999997, + "mrr_at_100": 30.275000000000002, + "mrr_at_1000": 30.354999999999997, + "mrr_at_3": 27.418, + "mrr_at_5": 28.592000000000002, + "ndcg_at_1": 22.921, + "ndcg_at_10": 31.239, + "ndcg_at_100": 35.965, + "ndcg_at_1000": 38.602, + "ndcg_at_3": 27.174, + "ndcg_at_5": 29.229, + "precision_at_1": 22.921, + "precision_at_10": 4.806, + "precision_at_100": 0.776, + "precision_at_1000": 0.11, + "precision_at_3": 11.459999999999999, + "precision_at_5": 8.022, + "recall_at_1": 20.776, + "recall_at_10": 41.294, + "recall_at_100": 63.111, + "recall_at_1000": 82.88600000000001, + "recall_at_3": 30.403000000000002, + "recall_at_5": 35.455999999999996, + "main_score": 31.239 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/ClimateFEVER.json b/results/ggrn__e5-small-v2/external/ClimateFEVER.json new file mode 100644 index 000000000..ead6ba567 --- /dev/null +++ b/results/ggrn__e5-small-v2/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.376, + "map_at_10": 15.926000000000002, + "map_at_100": 17.585, + "map_at_1000": 17.776, + "map_at_3": 13.014000000000001, + "map_at_5": 14.417, + "mrr_at_1": 20.195, + "mrr_at_10": 29.95, + "mrr_at_100": 31.052000000000003, + "mrr_at_1000": 31.108000000000004, + "mrr_at_3": 26.667, + "mrr_at_5": 28.458, + "ndcg_at_1": 20.195, + "ndcg_at_10": 22.871, + "ndcg_at_100": 29.921999999999997, + "ndcg_at_1000": 33.672999999999995, + "ndcg_at_3": 17.782999999999998, + "ndcg_at_5": 19.544, + "precision_at_1": 20.195, + "precision_at_10": 7.394, + "precision_at_100": 1.493, + "precision_at_1000": 0.218, + "precision_at_3": 13.073, + "precision_at_5": 10.436, + "recall_at_1": 9.376, + "recall_at_10": 28.544999999999998, + "recall_at_100": 53.147999999999996, + "recall_at_1000": 74.62, + "recall_at_3": 16.464000000000002, + "recall_at_5": 21.004, + "main_score": 22.871 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/DBPedia.json b/results/ggrn__e5-small-v2/external/DBPedia.json new file mode 100644 index 000000000..1214ebf9c --- /dev/null +++ b/results/ggrn__e5-small-v2/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.415000000000001, + "map_at_10": 18.738, + "map_at_100": 27.291999999999998, + "map_at_1000": 28.992, + "map_at_3": 13.196, + "map_at_5": 15.539, + "mrr_at_1": 66.5, + "mrr_at_10": 74.518, + "mrr_at_100": 74.86, + "mrr_at_1000": 74.87, + "mrr_at_3": 72.375, + "mrr_at_5": 73.86200000000001, + "ndcg_at_1": 54.37499999999999, + "ndcg_at_10": 41.317, + "ndcg_at_100": 45.845, + "ndcg_at_1000": 52.92, + "ndcg_at_3": 44.983000000000004, + "ndcg_at_5": 42.989, + "precision_at_1": 66.5, + "precision_at_10": 33.6, + "precision_at_100": 10.972999999999999, + "precision_at_1000": 2.214, + "precision_at_3": 48.583, + "precision_at_5": 42.15, + "recall_at_1": 8.415000000000001, + "recall_at_10": 24.953, + "recall_at_100": 52.48199999999999, + "recall_at_1000": 75.093, + "recall_at_3": 14.341000000000001, + "recall_at_5": 18.468, + "main_score": 41.317 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/EmotionClassification.json b/results/ggrn__e5-small-v2/external/EmotionClassification.json new file mode 100644 index 000000000..8b54410b1 --- /dev/null +++ b/results/ggrn__e5-small-v2/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 47.06499999999999, + "f1": 41.439327599975385, + "main_score": 47.06499999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/FEVER.json b/results/ggrn__e5-small-v2/external/FEVER.json new file mode 100644 index 000000000..8566438c6 --- /dev/null +++ b/results/ggrn__e5-small-v2/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 66.02, + "map_at_10": 76.68599999999999, + "map_at_100": 76.959, + "map_at_1000": 76.972, + "map_at_3": 75.024, + "map_at_5": 76.153, + "mrr_at_1": 71.197, + "mrr_at_10": 81.105, + "mrr_at_100": 81.232, + "mrr_at_1000": 81.233, + "mrr_at_3": 79.758, + "mrr_at_5": 80.69, + "ndcg_at_1": 71.197, + "ndcg_at_10": 81.644, + "ndcg_at_100": 82.645, + "ndcg_at_1000": 82.879, + "ndcg_at_3": 78.792, + "ndcg_at_5": 80.528, + "precision_at_1": 71.197, + "precision_at_10": 10.206999999999999, + "precision_at_100": 1.093, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 30.868000000000002, + "precision_at_5": 19.559, + "recall_at_1": 66.02, + "recall_at_10": 92.50699999999999, + "recall_at_100": 96.497, + "recall_at_1000": 97.956, + "recall_at_3": 84.866, + "recall_at_5": 89.16199999999999, + "main_score": 81.644 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/FiQA2018.json b/results/ggrn__e5-small-v2/external/FiQA2018.json new file mode 100644 index 000000000..689462207 --- /dev/null +++ b/results/ggrn__e5-small-v2/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.948, + "map_at_10": 29.833, + "map_at_100": 31.487, + "map_at_1000": 31.674000000000003, + "map_at_3": 26.029999999999998, + "map_at_5": 28.038999999999998, + "mrr_at_1": 34.721999999999994, + "mrr_at_10": 44.214999999999996, + "mrr_at_100": 44.994, + "mrr_at_1000": 45.051, + "mrr_at_3": 41.667, + "mrr_at_5": 43.032, + "ndcg_at_1": 34.721999999999994, + "ndcg_at_10": 37.434, + "ndcg_at_100": 43.702000000000005, + "ndcg_at_1000": 46.993, + "ndcg_at_3": 33.56, + "ndcg_at_5": 34.687, + "precision_at_1": 34.721999999999994, + "precision_at_10": 10.401, + "precision_at_100": 1.7049999999999998, + "precision_at_1000": 0.22799999999999998, + "precision_at_3": 22.531000000000002, + "precision_at_5": 16.42, + "recall_at_1": 17.948, + "recall_at_10": 45.062999999999995, + "recall_at_100": 68.191, + "recall_at_1000": 87.954, + "recall_at_3": 31.112000000000002, + "recall_at_5": 36.823, + "main_score": 37.434 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/HotpotQA.json b/results/ggrn__e5-small-v2/external/HotpotQA.json new file mode 100644 index 000000000..682dfc45a --- /dev/null +++ b/results/ggrn__e5-small-v2/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 36.644, + "map_at_10": 57.658, + "map_at_100": 58.562000000000005, + "map_at_1000": 58.62500000000001, + "map_at_3": 54.022999999999996, + "map_at_5": 56.293000000000006, + "mrr_at_1": 73.288, + "mrr_at_10": 80.51700000000001, + "mrr_at_100": 80.72, + "mrr_at_1000": 80.728, + "mrr_at_3": 79.33200000000001, + "mrr_at_5": 80.085, + "ndcg_at_1": 73.288, + "ndcg_at_10": 66.61, + "ndcg_at_100": 69.723, + "ndcg_at_1000": 70.96000000000001, + "ndcg_at_3": 61.358999999999995, + "ndcg_at_5": 64.277, + "precision_at_1": 73.288, + "precision_at_10": 14.17, + "precision_at_100": 1.659, + "precision_at_1000": 0.182, + "precision_at_3": 39.487, + "precision_at_5": 25.999, + "recall_at_1": 36.644, + "recall_at_10": 70.851, + "recall_at_100": 82.94399999999999, + "recall_at_1000": 91.134, + "recall_at_3": 59.230000000000004, + "recall_at_5": 64.997, + "main_score": 66.61 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/ImdbClassification.json b/results/ggrn__e5-small-v2/external/ImdbClassification.json new file mode 100644 index 000000000..c40b60617 --- /dev/null +++ b/results/ggrn__e5-small-v2/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.00280000000001, + "ap": 80.46302061021223, + "f1": 85.9592921596419, + "main_score": 86.00280000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/MSMARCO.json b/results/ggrn__e5-small-v2/external/MSMARCO.json new file mode 100644 index 000000000..bc0ecec10 --- /dev/null +++ b/results/ggrn__e5-small-v2/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.541, + "map_at_10": 34.625, + "map_at_100": 35.785, + "map_at_1000": 35.831, + "map_at_3": 30.823, + "map_at_5": 32.967999999999996, + "mrr_at_1": 23.180999999999997, + "mrr_at_10": 35.207, + "mrr_at_100": 36.315, + "mrr_at_1000": 36.355, + "mrr_at_3": 31.483, + "mrr_at_5": 33.589999999999996, + "ndcg_at_1": 23.195, + "ndcg_at_10": 41.461, + "ndcg_at_100": 47.032000000000004, + "ndcg_at_1000": 48.199999999999996, + "ndcg_at_3": 33.702, + "ndcg_at_5": 37.522, + "precision_at_1": 23.195, + "precision_at_10": 6.526999999999999, + "precision_at_100": 0.932, + "precision_at_1000": 0.10300000000000001, + "precision_at_3": 14.308000000000002, + "precision_at_5": 10.507, + "recall_at_1": 22.541, + "recall_at_10": 62.524, + "recall_at_100": 88.228, + "recall_at_1000": 97.243, + "recall_at_3": 41.38, + "recall_at_5": 50.55, + "main_score": 41.461 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/MTOPDomainClassification.json b/results/ggrn__e5-small-v2/external/MTOPDomainClassification.json new file mode 100644 index 000000000..990879ceb --- /dev/null +++ b/results/ggrn__e5-small-v2/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.69949840401279, + "f1": 92.54141471311786, + "main_score": 92.69949840401279 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/MTOPIntentClassification.json b/results/ggrn__e5-small-v2/external/MTOPIntentClassification.json new file mode 100644 index 000000000..85cce3075 --- /dev/null +++ b/results/ggrn__e5-small-v2/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.56041951664386, + "f1": 55.88499977508287, + "main_score": 72.56041951664386 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/MassiveIntentClassification.json b/results/ggrn__e5-small-v2/external/MassiveIntentClassification.json new file mode 100644 index 000000000..4a6c28a35 --- /dev/null +++ b/results/ggrn__e5-small-v2/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.62071284465365, + "f1": 69.36717546572152, + "main_score": 71.62071284465365 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/MassiveScenarioClassification.json b/results/ggrn__e5-small-v2/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..2af576f7f --- /dev/null +++ b/results/ggrn__e5-small-v2/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.35843981170142, + "f1": 76.15496453538884, + "main_score": 76.35843981170142 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/MedrxivClusteringP2P.json b/results/ggrn__e5-small-v2/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..aede64c41 --- /dev/null +++ b/results/ggrn__e5-small-v2/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.33664956793118, + "main_score": 31.33664956793118 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/MedrxivClusteringS2S.json b/results/ggrn__e5-small-v2/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..af3eadf8a --- /dev/null +++ b/results/ggrn__e5-small-v2/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 27.883839621715524, + "main_score": 27.883839621715524 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/MindSmallReranking.json b/results/ggrn__e5-small-v2/external/MindSmallReranking.json new file mode 100644 index 000000000..fc63cfe78 --- /dev/null +++ b/results/ggrn__e5-small-v2/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 30.096874986740758, + "mrr": 30.97300481932132, + "main_score": 30.096874986740758 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/NFCorpus.json b/results/ggrn__e5-small-v2/external/NFCorpus.json new file mode 100644 index 000000000..cb9d5b2d0 --- /dev/null +++ b/results/ggrn__e5-small-v2/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.4, + "map_at_10": 11.852, + "map_at_100": 14.758, + "map_at_1000": 16.134, + "map_at_3": 8.558, + "map_at_5": 10.087, + "mrr_at_1": 44.272, + "mrr_at_10": 52.05800000000001, + "mrr_at_100": 52.689, + "mrr_at_1000": 52.742999999999995, + "mrr_at_3": 50.205999999999996, + "mrr_at_5": 51.367, + "ndcg_at_1": 42.57, + "ndcg_at_10": 32.449, + "ndcg_at_100": 29.596, + "ndcg_at_1000": 38.351, + "ndcg_at_3": 37.044, + "ndcg_at_5": 35.275, + "precision_at_1": 44.272, + "precision_at_10": 23.87, + "precision_at_100": 7.625, + "precision_at_1000": 2.045, + "precision_at_3": 34.365, + "precision_at_5": 30.341, + "recall_at_1": 5.4, + "recall_at_10": 15.943999999999999, + "recall_at_100": 29.805, + "recall_at_1000": 61.695, + "recall_at_3": 9.539, + "recall_at_5": 12.127, + "main_score": 32.449 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/NQ.json b/results/ggrn__e5-small-v2/external/NQ.json new file mode 100644 index 000000000..cf5c78c4e --- /dev/null +++ b/results/ggrn__e5-small-v2/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 36.047000000000004, + "map_at_10": 51.6, + "map_at_100": 52.449999999999996, + "map_at_1000": 52.476, + "map_at_3": 47.452, + "map_at_5": 49.964, + "mrr_at_1": 40.382, + "mrr_at_10": 54.273, + "mrr_at_100": 54.859, + "mrr_at_1000": 54.876000000000005, + "mrr_at_3": 51.014, + "mrr_at_5": 52.983999999999995, + "ndcg_at_1": 40.353, + "ndcg_at_10": 59.11300000000001, + "ndcg_at_100": 62.604000000000006, + "ndcg_at_1000": 63.187000000000005, + "ndcg_at_3": 51.513, + "ndcg_at_5": 55.576, + "precision_at_1": 40.353, + "precision_at_10": 9.418, + "precision_at_100": 1.1440000000000001, + "precision_at_1000": 0.12, + "precision_at_3": 23.078000000000003, + "precision_at_5": 16.250999999999998, + "recall_at_1": 36.047000000000004, + "recall_at_10": 79.22200000000001, + "recall_at_100": 94.23, + "recall_at_1000": 98.51100000000001, + "recall_at_3": 59.678, + "recall_at_5": 68.967, + "main_score": 59.11300000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/QuoraRetrieval.json b/results/ggrn__e5-small-v2/external/QuoraRetrieval.json new file mode 100644 index 000000000..ea360d0b1 --- /dev/null +++ b/results/ggrn__e5-small-v2/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 68.232, + "map_at_10": 81.674, + "map_at_100": 82.338, + "map_at_1000": 82.36099999999999, + "map_at_3": 78.833, + "map_at_5": 80.58, + "mrr_at_1": 78.64, + "mrr_at_10": 85.164, + "mrr_at_100": 85.317, + "mrr_at_1000": 85.319, + "mrr_at_3": 84.127, + "mrr_at_5": 84.789, + "ndcg_at_1": 78.63, + "ndcg_at_10": 85.711, + "ndcg_at_100": 87.238, + "ndcg_at_1000": 87.444, + "ndcg_at_3": 82.788, + "ndcg_at_5": 84.313, + "precision_at_1": 78.63, + "precision_at_10": 12.977, + "precision_at_100": 1.503, + "precision_at_1000": 0.156, + "precision_at_3": 36.113, + "precision_at_5": 23.71, + "recall_at_1": 68.232, + "recall_at_10": 93.30199999999999, + "recall_at_100": 98.799, + "recall_at_1000": 99.885, + "recall_at_3": 84.827, + "recall_at_5": 89.188, + "main_score": 85.711 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/RedditClustering.json b/results/ggrn__e5-small-v2/external/RedditClustering.json new file mode 100644 index 000000000..63e722449 --- /dev/null +++ b/results/ggrn__e5-small-v2/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 45.71879170816294, + "main_score": 45.71879170816294 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/RedditClusteringP2P.json b/results/ggrn__e5-small-v2/external/RedditClusteringP2P.json new file mode 100644 index 000000000..ac409eee3 --- /dev/null +++ b/results/ggrn__e5-small-v2/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 59.65866311751794, + "main_score": 59.65866311751794 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/SCIDOCS.json b/results/ggrn__e5-small-v2/external/SCIDOCS.json new file mode 100644 index 000000000..c0ee8b889 --- /dev/null +++ b/results/ggrn__e5-small-v2/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.218, + "map_at_10": 10.337, + "map_at_100": 12.131, + "map_at_1000": 12.411, + "map_at_3": 7.4270000000000005, + "map_at_5": 8.913, + "mrr_at_1": 20.8, + "mrr_at_10": 30.868000000000002, + "mrr_at_100": 31.903, + "mrr_at_1000": 31.972, + "mrr_at_3": 27.367, + "mrr_at_5": 29.372, + "ndcg_at_1": 20.8, + "ndcg_at_10": 17.765, + "ndcg_at_100": 24.914, + "ndcg_at_1000": 30.206, + "ndcg_at_3": 16.64, + "ndcg_at_5": 14.712, + "precision_at_1": 20.8, + "precision_at_10": 9.24, + "precision_at_100": 1.9560000000000002, + "precision_at_1000": 0.32299999999999995, + "precision_at_3": 15.467, + "precision_at_5": 12.94, + "recall_at_1": 4.218, + "recall_at_10": 18.752, + "recall_at_100": 39.7, + "recall_at_1000": 65.57300000000001, + "recall_at_3": 9.428, + "recall_at_5": 13.133000000000001, + "main_score": 17.765 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/SICK-R.json b/results/ggrn__e5-small-v2/external/SICK-R.json new file mode 100644 index 000000000..d37b79953 --- /dev/null +++ b/results/ggrn__e5-small-v2/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.04338850207233, + "cos_sim_spearman": 78.5054651430423, + "euclidean_pearson": 80.30739451228612, + "euclidean_spearman": 78.48377464299097, + "manhattan_pearson": 80.40795049052781, + "manhattan_spearman": 78.49506205443114, + "cosine_pearson": 83.04338850207233, + "cosine_spearman": 78.5054651430423, + "main_score": 78.5054651430423 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/STS12.json b/results/ggrn__e5-small-v2/external/STS12.json new file mode 100644 index 000000000..651960fab --- /dev/null +++ b/results/ggrn__e5-small-v2/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.11596224442962, + "cos_sim_spearman": 76.20997388935461, + "euclidean_pearson": 80.56858451349109, + "euclidean_spearman": 75.92659183871186, + "manhattan_pearson": 80.60246102203844, + "manhattan_spearman": 76.03018971432664, + "cosine_pearson": 84.11596224442962, + "cosine_spearman": 76.20997388935461, + "main_score": 76.20997388935461 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/STS13.json b/results/ggrn__e5-small-v2/external/STS13.json new file mode 100644 index 000000000..e1e9f293f --- /dev/null +++ b/results/ggrn__e5-small-v2/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.34691640755737, + "cos_sim_spearman": 82.4018369631579, + "euclidean_pearson": 81.87673092245366, + "euclidean_spearman": 82.3671489960678, + "manhattan_pearson": 81.88222387719948, + "manhattan_spearman": 82.3816590344736, + "cosine_pearson": 81.34691640755737, + "cosine_spearman": 82.4018369631579, + "main_score": 82.4018369631579 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/STS14.json b/results/ggrn__e5-small-v2/external/STS14.json new file mode 100644 index 000000000..29c81e0a5 --- /dev/null +++ b/results/ggrn__e5-small-v2/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.2836092579524, + "cos_sim_spearman": 78.99982781772064, + "euclidean_pearson": 80.5184271010527, + "euclidean_spearman": 78.89777392101904, + "manhattan_pearson": 80.53585705018664, + "manhattan_spearman": 78.92898405472994, + "cosine_pearson": 81.2836092579524, + "cosine_spearman": 78.99982781772064, + "main_score": 78.99982781772064 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/STS15.json b/results/ggrn__e5-small-v2/external/STS15.json new file mode 100644 index 000000000..20b0b28f4 --- /dev/null +++ b/results/ggrn__e5-small-v2/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.7349907750784, + "cos_sim_spearman": 87.7611234446225, + "euclidean_pearson": 86.98759326731624, + "euclidean_spearman": 87.58321319424618, + "manhattan_pearson": 87.03483090370842, + "manhattan_spearman": 87.63278333060288, + "cosine_pearson": 86.7349907750784, + "cosine_spearman": 87.7611234446225, + "main_score": 87.7611234446225 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/STS16.json b/results/ggrn__e5-small-v2/external/STS16.json new file mode 100644 index 000000000..ed8348500 --- /dev/null +++ b/results/ggrn__e5-small-v2/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.75873694924825, + "cos_sim_spearman": 83.80237999094724, + "euclidean_pearson": 83.55023725861537, + "euclidean_spearman": 84.12744338577744, + "manhattan_pearson": 83.58816983036232, + "manhattan_spearman": 84.18520748676501, + "cosine_pearson": 81.75873694924825, + "cosine_spearman": 83.80237999094724, + "main_score": 83.80237999094724 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/STS17.json b/results/ggrn__e5-small-v2/external/STS17.json new file mode 100644 index 000000000..9e81053e9 --- /dev/null +++ b/results/ggrn__e5-small-v2/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.21630882940174, + "cos_sim_spearman": 87.72382883437031, + "euclidean_pearson": 88.69933350930333, + "euclidean_spearman": 88.24660814383081, + "manhattan_pearson": 88.77331018833499, + "manhattan_spearman": 88.26109989380632, + "cosine_pearson": 87.21630882940174, + "cosine_spearman": 87.72382883437031, + "main_score": 87.72382883437031 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/STS22.json b/results/ggrn__e5-small-v2/external/STS22.json new file mode 100644 index 000000000..005994f8b --- /dev/null +++ b/results/ggrn__e5-small-v2/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 61.11854063060489, + "cos_sim_spearman": 63.14678634195072, + "euclidean_pearson": 61.679090067000864, + "euclidean_spearman": 62.28876589509653, + "manhattan_pearson": 62.082324165511004, + "manhattan_spearman": 62.56030932816679, + "cosine_pearson": 61.11854063060489, + "cosine_spearman": 63.14678634195072, + "main_score": 63.14678634195072 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/STSBenchmark.json b/results/ggrn__e5-small-v2/external/STSBenchmark.json new file mode 100644 index 000000000..d965a6be2 --- /dev/null +++ b/results/ggrn__e5-small-v2/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.00319882832645, + "cos_sim_spearman": 85.94529772647257, + "euclidean_pearson": 85.6661390122756, + "euclidean_spearman": 85.97747815545827, + "manhattan_pearson": 85.58422770541893, + "manhattan_spearman": 85.9237139181532, + "cosine_pearson": 84.00319882832645, + "cosine_spearman": 85.94529772647257, + "main_score": 85.94529772647257 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/SciDocsRR.json b/results/ggrn__e5-small-v2/external/SciDocsRR.json new file mode 100644 index 000000000..a15add04d --- /dev/null +++ b/results/ggrn__e5-small-v2/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 79.16198731863916, + "mrr": 94.25202702163487, + "main_score": 79.16198731863916 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/SciFact.json b/results/ggrn__e5-small-v2/external/SciFact.json new file mode 100644 index 000000000..1559f1295 --- /dev/null +++ b/results/ggrn__e5-small-v2/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 54.761, + "map_at_10": 64.396, + "map_at_100": 65.07, + "map_at_1000": 65.09899999999999, + "map_at_3": 61.846000000000004, + "map_at_5": 63.284, + "mrr_at_1": 57.667, + "mrr_at_10": 65.83099999999999, + "mrr_at_100": 66.36800000000001, + "mrr_at_1000": 66.39399999999999, + "mrr_at_3": 64.056, + "mrr_at_5": 65.206, + "ndcg_at_1": 57.667, + "ndcg_at_10": 68.854, + "ndcg_at_100": 71.59100000000001, + "ndcg_at_1000": 72.383, + "ndcg_at_3": 64.671, + "ndcg_at_5": 66.796, + "precision_at_1": 57.667, + "precision_at_10": 9.167, + "precision_at_100": 1.053, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 25.444, + "precision_at_5": 16.667, + "recall_at_1": 54.761, + "recall_at_10": 80.9, + "recall_at_100": 92.767, + "recall_at_1000": 99, + "recall_at_3": 69.672, + "recall_at_5": 75.083, + "main_score": 68.854 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/SprintDuplicateQuestions.json b/results/ggrn__e5-small-v2/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..a868b96b5 --- /dev/null +++ b/results/ggrn__e5-small-v2/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.8079207920792, + "cos_sim_ap": 94.88470927617445, + "cos_sim_f1": 90.08179959100204, + "cos_sim_precision": 92.15481171548117, + "cos_sim_recall": 88.1, + "dot_accuracy": 99.58613861386138, + "dot_ap": 82.94822578881316, + "dot_f1": 77.33333333333333, + "dot_precision": 79.36842105263158, + "dot_recall": 75.4, + "euclidean_accuracy": 99.8069306930693, + "euclidean_ap": 94.81367858031837, + "euclidean_f1": 90.01009081735621, + "euclidean_precision": 90.83503054989816, + "euclidean_recall": 89.2, + "manhattan_accuracy": 99.81188118811882, + "manhattan_ap": 94.91405337220161, + "manhattan_f1": 90.2763561924258, + "manhattan_precision": 92.45283018867924, + "manhattan_recall": 88.2, + "max_accuracy": 99.81188118811882, + "max_ap": 94.91405337220161, + "max_f1": 90.2763561924258, + "main_score": 94.91405337220161 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/StackExchangeClustering.json b/results/ggrn__e5-small-v2/external/StackExchangeClustering.json new file mode 100644 index 000000000..74dbc0e92 --- /dev/null +++ b/results/ggrn__e5-small-v2/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 58.511599500053094, + "main_score": 58.511599500053094 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/StackExchangeClusteringP2P.json b/results/ggrn__e5-small-v2/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..01510afde --- /dev/null +++ b/results/ggrn__e5-small-v2/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.984728147814707, + "main_score": 31.984728147814707 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/StackOverflowDupQuestions.json b/results/ggrn__e5-small-v2/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..3f0aec6a2 --- /dev/null +++ b/results/ggrn__e5-small-v2/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 49.93428193939015, + "mrr": 50.916557911043206, + "main_score": 49.93428193939015 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/SummEval.json b/results/ggrn__e5-small-v2/external/SummEval.json new file mode 100644 index 000000000..c20e1b448 --- /dev/null +++ b/results/ggrn__e5-small-v2/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.562500894537145, + "cos_sim_spearman": 31.162587976726307, + "dot_pearson": 22.633662187735762, + "dot_spearman": 22.723000282378962, + "cosine_pearson": 31.562500894537145, + "cosine_spearman": 31.162587976726307, + "main_score": 31.162587976726307 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/TRECCOVID.json b/results/ggrn__e5-small-v2/external/TRECCOVID.json new file mode 100644 index 000000000..fa7ba850a --- /dev/null +++ b/results/ggrn__e5-small-v2/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.219, + "map_at_10": 1.871, + "map_at_100": 10.487, + "map_at_1000": 25.122, + "map_at_3": 0.657, + "map_at_5": 1.0699999999999998, + "mrr_at_1": 84, + "mrr_at_10": 89.567, + "mrr_at_100": 89.748, + "mrr_at_1000": 89.748, + "mrr_at_3": 88.667, + "mrr_at_5": 89.567, + "ndcg_at_1": 80, + "ndcg_at_10": 74.533, + "ndcg_at_100": 55.839000000000006, + "ndcg_at_1000": 49.748, + "ndcg_at_3": 79.53099999999999, + "ndcg_at_5": 78.245, + "precision_at_1": 84, + "precision_at_10": 78.4, + "precision_at_100": 56.99999999999999, + "precision_at_1000": 21.98, + "precision_at_3": 85.333, + "precision_at_5": 84.8, + "recall_at_1": 0.219, + "recall_at_10": 2.02, + "recall_at_100": 13.555, + "recall_at_1000": 46.739999999999995, + "recall_at_3": 0.685, + "recall_at_5": 1.13, + "main_score": 74.533 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/Touche2020.json b/results/ggrn__e5-small-v2/external/Touche2020.json new file mode 100644 index 000000000..b078a9626 --- /dev/null +++ b/results/ggrn__e5-small-v2/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.5029999999999997, + "map_at_10": 11.042, + "map_at_100": 16.326999999999998, + "map_at_1000": 17.836, + "map_at_3": 6.174, + "map_at_5": 7.979, + "mrr_at_1": 42.857, + "mrr_at_10": 52.617000000000004, + "mrr_at_100": 53.351000000000006, + "mrr_at_1000": 53.351000000000006, + "mrr_at_3": 46.939, + "mrr_at_5": 50.714000000000006, + "ndcg_at_1": 38.775999999999996, + "ndcg_at_10": 27.125, + "ndcg_at_100": 35.845, + "ndcg_at_1000": 47.377, + "ndcg_at_3": 29.633, + "ndcg_at_5": 28.378999999999998, + "precision_at_1": 42.857, + "precision_at_10": 24.082, + "precision_at_100": 6.877999999999999, + "precision_at_1000": 1.463, + "precision_at_3": 29.932, + "precision_at_5": 28.571, + "recall_at_1": 3.5029999999999997, + "recall_at_10": 17.068, + "recall_at_100": 43.361, + "recall_at_1000": 78.835, + "recall_at_3": 6.821000000000001, + "recall_at_5": 10.357, + "main_score": 27.125 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/ToxicConversationsClassification.json b/results/ggrn__e5-small-v2/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..a66de4c8b --- /dev/null +++ b/results/ggrn__e5-small-v2/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.0954, + "ap": 14.216844153511959, + "f1": 54.63687418565117, + "main_score": 71.0954 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/TweetSentimentExtractionClassification.json b/results/ggrn__e5-small-v2/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..02d3a389d --- /dev/null +++ b/results/ggrn__e5-small-v2/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.46293152235427, + "f1": 61.744177921638645, + "main_score": 61.46293152235427 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/TwentyNewsgroupsClustering.json b/results/ggrn__e5-small-v2/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..fd36c5726 --- /dev/null +++ b/results/ggrn__e5-small-v2/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 41.12708617788644, + "main_score": 41.12708617788644 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/TwitterSemEval2015.json b/results/ggrn__e5-small-v2/external/TwitterSemEval2015.json new file mode 100644 index 000000000..bb7e94c04 --- /dev/null +++ b/results/ggrn__e5-small-v2/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 85.75430649102938, + "cos_sim_ap": 73.34252536948081, + "cos_sim_f1": 67.53758935173774, + "cos_sim_precision": 63.3672525439408, + "cos_sim_recall": 72.29551451187335, + "dot_accuracy": 81.71305954580676, + "dot_ap": 59.5532209082386, + "dot_f1": 56.18466898954705, + "dot_precision": 47.830923248053395, + "dot_recall": 68.07387862796834, + "euclidean_accuracy": 85.81987244441795, + "euclidean_ap": 73.34325409809446, + "euclidean_f1": 67.83451360417443, + "euclidean_precision": 64.09955388588871, + "euclidean_recall": 72.0316622691293, + "manhattan_accuracy": 85.68277999642368, + "manhattan_ap": 73.1535450121903, + "manhattan_f1": 67.928237896289, + "manhattan_precision": 63.56945722171113, + "manhattan_recall": 72.9287598944591, + "max_accuracy": 85.81987244441795, + "max_ap": 73.34325409809446, + "max_f1": 67.928237896289, + "main_score": 73.34325409809446 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/TwitterURLCorpus.json b/results/ggrn__e5-small-v2/external/TwitterURLCorpus.json new file mode 100644 index 000000000..6b737d142 --- /dev/null +++ b/results/ggrn__e5-small-v2/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.90441262079403, + "cos_sim_ap": 85.79331880741438, + "cos_sim_f1": 78.31563529842548, + "cos_sim_precision": 74.6683424102779, + "cos_sim_recall": 82.33754234678165, + "dot_accuracy": 84.89928978926534, + "dot_ap": 75.25819218316, + "dot_f1": 69.88730119720536, + "dot_precision": 64.23362374959665, + "dot_recall": 76.63227594702803, + "euclidean_accuracy": 89.01695967710637, + "euclidean_ap": 85.98986606038852, + "euclidean_f1": 78.5277880014722, + "euclidean_precision": 75.22211253701876, + "euclidean_recall": 82.13735756082538, + "manhattan_accuracy": 88.99561454573679, + "manhattan_ap": 85.92262421793953, + "manhattan_f1": 78.38866094740769, + "manhattan_precision": 76.02373028505282, + "manhattan_recall": 80.9054511857099, + "max_accuracy": 89.01695967710637, + "max_ap": 85.98986606038852, + "max_f1": 78.5277880014722, + "main_score": 85.98986606038852 + } + ] + } +} \ No newline at end of file diff --git a/results/ggrn__e5-small-v2/external/model_meta.json b/results/ggrn__e5-small-v2/external/model_meta.json new file mode 100644 index 000000000..6b52ce1c9 --- /dev/null +++ b/results/ggrn__e5-small-v2/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "ggrn/e5-small-v2", + "revision": "a81da2d3d5990c4ef456177ecf94abd605a60cb8", + "release_date": "2023-06-21", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 33377099, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 384, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/AmazonCounterfactualClassification.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..4409f3115 --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.85074626865672, + "ap": 41.53151744002314, + "f1": 71.94656880817726, + "main_score": 77.85074626865672 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/AmazonPolarityClassification.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..ab2eb0e84 --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 95.600375, + "ap": 93.57882128753579, + "f1": 95.59945484944305, + "main_score": 95.600375 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/AmazonReviewsClassification.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..3753b3e16 --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 49.794, + "f1": 48.740439663130985, + "main_score": 49.794 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/ArguAna.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/ArguAna.json new file mode 100644 index 000000000..6b53829e9 --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/ArguAna.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 55.105000000000004, + "main_score": 55.105000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/ArxivClusteringP2P.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..103f8f996 --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.15653426568874, + "main_score": 48.15653426568874 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/ArxivClusteringS2S.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..8fed5151f --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.78876256237919, + "main_score": 40.78876256237919 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/AskUbuntuDupQuestions.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..2a2fb3e64 --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 62.12873500780318, + "mrr": 75.87037769863255, + "main_score": 62.12873500780318 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/BIOSSES.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/BIOSSES.json new file mode 100644 index 000000000..bba3f193b --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.01183720167818, + "cos_sim_spearman": 85.00916590717613, + "euclidean_pearson": 84.072733561361, + "euclidean_spearman": 85.00916590717613, + "manhattan_pearson": 83.89233507343208, + "manhattan_spearman": 84.87482549674115, + "cosine_pearson": 86.01183720167818, + "cosine_spearman": 85.00916590717613, + "main_score": 85.00916590717613 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/Banking77Classification.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/Banking77Classification.json new file mode 100644 index 000000000..ec2becbe2 --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.09415584415584, + "f1": 86.05173549773973, + "main_score": 86.09415584415584 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/BiorxivClusteringP2P.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..2d2cc7765 --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.49773000165541, + "main_score": 40.49773000165541 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/BiorxivClusteringS2S.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..187aa5b07 --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.909633073998876, + "main_score": 36.909633073998876 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/CQADupstackAndroidRetrieval.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..0ca2ba048 --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,114 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 49.481, + "main_score": 49.481 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 47.449999999999996, + "main_score": 47.449999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 59.227, + "main_score": 59.227 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 37.729, + "main_score": 37.729 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 29.673, + "main_score": 29.673 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 44.278, + "main_score": 44.278 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 43.218, + "main_score": 43.218 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 40.63741666666667, + "main_score": 40.63741666666667 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 33.341, + "main_score": 33.341 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 29.093999999999998, + "main_score": 29.093999999999998 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 40.801, + "main_score": 40.801 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 40.114, + "main_score": 40.114 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 33.243, + "main_score": 33.243 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/ClimateFEVER.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/ClimateFEVER.json new file mode 100644 index 000000000..d9b87dec1 --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/ClimateFEVER.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 29.958000000000002, + "main_score": 29.958000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/DBPedia.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/DBPedia.json new file mode 100644 index 000000000..fe7cf1268 --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/DBPedia.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 41.004000000000005, + "main_score": 41.004000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/EmotionClassification.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/EmotionClassification.json new file mode 100644 index 000000000..0d386e4f1 --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 48.150000000000006, + "f1": 43.69803436468346, + "main_score": 48.150000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/FEVER.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/FEVER.json new file mode 100644 index 000000000..235afc8b8 --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/FEVER.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 88.532, + "main_score": 88.532 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/FiQA2018.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/FiQA2018.json new file mode 100644 index 000000000..455f50dfe --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/FiQA2018.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 44.105, + "main_score": 44.105 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/HotpotQA.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/HotpotQA.json new file mode 100644 index 000000000..971a88b67 --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/HotpotQA.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 70.612, + "main_score": 70.612 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/ImdbClassification.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/ImdbClassification.json new file mode 100644 index 000000000..390ebb583 --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.9672, + "ap": 90.72947025321227, + "f1": 93.96271599852622, + "main_score": 93.9672 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/MSMARCO.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/MSMARCO.json new file mode 100644 index 000000000..bb71c4b75 --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/MSMARCO.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 43.447, + "main_score": 43.447 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/MTOPDomainClassification.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/MTOPDomainClassification.json new file mode 100644 index 000000000..d1cff936b --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 94.92476060191517, + "f1": 94.69383758972194, + "main_score": 94.92476060191517 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/MTOPIntentClassification.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/MTOPIntentClassification.json new file mode 100644 index 000000000..9264cd0af --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.8873689010488, + "f1": 62.537485052253885, + "main_score": 78.8873689010488 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/MassiveIntentClassification.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/MassiveIntentClassification.json new file mode 100644 index 000000000..6535ef576 --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.51244115669132, + "f1": 72.40074466830153, + "main_score": 74.51244115669132 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/MassiveScenarioClassification.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..d38b5b93d --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.00470746469401, + "f1": 79.03758200183096, + "main_score": 79.00470746469401 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/MedrxivClusteringP2P.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..4f5954e2e --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.183215937303736, + "main_score": 36.183215937303736 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/MedrxivClusteringS2S.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..7464da038 --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.443759055792135, + "main_score": 33.443759055792135 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/MindSmallReranking.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/MindSmallReranking.json new file mode 100644 index 000000000..6c4d0a5cf --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 32.58713095176127, + "mrr": 33.7326038566206, + "main_score": 32.58713095176127 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/NFCorpus.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/NFCorpus.json new file mode 100644 index 000000000..1ca25cf41 --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/NFCorpus.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 36.417, + "main_score": 36.417 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/NQ.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/NQ.json new file mode 100644 index 000000000..17d77cd5a --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/NQ.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 63.415, + "main_score": 63.415 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/QuoraRetrieval.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/QuoraRetrieval.json new file mode 100644 index 000000000..df56cf787 --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/QuoraRetrieval.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 88.924, + "main_score": 88.924 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/RedditClustering.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/RedditClustering.json new file mode 100644 index 000000000..c8ba42b85 --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 58.10997801688676, + "main_score": 58.10997801688676 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/RedditClusteringP2P.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/RedditClusteringP2P.json new file mode 100644 index 000000000..a49370437 --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 65.02444843766075, + "main_score": 65.02444843766075 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/SCIDOCS.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/SCIDOCS.json new file mode 100644 index 000000000..25e34102f --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/SCIDOCS.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 19.339000000000002, + "main_score": 19.339000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/SICK-R.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/SICK-R.json new file mode 100644 index 000000000..0997a63db --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.61540076033945, + "cos_sim_spearman": 82.1820253476181, + "euclidean_pearson": 83.73901215845989, + "euclidean_spearman": 82.182021064594, + "manhattan_pearson": 83.76685139192031, + "manhattan_spearman": 82.14074705306663, + "cosine_pearson": 86.61540076033945, + "cosine_spearman": 82.1820253476181, + "main_score": 82.1820253476181 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/STS12.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/STS12.json new file mode 100644 index 000000000..00816b1fb --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.62241109228789, + "cos_sim_spearman": 77.62042143066208, + "euclidean_pearson": 82.77237785274072, + "euclidean_spearman": 77.62042142290566, + "manhattan_pearson": 82.70945589621266, + "manhattan_spearman": 77.57245632826351, + "cosine_pearson": 85.62241109228789, + "cosine_spearman": 77.62042143066208, + "main_score": 77.62042143066208 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/STS13.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/STS13.json new file mode 100644 index 000000000..bb5d2b24e --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.8307075352031, + "cos_sim_spearman": 85.15620774806095, + "euclidean_pearson": 84.21956724564915, + "euclidean_spearman": 85.15620774806095, + "manhattan_pearson": 84.0677597021641, + "manhattan_spearman": 85.02572172855729, + "cosine_pearson": 84.8307075352031, + "cosine_spearman": 85.15620774806095, + "main_score": 85.15620774806095 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/STS14.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/STS14.json new file mode 100644 index 000000000..9500860c3 --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.33749463516592, + "cos_sim_spearman": 80.01967438481185, + "euclidean_pearson": 82.16884494022196, + "euclidean_spearman": 80.01967218194336, + "manhattan_pearson": 81.94431512413773, + "manhattan_spearman": 79.81636247503731, + "cosine_pearson": 83.33749463516592, + "cosine_spearman": 80.01967438481185, + "main_score": 80.01967438481185 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/STS15.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/STS15.json new file mode 100644 index 000000000..808e526c3 --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.2070761097028, + "cos_sim_spearman": 88.92297656560552, + "euclidean_pearson": 87.95961374550303, + "euclidean_spearman": 88.92298798854765, + "manhattan_pearson": 87.85515971478168, + "manhattan_spearman": 88.8100644762342, + "cosine_pearson": 88.2070761097028, + "cosine_spearman": 88.92297656560552, + "main_score": 88.92297656560552 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/STS16.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/STS16.json new file mode 100644 index 000000000..d1b6c346e --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.48103354546488, + "cos_sim_spearman": 86.91850928862898, + "euclidean_pearson": 86.06766986527145, + "euclidean_spearman": 86.91850928862898, + "manhattan_pearson": 86.02705585360717, + "manhattan_spearman": 86.86666545434721, + "cosine_pearson": 85.48103354546488, + "cosine_spearman": 86.91850928862898, + "main_score": 86.91850928862898 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/STS17.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/STS17.json new file mode 100644 index 000000000..6bd509e84 --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 90.30267248880148, + "cos_sim_spearman": 90.08752166657892, + "euclidean_pearson": 90.4697525265135, + "euclidean_spearman": 90.08752166657892, + "manhattan_pearson": 90.57174978064741, + "manhattan_spearman": 90.212834942229, + "cosine_pearson": 90.30267248880148, + "cosine_spearman": 90.08752166657892, + "main_score": 90.08752166657892 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/STS22.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/STS22.json new file mode 100644 index 000000000..d206c0c86 --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 67.10616236380835, + "cos_sim_spearman": 66.81483164137016, + "euclidean_pearson": 68.48505128040803, + "euclidean_spearman": 66.81483164137016, + "manhattan_pearson": 68.46133268524885, + "manhattan_spearman": 66.83684227990202, + "cosine_pearson": 67.10616236380835, + "cosine_spearman": 66.81483164137016, + "main_score": 66.81483164137016 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/STSBenchmark.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/STSBenchmark.json new file mode 100644 index 000000000..0eda5d3a0 --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.12768629069949, + "cos_sim_spearman": 88.78683817318573, + "euclidean_pearson": 88.47603251297261, + "euclidean_spearman": 88.78683817318573, + "manhattan_pearson": 88.46483630890225, + "manhattan_spearman": 88.76593424921617, + "cosine_pearson": 87.12768629069949, + "cosine_spearman": 88.78683817318573, + "main_score": 88.78683817318573 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/SciDocsRR.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/SciDocsRR.json new file mode 100644 index 000000000..ee16f849e --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 84.30886658431281, + "mrr": 95.5964251797585, + "main_score": 84.30886658431281 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/SciFact.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/SciFact.json new file mode 100644 index 000000000..3c80985fa --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/SciFact.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 70.04599999999999, + "main_score": 70.04599999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/SprintDuplicateQuestions.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..3f482222b --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.87524752475248, + "cos_sim_ap": 96.79160651306724, + "cos_sim_f1": 93.57798165137615, + "cos_sim_precision": 95.42619542619542, + "cos_sim_recall": 91.8, + "dot_accuracy": 99.87524752475248, + "dot_ap": 96.79160651306724, + "dot_f1": 93.57798165137615, + "dot_precision": 95.42619542619542, + "dot_recall": 91.8, + "euclidean_accuracy": 99.87524752475248, + "euclidean_ap": 96.79160651306724, + "euclidean_f1": 93.57798165137615, + "euclidean_precision": 95.42619542619542, + "euclidean_recall": 91.8, + "manhattan_accuracy": 99.87326732673267, + "manhattan_ap": 96.7574606340297, + "manhattan_f1": 93.45603271983639, + "manhattan_precision": 95.60669456066945, + "manhattan_recall": 91.4, + "max_accuracy": 99.87524752475248, + "max_ap": 96.79160651306724, + "max_f1": 93.57798165137615, + "main_score": 96.79160651306724 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/StackExchangeClustering.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/StackExchangeClustering.json new file mode 100644 index 000000000..717549e8c --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 68.12288811917144, + "main_score": 68.12288811917144 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/StackExchangeClusteringP2P.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..27de616f9 --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.22267280169542, + "main_score": 35.22267280169542 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/StackOverflowDupQuestions.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..069cb7b2d --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 52.39780995606098, + "mrr": 53.26826563958916, + "main_score": 52.39780995606098 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/SummEval.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/SummEval.json new file mode 100644 index 000000000..8820a2af0 --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.15118979569649, + "cos_sim_spearman": 30.99428921914572, + "dot_pearson": 31.151189338601924, + "dot_spearman": 30.99428921914572, + "cosine_pearson": 31.15118979569649, + "cosine_spearman": 30.99428921914572, + "main_score": 30.99428921914572 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/TRECCOVID.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/TRECCOVID.json new file mode 100644 index 000000000..f8c2a2c06 --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/TRECCOVID.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 83.372, + "main_score": 83.372 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/Touche2020.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/Touche2020.json new file mode 100644 index 000000000..7231b6188 --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/Touche2020.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 32.698, + "main_score": 32.698 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/ToxicConversationsClassification.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..8b61b8709 --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.1998, + "ap": 14.646205259325157, + "f1": 54.96172518137252, + "main_score": 71.1998 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/TweetSentimentExtractionClassification.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..26cfd6d72 --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 62.176004527447645, + "f1": 62.48549068096645, + "main_score": 62.176004527447645 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/TwentyNewsgroupsClustering.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..485282af9 --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 50.13767789739772, + "main_score": 50.13767789739772 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/TwitterSemEval2015.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/TwitterSemEval2015.json new file mode 100644 index 000000000..02ba5ee8d --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 86.38016331882935, + "cos_sim_ap": 75.1635976260804, + "cos_sim_f1": 69.29936305732484, + "cos_sim_precision": 66.99507389162561, + "cos_sim_recall": 71.76781002638522, + "dot_accuracy": 86.38016331882935, + "dot_ap": 75.16359359202374, + "dot_f1": 69.29936305732484, + "dot_precision": 66.99507389162561, + "dot_recall": 71.76781002638522, + "euclidean_accuracy": 86.38016331882935, + "euclidean_ap": 75.16360246558416, + "euclidean_f1": 69.29936305732484, + "euclidean_precision": 66.99507389162561, + "euclidean_recall": 71.76781002638522, + "manhattan_accuracy": 86.27883411813792, + "manhattan_ap": 75.02872038741897, + "manhattan_f1": 69.29256284011403, + "manhattan_precision": 68.07535641547861, + "manhattan_recall": 70.55408970976254, + "max_accuracy": 86.38016331882935, + "max_ap": 75.16360246558416, + "max_f1": 69.29936305732484, + "main_score": 75.16360246558416 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/TwitterURLCorpus.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/TwitterURLCorpus.json new file mode 100644 index 000000000..d92dba547 --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.39729110878255, + "cos_sim_ap": 86.48560260020555, + "cos_sim_f1": 79.35060602690982, + "cos_sim_precision": 76.50632549496105, + "cos_sim_recall": 82.41453649522637, + "dot_accuracy": 89.39729110878255, + "dot_ap": 86.48559829915334, + "dot_f1": 79.35060602690982, + "dot_precision": 76.50632549496105, + "dot_recall": 82.41453649522637, + "euclidean_accuracy": 89.39729110878255, + "euclidean_ap": 86.48559993122497, + "euclidean_f1": 79.35060602690982, + "euclidean_precision": 76.50632549496105, + "euclidean_recall": 82.41453649522637, + "manhattan_accuracy": 89.36042224550782, + "manhattan_ap": 86.47238558562499, + "manhattan_f1": 79.24500641378047, + "manhattan_precision": 75.61726236273344, + "manhattan_recall": 83.23837388358484, + "max_accuracy": 89.39729110878255, + "max_ap": 86.48560260020555, + "max_f1": 79.35060602690982, + "main_score": 86.48560260020555 + } + ] + } +} \ No newline at end of file diff --git a/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/model_meta.json b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/model_meta.json new file mode 100644 index 000000000..d920f2d75 --- /dev/null +++ b/results/gizmo-ai__Cohere-embed-multilingual-v3.0/external/model_meta.json @@ -0,0 +1,20 @@ +{ + "name": "gizmo-ai/Cohere-embed-multilingual-v3.0", + "revision": "fd3215aa6fca6023593c3465cf1e9b0b8cd59778", + "release_date": "2024-01-16", + "languages": [], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 1024, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/AmazonCounterfactualClassification.json b/results/goldenrooster__multilingual-e5-large/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..73ddb89eb --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/AmazonCounterfactualClassification.json @@ -0,0 +1,50 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.05970149253731, + "ap": 43.486574390835635, + "f1": 73.32700092140148, + "main_score": 79.05970149253731 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 71.22055674518201, + "ap": 81.55756710830498, + "f1": 69.28271787752661, + "main_score": 71.22055674518201 + }, + { + "hf_subset": "en-ext", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.41979010494754, + "ap": 29.34879922376344, + "f1": 67.62475449011278, + "main_score": 80.41979010494754 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 77.8372591006424, + "ap": 26.557560591210738, + "f1": 64.96619417368707, + "main_score": 77.8372591006424 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/AmazonPolarityClassification.json b/results/goldenrooster__multilingual-e5-large/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..e11ff662b --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.489875, + "ap": 90.98758636917603, + "f1": 93.48554819717332, + "main_score": 93.489875 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/AmazonReviewsClassification.json b/results/goldenrooster__multilingual-e5-large/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..a4d2ba246 --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/AmazonReviewsClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 47.564, + "f1": 46.75122173518047, + "main_score": 47.564 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 45.400000000000006, + "f1": 44.17195682400632, + "main_score": 45.400000000000006 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 43.068, + "f1": 42.38155696855596, + "main_score": 43.068 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 41.89, + "f1": 40.84407321682663, + "main_score": 41.89 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 40.120000000000005, + "f1": 39.522976223819114, + "main_score": 40.120000000000005 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 38.832, + "f1": 38.0392533394713, + "main_score": 38.832 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/ArguAna.json b/results/goldenrooster__multilingual-e5-large/external/ArguAna.json new file mode 100644 index 000000000..f4a211c26 --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.725, + "map_at_10": 46.055, + "map_at_100": 46.900999999999996, + "map_at_1000": 46.911, + "map_at_3": 41.548, + "map_at_5": 44.297, + "mrr_at_1": 31.152, + "mrr_at_10": 46.231, + "mrr_at_100": 47.07, + "mrr_at_1000": 47.08, + "mrr_at_3": 41.738, + "mrr_at_5": 44.468999999999994, + "ndcg_at_1": 30.725, + "ndcg_at_10": 54.379999999999995, + "ndcg_at_100": 58.138, + "ndcg_at_1000": 58.389, + "ndcg_at_3": 45.156, + "ndcg_at_5": 50.123, + "precision_at_1": 30.725, + "precision_at_10": 8.087, + "precision_at_100": 0.9769999999999999, + "precision_at_1000": 0.1, + "precision_at_3": 18.54, + "precision_at_5": 13.542000000000002, + "recall_at_1": 30.725, + "recall_at_10": 80.868, + "recall_at_100": 97.653, + "recall_at_1000": 99.57300000000001, + "recall_at_3": 55.619, + "recall_at_5": 67.71000000000001, + "main_score": 54.379999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/ArxivClusteringP2P.json b/results/goldenrooster__multilingual-e5-large/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..f99cf7492 --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 44.30960650674069, + "main_score": 44.30960650674069 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/ArxivClusteringS2S.json b/results/goldenrooster__multilingual-e5-large/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..b471b2ebf --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.427074197498996, + "main_score": 38.427074197498996 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/AskUbuntuDupQuestions.json b/results/goldenrooster__multilingual-e5-large/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..7a3b2eda4 --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 60.28270056031872, + "mrr": 74.38332673789738, + "main_score": 60.28270056031872 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/BIOSSES.json b/results/goldenrooster__multilingual-e5-large/external/BIOSSES.json new file mode 100644 index 000000000..303d13bcc --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.05942144105269, + "cos_sim_spearman": 82.51212105850809, + "euclidean_pearson": 81.95639829909122, + "euclidean_spearman": 82.3717564144213, + "manhattan_pearson": 81.79273425468256, + "manhattan_spearman": 82.20066817871039, + "cosine_pearson": 84.05942144105269, + "cosine_spearman": 82.51212105850809, + "main_score": 82.51212105850809 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/BUCC.json b/results/goldenrooster__multilingual-e5-large/external/BUCC.json new file mode 100644 index 000000000..de853232f --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/BUCC.json @@ -0,0 +1,58 @@ +{ + "dataset_revision": "d51519689f32196a32af33b075a01d0e7c51e252", + "task_name": "BUCC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "accuracy": 99.46764091858039, + "f1": 99.37717466945023, + "precision": 99.33194154488518, + "recall": 99.46764091858039, + "main_score": 99.37717466945023 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "accuracy": 98.29407880255337, + "f1": 98.11248073959938, + "precision": 98.02443319392472, + "recall": 98.29407880255337, + "main_score": 98.11248073959938 + }, + { + "hf_subset": "ru-en", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "accuracy": 97.79009352268791, + "f1": 97.5176076665512, + "precision": 97.38136473848286, + "recall": 97.79009352268791, + "main_score": 97.5176076665512 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "accuracy": 99.26276987888363, + "f1": 99.20133403545726, + "precision": 99.17500438827453, + "recall": 99.26276987888363, + "main_score": 99.20133403545726 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/Banking77Classification.json b/results/goldenrooster__multilingual-e5-large/external/Banking77Classification.json new file mode 100644 index 000000000..01d0ae132 --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 84.72727272727273, + "f1": 84.67672206031433, + "main_score": 84.72727272727273 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/BiorxivClusteringP2P.json b/results/goldenrooster__multilingual-e5-large/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..856435bfd --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.34220182511161, + "main_score": 35.34220182511161 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/BiorxivClusteringS2S.json b/results/goldenrooster__multilingual-e5-large/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..591c406dc --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.4987096128766, + "main_score": 33.4987096128766 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/ClimateFEVER.json b/results/goldenrooster__multilingual-e5-large/external/ClimateFEVER.json new file mode 100644 index 000000000..0fef2b598 --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 10.338, + "map_at_10": 18.360000000000003, + "map_at_100": 19.942, + "map_at_1000": 20.134, + "map_at_3": 15.174000000000001, + "map_at_5": 16.830000000000002, + "mrr_at_1": 23.257, + "mrr_at_10": 33.768, + "mrr_at_100": 34.707, + "mrr_at_1000": 34.766000000000005, + "mrr_at_3": 30.977, + "mrr_at_5": 32.528, + "ndcg_at_1": 23.257, + "ndcg_at_10": 25.733, + "ndcg_at_100": 32.288, + "ndcg_at_1000": 35.992000000000004, + "ndcg_at_3": 20.866, + "ndcg_at_5": 22.612, + "precision_at_1": 23.257, + "precision_at_10": 8.124, + "precision_at_100": 1.518, + "precision_at_1000": 0.219, + "precision_at_3": 15.679000000000002, + "precision_at_5": 12.117, + "recall_at_1": 10.338, + "recall_at_10": 31.154, + "recall_at_100": 54.161, + "recall_at_1000": 75.21900000000001, + "recall_at_3": 19.427, + "recall_at_5": 24.214, + "main_score": 25.733 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/DBPedia.json b/results/goldenrooster__multilingual-e5-large/external/DBPedia.json new file mode 100644 index 000000000..da8290da0 --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.498, + "map_at_10": 19.103, + "map_at_100": 27.375, + "map_at_1000": 28.981, + "map_at_3": 13.764999999999999, + "map_at_5": 15.950000000000001, + "mrr_at_1": 65.5, + "mrr_at_10": 74.53800000000001, + "mrr_at_100": 74.71799999999999, + "mrr_at_1000": 74.725, + "mrr_at_3": 72.792, + "mrr_at_5": 73.554, + "ndcg_at_1": 53.37499999999999, + "ndcg_at_10": 41.286, + "ndcg_at_100": 45.972, + "ndcg_at_1000": 53.123, + "ndcg_at_3": 46.172999999999995, + "ndcg_at_5": 43.033, + "precision_at_1": 65.5, + "precision_at_10": 32.725, + "precision_at_100": 10.683, + "precision_at_1000": 1.978, + "precision_at_3": 50, + "precision_at_5": 41.349999999999994, + "recall_at_1": 8.498, + "recall_at_10": 25.070999999999998, + "recall_at_100": 52.383, + "recall_at_1000": 74.91499999999999, + "recall_at_3": 15.207999999999998, + "recall_at_5": 18.563, + "main_score": 41.286 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/EmotionClassification.json b/results/goldenrooster__multilingual-e5-large/external/EmotionClassification.json new file mode 100644 index 000000000..758c2b220 --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 46.5, + "f1": 41.93833713984145, + "main_score": 46.5 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/FEVER.json b/results/goldenrooster__multilingual-e5-large/external/FEVER.json new file mode 100644 index 000000000..2f1da6a33 --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 67.914, + "map_at_10": 78.10000000000001, + "map_at_100": 78.333, + "map_at_1000": 78.346, + "map_at_3": 76.626, + "map_at_5": 77.627, + "mrr_at_1": 72.74199999999999, + "mrr_at_10": 82.414, + "mrr_at_100": 82.511, + "mrr_at_1000": 82.513, + "mrr_at_3": 81.231, + "mrr_at_5": 82.065, + "ndcg_at_1": 72.74199999999999, + "ndcg_at_10": 82.806, + "ndcg_at_100": 83.677, + "ndcg_at_1000": 83.917, + "ndcg_at_3": 80.305, + "ndcg_at_5": 81.843, + "precision_at_1": 72.74199999999999, + "precision_at_10": 10.24, + "precision_at_100": 1.089, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 31.268, + "precision_at_5": 19.706000000000003, + "recall_at_1": 67.914, + "recall_at_10": 92.889, + "recall_at_100": 96.42699999999999, + "recall_at_1000": 97.92, + "recall_at_3": 86.21, + "recall_at_5": 90.036, + "main_score": 82.806 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/FiQA2018.json b/results/goldenrooster__multilingual-e5-large/external/FiQA2018.json new file mode 100644 index 000000000..24ff911a9 --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.166, + "map_at_10": 35.57, + "map_at_100": 37.405, + "map_at_1000": 37.564, + "map_at_3": 30.379, + "map_at_5": 33.324, + "mrr_at_1": 43.519000000000005, + "mrr_at_10": 51.556000000000004, + "mrr_at_100": 52.344, + "mrr_at_1000": 52.373999999999995, + "mrr_at_3": 48.868, + "mrr_at_5": 50.319, + "ndcg_at_1": 43.519000000000005, + "ndcg_at_10": 43.803, + "ndcg_at_100": 50.468999999999994, + "ndcg_at_1000": 53.111, + "ndcg_at_3": 38.893, + "ndcg_at_5": 40.653, + "precision_at_1": 43.519000000000005, + "precision_at_10": 12.253, + "precision_at_100": 1.931, + "precision_at_1000": 0.242, + "precision_at_3": 25.617, + "precision_at_5": 19.383, + "recall_at_1": 22.166, + "recall_at_10": 51.6, + "recall_at_100": 76.574, + "recall_at_1000": 92.192, + "recall_at_3": 34.477999999999994, + "recall_at_5": 41.835, + "main_score": 43.803 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/HotpotQA.json b/results/goldenrooster__multilingual-e5-large/external/HotpotQA.json new file mode 100644 index 000000000..83540ae1a --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 39.041, + "map_at_10": 62.961999999999996, + "map_at_100": 63.79899999999999, + "map_at_1000": 63.854, + "map_at_3": 59.399, + "map_at_5": 61.669, + "mrr_at_1": 78.082, + "mrr_at_10": 84.321, + "mrr_at_100": 84.49600000000001, + "mrr_at_1000": 84.502, + "mrr_at_3": 83.421, + "mrr_at_5": 83.977, + "ndcg_at_1": 78.082, + "ndcg_at_10": 71.229, + "ndcg_at_100": 74.10900000000001, + "ndcg_at_1000": 75.169, + "ndcg_at_3": 66.28699999999999, + "ndcg_at_5": 69.084, + "precision_at_1": 78.082, + "precision_at_10": 14.993, + "precision_at_100": 1.7239999999999998, + "precision_at_1000": 0.186, + "precision_at_3": 42.737, + "precision_at_5": 27.843, + "recall_at_1": 39.041, + "recall_at_10": 74.96300000000001, + "recall_at_100": 86.199, + "recall_at_1000": 93.228, + "recall_at_3": 64.105, + "recall_at_5": 69.608, + "main_score": 71.229 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/ImdbClassification.json b/results/goldenrooster__multilingual-e5-large/external/ImdbClassification.json new file mode 100644 index 000000000..844926298 --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 90.23160000000001, + "ap": 85.5674856808308, + "f1": 90.18033354786317, + "main_score": 90.23160000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/MSMARCO.json b/results/goldenrooster__multilingual-e5-large/external/MSMARCO.json new file mode 100644 index 000000000..55d6bac00 --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.091, + "map_at_10": 36.753, + "map_at_100": 37.913000000000004, + "map_at_1000": 37.958999999999996, + "map_at_3": 32.818999999999996, + "map_at_5": 35.171, + "mrr_at_1": 24.742, + "mrr_at_10": 37.285000000000004, + "mrr_at_100": 38.391999999999996, + "mrr_at_1000": 38.431, + "mrr_at_3": 33.440999999999995, + "mrr_at_5": 35.75, + "ndcg_at_1": 24.742, + "ndcg_at_10": 43.698, + "ndcg_at_100": 49.145, + "ndcg_at_1000": 50.23800000000001, + "ndcg_at_3": 35.769, + "ndcg_at_5": 39.961999999999996, + "precision_at_1": 24.742, + "precision_at_10": 6.7989999999999995, + "precision_at_100": 0.95, + "precision_at_1000": 0.104, + "precision_at_3": 15.096000000000002, + "precision_at_5": 11.183, + "recall_at_1": 24.091, + "recall_at_10": 65.068, + "recall_at_100": 89.899, + "recall_at_1000": 98.16, + "recall_at_3": 43.68, + "recall_at_5": 53.754999999999995, + "main_score": 43.698 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/MTOPDomainClassification.json b/results/goldenrooster__multilingual-e5-large/external/MTOPDomainClassification.json new file mode 100644 index 000000000..8076367ba --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/MTOPDomainClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.66621067031465, + "f1": 93.49622853272142, + "main_score": 93.66621067031465 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 91.94702733164272, + "f1": 91.17043441745282, + "main_score": 91.94702733164272 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 92.20146764509674, + "f1": 91.98359080555608, + "main_score": 92.20146764509674 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 88.99780770435328, + "f1": 89.19746342724068, + "main_score": 88.99780770435328 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 89.78486912871998, + "f1": 89.24578823628642, + "main_score": 89.78486912871998 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 88.74502712477394, + "f1": 89.00297573881542, + "main_score": 88.74502712477394 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/MTOPIntentClassification.json b/results/goldenrooster__multilingual-e5-large/external/MTOPIntentClassification.json new file mode 100644 index 000000000..49fcc0b3b --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/MTOPIntentClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.9046967624259, + "f1": 59.36787125785957, + "main_score": 77.9046967624259 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 74.5280360664976, + "f1": 57.17723440888718, + "main_score": 74.5280360664976 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 75.44029352901934, + "f1": 54.052855531072964, + "main_score": 75.44029352901934 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 70.5606013153774, + "f1": 52.62215934386531, + "main_score": 70.5606013153774 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 73.11581211903908, + "f1": 52.341291845645465, + "main_score": 73.11581211903908 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 74.28933092224233, + "f1": 57.07918745504911, + "main_score": 74.28933092224233 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/MassiveIntentClassification.json b/results/goldenrooster__multilingual-e5-large/external/MassiveIntentClassification.json new file mode 100644 index 000000000..6e67dc369 --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/MassiveIntentClassification.json @@ -0,0 +1,469 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 62.38063214525892, + "f1": 59.46463723443009, + "main_score": 62.38063214525892 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 56.06926698049766, + "f1": 52.49084283283562, + "main_score": 56.06926698049766 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 60.74983187626093, + "f1": 56.960640620165904, + "main_score": 60.74983187626093 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 64.86550100874243, + "f1": 62.47370548140688, + "main_score": 64.86550100874243 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 63.971082716879636, + "f1": 61.03812421957381, + "main_score": 63.971082716879636 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 54.98318762609282, + "f1": 51.51207916008392, + "main_score": 54.98318762609282 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 69.45527908540686, + "f1": 66.16631905400318, + "main_score": 69.45527908540686 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 69.32750504371216, + "f1": 66.16755288646591, + "main_score": 69.32750504371216 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 69.09213180901143, + "f1": 66.95654394661507, + "main_score": 69.09213180901143 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.75588433086752, + "f1": 71.79973779656923, + "main_score": 73.75588433086752 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 70.49428379287154, + "f1": 68.37494379215734, + "main_score": 70.49428379287154 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 69.90921318090115, + "f1": 66.79517376481645, + "main_score": 69.90921318090115 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 70.12104909213181, + "f1": 67.29448842879584, + "main_score": 70.12104909213181 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 69.34095494283793, + "f1": 67.01134288992947, + "main_score": 69.34095494283793 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 67.61264290517822, + "f1": 64.68730512660757, + "main_score": 67.61264290517822 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 67.79757901815738, + "f1": 65.24938539425598, + "main_score": 67.79757901815738 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 69.68728984532616, + "f1": 67.0487169762553, + "main_score": 69.68728984532616 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 62.07464694014795, + "f1": 59.183532276789286, + "main_score": 62.07464694014795 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 70.04707464694015, + "f1": 67.66829629003848, + "main_score": 70.04707464694015 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 62.42434431741762, + "f1": 59.01617226544757, + "main_score": 62.42434431741762 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 70.53127101546738, + "f1": 68.10033760906255, + "main_score": 70.53127101546738 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 72.50504371217215, + "f1": 69.74931103158923, + "main_score": 72.50504371217215 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 57.91190316072628, + "f1": 54.05551136648796, + "main_score": 57.91190316072628 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 51.78211163416275, + "f1": 49.874888544058535, + "main_score": 51.78211163416275 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 47.017484868863484, + "f1": 44.53364263352014, + "main_score": 47.017484868863484 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 62.16207128446537, + "f1": 59.01185692320829, + "main_score": 62.16207128446537 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 69.42501681237391, + "f1": 67.13169450166086, + "main_score": 69.42501681237391 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 67.0780094149294, + "f1": 64.41720167850707, + "main_score": 67.0780094149294 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 65.57162071284466, + "f1": 62.414138683804424, + "main_score": 65.57162071284466 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 61.71149966375252, + "f1": 58.594805125087234, + "main_score": 61.71149966375252 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 66.03900470746471, + "f1": 63.87937257883887, + "main_score": 66.03900470746471 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 60.8776059179556, + "f1": 57.48587618059131, + "main_score": 60.8776059179556 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 69.87895090786819, + "f1": 66.8141299430347, + "main_score": 69.87895090786819 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 70.45057162071285, + "f1": 67.46444039673516, + "main_score": 70.45057162071285 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 71.546738399462, + "f1": 68.63640876702655, + "main_score": 71.546738399462 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 70.72965702757229, + "f1": 68.54119560379115, + "main_score": 70.72965702757229 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 68.35574983187625, + "f1": 65.88844917691927, + "main_score": 68.35574983187625 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 71.70477471418964, + "f1": 69.19665697061978, + "main_score": 71.70477471418964 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 67.0880968392737, + "f1": 64.76962317666086, + "main_score": 67.0880968392737 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 65.18493611297916, + "f1": 62.49984559035371, + "main_score": 65.18493611297916 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 71.75857431069265, + "f1": 69.20053687623418, + "main_score": 71.75857431069265 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 58.500336247478145, + "f1": 55.2972398687929, + "main_score": 58.500336247478145 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 62.68997982515132, + "f1": 59.36848202755348, + "main_score": 62.68997982515132 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 63.01950235373235, + "f1": 60.09351954625423, + "main_score": 63.01950235373235 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 68.29186281102892, + "f1": 67.57860496703447, + "main_score": 68.29186281102892 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 64.77471418964357, + "f1": 61.913983147713836, + "main_score": 64.77471418964357 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 69.87222595830532, + "f1": 66.03679033708141, + "main_score": 69.87222595830532 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 64.04505716207127, + "f1": 61.28569169817908, + "main_score": 64.04505716207127 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 69.38466711499663, + "f1": 67.20532357036844, + "main_score": 69.38466711499663 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 71.12306657700067, + "f1": 68.91251226588182, + "main_score": 71.12306657700067 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 66.20040349697378, + "f1": 66.02657347714175, + "main_score": 66.20040349697378 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/MassiveScenarioClassification.json b/results/goldenrooster__multilingual-e5-large/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..348c9c4c9 --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/MassiveScenarioClassification.json @@ -0,0 +1,469 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 68.73907195696032, + "f1": 66.98484521791418, + "main_score": 68.73907195696032 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 60.58843308675185, + "f1": 58.95591723092005, + "main_score": 60.58843308675185 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 66.22730329522528, + "f1": 66.0894499712115, + "main_score": 66.22730329522528 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 66.48285137861465, + "f1": 65.21963176785157, + "main_score": 66.48285137861465 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 67.74714189643578, + "f1": 66.8212192745412, + "main_score": 67.74714189643578 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 59.09213180901143, + "f1": 56.70735546356339, + "main_score": 59.09213180901143 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 75.05716207128448, + "f1": 74.8413712365364, + "main_score": 75.05716207128448 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 74.69737726967047, + "f1": 74.7664341963, + "main_score": 74.69737726967047 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 73.90383322125084, + "f1": 73.59201554448323, + "main_score": 73.90383322125084 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.51176866173503, + "f1": 77.46104434577758, + "main_score": 77.51176866173503 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 74.31069266980496, + "f1": 74.61048660675635, + "main_score": 74.31069266980496 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 72.95225285810356, + "f1": 72.33160006574627, + "main_score": 72.95225285810356 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 73.12373907195696, + "f1": 73.20921012557481, + "main_score": 73.12373907195696 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 73.86684599865501, + "f1": 73.82348774610831, + "main_score": 73.86684599865501 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 71.40215198386012, + "f1": 71.11945183971858, + "main_score": 71.40215198386012 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 72.12844653665098, + "f1": 71.34450495911766, + "main_score": 72.12844653665098 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 74.52252858103566, + "f1": 73.98878711342999, + "main_score": 74.52252858103566 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 64.93611297915265, + "f1": 63.723200467653385, + "main_score": 64.93611297915265 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 74.11903160726295, + "f1": 73.82138439467096, + "main_score": 74.11903160726295 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 67.15198386012105, + "f1": 66.02172193802167, + "main_score": 67.15198386012105 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 74.32414256893072, + "f1": 74.30943421170574, + "main_score": 74.32414256893072 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 77.46805648957633, + "f1": 77.62808409298209, + "main_score": 77.46805648957633 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 63.318762609280434, + "f1": 62.094284066075076, + "main_score": 63.318762609280434 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 58.34902488231338, + "f1": 57.12893860987984, + "main_score": 58.34902488231338 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 50.88433086751849, + "f1": 48.2272350802058, + "main_score": 50.88433086751849 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 66.4425016812374, + "f1": 64.61463095996173, + "main_score": 66.4425016812374 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 75.04707464694015, + "f1": 75.05099199098998, + "main_score": 75.04707464694015 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 70.50437121721586, + "f1": 69.83397721096314, + "main_score": 70.50437121721586 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 69.94283792871553, + "f1": 68.8704663703913, + "main_score": 69.94283792871553 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 64.79488903833222, + "f1": 63.615424063345436, + "main_score": 64.79488903833222 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 69.88231338264963, + "f1": 68.57892302593237, + "main_score": 69.88231338264963 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 63.248150638870214, + "f1": 61.06680605338809, + "main_score": 63.248150638870214 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 74.84196368527236, + "f1": 74.52566464968763, + "main_score": 74.84196368527236 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 74.8285137861466, + "f1": 74.8853197608802, + "main_score": 74.8285137861466 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 74.13248150638869, + "f1": 74.3982040999179, + "main_score": 74.13248150638869 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 73.49024882313383, + "f1": 73.82153848368573, + "main_score": 73.49024882313383 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 71.72158708809684, + "f1": 71.85049433180541, + "main_score": 71.72158708809684 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 75.137861466039, + "f1": 75.37628348188467, + "main_score": 75.137861466039 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 71.86953597848016, + "f1": 71.87537624521661, + "main_score": 71.86953597848016 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 70.27572293207801, + "f1": 68.80017302344231, + "main_score": 70.27572293207801 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 76.09952925353059, + "f1": 76.07992707688408, + "main_score": 76.09952925353059 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 63.140551445864155, + "f1": 61.73855010331415, + "main_score": 63.140551445864155 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 66.27774041694687, + "f1": 64.83664868894539, + "main_score": 66.27774041694687 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 66.69468728984533, + "f1": 64.76239666920868, + "main_score": 66.69468728984533 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 73.44653665097512, + "f1": 73.14646052013873, + "main_score": 73.44653665097512 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 67.71351714862139, + "f1": 66.67212180163382, + "main_score": 67.71351714862139 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 73.9946200403497, + "f1": 73.87348793725525, + "main_score": 73.9946200403497 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 68.15400134498992, + "f1": 67.09433241421094, + "main_score": 68.15400134498992 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 73.11365164761264, + "f1": 73.59502539433753, + "main_score": 73.11365164761264 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 76.82582380632145, + "f1": 76.89992945316313, + "main_score": 76.82582380632145 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 71.81237390719569, + "f1": 72.36499770986265, + "main_score": 71.81237390719569 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/MedrxivClusteringP2P.json b/results/goldenrooster__multilingual-e5-large/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..a8596f211 --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.480506569594695, + "main_score": 31.480506569594695 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/MedrxivClusteringS2S.json b/results/goldenrooster__multilingual-e5-large/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..6250b7736 --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 29.71252128004552, + "main_score": 29.71252128004552 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/MindSmallReranking.json b/results/goldenrooster__multilingual-e5-large/external/MindSmallReranking.json new file mode 100644 index 000000000..c03891345 --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.421396787056548, + "mrr": 32.48155274872267, + "main_score": 31.421396787056548 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/NFCorpus.json b/results/goldenrooster__multilingual-e5-large/external/NFCorpus.json new file mode 100644 index 000000000..3b79c74ef --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.595, + "map_at_10": 12.642000000000001, + "map_at_100": 15.726, + "map_at_1000": 17.061999999999998, + "map_at_3": 9.125, + "map_at_5": 10.866000000000001, + "mrr_at_1": 43.344, + "mrr_at_10": 52.227999999999994, + "mrr_at_100": 52.898999999999994, + "mrr_at_1000": 52.944, + "mrr_at_3": 49.845, + "mrr_at_5": 51.115, + "ndcg_at_1": 41.949999999999996, + "ndcg_at_10": 33.995, + "ndcg_at_100": 30.869999999999997, + "ndcg_at_1000": 39.487, + "ndcg_at_3": 38.903999999999996, + "ndcg_at_5": 37.236999999999995, + "precision_at_1": 43.344, + "precision_at_10": 25.480000000000004, + "precision_at_100": 7.672, + "precision_at_1000": 2.028, + "precision_at_3": 36.636, + "precision_at_5": 32.632, + "recall_at_1": 5.595, + "recall_at_10": 16.466, + "recall_at_100": 31.226, + "recall_at_1000": 62.778999999999996, + "recall_at_3": 9.931, + "recall_at_5": 12.884, + "main_score": 33.995 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/NQ.json b/results/goldenrooster__multilingual-e5-large/external/NQ.json new file mode 100644 index 000000000..bbf3206f3 --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.414, + "map_at_10": 56.754000000000005, + "map_at_100": 57.457, + "map_at_1000": 57.477999999999994, + "map_at_3": 52.873999999999995, + "map_at_5": 55.175, + "mrr_at_1": 45.278, + "mrr_at_10": 59.192, + "mrr_at_100": 59.650000000000006, + "mrr_at_1000": 59.665, + "mrr_at_3": 56.141, + "mrr_at_5": 57.998000000000005, + "ndcg_at_1": 45.278, + "ndcg_at_10": 64.056, + "ndcg_at_100": 66.89, + "ndcg_at_1000": 67.364, + "ndcg_at_3": 56.97, + "ndcg_at_5": 60.719, + "precision_at_1": 45.278, + "precision_at_10": 9.994, + "precision_at_100": 1.165, + "precision_at_1000": 0.121, + "precision_at_3": 25.512, + "precision_at_5": 17.509, + "recall_at_1": 40.414, + "recall_at_10": 83.596, + "recall_at_100": 95.72, + "recall_at_1000": 99.24, + "recall_at_3": 65.472, + "recall_at_5": 74.039, + "main_score": 64.056 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/QuoraRetrieval.json b/results/goldenrooster__multilingual-e5-large/external/QuoraRetrieval.json new file mode 100644 index 000000000..48e5426c5 --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 70.352, + "map_at_10": 84.369, + "map_at_100": 85.02499999999999, + "map_at_1000": 85.04, + "map_at_3": 81.42399999999999, + "map_at_5": 83.279, + "mrr_at_1": 81.05, + "mrr_at_10": 87.401, + "mrr_at_100": 87.504, + "mrr_at_1000": 87.505, + "mrr_at_3": 86.443, + "mrr_at_5": 87.10799999999999, + "ndcg_at_1": 81.04, + "ndcg_at_10": 88.181, + "ndcg_at_100": 89.411, + "ndcg_at_1000": 89.507, + "ndcg_at_3": 85.28099999999999, + "ndcg_at_5": 86.888, + "precision_at_1": 81.04, + "precision_at_10": 13.406, + "precision_at_100": 1.5350000000000001, + "precision_at_1000": 0.157, + "precision_at_3": 37.31, + "precision_at_5": 24.54, + "recall_at_1": 70.352, + "recall_at_10": 95.358, + "recall_at_100": 99.541, + "recall_at_1000": 99.984, + "recall_at_3": 87.111, + "recall_at_5": 91.643, + "main_score": 88.181 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/RedditClustering.json b/results/goldenrooster__multilingual-e5-large/external/RedditClustering.json new file mode 100644 index 000000000..df7d202e6 --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 46.54068723291946, + "main_score": 46.54068723291946 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/RedditClusteringP2P.json b/results/goldenrooster__multilingual-e5-large/external/RedditClusteringP2P.json new file mode 100644 index 000000000..181c0cbef --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 63.216287629895994, + "main_score": 63.216287629895994 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/SCIDOCS.json b/results/goldenrooster__multilingual-e5-large/external/SCIDOCS.json new file mode 100644 index 000000000..d1db509a1 --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.023000000000001, + "map_at_10": 10.071, + "map_at_100": 11.892, + "map_at_1000": 12.196, + "map_at_3": 7.234, + "map_at_5": 8.613999999999999, + "mrr_at_1": 19.900000000000002, + "mrr_at_10": 30.516, + "mrr_at_100": 31.656000000000002, + "mrr_at_1000": 31.723000000000003, + "mrr_at_3": 27.400000000000002, + "mrr_at_5": 29.270000000000003, + "ndcg_at_1": 19.900000000000002, + "ndcg_at_10": 17.474, + "ndcg_at_100": 25.020999999999997, + "ndcg_at_1000": 30.728, + "ndcg_at_3": 16.588, + "ndcg_at_5": 14.498, + "precision_at_1": 19.900000000000002, + "precision_at_10": 9.139999999999999, + "precision_at_100": 2.011, + "precision_at_1000": 0.33899999999999997, + "precision_at_3": 15.667, + "precision_at_5": 12.839999999999998, + "recall_at_1": 4.023000000000001, + "recall_at_10": 18.497, + "recall_at_100": 40.8, + "recall_at_1000": 68.812, + "recall_at_3": 9.508, + "recall_at_5": 12.983, + "main_score": 17.474 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/SICK-R.json b/results/goldenrooster__multilingual-e5-large/external/SICK-R.json new file mode 100644 index 000000000..923bec13c --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.967008785134, + "cos_sim_spearman": 80.23142141101837, + "euclidean_pearson": 81.20166064704539, + "euclidean_spearman": 80.18961335654585, + "manhattan_pearson": 81.13925443187625, + "manhattan_spearman": 80.07948723044424, + "cosine_pearson": 83.967008785134, + "cosine_spearman": 80.23142141101837, + "main_score": 80.23142141101837 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/STS12.json b/results/goldenrooster__multilingual-e5-large/external/STS12.json new file mode 100644 index 000000000..9eb70c899 --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.94262461316023, + "cos_sim_spearman": 80.01596278563865, + "euclidean_pearson": 83.80799622922581, + "euclidean_spearman": 79.94984954947103, + "manhattan_pearson": 83.68473841756281, + "manhattan_spearman": 79.84990707951822, + "cosine_pearson": 86.94262461316023, + "cosine_spearman": 80.01596278563865, + "main_score": 80.01596278563865 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/STS13.json b/results/goldenrooster__multilingual-e5-large/external/STS13.json new file mode 100644 index 000000000..b72576071 --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 80.57346443146068, + "cos_sim_spearman": 81.54689837570866, + "euclidean_pearson": 81.10909881516007, + "euclidean_spearman": 81.56746243261762, + "manhattan_pearson": 80.87076036186582, + "manhattan_spearman": 81.33074987964402, + "cosine_pearson": 80.57346443146068, + "cosine_spearman": 81.54689837570866, + "main_score": 81.54689837570866 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/STS14.json b/results/goldenrooster__multilingual-e5-large/external/STS14.json new file mode 100644 index 000000000..2bd2d7e3d --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 79.54733787179849, + "cos_sim_spearman": 77.72202105610411, + "euclidean_pearson": 78.9043595478849, + "euclidean_spearman": 77.93422804309435, + "manhattan_pearson": 78.58115121621368, + "manhattan_spearman": 77.62508135122033, + "cosine_pearson": 79.54733787179849, + "cosine_spearman": 77.72202105610411, + "main_score": 77.72202105610411 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/STS15.json b/results/goldenrooster__multilingual-e5-large/external/STS15.json new file mode 100644 index 000000000..0d6b8b033 --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.59880017237558, + "cos_sim_spearman": 89.31088630824758, + "euclidean_pearson": 88.47069261564656, + "euclidean_spearman": 89.33581971465233, + "manhattan_pearson": 88.40774264100956, + "manhattan_spearman": 89.28657485627835, + "cosine_pearson": 88.59880017237558, + "cosine_spearman": 89.31088630824758, + "main_score": 89.31088630824758 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/STS16.json b/results/goldenrooster__multilingual-e5-large/external/STS16.json new file mode 100644 index 000000000..7556b0e40 --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.08055117917084, + "cos_sim_spearman": 85.78491813080304, + "euclidean_pearson": 84.99329155500392, + "euclidean_spearman": 85.76728064677287, + "manhattan_pearson": 84.87947428989587, + "manhattan_spearman": 85.62429454917464, + "cosine_pearson": 84.08055117917084, + "cosine_spearman": 85.78491813080304, + "main_score": 85.78491813080304 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/STS17.json b/results/goldenrooster__multilingual-e5-large/external/STS17.json new file mode 100644 index 000000000..b3e664ef5 --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/STS17.json @@ -0,0 +1,182 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "ko-ko", + "languages": [ + "kor-Hang" + ], + "cos_sim_pearson": 82.14190939287384, + "cos_sim_spearman": 82.27331573306041, + "euclidean_pearson": 81.891896953716, + "euclidean_spearman": 82.37695542955998, + "manhattan_pearson": 81.73123869460504, + "manhattan_spearman": 82.19989168441421, + "cosine_pearson": 82.14190939287384, + "cosine_spearman": 82.27331573306041, + "main_score": 82.27331573306041 + }, + { + "hf_subset": "ar-ar", + "languages": [ + "ara-Arab" + ], + "cos_sim_pearson": 76.84695301843362, + "cos_sim_spearman": 77.87790986014461, + "euclidean_pearson": 76.91981583106315, + "euclidean_spearman": 77.88154772749589, + "manhattan_pearson": 76.94953277451093, + "manhattan_spearman": 77.80499230728604, + "cosine_pearson": 76.84695301843362, + "cosine_spearman": 77.87790986014461, + "main_score": 77.87790986014461 + }, + { + "hf_subset": "en-ar", + "languages": [ + "eng-Latn", + "ara-Arab" + ], + "cos_sim_pearson": 75.44657840482016, + "cos_sim_spearman": 75.05531095119674, + "euclidean_pearson": 75.88161755829299, + "euclidean_spearman": 74.73176238219332, + "manhattan_pearson": 75.63984765635362, + "manhattan_spearman": 74.86476440770737, + "cosine_pearson": 75.44657840482016, + "cosine_spearman": 75.05531095119674, + "main_score": 75.05531095119674 + }, + { + "hf_subset": "en-de", + "languages": [ + "eng-Latn", + "deu-Latn" + ], + "cos_sim_pearson": 85.64700140524133, + "cos_sim_spearman": 86.16014210425672, + "euclidean_pearson": 86.49086860843221, + "euclidean_spearman": 86.09729326815614, + "manhattan_pearson": 86.43406265125513, + "manhattan_spearman": 86.17740150939994, + "cosine_pearson": 85.64700140524133, + "cosine_spearman": 86.16014210425672, + "main_score": 86.16014210425672 + }, + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.91170098764921, + "cos_sim_spearman": 88.12437004058931, + "euclidean_pearson": 88.81828254494437, + "euclidean_spearman": 88.14831794572122, + "manhattan_pearson": 88.93442183448961, + "manhattan_spearman": 88.15254630778304, + "cosine_pearson": 87.91170098764921, + "cosine_spearman": 88.12437004058931, + "main_score": 88.12437004058931 + }, + { + "hf_subset": "en-tr", + "languages": [ + "eng-Latn", + "tur-Latn" + ], + "cos_sim_pearson": 72.91390577997292, + "cos_sim_spearman": 71.22979457536074, + "euclidean_pearson": 74.40314008106749, + "euclidean_spearman": 72.54972136083246, + "manhattan_pearson": 73.85687539530218, + "manhattan_spearman": 72.09500771742637, + "cosine_pearson": 72.91390577997292, + "cosine_spearman": 71.22979457536074, + "main_score": 71.22979457536074 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 80.9301067983089, + "cos_sim_spearman": 80.74989828346473, + "euclidean_pearson": 81.36781301814257, + "euclidean_spearman": 80.9448819964426, + "manhattan_pearson": 81.0351322685609, + "manhattan_spearman": 80.70192121844177, + "cosine_pearson": 80.9301067983089, + "cosine_spearman": 80.74989828346473, + "main_score": 80.74989828346473 + }, + { + "hf_subset": "es-es", + "languages": [ + "spa-Latn" + ], + "cos_sim_pearson": 87.13820465980005, + "cos_sim_spearman": 86.73532498758757, + "euclidean_pearson": 87.21329451846637, + "euclidean_spearman": 86.57863198601002, + "manhattan_pearson": 87.06973713818554, + "manhattan_spearman": 86.47534918791499, + "cosine_pearson": 87.13820465980005, + "cosine_spearman": 86.73532498758757, + "main_score": 86.73532498758757 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 85.48720108904415, + "cos_sim_spearman": 85.62221757068387, + "euclidean_pearson": 86.1010129512749, + "euclidean_spearman": 85.86580966509942, + "manhattan_pearson": 86.26800938808971, + "manhattan_spearman": 85.88902721678429, + "cosine_pearson": 85.48720108904415, + "cosine_spearman": 85.62221757068387, + "main_score": 85.62221757068387 + }, + { + "hf_subset": "it-en", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 83.98021347333516, + "cos_sim_spearman": 84.53806553803501, + "euclidean_pearson": 84.61483347248364, + "euclidean_spearman": 85.14191408011702, + "manhattan_pearson": 84.75297588825967, + "manhattan_spearman": 85.33176753669242, + "cosine_pearson": 83.98021347333516, + "cosine_spearman": 84.53806553803501, + "main_score": 84.53806553803501 + }, + { + "hf_subset": "nl-en", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 84.51856644893233, + "cos_sim_spearman": 85.27510748506413, + "euclidean_pearson": 85.09886861540977, + "euclidean_spearman": 85.62579245860887, + "manhattan_pearson": 84.93017860464607, + "manhattan_spearman": 85.5063988898453, + "cosine_pearson": 84.51856644893233, + "cosine_spearman": 85.27510748506413, + "main_score": 85.27510748506413 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/STS22.json b/results/goldenrooster__multilingual-e5-large/external/STS22.json new file mode 100644 index 000000000..014de3b18 --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/STS22.json @@ -0,0 +1,288 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 62.581573200584195, + "cos_sim_spearman": 63.05503590247928, + "euclidean_pearson": 63.652564812602094, + "euclidean_spearman": 62.64811520876156, + "manhattan_pearson": 63.506842893061076, + "manhattan_spearman": 62.51289573046917, + "cosine_pearson": 62.581573200584195, + "cosine_spearman": 63.05503590247928, + "main_score": 63.05503590247928 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "cos_sim_pearson": 48.2248801729127, + "cos_sim_spearman": 56.5936604678561, + "euclidean_pearson": 43.98149464089, + "euclidean_spearman": 56.108561882423615, + "manhattan_pearson": 43.86880305903564, + "manhattan_spearman": 56.04671150510166, + "cosine_pearson": 48.2248801729127, + "cosine_spearman": 56.5936604678561, + "main_score": 56.5936604678561 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "cos_sim_pearson": 55.17564527009831, + "cos_sim_spearman": 64.57978560979488, + "euclidean_pearson": 58.8818330154583, + "euclidean_spearman": 64.99214839071281, + "manhattan_pearson": 58.72671436121381, + "manhattan_spearman": 65.10713416616109, + "cosine_pearson": 55.17564527009831, + "cosine_spearman": 64.57978560979488, + "main_score": 64.57978560979488 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "cos_sim_pearson": 26.772131864023297, + "cos_sim_spearman": 34.68200792408681, + "euclidean_pearson": 16.68082419005441, + "euclidean_spearman": 34.83099932652166, + "manhattan_pearson": 16.52605949659529, + "manhattan_spearman": 34.82075801399475, + "cosine_pearson": 26.772131864023297, + "cosine_spearman": 34.68200792408681, + "main_score": 34.68200792408681 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "cos_sim_pearson": 54.42415189043831, + "cos_sim_spearman": 63.54594264576758, + "euclidean_pearson": 57.36577498297745, + "euclidean_spearman": 63.111466379158074, + "manhattan_pearson": 57.584543715873885, + "manhattan_spearman": 63.22361054139183, + "cosine_pearson": 54.42415189043831, + "cosine_spearman": 63.54594264576758, + "main_score": 63.54594264576758 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "cos_sim_pearson": 47.55216762405518, + "cos_sim_spearman": 56.98670142896412, + "euclidean_pearson": 50.15318757562699, + "euclidean_spearman": 56.524941926541906, + "manhattan_pearson": 49.955618528674904, + "manhattan_spearman": 56.37102209240117, + "cosine_pearson": 47.55216762405518, + "cosine_spearman": 56.98670142896412, + "main_score": 56.98670142896412 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "cos_sim_pearson": 49.20540980338571, + "cos_sim_spearman": 59.9009453504406, + "euclidean_pearson": 49.557749853620535, + "euclidean_spearman": 59.76631621172456, + "manhattan_pearson": 49.62340591181147, + "manhattan_spearman": 59.94224880322436, + "cosine_pearson": 49.20540980338571, + "cosine_spearman": 59.9009453504406, + "main_score": 59.9009453504406 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 51.508169956576985, + "cos_sim_spearman": 66.82461565306046, + "euclidean_pearson": 56.2274426480083, + "euclidean_spearman": 66.6775323848333, + "manhattan_pearson": 55.98277796300661, + "manhattan_spearman": 66.63669848497175, + "cosine_pearson": 51.508169956576985, + "cosine_spearman": 66.82461565306046, + "main_score": 66.82461565306046 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 72.86478788045507, + "cos_sim_spearman": 76.7946552053193, + "euclidean_pearson": 75.01598530490269, + "euclidean_spearman": 76.83618917858281, + "manhattan_pearson": 74.68337628304332, + "manhattan_spearman": 76.57480204017773, + "cosine_pearson": 72.86478788045507, + "cosine_spearman": 76.7946552053193, + "main_score": 76.7946552053193 + }, + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 55.922619099401984, + "cos_sim_spearman": 56.599362477240774, + "euclidean_pearson": 56.68307052369783, + "euclidean_spearman": 54.28760436777401, + "manhattan_pearson": 56.67763566500681, + "manhattan_spearman": 53.94619541711359, + "cosine_pearson": 55.922619099401984, + "cosine_spearman": 56.599362477240774, + "main_score": 56.599362477240774 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 66.74357206710913, + "cos_sim_spearman": 72.5208244925311, + "euclidean_pearson": 67.49254562186032, + "euclidean_spearman": 72.02469076238683, + "manhattan_pearson": 67.45251772238085, + "manhattan_spearman": 72.05538819984538, + "cosine_pearson": 66.74357206710913, + "cosine_spearman": 72.5208244925311, + "main_score": 72.5208244925311 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "cos_sim_pearson": 71.25734330033191, + "cos_sim_spearman": 76.98349083946823, + "euclidean_pearson": 73.71642838667736, + "euclidean_spearman": 77.01715504651384, + "manhattan_pearson": 73.61712711868105, + "manhattan_spearman": 77.01392571153896, + "cosine_pearson": 71.25734330033191, + "cosine_spearman": 76.98349083946823, + "main_score": 76.98349083946823 + }, + { + "hf_subset": "pl-en", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 63.18215462781212, + "cos_sim_spearman": 65.54373266117607, + "euclidean_pearson": 64.54126095439005, + "euclidean_spearman": 65.30410369102711, + "manhattan_pearson": 63.50332221148234, + "manhattan_spearman": 64.3455878104313, + "cosine_pearson": 63.18215462781212, + "cosine_spearman": 65.54373266117607, + "main_score": 65.54373266117607 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "cos_sim_pearson": 62.30509221440029, + "cos_sim_spearman": 65.99582704642478, + "euclidean_pearson": 63.43818859884195, + "euclidean_spearman": 66.83172582815764, + "manhattan_pearson": 63.055779168508764, + "manhattan_spearman": 65.49585020501449, + "cosine_pearson": 62.30509221440029, + "cosine_spearman": 65.99582704642478, + "main_score": 65.99582704642478 + }, + { + "hf_subset": "es-it", + "languages": [ + "spa-Latn", + "ita-Latn" + ], + "cos_sim_pearson": 59.587830825340404, + "cos_sim_spearman": 68.93467614588089, + "euclidean_pearson": 62.3073527367404, + "euclidean_spearman": 69.69758171553175, + "manhattan_pearson": 61.9074580815789, + "manhattan_spearman": 69.57696375597865, + "cosine_pearson": 59.587830825340404, + "cosine_spearman": 68.93467614588089, + "main_score": 68.93467614588089 + }, + { + "hf_subset": "de-fr", + "languages": [ + "deu-Latn", + "fra-Latn" + ], + "cos_sim_pearson": 57.143220125577066, + "cos_sim_spearman": 67.78857859159226, + "euclidean_pearson": 55.58225107923733, + "euclidean_spearman": 67.80662907184563, + "manhattan_pearson": 56.24953502726514, + "manhattan_spearman": 67.98262125431616, + "cosine_pearson": 57.143220125577066, + "cosine_spearman": 67.78857859159226, + "main_score": 67.78857859159226 + }, + { + "hf_subset": "de-pl", + "languages": [ + "deu-Latn", + "pol-Latn" + ], + "cos_sim_pearson": 21.826928900322066, + "cos_sim_spearman": 49.578506634400405, + "euclidean_pearson": 27.939890138843214, + "euclidean_spearman": 52.71950519136242, + "manhattan_pearson": 26.39878683847546, + "manhattan_spearman": 47.54609580342499, + "cosine_pearson": 21.826928900322066, + "cosine_spearman": 49.578506634400405, + "main_score": 49.578506634400405 + }, + { + "hf_subset": "fr-pl", + "languages": [ + "fra-Latn", + "pol-Latn" + ], + "cos_sim_pearson": 57.27603854632001, + "cos_sim_spearman": 50.709255283710995, + "euclidean_pearson": 59.5419024445929, + "euclidean_spearman": 50.709255283710995, + "manhattan_pearson": 59.03256832438492, + "manhattan_spearman": 61.97797868009122, + "cosine_pearson": 57.27603854632001, + "cosine_spearman": 50.709255283710995, + "main_score": 50.709255283710995 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/STSBenchmark.json b/results/goldenrooster__multilingual-e5-large/external/STSBenchmark.json new file mode 100644 index 000000000..7dc5ed2f4 --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.00757054859712, + "cos_sim_spearman": 87.29283629622222, + "euclidean_pearson": 86.54824171775536, + "euclidean_spearman": 87.24364730491402, + "manhattan_pearson": 86.5062156915074, + "manhattan_spearman": 87.15052170378574, + "cosine_pearson": 85.00757054859712, + "cosine_spearman": 87.29283629622222, + "main_score": 87.29283629622222 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/SciDocsRR.json b/results/goldenrooster__multilingual-e5-large/external/SciDocsRR.json new file mode 100644 index 000000000..e5859fe7b --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 82.03549357197389, + "mrr": 95.05437645143527, + "main_score": 82.03549357197389 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/SciFact.json b/results/goldenrooster__multilingual-e5-large/external/SciFact.json new file mode 100644 index 000000000..8c691c6c2 --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 57.260999999999996, + "map_at_10": 66.259, + "map_at_100": 66.884, + "map_at_1000": 66.912, + "map_at_3": 63.685, + "map_at_5": 65.35499999999999, + "mrr_at_1": 60.333000000000006, + "mrr_at_10": 67.5, + "mrr_at_100": 68.013, + "mrr_at_1000": 68.038, + "mrr_at_3": 65.61099999999999, + "mrr_at_5": 66.861, + "ndcg_at_1": 60.333000000000006, + "ndcg_at_10": 70.41, + "ndcg_at_100": 73.10600000000001, + "ndcg_at_1000": 73.846, + "ndcg_at_3": 66.133, + "ndcg_at_5": 68.499, + "precision_at_1": 60.333000000000006, + "precision_at_10": 9.232999999999999, + "precision_at_100": 1.0630000000000002, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 25.667, + "precision_at_5": 17.067, + "recall_at_1": 57.260999999999996, + "recall_at_10": 81.94399999999999, + "recall_at_100": 93.867, + "recall_at_1000": 99.667, + "recall_at_3": 70.339, + "recall_at_5": 76.25, + "main_score": 70.41 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/SprintDuplicateQuestions.json b/results/goldenrooster__multilingual-e5-large/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..cd1ca0713 --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.74356435643564, + "cos_sim_ap": 93.13411948212683, + "cos_sim_f1": 86.80521991300147, + "cos_sim_precision": 84.00374181478017, + "cos_sim_recall": 89.8, + "dot_accuracy": 99.67920792079208, + "dot_ap": 89.27277565444479, + "dot_f1": 83.9276990718124, + "dot_precision": 82.04393505253104, + "dot_recall": 85.9, + "euclidean_accuracy": 99.74257425742574, + "euclidean_ap": 93.17993008259062, + "euclidean_f1": 86.69396110542476, + "euclidean_precision": 88.78406708595388, + "euclidean_recall": 84.7, + "manhattan_accuracy": 99.74257425742574, + "manhattan_ap": 93.14413755550099, + "manhattan_f1": 86.82483594144371, + "manhattan_precision": 87.66564729867483, + "manhattan_recall": 86, + "max_accuracy": 99.74356435643564, + "max_ap": 93.17993008259062, + "max_f1": 86.82483594144371, + "main_score": 93.17993008259062 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/StackExchangeClustering.json b/results/goldenrooster__multilingual-e5-large/external/StackExchangeClustering.json new file mode 100644 index 000000000..0e023a9c1 --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 57.525863806168566, + "main_score": 57.525863806168566 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/StackExchangeClusteringP2P.json b/results/goldenrooster__multilingual-e5-large/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..c36cc2b01 --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.68850574423839, + "main_score": 32.68850574423839 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/StackOverflowDupQuestions.json b/results/goldenrooster__multilingual-e5-large/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..e0e0c006d --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 49.71580650644033, + "mrr": 50.50971903913081, + "main_score": 49.71580650644033 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/SummEval.json b/results/goldenrooster__multilingual-e5-large/external/SummEval.json new file mode 100644 index 000000000..cfa204b6c --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 29.152190498799484, + "cos_sim_spearman": 29.686180371952727, + "dot_pearson": 27.248664793816342, + "dot_spearman": 28.37748983721745, + "cosine_pearson": 29.152190498799484, + "cosine_spearman": 29.686180371952727, + "main_score": 29.686180371952727 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/TRECCOVID.json b/results/goldenrooster__multilingual-e5-large/external/TRECCOVID.json new file mode 100644 index 000000000..26813c5d8 --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.20400000000000001, + "map_at_10": 1.6209999999999998, + "map_at_100": 9.690999999999999, + "map_at_1000": 23.733, + "map_at_3": 0.575, + "map_at_5": 0.885, + "mrr_at_1": 78, + "mrr_at_10": 86.56700000000001, + "mrr_at_100": 86.56700000000001, + "mrr_at_1000": 86.56700000000001, + "mrr_at_3": 85.667, + "mrr_at_5": 86.56700000000001, + "ndcg_at_1": 76, + "ndcg_at_10": 71.326, + "ndcg_at_100": 54.208999999999996, + "ndcg_at_1000": 49.252, + "ndcg_at_3": 74.235, + "ndcg_at_5": 73.833, + "precision_at_1": 78, + "precision_at_10": 74.8, + "precision_at_100": 55.50000000000001, + "precision_at_1000": 21.836, + "precision_at_3": 78, + "precision_at_5": 78, + "recall_at_1": 0.20400000000000001, + "recall_at_10": 1.894, + "recall_at_100": 13.245999999999999, + "recall_at_1000": 46.373, + "recall_at_3": 0.613, + "recall_at_5": 0.991, + "main_score": 71.326 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/Tatoeba.json b/results/goldenrooster__multilingual-e5-large/external/Tatoeba.json new file mode 100644 index 000000000..37d26abd8 --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/Tatoeba.json @@ -0,0 +1,1354 @@ +{ + "dataset_revision": "9080400076fbadbb4c4dcb136ff4eddc40b42553", + "task_name": "Tatoeba", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "sqi-eng", + "languages": [ + "sqi-Latn", + "eng-Latn" + ], + "accuracy": 95.89999999999999, + "f1": 94.69999999999999, + "precision": 94.11666666666667, + "recall": 95.89999999999999, + "main_score": 94.69999999999999 + }, + { + "hf_subset": "fry-eng", + "languages": [ + "fry-Latn", + "eng-Latn" + ], + "accuracy": 68.20809248554913, + "f1": 63.431048720066066, + "precision": 61.69143958161298, + "recall": 68.20809248554913, + "main_score": 63.431048720066066 + }, + { + "hf_subset": "kur-eng", + "languages": [ + "kur-Latn", + "eng-Latn" + ], + "accuracy": 71.21951219512195, + "f1": 66.82926829268293, + "precision": 65.1260162601626, + "recall": 71.21951219512195, + "main_score": 66.82926829268293 + }, + { + "hf_subset": "tur-eng", + "languages": [ + "tur-Latn", + "eng-Latn" + ], + "accuracy": 97.2, + "f1": 96.26666666666667, + "precision": 95.8, + "recall": 97.2, + "main_score": 96.26666666666667 + }, + { + "hf_subset": "deu-eng", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "accuracy": 99.3, + "f1": 99.06666666666666, + "precision": 98.95, + "recall": 99.3, + "main_score": 99.06666666666666 + }, + { + "hf_subset": "nld-eng", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "accuracy": 97.39999999999999, + "f1": 96.63333333333333, + "precision": 96.26666666666668, + "recall": 97.39999999999999, + "main_score": 96.63333333333333 + }, + { + "hf_subset": "ron-eng", + "languages": [ + "ron-Latn", + "eng-Latn" + ], + "accuracy": 96, + "f1": 94.86666666666666, + "precision": 94.31666666666668, + "recall": 96, + "main_score": 94.86666666666666 + }, + { + "hf_subset": "ang-eng", + "languages": [ + "ang-Latn", + "eng-Latn" + ], + "accuracy": 47.01492537313433, + "f1": 40.178867566927266, + "precision": 38.179295828549556, + "recall": 47.01492537313433, + "main_score": 40.178867566927266 + }, + { + "hf_subset": "ido-eng", + "languages": [ + "ido-Latn", + "eng-Latn" + ], + "accuracy": 86.5, + "f1": 83.62537480063796, + "precision": 82.44555555555554, + "recall": 86.5, + "main_score": 83.62537480063796 + }, + { + "hf_subset": "jav-eng", + "languages": [ + "jav-Latn", + "eng-Latn" + ], + "accuracy": 80.48780487804879, + "f1": 75.45644599303138, + "precision": 73.37398373983739, + "recall": 80.48780487804879, + "main_score": 75.45644599303138 + }, + { + "hf_subset": "isl-eng", + "languages": [ + "isl-Latn", + "eng-Latn" + ], + "accuracy": 93.7, + "f1": 91.95666666666666, + "precision": 91.125, + "recall": 93.7, + "main_score": 91.95666666666666 + }, + { + "hf_subset": "slv-eng", + "languages": [ + "slv-Latn", + "eng-Latn" + ], + "accuracy": 91.73754556500607, + "f1": 89.65168084244632, + "precision": 88.73025516403402, + "recall": 91.73754556500607, + "main_score": 89.65168084244632 + }, + { + "hf_subset": "cym-eng", + "languages": [ + "cym-Latn", + "eng-Latn" + ], + "accuracy": 81.04347826086956, + "f1": 76.2128364389234, + "precision": 74.2, + "recall": 81.04347826086956, + "main_score": 76.2128364389234 + }, + { + "hf_subset": "kaz-eng", + "languages": [ + "kaz-Cyrl", + "eng-Latn" + ], + "accuracy": 83.65217391304348, + "f1": 79.4376811594203, + "precision": 77.65797101449274, + "recall": 83.65217391304348, + "main_score": 79.4376811594203 + }, + { + "hf_subset": "est-eng", + "languages": [ + "est-Latn", + "eng-Latn" + ], + "accuracy": 87.5, + "f1": 85.02690476190476, + "precision": 83.96261904761904, + "recall": 87.5, + "main_score": 85.02690476190476 + }, + { + "hf_subset": "heb-eng", + "languages": [ + "heb-Hebr", + "eng-Latn" + ], + "accuracy": 89.3, + "f1": 86.52333333333333, + "precision": 85.22833333333332, + "recall": 89.3, + "main_score": 86.52333333333333 + }, + { + "hf_subset": "gla-eng", + "languages": [ + "gla-Latn", + "eng-Latn" + ], + "accuracy": 65.01809408926418, + "f1": 59.00594446432805, + "precision": 56.827215807915444, + "recall": 65.01809408926418, + "main_score": 59.00594446432805 + }, + { + "hf_subset": "mar-eng", + "languages": [ + "mar-Deva", + "eng-Latn" + ], + "accuracy": 91.2, + "f1": 88.58, + "precision": 87.33333333333334, + "recall": 91.2, + "main_score": 88.58 + }, + { + "hf_subset": "lat-eng", + "languages": [ + "lat-Latn", + "eng-Latn" + ], + "accuracy": 59.199999999999996, + "f1": 53.299166276284915, + "precision": 51.3383908045977, + "recall": 59.199999999999996, + "main_score": 53.299166276284915 + }, + { + "hf_subset": "bel-eng", + "languages": [ + "bel-Cyrl", + "eng-Latn" + ], + "accuracy": 93.2, + "f1": 91.2, + "precision": 90.25, + "recall": 93.2, + "main_score": 91.2 + }, + { + "hf_subset": "pms-eng", + "languages": [ + "pms-Latn", + "eng-Latn" + ], + "accuracy": 64.76190476190476, + "f1": 59.867110667110666, + "precision": 58.07390192653351, + "recall": 64.76190476190476, + "main_score": 59.867110667110666 + }, + { + "hf_subset": "gle-eng", + "languages": [ + "gle-Latn", + "eng-Latn" + ], + "accuracy": 76.2, + "f1": 71.48147546897547, + "precision": 69.65409090909091, + "recall": 76.2, + "main_score": 71.48147546897547 + }, + { + "hf_subset": "pes-eng", + "languages": [ + "pes-Arab", + "eng-Latn" + ], + "accuracy": 93.8, + "f1": 92.14, + "precision": 91.35833333333333, + "recall": 93.8, + "main_score": 92.14 + }, + { + "hf_subset": "nob-eng", + "languages": [ + "nob-Latn", + "eng-Latn" + ], + "accuracy": 97.89999999999999, + "f1": 97.2, + "precision": 96.85000000000001, + "recall": 97.89999999999999, + "main_score": 97.2 + }, + { + "hf_subset": "bul-eng", + "languages": [ + "bul-Cyrl", + "eng-Latn" + ], + "accuracy": 94.6, + "f1": 92.93333333333334, + "precision": 92.13333333333333, + "recall": 94.6, + "main_score": 92.93333333333334 + }, + { + "hf_subset": "cbk-eng", + "languages": [ + "cbk-Latn", + "eng-Latn" + ], + "accuracy": 74.1, + "f1": 69.14817460317461, + "precision": 67.2515873015873, + "recall": 74.1, + "main_score": 69.14817460317461 + }, + { + "hf_subset": "hun-eng", + "languages": [ + "hun-Latn", + "eng-Latn" + ], + "accuracy": 95.19999999999999, + "f1": 94.01333333333335, + "precision": 93.46666666666667, + "recall": 95.19999999999999, + "main_score": 94.01333333333335 + }, + { + "hf_subset": "uig-eng", + "languages": [ + "uig-Arab", + "eng-Latn" + ], + "accuracy": 76.9, + "f1": 72.07523809523809, + "precision": 70.19777777777779, + "recall": 76.9, + "main_score": 72.07523809523809 + }, + { + "hf_subset": "rus-eng", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "accuracy": 94.1, + "f1": 92.31666666666666, + "precision": 91.43333333333332, + "recall": 94.1, + "main_score": 92.31666666666666 + }, + { + "hf_subset": "spa-eng", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "accuracy": 97.8, + "f1": 97.1, + "precision": 96.76666666666668, + "recall": 97.8, + "main_score": 97.1 + }, + { + "hf_subset": "hye-eng", + "languages": [ + "hye-Armn", + "eng-Latn" + ], + "accuracy": 92.85714285714286, + "f1": 90.92093441150045, + "precision": 90.00449236298293, + "recall": 92.85714285714286, + "main_score": 90.92093441150045 + }, + { + "hf_subset": "tel-eng", + "languages": [ + "tel-Telu", + "eng-Latn" + ], + "accuracy": 93.16239316239316, + "f1": 91.33903133903132, + "precision": 90.56267806267806, + "recall": 93.16239316239316, + "main_score": 91.33903133903132 + }, + { + "hf_subset": "afr-eng", + "languages": [ + "afr-Latn", + "eng-Latn" + ], + "accuracy": 92.4, + "f1": 90.25666666666666, + "precision": 89.25833333333334, + "recall": 92.4, + "main_score": 90.25666666666666 + }, + { + "hf_subset": "mon-eng", + "languages": [ + "mon-Cyrl", + "eng-Latn" + ], + "accuracy": 90.22727272727272, + "f1": 87.53030303030303, + "precision": 86.37121212121211, + "recall": 90.22727272727272, + "main_score": 87.53030303030303 + }, + { + "hf_subset": "arz-eng", + "languages": [ + "arz-Arab", + "eng-Latn" + ], + "accuracy": 79.03563941299791, + "f1": 74.7349505840072, + "precision": 72.9035639412998, + "recall": 79.03563941299791, + "main_score": 74.7349505840072 + }, + { + "hf_subset": "hrv-eng", + "languages": [ + "hrv-Latn", + "eng-Latn" + ], + "accuracy": 97, + "f1": 96.15, + "precision": 95.76666666666668, + "recall": 97, + "main_score": 96.15 + }, + { + "hf_subset": "nov-eng", + "languages": [ + "nov-Latn", + "eng-Latn" + ], + "accuracy": 76.26459143968872, + "f1": 71.55642023346303, + "precision": 69.7544932369835, + "recall": 76.26459143968872, + "main_score": 71.55642023346303 + }, + { + "hf_subset": "gsw-eng", + "languages": [ + "gsw-Latn", + "eng-Latn" + ], + "accuracy": 58.119658119658126, + "f1": 51.65242165242165, + "precision": 49.41768108434775, + "recall": 58.119658119658126, + "main_score": 51.65242165242165 + }, + { + "hf_subset": "nds-eng", + "languages": [ + "nds-Latn", + "eng-Latn" + ], + "accuracy": 74.3, + "f1": 69.52055555555555, + "precision": 67.7574938949939, + "recall": 74.3, + "main_score": 69.52055555555555 + }, + { + "hf_subset": "ukr-eng", + "languages": [ + "ukr-Cyrl", + "eng-Latn" + ], + "accuracy": 94.8, + "f1": 93.31666666666666, + "precision": 92.60000000000001, + "recall": 94.8, + "main_score": 93.31666666666666 + }, + { + "hf_subset": "uzb-eng", + "languages": [ + "uzb-Latn", + "eng-Latn" + ], + "accuracy": 76.63551401869158, + "f1": 72.35202492211837, + "precision": 70.60358255451713, + "recall": 76.63551401869158, + "main_score": 72.35202492211837 + }, + { + "hf_subset": "lit-eng", + "languages": [ + "lit-Latn", + "eng-Latn" + ], + "accuracy": 90.4, + "f1": 88.4811111111111, + "precision": 87.7452380952381, + "recall": 90.4, + "main_score": 88.4811111111111 + }, + { + "hf_subset": "ina-eng", + "languages": [ + "ina-Latn", + "eng-Latn" + ], + "accuracy": 95, + "f1": 93.60666666666667, + "precision": 92.975, + "recall": 95, + "main_score": 93.60666666666667 + }, + { + "hf_subset": "lfn-eng", + "languages": [ + "lfn-Latn", + "eng-Latn" + ], + "accuracy": 67.2, + "f1": 63.01595782872099, + "precision": 61.596587301587306, + "recall": 67.2, + "main_score": 63.01595782872099 + }, + { + "hf_subset": "zsm-eng", + "languages": [ + "zsm-Latn", + "eng-Latn" + ], + "accuracy": 95.7, + "f1": 94.52999999999999, + "precision": 94, + "recall": 95.7, + "main_score": 94.52999999999999 + }, + { + "hf_subset": "ita-eng", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "accuracy": 94.6, + "f1": 93.28999999999999, + "precision": 92.675, + "recall": 94.6, + "main_score": 93.28999999999999 + }, + { + "hf_subset": "cmn-eng", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "accuracy": 96.39999999999999, + "f1": 95.28333333333333, + "precision": 94.75, + "recall": 96.39999999999999, + "main_score": 95.28333333333333 + }, + { + "hf_subset": "lvs-eng", + "languages": [ + "lvs-Latn", + "eng-Latn" + ], + "accuracy": 91.9, + "f1": 89.83, + "precision": 88.92, + "recall": 91.9, + "main_score": 89.83 + }, + { + "hf_subset": "glg-eng", + "languages": [ + "glg-Latn", + "eng-Latn" + ], + "accuracy": 94.69999999999999, + "f1": 93.34222222222223, + "precision": 92.75416666666668, + "recall": 94.69999999999999, + "main_score": 93.34222222222223 + }, + { + "hf_subset": "ceb-eng", + "languages": [ + "ceb-Latn", + "eng-Latn" + ], + "accuracy": 60.333333333333336, + "f1": 55.31203703703703, + "precision": 53.39971108326371, + "recall": 60.333333333333336, + "main_score": 55.31203703703703 + }, + { + "hf_subset": "bre-eng", + "languages": [ + "bre-Latn", + "eng-Latn" + ], + "accuracy": 12.9, + "f1": 11.099861903031458, + "precision": 10.589187932631877, + "recall": 12.9, + "main_score": 11.099861903031458 + }, + { + "hf_subset": "ben-eng", + "languages": [ + "ben-Beng", + "eng-Latn" + ], + "accuracy": 86.7, + "f1": 83.0152380952381, + "precision": 81.37833333333333, + "recall": 86.7, + "main_score": 83.0152380952381 + }, + { + "hf_subset": "swg-eng", + "languages": [ + "swg-Latn", + "eng-Latn" + ], + "accuracy": 63.39285714285714, + "f1": 56.832482993197274, + "precision": 54.56845238095237, + "recall": 63.39285714285714, + "main_score": 56.832482993197274 + }, + { + "hf_subset": "arq-eng", + "languages": [ + "arq-Arab", + "eng-Latn" + ], + "accuracy": 48.73765093304062, + "f1": 41.555736920720456, + "precision": 39.06874531737319, + "recall": 48.73765093304062, + "main_score": 41.555736920720456 + }, + { + "hf_subset": "kab-eng", + "languages": [ + "kab-Latn", + "eng-Latn" + ], + "accuracy": 41.099999999999994, + "f1": 36.540165945165946, + "precision": 35.05175685425686, + "recall": 41.099999999999994, + "main_score": 36.540165945165946 + }, + { + "hf_subset": "fra-eng", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "accuracy": 94.89999999999999, + "f1": 93.42333333333333, + "precision": 92.75833333333333, + "recall": 94.89999999999999, + "main_score": 93.42333333333333 + }, + { + "hf_subset": "por-eng", + "languages": [ + "por-Latn", + "eng-Latn" + ], + "accuracy": 94.89999999999999, + "f1": 93.63333333333334, + "precision": 93.01666666666665, + "recall": 94.89999999999999, + "main_score": 93.63333333333334 + }, + { + "hf_subset": "tat-eng", + "languages": [ + "tat-Cyrl", + "eng-Latn" + ], + "accuracy": 77.9, + "f1": 73.64833333333334, + "precision": 71.90282106782105, + "recall": 77.9, + "main_score": 73.64833333333334 + }, + { + "hf_subset": "oci-eng", + "languages": [ + "oci-Latn", + "eng-Latn" + ], + "accuracy": 59.4, + "f1": 54.90521367521367, + "precision": 53.432840025471606, + "recall": 59.4, + "main_score": 54.90521367521367 + }, + { + "hf_subset": "pol-eng", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "accuracy": 97.39999999999999, + "f1": 96.6, + "precision": 96.2, + "recall": 97.39999999999999, + "main_score": 96.6 + }, + { + "hf_subset": "war-eng", + "languages": [ + "war-Latn", + "eng-Latn" + ], + "accuracy": 67.2, + "f1": 62.25926129426129, + "precision": 60.408376623376626, + "recall": 67.2, + "main_score": 62.25926129426129 + }, + { + "hf_subset": "aze-eng", + "languages": [ + "aze-Latn", + "eng-Latn" + ], + "accuracy": 90.2, + "f1": 87.60666666666667, + "precision": 86.45277777777778, + "recall": 90.2, + "main_score": 87.60666666666667 + }, + { + "hf_subset": "vie-eng", + "languages": [ + "vie-Latn", + "eng-Latn" + ], + "accuracy": 97.7, + "f1": 97, + "precision": 96.65, + "recall": 97.7, + "main_score": 97 + }, + { + "hf_subset": "nno-eng", + "languages": [ + "nno-Latn", + "eng-Latn" + ], + "accuracy": 93.2, + "f1": 91.39746031746031, + "precision": 90.6125, + "recall": 93.2, + "main_score": 91.39746031746031 + }, + { + "hf_subset": "cha-eng", + "languages": [ + "cha-Latn", + "eng-Latn" + ], + "accuracy": 32.11678832116788, + "f1": 27.210415386260234, + "precision": 26.20408990846947, + "recall": 32.11678832116788, + "main_score": 27.210415386260234 + }, + { + "hf_subset": "mhr-eng", + "languages": [ + "mhr-Cyrl", + "eng-Latn" + ], + "accuracy": 8.5, + "f1": 6.787319277832475, + "precision": 6.3452094433344435, + "recall": 8.5, + "main_score": 6.787319277832475 + }, + { + "hf_subset": "dan-eng", + "languages": [ + "dan-Latn", + "eng-Latn" + ], + "accuracy": 96.1, + "f1": 95.08, + "precision": 94.61666666666667, + "recall": 96.1, + "main_score": 95.08 + }, + { + "hf_subset": "ell-eng", + "languages": [ + "ell-Grek", + "eng-Latn" + ], + "accuracy": 95.3, + "f1": 93.88333333333333, + "precision": 93.18333333333332, + "recall": 95.3, + "main_score": 93.88333333333333 + }, + { + "hf_subset": "amh-eng", + "languages": [ + "amh-Ethi", + "eng-Latn" + ], + "accuracy": 85.11904761904762, + "f1": 80.69444444444444, + "precision": 78.72023809523809, + "recall": 85.11904761904762, + "main_score": 80.69444444444444 + }, + { + "hf_subset": "pam-eng", + "languages": [ + "pam-Latn", + "eng-Latn" + ], + "accuracy": 11.1, + "f1": 9.276381801735853, + "precision": 8.798174603174601, + "recall": 11.1, + "main_score": 9.276381801735853 + }, + { + "hf_subset": "hsb-eng", + "languages": [ + "hsb-Latn", + "eng-Latn" + ], + "accuracy": 63.56107660455487, + "f1": 58.70433569191332, + "precision": 56.896926581464015, + "recall": 63.56107660455487, + "main_score": 58.70433569191332 + }, + { + "hf_subset": "srp-eng", + "languages": [ + "srp-Cyrl", + "eng-Latn" + ], + "accuracy": 94.69999999999999, + "f1": 93.10000000000001, + "precision": 92.35, + "recall": 94.69999999999999, + "main_score": 93.10000000000001 + }, + { + "hf_subset": "epo-eng", + "languages": [ + "epo-Latn", + "eng-Latn" + ], + "accuracy": 96.8, + "f1": 96.01222222222222, + "precision": 95.67083333333332, + "recall": 96.8, + "main_score": 96.01222222222222 + }, + { + "hf_subset": "kzj-eng", + "languages": [ + "kzj-Latn", + "eng-Latn" + ], + "accuracy": 9.2, + "f1": 7.911555250305249, + "precision": 7.631246556216846, + "recall": 9.2, + "main_score": 7.911555250305249 + }, + { + "hf_subset": "awa-eng", + "languages": [ + "awa-Deva", + "eng-Latn" + ], + "accuracy": 77.48917748917748, + "f1": 72.27375798804371, + "precision": 70.14430014430013, + "recall": 77.48917748917748, + "main_score": 72.27375798804371 + }, + { + "hf_subset": "fao-eng", + "languages": [ + "fao-Latn", + "eng-Latn" + ], + "accuracy": 77.09923664122137, + "f1": 72.61541257724463, + "precision": 70.8998380754106, + "recall": 77.09923664122137, + "main_score": 72.61541257724463 + }, + { + "hf_subset": "mal-eng", + "languages": [ + "mal-Mlym", + "eng-Latn" + ], + "accuracy": 98.2532751091703, + "f1": 97.69529354682193, + "precision": 97.42843279961184, + "recall": 98.2532751091703, + "main_score": 97.69529354682193 + }, + { + "hf_subset": "ile-eng", + "languages": [ + "ile-Latn", + "eng-Latn" + ], + "accuracy": 82.8, + "f1": 79.14672619047619, + "precision": 77.59489247311828, + "recall": 82.8, + "main_score": 79.14672619047619 + }, + { + "hf_subset": "bos-eng", + "languages": [ + "bos-Latn", + "eng-Latn" + ], + "accuracy": 94.35028248587571, + "f1": 92.86252354048965, + "precision": 92.2080979284369, + "recall": 94.35028248587571, + "main_score": 92.86252354048965 + }, + { + "hf_subset": "cor-eng", + "languages": [ + "cor-Latn", + "eng-Latn" + ], + "accuracy": 8.5, + "f1": 6.282429263935621, + "precision": 5.783274240739785, + "recall": 8.5, + "main_score": 6.282429263935621 + }, + { + "hf_subset": "cat-eng", + "languages": [ + "cat-Latn", + "eng-Latn" + ], + "accuracy": 92.7, + "f1": 91.025, + "precision": 90.30428571428571, + "recall": 92.7, + "main_score": 91.025 + }, + { + "hf_subset": "eus-eng", + "languages": [ + "eus-Latn", + "eng-Latn" + ], + "accuracy": 81, + "f1": 77.8232380952381, + "precision": 76.60194444444444, + "recall": 81, + "main_score": 77.8232380952381 + }, + { + "hf_subset": "yue-eng", + "languages": [ + "yue-Hant", + "eng-Latn" + ], + "accuracy": 91, + "f1": 88.70857142857142, + "precision": 87.7, + "recall": 91, + "main_score": 88.70857142857142 + }, + { + "hf_subset": "swe-eng", + "languages": [ + "swe-Latn", + "eng-Latn" + ], + "accuracy": 96.39999999999999, + "f1": 95.3, + "precision": 94.76666666666667, + "recall": 96.39999999999999, + "main_score": 95.3 + }, + { + "hf_subset": "dtp-eng", + "languages": [ + "dtp-Latn", + "eng-Latn" + ], + "accuracy": 8.1, + "f1": 7.001008218834307, + "precision": 6.708329562594269, + "recall": 8.1, + "main_score": 7.001008218834307 + }, + { + "hf_subset": "kat-eng", + "languages": [ + "kat-Geor", + "eng-Latn" + ], + "accuracy": 87.1313672922252, + "f1": 84.09070598748882, + "precision": 82.79171454104429, + "recall": 87.1313672922252, + "main_score": 84.09070598748882 + }, + { + "hf_subset": "jpn-eng", + "languages": [ + "jpn-Jpan", + "eng-Latn" + ], + "accuracy": 96.39999999999999, + "f1": 95.28333333333333, + "precision": 94.73333333333332, + "recall": 96.39999999999999, + "main_score": 95.28333333333333 + }, + { + "hf_subset": "csb-eng", + "languages": [ + "csb-Latn", + "eng-Latn" + ], + "accuracy": 42.29249011857708, + "f1": 36.981018542283365, + "precision": 35.415877813576024, + "recall": 42.29249011857708, + "main_score": 36.981018542283365 + }, + { + "hf_subset": "xho-eng", + "languages": [ + "xho-Latn", + "eng-Latn" + ], + "accuracy": 83.80281690140845, + "f1": 80.86854460093896, + "precision": 79.60093896713614, + "recall": 83.80281690140845, + "main_score": 80.86854460093896 + }, + { + "hf_subset": "orv-eng", + "languages": [ + "orv-Cyrl", + "eng-Latn" + ], + "accuracy": 45.26946107784431, + "f1": 39.80235464678088, + "precision": 38.14342660001342, + "recall": 45.26946107784431, + "main_score": 39.80235464678088 + }, + { + "hf_subset": "ind-eng", + "languages": [ + "ind-Latn", + "eng-Latn" + ], + "accuracy": 94.3, + "f1": 92.9, + "precision": 92.26666666666668, + "recall": 94.3, + "main_score": 92.9 + }, + { + "hf_subset": "tuk-eng", + "languages": [ + "tuk-Latn", + "eng-Latn" + ], + "accuracy": 37.93103448275862, + "f1": 33.15192743764172, + "precision": 31.57456528146183, + "recall": 37.93103448275862, + "main_score": 33.15192743764172 + }, + { + "hf_subset": "max-eng", + "languages": [ + "max-Deva", + "eng-Latn" + ], + "accuracy": 69.01408450704226, + "f1": 63.41549295774648, + "precision": 61.342778895595806, + "recall": 69.01408450704226, + "main_score": 63.41549295774648 + }, + { + "hf_subset": "swh-eng", + "languages": [ + "swh-Latn", + "eng-Latn" + ], + "accuracy": 76.66666666666667, + "f1": 71.60705960705961, + "precision": 69.60683760683762, + "recall": 76.66666666666667, + "main_score": 71.60705960705961 + }, + { + "hf_subset": "hin-eng", + "languages": [ + "hin-Deva", + "eng-Latn" + ], + "accuracy": 95.8, + "f1": 94.48333333333333, + "precision": 93.83333333333333, + "recall": 95.8, + "main_score": 94.48333333333333 + }, + { + "hf_subset": "dsb-eng", + "languages": [ + "dsb-Latn", + "eng-Latn" + ], + "accuracy": 52.81837160751566, + "f1": 48.435977731384824, + "precision": 47.11291973845539, + "recall": 52.81837160751566, + "main_score": 48.435977731384824 + }, + { + "hf_subset": "ber-eng", + "languages": [ + "ber-Tfng", + "eng-Latn" + ], + "accuracy": 44.9, + "f1": 38.88962621607783, + "precision": 36.95936507936508, + "recall": 44.9, + "main_score": 38.88962621607783 + }, + { + "hf_subset": "tam-eng", + "languages": [ + "tam-Taml", + "eng-Latn" + ], + "accuracy": 90.55374592833876, + "f1": 88.22553125484721, + "precision": 87.26927252985884, + "recall": 90.55374592833876, + "main_score": 88.22553125484721 + }, + { + "hf_subset": "slk-eng", + "languages": [ + "slk-Latn", + "eng-Latn" + ], + "accuracy": 94.6, + "f1": 93.13333333333333, + "precision": 92.45333333333333, + "recall": 94.6, + "main_score": 93.13333333333333 + }, + { + "hf_subset": "tgl-eng", + "languages": [ + "tgl-Latn", + "eng-Latn" + ], + "accuracy": 93.7, + "f1": 91.99666666666667, + "precision": 91.26666666666668, + "recall": 93.7, + "main_score": 91.99666666666667 + }, + { + "hf_subset": "ast-eng", + "languages": [ + "ast-Latn", + "eng-Latn" + ], + "accuracy": 85.03937007874016, + "f1": 81.75853018372703, + "precision": 80.34120734908137, + "recall": 85.03937007874016, + "main_score": 81.75853018372703 + }, + { + "hf_subset": "mkd-eng", + "languages": [ + "mkd-Cyrl", + "eng-Latn" + ], + "accuracy": 88.3, + "f1": 85.5, + "precision": 84.25833333333334, + "recall": 88.3, + "main_score": 85.5 + }, + { + "hf_subset": "khm-eng", + "languages": [ + "khm-Khmr", + "eng-Latn" + ], + "accuracy": 65.51246537396122, + "f1": 60.02297410192148, + "precision": 58.133467727289236, + "recall": 65.51246537396122, + "main_score": 60.02297410192148 + }, + { + "hf_subset": "ces-eng", + "languages": [ + "ces-Latn", + "eng-Latn" + ], + "accuracy": 96, + "f1": 94.89, + "precision": 94.39166666666667, + "recall": 96, + "main_score": 94.89 + }, + { + "hf_subset": "tzl-eng", + "languages": [ + "tzl-Latn", + "eng-Latn" + ], + "accuracy": 57.692307692307686, + "f1": 53.162393162393165, + "precision": 51.70673076923077, + "recall": 57.692307692307686, + "main_score": 53.162393162393165 + }, + { + "hf_subset": "urd-eng", + "languages": [ + "urd-Arab", + "eng-Latn" + ], + "accuracy": 91.60000000000001, + "f1": 89.21190476190475, + "precision": 88.08666666666667, + "recall": 91.60000000000001, + "main_score": 89.21190476190475 + }, + { + "hf_subset": "ara-eng", + "languages": [ + "ara-Arab", + "eng-Latn" + ], + "accuracy": 88, + "f1": 85.47, + "precision": 84.43266233766234, + "recall": 88, + "main_score": 85.47 + }, + { + "hf_subset": "kor-eng", + "languages": [ + "kor-Hang", + "eng-Latn" + ], + "accuracy": 92.7, + "f1": 90.64999999999999, + "precision": 89.68333333333332, + "recall": 92.7, + "main_score": 90.64999999999999 + }, + { + "hf_subset": "yid-eng", + "languages": [ + "yid-Hebr", + "eng-Latn" + ], + "accuracy": 80.30660377358491, + "f1": 76.33044137466307, + "precision": 74.78970125786164, + "recall": 80.30660377358491, + "main_score": 76.33044137466307 + }, + { + "hf_subset": "fin-eng", + "languages": [ + "fin-Latn", + "eng-Latn" + ], + "accuracy": 96.39999999999999, + "f1": 95.44, + "precision": 94.99166666666666, + "recall": 96.39999999999999, + "main_score": 95.44 + }, + { + "hf_subset": "tha-eng", + "languages": [ + "tha-Thai", + "eng-Latn" + ], + "accuracy": 96.53284671532847, + "f1": 95.37712895377129, + "precision": 94.7992700729927, + "recall": 96.53284671532847, + "main_score": 95.37712895377129 + }, + { + "hf_subset": "wuu-eng", + "languages": [ + "wuu-Hans", + "eng-Latn" + ], + "accuracy": 89, + "f1": 86.23190476190476, + "precision": 85.035, + "recall": 89, + "main_score": 86.23190476190476 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/Touche2020.json b/results/goldenrooster__multilingual-e5-large/external/Touche2020.json new file mode 100644 index 000000000..d0c5f638d --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.585, + "map_at_10": 9.012, + "map_at_100": 14.027000000000001, + "map_at_1000": 15.565000000000001, + "map_at_3": 5.032, + "map_at_5": 6.657, + "mrr_at_1": 28.571, + "mrr_at_10": 45.377, + "mrr_at_100": 46.119, + "mrr_at_1000": 46.127, + "mrr_at_3": 41.156, + "mrr_at_5": 42.585, + "ndcg_at_1": 27.551, + "ndcg_at_10": 23.395, + "ndcg_at_100": 33.342, + "ndcg_at_1000": 45.523, + "ndcg_at_3": 25.158, + "ndcg_at_5": 23.427, + "precision_at_1": 28.571, + "precision_at_10": 21.429000000000002, + "precision_at_100": 6.714, + "precision_at_1000": 1.473, + "precision_at_3": 27.211000000000002, + "precision_at_5": 24.490000000000002, + "recall_at_1": 2.585, + "recall_at_10": 15.418999999999999, + "recall_at_100": 42.485, + "recall_at_1000": 79.536, + "recall_at_3": 6.239999999999999, + "recall_at_5": 8.996, + "main_score": 23.395 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/ToxicConversationsClassification.json b/results/goldenrooster__multilingual-e5-large/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..80ae5ede2 --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.3234, + "ap": 14.361688653847423, + "f1": 54.819068624319044, + "main_score": 71.3234 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/TweetSentimentExtractionClassification.json b/results/goldenrooster__multilingual-e5-large/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..a8e219e85 --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.97792869269949, + "f1": 62.28965628513728, + "main_score": 61.97792869269949 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/TwentyNewsgroupsClustering.json b/results/goldenrooster__multilingual-e5-large/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..21ee17493 --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.90540145385218, + "main_score": 38.90540145385218 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/TwitterSemEval2015.json b/results/goldenrooster__multilingual-e5-large/external/TwitterSemEval2015.json new file mode 100644 index 000000000..85c873d8e --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 86.53513739047506, + "cos_sim_ap": 75.27741586677557, + "cos_sim_f1": 69.18792902473774, + "cos_sim_precision": 67.94708725515136, + "cos_sim_recall": 70.47493403693932, + "dot_accuracy": 84.7052512368123, + "dot_ap": 69.36075482849378, + "dot_f1": 64.44688376631296, + "dot_precision": 59.92288500793831, + "dot_recall": 69.70976253298153, + "euclidean_accuracy": 86.60666388508076, + "euclidean_ap": 75.47512772621097, + "euclidean_f1": 69.413872536473, + "euclidean_precision": 67.39562624254472, + "euclidean_recall": 71.55672823218997, + "manhattan_accuracy": 86.52917684925792, + "manhattan_ap": 75.34000110496703, + "manhattan_f1": 69.28489190226429, + "manhattan_precision": 67.24608889992551, + "manhattan_recall": 71.45118733509234, + "max_accuracy": 86.60666388508076, + "max_ap": 75.47512772621097, + "max_f1": 69.413872536473, + "main_score": 75.47512772621097 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/TwitterURLCorpus.json b/results/goldenrooster__multilingual-e5-large/external/TwitterURLCorpus.json new file mode 100644 index 000000000..e056ded0c --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.01695967710637, + "cos_sim_ap": 85.8298270742901, + "cos_sim_f1": 78.46988128389272, + "cos_sim_precision": 74.86017897091722, + "cos_sim_recall": 82.44533415460425, + "dot_accuracy": 88.19420188613343, + "dot_ap": 83.82679165901324, + "dot_f1": 76.55833777304208, + "dot_precision": 75.6884875846501, + "dot_recall": 77.44841392054204, + "euclidean_accuracy": 89.03054294252338, + "euclidean_ap": 85.89089555185325, + "euclidean_f1": 78.62997658079624, + "euclidean_precision": 74.92329149232914, + "euclidean_recall": 82.72251308900523, + "manhattan_accuracy": 89.0266620095471, + "manhattan_ap": 85.86458997929147, + "manhattan_f1": 78.50685331000291, + "manhattan_precision": 74.5499861534201, + "manhattan_recall": 82.90729904527257, + "max_accuracy": 89.03054294252338, + "max_ap": 85.89089555185325, + "max_f1": 78.62997658079624, + "main_score": 85.89089555185325 + } + ] + } +} \ No newline at end of file diff --git a/results/goldenrooster__multilingual-e5-large/external/model_meta.json b/results/goldenrooster__multilingual-e5-large/external/model_meta.json new file mode 100644 index 000000000..4f7909e77 --- /dev/null +++ b/results/goldenrooster__multilingual-e5-large/external/model_meta.json @@ -0,0 +1,117 @@ +{ + "name": "goldenrooster/multilingual-e5-large", + "revision": "596828a8b2688c0c020387166b75114219660ff8", + "release_date": "2023-09-23", + "languages": [ + "multilingual", + "af", + "am", + "ar", + "as", + "az", + "be", + "bg", + "bn", + "br", + "bs", + "ca", + "cs", + "cy", + "da", + "de", + "el", + "en", + "eo", + "es", + "et", + "eu", + "fa", + "fi", + "fr", + "fy", + "ga", + "gd", + "gl", + "gu", + "ha", + "he", + "hi", + "hr", + "hu", + "hy", + "id", + "is", + "it", + "ja", + "jv", + "ka", + "kk", + "km", + "kn", + "ko", + "ku", + "ky", + "la", + "lo", + "lt", + "lv", + "mg", + "mk", + "ml", + "mn", + "mr", + "ms", + "my", + "ne", + "nl", + "no", + "om", + "or", + "pa", + "pl", + "ps", + "pt", + "ro", + "ru", + "sa", + "sd", + "si", + "sk", + "sl", + "so", + "sq", + "sr", + "su", + "sv", + "sw", + "ta", + "te", + "th", + "tl", + "tr", + "ug", + "uk", + "ur", + "uz", + "vi", + "xh", + "yi", + "zh" + ], + "loader": null, + "n_parameters": 559890946, + "memory_usage": null, + "max_tokens": 514, + "embed_dim": 1024, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-cased/no_revision_available/AlloProfClusteringP2P.json b/results/google-bert__bert-base-multilingual-cased/no_revision_available/AlloProfClusteringP2P.json deleted file mode 100644 index 3bbc681a3..000000000 --- a/results/google-bert__bert-base-multilingual-cased/no_revision_available/AlloProfClusteringP2P.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "392ba3f5bcc8c51f578786c1fc3dae648662cb9b", - "mteb_dataset_name": "AlloProfClusteringP2P", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 26.58, - "v_measure": 0.5149653756008361, - "v_measure_std": 0.04939256324564884 - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-cased/no_revision_available/AlloProfClusteringS2S.json b/results/google-bert__bert-base-multilingual-cased/no_revision_available/AlloProfClusteringS2S.json deleted file mode 100644 index 3904933e2..000000000 --- a/results/google-bert__bert-base-multilingual-cased/no_revision_available/AlloProfClusteringS2S.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "392ba3f5bcc8c51f578786c1fc3dae648662cb9b", - "mteb_dataset_name": "AlloProfClusteringS2S", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 2.52, - "v_measure": 0.4305645671675891, - "v_measure_std": 0.02813926119063282 - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-cased/no_revision_available/AlloprofReranking.json b/results/google-bert__bert-base-multilingual-cased/no_revision_available/AlloprofReranking.json deleted file mode 100644 index f20c95c68..000000000 --- a/results/google-bert__bert-base-multilingual-cased/no_revision_available/AlloprofReranking.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "666fdacebe0291776e86f29345663dfaf80a0db9", - "mteb_dataset_name": "AlloprofReranking", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 79.6, - "map": 0.36234654987990056, - "mrr": 0.36779792800901967 - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-cased/no_revision_available/AlloprofRetrieval.json b/results/google-bert__bert-base-multilingual-cased/no_revision_available/AlloprofRetrieval.json deleted file mode 100644 index ef2edc091..000000000 --- a/results/google-bert__bert-base-multilingual-cased/no_revision_available/AlloprofRetrieval.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": "392ba3f5bcc8c51f578786c1fc3dae648662cb9b", - "mteb_dataset_name": "AlloprofRetrieval", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 36.47, - "map_at_1": 0.00691, - "map_at_10": 0.01187, - "map_at_100": 0.01633, - "map_at_1000": 0.0186, - "map_at_3": 0.00878, - "map_at_5": 0.0101, - "mrr_at_1": 0.00691, - "mrr_at_10": 0.01187, - "mrr_at_100": 0.01633, - "mrr_at_1000": 0.0186, - "mrr_at_3": 0.00878, - "mrr_at_5": 0.0101, - "ndcg_at_1": 0.00691, - "ndcg_at_10": 0.01626, - "ndcg_at_100": 0.04772, - "ndcg_at_1000": 0.12407, - "ndcg_at_3": 0.00951, - "ndcg_at_5": 0.01194, - "precision_at_1": 0.00691, - "precision_at_10": 0.00311, - "precision_at_100": 0.00202, - "precision_at_1000": 0.00084, - "precision_at_3": 0.00389, - "precision_at_5": 0.00354, - "recall_at_1": 0.00691, - "recall_at_10": 0.03109, - "recall_at_100": 0.20207, - "recall_at_1000": 0.83679, - "recall_at_3": 0.01166, - "recall_at_5": 0.0177 - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-cased/no_revision_available/AmazonReviewsClassification.json b/results/google-bert__bert-base-multilingual-cased/no_revision_available/AmazonReviewsClassification.json deleted file mode 100644 index 730feda7e..000000000 --- a/results/google-bert__bert-base-multilingual-cased/no_revision_available/AmazonReviewsClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", - "mteb_dataset_name": "AmazonReviewsClassification", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 25.82, - "fr": { - "accuracy": 0.29394, - "accuracy_stderr": 0.02113008282047186, - "f1": 0.288184237906055, - "f1_stderr": 0.01970637347051907, - "main_score": 0.29394 - } - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-cased/no_revision_available/BSARDRetrieval.json b/results/google-bert__bert-base-multilingual-cased/no_revision_available/BSARDRetrieval.json deleted file mode 100644 index 5530c8dd8..000000000 --- a/results/google-bert__bert-base-multilingual-cased/no_revision_available/BSARDRetrieval.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": "5effa1b9b5fa3b0f9e12523e6e43e5f86a6e6d59", - "mteb_dataset_name": "BSARDRetrieval", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 515.77, - "map_at_1": 0.0, - "map_at_10": 0.0, - "map_at_100": 6e-05, - "map_at_1000": 0.00027, - "map_at_3": 0.0, - "map_at_5": 0.0, - "mrr_at_1": 0.0, - "mrr_at_10": 0.0, - "mrr_at_100": 6e-05, - "mrr_at_1000": 0.00027, - "mrr_at_3": 0.0, - "mrr_at_5": 0.0, - "ndcg_at_1": 0.0, - "ndcg_at_10": 0.0, - "ndcg_at_100": 0.00071, - "ndcg_at_1000": 0.01137, - "ndcg_at_3": 0.0, - "ndcg_at_5": 0.0, - "precision_at_1": 0.0, - "precision_at_10": 0.0, - "precision_at_100": 5e-05, - "precision_at_1000": 0.0001, - "precision_at_3": 0.0, - "precision_at_5": 0.0, - "recall_at_1": 0.0, - "recall_at_10": 0.0, - "recall_at_100": 0.0045, - "recall_at_1000": 0.0991, - "recall_at_3": 0.0, - "recall_at_5": 0.0 - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-cased/no_revision_available/DiaBLaBitextMining.json b/results/google-bert__bert-base-multilingual-cased/no_revision_available/DiaBLaBitextMining.json deleted file mode 100644 index da5f4730e..000000000 --- a/results/google-bert__bert-base-multilingual-cased/no_revision_available/DiaBLaBitextMining.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "dataset_revision": "5345895c56a601afe1a98519ce3199be60a27dba", - "mteb_dataset_name": "DiaBLaBitextMining", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 10.52, - "fr-en": { - "accuracy": 0.3348990953375087, - "f1": 0.29960613294225785, - "main_score": 0.29960613294225785, - "precision": 0.2881095269518652, - "recall": 0.3348990953375087 - } - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-cased/no_revision_available/FloresBitextMining.json b/results/google-bert__bert-base-multilingual-cased/no_revision_available/FloresBitextMining.json deleted file mode 100644 index 9f9e82a5f..000000000 --- a/results/google-bert__bert-base-multilingual-cased/no_revision_available/FloresBitextMining.json +++ /dev/null @@ -1,22 +0,0 @@ -{ - "dataset_revision": "80dc3040d19756742c9a18267ab30f54fb8e226b", - "dev": { - "eng_Latn-fra_Latn": { - "accuracy": 0.9819458375125376, - "f1": 0.9762621196924105, - "main_score": 0.9762621196924105, - "precision": 0.9735874289535272, - "recall": 0.9819458375125376 - }, - "evaluation_time": 4.54, - "fra_Latn-eng_Latn": { - "accuracy": 0.9769307923771314, - "f1": 0.9694082246740221, - "main_score": 0.9694082246740221, - "precision": 0.9657305249080574, - "recall": 0.9769307923771314 - } - }, - "mteb_dataset_name": "FloresBitextMining", - "mteb_version": "1.1.2.dev0" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-cased/no_revision_available/HALClusteringS2S.json b/results/google-bert__bert-base-multilingual-cased/no_revision_available/HALClusteringS2S.json deleted file mode 100644 index 82d0996dc..000000000 --- a/results/google-bert__bert-base-multilingual-cased/no_revision_available/HALClusteringS2S.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "e06ebbbb123f8144bef1a5d18796f3dec9ae2915", - "mteb_dataset_name": "HALClusteringS2S", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 95.86, - "v_measure": 0.20807556589755932, - "v_measure_std": 0.027164335311209167 - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-cased/no_revision_available/MLSUMClusteringP2P.json b/results/google-bert__bert-base-multilingual-cased/no_revision_available/MLSUMClusteringP2P.json deleted file mode 100644 index 3542063fb..000000000 --- a/results/google-bert__bert-base-multilingual-cased/no_revision_available/MLSUMClusteringP2P.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "b5d54f8f3b61ae17845046286940f03c6bc79bc7", - "mteb_dataset_name": "MLSUMClusteringP2P", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 153.31, - "v_measure": 0.4090371994645377, - "v_measure_std": 0.016812032336464958 - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-cased/no_revision_available/MLSUMClusteringS2S.json b/results/google-bert__bert-base-multilingual-cased/no_revision_available/MLSUMClusteringS2S.json deleted file mode 100644 index 4172e4347..000000000 --- a/results/google-bert__bert-base-multilingual-cased/no_revision_available/MLSUMClusteringS2S.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "b5d54f8f3b61ae17845046286940f03c6bc79bc7", - "mteb_dataset_name": "MLSUMClusteringS2S", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 13.72, - "v_measure": 0.3179683201467264, - "v_measure_std": 0.015918356657951774 - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-cased/no_revision_available/MTOPDomainClassification.json b/results/google-bert__bert-base-multilingual-cased/no_revision_available/MTOPDomainClassification.json deleted file mode 100644 index de16632ac..000000000 --- a/results/google-bert__bert-base-multilingual-cased/no_revision_available/MTOPDomainClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", - "mteb_dataset_name": "MTOPDomainClassification", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 4.12, - "fr": { - "accuracy": 0.6361102411525212, - "accuracy_stderr": 0.026363581772721096, - "f1": 0.6348665795184951, - "f1_stderr": 0.026164199023442088, - "main_score": 0.6361102411525212 - } - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-cased/no_revision_available/MTOPIntentClassification.json b/results/google-bert__bert-base-multilingual-cased/no_revision_available/MTOPIntentClassification.json deleted file mode 100644 index 4f0a4ee8f..000000000 --- a/results/google-bert__bert-base-multilingual-cased/no_revision_available/MTOPIntentClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", - "mteb_dataset_name": "MTOPIntentClassification", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 13.89, - "fr": { - "accuracy": 0.3783589101158785, - "accuracy_stderr": 0.019133763775610872, - "f1": 0.26327592611679435, - "f1_stderr": 0.007279375665312622, - "main_score": 0.3783589101158785 - } - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-cased/no_revision_available/MasakhaNEWSClassification.json b/results/google-bert__bert-base-multilingual-cased/no_revision_available/MasakhaNEWSClassification.json deleted file mode 100644 index 48422e45f..000000000 --- a/results/google-bert__bert-base-multilingual-cased/no_revision_available/MasakhaNEWSClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "dataset_revision": "8ccc72e69e65f40c70e117d8b3c08306bb788b60", - "mteb_dataset_name": "MasakhaNEWSClassification", - "mteb_version": "1.1.3.dev0", - "test": { - "evaluation_time": 18.22, - "fra": { - "accuracy": 0.6400473933649289, - "accuracy_stderr": 0.05372879828327493, - "f1": 0.6040742000411077, - "f1_stderr": 0.05127789414986886, - "main_score": 0.6400473933649289 - } - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-cased/no_revision_available/MasakhaNEWSClusteringP2P.json b/results/google-bert__bert-base-multilingual-cased/no_revision_available/MasakhaNEWSClusteringP2P.json deleted file mode 100644 index acaef59e5..000000000 --- a/results/google-bert__bert-base-multilingual-cased/no_revision_available/MasakhaNEWSClusteringP2P.json +++ /dev/null @@ -1,13 +0,0 @@ -{ - "dataset_revision": "8ccc72e69e65f40c70e117d8b3c08306bb788b60", - "mteb_dataset_name": "MasakhaNEWSClusteringP2P", - "mteb_version": "1.1.3.dev0", - "test": { - "evaluation_time": 4.76, - "fra": { - "main_score": 0.2423499234956803, - "v_measure": 0.2423499234956803, - "v_measure_std": 0.380121958034412 - } - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-cased/no_revision_available/MasakhaNEWSClusteringS2S.json b/results/google-bert__bert-base-multilingual-cased/no_revision_available/MasakhaNEWSClusteringS2S.json deleted file mode 100644 index 761d7a2d6..000000000 --- a/results/google-bert__bert-base-multilingual-cased/no_revision_available/MasakhaNEWSClusteringS2S.json +++ /dev/null @@ -1,13 +0,0 @@ -{ - "dataset_revision": "8ccc72e69e65f40c70e117d8b3c08306bb788b60", - "mteb_dataset_name": "MasakhaNEWSClusteringS2S", - "mteb_version": "1.1.3.dev0", - "test": { - "evaluation_time": 0.68, - "fra": { - "main_score": 0.24459995990947822, - "v_measure": 0.24459995990947822, - "v_measure_std": 0.37910767075538626 - } - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-cased/no_revision_available/MassiveIntentClassification.json b/results/google-bert__bert-base-multilingual-cased/no_revision_available/MassiveIntentClassification.json deleted file mode 100644 index f04234736..000000000 --- a/results/google-bert__bert-base-multilingual-cased/no_revision_available/MassiveIntentClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", - "mteb_dataset_name": "MassiveIntentClassification", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 9.27, - "fr": { - "accuracy": 0.3729993275050437, - "accuracy_stderr": 0.009215941643811648, - "f1": 0.3631352169803523, - "f1_stderr": 0.011257753371878476, - "main_score": 0.3729993275050437 - } - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-cased/no_revision_available/MassiveScenarioClassification.json b/results/google-bert__bert-base-multilingual-cased/no_revision_available/MassiveScenarioClassification.json deleted file mode 100644 index e31aee8c5..000000000 --- a/results/google-bert__bert-base-multilingual-cased/no_revision_available/MassiveScenarioClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", - "mteb_dataset_name": "MassiveScenarioClassification", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 4.96, - "fr": { - "accuracy": 0.44465366509751175, - "accuracy_stderr": 0.016069111837315304, - "f1": 0.42328909611446236, - "f1_stderr": 0.014946349044342928, - "main_score": 0.44465366509751175 - } - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-cased/no_revision_available/MintakaRetrieval.json b/results/google-bert__bert-base-multilingual-cased/no_revision_available/MintakaRetrieval.json deleted file mode 100644 index 326d2af09..000000000 --- a/results/google-bert__bert-base-multilingual-cased/no_revision_available/MintakaRetrieval.json +++ /dev/null @@ -1,40 +0,0 @@ -{ - "dataset_revision": "efa78cc2f74bbcd21eff2261f9e13aebe40b814e", - "mteb_dataset_name": "MintakaRetrieval", - "mteb_version": "1.1.3.dev0", - "test": { - "evaluation_time": 7.14, - "fr": { - "map_at_1": 0.0131, - "map_at_10": 0.0265, - "map_at_100": 0.03271, - "map_at_1000": 0.0348, - "map_at_3": 0.02027, - "map_at_5": 0.02412, - "mrr_at_1": 0.0131, - "mrr_at_10": 0.0265, - "mrr_at_100": 0.03271, - "mrr_at_1000": 0.0348, - "mrr_at_3": 0.02027, - "mrr_at_5": 0.02412, - "ndcg_at_1": 0.0131, - "ndcg_at_10": 0.03554, - "ndcg_at_100": 0.07491, - "ndcg_at_1000": 0.1437, - "ndcg_at_3": 0.02273, - "ndcg_at_5": 0.02974, - "precision_at_1": 0.0131, - "precision_at_10": 0.00651, - "precision_at_100": 0.00271, - "precision_at_1000": 0.00084, - "precision_at_3": 0.00996, - "precision_at_5": 0.00942, - "recall_at_1": 0.0131, - "recall_at_10": 0.06511, - "recall_at_100": 0.2715, - "recall_at_1000": 0.84275, - "recall_at_3": 0.02989, - "recall_at_5": 0.04709 - } - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-cased/no_revision_available/OpusparcusPC.json b/results/google-bert__bert-base-multilingual-cased/no_revision_available/OpusparcusPC.json deleted file mode 100644 index 127755329..000000000 --- a/results/google-bert__bert-base-multilingual-cased/no_revision_available/OpusparcusPC.json +++ /dev/null @@ -1,97 +0,0 @@ -{ - "dataset_revision": "9e9b1f8ef51616073f47f306f7f47dd91663f86a", - "mteb_dataset_name": "OpusparcusPC", - "mteb_version": "1.6.7", - "test.full": { - "evaluation_time": 2.02, - "fr": { - "cos_sim": { - "accuracy": 0.7370572207084468, - "accuracy_threshold": 0.6085808873176575, - "ap": 0.8677048159592717, - "f1": 0.8251199302224161, - "f1_threshold": 0.5373367071151733, - "precision": 0.7356143079315708, - "recall": 0.9394240317775571 - }, - "dot": { - "accuracy": 0.7064032697547684, - "accuracy_threshold": 54.5224494934082, - "ap": 0.7961242404930601, - "f1": 0.8168438266557644, - "f1_threshold": 40.50891876220703, - "precision": 0.6942321056289089, - "recall": 0.9920556107249255 - }, - "euclidean": { - "accuracy": 0.7418256130790191, - "accuracy_threshold": 9.950370788574219, - "ap": 0.8773262569421707, - "f1": 0.828036569438398, - "f1_threshold": 10.924591064453125, - "precision": 0.7372093023255814, - "recall": 0.9443892750744787 - }, - "manhattan": { - "accuracy": 0.7397820163487738, - "accuracy_threshold": 216.56796264648438, - "ap": 0.8775667371398936, - "f1": 0.828082808280828, - "f1_threshold": 227.35064697265625, - "precision": 0.757201646090535, - "recall": 0.913604766633565 - }, - "max": { - "accuracy": 0.7418256130790191, - "ap": 0.8775667371398936, - "f1": 0.828082808280828 - } - } - }, - "validation.full": { - "evaluation_time": 1.09, - "fr": { - "cos_sim": { - "accuracy": 0.7549857549857549, - "accuracy_threshold": 0.5713183879852295, - "ap": 0.8722976958382189, - "f1": 0.8441030275643923, - "f1_threshold": 0.5667812824249268, - "precision": 0.7680921052631579, - "recall": 0.9368104312938816 - }, - "dot": { - "accuracy": 0.7272079772079773, - "accuracy_threshold": 61.59434509277344, - "ap": 0.8009604425079573, - "f1": 0.8333333333333333, - "f1_threshold": 40.58455276489258, - "precision": 0.715312724658519, - "recall": 0.9979939819458375 - }, - "euclidean": { - "accuracy": 0.7578347578347578, - "accuracy_threshold": 10.278693199157715, - "ap": 0.8902615776583449, - "f1": 0.8454916175804258, - "f1_threshold": 10.408003807067871, - "precision": 0.7710743801652893, - "recall": 0.9358074222668004 - }, - "manhattan": { - "accuracy": 0.7613960113960114, - "accuracy_threshold": 221.58192443847656, - "ap": 0.8898620485616535, - "f1": 0.8473804100227791, - "f1_threshold": 226.73397827148438, - "precision": 0.7762938230383973, - "recall": 0.9327983951855566 - }, - "max": { - "accuracy": 0.7613960113960114, - "ap": 0.8902615776583449, - "f1": 0.8473804100227791 - } - } - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-cased/no_revision_available/PawsXPairClassification.json b/results/google-bert__bert-base-multilingual-cased/no_revision_available/PawsXPairClassification.json deleted file mode 100644 index 36e8dd631..000000000 --- a/results/google-bert__bert-base-multilingual-cased/no_revision_available/PawsXPairClassification.json +++ /dev/null @@ -1,51 +0,0 @@ -{ - "dataset_revision": "8a04d940a42cd40658986fdd8e3da561533a3646", - "mteb_dataset_name": "PawsXPairClassification", - "mteb_version": "1.1.3.dev0", - "test": { - "evaluation_time": 4.02, - "fr": { - "cos_sim": { - "accuracy": 0.5795, - "accuracy_threshold": 0.9825973279022131, - "ap": 0.5339388951464616, - "f1": 0.6253979483551468, - "f1_threshold": 0.8493756889783943, - "precision": 0.4594594594594595, - "recall": 0.9789590254706534 - }, - "dot": { - "accuracy": 0.5795, - "accuracy_threshold": 0.9825973092060061, - "ap": 0.5335291186438886, - "f1": 0.6253979483551468, - "f1_threshold": 0.849375729122165, - "precision": 0.4594594594594595, - "recall": 0.9789590254706534 - }, - "euclidean": { - "accuracy": 0.5795, - "accuracy_threshold": 0.18656179766038844, - "ap": 0.5339388951464616, - "f1": 0.6253979483551468, - "f1_threshold": 0.548860940498653, - "precision": 0.4594594594594595, - "recall": 0.9789590254706534 - }, - "manhattan": { - "accuracy": 0.5785, - "accuracy_threshold": 4.0747650607136165, - "ap": 0.534051195391792, - "f1": 0.6253979483551468, - "f1_threshold": 12.12762373367741, - "precision": 0.4594594594594595, - "recall": 0.9789590254706534 - }, - "max": { - "accuracy": 0.5795, - "ap": 0.534051195391792, - "f1": 0.6253979483551468 - } - } - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-cased/no_revision_available/SICKFr.json b/results/google-bert__bert-base-multilingual-cased/no_revision_available/SICKFr.json deleted file mode 100644 index a1706aaef..000000000 --- a/results/google-bert__bert-base-multilingual-cased/no_revision_available/SICKFr.json +++ /dev/null @@ -1,20 +0,0 @@ -{ - "dataset_revision": "e077ab4cf4774a1e36d86d593b150422fafd8e8a", - "mteb_dataset_name": "SICKFr", - "mteb_version": "1.1.2.dev0", - "test": { - "cos_sim": { - "pearson": 0.6148925992392819, - "spearman": 0.5874812845368886 - }, - "euclidean": { - "pearson": 0.5910832403426421, - "spearman": 0.5874811426425918 - }, - "evaluation_time": 4.99, - "manhattan": { - "pearson": 0.591035222720417, - "spearman": 0.5875914999025948 - } - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-cased/no_revision_available/STS22.json b/results/google-bert__bert-base-multilingual-cased/no_revision_available/STS22.json deleted file mode 100644 index d684821c6..000000000 --- a/results/google-bert__bert-base-multilingual-cased/no_revision_available/STS22.json +++ /dev/null @@ -1,22 +0,0 @@ -{ - "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", - "mteb_dataset_name": "STS22", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 1.88, - "fr": { - "cos_sim": { - "pearson": 0.26663858506035065, - "spearman": 0.3904525758557057 - }, - "euclidean": { - "pearson": 0.3346054466010741, - "spearman": 0.3904525758557057 - }, - "manhattan": { - "pearson": 0.3400313545000349, - "spearman": 0.3950822294088128 - } - } - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-cased/no_revision_available/STSBenchmarkMultilingualSTS.json b/results/google-bert__bert-base-multilingual-cased/no_revision_available/STSBenchmarkMultilingualSTS.json deleted file mode 100644 index 3f18526dc..000000000 --- a/results/google-bert__bert-base-multilingual-cased/no_revision_available/STSBenchmarkMultilingualSTS.json +++ /dev/null @@ -1,22 +0,0 @@ -{ - "dataset_revision": "93d57ef91790589e3ce9c365164337a8a78b7632", - "mteb_dataset_name": "STSBenchmarkMultilingualSTS", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 2.45, - "fr": { - "cos_sim": { - "pearson": 0.5323480547503714, - "spearman": 0.5224722935490146 - }, - "euclidean": { - "pearson": 0.5325607485811542, - "spearman": 0.5224722935490146 - }, - "manhattan": { - "pearson": 0.5328521934934961, - "spearman": 0.5221665677773611 - } - } - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-cased/no_revision_available/SummEvalFr.json b/results/google-bert__bert-base-multilingual-cased/no_revision_available/SummEvalFr.json deleted file mode 100644 index 72e5e47d0..000000000 --- a/results/google-bert__bert-base-multilingual-cased/no_revision_available/SummEvalFr.json +++ /dev/null @@ -1,16 +0,0 @@ -{ - "dataset_revision": "b385812de6a9577b6f4d0f88c6a6e35395a94054", - "mteb_dataset_name": "SummEvalFr", - "mteb_version": "1.1.2.dev0", - "test": { - "cos_sim": { - "pearson": 0.2929603489340598, - "spearman": 0.28807795872171416 - }, - "dot": { - "pearson": 0.29296034856083586, - "spearman": 0.28807795872171416 - }, - "evaluation_time": 7.0 - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-cased/no_revision_available/SyntecReranking.json b/results/google-bert__bert-base-multilingual-cased/no_revision_available/SyntecReranking.json deleted file mode 100644 index dda6dae14..000000000 --- a/results/google-bert__bert-base-multilingual-cased/no_revision_available/SyntecReranking.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "b205c5084a0934ce8af14338bf03feb19499c84d", - "mteb_dataset_name": "SyntecReranking", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 18.53, - "map": 0.5325, - "mrr": 0.5325 - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-cased/no_revision_available/SyntecRetrieval.json b/results/google-bert__bert-base-multilingual-cased/no_revision_available/SyntecRetrieval.json deleted file mode 100644 index 6b4593bf7..000000000 --- a/results/google-bert__bert-base-multilingual-cased/no_revision_available/SyntecRetrieval.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": "77f7e271bf4a92b24fce5119f3486b583ca016ff", - "mteb_dataset_name": "SyntecRetrieval", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 2.65, - "map_at_1": 0.04, - "map_at_10": 0.12335, - "map_at_100": 0.14793, - "map_at_1000": 0.14793, - "map_at_3": 0.07667, - "map_at_5": 0.10267, - "mrr_at_1": 0.04, - "mrr_at_10": 0.12335, - "mrr_at_100": 0.14793, - "mrr_at_1000": 0.14793, - "mrr_at_3": 0.07667, - "mrr_at_5": 0.10267, - "ndcg_at_1": 0.04, - "ndcg_at_10": 0.18948, - "ndcg_at_100": 0.31425, - "ndcg_at_1000": 0.31425, - "ndcg_at_3": 0.09024, - "ndcg_at_5": 0.13841, - "precision_at_1": 0.04, - "precision_at_10": 0.041, - "precision_at_100": 0.01, - "precision_at_1000": 0.001, - "precision_at_3": 0.04333, - "precision_at_5": 0.05, - "recall_at_1": 0.04, - "recall_at_10": 0.41, - "recall_at_100": 1.0, - "recall_at_1000": 1.0, - "recall_at_3": 0.13, - "recall_at_5": 0.25 - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-cased/no_revision_available/XPQARetrieval.json b/results/google-bert__bert-base-multilingual-cased/no_revision_available/XPQARetrieval.json deleted file mode 100644 index 92e86cee3..000000000 --- a/results/google-bert__bert-base-multilingual-cased/no_revision_available/XPQARetrieval.json +++ /dev/null @@ -1,40 +0,0 @@ -{ - "dataset_revision": "c99d599f0a6ab9b85b065da6f9d94f9cf731679f", - "mteb_dataset_name": "XPQARetrieval", - "mteb_version": "1.1.3.dev0", - "test": { - "evaluation_time": 3.57, - "fr": { - "map_at_1": 0.09944, - "map_at_10": 0.14971, - "map_at_100": 0.16189, - "map_at_1000": 0.16456, - "map_at_3": 0.13322, - "map_at_5": 0.14169, - "mrr_at_1": 0.16956, - "mrr_at_10": 0.21509, - "mrr_at_100": 0.22452, - "mrr_at_1000": 0.22582, - "mrr_at_3": 0.20227, - "mrr_at_5": 0.20774, - "ndcg_at_1": 0.16956, - "ndcg_at_10": 0.1849, - "ndcg_at_100": 0.24111, - "ndcg_at_1000": 0.30608, - "ndcg_at_3": 0.16519, - "ndcg_at_5": 0.16763, - "precision_at_1": 0.16956, - "precision_at_10": 0.04726, - "precision_at_100": 0.00984, - "precision_at_1000": 0.00189, - "precision_at_3": 0.10547, - "precision_at_5": 0.07477, - "recall_at_1": 0.09944, - "recall_at_10": 0.22143, - "recall_at_100": 0.44579, - "recall_at_1000": 0.89771, - "recall_at_3": 0.15541, - "recall_at_5": 0.17897 - } - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/AlloProfClusteringP2P.json b/results/google-bert__bert-base-multilingual-uncased/no_revision_available/AlloProfClusteringP2P.json deleted file mode 100644 index 3e4609cdb..000000000 --- a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/AlloProfClusteringP2P.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "392ba3f5bcc8c51f578786c1fc3dae648662cb9b", - "mteb_dataset_name": "AlloProfClusteringP2P", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 26.55, - "v_measure": 0.6066148200885675, - "v_measure_std": 0.023707809909242726 - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/AlloProfClusteringS2S.json b/results/google-bert__bert-base-multilingual-uncased/no_revision_available/AlloProfClusteringS2S.json deleted file mode 100644 index 23f39e57d..000000000 --- a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/AlloProfClusteringS2S.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "392ba3f5bcc8c51f578786c1fc3dae648662cb9b", - "mteb_dataset_name": "AlloProfClusteringS2S", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 2.51, - "v_measure": 0.3505397363641355, - "v_measure_std": 0.01807548115760034 - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/AlloprofReranking.json b/results/google-bert__bert-base-multilingual-uncased/no_revision_available/AlloprofReranking.json deleted file mode 100644 index 313cc02a0..000000000 --- a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/AlloprofReranking.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "666fdacebe0291776e86f29345663dfaf80a0db9", - "mteb_dataset_name": "AlloprofReranking", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 78.96, - "map": 0.3884926710455013, - "mrr": 0.3945212056566041 - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/AlloprofRetrieval.json b/results/google-bert__bert-base-multilingual-uncased/no_revision_available/AlloprofRetrieval.json deleted file mode 100644 index 3b5b7e738..000000000 --- a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/AlloprofRetrieval.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": "392ba3f5bcc8c51f578786c1fc3dae648662cb9b", - "mteb_dataset_name": "AlloprofRetrieval", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 35.87, - "map_at_1": 0.02245, - "map_at_10": 0.04052, - "map_at_100": 0.04817, - "map_at_1000": 0.04995, - "map_at_3": 0.02972, - "map_at_5": 0.0354, - "mrr_at_1": 0.02245, - "mrr_at_10": 0.04052, - "mrr_at_100": 0.04817, - "mrr_at_1000": 0.04995, - "mrr_at_3": 0.02972, - "mrr_at_5": 0.0354, - "ndcg_at_1": 0.02245, - "ndcg_at_10": 0.05506, - "ndcg_at_100": 0.10302, - "ndcg_at_1000": 0.16212, - "ndcg_at_3": 0.03228, - "ndcg_at_5": 0.04255, - "precision_at_1": 0.02245, - "precision_at_10": 0.01036, - "precision_at_100": 0.00353, - "precision_at_1000": 0.00084, - "precision_at_3": 0.01324, - "precision_at_5": 0.01295, - "recall_at_1": 0.02245, - "recall_at_10": 0.10363, - "recall_at_100": 0.3532, - "recall_at_1000": 0.84326, - "recall_at_3": 0.03972, - "recall_at_5": 0.06477 - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/AmazonReviewsClassification.json b/results/google-bert__bert-base-multilingual-uncased/no_revision_available/AmazonReviewsClassification.json deleted file mode 100644 index 1b9ddf926..000000000 --- a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/AmazonReviewsClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", - "mteb_dataset_name": "AmazonReviewsClassification", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 18.33, - "fr": { - "accuracy": 0.29024, - "accuracy_stderr": 0.021169185152008097, - "f1": 0.2828558971378465, - "f1_stderr": 0.024114692260914745, - "main_score": 0.29024 - } - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/BSARDRetrieval.json b/results/google-bert__bert-base-multilingual-uncased/no_revision_available/BSARDRetrieval.json deleted file mode 100644 index 9fc783467..000000000 --- a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/BSARDRetrieval.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": "5effa1b9b5fa3b0f9e12523e6e43e5f86a6e6d59", - "mteb_dataset_name": "BSARDRetrieval", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 520.17, - "map_at_1": 0.0, - "map_at_10": 0.0, - "map_at_100": 0.0, - "map_at_1000": 0.00011, - "map_at_3": 0.0, - "map_at_5": 0.0, - "mrr_at_1": 0.0, - "mrr_at_10": 0.0, - "mrr_at_100": 0.0, - "mrr_at_1000": 0.00011, - "mrr_at_3": 0.0, - "mrr_at_5": 0.0, - "ndcg_at_1": 0.0, - "ndcg_at_10": 0.0, - "ndcg_at_100": 0.0, - "ndcg_at_1000": 0.0046, - "ndcg_at_3": 0.0, - "ndcg_at_5": 0.0, - "precision_at_1": 0.0, - "precision_at_10": 0.0, - "precision_at_100": 0.0, - "precision_at_1000": 4e-05, - "precision_at_3": 0.0, - "precision_at_5": 0.0, - "recall_at_1": 0.0, - "recall_at_10": 0.0, - "recall_at_100": 0.0, - "recall_at_1000": 0.04054, - "recall_at_3": 0.0, - "recall_at_5": 0.0 - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/DiaBLaBitextMining.json b/results/google-bert__bert-base-multilingual-uncased/no_revision_available/DiaBLaBitextMining.json deleted file mode 100644 index c64334b44..000000000 --- a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/DiaBLaBitextMining.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "dataset_revision": "5345895c56a601afe1a98519ce3199be60a27dba", - "mteb_dataset_name": "DiaBLaBitextMining", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 10.39, - "fr-en": { - "accuracy": 0.40066109951287404, - "f1": 0.35599847600583656, - "main_score": 0.35599847600583656, - "precision": 0.3424146592492549, - "recall": 0.40066109951287404 - } - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/FloresBitextMining.json b/results/google-bert__bert-base-multilingual-uncased/no_revision_available/FloresBitextMining.json deleted file mode 100644 index 6b8006bf6..000000000 --- a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/FloresBitextMining.json +++ /dev/null @@ -1,22 +0,0 @@ -{ - "dataset_revision": "80dc3040d19756742c9a18267ab30f54fb8e226b", - "dev": { - "eng_Latn-fra_Latn": { - "accuracy": 0.9849548645937813, - "f1": 0.9799398194583752, - "main_score": 0.9799398194583752, - "precision": 0.977432296890672, - "recall": 0.9849548645937813 - }, - "evaluation_time": 4.45, - "fra_Latn-eng_Latn": { - "accuracy": 0.9598796389167502, - "f1": 0.9477432296890672, - "main_score": 0.9477432296890672, - "precision": 0.9422433968572385, - "recall": 0.9598796389167502 - } - }, - "mteb_dataset_name": "FloresBitextMining", - "mteb_version": "1.1.2.dev0" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/HALClusteringS2S.json b/results/google-bert__bert-base-multilingual-uncased/no_revision_available/HALClusteringS2S.json deleted file mode 100644 index daf2c55a2..000000000 --- a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/HALClusteringS2S.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "e06ebbbb123f8144bef1a5d18796f3dec9ae2915", - "mteb_dataset_name": "HALClusteringS2S", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 89.52, - "v_measure": 0.20898202989834286, - "v_measure_std": 0.031643402185562136 - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/MLSUMClusteringP2P.json b/results/google-bert__bert-base-multilingual-uncased/no_revision_available/MLSUMClusteringP2P.json deleted file mode 100644 index 39169bf22..000000000 --- a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/MLSUMClusteringP2P.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "b5d54f8f3b61ae17845046286940f03c6bc79bc7", - "mteb_dataset_name": "MLSUMClusteringP2P", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 154.39, - "v_measure": 0.4349522858689475, - "v_measure_std": 0.020610423681286197 - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/MLSUMClusteringS2S.json b/results/google-bert__bert-base-multilingual-uncased/no_revision_available/MLSUMClusteringS2S.json deleted file mode 100644 index 0789ac773..000000000 --- a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/MLSUMClusteringS2S.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "b5d54f8f3b61ae17845046286940f03c6bc79bc7", - "mteb_dataset_name": "MLSUMClusteringS2S", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 13.54, - "v_measure": 0.3098774275886452, - "v_measure_std": 0.014770964668086209 - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/MTOPDomainClassification.json b/results/google-bert__bert-base-multilingual-uncased/no_revision_available/MTOPDomainClassification.json deleted file mode 100644 index 1a3e016ce..000000000 --- a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/MTOPDomainClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", - "mteb_dataset_name": "MTOPDomainClassification", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 4.05, - "fr": { - "accuracy": 0.644910742248669, - "accuracy_stderr": 0.01832643987134168, - "f1": 0.6393022871935163, - "f1_stderr": 0.021134865934139158, - "main_score": 0.644910742248669 - } - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/MTOPIntentClassification.json b/results/google-bert__bert-base-multilingual-uncased/no_revision_available/MTOPIntentClassification.json deleted file mode 100644 index 73955364d..000000000 --- a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/MTOPIntentClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", - "mteb_dataset_name": "MTOPIntentClassification", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 14.68, - "fr": { - "accuracy": 0.39401816473535856, - "accuracy_stderr": 0.02630920684372251, - "f1": 0.2551987977789928, - "f1_stderr": 0.010089981460469327, - "main_score": 0.39401816473535856 - } - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/MasakhaNEWSClassification.json b/results/google-bert__bert-base-multilingual-uncased/no_revision_available/MasakhaNEWSClassification.json deleted file mode 100644 index 8817f535a..000000000 --- a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/MasakhaNEWSClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "dataset_revision": "8ccc72e69e65f40c70e117d8b3c08306bb788b60", - "mteb_dataset_name": "MasakhaNEWSClassification", - "mteb_version": "1.1.3.dev0", - "test": { - "evaluation_time": 19.44, - "fra": { - "accuracy": 0.756872037914692, - "accuracy_stderr": 0.03540573022866304, - "f1": 0.7118310008631201, - "f1_stderr": 0.03527102675525154, - "main_score": 0.756872037914692 - } - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/MasakhaNEWSClusteringP2P.json b/results/google-bert__bert-base-multilingual-uncased/no_revision_available/MasakhaNEWSClusteringP2P.json deleted file mode 100644 index 9c5b22d5c..000000000 --- a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/MasakhaNEWSClusteringP2P.json +++ /dev/null @@ -1,13 +0,0 @@ -{ - "dataset_revision": "8ccc72e69e65f40c70e117d8b3c08306bb788b60", - "mteb_dataset_name": "MasakhaNEWSClusteringP2P", - "mteb_version": "1.1.3.dev0", - "test": { - "evaluation_time": 4.82, - "fra": { - "main_score": 0.49713405615266326, - "v_measure": 0.49713405615266326, - "v_measure_std": 0.283487983104256 - } - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/MasakhaNEWSClusteringS2S.json b/results/google-bert__bert-base-multilingual-uncased/no_revision_available/MasakhaNEWSClusteringS2S.json deleted file mode 100644 index 2e77145c9..000000000 --- a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/MasakhaNEWSClusteringS2S.json +++ /dev/null @@ -1,13 +0,0 @@ -{ - "dataset_revision": "8ccc72e69e65f40c70e117d8b3c08306bb788b60", - "mteb_dataset_name": "MasakhaNEWSClusteringS2S", - "mteb_version": "1.1.3.dev0", - "test": { - "evaluation_time": 0.74, - "fra": { - "main_score": 0.422255814870678, - "v_measure": 0.422255814870678, - "v_measure_std": 0.3724861798414573 - } - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/MassiveIntentClassification.json b/results/google-bert__bert-base-multilingual-uncased/no_revision_available/MassiveIntentClassification.json deleted file mode 100644 index 562aa1e2e..000000000 --- a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/MassiveIntentClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", - "mteb_dataset_name": "MassiveIntentClassification", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 9.25, - "fr": { - "accuracy": 0.38006052454606587, - "accuracy_stderr": 0.016839957197831504, - "f1": 0.37354468087619586, - "f1_stderr": 0.021757622446347217, - "main_score": 0.38006052454606587 - } - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/MassiveScenarioClassification.json b/results/google-bert__bert-base-multilingual-uncased/no_revision_available/MassiveScenarioClassification.json deleted file mode 100644 index ef5c7a46e..000000000 --- a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/MassiveScenarioClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", - "mteb_dataset_name": "MassiveScenarioClassification", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 4.46, - "fr": { - "accuracy": 0.4363147276395427, - "accuracy_stderr": 0.0206206079116626, - "f1": 0.41765865128894575, - "f1_stderr": 0.022320140554932588, - "main_score": 0.4363147276395427 - } - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/MintakaRetrieval.json b/results/google-bert__bert-base-multilingual-uncased/no_revision_available/MintakaRetrieval.json deleted file mode 100644 index e661aebf9..000000000 --- a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/MintakaRetrieval.json +++ /dev/null @@ -1,40 +0,0 @@ -{ - "dataset_revision": "efa78cc2f74bbcd21eff2261f9e13aebe40b814e", - "mteb_dataset_name": "MintakaRetrieval", - "mteb_version": "1.1.3.dev0", - "test": { - "evaluation_time": 6.79, - "fr": { - "map_at_1": 0.01269, - "map_at_10": 0.0221, - "map_at_100": 0.02454, - "map_at_1000": 0.02603, - "map_at_3": 0.01822, - "map_at_5": 0.01959, - "mrr_at_1": 0.01269, - "mrr_at_10": 0.0221, - "mrr_at_100": 0.02454, - "mrr_at_1000": 0.02603, - "mrr_at_3": 0.01822, - "mrr_at_5": 0.01959, - "ndcg_at_1": 0.01269, - "ndcg_at_10": 0.02872, - "ndcg_at_100": 0.04423, - "ndcg_at_1000": 0.10482, - "ndcg_at_3": 0.02006, - "ndcg_at_5": 0.02256, - "precision_at_1": 0.01269, - "precision_at_10": 0.00508, - "precision_at_100": 0.00132, - "precision_at_1000": 0.00066, - "precision_at_3": 0.00846, - "precision_at_5": 0.00631, - "recall_at_1": 0.01269, - "recall_at_10": 0.05078, - "recall_at_100": 0.13227, - "recall_at_1000": 0.65889, - "recall_at_3": 0.02539, - "recall_at_5": 0.03153 - } - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/OpusparcusPC.json b/results/google-bert__bert-base-multilingual-uncased/no_revision_available/OpusparcusPC.json deleted file mode 100644 index 6354c2292..000000000 --- a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/OpusparcusPC.json +++ /dev/null @@ -1,97 +0,0 @@ -{ - "dataset_revision": "9e9b1f8ef51616073f47f306f7f47dd91663f86a", - "mteb_dataset_name": "OpusparcusPC", - "mteb_version": "1.6.7", - "test.full": { - "evaluation_time": 1.88, - "fr": { - "cos_sim": { - "accuracy": 0.7322888283378747, - "accuracy_threshold": 0.6937381029129028, - "ap": 0.8743393906507683, - "f1": 0.8257839721254356, - "f1_threshold": 0.6339144706726074, - "precision": 0.7354538401861909, - "recall": 0.9414101290963257 - }, - "dot": { - "accuracy": 0.7057220708446866, - "accuracy_threshold": 30.659908294677734, - "ap": 0.831969675622474, - "f1": 0.8176932616783794, - "f1_threshold": 27.623859405517578, - "precision": 0.7004249291784702, - "recall": 0.9821251241310824 - }, - "euclidean": { - "accuracy": 0.7363760217983651, - "accuracy_threshold": 5.91989803314209, - "ap": 0.8750758641821268, - "f1": 0.8240942819729377, - "f1_threshold": 6.334188461303711, - "precision": 0.735202492211838, - "recall": 0.9374379344587885 - }, - "manhattan": { - "accuracy": 0.7350136239782016, - "accuracy_threshold": 128.18798828125, - "ap": 0.8753486396185517, - "f1": 0.8226643598615917, - "f1_threshold": 141.0941925048828, - "precision": 0.728735632183908, - "recall": 0.9443892750744787 - }, - "max": { - "accuracy": 0.7363760217983651, - "ap": 0.8753486396185517, - "f1": 0.8257839721254356 - } - } - }, - "validation.full": { - "evaluation_time": 1.12, - "fr": { - "cos_sim": { - "accuracy": 0.7393162393162394, - "accuracy_threshold": 0.705936074256897, - "ap": 0.8874950508866897, - "f1": 0.8361381753764394, - "f1_threshold": 0.6389778852462769, - "precision": 0.7486122125297383, - "recall": 0.9468405215646941 - }, - "dot": { - "accuracy": 0.7222222222222222, - "accuracy_threshold": 27.34768295288086, - "ap": 0.8352820870829396, - "f1": 0.8353040540540541, - "f1_threshold": 26.78963851928711, - "precision": 0.7213712618526623, - "recall": 0.9919759277833501 - }, - "euclidean": { - "accuracy": 0.74002849002849, - "accuracy_threshold": 6.239987850189209, - "ap": 0.8893764462898779, - "f1": 0.8368350469378631, - "f1_threshold": 6.239987850189209, - "precision": 0.7548387096774194, - "recall": 0.9388164493480441 - }, - "manhattan": { - "accuracy": 0.7378917378917379, - "accuracy_threshold": 132.34649658203125, - "ap": 0.8901490159983356, - "f1": 0.8360071301247772, - "f1_threshold": 137.5882110595703, - "precision": 0.7522052927024859, - "recall": 0.9408224674022067 - }, - "max": { - "accuracy": 0.74002849002849, - "ap": 0.8901490159983356, - "f1": 0.8368350469378631 - } - } - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/PawsXPairClassification.json b/results/google-bert__bert-base-multilingual-uncased/no_revision_available/PawsXPairClassification.json deleted file mode 100644 index 01869095d..000000000 --- a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/PawsXPairClassification.json +++ /dev/null @@ -1,51 +0,0 @@ -{ - "dataset_revision": "8a04d940a42cd40658986fdd8e3da561533a3646", - "mteb_dataset_name": "PawsXPairClassification", - "mteb_version": "1.1.3.dev0", - "test": { - "evaluation_time": 3.96, - "fr": { - "cos_sim": { - "accuracy": 0.578, - "accuracy_threshold": 0.9884029145948847, - "ap": 0.5322360899538218, - "f1": 0.6257839721254355, - "f1_threshold": 0.8928437828183153, - "precision": 0.456532791052364, - "recall": 0.9944629014396457 - }, - "dot": { - "accuracy": 0.578, - "accuracy_threshold": 0.9884029309036406, - "ap": 0.5333062169070473, - "f1": 0.6257839721254355, - "f1_threshold": 0.8928437471131099, - "precision": 0.456532791052364, - "recall": 0.9944629014396457 - }, - "euclidean": { - "accuracy": 0.578, - "accuracy_threshold": 0.15229628932302958, - "ap": 0.5322360899538218, - "f1": 0.6257839721254355, - "f1_threshold": 0.4629172125313885, - "precision": 0.456532791052364, - "recall": 0.9944629014396457 - }, - "manhattan": { - "accuracy": 0.5785, - "accuracy_threshold": 3.3623000295438032, - "ap": 0.5323868754892794, - "f1": 0.6255660048763497, - "f1_threshold": 10.25588538846192, - "precision": 0.4563008130081301, - "recall": 0.9944629014396457 - }, - "max": { - "accuracy": 0.5785, - "ap": 0.5333062169070473, - "f1": 0.6257839721254355 - } - } - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/SICKFr.json b/results/google-bert__bert-base-multilingual-uncased/no_revision_available/SICKFr.json deleted file mode 100644 index 5ebe24c3f..000000000 --- a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/SICKFr.json +++ /dev/null @@ -1,20 +0,0 @@ -{ - "dataset_revision": "e077ab4cf4774a1e36d86d593b150422fafd8e8a", - "mteb_dataset_name": "SICKFr", - "mteb_version": "1.1.2.dev0", - "test": { - "cos_sim": { - "pearson": 0.5817791249083761, - "spearman": 0.5826449144443914 - }, - "euclidean": { - "pearson": 0.5834170456509409, - "spearman": 0.5826445480408944 - }, - "evaluation_time": 4.75, - "manhattan": { - "pearson": 0.586166086252326, - "spearman": 0.584636575564612 - } - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/STS22.json b/results/google-bert__bert-base-multilingual-uncased/no_revision_available/STS22.json deleted file mode 100644 index bde4b9a32..000000000 --- a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/STS22.json +++ /dev/null @@ -1,22 +0,0 @@ -{ - "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", - "mteb_dataset_name": "STS22", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 1.9, - "fr": { - "cos_sim": { - "pearson": 0.2534156465043172, - "spearman": 0.5647457412587442 - }, - "euclidean": { - "pearson": 0.3730480282267507, - "spearman": 0.5647457412587442 - }, - "manhattan": { - "pearson": 0.3984771129739965, - "spearman": 0.5642473335795819 - } - } - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/STSBenchmarkMultilingualSTS.json b/results/google-bert__bert-base-multilingual-uncased/no_revision_available/STSBenchmarkMultilingualSTS.json deleted file mode 100644 index f5c0ec913..000000000 --- a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/STSBenchmarkMultilingualSTS.json +++ /dev/null @@ -1,22 +0,0 @@ -{ - "dataset_revision": "93d57ef91790589e3ce9c365164337a8a78b7632", - "mteb_dataset_name": "STSBenchmarkMultilingualSTS", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 2.33, - "fr": { - "cos_sim": { - "pearson": 0.5392299721814288, - "spearman": 0.5497353309633939 - }, - "euclidean": { - "pearson": 0.5584068286589587, - "spearman": 0.5497353309633939 - }, - "manhattan": { - "pearson": 0.5595618000600633, - "spearman": 0.5509071243053898 - } - } - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/SummEvalFr.json b/results/google-bert__bert-base-multilingual-uncased/no_revision_available/SummEvalFr.json deleted file mode 100644 index 0a116b4b2..000000000 --- a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/SummEvalFr.json +++ /dev/null @@ -1,16 +0,0 @@ -{ - "dataset_revision": "b385812de6a9577b6f4d0f88c6a6e35395a94054", - "mteb_dataset_name": "SummEvalFr", - "mteb_version": "1.1.2.dev0", - "test": { - "cos_sim": { - "pearson": 0.3065393028288932, - "spearman": 0.3072334740467725 - }, - "dot": { - "pearson": 0.30653918512479417, - "spearman": 0.3072334740467725 - }, - "evaluation_time": 6.74 - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/SyntecReranking.json b/results/google-bert__bert-base-multilingual-uncased/no_revision_available/SyntecReranking.json deleted file mode 100644 index d81ea1029..000000000 --- a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/SyntecReranking.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "b205c5084a0934ce8af14338bf03feb19499c84d", - "mteb_dataset_name": "SyntecReranking", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 6.34, - "map": 0.664, - "mrr": 0.664 - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/SyntecRetrieval.json b/results/google-bert__bert-base-multilingual-uncased/no_revision_available/SyntecRetrieval.json deleted file mode 100644 index 3ca9c6182..000000000 --- a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/SyntecRetrieval.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": "77f7e271bf4a92b24fce5119f3486b583ca016ff", - "mteb_dataset_name": "SyntecRetrieval", - "mteb_version": "1.1.2.dev0", - "test": { - "evaluation_time": 2.64, - "map_at_1": 0.14, - "map_at_10": 0.26467, - "map_at_100": 0.28246, - "map_at_1000": 0.28246, - "map_at_3": 0.21167, - "map_at_5": 0.23367, - "mrr_at_1": 0.14, - "mrr_at_10": 0.26467, - "mrr_at_100": 0.28246, - "mrr_at_1000": 0.28246, - "mrr_at_3": 0.21167, - "mrr_at_5": 0.23367, - "ndcg_at_1": 0.14, - "ndcg_at_10": 0.34951, - "ndcg_at_100": 0.43074, - "ndcg_at_1000": 0.43074, - "ndcg_at_3": 0.2344, - "ndcg_at_5": 0.27484, - "precision_at_1": 0.14, - "precision_at_10": 0.063, - "precision_at_100": 0.01, - "precision_at_1000": 0.001, - "precision_at_3": 0.1, - "precision_at_5": 0.08, - "recall_at_1": 0.14, - "recall_at_10": 0.63, - "recall_at_100": 1.0, - "recall_at_1000": 1.0, - "recall_at_3": 0.3, - "recall_at_5": 0.4 - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/XPQARetrieval.json b/results/google-bert__bert-base-multilingual-uncased/no_revision_available/XPQARetrieval.json deleted file mode 100644 index 3c99b31d6..000000000 --- a/results/google-bert__bert-base-multilingual-uncased/no_revision_available/XPQARetrieval.json +++ /dev/null @@ -1,40 +0,0 @@ -{ - "dataset_revision": "c99d599f0a6ab9b85b065da6f9d94f9cf731679f", - "mteb_dataset_name": "XPQARetrieval", - "mteb_version": "1.1.3.dev0", - "test": { - "evaluation_time": 3.54, - "fr": { - "map_at_1": 0.13689, - "map_at_10": 0.21576, - "map_at_100": 0.2273, - "map_at_1000": 0.22962, - "map_at_3": 0.18998, - "map_at_5": 0.20365, - "mrr_at_1": 0.24833, - "mrr_at_10": 0.29909, - "mrr_at_100": 0.3067, - "mrr_at_1000": 0.30786, - "mrr_at_3": 0.28104, - "mrr_at_5": 0.29192, - "ndcg_at_1": 0.24833, - "ndcg_at_10": 0.26117, - "ndcg_at_100": 0.31139, - "ndcg_at_1000": 0.36771, - "ndcg_at_3": 0.23139, - "ndcg_at_5": 0.23844, - "precision_at_1": 0.24833, - "precision_at_10": 0.06595, - "precision_at_100": 0.01113, - "precision_at_1000": 0.0019, - "precision_at_3": 0.14864, - "precision_at_5": 0.10708, - "recall_at_1": 0.13689, - "recall_at_10": 0.31182, - "recall_at_100": 0.51206, - "recall_at_1000": 0.90289, - "recall_at_3": 0.21397, - "recall_at_5": 0.25532 - } - } -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/AmazonCounterfactualClassification.json b/results/google-bert__bert-base-uncased/no_revision_available/AmazonCounterfactualClassification.json deleted file mode 100644 index 530a0939a..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/AmazonCounterfactualClassification.json +++ /dev/null @@ -1,17 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "en": { - "accuracy": 0.7425373134328358, - "accuracy_stderr": 0.041733702664283695, - "ap": 0.3734710240657174, - "ap_stderr": 0.046845053745457575, - "f1": 0.6830745761719077, - "f1_stderr": 0.04195436704037363, - "main_score": 0.7425373134328358 - }, - "evaluation_time": 10.21 - }, - "mteb_dataset_name": "AmazonCounterfactualClassification", - "dataset_revision": "2d8a100785abf0ae21420d2a55b0c56e3e1ea996" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/AmazonPolarityClassification.json b/results/google-bert__bert-base-uncased/no_revision_available/AmazonPolarityClassification.json deleted file mode 100644 index 526ad5854..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/AmazonPolarityClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "accuracy": 0.7132945, - "accuracy_stderr": 0.026725886182688143, - "ap": 0.6599433091243445, - "ap_stderr": 0.031242474150067433, - "evaluation_time": 1167.42, - "f1": 0.7092480161195682, - "f1_stderr": 0.02826319858897452, - "main_score": 0.7132945 - }, - "mteb_dataset_name": "AmazonPolarityClassification", - "dataset_revision": "80714f8dcf8cefc218ef4f8c5a966dd83f75a0e1" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/AmazonReviewsClassification.json b/results/google-bert__bert-base-uncased/no_revision_available/AmazonReviewsClassification.json deleted file mode 100644 index c8bac23b1..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/AmazonReviewsClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "en": { - "accuracy": 0.33564, - "accuracy_stderr": 0.014463415917410386, - "f1": 0.33219458983366357, - "f1_stderr": 0.01691616009485638, - "main_score": 0.33564 - }, - "evaluation_time": 20.93 - }, - "mteb_dataset_name": "AmazonReviewsClassification", - "dataset_revision": "c379a6705fec24a2493fa68e011692605f44e119" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/ArguAna.json b/results/google-bert__bert-base-uncased/no_revision_available/ArguAna.json deleted file mode 100644 index 43c32129d..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/ArguAna.json +++ /dev/null @@ -1,32 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "evaluation_time": 47.97, - "map_at_1": 0.133, - "map_at_10": 0.22639, - "map_at_100": 0.23819, - "map_at_1000": 0.23892, - "map_at_3": 0.19227, - "map_at_5": 0.21137, - "ndcg_at_1": 0.133, - "ndcg_at_10": 0.28294, - "ndcg_at_100": 0.34367, - "ndcg_at_1000": 0.36419, - "ndcg_at_3": 0.21225, - "ndcg_at_5": 0.24644, - "precision_at_1": 0.133, - "precision_at_10": 0.04659, - "precision_at_100": 0.00757, - "precision_at_1000": 0.00092, - "precision_at_3": 0.09009, - "precision_at_5": 0.07055, - "recall_at_1": 0.133, - "recall_at_10": 0.46586, - "recall_at_100": 0.75747, - "recall_at_1000": 0.92105, - "recall_at_3": 0.27027, - "recall_at_5": 0.35277 - }, - "mteb_dataset_name": "ArguAna", - "dataset_revision": "5b3e3697907184a9b77a3c99ee9ea1a9cbb1e4e3" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/ArxivClusteringP2P.json b/results/google-bert__bert-base-uncased/no_revision_available/ArxivClusteringP2P.json deleted file mode 100644 index dc953cd98..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/ArxivClusteringP2P.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "evaluation_time": 4818.51, - "v_measure": 0.3518932830729758, - "v_measure_std": 0.1475792516837649 - }, - "mteb_dataset_name": "ArxivClusteringP2P", - "dataset_revision": "0bbdb47bcbe3a90093699aefeed338a0f28a7ee8" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/ArxivClusteringS2S.json b/results/google-bert__bert-base-uncased/no_revision_available/ArxivClusteringS2S.json deleted file mode 100644 index 4f951de95..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/ArxivClusteringS2S.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "evaluation_time": 480.46, - "v_measure": 0.2750822951507033, - "v_measure_std": 0.15197966694489556 - }, - "mteb_dataset_name": "ArxivClusteringS2S", - "dataset_revision": "b73bd54100e5abfa6e3a23dcafb46fe4d2438dc3" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/AskUbuntuDupQuestions.json b/results/google-bert__bert-base-uncased/no_revision_available/AskUbuntuDupQuestions.json deleted file mode 100644 index 692a2d128..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/AskUbuntuDupQuestions.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "evaluation_time": 5.64, - "map": 0.4584088706528255, - "mrr": 0.595351316888713 - }, - "mteb_dataset_name": "AskUbuntuDupQuestions", - "dataset_revision": "4d853f94cd57d85ec13805aeeac3ae3e5eb4c49c" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/BIOSSES.json b/results/google-bert__bert-base-uncased/no_revision_available/BIOSSES.json deleted file mode 100644 index de44caae7..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/BIOSSES.json +++ /dev/null @@ -1,20 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "cos_sim": { - "pearson": 0.5367427623305132, - "spearman": 0.5469823428818151 - }, - "euclidean": { - "pearson": 0.5362337404182951, - "spearman": 0.546000392796573 - }, - "evaluation_time": 2.06, - "manhattan": { - "pearson": 0.5361699295476109, - "spearman": 0.5506390527084533 - } - }, - "mteb_dataset_name": "BIOSSES", - "dataset_revision": "9ee918f184421b6bd48b78f6c714d86546106103" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/Banking77Classification.json b/results/google-bert__bert-base-uncased/no_revision_available/Banking77Classification.json deleted file mode 100644 index 5b3751d0c..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/Banking77Classification.json +++ /dev/null @@ -1,13 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "accuracy": 0.6340584415584415, - "accuracy_stderr": 0.008410845727747153, - "evaluation_time": 27.84, - "f1": 0.6322930289600828, - "f1_stderr": 0.008866789948664876, - "main_score": 0.6340584415584415 - }, - "mteb_dataset_name": "Banking77Classification", - "dataset_revision": "44fa15921b4c889113cc5df03dd4901b49161ab7" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/BiorxivClusteringP2P.json b/results/google-bert__bert-base-uncased/no_revision_available/BiorxivClusteringP2P.json deleted file mode 100644 index 0f9c0488e..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/BiorxivClusteringP2P.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "evaluation_time": 691.13, - "v_measure": 0.3012278640553615, - "v_measure_std": 0.006393479097657518 - }, - "mteb_dataset_name": "BiorxivClusteringP2P", - "dataset_revision": "11d0121201d1f1f280e8cc8f3d98fb9c4d9f9c55" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/BiorxivClusteringS2S.json b/results/google-bert__bert-base-uncased/no_revision_available/BiorxivClusteringS2S.json deleted file mode 100644 index 9b198c539..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/BiorxivClusteringS2S.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "evaluation_time": 58.83, - "v_measure": 0.2476601053047804, - "v_measure_std": 0.007606247828043063 - }, - "mteb_dataset_name": "BiorxivClusteringS2S", - "dataset_revision": "c0fab014e1bcb8d3a5e31b2088972a1e01547dc1" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/CQADupstackAndroidRetrieval.json b/results/google-bert__bert-base-uncased/no_revision_available/CQADupstackAndroidRetrieval.json deleted file mode 100644 index cc72d761f..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/CQADupstackAndroidRetrieval.json +++ /dev/null @@ -1,32 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "evaluation_time": 76.06, - "map_at_1": 0.05258, - "map_at_10": 0.07951, - "map_at_100": 0.08511, - "map_at_1000": 0.08634, - "map_at_3": 0.06917, - "map_at_5": 0.07494, - "ndcg_at_1": 0.06438, - "ndcg_at_10": 0.10062, - "ndcg_at_100": 0.13288, - "ndcg_at_1000": 0.16869, - "ndcg_at_3": 0.08084, - "ndcg_at_5": 0.0899, - "precision_at_1": 0.06438, - "precision_at_10": 0.02017, - "precision_at_100": 0.00464, - "precision_at_1000": 0.00101, - "precision_at_3": 0.0391, - "precision_at_5": 0.03062, - "recall_at_1": 0.05258, - "recall_at_10": 0.14837, - "recall_at_100": 0.29476, - "recall_at_1000": 0.55481, - "recall_at_3": 0.09082, - "recall_at_5": 0.11544 - }, - "mteb_dataset_name": "CQADupstackAndroidRetrieval", - "dataset_revision": "2b9f5791698b5be7bc5e10535c8690f20043c3db" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/CQADupstackEnglishRetrieval.json b/results/google-bert__bert-base-uncased/no_revision_available/CQADupstackEnglishRetrieval.json deleted file mode 100644 index 6e0ba8492..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/CQADupstackEnglishRetrieval.json +++ /dev/null @@ -1,32 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "evaluation_time": 112.95, - "map_at_1": 0.04759, - "map_at_10": 0.068, - "map_at_100": 0.0728, - "map_at_1000": 0.07378, - "map_at_3": 0.06203, - "map_at_5": 0.06482, - "ndcg_at_1": 0.06242, - "ndcg_at_10": 0.08378, - "ndcg_at_100": 0.10962, - "ndcg_at_1000": 0.13854, - "ndcg_at_3": 0.07247, - "ndcg_at_5": 0.07666, - "precision_at_1": 0.06242, - "precision_at_10": 0.0165, - "precision_at_100": 0.00392, - "precision_at_1000": 0.00086, - "precision_at_3": 0.03503, - "precision_at_5": 0.02522, - "recall_at_1": 0.04759, - "recall_at_10": 0.11165, - "recall_at_100": 0.22827, - "recall_at_1000": 0.43502, - "recall_at_3": 0.07943, - "recall_at_5": 0.09025 - }, - "mteb_dataset_name": "CQADupstackEnglishRetrieval", - "dataset_revision": "2b9f5791698b5be7bc5e10535c8690f20043c3db" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/CQADupstackGamingRetrieval.json b/results/google-bert__bert-base-uncased/no_revision_available/CQADupstackGamingRetrieval.json deleted file mode 100644 index 142c7ce41..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/CQADupstackGamingRetrieval.json +++ /dev/null @@ -1,32 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "evaluation_time": 128.12, - "map_at_1": 0.04807, - "map_at_10": 0.07334, - "map_at_100": 0.07895, - "map_at_1000": 0.08008, - "map_at_3": 0.0649, - "map_at_5": 0.06912, - "ndcg_at_1": 0.05517, - "ndcg_at_10": 0.09076, - "ndcg_at_100": 0.12344, - "ndcg_at_1000": 0.15846, - "ndcg_at_3": 0.07315, - "ndcg_at_5": 0.08035, - "precision_at_1": 0.05517, - "precision_at_10": 0.0168, - "precision_at_100": 0.00384, - "precision_at_1000": 0.00076, - "precision_at_3": 0.03427, - "precision_at_5": 0.0252, - "recall_at_1": 0.04807, - "recall_at_10": 0.13385, - "recall_at_100": 0.29057, - "recall_at_1000": 0.56267, - "recall_at_3": 0.08505, - "recall_at_5": 0.10302 - }, - "mteb_dataset_name": "CQADupstackGamingRetrieval", - "dataset_revision": "2b9f5791698b5be7bc5e10535c8690f20043c3db" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/CQADupstackGisRetrieval.json b/results/google-bert__bert-base-uncased/no_revision_available/CQADupstackGisRetrieval.json deleted file mode 100644 index 40d900cdc..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/CQADupstackGisRetrieval.json +++ /dev/null @@ -1,32 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "evaluation_time": 200.06, - "map_at_1": 0.02448, - "map_at_10": 0.03701, - "map_at_100": 0.04009, - "map_at_1000": 0.04084, - "map_at_3": 0.03324, - "map_at_5": 0.03492, - "ndcg_at_1": 0.02599, - "ndcg_at_10": 0.04495, - "ndcg_at_100": 0.06261, - "ndcg_at_1000": 0.0874, - "ndcg_at_3": 0.03655, - "ndcg_at_5": 0.03944, - "precision_at_1": 0.02599, - "precision_at_10": 0.0078, - "precision_at_100": 0.00176, - "precision_at_1000": 0.00042, - "precision_at_3": 0.01544, - "precision_at_5": 0.01107, - "recall_at_1": 0.02448, - "recall_at_10": 0.0679, - "recall_at_100": 0.15341, - "recall_at_1000": 0.35011, - "recall_at_3": 0.04369, - "recall_at_5": 0.05085 - }, - "mteb_dataset_name": "CQADupstackGisRetrieval", - "dataset_revision": "2b9f5791698b5be7bc5e10535c8690f20043c3db" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/CQADupstackMathematicaRetrieval.json b/results/google-bert__bert-base-uncased/no_revision_available/CQADupstackMathematicaRetrieval.json deleted file mode 100644 index db0d4788a..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/CQADupstackMathematicaRetrieval.json +++ /dev/null @@ -1,32 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "evaluation_time": 119.56, - "map_at_1": 0.01005, - "map_at_10": 0.01655, - "map_at_100": 0.0193, - "map_at_1000": 0.02006, - "map_at_3": 0.01515, - "map_at_5": 0.01581, - "ndcg_at_1": 0.01368, - "ndcg_at_10": 0.02122, - "ndcg_at_100": 0.03802, - "ndcg_at_1000": 0.06654, - "ndcg_at_3": 0.01813, - "ndcg_at_5": 0.01917, - "precision_at_1": 0.01368, - "precision_at_10": 0.00423, - "precision_at_100": 0.00159, - "precision_at_1000": 0.00052, - "precision_at_3": 0.00912, - "precision_at_5": 0.00647, - "recall_at_1": 0.01005, - "recall_at_10": 0.03038, - "recall_at_100": 0.10796, - "recall_at_1000": 0.32613, - "recall_at_3": 0.02122, - "recall_at_5": 0.02433 - }, - "mteb_dataset_name": "CQADupstackMathematicaRetrieval", - "dataset_revision": "2b9f5791698b5be7bc5e10535c8690f20043c3db" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/CQADupstackPhysicsRetrieval.json b/results/google-bert__bert-base-uncased/no_revision_available/CQADupstackPhysicsRetrieval.json deleted file mode 100644 index 9595e1a5a..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/CQADupstackPhysicsRetrieval.json +++ /dev/null @@ -1,32 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "evaluation_time": 222.77, - "map_at_1": 0.04695, - "map_at_10": 0.06646, - "map_at_100": 0.07203, - "map_at_1000": 0.07328, - "map_at_3": 0.05824, - "map_at_5": 0.06281, - "ndcg_at_1": 0.06064, - "ndcg_at_10": 0.08395, - "ndcg_at_100": 0.11543, - "ndcg_at_1000": 0.15174, - "ndcg_at_3": 0.06847, - "ndcg_at_5": 0.07568, - "precision_at_1": 0.06064, - "precision_at_10": 0.01713, - "precision_at_100": 0.00431, - "precision_at_1000": 0.00095, - "precision_at_3": 0.03337, - "precision_at_5": 0.02599, - "recall_at_1": 0.04695, - "recall_at_10": 0.11812, - "recall_at_100": 0.26102, - "recall_at_1000": 0.52636, - "recall_at_3": 0.07265, - "recall_at_5": 0.09233 - }, - "mteb_dataset_name": "CQADupstackPhysicsRetrieval", - "dataset_revision": "2b9f5791698b5be7bc5e10535c8690f20043c3db" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/CQADupstackProgrammersRetrieval.json b/results/google-bert__bert-base-uncased/no_revision_available/CQADupstackProgrammersRetrieval.json deleted file mode 100644 index 2cd6fe838..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/CQADupstackProgrammersRetrieval.json +++ /dev/null @@ -1,32 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "evaluation_time": 169.61, - "map_at_1": 0.01853, - "map_at_10": 0.03497, - "map_at_100": 0.03874, - "map_at_1000": 0.03975, - "map_at_3": 0.03077, - "map_at_5": 0.03285, - "ndcg_at_1": 0.02397, - "ndcg_at_10": 0.04612, - "ndcg_at_100": 0.06885, - "ndcg_at_1000": 0.10261, - "ndcg_at_3": 0.03722, - "ndcg_at_5": 0.04092, - "precision_at_1": 0.02397, - "precision_at_10": 0.00936, - "precision_at_100": 0.00251, - "precision_at_1000": 0.0007, - "precision_at_3": 0.01941, - "precision_at_5": 0.01438, - "recall_at_1": 0.01853, - "recall_at_10": 0.07165, - "recall_at_100": 0.1778, - "recall_at_1000": 0.42877, - "recall_at_3": 0.04612, - "recall_at_5": 0.05527 - }, - "mteb_dataset_name": "CQADupstackProgrammersRetrieval", - "dataset_revision": "2b9f5791698b5be7bc5e10535c8690f20043c3db" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/CQADupstackRetrieval.json b/results/google-bert__bert-base-uncased/no_revision_available/CQADupstackRetrieval.json deleted file mode 100644 index 4e126c495..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/CQADupstackRetrieval.json +++ /dev/null @@ -1,32 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "evaluation_time": 271.39, - "map_at_1": 0.02837166666666667, - "map_at_10": 0.04359083333333333, - "map_at_100": 0.04751833333333334, - "map_at_1000": 0.04842583333333333, - "map_at_3": 0.038552499999999996, - "map_at_5": 0.0409875, - "ndcg_at_1": 0.03508166666666667, - "ndcg_at_10": 0.05506583333333333, - "ndcg_at_100": 0.07784416666666666, - "ndcg_at_1000": 0.10699500000000002, - "ndcg_at_3": 0.04484666666666667, - "ndcg_at_5": 0.04884666666666666, - "precision_at_1": 0.03508166666666667, - "precision_at_10": 0.010905833333333333, - "precision_at_100": 0.002743333333333333, - "precision_at_1000": 0.0006633333333333333, - "precision_at_3": 0.021763333333333332, - "precision_at_5": 0.016215, - "recall_at_1": 0.02837166666666667, - "recall_at_10": 0.08038916666666666, - "recall_at_100": 0.18732750000000004, - "recall_at_1000": 0.40768750000000004, - "recall_at_3": 0.051042500000000005, - "recall_at_5": 0.06142583333333334 - }, - "mteb_dataset_name": "CQADupstackRetrieval", - "dataset_revision": "2b9f5791698b5be7bc5e10535c8690f20043c3db" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/CQADupstackStatsRetrieval.json b/results/google-bert__bert-base-uncased/no_revision_available/CQADupstackStatsRetrieval.json deleted file mode 100644 index 9b88a3560..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/CQADupstackStatsRetrieval.json +++ /dev/null @@ -1,32 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "evaluation_time": 278.17, - "map_at_1": 0.01048, - "map_at_10": 0.02103, - "map_at_100": 0.02386, - "map_at_1000": 0.0245, - "map_at_3": 0.01844, - "map_at_5": 0.019, - "ndcg_at_1": 0.01227, - "ndcg_at_10": 0.02837, - "ndcg_at_100": 0.04502, - "ndcg_at_1000": 0.06759, - "ndcg_at_3": 0.02232, - "ndcg_at_5": 0.02333, - "precision_at_1": 0.01227, - "precision_at_10": 0.00613, - "precision_at_100": 0.00164, - "precision_at_1000": 0.00041, - "precision_at_3": 0.01176, - "precision_at_5": 0.00798, - "recall_at_1": 0.01048, - "recall_at_10": 0.04582, - "recall_at_100": 0.12542, - "recall_at_1000": 0.30382, - "recall_at_3": 0.02895, - "recall_at_5": 0.03151 - }, - "mteb_dataset_name": "CQADupstackStatsRetrieval", - "dataset_revision": "2b9f5791698b5be7bc5e10535c8690f20043c3db" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/CQADupstackTexRetrieval.json b/results/google-bert__bert-base-uncased/no_revision_available/CQADupstackTexRetrieval.json deleted file mode 100644 index 2c34c778f..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/CQADupstackTexRetrieval.json +++ /dev/null @@ -1,32 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "evaluation_time": 458.35, - "map_at_1": 0.01273, - "map_at_10": 0.02051, - "map_at_100": 0.02271, - "map_at_1000": 0.02324, - "map_at_3": 0.01795, - "map_at_5": 0.01927, - "ndcg_at_1": 0.01721, - "ndcg_at_10": 0.02673, - "ndcg_at_100": 0.04049, - "ndcg_at_1000": 0.05906, - "ndcg_at_3": 0.02147, - "ndcg_at_5": 0.02369, - "precision_at_1": 0.01721, - "precision_at_10": 0.00571, - "precision_at_100": 0.00159, - "precision_at_1000": 0.00041, - "precision_at_3": 0.01101, - "precision_at_5": 0.00826, - "recall_at_1": 0.01273, - "recall_at_10": 0.03929, - "recall_at_100": 0.10411, - "recall_at_1000": 0.24484, - "recall_at_3": 0.02436, - "recall_at_5": 0.03016 - }, - "mteb_dataset_name": "CQADupstackTexRetrieval", - "dataset_revision": "2b9f5791698b5be7bc5e10535c8690f20043c3db" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/CQADupstackUnixRetrieval.json b/results/google-bert__bert-base-uncased/no_revision_available/CQADupstackUnixRetrieval.json deleted file mode 100644 index 97c1a801c..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/CQADupstackUnixRetrieval.json +++ /dev/null @@ -1,32 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "evaluation_time": 249.85, - "map_at_1": 0.02969, - "map_at_10": 0.03827, - "map_at_100": 0.04142, - "map_at_1000": 0.04215, - "map_at_3": 0.03454, - "map_at_5": 0.03597, - "ndcg_at_1": 0.03451, - "ndcg_at_10": 0.04656, - "ndcg_at_100": 0.06598, - "ndcg_at_1000": 0.09049, - "ndcg_at_3": 0.03877, - "ndcg_at_5": 0.04087, - "precision_at_1": 0.03451, - "precision_at_10": 0.00868, - "precision_at_100": 0.00219, - "precision_at_1000": 0.0005, - "precision_at_3": 0.01772, - "precision_at_5": 0.01231, - "recall_at_1": 0.02969, - "recall_at_10": 0.06405, - "recall_at_100": 0.15653, - "recall_at_1000": 0.344, - "recall_at_3": 0.0409, - "recall_at_5": 0.04711 - }, - "mteb_dataset_name": "CQADupstackUnixRetrieval", - "dataset_revision": "2b9f5791698b5be7bc5e10535c8690f20043c3db" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/CQADupstackWebmastersRetrieval.json b/results/google-bert__bert-base-uncased/no_revision_available/CQADupstackWebmastersRetrieval.json deleted file mode 100644 index bc943f79c..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/CQADupstackWebmastersRetrieval.json +++ /dev/null @@ -1,32 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "evaluation_time": 81.45, - "map_at_1": 0.03099, - "map_at_10": 0.04681, - "map_at_100": 0.05204, - "map_at_1000": 0.05331, - "map_at_3": 0.04249, - "map_at_5": 0.04358, - "ndcg_at_1": 0.0415, - "ndcg_at_10": 0.05886, - "ndcg_at_100": 0.08927, - "ndcg_at_1000": 0.12777, - "ndcg_at_3": 0.05028, - "ndcg_at_5": 0.05198, - "precision_at_1": 0.0415, - "precision_at_10": 0.01245, - "precision_at_100": 0.0036, - "precision_at_1000": 0.00107, - "precision_at_3": 0.02569, - "precision_at_5": 0.01858, - "recall_at_1": 0.03099, - "recall_at_10": 0.08122, - "recall_at_100": 0.23046, - "recall_at_1000": 0.51502, - "recall_at_3": 0.05467, - "recall_at_5": 0.05833 - }, - "mteb_dataset_name": "CQADupstackWebmastersRetrieval", - "dataset_revision": "2b9f5791698b5be7bc5e10535c8690f20043c3db" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/CQADupstackWordpressRetrieval.json b/results/google-bert__bert-base-uncased/no_revision_available/CQADupstackWordpressRetrieval.json deleted file mode 100644 index c7b75a67a..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/CQADupstackWordpressRetrieval.json +++ /dev/null @@ -1,32 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "evaluation_time": 271.39, - "map_at_1": 0.00832, - "map_at_10": 0.02063, - "map_at_100": 0.02317, - "map_at_1000": 0.02378, - "map_at_3": 0.01571, - "map_at_5": 0.01876, - "ndcg_at_1": 0.00924, - "ndcg_at_10": 0.02887, - "ndcg_at_100": 0.04252, - "ndcg_at_1000": 0.06505, - "ndcg_at_3": 0.01849, - "ndcg_at_5": 0.02417, - "precision_at_1": 0.00924, - "precision_at_10": 0.00591, - "precision_at_100": 0.00133, - "precision_at_1000": 0.00035, - "precision_at_3": 0.00924, - "precision_at_5": 0.0085, - "recall_at_1": 0.00832, - "recall_at_10": 0.05237, - "recall_at_100": 0.11762, - "recall_at_1000": 0.3007, - "recall_at_3": 0.02465, - "recall_at_5": 0.03851 - }, - "mteb_dataset_name": "CQADupstackWordpressRetrieval", - "dataset_revision": "2b9f5791698b5be7bc5e10535c8690f20043c3db" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/ClimateFEVER.json b/results/google-bert__bert-base-uncased/no_revision_available/ClimateFEVER.json deleted file mode 100644 index 33daeb0fd..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/ClimateFEVER.json +++ /dev/null @@ -1,32 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "evaluation_time": 15219.75, - "map_at_1": 0.01738, - "map_at_10": 0.03194, - "map_at_100": 0.04094, - "map_at_1000": 0.04301, - "map_at_3": 0.02465, - "map_at_5": 0.0268, - "ndcg_at_1": 0.03779, - "ndcg_at_10": 0.0541, - "ndcg_at_100": 0.10796, - "ndcg_at_1000": 0.15717, - "ndcg_at_3": 0.03596, - "ndcg_at_5": 0.03913, - "precision_at_1": 0.03779, - "precision_at_10": 0.0202, - "precision_at_100": 0.00774, - "precision_at_1000": 0.00166, - "precision_at_3": 0.02801, - "precision_at_5": 0.02189, - "recall_at_1": 0.01738, - "recall_at_10": 0.07885, - "recall_at_100": 0.2786, - "recall_at_1000": 0.56526, - "recall_at_3": 0.0345, - "recall_at_5": 0.04353 - }, - "mteb_dataset_name": "ClimateFEVER", - "dataset_revision": "392b78eb68c07badcd7c2cd8f39af108375dfcce" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/DBPedia.json b/results/google-bert__bert-base-uncased/no_revision_available/DBPedia.json deleted file mode 100644 index 4b957e9d3..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/DBPedia.json +++ /dev/null @@ -1,32 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "evaluation_time": 8525.21, - "map_at_1": 0.00466, - "map_at_10": 0.01019, - "map_at_100": 0.01885, - "map_at_1000": 0.02263, - "map_at_3": 0.00722, - "map_at_5": 0.00839, - "ndcg_at_1": 0.04875, - "ndcg_at_10": 0.04132, - "ndcg_at_100": 0.06461, - "ndcg_at_1000": 0.11359, - "ndcg_at_3": 0.04542, - "ndcg_at_5": 0.04214, - "precision_at_1": 0.0725, - "precision_at_10": 0.04375, - "precision_at_100": 0.02125, - "precision_at_1000": 0.00633, - "precision_at_3": 0.05917, - "precision_at_5": 0.0515, - "recall_at_1": 0.00466, - "recall_at_10": 0.02115, - "recall_at_100": 0.10394, - "recall_at_1000": 0.27361, - "recall_at_3": 0.0097, - "recall_at_5": 0.01323 - }, - "mteb_dataset_name": "DBPedia", - "dataset_revision": "f097057d03ed98220bc7309ddb10b71a54d667d6" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/EmotionClassification.json b/results/google-bert__bert-base-uncased/no_revision_available/EmotionClassification.json deleted file mode 100644 index 953f1cfb5..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/EmotionClassification.json +++ /dev/null @@ -1,13 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "accuracy": 0.3528, - "accuracy_stderr": 0.02305775357661713, - "evaluation_time": 12.9, - "f1": 0.3133946950761892, - "f1_stderr": 0.017818137809421694, - "main_score": 0.3528 - }, - "mteb_dataset_name": "EmotionClassification", - "dataset_revision": "829147f8f75a25f005913200eb5ed41fae320aa1" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/FEVER.json b/results/google-bert__bert-base-uncased/no_revision_available/FEVER.json deleted file mode 100644 index 8f6e5095f..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/FEVER.json +++ /dev/null @@ -1,32 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "evaluation_time": 16192.91, - "map_at_1": 0.01822, - "map_at_10": 0.0267, - "map_at_100": 0.02928, - "map_at_1000": 0.02994, - "map_at_3": 0.02264, - "map_at_5": 0.02493, - "ndcg_at_1": 0.01905, - "ndcg_at_10": 0.033, - "ndcg_at_100": 0.04882, - "ndcg_at_1000": 0.07209, - "ndcg_at_3": 0.02442, - "ndcg_at_5": 0.02864, - "precision_at_1": 0.01905, - "precision_at_10": 0.00555, - "precision_at_100": 0.00143, - "precision_at_1000": 0.00036, - "precision_at_3": 0.01, - "precision_at_5": 0.00822, - "recall_at_1": 0.01822, - "recall_at_10": 0.05201, - "recall_at_100": 0.13194, - "recall_at_1000": 0.32296, - "recall_at_3": 0.02845, - "recall_at_5": 0.03851 - }, - "mteb_dataset_name": "FEVER", - "dataset_revision": "1429cf27e393599b8b359b9b72c666f96b2525f9" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/FiQA2018.json b/results/google-bert__bert-base-uncased/no_revision_available/FiQA2018.json deleted file mode 100644 index 53f8d84fa..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/FiQA2018.json +++ /dev/null @@ -1,32 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "evaluation_time": 277.11, - "map_at_1": 0.00434, - "map_at_10": 0.01211, - "map_at_100": 0.01475, - "map_at_1000": 0.01579, - "map_at_3": 0.00777, - "map_at_5": 0.00995, - "ndcg_at_1": 0.0108, - "ndcg_at_10": 0.02191, - "ndcg_at_100": 0.04016, - "ndcg_at_1000": 0.07501, - "ndcg_at_3": 0.01175, - "ndcg_at_5": 0.01574, - "precision_at_1": 0.0108, - "precision_at_10": 0.00802, - "precision_at_100": 0.00276, - "precision_at_1000": 0.00084, - "precision_at_3": 0.00874, - "precision_at_5": 0.00864, - "recall_at_1": 0.00434, - "recall_at_10": 0.0382, - "recall_at_100": 0.11135, - "recall_at_1000": 0.34439, - "recall_at_3": 0.01241, - "recall_at_5": 0.02199 - }, - "mteb_dataset_name": "FiQA2018", - "dataset_revision": "41b686a7f28c59bcaaa5791efd47c67c8ebe28be" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/HotpotQA.json b/results/google-bert__bert-base-uncased/no_revision_available/HotpotQA.json deleted file mode 100644 index 78db1a6d6..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/HotpotQA.json +++ /dev/null @@ -1,32 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "evaluation_time": 10128.87, - "map_at_1": 0.03734, - "map_at_10": 0.05769, - "map_at_100": 0.06262, - "map_at_1000": 0.06356, - "map_at_3": 0.05003, - "map_at_5": 0.0541, - "ndcg_at_1": 0.07468, - "ndcg_at_10": 0.0826, - "ndcg_at_100": 0.11124, - "ndcg_at_1000": 0.13946, - "ndcg_at_3": 0.06503, - "ndcg_at_5": 0.07306, - "precision_at_1": 0.07468, - "precision_at_10": 0.02089, - "precision_at_100": 0.00444, - "precision_at_1000": 0.00083, - "precision_at_3": 0.0429, - "precision_at_5": 0.03209, - "recall_at_1": 0.03734, - "recall_at_10": 0.10446, - "recall_at_100": 0.22181, - "recall_at_1000": 0.41337, - "recall_at_3": 0.06435, - "recall_at_5": 0.08022 - }, - "mteb_dataset_name": "HotpotQA", - "dataset_revision": "766870b35a1b9ca65e67a0d1913899973551fc6c" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/ImdbClassification.json b/results/google-bert__bert-base-uncased/no_revision_available/ImdbClassification.json deleted file mode 100644 index efc7c256f..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/ImdbClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "accuracy": 0.653456, - "accuracy_stderr": 0.04022260538552917, - "ap": 0.6035862293756766, - "ap_stderr": 0.038312373982109516, - "evaluation_time": 179.43, - "f1": 0.6498395496537811, - "f1_stderr": 0.041609583735873056, - "main_score": 0.653456 - }, - "mteb_dataset_name": "ImdbClassification", - "dataset_revision": "8d743909f834c38949e8323a8a6ce8721ea6c7f4" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/MSMARCO.json b/results/google-bert__bert-base-uncased/no_revision_available/MSMARCO.json deleted file mode 100644 index 1a9bd6bb5..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/MSMARCO.json +++ /dev/null @@ -1,59 +0,0 @@ -{ - "dev": { - "evaluation_time": 20733.34, - "map_at_1": 0.00874, - "map_at_10": 0.01499, - "map_at_100": 0.01734, - "map_at_1000": 0.01787, - "map_at_3": 0.01251, - "map_at_5": 0.01367, - "ndcg_at_1": 0.00888, - "ndcg_at_10": 0.0191, - "ndcg_at_100": 0.03347, - "ndcg_at_1000": 0.05109, - "ndcg_at_3": 0.01379, - "ndcg_at_5": 0.01592, - "precision_at_1": 0.00888, - "precision_at_10": 0.00331, - "precision_at_100": 0.0011, - "precision_at_1000": 0.00027, - "precision_at_3": 0.00587, - "precision_at_5": 0.00458, - "recall_at_1": 0.00874, - "recall_at_10": 0.03207, - "recall_at_100": 0.10537, - "recall_at_1000": 0.24927, - "recall_at_3": 0.01726, - "recall_at_5": 0.02247 - }, - "mteb_version": "0.0.2", - "test": { - "evaluation_time": 18474.29, - "map_at_1": 0.00207, - "map_at_10": 0.00835, - "map_at_100": 0.01785, - "map_at_1000": 0.02267, - "map_at_3": 0.00487, - "map_at_5": 0.0061, - "ndcg_at_1": 0.10078, - "ndcg_at_10": 0.06176, - "ndcg_at_100": 0.06018, - "ndcg_at_1000": 0.10566, - "ndcg_at_3": 0.07716, - "ndcg_at_5": 0.06873, - "precision_at_1": 0.13953, - "precision_at_10": 0.07674, - "precision_at_100": 0.03302, - "precision_at_1000": 0.01049, - "precision_at_3": 0.11628, - "precision_at_5": 0.09767, - "recall_at_1": 0.00207, - "recall_at_10": 0.01487, - "recall_at_100": 0.05541, - "recall_at_1000": 0.17071, - "recall_at_3": 0.00667, - "recall_at_5": 0.00954 - }, - "mteb_dataset_name": "MSMARCO", - "dataset_revision": "e6838a846e2408f22cf5cc337ebc83e0bcf77849" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/MTOPDomainClassification.json b/results/google-bert__bert-base-uncased/no_revision_available/MTOPDomainClassification.json deleted file mode 100644 index f6a164553..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/MTOPDomainClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "en": { - "accuracy": 0.8262653898768809, - "accuracy_stderr": 0.013363883151786536, - "f1": 0.8252668532237116, - "f1_stderr": 0.013559075984261842, - "main_score": 0.8262653898768809 - }, - "evaluation_time": 16.19 - }, - "mteb_dataset_name": "MTOPDomainClassification", - "dataset_revision": "a7e2a951126a26fc8c6a69f835f33a346ba259e3" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/MTOPIntentClassification.json b/results/google-bert__bert-base-uncased/no_revision_available/MTOPIntentClassification.json deleted file mode 100644 index 85290f3d0..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/MTOPIntentClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "en": { - "accuracy": 0.6813725490196079, - "accuracy_stderr": 0.009443226461431326, - "f1": 0.4573886357626472, - "f1_stderr": 0.010726323371664707, - "main_score": 0.6813725490196079 - }, - "evaluation_time": 38.12 - }, - "mteb_dataset_name": "MTOPIntentClassification", - "dataset_revision": "6299947a7777084cc2d4b64235bf7190381ce755" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/MassiveIntentClassification.json b/results/google-bert__bert-base-uncased/no_revision_available/MassiveIntentClassification.json deleted file mode 100644 index 2f66bd79b..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/MassiveIntentClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "en": { - "accuracy": 0.5988231338264962, - "accuracy_stderr": 0.011821812918450931, - "f1": 0.5630999241934552, - "f1_stderr": 0.007020453643632121, - "main_score": 0.5988231338264962 - }, - "evaluation_time": 25.19 - }, - "mteb_dataset_name": "MassiveIntentClassification", - "dataset_revision": "072a486a144adf7f4479a4a0dddb2152e161e1ea" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/MassiveScenarioClassification.json b/results/google-bert__bert-base-uncased/no_revision_available/MassiveScenarioClassification.json deleted file mode 100644 index 6a01109a0..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/MassiveScenarioClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "en": { - "accuracy": 0.6427706792199059, - "accuracy_stderr": 0.018245074461759353, - "f1": 0.6268955839265553, - "f1_stderr": 0.02014569844927002, - "main_score": 0.6427706792199059 - }, - "evaluation_time": 16.87 - }, - "mteb_dataset_name": "MassiveScenarioClassification", - "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/MedrxivClusteringP2P.json b/results/google-bert__bert-base-uncased/no_revision_available/MedrxivClusteringP2P.json deleted file mode 100644 index cd169bd75..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/MedrxivClusteringP2P.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "evaluation_time": 392.84, - "v_measure": 0.26087688306606044, - "v_measure_std": 0.017492661306409706 - }, - "mteb_dataset_name": "MedrxivClusteringP2P", - "dataset_revision": "dcefc037ef84348e49b0d29109e891c01067226b" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/MedrxivClusteringS2S.json b/results/google-bert__bert-base-uncased/no_revision_available/MedrxivClusteringS2S.json deleted file mode 100644 index 023ad83e0..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/MedrxivClusteringS2S.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "evaluation_time": 35.5, - "v_measure": 0.23604914608225602, - "v_measure_std": 0.015015308495872402 - }, - "mteb_dataset_name": "MedrxivClusteringS2S", - "dataset_revision": "3cd0e71dfbe09d4de0f9e5ecba43e7ce280959dc" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/MindSmallReranking.json b/results/google-bert__bert-base-uncased/no_revision_available/MindSmallReranking.json deleted file mode 100644 index cc323153f..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/MindSmallReranking.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "evaluation_time": 1920.6, - "map": 0.28366637355845425, - "mrr": 0.2914974545176271 - }, - "mteb_dataset_name": "MindSmallReranking", - "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/NFCorpus.json b/results/google-bert__bert-base-uncased/no_revision_available/NFCorpus.json deleted file mode 100644 index e9e9c62ed..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/NFCorpus.json +++ /dev/null @@ -1,32 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "evaluation_time": 34.57, - "map_at_1": 0.00188, - "map_at_10": 0.00653, - "map_at_100": 0.01142, - "map_at_1000": 0.01854, - "map_at_3": 0.00374, - "map_at_5": 0.00438, - "ndcg_at_1": 0.04644, - "ndcg_at_10": 0.04304, - "ndcg_at_100": 0.06223, - "ndcg_at_1000": 0.16087, - "ndcg_at_3": 0.04352, - "ndcg_at_5": 0.04017, - "precision_at_1": 0.05263, - "precision_at_10": 0.03839, - "precision_at_100": 0.02393, - "precision_at_1000": 0.01461, - "precision_at_3": 0.04438, - "precision_at_5": 0.03777, - "recall_at_1": 0.00188, - "recall_at_10": 0.02266, - "recall_at_100": 0.10103, - "recall_at_1000": 0.43835, - "recall_at_3": 0.00589, - "recall_at_5": 0.00825 - }, - "mteb_dataset_name": "NFCorpus", - "dataset_revision": "7eb63cc0c1eb59324d709ebed25fcab851fa7610" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/NQ.json b/results/google-bert__bert-base-uncased/no_revision_available/NQ.json deleted file mode 100644 index 3fb218323..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/NQ.json +++ /dev/null @@ -1,32 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "evaluation_time": 7450.97, - "map_at_1": 0.01086, - "map_at_10": 0.01902, - "map_at_100": 0.0229, - "map_at_1000": 0.02386, - "map_at_3": 0.01474, - "map_at_5": 0.01692, - "ndcg_at_1": 0.01275, - "ndcg_at_10": 0.02615, - "ndcg_at_100": 0.04993, - "ndcg_at_1000": 0.0808, - "ndcg_at_3": 0.0168, - "ndcg_at_5": 0.02088, - "precision_at_1": 0.01275, - "precision_at_10": 0.00533, - "precision_at_100": 0.00195, - "precision_at_1000": 0.00049, - "precision_at_3": 0.00792, - "precision_at_5": 0.00695, - "recall_at_1": 0.01086, - "recall_at_10": 0.04601, - "recall_at_100": 0.16319, - "recall_at_1000": 0.4081, - "recall_at_3": 0.02052, - "recall_at_5": 0.03022 - }, - "mteb_dataset_name": "NQ", - "dataset_revision": "6062aefc120bfe8ece5897809fb2e53bfe0d128c" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/QuoraRetrieval.json b/results/google-bert__bert-base-uncased/no_revision_available/QuoraRetrieval.json deleted file mode 100644 index 4893965c9..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/QuoraRetrieval.json +++ /dev/null @@ -1,32 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "evaluation_time": 440.91, - "map_at_1": 0.45395, - "map_at_10": 0.558, - "map_at_100": 0.567, - "map_at_1000": 0.56769, - "map_at_3": 0.53026, - "map_at_5": 0.54671, - "ndcg_at_1": 0.5242, - "ndcg_at_10": 0.61029, - "ndcg_at_100": 0.64459, - "ndcg_at_1000": 0.65765, - "ndcg_at_3": 0.56779, - "ndcg_at_5": 0.58937, - "precision_at_1": 0.5242, - "precision_at_10": 0.09423, - "precision_at_100": 0.01236, - "precision_at_1000": 0.00143, - "precision_at_3": 0.24693, - "precision_at_5": 0.1666, - "recall_at_1": 0.45395, - "recall_at_10": 0.71754, - "recall_at_100": 0.86124, - "recall_at_1000": 0.94956, - "recall_at_3": 0.59763, - "recall_at_5": 0.65476 - }, - "mteb_dataset_name": "QuoraRetrieval", - "dataset_revision": "6205996560df11e3a3da9ab4f926788fc30a7db4" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/RedditClustering.json b/results/google-bert__bert-base-uncased/no_revision_available/RedditClustering.json deleted file mode 100644 index 19a56e521..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/RedditClustering.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "evaluation_time": 331.55, - "v_measure": 0.27241718557705, - "v_measure_std": 0.03680821924656025 - }, - "mteb_dataset_name": "RedditClustering", - "dataset_revision": "b2805658ae38990172679479369a78b86de8c390" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/RedditClusteringP2P.json b/results/google-bert__bert-base-uncased/no_revision_available/RedditClusteringP2P.json deleted file mode 100644 index bcf3db41b..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/RedditClusteringP2P.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "evaluation_time": 2087.66, - "v_measure": 0.43323854460464056, - "v_measure_std": 0.10590918303957833 - }, - "mteb_dataset_name": "RedditClusteringP2P", - "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/SCIDOCS.json b/results/google-bert__bert-base-uncased/no_revision_available/SCIDOCS.json deleted file mode 100644 index e9675395b..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/SCIDOCS.json +++ /dev/null @@ -1,32 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "evaluation_time": 154.71, - "map_at_1": 0.0063, - "map_at_10": 0.01363, - "map_at_100": 0.01877, - "map_at_1000": 0.0209, - "map_at_3": 0.00952, - "map_at_5": 0.01138, - "ndcg_at_1": 0.031, - "ndcg_at_10": 0.02815, - "ndcg_at_100": 0.06282, - "ndcg_at_1000": 0.12021, - "ndcg_at_3": 0.02393, - "ndcg_at_5": 0.02164, - "precision_at_1": 0.031, - "precision_at_10": 0.0155, - "precision_at_100": 0.00679, - "precision_at_1000": 0.00208, - "precision_at_3": 0.022, - "precision_at_5": 0.0192, - "recall_at_1": 0.0063, - "recall_at_10": 0.03157, - "recall_at_100": 0.13817, - "recall_at_1000": 0.4232, - "recall_at_3": 0.01335, - "recall_at_5": 0.01953 - }, - "mteb_dataset_name": "SCIDOCS", - "dataset_revision": "5c59ef3e437a0a9651c8fe6fde943e7dce59fba5" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/SICK-R.json b/results/google-bert__bert-base-uncased/no_revision_available/SICK-R.json deleted file mode 100644 index 1617a97ec..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/SICK-R.json +++ /dev/null @@ -1,20 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "cos_sim": { - "pearson": 0.6101682339227104, - "spearman": 0.5864506948179484 - }, - "euclidean": { - "pearson": 0.5976596847771698, - "spearman": 0.5932458114797269 - }, - "evaluation_time": 8.03, - "manhattan": { - "pearson": 0.5984665133962974, - "spearman": 0.5937114805602489 - } - }, - "mteb_dataset_name": "SICK-R", - "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/STS12.json b/results/google-bert__bert-base-uncased/no_revision_available/STS12.json deleted file mode 100644 index deab92740..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/STS12.json +++ /dev/null @@ -1,20 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "cos_sim": { - "pearson": 0.27093976341652726, - "spearman": 0.30871788407575457 - }, - "euclidean": { - "pearson": 0.3527875115298907, - "spearman": 0.3528173751000891 - }, - "evaluation_time": 4.65, - "manhattan": { - "pearson": 0.35816250245766934, - "spearman": 0.35551998744441693 - } - }, - "mteb_dataset_name": "STS12", - "dataset_revision": "fdf84275bb8ce4b49c971d02e84dd1abc677a50f" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/STS13.json b/results/google-bert__bert-base-uncased/no_revision_available/STS13.json deleted file mode 100644 index 10cca4f02..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/STS13.json +++ /dev/null @@ -1,20 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "cos_sim": { - "pearson": 0.5887910096317592, - "spearman": 0.5989485045425808 - }, - "euclidean": { - "pearson": 0.5513480916575128, - "spearman": 0.5568148364720777 - }, - "evaluation_time": 3.38, - "manhattan": { - "pearson": 0.5573461212685233, - "spearman": 0.5622965020561548 - } - }, - "mteb_dataset_name": "STS13", - "dataset_revision": "1591bfcbe8c69d4bf7fe2a16e2451017832cafb9" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/STS14.json b/results/google-bert__bert-base-uncased/no_revision_available/STS14.json deleted file mode 100644 index 5fe7d7a70..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/STS14.json +++ /dev/null @@ -1,20 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "cos_sim": { - "pearson": 0.5070880564994948, - "spearman": 0.4772791352844941 - }, - "euclidean": { - "pearson": 0.4999603732197531, - "spearman": 0.48118853537266554 - }, - "evaluation_time": 5.28, - "manhattan": { - "pearson": 0.5037660320398876, - "spearman": 0.4848361162445645 - } - }, - "mteb_dataset_name": "STS14", - "dataset_revision": "e2125984e7df8b7871f6ae9949cf6b6795e7c54b" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/STS15.json b/results/google-bert__bert-base-uncased/no_revision_available/STS15.json deleted file mode 100644 index 29b939f1a..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/STS15.json +++ /dev/null @@ -1,20 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "cos_sim": { - "pearson": 0.5938898927011527, - "spearman": 0.6028567383446486 - }, - "euclidean": { - "pearson": 0.6101658860573501, - "spearman": 0.6277466415127644 - }, - "evaluation_time": 4.69, - "manhattan": { - "pearson": 0.6131562281089615, - "spearman": 0.6305751564486292 - } - }, - "mteb_dataset_name": "STS15", - "dataset_revision": "1cd7298cac12a96a373b6a2f18738bb3e739a9b6" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/STS16.json b/results/google-bert__bert-base-uncased/no_revision_available/STS16.json deleted file mode 100644 index 0e72cfdcd..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/STS16.json +++ /dev/null @@ -1,20 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "cos_sim": { - "pearson": 0.6252083170571725, - "spearman": 0.6373272693604403 - }, - "euclidean": { - "pearson": 0.6207183857694178, - "spearman": 0.6168212853160276 - }, - "evaluation_time": 3.0, - "manhattan": { - "pearson": 0.6226074830050459, - "spearman": 0.6187233082664935 - } - }, - "mteb_dataset_name": "STS16", - "dataset_revision": "360a0b2dff98700d09e634a01e1cc1624d3e42cd" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/STS17.json b/results/google-bert__bert-base-uncased/no_revision_available/STS17.json deleted file mode 100644 index 8522fe053..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/STS17.json +++ /dev/null @@ -1,22 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "en-en": { - "cos_sim": { - "pearson": 0.6231308830233162, - "spearman": 0.6410023907260639 - }, - "euclidean": { - "pearson": 0.6307087042929564, - "spearman": 0.633020011946463 - }, - "manhattan": { - "pearson": 0.6311994657459719, - "spearman": 0.6328228165157621 - } - }, - "evaluation_time": 1.96 - }, - "mteb_dataset_name": "STS17", - "dataset_revision": "9fc37e8c632af1c87a3d23e685d49552a02582a0" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/STS22.json b/results/google-bert__bert-base-uncased/no_revision_available/STS22.json deleted file mode 100644 index e3ce5b202..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/STS22.json +++ /dev/null @@ -1,22 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "en": { - "cos_sim": { - "pearson": 0.3631408953905926, - "spearman": 0.563667996535454 - }, - "euclidean": { - "pearson": 0.4391987603674258, - "spearman": 0.5577401134555878 - }, - "manhattan": { - "pearson": 0.4509904739685065, - "spearman": 0.5588027776169638 - } - }, - "evaluation_time": 6.08 - }, - "mteb_dataset_name": "STS22", - "dataset_revision": "2de6ce8c1921b71a755b262c6b57fef195dd7906" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/STSBenchmark.json b/results/google-bert__bert-base-uncased/no_revision_available/STSBenchmark.json deleted file mode 100644 index 061b8a26c..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/STSBenchmark.json +++ /dev/null @@ -1,20 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "cos_sim": { - "pearson": 0.4790849693673229, - "spearman": 0.4729108172174081 - }, - "euclidean": { - "pearson": 0.49173518647073067, - "spearman": 0.4883536668981958 - }, - "evaluation_time": 2.89, - "manhattan": { - "pearson": 0.49171964856370337, - "spearman": 0.4886298212512842 - } - }, - "mteb_dataset_name": "STSBenchmark", - "dataset_revision": "8913289635987208e6e7c72789e4be2fe94b6abd" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/SciDocsRR.json b/results/google-bert__bert-base-uncased/no_revision_available/SciDocsRR.json deleted file mode 100644 index f7b62b543..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/SciDocsRR.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "evaluation_time": 57.5, - "map": 0.6493728987830145, - "mrr": 0.8508117064489612 - }, - "mteb_dataset_name": "SciDocsRR", - "dataset_revision": "56a6d0140cf6356659e2a7c1413286a774468d44" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/SciFact.json b/results/google-bert__bert-base-uncased/no_revision_available/SciFact.json deleted file mode 100644 index 824adf139..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/SciFact.json +++ /dev/null @@ -1,32 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "evaluation_time": 45.33, - "map_at_1": 0.06861, - "map_at_10": 0.1062, - "map_at_100": 0.11428, - "map_at_1000": 0.11594, - "map_at_3": 0.08931, - "map_at_5": 0.09792, - "ndcg_at_1": 0.07333, - "ndcg_at_10": 0.13339, - "ndcg_at_100": 0.18541, - "ndcg_at_1000": 0.23239, - "ndcg_at_3": 0.09825, - "ndcg_at_5": 0.11317, - "precision_at_1": 0.07333, - "precision_at_10": 0.024, - "precision_at_100": 0.00537, - "precision_at_1000": 0.00096, - "precision_at_3": 0.04222, - "precision_at_5": 0.034, - "recall_at_1": 0.06861, - "recall_at_10": 0.21083, - "recall_at_100": 0.48178, - "recall_at_1000": 0.85333, - "recall_at_3": 0.11611, - "recall_at_5": 0.15222 - }, - "mteb_dataset_name": "SciFact", - "dataset_revision": "a75ae049398addde9b70f6b268875f5cbce99089" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/SprintDuplicateQuestions.json b/results/google-bert__bert-base-uncased/no_revision_available/SprintDuplicateQuestions.json deleted file mode 100644 index 12e5466ff..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/SprintDuplicateQuestions.json +++ /dev/null @@ -1,49 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "cos_sim": { - "accuracy": 0.9915544554455445, - "accuracy_threshold": 0.8895772099494934, - "ap": 0.36808703728970593, - "f1": 0.41623188405797096, - "f1_threshold": 0.8615003824234009, - "precision": 0.49517241379310345, - "recall": 0.359 - }, - "dot": { - "accuracy": 0.9902277227722772, - "accuracy_threshold": 90.98898315429688, - "ap": 0.1354395905042614, - "f1": 0.2188782489740082, - "f1_threshold": 76.34677124023438, - "precision": 0.20117351215423301, - "recall": 0.24 - }, - "euclidean": { - "accuracy": 0.9914950495049505, - "accuracy_threshold": 4.331961631774902, - "ap": 0.36368672282362163, - "f1": 0.4045926735921269, - "f1_threshold": 4.889832496643066, - "precision": 0.44632086851628466, - "recall": 0.37 - }, - "evaluation_time": 11.09, - "manhattan": { - "accuracy": 0.9915148514851485, - "accuracy_threshold": 96.66352844238281, - "ap": 0.36597666942964435, - "f1": 0.40756054341405784, - "f1_threshold": 105.99162292480469, - "precision": 0.49783549783549785, - "recall": 0.345 - }, - "max": { - "accuracy": 0.9915544554455445, - "ap": 0.36808703728970593, - "f1": 0.41623188405797096 - } - }, - "mteb_dataset_name": "SprintDuplicateQuestions", - "dataset_revision": "5a8256d0dff9c4bd3be3ba3e67e4e70173f802ea" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/StackExchangeClustering.json b/results/google-bert__bert-base-uncased/no_revision_available/StackExchangeClustering.json deleted file mode 100644 index ab13226c3..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/StackExchangeClustering.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "evaluation_time": 261.77, - "v_measure": 0.4358261870547655, - "v_measure_std": 0.041764189413863936 - }, - "mteb_dataset_name": "StackExchangeClustering", - "dataset_revision": "70a89468f6dccacc6aa2b12a6eac54e74328f235" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/StackExchangeClusteringP2P.json b/results/google-bert__bert-base-uncased/no_revision_available/StackExchangeClusteringP2P.json deleted file mode 100644 index 62f27ab98..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/StackExchangeClusteringP2P.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "evaluation_time": 528.11, - "v_measure": 0.2654851675795123, - "v_measure_std": 0.018172468738784756 - }, - "mteb_dataset_name": "StackExchangeClusteringP2P", - "dataset_revision": "d88009ab563dd0b16cfaf4436abaf97fa3550cf0" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/StackOverflowDupQuestions.json b/results/google-bert__bert-base-uncased/no_revision_available/StackOverflowDupQuestions.json deleted file mode 100644 index 0e18bf702..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/StackOverflowDupQuestions.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "evaluation_time": 37.21, - "map": 0.34615478798860166, - "mrr": 0.3447363604532722 - }, - "mteb_dataset_name": "StackOverflowDupQuestions", - "dataset_revision": "ef807ea29a75ec4f91b50fd4191cb4ee4589a9f9" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/SummEval.json b/results/google-bert__bert-base-uncased/no_revision_available/SummEval.json deleted file mode 100644 index e6728fe5e..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/SummEval.json +++ /dev/null @@ -1,16 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "cos_sim": { - "pearson": 0.2915882296612661, - "spearman": 0.2981716355664815 - }, - "dot": { - "pearson": 0.2608797793913868, - "spearman": 0.2589231500305044 - }, - "evaluation_time": 23.88 - }, - "mteb_dataset_name": "SummEval", - "dataset_revision": "8753c2788d36c01fc6f05d03fe3f7268d63f9122" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/TRECCOVID.json b/results/google-bert__bert-base-uncased/no_revision_available/TRECCOVID.json deleted file mode 100644 index 8c7055e50..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/TRECCOVID.json +++ /dev/null @@ -1,32 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "evaluation_time": 995.63, - "map_at_1": 0.00058, - "map_at_10": 0.00171, - "map_at_100": 0.00441, - "map_at_1000": 0.0114, - "map_at_3": 0.00104, - "map_at_5": 0.00127, - "ndcg_at_1": 0.23, - "ndcg_at_10": 0.14745, - "ndcg_at_100": 0.07911, - "ndcg_at_1000": 0.08558, - "ndcg_at_3": 0.20184, - "ndcg_at_5": 0.17623, - "precision_at_1": 0.24, - "precision_at_10": 0.142, - "precision_at_100": 0.0742, - "precision_at_1000": 0.04166, - "precision_at_3": 0.2, - "precision_at_5": 0.168, - "recall_at_1": 0.00058, - "recall_at_10": 0.00301, - "recall_at_100": 0.01593, - "recall_at_1000": 0.0872, - "recall_at_3": 0.00127, - "recall_at_5": 0.00179 - }, - "mteb_dataset_name": "TRECCOVID", - "dataset_revision": "2c8041b2c07a79b6f7ba8fe6acc72e5d9f92d217" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/Touche2020.json b/results/google-bert__bert-base-uncased/no_revision_available/Touche2020.json deleted file mode 100644 index f1a8d246a..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/Touche2020.json +++ /dev/null @@ -1,32 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "evaluation_time": 1969.73, - "map_at_1": 0.0012, - "map_at_10": 0.00239, - "map_at_100": 0.00337, - "map_at_1000": 0.00452, - "map_at_3": 0.00163, - "map_at_5": 0.00192, - "ndcg_at_1": 0.02041, - "ndcg_at_10": 0.00967, - "ndcg_at_100": 0.02075, - "ndcg_at_1000": 0.05213, - "ndcg_at_3": 0.01197, - "ndcg_at_5": 0.01133, - "precision_at_1": 0.02041, - "precision_at_10": 0.01224, - "precision_at_100": 0.00653, - "precision_at_1000": 0.00269, - "precision_at_3": 0.01361, - "precision_at_5": 0.01224, - "recall_at_1": 0.0012, - "recall_at_10": 0.00703, - "recall_at_100": 0.03585, - "recall_at_1000": 0.14125, - "recall_at_3": 0.00248, - "recall_at_5": 0.00393 - }, - "mteb_dataset_name": "Touche2020", - "dataset_revision": "527b7d77e16e343303e68cb6af11d6e18b9f7b3b" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/ToxicConversationsClassification.json b/results/google-bert__bert-base-uncased/no_revision_available/ToxicConversationsClassification.json deleted file mode 100644 index a0deab214..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/ToxicConversationsClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "accuracy": 0.6999679999999999, - "accuracy_stderr": 0.05276997191585381, - "ap": 0.13387490555734416, - "ap_stderr": 0.013554524575695682, - "evaluation_time": 109.13, - "f1": 0.5353001660925474, - "f1_stderr": 0.032797522073420265, - "main_score": 0.6999679999999999 - }, - "mteb_dataset_name": "ToxicConversationsClassification", - "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/TweetSentimentExtractionClassification.json b/results/google-bert__bert-base-uncased/no_revision_available/TweetSentimentExtractionClassification.json deleted file mode 100644 index 4953efbbf..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/TweetSentimentExtractionClassification.json +++ /dev/null @@ -1,13 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "accuracy": 0.5180814940577249, - "accuracy_stderr": 0.012670061696282221, - "evaluation_time": 12.36, - "f1": 0.5197555285534177, - "f1_stderr": 0.01382464106496954, - "main_score": 0.5180814940577249 - }, - "mteb_dataset_name": "TweetSentimentExtractionClassification", - "dataset_revision": "62146448f05be9e52a36b8ee9936447ea787eede" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/TwentyNewsgroupsClustering.json b/results/google-bert__bert-base-uncased/no_revision_available/TwentyNewsgroupsClustering.json deleted file mode 100644 index 465b18dba..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/TwentyNewsgroupsClustering.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "evaluation_time": 31.81, - "v_measure": 0.23354321403189832, - "v_measure_std": 0.02300649305234383 - }, - "mteb_dataset_name": "TwentyNewsgroupsClustering", - "dataset_revision": "091a54f9a36281ce7d6590ec8c75dd485e7e01d4" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/TwitterSemEval2015.json b/results/google-bert__bert-base-uncased/no_revision_available/TwitterSemEval2015.json deleted file mode 100644 index 8aa4499b1..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/TwitterSemEval2015.json +++ /dev/null @@ -1,49 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "cos_sim": { - "accuracy": 0.812421767896525, - "accuracy_threshold": 0.8061305284500122, - "ap": 0.5589788752976392, - "f1": 0.5427360489757476, - "f1_threshold": 0.7357102632522583, - "precision": 0.49000850340136054, - "recall": 0.6081794195250659 - }, - "dot": { - "accuracy": 0.7900101329200692, - "accuracy_threshold": 70.70121765136719, - "ap": 0.46200213218807057, - "f1": 0.4882886286361919, - "f1_threshold": 56.400611877441406, - "precision": 0.3802588996763754, - "recall": 0.6820580474934037 - }, - "euclidean": { - "accuracy": 0.8075937295106396, - "accuracy_threshold": 5.538182735443115, - "ap": 0.5341916124334889, - "f1": 0.5201457114471796, - "f1_threshold": 6.618348598480225, - "precision": 0.44714367052571646, - "recall": 0.6216358839050132 - }, - "evaluation_time": 9.16, - "manhattan": { - "accuracy": 0.8077129403349824, - "accuracy_threshold": 119.82992553710938, - "ap": 0.5356047698432087, - "f1": 0.5196175403890537, - "f1_threshold": 145.68431091308594, - "precision": 0.4452815972876248, - "recall": 0.6237467018469657 - }, - "max": { - "accuracy": 0.812421767896525, - "ap": 0.5589788752976392, - "f1": 0.5427360489757476 - } - }, - "mteb_dataset_name": "TwitterSemEval2015", - "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1" -} \ No newline at end of file diff --git a/results/google-bert__bert-base-uncased/no_revision_available/TwitterURLCorpus.json b/results/google-bert__bert-base-uncased/no_revision_available/TwitterURLCorpus.json deleted file mode 100644 index 55fb32f3c..000000000 --- a/results/google-bert__bert-base-uncased/no_revision_available/TwitterURLCorpus.json +++ /dev/null @@ -1,49 +0,0 @@ -{ - "mteb_version": "0.0.2", - "test": { - "cos_sim": { - "accuracy": 0.8500019404664881, - "accuracy_threshold": 0.8082373142242432, - "ap": 0.7628732783437441, - "f1": 0.6884738816069289, - "f1_threshold": 0.7844623327255249, - "precision": 0.691495145631068, - "recall": 0.6854789036033262 - }, - "dot": { - "accuracy": 0.8189544766561881, - "accuracy_threshold": 68.18647766113281, - "ap": 0.6642686988511938, - "f1": 0.6373136885386329, - "f1_threshold": 63.23523712158203, - "precision": 0.5741804037784775, - "recall": 0.7160455805358793 - }, - "euclidean": { - "accuracy": 0.8432685217526293, - "accuracy_threshold": 5.508529186248779, - "ap": 0.745338969552513, - "f1": 0.6681182672473069, - "f1_threshold": 6.000274658203125, - "precision": 0.6630022744503412, - "recall": 0.6733138281490607 - }, - "evaluation_time": 32.66, - "manhattan": { - "accuracy": 0.8438894710288354, - "accuracy_threshold": 121.50552368164062, - "ap": 0.7465134561679805, - "f1": 0.669238259306419, - "f1_threshold": 133.11257934570312, - "precision": 0.6515239900831268, - "recall": 0.6879427163535571 - }, - "max": { - "accuracy": 0.8500019404664881, - "ap": 0.7628732783437441, - "f1": 0.6884738816069289 - } - }, - "mteb_dataset_name": "TwitterURLCorpus", - "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf" -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/AmazonCounterfactualClassification.json b/results/google-gecko__text-embedding-004-256/no_revision_available/AmazonCounterfactualClassification.json deleted file mode 100644 index a6041d628..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/AmazonCounterfactualClassification.json +++ /dev/null @@ -1,17 +0,0 @@ -{ - "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", - "mteb_dataset_name": "AmazonCounterfactualClassification", - "mteb_version": "1.0.3.dev0", - "test": { - "en": { - "accuracy": 0.7092537313432836, - "accuracy_stderr": 0.04798826618294587, - "ap": 0.3480768223354982, - "ap_stderr": 0.034088897725643934, - "f1": 0.6546781396054324, - "f1_stderr": 0.03877434303332118, - "main_score": 0.7092537313432836 - }, - "evaluation_time": 14159.01 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/AmazonPolarityClassification.json b/results/google-gecko__text-embedding-004-256/no_revision_available/AmazonPolarityClassification.json deleted file mode 100644 index c8dfcd66c..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/AmazonPolarityClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", - "mteb_dataset_name": "AmazonPolarityClassification", - "mteb_version": "1.0.3.dev0", - "test": { - "accuracy": 0.9734, - "accuracy_stderr": 0.00032699770641398844, - "ap": 0.9605395770547703, - "ap_stderr": 0.0019734603564705243, - "evaluation_time": 7108.68, - "f1": 0.9733996162706255, - "f1_stderr": 0.0003273488827669453, - "main_score": 0.9734 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/AmazonReviewsClassification.json b/results/google-gecko__text-embedding-004-256/no_revision_available/AmazonReviewsClassification.json deleted file mode 100644 index fac348839..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/AmazonReviewsClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", - "mteb_dataset_name": "AmazonReviewsClassification", - "mteb_version": "1.0.3.dev0", - "test": { - "en": { - "accuracy": 0.48468, - "accuracy_stderr": 0.01803334688847304, - "f1": 0.40947758067701134, - "f1_stderr": 0.041914809491995976, - "main_score": 0.48468 - }, - "evaluation_time": 14512.17 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/ArguAna.json b/results/google-gecko__text-embedding-004-256/no_revision_available/ArguAna.json deleted file mode 100644 index 476b9272a..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/ArguAna.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "mteb_dataset_name": "ArguAna", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 937.2, - "map_at_1": 0.3101, - "map_at_10": 0.47513, - "map_at_100": 0.48356, - "map_at_1000": 0.4836, - "map_at_3": 0.42817, - "map_at_5": 0.45651, - "mrr_at_1": 0.31579, - "mrr_at_10": 0.47687, - "mrr_at_100": 0.48542, - "mrr_at_1000": 0.48547, - "mrr_at_3": 0.43006, - "mrr_at_5": 0.45826, - "ndcg_at_1": 0.3101, - "ndcg_at_10": 0.56266, - "ndcg_at_100": 0.59708, - "ndcg_at_1000": 0.59809, - "ndcg_at_3": 0.46636, - "ndcg_at_5": 0.51769, - "precision_at_1": 0.3101, - "precision_at_10": 0.08407, - "precision_at_100": 0.00987, - "precision_at_1000": 0.001, - "precision_at_3": 0.19227, - "precision_at_5": 0.1404, - "recall_at_1": 0.3101, - "recall_at_10": 0.84068, - "recall_at_100": 0.9872, - "recall_at_1000": 0.99502, - "recall_at_3": 0.57681, - "recall_at_5": 0.70199 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/ArxivClusteringP2P.json b/results/google-gecko__text-embedding-004-256/no_revision_available/ArxivClusteringP2P.json deleted file mode 100644 index 1915a2d86..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/ArxivClusteringP2P.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", - "mteb_dataset_name": "ArxivClusteringP2P", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 44988.73, - "v_measure": 0.44124569259717394, - "v_measure_std": 0.13746200089189986 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/ArxivClusteringS2S.json b/results/google-gecko__text-embedding-004-256/no_revision_available/ArxivClusteringS2S.json deleted file mode 100644 index 21a6caae8..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/ArxivClusteringS2S.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", - "mteb_dataset_name": "ArxivClusteringS2S", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 17969.4, - "v_measure": 0.3654024277137694, - "v_measure_std": 0.14133412868072265 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/AskUbuntuDupQuestions.json b/results/google-gecko__text-embedding-004-256/no_revision_available/AskUbuntuDupQuestions.json deleted file mode 100644 index 5d9bf5501..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/AskUbuntuDupQuestions.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", - "mteb_dataset_name": "AskUbuntuDupQuestions", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 439.18, - "map": 0.6383980628006846, - "mrr": 0.7721386800334169 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/BIOSSES.json b/results/google-gecko__text-embedding-004-256/no_revision_available/BIOSSES.json deleted file mode 100644 index 79fd8fc1f..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/BIOSSES.json +++ /dev/null @@ -1,20 +0,0 @@ -{ - "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", - "mteb_dataset_name": "BIOSSES", - "mteb_version": "1.0.3.dev0", - "test": { - "cos_sim": { - "pearson": 0.914001108224117, - "spearman": 0.8942251948047939 - }, - "euclidean": { - "pearson": 0.9021696515607527, - "spearman": 0.8999361683066934 - }, - "evaluation_time": 341.36, - "manhattan": { - "pearson": 0.8972032363315273, - "spearman": 0.8948456908709287 - } - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/Banking77Classification.json b/results/google-gecko__text-embedding-004-256/no_revision_available/Banking77Classification.json deleted file mode 100644 index 8eba41faf..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/Banking77Classification.json +++ /dev/null @@ -1,13 +0,0 @@ -{ - "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", - "mteb_dataset_name": "Banking77Classification", - "mteb_version": "1.0.3.dev0", - "test": { - "accuracy": 0.8601298701298703, - "accuracy_stderr": 0.008321828230441971, - "evaluation_time": 7214.11, - "f1": 0.8534486275953339, - "f1_stderr": 0.010921954129412513, - "main_score": 0.8601298701298703 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/BiorxivClusteringP2P.json b/results/google-gecko__text-embedding-004-256/no_revision_available/BiorxivClusteringP2P.json deleted file mode 100644 index 281f6145e..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/BiorxivClusteringP2P.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", - "mteb_dataset_name": "BiorxivClusteringP2P", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 6284.29, - "v_measure": 0.36276151759193836, - "v_measure_std": 0.011399729787297272 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/BiorxivClusteringS2S.json b/results/google-gecko__text-embedding-004-256/no_revision_available/BiorxivClusteringS2S.json deleted file mode 100644 index 6b782ae69..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/BiorxivClusteringS2S.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", - "mteb_dataset_name": "BiorxivClusteringS2S", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 4908.49, - "v_measure": 0.3308718770097915, - "v_measure_std": 0.008243290861330164 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/CQADupstackAndroidRetrieval.json b/results/google-gecko__text-embedding-004-256/no_revision_available/CQADupstackAndroidRetrieval.json deleted file mode 100644 index 5f62010e2..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/CQADupstackAndroidRetrieval.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "mteb_dataset_name": "CQADupstackAndroidRetrieval", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 318.04, - "map_at_1": 0.36627, - "map_at_10": 0.49143, - "map_at_100": 0.50725, - "map_at_1000": 0.50821, - "map_at_3": 0.45107, - "map_at_5": 0.47637, - "mrr_at_1": 0.44921, - "mrr_at_10": 0.55268, - "mrr_at_100": 0.55978, - "mrr_at_1000": 0.56007, - "mrr_at_3": 0.52814, - "mrr_at_5": 0.54394, - "ndcg_at_1": 0.44921, - "ndcg_at_10": 0.55756, - "ndcg_at_100": 0.60947, - "ndcg_at_1000": 0.6238, - "ndcg_at_3": 0.50489, - "ndcg_at_5": 0.53394, - "precision_at_1": 0.44921, - "precision_at_10": 0.10501, - "precision_at_100": 0.01601, - "precision_at_1000": 0.00203, - "precision_at_3": 0.24177, - "precision_at_5": 0.17654, - "recall_at_1": 0.36627, - "recall_at_10": 0.68085, - "recall_at_100": 0.89138, - "recall_at_1000": 0.97855, - "recall_at_3": 0.5317, - "recall_at_5": 0.61079 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/CQADupstackEnglishRetrieval.json b/results/google-gecko__text-embedding-004-256/no_revision_available/CQADupstackEnglishRetrieval.json deleted file mode 100644 index e3ba3d793..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/CQADupstackEnglishRetrieval.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "mteb_dataset_name": "CQADupstackEnglishRetrieval", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 753.99, - "map_at_1": 0.3467, - "map_at_10": 0.45661, - "map_at_100": 0.46944, - "map_at_1000": 0.4708, - "map_at_3": 0.42596, - "map_at_5": 0.44328, - "mrr_at_1": 0.43949, - "mrr_at_10": 0.5202, - "mrr_at_100": 0.52624, - "mrr_at_1000": 0.52668, - "mrr_at_3": 0.49926, - "mrr_at_5": 0.5111, - "ndcg_at_1": 0.43949, - "ndcg_at_10": 0.51432, - "ndcg_at_100": 0.55628, - "ndcg_at_1000": 0.57684, - "ndcg_at_3": 0.47424, - "ndcg_at_5": 0.49237, - "precision_at_1": 0.43949, - "precision_at_10": 0.09605, - "precision_at_100": 0.01517, - "precision_at_1000": 0.00201, - "precision_at_3": 0.22803, - "precision_at_5": 0.16064, - "recall_at_1": 0.3467, - "recall_at_10": 0.6122, - "recall_at_100": 0.78815, - "recall_at_1000": 0.91715, - "recall_at_3": 0.48821, - "recall_at_5": 0.5406 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/CQADupstackGamingRetrieval.json b/results/google-gecko__text-embedding-004-256/no_revision_available/CQADupstackGamingRetrieval.json deleted file mode 100644 index 572613ff1..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/CQADupstackGamingRetrieval.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "mteb_dataset_name": "CQADupstackGamingRetrieval", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 744.6, - "map_at_1": 0.43958, - "map_at_10": 0.57397, - "map_at_100": 0.58437, - "map_at_1000": 0.58479, - "map_at_3": 0.53974, - "map_at_5": 0.55897, - "mrr_at_1": 0.50157, - "mrr_at_10": 0.60791, - "mrr_at_100": 0.61366, - "mrr_at_1000": 0.61386, - "mrr_at_3": 0.58307, - "mrr_at_5": 0.59727, - "ndcg_at_1": 0.50157, - "ndcg_at_10": 0.63395, - "ndcg_at_100": 0.66998, - "ndcg_at_1000": 0.67827, - "ndcg_at_3": 0.5783, - "ndcg_at_5": 0.60537, - "precision_at_1": 0.50157, - "precision_at_10": 0.10107, - "precision_at_100": 0.01284, - "precision_at_1000": 0.00139, - "precision_at_3": 0.25684, - "precision_at_5": 0.1753, - "recall_at_1": 0.43958, - "recall_at_10": 0.77532, - "recall_at_100": 0.92507, - "recall_at_1000": 0.98411, - "recall_at_3": 0.62759, - "recall_at_5": 0.69354 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/CQADupstackGisRetrieval.json b/results/google-gecko__text-embedding-004-256/no_revision_available/CQADupstackGisRetrieval.json deleted file mode 100644 index 49f0d9f5c..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/CQADupstackGisRetrieval.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "mteb_dataset_name": "CQADupstackGisRetrieval", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 1433.68, - "map_at_1": 0.27857, - "map_at_10": 0.37405, - "map_at_100": 0.38536, - "map_at_1000": 0.38605, - "map_at_3": 0.34417, - "map_at_5": 0.35988, - "mrr_at_1": 0.30169, - "mrr_at_10": 0.39401, - "mrr_at_100": 0.40362, - "mrr_at_1000": 0.40409, - "mrr_at_3": 0.36667, - "mrr_at_5": 0.38119, - "ndcg_at_1": 0.30169, - "ndcg_at_10": 0.42934, - "ndcg_at_100": 0.48222, - "ndcg_at_1000": 0.49888, - "ndcg_at_3": 0.37017, - "ndcg_at_5": 0.39642, - "precision_at_1": 0.30169, - "precision_at_10": 0.06712, - "precision_at_100": 0.00982, - "precision_at_1000": 0.00116, - "precision_at_3": 0.15782, - "precision_at_5": 0.10983, - "recall_at_1": 0.27857, - "recall_at_10": 0.58155, - "recall_at_100": 0.81945, - "recall_at_1000": 0.94311, - "recall_at_3": 0.41885, - "recall_at_5": 0.48266 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/CQADupstackMathematicaRetrieval.json b/results/google-gecko__text-embedding-004-256/no_revision_available/CQADupstackMathematicaRetrieval.json deleted file mode 100644 index 0528d13cb..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/CQADupstackMathematicaRetrieval.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "mteb_dataset_name": "CQADupstackMathematicaRetrieval", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 1822.75, - "map_at_1": 0.18531, - "map_at_10": 0.27221, - "map_at_100": 0.28562, - "map_at_1000": 0.2868, - "map_at_3": 0.24371, - "map_at_5": 0.25869, - "mrr_at_1": 0.22761, - "mrr_at_10": 0.31685, - "mrr_at_100": 0.32816, - "mrr_at_1000": 0.32882, - "mrr_at_3": 0.29042, - "mrr_at_5": 0.30485, - "ndcg_at_1": 0.22761, - "ndcg_at_10": 0.32721, - "ndcg_at_100": 0.38875, - "ndcg_at_1000": 0.41571, - "ndcg_at_3": 0.27469, - "ndcg_at_5": 0.29776, - "precision_at_1": 0.22761, - "precision_at_10": 0.06119, - "precision_at_100": 0.01058, - "precision_at_1000": 0.00141, - "precision_at_3": 0.13184, - "precision_at_5": 0.09602, - "recall_at_1": 0.18531, - "recall_at_10": 0.45251, - "recall_at_100": 0.71433, - "recall_at_1000": 0.90557, - "recall_at_3": 0.30709, - "recall_at_5": 0.36519 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/CQADupstackPhysicsRetrieval.json b/results/google-gecko__text-embedding-004-256/no_revision_available/CQADupstackPhysicsRetrieval.json deleted file mode 100644 index e01115ffa..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/CQADupstackPhysicsRetrieval.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "mteb_dataset_name": "CQADupstackPhysicsRetrieval", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 900.28, - "map_at_1": 0.31006, - "map_at_10": 0.42506, - "map_at_100": 0.43894, - "map_at_1000": 0.43995, - "map_at_3": 0.38847, - "map_at_5": 0.40909, - "mrr_at_1": 0.38402, - "mrr_at_10": 0.48442, - "mrr_at_100": 0.49267, - "mrr_at_1000": 0.49304, - "mrr_at_3": 0.45765, - "mrr_at_5": 0.47223, - "ndcg_at_1": 0.38402, - "ndcg_at_10": 0.49089, - "ndcg_at_100": 0.54521, - "ndcg_at_1000": 0.56202, - "ndcg_at_3": 0.43408, - "ndcg_at_5": 0.46027, - "precision_at_1": 0.38402, - "precision_at_10": 0.09047, - "precision_at_100": 0.01368, - "precision_at_1000": 0.00168, - "precision_at_3": 0.20725, - "precision_at_5": 0.14918, - "recall_at_1": 0.31006, - "recall_at_10": 0.62769, - "recall_at_100": 0.85302, - "recall_at_1000": 0.95839, - "recall_at_3": 0.46582, - "recall_at_5": 0.53309 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/CQADupstackProgrammersRetrieval.json b/results/google-gecko__text-embedding-004-256/no_revision_available/CQADupstackProgrammersRetrieval.json deleted file mode 100644 index db31a1e38..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/CQADupstackProgrammersRetrieval.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "mteb_dataset_name": "CQADupstackProgrammersRetrieval", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 1848.37, - "map_at_1": 0.29499, - "map_at_10": 0.41105, - "map_at_100": 0.42507, - "map_at_1000": 0.42608, - "map_at_3": 0.37252, - "map_at_5": 0.39641, - "mrr_at_1": 0.36187, - "mrr_at_10": 0.46519, - "mrr_at_100": 0.47367, - "mrr_at_1000": 0.4741, - "mrr_at_3": 0.43702, - "mrr_at_5": 0.45449, - "ndcg_at_1": 0.36187, - "ndcg_at_10": 0.47534, - "ndcg_at_100": 0.52977, - "ndcg_at_1000": 0.54727, - "ndcg_at_3": 0.41664, - "ndcg_at_5": 0.44797, - "precision_at_1": 0.36187, - "precision_at_10": 0.08893, - "precision_at_100": 0.01342, - "precision_at_1000": 0.00167, - "precision_at_3": 0.20053, - "precision_at_5": 0.14795, - "recall_at_1": 0.29499, - "recall_at_10": 0.60974, - "recall_at_100": 0.8371, - "recall_at_1000": 0.95002, - "recall_at_3": 0.44974, - "recall_at_5": 0.52823 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/CQADupstackRetrieval.json b/results/google-gecko__text-embedding-004-256/no_revision_available/CQADupstackRetrieval.json deleted file mode 100644 index bdde55c12..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/CQADupstackRetrieval.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "mteb_dataset_name": "CQADupstackRetrieval", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 13596.150000000001, - "map_at_1": 0.29088250000000004, - "map_at_10": 0.39584249999999993, - "map_at_100": 0.40862666666666664, - "map_at_1000": 0.40970083333333335, - "map_at_3": 0.36395999999999995, - "map_at_5": 0.38211749999999994, - "mrr_at_1": 0.3460975, - "mrr_at_10": 0.4393391666666667, - "mrr_at_100": 0.44773750000000007, - "mrr_at_1000": 0.44821416666666664, - "mrr_at_3": 0.4140175, - "mrr_at_5": 0.4285116666666666, - "ndcg_at_1": 0.3460975, - "ndcg_at_10": 0.45412166666666665, - "ndcg_at_100": 0.5052558333333332, - "ndcg_at_1000": 0.5246000000000001, - "ndcg_at_3": 0.40212666666666663, - "ndcg_at_5": 0.42695083333333333, - "precision_at_1": 0.3460975, - "precision_at_10": 0.08018166666666666, - "precision_at_100": 0.012414166666666667, - "precision_at_1000": 0.0015991666666666667, - "precision_at_3": 0.18639833333333336, - "precision_at_5": 0.1327883333333333, - "recall_at_1": 0.29088250000000004, - "recall_at_10": 0.5821558333333333, - "recall_at_100": 0.8027633333333333, - "recall_at_1000": 0.9342216666666665, - "recall_at_3": 0.4371275, - "recall_at_5": 0.5006783333333333 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/CQADupstackStatsRetrieval.json b/results/google-gecko__text-embedding-004-256/no_revision_available/CQADupstackStatsRetrieval.json deleted file mode 100644 index 3e8070aee..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/CQADupstackStatsRetrieval.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "mteb_dataset_name": "CQADupstackStatsRetrieval", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 1849.17, - "map_at_1": 0.2543, - "map_at_10": 0.33314, - "map_at_100": 0.34331, - "map_at_1000": 0.34418, - "map_at_3": 0.31359, - "map_at_5": 0.32203, - "mrr_at_1": 0.28221, - "mrr_at_10": 0.35784, - "mrr_at_100": 0.36682, - "mrr_at_1000": 0.36747, - "mrr_at_3": 0.33896, - "mrr_at_5": 0.34724, - "ndcg_at_1": 0.28221, - "ndcg_at_10": 0.37683, - "ndcg_at_100": 0.42537, - "ndcg_at_1000": 0.44821, - "ndcg_at_3": 0.33948, - "ndcg_at_5": 0.35216, - "precision_at_1": 0.28221, - "precision_at_10": 0.0592, - "precision_at_100": 0.00908, - "precision_at_1000": 0.00118, - "precision_at_3": 0.14775, - "precision_at_5": 0.09785, - "recall_at_1": 0.2543, - "recall_at_10": 0.48533, - "recall_at_100": 0.70075, - "recall_at_1000": 0.87035, - "recall_at_3": 0.38058, - "recall_at_5": 0.41319 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/CQADupstackTexRetrieval.json b/results/google-gecko__text-embedding-004-256/no_revision_available/CQADupstackTexRetrieval.json deleted file mode 100644 index bac432f6e..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/CQADupstackTexRetrieval.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "mteb_dataset_name": "CQADupstackTexRetrieval", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 1172.5, - "map_at_1": 0.19142, - "map_at_10": 0.27602, - "map_at_100": 0.28816, - "map_at_1000": 0.28936, - "map_at_3": 0.24934, - "map_at_5": 0.26523, - "mrr_at_1": 0.23538, - "mrr_at_10": 0.31801, - "mrr_at_100": 0.32729, - "mrr_at_1000": 0.328, - "mrr_at_3": 0.29387, - "mrr_at_5": 0.30834, - "ndcg_at_1": 0.23538, - "ndcg_at_10": 0.32769, - "ndcg_at_100": 0.38232, - "ndcg_at_1000": 0.40892, - "ndcg_at_3": 0.28241, - "ndcg_at_5": 0.30543, - "precision_at_1": 0.23538, - "precision_at_10": 0.06032, - "precision_at_100": 0.01019, - "precision_at_1000": 0.00142, - "precision_at_3": 0.13581, - "precision_at_5": 0.09972, - "recall_at_1": 0.19142, - "recall_at_10": 0.44027, - "recall_at_100": 0.6833, - "recall_at_1000": 0.86996, - "recall_at_3": 0.31119, - "recall_at_5": 0.37165 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/CQADupstackUnixRetrieval.json b/results/google-gecko__text-embedding-004-256/no_revision_available/CQADupstackUnixRetrieval.json deleted file mode 100644 index 8b62380f2..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/CQADupstackUnixRetrieval.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "mteb_dataset_name": "CQADupstackUnixRetrieval", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 1113.01, - "map_at_1": 0.30717, - "map_at_10": 0.41278, - "map_at_100": 0.42472, - "map_at_1000": 0.42571, - "map_at_3": 0.37843, - "map_at_5": 0.39916, - "mrr_at_1": 0.36287, - "mrr_at_10": 0.45421, - "mrr_at_100": 0.46229, - "mrr_at_1000": 0.46283, - "mrr_at_3": 0.42662, - "mrr_at_5": 0.44336, - "ndcg_at_1": 0.36287, - "ndcg_at_10": 0.46998, - "ndcg_at_100": 0.5213, - "ndcg_at_1000": 0.5416, - "ndcg_at_3": 0.41333, - "ndcg_at_5": 0.44214, - "precision_at_1": 0.36287, - "precision_at_10": 0.08022, - "precision_at_100": 0.01177, - "precision_at_1000": 0.00146, - "precision_at_3": 0.18937, - "precision_at_5": 0.13582, - "recall_at_1": 0.30717, - "recall_at_10": 0.60106, - "recall_at_100": 0.82108, - "recall_at_1000": 0.95813, - "recall_at_3": 0.44688, - "recall_at_5": 0.51914 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/CQADupstackWebmastersRetrieval.json b/results/google-gecko__text-embedding-004-256/no_revision_available/CQADupstackWebmastersRetrieval.json deleted file mode 100644 index 3e16ed69e..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/CQADupstackWebmastersRetrieval.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "mteb_dataset_name": "CQADupstackWebmastersRetrieval", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 839.56, - "map_at_1": 0.29151, - "map_at_10": 0.40967, - "map_at_100": 0.42536, - "map_at_1000": 0.42766, - "map_at_3": 0.37579, - "map_at_5": 0.39424, - "mrr_at_1": 0.35771, - "mrr_at_10": 0.46178, - "mrr_at_100": 0.46964, - "mrr_at_1000": 0.47, - "mrr_at_3": 0.43445, - "mrr_at_5": 0.45016, - "ndcg_at_1": 0.35771, - "ndcg_at_10": 0.47801, - "ndcg_at_100": 0.52926, - "ndcg_at_1000": 0.54947, - "ndcg_at_3": 0.42519, - "ndcg_at_5": 0.44922, - "precision_at_1": 0.35771, - "precision_at_10": 0.09308, - "precision_at_100": 0.01713, - "precision_at_1000": 0.00254, - "precision_at_3": 0.20422, - "precision_at_5": 0.14664, - "recall_at_1": 0.29151, - "recall_at_10": 0.60863, - "recall_at_100": 0.83846, - "recall_at_1000": 0.96187, - "recall_at_3": 0.45685, - "recall_at_5": 0.52234 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/CQADupstackWordpressRetrieval.json b/results/google-gecko__text-embedding-004-256/no_revision_available/CQADupstackWordpressRetrieval.json deleted file mode 100644 index efce16da1..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/CQADupstackWordpressRetrieval.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "mteb_dataset_name": "CQADupstackWordpressRetrieval", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 800.2, - "map_at_1": 0.22471, - "map_at_10": 0.31412, - "map_at_100": 0.32592, - "map_at_1000": 0.32682, - "map_at_3": 0.28473, - "map_at_5": 0.30206, - "mrr_at_1": 0.24954, - "mrr_at_10": 0.33897, - "mrr_at_100": 0.34901, - "mrr_at_1000": 0.34961, - "mrr_at_3": 0.31208, - "mrr_at_5": 0.32797, - "ndcg_at_1": 0.24954, - "ndcg_at_10": 0.36834, - "ndcg_at_100": 0.42314, - "ndcg_at_1000": 0.44421, - "ndcg_at_3": 0.3121, - "ndcg_at_5": 0.34036, - "precision_at_1": 0.24954, - "precision_at_10": 0.05952, - "precision_at_100": 0.00928, - "precision_at_1000": 0.00124, - "precision_at_3": 0.13555, - "precision_at_5": 0.09797, - "recall_at_1": 0.22471, - "recall_at_10": 0.51072, - "recall_at_100": 0.76107, - "recall_at_1000": 0.91345, - "recall_at_3": 0.36103, - "recall_at_5": 0.42772 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/ClimateFEVER.json b/results/google-gecko__text-embedding-004-256/no_revision_available/ClimateFEVER.json deleted file mode 100644 index 1cd363cd9..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/ClimateFEVER.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "mteb_dataset_name": "ClimateFEVER", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 27883.16, - "map_at_1": 0.11947, - "map_at_10": 0.20863, - "map_at_100": 0.22876, - "map_at_1000": 0.23066, - "map_at_3": 0.17204, - "map_at_5": 0.18923, - "mrr_at_1": 0.26189, - "mrr_at_10": 0.38207, - "mrr_at_100": 0.39217, - "mrr_at_1000": 0.39251, - "mrr_at_3": 0.34886, - "mrr_at_5": 0.36638, - "ndcg_at_1": 0.26189, - "ndcg_at_10": 0.2935, - "ndcg_at_100": 0.36981, - "ndcg_at_1000": 0.40357, - "ndcg_at_3": 0.23634, - "ndcg_at_5": 0.25339, - "precision_at_1": 0.26189, - "precision_at_10": 0.09407, - "precision_at_100": 0.01747, - "precision_at_1000": 0.00239, - "precision_at_3": 0.17633, - "precision_at_5": 0.13537, - "recall_at_1": 0.11947, - "recall_at_10": 0.35932, - "recall_at_100": 0.61978, - "recall_at_1000": 0.80792, - "recall_at_3": 0.2179, - "recall_at_5": 0.26896 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/DBPedia.json b/results/google-gecko__text-embedding-004-256/no_revision_available/DBPedia.json deleted file mode 100644 index 239508fe3..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/DBPedia.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "mteb_dataset_name": "DBPedia", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 41312.41, - "map_at_1": 0.09181, - "map_at_10": 0.20216, - "map_at_100": 0.28192, - "map_at_1000": 0.29926, - "map_at_3": 0.14863, - "map_at_5": 0.17002, - "mrr_at_1": 0.56745, - "mrr_at_10": 0.63543, - "mrr_at_100": 0.63852, - "mrr_at_1000": 0.63859, - "mrr_at_3": 0.62206, - "mrr_at_5": 0.62827, - "ndcg_at_1": 0.53625, - "ndcg_at_10": 0.4191, - "ndcg_at_100": 0.46943, - "ndcg_at_1000": 0.54597, - "ndcg_at_3": 0.46759, - "ndcg_at_5": 0.43561, - "precision_at_1": 0.6625, - "precision_at_10": 0.32925, - "precision_at_100": 0.10483, - "precision_at_1000": 0.02181, - "precision_at_3": 0.51083, - "precision_at_5": 0.42, - "recall_at_1": 0.09181, - "recall_at_10": 0.25604, - "recall_at_100": 0.52924, - "recall_at_1000": 0.76768, - "recall_at_3": 0.16436, - "recall_at_5": 0.19533 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/EmotionClassification.json b/results/google-gecko__text-embedding-004-256/no_revision_available/EmotionClassification.json deleted file mode 100644 index 385cf97b8..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/EmotionClassification.json +++ /dev/null @@ -1,13 +0,0 @@ -{ - "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", - "mteb_dataset_name": "EmotionClassification", - "mteb_version": "1.0.3.dev0", - "test": { - "accuracy": 0.51525, - "accuracy_stderr": 0.0291472554454103, - "evaluation_time": 9585.41, - "f1": 0.4355749580312758, - "f1_stderr": 0.023333687795654343, - "main_score": 0.51525 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/FEVER.json b/results/google-gecko__text-embedding-004-256/no_revision_available/FEVER.json deleted file mode 100644 index 7cbccf602..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/FEVER.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "mteb_dataset_name": "FEVER", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 18276.46, - "map_at_1": 0.68136, - "map_at_10": 0.78088, - "map_at_100": 0.78372, - "map_at_1000": 0.78387, - "map_at_3": 0.76633, - "map_at_5": 0.77621, - "mrr_at_1": 0.73402, - "mrr_at_10": 0.82491, - "mrr_at_100": 0.82617, - "mrr_at_1000": 0.8262, - "mrr_at_3": 0.81401, - "mrr_at_5": 0.82187, - "ndcg_at_1": 0.73402, - "ndcg_at_10": 0.82614, - "ndcg_at_100": 0.83632, - "ndcg_at_1000": 0.83911, - "ndcg_at_3": 0.80177, - "ndcg_at_5": 0.81688, - "precision_at_1": 0.73402, - "precision_at_10": 0.10192, - "precision_at_100": 0.01092, - "precision_at_1000": 0.00113, - "precision_at_3": 0.31118, - "precision_at_5": 0.19622, - "recall_at_1": 0.68136, - "recall_at_10": 0.92103, - "recall_at_100": 0.9617, - "recall_at_1000": 0.97999, - "recall_at_3": 0.85579, - "recall_at_5": 0.89337 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/FiQA2018.json b/results/google-gecko__text-embedding-004-256/no_revision_available/FiQA2018.json deleted file mode 100644 index 531203794..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/FiQA2018.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "mteb_dataset_name": "FiQA2018", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 826.47, - "map_at_1": 0.28289, - "map_at_10": 0.47219, - "map_at_100": 0.49286, - "map_at_1000": 0.49421, - "map_at_3": 0.41726, - "map_at_5": 0.44733, - "mrr_at_1": 0.05325, - "mrr_at_10": 0.06169, - "mrr_at_100": 0.06226, - "mrr_at_1000": 0.06229, - "mrr_at_3": 0.05992, - "mrr_at_5": 0.06099, - "ndcg_at_1": 0.5463, - "ndcg_at_10": 0.55539, - "ndcg_at_100": 0.61996, - "ndcg_at_1000": 0.63877, - "ndcg_at_3": 0.51953, - "ndcg_at_5": 0.52979, - "precision_at_1": 0.5463, - "precision_at_10": 0.15216, - "precision_at_100": 0.02227, - "precision_at_1000": 0.00254, - "precision_at_3": 0.35031, - "precision_at_5": 0.25154, - "recall_at_1": 0.28289, - "recall_at_10": 0.62562, - "recall_at_100": 0.85913, - "recall_at_1000": 0.97157, - "recall_at_3": 0.47559, - "recall_at_5": 0.5429 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/HotpotQA.json b/results/google-gecko__text-embedding-004-256/no_revision_available/HotpotQA.json deleted file mode 100644 index bedb930a3..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/HotpotQA.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "mteb_dataset_name": "HotpotQA", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 30305.19, - "map_at_1": 0.35057, - "map_at_10": 0.56158, - "map_at_100": 0.57147, - "map_at_1000": 0.57217, - "map_at_3": 0.52546, - "map_at_5": 0.5473, - "mrr_at_1": 0.70115, - "mrr_at_10": 0.77085, - "mrr_at_100": 0.77382, - "mrr_at_1000": 0.77393, - "mrr_at_3": 0.75773, - "mrr_at_5": 0.76577, - "ndcg_at_1": 0.70115, - "ndcg_at_10": 0.64652, - "ndcg_at_100": 0.6822, - "ndcg_at_1000": 0.69622, - "ndcg_at_3": 0.5932, - "ndcg_at_5": 0.6217, - "precision_at_1": 0.70115, - "precision_at_10": 0.13864, - "precision_at_100": 0.01665, - "precision_at_1000": 0.00185, - "precision_at_3": 0.38307, - "precision_at_5": 0.25237, - "recall_at_1": 0.35057, - "recall_at_10": 0.69318, - "recall_at_100": 0.83248, - "recall_at_1000": 0.92546, - "recall_at_3": 0.57461, - "recall_at_5": 0.63093 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/ImdbClassification.json b/results/google-gecko__text-embedding-004-256/no_revision_available/ImdbClassification.json deleted file mode 100644 index 5f8d4b683..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/ImdbClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", - "mteb_dataset_name": "ImdbClassification", - "mteb_version": "1.0.3.dev0", - "test": { - "accuracy": 0.956988, - "accuracy_stderr": 0.0015666575886261844, - "ap": 0.9325383093579452, - "ap_stderr": 0.005073617265973222, - "evaluation_time": 12440.97, - "f1": 0.9569789973813785, - "f1_stderr": 0.0015753923286984052, - "main_score": 0.956988 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/MSMARCO.json b/results/google-gecko__text-embedding-004-256/no_revision_available/MSMARCO.json deleted file mode 100644 index 2b89a5fc0..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/MSMARCO.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "dev": { - "evaluation_time": 12674.81, - "map_at_1": 0.13454, - "map_at_10": 0.24486, - "map_at_100": 0.25867, - "map_at_1000": 0.25932, - "map_at_3": 0.20477, - "map_at_5": 0.22738, - "mrr_at_1": 0.13854, - "mrr_at_10": 0.2493, - "mrr_at_100": 0.26263, - "mrr_at_1000": 0.26322, - "mrr_at_3": 0.20972, - "mrr_at_5": 0.23216, - "ndcg_at_1": 0.13868, - "ndcg_at_10": 0.31122, - "ndcg_at_100": 0.37905, - "ndcg_at_1000": 0.3959, - "ndcg_at_3": 0.22901, - "ndcg_at_5": 0.26946, - "precision_at_1": 0.13868, - "precision_at_10": 0.05413, - "precision_at_100": 0.00882, - "precision_at_1000": 0.00103, - "precision_at_3": 0.10167, - "precision_at_5": 0.08152, - "recall_at_1": 0.13454, - "recall_at_10": 0.51883, - "recall_at_100": 0.83506, - "recall_at_1000": 0.96547, - "recall_at_3": 0.29415, - "recall_at_5": 0.39131 - }, - "mteb_dataset_name": "MSMARCO", - "mteb_version": "1.0.3.dev0" -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/MTOPDomainClassification.json b/results/google-gecko__text-embedding-004-256/no_revision_available/MTOPDomainClassification.json deleted file mode 100644 index 828c43797..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/MTOPDomainClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", - "mteb_dataset_name": "MTOPDomainClassification", - "mteb_version": "1.0.3.dev0", - "test": { - "en": { - "accuracy": 0.9801869585043319, - "accuracy_stderr": 0.0014579409282944086, - "f1": 0.9790999568388186, - "f1_stderr": 0.0016991745944932267, - "main_score": 0.9801869585043319 - }, - "evaluation_time": 9944.23 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/MTOPIntentClassification.json b/results/google-gecko__text-embedding-004-256/no_revision_available/MTOPIntentClassification.json deleted file mode 100644 index 7f39c8627..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/MTOPIntentClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", - "mteb_dataset_name": "MTOPIntentClassification", - "mteb_version": "1.0.3.dev0", - "test": { - "en": { - "accuracy": 0.7781805745554036, - "accuracy_stderr": 0.01698684340588182, - "f1": 0.5299062219228621, - "f1_stderr": 0.01233545753861038, - "main_score": 0.7781805745554036 - }, - "evaluation_time": 12363.22 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/MassiveIntentClassification.json b/results/google-gecko__text-embedding-004-256/no_revision_available/MassiveIntentClassification.json deleted file mode 100644 index 5e2d5bfcc..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/MassiveIntentClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", - "mteb_dataset_name": "MassiveIntentClassification", - "mteb_version": "1.0.3.dev0", - "test": { - "en": { - "accuracy": 0.7566577000672495, - "accuracy_stderr": 0.01128114047521394, - "f1": 0.7146756266832706, - "f1_stderr": 0.01699481298232393, - "main_score": 0.7566577000672495 - }, - "evaluation_time": 10389.84 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/MassiveScenarioClassification.json b/results/google-gecko__text-embedding-004-256/no_revision_available/MassiveScenarioClassification.json deleted file mode 100644 index cc11be44b..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/MassiveScenarioClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", - "mteb_dataset_name": "MassiveScenarioClassification", - "mteb_version": "1.0.3.dev0", - "test": { - "en": { - "accuracy": 0.8515803631472764, - "accuracy_stderr": 0.010669382041402402, - "f1": 0.8343620184111142, - "f1_stderr": 0.008566215003823938, - "main_score": 0.8515803631472764 - }, - "evaluation_time": 7618.03 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/MedrxivClusteringP2P.json b/results/google-gecko__text-embedding-004-256/no_revision_available/MedrxivClusteringP2P.json deleted file mode 100644 index b63d8439b..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/MedrxivClusteringP2P.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", - "mteb_dataset_name": "MedrxivClusteringP2P", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 6609.28, - "v_measure": 0.3208484335843698, - "v_measure_std": 0.014311449841270725 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/MedrxivClusteringS2S.json b/results/google-gecko__text-embedding-004-256/no_revision_available/MedrxivClusteringS2S.json deleted file mode 100644 index bc92963be..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/MedrxivClusteringS2S.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", - "mteb_dataset_name": "MedrxivClusteringS2S", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 9860.26, - "v_measure": 0.3083852021395582, - "v_measure_std": 0.012148658840936286 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/MindSmallReranking.json b/results/google-gecko__text-embedding-004-256/no_revision_available/MindSmallReranking.json deleted file mode 100644 index d9a5bfa44..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/MindSmallReranking.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", - "mteb_dataset_name": "MindSmallReranking", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 391.56, - "map": 0.31891676847087586, - "mrr": 0.33269276725886726 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/NFCorpus.json b/results/google-gecko__text-embedding-004-256/no_revision_available/NFCorpus.json deleted file mode 100644 index 380693ff0..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/NFCorpus.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "mteb_dataset_name": "NFCorpus", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 915.09, - "map_at_1": 0.05667, - "map_at_10": 0.1418, - "map_at_100": 0.18002, - "map_at_1000": 0.19539, - "map_at_3": 0.10232, - "map_at_5": 0.11951, - "mrr_at_1": 0.04974, - "mrr_at_10": 0.059, - "mrr_at_100": 0.0594, - "mrr_at_1000": 0.05945, - "mrr_at_3": 0.05715, - "mrr_at_5": 0.05816, - "ndcg_at_1": 0.47214, - "ndcg_at_10": 0.37806, - "ndcg_at_100": 0.34554, - "ndcg_at_1000": 0.43613, - "ndcg_at_3": 0.43619, - "ndcg_at_5": 0.41324, - "precision_at_1": 0.49536, - "precision_at_10": 0.28266, - "precision_at_100": 0.08703, - "precision_at_1000": 0.02169, - "precision_at_3": 0.41176, - "precision_at_5": 0.36161, - "recall_at_1": 0.05667, - "recall_at_10": 0.19168, - "recall_at_100": 0.35631, - "recall_at_1000": 0.68706, - "recall_at_3": 0.11947, - "recall_at_5": 0.14793 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/NQ.json b/results/google-gecko__text-embedding-004-256/no_revision_available/NQ.json deleted file mode 100644 index c2b4e41a4..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/NQ.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "mteb_dataset_name": "NQ", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 18718.51, - "map_at_1": 0.32476, - "map_at_10": 0.4924, - "map_at_100": 0.50208, - "map_at_1000": 0.50229, - "map_at_3": 0.44503, - "map_at_5": 0.47374, - "mrr_at_1": 0.3708, - "mrr_at_10": 0.51759, - "mrr_at_100": 0.52455, - "mrr_at_1000": 0.52471, - "mrr_at_3": 0.48132, - "mrr_at_5": 0.50268, - "ndcg_at_1": 0.37051, - "ndcg_at_10": 0.57365, - "ndcg_at_100": 0.61196, - "ndcg_at_1000": 0.61657, - "ndcg_at_3": 0.4873, - "ndcg_at_5": 0.53312, - "precision_at_1": 0.37051, - "precision_at_10": 0.09563, - "precision_at_100": 0.01167, - "precision_at_1000": 0.00121, - "precision_at_3": 0.22518, - "precision_at_5": 0.16194, - "recall_at_1": 0.32476, - "recall_at_10": 0.79567, - "recall_at_100": 0.9579, - "recall_at_1000": 0.99165, - "recall_at_3": 0.57295, - "recall_at_5": 0.67799 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/QuoraRetrieval.json b/results/google-gecko__text-embedding-004-256/no_revision_available/QuoraRetrieval.json deleted file mode 100644 index 5c5138eca..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/QuoraRetrieval.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "mteb_dataset_name": "QuoraRetrieval", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 34500.76, - "map_at_1": 0.70157, - "map_at_10": 0.84194, - "map_at_100": 0.84842, - "map_at_1000": 0.84857, - "map_at_3": 0.81277, - "map_at_5": 0.83032, - "mrr_at_1": 0.53813, - "mrr_at_10": 0.57971, - "mrr_at_100": 0.58053, - "mrr_at_1000": 0.58054, - "mrr_at_3": 0.57352, - "mrr_at_5": 0.57765, - "ndcg_at_1": 0.807, - "ndcg_at_10": 0.87888, - "ndcg_at_100": 0.89176, - "ndcg_at_1000": 0.89273, - "ndcg_at_3": 0.85089, - "ndcg_at_5": 0.86532, - "precision_at_1": 0.807, - "precision_at_10": 0.1341, - "precision_at_100": 0.01534, - "precision_at_1000": 0.00157, - "precision_at_3": 0.37363, - "precision_at_5": 0.24474, - "recall_at_1": 0.70157, - "recall_at_10": 0.95054, - "recall_at_100": 0.99504, - "recall_at_1000": 0.99956, - "recall_at_3": 0.86977, - "recall_at_5": 0.91157 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/RedditClustering.json b/results/google-gecko__text-embedding-004-256/no_revision_available/RedditClustering.json deleted file mode 100644 index 07ebe4c31..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/RedditClustering.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", - "mteb_dataset_name": "RedditClustering", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 13770.37, - "v_measure": 0.6223625729960218, - "v_measure_std": 0.04536346797366663 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/RedditClusteringP2P.json b/results/google-gecko__text-embedding-004-256/no_revision_available/RedditClusteringP2P.json deleted file mode 100644 index 7d8c60882..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/RedditClusteringP2P.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", - "mteb_dataset_name": "RedditClusteringP2P", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 8071.94, - "v_measure": 0.6370429601323532, - "v_measure_std": 0.12744044284827746 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/SCIDOCS.json b/results/google-gecko__text-embedding-004-256/no_revision_available/SCIDOCS.json deleted file mode 100644 index 9ba2905f2..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/SCIDOCS.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "mteb_dataset_name": "SCIDOCS", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 378.1, - "map_at_1": 0.04193, - "map_at_10": 0.10569, - "map_at_100": 0.12491, - "map_at_1000": 0.12802, - "map_at_3": 0.07509, - "map_at_5": 0.09052, - "mrr_at_1": 0.206, - "mrr_at_10": 0.31168, - "mrr_at_100": 0.32245, - "mrr_at_1000": 0.32309, - "mrr_at_3": 0.27717, - "mrr_at_5": 0.29547, - "ndcg_at_1": 0.206, - "ndcg_at_10": 0.18209, - "ndcg_at_100": 0.25699, - "ndcg_at_1000": 0.31316, - "ndcg_at_3": 0.16954, - "ndcg_at_5": 0.14928, - "precision_at_1": 0.206, - "precision_at_10": 0.0958, - "precision_at_100": 0.02031, - "precision_at_1000": 0.00338, - "precision_at_3": 0.159, - "precision_at_5": 0.1322, - "recall_at_1": 0.04193, - "recall_at_10": 0.19387, - "recall_at_100": 0.41245, - "recall_at_1000": 0.68697, - "recall_at_3": 0.09673, - "recall_at_5": 0.13378 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/SICK-R.json b/results/google-gecko__text-embedding-004-256/no_revision_available/SICK-R.json deleted file mode 100644 index 9d6d9eb1a..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/SICK-R.json +++ /dev/null @@ -1,20 +0,0 @@ -{ - "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", - "mteb_dataset_name": "SICK-R", - "mteb_version": "1.0.3.dev0", - "test": { - "cos_sim": { - "pearson": 0.8474850887593072, - "spearman": 0.8166576414933863 - }, - "euclidean": { - "pearson": 0.830808290344698, - "spearman": 0.8187067351928218 - }, - "evaluation_time": 1878.16, - "manhattan": { - "pearson": 0.8307626910872926, - "spearman": 0.8184137898263314 - } - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/STS12.json b/results/google-gecko__text-embedding-004-256/no_revision_available/STS12.json deleted file mode 100644 index 9ef6ae2b0..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/STS12.json +++ /dev/null @@ -1,20 +0,0 @@ -{ - "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", - "mteb_dataset_name": "STS12", - "mteb_version": "1.0.3.dev0", - "test": { - "cos_sim": { - "pearson": 0.8613813053691822, - "spearman": 0.7801594774946721 - }, - "euclidean": { - "pearson": 0.8249219317208718, - "spearman": 0.7775311018205399 - }, - "evaluation_time": 599.62, - "manhattan": { - "pearson": 0.8242254135579963, - "spearman": 0.776594792041498 - } - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/STS13.json b/results/google-gecko__text-embedding-004-256/no_revision_available/STS13.json deleted file mode 100644 index cc6740c40..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/STS13.json +++ /dev/null @@ -1,20 +0,0 @@ -{ - "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", - "mteb_dataset_name": "STS13", - "mteb_version": "1.0.3.dev0", - "test": { - "cos_sim": { - "pearson": 0.8891513564172031, - "spearman": 0.9010002157031564 - }, - "euclidean": { - "pearson": 0.8937863862459686, - "spearman": 0.8999984655243501 - }, - "evaluation_time": 589.81, - "manhattan": { - "pearson": 0.8923351296119455, - "spearman": 0.8983118300775196 - } - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/STS14.json b/results/google-gecko__text-embedding-004-256/no_revision_available/STS14.json deleted file mode 100644 index f2ba6345b..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/STS14.json +++ /dev/null @@ -1,20 +0,0 @@ -{ - "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", - "mteb_dataset_name": "STS14", - "mteb_version": "1.0.3.dev0", - "test": { - "cos_sim": { - "pearson": 0.8707380280685937, - "spearman": 0.8543906145115636 - }, - "euclidean": { - "pearson": 0.8631880159385705, - "spearman": 0.8515677445443834 - }, - "evaluation_time": 319.39, - "manhattan": { - "pearson": 0.8625885801826294, - "spearman": 0.8514781473245964 - } - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/STS15.json b/results/google-gecko__text-embedding-004-256/no_revision_available/STS15.json deleted file mode 100644 index 1f4030b2b..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/STS15.json +++ /dev/null @@ -1,20 +0,0 @@ -{ - "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", - "mteb_dataset_name": "STS15", - "mteb_version": "1.0.3.dev0", - "test": { - "cos_sim": { - "pearson": 0.8833024670101052, - "spearman": 0.8963578506448749 - }, - "euclidean": { - "pearson": 0.8906467209314752, - "spearman": 0.8928607868190261 - }, - "evaluation_time": 687.84, - "manhattan": { - "pearson": 0.889895090049207, - "spearman": 0.8922960721181005 - } - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/STS16.json b/results/google-gecko__text-embedding-004-256/no_revision_available/STS16.json deleted file mode 100644 index 46d1a78d4..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/STS16.json +++ /dev/null @@ -1,20 +0,0 @@ -{ - "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", - "mteb_dataset_name": "STS16", - "mteb_version": "1.0.3.dev0", - "test": { - "cos_sim": { - "pearson": 0.8563777974395127, - "spearman": 0.872428517586419 - }, - "euclidean": { - "pearson": 0.8685635822707989, - "spearman": 0.872865819051644 - }, - "evaluation_time": 839.76, - "manhattan": { - "pearson": 0.8690907171970117, - "spearman": 0.8733676170195034 - } - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/STS17.json b/results/google-gecko__text-embedding-004-256/no_revision_available/STS17.json deleted file mode 100644 index 830a9c4d3..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/STS17.json +++ /dev/null @@ -1,22 +0,0 @@ -{ - "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", - "mteb_dataset_name": "STS17", - "mteb_version": "1.0.3.dev0", - "test": { - "en-en": { - "cos_sim": { - "pearson": 0.9023857726477504, - "spearman": 0.9045992504525933 - }, - "euclidean": { - "pearson": 0.9048756332623971, - "spearman": 0.9035152521785648 - }, - "manhattan": { - "pearson": 0.9031222223348963, - "spearman": 0.9008617627865015 - } - }, - "evaluation_time": 736.47 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/STS22.json b/results/google-gecko__text-embedding-004-256/no_revision_available/STS22.json deleted file mode 100644 index a40b02f90..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/STS22.json +++ /dev/null @@ -1,22 +0,0 @@ -{ - "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", - "mteb_dataset_name": "STS22", - "mteb_version": "1.0.3.dev0", - "test": { - "en": { - "cos_sim": { - "pearson": 0.6732300153751435, - "spearman": 0.6799133577192704 - }, - "euclidean": { - "pearson": 0.6996222174621454, - "spearman": 0.6864558030721224 - }, - "manhattan": { - "pearson": 0.699609942392996, - "spearman": 0.6863548223648795 - } - }, - "evaluation_time": 748.07 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/STSBenchmark.json b/results/google-gecko__text-embedding-004-256/no_revision_available/STSBenchmark.json deleted file mode 100644 index 362838d48..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/STSBenchmark.json +++ /dev/null @@ -1,20 +0,0 @@ -{ - "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", - "mteb_dataset_name": "STSBenchmark", - "mteb_version": "1.0.3.dev0", - "test": { - "cos_sim": { - "pearson": 0.8802751844764131, - "spearman": 0.8932813080132864 - }, - "euclidean": { - "pearson": 0.8870904818108418, - "spearman": 0.889822577350166 - }, - "evaluation_time": 583.27, - "manhattan": { - "pearson": 0.8872082954543525, - "spearman": 0.8893392615850672 - } - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/SciDocsRR.json b/results/google-gecko__text-embedding-004-256/no_revision_available/SciDocsRR.json deleted file mode 100644 index 1f8e8c780..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/SciDocsRR.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", - "mteb_dataset_name": "SciDocsRR", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 1978.16, - "map": 0.8162253371651583, - "mrr": 0.9494470580254893 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/SciFact.json b/results/google-gecko__text-embedding-004-256/no_revision_available/SciFact.json deleted file mode 100644 index d8bd56fed..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/SciFact.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "mteb_dataset_name": "SciFact", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 647.98, - "map_at_1": 0.56578, - "map_at_10": 0.66455, - "map_at_100": 0.67195, - "map_at_1000": 0.6722, - "map_at_3": 0.64247, - "map_at_5": 0.65493, - "mrr_at_1": 0.1605, - "mrr_at_10": 0.18272, - "mrr_at_100": 0.18424, - "mrr_at_1000": 0.1843, - "mrr_at_3": 0.17824, - "mrr_at_5": 0.18067, - "ndcg_at_1": 0.59333, - "ndcg_at_10": 0.70858, - "ndcg_at_100": 0.73685, - "ndcg_at_1000": 0.74187, - "ndcg_at_3": 0.67121, - "ndcg_at_5": 0.68827, - "precision_at_1": 0.59333, - "precision_at_10": 0.09367, - "precision_at_100": 0.0108, - "precision_at_1000": 0.00112, - "precision_at_3": 0.26556, - "precision_at_5": 0.172, - "recall_at_1": 0.56578, - "recall_at_10": 0.8315, - "recall_at_100": 0.95267, - "recall_at_1000": 0.99, - "recall_at_3": 0.72922, - "recall_at_5": 0.77294 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/SprintDuplicateQuestions.json b/results/google-gecko__text-embedding-004-256/no_revision_available/SprintDuplicateQuestions.json deleted file mode 100644 index 530b5188c..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/SprintDuplicateQuestions.json +++ /dev/null @@ -1,49 +0,0 @@ -{ - "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", - "mteb_dataset_name": "SprintDuplicateQuestions", - "mteb_version": "1.0.3.dev0", - "test": { - "cos_sim": { - "accuracy": 0.9984851485148515, - "accuracy_threshold": 0.7978800535202026, - "ap": 0.9649112896934133, - "f1": 0.9229219143576827, - "f1_threshold": 0.7978800535202026, - "precision": 0.9299492385786802, - "recall": 0.916 - }, - "dot": { - "accuracy": 0.9980792079207921, - "accuracy_threshold": 0.2941617965698242, - "ap": 0.9515997737483476, - "f1": 0.9031941031941032, - "f1_threshold": 0.28656625747680664, - "precision": 0.8879227053140096, - "recall": 0.919 - }, - "euclidean": { - "accuracy": 0.9983960396039604, - "accuracy_threshold": 0.3836579918861389, - "ap": 0.9635539459085247, - "f1": 0.9194029850746268, - "f1_threshold": 0.390857994556427, - "precision": 0.9148514851485149, - "recall": 0.924 - }, - "evaluation_time": 207.15, - "manhattan": { - "accuracy": 0.9984257425742574, - "accuracy_threshold": 4.806952476501465, - "ap": 0.9627843379628833, - "f1": 0.9191361125062782, - "f1_threshold": 4.874647617340088, - "precision": 0.9233097880928355, - "recall": 0.915 - }, - "max": { - "accuracy": 0.9984851485148515, - "ap": 0.9649112896934133, - "f1": 0.9229219143576827 - } - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/StackExchangeClustering.json b/results/google-gecko__text-embedding-004-256/no_revision_available/StackExchangeClustering.json deleted file mode 100644 index 1d94fc053..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/StackExchangeClustering.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", - "mteb_dataset_name": "StackExchangeClustering", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 10634.25, - "v_measure": 0.7019164424578817, - "v_measure_std": 0.03823758076883945 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/StackExchangeClusteringP2P.json b/results/google-gecko__text-embedding-004-256/no_revision_available/StackExchangeClusteringP2P.json deleted file mode 100644 index 9428ccf29..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/StackExchangeClusteringP2P.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", - "mteb_dataset_name": "StackExchangeClusteringP2P", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 4313.42, - "v_measure": 0.361043743474582, - "v_measure_std": 0.015646133793676187 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/StackOverflowDupQuestions.json b/results/google-gecko__text-embedding-004-256/no_revision_available/StackOverflowDupQuestions.json deleted file mode 100644 index cebca9053..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/StackOverflowDupQuestions.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", - "mteb_dataset_name": "StackOverflowDupQuestions", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 643.94, - "map": 0.5375515199721693, - "mrr": 0.5469866734572617 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/SummEval.json b/results/google-gecko__text-embedding-004-256/no_revision_available/SummEval.json deleted file mode 100644 index 264cabca1..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/SummEval.json +++ /dev/null @@ -1,16 +0,0 @@ -{ - "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", - "mteb_dataset_name": "SummEval", - "mteb_version": "1.0.3.dev0", - "test": { - "cos_sim": { - "pearson": 0.30852394768477787, - "spearman": 0.3235626293168742 - }, - "dot": { - "pearson": 0.30602029719335627, - "spearman": 0.31245952441493835 - }, - "evaluation_time": 5070.3 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/TRECCOVID.json b/results/google-gecko__text-embedding-004-256/no_revision_available/TRECCOVID.json deleted file mode 100644 index 470f4bebd..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/TRECCOVID.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "mteb_dataset_name": "TRECCOVID", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 6621.92, - "map_at_1": 0.00243, - "map_at_10": 0.02044, - "map_at_100": 0.13051, - "map_at_1000": 0.32035, - "map_at_3": 0.00681, - "map_at_5": 0.01083, - "mrr_at_1": 0.94, - "mrr_at_10": 0.96167, - "mrr_at_100": 0.96167, - "mrr_at_1000": 0.96167, - "mrr_at_3": 0.95667, - "mrr_at_5": 0.96167, - "ndcg_at_1": 0.88, - "ndcg_at_10": 0.80127, - "ndcg_at_100": 0.63683, - "ndcg_at_1000": 0.57483, - "ndcg_at_3": 0.84408, - "ndcg_at_5": 0.83755, - "precision_at_1": 0.94, - "precision_at_10": 0.834, - "precision_at_100": 0.6506, - "precision_at_1000": 0.25318, - "precision_at_3": 0.88667, - "precision_at_5": 0.872, - "recall_at_1": 0.00243, - "recall_at_10": 0.02206, - "recall_at_100": 0.15861, - "recall_at_1000": 0.54221, - "recall_at_3": 0.00695, - "recall_at_5": 0.01133 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/Touche2020.json b/results/google-gecko__text-embedding-004-256/no_revision_available/Touche2020.json deleted file mode 100644 index 241aa1632..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/Touche2020.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "mteb_dataset_name": "Touche2020", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 9766.97, - "map_at_1": 0.02345, - "map_at_10": 0.1066, - "map_at_100": 0.16577, - "map_at_1000": 0.18254, - "map_at_3": 0.05398, - "map_at_5": 0.0715, - "mrr_at_1": 0.28571, - "mrr_at_10": 0.46136, - "mrr_at_100": 0.46457, - "mrr_at_1000": 0.46475, - "mrr_at_3": 0.41156, - "mrr_at_5": 0.43707, - "ndcg_at_1": 0.28571, - "ndcg_at_10": 0.27401, - "ndcg_at_100": 0.38317, - "ndcg_at_1000": 0.50304, - "ndcg_at_3": 0.28406, - "ndcg_at_5": 0.27232, - "precision_at_1": 0.28571, - "precision_at_10": 0.25102, - "precision_at_100": 0.07837, - "precision_at_1000": 0.01606, - "precision_at_3": 0.29932, - "precision_at_5": 0.27347, - "recall_at_1": 0.02345, - "recall_at_10": 0.1784, - "recall_at_100": 0.49507, - "recall_at_1000": 0.86464, - "recall_at_3": 0.06649, - "recall_at_5": 0.10058 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/ToxicConversationsClassification.json b/results/google-gecko__text-embedding-004-256/no_revision_available/ToxicConversationsClassification.json deleted file mode 100644 index bdf77b52a..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/ToxicConversationsClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", - "mteb_dataset_name": "ToxicConversationsClassification", - "mteb_version": "1.0.3.dev0", - "test": { - "accuracy": 0.88331, - "accuracy_stderr": 0.012239971405195367, - "ap": 0.33691924028251746, - "ap_stderr": 0.01450391253936986, - "evaluation_time": 8681.1, - "f1": 0.7317792913117287, - "f1_stderr": 0.013344070687911035, - "main_score": 0.88331 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/TweetSentimentExtractionClassification.json b/results/google-gecko__text-embedding-004-256/no_revision_available/TweetSentimentExtractionClassification.json deleted file mode 100644 index 2e717b234..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/TweetSentimentExtractionClassification.json +++ /dev/null @@ -1,13 +0,0 @@ -{ - "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", - "mteb_dataset_name": "TweetSentimentExtractionClassification", - "mteb_version": "1.0.3.dev0", - "test": { - "accuracy": 0.7297113752122242, - "accuracy_stderr": 0.005787733586090692, - "evaluation_time": 10677.39, - "f1": 0.7293670473268639, - "f1_stderr": 0.006693406742049476, - "main_score": 0.7297113752122242 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/TwentyNewsgroupsClustering.json b/results/google-gecko__text-embedding-004-256/no_revision_available/TwentyNewsgroupsClustering.json deleted file mode 100644 index 4050009dc..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/TwentyNewsgroupsClustering.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", - "mteb_dataset_name": "TwentyNewsgroupsClustering", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 34075.14, - "v_measure": 0.5060188079447253, - "v_measure_std": 0.020158179698286816 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/TwitterSemEval2015.json b/results/google-gecko__text-embedding-004-256/no_revision_available/TwitterSemEval2015.json deleted file mode 100644 index e212d6551..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/TwitterSemEval2015.json +++ /dev/null @@ -1,49 +0,0 @@ -{ - "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", - "mteb_dataset_name": "TwitterSemEval2015", - "mteb_version": "1.0.3.dev0", - "test": { - "cos_sim": { - "accuracy": 0.8744113965548072, - "accuracy_threshold": 0.81749027967453, - "ap": 0.7823227169439763, - "f1": 0.7078881018129428, - "f1_threshold": 0.7770020961761475, - "precision": 0.6494822648160388, - "recall": 0.7778364116094987 - }, - "dot": { - "accuracy": 0.8540859510043511, - "accuracy_threshold": 0.2934325337409973, - "ap": 0.7243362281752107, - "f1": 0.6724369133243935, - "f1_threshold": 0.28300565481185913, - "precision": 0.6249716745977792, - "recall": 0.7277044854881266 - }, - "euclidean": { - "accuracy": 0.8744113965548072, - "accuracy_threshold": 0.3685424327850342, - "ap": 0.7825131382455399, - "f1": 0.7066734331387973, - "f1_threshold": 0.3929133415222168, - "precision": 0.6805962854349951, - "recall": 0.7348284960422163 - }, - "evaluation_time": 544.23, - "manhattan": { - "accuracy": 0.8739941586696072, - "accuracy_threshold": 4.759272575378418, - "ap": 0.7812531368757971, - "f1": 0.7083969465648854, - "f1_threshold": 5.010133743286133, - "precision": 0.684029484029484, - "recall": 0.7345646437994723 - }, - "max": { - "accuracy": 0.8744113965548072, - "ap": 0.7825131382455399, - "f1": 0.7083969465648854 - } - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004-256/no_revision_available/TwitterURLCorpus.json b/results/google-gecko__text-embedding-004-256/no_revision_available/TwitterURLCorpus.json deleted file mode 100644 index 164c4fb11..000000000 --- a/results/google-gecko__text-embedding-004-256/no_revision_available/TwitterURLCorpus.json +++ /dev/null @@ -1,49 +0,0 @@ -{ - "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", - "mteb_dataset_name": "TwitterURLCorpus", - "mteb_version": "1.0.3.dev0", - "test": { - "cos_sim": { - "accuracy": 0.8961074242247836, - "accuracy_threshold": 0.7879688739776611, - "ap": 0.8703586454315364, - "f1": 0.7927259231768418, - "f1_threshold": 0.7619253396987915, - "precision": 0.7652074227985957, - "recall": 0.8222975053895903 - }, - "dot": { - "accuracy": 0.8826017774673032, - "accuracy_threshold": 0.28010502457618713, - "ap": 0.8414524794741913, - "f1": 0.7688957779746088, - "f1_threshold": 0.26950475573539734, - "precision": 0.7383753898497306, - "recall": 0.8020480443486295 - }, - "euclidean": { - "accuracy": 0.8964567081926496, - "accuracy_threshold": 0.38897937536239624, - "ap": 0.8711705265563836, - "f1": 0.7946230699364215, - "f1_threshold": 0.41702860593795776, - "precision": 0.7522872669739286, - "recall": 0.8420080073914382 - }, - "evaluation_time": 216.35, - "manhattan": { - "accuracy": 0.8959133775759692, - "accuracy_threshold": 5.0246429443359375, - "ap": 0.8703552274756968, - "f1": 0.7929219397468921, - "f1_threshold": 5.221945762634277, - "precision": 0.7696209870280455, - "recall": 0.8176778564829073 - }, - "max": { - "accuracy": 0.8964567081926496, - "ap": 0.8711705265563836, - "f1": 0.7946230699364215 - } - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/AmazonCounterfactualClassification.json b/results/google-gecko__text-embedding-004/no_revision_available/AmazonCounterfactualClassification.json deleted file mode 100644 index 6042fcc7d..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/AmazonCounterfactualClassification.json +++ /dev/null @@ -1,17 +0,0 @@ -{ - "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", - "mteb_dataset_name": "AmazonCounterfactualClassification", - "mteb_version": "1.0.3.dev0", - "test": { - "en": { - "accuracy": 0.7534328358208955, - "accuracy_stderr": 0.04264479743240423, - "ap": 0.3892899254466369, - "ap_stderr": 0.03157287045862829, - "f1": 0.6953798184806212, - "f1_stderr": 0.03349347270652596, - "main_score": 0.7534328358208955 - }, - "evaluation_time": 2701.38 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/AmazonPolarityClassification.json b/results/google-gecko__text-embedding-004/no_revision_available/AmazonPolarityClassification.json deleted file mode 100644 index a3a5a7db4..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/AmazonPolarityClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", - "mteb_dataset_name": "AmazonPolarityClassification", - "mteb_version": "1.0.3.dev0", - "test": { - "accuracy": 0.97342725, - "accuracy_stderr": 0.0003966885585695708, - "ap": 0.9607197053421134, - "ap_stderr": 0.002060276715963918, - "evaluation_time": 9192.3, - "f1": 0.9734268165415149, - "f1_stderr": 0.00039709498215275297, - "main_score": 0.97342725 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/AmazonReviewsClassification.json b/results/google-gecko__text-embedding-004/no_revision_available/AmazonReviewsClassification.json deleted file mode 100644 index 685ff8ac4..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/AmazonReviewsClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", - "mteb_dataset_name": "AmazonReviewsClassification", - "mteb_version": "1.0.3.dev0", - "test": { - "en": { - "accuracy": 0.51166, - "accuracy_stderr": 0.016647894761800956, - "f1": 0.4592327989566134, - "f1_stderr": 0.03843088100749563, - "main_score": 0.51166 - }, - "evaluation_time": 6845.26 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/ArguAna.json b/results/google-gecko__text-embedding-004/no_revision_available/ArguAna.json deleted file mode 100644 index c4f65f0b8..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/ArguAna.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "mteb_dataset_name": "ArguAna", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 258.26, - "map_at_1": 0.37269, - "map_at_10": 0.5355, - "map_at_100": 0.54145, - "map_at_1000": 0.54148, - "map_at_3": 0.49028, - "map_at_5": 0.51713, - "mrr_at_1": 0.37838, - "mrr_at_10": 0.53758, - "mrr_at_100": 0.54339, - "mrr_at_1000": 0.54343, - "mrr_at_3": 0.49241, - "mrr_at_5": 0.51908, - "ndcg_at_1": 0.37269, - "ndcg_at_10": 0.62179, - "ndcg_at_100": 0.64483, - "ndcg_at_1000": 0.64558, - "ndcg_at_3": 0.52926, - "ndcg_at_5": 0.57777, - "precision_at_1": 0.37269, - "precision_at_10": 0.08954, - "precision_at_100": 0.00991, - "precision_at_1000": 0.001, - "precision_at_3": 0.21408, - "precision_at_5": 0.15206, - "recall_at_1": 0.37269, - "recall_at_10": 0.89545, - "recall_at_100": 0.99075, - "recall_at_1000": 0.99644, - "recall_at_3": 0.64225, - "recall_at_5": 0.76031 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/ArxivClusteringP2P.json b/results/google-gecko__text-embedding-004/no_revision_available/ArxivClusteringP2P.json deleted file mode 100644 index efcc68c81..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/ArxivClusteringP2P.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", - "mteb_dataset_name": "ArxivClusteringP2P", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 15851.84, - "v_measure": 0.46269063020583195, - "v_measure_std": 0.13616141561011402 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/ArxivClusteringS2S.json b/results/google-gecko__text-embedding-004/no_revision_available/ArxivClusteringS2S.json deleted file mode 100644 index 88528f8eb..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/ArxivClusteringS2S.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", - "mteb_dataset_name": "ArxivClusteringS2S", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 22050.57, - "v_measure": 0.38360727745802436, - "v_measure_std": 0.13974354340555592 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/AskUbuntuDupQuestions.json b/results/google-gecko__text-embedding-004/no_revision_available/AskUbuntuDupQuestions.json deleted file mode 100644 index cd9aa1795..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/AskUbuntuDupQuestions.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", - "mteb_dataset_name": "AskUbuntuDupQuestions", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 542.54, - "map": 0.643974920082327, - "mrr": 0.7755781998856791 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/BIOSSES.json b/results/google-gecko__text-embedding-004/no_revision_available/BIOSSES.json deleted file mode 100644 index 0d64158b4..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/BIOSSES.json +++ /dev/null @@ -1,20 +0,0 @@ -{ - "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", - "mteb_dataset_name": "BIOSSES", - "mteb_version": "1.0.3.dev0", - "test": { - "cos_sim": { - "pearson": 0.9116911796213083, - "spearman": 0.8945505034219908 - }, - "euclidean": { - "pearson": 0.898340475834914, - "spearman": 0.8945505034219908 - }, - "evaluation_time": 68.31, - "manhattan": { - "pearson": 0.8967573863672864, - "spearman": 0.8918456225123359 - } - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/Banking77Classification.json b/results/google-gecko__text-embedding-004/no_revision_available/Banking77Classification.json deleted file mode 100644 index 78aeea894..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/Banking77Classification.json +++ /dev/null @@ -1,13 +0,0 @@ -{ - "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", - "mteb_dataset_name": "Banking77Classification", - "mteb_version": "1.0.3.dev0", - "test": { - "accuracy": 0.8861688311688309, - "accuracy_stderr": 0.006684212588289751, - "evaluation_time": 3225.13, - "f1": 0.882925461151034, - "f1_stderr": 0.0070652325730249585, - "main_score": 0.8861688311688309 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/BiorxivClusteringP2P.json b/results/google-gecko__text-embedding-004/no_revision_available/BiorxivClusteringP2P.json deleted file mode 100644 index b08db5987..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/BiorxivClusteringP2P.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", - "mteb_dataset_name": "BiorxivClusteringP2P", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 11864.7, - "v_measure": 0.3787261982487787, - "v_measure_std": 0.007024608217174709 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/BiorxivClusteringS2S.json b/results/google-gecko__text-embedding-004/no_revision_available/BiorxivClusteringS2S.json deleted file mode 100644 index 7da7c0eb2..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/BiorxivClusteringS2S.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", - "mteb_dataset_name": "BiorxivClusteringS2S", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 3066.99, - "v_measure": 0.3566893735402309, - "v_measure_std": 0.007613154248144818 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/BrightRetrieval.json b/results/google-gecko__text-embedding-004/no_revision_available/BrightRetrieval.json deleted file mode 100644 index d1ee1c073..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/BrightRetrieval.json +++ /dev/null @@ -1,653 +0,0 @@ -{ - "dataset_revision": "a75a0eb483f6a5233a6efc2d63d71540a4443dfb", - "evaluation_time": 0, - "kg_co2_emissions": null, - "mteb_version": "1.12.79", - "scores": { - "standard": [ - { - "hf_subset": "earth_science", - "languages": [ - "eng-Latn" - ], - "main_score": 0.34385, - "ndcg_at_1": 0.35345, - "ndcg_at_5": 0.32525, - "ndcg_at_10": 0.34385, - "ndcg_at_25": 0.38404, - "ndcg_at_50": 0.39616, - "ndcg_at_100": 0.41521, - "map_at_1": 0.16384, - "map_at_5": 0.26019, - "map_at_10": 0.27834, - "map_at_25": 0.29336, - "map_at_50": 0.29688, - "map_at_100": 0.30006, - "recall_at_1": 0.16384, - "recall_at_5": 0.31434, - "recall_at_10": 0.36874, - "recall_at_25": 0.48336, - "recall_at_50": 0.51735, - "recall_at_100": 0.58732, - "precision_at_1": 0.35345, - "precision_at_5": 0.18276, - "precision_at_10": 0.12241, - "precision_at_25": 0.06966, - "precision_at_50": 0.03966, - "precision_at_100": 0.02388, - "mrr": 0.43865 - }, - { - "hf_subset": "leetcode", - "languages": [ - "eng-Latn" - ], - "main_score": 0.29644, - "ndcg_at_1": 0.30986, - "ndcg_at_5": 0.27473, - "ndcg_at_10": 0.29644, - "ndcg_at_25": 0.32959, - "ndcg_at_50": 0.34723, - "ndcg_at_100": 0.36361, - "map_at_1": 0.16878, - "map_at_5": 0.23643, - "map_at_10": 0.24664, - "map_at_25": 0.25662, - "map_at_50": 0.25975, - "map_at_100": 0.26138, - "recall_at_1": 0.16878, - "recall_at_5": 0.27958, - "recall_at_10": 0.33462, - "recall_at_25": 0.45458, - "recall_at_50": 0.53521, - "recall_at_100": 0.62523, - "precision_at_1": 0.30986, - "precision_at_5": 0.1169, - "precision_at_10": 0.06901, - "precision_at_25": 0.03549, - "precision_at_50": 0.02042, - "precision_at_100": 0.01169, - "mrr": 0.37237 - }, - { - "hf_subset": "theoremqa_questions", - "languages": [ - "eng-Latn" - ], - "main_score": 0.21512, - "ndcg_at_1": 0.20976, - "ndcg_at_5": 0.20231, - "ndcg_at_10": 0.21512, - "ndcg_at_25": 0.22584, - "ndcg_at_50": 0.23805, - "ndcg_at_100": 0.25237, - "map_at_1": 0.13159, - "map_at_5": 0.17859, - "map_at_10": 0.1856, - "map_at_25": 0.18931, - "map_at_50": 0.19134, - "map_at_100": 0.19265, - "recall_at_1": 0.13159, - "recall_at_5": 0.20736, - "recall_at_10": 0.23988, - "recall_at_25": 0.27769, - "recall_at_50": 0.33053, - "recall_at_100": 0.40619, - "precision_at_1": 0.20976, - "precision_at_5": 0.08098, - "precision_at_10": 0.0478, - "precision_at_25": 0.02166, - "precision_at_50": 0.01288, - "precision_at_100": 0.0079, - "mrr": 0.25465 - }, - { - "hf_subset": "aops", - "languages": [ - "eng-Latn" - ], - "main_score": 0.09327, - "ndcg_at_1": 0.10811, - "ndcg_at_5": 0.09195, - "ndcg_at_10": 0.09327, - "ndcg_at_25": 0.1112, - "ndcg_at_50": 0.13255, - "ndcg_at_100": 0.15554, - "map_at_1": 0.02124, - "map_at_5": 0.05373, - "map_at_10": 0.06079, - "map_at_25": 0.06556, - "map_at_50": 0.06887, - "map_at_100": 0.07173, - "recall_at_1": 0.02124, - "recall_at_5": 0.07625, - "recall_at_10": 0.10371, - "recall_at_25": 0.15541, - "recall_at_50": 0.22657, - "recall_at_100": 0.31505, - "precision_at_1": 0.10811, - "precision_at_5": 0.07748, - "precision_at_10": 0.04955, - "precision_at_25": 0.02775, - "precision_at_50": 0.01982, - "precision_at_100": 0.01405, - "mrr": 0.15886 - }, - { - "hf_subset": "sustainable_living", - "languages": [ - "eng-Latn" - ], - "main_score": 0.1725, - "ndcg_at_1": 0.11111, - "ndcg_at_5": 0.14785, - "ndcg_at_10": 0.1725, - "ndcg_at_25": 0.20864, - "ndcg_at_50": 0.23667, - "ndcg_at_100": 0.27178, - "map_at_1": 0.04178, - "map_at_5": 0.0908, - "map_at_10": 0.1106, - "map_at_25": 0.12536, - "map_at_50": 0.13227, - "map_at_100": 0.13785, - "recall_at_1": 0.04178, - "recall_at_5": 0.16961, - "recall_at_10": 0.23722, - "recall_at_25": 0.34627, - "recall_at_50": 0.44453, - "recall_at_100": 0.58963, - "precision_at_1": 0.11111, - "precision_at_5": 0.09815, - "precision_at_10": 0.0787, - "precision_at_25": 0.05074, - "precision_at_50": 0.03444, - "precision_at_100": 0.02435, - "mrr": 0.21856 - }, - { - "hf_subset": "pony", - "languages": [ - "eng-Latn" - ], - "main_score": 0.03589, - "ndcg_at_1": 0.03571, - "ndcg_at_5": 0.03715, - "ndcg_at_10": 0.03589, - "ndcg_at_25": 0.04589, - "ndcg_at_50": 0.06423, - "ndcg_at_100": 0.08415, - "map_at_1": 0.00199, - "map_at_5": 0.00506, - "map_at_10": 0.00628, - "map_at_25": 0.00929, - "map_at_50": 0.01141, - "map_at_100": 0.01336, - "recall_at_1": 0.00199, - "recall_at_5": 0.01028, - "recall_at_10": 0.01856, - "recall_at_25": 0.0562, - "recall_at_50": 0.09631, - "recall_at_100": 0.13879, - "precision_at_1": 0.03571, - "precision_at_5": 0.0375, - "precision_at_10": 0.03571, - "precision_at_25": 0.03893, - "precision_at_50": 0.03339, - "precision_at_100": 0.02616, - "mrr": 0.12274 - }, - { - "hf_subset": "theoremqa_theorems", - "languages": [ - "eng-Latn" - ], - "main_score": 0.14306, - "ndcg_at_1": 0.08974, - "ndcg_at_5": 0.11473, - "ndcg_at_10": 0.14306, - "ndcg_at_25": 0.17857, - "ndcg_at_50": 0.19014, - "ndcg_at_100": 0.20203, - "map_at_1": 0.03953, - "map_at_5": 0.08704, - "map_at_10": 0.10016, - "map_at_25": 0.10972, - "map_at_50": 0.11146, - "map_at_100": 0.11278, - "recall_at_1": 0.03953, - "recall_at_5": 0.1453, - "recall_at_10": 0.22115, - "recall_at_25": 0.35577, - "recall_at_50": 0.40675, - "recall_at_100": 0.46627, - "precision_at_1": 0.08974, - "precision_at_5": 0.05897, - "precision_at_10": 0.04231, - "precision_at_25": 0.0241, - "precision_at_50": 0.0141, - "precision_at_100": 0.00833, - "mrr": 0.16287 - }, - { - "hf_subset": "stackoverflow", - "languages": [ - "eng-Latn" - ], - "main_score": 0.17935, - "ndcg_at_1": 0.1453, - "ndcg_at_5": 0.16618, - "ndcg_at_10": 0.17935, - "ndcg_at_25": 0.19961, - "ndcg_at_50": 0.23594, - "ndcg_at_100": 0.26213, - "map_at_1": 0.04521, - "map_at_5": 0.09877, - "map_at_10": 0.11466, - "map_at_25": 0.12377, - "map_at_50": 0.13253, - "map_at_100": 0.13803, - "recall_at_1": 0.04521, - "recall_at_5": 0.15675, - "recall_at_10": 0.2159, - "recall_at_25": 0.28102, - "recall_at_50": 0.41207, - "recall_at_100": 0.50347, - "precision_at_1": 0.1453, - "precision_at_5": 0.11453, - "precision_at_10": 0.08291, - "precision_at_25": 0.05231, - "precision_at_50": 0.03983, - "precision_at_100": 0.02744, - "mrr": 0.24601 - }, - { - "hf_subset": "biology", - "languages": [ - "eng-Latn" - ], - "main_score": 0.22984, - "ndcg_at_1": 0.2233, - "ndcg_at_5": 0.21224, - "ndcg_at_10": 0.22984, - "ndcg_at_25": 0.28059, - "ndcg_at_50": 0.30576, - "ndcg_at_100": 0.33526, - "map_at_1": 0.06187, - "map_at_5": 0.14444, - "map_at_10": 0.16587, - "map_at_25": 0.18522, - "map_at_50": 0.19154, - "map_at_100": 0.19596, - "recall_at_1": 0.06187, - "recall_at_5": 0.19906, - "recall_at_10": 0.26136, - "recall_at_25": 0.41093, - "recall_at_50": 0.50001, - "recall_at_100": 0.62104, - "precision_at_1": 0.2233, - "precision_at_5": 0.14951, - "precision_at_10": 0.10291, - "precision_at_25": 0.06175, - "precision_at_50": 0.03786, - "precision_at_100": 0.02369, - "mrr": 0.31717 - }, - { - "hf_subset": "robotics", - "languages": [ - "eng-Latn" - ], - "main_score": 0.15978, - "ndcg_at_1": 0.13861, - "ndcg_at_5": 0.15017, - "ndcg_at_10": 0.15978, - "ndcg_at_25": 0.18502, - "ndcg_at_50": 0.20475, - "ndcg_at_100": 0.22354, - "map_at_1": 0.07551, - "map_at_5": 0.11018, - "map_at_10": 0.11761, - "map_at_25": 0.12805, - "map_at_50": 0.13209, - "map_at_100": 0.13469, - "recall_at_1": 0.07551, - "recall_at_5": 0.14454, - "recall_at_10": 0.17738, - "recall_at_25": 0.26268, - "recall_at_50": 0.33225, - "recall_at_100": 0.40559, - "precision_at_1": 0.13861, - "precision_at_5": 0.07921, - "precision_at_10": 0.05644, - "precision_at_25": 0.03802, - "precision_at_50": 0.02614, - "precision_at_100": 0.01752, - "mrr": 0.21157 - }, - { - "hf_subset": "economics", - "languages": [ - "eng-Latn" - ], - "main_score": 0.19503, - "ndcg_at_1": 0.18447, - "ndcg_at_5": 0.18824, - "ndcg_at_10": 0.19503, - "ndcg_at_25": 0.22567, - "ndcg_at_50": 0.24477, - "ndcg_at_100": 0.27073, - "map_at_1": 0.06385, - "map_at_5": 0.11052, - "map_at_10": 0.12166, - "map_at_25": 0.13936, - "map_at_50": 0.14826, - "map_at_100": 0.15488, - "recall_at_1": 0.06385, - "recall_at_5": 0.16165, - "recall_at_10": 0.20624, - "recall_at_25": 0.31451, - "recall_at_50": 0.4032, - "recall_at_100": 0.50804, - "precision_at_1": 0.18447, - "precision_at_5": 0.11456, - "precision_at_10": 0.08932, - "precision_at_25": 0.07068, - "precision_at_50": 0.04816, - "precision_at_100": 0.03369, - "mrr": 0.25786 - }, - { - "hf_subset": "psychology", - "languages": [ - "eng-Latn" - ], - "main_score": 0.27864, - "ndcg_at_1": 0.26733, - "ndcg_at_5": 0.26182, - "ndcg_at_10": 0.27864, - "ndcg_at_25": 0.30703, - "ndcg_at_50": 0.32835, - "ndcg_at_100": 0.35831, - "map_at_1": 0.12191, - "map_at_5": 0.17951, - "map_at_10": 0.20237, - "map_at_25": 0.22599, - "map_at_50": 0.23244, - "map_at_100": 0.23709, - "recall_at_1": 0.12191, - "recall_at_5": 0.23612, - "recall_at_10": 0.31401, - "recall_at_25": 0.44192, - "recall_at_50": 0.52868, - "recall_at_100": 0.65694, - "precision_at_1": 0.26733, - "precision_at_5": 0.1505, - "precision_at_10": 0.11386, - "precision_at_25": 0.07129, - "precision_at_50": 0.04337, - "precision_at_100": 0.02743, - "mrr": 0.3276 - } - ], - "long": [ - { - "hf_subset": "economics", - "languages": [ - "eng-Latn" - ], - "main_score": 0.40738, - "ndcg_at_1": 0.23301, - "ndcg_at_5": 0.35441, - "ndcg_at_10": 0.40738, - "ndcg_at_25": 0.43159, - "ndcg_at_50": 0.44847, - "ndcg_at_100": 0.4641, - "map_at_1": 0.21845, - "map_at_5": 0.30561, - "map_at_10": 0.32869, - "map_at_25": 0.3352, - "map_at_50": 0.33771, - "map_at_100": 0.33922, - "recall_at_1": 0.21845, - "recall_at_5": 0.49191, - "recall_at_10": 0.65049, - "recall_at_25": 0.74757, - "recall_at_50": 0.83495, - "recall_at_100": 0.92718, - "precision_at_1": 0.23301, - "precision_at_5": 0.10485, - "precision_at_10": 0.06893, - "precision_at_25": 0.03146, - "precision_at_50": 0.01748, - "precision_at_100": 0.00981, - "mrr": 0.35026 - }, - { - "hf_subset": "stackoverflow", - "languages": [ - "eng-Latn" - ], - "main_score": 0.40752, - "ndcg_at_1": 0.20513, - "ndcg_at_5": 0.36518, - "ndcg_at_10": 0.40752, - "ndcg_at_25": 0.45471, - "ndcg_at_50": 0.46008, - "ndcg_at_100": 0.46669, - "map_at_1": 0.19231, - "map_at_5": 0.30442, - "map_at_10": 0.32308, - "map_at_25": 0.33615, - "map_at_50": 0.33713, - "map_at_100": 0.33776, - "recall_at_1": 0.19231, - "recall_at_5": 0.53846, - "recall_at_10": 0.66667, - "recall_at_25": 0.8547, - "recall_at_50": 0.88034, - "recall_at_100": 0.9188, - "precision_at_1": 0.20513, - "precision_at_5": 0.11795, - "precision_at_10": 0.0735, - "precision_at_25": 0.03761, - "precision_at_50": 0.01949, - "precision_at_100": 0.01017, - "mrr": 0.34469 - }, - { - "hf_subset": "pony", - "languages": [ - "eng-Latn" - ], - "main_score": 0.06282, - "ndcg_at_1": 0.01786, - "ndcg_at_5": 0.03794, - "ndcg_at_10": 0.06282, - "ndcg_at_25": 0.12986, - "ndcg_at_50": 0.20619, - "ndcg_at_100": 0.2875, - "map_at_1": 0.0029, - "map_at_5": 0.01157, - "map_at_10": 0.01979, - "map_at_25": 0.03656, - "map_at_50": 0.05342, - "map_at_100": 0.06927, - "recall_at_1": 0.0029, - "recall_at_5": 0.03448, - "recall_at_10": 0.08693, - "recall_at_25": 0.23886, - "recall_at_50": 0.45319, - "recall_at_100": 0.71873, - "precision_at_1": 0.01786, - "precision_at_5": 0.04464, - "precision_at_10": 0.05714, - "precision_at_25": 0.06179, - "precision_at_50": 0.05875, - "precision_at_100": 0.0475, - "mrr": 0.1343 - }, - { - "hf_subset": "earth_science", - "languages": [ - "eng-Latn" - ], - "main_score": 0.63739, - "ndcg_at_1": 0.5, - "ndcg_at_5": 0.58888, - "ndcg_at_10": 0.63739, - "ndcg_at_25": 0.65864, - "ndcg_at_50": 0.666, - "ndcg_at_100": 0.67065, - "map_at_1": 0.38003, - "map_at_5": 0.52123, - "map_at_10": 0.54864, - "map_at_25": 0.55673, - "map_at_50": 0.55836, - "map_at_100": 0.559, - "recall_at_1": 0.38003, - "recall_at_5": 0.68894, - "recall_at_10": 0.81106, - "recall_at_25": 0.88362, - "recall_at_50": 0.91667, - "recall_at_100": 0.94109, - "precision_at_1": 0.5, - "precision_at_5": 0.20345, - "precision_at_10": 0.12586, - "precision_at_25": 0.05621, - "precision_at_50": 0.02914, - "precision_at_100": 0.015, - "mrr": 0.63036 - }, - { - "hf_subset": "sustainable_living", - "languages": [ - "eng-Latn" - ], - "main_score": 0.49555, - "ndcg_at_1": 0.27778, - "ndcg_at_5": 0.4635, - "ndcg_at_10": 0.49555, - "ndcg_at_25": 0.5151, - "ndcg_at_50": 0.53621, - "ndcg_at_100": 0.54304, - "map_at_1": 0.25648, - "map_at_5": 0.39695, - "map_at_10": 0.41111, - "map_at_25": 0.418, - "map_at_50": 0.42173, - "map_at_100": 0.42235, - "recall_at_1": 0.25648, - "recall_at_5": 0.63519, - "recall_at_10": 0.72623, - "recall_at_25": 0.79753, - "recall_at_50": 0.89969, - "recall_at_100": 0.94136, - "precision_at_1": 0.27778, - "precision_at_5": 0.14444, - "precision_at_10": 0.08426, - "precision_at_25": 0.03778, - "precision_at_50": 0.02148, - "precision_at_100": 0.0112, - "mrr": 0.4425 - }, - { - "hf_subset": "robotics", - "languages": [ - "eng-Latn" - ], - "main_score": 0.31856, - "ndcg_at_1": 0.12871, - "ndcg_at_5": 0.28356, - "ndcg_at_10": 0.31856, - "ndcg_at_25": 0.354, - "ndcg_at_50": 0.37564, - "ndcg_at_100": 0.38779, - "map_at_1": 0.12871, - "map_at_5": 0.23383, - "map_at_10": 0.24941, - "map_at_25": 0.25809, - "map_at_50": 0.26145, - "map_at_100": 0.26256, - "recall_at_1": 0.12871, - "recall_at_5": 0.42574, - "recall_at_10": 0.5297, - "recall_at_25": 0.67822, - "recall_at_50": 0.78713, - "recall_at_100": 0.86139, - "precision_at_1": 0.12871, - "precision_at_5": 0.08911, - "precision_at_10": 0.05545, - "precision_at_25": 0.02812, - "precision_at_50": 0.01644, - "precision_at_100": 0.00901, - "mrr": 0.269 - }, - { - "hf_subset": "psychology", - "languages": [ - "eng-Latn" - ], - "main_score": 0.51653, - "ndcg_at_1": 0.32673, - "ndcg_at_5": 0.47378, - "ndcg_at_10": 0.51653, - "ndcg_at_25": 0.54522, - "ndcg_at_50": 0.56043, - "ndcg_at_100": 0.5637, - "map_at_1": 0.30693, - "map_at_5": 0.43045, - "map_at_10": 0.44918, - "map_at_25": 0.45725, - "map_at_50": 0.45948, - "map_at_100": 0.45978, - "recall_at_1": 0.30693, - "recall_at_5": 0.59109, - "recall_at_10": 0.7198, - "recall_at_25": 0.83036, - "recall_at_50": 0.90957, - "recall_at_100": 0.92937, - "precision_at_1": 0.32673, - "precision_at_5": 0.13267, - "precision_at_10": 0.0802, - "precision_at_25": 0.03723, - "precision_at_50": 0.0202, - "precision_at_100": 0.0103, - "mrr": 0.46674 - }, - { - "hf_subset": "biology", - "languages": [ - "eng-Latn" - ], - "main_score": 0.60481, - "ndcg_at_1": 0.38835, - "ndcg_at_5": 0.55247, - "ndcg_at_10": 0.60481, - "ndcg_at_25": 0.62217, - "ndcg_at_50": 0.62994, - "ndcg_at_100": 0.63085, - "map_at_1": 0.30906, - "map_at_5": 0.47973, - "map_at_10": 0.50589, - "map_at_25": 0.51144, - "map_at_50": 0.51286, - "map_at_100": 0.51296, - "recall_at_1": 0.30906, - "recall_at_5": 0.72573, - "recall_at_10": 0.87379, - "recall_at_25": 0.93851, - "recall_at_50": 0.97573, - "recall_at_100": 0.98058, - "precision_at_1": 0.38835, - "precision_at_5": 0.18447, - "precision_at_10": 0.11262, - "precision_at_25": 0.04854, - "precision_at_50": 0.02524, - "precision_at_100": 0.01272, - "mrr": 0.54611 - } - ] - }, - "task_name": "BrightRetrieval" -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/CQADupstackAndroidRetrieval.json b/results/google-gecko__text-embedding-004/no_revision_available/CQADupstackAndroidRetrieval.json deleted file mode 100644 index a34bf9b89..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/CQADupstackAndroidRetrieval.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "mteb_dataset_name": "CQADupstackAndroidRetrieval", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 404.74, - "map_at_1": 0.38115, - "map_at_10": 0.51443, - "map_at_100": 0.53039, - "map_at_1000": 0.53141, - "map_at_3": 0.47058, - "map_at_5": 0.49633, - "mrr_at_1": 0.46352, - "mrr_at_10": 0.57345, - "mrr_at_100": 0.57976, - "mrr_at_1000": 0.58002, - "mrr_at_3": 0.54888, - "mrr_at_5": 0.5639, - "ndcg_at_1": 0.46352, - "ndcg_at_10": 0.58315, - "ndcg_at_100": 0.6335, - "ndcg_at_1000": 0.64555, - "ndcg_at_3": 0.5268, - "ndcg_at_5": 0.55563, - "precision_at_1": 0.46352, - "precision_at_10": 0.11273, - "precision_at_100": 0.01685, - "precision_at_1000": 0.00211, - "precision_at_3": 0.25322, - "precision_at_5": 0.18684, - "recall_at_1": 0.38115, - "recall_at_10": 0.71232, - "recall_at_100": 0.91811, - "recall_at_1000": 0.98609, - "recall_at_3": 0.55382, - "recall_at_5": 0.6294 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/CQADupstackEnglishRetrieval.json b/results/google-gecko__text-embedding-004/no_revision_available/CQADupstackEnglishRetrieval.json deleted file mode 100644 index 6690cbd46..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/CQADupstackEnglishRetrieval.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "mteb_dataset_name": "CQADupstackEnglishRetrieval", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 379.62, - "map_at_1": 0.36827, - "map_at_10": 0.48652, - "map_at_100": 0.50008, - "map_at_1000": 0.50139, - "map_at_3": 0.44961, - "map_at_5": 0.47234, - "mrr_at_1": 0.46433, - "mrr_at_10": 0.54979, - "mrr_at_100": 0.5555, - "mrr_at_1000": 0.5558, - "mrr_at_3": 0.52431, - "mrr_at_5": 0.54122, - "ndcg_at_1": 0.46433, - "ndcg_at_10": 0.54833, - "ndcg_at_100": 0.59073, - "ndcg_at_1000": 0.6078, - "ndcg_at_3": 0.49994, - "ndcg_at_5": 0.52605, - "precision_at_1": 0.46433, - "precision_at_10": 0.10344, - "precision_at_100": 0.01629, - "precision_at_1000": 0.00208, - "precision_at_3": 0.24098, - "precision_at_5": 0.17287, - "recall_at_1": 0.36827, - "recall_at_10": 0.65498, - "recall_at_100": 0.8338, - "recall_at_1000": 0.93664, - "recall_at_3": 0.51196, - "recall_at_5": 0.58507 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/CQADupstackGamingRetrieval.json b/results/google-gecko__text-embedding-004/no_revision_available/CQADupstackGamingRetrieval.json deleted file mode 100644 index 61915f73a..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/CQADupstackGamingRetrieval.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "mteb_dataset_name": "CQADupstackGamingRetrieval", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 564.27, - "map_at_1": 0.48064, - "map_at_10": 0.61754, - "map_at_100": 0.62643, - "map_at_1000": 0.62675, - "map_at_3": 0.57901, - "map_at_5": 0.60246, - "mrr_at_1": 0.54608, - "mrr_at_10": 0.65008, - "mrr_at_100": 0.65457, - "mrr_at_1000": 0.65469, - "mrr_at_3": 0.62382, - "mrr_at_5": 0.64094, - "ndcg_at_1": 0.54608, - "ndcg_at_10": 0.67787, - "ndcg_at_100": 0.70873, - "ndcg_at_1000": 0.71413, - "ndcg_at_3": 0.61736, - "ndcg_at_5": 0.65009, - "precision_at_1": 0.54608, - "precision_at_10": 0.10777, - "precision_at_100": 0.01322, - "precision_at_1000": 0.00139, - "precision_at_3": 0.27147, - "precision_at_5": 0.18746, - "recall_at_1": 0.48064, - "recall_at_10": 0.82112, - "recall_at_100": 0.95145, - "recall_at_1000": 0.98852, - "recall_at_3": 0.66285, - "recall_at_5": 0.74212 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/CQADupstackGisRetrieval.json b/results/google-gecko__text-embedding-004/no_revision_available/CQADupstackGisRetrieval.json deleted file mode 100644 index c51627785..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/CQADupstackGisRetrieval.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "mteb_dataset_name": "CQADupstackGisRetrieval", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 822.87, - "map_at_1": 0.30004, - "map_at_10": 0.40427, - "map_at_100": 0.41578, - "map_at_1000": 0.41632, - "map_at_3": 0.37382, - "map_at_5": 0.39148, - "mrr_at_1": 0.32316, - "mrr_at_10": 0.42376, - "mrr_at_100": 0.4335, - "mrr_at_1000": 0.43387, - "mrr_at_3": 0.39642, - "mrr_at_5": 0.41218, - "ndcg_at_1": 0.32316, - "ndcg_at_10": 0.4601, - "ndcg_at_100": 0.51434, - "ndcg_at_1000": 0.52775, - "ndcg_at_3": 0.40114, - "ndcg_at_5": 0.43016, - "precision_at_1": 0.32316, - "precision_at_10": 0.07006, - "precision_at_100": 0.01035, - "precision_at_1000": 0.00118, - "precision_at_3": 0.16949, - "precision_at_5": 0.11819, - "recall_at_1": 0.30004, - "recall_at_10": 0.61373, - "recall_at_100": 0.85685, - "recall_at_1000": 0.95799, - "recall_at_3": 0.4539, - "recall_at_5": 0.52296 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/CQADupstackMathematicaRetrieval.json b/results/google-gecko__text-embedding-004/no_revision_available/CQADupstackMathematicaRetrieval.json deleted file mode 100644 index f22765c29..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/CQADupstackMathematicaRetrieval.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "mteb_dataset_name": "CQADupstackMathematicaRetrieval", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 550.89, - "map_at_1": 0.21895, - "map_at_10": 0.3135, - "map_at_100": 0.32575, - "map_at_1000": 0.32692, - "map_at_3": 0.28169, - "map_at_5": 0.29801, - "mrr_at_1": 0.26741, - "mrr_at_10": 0.35895, - "mrr_at_100": 0.36819, - "mrr_at_1000": 0.36878, - "mrr_at_3": 0.33022, - "mrr_at_5": 0.34515, - "ndcg_at_1": 0.26741, - "ndcg_at_10": 0.37223, - "ndcg_at_100": 0.42844, - "ndcg_at_1000": 0.45372, - "ndcg_at_3": 0.3152, - "ndcg_at_5": 0.33959, - "precision_at_1": 0.26741, - "precision_at_10": 0.06779, - "precision_at_100": 0.01113, - "precision_at_1000": 0.00146, - "precision_at_3": 0.14842, - "precision_at_5": 0.10746, - "recall_at_1": 0.21895, - "recall_at_10": 0.50747, - "recall_at_100": 0.74619, - "recall_at_1000": 0.9249, - "recall_at_3": 0.35061, - "recall_at_5": 0.41211 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/CQADupstackPhysicsRetrieval.json b/results/google-gecko__text-embedding-004/no_revision_available/CQADupstackPhysicsRetrieval.json deleted file mode 100644 index b8c13a477..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/CQADupstackPhysicsRetrieval.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "mteb_dataset_name": "CQADupstackPhysicsRetrieval", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 2200.38, - "map_at_1": 0.34197, - "map_at_10": 0.46283, - "map_at_100": 0.4762, - "map_at_1000": 0.47712, - "map_at_3": 0.42316, - "map_at_5": 0.44616, - "mrr_at_1": 0.42156, - "mrr_at_10": 0.52176, - "mrr_at_100": 0.52905, - "mrr_at_1000": 0.52936, - "mrr_at_3": 0.4939, - "mrr_at_5": 0.51075, - "ndcg_at_1": 0.42156, - "ndcg_at_10": 0.52905, - "ndcg_at_100": 0.58002, - "ndcg_at_1000": 0.59458, - "ndcg_at_3": 0.46914, - "ndcg_at_5": 0.49938, - "precision_at_1": 0.42156, - "precision_at_10": 0.09654, - "precision_at_100": 0.01416, - "precision_at_1000": 0.0017, - "precision_at_3": 0.22265, - "precision_at_5": 0.16054, - "recall_at_1": 0.34197, - "recall_at_10": 0.6667, - "recall_at_100": 0.87458, - "recall_at_1000": 0.96372, - "recall_at_3": 0.4974, - "recall_at_5": 0.57531 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/CQADupstackProgrammersRetrieval.json b/results/google-gecko__text-embedding-004/no_revision_available/CQADupstackProgrammersRetrieval.json deleted file mode 100644 index bc0a0bf33..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/CQADupstackProgrammersRetrieval.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "mteb_dataset_name": "CQADupstackProgrammersRetrieval", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 229.87, - "map_at_1": 0.3154, - "map_at_10": 0.44104, - "map_at_100": 0.45443, - "map_at_1000": 0.45533, - "map_at_3": 0.40015, - "map_at_5": 0.42277, - "mrr_at_1": 0.39269, - "mrr_at_10": 0.4984, - "mrr_at_100": 0.50661, - "mrr_at_1000": 0.50692, - "mrr_at_3": 0.47051, - "mrr_at_5": 0.48666, - "ndcg_at_1": 0.39269, - "ndcg_at_10": 0.50822, - "ndcg_at_100": 0.56084, - "ndcg_at_1000": 0.57539, - "ndcg_at_3": 0.44668, - "ndcg_at_5": 0.47459, - "precision_at_1": 0.39269, - "precision_at_10": 0.09521, - "precision_at_100": 0.01401, - "precision_at_1000": 0.0017, - "precision_at_3": 0.21271, - "precision_at_5": 0.15388, - "recall_at_1": 0.3154, - "recall_at_10": 0.64915, - "recall_at_100": 0.86978, - "recall_at_1000": 0.96181, - "recall_at_3": 0.47659, - "recall_at_5": 0.5514 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/CQADupstackRetrieval.json b/results/google-gecko__text-embedding-004/no_revision_available/CQADupstackRetrieval.json deleted file mode 100644 index 3c61587ee..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/CQADupstackRetrieval.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "mteb_dataset_name": "CQADupstackRetrieval", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 11822.54, - "map_at_1": 0.31642916666666665, - "map_at_10": 0.4281424999999999, - "map_at_100": 0.44057416666666666, - "map_at_1000": 0.4416183333333334, - "map_at_3": 0.39367250000000004, - "map_at_5": 0.4129625, - "mrr_at_1": 0.37573749999999995, - "mrr_at_10": 0.4720008333333333, - "mrr_at_100": 0.47953583333333333, - "mrr_at_1000": 0.4799583333333333, - "mrr_at_3": 0.44547, - "mrr_at_5": 0.46091000000000004, - "ndcg_at_1": 0.37573749999999995, - "ndcg_at_10": 0.48889166666666667, - "ndcg_at_100": 0.5377466666666667, - "ndcg_at_1000": 0.5549341666666667, - "ndcg_at_3": 0.4333075, - "ndcg_at_5": 0.4597183333333334, - "precision_at_1": 0.37573749999999995, - "precision_at_10": 0.08626666666666667, - "precision_at_100": 0.013045833333333333, - "precision_at_1000": 0.0016391666666666666, - "precision_at_3": 0.19967833333333332, - "precision_at_5": 0.14234333333333332, - "recall_at_1": 0.31642916666666665, - "recall_at_10": 0.6229991666666668, - "recall_at_100": 0.8344216666666666, - "recall_at_1000": 0.9492616666666667, - "recall_at_3": 0.46851666666666664, - "recall_at_5": 0.5360208333333334 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/CQADupstackStatsRetrieval.json b/results/google-gecko__text-embedding-004/no_revision_available/CQADupstackStatsRetrieval.json deleted file mode 100644 index a886b2153..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/CQADupstackStatsRetrieval.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "mteb_dataset_name": "CQADupstackStatsRetrieval", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 2916.88, - "map_at_1": 0.27675, - "map_at_10": 0.36198, - "map_at_100": 0.37157, - "map_at_1000": 0.37248, - "map_at_3": 0.33582, - "map_at_5": 0.34899, - "mrr_at_1": 0.31595, - "mrr_at_10": 0.39382, - "mrr_at_100": 0.40139, - "mrr_at_1000": 0.40209, - "mrr_at_3": 0.37065, - "mrr_at_5": 0.38193, - "ndcg_at_1": 0.31595, - "ndcg_at_10": 0.41236, - "ndcg_at_100": 0.45745, - "ndcg_at_1000": 0.4796, - "ndcg_at_3": 0.36346, - "ndcg_at_5": 0.38384, - "precision_at_1": 0.31595, - "precision_at_10": 0.0658, - "precision_at_100": 0.00963, - "precision_at_1000": 0.00123, - "precision_at_3": 0.15746, - "precision_at_5": 0.10859, - "recall_at_1": 0.27675, - "recall_at_10": 0.53648, - "recall_at_100": 0.73948, - "recall_at_1000": 0.89971, - "recall_at_3": 0.40061, - "recall_at_5": 0.45153 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/CQADupstackTexRetrieval.json b/results/google-gecko__text-embedding-004/no_revision_available/CQADupstackTexRetrieval.json deleted file mode 100644 index 12599a3c9..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/CQADupstackTexRetrieval.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "mteb_dataset_name": "CQADupstackTexRetrieval", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 1778.21, - "map_at_1": 0.21419, - "map_at_10": 0.30398, - "map_at_100": 0.31581, - "map_at_1000": 0.31703, - "map_at_3": 0.27526, - "map_at_5": 0.2902, - "mrr_at_1": 0.2629, - "mrr_at_10": 0.34729, - "mrr_at_100": 0.35604, - "mrr_at_1000": 0.35672, - "mrr_at_3": 0.32284, - "mrr_at_5": 0.3356, - "ndcg_at_1": 0.2629, - "ndcg_at_10": 0.35915, - "ndcg_at_100": 0.41263, - "ndcg_at_1000": 0.4383, - "ndcg_at_3": 0.30974, - "ndcg_at_5": 0.33068, - "precision_at_1": 0.2629, - "precision_at_10": 0.06614, - "precision_at_100": 0.01083, - "precision_at_1000": 0.00149, - "precision_at_3": 0.14717, - "precision_at_5": 0.10592, - "recall_at_1": 0.21419, - "recall_at_10": 0.48136, - "recall_at_100": 0.72186, - "recall_at_1000": 0.90019, - "recall_at_3": 0.34087, - "recall_at_5": 0.39554 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/CQADupstackUnixRetrieval.json b/results/google-gecko__text-embedding-004/no_revision_available/CQADupstackUnixRetrieval.json deleted file mode 100644 index 9117d1c5b..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/CQADupstackUnixRetrieval.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "mteb_dataset_name": "CQADupstackUnixRetrieval", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 480.85, - "map_at_1": 0.32786, - "map_at_10": 0.44568, - "map_at_100": 0.45734, - "map_at_1000": 0.45836, - "map_at_3": 0.41066, - "map_at_5": 0.4313, - "mrr_at_1": 0.38899, - "mrr_at_10": 0.48696, - "mrr_at_100": 0.49468, - "mrr_at_1000": 0.49517, - "mrr_at_3": 0.45802, - "mrr_at_5": 0.47617, - "ndcg_at_1": 0.38899, - "ndcg_at_10": 0.50567, - "ndcg_at_100": 0.55422, - "ndcg_at_1000": 0.57267, - "ndcg_at_3": 0.44744, - "ndcg_at_5": 0.47646, - "precision_at_1": 0.38899, - "precision_at_10": 0.08647, - "precision_at_100": 0.01223, - "precision_at_1000": 0.00149, - "precision_at_3": 0.20678, - "precision_at_5": 0.14627, - "recall_at_1": 0.32786, - "recall_at_10": 0.64544, - "recall_at_100": 0.85145, - "recall_at_1000": 0.97103, - "recall_at_3": 0.48436, - "recall_at_5": 0.55935 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/CQADupstackWebmastersRetrieval.json b/results/google-gecko__text-embedding-004/no_revision_available/CQADupstackWebmastersRetrieval.json deleted file mode 100644 index 874c55dbc..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/CQADupstackWebmastersRetrieval.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "mteb_dataset_name": "CQADupstackWebmastersRetrieval", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 557.88, - "map_at_1": 0.31555, - "map_at_10": 0.43637, - "map_at_100": 0.45407, - "map_at_1000": 0.45637, - "map_at_3": 0.40587, - "map_at_5": 0.41843, - "mrr_at_1": 0.37945, - "mrr_at_10": 0.48615, - "mrr_at_100": 0.49345, - "mrr_at_1000": 0.49387, - "mrr_at_3": 0.45949, - "mrr_at_5": 0.47283, - "ndcg_at_1": 0.37945, - "ndcg_at_10": 0.50515, - "ndcg_at_100": 0.55732, - "ndcg_at_1000": 0.57574, - "ndcg_at_3": 0.45598, - "ndcg_at_5": 0.4725, - "precision_at_1": 0.37945, - "precision_at_10": 0.09763, - "precision_at_100": 0.01816, - "precision_at_1000": 0.00259, - "precision_at_3": 0.21607, - "precision_at_5": 0.15178, - "recall_at_1": 0.31555, - "recall_at_10": 0.63459, - "recall_at_100": 0.86115, - "recall_at_1000": 0.97309, - "recall_at_3": 0.49191, - "recall_at_5": 0.53661 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/CQADupstackWordpressRetrieval.json b/results/google-gecko__text-embedding-004/no_revision_available/CQADupstackWordpressRetrieval.json deleted file mode 100644 index 4854f0b96..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/CQADupstackWordpressRetrieval.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "mteb_dataset_name": "CQADupstackWordpressRetrieval", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 936.08, - "map_at_1": 0.25638, - "map_at_10": 0.34957, - "map_at_100": 0.35904, - "map_at_1000": 0.35994, - "map_at_3": 0.31844, - "map_at_5": 0.33708, - "mrr_at_1": 0.28281, - "mrr_at_10": 0.3736, - "mrr_at_100": 0.38169, - "mrr_at_1000": 0.38221, - "mrr_at_3": 0.34658, - "mrr_at_5": 0.36359, - "ndcg_at_1": 0.28281, - "ndcg_at_10": 0.40542, - "ndcg_at_100": 0.45474, - "ndcg_at_1000": 0.47398, - "ndcg_at_3": 0.34681, - "ndcg_at_5": 0.37765, - "precision_at_1": 0.28281, - "precision_at_10": 0.06562, - "precision_at_100": 0.00969, - "precision_at_1000": 0.00125, - "precision_at_3": 0.14972, - "precision_at_5": 0.10832, - "recall_at_1": 0.25638, - "recall_at_10": 0.55265, - "recall_at_100": 0.78836, - "recall_at_1000": 0.92745, - "recall_at_3": 0.39732, - "recall_at_5": 0.47085 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/ClimateFEVER.json b/results/google-gecko__text-embedding-004/no_revision_available/ClimateFEVER.json deleted file mode 100644 index 10063c0f7..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/ClimateFEVER.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "mteb_dataset_name": "ClimateFEVER", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 14232.8, - "map_at_1": 0.13412, - "map_at_10": 0.23963, - "map_at_100": 0.26034, - "map_at_1000": 0.26227, - "map_at_3": 0.19626, - "map_at_5": 0.21814, - "mrr_at_1": 0.30163, - "mrr_at_10": 0.42866, - "mrr_at_100": 0.43754, - "mrr_at_1000": 0.43783, - "mrr_at_3": 0.3949, - "mrr_at_5": 0.41535, - "ndcg_at_1": 0.30163, - "ndcg_at_10": 0.33212, - "ndcg_at_100": 0.40842, - "ndcg_at_1000": 0.44053, - "ndcg_at_3": 0.2687, - "ndcg_at_5": 0.29116, - "precision_at_1": 0.30163, - "precision_at_10": 0.10541, - "precision_at_100": 0.01876, - "precision_at_1000": 0.00248, - "precision_at_3": 0.20261, - "precision_at_5": 0.15739, - "recall_at_1": 0.13412, - "recall_at_10": 0.40311, - "recall_at_100": 0.66214, - "recall_at_1000": 0.83851, - "recall_at_3": 0.24661, - "recall_at_5": 0.31098 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/Core17InstructionRetrieval.json b/results/google-gecko__text-embedding-004/no_revision_available/Core17InstructionRetrieval.json deleted file mode 100644 index 94f7abc9f..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/Core17InstructionRetrieval.json +++ /dev/null @@ -1,9 +0,0 @@ -{ - "dataset_revision": "e39ff896cf3efbbdeeb950e6bd7c79f266995b07", - "mteb_dataset_name": "Core17InstructionRetrieval", - "mteb_version": "1.7.32", - "test": { - "evaluation_time": 870.73, - "p-MRR": 0.05444156847313018 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/DBPedia.json b/results/google-gecko__text-embedding-004/no_revision_available/DBPedia.json deleted file mode 100644 index c1fd444b0..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/DBPedia.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "mteb_dataset_name": "DBPedia", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 34903.67, - "map_at_1": 0.09981, - "map_at_10": 0.23007, - "map_at_100": 0.32847, - "map_at_1000": 0.34844, - "map_at_3": 0.16294, - "map_at_5": 0.19184, - "mrr_at_1": 0.6167, - "mrr_at_10": 0.68318, - "mrr_at_100": 0.68471, - "mrr_at_1000": 0.68472, - "mrr_at_3": 0.66916, - "mrr_at_5": 0.67645, - "ndcg_at_1": 0.5975, - "ndcg_at_10": 0.47116, - "ndcg_at_100": 0.52288, - "ndcg_at_1000": 0.59896, - "ndcg_at_3": 0.50992, - "ndcg_at_5": 0.48779, - "precision_at_1": 0.72, - "precision_at_10": 0.375, - "precision_at_100": 0.11915, - "precision_at_1000": 0.02442, - "precision_at_3": 0.54833, - "precision_at_5": 0.472, - "recall_at_1": 0.09981, - "recall_at_10": 0.29049, - "recall_at_100": 0.58466, - "recall_at_1000": 0.82442, - "recall_at_3": 0.17635, - "recall_at_5": 0.21833 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/EmotionClassification.json b/results/google-gecko__text-embedding-004/no_revision_available/EmotionClassification.json deleted file mode 100644 index 0e4b3484d..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/EmotionClassification.json +++ /dev/null @@ -1,13 +0,0 @@ -{ - "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", - "mteb_dataset_name": "EmotionClassification", - "mteb_version": "1.0.3.dev0", - "test": { - "accuracy": 0.5251499999999999, - "accuracy_stderr": 0.02642730595425875, - "evaluation_time": 4082.06, - "f1": 0.46256422457546786, - "f1_stderr": 0.019494223859930215, - "main_score": 0.5251499999999999 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/FEVER.json b/results/google-gecko__text-embedding-004/no_revision_available/FEVER.json deleted file mode 100644 index 3bc54816a..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/FEVER.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "mteb_dataset_name": "FEVER", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 30306.08, - "map_at_1": 0.74058, - "map_at_10": 0.8308, - "map_at_100": 0.83297, - "map_at_1000": 0.83309, - "map_at_3": 0.81889, - "map_at_5": 0.8268, - "mrr_at_1": 0.79763, - "mrr_at_10": 0.8749, - "mrr_at_100": 0.87544, - "mrr_at_1000": 0.87546, - "mrr_at_3": 0.86761, - "mrr_at_5": 0.87286, - "ndcg_at_1": 0.79763, - "ndcg_at_10": 0.86962, - "ndcg_at_100": 0.8769, - "ndcg_at_1000": 0.87898, - "ndcg_at_3": 0.85152, - "ndcg_at_5": 0.86241, - "precision_at_1": 0.79763, - "precision_at_10": 0.10513, - "precision_at_100": 0.01111, - "precision_at_1000": 0.00115, - "precision_at_3": 0.32673, - "precision_at_5": 0.20357, - "recall_at_1": 0.74058, - "recall_at_10": 0.94419, - "recall_at_100": 0.97253, - "recall_at_1000": 0.98517, - "recall_at_3": 0.89586, - "recall_at_5": 0.92335 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/FiQA2018.json b/results/google-gecko__text-embedding-004/no_revision_available/FiQA2018.json deleted file mode 100644 index 80af50478..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/FiQA2018.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "mteb_dataset_name": "FiQA2018", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 1036.73, - "map_at_1": 0.30369, - "map_at_10": 0.50878, - "map_at_100": 0.52985, - "map_at_1000": 0.53103, - "map_at_3": 0.44617, - "map_at_5": 0.47932, - "mrr_at_1": 0.05566, - "mrr_at_10": 0.06446, - "mrr_at_100": 0.06495, - "mrr_at_1000": 0.06497, - "mrr_at_3": 0.06268, - "mrr_at_5": 0.06362, - "ndcg_at_1": 0.57099, - "ndcg_at_10": 0.59243, - "ndcg_at_100": 0.65454, - "ndcg_at_1000": 0.6702, - "ndcg_at_3": 0.5528, - "ndcg_at_5": 0.56144, - "precision_at_1": 0.57099, - "precision_at_10": 0.16389, - "precision_at_100": 0.02307, - "precision_at_1000": 0.00258, - "precision_at_3": 0.37088, - "precision_at_5": 0.26698, - "recall_at_1": 0.30369, - "recall_at_10": 0.66805, - "recall_at_100": 0.8919, - "recall_at_1000": 0.98289, - "recall_at_3": 0.50579, - "recall_at_5": 0.57156 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/HotpotQA.json b/results/google-gecko__text-embedding-004/no_revision_available/HotpotQA.json deleted file mode 100644 index 042f7ada7..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/HotpotQA.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "mteb_dataset_name": "HotpotQA", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 42968.02, - "map_at_1": 0.38346, - "map_at_10": 0.63337, - "map_at_100": 0.6422, - "map_at_1000": 0.6428, - "map_at_3": 0.59732, - "map_at_5": 0.61981, - "mrr_at_1": 0.76691, - "mrr_at_10": 0.82955, - "mrr_at_100": 0.83154, - "mrr_at_1000": 0.8316, - "mrr_at_3": 0.81886, - "mrr_at_5": 0.82565, - "ndcg_at_1": 0.76691, - "ndcg_at_10": 0.71332, - "ndcg_at_100": 0.74391, - "ndcg_at_1000": 0.75491, - "ndcg_at_3": 0.66201, - "ndcg_at_5": 0.69049, - "precision_at_1": 0.76691, - "precision_at_10": 0.15159, - "precision_at_100": 0.01754, - "precision_at_1000": 0.0019, - "precision_at_3": 0.42971, - "precision_at_5": 0.2803, - "recall_at_1": 0.38346, - "recall_at_10": 0.75793, - "recall_at_100": 0.87711, - "recall_at_1000": 0.94916, - "recall_at_3": 0.64456, - "recall_at_5": 0.70074 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/ImdbClassification.json b/results/google-gecko__text-embedding-004/no_revision_available/ImdbClassification.json deleted file mode 100644 index 4e953dc60..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/ImdbClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", - "mteb_dataset_name": "ImdbClassification", - "mteb_version": "1.0.3.dev0", - "test": { - "accuracy": 0.9565319999999999, - "accuracy_stderr": 0.002470824963448443, - "ap": 0.9317953485958037, - "ap_stderr": 0.006470559813178618, - "evaluation_time": 12960.24, - "f1": 0.9565206484065808, - "f1_stderr": 0.002481233340160583, - "main_score": 0.9565319999999999 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/MSMARCO.json b/results/google-gecko__text-embedding-004/no_revision_available/MSMARCO.json deleted file mode 100644 index 6d6f511ab..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/MSMARCO.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "dev": { - "evaluation_time": 15977.54, - "map_at_1": 0.14038, - "map_at_10": 0.25591, - "map_at_100": 0.26985, - "map_at_1000": 0.27042, - "map_at_3": 0.21357, - "map_at_5": 0.23774, - "mrr_at_1": 0.14441, - "mrr_at_10": 0.2605, - "mrr_at_100": 0.27391, - "mrr_at_1000": 0.27443, - "mrr_at_3": 0.21879, - "mrr_at_5": 0.24279, - "ndcg_at_1": 0.14441, - "ndcg_at_10": 0.32581, - "ndcg_at_100": 0.39395, - "ndcg_at_1000": 0.40876, - "ndcg_at_3": 0.23912, - "ndcg_at_5": 0.28249, - "precision_at_1": 0.14441, - "precision_at_10": 0.05686, - "precision_at_100": 0.00911, - "precision_at_1000": 0.00104, - "precision_at_3": 0.1063, - "precision_at_5": 0.08587, - "recall_at_1": 0.14038, - "recall_at_10": 0.54452, - "recall_at_100": 0.86196, - "recall_at_1000": 0.97613, - "recall_at_3": 0.30795, - "recall_at_5": 0.41239 - }, - "mteb_dataset_name": "MSMARCO", - "mteb_version": "1.0.3.dev0" -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/MTOPDomainClassification.json b/results/google-gecko__text-embedding-004/no_revision_available/MTOPDomainClassification.json deleted file mode 100644 index 234b12fec..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/MTOPDomainClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", - "mteb_dataset_name": "MTOPDomainClassification", - "mteb_version": "1.0.3.dev0", - "test": { - "en": { - "accuracy": 0.9834701322389419, - "accuracy_stderr": 0.0017843679711010512, - "f1": 0.9826348677760139, - "f1_stderr": 0.0018573267851437927, - "main_score": 0.9834701322389419 - }, - "evaluation_time": 11158.75 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/MTOPIntentClassification.json b/results/google-gecko__text-embedding-004/no_revision_available/MTOPIntentClassification.json deleted file mode 100644 index 9dcd93c5d..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/MTOPIntentClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", - "mteb_dataset_name": "MTOPIntentClassification", - "mteb_version": "1.0.3.dev0", - "test": { - "en": { - "accuracy": 0.8343137254901961, - "accuracy_stderr": 0.011112215698531656, - "f1": 0.6005321979296805, - "f1_stderr": 0.011001437758194836, - "main_score": 0.8343137254901961 - }, - "evaluation_time": 7927.13 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/MassiveIntentClassification.json b/results/google-gecko__text-embedding-004/no_revision_available/MassiveIntentClassification.json deleted file mode 100644 index 290077e67..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/MassiveIntentClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", - "mteb_dataset_name": "MassiveIntentClassification", - "mteb_version": "1.0.3.dev0", - "test": { - "en": { - "accuracy": 0.802151983860121, - "accuracy_stderr": 0.010191349881883744, - "f1": 0.7658305791074276, - "f1_stderr": 0.01256756676018139, - "main_score": 0.802151983860121 - }, - "evaluation_time": 3042.19 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/MassiveScenarioClassification.json b/results/google-gecko__text-embedding-004/no_revision_available/MassiveScenarioClassification.json deleted file mode 100644 index d4bdc96ba..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/MassiveScenarioClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", - "mteb_dataset_name": "MassiveScenarioClassification", - "mteb_version": "1.0.3.dev0", - "test": { - "en": { - "accuracy": 0.8718897108271688, - "accuracy_stderr": 0.008490498508183803, - "f1": 0.8601120542816079, - "f1_stderr": 0.007591145416899398, - "main_score": 0.8718897108271688 - }, - "evaluation_time": 8054.2 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/MedrxivClusteringP2P.json b/results/google-gecko__text-embedding-004/no_revision_available/MedrxivClusteringP2P.json deleted file mode 100644 index e992e753c..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/MedrxivClusteringP2P.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", - "mteb_dataset_name": "MedrxivClusteringP2P", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 1382.48, - "v_measure": 0.3311103807300487, - "v_measure_std": 0.013112340525435397 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/MedrxivClusteringS2S.json b/results/google-gecko__text-embedding-004/no_revision_available/MedrxivClusteringS2S.json deleted file mode 100644 index 65f458ff0..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/MedrxivClusteringS2S.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", - "mteb_dataset_name": "MedrxivClusteringS2S", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 9029.42, - "v_measure": 0.3154075283264622, - "v_measure_std": 0.01467607386397991 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/MindSmallReranking.json b/results/google-gecko__text-embedding-004/no_revision_available/MindSmallReranking.json deleted file mode 100644 index fc92582cd..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/MindSmallReranking.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", - "mteb_dataset_name": "MindSmallReranking", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 28855.06, - "map": 0.3306983603529963, - "mrr": 0.3457616801078698 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/NFCorpus.json b/results/google-gecko__text-embedding-004/no_revision_available/NFCorpus.json deleted file mode 100644 index 967d0e2ff..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/NFCorpus.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "mteb_dataset_name": "NFCorpus", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 168.25, - "map_at_1": 0.06688, - "map_at_10": 0.1562, - "map_at_100": 0.20063, - "map_at_1000": 0.21758, - "map_at_3": 0.11132, - "map_at_5": 0.13532, - "mrr_at_1": 0.05283, - "mrr_at_10": 0.06122, - "mrr_at_100": 0.06171, - "mrr_at_1000": 0.06174, - "mrr_at_3": 0.05952, - "mrr_at_5": 0.06051, - "ndcg_at_1": 0.5031, - "ndcg_at_10": 0.40327, - "ndcg_at_100": 0.37399, - "ndcg_at_1000": 0.4614, - "ndcg_at_3": 0.46035, - "ndcg_at_5": 0.44445, - "precision_at_1": 0.52632, - "precision_at_10": 0.30093, - "precision_at_100": 0.09579, - "precision_at_1000": 0.02263, - "precision_at_3": 0.43447, - "precision_at_5": 0.39071, - "recall_at_1": 0.06688, - "recall_at_10": 0.19693, - "recall_at_100": 0.38544, - "recall_at_1000": 0.70824, - "recall_at_3": 0.12436, - "recall_at_5": 0.16298 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/NQ.json b/results/google-gecko__text-embedding-004/no_revision_available/NQ.json deleted file mode 100644 index d024a475a..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/NQ.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "mteb_dataset_name": "NQ", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 29456.68, - "map_at_1": 0.35479, - "map_at_10": 0.53296, - "map_at_100": 0.54163, - "map_at_1000": 0.54176, - "map_at_3": 0.48968, - "map_at_5": 0.51619, - "mrr_at_1": 0.40324, - "mrr_at_10": 0.55622, - "mrr_at_100": 0.56222, - "mrr_at_1000": 0.56232, - "mrr_at_3": 0.52264, - "mrr_at_5": 0.54311, - "ndcg_at_1": 0.40295, - "ndcg_at_10": 0.61281, - "ndcg_at_100": 0.64677, - "ndcg_at_1000": 0.64975, - "ndcg_at_3": 0.53407, - "ndcg_at_5": 0.57675, - "precision_at_1": 0.40295, - "precision_at_10": 0.09991, - "precision_at_100": 0.01186, - "precision_at_1000": 0.00121, - "precision_at_3": 0.24701, - "precision_at_5": 0.17335, - "recall_at_1": 0.35479, - "recall_at_10": 0.8302, - "recall_at_100": 0.97393, - "recall_at_1000": 0.99614, - "recall_at_3": 0.6285, - "recall_at_5": 0.72629 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/News21InstructionRetrieval.json b/results/google-gecko__text-embedding-004/no_revision_available/News21InstructionRetrieval.json deleted file mode 100644 index 4a8b4406f..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/News21InstructionRetrieval.json +++ /dev/null @@ -1,9 +0,0 @@ -{ - "dataset_revision": "e0144086b45fe31ac125e9ac1a83b6a409bb6ca6", - "mteb_dataset_name": "News21InstructionRetrieval", - "mteb_version": "1.7.32", - "test": { - "evaluation_time": 1441.18, - "p-MRR": 0.039435171473957226 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/QuoraRetrieval.json b/results/google-gecko__text-embedding-004/no_revision_available/QuoraRetrieval.json deleted file mode 100644 index ec0d9069d..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/QuoraRetrieval.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "mteb_dataset_name": "QuoraRetrieval", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 13903.4, - "map_at_1": 0.70499, - "map_at_10": 0.84519, - "map_at_100": 0.85165, - "map_at_1000": 0.85179, - "map_at_3": 0.8154, - "map_at_5": 0.83402, - "mrr_at_1": 0.54107, - "mrr_at_10": 0.5818, - "mrr_at_100": 0.58256, - "mrr_at_1000": 0.58257, - "mrr_at_3": 0.5754, - "mrr_at_5": 0.57978, - "ndcg_at_1": 0.8113, - "ndcg_at_10": 0.88175, - "ndcg_at_100": 0.8943, - "ndcg_at_1000": 0.89521, - "ndcg_at_3": 0.85303, - "ndcg_at_5": 0.86883, - "precision_at_1": 0.8113, - "precision_at_10": 0.1344, - "precision_at_100": 0.01535, - "precision_at_1000": 0.00157, - "precision_at_3": 0.3738, - "precision_at_5": 0.24598, - "recall_at_1": 0.70499, - "recall_at_10": 0.95259, - "recall_at_100": 0.99561, - "recall_at_1000": 0.9998, - "recall_at_3": 0.87082, - "recall_at_5": 0.91517 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/RedditClustering.json b/results/google-gecko__text-embedding-004/no_revision_available/RedditClustering.json deleted file mode 100644 index ac78cc6f4..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/RedditClustering.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", - "mteb_dataset_name": "RedditClustering", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 5714.98, - "v_measure": 0.6580701544216176, - "v_measure_std": 0.04134485324808942 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/RedditClusteringP2P.json b/results/google-gecko__text-embedding-004/no_revision_available/RedditClusteringP2P.json deleted file mode 100644 index 961265981..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/RedditClusteringP2P.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", - "mteb_dataset_name": "RedditClusteringP2P", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 6706.43, - "v_measure": 0.6662193402354416, - "v_measure_std": 0.12270375007965578 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/Robust04InstructionRetrieval.json b/results/google-gecko__text-embedding-004/no_revision_available/Robust04InstructionRetrieval.json deleted file mode 100644 index bc7a35e96..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/Robust04InstructionRetrieval.json +++ /dev/null @@ -1,9 +0,0 @@ -{ - "dataset_revision": "a5a1c4fe2bc528ac12e83f8cdf82178da85d2f1d", - "mteb_dataset_name": "Robust04InstructionRetrieval", - "mteb_version": "1.7.32", - "test": { - "evaluation_time": 2359.21, - "p-MRR": -0.0239655472289634 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/SCIDOCS.json b/results/google-gecko__text-embedding-004/no_revision_available/SCIDOCS.json deleted file mode 100644 index 3bbe56133..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/SCIDOCS.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "mteb_dataset_name": "SCIDOCS", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 1065.13, - "map_at_1": 0.04708, - "map_at_10": 0.12023, - "map_at_100": 0.14267, - "map_at_1000": 0.14572, - "map_at_3": 0.08513, - "map_at_5": 0.10341, - "mrr_at_1": 0.232, - "mrr_at_10": 0.34485, - "mrr_at_100": 0.35673, - "mrr_at_1000": 0.35724, - "mrr_at_3": 0.31167, - "mrr_at_5": 0.33007, - "ndcg_at_1": 0.232, - "ndcg_at_10": 0.20345, - "ndcg_at_100": 0.28718, - "ndcg_at_1000": 0.34141, - "ndcg_at_3": 0.19126, - "ndcg_at_5": 0.16841, - "precision_at_1": 0.232, - "precision_at_10": 0.1062, - "precision_at_100": 0.02258, - "precision_at_1000": 0.00357, - "precision_at_3": 0.17867, - "precision_at_5": 0.1488, - "recall_at_1": 0.04708, - "recall_at_10": 0.21527, - "recall_at_100": 0.45848, - "recall_at_1000": 0.7246, - "recall_at_3": 0.10853, - "recall_at_5": 0.15063 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/SICK-R.json b/results/google-gecko__text-embedding-004/no_revision_available/SICK-R.json deleted file mode 100644 index a39f0a7ed..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/SICK-R.json +++ /dev/null @@ -1,20 +0,0 @@ -{ - "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", - "mteb_dataset_name": "SICK-R", - "mteb_version": "1.0.3.dev0", - "test": { - "cos_sim": { - "pearson": 0.8525539816922868, - "spearman": 0.8192896044270317 - }, - "euclidean": { - "pearson": 0.8294476446615473, - "spearman": 0.8192897748667761 - }, - "evaluation_time": 475.64, - "manhattan": { - "pearson": 0.8289098374679632, - "spearman": 0.8188795756508356 - } - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/STS12.json b/results/google-gecko__text-embedding-004/no_revision_available/STS12.json deleted file mode 100644 index 99420195e..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/STS12.json +++ /dev/null @@ -1,20 +0,0 @@ -{ - "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", - "mteb_dataset_name": "STS12", - "mteb_version": "1.0.3.dev0", - "test": { - "cos_sim": { - "pearson": 0.8577060498088549, - "spearman": 0.7758524372820383 - }, - "euclidean": { - "pearson": 0.8217813968227856, - "spearman": 0.7758522763583207 - }, - "evaluation_time": 352.61, - "manhattan": { - "pearson": 0.8208903310077256, - "spearman": 0.7748809618791964 - } - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/STS13.json b/results/google-gecko__text-embedding-004/no_revision_available/STS13.json deleted file mode 100644 index 74149db15..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/STS13.json +++ /dev/null @@ -1,20 +0,0 @@ -{ - "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", - "mteb_dataset_name": "STS13", - "mteb_version": "1.0.3.dev0", - "test": { - "cos_sim": { - "pearson": 0.8949477646091872, - "spearman": 0.9035686392538812 - }, - "euclidean": { - "pearson": 0.8959580130040902, - "spearman": 0.9035686392538812 - }, - "evaluation_time": 177.17, - "manhattan": { - "pearson": 0.8951611443777601, - "spearman": 0.9027465061462696 - } - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/STS14.json b/results/google-gecko__text-embedding-004/no_revision_available/STS14.json deleted file mode 100644 index 755ad6349..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/STS14.json +++ /dev/null @@ -1,20 +0,0 @@ -{ - "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", - "mteb_dataset_name": "STS14", - "mteb_version": "1.0.3.dev0", - "test": { - "cos_sim": { - "pearson": 0.8724913658871984, - "spearman": 0.8525132727535925 - }, - "euclidean": { - "pearson": 0.8652752443026088, - "spearman": 0.8525131847808963 - }, - "evaluation_time": 536.73, - "manhattan": { - "pearson": 0.8647592047573177, - "spearman": 0.8523375517190935 - } - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/STS15.json b/results/google-gecko__text-embedding-004/no_revision_available/STS15.json deleted file mode 100644 index d7bba022b..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/STS15.json +++ /dev/null @@ -1,20 +0,0 @@ -{ - "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", - "mteb_dataset_name": "STS15", - "mteb_version": "1.0.3.dev0", - "test": { - "cos_sim": { - "pearson": 0.8848197001832652, - "spearman": 0.8966474518227826 - }, - "euclidean": { - "pearson": 0.8939742439062138, - "spearman": 0.8966474224622268 - }, - "evaluation_time": 597.48, - "manhattan": { - "pearson": 0.8935583228337243, - "spearman": 0.8962866402986388 - } - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/STS16.json b/results/google-gecko__text-embedding-004/no_revision_available/STS16.json deleted file mode 100644 index d2df74ce7..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/STS16.json +++ /dev/null @@ -1,20 +0,0 @@ -{ - "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", - "mteb_dataset_name": "STS16", - "mteb_version": "1.0.3.dev0", - "test": { - "cos_sim": { - "pearson": 0.8600718924272863, - "spearman": 0.8734032035613459 - }, - "euclidean": { - "pearson": 0.8690960101430056, - "spearman": 0.8734032035613459 - }, - "evaluation_time": 229.72, - "manhattan": { - "pearson": 0.8695503059035214, - "spearman": 0.8738477361651739 - } - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/STS17.json b/results/google-gecko__text-embedding-004/no_revision_available/STS17.json deleted file mode 100644 index 0888c7ccf..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/STS17.json +++ /dev/null @@ -1,22 +0,0 @@ -{ - "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", - "mteb_dataset_name": "STS17", - "mteb_version": "1.0.3.dev0", - "test": { - "en-en": { - "cos_sim": { - "pearson": 0.9179985122152582, - "spearman": 0.9205955285289832 - }, - "euclidean": { - "pearson": 0.9184785204235787, - "spearman": 0.9205955285289832 - }, - "manhattan": { - "pearson": 0.9177861905506369, - "spearman": 0.9199332132714829 - } - }, - "evaluation_time": 114.08 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/STS22.json b/results/google-gecko__text-embedding-004/no_revision_available/STS22.json deleted file mode 100644 index 09700345d..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/STS22.json +++ /dev/null @@ -1,22 +0,0 @@ -{ - "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", - "mteb_dataset_name": "STS22", - "mteb_version": "1.0.3.dev0", - "test": { - "en": { - "cos_sim": { - "pearson": 0.6857973258964876, - "spearman": 0.6801634427520514 - }, - "euclidean": { - "pearson": 0.6994430033511716, - "spearman": 0.680086918309844 - }, - "manhattan": { - "pearson": 0.6999567508947281, - "spearman": 0.6795133794491757 - } - }, - "evaluation_time": 226.72 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/STSBenchmark.json b/results/google-gecko__text-embedding-004/no_revision_available/STSBenchmark.json deleted file mode 100644 index b44867838..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/STSBenchmark.json +++ /dev/null @@ -1,20 +0,0 @@ -{ - "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", - "mteb_dataset_name": "STSBenchmark", - "mteb_version": "1.0.3.dev0", - "test": { - "cos_sim": { - "pearson": 0.8846416485069483, - "spearman": 0.8898571030136442 - }, - "euclidean": { - "pearson": 0.8884270994484686, - "spearman": 0.8898555980135839 - }, - "evaluation_time": 408.42, - "manhattan": { - "pearson": 0.8881991230448474, - "spearman": 0.8894397575632018 - } - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/SciDocsRR.json b/results/google-gecko__text-embedding-004/no_revision_available/SciDocsRR.json deleted file mode 100644 index 57db6241d..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/SciDocsRR.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", - "mteb_dataset_name": "SciDocsRR", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 680.09, - "map": 0.8359203242762886, - "mrr": 0.955725637833481 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/SciFact.json b/results/google-gecko__text-embedding-004/no_revision_available/SciFact.json deleted file mode 100644 index 42739d874..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/SciFact.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "mteb_dataset_name": "SciFact", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 82.59, - "map_at_1": 0.59661, - "map_at_10": 0.70612, - "map_at_100": 0.71006, - "map_at_1000": 0.71018, - "map_at_3": 0.68296, - "map_at_5": 0.69553, - "mrr_at_1": 0.17042, - "mrr_at_10": 0.19401, - "mrr_at_100": 0.19478, - "mrr_at_1000": 0.19481, - "mrr_at_3": 0.18936, - "mrr_at_5": 0.19188, - "ndcg_at_1": 0.63, - "ndcg_at_10": 0.75419, - "ndcg_at_100": 0.77142, - "ndcg_at_1000": 0.77504, - "ndcg_at_3": 0.71526, - "ndcg_at_5": 0.73177, - "precision_at_1": 0.63, - "precision_at_10": 0.10067, - "precision_at_100": 0.011, - "precision_at_1000": 0.00113, - "precision_at_3": 0.28667, - "precision_at_5": 0.18467, - "recall_at_1": 0.59661, - "recall_at_10": 0.89033, - "recall_at_100": 0.97, - "recall_at_1000": 1.0, - "recall_at_3": 0.78044, - "recall_at_5": 0.82372 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/SprintDuplicateQuestions.json b/results/google-gecko__text-embedding-004/no_revision_available/SprintDuplicateQuestions.json deleted file mode 100644 index bc3884eb1..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/SprintDuplicateQuestions.json +++ /dev/null @@ -1,49 +0,0 @@ -{ - "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", - "mteb_dataset_name": "SprintDuplicateQuestions", - "mteb_version": "1.0.3.dev0", - "test": { - "cos_sim": { - "accuracy": 0.9983861386138614, - "accuracy_threshold": 0.7844251394271851, - "ap": 0.9626359718154004, - "f1": 0.9196648595367176, - "f1_threshold": 0.7844251394271851, - "precision": 0.9067055393586005, - "recall": 0.933 - }, - "dot": { - "accuracy": 0.9983861386138614, - "accuracy_threshold": 0.7844233512878418, - "ap": 0.9626359718154003, - "f1": 0.9196648595367176, - "f1_threshold": 0.7844233512878418, - "precision": 0.9067055393586005, - "recall": 0.933 - }, - "euclidean": { - "accuracy": 0.9983861386138614, - "accuracy_threshold": 0.6566187143325806, - "ap": 0.9626366998699201, - "f1": 0.9196648595367176, - "f1_threshold": 0.6566187143325806, - "precision": 0.9067055393586005, - "recall": 0.933 - }, - "evaluation_time": 86.15, - "manhattan": { - "accuracy": 0.9983861386138614, - "accuracy_threshold": 14.255016326904297, - "ap": 0.962283173280842, - "f1": 0.9193468579910935, - "f1_threshold": 14.41878890991211, - "precision": 0.9098922624877571, - "recall": 0.929 - }, - "max": { - "accuracy": 0.9983861386138614, - "ap": 0.9626366998699201, - "f1": 0.9196648595367176 - } - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/StackExchangeClustering.json b/results/google-gecko__text-embedding-004/no_revision_available/StackExchangeClustering.json deleted file mode 100644 index 16ddc3819..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/StackExchangeClustering.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", - "mteb_dataset_name": "StackExchangeClustering", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 16296.53, - "v_measure": 0.745247198851165, - "v_measure_std": 0.0438548719618817 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/StackExchangeClusteringP2P.json b/results/google-gecko__text-embedding-004/no_revision_available/StackExchangeClusteringP2P.json deleted file mode 100644 index ddc4625b3..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/StackExchangeClusteringP2P.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", - "mteb_dataset_name": "StackExchangeClusteringP2P", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 15729.46, - "v_measure": 0.37627208423613034, - "v_measure_std": 0.013427617738889725 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/StackOverflowDupQuestions.json b/results/google-gecko__text-embedding-004/no_revision_available/StackOverflowDupQuestions.json deleted file mode 100644 index 4f6a0830a..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/StackOverflowDupQuestions.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", - "mteb_dataset_name": "StackOverflowDupQuestions", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 665.55, - "map": 0.5456230816779979, - "mrr": 0.55546947945845 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/SummEval.json b/results/google-gecko__text-embedding-004/no_revision_available/SummEval.json deleted file mode 100644 index ab8de99df..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/SummEval.json +++ /dev/null @@ -1,16 +0,0 @@ -{ - "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", - "mteb_dataset_name": "SummEval", - "mteb_version": "1.0.3.dev0", - "test": { - "cos_sim": { - "pearson": 0.31076388091839025, - "spearman": 0.3262859625582649 - }, - "dot": { - "pearson": 0.3107653659329839, - "spearman": 0.3262859625582649 - }, - "evaluation_time": 678.39 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/TRECCOVID.json b/results/google-gecko__text-embedding-004/no_revision_available/TRECCOVID.json deleted file mode 100644 index ae37b3740..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/TRECCOVID.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "mteb_dataset_name": "TRECCOVID", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 7642.39, - "map_at_1": 0.00253, - "map_at_10": 0.0212, - "map_at_100": 0.13559, - "map_at_1000": 0.34873, - "map_at_3": 0.00725, - "map_at_5": 0.01132, - "mrr_at_1": 0.96, - "mrr_at_10": 0.98, - "mrr_at_100": 0.98, - "mrr_at_1000": 0.98, - "mrr_at_3": 0.98, - "mrr_at_5": 0.98, - "ndcg_at_1": 0.89, - "ndcg_at_10": 0.8262, - "ndcg_at_100": 0.65643, - "ndcg_at_1000": 0.60847, - "ndcg_at_3": 0.88581, - "ndcg_at_5": 0.86202, - "precision_at_1": 0.96, - "precision_at_10": 0.864, - "precision_at_100": 0.6742, - "precision_at_1000": 0.27052, - "precision_at_3": 0.94, - "precision_at_5": 0.904, - "recall_at_1": 0.00253, - "recall_at_10": 0.02273, - "recall_at_100": 0.16504, - "recall_at_1000": 0.58023, - "recall_at_3": 0.00745, - "recall_at_5": 0.01173 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/Touche2020.json b/results/google-gecko__text-embedding-004/no_revision_available/Touche2020.json deleted file mode 100644 index b94efbc52..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/Touche2020.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "dataset_revision": null, - "mteb_dataset_name": "Touche2020", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 4700.31, - "map_at_1": 0.02218, - "map_at_10": 0.1016, - "map_at_100": 0.1657, - "map_at_1000": 0.18302, - "map_at_3": 0.04987, - "map_at_5": 0.07478, - "mrr_at_1": 0.26531, - "mrr_at_10": 0.42517, - "mrr_at_100": 0.43441, - "mrr_at_1000": 0.43441, - "mrr_at_3": 0.36395, - "mrr_at_5": 0.40476, - "ndcg_at_1": 0.2551, - "ndcg_at_10": 0.25861, - "ndcg_at_100": 0.38121, - "ndcg_at_1000": 0.50123, - "ndcg_at_3": 0.25003, - "ndcg_at_5": 0.2696, - "precision_at_1": 0.26531, - "precision_at_10": 0.22857, - "precision_at_100": 0.07878, - "precision_at_1000": 0.01598, - "precision_at_3": 0.2517, - "precision_at_5": 0.27755, - "recall_at_1": 0.02218, - "recall_at_10": 0.16819, - "recall_at_100": 0.49249, - "recall_at_1000": 0.86784, - "recall_at_3": 0.05962, - "recall_at_5": 0.10437 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/ToxicConversationsClassification.json b/results/google-gecko__text-embedding-004/no_revision_available/ToxicConversationsClassification.json deleted file mode 100644 index 3e211f014..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/ToxicConversationsClassification.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", - "mteb_dataset_name": "ToxicConversationsClassification", - "mteb_version": "1.0.3.dev0", - "test": { - "accuracy": 0.896742, - "accuracy_stderr": 0.009880459301064914, - "ap": 0.3649750525984529, - "ap_stderr": 0.013595888302276985, - "evaluation_time": 12632.27, - "f1": 0.751018135686966, - "f1_stderr": 0.011501325012650478, - "main_score": 0.896742 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/TweetSentimentExtractionClassification.json b/results/google-gecko__text-embedding-004/no_revision_available/TweetSentimentExtractionClassification.json deleted file mode 100644 index ed397eb33..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/TweetSentimentExtractionClassification.json +++ /dev/null @@ -1,13 +0,0 @@ -{ - "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", - "mteb_dataset_name": "TweetSentimentExtractionClassification", - "mteb_version": "1.0.3.dev0", - "test": { - "accuracy": 0.745217883418223, - "accuracy_stderr": 0.006784329698308078, - "evaluation_time": 5038.25, - "f1": 0.7470901884636844, - "f1_stderr": 0.007280768797463841, - "main_score": 0.745217883418223 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/TwentyNewsgroupsClustering.json b/results/google-gecko__text-embedding-004/no_revision_available/TwentyNewsgroupsClustering.json deleted file mode 100644 index edd08492b..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/TwentyNewsgroupsClustering.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", - "mteb_dataset_name": "TwentyNewsgroupsClustering", - "mteb_version": "1.0.3.dev0", - "test": { - "evaluation_time": 3461.14, - "v_measure": 0.5487085188118288, - "v_measure_std": 0.01587372092842409 - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/TwitterSemEval2015.json b/results/google-gecko__text-embedding-004/no_revision_available/TwitterSemEval2015.json deleted file mode 100644 index 6b6d18760..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/TwitterSemEval2015.json +++ /dev/null @@ -1,49 +0,0 @@ -{ - "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", - "mteb_dataset_name": "TwitterSemEval2015", - "mteb_version": "1.0.3.dev0", - "test": { - "cos_sim": { - "accuracy": 0.8767956130416642, - "accuracy_threshold": 0.8140320181846619, - "ap": 0.7904259661262819, - "f1": 0.7178703349891734, - "f1_threshold": 0.7895062565803528, - "precision": 0.6939177542477223, - "recall": 0.7435356200527704 - }, - "dot": { - "accuracy": 0.8767956130416642, - "accuracy_threshold": 0.8140310049057007, - "ap": 0.7904265228330212, - "f1": 0.7178703349891734, - "f1_threshold": 0.789504885673523, - "precision": 0.6939177542477223, - "recall": 0.7435356200527704 - }, - "euclidean": { - "accuracy": 0.8767956130416642, - "accuracy_threshold": 0.6098650693893433, - "ap": 0.7904257887557389, - "f1": 0.7178703349891734, - "f1_threshold": 0.6488349437713623, - "precision": 0.6939177542477223, - "recall": 0.7435356200527704 - }, - "evaluation_time": 462.24, - "manhattan": { - "accuracy": 0.8760207426834357, - "accuracy_threshold": 13.57693099975586, - "ap": 0.7899166469363428, - "f1": 0.7185809535790666, - "f1_threshold": 14.404022216796875, - "precision": 0.6867035345034864, - "recall": 0.7535620052770449 - }, - "max": { - "accuracy": 0.8767956130416642, - "ap": 0.7904265228330212, - "f1": 0.7185809535790666 - } - } -} \ No newline at end of file diff --git a/results/google-gecko__text-embedding-004/no_revision_available/TwitterURLCorpus.json b/results/google-gecko__text-embedding-004/no_revision_available/TwitterURLCorpus.json deleted file mode 100644 index 65502785a..000000000 --- a/results/google-gecko__text-embedding-004/no_revision_available/TwitterURLCorpus.json +++ /dev/null @@ -1,49 +0,0 @@ -{ - "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", - "mteb_dataset_name": "TwitterURLCorpus", - "mteb_version": "1.0.3.dev0", - "test": { - "cos_sim": { - "accuracy": 0.8979120580587573, - "accuracy_threshold": 0.7920980453491211, - "ap": 0.8752915872112007, - "f1": 0.8000292782901478, - "f1_threshold": 0.7621618509292603, - "precision": 0.7624162946428571, - "recall": 0.8415460425007699 - }, - "dot": { - "accuracy": 0.8979120580587573, - "accuracy_threshold": 0.7920962572097778, - "ap": 0.8752917014097925, - "f1": 0.8000292782901478, - "f1_threshold": 0.7621594071388245, - "precision": 0.7624162946428571, - "recall": 0.8415460425007699 - }, - "euclidean": { - "accuracy": 0.8979120580587573, - "accuracy_threshold": 0.6448277831077576, - "ap": 0.8752915788237824, - "f1": 0.8000292782901478, - "f1_threshold": 0.6896917819976807, - "precision": 0.7624162946428571, - "recall": 0.8415460425007699 - }, - "evaluation_time": 319.06, - "manhattan": { - "accuracy": 0.8978732487289944, - "accuracy_threshold": 14.38386058807373, - "ap": 0.8750426664449977, - "f1": 0.7986528042173087, - "f1_threshold": 15.213899612426758, - "precision": 0.7613065326633166, - "recall": 0.8398521712349861 - }, - "max": { - "accuracy": 0.8979120580587573, - "ap": 0.8752917014097925, - "f1": 0.8000292782901478 - } - } -} \ No newline at end of file diff --git a/results/google__flan-t5-base/no_revision_available/Core17InstructionRetrieval.json b/results/google__flan-t5-base/no_revision_available/Core17InstructionRetrieval.json deleted file mode 100644 index 6265f941e..000000000 --- a/results/google__flan-t5-base/no_revision_available/Core17InstructionRetrieval.json +++ /dev/null @@ -1,9 +0,0 @@ -{ - "dataset_revision": "e39ff896cf3efbbdeeb950e6bd7c79f266995b07", - "mteb_dataset_name": "Core17InstructionRetrieval", - "mteb_version": "1.7.32", - "test": { - "evaluation_time": 456.13, - "p-MRR": -0.03311694689144136 - } -} \ No newline at end of file diff --git a/results/google__flan-t5-base/no_revision_available/News21InstructionRetrieval.json b/results/google__flan-t5-base/no_revision_available/News21InstructionRetrieval.json deleted file mode 100644 index ddec6563d..000000000 --- a/results/google__flan-t5-base/no_revision_available/News21InstructionRetrieval.json +++ /dev/null @@ -1,9 +0,0 @@ -{ - "dataset_revision": "e0144086b45fe31ac125e9ac1a83b6a409bb6ca6", - "mteb_dataset_name": "News21InstructionRetrieval", - "mteb_version": "1.7.32", - "test": { - "evaluation_time": 756.24, - "p-MRR": -0.0012147147179908911 - } -} \ No newline at end of file diff --git a/results/google__flan-t5-base/no_revision_available/Robust04InstructionRetrieval.json b/results/google__flan-t5-base/no_revision_available/Robust04InstructionRetrieval.json deleted file mode 100644 index c56650e93..000000000 --- a/results/google__flan-t5-base/no_revision_available/Robust04InstructionRetrieval.json +++ /dev/null @@ -1,9 +0,0 @@ -{ - "dataset_revision": "a5a1c4fe2bc528ac12e83f8cdf82178da85d2f1d", - "mteb_dataset_name": "Robust04InstructionRetrieval", - "mteb_version": "1.7.32", - "test": { - "evaluation_time": 1235.58, - "p-MRR": 0.05349047127814495 - } -} \ No newline at end of file diff --git a/results/google__flan-t5-large/no_revision_available/Core17InstructionRetrieval.json b/results/google__flan-t5-large/no_revision_available/Core17InstructionRetrieval.json deleted file mode 100644 index 429298c1b..000000000 --- a/results/google__flan-t5-large/no_revision_available/Core17InstructionRetrieval.json +++ /dev/null @@ -1,9 +0,0 @@ -{ - "dataset_revision": "e39ff896cf3efbbdeeb950e6bd7c79f266995b07", - "mteb_dataset_name": "Core17InstructionRetrieval", - "mteb_version": "1.7.32", - "test": { - "evaluation_time": 992.29, - "p-MRR": 0.013160295783399964 - } -} \ No newline at end of file diff --git a/results/google__flan-t5-large/no_revision_available/News21InstructionRetrieval.json b/results/google__flan-t5-large/no_revision_available/News21InstructionRetrieval.json deleted file mode 100644 index a41605e43..000000000 --- a/results/google__flan-t5-large/no_revision_available/News21InstructionRetrieval.json +++ /dev/null @@ -1,9 +0,0 @@ -{ - "dataset_revision": "e0144086b45fe31ac125e9ac1a83b6a409bb6ca6", - "mteb_dataset_name": "News21InstructionRetrieval", - "mteb_version": "1.7.32", - "test": { - "evaluation_time": 1611.45, - "p-MRR": 0.08948218543599191 - } -} \ No newline at end of file diff --git a/results/google__flan-t5-large/no_revision_available/Robust04InstructionRetrieval.json b/results/google__flan-t5-large/no_revision_available/Robust04InstructionRetrieval.json deleted file mode 100644 index bcf3a0cb9..000000000 --- a/results/google__flan-t5-large/no_revision_available/Robust04InstructionRetrieval.json +++ /dev/null @@ -1,9 +0,0 @@ -{ - "dataset_revision": "a5a1c4fe2bc528ac12e83f8cdf82178da85d2f1d", - "mteb_dataset_name": "Robust04InstructionRetrieval", - "mteb_version": "1.7.32", - "test": { - "evaluation_time": 2628.26, - "p-MRR": 0.038963182554656986 - } -} \ No newline at end of file diff --git a/results/hkunlp__instructor-base/no_revision_available/Core17InstructionRetrieval.json b/results/hkunlp__instructor-base/no_revision_available/Core17InstructionRetrieval.json deleted file mode 100644 index 8c70b8a0e..000000000 --- a/results/hkunlp__instructor-base/no_revision_available/Core17InstructionRetrieval.json +++ /dev/null @@ -1,9 +0,0 @@ -{ - "dataset_revision": "e39ff896cf3efbbdeeb950e6bd7c79f266995b07", - "mteb_dataset_name": "Core17InstructionRetrieval", - "mteb_version": "1.7.32", - "test": { - "evaluation_time": 157.04, - "p-MRR": -0.010931364778305445 - } -} \ No newline at end of file diff --git a/results/hkunlp__instructor-base/no_revision_available/News21InstructionRetrieval.json b/results/hkunlp__instructor-base/no_revision_available/News21InstructionRetrieval.json deleted file mode 100644 index 51e5814cc..000000000 --- a/results/hkunlp__instructor-base/no_revision_available/News21InstructionRetrieval.json +++ /dev/null @@ -1,9 +0,0 @@ -{ - "dataset_revision": "e0144086b45fe31ac125e9ac1a83b6a409bb6ca6", - "mteb_dataset_name": "News21InstructionRetrieval", - "mteb_version": "1.7.32", - "test": { - "evaluation_time": 272.33, - "p-MRR": -0.017770574189240163 - } -} \ No newline at end of file diff --git a/results/hkunlp__instructor-base/no_revision_available/Robust04InstructionRetrieval.json b/results/hkunlp__instructor-base/no_revision_available/Robust04InstructionRetrieval.json deleted file mode 100644 index 62e23926b..000000000 --- a/results/hkunlp__instructor-base/no_revision_available/Robust04InstructionRetrieval.json +++ /dev/null @@ -1,9 +0,0 @@ -{ - "dataset_revision": "a5a1c4fe2bc528ac12e83f8cdf82178da85d2f1d", - "mteb_dataset_name": "Robust04InstructionRetrieval", - "mteb_version": "1.7.32", - "test": { - "evaluation_time": 464.49, - "p-MRR": -0.10417307786048606 - } -} \ No newline at end of file diff --git a/results/hkunlp__instructor-large/no_revision_available/BrightRetrieval.json b/results/hkunlp__instructor-large/no_revision_available/BrightRetrieval.json deleted file mode 100644 index bf742f5fb..000000000 --- a/results/hkunlp__instructor-large/no_revision_available/BrightRetrieval.json +++ /dev/null @@ -1,653 +0,0 @@ -{ - "dataset_revision": "a75a0eb483f6a5233a6efc2d63d71540a4443dfb", - "evaluation_time": 0, - "kg_co2_emissions": null, - "mteb_version": "1.12.79", - "scores": { - "standard": [ - { - "hf_subset": "pony", - "languages": [ - "eng-Latn" - ], - "main_score": 0.0132, - "ndcg_at_1": 0.01786, - "ndcg_at_5": 0.01408, - "ndcg_at_10": 0.0132, - "ndcg_at_25": 0.01425, - "ndcg_at_50": 0.02222, - "ndcg_at_100": 0.03378, - "map_at_1": 0.00083, - "map_at_5": 0.00229, - "map_at_10": 0.00292, - "map_at_25": 0.00408, - "map_at_50": 0.00503, - "map_at_100": 0.00595, - "recall_at_1": 0.00083, - "recall_at_5": 0.00311, - "recall_at_10": 0.00669, - "recall_at_25": 0.01462, - "recall_at_50": 0.0301, - "recall_at_100": 0.05651, - "precision_at_1": 0.01786, - "precision_at_5": 0.0125, - "precision_at_10": 0.01161, - "precision_at_25": 0.01071, - "precision_at_50": 0.01125, - "precision_at_100": 0.01054, - "mrr": 0.04477 - }, - { - "hf_subset": "sustainable_living", - "languages": [ - "eng-Latn" - ], - "main_score": 0.13157, - "ndcg_at_1": 0.08333, - "ndcg_at_5": 0.11173, - "ndcg_at_10": 0.13157, - "ndcg_at_25": 0.16011, - "ndcg_at_50": 0.19076, - "ndcg_at_100": 0.21917, - "map_at_1": 0.03183, - "map_at_5": 0.07121, - "map_at_10": 0.08336, - "map_at_25": 0.09356, - "map_at_50": 0.10009, - "map_at_100": 0.10451, - "recall_at_1": 0.03183, - "recall_at_5": 0.12043, - "recall_at_10": 0.17421, - "recall_at_25": 0.25973, - "recall_at_50": 0.36786, - "recall_at_100": 0.4808, - "precision_at_1": 0.08333, - "precision_at_5": 0.07778, - "precision_at_10": 0.06296, - "precision_at_25": 0.04074, - "precision_at_50": 0.03037, - "precision_at_100": 0.02167, - "mrr": 0.17801 - }, - { - "hf_subset": "aops", - "languages": [ - "eng-Latn" - ], - "main_score": 0.07941, - "ndcg_at_1": 0.0991, - "ndcg_at_5": 0.07495, - "ndcg_at_10": 0.07941, - "ndcg_at_25": 0.09417, - "ndcg_at_50": 0.10657, - "ndcg_at_100": 0.11902, - "map_at_1": 0.02408, - "map_at_5": 0.04431, - "map_at_10": 0.05123, - "map_at_25": 0.05714, - "map_at_50": 0.05987, - "map_at_100": 0.06132, - "recall_at_1": 0.02408, - "recall_at_5": 0.05566, - "recall_at_10": 0.08199, - "recall_at_25": 0.1161, - "recall_at_50": 0.15744, - "recall_at_100": 0.20308, - "precision_at_1": 0.0991, - "precision_at_5": 0.05586, - "precision_at_10": 0.03964, - "precision_at_25": 0.02378, - "precision_at_50": 0.01568, - "precision_at_100": 0.01036, - "mrr": 0.13543 - }, - { - "hf_subset": "biology", - "languages": [ - "eng-Latn" - ], - "main_score": 0.15611, - "ndcg_at_1": 0.14563, - "ndcg_at_5": 0.13664, - "ndcg_at_10": 0.15611, - "ndcg_at_25": 0.19495, - "ndcg_at_50": 0.23075, - "ndcg_at_100": 0.25756, - "map_at_1": 0.04049, - "map_at_5": 0.0882, - "map_at_10": 0.10276, - "map_at_25": 0.11784, - "map_at_50": 0.12527, - "map_at_100": 0.12901, - "recall_at_1": 0.04049, - "recall_at_5": 0.13166, - "recall_at_10": 0.18762, - "recall_at_25": 0.28863, - "recall_at_50": 0.42292, - "recall_at_100": 0.53707, - "precision_at_1": 0.14563, - "precision_at_5": 0.09126, - "precision_at_10": 0.06796, - "precision_at_25": 0.04466, - "precision_at_50": 0.03126, - "precision_at_100": 0.01961, - "mrr": 0.23036 - }, - { - "hf_subset": "stackoverflow", - "languages": [ - "eng-Latn" - ], - "main_score": 0.11211, - "ndcg_at_1": 0.05983, - "ndcg_at_5": 0.09617, - "ndcg_at_10": 0.11211, - "ndcg_at_25": 0.137, - "ndcg_at_50": 0.16901, - "ndcg_at_100": 0.19051, - "map_at_1": 0.01741, - "map_at_5": 0.05401, - "map_at_10": 0.0646, - "map_at_25": 0.07426, - "map_at_50": 0.08125, - "map_at_100": 0.08539, - "recall_at_1": 0.01741, - "recall_at_5": 0.10057, - "recall_at_10": 0.15076, - "recall_at_25": 0.22258, - "recall_at_50": 0.33436, - "recall_at_100": 0.40595, - "precision_at_1": 0.05983, - "precision_at_5": 0.07179, - "precision_at_10": 0.05726, - "precision_at_25": 0.04137, - "precision_at_50": 0.03231, - "precision_at_100": 0.02239, - "mrr": 0.15025 - }, - { - "hf_subset": "theoremqa_theorems", - "languages": [ - "eng-Latn" - ], - "main_score": 0.08268, - "ndcg_at_1": 0.03846, - "ndcg_at_5": 0.06094, - "ndcg_at_10": 0.08268, - "ndcg_at_25": 0.09962, - "ndcg_at_50": 0.11372, - "ndcg_at_100": 0.11896, - "map_at_1": 0.01709, - "map_at_5": 0.0446, - "map_at_10": 0.05363, - "map_at_25": 0.05798, - "map_at_50": 0.06001, - "map_at_100": 0.06035, - "recall_at_1": 0.01709, - "recall_at_5": 0.08654, - "recall_at_10": 0.1485, - "recall_at_25": 0.21444, - "recall_at_50": 0.27213, - "recall_at_100": 0.30098, - "precision_at_1": 0.03846, - "precision_at_5": 0.03077, - "precision_at_10": 0.02564, - "precision_at_25": 0.01385, - "precision_at_50": 0.00949, - "precision_at_100": 0.00526, - "mrr": 0.08317 - }, - { - "hf_subset": "psychology", - "languages": [ - "eng-Latn" - ], - "main_score": 0.21941, - "ndcg_at_1": 0.15842, - "ndcg_at_5": 0.19923, - "ndcg_at_10": 0.21941, - "ndcg_at_25": 0.24319, - "ndcg_at_50": 0.26688, - "ndcg_at_100": 0.28883, - "map_at_1": 0.08181, - "map_at_5": 0.13751, - "map_at_10": 0.15688, - "map_at_25": 0.17208, - "map_at_50": 0.17822, - "map_at_100": 0.18169, - "recall_at_1": 0.08181, - "recall_at_5": 0.19541, - "recall_at_10": 0.26752, - "recall_at_25": 0.36974, - "recall_at_50": 0.4575, - "recall_at_100": 0.55088, - "precision_at_1": 0.15842, - "precision_at_5": 0.11881, - "precision_at_10": 0.09406, - "precision_at_25": 0.05465, - "precision_at_50": 0.03703, - "precision_at_100": 0.02386, - "mrr": 0.25185 - }, - { - "hf_subset": "economics", - "languages": [ - "eng-Latn" - ], - "main_score": 0.15987, - "ndcg_at_1": 0.1068, - "ndcg_at_5": 0.14432, - "ndcg_at_10": 0.15987, - "ndcg_at_25": 0.17623, - "ndcg_at_50": 0.19771, - "ndcg_at_100": 0.22671, - "map_at_1": 0.05829, - "map_at_5": 0.08684, - "map_at_10": 0.09866, - "map_at_25": 0.10978, - "map_at_50": 0.11621, - "map_at_100": 0.12153, - "recall_at_1": 0.05829, - "recall_at_5": 0.12156, - "recall_at_10": 0.17536, - "recall_at_25": 0.25429, - "recall_at_50": 0.35542, - "recall_at_100": 0.46725, - "precision_at_1": 0.1068, - "precision_at_5": 0.08738, - "precision_at_10": 0.07573, - "precision_at_25": 0.05359, - "precision_at_50": 0.03806, - "precision_at_100": 0.02767, - "mrr": 0.19096 - }, - { - "hf_subset": "robotics", - "languages": [ - "eng-Latn" - ], - "main_score": 0.11453, - "ndcg_at_1": 0.09901, - "ndcg_at_5": 0.0955, - "ndcg_at_10": 0.11453, - "ndcg_at_25": 0.13231, - "ndcg_at_50": 0.15001, - "ndcg_at_100": 0.16753, - "map_at_1": 0.04476, - "map_at_5": 0.06848, - "map_at_10": 0.07583, - "map_at_25": 0.08223, - "map_at_50": 0.08507, - "map_at_100": 0.08746, - "recall_at_1": 0.04476, - "recall_at_5": 0.10253, - "recall_at_10": 0.15643, - "recall_at_25": 0.21141, - "recall_at_50": 0.27814, - "recall_at_100": 0.34725, - "precision_at_1": 0.09901, - "precision_at_5": 0.0495, - "precision_at_10": 0.04455, - "precision_at_25": 0.0301, - "precision_at_50": 0.02099, - "precision_at_100": 0.01446, - "mrr": 0.15261 - }, - { - "hf_subset": "leetcode", - "languages": [ - "eng-Latn" - ], - "main_score": 0.20002, - "ndcg_at_1": 0.19014, - "ndcg_at_5": 0.18548, - "ndcg_at_10": 0.20002, - "ndcg_at_25": 0.22064, - "ndcg_at_50": 0.24221, - "ndcg_at_100": 0.25783, - "map_at_1": 0.09425, - "map_at_5": 0.14765, - "map_at_10": 0.157, - "map_at_25": 0.16252, - "map_at_50": 0.16606, - "map_at_100": 0.16762, - "recall_at_1": 0.09425, - "recall_at_5": 0.20141, - "recall_at_10": 0.23638, - "recall_at_25": 0.31174, - "recall_at_50": 0.41385, - "recall_at_100": 0.49977, - "precision_at_1": 0.19014, - "precision_at_5": 0.09014, - "precision_at_10": 0.05352, - "precision_at_25": 0.0262, - "precision_at_50": 0.01592, - "precision_at_100": 0.0093, - "mrr": 0.25825 - }, - { - "hf_subset": "earth_science", - "languages": [ - "eng-Latn" - ], - "main_score": 0.21517, - "ndcg_at_1": 0.14655, - "ndcg_at_5": 0.18272, - "ndcg_at_10": 0.21517, - "ndcg_at_25": 0.25012, - "ndcg_at_50": 0.27743, - "ndcg_at_100": 0.30445, - "map_at_1": 0.07595, - "map_at_5": 0.13375, - "map_at_10": 0.15188, - "map_at_25": 0.1662, - "map_at_50": 0.17246, - "map_at_100": 0.17687, - "recall_at_1": 0.07595, - "recall_at_5": 0.19047, - "recall_at_10": 0.27768, - "recall_at_25": 0.37705, - "recall_at_50": 0.46157, - "recall_at_100": 0.56236, - "precision_at_1": 0.14655, - "precision_at_5": 0.11207, - "precision_at_10": 0.08534, - "precision_at_25": 0.05483, - "precision_at_50": 0.03672, - "precision_at_100": 0.02388, - "mrr": 0.25966 - }, - { - "hf_subset": "theoremqa_questions", - "languages": [ - "eng-Latn" - ], - "main_score": 0.20066, - "ndcg_at_1": 0.20488, - "ndcg_at_5": 0.18937, - "ndcg_at_10": 0.20066, - "ndcg_at_25": 0.21043, - "ndcg_at_50": 0.21865, - "ndcg_at_100": 0.23257, - "map_at_1": 0.11423, - "map_at_5": 0.16206, - "map_at_10": 0.16762, - "map_at_25": 0.1709, - "map_at_50": 0.17222, - "map_at_100": 0.17344, - "recall_at_1": 0.11423, - "recall_at_5": 0.19634, - "recall_at_10": 0.22764, - "recall_at_25": 0.26005, - "recall_at_50": 0.29803, - "recall_at_100": 0.37474, - "precision_at_1": 0.20488, - "precision_at_5": 0.07805, - "precision_at_10": 0.04439, - "precision_at_25": 0.02068, - "precision_at_50": 0.01171, - "precision_at_100": 0.00717, - "mrr": 0.247 - } - ], - "long": [ - { - "hf_subset": "stackoverflow", - "languages": [ - "eng-Latn" - ], - "main_score": 0.31293, - "ndcg_at_1": 0.15385, - "ndcg_at_5": 0.26681, - "ndcg_at_10": 0.31293, - "ndcg_at_25": 0.35472, - "ndcg_at_50": 0.37216, - "ndcg_at_100": 0.38803, - "map_at_1": 0.1453, - "map_at_5": 0.22657, - "map_at_10": 0.24621, - "map_at_25": 0.25748, - "map_at_50": 0.2601, - "map_at_100": 0.26164, - "recall_at_1": 0.1453, - "recall_at_5": 0.38034, - "recall_at_10": 0.51709, - "recall_at_25": 0.68376, - "recall_at_50": 0.7735, - "recall_at_100": 0.86752, - "precision_at_1": 0.15385, - "precision_at_5": 0.08205, - "precision_at_10": 0.05641, - "precision_at_25": 0.02974, - "precision_at_50": 0.01675, - "precision_at_100": 0.00949, - "mrr": 0.26907 - }, - { - "hf_subset": "pony", - "languages": [ - "eng-Latn" - ], - "main_score": 0.1714, - "ndcg_at_1": 0.25, - "ndcg_at_5": 0.16257, - "ndcg_at_10": 0.1714, - "ndcg_at_25": 0.25367, - "ndcg_at_50": 0.33581, - "ndcg_at_100": 0.41965, - "map_at_1": 0.03942, - "map_at_5": 0.06761, - "map_at_10": 0.08296, - "map_at_25": 0.11009, - "map_at_50": 0.13318, - "map_at_100": 0.15312, - "recall_at_1": 0.03942, - "recall_at_5": 0.10039, - "recall_at_10": 0.16686, - "recall_at_25": 0.35615, - "recall_at_50": 0.58432, - "recall_at_100": 0.8531, - "precision_at_1": 0.25, - "precision_at_5": 0.1375, - "precision_at_10": 0.1125, - "precision_at_25": 0.09214, - "precision_at_50": 0.07696, - "precision_at_100": 0.05741, - "mrr": 0.38812 - }, - { - "hf_subset": "economics", - "languages": [ - "eng-Latn" - ], - "main_score": 0.31491, - "ndcg_at_1": 0.14563, - "ndcg_at_5": 0.27706, - "ndcg_at_10": 0.31491, - "ndcg_at_25": 0.34125, - "ndcg_at_50": 0.35373, - "ndcg_at_100": 0.37557, - "map_at_1": 0.14078, - "map_at_5": 0.22751, - "map_at_10": 0.24324, - "map_at_25": 0.25012, - "map_at_50": 0.2521, - "map_at_100": 0.25397, - "recall_at_1": 0.14078, - "recall_at_5": 0.42071, - "recall_at_10": 0.53722, - "recall_at_25": 0.64239, - "recall_at_50": 0.7055, - "recall_at_100": 0.84142, - "precision_at_1": 0.14563, - "precision_at_5": 0.08932, - "precision_at_10": 0.05631, - "precision_at_25": 0.02718, - "precision_at_50": 0.01495, - "precision_at_100": 0.00883, - "mrr": 0.26239 - }, - { - "hf_subset": "earth_science", - "languages": [ - "eng-Latn" - ], - "main_score": 0.53458, - "ndcg_at_1": 0.38793, - "ndcg_at_5": 0.4825, - "ndcg_at_10": 0.53458, - "ndcg_at_25": 0.56372, - "ndcg_at_50": 0.58215, - "ndcg_at_100": 0.58728, - "map_at_1": 0.29454, - "map_at_5": 0.42702, - "map_at_10": 0.45332, - "map_at_25": 0.46205, - "map_at_50": 0.46606, - "map_at_100": 0.46673, - "recall_at_1": 0.29454, - "recall_at_5": 0.56681, - "recall_at_10": 0.69971, - "recall_at_25": 0.80603, - "recall_at_50": 0.88937, - "recall_at_100": 0.91667, - "precision_at_1": 0.38793, - "precision_at_5": 0.16724, - "precision_at_10": 0.10862, - "precision_at_25": 0.05034, - "precision_at_50": 0.02793, - "precision_at_100": 0.01448, - "mrr": 0.52604 - }, - { - "hf_subset": "sustainable_living", - "languages": [ - "eng-Latn" - ], - "main_score": 0.42675, - "ndcg_at_1": 0.28704, - "ndcg_at_5": 0.37573, - "ndcg_at_10": 0.42675, - "ndcg_at_25": 0.45957, - "ndcg_at_50": 0.46974, - "ndcg_at_100": 0.47924, - "map_at_1": 0.25417, - "map_at_5": 0.33036, - "map_at_10": 0.35276, - "map_at_25": 0.36167, - "map_at_50": 0.3635, - "map_at_100": 0.36434, - "recall_at_1": 0.25417, - "recall_at_5": 0.48519, - "recall_at_10": 0.63519, - "recall_at_25": 0.76512, - "recall_at_50": 0.81327, - "recall_at_100": 0.86883, - "precision_at_1": 0.28704, - "precision_at_5": 0.11296, - "precision_at_10": 0.07407, - "precision_at_25": 0.03556, - "precision_at_50": 0.01907, - "precision_at_100": 0.01028, - "mrr": 0.39198 - }, - { - "hf_subset": "psychology", - "languages": [ - "eng-Latn" - ], - "main_score": 0.36848, - "ndcg_at_1": 0.23762, - "ndcg_at_5": 0.33582, - "ndcg_at_10": 0.36848, - "ndcg_at_25": 0.40303, - "ndcg_at_50": 0.41679, - "ndcg_at_100": 0.43264, - "map_at_1": 0.21287, - "map_at_5": 0.29868, - "map_at_10": 0.31316, - "map_at_25": 0.32171, - "map_at_50": 0.32406, - "map_at_100": 0.32564, - "recall_at_1": 0.21287, - "recall_at_5": 0.42772, - "recall_at_10": 0.52673, - "recall_at_25": 0.667, - "recall_at_50": 0.73465, - "recall_at_100": 0.82871, - "precision_at_1": 0.23762, - "precision_at_5": 0.09703, - "precision_at_10": 0.05941, - "precision_at_25": 0.0301, - "precision_at_50": 0.01663, - "precision_at_100": 0.00931, - "mrr": 0.34263 - }, - { - "hf_subset": "robotics", - "languages": [ - "eng-Latn" - ], - "main_score": 0.24618, - "ndcg_at_1": 0.12871, - "ndcg_at_5": 0.19559, - "ndcg_at_10": 0.24618, - "ndcg_at_25": 0.27218, - "ndcg_at_50": 0.29665, - "ndcg_at_100": 0.31801, - "map_at_1": 0.12871, - "map_at_5": 0.1736, - "map_at_10": 0.19597, - "map_at_25": 0.20352, - "map_at_50": 0.20731, - "map_at_100": 0.20926, - "recall_at_1": 0.12871, - "recall_at_5": 0.25743, - "recall_at_10": 0.40594, - "recall_at_25": 0.50495, - "recall_at_50": 0.62871, - "recall_at_100": 0.75743, - "precision_at_1": 0.12871, - "precision_at_5": 0.05347, - "precision_at_10": 0.04158, - "precision_at_25": 0.02099, - "precision_at_50": 0.01327, - "precision_at_100": 0.00802, - "mrr": 0.21292 - }, - { - "hf_subset": "biology", - "languages": [ - "eng-Latn" - ], - "main_score": 0.52157, - "ndcg_at_1": 0.30097, - "ndcg_at_5": 0.47595, - "ndcg_at_10": 0.52157, - "ndcg_at_25": 0.55033, - "ndcg_at_50": 0.5623, - "ndcg_at_100": 0.5677, - "map_at_1": 0.2411, - "map_at_5": 0.4055, - "map_at_10": 0.42704, - "map_at_25": 0.43564, - "map_at_50": 0.43787, - "map_at_100": 0.43858, - "recall_at_1": 0.2411, - "recall_at_5": 0.64968, - "recall_at_10": 0.78155, - "recall_at_25": 0.88673, - "recall_at_50": 0.94337, - "recall_at_100": 0.97249, - "precision_at_1": 0.30097, - "precision_at_5": 0.16117, - "precision_at_10": 0.09903, - "precision_at_25": 0.04544, - "precision_at_50": 0.02427, - "precision_at_100": 0.01252, - "mrr": 0.467 - } - ] - }, - "task_name": "BrightRetrieval" -} \ No newline at end of file diff --git a/results/hkunlp__instructor-xl/no_revision_available/BrightRetrieval.json b/results/hkunlp__instructor-xl/no_revision_available/BrightRetrieval.json deleted file mode 100644 index de713b94c..000000000 --- a/results/hkunlp__instructor-xl/no_revision_available/BrightRetrieval.json +++ /dev/null @@ -1,653 +0,0 @@ -{ - "dataset_revision": "a75a0eb483f6a5233a6efc2d63d71540a4443dfb", - "evaluation_time": 0, - "kg_co2_emissions": null, - "mteb_version": "1.12.79", - "scores": { - "standard": [ - { - "hf_subset": "aops", - "languages": [ - "eng-Latn" - ], - "main_score": 0.08257, - "ndcg_at_1": 0.0991, - "ndcg_at_5": 0.0763, - "ndcg_at_10": 0.08257, - "ndcg_at_25": 0.10308, - "ndcg_at_50": 0.12103, - "ndcg_at_100": 0.13687, - "map_at_1": 0.01802, - "map_at_5": 0.04452, - "map_at_10": 0.05582, - "map_at_25": 0.06044, - "map_at_50": 0.06398, - "map_at_100": 0.06585, - "recall_at_1": 0.01802, - "recall_at_5": 0.05888, - "recall_at_10": 0.08923, - "recall_at_25": 0.1487, - "recall_at_50": 0.20699, - "recall_at_100": 0.2707, - "precision_at_1": 0.0991, - "precision_at_5": 0.06306, - "precision_at_10": 0.04685, - "precision_at_25": 0.02739, - "precision_at_50": 0.0191, - "precision_at_100": 0.01216, - "mrr": 0.13945 - }, - { - "hf_subset": "robotics", - "languages": [ - "eng-Latn" - ], - "main_score": 0.17389, - "ndcg_at_1": 0.13861, - "ndcg_at_5": 0.15643, - "ndcg_at_10": 0.17389, - "ndcg_at_25": 0.19127, - "ndcg_at_50": 0.20635, - "ndcg_at_100": 0.23543, - "map_at_1": 0.05817, - "map_at_5": 0.10448, - "map_at_10": 0.11768, - "map_at_25": 0.1258, - "map_at_50": 0.12921, - "map_at_100": 0.13322, - "recall_at_1": 0.05817, - "recall_at_5": 0.1627, - "recall_at_10": 0.21995, - "recall_at_25": 0.2789, - "recall_at_50": 0.32935, - "recall_at_100": 0.45481, - "precision_at_1": 0.13861, - "precision_at_5": 0.08713, - "precision_at_10": 0.06733, - "precision_at_25": 0.04158, - "precision_at_50": 0.02693, - "precision_at_100": 0.01931, - "mrr": 0.22131 - }, - { - "hf_subset": "economics", - "languages": [ - "eng-Latn" - ], - "main_score": 0.22806, - "ndcg_at_1": 0.17476, - "ndcg_at_5": 0.20667, - "ndcg_at_10": 0.22806, - "ndcg_at_25": 0.24681, - "ndcg_at_50": 0.27171, - "ndcg_at_100": 0.30219, - "map_at_1": 0.08721, - "map_at_5": 0.12838, - "map_at_10": 0.14898, - "map_at_25": 0.16229, - "map_at_50": 0.17092, - "map_at_100": 0.17658, - "recall_at_1": 0.08721, - "recall_at_5": 0.18197, - "recall_at_10": 0.25367, - "recall_at_25": 0.34204, - "recall_at_50": 0.4353, - "recall_at_100": 0.57282, - "precision_at_1": 0.17476, - "precision_at_5": 0.12816, - "precision_at_10": 0.10583, - "precision_at_25": 0.06835, - "precision_at_50": 0.04835, - "precision_at_100": 0.03233, - "mrr": 0.26723 - }, - { - "hf_subset": "stackoverflow", - "languages": [ - "eng-Latn" - ], - "main_score": 0.19062, - "ndcg_at_1": 0.20513, - "ndcg_at_5": 0.17089, - "ndcg_at_10": 0.19062, - "ndcg_at_25": 0.22377, - "ndcg_at_50": 0.24981, - "ndcg_at_100": 0.27345, - "map_at_1": 0.06802, - "map_at_5": 0.10831, - "map_at_10": 0.12338, - "map_at_25": 0.13868, - "map_at_50": 0.14635, - "map_at_100": 0.15116, - "recall_at_1": 0.06802, - "recall_at_5": 0.14832, - "recall_at_10": 0.21065, - "recall_at_25": 0.31548, - "recall_at_50": 0.40408, - "recall_at_100": 0.48678, - "precision_at_1": 0.20513, - "precision_at_5": 0.11111, - "precision_at_10": 0.08803, - "precision_at_25": 0.05949, - "precision_at_50": 0.04103, - "precision_at_100": 0.02761, - "mrr": 0.27627 - }, - { - "hf_subset": "leetcode", - "languages": [ - "eng-Latn" - ], - "main_score": 0.27503, - "ndcg_at_1": 0.28169, - "ndcg_at_5": 0.26237, - "ndcg_at_10": 0.27503, - "ndcg_at_25": 0.30429, - "ndcg_at_50": 0.31819, - "ndcg_at_100": 0.33002, - "map_at_1": 0.14941, - "map_at_5": 0.21942, - "map_at_10": 0.22533, - "map_at_25": 0.23373, - "map_at_50": 0.23634, - "map_at_100": 0.23769, - "recall_at_1": 0.14941, - "recall_at_5": 0.2831, - "recall_at_10": 0.31761, - "recall_at_25": 0.41667, - "recall_at_50": 0.48028, - "recall_at_100": 0.54249, - "precision_at_1": 0.28169, - "precision_at_5": 0.11408, - "precision_at_10": 0.06338, - "precision_at_25": 0.03296, - "precision_at_50": 0.01845, - "precision_at_100": 0.01042, - "mrr": 0.34829 - }, - { - "hf_subset": "theoremqa_questions", - "languages": [ - "eng-Latn" - ], - "main_score": 0.14592, - "ndcg_at_1": 0.15122, - "ndcg_at_5": 0.13586, - "ndcg_at_10": 0.14592, - "ndcg_at_25": 0.15695, - "ndcg_at_50": 0.163, - "ndcg_at_100": 0.17461, - "map_at_1": 0.0813, - "map_at_5": 0.11417, - "map_at_10": 0.11859, - "map_at_25": 0.12247, - "map_at_50": 0.12342, - "map_at_100": 0.12459, - "recall_at_1": 0.0813, - "recall_at_5": 0.14309, - "recall_at_10": 0.16626, - "recall_at_25": 0.2007, - "recall_at_50": 0.22671, - "recall_at_100": 0.28676, - "precision_at_1": 0.15122, - "precision_at_5": 0.05366, - "precision_at_10": 0.03317, - "precision_at_25": 0.01678, - "precision_at_50": 0.00946, - "precision_at_100": 0.0059, - "mrr": 0.18716 - }, - { - "hf_subset": "psychology", - "languages": [ - "eng-Latn" - ], - "main_score": 0.27434, - "ndcg_at_1": 0.23762, - "ndcg_at_5": 0.24473, - "ndcg_at_10": 0.27434, - "ndcg_at_25": 0.30452, - "ndcg_at_50": 0.32822, - "ndcg_at_100": 0.35266, - "map_at_1": 0.087, - "map_at_5": 0.15788, - "map_at_10": 0.1884, - "map_at_25": 0.20809, - "map_at_50": 0.21464, - "map_at_100": 0.21853, - "recall_at_1": 0.087, - "recall_at_5": 0.24849, - "recall_at_10": 0.35596, - "recall_at_25": 0.46197, - "recall_at_50": 0.55712, - "recall_at_100": 0.66271, - "precision_at_1": 0.23762, - "precision_at_5": 0.14059, - "precision_at_10": 0.1099, - "precision_at_25": 0.0705, - "precision_at_50": 0.04455, - "precision_at_100": 0.02812, - "mrr": 0.33809 - }, - { - "hf_subset": "biology", - "languages": [ - "eng-Latn" - ], - "main_score": 0.21909, - "ndcg_at_1": 0.19417, - "ndcg_at_5": 0.18784, - "ndcg_at_10": 0.21909, - "ndcg_at_25": 0.25533, - "ndcg_at_50": 0.28729, - "ndcg_at_100": 0.31597, - "map_at_1": 0.05886, - "map_at_5": 0.12171, - "map_at_10": 0.14403, - "map_at_25": 0.15911, - "map_at_50": 0.16671, - "map_at_100": 0.17088, - "recall_at_1": 0.05886, - "recall_at_5": 0.1856, - "recall_at_10": 0.27261, - "recall_at_25": 0.37592, - "recall_at_50": 0.48928, - "recall_at_100": 0.61405, - "precision_at_1": 0.19417, - "precision_at_5": 0.13398, - "precision_at_10": 0.1, - "precision_at_25": 0.05709, - "precision_at_50": 0.03689, - "precision_at_100": 0.02252, - "mrr": 0.29708 - }, - { - "hf_subset": "theoremqa_theorems", - "languages": [ - "eng-Latn" - ], - "main_score": 0.06218, - "ndcg_at_1": 0.03846, - "ndcg_at_5": 0.04632, - "ndcg_at_10": 0.06218, - "ndcg_at_25": 0.08259, - "ndcg_at_50": 0.09262, - "ndcg_at_100": 0.10749, - "map_at_1": 0.01389, - "map_at_5": 0.03365, - "map_at_10": 0.03923, - "map_at_25": 0.04496, - "map_at_50": 0.04633, - "map_at_100": 0.04779, - "recall_at_1": 0.01389, - "recall_at_5": 0.05662, - "recall_at_10": 0.09829, - "recall_at_25": 0.17415, - "recall_at_50": 0.21688, - "recall_at_100": 0.29594, - "precision_at_1": 0.03846, - "precision_at_5": 0.02308, - "precision_at_10": 0.01923, - "precision_at_25": 0.01231, - "precision_at_50": 0.00769, - "precision_at_100": 0.00513, - "mrr": 0.0826 - }, - { - "hf_subset": "earth_science", - "languages": [ - "eng-Latn" - ], - "main_score": 0.3435, - "ndcg_at_1": 0.32759, - "ndcg_at_5": 0.31864, - "ndcg_at_10": 0.3435, - "ndcg_at_25": 0.38738, - "ndcg_at_50": 0.41378, - "ndcg_at_100": 0.44301, - "map_at_1": 0.13935, - "map_at_5": 0.23518, - "map_at_10": 0.26408, - "map_at_25": 0.28424, - "map_at_50": 0.29077, - "map_at_100": 0.29557, - "recall_at_1": 0.13935, - "recall_at_5": 0.30468, - "recall_at_10": 0.38013, - "recall_at_25": 0.50794, - "recall_at_50": 0.59737, - "recall_at_100": 0.71158, - "precision_at_1": 0.32759, - "precision_at_5": 0.1931, - "precision_at_10": 0.13793, - "precision_at_25": 0.08172, - "precision_at_50": 0.04914, - "precision_at_100": 0.03026, - "mrr": 0.43494 - }, - { - "hf_subset": "sustainable_living", - "languages": [ - "eng-Latn" - ], - "main_score": 0.18819, - "ndcg_at_1": 0.14815, - "ndcg_at_5": 0.16818, - "ndcg_at_10": 0.18819, - "ndcg_at_25": 0.23491, - "ndcg_at_50": 0.26021, - "ndcg_at_100": 0.28983, - "map_at_1": 0.04421, - "map_at_5": 0.10319, - "map_at_10": 0.1219, - "map_at_25": 0.14211, - "map_at_50": 0.14887, - "map_at_100": 0.1535, - "recall_at_1": 0.04421, - "recall_at_5": 0.1681, - "recall_at_10": 0.23879, - "recall_at_25": 0.37314, - "recall_at_50": 0.45944, - "recall_at_100": 0.58718, - "precision_at_1": 0.14815, - "precision_at_5": 0.12222, - "precision_at_10": 0.09167, - "precision_at_25": 0.06519, - "precision_at_50": 0.04222, - "precision_at_100": 0.02741, - "mrr": 0.24882 - }, - { - "hf_subset": "pony", - "languages": [ - "eng-Latn" - ], - "main_score": 0.05023, - "ndcg_at_1": 0.07143, - "ndcg_at_5": 0.05247, - "ndcg_at_10": 0.05023, - "ndcg_at_25": 0.0521, - "ndcg_at_50": 0.07002, - "ndcg_at_100": 0.10387, - "map_at_1": 0.00387, - "map_at_5": 0.00791, - "map_at_10": 0.01098, - "map_at_25": 0.01449, - "map_at_50": 0.01717, - "map_at_100": 0.02114, - "recall_at_1": 0.00387, - "recall_at_5": 0.01372, - "recall_at_10": 0.02537, - "recall_at_25": 0.05122, - "recall_at_50": 0.08538, - "recall_at_100": 0.15966, - "precision_at_1": 0.07143, - "precision_at_5": 0.04821, - "precision_at_10": 0.04643, - "precision_at_25": 0.04036, - "precision_at_50": 0.03518, - "precision_at_100": 0.03268, - "mrr": 0.14094 - } - ], - "long": [ - { - "hf_subset": "stackoverflow", - "languages": [ - "eng-Latn" - ], - "main_score": 0.33527, - "ndcg_at_1": 0.15385, - "ndcg_at_5": 0.29613, - "ndcg_at_10": 0.33527, - "ndcg_at_25": 0.39264, - "ndcg_at_50": 0.40697, - "ndcg_at_100": 0.41437, - "map_at_1": 0.14957, - "map_at_5": 0.24608, - "map_at_10": 0.26338, - "map_at_25": 0.27965, - "map_at_50": 0.28191, - "map_at_100": 0.28264, - "recall_at_1": 0.14957, - "recall_at_5": 0.4359, - "recall_at_10": 0.55128, - "recall_at_25": 0.7735, - "recall_at_50": 0.84615, - "recall_at_100": 0.88889, - "precision_at_1": 0.15385, - "precision_at_5": 0.09573, - "precision_at_10": 0.06068, - "precision_at_25": 0.03419, - "precision_at_50": 0.01863, - "precision_at_100": 0.00983, - "mrr": 0.28887 - }, - { - "hf_subset": "biology", - "languages": [ - "eng-Latn" - ], - "main_score": 0.47738, - "ndcg_at_1": 0.29126, - "ndcg_at_5": 0.40419, - "ndcg_at_10": 0.47738, - "ndcg_at_25": 0.50977, - "ndcg_at_50": 0.52501, - "ndcg_at_100": 0.5309, - "map_at_1": 0.22006, - "map_at_5": 0.349, - "map_at_10": 0.38117, - "map_at_25": 0.39146, - "map_at_50": 0.39438, - "map_at_100": 0.39503, - "recall_at_1": 0.22006, - "recall_at_5": 0.52913, - "recall_at_10": 0.74515, - "recall_at_25": 0.8657, - "recall_at_50": 0.93851, - "recall_at_100": 0.97087, - "precision_at_1": 0.29126, - "precision_at_5": 0.13592, - "precision_at_10": 0.09417, - "precision_at_25": 0.04427, - "precision_at_50": 0.02408, - "precision_at_100": 0.01252, - "mrr": 0.4283 - }, - { - "hf_subset": "sustainable_living", - "languages": [ - "eng-Latn" - ], - "main_score": 0.40538, - "ndcg_at_1": 0.22222, - "ndcg_at_5": 0.38601, - "ndcg_at_10": 0.40538, - "ndcg_at_25": 0.44427, - "ndcg_at_50": 0.46583, - "ndcg_at_100": 0.47628, - "map_at_1": 0.20139, - "map_at_5": 0.32627, - "map_at_10": 0.33388, - "map_at_25": 0.34418, - "map_at_50": 0.34789, - "map_at_100": 0.34885, - "recall_at_1": 0.20139, - "recall_at_5": 0.54352, - "recall_at_10": 0.60216, - "recall_at_25": 0.75679, - "recall_at_50": 0.8608, - "recall_at_100": 0.92407, - "precision_at_1": 0.22222, - "precision_at_5": 0.12407, - "precision_at_10": 0.06944, - "precision_at_25": 0.03481, - "precision_at_50": 0.02037, - "precision_at_100": 0.01093, - "mrr": 0.37017 - }, - { - "hf_subset": "pony", - "languages": [ - "eng-Latn" - ], - "main_score": 0.27263, - "ndcg_at_1": 0.35714, - "ndcg_at_5": 0.26981, - "ndcg_at_10": 0.27263, - "ndcg_at_25": 0.33641, - "ndcg_at_50": 0.37696, - "ndcg_at_100": 0.44265, - "map_at_1": 0.05929, - "map_at_5": 0.12613, - "map_at_10": 0.14585, - "map_at_25": 0.17064, - "map_at_50": 0.18202, - "map_at_100": 0.19563, - "recall_at_1": 0.05929, - "recall_at_5": 0.18608, - "recall_at_10": 0.25924, - "recall_at_25": 0.40323, - "recall_at_50": 0.51449, - "recall_at_100": 0.73497, - "precision_at_1": 0.35714, - "precision_at_5": 0.2375, - "precision_at_10": 0.16964, - "precision_at_25": 0.10464, - "precision_at_50": 0.06804, - "precision_at_100": 0.04866, - "mrr": 0.53236 - }, - { - "hf_subset": "psychology", - "languages": [ - "eng-Latn" - ], - "main_score": 0.40177, - "ndcg_at_1": 0.23762, - "ndcg_at_5": 0.35902, - "ndcg_at_10": 0.40177, - "ndcg_at_25": 0.42645, - "ndcg_at_50": 0.44566, - "ndcg_at_100": 0.45959, - "map_at_1": 0.20495, - "map_at_5": 0.31526, - "map_at_10": 0.33304, - "map_at_25": 0.33953, - "map_at_50": 0.34201, - "map_at_100": 0.34346, - "recall_at_1": 0.20495, - "recall_at_5": 0.47723, - "recall_at_10": 0.61089, - "recall_at_25": 0.7099, - "recall_at_50": 0.81221, - "recall_at_100": 0.89307, - "precision_at_1": 0.23762, - "precision_at_5": 0.10891, - "precision_at_10": 0.06832, - "precision_at_25": 0.03168, - "precision_at_50": 0.01802, - "precision_at_100": 0.01, - "mrr": 0.35691 - }, - { - "hf_subset": "robotics", - "languages": [ - "eng-Latn" - ], - "main_score": 0.23946, - "ndcg_at_1": 0.12871, - "ndcg_at_5": 0.22092, - "ndcg_at_10": 0.23946, - "ndcg_at_25": 0.28748, - "ndcg_at_50": 0.31434, - "ndcg_at_100": 0.33122, - "map_at_1": 0.12871, - "map_at_5": 0.19167, - "map_at_10": 0.2002, - "map_at_25": 0.21237, - "map_at_50": 0.21639, - "map_at_100": 0.2179, - "recall_at_1": 0.12871, - "recall_at_5": 0.30198, - "recall_at_10": 0.35644, - "recall_at_25": 0.55446, - "recall_at_50": 0.69307, - "recall_at_100": 0.79703, - "precision_at_1": 0.12871, - "precision_at_5": 0.06535, - "precision_at_10": 0.03861, - "precision_at_25": 0.02337, - "precision_at_50": 0.01446, - "precision_at_100": 0.00832, - "mrr": 0.22286 - }, - { - "hf_subset": "economics", - "languages": [ - "eng-Latn" - ], - "main_score": 0.33422, - "ndcg_at_1": 0.14563, - "ndcg_at_5": 0.29481, - "ndcg_at_10": 0.33422, - "ndcg_at_25": 0.36977, - "ndcg_at_50": 0.38113, - "ndcg_at_100": 0.39523, - "map_at_1": 0.14078, - "map_at_5": 0.24984, - "map_at_10": 0.2665, - "map_at_25": 0.27559, - "map_at_50": 0.27739, - "map_at_100": 0.27861, - "recall_at_1": 0.14078, - "recall_at_5": 0.42071, - "recall_at_10": 0.54045, - "recall_at_25": 0.68608, - "recall_at_50": 0.74272, - "recall_at_100": 0.8301, - "precision_at_1": 0.14563, - "precision_at_5": 0.08932, - "precision_at_10": 0.05728, - "precision_at_25": 0.02874, - "precision_at_50": 0.01573, - "precision_at_100": 0.00874, - "mrr": 0.28638 - }, - { - "hf_subset": "earth_science", - "languages": [ - "eng-Latn" - ], - "main_score": 0.56146, - "ndcg_at_1": 0.42241, - "ndcg_at_5": 0.52223, - "ndcg_at_10": 0.56146, - "ndcg_at_25": 0.59195, - "ndcg_at_50": 0.6079, - "ndcg_at_100": 0.61603, - "map_at_1": 0.3204, - "map_at_5": 0.45643, - "map_at_10": 0.47498, - "map_at_25": 0.48595, - "map_at_50": 0.48984, - "map_at_100": 0.49075, - "recall_at_1": 0.3204, - "recall_at_5": 0.63218, - "recall_at_10": 0.73635, - "recall_at_25": 0.83477, - "recall_at_50": 0.90086, - "recall_at_100": 0.94684, - "precision_at_1": 0.42241, - "precision_at_5": 0.18276, - "precision_at_10": 0.10948, - "precision_at_25": 0.05241, - "precision_at_50": 0.02897, - "precision_at_100": 0.01509, - "mrr": 0.55979 - } - ] - }, - "task_name": "BrightRetrieval" -} \ No newline at end of file diff --git a/results/hkunlp__instructor-xl/no_revision_available/Core17InstructionRetrieval.json b/results/hkunlp__instructor-xl/no_revision_available/Core17InstructionRetrieval.json deleted file mode 100644 index 173ccb883..000000000 --- a/results/hkunlp__instructor-xl/no_revision_available/Core17InstructionRetrieval.json +++ /dev/null @@ -1,9 +0,0 @@ -{ - "dataset_revision": "e39ff896cf3efbbdeeb950e6bd7c79f266995b07", - "mteb_dataset_name": "Core17InstructionRetrieval", - "mteb_version": "1.7.32", - "test": { - "evaluation_time": 1911.16, - "p-MRR": 0.006941673103565681 - } -} \ No newline at end of file diff --git a/results/hkunlp__instructor-xl/no_revision_available/News21InstructionRetrieval.json b/results/hkunlp__instructor-xl/no_revision_available/News21InstructionRetrieval.json deleted file mode 100644 index 00758022a..000000000 --- a/results/hkunlp__instructor-xl/no_revision_available/News21InstructionRetrieval.json +++ /dev/null @@ -1,9 +0,0 @@ -{ - "dataset_revision": "e0144086b45fe31ac125e9ac1a83b6a409bb6ca6", - "mteb_dataset_name": "News21InstructionRetrieval", - "mteb_version": "1.7.32", - "test": { - "evaluation_time": 3069.26, - "p-MRR": -0.008952353942580878 - } -} \ No newline at end of file diff --git a/results/hkunlp__instructor-xl/no_revision_available/Robust04InstructionRetrieval.json b/results/hkunlp__instructor-xl/no_revision_available/Robust04InstructionRetrieval.json deleted file mode 100644 index ea4aa6f0a..000000000 --- a/results/hkunlp__instructor-xl/no_revision_available/Robust04InstructionRetrieval.json +++ /dev/null @@ -1,9 +0,0 @@ -{ - "dataset_revision": "a5a1c4fe2bc528ac12e83f8cdf82178da85d2f1d", - "mteb_dataset_name": "Robust04InstructionRetrieval", - "mteb_version": "1.7.32", - "test": { - "evaluation_time": 4996.02, - "p-MRR": -0.08082301624473728 - } -} \ No newline at end of file diff --git a/results/iampanda__zpoint_large_embedding_zh/external/AFQMC.json b/results/iampanda__zpoint_large_embedding_zh/external/AFQMC.json new file mode 100644 index 000000000..705a10707 --- /dev/null +++ b/results/iampanda__zpoint_large_embedding_zh/external/AFQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 56.52479321107392, + "cos_sim_spearman": 60.72175935031135, + "euclidean_pearson": 59.40990657564856, + "euclidean_spearman": 60.72175934804556, + "manhattan_pearson": 59.4134322847349, + "manhattan_spearman": 60.724413114688225, + "cosine_pearson": 56.52479321107392, + "cosine_spearman": 60.72175935031135, + "main_score": 60.72175935031135 + } + ] + } +} \ No newline at end of file diff --git a/results/iampanda__zpoint_large_embedding_zh/external/ATEC.json b/results/iampanda__zpoint_large_embedding_zh/external/ATEC.json new file mode 100644 index 000000000..48f40ca01 --- /dev/null +++ b/results/iampanda__zpoint_large_embedding_zh/external/ATEC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 56.492631347325464, + "cos_sim_spearman": 58.765171687177656, + "euclidean_pearson": 63.236364373113844, + "euclidean_spearman": 58.765171686714865, + "manhattan_pearson": 63.22241814845751, + "manhattan_spearman": 58.762780342648234, + "cosine_pearson": 56.492631347325464, + "cosine_spearman": 58.765171687177656, + "main_score": 58.765171687177656 + } + ] + } +} \ No newline at end of file diff --git a/results/iampanda__zpoint_large_embedding_zh/external/AmazonReviewsClassification.json b/results/iampanda__zpoint_large_embedding_zh/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..3550e3094 --- /dev/null +++ b/results/iampanda__zpoint_large_embedding_zh/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 49.72, + "f1": 46.588683657317084, + "main_score": 49.72 + } + ] + } +} \ No newline at end of file diff --git a/results/iampanda__zpoint_large_embedding_zh/external/BQ.json b/results/iampanda__zpoint_large_embedding_zh/external/BQ.json new file mode 100644 index 000000000..9a665d9f3 --- /dev/null +++ b/results/iampanda__zpoint_large_embedding_zh/external/BQ.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 73.07779128771674, + "cos_sim_spearman": 75.03682691328844, + "euclidean_pearson": 73.68098259699073, + "euclidean_spearman": 75.03683037648963, + "manhattan_pearson": 73.66963332679124, + "manhattan_spearman": 75.02269337817758, + "cosine_pearson": 73.07779128771674, + "cosine_spearman": 75.03682691328844, + "main_score": 75.03682691328844 + } + ] + } +} \ No newline at end of file diff --git a/results/iampanda__zpoint_large_embedding_zh/external/CLSClusteringP2P.json b/results/iampanda__zpoint_large_embedding_zh/external/CLSClusteringP2P.json new file mode 100644 index 000000000..d5dc7b9aa --- /dev/null +++ b/results/iampanda__zpoint_large_embedding_zh/external/CLSClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 58.2897067752906, + "main_score": 58.2897067752906 + } + ] + } +} \ No newline at end of file diff --git a/results/iampanda__zpoint_large_embedding_zh/external/CLSClusteringS2S.json b/results/iampanda__zpoint_large_embedding_zh/external/CLSClusteringS2S.json new file mode 100644 index 000000000..d939d1002 --- /dev/null +++ b/results/iampanda__zpoint_large_embedding_zh/external/CLSClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 48.79170511177673, + "main_score": 48.79170511177673 + } + ] + } +} \ No newline at end of file diff --git a/results/iampanda__zpoint_large_embedding_zh/external/CmedqaRetrieval.json b/results/iampanda__zpoint_large_embedding_zh/external/CmedqaRetrieval.json new file mode 100644 index 000000000..9f0978efc --- /dev/null +++ b/results/iampanda__zpoint_large_embedding_zh/external/CmedqaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 27.132, + "map_at_10": 40.400999999999996, + "map_at_100": 42.246, + "map_at_1000": 42.351, + "map_at_3": 35.94, + "map_at_5": 38.527, + "mrr_at_1": 41.285, + "mrr_at_10": 49.474000000000004, + "mrr_at_100": 50.4, + "mrr_at_1000": 50.438, + "mrr_at_3": 46.891, + "mrr_at_5": 48.353, + "ndcg_at_1": 41.285, + "ndcg_at_10": 47.159, + "ndcg_at_100": 54.163, + "ndcg_at_1000": 55.921, + "ndcg_at_3": 41.678, + "ndcg_at_5": 44.069, + "precision_at_1": 41.285, + "precision_at_10": 10.468, + "precision_at_100": 1.611, + "precision_at_1000": 0.183, + "precision_at_3": 23.648, + "precision_at_5": 17.229, + "recall_at_1": 27.132, + "recall_at_10": 57.977999999999994, + "recall_at_100": 86.88, + "recall_at_1000": 98.586, + "recall_at_3": 41.487, + "recall_at_5": 48.79, + "main_score": 47.159 + } + ] + } +} \ No newline at end of file diff --git a/results/iampanda__zpoint_large_embedding_zh/external/Cmnli.json b/results/iampanda__zpoint_large_embedding_zh/external/Cmnli.json new file mode 100644 index 000000000..003044342 --- /dev/null +++ b/results/iampanda__zpoint_large_embedding_zh/external/Cmnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Cmnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 86.06133493686109, + "cos_sim_ap": 92.54288511740305, + "cos_sim_f1": 86.85572811163628, + "cos_sim_precision": 83.72748969407681, + "cos_sim_recall": 90.22679448211363, + "dot_accuracy": 86.06133493686109, + "dot_ap": 92.53922591080917, + "dot_f1": 86.85572811163628, + "dot_precision": 83.72748969407681, + "dot_recall": 90.22679448211363, + "euclidean_accuracy": 86.06133493686109, + "euclidean_ap": 92.54287994398305, + "euclidean_f1": 86.85572811163628, + "euclidean_precision": 83.72748969407681, + "euclidean_recall": 90.22679448211363, + "manhattan_accuracy": 86.01322910402887, + "manhattan_ap": 92.53060255301997, + "manhattan_f1": 86.81441683456458, + "manhattan_precision": 83.27249302125833, + "manhattan_recall": 90.67103109656301, + "max_accuracy": 86.06133493686109, + "max_ap": 92.54288511740305, + "max_f1": 86.85572811163628, + "main_score": 86.06133493686109 + } + ] + } +} \ No newline at end of file diff --git a/results/iampanda__zpoint_large_embedding_zh/external/CovidRetrieval.json b/results/iampanda__zpoint_large_embedding_zh/external/CovidRetrieval.json new file mode 100644 index 000000000..fc5183394 --- /dev/null +++ b/results/iampanda__zpoint_large_embedding_zh/external/CovidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 78.899, + "map_at_10": 86.232, + "map_at_100": 86.331, + "map_at_1000": 86.332, + "map_at_3": 85.256, + "map_at_5": 85.883, + "mrr_at_1": 79.347, + "mrr_at_10": 86.252, + "mrr_at_100": 86.342, + "mrr_at_1000": 86.343, + "mrr_at_3": 85.283, + "mrr_at_5": 85.91, + "ndcg_at_1": 79.347, + "ndcg_at_10": 89.143, + "ndcg_at_100": 89.541, + "ndcg_at_1000": 89.58, + "ndcg_at_3": 87.227, + "ndcg_at_5": 88.31400000000001, + "precision_at_1": 79.347, + "precision_at_10": 9.905, + "precision_at_100": 1.0070000000000001, + "precision_at_1000": 0.101, + "precision_at_3": 31.261, + "precision_at_5": 19.305, + "recall_at_1": 78.899, + "recall_at_10": 97.99799999999999, + "recall_at_100": 99.684, + "recall_at_1000": 100, + "recall_at_3": 92.808, + "recall_at_5": 95.46900000000001, + "main_score": 89.143 + } + ] + } +} \ No newline at end of file diff --git a/results/iampanda__zpoint_large_embedding_zh/external/DuRetrieval.json b/results/iampanda__zpoint_large_embedding_zh/external/DuRetrieval.json new file mode 100644 index 000000000..6a1bb528a --- /dev/null +++ b/results/iampanda__zpoint_large_embedding_zh/external/DuRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 27.107999999999997, + "map_at_10": 82.525, + "map_at_100": 85.168, + "map_at_1000": 85.194, + "map_at_3": 57.74399999999999, + "map_at_5": 72.53699999999999, + "mrr_at_1": 92.30000000000001, + "mrr_at_10": 94.705, + "mrr_at_100": 94.76599999999999, + "mrr_at_1000": 94.76599999999999, + "mrr_at_3": 94.55, + "mrr_at_5": 94.64, + "ndcg_at_1": 92.30000000000001, + "ndcg_at_10": 89.23100000000001, + "ndcg_at_100": 91.556, + "ndcg_at_1000": 91.81700000000001, + "ndcg_at_3": 88.558, + "ndcg_at_5": 87.316, + "precision_at_1": 92.30000000000001, + "precision_at_10": 42.38, + "precision_at_100": 4.818, + "precision_at_1000": 0.488, + "precision_at_3": 79.14999999999999, + "precision_at_5": 66.63, + "recall_at_1": 27.107999999999997, + "recall_at_10": 89.914, + "recall_at_100": 97.658, + "recall_at_1000": 99.00099999999999, + "recall_at_3": 59.673, + "recall_at_5": 76.437, + "main_score": 89.23100000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/iampanda__zpoint_large_embedding_zh/external/EcomRetrieval.json b/results/iampanda__zpoint_large_embedding_zh/external/EcomRetrieval.json new file mode 100644 index 000000000..4275247e7 --- /dev/null +++ b/results/iampanda__zpoint_large_embedding_zh/external/EcomRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 55.00000000000001, + "map_at_10": 65.57600000000001, + "map_at_100": 66.096, + "map_at_1000": 66.103, + "map_at_3": 63.217, + "map_at_5": 64.562, + "mrr_at_1": 55.00000000000001, + "mrr_at_10": 65.57600000000001, + "mrr_at_100": 66.096, + "mrr_at_1000": 66.103, + "mrr_at_3": 63.217, + "mrr_at_5": 64.562, + "ndcg_at_1": 55.00000000000001, + "ndcg_at_10": 70.74000000000001, + "ndcg_at_100": 73.001, + "ndcg_at_1000": 73.223, + "ndcg_at_3": 65.837, + "ndcg_at_5": 68.264, + "precision_at_1": 55.00000000000001, + "precision_at_10": 8.7, + "precision_at_100": 0.97, + "precision_at_1000": 0.099, + "precision_at_3": 24.467, + "precision_at_5": 15.86, + "recall_at_1": 55.00000000000001, + "recall_at_10": 87, + "recall_at_100": 97, + "recall_at_1000": 98.8, + "recall_at_3": 73.4, + "recall_at_5": 79.3, + "main_score": 70.74000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/iampanda__zpoint_large_embedding_zh/external/IFlyTek.json b/results/iampanda__zpoint_large_embedding_zh/external/IFlyTek.json new file mode 100644 index 000000000..cbe4a8a98 --- /dev/null +++ b/results/iampanda__zpoint_large_embedding_zh/external/IFlyTek.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 51.696806464024625, + "f1": 40.02655259854763, + "main_score": 51.696806464024625 + } + ] + } +} \ No newline at end of file diff --git a/results/iampanda__zpoint_large_embedding_zh/external/JDReview.json b/results/iampanda__zpoint_large_embedding_zh/external/JDReview.json new file mode 100644 index 000000000..7e00c1ee8 --- /dev/null +++ b/results/iampanda__zpoint_large_embedding_zh/external/JDReview.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 88.87429643527206, + "ap": 59.89821610336161, + "f1": 83.98100504939507, + "main_score": 88.87429643527206 + } + ] + } +} \ No newline at end of file diff --git a/results/iampanda__zpoint_large_embedding_zh/external/LCQMC.json b/results/iampanda__zpoint_large_embedding_zh/external/LCQMC.json new file mode 100644 index 000000000..f7261f10f --- /dev/null +++ b/results/iampanda__zpoint_large_embedding_zh/external/LCQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 72.59510783330644, + "cos_sim_spearman": 79.75022839599451, + "euclidean_pearson": 79.54475341768782, + "euclidean_spearman": 79.75021730266204, + "manhattan_pearson": 79.53741020350834, + "manhattan_spearman": 79.74152434784455, + "cosine_pearson": 72.59510783330644, + "cosine_spearman": 79.75022839599451, + "main_score": 79.75022839599451 + } + ] + } +} \ No newline at end of file diff --git a/results/iampanda__zpoint_large_embedding_zh/external/MMarcoReranking.json b/results/iampanda__zpoint_large_embedding_zh/external/MMarcoReranking.json new file mode 100644 index 000000000..1f96dc32c --- /dev/null +++ b/results/iampanda__zpoint_large_embedding_zh/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 38.86925357762224, + "mrr": 38.17460317460318, + "main_score": 38.86925357762224 + } + ] + } +} \ No newline at end of file diff --git a/results/iampanda__zpoint_large_embedding_zh/external/MMarcoRetrieval.json b/results/iampanda__zpoint_large_embedding_zh/external/MMarcoRetrieval.json new file mode 100644 index 000000000..a802fc755 --- /dev/null +++ b/results/iampanda__zpoint_large_embedding_zh/external/MMarcoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 68.731, + "map_at_10": 78.52, + "map_at_100": 78.792, + "map_at_1000": 78.797, + "map_at_3": 76.586, + "map_at_5": 77.876, + "mrr_at_1": 71.003, + "mrr_at_10": 79.03, + "mrr_at_100": 79.27, + "mrr_at_1000": 79.274, + "mrr_at_3": 77.373, + "mrr_at_5": 78.46600000000001, + "ndcg_at_1": 71.003, + "ndcg_at_10": 82.381, + "ndcg_at_100": 83.504, + "ndcg_at_1000": 83.627, + "ndcg_at_3": 78.78699999999999, + "ndcg_at_5": 80.94, + "precision_at_1": 71.003, + "precision_at_10": 9.961, + "precision_at_100": 1.05, + "precision_at_1000": 0.106, + "precision_at_3": 29.694, + "precision_at_5": 18.963, + "recall_at_1": 68.731, + "recall_at_10": 93.697, + "recall_at_100": 98.546, + "recall_at_1000": 99.515, + "recall_at_3": 84.328, + "recall_at_5": 89.42, + "main_score": 82.381 + } + ] + } +} \ No newline at end of file diff --git a/results/iampanda__zpoint_large_embedding_zh/external/MassiveIntentClassification.json b/results/iampanda__zpoint_large_embedding_zh/external/MassiveIntentClassification.json new file mode 100644 index 000000000..62803fe20 --- /dev/null +++ b/results/iampanda__zpoint_large_embedding_zh/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 76.79219905850707, + "f1": 73.15228001501512, + "main_score": 76.79219905850707 + } + ] + } +} \ No newline at end of file diff --git a/results/iampanda__zpoint_large_embedding_zh/external/MassiveScenarioClassification.json b/results/iampanda__zpoint_large_embedding_zh/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..fc02ed640 --- /dev/null +++ b/results/iampanda__zpoint_large_embedding_zh/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 84.9562878278413, + "f1": 84.0910677219451, + "main_score": 84.9562878278413 + } + ] + } +} \ No newline at end of file diff --git a/results/iampanda__zpoint_large_embedding_zh/external/MedicalRetrieval.json b/results/iampanda__zpoint_large_embedding_zh/external/MedicalRetrieval.json new file mode 100644 index 000000000..da593020a --- /dev/null +++ b/results/iampanda__zpoint_large_embedding_zh/external/MedicalRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 57.8, + "map_at_10": 64.732, + "map_at_100": 65.315, + "map_at_1000": 65.347, + "map_at_3": 63.14999999999999, + "map_at_5": 63.934999999999995, + "mrr_at_1": 57.99999999999999, + "mrr_at_10": 64.852, + "mrr_at_100": 65.435, + "mrr_at_1000": 65.467, + "mrr_at_3": 63.266999999999996, + "mrr_at_5": 64.072, + "ndcg_at_1": 57.8, + "ndcg_at_10": 68.14, + "ndcg_at_100": 71.04899999999999, + "ndcg_at_1000": 71.856, + "ndcg_at_3": 64.813, + "ndcg_at_5": 66.241, + "precision_at_1": 57.8, + "precision_at_10": 7.89, + "precision_at_100": 0.927, + "precision_at_1000": 0.099, + "precision_at_3": 23.200000000000003, + "precision_at_5": 14.62, + "recall_at_1": 57.8, + "recall_at_10": 78.9, + "recall_at_100": 92.7, + "recall_at_1000": 99, + "recall_at_3": 69.6, + "recall_at_5": 73.1, + "main_score": 68.14 + } + ] + } +} \ No newline at end of file diff --git a/results/iampanda__zpoint_large_embedding_zh/external/MultilingualSentiment.json b/results/iampanda__zpoint_large_embedding_zh/external/MultilingualSentiment.json new file mode 100644 index 000000000..7f7c8b1f6 --- /dev/null +++ b/results/iampanda__zpoint_large_embedding_zh/external/MultilingualSentiment.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 79.22333333333333, + "f1": 79.01276765455862, + "main_score": 79.22333333333333 + } + ] + } +} \ No newline at end of file diff --git a/results/iampanda__zpoint_large_embedding_zh/external/Ocnli.json b/results/iampanda__zpoint_large_embedding_zh/external/Ocnli.json new file mode 100644 index 000000000..778990429 --- /dev/null +++ b/results/iampanda__zpoint_large_embedding_zh/external/Ocnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Ocnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 85.32755820249052, + "cos_sim_ap": 90.56118966152913, + "cos_sim_f1": 86.28428927680798, + "cos_sim_precision": 81.75803402646503, + "cos_sim_recall": 91.34107708553326, + "dot_accuracy": 85.32755820249052, + "dot_ap": 90.56120405888693, + "dot_f1": 86.28428927680798, + "dot_precision": 81.75803402646503, + "dot_recall": 91.34107708553326, + "euclidean_accuracy": 85.32755820249052, + "euclidean_ap": 90.56118966152913, + "euclidean_f1": 86.28428927680798, + "euclidean_precision": 81.75803402646503, + "euclidean_recall": 91.34107708553326, + "manhattan_accuracy": 85.43584190579317, + "manhattan_ap": 90.52296007826511, + "manhattan_f1": 86.42099949520444, + "manhattan_precision": 82.7852998065764, + "manhattan_recall": 90.3907074973601, + "max_accuracy": 85.43584190579317, + "max_ap": 90.56120405888693, + "max_f1": 86.42099949520444, + "main_score": 85.43584190579317 + } + ] + } +} \ No newline at end of file diff --git a/results/iampanda__zpoint_large_embedding_zh/external/OnlineShopping.json b/results/iampanda__zpoint_large_embedding_zh/external/OnlineShopping.json new file mode 100644 index 000000000..6ca096913 --- /dev/null +++ b/results/iampanda__zpoint_large_embedding_zh/external/OnlineShopping.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 94.87999999999998, + "ap": 93.12892276945414, + "f1": 94.86921245385685, + "main_score": 94.87999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/iampanda__zpoint_large_embedding_zh/external/PAWSX.json b/results/iampanda__zpoint_large_embedding_zh/external/PAWSX.json new file mode 100644 index 000000000..61dbc3944 --- /dev/null +++ b/results/iampanda__zpoint_large_embedding_zh/external/PAWSX.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 38.4367277229591, + "cos_sim_spearman": 45.942712312151656, + "euclidean_pearson": 44.96055989566686, + "euclidean_spearman": 45.94279939044163, + "manhattan_pearson": 44.979762134562925, + "manhattan_spearman": 45.96004430328375, + "cosine_pearson": 38.4367277229591, + "cosine_spearman": 45.942712312151656, + "main_score": 45.942712312151656 + } + ] + } +} \ No newline at end of file diff --git a/results/iampanda__zpoint_large_embedding_zh/external/QBQTC.json b/results/iampanda__zpoint_large_embedding_zh/external/QBQTC.json new file mode 100644 index 000000000..f6425d14f --- /dev/null +++ b/results/iampanda__zpoint_large_embedding_zh/external/QBQTC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "QBQTC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 41.45428416733968, + "cos_sim_spearman": 43.462057455255845, + "euclidean_pearson": 38.20089604291246, + "euclidean_spearman": 43.46288438624811, + "manhattan_pearson": 38.175045608320694, + "manhattan_spearman": 43.468885824666344, + "cosine_pearson": 41.45428416733968, + "cosine_spearman": 43.462057455255845, + "main_score": 43.462057455255845 + } + ] + } +} \ No newline at end of file diff --git a/results/iampanda__zpoint_large_embedding_zh/external/STS22.json b/results/iampanda__zpoint_large_embedding_zh/external/STS22.json new file mode 100644 index 000000000..af4e4a086 --- /dev/null +++ b/results/iampanda__zpoint_large_embedding_zh/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 65.61911213187778, + "cos_sim_spearman": 66.70525921118497, + "euclidean_pearson": 65.35554462551515, + "euclidean_spearman": 66.70525921118497, + "manhattan_pearson": 65.25174169329627, + "manhattan_spearman": 66.6550752269368, + "cosine_pearson": 65.61911213187778, + "cosine_spearman": 66.70525921118497, + "main_score": 66.70525921118497 + } + ] + } +} \ No newline at end of file diff --git a/results/iampanda__zpoint_large_embedding_zh/external/STSB.json b/results/iampanda__zpoint_large_embedding_zh/external/STSB.json new file mode 100644 index 000000000..85b48794a --- /dev/null +++ b/results/iampanda__zpoint_large_embedding_zh/external/STSB.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 81.27160581568329, + "cos_sim_spearman": 83.34482829304406, + "euclidean_pearson": 82.98079434913451, + "euclidean_spearman": 83.34503180775212, + "manhattan_pearson": 82.95256917013506, + "manhattan_spearman": 83.31034894907503, + "cosine_pearson": 81.27160581568329, + "cosine_spearman": 83.34482829304406, + "main_score": 83.34482829304406 + } + ] + } +} \ No newline at end of file diff --git a/results/iampanda__zpoint_large_embedding_zh/external/T2Reranking.json b/results/iampanda__zpoint_large_embedding_zh/external/T2Reranking.json new file mode 100644 index 000000000..43e539852 --- /dev/null +++ b/results/iampanda__zpoint_large_embedding_zh/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 69.29054152015013, + "mrr": 79.73472208788729, + "main_score": 69.29054152015013 + } + ] + } +} \ No newline at end of file diff --git a/results/iampanda__zpoint_large_embedding_zh/external/T2Retrieval.json b/results/iampanda__zpoint_large_embedding_zh/external/T2Retrieval.json new file mode 100644 index 000000000..05fb440c5 --- /dev/null +++ b/results/iampanda__zpoint_large_embedding_zh/external/T2Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 27, + "map_at_10": 75.871, + "map_at_100": 79.664, + "map_at_1000": 79.725, + "map_at_3": 53.14, + "map_at_5": 65.365, + "mrr_at_1": 88.642, + "mrr_at_10": 91.732, + "mrr_at_100": 91.818, + "mrr_at_1000": 91.821, + "mrr_at_3": 91.217, + "mrr_at_5": 91.561, + "ndcg_at_1": 88.642, + "ndcg_at_10": 83.815, + "ndcg_at_100": 87.689, + "ndcg_at_1000": 88.266, + "ndcg_at_3": 84.807, + "ndcg_at_5": 83.53699999999999, + "precision_at_1": 88.642, + "precision_at_10": 41.725, + "precision_at_100": 5.024, + "precision_at_1000": 0.516, + "precision_at_3": 74.10600000000001, + "precision_at_5": 62.192, + "recall_at_1": 27, + "recall_at_10": 83.292, + "recall_at_100": 95.66799999999999, + "recall_at_1000": 98.56, + "recall_at_3": 55.111, + "recall_at_5": 69.327, + "main_score": 83.815 + } + ] + } +} \ No newline at end of file diff --git a/results/iampanda__zpoint_large_embedding_zh/external/TNews.json b/results/iampanda__zpoint_large_embedding_zh/external/TNews.json new file mode 100644 index 000000000..fbc5e1076 --- /dev/null +++ b/results/iampanda__zpoint_large_embedding_zh/external/TNews.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 54.346, + "f1": 52.302508458396055, + "main_score": 54.346 + } + ] + } +} \ No newline at end of file diff --git a/results/iampanda__zpoint_large_embedding_zh/external/ThuNewsClusteringP2P.json b/results/iampanda__zpoint_large_embedding_zh/external/ThuNewsClusteringP2P.json new file mode 100644 index 000000000..64306ce01 --- /dev/null +++ b/results/iampanda__zpoint_large_embedding_zh/external/ThuNewsClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 72.47709523787981, + "main_score": 72.47709523787981 + } + ] + } +} \ No newline at end of file diff --git a/results/iampanda__zpoint_large_embedding_zh/external/ThuNewsClusteringS2S.json b/results/iampanda__zpoint_large_embedding_zh/external/ThuNewsClusteringS2S.json new file mode 100644 index 000000000..59ac55f0d --- /dev/null +++ b/results/iampanda__zpoint_large_embedding_zh/external/ThuNewsClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 69.35293863978707, + "main_score": 69.35293863978707 + } + ] + } +} \ No newline at end of file diff --git a/results/iampanda__zpoint_large_embedding_zh/external/VideoRetrieval.json b/results/iampanda__zpoint_large_embedding_zh/external/VideoRetrieval.json new file mode 100644 index 000000000..699ed03d8 --- /dev/null +++ b/results/iampanda__zpoint_large_embedding_zh/external/VideoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 64.60000000000001, + "map_at_10": 75.683, + "map_at_100": 75.961, + "map_at_1000": 75.96199999999999, + "map_at_3": 74.083, + "map_at_5": 75.03800000000001, + "mrr_at_1": 64.60000000000001, + "mrr_at_10": 75.683, + "mrr_at_100": 75.961, + "mrr_at_1000": 75.96199999999999, + "mrr_at_3": 74.083, + "mrr_at_5": 75.03800000000001, + "ndcg_at_1": 64.60000000000001, + "ndcg_at_10": 80.26299999999999, + "ndcg_at_100": 81.487, + "ndcg_at_1000": 81.5, + "ndcg_at_3": 77.003, + "ndcg_at_5": 78.708, + "precision_at_1": 64.60000000000001, + "precision_at_10": 9.43, + "precision_at_100": 0.997, + "precision_at_1000": 0.1, + "precision_at_3": 28.467, + "precision_at_5": 17.9, + "recall_at_1": 64.60000000000001, + "recall_at_10": 94.3, + "recall_at_100": 99.7, + "recall_at_1000": 99.8, + "recall_at_3": 85.39999999999999, + "recall_at_5": 89.5, + "main_score": 80.26299999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/iampanda__zpoint_large_embedding_zh/external/Waimai.json b/results/iampanda__zpoint_large_embedding_zh/external/Waimai.json new file mode 100644 index 000000000..e464d0c1b --- /dev/null +++ b/results/iampanda__zpoint_large_embedding_zh/external/Waimai.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 89.36, + "ap": 75.26507519569006, + "f1": 87.89845508858562, + "main_score": 89.36 + } + ] + } +} \ No newline at end of file diff --git a/results/iampanda__zpoint_large_embedding_zh/external/model_meta.json b/results/iampanda__zpoint_large_embedding_zh/external/model_meta.json new file mode 100644 index 000000000..9261d7aeb --- /dev/null +++ b/results/iampanda__zpoint_large_embedding_zh/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "iampanda/zpoint_large_embedding_zh", + "revision": "b1075144f440ab4409c05622c1179130ebd57d03", + "release_date": "2024-06-04", + "languages": [ + "zh" + ], + "loader": null, + "n_parameters": 325522432, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 1792, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/AmazonCounterfactualClassification.json b/results/ildodeltaRule__multilingual-e5-large/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..73ddb89eb --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/AmazonCounterfactualClassification.json @@ -0,0 +1,50 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.05970149253731, + "ap": 43.486574390835635, + "f1": 73.32700092140148, + "main_score": 79.05970149253731 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 71.22055674518201, + "ap": 81.55756710830498, + "f1": 69.28271787752661, + "main_score": 71.22055674518201 + }, + { + "hf_subset": "en-ext", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.41979010494754, + "ap": 29.34879922376344, + "f1": 67.62475449011278, + "main_score": 80.41979010494754 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 77.8372591006424, + "ap": 26.557560591210738, + "f1": 64.96619417368707, + "main_score": 77.8372591006424 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/AmazonPolarityClassification.json b/results/ildodeltaRule__multilingual-e5-large/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..e11ff662b --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.489875, + "ap": 90.98758636917603, + "f1": 93.48554819717332, + "main_score": 93.489875 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/AmazonReviewsClassification.json b/results/ildodeltaRule__multilingual-e5-large/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..a4d2ba246 --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/AmazonReviewsClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 47.564, + "f1": 46.75122173518047, + "main_score": 47.564 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 45.400000000000006, + "f1": 44.17195682400632, + "main_score": 45.400000000000006 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 43.068, + "f1": 42.38155696855596, + "main_score": 43.068 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 41.89, + "f1": 40.84407321682663, + "main_score": 41.89 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 40.120000000000005, + "f1": 39.522976223819114, + "main_score": 40.120000000000005 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 38.832, + "f1": 38.0392533394713, + "main_score": 38.832 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/ArguAna.json b/results/ildodeltaRule__multilingual-e5-large/external/ArguAna.json new file mode 100644 index 000000000..f4a211c26 --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.725, + "map_at_10": 46.055, + "map_at_100": 46.900999999999996, + "map_at_1000": 46.911, + "map_at_3": 41.548, + "map_at_5": 44.297, + "mrr_at_1": 31.152, + "mrr_at_10": 46.231, + "mrr_at_100": 47.07, + "mrr_at_1000": 47.08, + "mrr_at_3": 41.738, + "mrr_at_5": 44.468999999999994, + "ndcg_at_1": 30.725, + "ndcg_at_10": 54.379999999999995, + "ndcg_at_100": 58.138, + "ndcg_at_1000": 58.389, + "ndcg_at_3": 45.156, + "ndcg_at_5": 50.123, + "precision_at_1": 30.725, + "precision_at_10": 8.087, + "precision_at_100": 0.9769999999999999, + "precision_at_1000": 0.1, + "precision_at_3": 18.54, + "precision_at_5": 13.542000000000002, + "recall_at_1": 30.725, + "recall_at_10": 80.868, + "recall_at_100": 97.653, + "recall_at_1000": 99.57300000000001, + "recall_at_3": 55.619, + "recall_at_5": 67.71000000000001, + "main_score": 54.379999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/ArxivClusteringP2P.json b/results/ildodeltaRule__multilingual-e5-large/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..f99cf7492 --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 44.30960650674069, + "main_score": 44.30960650674069 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/ArxivClusteringS2S.json b/results/ildodeltaRule__multilingual-e5-large/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..b471b2ebf --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.427074197498996, + "main_score": 38.427074197498996 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/AskUbuntuDupQuestions.json b/results/ildodeltaRule__multilingual-e5-large/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..7a3b2eda4 --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 60.28270056031872, + "mrr": 74.38332673789738, + "main_score": 60.28270056031872 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/BIOSSES.json b/results/ildodeltaRule__multilingual-e5-large/external/BIOSSES.json new file mode 100644 index 000000000..303d13bcc --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.05942144105269, + "cos_sim_spearman": 82.51212105850809, + "euclidean_pearson": 81.95639829909122, + "euclidean_spearman": 82.3717564144213, + "manhattan_pearson": 81.79273425468256, + "manhattan_spearman": 82.20066817871039, + "cosine_pearson": 84.05942144105269, + "cosine_spearman": 82.51212105850809, + "main_score": 82.51212105850809 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/BUCC.json b/results/ildodeltaRule__multilingual-e5-large/external/BUCC.json new file mode 100644 index 000000000..de853232f --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/BUCC.json @@ -0,0 +1,58 @@ +{ + "dataset_revision": "d51519689f32196a32af33b075a01d0e7c51e252", + "task_name": "BUCC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "accuracy": 99.46764091858039, + "f1": 99.37717466945023, + "precision": 99.33194154488518, + "recall": 99.46764091858039, + "main_score": 99.37717466945023 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "accuracy": 98.29407880255337, + "f1": 98.11248073959938, + "precision": 98.02443319392472, + "recall": 98.29407880255337, + "main_score": 98.11248073959938 + }, + { + "hf_subset": "ru-en", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "accuracy": 97.79009352268791, + "f1": 97.5176076665512, + "precision": 97.38136473848286, + "recall": 97.79009352268791, + "main_score": 97.5176076665512 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "accuracy": 99.26276987888363, + "f1": 99.20133403545726, + "precision": 99.17500438827453, + "recall": 99.26276987888363, + "main_score": 99.20133403545726 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/Banking77Classification.json b/results/ildodeltaRule__multilingual-e5-large/external/Banking77Classification.json new file mode 100644 index 000000000..01d0ae132 --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 84.72727272727273, + "f1": 84.67672206031433, + "main_score": 84.72727272727273 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/BiorxivClusteringP2P.json b/results/ildodeltaRule__multilingual-e5-large/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..856435bfd --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.34220182511161, + "main_score": 35.34220182511161 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/BiorxivClusteringS2S.json b/results/ildodeltaRule__multilingual-e5-large/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..591c406dc --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.4987096128766, + "main_score": 33.4987096128766 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/ClimateFEVER.json b/results/ildodeltaRule__multilingual-e5-large/external/ClimateFEVER.json new file mode 100644 index 000000000..0fef2b598 --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 10.338, + "map_at_10": 18.360000000000003, + "map_at_100": 19.942, + "map_at_1000": 20.134, + "map_at_3": 15.174000000000001, + "map_at_5": 16.830000000000002, + "mrr_at_1": 23.257, + "mrr_at_10": 33.768, + "mrr_at_100": 34.707, + "mrr_at_1000": 34.766000000000005, + "mrr_at_3": 30.977, + "mrr_at_5": 32.528, + "ndcg_at_1": 23.257, + "ndcg_at_10": 25.733, + "ndcg_at_100": 32.288, + "ndcg_at_1000": 35.992000000000004, + "ndcg_at_3": 20.866, + "ndcg_at_5": 22.612, + "precision_at_1": 23.257, + "precision_at_10": 8.124, + "precision_at_100": 1.518, + "precision_at_1000": 0.219, + "precision_at_3": 15.679000000000002, + "precision_at_5": 12.117, + "recall_at_1": 10.338, + "recall_at_10": 31.154, + "recall_at_100": 54.161, + "recall_at_1000": 75.21900000000001, + "recall_at_3": 19.427, + "recall_at_5": 24.214, + "main_score": 25.733 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/DBPedia.json b/results/ildodeltaRule__multilingual-e5-large/external/DBPedia.json new file mode 100644 index 000000000..da8290da0 --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.498, + "map_at_10": 19.103, + "map_at_100": 27.375, + "map_at_1000": 28.981, + "map_at_3": 13.764999999999999, + "map_at_5": 15.950000000000001, + "mrr_at_1": 65.5, + "mrr_at_10": 74.53800000000001, + "mrr_at_100": 74.71799999999999, + "mrr_at_1000": 74.725, + "mrr_at_3": 72.792, + "mrr_at_5": 73.554, + "ndcg_at_1": 53.37499999999999, + "ndcg_at_10": 41.286, + "ndcg_at_100": 45.972, + "ndcg_at_1000": 53.123, + "ndcg_at_3": 46.172999999999995, + "ndcg_at_5": 43.033, + "precision_at_1": 65.5, + "precision_at_10": 32.725, + "precision_at_100": 10.683, + "precision_at_1000": 1.978, + "precision_at_3": 50, + "precision_at_5": 41.349999999999994, + "recall_at_1": 8.498, + "recall_at_10": 25.070999999999998, + "recall_at_100": 52.383, + "recall_at_1000": 74.91499999999999, + "recall_at_3": 15.207999999999998, + "recall_at_5": 18.563, + "main_score": 41.286 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/EmotionClassification.json b/results/ildodeltaRule__multilingual-e5-large/external/EmotionClassification.json new file mode 100644 index 000000000..758c2b220 --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 46.5, + "f1": 41.93833713984145, + "main_score": 46.5 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/FEVER.json b/results/ildodeltaRule__multilingual-e5-large/external/FEVER.json new file mode 100644 index 000000000..2f1da6a33 --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 67.914, + "map_at_10": 78.10000000000001, + "map_at_100": 78.333, + "map_at_1000": 78.346, + "map_at_3": 76.626, + "map_at_5": 77.627, + "mrr_at_1": 72.74199999999999, + "mrr_at_10": 82.414, + "mrr_at_100": 82.511, + "mrr_at_1000": 82.513, + "mrr_at_3": 81.231, + "mrr_at_5": 82.065, + "ndcg_at_1": 72.74199999999999, + "ndcg_at_10": 82.806, + "ndcg_at_100": 83.677, + "ndcg_at_1000": 83.917, + "ndcg_at_3": 80.305, + "ndcg_at_5": 81.843, + "precision_at_1": 72.74199999999999, + "precision_at_10": 10.24, + "precision_at_100": 1.089, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 31.268, + "precision_at_5": 19.706000000000003, + "recall_at_1": 67.914, + "recall_at_10": 92.889, + "recall_at_100": 96.42699999999999, + "recall_at_1000": 97.92, + "recall_at_3": 86.21, + "recall_at_5": 90.036, + "main_score": 82.806 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/FiQA2018.json b/results/ildodeltaRule__multilingual-e5-large/external/FiQA2018.json new file mode 100644 index 000000000..24ff911a9 --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.166, + "map_at_10": 35.57, + "map_at_100": 37.405, + "map_at_1000": 37.564, + "map_at_3": 30.379, + "map_at_5": 33.324, + "mrr_at_1": 43.519000000000005, + "mrr_at_10": 51.556000000000004, + "mrr_at_100": 52.344, + "mrr_at_1000": 52.373999999999995, + "mrr_at_3": 48.868, + "mrr_at_5": 50.319, + "ndcg_at_1": 43.519000000000005, + "ndcg_at_10": 43.803, + "ndcg_at_100": 50.468999999999994, + "ndcg_at_1000": 53.111, + "ndcg_at_3": 38.893, + "ndcg_at_5": 40.653, + "precision_at_1": 43.519000000000005, + "precision_at_10": 12.253, + "precision_at_100": 1.931, + "precision_at_1000": 0.242, + "precision_at_3": 25.617, + "precision_at_5": 19.383, + "recall_at_1": 22.166, + "recall_at_10": 51.6, + "recall_at_100": 76.574, + "recall_at_1000": 92.192, + "recall_at_3": 34.477999999999994, + "recall_at_5": 41.835, + "main_score": 43.803 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/HotpotQA.json b/results/ildodeltaRule__multilingual-e5-large/external/HotpotQA.json new file mode 100644 index 000000000..83540ae1a --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 39.041, + "map_at_10": 62.961999999999996, + "map_at_100": 63.79899999999999, + "map_at_1000": 63.854, + "map_at_3": 59.399, + "map_at_5": 61.669, + "mrr_at_1": 78.082, + "mrr_at_10": 84.321, + "mrr_at_100": 84.49600000000001, + "mrr_at_1000": 84.502, + "mrr_at_3": 83.421, + "mrr_at_5": 83.977, + "ndcg_at_1": 78.082, + "ndcg_at_10": 71.229, + "ndcg_at_100": 74.10900000000001, + "ndcg_at_1000": 75.169, + "ndcg_at_3": 66.28699999999999, + "ndcg_at_5": 69.084, + "precision_at_1": 78.082, + "precision_at_10": 14.993, + "precision_at_100": 1.7239999999999998, + "precision_at_1000": 0.186, + "precision_at_3": 42.737, + "precision_at_5": 27.843, + "recall_at_1": 39.041, + "recall_at_10": 74.96300000000001, + "recall_at_100": 86.199, + "recall_at_1000": 93.228, + "recall_at_3": 64.105, + "recall_at_5": 69.608, + "main_score": 71.229 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/ImdbClassification.json b/results/ildodeltaRule__multilingual-e5-large/external/ImdbClassification.json new file mode 100644 index 000000000..844926298 --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 90.23160000000001, + "ap": 85.5674856808308, + "f1": 90.18033354786317, + "main_score": 90.23160000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/MSMARCO.json b/results/ildodeltaRule__multilingual-e5-large/external/MSMARCO.json new file mode 100644 index 000000000..55d6bac00 --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.091, + "map_at_10": 36.753, + "map_at_100": 37.913000000000004, + "map_at_1000": 37.958999999999996, + "map_at_3": 32.818999999999996, + "map_at_5": 35.171, + "mrr_at_1": 24.742, + "mrr_at_10": 37.285000000000004, + "mrr_at_100": 38.391999999999996, + "mrr_at_1000": 38.431, + "mrr_at_3": 33.440999999999995, + "mrr_at_5": 35.75, + "ndcg_at_1": 24.742, + "ndcg_at_10": 43.698, + "ndcg_at_100": 49.145, + "ndcg_at_1000": 50.23800000000001, + "ndcg_at_3": 35.769, + "ndcg_at_5": 39.961999999999996, + "precision_at_1": 24.742, + "precision_at_10": 6.7989999999999995, + "precision_at_100": 0.95, + "precision_at_1000": 0.104, + "precision_at_3": 15.096000000000002, + "precision_at_5": 11.183, + "recall_at_1": 24.091, + "recall_at_10": 65.068, + "recall_at_100": 89.899, + "recall_at_1000": 98.16, + "recall_at_3": 43.68, + "recall_at_5": 53.754999999999995, + "main_score": 43.698 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/MTOPDomainClassification.json b/results/ildodeltaRule__multilingual-e5-large/external/MTOPDomainClassification.json new file mode 100644 index 000000000..8076367ba --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/MTOPDomainClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.66621067031465, + "f1": 93.49622853272142, + "main_score": 93.66621067031465 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 91.94702733164272, + "f1": 91.17043441745282, + "main_score": 91.94702733164272 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 92.20146764509674, + "f1": 91.98359080555608, + "main_score": 92.20146764509674 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 88.99780770435328, + "f1": 89.19746342724068, + "main_score": 88.99780770435328 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 89.78486912871998, + "f1": 89.24578823628642, + "main_score": 89.78486912871998 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 88.74502712477394, + "f1": 89.00297573881542, + "main_score": 88.74502712477394 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/MTOPIntentClassification.json b/results/ildodeltaRule__multilingual-e5-large/external/MTOPIntentClassification.json new file mode 100644 index 000000000..49fcc0b3b --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/MTOPIntentClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.9046967624259, + "f1": 59.36787125785957, + "main_score": 77.9046967624259 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 74.5280360664976, + "f1": 57.17723440888718, + "main_score": 74.5280360664976 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 75.44029352901934, + "f1": 54.052855531072964, + "main_score": 75.44029352901934 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 70.5606013153774, + "f1": 52.62215934386531, + "main_score": 70.5606013153774 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 73.11581211903908, + "f1": 52.341291845645465, + "main_score": 73.11581211903908 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 74.28933092224233, + "f1": 57.07918745504911, + "main_score": 74.28933092224233 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/MassiveIntentClassification.json b/results/ildodeltaRule__multilingual-e5-large/external/MassiveIntentClassification.json new file mode 100644 index 000000000..6e67dc369 --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/MassiveIntentClassification.json @@ -0,0 +1,469 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 62.38063214525892, + "f1": 59.46463723443009, + "main_score": 62.38063214525892 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 56.06926698049766, + "f1": 52.49084283283562, + "main_score": 56.06926698049766 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 60.74983187626093, + "f1": 56.960640620165904, + "main_score": 60.74983187626093 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 64.86550100874243, + "f1": 62.47370548140688, + "main_score": 64.86550100874243 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 63.971082716879636, + "f1": 61.03812421957381, + "main_score": 63.971082716879636 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 54.98318762609282, + "f1": 51.51207916008392, + "main_score": 54.98318762609282 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 69.45527908540686, + "f1": 66.16631905400318, + "main_score": 69.45527908540686 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 69.32750504371216, + "f1": 66.16755288646591, + "main_score": 69.32750504371216 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 69.09213180901143, + "f1": 66.95654394661507, + "main_score": 69.09213180901143 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.75588433086752, + "f1": 71.79973779656923, + "main_score": 73.75588433086752 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 70.49428379287154, + "f1": 68.37494379215734, + "main_score": 70.49428379287154 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 69.90921318090115, + "f1": 66.79517376481645, + "main_score": 69.90921318090115 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 70.12104909213181, + "f1": 67.29448842879584, + "main_score": 70.12104909213181 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 69.34095494283793, + "f1": 67.01134288992947, + "main_score": 69.34095494283793 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 67.61264290517822, + "f1": 64.68730512660757, + "main_score": 67.61264290517822 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 67.79757901815738, + "f1": 65.24938539425598, + "main_score": 67.79757901815738 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 69.68728984532616, + "f1": 67.0487169762553, + "main_score": 69.68728984532616 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 62.07464694014795, + "f1": 59.183532276789286, + "main_score": 62.07464694014795 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 70.04707464694015, + "f1": 67.66829629003848, + "main_score": 70.04707464694015 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 62.42434431741762, + "f1": 59.01617226544757, + "main_score": 62.42434431741762 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 70.53127101546738, + "f1": 68.10033760906255, + "main_score": 70.53127101546738 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 72.50504371217215, + "f1": 69.74931103158923, + "main_score": 72.50504371217215 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 57.91190316072628, + "f1": 54.05551136648796, + "main_score": 57.91190316072628 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 51.78211163416275, + "f1": 49.874888544058535, + "main_score": 51.78211163416275 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 47.017484868863484, + "f1": 44.53364263352014, + "main_score": 47.017484868863484 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 62.16207128446537, + "f1": 59.01185692320829, + "main_score": 62.16207128446537 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 69.42501681237391, + "f1": 67.13169450166086, + "main_score": 69.42501681237391 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 67.0780094149294, + "f1": 64.41720167850707, + "main_score": 67.0780094149294 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 65.57162071284466, + "f1": 62.414138683804424, + "main_score": 65.57162071284466 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 61.71149966375252, + "f1": 58.594805125087234, + "main_score": 61.71149966375252 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 66.03900470746471, + "f1": 63.87937257883887, + "main_score": 66.03900470746471 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 60.8776059179556, + "f1": 57.48587618059131, + "main_score": 60.8776059179556 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 69.87895090786819, + "f1": 66.8141299430347, + "main_score": 69.87895090786819 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 70.45057162071285, + "f1": 67.46444039673516, + "main_score": 70.45057162071285 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 71.546738399462, + "f1": 68.63640876702655, + "main_score": 71.546738399462 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 70.72965702757229, + "f1": 68.54119560379115, + "main_score": 70.72965702757229 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 68.35574983187625, + "f1": 65.88844917691927, + "main_score": 68.35574983187625 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 71.70477471418964, + "f1": 69.19665697061978, + "main_score": 71.70477471418964 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 67.0880968392737, + "f1": 64.76962317666086, + "main_score": 67.0880968392737 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 65.18493611297916, + "f1": 62.49984559035371, + "main_score": 65.18493611297916 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 71.75857431069265, + "f1": 69.20053687623418, + "main_score": 71.75857431069265 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 58.500336247478145, + "f1": 55.2972398687929, + "main_score": 58.500336247478145 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 62.68997982515132, + "f1": 59.36848202755348, + "main_score": 62.68997982515132 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 63.01950235373235, + "f1": 60.09351954625423, + "main_score": 63.01950235373235 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 68.29186281102892, + "f1": 67.57860496703447, + "main_score": 68.29186281102892 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 64.77471418964357, + "f1": 61.913983147713836, + "main_score": 64.77471418964357 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 69.87222595830532, + "f1": 66.03679033708141, + "main_score": 69.87222595830532 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 64.04505716207127, + "f1": 61.28569169817908, + "main_score": 64.04505716207127 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 69.38466711499663, + "f1": 67.20532357036844, + "main_score": 69.38466711499663 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 71.12306657700067, + "f1": 68.91251226588182, + "main_score": 71.12306657700067 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 66.20040349697378, + "f1": 66.02657347714175, + "main_score": 66.20040349697378 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/MassiveScenarioClassification.json b/results/ildodeltaRule__multilingual-e5-large/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..348c9c4c9 --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/MassiveScenarioClassification.json @@ -0,0 +1,469 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 68.73907195696032, + "f1": 66.98484521791418, + "main_score": 68.73907195696032 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 60.58843308675185, + "f1": 58.95591723092005, + "main_score": 60.58843308675185 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 66.22730329522528, + "f1": 66.0894499712115, + "main_score": 66.22730329522528 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 66.48285137861465, + "f1": 65.21963176785157, + "main_score": 66.48285137861465 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 67.74714189643578, + "f1": 66.8212192745412, + "main_score": 67.74714189643578 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 59.09213180901143, + "f1": 56.70735546356339, + "main_score": 59.09213180901143 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 75.05716207128448, + "f1": 74.8413712365364, + "main_score": 75.05716207128448 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 74.69737726967047, + "f1": 74.7664341963, + "main_score": 74.69737726967047 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 73.90383322125084, + "f1": 73.59201554448323, + "main_score": 73.90383322125084 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.51176866173503, + "f1": 77.46104434577758, + "main_score": 77.51176866173503 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 74.31069266980496, + "f1": 74.61048660675635, + "main_score": 74.31069266980496 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 72.95225285810356, + "f1": 72.33160006574627, + "main_score": 72.95225285810356 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 73.12373907195696, + "f1": 73.20921012557481, + "main_score": 73.12373907195696 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 73.86684599865501, + "f1": 73.82348774610831, + "main_score": 73.86684599865501 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 71.40215198386012, + "f1": 71.11945183971858, + "main_score": 71.40215198386012 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 72.12844653665098, + "f1": 71.34450495911766, + "main_score": 72.12844653665098 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 74.52252858103566, + "f1": 73.98878711342999, + "main_score": 74.52252858103566 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 64.93611297915265, + "f1": 63.723200467653385, + "main_score": 64.93611297915265 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 74.11903160726295, + "f1": 73.82138439467096, + "main_score": 74.11903160726295 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 67.15198386012105, + "f1": 66.02172193802167, + "main_score": 67.15198386012105 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 74.32414256893072, + "f1": 74.30943421170574, + "main_score": 74.32414256893072 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 77.46805648957633, + "f1": 77.62808409298209, + "main_score": 77.46805648957633 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 63.318762609280434, + "f1": 62.094284066075076, + "main_score": 63.318762609280434 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 58.34902488231338, + "f1": 57.12893860987984, + "main_score": 58.34902488231338 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 50.88433086751849, + "f1": 48.2272350802058, + "main_score": 50.88433086751849 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 66.4425016812374, + "f1": 64.61463095996173, + "main_score": 66.4425016812374 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 75.04707464694015, + "f1": 75.05099199098998, + "main_score": 75.04707464694015 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 70.50437121721586, + "f1": 69.83397721096314, + "main_score": 70.50437121721586 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 69.94283792871553, + "f1": 68.8704663703913, + "main_score": 69.94283792871553 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 64.79488903833222, + "f1": 63.615424063345436, + "main_score": 64.79488903833222 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 69.88231338264963, + "f1": 68.57892302593237, + "main_score": 69.88231338264963 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 63.248150638870214, + "f1": 61.06680605338809, + "main_score": 63.248150638870214 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 74.84196368527236, + "f1": 74.52566464968763, + "main_score": 74.84196368527236 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 74.8285137861466, + "f1": 74.8853197608802, + "main_score": 74.8285137861466 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 74.13248150638869, + "f1": 74.3982040999179, + "main_score": 74.13248150638869 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 73.49024882313383, + "f1": 73.82153848368573, + "main_score": 73.49024882313383 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 71.72158708809684, + "f1": 71.85049433180541, + "main_score": 71.72158708809684 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 75.137861466039, + "f1": 75.37628348188467, + "main_score": 75.137861466039 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 71.86953597848016, + "f1": 71.87537624521661, + "main_score": 71.86953597848016 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 70.27572293207801, + "f1": 68.80017302344231, + "main_score": 70.27572293207801 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 76.09952925353059, + "f1": 76.07992707688408, + "main_score": 76.09952925353059 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 63.140551445864155, + "f1": 61.73855010331415, + "main_score": 63.140551445864155 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 66.27774041694687, + "f1": 64.83664868894539, + "main_score": 66.27774041694687 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 66.69468728984533, + "f1": 64.76239666920868, + "main_score": 66.69468728984533 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 73.44653665097512, + "f1": 73.14646052013873, + "main_score": 73.44653665097512 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 67.71351714862139, + "f1": 66.67212180163382, + "main_score": 67.71351714862139 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 73.9946200403497, + "f1": 73.87348793725525, + "main_score": 73.9946200403497 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 68.15400134498992, + "f1": 67.09433241421094, + "main_score": 68.15400134498992 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 73.11365164761264, + "f1": 73.59502539433753, + "main_score": 73.11365164761264 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 76.82582380632145, + "f1": 76.89992945316313, + "main_score": 76.82582380632145 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 71.81237390719569, + "f1": 72.36499770986265, + "main_score": 71.81237390719569 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/MedrxivClusteringP2P.json b/results/ildodeltaRule__multilingual-e5-large/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..a8596f211 --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.480506569594695, + "main_score": 31.480506569594695 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/MedrxivClusteringS2S.json b/results/ildodeltaRule__multilingual-e5-large/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..6250b7736 --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 29.71252128004552, + "main_score": 29.71252128004552 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/MindSmallReranking.json b/results/ildodeltaRule__multilingual-e5-large/external/MindSmallReranking.json new file mode 100644 index 000000000..c03891345 --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.421396787056548, + "mrr": 32.48155274872267, + "main_score": 31.421396787056548 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/NFCorpus.json b/results/ildodeltaRule__multilingual-e5-large/external/NFCorpus.json new file mode 100644 index 000000000..3b79c74ef --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.595, + "map_at_10": 12.642000000000001, + "map_at_100": 15.726, + "map_at_1000": 17.061999999999998, + "map_at_3": 9.125, + "map_at_5": 10.866000000000001, + "mrr_at_1": 43.344, + "mrr_at_10": 52.227999999999994, + "mrr_at_100": 52.898999999999994, + "mrr_at_1000": 52.944, + "mrr_at_3": 49.845, + "mrr_at_5": 51.115, + "ndcg_at_1": 41.949999999999996, + "ndcg_at_10": 33.995, + "ndcg_at_100": 30.869999999999997, + "ndcg_at_1000": 39.487, + "ndcg_at_3": 38.903999999999996, + "ndcg_at_5": 37.236999999999995, + "precision_at_1": 43.344, + "precision_at_10": 25.480000000000004, + "precision_at_100": 7.672, + "precision_at_1000": 2.028, + "precision_at_3": 36.636, + "precision_at_5": 32.632, + "recall_at_1": 5.595, + "recall_at_10": 16.466, + "recall_at_100": 31.226, + "recall_at_1000": 62.778999999999996, + "recall_at_3": 9.931, + "recall_at_5": 12.884, + "main_score": 33.995 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/NQ.json b/results/ildodeltaRule__multilingual-e5-large/external/NQ.json new file mode 100644 index 000000000..bbf3206f3 --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.414, + "map_at_10": 56.754000000000005, + "map_at_100": 57.457, + "map_at_1000": 57.477999999999994, + "map_at_3": 52.873999999999995, + "map_at_5": 55.175, + "mrr_at_1": 45.278, + "mrr_at_10": 59.192, + "mrr_at_100": 59.650000000000006, + "mrr_at_1000": 59.665, + "mrr_at_3": 56.141, + "mrr_at_5": 57.998000000000005, + "ndcg_at_1": 45.278, + "ndcg_at_10": 64.056, + "ndcg_at_100": 66.89, + "ndcg_at_1000": 67.364, + "ndcg_at_3": 56.97, + "ndcg_at_5": 60.719, + "precision_at_1": 45.278, + "precision_at_10": 9.994, + "precision_at_100": 1.165, + "precision_at_1000": 0.121, + "precision_at_3": 25.512, + "precision_at_5": 17.509, + "recall_at_1": 40.414, + "recall_at_10": 83.596, + "recall_at_100": 95.72, + "recall_at_1000": 99.24, + "recall_at_3": 65.472, + "recall_at_5": 74.039, + "main_score": 64.056 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/QuoraRetrieval.json b/results/ildodeltaRule__multilingual-e5-large/external/QuoraRetrieval.json new file mode 100644 index 000000000..48e5426c5 --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 70.352, + "map_at_10": 84.369, + "map_at_100": 85.02499999999999, + "map_at_1000": 85.04, + "map_at_3": 81.42399999999999, + "map_at_5": 83.279, + "mrr_at_1": 81.05, + "mrr_at_10": 87.401, + "mrr_at_100": 87.504, + "mrr_at_1000": 87.505, + "mrr_at_3": 86.443, + "mrr_at_5": 87.10799999999999, + "ndcg_at_1": 81.04, + "ndcg_at_10": 88.181, + "ndcg_at_100": 89.411, + "ndcg_at_1000": 89.507, + "ndcg_at_3": 85.28099999999999, + "ndcg_at_5": 86.888, + "precision_at_1": 81.04, + "precision_at_10": 13.406, + "precision_at_100": 1.5350000000000001, + "precision_at_1000": 0.157, + "precision_at_3": 37.31, + "precision_at_5": 24.54, + "recall_at_1": 70.352, + "recall_at_10": 95.358, + "recall_at_100": 99.541, + "recall_at_1000": 99.984, + "recall_at_3": 87.111, + "recall_at_5": 91.643, + "main_score": 88.181 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/RedditClustering.json b/results/ildodeltaRule__multilingual-e5-large/external/RedditClustering.json new file mode 100644 index 000000000..df7d202e6 --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 46.54068723291946, + "main_score": 46.54068723291946 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/RedditClusteringP2P.json b/results/ildodeltaRule__multilingual-e5-large/external/RedditClusteringP2P.json new file mode 100644 index 000000000..181c0cbef --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 63.216287629895994, + "main_score": 63.216287629895994 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/SCIDOCS.json b/results/ildodeltaRule__multilingual-e5-large/external/SCIDOCS.json new file mode 100644 index 000000000..d1db509a1 --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.023000000000001, + "map_at_10": 10.071, + "map_at_100": 11.892, + "map_at_1000": 12.196, + "map_at_3": 7.234, + "map_at_5": 8.613999999999999, + "mrr_at_1": 19.900000000000002, + "mrr_at_10": 30.516, + "mrr_at_100": 31.656000000000002, + "mrr_at_1000": 31.723000000000003, + "mrr_at_3": 27.400000000000002, + "mrr_at_5": 29.270000000000003, + "ndcg_at_1": 19.900000000000002, + "ndcg_at_10": 17.474, + "ndcg_at_100": 25.020999999999997, + "ndcg_at_1000": 30.728, + "ndcg_at_3": 16.588, + "ndcg_at_5": 14.498, + "precision_at_1": 19.900000000000002, + "precision_at_10": 9.139999999999999, + "precision_at_100": 2.011, + "precision_at_1000": 0.33899999999999997, + "precision_at_3": 15.667, + "precision_at_5": 12.839999999999998, + "recall_at_1": 4.023000000000001, + "recall_at_10": 18.497, + "recall_at_100": 40.8, + "recall_at_1000": 68.812, + "recall_at_3": 9.508, + "recall_at_5": 12.983, + "main_score": 17.474 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/SICK-R.json b/results/ildodeltaRule__multilingual-e5-large/external/SICK-R.json new file mode 100644 index 000000000..923bec13c --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.967008785134, + "cos_sim_spearman": 80.23142141101837, + "euclidean_pearson": 81.20166064704539, + "euclidean_spearman": 80.18961335654585, + "manhattan_pearson": 81.13925443187625, + "manhattan_spearman": 80.07948723044424, + "cosine_pearson": 83.967008785134, + "cosine_spearman": 80.23142141101837, + "main_score": 80.23142141101837 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/STS12.json b/results/ildodeltaRule__multilingual-e5-large/external/STS12.json new file mode 100644 index 000000000..9eb70c899 --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.94262461316023, + "cos_sim_spearman": 80.01596278563865, + "euclidean_pearson": 83.80799622922581, + "euclidean_spearman": 79.94984954947103, + "manhattan_pearson": 83.68473841756281, + "manhattan_spearman": 79.84990707951822, + "cosine_pearson": 86.94262461316023, + "cosine_spearman": 80.01596278563865, + "main_score": 80.01596278563865 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/STS13.json b/results/ildodeltaRule__multilingual-e5-large/external/STS13.json new file mode 100644 index 000000000..b72576071 --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 80.57346443146068, + "cos_sim_spearman": 81.54689837570866, + "euclidean_pearson": 81.10909881516007, + "euclidean_spearman": 81.56746243261762, + "manhattan_pearson": 80.87076036186582, + "manhattan_spearman": 81.33074987964402, + "cosine_pearson": 80.57346443146068, + "cosine_spearman": 81.54689837570866, + "main_score": 81.54689837570866 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/STS14.json b/results/ildodeltaRule__multilingual-e5-large/external/STS14.json new file mode 100644 index 000000000..2bd2d7e3d --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 79.54733787179849, + "cos_sim_spearman": 77.72202105610411, + "euclidean_pearson": 78.9043595478849, + "euclidean_spearman": 77.93422804309435, + "manhattan_pearson": 78.58115121621368, + "manhattan_spearman": 77.62508135122033, + "cosine_pearson": 79.54733787179849, + "cosine_spearman": 77.72202105610411, + "main_score": 77.72202105610411 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/STS15.json b/results/ildodeltaRule__multilingual-e5-large/external/STS15.json new file mode 100644 index 000000000..0d6b8b033 --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.59880017237558, + "cos_sim_spearman": 89.31088630824758, + "euclidean_pearson": 88.47069261564656, + "euclidean_spearman": 89.33581971465233, + "manhattan_pearson": 88.40774264100956, + "manhattan_spearman": 89.28657485627835, + "cosine_pearson": 88.59880017237558, + "cosine_spearman": 89.31088630824758, + "main_score": 89.31088630824758 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/STS16.json b/results/ildodeltaRule__multilingual-e5-large/external/STS16.json new file mode 100644 index 000000000..7556b0e40 --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.08055117917084, + "cos_sim_spearman": 85.78491813080304, + "euclidean_pearson": 84.99329155500392, + "euclidean_spearman": 85.76728064677287, + "manhattan_pearson": 84.87947428989587, + "manhattan_spearman": 85.62429454917464, + "cosine_pearson": 84.08055117917084, + "cosine_spearman": 85.78491813080304, + "main_score": 85.78491813080304 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/STS17.json b/results/ildodeltaRule__multilingual-e5-large/external/STS17.json new file mode 100644 index 000000000..b3e664ef5 --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/STS17.json @@ -0,0 +1,182 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "ko-ko", + "languages": [ + "kor-Hang" + ], + "cos_sim_pearson": 82.14190939287384, + "cos_sim_spearman": 82.27331573306041, + "euclidean_pearson": 81.891896953716, + "euclidean_spearman": 82.37695542955998, + "manhattan_pearson": 81.73123869460504, + "manhattan_spearman": 82.19989168441421, + "cosine_pearson": 82.14190939287384, + "cosine_spearman": 82.27331573306041, + "main_score": 82.27331573306041 + }, + { + "hf_subset": "ar-ar", + "languages": [ + "ara-Arab" + ], + "cos_sim_pearson": 76.84695301843362, + "cos_sim_spearman": 77.87790986014461, + "euclidean_pearson": 76.91981583106315, + "euclidean_spearman": 77.88154772749589, + "manhattan_pearson": 76.94953277451093, + "manhattan_spearman": 77.80499230728604, + "cosine_pearson": 76.84695301843362, + "cosine_spearman": 77.87790986014461, + "main_score": 77.87790986014461 + }, + { + "hf_subset": "en-ar", + "languages": [ + "eng-Latn", + "ara-Arab" + ], + "cos_sim_pearson": 75.44657840482016, + "cos_sim_spearman": 75.05531095119674, + "euclidean_pearson": 75.88161755829299, + "euclidean_spearman": 74.73176238219332, + "manhattan_pearson": 75.63984765635362, + "manhattan_spearman": 74.86476440770737, + "cosine_pearson": 75.44657840482016, + "cosine_spearman": 75.05531095119674, + "main_score": 75.05531095119674 + }, + { + "hf_subset": "en-de", + "languages": [ + "eng-Latn", + "deu-Latn" + ], + "cos_sim_pearson": 85.64700140524133, + "cos_sim_spearman": 86.16014210425672, + "euclidean_pearson": 86.49086860843221, + "euclidean_spearman": 86.09729326815614, + "manhattan_pearson": 86.43406265125513, + "manhattan_spearman": 86.17740150939994, + "cosine_pearson": 85.64700140524133, + "cosine_spearman": 86.16014210425672, + "main_score": 86.16014210425672 + }, + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.91170098764921, + "cos_sim_spearman": 88.12437004058931, + "euclidean_pearson": 88.81828254494437, + "euclidean_spearman": 88.14831794572122, + "manhattan_pearson": 88.93442183448961, + "manhattan_spearman": 88.15254630778304, + "cosine_pearson": 87.91170098764921, + "cosine_spearman": 88.12437004058931, + "main_score": 88.12437004058931 + }, + { + "hf_subset": "en-tr", + "languages": [ + "eng-Latn", + "tur-Latn" + ], + "cos_sim_pearson": 72.91390577997292, + "cos_sim_spearman": 71.22979457536074, + "euclidean_pearson": 74.40314008106749, + "euclidean_spearman": 72.54972136083246, + "manhattan_pearson": 73.85687539530218, + "manhattan_spearman": 72.09500771742637, + "cosine_pearson": 72.91390577997292, + "cosine_spearman": 71.22979457536074, + "main_score": 71.22979457536074 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 80.9301067983089, + "cos_sim_spearman": 80.74989828346473, + "euclidean_pearson": 81.36781301814257, + "euclidean_spearman": 80.9448819964426, + "manhattan_pearson": 81.0351322685609, + "manhattan_spearman": 80.70192121844177, + "cosine_pearson": 80.9301067983089, + "cosine_spearman": 80.74989828346473, + "main_score": 80.74989828346473 + }, + { + "hf_subset": "es-es", + "languages": [ + "spa-Latn" + ], + "cos_sim_pearson": 87.13820465980005, + "cos_sim_spearman": 86.73532498758757, + "euclidean_pearson": 87.21329451846637, + "euclidean_spearman": 86.57863198601002, + "manhattan_pearson": 87.06973713818554, + "manhattan_spearman": 86.47534918791499, + "cosine_pearson": 87.13820465980005, + "cosine_spearman": 86.73532498758757, + "main_score": 86.73532498758757 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 85.48720108904415, + "cos_sim_spearman": 85.62221757068387, + "euclidean_pearson": 86.1010129512749, + "euclidean_spearman": 85.86580966509942, + "manhattan_pearson": 86.26800938808971, + "manhattan_spearman": 85.88902721678429, + "cosine_pearson": 85.48720108904415, + "cosine_spearman": 85.62221757068387, + "main_score": 85.62221757068387 + }, + { + "hf_subset": "it-en", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 83.98021347333516, + "cos_sim_spearman": 84.53806553803501, + "euclidean_pearson": 84.61483347248364, + "euclidean_spearman": 85.14191408011702, + "manhattan_pearson": 84.75297588825967, + "manhattan_spearman": 85.33176753669242, + "cosine_pearson": 83.98021347333516, + "cosine_spearman": 84.53806553803501, + "main_score": 84.53806553803501 + }, + { + "hf_subset": "nl-en", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 84.51856644893233, + "cos_sim_spearman": 85.27510748506413, + "euclidean_pearson": 85.09886861540977, + "euclidean_spearman": 85.62579245860887, + "manhattan_pearson": 84.93017860464607, + "manhattan_spearman": 85.5063988898453, + "cosine_pearson": 84.51856644893233, + "cosine_spearman": 85.27510748506413, + "main_score": 85.27510748506413 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/STS22.json b/results/ildodeltaRule__multilingual-e5-large/external/STS22.json new file mode 100644 index 000000000..014de3b18 --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/STS22.json @@ -0,0 +1,288 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 62.581573200584195, + "cos_sim_spearman": 63.05503590247928, + "euclidean_pearson": 63.652564812602094, + "euclidean_spearman": 62.64811520876156, + "manhattan_pearson": 63.506842893061076, + "manhattan_spearman": 62.51289573046917, + "cosine_pearson": 62.581573200584195, + "cosine_spearman": 63.05503590247928, + "main_score": 63.05503590247928 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "cos_sim_pearson": 48.2248801729127, + "cos_sim_spearman": 56.5936604678561, + "euclidean_pearson": 43.98149464089, + "euclidean_spearman": 56.108561882423615, + "manhattan_pearson": 43.86880305903564, + "manhattan_spearman": 56.04671150510166, + "cosine_pearson": 48.2248801729127, + "cosine_spearman": 56.5936604678561, + "main_score": 56.5936604678561 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "cos_sim_pearson": 55.17564527009831, + "cos_sim_spearman": 64.57978560979488, + "euclidean_pearson": 58.8818330154583, + "euclidean_spearman": 64.99214839071281, + "manhattan_pearson": 58.72671436121381, + "manhattan_spearman": 65.10713416616109, + "cosine_pearson": 55.17564527009831, + "cosine_spearman": 64.57978560979488, + "main_score": 64.57978560979488 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "cos_sim_pearson": 26.772131864023297, + "cos_sim_spearman": 34.68200792408681, + "euclidean_pearson": 16.68082419005441, + "euclidean_spearman": 34.83099932652166, + "manhattan_pearson": 16.52605949659529, + "manhattan_spearman": 34.82075801399475, + "cosine_pearson": 26.772131864023297, + "cosine_spearman": 34.68200792408681, + "main_score": 34.68200792408681 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "cos_sim_pearson": 54.42415189043831, + "cos_sim_spearman": 63.54594264576758, + "euclidean_pearson": 57.36577498297745, + "euclidean_spearman": 63.111466379158074, + "manhattan_pearson": 57.584543715873885, + "manhattan_spearman": 63.22361054139183, + "cosine_pearson": 54.42415189043831, + "cosine_spearman": 63.54594264576758, + "main_score": 63.54594264576758 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "cos_sim_pearson": 47.55216762405518, + "cos_sim_spearman": 56.98670142896412, + "euclidean_pearson": 50.15318757562699, + "euclidean_spearman": 56.524941926541906, + "manhattan_pearson": 49.955618528674904, + "manhattan_spearman": 56.37102209240117, + "cosine_pearson": 47.55216762405518, + "cosine_spearman": 56.98670142896412, + "main_score": 56.98670142896412 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "cos_sim_pearson": 49.20540980338571, + "cos_sim_spearman": 59.9009453504406, + "euclidean_pearson": 49.557749853620535, + "euclidean_spearman": 59.76631621172456, + "manhattan_pearson": 49.62340591181147, + "manhattan_spearman": 59.94224880322436, + "cosine_pearson": 49.20540980338571, + "cosine_spearman": 59.9009453504406, + "main_score": 59.9009453504406 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 51.508169956576985, + "cos_sim_spearman": 66.82461565306046, + "euclidean_pearson": 56.2274426480083, + "euclidean_spearman": 66.6775323848333, + "manhattan_pearson": 55.98277796300661, + "manhattan_spearman": 66.63669848497175, + "cosine_pearson": 51.508169956576985, + "cosine_spearman": 66.82461565306046, + "main_score": 66.82461565306046 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 72.86478788045507, + "cos_sim_spearman": 76.7946552053193, + "euclidean_pearson": 75.01598530490269, + "euclidean_spearman": 76.83618917858281, + "manhattan_pearson": 74.68337628304332, + "manhattan_spearman": 76.57480204017773, + "cosine_pearson": 72.86478788045507, + "cosine_spearman": 76.7946552053193, + "main_score": 76.7946552053193 + }, + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 55.922619099401984, + "cos_sim_spearman": 56.599362477240774, + "euclidean_pearson": 56.68307052369783, + "euclidean_spearman": 54.28760436777401, + "manhattan_pearson": 56.67763566500681, + "manhattan_spearman": 53.94619541711359, + "cosine_pearson": 55.922619099401984, + "cosine_spearman": 56.599362477240774, + "main_score": 56.599362477240774 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 66.74357206710913, + "cos_sim_spearman": 72.5208244925311, + "euclidean_pearson": 67.49254562186032, + "euclidean_spearman": 72.02469076238683, + "manhattan_pearson": 67.45251772238085, + "manhattan_spearman": 72.05538819984538, + "cosine_pearson": 66.74357206710913, + "cosine_spearman": 72.5208244925311, + "main_score": 72.5208244925311 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "cos_sim_pearson": 71.25734330033191, + "cos_sim_spearman": 76.98349083946823, + "euclidean_pearson": 73.71642838667736, + "euclidean_spearman": 77.01715504651384, + "manhattan_pearson": 73.61712711868105, + "manhattan_spearman": 77.01392571153896, + "cosine_pearson": 71.25734330033191, + "cosine_spearman": 76.98349083946823, + "main_score": 76.98349083946823 + }, + { + "hf_subset": "pl-en", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 63.18215462781212, + "cos_sim_spearman": 65.54373266117607, + "euclidean_pearson": 64.54126095439005, + "euclidean_spearman": 65.30410369102711, + "manhattan_pearson": 63.50332221148234, + "manhattan_spearman": 64.3455878104313, + "cosine_pearson": 63.18215462781212, + "cosine_spearman": 65.54373266117607, + "main_score": 65.54373266117607 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "cos_sim_pearson": 62.30509221440029, + "cos_sim_spearman": 65.99582704642478, + "euclidean_pearson": 63.43818859884195, + "euclidean_spearman": 66.83172582815764, + "manhattan_pearson": 63.055779168508764, + "manhattan_spearman": 65.49585020501449, + "cosine_pearson": 62.30509221440029, + "cosine_spearman": 65.99582704642478, + "main_score": 65.99582704642478 + }, + { + "hf_subset": "es-it", + "languages": [ + "spa-Latn", + "ita-Latn" + ], + "cos_sim_pearson": 59.587830825340404, + "cos_sim_spearman": 68.93467614588089, + "euclidean_pearson": 62.3073527367404, + "euclidean_spearman": 69.69758171553175, + "manhattan_pearson": 61.9074580815789, + "manhattan_spearman": 69.57696375597865, + "cosine_pearson": 59.587830825340404, + "cosine_spearman": 68.93467614588089, + "main_score": 68.93467614588089 + }, + { + "hf_subset": "de-fr", + "languages": [ + "deu-Latn", + "fra-Latn" + ], + "cos_sim_pearson": 57.143220125577066, + "cos_sim_spearman": 67.78857859159226, + "euclidean_pearson": 55.58225107923733, + "euclidean_spearman": 67.80662907184563, + "manhattan_pearson": 56.24953502726514, + "manhattan_spearman": 67.98262125431616, + "cosine_pearson": 57.143220125577066, + "cosine_spearman": 67.78857859159226, + "main_score": 67.78857859159226 + }, + { + "hf_subset": "de-pl", + "languages": [ + "deu-Latn", + "pol-Latn" + ], + "cos_sim_pearson": 21.826928900322066, + "cos_sim_spearman": 49.578506634400405, + "euclidean_pearson": 27.939890138843214, + "euclidean_spearman": 52.71950519136242, + "manhattan_pearson": 26.39878683847546, + "manhattan_spearman": 47.54609580342499, + "cosine_pearson": 21.826928900322066, + "cosine_spearman": 49.578506634400405, + "main_score": 49.578506634400405 + }, + { + "hf_subset": "fr-pl", + "languages": [ + "fra-Latn", + "pol-Latn" + ], + "cos_sim_pearson": 57.27603854632001, + "cos_sim_spearman": 50.709255283710995, + "euclidean_pearson": 59.5419024445929, + "euclidean_spearman": 50.709255283710995, + "manhattan_pearson": 59.03256832438492, + "manhattan_spearman": 61.97797868009122, + "cosine_pearson": 57.27603854632001, + "cosine_spearman": 50.709255283710995, + "main_score": 50.709255283710995 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/STSBenchmark.json b/results/ildodeltaRule__multilingual-e5-large/external/STSBenchmark.json new file mode 100644 index 000000000..7dc5ed2f4 --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.00757054859712, + "cos_sim_spearman": 87.29283629622222, + "euclidean_pearson": 86.54824171775536, + "euclidean_spearman": 87.24364730491402, + "manhattan_pearson": 86.5062156915074, + "manhattan_spearman": 87.15052170378574, + "cosine_pearson": 85.00757054859712, + "cosine_spearman": 87.29283629622222, + "main_score": 87.29283629622222 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/SciDocsRR.json b/results/ildodeltaRule__multilingual-e5-large/external/SciDocsRR.json new file mode 100644 index 000000000..e5859fe7b --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 82.03549357197389, + "mrr": 95.05437645143527, + "main_score": 82.03549357197389 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/SciFact.json b/results/ildodeltaRule__multilingual-e5-large/external/SciFact.json new file mode 100644 index 000000000..8c691c6c2 --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 57.260999999999996, + "map_at_10": 66.259, + "map_at_100": 66.884, + "map_at_1000": 66.912, + "map_at_3": 63.685, + "map_at_5": 65.35499999999999, + "mrr_at_1": 60.333000000000006, + "mrr_at_10": 67.5, + "mrr_at_100": 68.013, + "mrr_at_1000": 68.038, + "mrr_at_3": 65.61099999999999, + "mrr_at_5": 66.861, + "ndcg_at_1": 60.333000000000006, + "ndcg_at_10": 70.41, + "ndcg_at_100": 73.10600000000001, + "ndcg_at_1000": 73.846, + "ndcg_at_3": 66.133, + "ndcg_at_5": 68.499, + "precision_at_1": 60.333000000000006, + "precision_at_10": 9.232999999999999, + "precision_at_100": 1.0630000000000002, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 25.667, + "precision_at_5": 17.067, + "recall_at_1": 57.260999999999996, + "recall_at_10": 81.94399999999999, + "recall_at_100": 93.867, + "recall_at_1000": 99.667, + "recall_at_3": 70.339, + "recall_at_5": 76.25, + "main_score": 70.41 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/SprintDuplicateQuestions.json b/results/ildodeltaRule__multilingual-e5-large/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..cd1ca0713 --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.74356435643564, + "cos_sim_ap": 93.13411948212683, + "cos_sim_f1": 86.80521991300147, + "cos_sim_precision": 84.00374181478017, + "cos_sim_recall": 89.8, + "dot_accuracy": 99.67920792079208, + "dot_ap": 89.27277565444479, + "dot_f1": 83.9276990718124, + "dot_precision": 82.04393505253104, + "dot_recall": 85.9, + "euclidean_accuracy": 99.74257425742574, + "euclidean_ap": 93.17993008259062, + "euclidean_f1": 86.69396110542476, + "euclidean_precision": 88.78406708595388, + "euclidean_recall": 84.7, + "manhattan_accuracy": 99.74257425742574, + "manhattan_ap": 93.14413755550099, + "manhattan_f1": 86.82483594144371, + "manhattan_precision": 87.66564729867483, + "manhattan_recall": 86, + "max_accuracy": 99.74356435643564, + "max_ap": 93.17993008259062, + "max_f1": 86.82483594144371, + "main_score": 93.17993008259062 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/StackExchangeClustering.json b/results/ildodeltaRule__multilingual-e5-large/external/StackExchangeClustering.json new file mode 100644 index 000000000..0e023a9c1 --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 57.525863806168566, + "main_score": 57.525863806168566 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/StackExchangeClusteringP2P.json b/results/ildodeltaRule__multilingual-e5-large/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..c36cc2b01 --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.68850574423839, + "main_score": 32.68850574423839 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/StackOverflowDupQuestions.json b/results/ildodeltaRule__multilingual-e5-large/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..e0e0c006d --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 49.71580650644033, + "mrr": 50.50971903913081, + "main_score": 49.71580650644033 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/SummEval.json b/results/ildodeltaRule__multilingual-e5-large/external/SummEval.json new file mode 100644 index 000000000..cfa204b6c --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 29.152190498799484, + "cos_sim_spearman": 29.686180371952727, + "dot_pearson": 27.248664793816342, + "dot_spearman": 28.37748983721745, + "cosine_pearson": 29.152190498799484, + "cosine_spearman": 29.686180371952727, + "main_score": 29.686180371952727 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/TRECCOVID.json b/results/ildodeltaRule__multilingual-e5-large/external/TRECCOVID.json new file mode 100644 index 000000000..26813c5d8 --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.20400000000000001, + "map_at_10": 1.6209999999999998, + "map_at_100": 9.690999999999999, + "map_at_1000": 23.733, + "map_at_3": 0.575, + "map_at_5": 0.885, + "mrr_at_1": 78, + "mrr_at_10": 86.56700000000001, + "mrr_at_100": 86.56700000000001, + "mrr_at_1000": 86.56700000000001, + "mrr_at_3": 85.667, + "mrr_at_5": 86.56700000000001, + "ndcg_at_1": 76, + "ndcg_at_10": 71.326, + "ndcg_at_100": 54.208999999999996, + "ndcg_at_1000": 49.252, + "ndcg_at_3": 74.235, + "ndcg_at_5": 73.833, + "precision_at_1": 78, + "precision_at_10": 74.8, + "precision_at_100": 55.50000000000001, + "precision_at_1000": 21.836, + "precision_at_3": 78, + "precision_at_5": 78, + "recall_at_1": 0.20400000000000001, + "recall_at_10": 1.894, + "recall_at_100": 13.245999999999999, + "recall_at_1000": 46.373, + "recall_at_3": 0.613, + "recall_at_5": 0.991, + "main_score": 71.326 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/Tatoeba.json b/results/ildodeltaRule__multilingual-e5-large/external/Tatoeba.json new file mode 100644 index 000000000..37d26abd8 --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/Tatoeba.json @@ -0,0 +1,1354 @@ +{ + "dataset_revision": "9080400076fbadbb4c4dcb136ff4eddc40b42553", + "task_name": "Tatoeba", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "sqi-eng", + "languages": [ + "sqi-Latn", + "eng-Latn" + ], + "accuracy": 95.89999999999999, + "f1": 94.69999999999999, + "precision": 94.11666666666667, + "recall": 95.89999999999999, + "main_score": 94.69999999999999 + }, + { + "hf_subset": "fry-eng", + "languages": [ + "fry-Latn", + "eng-Latn" + ], + "accuracy": 68.20809248554913, + "f1": 63.431048720066066, + "precision": 61.69143958161298, + "recall": 68.20809248554913, + "main_score": 63.431048720066066 + }, + { + "hf_subset": "kur-eng", + "languages": [ + "kur-Latn", + "eng-Latn" + ], + "accuracy": 71.21951219512195, + "f1": 66.82926829268293, + "precision": 65.1260162601626, + "recall": 71.21951219512195, + "main_score": 66.82926829268293 + }, + { + "hf_subset": "tur-eng", + "languages": [ + "tur-Latn", + "eng-Latn" + ], + "accuracy": 97.2, + "f1": 96.26666666666667, + "precision": 95.8, + "recall": 97.2, + "main_score": 96.26666666666667 + }, + { + "hf_subset": "deu-eng", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "accuracy": 99.3, + "f1": 99.06666666666666, + "precision": 98.95, + "recall": 99.3, + "main_score": 99.06666666666666 + }, + { + "hf_subset": "nld-eng", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "accuracy": 97.39999999999999, + "f1": 96.63333333333333, + "precision": 96.26666666666668, + "recall": 97.39999999999999, + "main_score": 96.63333333333333 + }, + { + "hf_subset": "ron-eng", + "languages": [ + "ron-Latn", + "eng-Latn" + ], + "accuracy": 96, + "f1": 94.86666666666666, + "precision": 94.31666666666668, + "recall": 96, + "main_score": 94.86666666666666 + }, + { + "hf_subset": "ang-eng", + "languages": [ + "ang-Latn", + "eng-Latn" + ], + "accuracy": 47.01492537313433, + "f1": 40.178867566927266, + "precision": 38.179295828549556, + "recall": 47.01492537313433, + "main_score": 40.178867566927266 + }, + { + "hf_subset": "ido-eng", + "languages": [ + "ido-Latn", + "eng-Latn" + ], + "accuracy": 86.5, + "f1": 83.62537480063796, + "precision": 82.44555555555554, + "recall": 86.5, + "main_score": 83.62537480063796 + }, + { + "hf_subset": "jav-eng", + "languages": [ + "jav-Latn", + "eng-Latn" + ], + "accuracy": 80.48780487804879, + "f1": 75.45644599303138, + "precision": 73.37398373983739, + "recall": 80.48780487804879, + "main_score": 75.45644599303138 + }, + { + "hf_subset": "isl-eng", + "languages": [ + "isl-Latn", + "eng-Latn" + ], + "accuracy": 93.7, + "f1": 91.95666666666666, + "precision": 91.125, + "recall": 93.7, + "main_score": 91.95666666666666 + }, + { + "hf_subset": "slv-eng", + "languages": [ + "slv-Latn", + "eng-Latn" + ], + "accuracy": 91.73754556500607, + "f1": 89.65168084244632, + "precision": 88.73025516403402, + "recall": 91.73754556500607, + "main_score": 89.65168084244632 + }, + { + "hf_subset": "cym-eng", + "languages": [ + "cym-Latn", + "eng-Latn" + ], + "accuracy": 81.04347826086956, + "f1": 76.2128364389234, + "precision": 74.2, + "recall": 81.04347826086956, + "main_score": 76.2128364389234 + }, + { + "hf_subset": "kaz-eng", + "languages": [ + "kaz-Cyrl", + "eng-Latn" + ], + "accuracy": 83.65217391304348, + "f1": 79.4376811594203, + "precision": 77.65797101449274, + "recall": 83.65217391304348, + "main_score": 79.4376811594203 + }, + { + "hf_subset": "est-eng", + "languages": [ + "est-Latn", + "eng-Latn" + ], + "accuracy": 87.5, + "f1": 85.02690476190476, + "precision": 83.96261904761904, + "recall": 87.5, + "main_score": 85.02690476190476 + }, + { + "hf_subset": "heb-eng", + "languages": [ + "heb-Hebr", + "eng-Latn" + ], + "accuracy": 89.3, + "f1": 86.52333333333333, + "precision": 85.22833333333332, + "recall": 89.3, + "main_score": 86.52333333333333 + }, + { + "hf_subset": "gla-eng", + "languages": [ + "gla-Latn", + "eng-Latn" + ], + "accuracy": 65.01809408926418, + "f1": 59.00594446432805, + "precision": 56.827215807915444, + "recall": 65.01809408926418, + "main_score": 59.00594446432805 + }, + { + "hf_subset": "mar-eng", + "languages": [ + "mar-Deva", + "eng-Latn" + ], + "accuracy": 91.2, + "f1": 88.58, + "precision": 87.33333333333334, + "recall": 91.2, + "main_score": 88.58 + }, + { + "hf_subset": "lat-eng", + "languages": [ + "lat-Latn", + "eng-Latn" + ], + "accuracy": 59.199999999999996, + "f1": 53.299166276284915, + "precision": 51.3383908045977, + "recall": 59.199999999999996, + "main_score": 53.299166276284915 + }, + { + "hf_subset": "bel-eng", + "languages": [ + "bel-Cyrl", + "eng-Latn" + ], + "accuracy": 93.2, + "f1": 91.2, + "precision": 90.25, + "recall": 93.2, + "main_score": 91.2 + }, + { + "hf_subset": "pms-eng", + "languages": [ + "pms-Latn", + "eng-Latn" + ], + "accuracy": 64.76190476190476, + "f1": 59.867110667110666, + "precision": 58.07390192653351, + "recall": 64.76190476190476, + "main_score": 59.867110667110666 + }, + { + "hf_subset": "gle-eng", + "languages": [ + "gle-Latn", + "eng-Latn" + ], + "accuracy": 76.2, + "f1": 71.48147546897547, + "precision": 69.65409090909091, + "recall": 76.2, + "main_score": 71.48147546897547 + }, + { + "hf_subset": "pes-eng", + "languages": [ + "pes-Arab", + "eng-Latn" + ], + "accuracy": 93.8, + "f1": 92.14, + "precision": 91.35833333333333, + "recall": 93.8, + "main_score": 92.14 + }, + { + "hf_subset": "nob-eng", + "languages": [ + "nob-Latn", + "eng-Latn" + ], + "accuracy": 97.89999999999999, + "f1": 97.2, + "precision": 96.85000000000001, + "recall": 97.89999999999999, + "main_score": 97.2 + }, + { + "hf_subset": "bul-eng", + "languages": [ + "bul-Cyrl", + "eng-Latn" + ], + "accuracy": 94.6, + "f1": 92.93333333333334, + "precision": 92.13333333333333, + "recall": 94.6, + "main_score": 92.93333333333334 + }, + { + "hf_subset": "cbk-eng", + "languages": [ + "cbk-Latn", + "eng-Latn" + ], + "accuracy": 74.1, + "f1": 69.14817460317461, + "precision": 67.2515873015873, + "recall": 74.1, + "main_score": 69.14817460317461 + }, + { + "hf_subset": "hun-eng", + "languages": [ + "hun-Latn", + "eng-Latn" + ], + "accuracy": 95.19999999999999, + "f1": 94.01333333333335, + "precision": 93.46666666666667, + "recall": 95.19999999999999, + "main_score": 94.01333333333335 + }, + { + "hf_subset": "uig-eng", + "languages": [ + "uig-Arab", + "eng-Latn" + ], + "accuracy": 76.9, + "f1": 72.07523809523809, + "precision": 70.19777777777779, + "recall": 76.9, + "main_score": 72.07523809523809 + }, + { + "hf_subset": "rus-eng", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "accuracy": 94.1, + "f1": 92.31666666666666, + "precision": 91.43333333333332, + "recall": 94.1, + "main_score": 92.31666666666666 + }, + { + "hf_subset": "spa-eng", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "accuracy": 97.8, + "f1": 97.1, + "precision": 96.76666666666668, + "recall": 97.8, + "main_score": 97.1 + }, + { + "hf_subset": "hye-eng", + "languages": [ + "hye-Armn", + "eng-Latn" + ], + "accuracy": 92.85714285714286, + "f1": 90.92093441150045, + "precision": 90.00449236298293, + "recall": 92.85714285714286, + "main_score": 90.92093441150045 + }, + { + "hf_subset": "tel-eng", + "languages": [ + "tel-Telu", + "eng-Latn" + ], + "accuracy": 93.16239316239316, + "f1": 91.33903133903132, + "precision": 90.56267806267806, + "recall": 93.16239316239316, + "main_score": 91.33903133903132 + }, + { + "hf_subset": "afr-eng", + "languages": [ + "afr-Latn", + "eng-Latn" + ], + "accuracy": 92.4, + "f1": 90.25666666666666, + "precision": 89.25833333333334, + "recall": 92.4, + "main_score": 90.25666666666666 + }, + { + "hf_subset": "mon-eng", + "languages": [ + "mon-Cyrl", + "eng-Latn" + ], + "accuracy": 90.22727272727272, + "f1": 87.53030303030303, + "precision": 86.37121212121211, + "recall": 90.22727272727272, + "main_score": 87.53030303030303 + }, + { + "hf_subset": "arz-eng", + "languages": [ + "arz-Arab", + "eng-Latn" + ], + "accuracy": 79.03563941299791, + "f1": 74.7349505840072, + "precision": 72.9035639412998, + "recall": 79.03563941299791, + "main_score": 74.7349505840072 + }, + { + "hf_subset": "hrv-eng", + "languages": [ + "hrv-Latn", + "eng-Latn" + ], + "accuracy": 97, + "f1": 96.15, + "precision": 95.76666666666668, + "recall": 97, + "main_score": 96.15 + }, + { + "hf_subset": "nov-eng", + "languages": [ + "nov-Latn", + "eng-Latn" + ], + "accuracy": 76.26459143968872, + "f1": 71.55642023346303, + "precision": 69.7544932369835, + "recall": 76.26459143968872, + "main_score": 71.55642023346303 + }, + { + "hf_subset": "gsw-eng", + "languages": [ + "gsw-Latn", + "eng-Latn" + ], + "accuracy": 58.119658119658126, + "f1": 51.65242165242165, + "precision": 49.41768108434775, + "recall": 58.119658119658126, + "main_score": 51.65242165242165 + }, + { + "hf_subset": "nds-eng", + "languages": [ + "nds-Latn", + "eng-Latn" + ], + "accuracy": 74.3, + "f1": 69.52055555555555, + "precision": 67.7574938949939, + "recall": 74.3, + "main_score": 69.52055555555555 + }, + { + "hf_subset": "ukr-eng", + "languages": [ + "ukr-Cyrl", + "eng-Latn" + ], + "accuracy": 94.8, + "f1": 93.31666666666666, + "precision": 92.60000000000001, + "recall": 94.8, + "main_score": 93.31666666666666 + }, + { + "hf_subset": "uzb-eng", + "languages": [ + "uzb-Latn", + "eng-Latn" + ], + "accuracy": 76.63551401869158, + "f1": 72.35202492211837, + "precision": 70.60358255451713, + "recall": 76.63551401869158, + "main_score": 72.35202492211837 + }, + { + "hf_subset": "lit-eng", + "languages": [ + "lit-Latn", + "eng-Latn" + ], + "accuracy": 90.4, + "f1": 88.4811111111111, + "precision": 87.7452380952381, + "recall": 90.4, + "main_score": 88.4811111111111 + }, + { + "hf_subset": "ina-eng", + "languages": [ + "ina-Latn", + "eng-Latn" + ], + "accuracy": 95, + "f1": 93.60666666666667, + "precision": 92.975, + "recall": 95, + "main_score": 93.60666666666667 + }, + { + "hf_subset": "lfn-eng", + "languages": [ + "lfn-Latn", + "eng-Latn" + ], + "accuracy": 67.2, + "f1": 63.01595782872099, + "precision": 61.596587301587306, + "recall": 67.2, + "main_score": 63.01595782872099 + }, + { + "hf_subset": "zsm-eng", + "languages": [ + "zsm-Latn", + "eng-Latn" + ], + "accuracy": 95.7, + "f1": 94.52999999999999, + "precision": 94, + "recall": 95.7, + "main_score": 94.52999999999999 + }, + { + "hf_subset": "ita-eng", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "accuracy": 94.6, + "f1": 93.28999999999999, + "precision": 92.675, + "recall": 94.6, + "main_score": 93.28999999999999 + }, + { + "hf_subset": "cmn-eng", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "accuracy": 96.39999999999999, + "f1": 95.28333333333333, + "precision": 94.75, + "recall": 96.39999999999999, + "main_score": 95.28333333333333 + }, + { + "hf_subset": "lvs-eng", + "languages": [ + "lvs-Latn", + "eng-Latn" + ], + "accuracy": 91.9, + "f1": 89.83, + "precision": 88.92, + "recall": 91.9, + "main_score": 89.83 + }, + { + "hf_subset": "glg-eng", + "languages": [ + "glg-Latn", + "eng-Latn" + ], + "accuracy": 94.69999999999999, + "f1": 93.34222222222223, + "precision": 92.75416666666668, + "recall": 94.69999999999999, + "main_score": 93.34222222222223 + }, + { + "hf_subset": "ceb-eng", + "languages": [ + "ceb-Latn", + "eng-Latn" + ], + "accuracy": 60.333333333333336, + "f1": 55.31203703703703, + "precision": 53.39971108326371, + "recall": 60.333333333333336, + "main_score": 55.31203703703703 + }, + { + "hf_subset": "bre-eng", + "languages": [ + "bre-Latn", + "eng-Latn" + ], + "accuracy": 12.9, + "f1": 11.099861903031458, + "precision": 10.589187932631877, + "recall": 12.9, + "main_score": 11.099861903031458 + }, + { + "hf_subset": "ben-eng", + "languages": [ + "ben-Beng", + "eng-Latn" + ], + "accuracy": 86.7, + "f1": 83.0152380952381, + "precision": 81.37833333333333, + "recall": 86.7, + "main_score": 83.0152380952381 + }, + { + "hf_subset": "swg-eng", + "languages": [ + "swg-Latn", + "eng-Latn" + ], + "accuracy": 63.39285714285714, + "f1": 56.832482993197274, + "precision": 54.56845238095237, + "recall": 63.39285714285714, + "main_score": 56.832482993197274 + }, + { + "hf_subset": "arq-eng", + "languages": [ + "arq-Arab", + "eng-Latn" + ], + "accuracy": 48.73765093304062, + "f1": 41.555736920720456, + "precision": 39.06874531737319, + "recall": 48.73765093304062, + "main_score": 41.555736920720456 + }, + { + "hf_subset": "kab-eng", + "languages": [ + "kab-Latn", + "eng-Latn" + ], + "accuracy": 41.099999999999994, + "f1": 36.540165945165946, + "precision": 35.05175685425686, + "recall": 41.099999999999994, + "main_score": 36.540165945165946 + }, + { + "hf_subset": "fra-eng", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "accuracy": 94.89999999999999, + "f1": 93.42333333333333, + "precision": 92.75833333333333, + "recall": 94.89999999999999, + "main_score": 93.42333333333333 + }, + { + "hf_subset": "por-eng", + "languages": [ + "por-Latn", + "eng-Latn" + ], + "accuracy": 94.89999999999999, + "f1": 93.63333333333334, + "precision": 93.01666666666665, + "recall": 94.89999999999999, + "main_score": 93.63333333333334 + }, + { + "hf_subset": "tat-eng", + "languages": [ + "tat-Cyrl", + "eng-Latn" + ], + "accuracy": 77.9, + "f1": 73.64833333333334, + "precision": 71.90282106782105, + "recall": 77.9, + "main_score": 73.64833333333334 + }, + { + "hf_subset": "oci-eng", + "languages": [ + "oci-Latn", + "eng-Latn" + ], + "accuracy": 59.4, + "f1": 54.90521367521367, + "precision": 53.432840025471606, + "recall": 59.4, + "main_score": 54.90521367521367 + }, + { + "hf_subset": "pol-eng", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "accuracy": 97.39999999999999, + "f1": 96.6, + "precision": 96.2, + "recall": 97.39999999999999, + "main_score": 96.6 + }, + { + "hf_subset": "war-eng", + "languages": [ + "war-Latn", + "eng-Latn" + ], + "accuracy": 67.2, + "f1": 62.25926129426129, + "precision": 60.408376623376626, + "recall": 67.2, + "main_score": 62.25926129426129 + }, + { + "hf_subset": "aze-eng", + "languages": [ + "aze-Latn", + "eng-Latn" + ], + "accuracy": 90.2, + "f1": 87.60666666666667, + "precision": 86.45277777777778, + "recall": 90.2, + "main_score": 87.60666666666667 + }, + { + "hf_subset": "vie-eng", + "languages": [ + "vie-Latn", + "eng-Latn" + ], + "accuracy": 97.7, + "f1": 97, + "precision": 96.65, + "recall": 97.7, + "main_score": 97 + }, + { + "hf_subset": "nno-eng", + "languages": [ + "nno-Latn", + "eng-Latn" + ], + "accuracy": 93.2, + "f1": 91.39746031746031, + "precision": 90.6125, + "recall": 93.2, + "main_score": 91.39746031746031 + }, + { + "hf_subset": "cha-eng", + "languages": [ + "cha-Latn", + "eng-Latn" + ], + "accuracy": 32.11678832116788, + "f1": 27.210415386260234, + "precision": 26.20408990846947, + "recall": 32.11678832116788, + "main_score": 27.210415386260234 + }, + { + "hf_subset": "mhr-eng", + "languages": [ + "mhr-Cyrl", + "eng-Latn" + ], + "accuracy": 8.5, + "f1": 6.787319277832475, + "precision": 6.3452094433344435, + "recall": 8.5, + "main_score": 6.787319277832475 + }, + { + "hf_subset": "dan-eng", + "languages": [ + "dan-Latn", + "eng-Latn" + ], + "accuracy": 96.1, + "f1": 95.08, + "precision": 94.61666666666667, + "recall": 96.1, + "main_score": 95.08 + }, + { + "hf_subset": "ell-eng", + "languages": [ + "ell-Grek", + "eng-Latn" + ], + "accuracy": 95.3, + "f1": 93.88333333333333, + "precision": 93.18333333333332, + "recall": 95.3, + "main_score": 93.88333333333333 + }, + { + "hf_subset": "amh-eng", + "languages": [ + "amh-Ethi", + "eng-Latn" + ], + "accuracy": 85.11904761904762, + "f1": 80.69444444444444, + "precision": 78.72023809523809, + "recall": 85.11904761904762, + "main_score": 80.69444444444444 + }, + { + "hf_subset": "pam-eng", + "languages": [ + "pam-Latn", + "eng-Latn" + ], + "accuracy": 11.1, + "f1": 9.276381801735853, + "precision": 8.798174603174601, + "recall": 11.1, + "main_score": 9.276381801735853 + }, + { + "hf_subset": "hsb-eng", + "languages": [ + "hsb-Latn", + "eng-Latn" + ], + "accuracy": 63.56107660455487, + "f1": 58.70433569191332, + "precision": 56.896926581464015, + "recall": 63.56107660455487, + "main_score": 58.70433569191332 + }, + { + "hf_subset": "srp-eng", + "languages": [ + "srp-Cyrl", + "eng-Latn" + ], + "accuracy": 94.69999999999999, + "f1": 93.10000000000001, + "precision": 92.35, + "recall": 94.69999999999999, + "main_score": 93.10000000000001 + }, + { + "hf_subset": "epo-eng", + "languages": [ + "epo-Latn", + "eng-Latn" + ], + "accuracy": 96.8, + "f1": 96.01222222222222, + "precision": 95.67083333333332, + "recall": 96.8, + "main_score": 96.01222222222222 + }, + { + "hf_subset": "kzj-eng", + "languages": [ + "kzj-Latn", + "eng-Latn" + ], + "accuracy": 9.2, + "f1": 7.911555250305249, + "precision": 7.631246556216846, + "recall": 9.2, + "main_score": 7.911555250305249 + }, + { + "hf_subset": "awa-eng", + "languages": [ + "awa-Deva", + "eng-Latn" + ], + "accuracy": 77.48917748917748, + "f1": 72.27375798804371, + "precision": 70.14430014430013, + "recall": 77.48917748917748, + "main_score": 72.27375798804371 + }, + { + "hf_subset": "fao-eng", + "languages": [ + "fao-Latn", + "eng-Latn" + ], + "accuracy": 77.09923664122137, + "f1": 72.61541257724463, + "precision": 70.8998380754106, + "recall": 77.09923664122137, + "main_score": 72.61541257724463 + }, + { + "hf_subset": "mal-eng", + "languages": [ + "mal-Mlym", + "eng-Latn" + ], + "accuracy": 98.2532751091703, + "f1": 97.69529354682193, + "precision": 97.42843279961184, + "recall": 98.2532751091703, + "main_score": 97.69529354682193 + }, + { + "hf_subset": "ile-eng", + "languages": [ + "ile-Latn", + "eng-Latn" + ], + "accuracy": 82.8, + "f1": 79.14672619047619, + "precision": 77.59489247311828, + "recall": 82.8, + "main_score": 79.14672619047619 + }, + { + "hf_subset": "bos-eng", + "languages": [ + "bos-Latn", + "eng-Latn" + ], + "accuracy": 94.35028248587571, + "f1": 92.86252354048965, + "precision": 92.2080979284369, + "recall": 94.35028248587571, + "main_score": 92.86252354048965 + }, + { + "hf_subset": "cor-eng", + "languages": [ + "cor-Latn", + "eng-Latn" + ], + "accuracy": 8.5, + "f1": 6.282429263935621, + "precision": 5.783274240739785, + "recall": 8.5, + "main_score": 6.282429263935621 + }, + { + "hf_subset": "cat-eng", + "languages": [ + "cat-Latn", + "eng-Latn" + ], + "accuracy": 92.7, + "f1": 91.025, + "precision": 90.30428571428571, + "recall": 92.7, + "main_score": 91.025 + }, + { + "hf_subset": "eus-eng", + "languages": [ + "eus-Latn", + "eng-Latn" + ], + "accuracy": 81, + "f1": 77.8232380952381, + "precision": 76.60194444444444, + "recall": 81, + "main_score": 77.8232380952381 + }, + { + "hf_subset": "yue-eng", + "languages": [ + "yue-Hant", + "eng-Latn" + ], + "accuracy": 91, + "f1": 88.70857142857142, + "precision": 87.7, + "recall": 91, + "main_score": 88.70857142857142 + }, + { + "hf_subset": "swe-eng", + "languages": [ + "swe-Latn", + "eng-Latn" + ], + "accuracy": 96.39999999999999, + "f1": 95.3, + "precision": 94.76666666666667, + "recall": 96.39999999999999, + "main_score": 95.3 + }, + { + "hf_subset": "dtp-eng", + "languages": [ + "dtp-Latn", + "eng-Latn" + ], + "accuracy": 8.1, + "f1": 7.001008218834307, + "precision": 6.708329562594269, + "recall": 8.1, + "main_score": 7.001008218834307 + }, + { + "hf_subset": "kat-eng", + "languages": [ + "kat-Geor", + "eng-Latn" + ], + "accuracy": 87.1313672922252, + "f1": 84.09070598748882, + "precision": 82.79171454104429, + "recall": 87.1313672922252, + "main_score": 84.09070598748882 + }, + { + "hf_subset": "jpn-eng", + "languages": [ + "jpn-Jpan", + "eng-Latn" + ], + "accuracy": 96.39999999999999, + "f1": 95.28333333333333, + "precision": 94.73333333333332, + "recall": 96.39999999999999, + "main_score": 95.28333333333333 + }, + { + "hf_subset": "csb-eng", + "languages": [ + "csb-Latn", + "eng-Latn" + ], + "accuracy": 42.29249011857708, + "f1": 36.981018542283365, + "precision": 35.415877813576024, + "recall": 42.29249011857708, + "main_score": 36.981018542283365 + }, + { + "hf_subset": "xho-eng", + "languages": [ + "xho-Latn", + "eng-Latn" + ], + "accuracy": 83.80281690140845, + "f1": 80.86854460093896, + "precision": 79.60093896713614, + "recall": 83.80281690140845, + "main_score": 80.86854460093896 + }, + { + "hf_subset": "orv-eng", + "languages": [ + "orv-Cyrl", + "eng-Latn" + ], + "accuracy": 45.26946107784431, + "f1": 39.80235464678088, + "precision": 38.14342660001342, + "recall": 45.26946107784431, + "main_score": 39.80235464678088 + }, + { + "hf_subset": "ind-eng", + "languages": [ + "ind-Latn", + "eng-Latn" + ], + "accuracy": 94.3, + "f1": 92.9, + "precision": 92.26666666666668, + "recall": 94.3, + "main_score": 92.9 + }, + { + "hf_subset": "tuk-eng", + "languages": [ + "tuk-Latn", + "eng-Latn" + ], + "accuracy": 37.93103448275862, + "f1": 33.15192743764172, + "precision": 31.57456528146183, + "recall": 37.93103448275862, + "main_score": 33.15192743764172 + }, + { + "hf_subset": "max-eng", + "languages": [ + "max-Deva", + "eng-Latn" + ], + "accuracy": 69.01408450704226, + "f1": 63.41549295774648, + "precision": 61.342778895595806, + "recall": 69.01408450704226, + "main_score": 63.41549295774648 + }, + { + "hf_subset": "swh-eng", + "languages": [ + "swh-Latn", + "eng-Latn" + ], + "accuracy": 76.66666666666667, + "f1": 71.60705960705961, + "precision": 69.60683760683762, + "recall": 76.66666666666667, + "main_score": 71.60705960705961 + }, + { + "hf_subset": "hin-eng", + "languages": [ + "hin-Deva", + "eng-Latn" + ], + "accuracy": 95.8, + "f1": 94.48333333333333, + "precision": 93.83333333333333, + "recall": 95.8, + "main_score": 94.48333333333333 + }, + { + "hf_subset": "dsb-eng", + "languages": [ + "dsb-Latn", + "eng-Latn" + ], + "accuracy": 52.81837160751566, + "f1": 48.435977731384824, + "precision": 47.11291973845539, + "recall": 52.81837160751566, + "main_score": 48.435977731384824 + }, + { + "hf_subset": "ber-eng", + "languages": [ + "ber-Tfng", + "eng-Latn" + ], + "accuracy": 44.9, + "f1": 38.88962621607783, + "precision": 36.95936507936508, + "recall": 44.9, + "main_score": 38.88962621607783 + }, + { + "hf_subset": "tam-eng", + "languages": [ + "tam-Taml", + "eng-Latn" + ], + "accuracy": 90.55374592833876, + "f1": 88.22553125484721, + "precision": 87.26927252985884, + "recall": 90.55374592833876, + "main_score": 88.22553125484721 + }, + { + "hf_subset": "slk-eng", + "languages": [ + "slk-Latn", + "eng-Latn" + ], + "accuracy": 94.6, + "f1": 93.13333333333333, + "precision": 92.45333333333333, + "recall": 94.6, + "main_score": 93.13333333333333 + }, + { + "hf_subset": "tgl-eng", + "languages": [ + "tgl-Latn", + "eng-Latn" + ], + "accuracy": 93.7, + "f1": 91.99666666666667, + "precision": 91.26666666666668, + "recall": 93.7, + "main_score": 91.99666666666667 + }, + { + "hf_subset": "ast-eng", + "languages": [ + "ast-Latn", + "eng-Latn" + ], + "accuracy": 85.03937007874016, + "f1": 81.75853018372703, + "precision": 80.34120734908137, + "recall": 85.03937007874016, + "main_score": 81.75853018372703 + }, + { + "hf_subset": "mkd-eng", + "languages": [ + "mkd-Cyrl", + "eng-Latn" + ], + "accuracy": 88.3, + "f1": 85.5, + "precision": 84.25833333333334, + "recall": 88.3, + "main_score": 85.5 + }, + { + "hf_subset": "khm-eng", + "languages": [ + "khm-Khmr", + "eng-Latn" + ], + "accuracy": 65.51246537396122, + "f1": 60.02297410192148, + "precision": 58.133467727289236, + "recall": 65.51246537396122, + "main_score": 60.02297410192148 + }, + { + "hf_subset": "ces-eng", + "languages": [ + "ces-Latn", + "eng-Latn" + ], + "accuracy": 96, + "f1": 94.89, + "precision": 94.39166666666667, + "recall": 96, + "main_score": 94.89 + }, + { + "hf_subset": "tzl-eng", + "languages": [ + "tzl-Latn", + "eng-Latn" + ], + "accuracy": 57.692307692307686, + "f1": 53.162393162393165, + "precision": 51.70673076923077, + "recall": 57.692307692307686, + "main_score": 53.162393162393165 + }, + { + "hf_subset": "urd-eng", + "languages": [ + "urd-Arab", + "eng-Latn" + ], + "accuracy": 91.60000000000001, + "f1": 89.21190476190475, + "precision": 88.08666666666667, + "recall": 91.60000000000001, + "main_score": 89.21190476190475 + }, + { + "hf_subset": "ara-eng", + "languages": [ + "ara-Arab", + "eng-Latn" + ], + "accuracy": 88, + "f1": 85.47, + "precision": 84.43266233766234, + "recall": 88, + "main_score": 85.47 + }, + { + "hf_subset": "kor-eng", + "languages": [ + "kor-Hang", + "eng-Latn" + ], + "accuracy": 92.7, + "f1": 90.64999999999999, + "precision": 89.68333333333332, + "recall": 92.7, + "main_score": 90.64999999999999 + }, + { + "hf_subset": "yid-eng", + "languages": [ + "yid-Hebr", + "eng-Latn" + ], + "accuracy": 80.30660377358491, + "f1": 76.33044137466307, + "precision": 74.78970125786164, + "recall": 80.30660377358491, + "main_score": 76.33044137466307 + }, + { + "hf_subset": "fin-eng", + "languages": [ + "fin-Latn", + "eng-Latn" + ], + "accuracy": 96.39999999999999, + "f1": 95.44, + "precision": 94.99166666666666, + "recall": 96.39999999999999, + "main_score": 95.44 + }, + { + "hf_subset": "tha-eng", + "languages": [ + "tha-Thai", + "eng-Latn" + ], + "accuracy": 96.53284671532847, + "f1": 95.37712895377129, + "precision": 94.7992700729927, + "recall": 96.53284671532847, + "main_score": 95.37712895377129 + }, + { + "hf_subset": "wuu-eng", + "languages": [ + "wuu-Hans", + "eng-Latn" + ], + "accuracy": 89, + "f1": 86.23190476190476, + "precision": 85.035, + "recall": 89, + "main_score": 86.23190476190476 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/Touche2020.json b/results/ildodeltaRule__multilingual-e5-large/external/Touche2020.json new file mode 100644 index 000000000..d0c5f638d --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.585, + "map_at_10": 9.012, + "map_at_100": 14.027000000000001, + "map_at_1000": 15.565000000000001, + "map_at_3": 5.032, + "map_at_5": 6.657, + "mrr_at_1": 28.571, + "mrr_at_10": 45.377, + "mrr_at_100": 46.119, + "mrr_at_1000": 46.127, + "mrr_at_3": 41.156, + "mrr_at_5": 42.585, + "ndcg_at_1": 27.551, + "ndcg_at_10": 23.395, + "ndcg_at_100": 33.342, + "ndcg_at_1000": 45.523, + "ndcg_at_3": 25.158, + "ndcg_at_5": 23.427, + "precision_at_1": 28.571, + "precision_at_10": 21.429000000000002, + "precision_at_100": 6.714, + "precision_at_1000": 1.473, + "precision_at_3": 27.211000000000002, + "precision_at_5": 24.490000000000002, + "recall_at_1": 2.585, + "recall_at_10": 15.418999999999999, + "recall_at_100": 42.485, + "recall_at_1000": 79.536, + "recall_at_3": 6.239999999999999, + "recall_at_5": 8.996, + "main_score": 23.395 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/ToxicConversationsClassification.json b/results/ildodeltaRule__multilingual-e5-large/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..80ae5ede2 --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.3234, + "ap": 14.361688653847423, + "f1": 54.819068624319044, + "main_score": 71.3234 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/TweetSentimentExtractionClassification.json b/results/ildodeltaRule__multilingual-e5-large/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..a8e219e85 --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.97792869269949, + "f1": 62.28965628513728, + "main_score": 61.97792869269949 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/TwentyNewsgroupsClustering.json b/results/ildodeltaRule__multilingual-e5-large/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..21ee17493 --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.90540145385218, + "main_score": 38.90540145385218 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/TwitterSemEval2015.json b/results/ildodeltaRule__multilingual-e5-large/external/TwitterSemEval2015.json new file mode 100644 index 000000000..85c873d8e --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 86.53513739047506, + "cos_sim_ap": 75.27741586677557, + "cos_sim_f1": 69.18792902473774, + "cos_sim_precision": 67.94708725515136, + "cos_sim_recall": 70.47493403693932, + "dot_accuracy": 84.7052512368123, + "dot_ap": 69.36075482849378, + "dot_f1": 64.44688376631296, + "dot_precision": 59.92288500793831, + "dot_recall": 69.70976253298153, + "euclidean_accuracy": 86.60666388508076, + "euclidean_ap": 75.47512772621097, + "euclidean_f1": 69.413872536473, + "euclidean_precision": 67.39562624254472, + "euclidean_recall": 71.55672823218997, + "manhattan_accuracy": 86.52917684925792, + "manhattan_ap": 75.34000110496703, + "manhattan_f1": 69.28489190226429, + "manhattan_precision": 67.24608889992551, + "manhattan_recall": 71.45118733509234, + "max_accuracy": 86.60666388508076, + "max_ap": 75.47512772621097, + "max_f1": 69.413872536473, + "main_score": 75.47512772621097 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/TwitterURLCorpus.json b/results/ildodeltaRule__multilingual-e5-large/external/TwitterURLCorpus.json new file mode 100644 index 000000000..e056ded0c --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.01695967710637, + "cos_sim_ap": 85.8298270742901, + "cos_sim_f1": 78.46988128389272, + "cos_sim_precision": 74.86017897091722, + "cos_sim_recall": 82.44533415460425, + "dot_accuracy": 88.19420188613343, + "dot_ap": 83.82679165901324, + "dot_f1": 76.55833777304208, + "dot_precision": 75.6884875846501, + "dot_recall": 77.44841392054204, + "euclidean_accuracy": 89.03054294252338, + "euclidean_ap": 85.89089555185325, + "euclidean_f1": 78.62997658079624, + "euclidean_precision": 74.92329149232914, + "euclidean_recall": 82.72251308900523, + "manhattan_accuracy": 89.0266620095471, + "manhattan_ap": 85.86458997929147, + "manhattan_f1": 78.50685331000291, + "manhattan_precision": 74.5499861534201, + "manhattan_recall": 82.90729904527257, + "max_accuracy": 89.03054294252338, + "max_ap": 85.89089555185325, + "max_f1": 78.62997658079624, + "main_score": 85.89089555185325 + } + ] + } +} \ No newline at end of file diff --git a/results/ildodeltaRule__multilingual-e5-large/external/model_meta.json b/results/ildodeltaRule__multilingual-e5-large/external/model_meta.json new file mode 100644 index 000000000..56740d7e3 --- /dev/null +++ b/results/ildodeltaRule__multilingual-e5-large/external/model_meta.json @@ -0,0 +1,117 @@ +{ + "name": "ildodeltaRule/multilingual-e5-large", + "revision": "2a73b2227a687a55b431eff98123fa6ab3b70407", + "release_date": "2024-04-08", + "languages": [ + "multilingual", + "af", + "am", + "ar", + "as", + "az", + "be", + "bg", + "bn", + "br", + "bs", + "ca", + "cs", + "cy", + "da", + "de", + "el", + "en", + "eo", + "es", + "et", + "eu", + "fa", + "fi", + "fr", + "fy", + "ga", + "gd", + "gl", + "gu", + "ha", + "he", + "hi", + "hr", + "hu", + "hy", + "id", + "is", + "it", + "ja", + "jv", + "ka", + "kk", + "km", + "kn", + "ko", + "ku", + "ky", + "la", + "lo", + "lt", + "lv", + "mg", + "mk", + "ml", + "mn", + "mr", + "ms", + "my", + "ne", + "nl", + "no", + "om", + "or", + "pa", + "pl", + "ps", + "pt", + "ro", + "ru", + "sa", + "sd", + "si", + "sk", + "sl", + "so", + "sq", + "sr", + "su", + "sv", + "sw", + "ta", + "te", + "th", + "tl", + "tr", + "ug", + "uk", + "ur", + "uz", + "vi", + "xh", + "yi", + "zh" + ], + "loader": null, + "n_parameters": 559890946, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 1024, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/AmazonCounterfactualClassification.json b/results/infgrad__stella-base-en-v2/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..5be10b058 --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.19402985074628, + "ap": 40.43267503017359, + "f1": 71.15585210518594, + "main_score": 77.19402985074628 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/AmazonPolarityClassification.json b/results/infgrad__stella-base-en-v2/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..ae71dce33 --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.256675, + "ap": 90.00824833079179, + "f1": 93.2473146151734, + "main_score": 93.256675 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/AmazonReviewsClassification.json b/results/infgrad__stella-base-en-v2/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..6898a34b4 --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 49.612, + "f1": 48.530785631574304, + "main_score": 49.612 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/ArguAna.json b/results/infgrad__stella-base-en-v2/external/ArguAna.json new file mode 100644 index 000000000..7c835cecd --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 37.411, + "map_at_10": 52.673, + "map_at_100": 53.410999999999994, + "map_at_1000": 53.415, + "map_at_3": 48.495, + "map_at_5": 51.183, + "mrr_at_1": 37.838, + "mrr_at_10": 52.844, + "mrr_at_100": 53.581999999999994, + "mrr_at_1000": 53.586, + "mrr_at_3": 48.672, + "mrr_at_5": 51.272, + "ndcg_at_1": 37.411, + "ndcg_at_10": 60.626999999999995, + "ndcg_at_100": 63.675000000000004, + "ndcg_at_1000": 63.776999999999994, + "ndcg_at_3": 52.148, + "ndcg_at_5": 57.001999999999995, + "precision_at_1": 37.411, + "precision_at_10": 8.578, + "precision_at_100": 0.989, + "precision_at_1000": 0.1, + "precision_at_3": 20.91, + "precision_at_5": 14.908, + "recall_at_1": 37.411, + "recall_at_10": 85.775, + "recall_at_100": 98.86200000000001, + "recall_at_1000": 99.644, + "recall_at_3": 62.731, + "recall_at_5": 74.53800000000001, + "main_score": 60.626999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/ArxivClusteringP2P.json b/results/infgrad__stella-base-en-v2/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..f54672e4a --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 47.24219029437865, + "main_score": 47.24219029437865 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/ArxivClusteringS2S.json b/results/infgrad__stella-base-en-v2/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..484cc8617 --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.474604844291726, + "main_score": 40.474604844291726 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/AskUbuntuDupQuestions.json b/results/infgrad__stella-base-en-v2/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..6314fce54 --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 62.720542706366054, + "mrr": 75.59633733456448, + "main_score": 62.720542706366054 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/BIOSSES.json b/results/infgrad__stella-base-en-v2/external/BIOSSES.json new file mode 100644 index 000000000..81483cc2f --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.31345008397868, + "cos_sim_spearman": 85.94292212320399, + "euclidean_pearson": 85.03974302774525, + "euclidean_spearman": 85.88087251659051, + "manhattan_pearson": 84.91900996712951, + "manhattan_spearman": 85.96701905781116, + "cosine_pearson": 86.31345008397868, + "cosine_spearman": 85.94292212320399, + "main_score": 85.94292212320399 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/Banking77Classification.json b/results/infgrad__stella-base-en-v2/external/Banking77Classification.json new file mode 100644 index 000000000..eea5d65bd --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 84.72727272727273, + "f1": 84.29572512364581, + "main_score": 84.72727272727273 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/BiorxivClusteringP2P.json b/results/infgrad__stella-base-en-v2/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..36ec9d55e --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.55532460397536, + "main_score": 39.55532460397536 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/BiorxivClusteringS2S.json b/results/infgrad__stella-base-en-v2/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..e2074fdac --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.91195973591251, + "main_score": 35.91195973591251 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/CQADupstackAndroidRetrieval.json b/results/infgrad__stella-base-en-v2/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..c9c909a1a --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.822, + "map_at_10": 44.139, + "map_at_100": 45.786, + "map_at_1000": 45.906000000000006, + "map_at_3": 40.637, + "map_at_5": 42.575, + "mrr_at_1": 41.059, + "mrr_at_10": 50.751000000000005, + "mrr_at_100": 51.548, + "mrr_at_1000": 51.583999999999996, + "mrr_at_3": 48.236000000000004, + "mrr_at_5": 49.838, + "ndcg_at_1": 41.059, + "ndcg_at_10": 50.573, + "ndcg_at_100": 56.25, + "ndcg_at_1000": 58.004, + "ndcg_at_3": 45.995000000000005, + "ndcg_at_5": 48.18, + "precision_at_1": 41.059, + "precision_at_10": 9.757, + "precision_at_100": 1.609, + "precision_at_1000": 0.20600000000000002, + "precision_at_3": 22.222, + "precision_at_5": 16.023, + "recall_at_1": 32.822, + "recall_at_10": 61.794000000000004, + "recall_at_100": 85.64699999999999, + "recall_at_1000": 96.836, + "recall_at_3": 47.999, + "recall_at_5": 54.376999999999995, + "main_score": 50.573 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.579, + "map_at_10": 39.787, + "map_at_100": 40.976, + "map_at_1000": 41.108, + "map_at_3": 36.819, + "map_at_5": 38.437, + "mrr_at_1": 37.516, + "mrr_at_10": 45.822, + "mrr_at_100": 46.454, + "mrr_at_1000": 46.495999999999995, + "mrr_at_3": 43.556, + "mrr_at_5": 44.814, + "ndcg_at_1": 37.516, + "ndcg_at_10": 45.5, + "ndcg_at_100": 49.707, + "ndcg_at_1000": 51.842, + "ndcg_at_3": 41.369, + "ndcg_at_5": 43.161, + "precision_at_1": 37.516, + "precision_at_10": 8.713, + "precision_at_100": 1.38, + "precision_at_1000": 0.188, + "precision_at_3": 20.233999999999998, + "precision_at_5": 14.280000000000001, + "recall_at_1": 29.579, + "recall_at_10": 55.458, + "recall_at_100": 73.49799999999999, + "recall_at_1000": 87.08200000000001, + "recall_at_3": 42.858000000000004, + "recall_at_5": 48.215, + "main_score": 45.5 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.489999999999995, + "map_at_10": 53.313, + "map_at_100": 54.290000000000006, + "map_at_1000": 54.346000000000004, + "map_at_3": 49.983, + "map_at_5": 51.867, + "mrr_at_1": 46.27, + "mrr_at_10": 56.660999999999994, + "mrr_at_100": 57.274, + "mrr_at_1000": 57.301, + "mrr_at_3": 54.138, + "mrr_at_5": 55.623999999999995, + "ndcg_at_1": 46.27, + "ndcg_at_10": 59.192, + "ndcg_at_100": 63.026, + "ndcg_at_1000": 64.079, + "ndcg_at_3": 53.656000000000006, + "ndcg_at_5": 56.387, + "precision_at_1": 46.27, + "precision_at_10": 9.511, + "precision_at_100": 1.23, + "precision_at_1000": 0.136, + "precision_at_3": 24.096, + "precision_at_5": 16.476, + "recall_at_1": 40.489999999999995, + "recall_at_10": 73.148, + "recall_at_100": 89.723, + "recall_at_1000": 97.073, + "recall_at_3": 58.363, + "recall_at_5": 65.083, + "main_score": 59.192 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.197, + "map_at_10": 35.135, + "map_at_100": 36.14, + "map_at_1000": 36.216, + "map_at_3": 32.358, + "map_at_5": 33.814, + "mrr_at_1": 28.475, + "mrr_at_10": 37.096000000000004, + "mrr_at_100": 38.006, + "mrr_at_1000": 38.06, + "mrr_at_3": 34.52, + "mrr_at_5": 35.994, + "ndcg_at_1": 28.475, + "ndcg_at_10": 40.263, + "ndcg_at_100": 45.327, + "ndcg_at_1000": 47.225, + "ndcg_at_3": 34.882000000000005, + "ndcg_at_5": 37.347, + "precision_at_1": 28.475, + "precision_at_10": 6.249, + "precision_at_100": 0.919, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 14.689, + "precision_at_5": 10.237, + "recall_at_1": 26.197, + "recall_at_10": 54.17999999999999, + "recall_at_100": 77.768, + "recall_at_1000": 91.932, + "recall_at_3": 39.804, + "recall_at_5": 45.660000000000004, + "main_score": 40.263 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.683, + "map_at_10": 25.013999999999996, + "map_at_100": 26.411, + "map_at_1000": 26.531, + "map_at_3": 22.357, + "map_at_5": 23.982999999999997, + "mrr_at_1": 20.896, + "mrr_at_10": 29.758000000000003, + "mrr_at_100": 30.895, + "mrr_at_1000": 30.964999999999996, + "mrr_at_3": 27.177, + "mrr_at_5": 28.799999999999997, + "ndcg_at_1": 20.896, + "ndcg_at_10": 30.294999999999998, + "ndcg_at_100": 36.68, + "ndcg_at_1000": 39.519, + "ndcg_at_3": 25.480999999999998, + "ndcg_at_5": 28.027, + "precision_at_1": 20.896, + "precision_at_10": 5.56, + "precision_at_100": 1.006, + "precision_at_1000": 0.13899999999999998, + "precision_at_3": 12.231, + "precision_at_5": 9.104, + "recall_at_1": 16.683, + "recall_at_10": 41.807, + "recall_at_100": 69.219, + "recall_at_1000": 89.178, + "recall_at_3": 28.772, + "recall_at_5": 35.167, + "main_score": 30.294999999999998 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.653000000000002, + "map_at_10": 41.21, + "map_at_100": 42.543, + "map_at_1000": 42.657000000000004, + "map_at_3": 38.094, + "map_at_5": 39.966, + "mrr_at_1": 37.824999999999996, + "mrr_at_10": 47.087, + "mrr_at_100": 47.959, + "mrr_at_1000": 48.003, + "mrr_at_3": 45.043, + "mrr_at_5": 46.352, + "ndcg_at_1": 37.824999999999996, + "ndcg_at_10": 47.158, + "ndcg_at_100": 52.65, + "ndcg_at_1000": 54.644999999999996, + "ndcg_at_3": 42.632999999999996, + "ndcg_at_5": 44.994, + "precision_at_1": 37.824999999999996, + "precision_at_10": 8.498999999999999, + "precision_at_100": 1.308, + "precision_at_1000": 0.166, + "precision_at_3": 20.308, + "precision_at_5": 14.283000000000001, + "recall_at_1": 30.653000000000002, + "recall_at_10": 58.826, + "recall_at_100": 81.94, + "recall_at_1000": 94.71000000000001, + "recall_at_3": 45.965, + "recall_at_5": 52.294, + "main_score": 47.158 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.71, + "map_at_10": 36.001, + "map_at_100": 37.416, + "map_at_1000": 37.522, + "map_at_3": 32.841, + "map_at_5": 34.515, + "mrr_at_1": 32.647999999999996, + "mrr_at_10": 41.43, + "mrr_at_100": 42.433, + "mrr_at_1000": 42.482, + "mrr_at_3": 39.117000000000004, + "mrr_at_5": 40.35, + "ndcg_at_1": 32.647999999999996, + "ndcg_at_10": 41.629, + "ndcg_at_100": 47.707, + "ndcg_at_1000": 49.913000000000004, + "ndcg_at_3": 36.598000000000006, + "ndcg_at_5": 38.696000000000005, + "precision_at_1": 32.647999999999996, + "precision_at_10": 7.704999999999999, + "precision_at_100": 1.242, + "precision_at_1000": 0.16, + "precision_at_3": 17.314, + "precision_at_5": 12.374, + "recall_at_1": 26.71, + "recall_at_10": 52.898, + "recall_at_100": 79.08, + "recall_at_1000": 93.94, + "recall_at_3": 38.731, + "recall_at_5": 44.433, + "main_score": 41.629 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.510999999999996, + "map_at_10": 35.755333333333326, + "map_at_100": 36.97525, + "map_at_1000": 37.08741666666667, + "map_at_3": 32.921, + "map_at_5": 34.45041666666667, + "mrr_at_1": 31.578416666666666, + "mrr_at_10": 40.06066666666667, + "mrr_at_100": 40.93350000000001, + "mrr_at_1000": 40.98716666666667, + "mrr_at_3": 37.710499999999996, + "mrr_at_5": 39.033249999999995, + "ndcg_at_1": 31.578416666666666, + "ndcg_at_10": 41.138666666666666, + "ndcg_at_100": 46.37291666666666, + "ndcg_at_1000": 48.587500000000006, + "ndcg_at_3": 36.397083333333335, + "ndcg_at_5": 38.539, + "precision_at_1": 31.578416666666666, + "precision_at_10": 7.221583333333332, + "precision_at_100": 1.1581666666666668, + "precision_at_1000": 0.15416666666666667, + "precision_at_3": 16.758, + "precision_at_5": 11.830916666666665, + "recall_at_1": 26.510999999999996, + "recall_at_10": 52.7825, + "recall_at_100": 75.79675, + "recall_at_1000": 91.10483333333335, + "recall_at_3": 39.48233333333334, + "recall_at_5": 45.07116666666667, + "main_score": 41.138666666666666 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.564, + "map_at_10": 31.235000000000003, + "map_at_100": 32.124, + "map_at_1000": 32.216, + "map_at_3": 29.330000000000002, + "map_at_5": 30.379, + "mrr_at_1": 27.761000000000003, + "mrr_at_10": 34.093, + "mrr_at_100": 34.885, + "mrr_at_1000": 34.957, + "mrr_at_3": 32.388, + "mrr_at_5": 33.269, + "ndcg_at_1": 27.761000000000003, + "ndcg_at_10": 35.146, + "ndcg_at_100": 39.597, + "ndcg_at_1000": 42.163000000000004, + "ndcg_at_3": 31.674000000000003, + "ndcg_at_5": 33.224, + "precision_at_1": 27.761000000000003, + "precision_at_10": 5.383, + "precision_at_100": 0.836, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 13.599, + "precision_at_5": 9.202, + "recall_at_1": 24.564, + "recall_at_10": 44.36, + "recall_at_100": 64.408, + "recall_at_1000": 83.892, + "recall_at_3": 34.653, + "recall_at_5": 38.589, + "main_score": 35.146 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.01, + "map_at_10": 24.485, + "map_at_100": 25.573, + "map_at_1000": 25.703, + "map_at_3": 21.953, + "map_at_5": 23.294999999999998, + "mrr_at_1": 20.544, + "mrr_at_10": 28.238000000000003, + "mrr_at_100": 29.142000000000003, + "mrr_at_1000": 29.219, + "mrr_at_3": 25.802999999999997, + "mrr_at_5": 27.105, + "ndcg_at_1": 20.544, + "ndcg_at_10": 29.387999999999998, + "ndcg_at_100": 34.603, + "ndcg_at_1000": 37.564, + "ndcg_at_3": 24.731, + "ndcg_at_5": 26.773000000000003, + "precision_at_1": 20.544, + "precision_at_10": 5.509, + "precision_at_100": 0.9450000000000001, + "precision_at_1000": 0.13799999999999998, + "precision_at_3": 11.757, + "precision_at_5": 8.596, + "recall_at_1": 17.01, + "recall_at_10": 40.392, + "recall_at_100": 64.043, + "recall_at_1000": 85.031, + "recall_at_3": 27.293, + "recall_at_5": 32.586999999999996, + "main_score": 29.387999999999998 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.155, + "map_at_10": 35.92, + "map_at_100": 37.034, + "map_at_1000": 37.139, + "map_at_3": 33.263999999999996, + "map_at_5": 34.61, + "mrr_at_1": 32.183, + "mrr_at_10": 40.099000000000004, + "mrr_at_100": 41.001, + "mrr_at_1000": 41.059, + "mrr_at_3": 37.889, + "mrr_at_5": 39.007999999999996, + "ndcg_at_1": 32.183, + "ndcg_at_10": 41.127, + "ndcg_at_100": 46.464, + "ndcg_at_1000": 48.67, + "ndcg_at_3": 36.396, + "ndcg_at_5": 38.313, + "precision_at_1": 32.183, + "precision_at_10": 6.847, + "precision_at_100": 1.0739999999999998, + "precision_at_1000": 0.13699999999999998, + "precision_at_3": 16.356, + "precision_at_5": 11.362, + "recall_at_1": 27.155, + "recall_at_10": 52.922000000000004, + "recall_at_100": 76.39, + "recall_at_1000": 91.553, + "recall_at_3": 39.745999999999995, + "recall_at_5": 44.637, + "main_score": 41.127 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.523, + "map_at_10": 34.268, + "map_at_100": 35.835, + "map_at_1000": 36.046, + "map_at_3": 31.662000000000003, + "map_at_5": 32.71, + "mrr_at_1": 31.028, + "mrr_at_10": 38.924, + "mrr_at_100": 39.95, + "mrr_at_1000": 40.003, + "mrr_at_3": 36.594, + "mrr_at_5": 37.701, + "ndcg_at_1": 31.028, + "ndcg_at_10": 39.848, + "ndcg_at_100": 45.721000000000004, + "ndcg_at_1000": 48.424, + "ndcg_at_3": 35.329, + "ndcg_at_5": 36.779, + "precision_at_1": 31.028, + "precision_at_10": 7.51, + "precision_at_100": 1.478, + "precision_at_1000": 0.24, + "precision_at_3": 16.337, + "precision_at_5": 11.383000000000001, + "recall_at_1": 25.523, + "recall_at_10": 50.735, + "recall_at_100": 76.593, + "recall_at_1000": 93.771, + "recall_at_3": 37.574000000000005, + "recall_at_5": 41.602, + "main_score": 39.848 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.746000000000002, + "map_at_10": 28.557, + "map_at_100": 29.575000000000003, + "map_at_1000": 29.659000000000002, + "map_at_3": 25.753999999999998, + "map_at_5": 27.254, + "mrr_at_1": 22.736, + "mrr_at_10": 30.769000000000002, + "mrr_at_100": 31.655, + "mrr_at_1000": 31.717000000000002, + "mrr_at_3": 28.065, + "mrr_at_5": 29.543999999999997, + "ndcg_at_1": 22.736, + "ndcg_at_10": 33.545, + "ndcg_at_100": 38.743, + "ndcg_at_1000": 41.002, + "ndcg_at_3": 28.021, + "ndcg_at_5": 30.586999999999996, + "precision_at_1": 22.736, + "precision_at_10": 5.416, + "precision_at_100": 0.8710000000000001, + "precision_at_1000": 0.116, + "precision_at_3": 11.953, + "precision_at_5": 8.651, + "recall_at_1": 20.746000000000002, + "recall_at_10": 46.87, + "recall_at_100": 71.25200000000001, + "recall_at_1000": 88.26, + "recall_at_3": 32.029999999999994, + "recall_at_5": 38.21, + "main_score": 33.545 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/ClimateFEVER.json b/results/infgrad__stella-base-en-v2/external/ClimateFEVER.json new file mode 100644 index 000000000..b9f79c2a0 --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 12.105, + "map_at_10": 20.577, + "map_at_100": 22.686999999999998, + "map_at_1000": 22.889, + "map_at_3": 17.174, + "map_at_5": 18.807, + "mrr_at_1": 27.101, + "mrr_at_10": 38.475, + "mrr_at_100": 39.491, + "mrr_at_1000": 39.525, + "mrr_at_3": 34.886, + "mrr_at_5": 36.922, + "ndcg_at_1": 27.101, + "ndcg_at_10": 29.002, + "ndcg_at_100": 37.218, + "ndcg_at_1000": 40.644000000000005, + "ndcg_at_3": 23.464, + "ndcg_at_5": 25.262, + "precision_at_1": 27.101, + "precision_at_10": 9.179, + "precision_at_100": 1.806, + "precision_at_1000": 0.244, + "precision_at_3": 17.394000000000002, + "precision_at_5": 13.342, + "recall_at_1": 12.105, + "recall_at_10": 35.143, + "recall_at_100": 63.44499999999999, + "recall_at_1000": 82.49499999999999, + "recall_at_3": 21.489, + "recall_at_5": 26.82, + "main_score": 29.002 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/DBPedia.json b/results/infgrad__stella-base-en-v2/external/DBPedia.json new file mode 100644 index 000000000..3ce7d777f --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.769, + "map_at_10": 18.619, + "map_at_100": 26.3, + "map_at_1000": 28.063, + "map_at_3": 13.746, + "map_at_5": 16.035, + "mrr_at_1": 65.25, + "mrr_at_10": 73.678, + "mrr_at_100": 73.993, + "mrr_at_1000": 74.003, + "mrr_at_3": 72.042, + "mrr_at_5": 72.992, + "ndcg_at_1": 53.625, + "ndcg_at_10": 39.638, + "ndcg_at_100": 44.601, + "ndcg_at_1000": 52.80200000000001, + "ndcg_at_3": 44.727, + "ndcg_at_5": 42.199, + "precision_at_1": 65.25, + "precision_at_10": 31.025000000000002, + "precision_at_100": 10.174999999999999, + "precision_at_1000": 2.0740000000000003, + "precision_at_3": 48.083, + "precision_at_5": 40.6, + "recall_at_1": 8.769, + "recall_at_10": 23.910999999999998, + "recall_at_100": 51.202999999999996, + "recall_at_1000": 77.031, + "recall_at_3": 15.387999999999998, + "recall_at_5": 18.919, + "main_score": 39.638 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/EmotionClassification.json b/results/infgrad__stella-base-en-v2/external/EmotionClassification.json new file mode 100644 index 000000000..6b40bcee4 --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 54.47, + "f1": 48.21839043361556, + "main_score": 54.47 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/FEVER.json b/results/infgrad__stella-base-en-v2/external/FEVER.json new file mode 100644 index 000000000..43acabdef --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 63.564, + "map_at_10": 74.236, + "map_at_100": 74.53699999999999, + "map_at_1000": 74.557, + "map_at_3": 72.556, + "map_at_5": 73.656, + "mrr_at_1": 68.497, + "mrr_at_10": 78.373, + "mrr_at_100": 78.54299999999999, + "mrr_at_1000": 78.549, + "mrr_at_3": 77.03, + "mrr_at_5": 77.938, + "ndcg_at_1": 68.497, + "ndcg_at_10": 79.12599999999999, + "ndcg_at_100": 80.319, + "ndcg_at_1000": 80.71199999999999, + "ndcg_at_3": 76.209, + "ndcg_at_5": 77.90700000000001, + "precision_at_1": 68.497, + "precision_at_10": 9.958, + "precision_at_100": 1.077, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 29.908, + "precision_at_5": 18.971, + "recall_at_1": 63.564, + "recall_at_10": 90.05199999999999, + "recall_at_100": 95.028, + "recall_at_1000": 97.667, + "recall_at_3": 82.17999999999999, + "recall_at_5": 86.388, + "main_score": 79.12599999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/FiQA2018.json b/results/infgrad__stella-base-en-v2/external/FiQA2018.json new file mode 100644 index 000000000..8b6336f59 --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.042, + "map_at_10": 30.764999999999997, + "map_at_100": 32.678000000000004, + "map_at_1000": 32.881, + "map_at_3": 26.525, + "map_at_5": 28.932000000000002, + "mrr_at_1": 37.653999999999996, + "mrr_at_10": 46.597, + "mrr_at_100": 47.413, + "mrr_at_1000": 47.453, + "mrr_at_3": 43.775999999999996, + "mrr_at_5": 45.489000000000004, + "ndcg_at_1": 37.653999999999996, + "ndcg_at_10": 38.615, + "ndcg_at_100": 45.513999999999996, + "ndcg_at_1000": 48.815999999999995, + "ndcg_at_3": 34.427, + "ndcg_at_5": 35.954, + "precision_at_1": 37.653999999999996, + "precision_at_10": 10.864, + "precision_at_100": 1.7850000000000001, + "precision_at_1000": 0.23800000000000002, + "precision_at_3": 22.788, + "precision_at_5": 17.346, + "recall_at_1": 19.042, + "recall_at_10": 45.707, + "recall_at_100": 71.152, + "recall_at_1000": 90.7, + "recall_at_3": 30.814000000000004, + "recall_at_5": 37.478, + "main_score": 38.615 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/HotpotQA.json b/results/infgrad__stella-base-en-v2/external/HotpotQA.json new file mode 100644 index 000000000..5da82feef --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.001000000000005, + "map_at_10": 59.611000000000004, + "map_at_100": 60.582, + "map_at_1000": 60.646, + "map_at_3": 56.031, + "map_at_5": 58.243, + "mrr_at_1": 76.003, + "mrr_at_10": 82.15400000000001, + "mrr_at_100": 82.377, + "mrr_at_1000": 82.383, + "mrr_at_3": 81.092, + "mrr_at_5": 81.742, + "ndcg_at_1": 76.003, + "ndcg_at_10": 68.216, + "ndcg_at_100": 71.601, + "ndcg_at_1000": 72.821, + "ndcg_at_3": 63.109, + "ndcg_at_5": 65.902, + "precision_at_1": 76.003, + "precision_at_10": 14.379, + "precision_at_100": 1.702, + "precision_at_1000": 0.186, + "precision_at_3": 40.396, + "precision_at_5": 26.442, + "recall_at_1": 38.001000000000005, + "recall_at_10": 71.897, + "recall_at_100": 85.105, + "recall_at_1000": 93.133, + "recall_at_3": 60.594, + "recall_at_5": 66.104, + "main_score": 68.216 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/ImdbClassification.json b/results/infgrad__stella-base-en-v2/external/ImdbClassification.json new file mode 100644 index 000000000..f48c09537 --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.31280000000001, + "ap": 87.53723467501632, + "f1": 91.30282906596291, + "main_score": 91.31280000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/MSMARCO.json b/results/infgrad__stella-base-en-v2/external/MSMARCO.json new file mode 100644 index 000000000..75523112d --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.917, + "map_at_10": 34.117999999999995, + "map_at_100": 35.283, + "map_at_1000": 35.333999999999996, + "map_at_3": 30.330000000000002, + "map_at_5": 32.461, + "mrr_at_1": 22.579, + "mrr_at_10": 34.794000000000004, + "mrr_at_100": 35.893, + "mrr_at_1000": 35.937000000000005, + "mrr_at_3": 31.091, + "mrr_at_5": 33.173, + "ndcg_at_1": 22.579, + "ndcg_at_10": 40.951, + "ndcg_at_100": 46.558, + "ndcg_at_1000": 47.803000000000004, + "ndcg_at_3": 33.262, + "ndcg_at_5": 37.036, + "precision_at_1": 22.579, + "precision_at_10": 6.463000000000001, + "precision_at_100": 0.928, + "precision_at_1000": 0.104, + "precision_at_3": 14.174000000000001, + "precision_at_5": 10.421, + "recall_at_1": 21.917, + "recall_at_10": 61.885, + "recall_at_100": 87.847, + "recall_at_1000": 97.322, + "recall_at_3": 41.010000000000005, + "recall_at_5": 50.031000000000006, + "main_score": 40.951 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/MTOPDomainClassification.json b/results/infgrad__stella-base-en-v2/external/MTOPDomainClassification.json new file mode 100644 index 000000000..87bedb518 --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.49521203830369, + "f1": 93.30882341740241, + "main_score": 93.49521203830369 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/MTOPIntentClassification.json b/results/infgrad__stella-base-en-v2/external/MTOPIntentClassification.json new file mode 100644 index 000000000..4b66777cd --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.0579115367077, + "f1": 51.2368258319339, + "main_score": 71.0579115367077 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/MassiveIntentClassification.json b/results/infgrad__stella-base-en-v2/external/MassiveIntentClassification.json new file mode 100644 index 000000000..0e7466cc0 --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.88029589778077, + "f1": 72.34422048584663, + "main_score": 73.88029589778077 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/MassiveScenarioClassification.json b/results/infgrad__stella-base-en-v2/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..e861d6842 --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.2817753866846, + "f1": 77.87746050004304, + "main_score": 78.2817753866846 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/MedrxivClusteringP2P.json b/results/infgrad__stella-base-en-v2/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..c71350581 --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.247341454119216, + "main_score": 33.247341454119216 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/MedrxivClusteringS2S.json b/results/infgrad__stella-base-en-v2/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..18de66fce --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.9647477166234, + "main_score": 31.9647477166234 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/MindSmallReranking.json b/results/infgrad__stella-base-en-v2/external/MindSmallReranking.json new file mode 100644 index 000000000..68e97f1bc --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.90698374676892, + "mrr": 33.07523683771251, + "main_score": 31.90698374676892 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/NFCorpus.json b/results/infgrad__stella-base-en-v2/external/NFCorpus.json new file mode 100644 index 000000000..248c950b4 --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.717, + "map_at_10": 14.566, + "map_at_100": 18.465999999999998, + "map_at_1000": 20.033, + "map_at_3": 10.863, + "map_at_5": 12.589, + "mrr_at_1": 49.845, + "mrr_at_10": 58.385, + "mrr_at_100": 58.989999999999995, + "mrr_at_1000": 59.028999999999996, + "mrr_at_3": 56.76, + "mrr_at_5": 57.766, + "ndcg_at_1": 47.678, + "ndcg_at_10": 37.511, + "ndcg_at_100": 34.537, + "ndcg_at_1000": 43.612, + "ndcg_at_3": 43.713, + "ndcg_at_5": 41.303, + "precision_at_1": 49.845, + "precision_at_10": 27.307, + "precision_at_100": 8.746, + "precision_at_1000": 2.182, + "precision_at_3": 40.764, + "precision_at_5": 35.232, + "recall_at_1": 6.717, + "recall_at_10": 18.107, + "recall_at_100": 33.759, + "recall_at_1000": 67.31, + "recall_at_3": 11.68, + "recall_at_5": 14.557999999999998, + "main_score": 37.511 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/NQ.json b/results/infgrad__stella-base-en-v2/external/NQ.json new file mode 100644 index 000000000..a1a5ffbe9 --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.633999999999997, + "map_at_10": 42.400999999999996, + "map_at_100": 43.561, + "map_at_1000": 43.592, + "map_at_3": 37.865, + "map_at_5": 40.650999999999996, + "mrr_at_1": 31.286, + "mrr_at_10": 44.996, + "mrr_at_100": 45.889, + "mrr_at_1000": 45.911, + "mrr_at_3": 41.126000000000005, + "mrr_at_5": 43.536, + "ndcg_at_1": 31.257, + "ndcg_at_10": 50.197, + "ndcg_at_100": 55.062, + "ndcg_at_1000": 55.81700000000001, + "ndcg_at_3": 41.650999999999996, + "ndcg_at_5": 46.324, + "precision_at_1": 31.257, + "precision_at_10": 8.508000000000001, + "precision_at_100": 1.121, + "precision_at_1000": 0.11900000000000001, + "precision_at_3": 19.1, + "precision_at_5": 14.16, + "recall_at_1": 27.633999999999997, + "recall_at_10": 71.40100000000001, + "recall_at_100": 92.463, + "recall_at_1000": 98.13199999999999, + "recall_at_3": 49.382, + "recall_at_5": 60.144, + "main_score": 50.197 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/QuoraRetrieval.json b/results/infgrad__stella-base-en-v2/external/QuoraRetrieval.json new file mode 100644 index 000000000..b44dd0f56 --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 71.17099999999999, + "map_at_10": 85.036, + "map_at_100": 85.67099999999999, + "map_at_1000": 85.68599999999999, + "map_at_3": 82.086, + "map_at_5": 83.956, + "mrr_at_1": 82.04, + "mrr_at_10": 88.018, + "mrr_at_100": 88.114, + "mrr_at_1000": 88.115, + "mrr_at_3": 87.047, + "mrr_at_5": 87.73100000000001, + "ndcg_at_1": 82.03, + "ndcg_at_10": 88.717, + "ndcg_at_100": 89.904, + "ndcg_at_1000": 89.991, + "ndcg_at_3": 85.89099999999999, + "ndcg_at_5": 87.485, + "precision_at_1": 82.03, + "precision_at_10": 13.444999999999999, + "precision_at_100": 1.533, + "precision_at_1000": 0.157, + "precision_at_3": 37.537, + "precision_at_5": 24.692, + "recall_at_1": 71.17099999999999, + "recall_at_10": 95.634, + "recall_at_100": 99.614, + "recall_at_1000": 99.99, + "recall_at_3": 87.48, + "recall_at_5": 91.996, + "main_score": 88.717 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/RedditClustering.json b/results/infgrad__stella-base-en-v2/external/RedditClustering.json new file mode 100644 index 000000000..598273cd0 --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 55.067219624685315, + "main_score": 55.067219624685315 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/RedditClusteringP2P.json b/results/infgrad__stella-base-en-v2/external/RedditClusteringP2P.json new file mode 100644 index 000000000..21bfe1f90 --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 62.121822992300444, + "main_score": 62.121822992300444 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/SCIDOCS.json b/results/infgrad__stella-base-en-v2/external/SCIDOCS.json new file mode 100644 index 000000000..5224cf528 --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.153, + "map_at_10": 11.024000000000001, + "map_at_100": 13.233, + "map_at_1000": 13.62, + "map_at_3": 7.779999999999999, + "map_at_5": 9.529, + "mrr_at_1": 20.599999999999998, + "mrr_at_10": 31.361, + "mrr_at_100": 32.738, + "mrr_at_1000": 32.792, + "mrr_at_3": 28.15, + "mrr_at_5": 30.085, + "ndcg_at_1": 20.599999999999998, + "ndcg_at_10": 18.583, + "ndcg_at_100": 27.590999999999998, + "ndcg_at_1000": 34.001, + "ndcg_at_3": 17.455000000000002, + "ndcg_at_5": 15.588, + "precision_at_1": 20.599999999999998, + "precision_at_10": 9.74, + "precision_at_100": 2.284, + "precision_at_1000": 0.381, + "precision_at_3": 16.533, + "precision_at_5": 14.02, + "recall_at_1": 4.153, + "recall_at_10": 19.738, + "recall_at_100": 46.322, + "recall_at_1000": 77.378, + "recall_at_3": 10.048, + "recall_at_5": 14.233, + "main_score": 18.583 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/SICK-R.json b/results/infgrad__stella-base-en-v2/external/SICK-R.json new file mode 100644 index 000000000..0b42c19fc --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.07097501003639, + "cos_sim_spearman": 81.05827848407056, + "euclidean_pearson": 82.6279003372546, + "euclidean_spearman": 81.00031515279802, + "manhattan_pearson": 82.59338284959495, + "manhattan_spearman": 80.97432711064945, + "cosine_pearson": 85.07097501003639, + "cosine_spearman": 81.05827848407056, + "main_score": 81.05827848407056 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/STS12.json b/results/infgrad__stella-base-en-v2/external/STS12.json new file mode 100644 index 000000000..837c6cdfe --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.28991993621685, + "cos_sim_spearman": 78.71828082424351, + "euclidean_pearson": 83.4881331520832, + "euclidean_spearman": 78.51746826842316, + "manhattan_pearson": 83.4109223774324, + "manhattan_spearman": 78.431544382179, + "cosine_pearson": 86.28991993621685, + "cosine_spearman": 78.71828082424351, + "main_score": 78.71828082424351 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/STS13.json b/results/infgrad__stella-base-en-v2/external/STS13.json new file mode 100644 index 000000000..8e02d24f7 --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.16651661072123, + "cos_sim_spearman": 84.88094386637867, + "euclidean_pearson": 84.3547603585416, + "euclidean_spearman": 84.85148665860193, + "manhattan_pearson": 84.29648369879266, + "manhattan_spearman": 84.76074870571124, + "cosine_pearson": 83.16651661072123, + "cosine_spearman": 84.88094386637867, + "main_score": 84.88094386637867 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/STS14.json b/results/infgrad__stella-base-en-v2/external/STS14.json new file mode 100644 index 000000000..0a04e9dd7 --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.40596254292149, + "cos_sim_spearman": 83.10699573133829, + "euclidean_pearson": 83.22794776876958, + "euclidean_spearman": 83.22583316084712, + "manhattan_pearson": 83.15899233935681, + "manhattan_spearman": 83.17668293648019, + "cosine_pearson": 83.40596254292149, + "cosine_spearman": 83.10699573133829, + "main_score": 83.10699573133829 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/STS15.json b/results/infgrad__stella-base-en-v2/external/STS15.json new file mode 100644 index 000000000..41748b30f --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.27977121352563, + "cos_sim_spearman": 88.73903130248591, + "euclidean_pearson": 88.30685958438735, + "euclidean_spearman": 88.79755484280406, + "manhattan_pearson": 88.30305607758652, + "manhattan_spearman": 88.80096577072784, + "cosine_pearson": 87.27977121352563, + "cosine_spearman": 88.73903130248591, + "main_score": 88.73903130248591 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/STS16.json b/results/infgrad__stella-base-en-v2/external/STS16.json new file mode 100644 index 000000000..ae7f670e6 --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.08819031430218, + "cos_sim_spearman": 86.35414445951125, + "euclidean_pearson": 85.4683192388315, + "euclidean_spearman": 86.2079674669473, + "manhattan_pearson": 85.35835702257341, + "manhattan_spearman": 86.08483380002187, + "cosine_pearson": 84.08819031430218, + "cosine_spearman": 86.35414445951125, + "main_score": 86.35414445951125 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/STS17.json b/results/infgrad__stella-base-en-v2/external/STS17.json new file mode 100644 index 000000000..28fb436a1 --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.36149449801478, + "cos_sim_spearman": 87.7102980757725, + "euclidean_pearson": 88.16457177837161, + "euclidean_spearman": 87.6598652482716, + "manhattan_pearson": 88.23894728971618, + "manhattan_spearman": 87.74470156709361, + "cosine_pearson": 87.36149449801478, + "cosine_spearman": 87.7102980757725, + "main_score": 87.7102980757725 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/STS22.json b/results/infgrad__stella-base-en-v2/external/STS22.json new file mode 100644 index 000000000..fce715ee9 --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 64.54023758394433, + "cos_sim_spearman": 66.28491960187773, + "euclidean_pearson": 67.0853128483472, + "euclidean_spearman": 66.10307543766307, + "manhattan_pearson": 66.7635365592556, + "manhattan_spearman": 65.76408004780167, + "cosine_pearson": 64.54023758394433, + "cosine_spearman": 66.28491960187773, + "main_score": 66.28491960187773 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/STSBenchmark.json b/results/infgrad__stella-base-en-v2/external/STSBenchmark.json new file mode 100644 index 000000000..a79b460c7 --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.15858398195317, + "cos_sim_spearman": 87.44850004752102, + "euclidean_pearson": 86.60737082550408, + "euclidean_spearman": 87.31591549824242, + "manhattan_pearson": 86.56187011429977, + "manhattan_spearman": 87.23854795795319, + "cosine_pearson": 85.15858398195317, + "cosine_spearman": 87.44850004752102, + "main_score": 87.44850004752102 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/SciDocsRR.json b/results/infgrad__stella-base-en-v2/external/SciDocsRR.json new file mode 100644 index 000000000..a2e16a806 --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 86.66210488769109, + "mrr": 96.23100664767331, + "main_score": 86.66210488769109 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/SciFact.json b/results/infgrad__stella-base-en-v2/external/SciFact.json new file mode 100644 index 000000000..e9eb66afd --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 56.094, + "map_at_10": 67.486, + "map_at_100": 67.925, + "map_at_1000": 67.949, + "map_at_3": 64.857, + "map_at_5": 66.31, + "mrr_at_1": 58.667, + "mrr_at_10": 68.438, + "mrr_at_100": 68.733, + "mrr_at_1000": 68.757, + "mrr_at_3": 66.389, + "mrr_at_5": 67.456, + "ndcg_at_1": 58.667, + "ndcg_at_10": 72.506, + "ndcg_at_100": 74.27, + "ndcg_at_1000": 74.94800000000001, + "ndcg_at_3": 67.977, + "ndcg_at_5": 70.028, + "precision_at_1": 58.667, + "precision_at_10": 9.767000000000001, + "precision_at_100": 1.073, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 27.0, + "precision_at_5": 17.666999999999998, + "recall_at_1": 56.094, + "recall_at_10": 86.68900000000001, + "recall_at_100": 94.333, + "recall_at_1000": 99.667, + "recall_at_3": 74.522, + "recall_at_5": 79.611, + "main_score": 72.506 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/SprintDuplicateQuestions.json b/results/infgrad__stella-base-en-v2/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..7ab66027c --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.83069306930693, + "cos_sim_ap": 95.69184662911199, + "cos_sim_f1": 91.4027149321267, + "cos_sim_precision": 91.91102123356926, + "cos_sim_recall": 90.9, + "dot_accuracy": 99.69405940594059, + "dot_ap": 90.21674151456216, + "dot_f1": 84.4489179667841, + "dot_precision": 85.00506585612969, + "dot_recall": 83.89999999999999, + "euclidean_accuracy": 99.83069306930693, + "euclidean_ap": 95.67760109671087, + "euclidean_f1": 91.19754350051177, + "euclidean_precision": 93.39622641509435, + "euclidean_recall": 89.1, + "manhattan_accuracy": 99.83267326732673, + "manhattan_ap": 95.69771347732625, + "manhattan_f1": 91.32420091324201, + "manhattan_precision": 92.68795056642637, + "manhattan_recall": 90.0, + "max_accuracy": 99.83267326732673, + "max_ap": 95.69771347732625, + "max_f1": 91.4027149321267, + "main_score": 95.69771347732625 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/StackExchangeClustering.json b/results/infgrad__stella-base-en-v2/external/StackExchangeClustering.json new file mode 100644 index 000000000..d409abed2 --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 64.47378332953092, + "main_score": 64.47378332953092 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/StackExchangeClusteringP2P.json b/results/infgrad__stella-base-en-v2/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..402a06be8 --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.79602531604151, + "main_score": 33.79602531604151 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/StackOverflowDupQuestions.json b/results/infgrad__stella-base-en-v2/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..10ccecc79 --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 53.80707639107175, + "mrr": 54.64886522790935, + "main_score": 53.80707639107175 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/SummEval.json b/results/infgrad__stella-base-en-v2/external/SummEval.json new file mode 100644 index 000000000..8350cead6 --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.852448373051395, + "cos_sim_spearman": 32.51821499493775, + "dot_pearson": 30.390650062190456, + "dot_spearman": 30.588836159667636, + "cosine_pearson": 30.852448373051395, + "cosine_spearman": 32.51821499493775, + "main_score": 32.51821499493775 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/TRECCOVID.json b/results/infgrad__stella-base-en-v2/external/TRECCOVID.json new file mode 100644 index 000000000..95c6f319b --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.198, + "map_at_10": 1.51, + "map_at_100": 8.882, + "map_at_1000": 22.181, + "map_at_3": 0.553, + "map_at_5": 0.843, + "mrr_at_1": 74.0, + "mrr_at_10": 84.89999999999999, + "mrr_at_100": 84.89999999999999, + "mrr_at_1000": 84.89999999999999, + "mrr_at_3": 84.0, + "mrr_at_5": 84.89999999999999, + "ndcg_at_1": 68.0, + "ndcg_at_10": 64.792, + "ndcg_at_100": 51.37199999999999, + "ndcg_at_1000": 47.392, + "ndcg_at_3": 68.46900000000001, + "ndcg_at_5": 67.084, + "precision_at_1": 74.0, + "precision_at_10": 69.39999999999999, + "precision_at_100": 53.080000000000005, + "precision_at_1000": 21.258, + "precision_at_3": 76.0, + "precision_at_5": 73.2, + "recall_at_1": 0.198, + "recall_at_10": 1.7950000000000002, + "recall_at_100": 12.626999999999999, + "recall_at_1000": 44.84, + "recall_at_3": 0.611, + "recall_at_5": 0.959, + "main_score": 64.792 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/Touche2020.json b/results/infgrad__stella-base-en-v2/external/Touche2020.json new file mode 100644 index 000000000..18a148fa6 --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 1.4949999999999999, + "map_at_10": 8.797, + "map_at_100": 14.889, + "map_at_1000": 16.309, + "map_at_3": 4.389, + "map_at_5": 6.776, + "mrr_at_1": 18.367, + "mrr_at_10": 35.844, + "mrr_at_100": 37.119, + "mrr_at_1000": 37.119, + "mrr_at_3": 30.612000000000002, + "mrr_at_5": 33.163, + "ndcg_at_1": 16.326999999999998, + "ndcg_at_10": 21.9, + "ndcg_at_100": 34.705000000000005, + "ndcg_at_1000": 45.709, + "ndcg_at_3": 22.7, + "ndcg_at_5": 23.197000000000003, + "precision_at_1": 18.367, + "precision_at_10": 21.02, + "precision_at_100": 7.714, + "precision_at_1000": 1.504, + "precision_at_3": 26.531, + "precision_at_5": 26.122, + "recall_at_1": 1.4949999999999999, + "recall_at_10": 15.504000000000001, + "recall_at_100": 47.978, + "recall_at_1000": 81.56, + "recall_at_3": 5.569, + "recall_at_5": 9.821, + "main_score": 21.9 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/ToxicConversationsClassification.json b/results/infgrad__stella-base-en-v2/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..ad5ef662b --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.99279999999999, + "ap": 15.459189680101492, + "f1": 56.33023271441895, + "main_score": 72.99279999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/TweetSentimentExtractionClassification.json b/results/infgrad__stella-base-en-v2/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..337453741 --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 63.070175438596486, + "f1": 63.28070758709465, + "main_score": 63.070175438596486 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/TwentyNewsgroupsClustering.json b/results/infgrad__stella-base-en-v2/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..681e03e50 --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 50.076231309703054, + "main_score": 50.076231309703054 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/TwitterSemEval2015.json b/results/infgrad__stella-base-en-v2/external/TwitterSemEval2015.json new file mode 100644 index 000000000..bd68e4bf1 --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 87.21463908922931, + "cos_sim_ap": 77.67287017966282, + "cos_sim_f1": 70.34412955465588, + "cos_sim_precision": 67.57413709285368, + "cos_sim_recall": 73.35092348284961, + "dot_accuracy": 85.04500208618943, + "dot_ap": 70.4075203869744, + "dot_f1": 66.18172537008678, + "dot_precision": 64.08798813643104, + "dot_recall": 68.41688654353561, + "euclidean_accuracy": 87.17887584192646, + "euclidean_ap": 77.5774128274464, + "euclidean_f1": 70.09307972480777, + "euclidean_precision": 71.70852884349986, + "euclidean_recall": 68.54881266490766, + "manhattan_accuracy": 87.28020504261787, + "manhattan_ap": 77.57835820297892, + "manhattan_f1": 70.23063591521131, + "manhattan_precision": 70.97817299919159, + "manhattan_recall": 69.49868073878628, + "max_accuracy": 87.28020504261787, + "max_ap": 77.67287017966282, + "max_f1": 70.34412955465588, + "main_score": 77.67287017966282 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/TwitterURLCorpus.json b/results/infgrad__stella-base-en-v2/external/TwitterURLCorpus.json new file mode 100644 index 000000000..8bfbcb556 --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.96650754841464, + "cos_sim_ap": 86.00185968965064, + "cos_sim_f1": 77.95861256351718, + "cos_sim_precision": 74.70712773465067, + "cos_sim_recall": 81.50600554357868, + "dot_accuracy": 87.36950362867233, + "dot_ap": 82.22071181147555, + "dot_f1": 74.85680716698488, + "dot_precision": 71.54688377316114, + "dot_recall": 78.48783492454572, + "euclidean_accuracy": 88.99561454573679, + "euclidean_ap": 86.15882097229648, + "euclidean_f1": 78.18463125322332, + "euclidean_precision": 74.95408956067241, + "euclidean_recall": 81.70619032953496, + "manhattan_accuracy": 88.96650754841464, + "manhattan_ap": 86.13133111232099, + "manhattan_f1": 78.10771470160115, + "manhattan_precision": 74.05465084184377, + "manhattan_recall": 82.63012011087157, + "max_accuracy": 88.99561454573679, + "max_ap": 86.15882097229648, + "max_f1": 78.18463125322332, + "main_score": 86.15882097229648 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-en-v2/external/model_meta.json b/results/infgrad__stella-base-en-v2/external/model_meta.json new file mode 100644 index 000000000..91472fa4a --- /dev/null +++ b/results/infgrad__stella-base-en-v2/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "infgrad/stella-base-en-v2", + "revision": "c9e80ff9892d80b39dc54e30a7873f91ea161034", + "release_date": "2023-10-19", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 54758923, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 768, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v2/external/AFQMC.json b/results/infgrad__stella-base-zh-v2/external/AFQMC.json new file mode 100644 index 000000000..785eb4b6a --- /dev/null +++ b/results/infgrad__stella-base-zh-v2/external/AFQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 44.62083443545288, + "cos_sim_spearman": 46.72814628391134, + "euclidean_pearson": 45.11522093816821, + "euclidean_spearman": 46.72818648900957, + "manhattan_pearson": 44.98820754682395, + "manhattan_spearman": 46.63576705524296, + "cosine_pearson": 44.62083443545288, + "cosine_spearman": 46.72814628391134, + "main_score": 46.72814628391134 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v2/external/ATEC.json b/results/infgrad__stella-base-zh-v2/external/ATEC.json new file mode 100644 index 000000000..63802929c --- /dev/null +++ b/results/infgrad__stella-base-zh-v2/external/ATEC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 49.543902370260234, + "cos_sim_spearman": 51.22161152883018, + "euclidean_pearson": 53.49586541060596, + "euclidean_spearman": 51.22161490583934, + "manhattan_pearson": 53.51023339947787, + "manhattan_spearman": 51.22426632538443, + "cosine_pearson": 49.543902370260234, + "cosine_spearman": 51.22161152883018, + "main_score": 51.22161152883018 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v2/external/AmazonReviewsClassification.json b/results/infgrad__stella-base-zh-v2/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..962c2b5bb --- /dev/null +++ b/results/infgrad__stella-base-zh-v2/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 39.644, + "f1": 37.67897186741224, + "main_score": 39.644 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v2/external/BQ.json b/results/infgrad__stella-base-zh-v2/external/BQ.json new file mode 100644 index 000000000..e34865b29 --- /dev/null +++ b/results/infgrad__stella-base-zh-v2/external/BQ.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 61.96416237112325, + "cos_sim_spearman": 64.80484064041543, + "euclidean_pearson": 63.281983537100594, + "euclidean_spearman": 64.80483024694405, + "manhattan_pearson": 63.266046412399426, + "manhattan_spearman": 64.79643672829964, + "cosine_pearson": 61.96416237112325, + "cosine_spearman": 64.80484064041543, + "main_score": 64.80484064041543 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v2/external/CLSClusteringP2P.json b/results/infgrad__stella-base-zh-v2/external/CLSClusteringP2P.json new file mode 100644 index 000000000..7f86ce1f8 --- /dev/null +++ b/results/infgrad__stella-base-zh-v2/external/CLSClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 40.25857488823951, + "main_score": 40.25857488823951 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v2/external/CLSClusteringS2S.json b/results/infgrad__stella-base-zh-v2/external/CLSClusteringS2S.json new file mode 100644 index 000000000..27348bdc6 --- /dev/null +++ b/results/infgrad__stella-base-zh-v2/external/CLSClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 37.17501553349549, + "main_score": 37.17501553349549 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v2/external/CmedqaRetrieval.json b/results/infgrad__stella-base-zh-v2/external/CmedqaRetrieval.json new file mode 100644 index 000000000..a50cb84d2 --- /dev/null +++ b/results/infgrad__stella-base-zh-v2/external/CmedqaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 24.181, + "map_at_10": 35.615, + "map_at_100": 37.444, + "map_at_1000": 37.573, + "map_at_3": 31.679000000000002, + "map_at_5": 33.854, + "mrr_at_1": 37.108999999999995, + "mrr_at_10": 44.653, + "mrr_at_100": 45.647, + "mrr_at_1000": 45.701, + "mrr_at_3": 42.256, + "mrr_at_5": 43.497, + "ndcg_at_1": 37.108999999999995, + "ndcg_at_10": 42.028999999999996, + "ndcg_at_100": 49.292, + "ndcg_at_1000": 51.64, + "ndcg_at_3": 37.017, + "ndcg_at_5": 38.997, + "precision_at_1": 37.108999999999995, + "precision_at_10": 9.386999999999999, + "precision_at_100": 1.536, + "precision_at_1000": 0.183, + "precision_at_3": 20.93, + "precision_at_5": 15.268999999999998, + "recall_at_1": 24.181, + "recall_at_10": 51.961999999999996, + "recall_at_100": 82.122, + "recall_at_1000": 98.059, + "recall_at_3": 36.730000000000004, + "recall_at_5": 42.884, + "main_score": 42.028999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v2/external/Cmnli.json b/results/infgrad__stella-base-zh-v2/external/Cmnli.json new file mode 100644 index 000000000..d3913772f --- /dev/null +++ b/results/infgrad__stella-base-zh-v2/external/Cmnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Cmnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 76.23571858087793, + "cos_sim_ap": 84.75290046905519, + "cos_sim_f1": 77.70114942528735, + "cos_sim_precision": 73.05475504322767, + "cos_sim_recall": 82.97872340425532, + "dot_accuracy": 76.23571858087793, + "dot_ap": 84.75113928508674, + "dot_f1": 77.70114942528735, + "dot_precision": 73.05475504322767, + "dot_recall": 82.97872340425532, + "euclidean_accuracy": 76.23571858087793, + "euclidean_ap": 84.75289931658567, + "euclidean_f1": 77.70114942528735, + "euclidean_precision": 73.05475504322767, + "euclidean_recall": 82.97872340425532, + "manhattan_accuracy": 76.17558628983764, + "manhattan_ap": 84.75764676597448, + "manhattan_f1": 77.73437499999999, + "manhattan_precision": 72.52480259161773, + "manhattan_recall": 83.75029226093056, + "max_accuracy": 76.23571858087793, + "max_ap": 84.75764676597448, + "max_f1": 77.73437499999999, + "main_score": 76.23571858087793 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v2/external/CovidRetrieval.json b/results/infgrad__stella-base-zh-v2/external/CovidRetrieval.json new file mode 100644 index 000000000..4491bad81 --- /dev/null +++ b/results/infgrad__stella-base-zh-v2/external/CovidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 67.43900000000001, + "map_at_10": 76.00099999999999, + "map_at_100": 76.297, + "map_at_1000": 76.29899999999999, + "map_at_3": 74.412, + "map_at_5": 75.177, + "mrr_at_1": 67.65, + "mrr_at_10": 76.007, + "mrr_at_100": 76.322, + "mrr_at_1000": 76.324, + "mrr_at_3": 74.464, + "mrr_at_5": 75.265, + "ndcg_at_1": 67.65, + "ndcg_at_10": 79.85600000000001, + "ndcg_at_100": 81.34400000000001, + "ndcg_at_1000": 81.44200000000001, + "ndcg_at_3": 76.576, + "ndcg_at_5": 77.956, + "precision_at_1": 67.65, + "precision_at_10": 9.283, + "precision_at_100": 0.9990000000000001, + "precision_at_1000": 0.101, + "precision_at_3": 27.749000000000002, + "precision_at_5": 17.345, + "recall_at_1": 67.43900000000001, + "recall_at_10": 91.781, + "recall_at_100": 98.84100000000001, + "recall_at_1000": 99.684, + "recall_at_3": 82.719, + "recall_at_5": 86.038, + "main_score": 79.85600000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v2/external/DuRetrieval.json b/results/infgrad__stella-base-zh-v2/external/DuRetrieval.json new file mode 100644 index 000000000..95bf9ba23 --- /dev/null +++ b/results/infgrad__stella-base-zh-v2/external/DuRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 25.354, + "map_at_10": 79.499, + "map_at_100": 82.416, + "map_at_1000": 82.451, + "map_at_3": 54.664, + "map_at_5": 69.378, + "mrr_at_1": 89.25, + "mrr_at_10": 92.666, + "mrr_at_100": 92.738, + "mrr_at_1000": 92.74, + "mrr_at_3": 92.342, + "mrr_at_5": 92.562, + "ndcg_at_1": 89.25, + "ndcg_at_10": 86.97, + "ndcg_at_100": 89.736, + "ndcg_at_1000": 90.069, + "ndcg_at_3": 85.476, + "ndcg_at_5": 84.679, + "precision_at_1": 89.25, + "precision_at_10": 41.9, + "precision_at_100": 4.811, + "precision_at_1000": 0.48900000000000005, + "precision_at_3": 76.86699999999999, + "precision_at_5": 65.25, + "recall_at_1": 25.354, + "recall_at_10": 88.64999999999999, + "recall_at_100": 97.56, + "recall_at_1000": 99.37, + "recall_at_3": 57.325, + "recall_at_5": 74.614, + "main_score": 86.97 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v2/external/EcomRetrieval.json b/results/infgrad__stella-base-zh-v2/external/EcomRetrieval.json new file mode 100644 index 000000000..e1b78046f --- /dev/null +++ b/results/infgrad__stella-base-zh-v2/external/EcomRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 48.3, + "map_at_10": 57.765, + "map_at_100": 58.418000000000006, + "map_at_1000": 58.43899999999999, + "map_at_3": 54.883, + "map_at_5": 56.672999999999995, + "mrr_at_1": 48.3, + "mrr_at_10": 57.765, + "mrr_at_100": 58.418000000000006, + "mrr_at_1000": 58.43899999999999, + "mrr_at_3": 54.883, + "mrr_at_5": 56.672999999999995, + "ndcg_at_1": 48.3, + "ndcg_at_10": 62.846000000000004, + "ndcg_at_100": 65.845, + "ndcg_at_1000": 66.369, + "ndcg_at_3": 56.996, + "ndcg_at_5": 60.214999999999996, + "precision_at_1": 48.3, + "precision_at_10": 7.9, + "precision_at_100": 0.9259999999999999, + "precision_at_1000": 0.097, + "precision_at_3": 21.032999999999998, + "precision_at_5": 14.180000000000001, + "recall_at_1": 48.3, + "recall_at_10": 79.0, + "recall_at_100": 92.60000000000001, + "recall_at_1000": 96.7, + "recall_at_3": 63.1, + "recall_at_5": 70.89999999999999, + "main_score": 62.846000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v2/external/IFlyTek.json b/results/infgrad__stella-base-zh-v2/external/IFlyTek.json new file mode 100644 index 000000000..472167dcc --- /dev/null +++ b/results/infgrad__stella-base-zh-v2/external/IFlyTek.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 47.895344363216616, + "f1": 34.95151253165417, + "main_score": 47.895344363216616 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v2/external/JDReview.json b/results/infgrad__stella-base-zh-v2/external/JDReview.json new file mode 100644 index 000000000..51e72a29e --- /dev/null +++ b/results/infgrad__stella-base-zh-v2/external/JDReview.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 84.78424015009381, + "ap": 52.436279969597685, + "f1": 79.49258679392281, + "main_score": 84.78424015009381 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v2/external/LCQMC.json b/results/infgrad__stella-base-zh-v2/external/LCQMC.json new file mode 100644 index 000000000..68d98eba4 --- /dev/null +++ b/results/infgrad__stella-base-zh-v2/external/LCQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 70.2307617475436, + "cos_sim_spearman": 76.88912653700545, + "euclidean_pearson": 75.47976675486538, + "euclidean_spearman": 76.88912210059333, + "manhattan_pearson": 75.45834919257487, + "manhattan_spearman": 76.8669208121889, + "cosine_pearson": 70.2307617475436, + "cosine_spearman": 76.88912653700545, + "main_score": 76.88912653700545 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v2/external/MMarcoReranking.json b/results/infgrad__stella-base-zh-v2/external/MMarcoReranking.json new file mode 100644 index 000000000..f1548f97a --- /dev/null +++ b/results/infgrad__stella-base-zh-v2/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 28.047948482579244, + "mrr": 26.63809523809524, + "main_score": 28.047948482579244 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v2/external/MMarcoRetrieval.json b/results/infgrad__stella-base-zh-v2/external/MMarcoRetrieval.json new file mode 100644 index 000000000..4ac3b95cb --- /dev/null +++ b/results/infgrad__stella-base-zh-v2/external/MMarcoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 65.837, + "map_at_10": 74.72, + "map_at_100": 75.068, + "map_at_1000": 75.079, + "map_at_3": 72.832, + "map_at_5": 74.07000000000001, + "mrr_at_1": 68.009, + "mrr_at_10": 75.29400000000001, + "mrr_at_100": 75.607, + "mrr_at_1000": 75.617, + "mrr_at_3": 73.677, + "mrr_at_5": 74.74199999999999, + "ndcg_at_1": 68.009, + "ndcg_at_10": 78.36, + "ndcg_at_100": 79.911, + "ndcg_at_1000": 80.226, + "ndcg_at_3": 74.825, + "ndcg_at_5": 76.9, + "precision_at_1": 68.009, + "precision_at_10": 9.463000000000001, + "precision_at_100": 1.023, + "precision_at_1000": 0.105, + "precision_at_3": 28.075, + "precision_at_5": 17.951, + "recall_at_1": 65.837, + "recall_at_10": 89.00099999999999, + "recall_at_100": 95.968, + "recall_at_1000": 98.461, + "recall_at_3": 79.69800000000001, + "recall_at_5": 84.623, + "main_score": 78.36 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v2/external/MassiveIntentClassification.json b/results/infgrad__stella-base-zh-v2/external/MassiveIntentClassification.json new file mode 100644 index 000000000..dcd5e99f0 --- /dev/null +++ b/results/infgrad__stella-base-zh-v2/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 68.08675184936112, + "f1": 65.51466585063827, + "main_score": 68.08675184936112 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v2/external/MassiveScenarioClassification.json b/results/infgrad__stella-base-zh-v2/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..80e39b56d --- /dev/null +++ b/results/infgrad__stella-base-zh-v2/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 73.22461331540013, + "f1": 72.675432030145, + "main_score": 73.22461331540013 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v2/external/MedicalRetrieval.json b/results/infgrad__stella-base-zh-v2/external/MedicalRetrieval.json new file mode 100644 index 000000000..80a703ca5 --- /dev/null +++ b/results/infgrad__stella-base-zh-v2/external/MedicalRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 49.2, + "map_at_10": 55.394, + "map_at_100": 55.883, + "map_at_1000": 55.93900000000001, + "map_at_3": 53.733, + "map_at_5": 54.778000000000006, + "mrr_at_1": 49.3, + "mrr_at_10": 55.444, + "mrr_at_100": 55.933, + "mrr_at_1000": 55.989, + "mrr_at_3": 53.783, + "mrr_at_5": 54.827999999999996, + "ndcg_at_1": 49.2, + "ndcg_at_10": 58.501999999999995, + "ndcg_at_100": 61.181, + "ndcg_at_1000": 62.848000000000006, + "ndcg_at_3": 55.143, + "ndcg_at_5": 57.032000000000004, + "precision_at_1": 49.2, + "precision_at_10": 6.83, + "precision_at_100": 0.815, + "precision_at_1000": 0.095, + "precision_at_3": 19.733, + "precision_at_5": 12.76, + "recall_at_1": 49.2, + "recall_at_10": 68.30000000000001, + "recall_at_100": 81.5, + "recall_at_1000": 95.0, + "recall_at_3": 59.199999999999996, + "recall_at_5": 63.800000000000004, + "main_score": 58.501999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v2/external/MultilingualSentiment.json b/results/infgrad__stella-base-zh-v2/external/MultilingualSentiment.json new file mode 100644 index 000000000..b6d13c85b --- /dev/null +++ b/results/infgrad__stella-base-zh-v2/external/MultilingualSentiment.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 71.66666666666666, + "f1": 70.92944632461379, + "main_score": 71.66666666666666 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v2/external/Ocnli.json b/results/infgrad__stella-base-zh-v2/external/Ocnli.json new file mode 100644 index 000000000..ec221b728 --- /dev/null +++ b/results/infgrad__stella-base-zh-v2/external/Ocnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Ocnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 70.00541418516514, + "cos_sim_ap": 75.16499510773514, + "cos_sim_f1": 73.09435517099301, + "cos_sim_precision": 59.932432432432435, + "cos_sim_recall": 93.66420274551214, + "dot_accuracy": 70.00541418516514, + "dot_ap": 75.16499510773514, + "dot_f1": 73.09435517099301, + "dot_precision": 59.932432432432435, + "dot_recall": 93.66420274551214, + "euclidean_accuracy": 70.00541418516514, + "euclidean_ap": 75.16499510773514, + "euclidean_f1": 73.09435517099301, + "euclidean_precision": 59.932432432432435, + "euclidean_recall": 93.66420274551214, + "manhattan_accuracy": 70.11369788846778, + "manhattan_ap": 75.1259071890593, + "manhattan_f1": 72.91399229781771, + "manhattan_precision": 61.294964028776974, + "manhattan_recall": 89.96832101372756, + "max_accuracy": 70.11369788846778, + "max_ap": 75.16499510773514, + "max_f1": 73.09435517099301, + "main_score": 70.11369788846778 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v2/external/OnlineShopping.json b/results/infgrad__stella-base-zh-v2/external/OnlineShopping.json new file mode 100644 index 000000000..a697e2ab1 --- /dev/null +++ b/results/infgrad__stella-base-zh-v2/external/OnlineShopping.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 91.38000000000002, + "ap": 89.12250244489272, + "f1": 91.36604511107015, + "main_score": 91.38000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v2/external/PAWSX.json b/results/infgrad__stella-base-zh-v2/external/PAWSX.json new file mode 100644 index 000000000..c5b538048 --- /dev/null +++ b/results/infgrad__stella-base-zh-v2/external/PAWSX.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 24.231255568030463, + "cos_sim_spearman": 29.6964906904186, + "euclidean_pearson": 30.166130502867016, + "euclidean_spearman": 29.69614167804371, + "manhattan_pearson": 30.166606116745935, + "manhattan_spearman": 29.62681453661945, + "cosine_pearson": 24.231255568030463, + "cosine_spearman": 29.6964906904186, + "main_score": 29.6964906904186 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v2/external/QBQTC.json b/results/infgrad__stella-base-zh-v2/external/QBQTC.json new file mode 100644 index 000000000..553e0c5d9 --- /dev/null +++ b/results/infgrad__stella-base-zh-v2/external/QBQTC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "QBQTC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 34.88835755574809, + "cos_sim_spearman": 37.3797926051053, + "euclidean_pearson": 35.46629492698549, + "euclidean_spearman": 37.37987510604593, + "manhattan_pearson": 35.4953353526957, + "manhattan_spearman": 37.41397231689605, + "cosine_pearson": 34.88835755574809, + "cosine_spearman": 37.3797926051053, + "main_score": 37.3797926051053 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v2/external/STS22.json b/results/infgrad__stella-base-zh-v2/external/STS22.json new file mode 100644 index 000000000..b86efa3d8 --- /dev/null +++ b/results/infgrad__stella-base-zh-v2/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 67.79575721136626, + "cos_sim_spearman": 69.02068400784196, + "euclidean_pearson": 68.30675023447176, + "euclidean_spearman": 69.02068400784196, + "manhattan_pearson": 69.91284259797827, + "manhattan_spearman": 70.31717787763641, + "cosine_pearson": 67.79575721136626, + "cosine_spearman": 69.02068400784196, + "main_score": 69.02068400784196 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v2/external/STSB.json b/results/infgrad__stella-base-zh-v2/external/STSB.json new file mode 100644 index 000000000..382c9caac --- /dev/null +++ b/results/infgrad__stella-base-zh-v2/external/STSB.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 79.05026785034129, + "cos_sim_spearman": 79.62719014756249, + "euclidean_pearson": 79.13305301290063, + "euclidean_spearman": 79.62710682651051, + "manhattan_pearson": 79.07012559140433, + "manhattan_spearman": 79.58333069893605, + "cosine_pearson": 79.05026785034129, + "cosine_spearman": 79.62719014756249, + "main_score": 79.62719014756249 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v2/external/T2Reranking.json b/results/infgrad__stella-base-zh-v2/external/T2Reranking.json new file mode 100644 index 000000000..19e76f183 --- /dev/null +++ b/results/infgrad__stella-base-zh-v2/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 66.34533369244325, + "mrr": 75.93632792769557, + "main_score": 66.34533369244325 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v2/external/T2Retrieval.json b/results/infgrad__stella-base-zh-v2/external/T2Retrieval.json new file mode 100644 index 000000000..6e046e496 --- /dev/null +++ b/results/infgrad__stella-base-zh-v2/external/T2Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 26.995, + "map_at_10": 76.083, + "map_at_100": 79.727, + "map_at_1000": 79.798, + "map_at_3": 53.455, + "map_at_5": 65.747, + "mrr_at_1": 89.536, + "mrr_at_10": 91.972, + "mrr_at_100": 92.07, + "mrr_at_1000": 92.07499999999999, + "mrr_at_3": 91.52900000000001, + "mrr_at_5": 91.806, + "ndcg_at_1": 89.536, + "ndcg_at_10": 83.756, + "ndcg_at_100": 87.468, + "ndcg_at_1000": 88.16199999999999, + "ndcg_at_3": 85.349, + "ndcg_at_5": 83.855, + "precision_at_1": 89.536, + "precision_at_10": 41.713, + "precision_at_100": 4.994, + "precision_at_1000": 0.515, + "precision_at_3": 74.81400000000001, + "precision_at_5": 62.678, + "recall_at_1": 26.995, + "recall_at_10": 82.586, + "recall_at_100": 94.726, + "recall_at_1000": 98.276, + "recall_at_3": 55.106, + "recall_at_5": 69.096, + "main_score": 83.756 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v2/external/TNews.json b/results/infgrad__stella-base-zh-v2/external/TNews.json new file mode 100644 index 000000000..6315df8aa --- /dev/null +++ b/results/infgrad__stella-base-zh-v2/external/TNews.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 51.25200000000001, + "f1": 49.43760438233612, + "main_score": 51.25200000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v2/external/ThuNewsClusteringP2P.json b/results/infgrad__stella-base-zh-v2/external/ThuNewsClusteringP2P.json new file mode 100644 index 000000000..6a8e15107 --- /dev/null +++ b/results/infgrad__stella-base-zh-v2/external/ThuNewsClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 62.18575394560257, + "main_score": 62.18575394560257 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v2/external/ThuNewsClusteringS2S.json b/results/infgrad__stella-base-zh-v2/external/ThuNewsClusteringS2S.json new file mode 100644 index 000000000..ee4b8fa8f --- /dev/null +++ b/results/infgrad__stella-base-zh-v2/external/ThuNewsClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 57.97489103903411, + "main_score": 57.97489103903411 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v2/external/VideoRetrieval.json b/results/infgrad__stella-base-zh-v2/external/VideoRetrieval.json new file mode 100644 index 000000000..6bcf9d2ae --- /dev/null +++ b/results/infgrad__stella-base-zh-v2/external/VideoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 52.2, + "map_at_10": 63.23800000000001, + "map_at_100": 63.788, + "map_at_1000": 63.800999999999995, + "map_at_3": 61.016999999999996, + "map_at_5": 62.392, + "mrr_at_1": 52.2, + "mrr_at_10": 63.23800000000001, + "mrr_at_100": 63.788, + "mrr_at_1000": 63.800999999999995, + "mrr_at_3": 61.016999999999996, + "mrr_at_5": 62.392, + "ndcg_at_1": 52.2, + "ndcg_at_10": 68.273, + "ndcg_at_100": 70.892, + "ndcg_at_1000": 71.207, + "ndcg_at_3": 63.794, + "ndcg_at_5": 66.268, + "precision_at_1": 52.2, + "precision_at_10": 8.39, + "precision_at_100": 0.96, + "precision_at_1000": 0.098, + "precision_at_3": 23.933, + "precision_at_5": 15.559999999999999, + "recall_at_1": 52.2, + "recall_at_10": 83.89999999999999, + "recall_at_100": 96.0, + "recall_at_1000": 98.4, + "recall_at_3": 71.8, + "recall_at_5": 77.8, + "main_score": 68.273 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v2/external/Waimai.json b/results/infgrad__stella-base-zh-v2/external/Waimai.json new file mode 100644 index 000000000..891126aae --- /dev/null +++ b/results/infgrad__stella-base-zh-v2/external/Waimai.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 86.67999999999999, + "ap": 69.96366657730151, + "f1": 84.92349905611292, + "main_score": 86.67999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v2/external/model_meta.json b/results/infgrad__stella-base-zh-v2/external/model_meta.json new file mode 100644 index 000000000..cc04d9ea7 --- /dev/null +++ b/results/infgrad__stella-base-zh-v2/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "infgrad/stella-base-zh-v2", + "revision": "371b9eaeb6310f8445f15e54532c241ad7f77b4f", + "release_date": "2023-10-13", + "languages": [], + "loader": null, + "n_parameters": 51349259, + "memory_usage": null, + "max_tokens": 1024, + "embed_dim": 768, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v3-1792d/external/AFQMC.json b/results/infgrad__stella-base-zh-v3-1792d/external/AFQMC.json new file mode 100644 index 000000000..a4a23045f --- /dev/null +++ b/results/infgrad__stella-base-zh-v3-1792d/external/AFQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 54.5145388936202, + "cos_sim_spearman": 59.223125058197134, + "euclidean_pearson": 57.819377838734695, + "euclidean_spearman": 59.22310494948463, + "manhattan_pearson": 57.44029759610327, + "manhattan_spearman": 58.88336250854381, + "cosine_pearson": 54.5145388936202, + "cosine_spearman": 59.223125058197134, + "main_score": 59.223125058197134 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v3-1792d/external/ATEC.json b/results/infgrad__stella-base-zh-v3-1792d/external/ATEC.json new file mode 100644 index 000000000..6ac4fd58e --- /dev/null +++ b/results/infgrad__stella-base-zh-v3-1792d/external/ATEC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 54.544243591344866, + "cos_sim_spearman": 58.43052988038229, + "euclidean_pearson": 62.1608405146189, + "euclidean_spearman": 58.43052762862396, + "manhattan_pearson": 61.88443779892169, + "manhattan_spearman": 58.26899143609596, + "cosine_pearson": 54.544243591344866, + "cosine_spearman": 58.43052988038229, + "main_score": 58.43052988038229 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v3-1792d/external/AmazonReviewsClassification.json b/results/infgrad__stella-base-zh-v3-1792d/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..d7a52bb9f --- /dev/null +++ b/results/infgrad__stella-base-zh-v3-1792d/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 46.343999999999994, + "f1": 44.46931958420461, + "main_score": 46.343999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v3-1792d/external/BQ.json b/results/infgrad__stella-base-zh-v3-1792d/external/BQ.json new file mode 100644 index 000000000..51cb1c858 --- /dev/null +++ b/results/infgrad__stella-base-zh-v3-1792d/external/BQ.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 68.52081000538426, + "cos_sim_spearman": 70.44089935351529, + "euclidean_pearson": 69.24671010626395, + "euclidean_spearman": 70.44090281761693, + "manhattan_pearson": 69.00737718109357, + "manhattan_spearman": 70.24344902456502, + "cosine_pearson": 68.52081000538426, + "cosine_spearman": 70.44089935351529, + "main_score": 70.44089935351529 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v3-1792d/external/CLSClusteringP2P.json b/results/infgrad__stella-base-zh-v3-1792d/external/CLSClusteringP2P.json new file mode 100644 index 000000000..7acff90e7 --- /dev/null +++ b/results/infgrad__stella-base-zh-v3-1792d/external/CLSClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 42.86119436460332, + "main_score": 42.86119436460332 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v3-1792d/external/CLSClusteringS2S.json b/results/infgrad__stella-base-zh-v3-1792d/external/CLSClusteringS2S.json new file mode 100644 index 000000000..7b6bb3686 --- /dev/null +++ b/results/infgrad__stella-base-zh-v3-1792d/external/CLSClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 39.97521728440642, + "main_score": 39.97521728440642 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v3-1792d/external/CmedqaRetrieval.json b/results/infgrad__stella-base-zh-v3-1792d/external/CmedqaRetrieval.json new file mode 100644 index 000000000..820b48027 --- /dev/null +++ b/results/infgrad__stella-base-zh-v3-1792d/external/CmedqaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 25.651000000000003, + "map_at_10": 38.576, + "map_at_100": 40.534, + "map_at_1000": 40.64, + "map_at_3": 34.016000000000005, + "map_at_5": 36.675999999999995, + "mrr_at_1": 39.06, + "mrr_at_10": 47.278, + "mrr_at_100": 48.272999999999996, + "mrr_at_1000": 48.314, + "mrr_at_3": 44.461, + "mrr_at_5": 46.107, + "ndcg_at_1": 39.06, + "ndcg_at_10": 45.384, + "ndcg_at_100": 52.796, + "ndcg_at_1000": 54.55, + "ndcg_at_3": 39.497, + "ndcg_at_5": 42.189, + "precision_at_1": 39.06, + "precision_at_10": 10.17, + "precision_at_100": 1.6179999999999999, + "precision_at_1000": 0.184, + "precision_at_3": 22.247, + "precision_at_5": 16.529, + "recall_at_1": 25.651000000000003, + "recall_at_10": 56.82899999999999, + "recall_at_100": 87.134, + "recall_at_1000": 98.709, + "recall_at_3": 39.461, + "recall_at_5": 47.329, + "main_score": 45.384 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v3-1792d/external/Cmnli.json b/results/infgrad__stella-base-zh-v3-1792d/external/Cmnli.json new file mode 100644 index 000000000..f46b40571 --- /dev/null +++ b/results/infgrad__stella-base-zh-v3-1792d/external/Cmnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Cmnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 83.1870114251353, + "cos_sim_ap": 90.42393852164342, + "cos_sim_f1": 84.10685985963323, + "cos_sim_precision": 81.5229317533465, + "cos_sim_recall": 86.85994856207621, + "dot_accuracy": 83.1870114251353, + "dot_ap": 90.41339758845682, + "dot_f1": 84.10685985963323, + "dot_precision": 81.5229317533465, + "dot_recall": 86.85994856207621, + "euclidean_accuracy": 83.1870114251353, + "euclidean_ap": 90.42393581056393, + "euclidean_f1": 84.10685985963323, + "euclidean_precision": 81.5229317533465, + "euclidean_recall": 86.85994856207621, + "manhattan_accuracy": 82.77811184606134, + "manhattan_ap": 90.18115714681704, + "manhattan_f1": 83.75083130126357, + "manhattan_precision": 79.62065331928345, + "manhattan_recall": 88.33294365209258, + "max_accuracy": 83.1870114251353, + "max_ap": 90.42393852164342, + "max_f1": 84.10685985963323, + "main_score": 83.1870114251353 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v3-1792d/external/CovidRetrieval.json b/results/infgrad__stella-base-zh-v3-1792d/external/CovidRetrieval.json new file mode 100644 index 000000000..cc9af27ca --- /dev/null +++ b/results/infgrad__stella-base-zh-v3-1792d/external/CovidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 68.388, + "map_at_10": 76.819, + "map_at_100": 77.153, + "map_at_1000": 77.16, + "map_at_3": 74.98700000000001, + "map_at_5": 76.101, + "mrr_at_1": 68.599, + "mrr_at_10": 76.844, + "mrr_at_100": 77.168, + "mrr_at_1000": 77.17500000000001, + "mrr_at_3": 75.044, + "mrr_at_5": 76.208, + "ndcg_at_1": 68.599, + "ndcg_at_10": 80.613, + "ndcg_at_100": 82.017, + "ndcg_at_1000": 82.19300000000001, + "ndcg_at_3": 76.956, + "ndcg_at_5": 78.962, + "precision_at_1": 68.599, + "precision_at_10": 9.336, + "precision_at_100": 0.996, + "precision_at_1000": 0.101, + "precision_at_3": 27.678000000000004, + "precision_at_5": 17.619, + "recall_at_1": 68.388, + "recall_at_10": 92.36, + "recall_at_100": 98.52499999999999, + "recall_at_1000": 99.895, + "recall_at_3": 82.53399999999999, + "recall_at_5": 87.355, + "main_score": 80.613 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v3-1792d/external/DuRetrieval.json b/results/infgrad__stella-base-zh-v3-1792d/external/DuRetrieval.json new file mode 100644 index 000000000..3cad263bb --- /dev/null +++ b/results/infgrad__stella-base-zh-v3-1792d/external/DuRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 25.1, + "map_at_10": 77.71000000000001, + "map_at_100": 80.638, + "map_at_1000": 80.679, + "map_at_3": 53.187, + "map_at_5": 67.735, + "mrr_at_1": 87.8, + "mrr_at_10": 91.8, + "mrr_at_100": 91.893, + "mrr_at_1000": 91.89500000000001, + "mrr_at_3": 91.51700000000001, + "mrr_at_5": 91.704, + "ndcg_at_1": 87.8, + "ndcg_at_10": 85.55, + "ndcg_at_100": 88.626, + "ndcg_at_1000": 89.021, + "ndcg_at_3": 83.94, + "ndcg_at_5": 83.259, + "precision_at_1": 87.8, + "precision_at_10": 41.295, + "precision_at_100": 4.781, + "precision_at_1000": 0.488, + "precision_at_3": 75.3, + "precision_at_5": 64.13, + "recall_at_1": 25.1, + "recall_at_10": 87.076, + "recall_at_100": 97.095, + "recall_at_1000": 99.129, + "recall_at_3": 56.013999999999996, + "recall_at_5": 73.2, + "main_score": 85.55 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v3-1792d/external/EcomRetrieval.json b/results/infgrad__stella-base-zh-v3-1792d/external/EcomRetrieval.json new file mode 100644 index 000000000..ed22d0055 --- /dev/null +++ b/results/infgrad__stella-base-zh-v3-1792d/external/EcomRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 53.300000000000004, + "map_at_10": 63.01, + "map_at_100": 63.574, + "map_at_1000": 63.587, + "map_at_3": 60.783, + "map_at_5": 62.098, + "mrr_at_1": 53.300000000000004, + "mrr_at_10": 63.01, + "mrr_at_100": 63.574, + "mrr_at_1000": 63.587, + "mrr_at_3": 60.783, + "mrr_at_5": 62.098, + "ndcg_at_1": 53.300000000000004, + "ndcg_at_10": 67.876, + "ndcg_at_100": 70.434, + "ndcg_at_1000": 70.753, + "ndcg_at_3": 63.275000000000006, + "ndcg_at_5": 65.654, + "precision_at_1": 53.300000000000004, + "precision_at_10": 8.32, + "precision_at_100": 0.9480000000000001, + "precision_at_1000": 0.097, + "precision_at_3": 23.5, + "precision_at_5": 15.260000000000002, + "recall_at_1": 53.300000000000004, + "recall_at_10": 83.2, + "recall_at_100": 94.8, + "recall_at_1000": 97.3, + "recall_at_3": 70.5, + "recall_at_5": 76.3, + "main_score": 67.876 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v3-1792d/external/IFlyTek.json b/results/infgrad__stella-base-zh-v3-1792d/external/IFlyTek.json new file mode 100644 index 000000000..97f1f6387 --- /dev/null +++ b/results/infgrad__stella-base-zh-v3-1792d/external/IFlyTek.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 49.92689495959984, + "f1": 37.784780470986625, + "main_score": 49.92689495959984 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v3-1792d/external/JDReview.json b/results/infgrad__stella-base-zh-v3-1792d/external/JDReview.json new file mode 100644 index 000000000..e5fa37744 --- /dev/null +++ b/results/infgrad__stella-base-zh-v3-1792d/external/JDReview.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 86.26641651031895, + "ap": 54.50750244841821, + "f1": 80.94927946681523, + "main_score": 86.26641651031895 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v3-1792d/external/LCQMC.json b/results/infgrad__stella-base-zh-v3-1792d/external/LCQMC.json new file mode 100644 index 000000000..cee1980f8 --- /dev/null +++ b/results/infgrad__stella-base-zh-v3-1792d/external/LCQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 72.3980811478615, + "cos_sim_spearman": 78.26906056425528, + "euclidean_pearson": 77.87705501225068, + "euclidean_spearman": 78.26905834518651, + "manhattan_pearson": 77.77154630197, + "manhattan_spearman": 78.1940918602169, + "cosine_pearson": 72.3980811478615, + "cosine_spearman": 78.26906056425528, + "main_score": 78.26906056425528 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v3-1792d/external/MMarcoReranking.json b/results/infgrad__stella-base-zh-v3-1792d/external/MMarcoReranking.json new file mode 100644 index 000000000..85ba06827 --- /dev/null +++ b/results/infgrad__stella-base-zh-v3-1792d/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 27.48003475319453, + "mrr": 26.400793650793652, + "main_score": 27.48003475319453 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v3-1792d/external/MMarcoRetrieval.json b/results/infgrad__stella-base-zh-v3-1792d/external/MMarcoRetrieval.json new file mode 100644 index 000000000..864ee0b23 --- /dev/null +++ b/results/infgrad__stella-base-zh-v3-1792d/external/MMarcoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 64.373, + "map_at_10": 73.604, + "map_at_100": 73.953, + "map_at_1000": 73.965, + "map_at_3": 71.70100000000001, + "map_at_5": 72.859, + "mrr_at_1": 66.676, + "mrr_at_10": 74.248, + "mrr_at_100": 74.56099999999999, + "mrr_at_1000": 74.572, + "mrr_at_3": 72.59100000000001, + "mrr_at_5": 73.592, + "ndcg_at_1": 66.676, + "ndcg_at_10": 77.417, + "ndcg_at_100": 79.006, + "ndcg_at_1000": 79.334, + "ndcg_at_3": 73.787, + "ndcg_at_5": 75.74, + "precision_at_1": 66.676, + "precision_at_10": 9.418, + "precision_at_100": 1.0210000000000001, + "precision_at_1000": 0.105, + "precision_at_3": 27.832, + "precision_at_5": 17.736, + "recall_at_1": 64.373, + "recall_at_10": 88.565, + "recall_at_100": 95.789, + "recall_at_1000": 98.355, + "recall_at_3": 78.914, + "recall_at_5": 83.56, + "main_score": 77.417 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v3-1792d/external/MassiveIntentClassification.json b/results/infgrad__stella-base-zh-v3-1792d/external/MassiveIntentClassification.json new file mode 100644 index 000000000..691a0a351 --- /dev/null +++ b/results/infgrad__stella-base-zh-v3-1792d/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 72.0544720914593, + "f1": 69.61749470345791, + "main_score": 72.0544720914593 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v3-1792d/external/MassiveScenarioClassification.json b/results/infgrad__stella-base-zh-v3-1792d/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..c652593e9 --- /dev/null +++ b/results/infgrad__stella-base-zh-v3-1792d/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 75.30262273032953, + "f1": 75.05097671215634, + "main_score": 75.30262273032953 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v3-1792d/external/MedicalRetrieval.json b/results/infgrad__stella-base-zh-v3-1792d/external/MedicalRetrieval.json new file mode 100644 index 000000000..508599baa --- /dev/null +++ b/results/infgrad__stella-base-zh-v3-1792d/external/MedicalRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 55.1, + "map_at_10": 61.284000000000006, + "map_at_100": 61.794000000000004, + "map_at_1000": 61.838, + "map_at_3": 59.75, + "map_at_5": 60.64000000000001, + "mrr_at_1": 55.300000000000004, + "mrr_at_10": 61.38400000000001, + "mrr_at_100": 61.894000000000005, + "mrr_at_1000": 61.938, + "mrr_at_3": 59.85, + "mrr_at_5": 60.74, + "ndcg_at_1": 55.1, + "ndcg_at_10": 64.345, + "ndcg_at_100": 67.148, + "ndcg_at_1000": 68.36, + "ndcg_at_3": 61.182, + "ndcg_at_5": 62.808, + "precision_at_1": 55.1, + "precision_at_10": 7.3999999999999995, + "precision_at_100": 0.8789999999999999, + "precision_at_1000": 0.098, + "precision_at_3": 21.767, + "precision_at_5": 13.86, + "recall_at_1": 55.1, + "recall_at_10": 74, + "recall_at_100": 87.9, + "recall_at_1000": 97.5, + "recall_at_3": 65.3, + "recall_at_5": 69.3, + "main_score": 64.345 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v3-1792d/external/MultilingualSentiment.json b/results/infgrad__stella-base-zh-v3-1792d/external/MultilingualSentiment.json new file mode 100644 index 000000000..700fd563d --- /dev/null +++ b/results/infgrad__stella-base-zh-v3-1792d/external/MultilingualSentiment.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 76.21666666666667, + "f1": 76.03732395559548, + "main_score": 76.21666666666667 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v3-1792d/external/Ocnli.json b/results/infgrad__stella-base-zh-v3-1792d/external/Ocnli.json new file mode 100644 index 000000000..5ba916d4f --- /dev/null +++ b/results/infgrad__stella-base-zh-v3-1792d/external/Ocnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Ocnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 81.8083378451543, + "cos_sim_ap": 85.43050139514027, + "cos_sim_f1": 83.25969563082965, + "cos_sim_precision": 77.79816513761469, + "cos_sim_recall": 89.54593453009504, + "dot_accuracy": 81.8083378451543, + "dot_ap": 85.43050139514027, + "dot_f1": 83.25969563082965, + "dot_precision": 77.79816513761469, + "dot_recall": 89.54593453009504, + "euclidean_accuracy": 81.8083378451543, + "euclidean_ap": 85.43050139514027, + "euclidean_f1": 83.25969563082965, + "euclidean_precision": 77.79816513761469, + "euclidean_recall": 89.54593453009504, + "manhattan_accuracy": 81.53762858689767, + "manhattan_ap": 84.90556637024838, + "manhattan_f1": 82.90258449304174, + "manhattan_precision": 78.30985915492957, + "manhattan_recall": 88.0675818373812, + "max_accuracy": 81.8083378451543, + "max_ap": 85.43050139514027, + "max_f1": 83.25969563082965, + "main_score": 81.8083378451543 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v3-1792d/external/OnlineShopping.json b/results/infgrad__stella-base-zh-v3-1792d/external/OnlineShopping.json new file mode 100644 index 000000000..8de946750 --- /dev/null +++ b/results/infgrad__stella-base-zh-v3-1792d/external/OnlineShopping.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 93.53, + "ap": 91.62070655043128, + "f1": 93.51908163199477, + "main_score": 93.53 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v3-1792d/external/PAWSX.json b/results/infgrad__stella-base-zh-v3-1792d/external/PAWSX.json new file mode 100644 index 000000000..e956c2581 --- /dev/null +++ b/results/infgrad__stella-base-zh-v3-1792d/external/PAWSX.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 38.451787103814375, + "cos_sim_spearman": 43.97299462643919, + "euclidean_pearson": 43.63298716626501, + "euclidean_spearman": 43.973080252178576, + "manhattan_pearson": 43.37465277323481, + "manhattan_spearman": 43.71981281220414, + "cosine_pearson": 38.451787103814375, + "cosine_spearman": 43.97299462643919, + "main_score": 43.97299462643919 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v3-1792d/external/QBQTC.json b/results/infgrad__stella-base-zh-v3-1792d/external/QBQTC.json new file mode 100644 index 000000000..442bac2c5 --- /dev/null +++ b/results/infgrad__stella-base-zh-v3-1792d/external/QBQTC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "QBQTC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 37.75882451277358, + "cos_sim_spearman": 40.0244327844802, + "euclidean_pearson": 38.11050875514246, + "euclidean_spearman": 40.02440987254504, + "manhattan_pearson": 38.03186803221696, + "manhattan_spearman": 39.757452890246775, + "cosine_pearson": 37.75882451277358, + "cosine_spearman": 40.0244327844802, + "main_score": 40.0244327844802 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v3-1792d/external/STS22.json b/results/infgrad__stella-base-zh-v3-1792d/external/STS22.json new file mode 100644 index 000000000..6fd6282bd --- /dev/null +++ b/results/infgrad__stella-base-zh-v3-1792d/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 65.9133992390713, + "cos_sim_spearman": 66.4894937647578, + "euclidean_pearson": 66.19047142189935, + "euclidean_spearman": 66.4894937647578, + "manhattan_pearson": 66.6960935896136, + "manhattan_spearman": 66.88179996508133, + "cosine_pearson": 65.9133992390713, + "cosine_spearman": 66.4894937647578, + "main_score": 66.4894937647578 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v3-1792d/external/STSB.json b/results/infgrad__stella-base-zh-v3-1792d/external/STSB.json new file mode 100644 index 000000000..c599921c6 --- /dev/null +++ b/results/infgrad__stella-base-zh-v3-1792d/external/STSB.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 80.55099417946924, + "cos_sim_spearman": 83.05000687568048, + "euclidean_pearson": 82.62744668792926, + "euclidean_spearman": 83.05000687568048, + "manhattan_pearson": 82.6543207325763, + "manhattan_spearman": 83.06852715971705, + "cosine_pearson": 80.55099417946924, + "cosine_spearman": 83.05000687568048, + "main_score": 83.05000687568048 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v3-1792d/external/T2Reranking.json b/results/infgrad__stella-base-zh-v3-1792d/external/T2Reranking.json new file mode 100644 index 000000000..d31ccd252 --- /dev/null +++ b/results/infgrad__stella-base-zh-v3-1792d/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 66.48634798223672, + "mrr": 76.30158461488861, + "main_score": 66.48634798223672 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v3-1792d/external/T2Retrieval.json b/results/infgrad__stella-base-zh-v3-1792d/external/T2Retrieval.json new file mode 100644 index 000000000..a5a806848 --- /dev/null +++ b/results/infgrad__stella-base-zh-v3-1792d/external/T2Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 27.483999999999998, + "map_at_10": 76.848, + "map_at_100": 80.541, + "map_at_1000": 80.607, + "map_at_3": 54.111, + "map_at_5": 66.46300000000001, + "mrr_at_1": 90.045, + "mrr_at_10": 92.552, + "mrr_at_100": 92.642, + "mrr_at_1000": 92.645, + "mrr_at_3": 92.134, + "mrr_at_5": 92.391, + "ndcg_at_1": 90.045, + "ndcg_at_10": 84.504, + "ndcg_at_100": 88.23100000000001, + "ndcg_at_1000": 88.85300000000001, + "ndcg_at_3": 85.992, + "ndcg_at_5": 84.548, + "precision_at_1": 90.045, + "precision_at_10": 41.91, + "precision_at_100": 5.017, + "precision_at_1000": 0.516, + "precision_at_3": 75.15899999999999, + "precision_at_5": 62.958000000000006, + "recall_at_1": 27.483999999999998, + "recall_at_10": 83.408, + "recall_at_100": 95.514, + "recall_at_1000": 98.65, + "recall_at_3": 55.822, + "recall_at_5": 69.868, + "main_score": 84.504 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v3-1792d/external/TNews.json b/results/infgrad__stella-base-zh-v3-1792d/external/TNews.json new file mode 100644 index 000000000..789a6e7fe --- /dev/null +++ b/results/infgrad__stella-base-zh-v3-1792d/external/TNews.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 53.196, + "f1": 51.51679244513836, + "main_score": 53.196 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v3-1792d/external/ThuNewsClusteringP2P.json b/results/infgrad__stella-base-zh-v3-1792d/external/ThuNewsClusteringP2P.json new file mode 100644 index 000000000..8d5c2c2a0 --- /dev/null +++ b/results/infgrad__stella-base-zh-v3-1792d/external/ThuNewsClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 67.87592101539063, + "main_score": 67.87592101539063 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v3-1792d/external/ThuNewsClusteringS2S.json b/results/infgrad__stella-base-zh-v3-1792d/external/ThuNewsClusteringS2S.json new file mode 100644 index 000000000..4c9b90aaf --- /dev/null +++ b/results/infgrad__stella-base-zh-v3-1792d/external/ThuNewsClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 62.4675464095125, + "main_score": 62.4675464095125 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v3-1792d/external/VideoRetrieval.json b/results/infgrad__stella-base-zh-v3-1792d/external/VideoRetrieval.json new file mode 100644 index 000000000..de6ff8121 --- /dev/null +++ b/results/infgrad__stella-base-zh-v3-1792d/external/VideoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 57.9, + "map_at_10": 68.099, + "map_at_100": 68.55499999999999, + "map_at_1000": 68.566, + "map_at_3": 66.4, + "map_at_5": 67.46, + "mrr_at_1": 57.9, + "mrr_at_10": 68.099, + "mrr_at_100": 68.55499999999999, + "mrr_at_1000": 68.566, + "mrr_at_3": 66.4, + "mrr_at_5": 67.46, + "ndcg_at_1": 57.9, + "ndcg_at_10": 72.555, + "ndcg_at_100": 74.715, + "ndcg_at_1000": 75.034, + "ndcg_at_3": 69.102, + "ndcg_at_5": 71.004, + "precision_at_1": 57.9, + "precision_at_10": 8.63, + "precision_at_100": 0.963, + "precision_at_1000": 0.099, + "precision_at_3": 25.633, + "precision_at_5": 16.3, + "recall_at_1": 57.9, + "recall_at_10": 86.3, + "recall_at_100": 96.3, + "recall_at_1000": 98.9, + "recall_at_3": 76.9, + "recall_at_5": 81.5, + "main_score": 72.555 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v3-1792d/external/Waimai.json b/results/infgrad__stella-base-zh-v3-1792d/external/Waimai.json new file mode 100644 index 000000000..05e4a389f --- /dev/null +++ b/results/infgrad__stella-base-zh-v3-1792d/external/Waimai.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 87.27000000000001, + "ap": 71.10883470119464, + "f1": 85.76618863591946, + "main_score": 87.27000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh-v3-1792d/external/model_meta.json b/results/infgrad__stella-base-zh-v3-1792d/external/model_meta.json new file mode 100644 index 000000000..fff98ccab --- /dev/null +++ b/results/infgrad__stella-base-zh-v3-1792d/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "infgrad/stella-base-zh-v3-1792d", + "revision": "82254892a0fba125aa2abf3a4800d2dd12821343", + "release_date": "2024-02-17", + "languages": [], + "loader": null, + "n_parameters": 102086472, + "memory_usage": null, + "max_tokens": 1024, + "embed_dim": 1792, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh/external/AFQMC.json b/results/infgrad__stella-base-zh/external/AFQMC.json new file mode 100644 index 000000000..3698f191a --- /dev/null +++ b/results/infgrad__stella-base-zh/external/AFQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 49.34825050234731, + "cos_sim_spearman": 51.74726338428475, + "euclidean_pearson": 50.14955499038012, + "euclidean_spearman": 51.74730359287025, + "manhattan_pearson": 50.016703594410615, + "manhattan_spearman": 51.63936364317057, + "cosine_pearson": 49.34825050234731, + "cosine_spearman": 51.74726338428475, + "main_score": 51.74726338428475 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh/external/ATEC.json b/results/infgrad__stella-base-zh/external/ATEC.json new file mode 100644 index 000000000..7c2ca3fa3 --- /dev/null +++ b/results/infgrad__stella-base-zh/external/ATEC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 52.26876163587667, + "cos_sim_spearman": 52.818410137444374, + "euclidean_pearson": 55.24925286208574, + "euclidean_spearman": 52.818404507964686, + "manhattan_pearson": 55.21236977375391, + "manhattan_spearman": 52.80289117015117, + "cosine_pearson": 52.26876163587667, + "cosine_spearman": 52.818410137444374, + "main_score": 52.818410137444374 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh/external/AmazonReviewsClassification.json b/results/infgrad__stella-base-zh/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..e6c68e157 --- /dev/null +++ b/results/infgrad__stella-base-zh/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 40.245999999999995, + "f1": 38.55443674287747, + "main_score": 40.245999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh/external/BQ.json b/results/infgrad__stella-base-zh/external/BQ.json new file mode 100644 index 000000000..fc15fe593 --- /dev/null +++ b/results/infgrad__stella-base-zh/external/BQ.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 61.553652835163255, + "cos_sim_spearman": 63.29065064027392, + "euclidean_pearson": 62.000329557485, + "euclidean_spearman": 63.290650638944825, + "manhattan_pearson": 62.02786936153664, + "manhattan_spearman": 63.32720383880146, + "cosine_pearson": 61.553652835163255, + "cosine_spearman": 63.29065064027392, + "main_score": 63.29065064027392 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh/external/CLSClusteringP2P.json b/results/infgrad__stella-base-zh/external/CLSClusteringP2P.json new file mode 100644 index 000000000..64181c581 --- /dev/null +++ b/results/infgrad__stella-base-zh/external/CLSClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 39.71224230526474, + "main_score": 39.71224230526474 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh/external/CLSClusteringS2S.json b/results/infgrad__stella-base-zh/external/CLSClusteringS2S.json new file mode 100644 index 000000000..53fe6de99 --- /dev/null +++ b/results/infgrad__stella-base-zh/external/CLSClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 36.55705201882987, + "main_score": 36.55705201882987 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh/external/CmedqaRetrieval.json b/results/infgrad__stella-base-zh/external/CmedqaRetrieval.json new file mode 100644 index 000000000..6eb83527a --- /dev/null +++ b/results/infgrad__stella-base-zh/external/CmedqaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 23.721, + "map_at_10": 35.428, + "map_at_100": 37.438, + "map_at_1000": 37.557, + "map_at_3": 31.589, + "map_at_5": 33.647, + "mrr_at_1": 36.709, + "mrr_at_10": 44.590999999999994, + "mrr_at_100": 45.684999999999995, + "mrr_at_1000": 45.732, + "mrr_at_3": 42.331, + "mrr_at_5": 43.532, + "ndcg_at_1": 36.709, + "ndcg_at_10": 41.858000000000004, + "ndcg_at_100": 49.775999999999996, + "ndcg_at_1000": 51.844, + "ndcg_at_3": 37.067, + "ndcg_at_5": 38.875, + "precision_at_1": 36.709, + "precision_at_10": 9.411999999999999, + "precision_at_100": 1.5709999999999997, + "precision_at_1000": 0.183, + "precision_at_3": 21.154999999999998, + "precision_at_5": 15.184000000000001, + "recall_at_1": 23.721, + "recall_at_10": 51.714000000000006, + "recall_at_100": 84.60600000000001, + "recall_at_1000": 98.414, + "recall_at_3": 37.091, + "recall_at_5": 42.978, + "main_score": 41.858000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh/external/Cmnli.json b/results/infgrad__stella-base-zh/external/Cmnli.json new file mode 100644 index 000000000..8609db922 --- /dev/null +++ b/results/infgrad__stella-base-zh/external/Cmnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Cmnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 73.61395069152135, + "cos_sim_ap": 81.65459344597652, + "cos_sim_f1": 75.66718995290425, + "cos_sim_precision": 68.4918529746116, + "cos_sim_recall": 84.5218611176058, + "dot_accuracy": 73.61395069152135, + "dot_ap": 81.64596407363373, + "dot_f1": 75.66718995290425, + "dot_precision": 68.4918529746116, + "dot_recall": 84.5218611176058, + "euclidean_accuracy": 73.61395069152135, + "euclidean_ap": 81.6546013070452, + "euclidean_f1": 75.66718995290425, + "euclidean_precision": 68.4918529746116, + "euclidean_recall": 84.5218611176058, + "manhattan_accuracy": 73.51773902585688, + "manhattan_ap": 81.57345451483191, + "manhattan_f1": 75.7393958530681, + "manhattan_precision": 68.87442572741195, + "manhattan_recall": 84.12438625204582, + "max_accuracy": 73.61395069152135, + "max_ap": 81.6546013070452, + "max_f1": 75.7393958530681, + "main_score": 73.61395069152135 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh/external/CovidRetrieval.json b/results/infgrad__stella-base-zh/external/CovidRetrieval.json new file mode 100644 index 000000000..d9852a636 --- /dev/null +++ b/results/infgrad__stella-base-zh/external/CovidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 73.551, + "map_at_10": 81.513, + "map_at_100": 81.734, + "map_at_1000": 81.73700000000001, + "map_at_3": 80.27300000000001, + "map_at_5": 81.017, + "mrr_at_1": 73.762, + "mrr_at_10": 81.479, + "mrr_at_100": 81.699, + "mrr_at_1000": 81.702, + "mrr_at_3": 80.33, + "mrr_at_5": 80.999, + "ndcg_at_1": 73.867, + "ndcg_at_10": 84.711, + "ndcg_at_100": 85.714, + "ndcg_at_1000": 85.803, + "ndcg_at_3": 82.244, + "ndcg_at_5": 83.514, + "precision_at_1": 73.867, + "precision_at_10": 9.557, + "precision_at_100": 1.001, + "precision_at_1000": 0.101, + "precision_at_3": 29.505, + "precision_at_5": 18.377, + "recall_at_1": 73.551, + "recall_at_10": 94.521, + "recall_at_100": 99.05199999999999, + "recall_at_1000": 99.789, + "recall_at_3": 87.777, + "recall_at_5": 90.83200000000001, + "main_score": 84.711 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh/external/DuRetrieval.json b/results/infgrad__stella-base-zh/external/DuRetrieval.json new file mode 100644 index 000000000..400e884f4 --- /dev/null +++ b/results/infgrad__stella-base-zh/external/DuRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 26.230999999999998, + "map_at_10": 80.635, + "map_at_100": 83.393, + "map_at_1000": 83.431, + "map_at_3": 55.717000000000006, + "map_at_5": 70.387, + "mrr_at_1": 90.75, + "mrr_at_10": 93.569, + "mrr_at_100": 93.648, + "mrr_at_1000": 93.65, + "mrr_at_3": 93.27499999999999, + "mrr_at_5": 93.482, + "ndcg_at_1": 90.75, + "ndcg_at_10": 87.801, + "ndcg_at_100": 90.44, + "ndcg_at_1000": 90.776, + "ndcg_at_3": 86.556, + "ndcg_at_5": 85.468, + "precision_at_1": 90.75, + "precision_at_10": 42.08, + "precision_at_100": 4.816, + "precision_at_1000": 0.49, + "precision_at_3": 77.60000000000001, + "precision_at_5": 65.49000000000001, + "recall_at_1": 26.230999999999998, + "recall_at_10": 89.00200000000001, + "recall_at_100": 97.866, + "recall_at_1000": 99.569, + "recall_at_3": 57.778, + "recall_at_5": 74.895, + "main_score": 87.801 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh/external/EcomRetrieval.json b/results/infgrad__stella-base-zh/external/EcomRetrieval.json new file mode 100644 index 000000000..a11c47bcb --- /dev/null +++ b/results/infgrad__stella-base-zh/external/EcomRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 47.599999999999994, + "map_at_10": 57.296, + "map_at_100": 58.011, + "map_at_1000": 58.028, + "map_at_3": 54.300000000000004, + "map_at_5": 56.21000000000001, + "mrr_at_1": 47.599999999999994, + "mrr_at_10": 57.296, + "mrr_at_100": 58.011, + "mrr_at_1000": 58.028, + "mrr_at_3": 54.300000000000004, + "mrr_at_5": 56.21000000000001, + "ndcg_at_1": 47.599999999999994, + "ndcg_at_10": 62.458000000000006, + "ndcg_at_100": 65.589, + "ndcg_at_1000": 66.059, + "ndcg_at_3": 56.364000000000004, + "ndcg_at_5": 59.815, + "precision_at_1": 47.599999999999994, + "precision_at_10": 7.89, + "precision_at_100": 0.928, + "precision_at_1000": 0.097, + "precision_at_3": 20.767, + "precision_at_5": 14.14, + "recall_at_1": 47.599999999999994, + "recall_at_10": 78.9, + "recall_at_100": 92.80000000000001, + "recall_at_1000": 96.6, + "recall_at_3": 62.3, + "recall_at_5": 70.7, + "main_score": 62.458000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh/external/IFlyTek.json b/results/infgrad__stella-base-zh/external/IFlyTek.json new file mode 100644 index 000000000..8eb67255e --- /dev/null +++ b/results/infgrad__stella-base-zh/external/IFlyTek.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 47.46440938822624, + "f1": 34.587004997852524, + "main_score": 47.46440938822624 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh/external/JDReview.json b/results/infgrad__stella-base-zh/external/JDReview.json new file mode 100644 index 000000000..e23235771 --- /dev/null +++ b/results/infgrad__stella-base-zh/external/JDReview.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 84.9906191369606, + "ap": 52.31309789960497, + "f1": 79.55556102310072, + "main_score": 84.9906191369606 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh/external/LCQMC.json b/results/infgrad__stella-base-zh/external/LCQMC.json new file mode 100644 index 000000000..4fbbd5ec7 --- /dev/null +++ b/results/infgrad__stella-base-zh/external/LCQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 69.80872804636063, + "cos_sim_spearman": 75.83290476813391, + "euclidean_pearson": 74.09865882324753, + "euclidean_spearman": 75.83290698376118, + "manhattan_pearson": 74.0616102379577, + "manhattan_spearman": 75.81278969865738, + "cosine_pearson": 69.80872804636063, + "cosine_spearman": 75.83290476813391, + "main_score": 75.83290476813391 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh/external/MMarcoReranking.json b/results/infgrad__stella-base-zh/external/MMarcoReranking.json new file mode 100644 index 000000000..e1c8cc48e --- /dev/null +++ b/results/infgrad__stella-base-zh/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 29.196130696027474, + "mrr": 28.43730158730159, + "main_score": 29.196130696027474 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh/external/MMarcoRetrieval.json b/results/infgrad__stella-base-zh/external/MMarcoRetrieval.json new file mode 100644 index 000000000..eebc0f26b --- /dev/null +++ b/results/infgrad__stella-base-zh/external/MMarcoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 65.029, + "map_at_10": 74.39, + "map_at_100": 74.734, + "map_at_1000": 74.74300000000001, + "map_at_3": 72.52, + "map_at_5": 73.724, + "mrr_at_1": 67.192, + "mrr_at_10": 74.95100000000001, + "mrr_at_100": 75.25500000000001, + "mrr_at_1000": 75.263, + "mrr_at_3": 73.307, + "mrr_at_5": 74.355, + "ndcg_at_1": 67.192, + "ndcg_at_10": 78.22200000000001, + "ndcg_at_100": 79.76299999999999, + "ndcg_at_1000": 80.018, + "ndcg_at_3": 74.656, + "ndcg_at_5": 76.697, + "precision_at_1": 67.192, + "precision_at_10": 9.513, + "precision_at_100": 1.027, + "precision_at_1000": 0.105, + "precision_at_3": 28.204, + "precision_at_5": 18.009, + "recall_at_1": 65.029, + "recall_at_10": 89.462, + "recall_at_100": 96.418, + "recall_at_1000": 98.409, + "recall_at_3": 80.029, + "recall_at_5": 84.882, + "main_score": 78.22200000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh/external/MassiveIntentClassification.json b/results/infgrad__stella-base-zh/external/MassiveIntentClassification.json new file mode 100644 index 000000000..2e5772df1 --- /dev/null +++ b/results/infgrad__stella-base-zh/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 65.56489576328177, + "f1": 63.37174551232159, + "main_score": 65.56489576328177 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh/external/MassiveScenarioClassification.json b/results/infgrad__stella-base-zh/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..bc9f4e7a2 --- /dev/null +++ b/results/infgrad__stella-base-zh/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 71.4862138533961, + "f1": 71.171374964826, + "main_score": 71.4862138533961 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh/external/MedicalRetrieval.json b/results/infgrad__stella-base-zh/external/MedicalRetrieval.json new file mode 100644 index 000000000..e2df85bd6 --- /dev/null +++ b/results/infgrad__stella-base-zh/external/MedicalRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 48.6, + "map_at_10": 54.92700000000001, + "map_at_100": 55.528, + "map_at_1000": 55.584, + "map_at_3": 53.55, + "map_at_5": 54.379999999999995, + "mrr_at_1": 48.8, + "mrr_at_10": 55.028999999999996, + "mrr_at_100": 55.629, + "mrr_at_1000": 55.684999999999995, + "mrr_at_3": 53.65, + "mrr_at_5": 54.48, + "ndcg_at_1": 48.6, + "ndcg_at_10": 57.965999999999994, + "ndcg_at_100": 61.043000000000006, + "ndcg_at_1000": 62.624, + "ndcg_at_3": 55.132000000000005, + "ndcg_at_5": 56.621, + "precision_at_1": 48.6, + "precision_at_10": 6.75, + "precision_at_100": 0.823, + "precision_at_1000": 0.095, + "precision_at_3": 19.900000000000002, + "precision_at_5": 12.659999999999998, + "recall_at_1": 48.6, + "recall_at_10": 67.5, + "recall_at_100": 82.3, + "recall_at_1000": 94.89999999999999, + "recall_at_3": 59.699999999999996, + "recall_at_5": 63.3, + "main_score": 57.965999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh/external/MultilingualSentiment.json b/results/infgrad__stella-base-zh/external/MultilingualSentiment.json new file mode 100644 index 000000000..17981c002 --- /dev/null +++ b/results/infgrad__stella-base-zh/external/MultilingualSentiment.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 72.48333333333333, + "f1": 72.00258522357558, + "main_score": 72.48333333333333 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh/external/Ocnli.json b/results/infgrad__stella-base-zh/external/Ocnli.json new file mode 100644 index 000000000..60be8717d --- /dev/null +++ b/results/infgrad__stella-base-zh/external/Ocnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Ocnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 65.13264753654575, + "cos_sim_ap": 70.52831936800807, + "cos_sim_f1": 71.35353535353535, + "cos_sim_precision": 57.787958115183244, + "cos_sim_recall": 93.24181626187962, + "dot_accuracy": 65.13264753654575, + "dot_ap": 70.52828597418102, + "dot_f1": 71.35353535353535, + "dot_precision": 57.787958115183244, + "dot_recall": 93.24181626187962, + "euclidean_accuracy": 65.13264753654575, + "euclidean_ap": 70.52828597418102, + "euclidean_f1": 71.35353535353535, + "euclidean_precision": 57.787958115183244, + "euclidean_recall": 93.24181626187962, + "manhattan_accuracy": 64.8077964266378, + "manhattan_ap": 70.39954487476643, + "manhattan_f1": 71.2270200940573, + "manhattan_precision": 59.84195402298851, + "manhattan_recall": 87.96198521647307, + "max_accuracy": 65.13264753654575, + "max_ap": 70.52831936800807, + "max_f1": 71.35353535353535, + "main_score": 65.13264753654575 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh/external/OnlineShopping.json b/results/infgrad__stella-base-zh/external/OnlineShopping.json new file mode 100644 index 000000000..83e965a42 --- /dev/null +++ b/results/infgrad__stella-base-zh/external/OnlineShopping.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 90.34, + "ap": 87.79622626876444, + "f1": 90.32357430051181, + "main_score": 90.34 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh/external/PAWSX.json b/results/infgrad__stella-base-zh/external/PAWSX.json new file mode 100644 index 000000000..ba0125482 --- /dev/null +++ b/results/infgrad__stella-base-zh/external/PAWSX.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 27.9175458105215, + "cos_sim_spearman": 32.024302491613014, + "euclidean_pearson": 33.01780461609846, + "euclidean_spearman": 32.024301939183374, + "manhattan_pearson": 32.94874897942371, + "manhattan_spearman": 31.902283210178012, + "cosine_pearson": 27.9175458105215, + "cosine_spearman": 32.024302491613014, + "main_score": 32.024302491613014 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh/external/QBQTC.json b/results/infgrad__stella-base-zh/external/QBQTC.json new file mode 100644 index 000000000..907be33fb --- /dev/null +++ b/results/infgrad__stella-base-zh/external/QBQTC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "QBQTC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 36.288219964332754, + "cos_sim_spearman": 36.46838652731507, + "euclidean_pearson": 35.11414028811812, + "euclidean_spearman": 36.468386523814104, + "manhattan_pearson": 35.20922826624027, + "manhattan_spearman": 36.55349180906185, + "cosine_pearson": 36.288219964332754, + "cosine_spearman": 36.46838652731507, + "main_score": 36.46838652731507 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh/external/STS22.json b/results/infgrad__stella-base-zh/external/STS22.json new file mode 100644 index 000000000..89c39768e --- /dev/null +++ b/results/infgrad__stella-base-zh/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 66.18186265837434, + "cos_sim_spearman": 67.52365178443915, + "euclidean_pearson": 65.46342439169497, + "euclidean_spearman": 67.52365178443915, + "manhattan_pearson": 67.3476263677961, + "manhattan_spearman": 69.09476240936812, + "cosine_pearson": 66.18186265837434, + "cosine_spearman": 67.52365178443915, + "main_score": 67.52365178443915 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh/external/STSB.json b/results/infgrad__stella-base-zh/external/STSB.json new file mode 100644 index 000000000..153310776 --- /dev/null +++ b/results/infgrad__stella-base-zh/external/STSB.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 72.53864906415339, + "cos_sim_spearman": 72.63037820118355, + "euclidean_pearson": 72.42255276991672, + "euclidean_spearman": 72.63037820118355, + "manhattan_pearson": 72.36324244766192, + "manhattan_spearman": 72.58609772740323, + "cosine_pearson": 72.53864906415339, + "cosine_spearman": 72.63037820118355, + "main_score": 72.63037820118355 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh/external/T2Reranking.json b/results/infgrad__stella-base-zh/external/T2Reranking.json new file mode 100644 index 000000000..45df5a47e --- /dev/null +++ b/results/infgrad__stella-base-zh/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 66.45708148192449, + "mrr": 76.08372693469173, + "main_score": 66.45708148192449 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh/external/T2Retrieval.json b/results/infgrad__stella-base-zh/external/T2Retrieval.json new file mode 100644 index 000000000..6f4605cac --- /dev/null +++ b/results/infgrad__stella-base-zh/external/T2Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 26.436999999999998, + "map_at_10": 74.516, + "map_at_100": 78.29899999999999, + "map_at_1000": 78.372, + "map_at_3": 52.217, + "map_at_5": 64.24, + "mrr_at_1": 88.23, + "mrr_at_10": 91.06400000000001, + "mrr_at_100": 91.18, + "mrr_at_1000": 91.184, + "mrr_at_3": 90.582, + "mrr_at_5": 90.88300000000001, + "ndcg_at_1": 88.23, + "ndcg_at_10": 82.511, + "ndcg_at_100": 86.531, + "ndcg_at_1000": 87.244, + "ndcg_at_3": 83.987, + "ndcg_at_5": 82.46900000000001, + "precision_at_1": 88.23, + "precision_at_10": 41.245, + "precision_at_100": 4.987, + "precision_at_1000": 0.515, + "precision_at_3": 73.675, + "precision_at_5": 61.71, + "recall_at_1": 26.436999999999998, + "recall_at_10": 81.547, + "recall_at_100": 94.548, + "recall_at_1000": 98.197, + "recall_at_3": 54.056000000000004, + "recall_at_5": 67.93, + "main_score": 82.511 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh/external/TNews.json b/results/infgrad__stella-base-zh/external/TNews.json new file mode 100644 index 000000000..ab1c106bf --- /dev/null +++ b/results/infgrad__stella-base-zh/external/TNews.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 50.784, + "f1": 48.89471168071432, + "main_score": 50.784 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh/external/ThuNewsClusteringP2P.json b/results/infgrad__stella-base-zh/external/ThuNewsClusteringP2P.json new file mode 100644 index 000000000..7ff22b91d --- /dev/null +++ b/results/infgrad__stella-base-zh/external/ThuNewsClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 63.19039347990962, + "main_score": 63.19039347990962 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh/external/ThuNewsClusteringS2S.json b/results/infgrad__stella-base-zh/external/ThuNewsClusteringS2S.json new file mode 100644 index 000000000..8bfd65c29 --- /dev/null +++ b/results/infgrad__stella-base-zh/external/ThuNewsClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 55.357378578603225, + "main_score": 55.357378578603225 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh/external/VideoRetrieval.json b/results/infgrad__stella-base-zh/external/VideoRetrieval.json new file mode 100644 index 000000000..924668eb7 --- /dev/null +++ b/results/infgrad__stella-base-zh/external/VideoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 58.8, + "map_at_10": 68.623, + "map_at_100": 69.074, + "map_at_1000": 69.085, + "map_at_3": 66.767, + "map_at_5": 67.972, + "mrr_at_1": 58.699999999999996, + "mrr_at_10": 68.573, + "mrr_at_100": 69.024, + "mrr_at_1000": 69.035, + "mrr_at_3": 66.717, + "mrr_at_5": 67.92200000000001, + "ndcg_at_1": 58.8, + "ndcg_at_10": 73.038, + "ndcg_at_100": 75.16199999999999, + "ndcg_at_1000": 75.422, + "ndcg_at_3": 69.297, + "ndcg_at_5": 71.475, + "precision_at_1": 58.8, + "precision_at_10": 8.67, + "precision_at_100": 0.9650000000000001, + "precision_at_1000": 0.099, + "precision_at_3": 25.533, + "precision_at_5": 16.38, + "recall_at_1": 58.8, + "recall_at_10": 86.7, + "recall_at_100": 96.5, + "recall_at_1000": 98.5, + "recall_at_3": 76.6, + "recall_at_5": 81.89999999999999, + "main_score": 73.038 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh/external/Waimai.json b/results/infgrad__stella-base-zh/external/Waimai.json new file mode 100644 index 000000000..4f0bc4d24 --- /dev/null +++ b/results/infgrad__stella-base-zh/external/Waimai.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 86.61999999999999, + "ap": 69.93149123197975, + "f1": 84.99670691559903, + "main_score": 86.61999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-base-zh/external/model_meta.json b/results/infgrad__stella-base-zh/external/model_meta.json new file mode 100644 index 000000000..33b912a93 --- /dev/null +++ b/results/infgrad__stella-base-zh/external/model_meta.json @@ -0,0 +1,20 @@ +{ + "name": "infgrad/stella-base-zh", + "revision": "94bdc3846d5aec825af8f89299c0f67a8dfac667", + "release_date": "2023-09-09", + "languages": [], + "loader": null, + "n_parameters": 102661888, + "memory_usage": null, + "max_tokens": 1024, + "embed_dim": 768, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh-v2/external/AFQMC.json b/results/infgrad__stella-large-zh-v2/external/AFQMC.json new file mode 100644 index 000000000..4270e40b1 --- /dev/null +++ b/results/infgrad__stella-large-zh-v2/external/AFQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 47.34436411023816, + "cos_sim_spearman": 49.947084806624545, + "euclidean_pearson": 48.128834319004824, + "euclidean_spearman": 49.947064694876815, + "manhattan_pearson": 48.083561270166484, + "manhattan_spearman": 49.90207128584442, + "cosine_pearson": 47.34436411023816, + "cosine_spearman": 49.947084806624545, + "main_score": 49.947084806624545 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh-v2/external/ATEC.json b/results/infgrad__stella-large-zh-v2/external/ATEC.json new file mode 100644 index 000000000..7eb0f6a58 --- /dev/null +++ b/results/infgrad__stella-large-zh-v2/external/ATEC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 50.97998570817664, + "cos_sim_spearman": 53.11852606980578, + "euclidean_pearson": 55.12610520736481, + "euclidean_spearman": 53.11852832108405, + "manhattan_pearson": 55.10299116717361, + "manhattan_spearman": 53.11304196536268, + "cosine_pearson": 50.97998570817664, + "cosine_spearman": 53.11852606980578, + "main_score": 53.11852606980578 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh-v2/external/AmazonReviewsClassification.json b/results/infgrad__stella-large-zh-v2/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..73f19d295 --- /dev/null +++ b/results/infgrad__stella-large-zh-v2/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 40.81799999999999, + "f1": 39.022194031906444, + "main_score": 40.81799999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh-v2/external/BQ.json b/results/infgrad__stella-large-zh-v2/external/BQ.json new file mode 100644 index 000000000..e5c18fc12 --- /dev/null +++ b/results/infgrad__stella-large-zh-v2/external/BQ.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 62.83544115057508, + "cos_sim_spearman": 65.53509404838948, + "euclidean_pearson": 64.08198144850084, + "euclidean_spearman": 65.53509404760305, + "manhattan_pearson": 64.08808420747272, + "manhattan_spearman": 65.54907862648346, + "cosine_pearson": 62.83544115057508, + "cosine_spearman": 65.53509404838948, + "main_score": 65.53509404838948 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh-v2/external/CLSClusteringP2P.json b/results/infgrad__stella-large-zh-v2/external/CLSClusteringP2P.json new file mode 100644 index 000000000..81c8ce359 --- /dev/null +++ b/results/infgrad__stella-large-zh-v2/external/CLSClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 39.95428546140963, + "main_score": 39.95428546140963 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh-v2/external/CLSClusteringS2S.json b/results/infgrad__stella-large-zh-v2/external/CLSClusteringS2S.json new file mode 100644 index 000000000..472ddc573 --- /dev/null +++ b/results/infgrad__stella-large-zh-v2/external/CLSClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 38.18454393512963, + "main_score": 38.18454393512963 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh-v2/external/CmedqaRetrieval.json b/results/infgrad__stella-large-zh-v2/external/CmedqaRetrieval.json new file mode 100644 index 000000000..311a833dd --- /dev/null +++ b/results/infgrad__stella-large-zh-v2/external/CmedqaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 24.459, + "map_at_10": 36.274, + "map_at_100": 38.168, + "map_at_1000": 38.292, + "map_at_3": 32.356, + "map_at_5": 34.499, + "mrr_at_1": 37.584, + "mrr_at_10": 45.323, + "mrr_at_100": 46.361999999999995, + "mrr_at_1000": 46.412, + "mrr_at_3": 42.919000000000004, + "mrr_at_5": 44.283, + "ndcg_at_1": 37.584, + "ndcg_at_10": 42.63, + "ndcg_at_100": 50.114000000000004, + "ndcg_at_1000": 52.312000000000005, + "ndcg_at_3": 37.808, + "ndcg_at_5": 39.711999999999996, + "precision_at_1": 37.584, + "precision_at_10": 9.51, + "precision_at_100": 1.554, + "precision_at_1000": 0.183, + "precision_at_3": 21.505, + "precision_at_5": 15.514, + "recall_at_1": 24.459, + "recall_at_10": 52.32, + "recall_at_100": 83.423, + "recall_at_1000": 98.247, + "recall_at_3": 37.553, + "recall_at_5": 43.712, + "main_score": 42.63 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh-v2/external/Cmnli.json b/results/infgrad__stella-large-zh-v2/external/Cmnli.json new file mode 100644 index 000000000..a02b4341a --- /dev/null +++ b/results/infgrad__stella-large-zh-v2/external/Cmnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Cmnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 77.7269993986771, + "cos_sim_ap": 86.8488070512359, + "cos_sim_f1": 79.32095490716179, + "cos_sim_precision": 72.6107226107226, + "cos_sim_recall": 87.39770867430443, + "dot_accuracy": 77.7269993986771, + "dot_ap": 86.84218333157476, + "dot_f1": 79.32095490716179, + "dot_precision": 72.6107226107226, + "dot_recall": 87.39770867430443, + "euclidean_accuracy": 77.7269993986771, + "euclidean_ap": 86.84880910178296, + "euclidean_f1": 79.32095490716179, + "euclidean_precision": 72.6107226107226, + "euclidean_recall": 87.39770867430443, + "manhattan_accuracy": 77.82321106434155, + "manhattan_ap": 86.8152244713786, + "manhattan_f1": 79.43262411347519, + "manhattan_precision": 72.5725338491296, + "manhattan_recall": 87.72504091653029, + "max_accuracy": 77.82321106434155, + "max_ap": 86.84880910178296, + "max_f1": 79.43262411347519, + "main_score": 77.82321106434155 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh-v2/external/CovidRetrieval.json b/results/infgrad__stella-large-zh-v2/external/CovidRetrieval.json new file mode 100644 index 000000000..fb7be25c8 --- /dev/null +++ b/results/infgrad__stella-large-zh-v2/external/CovidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 68.862, + "map_at_10": 77.106, + "map_at_100": 77.455, + "map_at_1000": 77.459, + "map_at_3": 75.457, + "map_at_5": 76.254, + "mrr_at_1": 69.125, + "mrr_at_10": 77.13799999999999, + "mrr_at_100": 77.488, + "mrr_at_1000": 77.492, + "mrr_at_3": 75.606, + "mrr_at_5": 76.29599999999999, + "ndcg_at_1": 69.02000000000001, + "ndcg_at_10": 80.81099999999999, + "ndcg_at_100": 82.298, + "ndcg_at_1000": 82.403, + "ndcg_at_3": 77.472, + "ndcg_at_5": 78.892, + "precision_at_1": 69.02000000000001, + "precision_at_10": 9.336, + "precision_at_100": 0.9990000000000001, + "precision_at_1000": 0.101, + "precision_at_3": 27.924, + "precision_at_5": 17.492, + "recall_at_1": 68.862, + "recall_at_10": 92.308, + "recall_at_100": 98.84100000000001, + "recall_at_1000": 99.684, + "recall_at_3": 83.193, + "recall_at_5": 86.617, + "main_score": 80.81099999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh-v2/external/DuRetrieval.json b/results/infgrad__stella-large-zh-v2/external/DuRetrieval.json new file mode 100644 index 000000000..5527a0a4b --- /dev/null +++ b/results/infgrad__stella-large-zh-v2/external/DuRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 25.063999999999997, + "map_at_10": 78.02, + "map_at_100": 81.022, + "map_at_1000": 81.06, + "map_at_3": 53.613, + "map_at_5": 68.008, + "mrr_at_1": 87.8, + "mrr_at_10": 91.827, + "mrr_at_100": 91.913, + "mrr_at_1000": 91.915, + "mrr_at_3": 91.508, + "mrr_at_5": 91.758, + "ndcg_at_1": 87.8, + "ndcg_at_10": 85.753, + "ndcg_at_100": 88.82900000000001, + "ndcg_at_1000": 89.208, + "ndcg_at_3": 84.191, + "ndcg_at_5": 83.433, + "precision_at_1": 87.8, + "precision_at_10": 41.33, + "precision_at_100": 4.8, + "precision_at_1000": 0.48900000000000005, + "precision_at_3": 75.767, + "precision_at_5": 64.25999999999999, + "recall_at_1": 25.063999999999997, + "recall_at_10": 87.357, + "recall_at_100": 97.261, + "recall_at_1000": 99.309, + "recall_at_3": 56.259, + "recall_at_5": 73.505, + "main_score": 85.753 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh-v2/external/EcomRetrieval.json b/results/infgrad__stella-large-zh-v2/external/EcomRetrieval.json new file mode 100644 index 000000000..334b810fb --- /dev/null +++ b/results/infgrad__stella-large-zh-v2/external/EcomRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 46.800000000000004, + "map_at_10": 56.898, + "map_at_100": 57.567, + "map_at_1000": 57.593, + "map_at_3": 54.167, + "map_at_5": 55.822, + "mrr_at_1": 46.800000000000004, + "mrr_at_10": 56.898, + "mrr_at_100": 57.567, + "mrr_at_1000": 57.593, + "mrr_at_3": 54.167, + "mrr_at_5": 55.822, + "ndcg_at_1": 46.800000000000004, + "ndcg_at_10": 62.07, + "ndcg_at_100": 65.049, + "ndcg_at_1000": 65.666, + "ndcg_at_3": 56.54, + "ndcg_at_5": 59.492999999999995, + "precision_at_1": 46.800000000000004, + "precision_at_10": 7.84, + "precision_at_100": 0.9169999999999999, + "precision_at_1000": 0.096, + "precision_at_3": 21.133, + "precision_at_5": 14.099999999999998, + "recall_at_1": 46.800000000000004, + "recall_at_10": 78.4, + "recall_at_100": 91.7, + "recall_at_1000": 96.39999999999999, + "recall_at_3": 63.4, + "recall_at_5": 70.5, + "main_score": 62.07 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh-v2/external/IFlyTek.json b/results/infgrad__stella-large-zh-v2/external/IFlyTek.json new file mode 100644 index 000000000..d59520930 --- /dev/null +++ b/results/infgrad__stella-large-zh-v2/external/IFlyTek.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 47.98768757214313, + "f1": 35.23884426992269, + "main_score": 47.98768757214313 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh-v2/external/JDReview.json b/results/infgrad__stella-large-zh-v2/external/JDReview.json new file mode 100644 index 000000000..26fa9a466 --- /dev/null +++ b/results/infgrad__stella-large-zh-v2/external/JDReview.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 86.97936210131333, + "ap": 56.292679530375736, + "f1": 81.87001614762136, + "main_score": 86.97936210131333 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh-v2/external/LCQMC.json b/results/infgrad__stella-large-zh-v2/external/LCQMC.json new file mode 100644 index 000000000..cca0eeaec --- /dev/null +++ b/results/infgrad__stella-large-zh-v2/external/LCQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 71.17149643620844, + "cos_sim_spearman": 77.48040046337948, + "euclidean_pearson": 76.32337539923347, + "euclidean_spearman": 77.4804004621894, + "manhattan_pearson": 76.33275226275444, + "manhattan_spearman": 77.48979843086128, + "cosine_pearson": 71.17149643620844, + "cosine_spearman": 77.48040046337948, + "main_score": 77.48040046337948 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh-v2/external/MMarcoReranking.json b/results/infgrad__stella-large-zh-v2/external/MMarcoReranking.json new file mode 100644 index 000000000..477bae271 --- /dev/null +++ b/results/infgrad__stella-large-zh-v2/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 27.966807589556826, + "mrr": 26.92023809523809, + "main_score": 27.966807589556826 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh-v2/external/MMarcoRetrieval.json b/results/infgrad__stella-large-zh-v2/external/MMarcoRetrieval.json new file mode 100644 index 000000000..02a3d6985 --- /dev/null +++ b/results/infgrad__stella-large-zh-v2/external/MMarcoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 66.15100000000001, + "map_at_10": 75.048, + "map_at_100": 75.374, + "map_at_1000": 75.386, + "map_at_3": 73.26700000000001, + "map_at_5": 74.39, + "mrr_at_1": 68.381, + "mrr_at_10": 75.644, + "mrr_at_100": 75.929, + "mrr_at_1000": 75.93900000000001, + "mrr_at_3": 74.1, + "mrr_at_5": 75.053, + "ndcg_at_1": 68.381, + "ndcg_at_10": 78.669, + "ndcg_at_100": 80.161, + "ndcg_at_1000": 80.46799999999999, + "ndcg_at_3": 75.3, + "ndcg_at_5": 77.172, + "precision_at_1": 68.381, + "precision_at_10": 9.48, + "precision_at_100": 1.023, + "precision_at_1000": 0.105, + "precision_at_3": 28.299999999999997, + "precision_at_5": 17.98, + "recall_at_1": 66.15100000000001, + "recall_at_10": 89.238, + "recall_at_100": 96.032, + "recall_at_1000": 98.437, + "recall_at_3": 80.318, + "recall_at_5": 84.761, + "main_score": 78.669 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh-v2/external/MassiveIntentClassification.json b/results/infgrad__stella-large-zh-v2/external/MassiveIntentClassification.json new file mode 100644 index 000000000..7584e2f51 --- /dev/null +++ b/results/infgrad__stella-large-zh-v2/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 68.26160053799597, + "f1": 65.96949453305112, + "main_score": 68.26160053799597 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh-v2/external/MassiveScenarioClassification.json b/results/infgrad__stella-large-zh-v2/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..f8b1f21df --- /dev/null +++ b/results/infgrad__stella-large-zh-v2/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 73.12037659717554, + "f1": 72.69052407105445, + "main_score": 73.12037659717554 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh-v2/external/MedicalRetrieval.json b/results/infgrad__stella-large-zh-v2/external/MedicalRetrieval.json new file mode 100644 index 000000000..edaabddb3 --- /dev/null +++ b/results/infgrad__stella-large-zh-v2/external/MedicalRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 50.1, + "map_at_10": 56.489999999999995, + "map_at_100": 57.007, + "map_at_1000": 57.06400000000001, + "map_at_3": 55.25, + "map_at_5": 55.93, + "mrr_at_1": 50.3, + "mrr_at_10": 56.591, + "mrr_at_100": 57.108000000000004, + "mrr_at_1000": 57.165, + "mrr_at_3": 55.35, + "mrr_at_5": 56.03, + "ndcg_at_1": 50.1, + "ndcg_at_10": 59.419999999999995, + "ndcg_at_100": 62.28900000000001, + "ndcg_at_1000": 63.9, + "ndcg_at_3": 56.813, + "ndcg_at_5": 58.044, + "precision_at_1": 50.1, + "precision_at_10": 6.859999999999999, + "precision_at_100": 0.828, + "precision_at_1000": 0.096, + "precision_at_3": 20.433, + "precision_at_5": 12.86, + "recall_at_1": 50.1, + "recall_at_10": 68.60000000000001, + "recall_at_100": 82.8, + "recall_at_1000": 95.7, + "recall_at_3": 61.3, + "recall_at_5": 64.3, + "main_score": 59.419999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh-v2/external/MultilingualSentiment.json b/results/infgrad__stella-large-zh-v2/external/MultilingualSentiment.json new file mode 100644 index 000000000..5b50c169d --- /dev/null +++ b/results/infgrad__stella-large-zh-v2/external/MultilingualSentiment.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 73.41000000000001, + "f1": 72.87768282499509, + "main_score": 73.41000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh-v2/external/Ocnli.json b/results/infgrad__stella-large-zh-v2/external/Ocnli.json new file mode 100644 index 000000000..e5bb0e7f2 --- /dev/null +++ b/results/infgrad__stella-large-zh-v2/external/Ocnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Ocnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 73.4163508391987, + "cos_sim_ap": 78.51058998215277, + "cos_sim_f1": 75.3875968992248, + "cos_sim_precision": 69.65085049239033, + "cos_sim_recall": 82.15417106652588, + "dot_accuracy": 73.4163508391987, + "dot_ap": 78.51058998215277, + "dot_f1": 75.3875968992248, + "dot_precision": 69.65085049239033, + "dot_recall": 82.15417106652588, + "euclidean_accuracy": 73.4163508391987, + "euclidean_ap": 78.51058998215277, + "euclidean_f1": 75.3875968992248, + "euclidean_precision": 69.65085049239033, + "euclidean_recall": 82.15417106652588, + "manhattan_accuracy": 73.03735787763942, + "manhattan_ap": 78.4190891700083, + "manhattan_f1": 75.32592950265573, + "manhattan_precision": 69.3950177935943, + "manhattan_recall": 82.36536430834214, + "max_accuracy": 73.4163508391987, + "max_ap": 78.51058998215277, + "max_f1": 75.3875968992248, + "main_score": 73.4163508391987 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh-v2/external/OnlineShopping.json b/results/infgrad__stella-large-zh-v2/external/OnlineShopping.json new file mode 100644 index 000000000..abb4ead85 --- /dev/null +++ b/results/infgrad__stella-large-zh-v2/external/OnlineShopping.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 91.81000000000002, + "ap": 89.35809579688139, + "f1": 91.79220350456818, + "main_score": 91.81000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh-v2/external/PAWSX.json b/results/infgrad__stella-large-zh-v2/external/PAWSX.json new file mode 100644 index 000000000..fa5ef7c2a --- /dev/null +++ b/results/infgrad__stella-large-zh-v2/external/PAWSX.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 30.10755999973859, + "cos_sim_spearman": 36.221732138848864, + "euclidean_pearson": 36.41120179336658, + "euclidean_spearman": 36.221731188009436, + "manhattan_pearson": 36.34865300346968, + "manhattan_spearman": 36.17696483080459, + "cosine_pearson": 30.10755999973859, + "cosine_spearman": 36.221732138848864, + "main_score": 36.221732138848864 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh-v2/external/QBQTC.json b/results/infgrad__stella-large-zh-v2/external/QBQTC.json new file mode 100644 index 000000000..469fa4cbf --- /dev/null +++ b/results/infgrad__stella-large-zh-v2/external/QBQTC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "QBQTC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 36.778975708100226, + "cos_sim_spearman": 38.733929926753724, + "euclidean_pearson": 37.13383498228113, + "euclidean_spearman": 38.73374886550868, + "manhattan_pearson": 37.175732896552404, + "manhattan_spearman": 38.74120541657908, + "cosine_pearson": 36.778975708100226, + "cosine_spearman": 38.733929926753724, + "main_score": 38.733929926753724 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh-v2/external/STS22.json b/results/infgrad__stella-large-zh-v2/external/STS22.json new file mode 100644 index 000000000..0b251413b --- /dev/null +++ b/results/infgrad__stella-large-zh-v2/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 65.97095922825076, + "cos_sim_spearman": 68.87452938308421, + "euclidean_pearson": 67.23101642424429, + "euclidean_spearman": 68.87452938308421, + "manhattan_pearson": 67.29909334410189, + "manhattan_spearman": 68.89807985930508, + "cosine_pearson": 65.97095922825076, + "cosine_spearman": 68.87452938308421, + "main_score": 68.87452938308421 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh-v2/external/STSB.json b/results/infgrad__stella-large-zh-v2/external/STSB.json new file mode 100644 index 000000000..3c15d3730 --- /dev/null +++ b/results/infgrad__stella-large-zh-v2/external/STSB.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 78.98860630733722, + "cos_sim_spearman": 79.36601601355665, + "euclidean_pearson": 78.77295944956447, + "euclidean_spearman": 79.36585127278974, + "manhattan_pearson": 78.82060736131619, + "manhattan_spearman": 79.4395526421926, + "cosine_pearson": 78.98860630733722, + "cosine_spearman": 79.36601601355665, + "main_score": 79.36601601355665 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh-v2/external/T2Reranking.json b/results/infgrad__stella-large-zh-v2/external/T2Reranking.json new file mode 100644 index 000000000..6cd8afb86 --- /dev/null +++ b/results/infgrad__stella-large-zh-v2/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 66.40501824507894, + "mrr": 76.18463933756757, + "main_score": 66.40501824507894 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh-v2/external/T2Retrieval.json b/results/infgrad__stella-large-zh-v2/external/T2Retrieval.json new file mode 100644 index 000000000..b6b54e17e --- /dev/null +++ b/results/infgrad__stella-large-zh-v2/external/T2Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 27.095000000000002, + "map_at_10": 76.228, + "map_at_100": 79.865, + "map_at_1000": 79.935, + "map_at_3": 53.491, + "map_at_5": 65.815, + "mrr_at_1": 89.554, + "mrr_at_10": 92.037, + "mrr_at_100": 92.133, + "mrr_at_1000": 92.137, + "mrr_at_3": 91.605, + "mrr_at_5": 91.88, + "ndcg_at_1": 89.554, + "ndcg_at_10": 83.866, + "ndcg_at_100": 87.566, + "ndcg_at_1000": 88.249, + "ndcg_at_3": 85.396, + "ndcg_at_5": 83.919, + "precision_at_1": 89.554, + "precision_at_10": 41.792, + "precision_at_100": 4.997, + "precision_at_1000": 0.515, + "precision_at_3": 74.795, + "precision_at_5": 62.675000000000004, + "recall_at_1": 27.095000000000002, + "recall_at_10": 82.694, + "recall_at_100": 94.808, + "recall_at_1000": 98.30600000000001, + "recall_at_3": 55.156000000000006, + "recall_at_5": 69.19, + "main_score": 83.866 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh-v2/external/TNews.json b/results/infgrad__stella-large-zh-v2/external/TNews.json new file mode 100644 index 000000000..9459ed52b --- /dev/null +++ b/results/infgrad__stella-large-zh-v2/external/TNews.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 51.929, + "f1": 50.16876489927282, + "main_score": 51.929 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh-v2/external/ThuNewsClusteringP2P.json b/results/infgrad__stella-large-zh-v2/external/ThuNewsClusteringP2P.json new file mode 100644 index 000000000..db0eb1c96 --- /dev/null +++ b/results/infgrad__stella-large-zh-v2/external/ThuNewsClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 61.404157724658894, + "main_score": 61.404157724658894 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh-v2/external/ThuNewsClusteringS2S.json b/results/infgrad__stella-large-zh-v2/external/ThuNewsClusteringS2S.json new file mode 100644 index 000000000..e4ea5dd22 --- /dev/null +++ b/results/infgrad__stella-large-zh-v2/external/ThuNewsClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 57.11418384351802, + "main_score": 57.11418384351802 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh-v2/external/VideoRetrieval.json b/results/infgrad__stella-large-zh-v2/external/VideoRetrieval.json new file mode 100644 index 000000000..84ade023f --- /dev/null +++ b/results/infgrad__stella-large-zh-v2/external/VideoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 52.1, + "map_at_10": 62.956999999999994, + "map_at_100": 63.502, + "map_at_1000": 63.51599999999999, + "map_at_3": 60.75000000000001, + "map_at_5": 62.195, + "mrr_at_1": 52.0, + "mrr_at_10": 62.907000000000004, + "mrr_at_100": 63.452, + "mrr_at_1000": 63.466, + "mrr_at_3": 60.699999999999996, + "mrr_at_5": 62.144999999999996, + "ndcg_at_1": 52.1, + "ndcg_at_10": 67.93299999999999, + "ndcg_at_100": 70.541, + "ndcg_at_1000": 70.91300000000001, + "ndcg_at_3": 63.468, + "ndcg_at_5": 66.08800000000001, + "precision_at_1": 52.1, + "precision_at_10": 8.34, + "precision_at_100": 0.955, + "precision_at_1000": 0.098, + "precision_at_3": 23.767, + "precision_at_5": 15.540000000000001, + "recall_at_1": 52.1, + "recall_at_10": 83.39999999999999, + "recall_at_100": 95.5, + "recall_at_1000": 98.4, + "recall_at_3": 71.3, + "recall_at_5": 77.7, + "main_score": 67.93299999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh-v2/external/Waimai.json b/results/infgrad__stella-large-zh-v2/external/Waimai.json new file mode 100644 index 000000000..caf48acba --- /dev/null +++ b/results/infgrad__stella-large-zh-v2/external/Waimai.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 87.12, + "ap": 70.85284793227382, + "f1": 85.55420883566512, + "main_score": 87.12 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh-v2/external/model_meta.json b/results/infgrad__stella-large-zh-v2/external/model_meta.json new file mode 100644 index 000000000..3bf8c360d --- /dev/null +++ b/results/infgrad__stella-large-zh-v2/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "infgrad/stella-large-zh-v2", + "revision": "1ae7fef713cc333d2b4226880538b482ea901cef", + "release_date": "2023-10-13", + "languages": [], + "loader": null, + "n_parameters": 163058459, + "memory_usage": null, + "max_tokens": 1024, + "embed_dim": 1024, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh/external/AFQMC.json b/results/infgrad__stella-large-zh/external/AFQMC.json new file mode 100644 index 000000000..86c0bbe27 --- /dev/null +++ b/results/infgrad__stella-large-zh/external/AFQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 51.61327712288466, + "cos_sim_spearman": 54.48753880097122, + "euclidean_pearson": 52.68387289931342, + "euclidean_spearman": 54.48753879487172, + "manhattan_pearson": 52.635406372350026, + "manhattan_spearman": 54.447390526317044, + "cosine_pearson": 51.61327712288466, + "cosine_spearman": 54.48753880097122, + "main_score": 54.48753880097122 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh/external/ATEC.json b/results/infgrad__stella-large-zh/external/ATEC.json new file mode 100644 index 000000000..41a53e7e3 --- /dev/null +++ b/results/infgrad__stella-large-zh/external/ATEC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 53.39178036427897, + "cos_sim_spearman": 54.450028472876134, + "euclidean_pearson": 56.87300033777842, + "euclidean_spearman": 54.45002622056799, + "manhattan_pearson": 56.84326996138951, + "manhattan_spearman": 54.433880144849375, + "cosine_pearson": 53.39178036427897, + "cosine_spearman": 54.450028472876134, + "main_score": 54.450028472876134 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh/external/AmazonReviewsClassification.json b/results/infgrad__stella-large-zh/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..6ce034bdc --- /dev/null +++ b/results/infgrad__stella-large-zh/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 40.574000000000005, + "f1": 38.87775700245793, + "main_score": 40.574000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh/external/BQ.json b/results/infgrad__stella-large-zh/external/BQ.json new file mode 100644 index 000000000..ed51e446c --- /dev/null +++ b/results/infgrad__stella-large-zh/external/BQ.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 60.80957921870066, + "cos_sim_spearman": 62.37707350882237, + "euclidean_pearson": 61.29032932843765, + "euclidean_spearman": 62.37707350713817, + "manhattan_pearson": 61.23028102541801, + "manhattan_spearman": 62.31280056582247, + "cosine_pearson": 60.80957921870066, + "cosine_spearman": 62.37707350882237, + "main_score": 62.37707350882237 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh/external/CLSClusteringP2P.json b/results/infgrad__stella-large-zh/external/CLSClusteringP2P.json new file mode 100644 index 000000000..01b48281b --- /dev/null +++ b/results/infgrad__stella-large-zh/external/CLSClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 40.27066616318565, + "main_score": 40.27066616318565 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh/external/CLSClusteringS2S.json b/results/infgrad__stella-large-zh/external/CLSClusteringS2S.json new file mode 100644 index 000000000..f1d80fd5d --- /dev/null +++ b/results/infgrad__stella-large-zh/external/CLSClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 37.503323644484716, + "main_score": 37.503323644484716 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh/external/CmedqaRetrieval.json b/results/infgrad__stella-large-zh/external/CmedqaRetrieval.json new file mode 100644 index 000000000..49e8f2110 --- /dev/null +++ b/results/infgrad__stella-large-zh/external/CmedqaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 23.54, + "map_at_10": 35.591, + "map_at_100": 37.549, + "map_at_1000": 37.663000000000004, + "map_at_3": 31.405, + "map_at_5": 33.792, + "mrr_at_1": 36.359, + "mrr_at_10": 44.624, + "mrr_at_100": 45.660000000000004, + "mrr_at_1000": 45.707, + "mrr_at_3": 42.002, + "mrr_at_5": 43.535000000000004, + "ndcg_at_1": 36.359, + "ndcg_at_10": 42.28, + "ndcg_at_100": 49.997, + "ndcg_at_1000": 51.966, + "ndcg_at_3": 36.851, + "ndcg_at_5": 39.249, + "precision_at_1": 36.359, + "precision_at_10": 9.542, + "precision_at_100": 1.582, + "precision_at_1000": 0.183, + "precision_at_3": 20.913999999999998, + "precision_at_5": 15.404000000000002, + "recall_at_1": 23.54, + "recall_at_10": 53.005, + "recall_at_100": 85.085, + "recall_at_1000": 98.21, + "recall_at_3": 36.944, + "recall_at_5": 44.137, + "main_score": 42.28 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh/external/Cmnli.json b/results/infgrad__stella-large-zh/external/Cmnli.json new file mode 100644 index 000000000..a029f088f --- /dev/null +++ b/results/infgrad__stella-large-zh/external/Cmnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Cmnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 76.16355983162958, + "cos_sim_ap": 85.14228023901842, + "cos_sim_f1": 77.86752827140549, + "cos_sim_precision": 72.18450479233228, + "cos_sim_recall": 84.5218611176058, + "dot_accuracy": 76.16355983162958, + "dot_ap": 85.16266644596179, + "dot_f1": 77.86752827140549, + "dot_precision": 72.18450479233228, + "dot_recall": 84.5218611176058, + "euclidean_accuracy": 76.16355983162958, + "euclidean_ap": 85.14227717790371, + "euclidean_f1": 77.86752827140549, + "euclidean_precision": 72.18450479233228, + "euclidean_recall": 84.5218611176058, + "manhattan_accuracy": 75.99518941671678, + "manhattan_ap": 85.10764940972825, + "manhattan_f1": 77.80804694048618, + "manhattan_precision": 70.49553825707233, + "manhattan_recall": 86.81318681318682, + "max_accuracy": 76.16355983162958, + "max_ap": 85.16266644596179, + "max_f1": 77.86752827140549, + "main_score": 76.16355983162958 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh/external/CovidRetrieval.json b/results/infgrad__stella-large-zh/external/CovidRetrieval.json new file mode 100644 index 000000000..cfa6b5f49 --- /dev/null +++ b/results/infgrad__stella-large-zh/external/CovidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 73.762, + "map_at_10": 81.76299999999999, + "map_at_100": 81.974, + "map_at_1000": 81.977, + "map_at_3": 80.23400000000001, + "map_at_5": 81.189, + "mrr_at_1": 74.18299999999999, + "mrr_at_10": 81.792, + "mrr_at_100": 81.994, + "mrr_at_1000": 81.997, + "mrr_at_3": 80.277, + "mrr_at_5": 81.221, + "ndcg_at_1": 74.078, + "ndcg_at_10": 85.195, + "ndcg_at_100": 86.041, + "ndcg_at_1000": 86.111, + "ndcg_at_3": 82.171, + "ndcg_at_5": 83.90100000000001, + "precision_at_1": 74.078, + "precision_at_10": 9.684, + "precision_at_100": 1.004, + "precision_at_1000": 0.101, + "precision_at_3": 29.470000000000002, + "precision_at_5": 18.567, + "recall_at_1": 73.762, + "recall_at_10": 95.785, + "recall_at_100": 99.368, + "recall_at_1000": 99.895, + "recall_at_3": 87.724, + "recall_at_5": 91.93900000000001, + "main_score": 85.195 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh/external/DuRetrieval.json b/results/infgrad__stella-large-zh/external/DuRetrieval.json new file mode 100644 index 000000000..7cb5f22f4 --- /dev/null +++ b/results/infgrad__stella-large-zh/external/DuRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 25.911, + "map_at_10": 80.656, + "map_at_100": 83.446, + "map_at_1000": 83.485, + "map_at_3": 55.998000000000005, + "map_at_5": 70.577, + "mrr_at_1": 90.14999999999999, + "mrr_at_10": 93.35900000000001, + "mrr_at_100": 93.419, + "mrr_at_1000": 93.423, + "mrr_at_3": 93.133, + "mrr_at_5": 93.26100000000001, + "ndcg_at_1": 90.14999999999999, + "ndcg_at_10": 87.806, + "ndcg_at_100": 90.4, + "ndcg_at_1000": 90.776, + "ndcg_at_3": 86.866, + "ndcg_at_5": 85.619, + "precision_at_1": 90.14999999999999, + "precision_at_10": 42.045, + "precision_at_100": 4.814, + "precision_at_1000": 0.49, + "precision_at_3": 78.0, + "precision_at_5": 65.62, + "recall_at_1": 25.911, + "recall_at_10": 88.942, + "recall_at_100": 97.56700000000001, + "recall_at_1000": 99.62, + "recall_at_3": 58.361, + "recall_at_5": 75.126, + "main_score": 87.806 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh/external/EcomRetrieval.json b/results/infgrad__stella-large-zh/external/EcomRetrieval.json new file mode 100644 index 000000000..606fa78b2 --- /dev/null +++ b/results/infgrad__stella-large-zh/external/EcomRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 46.2, + "map_at_10": 56.309, + "map_at_100": 56.977, + "map_at_1000": 56.995, + "map_at_3": 53.55, + "map_at_5": 55.19, + "mrr_at_1": 46.2, + "mrr_at_10": 56.309, + "mrr_at_100": 56.977, + "mrr_at_1000": 56.995, + "mrr_at_3": 53.55, + "mrr_at_5": 55.19, + "ndcg_at_1": 46.2, + "ndcg_at_10": 61.656, + "ndcg_at_100": 64.714, + "ndcg_at_1000": 65.217, + "ndcg_at_3": 56.022000000000006, + "ndcg_at_5": 58.962, + "precision_at_1": 46.2, + "precision_at_10": 7.86, + "precision_at_100": 0.9249999999999999, + "precision_at_1000": 0.097, + "precision_at_3": 21.067, + "precision_at_5": 14.06, + "recall_at_1": 46.2, + "recall_at_10": 78.60000000000001, + "recall_at_100": 92.5, + "recall_at_1000": 96.5, + "recall_at_3": 63.2, + "recall_at_5": 70.3, + "main_score": 61.656 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh/external/IFlyTek.json b/results/infgrad__stella-large-zh/external/IFlyTek.json new file mode 100644 index 000000000..3f3aaea4b --- /dev/null +++ b/results/infgrad__stella-large-zh/external/IFlyTek.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 47.03347441323585, + "f1": 35.50895794566714, + "main_score": 47.03347441323585 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh/external/JDReview.json b/results/infgrad__stella-large-zh/external/JDReview.json new file mode 100644 index 000000000..0c5812aad --- /dev/null +++ b/results/infgrad__stella-large-zh/external/JDReview.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 86.73545966228893, + "ap": 55.43694740493539, + "f1": 81.47218440859787, + "main_score": 86.73545966228893 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh/external/LCQMC.json b/results/infgrad__stella-large-zh/external/LCQMC.json new file mode 100644 index 000000000..7f266484f --- /dev/null +++ b/results/infgrad__stella-large-zh/external/LCQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 70.49478085579923, + "cos_sim_spearman": 76.28442852235379, + "euclidean_pearson": 74.90910715249527, + "euclidean_spearman": 76.28443517178847, + "manhattan_pearson": 74.90744903779758, + "manhattan_spearman": 76.2886829916495, + "cosine_pearson": 70.49478085579923, + "cosine_spearman": 76.28442852235379, + "main_score": 76.28442852235379 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh/external/MMarcoReranking.json b/results/infgrad__stella-large-zh/external/MMarcoReranking.json new file mode 100644 index 000000000..9f8eb2db2 --- /dev/null +++ b/results/infgrad__stella-large-zh/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 27.159122893681587, + "mrr": 25.659126984126985, + "main_score": 27.159122893681587 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh/external/MMarcoRetrieval.json b/results/infgrad__stella-large-zh/external/MMarcoRetrieval.json new file mode 100644 index 000000000..a25ec8283 --- /dev/null +++ b/results/infgrad__stella-large-zh/external/MMarcoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 64.798, + "map_at_10": 74.263, + "map_at_100": 74.59, + "map_at_1000": 74.601, + "map_at_3": 72.382, + "map_at_5": 73.59700000000001, + "mrr_at_1": 67.049, + "mrr_at_10": 74.86500000000001, + "mrr_at_100": 75.155, + "mrr_at_1000": 75.165, + "mrr_at_3": 73.21600000000001, + "mrr_at_5": 74.259, + "ndcg_at_1": 67.049, + "ndcg_at_10": 78.104, + "ndcg_at_100": 79.56400000000001, + "ndcg_at_1000": 79.85600000000001, + "ndcg_at_3": 74.54499999999999, + "ndcg_at_5": 76.587, + "precision_at_1": 67.049, + "precision_at_10": 9.493, + "precision_at_100": 1.022, + "precision_at_1000": 0.105, + "precision_at_3": 28.189999999999998, + "precision_at_5": 18.003, + "recall_at_1": 64.798, + "recall_at_10": 89.328, + "recall_at_100": 95.916, + "recall_at_1000": 98.223, + "recall_at_3": 79.93599999999999, + "recall_at_5": 84.789, + "main_score": 78.104 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh/external/MassiveIntentClassification.json b/results/infgrad__stella-large-zh/external/MassiveIntentClassification.json new file mode 100644 index 000000000..0b51508a1 --- /dev/null +++ b/results/infgrad__stella-large-zh/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 64.01815736381977, + "f1": 61.07806329750582, + "main_score": 64.01815736381977 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh/external/MassiveScenarioClassification.json b/results/infgrad__stella-large-zh/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..a7133c513 --- /dev/null +++ b/results/infgrad__stella-large-zh/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 68.94754539340954, + "f1": 68.76446930296682, + "main_score": 68.94754539340954 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh/external/MedicalRetrieval.json b/results/infgrad__stella-large-zh/external/MedicalRetrieval.json new file mode 100644 index 000000000..0b834a478 --- /dev/null +++ b/results/infgrad__stella-large-zh/external/MedicalRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 50.1, + "map_at_10": 56.406, + "map_at_100": 56.958, + "map_at_1000": 57.007, + "map_at_3": 55.083000000000006, + "map_at_5": 55.952999999999996, + "mrr_at_1": 50.1, + "mrr_at_10": 56.401999999999994, + "mrr_at_100": 56.955, + "mrr_at_1000": 57.004, + "mrr_at_3": 55.05, + "mrr_at_5": 55.95, + "ndcg_at_1": 50.1, + "ndcg_at_10": 59.384, + "ndcg_at_100": 62.339, + "ndcg_at_1000": 63.756, + "ndcg_at_3": 56.657999999999994, + "ndcg_at_5": 58.267, + "precision_at_1": 50.1, + "precision_at_10": 6.87, + "precision_at_100": 0.832, + "precision_at_1000": 0.095, + "precision_at_3": 20.4, + "precision_at_5": 13.04, + "recall_at_1": 50.1, + "recall_at_10": 68.7, + "recall_at_100": 83.2, + "recall_at_1000": 94.6, + "recall_at_3": 61.199999999999996, + "recall_at_5": 65.2, + "main_score": 59.384 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh/external/MultilingualSentiment.json b/results/infgrad__stella-large-zh/external/MultilingualSentiment.json new file mode 100644 index 000000000..be74d4abc --- /dev/null +++ b/results/infgrad__stella-large-zh/external/MultilingualSentiment.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 73.02666666666667, + "f1": 72.47691397067602, + "main_score": 73.02666666666667 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh/external/Ocnli.json b/results/infgrad__stella-large-zh/external/Ocnli.json new file mode 100644 index 000000000..f11b31b18 --- /dev/null +++ b/results/infgrad__stella-large-zh/external/Ocnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Ocnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 67.0817541959935, + "cos_sim_ap": 72.29133043915637, + "cos_sim_f1": 72.71207689093188, + "cos_sim_precision": 60.16597510373444, + "cos_sim_recall": 91.86906019007391, + "dot_accuracy": 67.0817541959935, + "dot_ap": 72.29133043915637, + "dot_f1": 72.71207689093188, + "dot_precision": 60.16597510373444, + "dot_recall": 91.86906019007391, + "euclidean_accuracy": 67.0817541959935, + "euclidean_ap": 72.29133043915637, + "euclidean_f1": 72.71207689093188, + "euclidean_precision": 60.16597510373444, + "euclidean_recall": 91.86906019007391, + "manhattan_accuracy": 66.91932864103953, + "manhattan_ap": 72.20070509521395, + "manhattan_f1": 72.52839713925118, + "manhattan_precision": 60.27972027972028, + "manhattan_recall": 91.02428722280888, + "max_accuracy": 67.0817541959935, + "max_ap": 72.29133043915637, + "max_f1": 72.71207689093188, + "main_score": 67.0817541959935 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh/external/OnlineShopping.json b/results/infgrad__stella-large-zh/external/OnlineShopping.json new file mode 100644 index 000000000..2ed731d34 --- /dev/null +++ b/results/infgrad__stella-large-zh/external/OnlineShopping.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 90.75000000000001, + "ap": 87.99706544930007, + "f1": 90.72973221476978, + "main_score": 90.75000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh/external/PAWSX.json b/results/infgrad__stella-large-zh/external/PAWSX.json new file mode 100644 index 000000000..f40546470 --- /dev/null +++ b/results/infgrad__stella-large-zh/external/PAWSX.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 33.57372874898899, + "cos_sim_spearman": 37.9718472605281, + "euclidean_pearson": 38.52264008741102, + "euclidean_spearman": 37.97184654854654, + "manhattan_pearson": 38.50412571398273, + "manhattan_spearman": 37.98038173979437, + "cosine_pearson": 33.57372874898899, + "cosine_spearman": 37.9718472605281, + "main_score": 37.9718472605281 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh/external/QBQTC.json b/results/infgrad__stella-large-zh/external/QBQTC.json new file mode 100644 index 000000000..6f54cf040 --- /dev/null +++ b/results/infgrad__stella-large-zh/external/QBQTC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "QBQTC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 37.510457667606225, + "cos_sim_spearman": 37.83522430820119, + "euclidean_pearson": 36.65815519443564, + "euclidean_spearman": 37.83519816393499, + "manhattan_pearson": 36.66835898210608, + "manhattan_spearman": 37.85390202705368, + "cosine_pearson": 37.510457667606225, + "cosine_spearman": 37.83522430820119, + "main_score": 37.83522430820119 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh/external/STS22.json b/results/infgrad__stella-large-zh/external/STS22.json new file mode 100644 index 000000000..e3d4c0160 --- /dev/null +++ b/results/infgrad__stella-large-zh/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 66.9953337569138, + "cos_sim_spearman": 67.27632129468024, + "euclidean_pearson": 65.83716645437758, + "euclidean_spearman": 67.27632129468024, + "manhattan_pearson": 65.81209103940279, + "manhattan_spearman": 67.26678679870099, + "cosine_pearson": 66.9953337569138, + "cosine_spearman": 67.27632129468024, + "main_score": 67.27632129468024 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh/external/STSB.json b/results/infgrad__stella-large-zh/external/STSB.json new file mode 100644 index 000000000..229470f04 --- /dev/null +++ b/results/infgrad__stella-large-zh/external/STSB.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 75.73719311549382, + "cos_sim_spearman": 75.71173848950517, + "euclidean_pearson": 75.23070020894484, + "euclidean_spearman": 75.71173839940812, + "manhattan_pearson": 75.23517292603057, + "manhattan_spearman": 75.74250916645184, + "cosine_pearson": 75.73719311549382, + "cosine_spearman": 75.71173848950517, + "main_score": 75.71173848950517 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh/external/T2Reranking.json b/results/infgrad__stella-large-zh/external/T2Reranking.json new file mode 100644 index 000000000..53f0943be --- /dev/null +++ b/results/infgrad__stella-large-zh/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 66.8596523608508, + "mrr": 76.9288884590171, + "main_score": 66.8596523608508 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh/external/T2Retrieval.json b/results/infgrad__stella-large-zh/external/T2Retrieval.json new file mode 100644 index 000000000..fa6f2cca0 --- /dev/null +++ b/results/infgrad__stella-large-zh/external/T2Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 26.618000000000002, + "map_at_10": 74.884, + "map_at_100": 78.65299999999999, + "map_at_1000": 78.724, + "map_at_3": 52.507999999999996, + "map_at_5": 64.52799999999999, + "mrr_at_1": 88.453, + "mrr_at_10": 91.157, + "mrr_at_100": 91.263, + "mrr_at_1000": 91.268, + "mrr_at_3": 90.672, + "mrr_at_5": 90.96499999999999, + "ndcg_at_1": 88.453, + "ndcg_at_10": 82.759, + "ndcg_at_100": 86.709, + "ndcg_at_1000": 87.41499999999999, + "ndcg_at_3": 84.194, + "ndcg_at_5": 82.645, + "precision_at_1": 88.453, + "precision_at_10": 41.369, + "precision_at_100": 4.9910000000000005, + "precision_at_1000": 0.515, + "precision_at_3": 73.79400000000001, + "precision_at_5": 61.80799999999999, + "recall_at_1": 26.618000000000002, + "recall_at_10": 81.772, + "recall_at_100": 94.55, + "recall_at_1000": 98.184, + "recall_at_3": 54.26499999999999, + "recall_at_5": 67.963, + "main_score": 82.759 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh/external/TNews.json b/results/infgrad__stella-large-zh/external/TNews.json new file mode 100644 index 000000000..8f33bde5c --- /dev/null +++ b/results/infgrad__stella-large-zh/external/TNews.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 50.690000000000005, + "f1": 48.77079213417325, + "main_score": 50.690000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh/external/ThuNewsClusteringP2P.json b/results/infgrad__stella-large-zh/external/ThuNewsClusteringP2P.json new file mode 100644 index 000000000..4bb3f052a --- /dev/null +++ b/results/infgrad__stella-large-zh/external/ThuNewsClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 62.14566804144758, + "main_score": 62.14566804144758 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh/external/ThuNewsClusteringS2S.json b/results/infgrad__stella-large-zh/external/ThuNewsClusteringS2S.json new file mode 100644 index 000000000..16b61c811 --- /dev/null +++ b/results/infgrad__stella-large-zh/external/ThuNewsClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 54.66890415410679, + "main_score": 54.66890415410679 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh/external/VideoRetrieval.json b/results/infgrad__stella-large-zh/external/VideoRetrieval.json new file mode 100644 index 000000000..2c3e4cccb --- /dev/null +++ b/results/infgrad__stella-large-zh/external/VideoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 55.900000000000006, + "map_at_10": 66.188, + "map_at_100": 66.67699999999999, + "map_at_1000": 66.691, + "map_at_3": 64.017, + "map_at_5": 65.462, + "mrr_at_1": 55.800000000000004, + "mrr_at_10": 66.13799999999999, + "mrr_at_100": 66.62700000000001, + "mrr_at_1000": 66.64099999999999, + "mrr_at_3": 63.967, + "mrr_at_5": 65.412, + "ndcg_at_1": 55.900000000000006, + "ndcg_at_10": 70.961, + "ndcg_at_100": 73.22, + "ndcg_at_1000": 73.583, + "ndcg_at_3": 66.61, + "ndcg_at_5": 69.18900000000001, + "precision_at_1": 55.900000000000006, + "precision_at_10": 8.58, + "precision_at_100": 0.9610000000000001, + "precision_at_1000": 0.099, + "precision_at_3": 24.7, + "precision_at_5": 16.06, + "recall_at_1": 55.900000000000006, + "recall_at_10": 85.8, + "recall_at_100": 96.1, + "recall_at_1000": 98.9, + "recall_at_3": 74.1, + "recall_at_5": 80.30000000000001, + "main_score": 70.961 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh/external/Waimai.json b/results/infgrad__stella-large-zh/external/Waimai.json new file mode 100644 index 000000000..8466cf130 --- /dev/null +++ b/results/infgrad__stella-large-zh/external/Waimai.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 86.77, + "ap": 70.21134107638184, + "f1": 85.22521777795022, + "main_score": 86.77 + } + ] + } +} \ No newline at end of file diff --git a/results/infgrad__stella-large-zh/external/model_meta.json b/results/infgrad__stella-large-zh/external/model_meta.json new file mode 100644 index 000000000..8875e5222 --- /dev/null +++ b/results/infgrad__stella-large-zh/external/model_meta.json @@ -0,0 +1,20 @@ +{ + "name": "infgrad/stella-large-zh", + "revision": "56016c30186e01ecb1e0cdaaec3d54227f06e9d0", + "release_date": "2023-09-10", + "languages": [], + "loader": null, + "n_parameters": 163058459, + "memory_usage": null, + "max_tokens": 1024, + "embed_dim": 1024, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/AmazonCounterfactualClassification.json b/results/intfloat__e5-base-v2/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..c7153f36a --- /dev/null +++ b/results/intfloat__e5-base-v2/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.77611940298506, + "ap": 42.052710266606056, + "f1": 72.12040628266567, + "main_score": 77.77611940298506 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/AmazonPolarityClassification.json b/results/intfloat__e5-base-v2/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..590fb662d --- /dev/null +++ b/results/intfloat__e5-base-v2/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.81012500000001, + "ap": 89.4213700757244, + "f1": 92.8039091197065, + "main_score": 92.81012500000001 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/AmazonReviewsClassification.json b/results/intfloat__e5-base-v2/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..98b975bce --- /dev/null +++ b/results/intfloat__e5-base-v2/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 46.711999999999996, + "f1": 46.11544975436018, + "main_score": 46.711999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/ArguAna.json b/results/intfloat__e5-base-v2/external/ArguAna.json new file mode 100644 index 000000000..7c74363f3 --- /dev/null +++ b/results/intfloat__e5-base-v2/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.186, + "map_at_10": 36.632999999999996, + "map_at_100": 37.842, + "map_at_1000": 37.865, + "map_at_3": 32.278, + "map_at_5": 34.760999999999996, + "mrr_at_1": 23.400000000000002, + "mrr_at_10": 36.721, + "mrr_at_100": 37.937, + "mrr_at_1000": 37.96, + "mrr_at_3": 32.302, + "mrr_at_5": 34.894, + "ndcg_at_1": 23.186, + "ndcg_at_10": 44.49, + "ndcg_at_100": 50.065000000000005, + "ndcg_at_1000": 50.629999999999995, + "ndcg_at_3": 35.461, + "ndcg_at_5": 39.969, + "precision_at_1": 23.186, + "precision_at_10": 6.97, + "precision_at_100": 0.951, + "precision_at_1000": 0.099, + "precision_at_3": 14.912, + "precision_at_5": 11.152, + "recall_at_1": 23.186, + "recall_at_10": 69.70100000000001, + "recall_at_100": 95.092, + "recall_at_1000": 99.431, + "recall_at_3": 44.737, + "recall_at_5": 55.761, + "main_score": 44.49 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/ArxivClusteringP2P.json b/results/intfloat__e5-base-v2/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..b968ed495 --- /dev/null +++ b/results/intfloat__e5-base-v2/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 46.10312401440185, + "main_score": 46.10312401440185 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/ArxivClusteringS2S.json b/results/intfloat__e5-base-v2/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..e5dc099e5 --- /dev/null +++ b/results/intfloat__e5-base-v2/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.67275326095384, + "main_score": 39.67275326095384 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/AskUbuntuDupQuestions.json b/results/intfloat__e5-base-v2/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..507ed3bb7 --- /dev/null +++ b/results/intfloat__e5-base-v2/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 58.97793816337376, + "mrr": 72.76832431957087, + "main_score": 58.97793816337376 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/BIOSSES.json b/results/intfloat__e5-base-v2/external/BIOSSES.json new file mode 100644 index 000000000..84ca3883e --- /dev/null +++ b/results/intfloat__e5-base-v2/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.11646947018187, + "cos_sim_spearman": 81.40064994975234, + "euclidean_pearson": 82.37355689019232, + "euclidean_spearman": 81.6777646977348, + "manhattan_pearson": 82.61101422716945, + "manhattan_spearman": 81.80427360442245, + "cosine_pearson": 83.11646947018187, + "cosine_spearman": 81.40064994975234, + "main_score": 81.40064994975234 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/Banking77Classification.json b/results/intfloat__e5-base-v2/external/Banking77Classification.json new file mode 100644 index 000000000..bda9da0cc --- /dev/null +++ b/results/intfloat__e5-base-v2/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 83.52922077922076, + "f1": 83.45298679360866, + "main_score": 83.52922077922076 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/BiorxivClusteringP2P.json b/results/intfloat__e5-base-v2/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..9ac99fc10 --- /dev/null +++ b/results/intfloat__e5-base-v2/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.495115019668496, + "main_score": 37.495115019668496 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/BiorxivClusteringS2S.json b/results/intfloat__e5-base-v2/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..26287490b --- /dev/null +++ b/results/intfloat__e5-base-v2/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.724792944166765, + "main_score": 32.724792944166765 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/CQADupstackAndroidRetrieval.json b/results/intfloat__e5-base-v2/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..adbe746c7 --- /dev/null +++ b/results/intfloat__e5-base-v2/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.361000000000004, + "map_at_10": 43.765, + "map_at_100": 45.224, + "map_at_1000": 45.35, + "map_at_3": 40.353, + "map_at_5": 42.195, + "mrr_at_1": 40.629, + "mrr_at_10": 50.458000000000006, + "mrr_at_100": 51.06699999999999, + "mrr_at_1000": 51.12, + "mrr_at_3": 47.902, + "mrr_at_5": 49.447, + "ndcg_at_1": 40.629, + "ndcg_at_10": 50.376, + "ndcg_at_100": 55.065, + "ndcg_at_1000": 57.196000000000005, + "ndcg_at_3": 45.616, + "ndcg_at_5": 47.646, + "precision_at_1": 40.629, + "precision_at_10": 9.785, + "precision_at_100": 1.562, + "precision_at_1000": 0.2, + "precision_at_3": 22.031, + "precision_at_5": 15.737000000000002, + "recall_at_1": 32.361000000000004, + "recall_at_10": 62.214000000000006, + "recall_at_100": 81.464, + "recall_at_1000": 95.905, + "recall_at_3": 47.5, + "recall_at_5": 53.69500000000001, + "main_score": 50.376 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.971, + "map_at_10": 37.444, + "map_at_100": 38.607, + "map_at_1000": 38.737, + "map_at_3": 34.504000000000005, + "map_at_5": 36.234, + "mrr_at_1": 35.35, + "mrr_at_10": 43.441, + "mrr_at_100": 44.147999999999996, + "mrr_at_1000": 44.196000000000005, + "mrr_at_3": 41.285, + "mrr_at_5": 42.552, + "ndcg_at_1": 35.35, + "ndcg_at_10": 42.903999999999996, + "ndcg_at_100": 47.406, + "ndcg_at_1000": 49.588, + "ndcg_at_3": 38.778, + "ndcg_at_5": 40.788000000000004, + "precision_at_1": 35.35, + "precision_at_10": 8.083, + "precision_at_100": 1.313, + "precision_at_1000": 0.18, + "precision_at_3": 18.769, + "precision_at_5": 13.439, + "recall_at_1": 27.971, + "recall_at_10": 52.492000000000004, + "recall_at_100": 71.642, + "recall_at_1000": 85.488, + "recall_at_3": 40.1, + "recall_at_5": 45.800000000000004, + "main_score": 42.903999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 39.898, + "map_at_10": 51.819, + "map_at_100": 52.886, + "map_at_1000": 52.941, + "map_at_3": 48.619, + "map_at_5": 50.493, + "mrr_at_1": 45.391999999999996, + "mrr_at_10": 55.230000000000004, + "mrr_at_100": 55.887, + "mrr_at_1000": 55.916, + "mrr_at_3": 52.717000000000006, + "mrr_at_5": 54.222, + "ndcg_at_1": 45.391999999999996, + "ndcg_at_10": 57.586999999999996, + "ndcg_at_100": 61.745000000000005, + "ndcg_at_1000": 62.83800000000001, + "ndcg_at_3": 52.207, + "ndcg_at_5": 54.925999999999995, + "precision_at_1": 45.391999999999996, + "precision_at_10": 9.21, + "precision_at_100": 1.226, + "precision_at_1000": 0.136, + "precision_at_3": 23.177, + "precision_at_5": 16.038, + "recall_at_1": 39.898, + "recall_at_10": 71.18900000000001, + "recall_at_100": 89.082, + "recall_at_1000": 96.865, + "recall_at_3": 56.907, + "recall_at_5": 63.397999999999996, + "main_score": 57.586999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.706, + "map_at_10": 30.818, + "map_at_100": 32.038, + "map_at_1000": 32.123000000000005, + "map_at_3": 28.077, + "map_at_5": 29.709999999999997, + "mrr_at_1": 24.407, + "mrr_at_10": 32.555, + "mrr_at_100": 33.692, + "mrr_at_1000": 33.751, + "mrr_at_3": 29.848999999999997, + "mrr_at_5": 31.509999999999998, + "ndcg_at_1": 24.407, + "ndcg_at_10": 35.624, + "ndcg_at_100": 41.454, + "ndcg_at_1000": 43.556, + "ndcg_at_3": 30.217, + "ndcg_at_5": 33.111000000000004, + "precision_at_1": 24.407, + "precision_at_10": 5.548, + "precision_at_100": 0.8869999999999999, + "precision_at_1000": 0.11100000000000002, + "precision_at_3": 12.731, + "precision_at_5": 9.22, + "recall_at_1": 22.706, + "recall_at_10": 48.772, + "recall_at_100": 75.053, + "recall_at_1000": 90.731, + "recall_at_3": 34.421, + "recall_at_5": 41.427, + "main_score": 35.624 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 13.424, + "map_at_10": 21.09, + "map_at_100": 22.264999999999997, + "map_at_1000": 22.402, + "map_at_3": 18.312, + "map_at_5": 19.874, + "mrr_at_1": 16.915, + "mrr_at_10": 25.258000000000003, + "mrr_at_100": 26.228, + "mrr_at_1000": 26.31, + "mrr_at_3": 22.492, + "mrr_at_5": 24.04, + "ndcg_at_1": 16.915, + "ndcg_at_10": 26.266000000000002, + "ndcg_at_100": 32.08, + "ndcg_at_1000": 35.086, + "ndcg_at_3": 21.049, + "ndcg_at_5": 23.508000000000003, + "precision_at_1": 16.915, + "precision_at_10": 5.1, + "precision_at_100": 0.9329999999999999, + "precision_at_1000": 0.131, + "precision_at_3": 10.282, + "precision_at_5": 7.836, + "recall_at_1": 13.424, + "recall_at_10": 38.179, + "recall_at_100": 63.906, + "recall_at_1000": 84.933, + "recall_at_3": 23.878, + "recall_at_5": 30.037999999999997, + "main_score": 26.266000000000002 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.154, + "map_at_10": 35.912, + "map_at_100": 37.211, + "map_at_1000": 37.327, + "map_at_3": 32.684999999999995, + "map_at_5": 34.562, + "mrr_at_1": 32.435, + "mrr_at_10": 41.411, + "mrr_at_100": 42.297000000000004, + "mrr_at_1000": 42.345, + "mrr_at_3": 38.771, + "mrr_at_5": 40.33, + "ndcg_at_1": 32.435, + "ndcg_at_10": 41.785, + "ndcg_at_100": 47.469, + "ndcg_at_1000": 49.685, + "ndcg_at_3": 36.618, + "ndcg_at_5": 39.101, + "precision_at_1": 32.435, + "precision_at_10": 7.642, + "precision_at_100": 1.244, + "precision_at_1000": 0.163, + "precision_at_3": 17.485, + "precision_at_5": 12.57, + "recall_at_1": 26.154, + "recall_at_10": 54.111, + "recall_at_100": 78.348, + "recall_at_1000": 92.996, + "recall_at_3": 39.189, + "recall_at_5": 45.852, + "main_score": 41.785 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.308999999999997, + "map_at_10": 35.524, + "map_at_100": 36.774, + "map_at_1000": 36.891, + "map_at_3": 32.561, + "map_at_5": 34.034, + "mrr_at_1": 31.735000000000003, + "mrr_at_10": 40.391, + "mrr_at_100": 41.227000000000004, + "mrr_at_1000": 41.288000000000004, + "mrr_at_3": 37.938, + "mrr_at_5": 39.193, + "ndcg_at_1": 31.735000000000003, + "ndcg_at_10": 41.166000000000004, + "ndcg_at_100": 46.702, + "ndcg_at_1000": 49.157000000000004, + "ndcg_at_3": 36.274, + "ndcg_at_5": 38.177, + "precision_at_1": 31.735000000000003, + "precision_at_10": 7.5569999999999995, + "precision_at_100": 1.2109999999999999, + "precision_at_1000": 0.16, + "precision_at_3": 17.199, + "precision_at_5": 12.123000000000001, + "recall_at_1": 26.308999999999997, + "recall_at_10": 53.083000000000006, + "recall_at_100": 76.922, + "recall_at_1000": 93.767, + "recall_at_3": 39.262, + "recall_at_5": 44.413000000000004, + "main_score": 41.166000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.391250000000003, + "map_at_10": 33.280166666666666, + "map_at_100": 34.49566666666667, + "map_at_1000": 34.61533333333333, + "map_at_3": 30.52183333333333, + "map_at_5": 32.06608333333333, + "mrr_at_1": 29.105083333333337, + "mrr_at_10": 37.44766666666666, + "mrr_at_100": 38.32491666666667, + "mrr_at_1000": 38.385666666666665, + "mrr_at_3": 35.06883333333333, + "mrr_at_5": 36.42066666666667, + "ndcg_at_1": 29.105083333333337, + "ndcg_at_10": 38.54358333333333, + "ndcg_at_100": 43.833583333333344, + "ndcg_at_1000": 46.215333333333334, + "ndcg_at_3": 33.876, + "ndcg_at_5": 36.05208333333333, + "precision_at_1": 29.105083333333337, + "precision_at_10": 6.823416666666665, + "precision_at_100": 1.1270833333333334, + "precision_at_1000": 0.15208333333333332, + "precision_at_3": 15.696750000000002, + "precision_at_5": 11.193499999999998, + "recall_at_1": 24.391250000000003, + "recall_at_10": 49.98808333333333, + "recall_at_100": 73.31616666666666, + "recall_at_1000": 89.96291666666667, + "recall_at_3": 36.86666666666667, + "recall_at_5": 42.54350000000001, + "main_score": 38.54358333333333 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.995, + "map_at_10": 28.807, + "map_at_100": 29.813000000000002, + "map_at_1000": 29.903000000000002, + "map_at_3": 26.636, + "map_at_5": 27.912, + "mrr_at_1": 24.847, + "mrr_at_10": 31.494, + "mrr_at_100": 32.381, + "mrr_at_1000": 32.446999999999996, + "mrr_at_3": 29.473, + "mrr_at_5": 30.7, + "ndcg_at_1": 24.847, + "ndcg_at_10": 32.818999999999996, + "ndcg_at_100": 37.835, + "ndcg_at_1000": 40.226, + "ndcg_at_3": 28.811999999999998, + "ndcg_at_5": 30.875999999999998, + "precision_at_1": 24.847, + "precision_at_10": 5.244999999999999, + "precision_at_100": 0.856, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 12.577, + "precision_at_5": 8.895999999999999, + "recall_at_1": 21.995, + "recall_at_10": 42.479, + "recall_at_100": 65.337, + "recall_at_1000": 83.23700000000001, + "recall_at_3": 31.573, + "recall_at_5": 36.684, + "main_score": 32.818999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.751000000000001, + "map_at_10": 21.909, + "map_at_100": 23.064, + "map_at_1000": 23.205000000000002, + "map_at_3": 20.138, + "map_at_5": 20.973, + "mrr_at_1": 19.305, + "mrr_at_10": 25.647, + "mrr_at_100": 26.659, + "mrr_at_1000": 26.748, + "mrr_at_3": 23.933, + "mrr_at_5": 24.754, + "ndcg_at_1": 19.305, + "ndcg_at_10": 25.886, + "ndcg_at_100": 31.56, + "ndcg_at_1000": 34.799, + "ndcg_at_3": 22.708000000000002, + "ndcg_at_5": 23.838, + "precision_at_1": 19.305, + "precision_at_10": 4.677, + "precision_at_100": 0.895, + "precision_at_1000": 0.136, + "precision_at_3": 10.771, + "precision_at_5": 7.46, + "recall_at_1": 15.751000000000001, + "recall_at_10": 34.156, + "recall_at_100": 59.899, + "recall_at_1000": 83.08, + "recall_at_3": 24.772, + "recall_at_5": 28.009, + "main_score": 25.886 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.34, + "map_at_10": 32.383, + "map_at_100": 33.629999999999995, + "map_at_1000": 33.735, + "map_at_3": 29.68, + "map_at_5": 31.270999999999997, + "mrr_at_1": 27.612, + "mrr_at_10": 36.381, + "mrr_at_100": 37.351, + "mrr_at_1000": 37.411, + "mrr_at_3": 33.893, + "mrr_at_5": 35.353, + "ndcg_at_1": 27.612, + "ndcg_at_10": 37.714999999999996, + "ndcg_at_100": 43.525000000000006, + "ndcg_at_1000": 45.812999999999995, + "ndcg_at_3": 32.796, + "ndcg_at_5": 35.243, + "precision_at_1": 27.612, + "precision_at_10": 6.465, + "precision_at_100": 1.0619999999999998, + "precision_at_1000": 0.13699999999999998, + "precision_at_3": 15.049999999999999, + "precision_at_5": 10.764999999999999, + "recall_at_1": 23.34, + "recall_at_10": 49.856, + "recall_at_100": 75.334, + "recall_at_1000": 91.156, + "recall_at_3": 36.497, + "recall_at_5": 42.769, + "main_score": 37.714999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.097, + "map_at_10": 34.599999999999994, + "map_at_100": 36.174, + "map_at_1000": 36.398, + "map_at_3": 31.781, + "map_at_5": 33.22, + "mrr_at_1": 31.225, + "mrr_at_10": 39.873, + "mrr_at_100": 40.853, + "mrr_at_1000": 40.904, + "mrr_at_3": 37.681, + "mrr_at_5": 38.669, + "ndcg_at_1": 31.225, + "ndcg_at_10": 40.586, + "ndcg_at_100": 46.226, + "ndcg_at_1000": 48.788, + "ndcg_at_3": 36.258, + "ndcg_at_5": 37.848, + "precision_at_1": 31.225, + "precision_at_10": 7.707999999999999, + "precision_at_100": 1.536, + "precision_at_1000": 0.242, + "precision_at_3": 17.26, + "precision_at_5": 12.253, + "recall_at_1": 25.097, + "recall_at_10": 51.602000000000004, + "recall_at_100": 76.854, + "recall_at_1000": 93.303, + "recall_at_3": 38.68, + "recall_at_5": 43.258, + "main_score": 40.586 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.689, + "map_at_10": 25.291000000000004, + "map_at_100": 26.262, + "map_at_1000": 26.372, + "map_at_3": 22.916, + "map_at_5": 24.315, + "mrr_at_1": 19.409000000000002, + "mrr_at_10": 27.233, + "mrr_at_100": 28.109, + "mrr_at_1000": 28.192, + "mrr_at_3": 24.892, + "mrr_at_5": 26.278000000000002, + "ndcg_at_1": 19.409000000000002, + "ndcg_at_10": 29.809, + "ndcg_at_100": 34.936, + "ndcg_at_1000": 37.852000000000004, + "ndcg_at_3": 25.179000000000002, + "ndcg_at_5": 27.563, + "precision_at_1": 19.409000000000002, + "precision_at_10": 4.861, + "precision_at_100": 0.8, + "precision_at_1000": 0.116, + "precision_at_3": 11.029, + "precision_at_5": 7.985, + "recall_at_1": 17.689, + "recall_at_10": 41.724, + "recall_at_100": 65.95299999999999, + "recall_at_1000": 88.094, + "recall_at_3": 29.621, + "recall_at_5": 35.179, + "main_score": 29.809 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/ClimateFEVER.json b/results/intfloat__e5-base-v2/external/ClimateFEVER.json new file mode 100644 index 000000000..81f5003b9 --- /dev/null +++ b/results/intfloat__e5-base-v2/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 10.581, + "map_at_10": 18.944, + "map_at_100": 20.812, + "map_at_1000": 21.002000000000002, + "map_at_3": 15.661, + "map_at_5": 17.502000000000002, + "mrr_at_1": 23.388, + "mrr_at_10": 34.263, + "mrr_at_100": 35.364000000000004, + "mrr_at_1000": 35.409, + "mrr_at_3": 30.586000000000002, + "mrr_at_5": 32.928000000000004, + "ndcg_at_1": 23.388, + "ndcg_at_10": 26.56, + "ndcg_at_100": 34.248, + "ndcg_at_1000": 37.779, + "ndcg_at_3": 21.179000000000002, + "ndcg_at_5": 23.504, + "precision_at_1": 23.388, + "precision_at_10": 8.476, + "precision_at_100": 1.672, + "precision_at_1000": 0.233, + "precision_at_3": 15.852, + "precision_at_5": 12.73, + "recall_at_1": 10.581, + "recall_at_10": 32.512, + "recall_at_100": 59.313, + "recall_at_1000": 79.25, + "recall_at_3": 19.912, + "recall_at_5": 25.832, + "main_score": 26.56 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/DBPedia.json b/results/intfloat__e5-base-v2/external/DBPedia.json new file mode 100644 index 000000000..3ee108214 --- /dev/null +++ b/results/intfloat__e5-base-v2/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.35, + "map_at_10": 20.134, + "map_at_100": 28.975, + "map_at_1000": 30.709999999999997, + "map_at_3": 14.513000000000002, + "map_at_5": 16.671, + "mrr_at_1": 69.75, + "mrr_at_10": 77.67699999999999, + "mrr_at_100": 77.97500000000001, + "mrr_at_1000": 77.985, + "mrr_at_3": 76.292, + "mrr_at_5": 77.179, + "ndcg_at_1": 56.49999999999999, + "ndcg_at_10": 42.226, + "ndcg_at_100": 47.562, + "ndcg_at_1000": 54.923, + "ndcg_at_3": 46.564, + "ndcg_at_5": 43.830000000000005, + "precision_at_1": 69.75, + "precision_at_10": 33.525, + "precision_at_100": 11.035, + "precision_at_1000": 2.206, + "precision_at_3": 49.75, + "precision_at_5": 42, + "recall_at_1": 9.35, + "recall_at_10": 25.793, + "recall_at_100": 54.186, + "recall_at_1000": 77.81, + "recall_at_3": 15.770000000000001, + "recall_at_5": 19.09, + "main_score": 42.226 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/EmotionClassification.json b/results/intfloat__e5-base-v2/external/EmotionClassification.json new file mode 100644 index 000000000..f1ea79c0b --- /dev/null +++ b/results/intfloat__e5-base-v2/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 46.945, + "f1": 42.07407842992542, + "main_score": 46.945 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/FEVER.json b/results/intfloat__e5-base-v2/external/FEVER.json new file mode 100644 index 000000000..436f7a98b --- /dev/null +++ b/results/intfloat__e5-base-v2/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 71.04599999999999, + "map_at_10": 80.718, + "map_at_100": 80.961, + "map_at_1000": 80.974, + "map_at_3": 79.49199999999999, + "map_at_5": 80.32000000000001, + "mrr_at_1": 76.388, + "mrr_at_10": 85.214, + "mrr_at_100": 85.302, + "mrr_at_1000": 85.302, + "mrr_at_3": 84.373, + "mrr_at_5": 84.979, + "ndcg_at_1": 76.388, + "ndcg_at_10": 84.987, + "ndcg_at_100": 85.835, + "ndcg_at_1000": 86.04899999999999, + "ndcg_at_3": 83.04, + "ndcg_at_5": 84.22500000000001, + "precision_at_1": 76.388, + "precision_at_10": 10.35, + "precision_at_100": 1.099, + "precision_at_1000": 0.11399999999999999, + "precision_at_3": 32.108, + "precision_at_5": 20.033, + "recall_at_1": 71.04599999999999, + "recall_at_10": 93.547, + "recall_at_100": 96.887, + "recall_at_1000": 98.158, + "recall_at_3": 88.346, + "recall_at_5": 91.321, + "main_score": 84.987 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/FiQA2018.json b/results/intfloat__e5-base-v2/external/FiQA2018.json new file mode 100644 index 000000000..0b1bcf65b --- /dev/null +++ b/results/intfloat__e5-base-v2/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.8, + "map_at_10": 31.979999999999997, + "map_at_100": 33.876, + "map_at_1000": 34.056999999999995, + "map_at_3": 28.067999999999998, + "map_at_5": 30.066, + "mrr_at_1": 38.735, + "mrr_at_10": 47.749, + "mrr_at_100": 48.605, + "mrr_at_1000": 48.644999999999996, + "mrr_at_3": 45.165, + "mrr_at_5": 46.646, + "ndcg_at_1": 38.735, + "ndcg_at_10": 39.883, + "ndcg_at_100": 46.983000000000004, + "ndcg_at_1000": 50.043000000000006, + "ndcg_at_3": 35.943000000000005, + "ndcg_at_5": 37.119, + "precision_at_1": 38.735, + "precision_at_10": 10.940999999999999, + "precision_at_100": 1.836, + "precision_at_1000": 0.23900000000000002, + "precision_at_3": 23.817, + "precision_at_5": 17.346, + "recall_at_1": 19.8, + "recall_at_10": 47.082, + "recall_at_100": 73.247, + "recall_at_1000": 91.633, + "recall_at_3": 33.201, + "recall_at_5": 38.81, + "main_score": 39.883 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/HotpotQA.json b/results/intfloat__e5-base-v2/external/HotpotQA.json new file mode 100644 index 000000000..90e99f8a8 --- /dev/null +++ b/results/intfloat__e5-base-v2/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.102999999999994, + "map_at_10": 60.547, + "map_at_100": 61.466, + "map_at_1000": 61.526, + "map_at_3": 56.973, + "map_at_5": 59.244, + "mrr_at_1": 76.205, + "mrr_at_10": 82.816, + "mrr_at_100": 83.002, + "mrr_at_1000": 83.009, + "mrr_at_3": 81.747, + "mrr_at_5": 82.467, + "ndcg_at_1": 76.205, + "ndcg_at_10": 69.15, + "ndcg_at_100": 72.297, + "ndcg_at_1000": 73.443, + "ndcg_at_3": 64.07000000000001, + "ndcg_at_5": 66.96600000000001, + "precision_at_1": 76.205, + "precision_at_10": 14.601, + "precision_at_100": 1.7049999999999998, + "precision_at_1000": 0.186, + "precision_at_3": 41.202, + "precision_at_5": 27.006000000000004, + "recall_at_1": 38.102999999999994, + "recall_at_10": 73.005, + "recall_at_100": 85.253, + "recall_at_1000": 92.795, + "recall_at_3": 61.803, + "recall_at_5": 67.515, + "main_score": 69.15 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/ImdbClassification.json b/results/intfloat__e5-base-v2/external/ImdbClassification.json new file mode 100644 index 000000000..4c7e3efdd --- /dev/null +++ b/results/intfloat__e5-base-v2/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.15, + "ap": 80.36282825265391, + "f1": 86.07368510726472, + "main_score": 86.15 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/MSMARCO.json b/results/intfloat__e5-base-v2/external/MSMARCO.json new file mode 100644 index 000000000..fe2b28989 --- /dev/null +++ b/results/intfloat__e5-base-v2/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.6, + "map_at_10": 34.887, + "map_at_100": 36.069, + "map_at_1000": 36.115, + "map_at_3": 31.067, + "map_at_5": 33.300000000000004, + "mrr_at_1": 23.238, + "mrr_at_10": 35.47, + "mrr_at_100": 36.599, + "mrr_at_1000": 36.64, + "mrr_at_3": 31.735999999999997, + "mrr_at_5": 33.939, + "ndcg_at_1": 23.252, + "ndcg_at_10": 41.765, + "ndcg_at_100": 47.402, + "ndcg_at_1000": 48.562, + "ndcg_at_3": 34.016999999999996, + "ndcg_at_5": 38.016, + "precision_at_1": 23.252, + "precision_at_10": 6.569, + "precision_at_100": 0.938, + "precision_at_1000": 0.104, + "precision_at_3": 14.479000000000001, + "precision_at_5": 10.722, + "recall_at_1": 22.6, + "recall_at_10": 62.919000000000004, + "recall_at_100": 88.82, + "recall_at_1000": 97.71600000000001, + "recall_at_3": 41.896, + "recall_at_5": 51.537, + "main_score": 41.765 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/MTOPDomainClassification.json b/results/intfloat__e5-base-v2/external/MTOPDomainClassification.json new file mode 100644 index 000000000..c6a7849b9 --- /dev/null +++ b/results/intfloat__e5-base-v2/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.69357045143639, + "f1": 93.55489858177597, + "main_score": 93.69357045143639 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/MTOPIntentClassification.json b/results/intfloat__e5-base-v2/external/MTOPIntentClassification.json new file mode 100644 index 000000000..658320c70 --- /dev/null +++ b/results/intfloat__e5-base-v2/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.31235750114, + "f1": 57.891491963121155, + "main_score": 75.31235750114 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/MassiveIntentClassification.json b/results/intfloat__e5-base-v2/external/MassiveIntentClassification.json new file mode 100644 index 000000000..c32c77049 --- /dev/null +++ b/results/intfloat__e5-base-v2/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.04303967720243, + "f1": 70.51516022297616, + "main_score": 73.04303967720243 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/MassiveScenarioClassification.json b/results/intfloat__e5-base-v2/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..08d9b1912 --- /dev/null +++ b/results/intfloat__e5-base-v2/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.65299260255549, + "f1": 77.49059766538576, + "main_score": 77.65299260255549 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/MedrxivClusteringP2P.json b/results/intfloat__e5-base-v2/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..2423568e5 --- /dev/null +++ b/results/intfloat__e5-base-v2/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.458906115906597, + "main_score": 31.458906115906597 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/MedrxivClusteringS2S.json b/results/intfloat__e5-base-v2/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..9d17ec4b2 --- /dev/null +++ b/results/intfloat__e5-base-v2/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 28.9851513122443, + "main_score": 28.9851513122443 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/MindSmallReranking.json b/results/intfloat__e5-base-v2/external/MindSmallReranking.json new file mode 100644 index 000000000..f0961b25f --- /dev/null +++ b/results/intfloat__e5-base-v2/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.2916268497217, + "mrr": 32.328276715593816, + "main_score": 31.2916268497217 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/NFCorpus.json b/results/intfloat__e5-base-v2/external/NFCorpus.json new file mode 100644 index 000000000..50d9df859 --- /dev/null +++ b/results/intfloat__e5-base-v2/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.3740000000000006, + "map_at_10": 13.089999999999998, + "map_at_100": 16.512, + "map_at_1000": 18.014, + "map_at_3": 9.671000000000001, + "map_at_5": 11.199, + "mrr_at_1": 46.749, + "mrr_at_10": 55.367, + "mrr_at_100": 56.021, + "mrr_at_1000": 56.058, + "mrr_at_3": 53.30200000000001, + "mrr_at_5": 54.773, + "ndcg_at_1": 45.046, + "ndcg_at_10": 35.388999999999996, + "ndcg_at_100": 32.175, + "ndcg_at_1000": 41.018, + "ndcg_at_3": 40.244, + "ndcg_at_5": 38.267, + "precision_at_1": 46.749, + "precision_at_10": 26.563, + "precision_at_100": 8.074, + "precision_at_1000": 2.099, + "precision_at_3": 37.358000000000004, + "precision_at_5": 33.003, + "recall_at_1": 6.3740000000000006, + "recall_at_10": 16.805999999999997, + "recall_at_100": 31.871, + "recall_at_1000": 64.098, + "recall_at_3": 10.383000000000001, + "recall_at_5": 13.166, + "main_score": 35.388999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/NQ.json b/results/intfloat__e5-base-v2/external/NQ.json new file mode 100644 index 000000000..543901088 --- /dev/null +++ b/results/intfloat__e5-base-v2/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 34.847, + "map_at_10": 50.532, + "map_at_100": 51.504000000000005, + "map_at_1000": 51.528, + "map_at_3": 46.219, + "map_at_5": 48.868, + "mrr_at_1": 39.137, + "mrr_at_10": 53.157, + "mrr_at_100": 53.839999999999996, + "mrr_at_1000": 53.857, + "mrr_at_3": 49.667, + "mrr_at_5": 51.847, + "ndcg_at_1": 39.108, + "ndcg_at_10": 58.221000000000004, + "ndcg_at_100": 62.021, + "ndcg_at_1000": 62.57, + "ndcg_at_3": 50.27199999999999, + "ndcg_at_5": 54.623999999999995, + "precision_at_1": 39.108, + "precision_at_10": 9.397, + "precision_at_100": 1.1520000000000001, + "precision_at_1000": 0.12, + "precision_at_3": 22.644000000000002, + "precision_at_5": 16.141, + "recall_at_1": 34.847, + "recall_at_10": 78.945, + "recall_at_100": 94.793, + "recall_at_1000": 98.904, + "recall_at_3": 58.56, + "recall_at_5": 68.535, + "main_score": 58.221000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/QuoraRetrieval.json b/results/intfloat__e5-base-v2/external/QuoraRetrieval.json new file mode 100644 index 000000000..17de58f73 --- /dev/null +++ b/results/intfloat__e5-base-v2/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 68.728, + "map_at_10": 82.537, + "map_at_100": 83.218, + "map_at_1000": 83.238, + "map_at_3": 79.586, + "map_at_5": 81.416, + "mrr_at_1": 79.17999999999999, + "mrr_at_10": 85.79299999999999, + "mrr_at_100": 85.937, + "mrr_at_1000": 85.938, + "mrr_at_3": 84.748, + "mrr_at_5": 85.431, + "ndcg_at_1": 79.17, + "ndcg_at_10": 86.555, + "ndcg_at_100": 88.005, + "ndcg_at_1000": 88.146, + "ndcg_at_3": 83.557, + "ndcg_at_5": 85.152, + "precision_at_1": 79.17, + "precision_at_10": 13.163, + "precision_at_100": 1.52, + "precision_at_1000": 0.156, + "precision_at_3": 36.53, + "precision_at_5": 24.046, + "recall_at_1": 68.728, + "recall_at_10": 94.217, + "recall_at_100": 99.295, + "recall_at_1000": 99.964, + "recall_at_3": 85.646, + "recall_at_5": 90.113, + "main_score": 86.555 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/RedditClustering.json b/results/intfloat__e5-base-v2/external/RedditClustering.json new file mode 100644 index 000000000..dd3296c9e --- /dev/null +++ b/results/intfloat__e5-base-v2/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 56.15680266226348, + "main_score": 56.15680266226348 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/RedditClusteringP2P.json b/results/intfloat__e5-base-v2/external/RedditClusteringP2P.json new file mode 100644 index 000000000..1a7111e6b --- /dev/null +++ b/results/intfloat__e5-base-v2/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 63.4318549229047, + "main_score": 63.4318549229047 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/SCIDOCS.json b/results/intfloat__e5-base-v2/external/SCIDOCS.json new file mode 100644 index 000000000..d18eb0208 --- /dev/null +++ b/results/intfloat__e5-base-v2/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.353, + "map_at_10": 10.956000000000001, + "map_at_100": 12.873999999999999, + "map_at_1000": 13.177, + "map_at_3": 7.854, + "map_at_5": 9.327, + "mrr_at_1": 21.4, + "mrr_at_10": 31.948999999999998, + "mrr_at_100": 33.039, + "mrr_at_1000": 33.106, + "mrr_at_3": 28.449999999999996, + "mrr_at_5": 30.535, + "ndcg_at_1": 21.4, + "ndcg_at_10": 18.694, + "ndcg_at_100": 26.275, + "ndcg_at_1000": 31.836, + "ndcg_at_3": 17.559, + "ndcg_at_5": 15.372, + "precision_at_1": 21.4, + "precision_at_10": 9.790000000000001, + "precision_at_100": 2.0709999999999997, + "precision_at_1000": 0.34099999999999997, + "precision_at_3": 16.467000000000002, + "precision_at_5": 13.54, + "recall_at_1": 4.353, + "recall_at_10": 19.892000000000003, + "recall_at_100": 42.067, + "recall_at_1000": 69.268, + "recall_at_3": 10.042, + "recall_at_5": 13.741999999999999, + "main_score": 18.694 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/SICK-R.json b/results/intfloat__e5-base-v2/external/SICK-R.json new file mode 100644 index 000000000..f644418f4 --- /dev/null +++ b/results/intfloat__e5-base-v2/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.75433886279843, + "cos_sim_spearman": 78.29727771767095, + "euclidean_pearson": 80.83057828506621, + "euclidean_spearman": 78.35203149750356, + "manhattan_pearson": 80.7403553891142, + "manhattan_spearman": 78.33670488531051, + "cosine_pearson": 83.75433886279843, + "cosine_spearman": 78.29727771767095, + "main_score": 78.29727771767095 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/STS12.json b/results/intfloat__e5-base-v2/external/STS12.json new file mode 100644 index 000000000..610c2cc0a --- /dev/null +++ b/results/intfloat__e5-base-v2/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.59999465280839, + "cos_sim_spearman": 75.79279003980383, + "euclidean_pearson": 82.29895375956758, + "euclidean_spearman": 77.33856514102094, + "manhattan_pearson": 82.22694214534756, + "manhattan_spearman": 77.3028993008695, + "cosine_pearson": 84.59999465280839, + "cosine_spearman": 75.79279003980383, + "main_score": 75.79279003980383 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/STS13.json b/results/intfloat__e5-base-v2/external/STS13.json new file mode 100644 index 000000000..56a0c98b7 --- /dev/null +++ b/results/intfloat__e5-base-v2/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.09296929691297, + "cos_sim_spearman": 83.58056936846941, + "euclidean_pearson": 83.84067483060005, + "euclidean_spearman": 84.45155680480985, + "manhattan_pearson": 83.82353052971942, + "manhattan_spearman": 84.43030567861112, + "cosine_pearson": 83.09296929691297, + "cosine_spearman": 83.58056936846941, + "main_score": 83.58056936846941 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/STS14.json b/results/intfloat__e5-base-v2/external/STS14.json new file mode 100644 index 000000000..2ce285183 --- /dev/null +++ b/results/intfloat__e5-base-v2/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.74616852320915, + "cos_sim_spearman": 79.948683747966, + "euclidean_pearson": 81.55702283757084, + "euclidean_spearman": 80.1721505114231, + "manhattan_pearson": 81.52251518619441, + "manhattan_spearman": 80.1469800135577, + "cosine_pearson": 82.74616852320915, + "cosine_spearman": 79.948683747966, + "main_score": 79.948683747966 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/STS15.json b/results/intfloat__e5-base-v2/external/STS15.json new file mode 100644 index 000000000..f11518e29 --- /dev/null +++ b/results/intfloat__e5-base-v2/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.97170104226318, + "cos_sim_spearman": 88.82021731518206, + "euclidean_pearson": 87.92950547187615, + "euclidean_spearman": 88.67043634645866, + "manhattan_pearson": 87.90668112827639, + "manhattan_spearman": 88.64471082785317, + "cosine_pearson": 87.97170104226318, + "cosine_spearman": 88.82021731518206, + "main_score": 88.82021731518206 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/STS16.json b/results/intfloat__e5-base-v2/external/STS16.json new file mode 100644 index 000000000..42f8adb77 --- /dev/null +++ b/results/intfloat__e5-base-v2/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.02790375770599, + "cos_sim_spearman": 84.46308496590792, + "euclidean_pearson": 84.29430000414911, + "euclidean_spearman": 84.77298303589936, + "manhattan_pearson": 84.23919291368665, + "manhattan_spearman": 84.75272234871308, + "cosine_pearson": 83.02790375770599, + "cosine_spearman": 84.46308496590792, + "main_score": 84.46308496590792 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/STS17.json b/results/intfloat__e5-base-v2/external/STS17.json new file mode 100644 index 000000000..7ed8178ff --- /dev/null +++ b/results/intfloat__e5-base-v2/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.62885108477064, + "cos_sim_spearman": 87.58456196391622, + "euclidean_pearson": 88.2602775281007, + "euclidean_spearman": 87.51556278299846, + "manhattan_pearson": 88.11224053672842, + "manhattan_spearman": 87.4336094383095, + "cosine_pearson": 87.62885108477064, + "cosine_spearman": 87.58456196391622, + "main_score": 87.58456196391622 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/STS22.json b/results/intfloat__e5-base-v2/external/STS22.json new file mode 100644 index 000000000..a8b2203a9 --- /dev/null +++ b/results/intfloat__e5-base-v2/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 63.98187965128411, + "cos_sim_spearman": 64.0653163219731, + "euclidean_pearson": 62.30616725924099, + "euclidean_spearman": 61.556971332295916, + "manhattan_pearson": 62.07642330128549, + "manhattan_spearman": 61.155494129828, + "cosine_pearson": 63.98187965128411, + "cosine_spearman": 64.0653163219731, + "main_score": 64.0653163219731 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/STSBenchmark.json b/results/intfloat__e5-base-v2/external/STSBenchmark.json new file mode 100644 index 000000000..c725eb8b4 --- /dev/null +++ b/results/intfloat__e5-base-v2/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.6089703921826, + "cos_sim_spearman": 86.52303197250791, + "euclidean_pearson": 85.95801955963246, + "euclidean_spearman": 86.25242424112962, + "manhattan_pearson": 85.88829100470312, + "manhattan_spearman": 86.18742955805165, + "cosine_pearson": 85.6089703921826, + "cosine_spearman": 86.52303197250791, + "main_score": 86.52303197250791 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/SciDocsRR.json b/results/intfloat__e5-base-v2/external/SciDocsRR.json new file mode 100644 index 000000000..d9e0c06c9 --- /dev/null +++ b/results/intfloat__e5-base-v2/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 83.02282098487036, + "mrr": 95.05126409538174, + "main_score": 83.02282098487036 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/SciFact.json b/results/intfloat__e5-base-v2/external/SciFact.json new file mode 100644 index 000000000..4efd31212 --- /dev/null +++ b/results/intfloat__e5-base-v2/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 55.928, + "map_at_10": 67.308, + "map_at_100": 67.89500000000001, + "map_at_1000": 67.91199999999999, + "map_at_3": 65.091, + "map_at_5": 66.412, + "mrr_at_1": 58.667, + "mrr_at_10": 68.401, + "mrr_at_100": 68.804, + "mrr_at_1000": 68.819, + "mrr_at_3": 66.72200000000001, + "mrr_at_5": 67.72200000000001, + "ndcg_at_1": 58.667, + "ndcg_at_10": 71.944, + "ndcg_at_100": 74.464, + "ndcg_at_1000": 74.82799999999999, + "ndcg_at_3": 68.257, + "ndcg_at_5": 70.10300000000001, + "precision_at_1": 58.667, + "precision_at_10": 9.533, + "precision_at_100": 1.09, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 27.222, + "precision_at_5": 17.533, + "recall_at_1": 55.928, + "recall_at_10": 84.65, + "recall_at_100": 96.267, + "recall_at_1000": 99, + "recall_at_3": 74.656, + "recall_at_5": 79.489, + "main_score": 71.944 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/SprintDuplicateQuestions.json b/results/intfloat__e5-base-v2/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..d3a2e5519 --- /dev/null +++ b/results/intfloat__e5-base-v2/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.79009900990098, + "cos_sim_ap": 94.5795129511524, + "cos_sim_f1": 89.34673366834171, + "cos_sim_precision": 89.79797979797979, + "cos_sim_recall": 88.9, + "dot_accuracy": 99.53465346534654, + "dot_ap": 81.56492504352725, + "dot_f1": 76.33816908454227, + "dot_precision": 76.37637637637637, + "dot_recall": 76.3, + "euclidean_accuracy": 99.78514851485149, + "euclidean_ap": 94.59134620408962, + "euclidean_f1": 88.96484375, + "euclidean_precision": 86.92748091603053, + "euclidean_recall": 91.10000000000001, + "manhattan_accuracy": 99.78415841584159, + "manhattan_ap": 94.5190197328845, + "manhattan_f1": 88.84462151394423, + "manhattan_precision": 88.4920634920635, + "manhattan_recall": 89.2, + "max_accuracy": 99.79009900990098, + "max_ap": 94.59134620408962, + "max_f1": 89.34673366834171, + "main_score": 94.59134620408962 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/StackExchangeClustering.json b/results/intfloat__e5-base-v2/external/StackExchangeClustering.json new file mode 100644 index 000000000..a1a7e3847 --- /dev/null +++ b/results/intfloat__e5-base-v2/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 65.1487505617497, + "main_score": 65.1487505617497 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/StackExchangeClusteringP2P.json b/results/intfloat__e5-base-v2/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..85716367f --- /dev/null +++ b/results/intfloat__e5-base-v2/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.502518166001856, + "main_score": 32.502518166001856 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/StackOverflowDupQuestions.json b/results/intfloat__e5-base-v2/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..392e67667 --- /dev/null +++ b/results/intfloat__e5-base-v2/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 50.33775480236701, + "mrr": 51.17302223919871, + "main_score": 50.33775480236701 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/SummEval.json b/results/intfloat__e5-base-v2/external/SummEval.json new file mode 100644 index 000000000..3dd65d9da --- /dev/null +++ b/results/intfloat__e5-base-v2/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.561111309808208, + "cos_sim_spearman": 30.2839254379273, + "dot_pearson": 29.560242291401973, + "dot_spearman": 30.51527274679116, + "cosine_pearson": 30.561111309808208, + "cosine_spearman": 30.2839254379273, + "main_score": 30.2839254379273 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/TRECCOVID.json b/results/intfloat__e5-base-v2/external/TRECCOVID.json new file mode 100644 index 000000000..bba684bbb --- /dev/null +++ b/results/intfloat__e5-base-v2/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.215, + "map_at_10": 1.752, + "map_at_100": 9.258, + "map_at_1000": 23.438, + "map_at_3": 0.6, + "map_at_5": 0.968, + "mrr_at_1": 84, + "mrr_at_10": 91.333, + "mrr_at_100": 91.333, + "mrr_at_1000": 91.333, + "mrr_at_3": 91.333, + "mrr_at_5": 91.333, + "ndcg_at_1": 75, + "ndcg_at_10": 69.596, + "ndcg_at_100": 51.970000000000006, + "ndcg_at_1000": 48.864999999999995, + "ndcg_at_3": 73.92699999999999, + "ndcg_at_5": 73.175, + "precision_at_1": 84, + "precision_at_10": 74, + "precision_at_100": 53.2, + "precision_at_1000": 21.836, + "precision_at_3": 79.333, + "precision_at_5": 78.4, + "recall_at_1": 0.215, + "recall_at_10": 1.9609999999999999, + "recall_at_100": 12.809999999999999, + "recall_at_1000": 46.418, + "recall_at_3": 0.6479999999999999, + "recall_at_5": 1.057, + "main_score": 69.596 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/Touche2020.json b/results/intfloat__e5-base-v2/external/Touche2020.json new file mode 100644 index 000000000..ee6a093d1 --- /dev/null +++ b/results/intfloat__e5-base-v2/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.066, + "map_at_10": 10.508000000000001, + "map_at_100": 16.258, + "map_at_1000": 17.705000000000002, + "map_at_3": 6.157, + "map_at_5": 7.510999999999999, + "mrr_at_1": 34.694, + "mrr_at_10": 48.786, + "mrr_at_100": 49.619, + "mrr_at_1000": 49.619, + "mrr_at_3": 45.918, + "mrr_at_5": 46.837, + "ndcg_at_1": 31.633, + "ndcg_at_10": 26.401999999999997, + "ndcg_at_100": 37.139, + "ndcg_at_1000": 48.012, + "ndcg_at_3": 31.875999999999998, + "ndcg_at_5": 27.383000000000003, + "precision_at_1": 34.694, + "precision_at_10": 22.857, + "precision_at_100": 7.611999999999999, + "precision_at_1000": 1.492, + "precision_at_3": 33.333, + "precision_at_5": 26.122, + "recall_at_1": 3.066, + "recall_at_10": 16.239, + "recall_at_100": 47.29, + "recall_at_1000": 81.137, + "recall_at_3": 7.069, + "recall_at_5": 9.483, + "main_score": 26.401999999999997 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/ToxicConversationsClassification.json b/results/intfloat__e5-base-v2/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..8b3122100 --- /dev/null +++ b/results/intfloat__e5-base-v2/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.1126, + "ap": 14.710862719285753, + "f1": 55.437808972378846, + "main_score": 72.1126 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/TweetSentimentExtractionClassification.json b/results/intfloat__e5-base-v2/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..49c1b7574 --- /dev/null +++ b/results/intfloat__e5-base-v2/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 60.39049235993209, + "f1": 60.69810537250234, + "main_score": 60.39049235993209 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/TwentyNewsgroupsClustering.json b/results/intfloat__e5-base-v2/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..78184b7e9 --- /dev/null +++ b/results/intfloat__e5-base-v2/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.15576640316866, + "main_score": 48.15576640316866 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/TwitterSemEval2015.json b/results/intfloat__e5-base-v2/external/TwitterSemEval2015.json new file mode 100644 index 000000000..a578e5191 --- /dev/null +++ b/results/intfloat__e5-base-v2/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 86.52917684925792, + "cos_sim_ap": 75.97497873817315, + "cos_sim_f1": 70.01151926276718, + "cos_sim_precision": 67.98409147402435, + "cos_sim_recall": 72.16358839050132, + "dot_accuracy": 82.47004828038385, + "dot_ap": 62.48739894974198, + "dot_f1": 59.13107511045656, + "dot_precision": 55.27765029830197, + "dot_recall": 63.562005277044854, + "euclidean_accuracy": 86.46361089586935, + "euclidean_ap": 75.59282886839452, + "euclidean_f1": 69.6465443945099, + "euclidean_precision": 64.52847175331982, + "euclidean_recall": 75.64643799472296, + "manhattan_accuracy": 86.43380818978363, + "manhattan_ap": 75.5742420974403, + "manhattan_f1": 69.8636926889715, + "manhattan_precision": 65.8644859813084, + "manhattan_recall": 74.37994722955145, + "max_accuracy": 86.52917684925792, + "max_ap": 75.97497873817315, + "max_f1": 70.01151926276718, + "main_score": 75.97497873817315 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/TwitterURLCorpus.json b/results/intfloat__e5-base-v2/external/TwitterURLCorpus.json new file mode 100644 index 000000000..bda79ec31 --- /dev/null +++ b/results/intfloat__e5-base-v2/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.29056545193464, + "cos_sim_ap": 86.63028865482376, + "cos_sim_f1": 79.18166458532285, + "cos_sim_precision": 75.70585756426465, + "cos_sim_recall": 82.99199260856174, + "dot_accuracy": 85.23305002522606, + "dot_ap": 76.0482687263196, + "dot_f1": 70.80484330484332, + "dot_precision": 65.86933474688577, + "dot_recall": 76.53988296889437, + "euclidean_accuracy": 89.26145845461248, + "euclidean_ap": 86.54073288416006, + "euclidean_f1": 78.9721371479794, + "euclidean_precision": 76.68649354417525, + "euclidean_recall": 81.39821373575609, + "manhattan_accuracy": 89.22847052431405, + "manhattan_ap": 86.51250729037905, + "manhattan_f1": 78.94601825044894, + "manhattan_precision": 75.32694594027555, + "manhattan_recall": 82.93039728980598, + "max_accuracy": 89.29056545193464, + "max_ap": 86.63028865482376, + "max_f1": 79.18166458532285, + "main_score": 86.63028865482376 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base-v2/external/model_meta.json b/results/intfloat__e5-base-v2/external/model_meta.json new file mode 100644 index 000000000..33f337e45 --- /dev/null +++ b/results/intfloat__e5-base-v2/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "intfloat/e5-base-v2", + "revision": "1c644c92ad3ba1efdad3f1451a637716616a20e8", + "release_date": "2023-05-19", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 109482752, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 768, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/AmazonCounterfactualClassification.json b/results/intfloat__e5-base/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..57a7abc72 --- /dev/null +++ b/results/intfloat__e5-base/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.71641791044777, + "ap": 44.15426065428253, + "f1": 73.89474407693241, + "main_score": 79.71641791044777 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/AmazonPolarityClassification.json b/results/intfloat__e5-base/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..c4a97ac09 --- /dev/null +++ b/results/intfloat__e5-base/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 87.9649, + "ap": 84.10171551915973, + "f1": 87.94148377827356, + "main_score": 87.9649 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/AmazonReviewsClassification.json b/results/intfloat__e5-base/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..59fc9b293 --- /dev/null +++ b/results/intfloat__e5-base/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 42.645999999999994, + "f1": 42.230574673549, + "main_score": 42.645999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/ArguAna.json b/results/intfloat__e5-base/external/ArguAna.json new file mode 100644 index 000000000..d05846b29 --- /dev/null +++ b/results/intfloat__e5-base/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.814, + "map_at_10": 42.681999999999995, + "map_at_100": 43.714, + "map_at_1000": 43.724000000000004, + "map_at_3": 38.11, + "map_at_5": 40.666999999999994, + "mrr_at_1": 27.168999999999997, + "mrr_at_10": 42.84, + "mrr_at_100": 43.864, + "mrr_at_1000": 43.875, + "mrr_at_3": 38.193, + "mrr_at_5": 40.793, + "ndcg_at_1": 26.814, + "ndcg_at_10": 51.410999999999994, + "ndcg_at_100": 55.713, + "ndcg_at_1000": 55.957, + "ndcg_at_3": 41.955, + "ndcg_at_5": 46.558, + "precision_at_1": 26.814, + "precision_at_10": 7.922999999999999, + "precision_at_100": 0.9780000000000001, + "precision_at_1000": 0.1, + "precision_at_3": 17.71, + "precision_at_5": 12.859000000000002, + "recall_at_1": 26.814, + "recall_at_10": 79.232, + "recall_at_100": 97.795, + "recall_at_1000": 99.644, + "recall_at_3": 53.129000000000005, + "recall_at_5": 64.29599999999999, + "main_score": 51.410999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/ArxivClusteringP2P.json b/results/intfloat__e5-base/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..60c9e169e --- /dev/null +++ b/results/intfloat__e5-base/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 44.56933066536439, + "main_score": 44.56933066536439 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/ArxivClusteringS2S.json b/results/intfloat__e5-base/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..9bba8cd96 --- /dev/null +++ b/results/intfloat__e5-base/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.47647746165173, + "main_score": 40.47647746165173 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/AskUbuntuDupQuestions.json b/results/intfloat__e5-base/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..88a1431fe --- /dev/null +++ b/results/intfloat__e5-base/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 59.65675531567043, + "mrr": 72.95255683067317, + "main_score": 59.65675531567043 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/BIOSSES.json b/results/intfloat__e5-base/external/BIOSSES.json new file mode 100644 index 000000000..5b0a3f513 --- /dev/null +++ b/results/intfloat__e5-base/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.83147014162338, + "cos_sim_spearman": 85.1031439521441, + "euclidean_pearson": 83.53609085510973, + "euclidean_spearman": 84.59650590202833, + "manhattan_pearson": 83.14611947586386, + "manhattan_spearman": 84.13384475757064, + "cosine_pearson": 85.83147014162338, + "cosine_spearman": 85.1031439521441, + "main_score": 85.1031439521441 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/Banking77Classification.json b/results/intfloat__e5-base/external/Banking77Classification.json new file mode 100644 index 000000000..5a2470fd8 --- /dev/null +++ b/results/intfloat__e5-base/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 83.32792207792208, + "f1": 83.32037485050513, + "main_score": 83.32792207792208 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/BiorxivClusteringP2P.json b/results/intfloat__e5-base/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..85d73e0c5 --- /dev/null +++ b/results/intfloat__e5-base/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.18605446588703, + "main_score": 36.18605446588703 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/BiorxivClusteringS2S.json b/results/intfloat__e5-base/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..d53a942e5 --- /dev/null +++ b/results/intfloat__e5-base/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.72379130181917, + "main_score": 32.72379130181917 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/CQADupstackAndroidRetrieval.json b/results/intfloat__e5-base/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..bce119d0c --- /dev/null +++ b/results/intfloat__e5-base/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.659, + "map_at_10": 40.333999999999996, + "map_at_100": 41.763, + "map_at_1000": 41.894, + "map_at_3": 37.561, + "map_at_5": 39.084, + "mrr_at_1": 37.482, + "mrr_at_10": 45.736, + "mrr_at_100": 46.591, + "mrr_at_1000": 46.644999999999996, + "mrr_at_3": 43.491, + "mrr_at_5": 44.75, + "ndcg_at_1": 37.482, + "ndcg_at_10": 45.606, + "ndcg_at_100": 51.172, + "ndcg_at_1000": 53.407000000000004, + "ndcg_at_3": 41.808, + "ndcg_at_5": 43.449, + "precision_at_1": 37.482, + "precision_at_10": 8.254999999999999, + "precision_at_100": 1.3719999999999999, + "precision_at_1000": 0.186, + "precision_at_3": 19.695, + "precision_at_5": 13.847999999999999, + "recall_at_1": 30.659, + "recall_at_10": 55.409, + "recall_at_100": 78.687, + "recall_at_1000": 93.068, + "recall_at_3": 43.891999999999996, + "recall_at_5": 48.678, + "main_score": 45.606 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.977, + "map_at_10": 40.296, + "map_at_100": 41.453, + "map_at_1000": 41.581, + "map_at_3": 37.619, + "map_at_5": 39.181, + "mrr_at_1": 39.108, + "mrr_at_10": 46.894000000000005, + "mrr_at_100": 47.55, + "mrr_at_1000": 47.598, + "mrr_at_3": 44.766, + "mrr_at_5": 46.062999999999995, + "ndcg_at_1": 39.108, + "ndcg_at_10": 45.717, + "ndcg_at_100": 49.941, + "ndcg_at_1000": 52.138, + "ndcg_at_3": 42.05, + "ndcg_at_5": 43.893, + "precision_at_1": 39.108, + "precision_at_10": 8.306, + "precision_at_100": 1.3419999999999999, + "precision_at_1000": 0.184, + "precision_at_3": 19.979, + "precision_at_5": 14.038, + "recall_at_1": 30.977, + "recall_at_10": 54.688, + "recall_at_100": 72.556, + "recall_at_1000": 86.53800000000001, + "recall_at_3": 43.388, + "recall_at_5": 48.717, + "main_score": 45.717 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 39.812, + "map_at_10": 50.1, + "map_at_100": 51.193999999999996, + "map_at_1000": 51.258, + "map_at_3": 47.510999999999996, + "map_at_5": 48.891, + "mrr_at_1": 45.266, + "mrr_at_10": 53.459999999999994, + "mrr_at_100": 54.19199999999999, + "mrr_at_1000": 54.228, + "mrr_at_3": 51.296, + "mrr_at_5": 52.495999999999995, + "ndcg_at_1": 45.266, + "ndcg_at_10": 55.034000000000006, + "ndcg_at_100": 59.458, + "ndcg_at_1000": 60.862, + "ndcg_at_3": 50.52799999999999, + "ndcg_at_5": 52.564, + "precision_at_1": 45.266, + "precision_at_10": 8.483, + "precision_at_100": 1.162, + "precision_at_1000": 0.133, + "precision_at_3": 21.944, + "precision_at_5": 14.721, + "recall_at_1": 39.812, + "recall_at_10": 66.36, + "recall_at_100": 85.392, + "recall_at_1000": 95.523, + "recall_at_3": 54.127, + "recall_at_5": 59.245000000000005, + "main_score": 55.034000000000006 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.186, + "map_at_10": 33.18, + "map_at_100": 34.052, + "map_at_1000": 34.149, + "map_at_3": 31.029, + "map_at_5": 32.321, + "mrr_at_1": 28.136, + "mrr_at_10": 35.195, + "mrr_at_100": 35.996, + "mrr_at_1000": 36.076, + "mrr_at_3": 33.051, + "mrr_at_5": 34.407, + "ndcg_at_1": 28.136, + "ndcg_at_10": 37.275999999999996, + "ndcg_at_100": 41.935, + "ndcg_at_1000": 44.389, + "ndcg_at_3": 33.059, + "ndcg_at_5": 35.313, + "precision_at_1": 28.136, + "precision_at_10": 5.457999999999999, + "precision_at_100": 0.826, + "precision_at_1000": 0.107, + "precision_at_3": 13.522, + "precision_at_5": 9.424000000000001, + "recall_at_1": 26.186, + "recall_at_10": 47.961999999999996, + "recall_at_100": 70.072, + "recall_at_1000": 88.505, + "recall_at_3": 36.752, + "recall_at_5": 42.168, + "main_score": 37.275999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.586000000000002, + "map_at_10": 23.637, + "map_at_100": 24.82, + "map_at_1000": 24.95, + "map_at_3": 21.428, + "map_at_5": 22.555, + "mrr_at_1": 20.771, + "mrr_at_10": 27.839999999999996, + "mrr_at_100": 28.887, + "mrr_at_1000": 28.967, + "mrr_at_3": 25.56, + "mrr_at_5": 26.723000000000003, + "ndcg_at_1": 20.771, + "ndcg_at_10": 28.255000000000003, + "ndcg_at_100": 33.886, + "ndcg_at_1000": 36.963, + "ndcg_at_3": 24.056, + "ndcg_at_5": 25.818, + "precision_at_1": 20.771, + "precision_at_10": 5.1, + "precision_at_100": 0.9119999999999999, + "precision_at_1000": 0.132, + "precision_at_3": 11.526, + "precision_at_5": 8.158999999999999, + "recall_at_1": 16.586000000000002, + "recall_at_10": 38.456, + "recall_at_100": 62.666, + "recall_at_1000": 84.47, + "recall_at_3": 26.765, + "recall_at_5": 31.297000000000004, + "main_score": 28.255000000000003 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.831, + "map_at_10": 37.545, + "map_at_100": 38.934999999999995, + "map_at_1000": 39.044000000000004, + "map_at_3": 34.601, + "map_at_5": 36.302, + "mrr_at_1": 34.264, + "mrr_at_10": 42.569, + "mrr_at_100": 43.514, + "mrr_at_1000": 43.561, + "mrr_at_3": 40.167, + "mrr_at_5": 41.678, + "ndcg_at_1": 34.264, + "ndcg_at_10": 42.914, + "ndcg_at_100": 48.931999999999995, + "ndcg_at_1000": 51.004000000000005, + "ndcg_at_3": 38.096999999999994, + "ndcg_at_5": 40.509, + "precision_at_1": 34.264, + "precision_at_10": 7.642, + "precision_at_100": 1.258, + "precision_at_1000": 0.161, + "precision_at_3": 17.453, + "precision_at_5": 12.608, + "recall_at_1": 28.831, + "recall_at_10": 53.56999999999999, + "recall_at_100": 79.26100000000001, + "recall_at_1000": 92.862, + "recall_at_3": 40.681, + "recall_at_5": 46.597, + "main_score": 42.914 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.461000000000002, + "map_at_10": 35.885, + "map_at_100": 37.039, + "map_at_1000": 37.16, + "map_at_3": 33.451, + "map_at_5": 34.807, + "mrr_at_1": 34.018, + "mrr_at_10": 41.32, + "mrr_at_100": 42.157, + "mrr_at_1000": 42.223, + "mrr_at_3": 39.288000000000004, + "mrr_at_5": 40.481, + "ndcg_at_1": 34.018, + "ndcg_at_10": 40.821000000000005, + "ndcg_at_100": 46.053, + "ndcg_at_1000": 48.673, + "ndcg_at_3": 36.839, + "ndcg_at_5": 38.683, + "precision_at_1": 34.018, + "precision_at_10": 7.009, + "precision_at_100": 1.123, + "precision_at_1000": 0.153, + "precision_at_3": 16.933, + "precision_at_5": 11.826, + "recall_at_1": 27.461000000000002, + "recall_at_10": 50.285000000000004, + "recall_at_100": 73.25500000000001, + "recall_at_1000": 91.17699999999999, + "recall_at_3": 39.104, + "recall_at_5": 43.968, + "main_score": 40.821000000000005 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.980083333333337, + "map_at_10": 34.47208333333333, + "map_at_100": 35.609249999999996, + "map_at_1000": 35.72833333333333, + "map_at_3": 32.189416666666666, + "map_at_5": 33.44683333333334, + "mrr_at_1": 31.731666666666662, + "mrr_at_10": 38.518, + "mrr_at_100": 39.38166666666667, + "mrr_at_1000": 39.446999999999996, + "mrr_at_3": 36.49966666666668, + "mrr_at_5": 37.639916666666664, + "ndcg_at_1": 31.731666666666662, + "ndcg_at_10": 38.92033333333333, + "ndcg_at_100": 44.01675, + "ndcg_at_1000": 46.51075, + "ndcg_at_3": 35.09766666666667, + "ndcg_at_5": 36.842999999999996, + "precision_at_1": 31.731666666666662, + "precision_at_10": 6.472583333333332, + "precision_at_100": 1.0665, + "precision_at_1000": 0.14725000000000002, + "precision_at_3": 15.659083333333331, + "precision_at_5": 10.878833333333333, + "recall_at_1": 26.980083333333337, + "recall_at_10": 48.13925, + "recall_at_100": 70.70149999999998, + "recall_at_1000": 88.10775000000001, + "recall_at_3": 37.30091666666667, + "recall_at_5": 41.90358333333333, + "main_score": 38.92033333333333 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.607999999999997, + "map_at_10": 30.523, + "map_at_100": 31.409, + "map_at_1000": 31.507, + "map_at_3": 28.915000000000003, + "map_at_5": 29.756, + "mrr_at_1": 28.681, + "mrr_at_10": 33.409, + "mrr_at_100": 34.241, + "mrr_at_1000": 34.313, + "mrr_at_3": 32.029999999999994, + "mrr_at_5": 32.712, + "ndcg_at_1": 28.681, + "ndcg_at_10": 33.733000000000004, + "ndcg_at_100": 38.32, + "ndcg_at_1000": 40.937, + "ndcg_at_3": 30.898999999999997, + "ndcg_at_5": 32.088, + "precision_at_1": 28.681, + "precision_at_10": 4.968999999999999, + "precision_at_100": 0.79, + "precision_at_1000": 0.11, + "precision_at_3": 12.73, + "precision_at_5": 8.558, + "recall_at_1": 25.607999999999997, + "recall_at_10": 40.722, + "recall_at_100": 61.956999999999994, + "recall_at_1000": 81.43, + "recall_at_3": 32.785, + "recall_at_5": 35.855, + "main_score": 33.733000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.399, + "map_at_10": 25.968000000000004, + "map_at_100": 26.985999999999997, + "map_at_1000": 27.105, + "map_at_3": 24.215, + "map_at_5": 25.157, + "mrr_at_1": 24.708, + "mrr_at_10": 29.971999999999998, + "mrr_at_100": 30.858, + "mrr_at_1000": 30.934, + "mrr_at_3": 28.304000000000002, + "mrr_at_5": 29.183999999999997, + "ndcg_at_1": 24.708, + "ndcg_at_10": 29.676000000000002, + "ndcg_at_100": 34.656, + "ndcg_at_1000": 37.588, + "ndcg_at_3": 26.613, + "ndcg_at_5": 27.919, + "precision_at_1": 24.708, + "precision_at_10": 5.01, + "precision_at_100": 0.876, + "precision_at_1000": 0.13, + "precision_at_3": 11.975, + "precision_at_5": 8.279, + "recall_at_1": 20.399, + "recall_at_10": 36.935, + "recall_at_100": 59.532, + "recall_at_1000": 80.58, + "recall_at_3": 27.979, + "recall_at_5": 31.636999999999997, + "main_score": 29.676000000000002 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.606, + "map_at_10": 34.213, + "map_at_100": 35.339999999999996, + "map_at_1000": 35.458, + "map_at_3": 31.987, + "map_at_5": 33.322, + "mrr_at_1": 31.53, + "mrr_at_10": 37.911, + "mrr_at_100": 38.879000000000005, + "mrr_at_1000": 38.956, + "mrr_at_3": 35.868, + "mrr_at_5": 37.047999999999995, + "ndcg_at_1": 31.53, + "ndcg_at_10": 38.312000000000005, + "ndcg_at_100": 43.812, + "ndcg_at_1000": 46.414, + "ndcg_at_3": 34.319, + "ndcg_at_5": 36.312, + "precision_at_1": 31.53, + "precision_at_10": 5.970000000000001, + "precision_at_100": 0.9939999999999999, + "precision_at_1000": 0.133, + "precision_at_3": 14.738999999999999, + "precision_at_5": 10.242999999999999, + "recall_at_1": 27.606, + "recall_at_10": 47.136, + "recall_at_100": 71.253, + "recall_at_1000": 89.39399999999999, + "recall_at_3": 36.342, + "recall_at_5": 41.388999999999996, + "main_score": 38.312000000000005 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.855, + "map_at_10": 31.963, + "map_at_100": 33.371, + "map_at_1000": 33.584, + "map_at_3": 29.543999999999997, + "map_at_5": 30.793, + "mrr_at_1": 29.644, + "mrr_at_10": 35.601, + "mrr_at_100": 36.551, + "mrr_at_1000": 36.623, + "mrr_at_3": 33.399, + "mrr_at_5": 34.575, + "ndcg_at_1": 29.644, + "ndcg_at_10": 36.521, + "ndcg_at_100": 42.087, + "ndcg_at_1000": 45.119, + "ndcg_at_3": 32.797, + "ndcg_at_5": 34.208, + "precision_at_1": 29.644, + "precision_at_10": 6.7, + "precision_at_100": 1.374, + "precision_at_1000": 0.22899999999999998, + "precision_at_3": 15.152, + "precision_at_5": 10.671999999999999, + "recall_at_1": 24.855, + "recall_at_10": 45.449, + "recall_at_100": 70.921, + "recall_at_1000": 90.629, + "recall_at_3": 33.526, + "recall_at_5": 37.848, + "main_score": 36.521 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.781, + "map_at_10": 30.020999999999997, + "map_at_100": 30.948999999999998, + "map_at_1000": 31.05, + "map_at_3": 28.412, + "map_at_5": 29.193, + "mrr_at_1": 27.172, + "mrr_at_10": 32.309, + "mrr_at_100": 33.164, + "mrr_at_1000": 33.239999999999995, + "mrr_at_3": 30.775999999999996, + "mrr_at_5": 31.562, + "ndcg_at_1": 27.172, + "ndcg_at_10": 33.178999999999995, + "ndcg_at_100": 37.949, + "ndcg_at_1000": 40.635, + "ndcg_at_3": 30.107, + "ndcg_at_5": 31.36, + "precision_at_1": 27.172, + "precision_at_10": 4.769, + "precision_at_100": 0.769, + "precision_at_1000": 0.109, + "precision_at_3": 12.261, + "precision_at_5": 8.17, + "recall_at_1": 24.781, + "recall_at_10": 40.699000000000005, + "recall_at_100": 62.866, + "recall_at_1000": 83.11699999999999, + "recall_at_3": 32.269999999999996, + "recall_at_5": 35.443999999999996, + "main_score": 33.178999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/ClimateFEVER.json b/results/intfloat__e5-base/external/ClimateFEVER.json new file mode 100644 index 000000000..97757be9e --- /dev/null +++ b/results/intfloat__e5-base/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.2139999999999995, + "map_at_10": 9.986, + "map_at_100": 11.343, + "map_at_1000": 11.55, + "map_at_3": 7.961, + "map_at_5": 8.967, + "mrr_at_1": 12.052, + "mrr_at_10": 20.165, + "mrr_at_100": 21.317, + "mrr_at_1000": 21.399, + "mrr_at_3": 17.079, + "mrr_at_5": 18.695, + "ndcg_at_1": 12.052, + "ndcg_at_10": 15.375, + "ndcg_at_100": 21.858, + "ndcg_at_1000": 26.145000000000003, + "ndcg_at_3": 11.334, + "ndcg_at_5": 12.798000000000002, + "precision_at_1": 12.052, + "precision_at_10": 5.16, + "precision_at_100": 1.206, + "precision_at_1000": 0.198, + "precision_at_3": 8.73, + "precision_at_5": 7.114, + "recall_at_1": 5.2139999999999995, + "recall_at_10": 20.669999999999998, + "recall_at_100": 43.901, + "recall_at_1000": 68.447, + "recall_at_3": 11.049000000000001, + "recall_at_5": 14.652999999999999, + "main_score": 15.375 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/DBPedia.json b/results/intfloat__e5-base/external/DBPedia.json new file mode 100644 index 000000000..acb6b1f8e --- /dev/null +++ b/results/intfloat__e5-base/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.511000000000001, + "map_at_10": 19.503, + "map_at_100": 27.46, + "map_at_1000": 29.187, + "map_at_3": 14.030999999999999, + "map_at_5": 16.329, + "mrr_at_1": 63.74999999999999, + "mrr_at_10": 73.419, + "mrr_at_100": 73.691, + "mrr_at_1000": 73.697, + "mrr_at_3": 71.792, + "mrr_at_5": 72.979, + "ndcg_at_1": 53.125, + "ndcg_at_10": 41.02, + "ndcg_at_100": 45.407, + "ndcg_at_1000": 52.68000000000001, + "ndcg_at_3": 46.088, + "ndcg_at_5": 43.236000000000004, + "precision_at_1": 63.74999999999999, + "precision_at_10": 32.35, + "precision_at_100": 10.363, + "precision_at_1000": 2.18, + "precision_at_3": 49.667, + "precision_at_5": 41.5, + "recall_at_1": 8.511000000000001, + "recall_at_10": 24.851, + "recall_at_100": 50.745, + "recall_at_1000": 73.265, + "recall_at_3": 15.716, + "recall_at_5": 19.256, + "main_score": 41.02 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/EmotionClassification.json b/results/intfloat__e5-base/external/EmotionClassification.json new file mode 100644 index 000000000..37617d4a1 --- /dev/null +++ b/results/intfloat__e5-base/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 49.43500000000001, + "f1": 44.56288273966374, + "main_score": 49.43500000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/FEVER.json b/results/intfloat__e5-base/external/FEVER.json new file mode 100644 index 000000000..cacb22863 --- /dev/null +++ b/results/intfloat__e5-base/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.858, + "map_at_10": 52.276, + "map_at_100": 52.928, + "map_at_1000": 52.966, + "map_at_3": 49.729, + "map_at_5": 51.27, + "mrr_at_1": 43.624, + "mrr_at_10": 55.22899999999999, + "mrr_at_100": 55.823, + "mrr_at_1000": 55.85, + "mrr_at_3": 52.739999999999995, + "mrr_at_5": 54.251000000000005, + "ndcg_at_1": 43.624, + "ndcg_at_10": 58.23500000000001, + "ndcg_at_100": 61.315, + "ndcg_at_1000": 62.20099999999999, + "ndcg_at_3": 53.22, + "ndcg_at_5": 55.88999999999999, + "precision_at_1": 43.624, + "precision_at_10": 8.068999999999999, + "precision_at_100": 0.975, + "precision_at_1000": 0.107, + "precision_at_3": 21.752, + "precision_at_5": 14.515, + "recall_at_1": 40.858, + "recall_at_10": 73.744, + "recall_at_100": 87.667, + "recall_at_1000": 94.15599999999999, + "recall_at_3": 60.287, + "recall_at_5": 66.703, + "main_score": 58.23500000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/FiQA2018.json b/results/intfloat__e5-base/external/FiQA2018.json new file mode 100644 index 000000000..96dd06139 --- /dev/null +++ b/results/intfloat__e5-base/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.864, + "map_at_10": 28.592000000000002, + "map_at_100": 30.165, + "map_at_1000": 30.364, + "map_at_3": 24.586, + "map_at_5": 26.717000000000002, + "mrr_at_1": 35.031, + "mrr_at_10": 43.876, + "mrr_at_100": 44.683, + "mrr_at_1000": 44.736, + "mrr_at_3": 40.998000000000005, + "mrr_at_5": 42.595, + "ndcg_at_1": 35.031, + "ndcg_at_10": 36.368, + "ndcg_at_100": 42.472, + "ndcg_at_1000": 45.973000000000006, + "ndcg_at_3": 31.915, + "ndcg_at_5": 33.394, + "precision_at_1": 35.031, + "precision_at_10": 10.139, + "precision_at_100": 1.6420000000000001, + "precision_at_1000": 0.22699999999999998, + "precision_at_3": 21.142, + "precision_at_5": 15.772, + "recall_at_1": 17.864, + "recall_at_10": 43.991, + "recall_at_100": 66.796, + "recall_at_1000": 87.64, + "recall_at_3": 28.915999999999997, + "recall_at_5": 35.185, + "main_score": 36.368 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/HotpotQA.json b/results/intfloat__e5-base/external/HotpotQA.json new file mode 100644 index 000000000..cfff86697 --- /dev/null +++ b/results/intfloat__e5-base/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 36.556, + "map_at_10": 53.056000000000004, + "map_at_100": 53.909, + "map_at_1000": 53.98, + "map_at_3": 49.982, + "map_at_5": 51.9, + "mrr_at_1": 73.113, + "mrr_at_10": 79.381, + "mrr_at_100": 79.60300000000001, + "mrr_at_1000": 79.617, + "mrr_at_3": 78.298, + "mrr_at_5": 78.995, + "ndcg_at_1": 73.113, + "ndcg_at_10": 62.21, + "ndcg_at_100": 65.242, + "ndcg_at_1000": 66.667, + "ndcg_at_3": 57.717, + "ndcg_at_5": 60.224, + "precision_at_1": 73.113, + "precision_at_10": 12.842999999999998, + "precision_at_100": 1.522, + "precision_at_1000": 0.17099999999999999, + "precision_at_3": 36.178, + "precision_at_5": 23.695, + "recall_at_1": 36.556, + "recall_at_10": 64.213, + "recall_at_100": 76.077, + "recall_at_1000": 85.53699999999999, + "recall_at_3": 54.266999999999996, + "recall_at_5": 59.236999999999995, + "main_score": 62.21 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/ImdbClassification.json b/results/intfloat__e5-base/external/ImdbClassification.json new file mode 100644 index 000000000..616a2a7cb --- /dev/null +++ b/results/intfloat__e5-base/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.958, + "ap": 69.82869527654348, + "f1": 75.89120903005633, + "main_score": 75.958 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/MSMARCO.json b/results/intfloat__e5-base/external/MSMARCO.json new file mode 100644 index 000000000..933299081 --- /dev/null +++ b/results/intfloat__e5-base/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.608, + "map_at_10": 36.144, + "map_at_100": 37.244, + "map_at_1000": 37.291999999999994, + "map_at_3": 32.287, + "map_at_5": 34.473, + "mrr_at_1": 24.226, + "mrr_at_10": 36.711, + "mrr_at_100": 37.758, + "mrr_at_1000": 37.8, + "mrr_at_3": 32.92, + "mrr_at_5": 35.104, + "ndcg_at_1": 24.269, + "ndcg_at_10": 43.138, + "ndcg_at_100": 48.421, + "ndcg_at_1000": 49.592000000000006, + "ndcg_at_3": 35.269, + "ndcg_at_5": 39.175, + "precision_at_1": 24.269, + "precision_at_10": 6.755999999999999, + "precision_at_100": 0.941, + "precision_at_1000": 0.104, + "precision_at_3": 14.938, + "precision_at_5": 10.934000000000001, + "recall_at_1": 23.608, + "recall_at_10": 64.679, + "recall_at_100": 89.027, + "recall_at_1000": 97.91, + "recall_at_3": 43.25, + "recall_at_5": 52.617000000000004, + "main_score": 43.138 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/MTOPDomainClassification.json b/results/intfloat__e5-base/external/MTOPDomainClassification.json new file mode 100644 index 000000000..fb6d00ff4 --- /dev/null +++ b/results/intfloat__e5-base/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.21477428180576, + "f1": 92.92502305092152, + "main_score": 93.21477428180576 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/MTOPIntentClassification.json b/results/intfloat__e5-base/external/MTOPIntentClassification.json new file mode 100644 index 000000000..ffab3b351 --- /dev/null +++ b/results/intfloat__e5-base/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.76744186046511, + "f1": 59.19855520057899, + "main_score": 74.76744186046511 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/MassiveIntentClassification.json b/results/intfloat__e5-base/external/MassiveIntentClassification.json new file mode 100644 index 000000000..d99e01ed7 --- /dev/null +++ b/results/intfloat__e5-base/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.24613315400134, + "f1": 70.19950395651232, + "main_score": 72.24613315400134 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/MassiveScenarioClassification.json b/results/intfloat__e5-base/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..0f94fd2cb --- /dev/null +++ b/results/intfloat__e5-base/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.75857431069268, + "f1": 76.5433450230191, + "main_score": 76.75857431069268 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/MedrxivClusteringP2P.json b/results/intfloat__e5-base/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..d91e0ea3c --- /dev/null +++ b/results/intfloat__e5-base/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.525463791623604, + "main_score": 31.525463791623604 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/MedrxivClusteringS2S.json b/results/intfloat__e5-base/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..669231c6d --- /dev/null +++ b/results/intfloat__e5-base/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 28.28695907385136, + "main_score": 28.28695907385136 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/MindSmallReranking.json b/results/intfloat__e5-base/external/MindSmallReranking.json new file mode 100644 index 000000000..2cc342eb1 --- /dev/null +++ b/results/intfloat__e5-base/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 30.068174046665224, + "mrr": 30.827586642840803, + "main_score": 30.068174046665224 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/NFCorpus.json b/results/intfloat__e5-base/external/NFCorpus.json new file mode 100644 index 000000000..d8a3f70f4 --- /dev/null +++ b/results/intfloat__e5-base/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.322, + "map_at_10": 13.919999999999998, + "map_at_100": 17.416, + "map_at_1000": 18.836, + "map_at_3": 10.111, + "map_at_5": 11.991999999999999, + "mrr_at_1": 48.297000000000004, + "mrr_at_10": 57.114, + "mrr_at_100": 57.713, + "mrr_at_1000": 57.751, + "mrr_at_3": 55.108000000000004, + "mrr_at_5": 56.533, + "ndcg_at_1": 46.44, + "ndcg_at_10": 36.589, + "ndcg_at_100": 33.202, + "ndcg_at_1000": 41.668, + "ndcg_at_3": 41.302, + "ndcg_at_5": 39.829, + "precision_at_1": 47.988, + "precision_at_10": 27.059, + "precision_at_100": 8.235000000000001, + "precision_at_1000": 2.091, + "precision_at_3": 38.184000000000005, + "precision_at_5": 34.365, + "recall_at_1": 6.322, + "recall_at_10": 18.288, + "recall_at_100": 32.580999999999996, + "recall_at_1000": 63.605999999999995, + "recall_at_3": 11.266, + "recall_at_5": 14.69, + "main_score": 36.589 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/NQ.json b/results/intfloat__e5-base/external/NQ.json new file mode 100644 index 000000000..16ce81643 --- /dev/null +++ b/results/intfloat__e5-base/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 36.586999999999996, + "map_at_10": 52.464, + "map_at_100": 53.384, + "map_at_1000": 53.405, + "map_at_3": 48.408, + "map_at_5": 50.788999999999994, + "mrr_at_1": 40.904, + "mrr_at_10": 54.974000000000004, + "mrr_at_100": 55.60699999999999, + "mrr_at_1000": 55.623, + "mrr_at_3": 51.73799999999999, + "mrr_at_5": 53.638, + "ndcg_at_1": 40.904, + "ndcg_at_10": 59.965999999999994, + "ndcg_at_100": 63.613, + "ndcg_at_1000": 64.064, + "ndcg_at_3": 52.486, + "ndcg_at_5": 56.377, + "precision_at_1": 40.904, + "precision_at_10": 9.551, + "precision_at_100": 1.162, + "precision_at_1000": 0.12, + "precision_at_3": 23.552, + "precision_at_5": 16.436999999999998, + "recall_at_1": 36.586999999999996, + "recall_at_10": 80.094, + "recall_at_100": 95.515, + "recall_at_1000": 98.803, + "recall_at_3": 60.907, + "recall_at_5": 69.817, + "main_score": 59.965999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/QuoraRetrieval.json b/results/intfloat__e5-base/external/QuoraRetrieval.json new file mode 100644 index 000000000..e00d3fcbb --- /dev/null +++ b/results/intfloat__e5-base/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 70.422, + "map_at_10": 84.113, + "map_at_100": 84.744, + "map_at_1000": 84.762, + "map_at_3": 81.171, + "map_at_5": 83.039, + "mrr_at_1": 81.12, + "mrr_at_10": 87.277, + "mrr_at_100": 87.384, + "mrr_at_1000": 87.385, + "mrr_at_3": 86.315, + "mrr_at_5": 86.981, + "ndcg_at_1": 81.12, + "ndcg_at_10": 87.92, + "ndcg_at_100": 89.178, + "ndcg_at_1000": 89.29899999999999, + "ndcg_at_3": 85.076, + "ndcg_at_5": 86.67099999999999, + "precision_at_1": 81.12, + "precision_at_10": 13.325999999999999, + "precision_at_100": 1.524, + "precision_at_1000": 0.157, + "precision_at_3": 37.16, + "precision_at_5": 24.456, + "recall_at_1": 70.422, + "recall_at_10": 95.00800000000001, + "recall_at_100": 99.38, + "recall_at_1000": 99.94800000000001, + "recall_at_3": 86.809, + "recall_at_5": 91.334, + "main_score": 87.92 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/RedditClustering.json b/results/intfloat__e5-base/external/RedditClustering.json new file mode 100644 index 000000000..f4f555cbc --- /dev/null +++ b/results/intfloat__e5-base/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.18491891699636, + "main_score": 48.18491891699636 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/RedditClusteringP2P.json b/results/intfloat__e5-base/external/RedditClusteringP2P.json new file mode 100644 index 000000000..6c9089a00 --- /dev/null +++ b/results/intfloat__e5-base/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 62.190639679711914, + "main_score": 62.190639679711914 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/SCIDOCS.json b/results/intfloat__e5-base/external/SCIDOCS.json new file mode 100644 index 000000000..fc004bfea --- /dev/null +++ b/results/intfloat__e5-base/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.478, + "map_at_10": 11.268, + "map_at_100": 13.129, + "map_at_1000": 13.41, + "map_at_3": 8.103, + "map_at_5": 9.609, + "mrr_at_1": 22, + "mrr_at_10": 32.248, + "mrr_at_100": 33.355000000000004, + "mrr_at_1000": 33.42, + "mrr_at_3": 29.15, + "mrr_at_5": 30.785, + "ndcg_at_1": 22, + "ndcg_at_10": 18.990000000000002, + "ndcg_at_100": 26.302999999999997, + "ndcg_at_1000": 31.537, + "ndcg_at_3": 18.034, + "ndcg_at_5": 15.655, + "precision_at_1": 22, + "precision_at_10": 9.91, + "precision_at_100": 2.0420000000000003, + "precision_at_1000": 0.33, + "precision_at_3": 16.933, + "precision_at_5": 13.719999999999999, + "recall_at_1": 4.478, + "recall_at_10": 20.087, + "recall_at_100": 41.457, + "recall_at_1000": 67.10199999999999, + "recall_at_3": 10.313, + "recall_at_5": 13.927999999999999, + "main_score": 18.990000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/SICK-R.json b/results/intfloat__e5-base/external/SICK-R.json new file mode 100644 index 000000000..2571cb99b --- /dev/null +++ b/results/intfloat__e5-base/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.27341574565806, + "cos_sim_spearman": 79.66419880841734, + "euclidean_pearson": 81.32473321838208, + "euclidean_spearman": 79.29828832085133, + "manhattan_pearson": 81.25554065883132, + "manhattan_spearman": 79.23275543279853, + "cosine_pearson": 84.27341574565806, + "cosine_spearman": 79.66419880841734, + "main_score": 79.66419880841734 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/STS12.json b/results/intfloat__e5-base/external/STS12.json new file mode 100644 index 000000000..e356a19e9 --- /dev/null +++ b/results/intfloat__e5-base/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.40468875905418, + "cos_sim_spearman": 74.2189990321174, + "euclidean_pearson": 80.74376966290956, + "euclidean_spearman": 74.97663839079335, + "manhattan_pearson": 80.69779331646207, + "manhattan_spearman": 75.00225252917613, + "cosine_pearson": 83.40468875905418, + "cosine_spearman": 74.2189990321174, + "main_score": 74.2189990321174 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/STS13.json b/results/intfloat__e5-base/external/STS13.json new file mode 100644 index 000000000..cba61635d --- /dev/null +++ b/results/intfloat__e5-base/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.5745290053095, + "cos_sim_spearman": 83.31401180333397, + "euclidean_pearson": 82.96500607325534, + "euclidean_spearman": 83.8534967935793, + "manhattan_pearson": 82.83112050632508, + "manhattan_spearman": 83.70877296557838, + "cosine_pearson": 82.5745290053095, + "cosine_spearman": 83.31401180333397, + "main_score": 83.31401180333397 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/STS14.json b/results/intfloat__e5-base/external/STS14.json new file mode 100644 index 000000000..604abb404 --- /dev/null +++ b/results/intfloat__e5-base/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 80.67833656607704, + "cos_sim_spearman": 78.52252410630707, + "euclidean_pearson": 80.071189514343, + "euclidean_spearman": 78.95143545742796, + "manhattan_pearson": 80.0128926165121, + "manhattan_spearman": 78.91236678732628, + "cosine_pearson": 80.67833656607704, + "cosine_spearman": 78.52252410630707, + "main_score": 78.52252410630707 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/STS15.json b/results/intfloat__e5-base/external/STS15.json new file mode 100644 index 000000000..b63785c6c --- /dev/null +++ b/results/intfloat__e5-base/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.48437639980746, + "cos_sim_spearman": 88.34876527774259, + "euclidean_pearson": 87.64898081823888, + "euclidean_spearman": 88.58937180804213, + "manhattan_pearson": 87.5942417815288, + "manhattan_spearman": 88.53013922267687, + "cosine_pearson": 87.48437639980746, + "cosine_spearman": 88.34876527774259, + "main_score": 88.34876527774259 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/STS16.json b/results/intfloat__e5-base/external/STS16.json new file mode 100644 index 000000000..db7741739 --- /dev/null +++ b/results/intfloat__e5-base/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.69189187164781, + "cos_sim_spearman": 84.15327883572112, + "euclidean_pearson": 83.64202266685898, + "euclidean_spearman": 84.6219602318862, + "manhattan_pearson": 83.53256698709998, + "manhattan_spearman": 84.49260712904946, + "cosine_pearson": 82.69189187164781, + "cosine_spearman": 84.15327883572112, + "main_score": 84.15327883572112 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/STS17.json b/results/intfloat__e5-base/external/STS17.json new file mode 100644 index 000000000..71e22229b --- /dev/null +++ b/results/intfloat__e5-base/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.09508017611589, + "cos_sim_spearman": 87.23010990417097, + "euclidean_pearson": 87.62545569077133, + "euclidean_spearman": 86.71152051711714, + "manhattan_pearson": 87.5057154278377, + "manhattan_spearman": 86.60611898281267, + "cosine_pearson": 87.09508017611589, + "cosine_spearman": 87.23010990417097, + "main_score": 87.23010990417097 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/STS22.json b/results/intfloat__e5-base/external/STS22.json new file mode 100644 index 000000000..4f4c7e57e --- /dev/null +++ b/results/intfloat__e5-base/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 61.72129893941176, + "cos_sim_spearman": 62.87871412069194, + "euclidean_pearson": 63.21077648290454, + "euclidean_spearman": 63.03263080805978, + "manhattan_pearson": 63.20740860135976, + "manhattan_spearman": 62.89930471802817, + "cosine_pearson": 61.72129893941176, + "cosine_spearman": 62.87871412069194, + "main_score": 62.87871412069194 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/STSBenchmark.json b/results/intfloat__e5-base/external/STSBenchmark.json new file mode 100644 index 000000000..37bdd3a06 --- /dev/null +++ b/results/intfloat__e5-base/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.039118236799, + "cos_sim_spearman": 86.18102563389962, + "euclidean_pearson": 85.62977041471879, + "euclidean_spearman": 86.02478990544347, + "manhattan_pearson": 85.60786740521806, + "manhattan_spearman": 85.99546210442547, + "cosine_pearson": 85.039118236799, + "cosine_spearman": 86.18102563389962, + "main_score": 86.18102563389962 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/SciDocsRR.json b/results/intfloat__e5-base/external/SciDocsRR.json new file mode 100644 index 000000000..398129b6a --- /dev/null +++ b/results/intfloat__e5-base/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 82.89875069737266, + "mrr": 95.42621322033087, + "main_score": 82.89875069737266 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/SciFact.json b/results/intfloat__e5-base/external/SciFact.json new file mode 100644 index 000000000..3423f3be0 --- /dev/null +++ b/results/intfloat__e5-base/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 58.660999999999994, + "map_at_10": 68.738, + "map_at_100": 69.33200000000001, + "map_at_1000": 69.352, + "map_at_3": 66.502, + "map_at_5": 67.686, + "mrr_at_1": 61.667, + "mrr_at_10": 70.003, + "mrr_at_100": 70.441, + "mrr_at_1000": 70.46, + "mrr_at_3": 68.278, + "mrr_at_5": 69.194, + "ndcg_at_1": 61.667, + "ndcg_at_10": 73.083, + "ndcg_at_100": 75.56, + "ndcg_at_1000": 76.01400000000001, + "ndcg_at_3": 69.28699999999999, + "ndcg_at_5": 70.85000000000001, + "precision_at_1": 61.667, + "precision_at_10": 9.6, + "precision_at_100": 1.087, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 27.111, + "precision_at_5": 17.467, + "recall_at_1": 58.660999999999994, + "recall_at_10": 85.02199999999999, + "recall_at_100": 95.933, + "recall_at_1000": 99.333, + "recall_at_3": 74.506, + "recall_at_5": 78.583, + "main_score": 73.083 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/SprintDuplicateQuestions.json b/results/intfloat__e5-base/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..e9cb35099 --- /dev/null +++ b/results/intfloat__e5-base/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.8029702970297, + "cos_sim_ap": 94.87673936635738, + "cos_sim_f1": 90.00502260170768, + "cos_sim_precision": 90.41372351160445, + "cos_sim_recall": 89.60000000000001, + "dot_accuracy": 99.57524752475247, + "dot_ap": 84.81717934496321, + "dot_f1": 78.23026646556059, + "dot_precision": 78.66531850353893, + "dot_recall": 77.8, + "euclidean_accuracy": 99.8029702970297, + "euclidean_ap": 94.74658253135284, + "euclidean_f1": 90.08470353761834, + "euclidean_precision": 89.77159880834161, + "euclidean_recall": 90.4, + "manhattan_accuracy": 99.8, + "manhattan_ap": 94.69224030742787, + "manhattan_f1": 89.9502487562189, + "manhattan_precision": 89.50495049504951, + "manhattan_recall": 90.4, + "max_accuracy": 99.8029702970297, + "max_ap": 94.87673936635738, + "max_f1": 90.08470353761834, + "main_score": 94.87673936635738 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/StackExchangeClustering.json b/results/intfloat__e5-base/external/StackExchangeClustering.json new file mode 100644 index 000000000..ea1d17e50 --- /dev/null +++ b/results/intfloat__e5-base/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 63.906039623153035, + "main_score": 63.906039623153035 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/StackExchangeClusteringP2P.json b/results/intfloat__e5-base/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..68984840c --- /dev/null +++ b/results/intfloat__e5-base/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.56053830923281, + "main_score": 32.56053830923281 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/StackOverflowDupQuestions.json b/results/intfloat__e5-base/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..4ba51a30f --- /dev/null +++ b/results/intfloat__e5-base/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 50.15326538775145, + "mrr": 50.99279295051355, + "main_score": 50.15326538775145 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/SummEval.json b/results/intfloat__e5-base/external/SummEval.json new file mode 100644 index 000000000..ee9da9a63 --- /dev/null +++ b/results/intfloat__e5-base/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.44030762047337, + "cos_sim_spearman": 31.00910300264562, + "dot_pearson": 26.88257194766013, + "dot_spearman": 27.646202679013577, + "cosine_pearson": 31.44030762047337, + "cosine_spearman": 31.00910300264562, + "main_score": 31.00910300264562 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/TRECCOVID.json b/results/intfloat__e5-base/external/TRECCOVID.json new file mode 100644 index 000000000..85059af3b --- /dev/null +++ b/results/intfloat__e5-base/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.247, + "map_at_10": 1.9429999999999998, + "map_at_100": 10.82, + "map_at_1000": 25.972, + "map_at_3": 0.653, + "map_at_5": 1.057, + "mrr_at_1": 94, + "mrr_at_10": 96.333, + "mrr_at_100": 96.333, + "mrr_at_1000": 96.333, + "mrr_at_3": 96.333, + "mrr_at_5": 96.333, + "ndcg_at_1": 89, + "ndcg_at_10": 79.63799999999999, + "ndcg_at_100": 57.961, + "ndcg_at_1000": 50.733, + "ndcg_at_3": 84.224, + "ndcg_at_5": 82.528, + "precision_at_1": 94, + "precision_at_10": 84.2, + "precision_at_100": 59.36, + "precision_at_1000": 22.738, + "precision_at_3": 88, + "precision_at_5": 86.8, + "recall_at_1": 0.247, + "recall_at_10": 2.131, + "recall_at_100": 14.035, + "recall_at_1000": 47.457, + "recall_at_3": 0.6779999999999999, + "recall_at_5": 1.124, + "main_score": 79.63799999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/Touche2020.json b/results/intfloat__e5-base/external/Touche2020.json new file mode 100644 index 000000000..dbe2fdafb --- /dev/null +++ b/results/intfloat__e5-base/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.603, + "map_at_10": 11.667, + "map_at_100": 16.474, + "map_at_1000": 18.074, + "map_at_3": 6.03, + "map_at_5": 8.067, + "mrr_at_1": 34.694, + "mrr_at_10": 51.063, + "mrr_at_100": 51.908, + "mrr_at_1000": 51.908, + "mrr_at_3": 47.959, + "mrr_at_5": 49.694, + "ndcg_at_1": 32.653, + "ndcg_at_10": 28.305000000000003, + "ndcg_at_100": 35.311, + "ndcg_at_1000": 47.644999999999996, + "ndcg_at_3": 32.187, + "ndcg_at_5": 29.134999999999998, + "precision_at_1": 34.694, + "precision_at_10": 26.122, + "precision_at_100": 6.755, + "precision_at_1000": 1.467, + "precision_at_3": 34.694, + "precision_at_5": 30.203999999999997, + "recall_at_1": 2.603, + "recall_at_10": 18.716, + "recall_at_100": 42.512, + "recall_at_1000": 79.32000000000001, + "recall_at_3": 7.59, + "recall_at_5": 10.949, + "main_score": 28.305000000000003 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/ToxicConversationsClassification.json b/results/intfloat__e5-base/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..5b0c7ad8c --- /dev/null +++ b/results/intfloat__e5-base/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.117, + "ap": 15.89357321699319, + "f1": 57.14385866369257, + "main_score": 74.117 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/TweetSentimentExtractionClassification.json b/results/intfloat__e5-base/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..885cd7912 --- /dev/null +++ b/results/intfloat__e5-base/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.38370118845502, + "f1": 61.67038693866553, + "main_score": 61.38370118845502 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/TwentyNewsgroupsClustering.json b/results/intfloat__e5-base/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..6644a0c1a --- /dev/null +++ b/results/intfloat__e5-base/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 42.57754941537969, + "main_score": 42.57754941537969 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/TwitterSemEval2015.json b/results/intfloat__e5-base/external/TwitterSemEval2015.json new file mode 100644 index 000000000..e94cb568a --- /dev/null +++ b/results/intfloat__e5-base/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 86.1775049174465, + "cos_sim_ap": 74.3994879581554, + "cos_sim_f1": 69.32903671308551, + "cos_sim_precision": 61.48193508879363, + "cos_sim_recall": 79.47229551451187, + "dot_accuracy": 81.65345413363534, + "dot_ap": 59.690898346685096, + "dot_f1": 57.27622826467499, + "dot_precision": 51.34965473948525, + "dot_recall": 64.74934036939314, + "euclidean_accuracy": 86.04637301066937, + "euclidean_ap": 74.33009001775268, + "euclidean_f1": 69.2458374142997, + "euclidean_precision": 64.59570580173595, + "euclidean_recall": 74.6174142480211, + "manhattan_accuracy": 86.11193896405793, + "manhattan_ap": 74.2964140130421, + "manhattan_f1": 69.11601528788066, + "manhattan_precision": 64.86924323073363, + "manhattan_recall": 73.95778364116094, + "max_accuracy": 86.1775049174465, + "max_ap": 74.3994879581554, + "max_f1": 69.32903671308551, + "main_score": 74.3994879581554 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/TwitterURLCorpus.json b/results/intfloat__e5-base/external/TwitterURLCorpus.json new file mode 100644 index 000000000..81516129c --- /dev/null +++ b/results/intfloat__e5-base/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.01501921061823, + "cos_sim_ap": 85.97819287477351, + "cos_sim_f1": 78.33882858518875, + "cos_sim_precision": 75.49446626204926, + "cos_sim_recall": 81.40591315060055, + "dot_accuracy": 86.47494857763806, + "dot_ap": 78.77420360340282, + "dot_f1": 73.06433247936238, + "dot_precision": 67.92140777983595, + "dot_recall": 79.04989220819218, + "euclidean_accuracy": 88.7297706368611, + "euclidean_ap": 85.61550568529317, + "euclidean_f1": 77.84805525263539, + "euclidean_precision": 73.73639994491117, + "euclidean_recall": 82.44533415460425, + "manhattan_accuracy": 88.75111576823068, + "manhattan_ap": 85.58701671476263, + "manhattan_f1": 77.70169909067856, + "manhattan_precision": 73.37666780704755, + "manhattan_recall": 82.5685247921158, + "max_accuracy": 89.01501921061823, + "max_ap": 85.97819287477351, + "max_f1": 78.33882858518875, + "main_score": 85.97819287477351 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-base/external/model_meta.json b/results/intfloat__e5-base/external/model_meta.json new file mode 100644 index 000000000..2797d8bd4 --- /dev/null +++ b/results/intfloat__e5-base/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "intfloat/e5-base", + "revision": "b533fe4636f4a2507c08ddab40644d20b0006d6a", + "release_date": "2022-12-26", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 109482752, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 768, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/AmazonCounterfactualClassification.json b/results/intfloat__e5-large-v2/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..a0485a5de --- /dev/null +++ b/results/intfloat__e5-large-v2/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.22388059701493, + "ap": 43.20816505595132, + "f1": 73.27811303522058, + "main_score": 79.22388059701493 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/AmazonPolarityClassification.json b/results/intfloat__e5-large-v2/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..176fd0ec2 --- /dev/null +++ b/results/intfloat__e5-large-v2/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.748325, + "ap": 90.72534979701297, + "f1": 93.73895874282185, + "main_score": 93.748325 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/AmazonReviewsClassification.json b/results/intfloat__e5-large-v2/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..fc834b592 --- /dev/null +++ b/results/intfloat__e5-large-v2/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 48.612, + "f1": 47.61157345898393, + "main_score": 48.612 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/ArguAna.json b/results/intfloat__e5-large-v2/external/ArguAna.json new file mode 100644 index 000000000..1f5ab1fdd --- /dev/null +++ b/results/intfloat__e5-large-v2/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.541999999999998, + "map_at_10": 38.208, + "map_at_100": 39.417, + "map_at_1000": 39.428999999999995, + "map_at_3": 33.95, + "map_at_5": 36.329, + "mrr_at_1": 23.755000000000003, + "mrr_at_10": 38.288, + "mrr_at_100": 39.511, + "mrr_at_1000": 39.523, + "mrr_at_3": 34.009, + "mrr_at_5": 36.434, + "ndcg_at_1": 23.541999999999998, + "ndcg_at_10": 46.417, + "ndcg_at_100": 51.812000000000005, + "ndcg_at_1000": 52.137, + "ndcg_at_3": 37.528, + "ndcg_at_5": 41.81, + "precision_at_1": 23.541999999999998, + "precision_at_10": 7.269, + "precision_at_100": 0.9690000000000001, + "precision_at_1000": 0.099, + "precision_at_3": 15.979, + "precision_at_5": 11.664, + "recall_at_1": 23.541999999999998, + "recall_at_10": 72.688, + "recall_at_100": 96.871, + "recall_at_1000": 99.431, + "recall_at_3": 47.937000000000005, + "recall_at_5": 58.321, + "main_score": 46.417 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/ArxivClusteringP2P.json b/results/intfloat__e5-large-v2/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..a42844893 --- /dev/null +++ b/results/intfloat__e5-large-v2/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 45.546499570522094, + "main_score": 45.546499570522094 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/ArxivClusteringS2S.json b/results/intfloat__e5-large-v2/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..32d88d0ff --- /dev/null +++ b/results/intfloat__e5-large-v2/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 41.01607489943561, + "main_score": 41.01607489943561 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/AskUbuntuDupQuestions.json b/results/intfloat__e5-large-v2/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..b984d50df --- /dev/null +++ b/results/intfloat__e5-large-v2/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 59.616107510107774, + "mrr": 72.75106626214661, + "main_score": 59.616107510107774 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/BIOSSES.json b/results/intfloat__e5-large-v2/external/BIOSSES.json new file mode 100644 index 000000000..75235cc23 --- /dev/null +++ b/results/intfloat__e5-large-v2/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.33018094733868, + "cos_sim_spearman": 83.60190492611737, + "euclidean_pearson": 82.1492450218961, + "euclidean_spearman": 82.70308926526991, + "manhattan_pearson": 81.93959600076842, + "manhattan_spearman": 82.73260801016369, + "cosine_pearson": 84.33018094733868, + "cosine_spearman": 83.60190492611737, + "main_score": 83.60190492611737 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/Banking77Classification.json b/results/intfloat__e5-large-v2/external/Banking77Classification.json new file mode 100644 index 000000000..e9e3ce25f --- /dev/null +++ b/results/intfloat__e5-large-v2/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 84.54545454545455, + "f1": 84.49582530928923, + "main_score": 84.54545454545455 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/BiorxivClusteringP2P.json b/results/intfloat__e5-large-v2/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..fcae4f228 --- /dev/null +++ b/results/intfloat__e5-large-v2/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.362725540120096, + "main_score": 37.362725540120096 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/BiorxivClusteringS2S.json b/results/intfloat__e5-large-v2/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..0cc0aaa21 --- /dev/null +++ b/results/intfloat__e5-large-v2/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.849509608178145, + "main_score": 34.849509608178145 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/CQADupstackAndroidRetrieval.json b/results/intfloat__e5-large-v2/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..1d65c567b --- /dev/null +++ b/results/intfloat__e5-large-v2/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.502999999999997, + "map_at_10": 43.323, + "map_at_100": 44.708999999999996, + "map_at_1000": 44.838, + "map_at_3": 38.987, + "map_at_5": 41.516999999999996, + "mrr_at_1": 38.769999999999996, + "mrr_at_10": 49.13, + "mrr_at_100": 49.697, + "mrr_at_1000": 49.741, + "mrr_at_3": 45.804, + "mrr_at_5": 47.842, + "ndcg_at_1": 38.769999999999996, + "ndcg_at_10": 50.266999999999996, + "ndcg_at_100": 54.967, + "ndcg_at_1000": 56.976000000000006, + "ndcg_at_3": 43.823, + "ndcg_at_5": 47.12, + "precision_at_1": 38.769999999999996, + "precision_at_10": 10.057, + "precision_at_100": 1.554, + "precision_at_1000": 0.202, + "precision_at_3": 21.125, + "precision_at_5": 15.851, + "recall_at_1": 31.502999999999997, + "recall_at_10": 63.715999999999994, + "recall_at_100": 83.61800000000001, + "recall_at_1000": 96.63199999999999, + "recall_at_3": 45.403, + "recall_at_5": 54.481, + "main_score": 50.266999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.833000000000002, + "map_at_10": 37.330999999999996, + "map_at_100": 38.580999999999996, + "map_at_1000": 38.708, + "map_at_3": 34.713, + "map_at_5": 36.104, + "mrr_at_1": 35.223, + "mrr_at_10": 43.419000000000004, + "mrr_at_100": 44.198, + "mrr_at_1000": 44.249, + "mrr_at_3": 41.614000000000004, + "mrr_at_5": 42.553000000000004, + "ndcg_at_1": 35.223, + "ndcg_at_10": 42.687999999999995, + "ndcg_at_100": 47.447, + "ndcg_at_1000": 49.701, + "ndcg_at_3": 39.162, + "ndcg_at_5": 40.557, + "precision_at_1": 35.223, + "precision_at_10": 7.962, + "precision_at_100": 1.304, + "precision_at_1000": 0.18, + "precision_at_3": 19.023, + "precision_at_5": 13.184999999999999, + "recall_at_1": 27.833000000000002, + "recall_at_10": 51.881, + "recall_at_100": 72.04, + "recall_at_1000": 86.644, + "recall_at_3": 40.778, + "recall_at_5": 45.176, + "main_score": 42.687999999999995 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.175, + "map_at_10": 51.174, + "map_at_100": 52.26499999999999, + "map_at_1000": 52.315999999999995, + "map_at_3": 47.897, + "map_at_5": 49.703, + "mrr_at_1": 43.448, + "mrr_at_10": 54.505, + "mrr_at_100": 55.216, + "mrr_at_1000": 55.242000000000004, + "mrr_at_3": 51.98500000000001, + "mrr_at_5": 53.434000000000005, + "ndcg_at_1": 43.448, + "ndcg_at_10": 57.282, + "ndcg_at_100": 61.537, + "ndcg_at_1000": 62.546, + "ndcg_at_3": 51.73799999999999, + "ndcg_at_5": 54.324, + "precision_at_1": 43.448, + "precision_at_10": 9.292, + "precision_at_100": 1.233, + "precision_at_1000": 0.136, + "precision_at_3": 23.218, + "precision_at_5": 15.887, + "recall_at_1": 38.175, + "recall_at_10": 72.00999999999999, + "recall_at_100": 90.155, + "recall_at_1000": 97.257, + "recall_at_3": 57.133, + "recall_at_5": 63.424, + "main_score": 57.282 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.405, + "map_at_10": 30.043, + "map_at_100": 31.191000000000003, + "map_at_1000": 31.275, + "map_at_3": 27.034000000000002, + "map_at_5": 28.688000000000002, + "mrr_at_1": 24.068, + "mrr_at_10": 31.993, + "mrr_at_100": 32.992, + "mrr_at_1000": 33.050000000000004, + "mrr_at_3": 28.964000000000002, + "mrr_at_5": 30.653000000000002, + "ndcg_at_1": 24.068, + "ndcg_at_10": 35.198, + "ndcg_at_100": 40.709, + "ndcg_at_1000": 42.855, + "ndcg_at_3": 29.139, + "ndcg_at_5": 32.045, + "precision_at_1": 24.068, + "precision_at_10": 5.65, + "precision_at_100": 0.885, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 12.279, + "precision_at_5": 8.994, + "recall_at_1": 22.405, + "recall_at_10": 49.391, + "recall_at_100": 74.53699999999999, + "recall_at_1000": 90.605, + "recall_at_3": 33.126, + "recall_at_5": 40.073, + "main_score": 35.198 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 13.309999999999999, + "map_at_10": 20.688000000000002, + "map_at_100": 22.022, + "map_at_1000": 22.152, + "map_at_3": 17.954, + "map_at_5": 19.439, + "mrr_at_1": 16.294, + "mrr_at_10": 24.479, + "mrr_at_100": 25.515, + "mrr_at_1000": 25.593, + "mrr_at_3": 21.642, + "mrr_at_5": 23.189999999999998, + "ndcg_at_1": 16.294, + "ndcg_at_10": 25.833000000000002, + "ndcg_at_100": 32.074999999999996, + "ndcg_at_1000": 35.083, + "ndcg_at_3": 20.493, + "ndcg_at_5": 22.949, + "precision_at_1": 16.294, + "precision_at_10": 5.112, + "precision_at_100": 0.96, + "precision_at_1000": 0.134, + "precision_at_3": 9.908999999999999, + "precision_at_5": 7.587000000000001, + "recall_at_1": 13.309999999999999, + "recall_at_10": 37.851, + "recall_at_100": 64.835, + "recall_at_1000": 86.334, + "recall_at_3": 23.493, + "recall_at_5": 29.528, + "main_score": 25.833000000000002 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.857999999999997, + "map_at_10": 35.503, + "map_at_100": 36.957, + "map_at_1000": 37.065, + "map_at_3": 32.275999999999996, + "map_at_5": 34.119, + "mrr_at_1": 31.954, + "mrr_at_10": 40.851, + "mrr_at_100": 41.863, + "mrr_at_1000": 41.900999999999996, + "mrr_at_3": 38.129999999999995, + "mrr_at_5": 39.737, + "ndcg_at_1": 31.954, + "ndcg_at_10": 41.343999999999994, + "ndcg_at_100": 47.397, + "ndcg_at_1000": 49.501, + "ndcg_at_3": 36.047000000000004, + "ndcg_at_5": 38.639, + "precision_at_1": 31.954, + "precision_at_10": 7.68, + "precision_at_100": 1.247, + "precision_at_1000": 0.16199999999999998, + "precision_at_3": 17.132, + "precision_at_5": 12.589, + "recall_at_1": 25.857999999999997, + "recall_at_10": 53.43599999999999, + "recall_at_100": 78.82400000000001, + "recall_at_1000": 92.78999999999999, + "recall_at_3": 38.655, + "recall_at_5": 45.216, + "main_score": 41.343999999999994 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.709, + "map_at_10": 34.318, + "map_at_100": 35.657, + "map_at_1000": 35.783, + "map_at_3": 31.326999999999998, + "map_at_5": 33.021, + "mrr_at_1": 30.137000000000004, + "mrr_at_10": 39.093, + "mrr_at_100": 39.992, + "mrr_at_1000": 40.056999999999995, + "mrr_at_3": 36.606, + "mrr_at_5": 37.861, + "ndcg_at_1": 30.137000000000004, + "ndcg_at_10": 39.974, + "ndcg_at_100": 45.647999999999996, + "ndcg_at_1000": 48.259, + "ndcg_at_3": 35.028, + "ndcg_at_5": 37.175999999999995, + "precision_at_1": 30.137000000000004, + "precision_at_10": 7.363, + "precision_at_100": 1.184, + "precision_at_1000": 0.161, + "precision_at_3": 16.857, + "precision_at_5": 11.963, + "recall_at_1": 24.709, + "recall_at_10": 52.087, + "recall_at_100": 76.125, + "recall_at_1000": 93.82300000000001, + "recall_at_3": 38.149, + "recall_at_5": 43.984, + "main_score": 39.974 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.40791666666667, + "map_at_10": 32.458083333333335, + "map_at_100": 33.691916666666664, + "map_at_1000": 33.81191666666666, + "map_at_3": 29.51625, + "map_at_5": 31.168083333333335, + "mrr_at_1": 27.96591666666666, + "mrr_at_10": 36.528583333333344, + "mrr_at_100": 37.404, + "mrr_at_1000": 37.464333333333336, + "mrr_at_3": 33.92883333333333, + "mrr_at_5": 35.41933333333333, + "ndcg_at_1": 27.96591666666666, + "ndcg_at_10": 37.89141666666666, + "ndcg_at_100": 43.23066666666666, + "ndcg_at_1000": 45.63258333333333, + "ndcg_at_3": 32.811249999999994, + "ndcg_at_5": 35.22566666666667, + "precision_at_1": 27.96591666666666, + "precision_at_10": 6.834083333333332, + "precision_at_100": 1.12225, + "precision_at_1000": 0.15241666666666667, + "precision_at_3": 15.264333333333335, + "precision_at_5": 11.039416666666666, + "recall_at_1": 23.40791666666667, + "recall_at_10": 49.927083333333336, + "recall_at_100": 73.44641666666668, + "recall_at_1000": 90.19950000000001, + "recall_at_3": 35.88341666666667, + "recall_at_5": 42.061249999999994, + "main_score": 37.89141666666666 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.592000000000002, + "map_at_10": 26.895999999999997, + "map_at_100": 27.921000000000003, + "map_at_1000": 28.02, + "map_at_3": 24.883, + "map_at_5": 25.812, + "mrr_at_1": 22.698999999999998, + "mrr_at_10": 29.520999999999997, + "mrr_at_100": 30.458000000000002, + "mrr_at_1000": 30.526999999999997, + "mrr_at_3": 27.633000000000003, + "mrr_at_5": 28.483999999999998, + "ndcg_at_1": 22.698999999999998, + "ndcg_at_10": 31.061, + "ndcg_at_100": 36.398, + "ndcg_at_1000": 38.89, + "ndcg_at_3": 27.149, + "ndcg_at_5": 28.627000000000002, + "precision_at_1": 22.698999999999998, + "precision_at_10": 5.106999999999999, + "precision_at_100": 0.857, + "precision_at_1000": 0.11499999999999999, + "precision_at_3": 11.963, + "precision_at_5": 8.221, + "recall_at_1": 19.592000000000002, + "recall_at_10": 41.329, + "recall_at_100": 66.094, + "recall_at_1000": 84.511, + "recall_at_3": 30.61, + "recall_at_5": 34.213, + "main_score": 31.061 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 14.71, + "map_at_10": 20.965, + "map_at_100": 21.994, + "map_at_1000": 22.133, + "map_at_3": 18.741, + "map_at_5": 19.951, + "mrr_at_1": 18.307000000000002, + "mrr_at_10": 24.66, + "mrr_at_100": 25.540000000000003, + "mrr_at_1000": 25.629, + "mrr_at_3": 22.511, + "mrr_at_5": 23.72, + "ndcg_at_1": 18.307000000000002, + "ndcg_at_10": 25.153, + "ndcg_at_100": 30.229, + "ndcg_at_1000": 33.623, + "ndcg_at_3": 21.203, + "ndcg_at_5": 23.006999999999998, + "precision_at_1": 18.307000000000002, + "precision_at_10": 4.725, + "precision_at_100": 0.8659999999999999, + "precision_at_1000": 0.133, + "precision_at_3": 10.14, + "precision_at_5": 7.481, + "recall_at_1": 14.71, + "recall_at_10": 34.087, + "recall_at_100": 57.147999999999996, + "recall_at_1000": 81.777, + "recall_at_3": 22.996, + "recall_at_5": 27.73, + "main_score": 25.153 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.472, + "map_at_10": 32.699, + "map_at_100": 33.867000000000004, + "map_at_1000": 33.967000000000006, + "map_at_3": 29.718, + "map_at_5": 31.345, + "mrr_at_1": 28.265, + "mrr_at_10": 36.945, + "mrr_at_100": 37.794, + "mrr_at_1000": 37.857, + "mrr_at_3": 34.266000000000005, + "mrr_at_5": 35.768, + "ndcg_at_1": 28.265, + "ndcg_at_10": 38.35, + "ndcg_at_100": 43.739, + "ndcg_at_1000": 46.087, + "ndcg_at_3": 33.004, + "ndcg_at_5": 35.411, + "precision_at_1": 28.265, + "precision_at_10": 6.715999999999999, + "precision_at_100": 1.059, + "precision_at_1000": 0.13799999999999998, + "precision_at_3": 15.299, + "precision_at_5": 10.951, + "recall_at_1": 23.472, + "recall_at_10": 51.413, + "recall_at_100": 75.17, + "recall_at_1000": 91.577, + "recall_at_3": 36.651, + "recall_at_5": 42.814, + "main_score": 38.35 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.666, + "map_at_10": 32.963, + "map_at_100": 34.544999999999995, + "map_at_1000": 34.792, + "map_at_3": 29.74, + "map_at_5": 31.5, + "mrr_at_1": 29.051, + "mrr_at_10": 38.013000000000005, + "mrr_at_100": 38.997, + "mrr_at_1000": 39.055, + "mrr_at_3": 34.947, + "mrr_at_5": 36.815, + "ndcg_at_1": 29.051, + "ndcg_at_10": 39.361000000000004, + "ndcg_at_100": 45.186, + "ndcg_at_1000": 47.867, + "ndcg_at_3": 33.797, + "ndcg_at_5": 36.456, + "precision_at_1": 29.051, + "precision_at_10": 7.668, + "precision_at_100": 1.532, + "precision_at_1000": 0.247, + "precision_at_3": 15.876000000000001, + "precision_at_5": 11.779, + "recall_at_1": 23.666, + "recall_at_10": 51.858000000000004, + "recall_at_100": 77.805, + "recall_at_1000": 94.504, + "recall_at_3": 36.207, + "recall_at_5": 43.094, + "main_score": 39.361000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.662, + "map_at_10": 23.594, + "map_at_100": 24.593999999999998, + "map_at_1000": 24.694, + "map_at_3": 20.925, + "map_at_5": 22.817999999999998, + "mrr_at_1": 17.375, + "mrr_at_10": 25.734, + "mrr_at_100": 26.586, + "mrr_at_1000": 26.671, + "mrr_at_3": 23.044, + "mrr_at_5": 24.975, + "ndcg_at_1": 17.375, + "ndcg_at_10": 28.186, + "ndcg_at_100": 33.436, + "ndcg_at_1000": 36.203, + "ndcg_at_3": 23.152, + "ndcg_at_5": 26.397, + "precision_at_1": 17.375, + "precision_at_10": 4.677, + "precision_at_100": 0.786, + "precision_at_1000": 0.109, + "precision_at_3": 10.351, + "precision_at_5": 7.985, + "recall_at_1": 15.662, + "recall_at_10": 40.066, + "recall_at_100": 65.006, + "recall_at_1000": 85.94000000000001, + "recall_at_3": 27.400000000000002, + "recall_at_5": 35.002, + "main_score": 28.186 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/ClimateFEVER.json b/results/intfloat__e5-large-v2/external/ClimateFEVER.json new file mode 100644 index 000000000..82aef6970 --- /dev/null +++ b/results/intfloat__e5-large-v2/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.853, + "map_at_10": 15.568000000000001, + "map_at_100": 17.383000000000003, + "map_at_1000": 17.584, + "map_at_3": 12.561, + "map_at_5": 14.056, + "mrr_at_1": 18.958, + "mrr_at_10": 28.288000000000004, + "mrr_at_100": 29.432000000000002, + "mrr_at_1000": 29.498, + "mrr_at_3": 25.049, + "mrr_at_5": 26.857, + "ndcg_at_1": 18.958, + "ndcg_at_10": 22.21, + "ndcg_at_100": 29.596, + "ndcg_at_1000": 33.583, + "ndcg_at_3": 16.994999999999997, + "ndcg_at_5": 18.95, + "precision_at_1": 18.958, + "precision_at_10": 7.192, + "precision_at_100": 1.5, + "precision_at_1000": 0.22399999999999998, + "precision_at_3": 12.573, + "precision_at_5": 10.202, + "recall_at_1": 8.853, + "recall_at_10": 28.087, + "recall_at_100": 53.701, + "recall_at_1000": 76.29899999999999, + "recall_at_3": 15.913, + "recall_at_5": 20.658, + "main_score": 22.21 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/DBPedia.json b/results/intfloat__e5-large-v2/external/DBPedia.json new file mode 100644 index 000000000..69bd4c40e --- /dev/null +++ b/results/intfloat__e5-large-v2/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.077, + "map_at_10": 20.788999999999998, + "map_at_100": 30.429000000000002, + "map_at_1000": 32.143, + "map_at_3": 14.692, + "map_at_5": 17.139, + "mrr_at_1": 70.75, + "mrr_at_10": 78.036, + "mrr_at_100": 78.401, + "mrr_at_1000": 78.404, + "mrr_at_3": 76.75, + "mrr_at_5": 77.47500000000001, + "ndcg_at_1": 58.12500000000001, + "ndcg_at_10": 44.015, + "ndcg_at_100": 49.247, + "ndcg_at_1000": 56.211999999999996, + "ndcg_at_3": 49.151, + "ndcg_at_5": 46.195, + "precision_at_1": 70.75, + "precision_at_10": 35.5, + "precision_at_100": 11.355, + "precision_at_1000": 2.1950000000000003, + "precision_at_3": 53.083000000000006, + "precision_at_5": 44.800000000000004, + "recall_at_1": 9.077, + "recall_at_10": 26.259, + "recall_at_100": 56.547000000000004, + "recall_at_1000": 78.551, + "recall_at_3": 16.162000000000003, + "recall_at_5": 19.753999999999998, + "main_score": 44.015 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/EmotionClassification.json b/results/intfloat__e5-large-v2/external/EmotionClassification.json new file mode 100644 index 000000000..c40ba928b --- /dev/null +++ b/results/intfloat__e5-large-v2/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 49.44500000000001, + "f1": 44.67067691783401, + "main_score": 49.44500000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/FEVER.json b/results/intfloat__e5-large-v2/external/FEVER.json new file mode 100644 index 000000000..a740fdf97 --- /dev/null +++ b/results/intfloat__e5-large-v2/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 68.182, + "map_at_10": 78.223, + "map_at_100": 78.498, + "map_at_1000": 78.512, + "map_at_3": 76.71, + "map_at_5": 77.725, + "mrr_at_1": 73.177, + "mrr_at_10": 82.513, + "mrr_at_100": 82.633, + "mrr_at_1000": 82.635, + "mrr_at_3": 81.376, + "mrr_at_5": 82.182, + "ndcg_at_1": 73.177, + "ndcg_at_10": 82.829, + "ndcg_at_100": 83.84, + "ndcg_at_1000": 84.07900000000001, + "ndcg_at_3": 80.303, + "ndcg_at_5": 81.846, + "precision_at_1": 73.177, + "precision_at_10": 10.241999999999999, + "precision_at_100": 1.099, + "precision_at_1000": 0.11399999999999999, + "precision_at_3": 31.247999999999998, + "precision_at_5": 19.697, + "recall_at_1": 68.182, + "recall_at_10": 92.657, + "recall_at_100": 96.709, + "recall_at_1000": 98.184, + "recall_at_3": 85.9, + "recall_at_5": 89.755, + "main_score": 82.829 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/FiQA2018.json b/results/intfloat__e5-large-v2/external/FiQA2018.json new file mode 100644 index 000000000..957af1957 --- /dev/null +++ b/results/intfloat__e5-large-v2/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.108, + "map_at_10": 33.342, + "map_at_100": 35.281, + "map_at_1000": 35.478, + "map_at_3": 29.067, + "map_at_5": 31.563000000000002, + "mrr_at_1": 41.667, + "mrr_at_10": 49.913000000000004, + "mrr_at_100": 50.724000000000004, + "mrr_at_1000": 50.766, + "mrr_at_3": 47.504999999999995, + "mrr_at_5": 49.033, + "ndcg_at_1": 41.667, + "ndcg_at_10": 41.144, + "ndcg_at_100": 48.326, + "ndcg_at_1000": 51.486, + "ndcg_at_3": 37.486999999999995, + "ndcg_at_5": 38.78, + "precision_at_1": 41.667, + "precision_at_10": 11.358, + "precision_at_100": 1.873, + "precision_at_1000": 0.244, + "precision_at_3": 25, + "precision_at_5": 18.519, + "recall_at_1": 21.108, + "recall_at_10": 47.249, + "recall_at_100": 74.52, + "recall_at_1000": 93.31, + "recall_at_3": 33.271, + "recall_at_5": 39.723000000000006, + "main_score": 41.144 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/HotpotQA.json b/results/intfloat__e5-large-v2/external/HotpotQA.json new file mode 100644 index 000000000..10d86b7f5 --- /dev/null +++ b/results/intfloat__e5-large-v2/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.317, + "map_at_10": 64.861, + "map_at_100": 65.697, + "map_at_1000": 65.755, + "map_at_3": 61.258, + "map_at_5": 63.590999999999994, + "mrr_at_1": 80.635, + "mrr_at_10": 86.528, + "mrr_at_100": 86.66199999999999, + "mrr_at_1000": 86.666, + "mrr_at_3": 85.744, + "mrr_at_5": 86.24300000000001, + "ndcg_at_1": 80.635, + "ndcg_at_10": 73.13199999999999, + "ndcg_at_100": 75.927, + "ndcg_at_1000": 76.976, + "ndcg_at_3": 68.241, + "ndcg_at_5": 71.071, + "precision_at_1": 80.635, + "precision_at_10": 15.326, + "precision_at_100": 1.7500000000000002, + "precision_at_1000": 0.189, + "precision_at_3": 43.961, + "precision_at_5": 28.599999999999998, + "recall_at_1": 40.317, + "recall_at_10": 76.631, + "recall_at_100": 87.495, + "recall_at_1000": 94.362, + "recall_at_3": 65.94200000000001, + "recall_at_5": 71.499, + "main_score": 73.13199999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/ImdbClassification.json b/results/intfloat__e5-large-v2/external/ImdbClassification.json new file mode 100644 index 000000000..c82babfea --- /dev/null +++ b/results/intfloat__e5-large-v2/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.686, + "ap": 87.5577120393173, + "f1": 91.6629447355139, + "main_score": 91.686 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/MSMARCO.json b/results/intfloat__e5-large-v2/external/MSMARCO.json new file mode 100644 index 000000000..38326bc11 --- /dev/null +++ b/results/intfloat__e5-large-v2/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.702, + "map_at_10": 36.414, + "map_at_100": 37.561, + "map_at_1000": 37.605, + "map_at_3": 32.456, + "map_at_5": 34.827000000000005, + "mrr_at_1": 24.355, + "mrr_at_10": 37.01, + "mrr_at_100": 38.085, + "mrr_at_1000": 38.123000000000005, + "mrr_at_3": 33.117999999999995, + "mrr_at_5": 35.452, + "ndcg_at_1": 24.384, + "ndcg_at_10": 43.456, + "ndcg_at_100": 48.892, + "ndcg_at_1000": 49.964, + "ndcg_at_3": 35.475, + "ndcg_at_5": 39.711, + "precision_at_1": 24.384, + "precision_at_10": 6.7940000000000005, + "precision_at_100": 0.951, + "precision_at_1000": 0.104, + "precision_at_3": 15.052999999999999, + "precision_at_5": 11.189, + "recall_at_1": 23.702, + "recall_at_10": 65.057, + "recall_at_100": 90.021, + "recall_at_1000": 98.142, + "recall_at_3": 43.551, + "recall_at_5": 53.738, + "main_score": 43.456 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/MTOPDomainClassification.json b/results/intfloat__e5-large-v2/external/MTOPDomainClassification.json new file mode 100644 index 000000000..bf5eff539 --- /dev/null +++ b/results/intfloat__e5-large-v2/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 94.62380300957591, + "f1": 94.49871222100734, + "main_score": 94.62380300957591 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/MTOPIntentClassification.json b/results/intfloat__e5-large-v2/external/MTOPIntentClassification.json new file mode 100644 index 000000000..065c930d6 --- /dev/null +++ b/results/intfloat__e5-large-v2/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.14090287277702, + "f1": 60.32101258220515, + "main_score": 77.14090287277702 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/MassiveIntentClassification.json b/results/intfloat__e5-large-v2/external/MassiveIntentClassification.json new file mode 100644 index 000000000..8b481cdd4 --- /dev/null +++ b/results/intfloat__e5-large-v2/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.84330867518494, + "f1": 71.92248688515255, + "main_score": 73.84330867518494 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/MassiveScenarioClassification.json b/results/intfloat__e5-large-v2/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..75e5d1ed4 --- /dev/null +++ b/results/intfloat__e5-large-v2/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.10692669804976, + "f1": 77.9904839122866, + "main_score": 78.10692669804976 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/MedrxivClusteringP2P.json b/results/intfloat__e5-large-v2/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..2af847cae --- /dev/null +++ b/results/intfloat__e5-large-v2/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.822988923078444, + "main_score": 31.822988923078444 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/MedrxivClusteringS2S.json b/results/intfloat__e5-large-v2/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..a6b8a9bd0 --- /dev/null +++ b/results/intfloat__e5-large-v2/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.38394880253403, + "main_score": 30.38394880253403 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/MindSmallReranking.json b/results/intfloat__e5-large-v2/external/MindSmallReranking.json new file mode 100644 index 000000000..16097ad96 --- /dev/null +++ b/results/intfloat__e5-large-v2/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.82504612539082, + "mrr": 32.84462298174977, + "main_score": 31.82504612539082 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/NFCorpus.json b/results/intfloat__e5-large-v2/external/NFCorpus.json new file mode 100644 index 000000000..cfd3d443d --- /dev/null +++ b/results/intfloat__e5-large-v2/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.029, + "map_at_10": 14.088999999999999, + "map_at_100": 17.601, + "map_at_1000": 19.144, + "map_at_3": 10.156, + "map_at_5": 11.892, + "mrr_at_1": 46.44, + "mrr_at_10": 56.596999999999994, + "mrr_at_100": 57.11000000000001, + "mrr_at_1000": 57.14, + "mrr_at_3": 54.334, + "mrr_at_5": 55.774, + "ndcg_at_1": 44.891999999999996, + "ndcg_at_10": 37.134, + "ndcg_at_100": 33.652, + "ndcg_at_1000": 42.548, + "ndcg_at_3": 41.851, + "ndcg_at_5": 39.842, + "precision_at_1": 46.44, + "precision_at_10": 27.647, + "precision_at_100": 8.309999999999999, + "precision_at_1000": 2.146, + "precision_at_3": 39.422000000000004, + "precision_at_5": 34.675, + "recall_at_1": 6.029, + "recall_at_10": 18.907, + "recall_at_100": 33.76, + "recall_at_1000": 65.14999999999999, + "recall_at_3": 11.584999999999999, + "recall_at_5": 14.626, + "main_score": 37.134 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/NQ.json b/results/intfloat__e5-large-v2/external/NQ.json new file mode 100644 index 000000000..3d61b57a5 --- /dev/null +++ b/results/intfloat__e5-large-v2/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 39.373000000000005, + "map_at_10": 55.836, + "map_at_100": 56.611999999999995, + "map_at_1000": 56.63, + "map_at_3": 51.747, + "map_at_5": 54.337999999999994, + "mrr_at_1": 44.147999999999996, + "mrr_at_10": 58.42699999999999, + "mrr_at_100": 58.902, + "mrr_at_1000": 58.914, + "mrr_at_3": 55.156000000000006, + "mrr_at_5": 57.291000000000004, + "ndcg_at_1": 44.119, + "ndcg_at_10": 63.444, + "ndcg_at_100": 66.40599999999999, + "ndcg_at_1000": 66.822, + "ndcg_at_3": 55.962, + "ndcg_at_5": 60.228, + "precision_at_1": 44.119, + "precision_at_10": 10.006, + "precision_at_100": 1.17, + "precision_at_1000": 0.121, + "precision_at_3": 25.135, + "precision_at_5": 17.59, + "recall_at_1": 39.373000000000005, + "recall_at_10": 83.78999999999999, + "recall_at_100": 96.246, + "recall_at_1000": 99.324, + "recall_at_3": 64.71900000000001, + "recall_at_5": 74.508, + "main_score": 63.444 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/QuoraRetrieval.json b/results/intfloat__e5-large-v2/external/QuoraRetrieval.json new file mode 100644 index 000000000..c43c551a8 --- /dev/null +++ b/results/intfloat__e5-large-v2/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 69.199, + "map_at_10": 82.892, + "map_at_100": 83.578, + "map_at_1000": 83.598, + "map_at_3": 79.948, + "map_at_5": 81.779, + "mrr_at_1": 79.67, + "mrr_at_10": 86.115, + "mrr_at_100": 86.249, + "mrr_at_1000": 86.251, + "mrr_at_3": 85.08200000000001, + "mrr_at_5": 85.783, + "ndcg_at_1": 79.67, + "ndcg_at_10": 86.839, + "ndcg_at_100": 88.252, + "ndcg_at_1000": 88.401, + "ndcg_at_3": 83.86200000000001, + "ndcg_at_5": 85.473, + "precision_at_1": 79.67, + "precision_at_10": 13.19, + "precision_at_100": 1.521, + "precision_at_1000": 0.157, + "precision_at_3": 36.677, + "precision_at_5": 24.118000000000002, + "recall_at_1": 69.199, + "recall_at_10": 94.321, + "recall_at_100": 99.20400000000001, + "recall_at_1000": 99.947, + "recall_at_3": 85.787, + "recall_at_5": 90.365, + "main_score": 86.839 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/RedditClustering.json b/results/intfloat__e5-large-v2/external/RedditClustering.json new file mode 100644 index 000000000..d6cadc66e --- /dev/null +++ b/results/intfloat__e5-large-v2/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 55.82810046856353, + "main_score": 55.82810046856353 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/RedditClusteringP2P.json b/results/intfloat__e5-large-v2/external/RedditClusteringP2P.json new file mode 100644 index 000000000..abf0c55d5 --- /dev/null +++ b/results/intfloat__e5-large-v2/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 63.38132611783628, + "main_score": 63.38132611783628 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/SCIDOCS.json b/results/intfloat__e5-large-v2/external/SCIDOCS.json new file mode 100644 index 000000000..7fe45afe5 --- /dev/null +++ b/results/intfloat__e5-large-v2/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.127000000000001, + "map_at_10": 12.235, + "map_at_100": 14.417, + "map_at_1000": 14.75, + "map_at_3": 8.906, + "map_at_5": 10.591000000000001, + "mrr_at_1": 25.2, + "mrr_at_10": 35.879, + "mrr_at_100": 36.935, + "mrr_at_1000": 36.997, + "mrr_at_3": 32.783, + "mrr_at_5": 34.367999999999995, + "ndcg_at_1": 25.2, + "ndcg_at_10": 20.509, + "ndcg_at_100": 28.67, + "ndcg_at_1000": 34.42, + "ndcg_at_3": 19.948, + "ndcg_at_5": 17.166, + "precision_at_1": 25.2, + "precision_at_10": 10.440000000000001, + "precision_at_100": 2.214, + "precision_at_1000": 0.359, + "precision_at_3": 18.533, + "precision_at_5": 14.860000000000001, + "recall_at_1": 5.127000000000001, + "recall_at_10": 21.147, + "recall_at_100": 44.946999999999996, + "recall_at_1000": 72.89, + "recall_at_3": 11.277, + "recall_at_5": 15.042, + "main_score": 20.509 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/SICK-R.json b/results/intfloat__e5-large-v2/external/SICK-R.json new file mode 100644 index 000000000..b8798730a --- /dev/null +++ b/results/intfloat__e5-large-v2/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.0373011786213, + "cos_sim_spearman": 79.27889560856613, + "euclidean_pearson": 80.31186315495655, + "euclidean_spearman": 79.41630415280811, + "manhattan_pearson": 80.31755140442013, + "manhattan_spearman": 79.43069870027611, + "cosine_pearson": 83.0373011786213, + "cosine_spearman": 79.27889560856613, + "main_score": 79.27889560856613 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/STS12.json b/results/intfloat__e5-large-v2/external/STS12.json new file mode 100644 index 000000000..f3d402cf6 --- /dev/null +++ b/results/intfloat__e5-large-v2/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.8659751342045, + "cos_sim_spearman": 76.95377612997667, + "euclidean_pearson": 81.24552945497848, + "euclidean_spearman": 77.18236963555253, + "manhattan_pearson": 81.26477607759037, + "manhattan_spearman": 77.13821753062756, + "cosine_pearson": 84.8659751342045, + "cosine_spearman": 76.95377612997667, + "main_score": 76.95377612997667 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/STS13.json b/results/intfloat__e5-large-v2/external/STS13.json new file mode 100644 index 000000000..681ddb4bc --- /dev/null +++ b/results/intfloat__e5-large-v2/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.34597139044875, + "cos_sim_spearman": 84.124169425592, + "euclidean_pearson": 83.68590721511401, + "euclidean_spearman": 84.18846190846398, + "manhattan_pearson": 83.57630235061498, + "manhattan_spearman": 84.10244043726902, + "cosine_pearson": 83.34597139044875, + "cosine_spearman": 84.124169425592, + "main_score": 84.124169425592 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/STS14.json b/results/intfloat__e5-large-v2/external/STS14.json new file mode 100644 index 000000000..f99e81c3f --- /dev/null +++ b/results/intfloat__e5-large-v2/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.67641885599572, + "cos_sim_spearman": 80.46450725650428, + "euclidean_pearson": 81.61645042715865, + "euclidean_spearman": 80.61418394236874, + "manhattan_pearson": 81.55712034928871, + "manhattan_spearman": 80.57905670523951, + "cosine_pearson": 82.67641885599572, + "cosine_spearman": 80.46450725650428, + "main_score": 80.46450725650428 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/STS15.json b/results/intfloat__e5-large-v2/external/STS15.json new file mode 100644 index 000000000..9119b282c --- /dev/null +++ b/results/intfloat__e5-large-v2/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.86650310886782, + "cos_sim_spearman": 89.76081629222328, + "euclidean_pearson": 89.1530747029954, + "euclidean_spearman": 89.80990657280248, + "manhattan_pearson": 89.10640563278132, + "manhattan_spearman": 89.76282108434047, + "cosine_pearson": 88.86650310886782, + "cosine_spearman": 89.76081629222328, + "main_score": 89.76081629222328 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/STS16.json b/results/intfloat__e5-large-v2/external/STS16.json new file mode 100644 index 000000000..67a9d03ae --- /dev/null +++ b/results/intfloat__e5-large-v2/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.93864027911118, + "cos_sim_spearman": 85.47096193999023, + "euclidean_pearson": 85.03141840870533, + "euclidean_spearman": 85.43124029598181, + "manhattan_pearson": 84.99002664393512, + "manhattan_spearman": 85.39169195120834, + "cosine_pearson": 83.93864027911118, + "cosine_spearman": 85.47096193999023, + "main_score": 85.47096193999023 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/STS17.json b/results/intfloat__e5-large-v2/external/STS17.json new file mode 100644 index 000000000..0034a06c4 --- /dev/null +++ b/results/intfloat__e5-large-v2/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.7045343749832, + "cos_sim_spearman": 89.03262221146677, + "euclidean_pearson": 89.56078218264365, + "euclidean_spearman": 89.17827006466868, + "manhattan_pearson": 89.52717595468582, + "manhattan_spearman": 89.15878115952923, + "cosine_pearson": 88.7045343749832, + "cosine_spearman": 89.03262221146677, + "main_score": 89.03262221146677 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/STS22.json b/results/intfloat__e5-large-v2/external/STS22.json new file mode 100644 index 000000000..756633d60 --- /dev/null +++ b/results/intfloat__e5-large-v2/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 64.20191302875551, + "cos_sim_spearman": 64.11446552557646, + "euclidean_pearson": 64.6918197393619, + "euclidean_spearman": 63.440182631197764, + "manhattan_pearson": 64.55692904121835, + "manhattan_spearman": 63.424877742756266, + "cosine_pearson": 64.20191302875551, + "cosine_spearman": 64.11446552557646, + "main_score": 64.11446552557646 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/STSBenchmark.json b/results/intfloat__e5-large-v2/external/STSBenchmark.json new file mode 100644 index 000000000..b2b25ce33 --- /dev/null +++ b/results/intfloat__e5-large-v2/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.37793104662344, + "cos_sim_spearman": 87.7357802629067, + "euclidean_pearson": 87.4286301545109, + "euclidean_spearman": 87.78452920777421, + "manhattan_pearson": 87.42445169331255, + "manhattan_spearman": 87.78537677249598, + "cosine_pearson": 86.37793104662344, + "cosine_spearman": 87.7357802629067, + "main_score": 87.7357802629067 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/SciDocsRR.json b/results/intfloat__e5-large-v2/external/SciDocsRR.json new file mode 100644 index 000000000..01d3b5139 --- /dev/null +++ b/results/intfloat__e5-large-v2/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 84.31465405081792, + "mrr": 95.7173781193389, + "main_score": 84.31465405081792 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/SciFact.json b/results/intfloat__e5-large-v2/external/SciFact.json new file mode 100644 index 000000000..de01b59be --- /dev/null +++ b/results/intfloat__e5-large-v2/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 57.760999999999996, + "map_at_10": 67.904, + "map_at_100": 68.539, + "map_at_1000": 68.562, + "map_at_3": 65.415, + "map_at_5": 66.788, + "mrr_at_1": 60.333000000000006, + "mrr_at_10": 68.797, + "mrr_at_100": 69.236, + "mrr_at_1000": 69.257, + "mrr_at_3": 66.667, + "mrr_at_5": 67.967, + "ndcg_at_1": 60.333000000000006, + "ndcg_at_10": 72.24199999999999, + "ndcg_at_100": 74.86, + "ndcg_at_1000": 75.354, + "ndcg_at_3": 67.93400000000001, + "ndcg_at_5": 70.02199999999999, + "precision_at_1": 60.333000000000006, + "precision_at_10": 9.533, + "precision_at_100": 1.09, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 26.778000000000002, + "precision_at_5": 17.467, + "recall_at_1": 57.760999999999996, + "recall_at_10": 84.383, + "recall_at_100": 96.267, + "recall_at_1000": 100, + "recall_at_3": 72.628, + "recall_at_5": 78.094, + "main_score": 72.24199999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/SprintDuplicateQuestions.json b/results/intfloat__e5-large-v2/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..ca9827c70 --- /dev/null +++ b/results/intfloat__e5-large-v2/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.8029702970297, + "cos_sim_ap": 94.9210324173411, + "cos_sim_f1": 89.8521162672106, + "cos_sim_precision": 91.67533818938605, + "cos_sim_recall": 88.1, + "dot_accuracy": 99.69504950495049, + "dot_ap": 90.4919719146181, + "dot_f1": 84.72289156626506, + "dot_precision": 81.76744186046511, + "dot_recall": 87.9, + "euclidean_accuracy": 99.79702970297029, + "euclidean_ap": 94.87827463795753, + "euclidean_f1": 89.55680081507896, + "euclidean_precision": 91.27725856697819, + "euclidean_recall": 87.9, + "manhattan_accuracy": 99.7990099009901, + "manhattan_ap": 94.87587025149682, + "manhattan_f1": 89.76298537569339, + "manhattan_precision": 90.53916581892166, + "manhattan_recall": 89, + "max_accuracy": 99.8029702970297, + "max_ap": 94.9210324173411, + "max_f1": 89.8521162672106, + "main_score": 94.9210324173411 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/StackExchangeClustering.json b/results/intfloat__e5-large-v2/external/StackExchangeClustering.json new file mode 100644 index 000000000..fc811d574 --- /dev/null +++ b/results/intfloat__e5-large-v2/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 65.92385753948724, + "main_score": 65.92385753948724 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/StackExchangeClusteringP2P.json b/results/intfloat__e5-large-v2/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..ca1bbe3b0 --- /dev/null +++ b/results/intfloat__e5-large-v2/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.671756975431144, + "main_score": 33.671756975431144 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/StackOverflowDupQuestions.json b/results/intfloat__e5-large-v2/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..7da98843b --- /dev/null +++ b/results/intfloat__e5-large-v2/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 50.677928036739004, + "mrr": 51.56413133435193, + "main_score": 50.677928036739004 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/SummEval.json b/results/intfloat__e5-large-v2/external/SummEval.json new file mode 100644 index 000000000..5b97b82d9 --- /dev/null +++ b/results/intfloat__e5-large-v2/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.523589340819683, + "cos_sim_spearman": 30.187407518823235, + "dot_pearson": 29.039713969699015, + "dot_spearman": 29.114740651155508, + "cosine_pearson": 30.523589340819683, + "cosine_spearman": 30.187407518823235, + "main_score": 30.187407518823235 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/TRECCOVID.json b/results/intfloat__e5-large-v2/external/TRECCOVID.json new file mode 100644 index 000000000..505b2a19a --- /dev/null +++ b/results/intfloat__e5-large-v2/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.211, + "map_at_10": 1.6199999999999999, + "map_at_100": 8.658000000000001, + "map_at_1000": 21.538, + "map_at_3": 0.575, + "map_at_5": 0.919, + "mrr_at_1": 78, + "mrr_at_10": 86.18599999999999, + "mrr_at_100": 86.18599999999999, + "mrr_at_1000": 86.18599999999999, + "mrr_at_3": 85, + "mrr_at_5": 85.9, + "ndcg_at_1": 74, + "ndcg_at_10": 66.542, + "ndcg_at_100": 50.163999999999994, + "ndcg_at_1000": 45.696999999999996, + "ndcg_at_3": 71.531, + "ndcg_at_5": 70.45, + "precision_at_1": 78, + "precision_at_10": 69.39999999999999, + "precision_at_100": 51.06, + "precision_at_1000": 20.022000000000002, + "precision_at_3": 76, + "precision_at_5": 74.8, + "recall_at_1": 0.211, + "recall_at_10": 1.813, + "recall_at_100": 12.098, + "recall_at_1000": 42.618, + "recall_at_3": 0.603, + "recall_at_5": 0.987, + "main_score": 66.542 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/Touche2020.json b/results/intfloat__e5-large-v2/external/Touche2020.json new file mode 100644 index 000000000..6230ebafb --- /dev/null +++ b/results/intfloat__e5-large-v2/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.2079999999999997, + "map_at_10": 7.777000000000001, + "map_at_100": 12.825000000000001, + "map_at_1000": 14.196, + "map_at_3": 4.285, + "map_at_5": 6.177, + "mrr_at_1": 30.612000000000002, + "mrr_at_10": 42.635, + "mrr_at_100": 43.955, + "mrr_at_1000": 43.955, + "mrr_at_3": 38.435, + "mrr_at_5": 41.088, + "ndcg_at_1": 28.571, + "ndcg_at_10": 20.666999999999998, + "ndcg_at_100": 31.840000000000003, + "ndcg_at_1000": 43.191, + "ndcg_at_3": 23.45, + "ndcg_at_5": 22.994, + "precision_at_1": 30.612000000000002, + "precision_at_10": 17.959, + "precision_at_100": 6.755, + "precision_at_1000": 1.4200000000000002, + "precision_at_3": 23.810000000000002, + "precision_at_5": 23.673, + "recall_at_1": 2.2079999999999997, + "recall_at_10": 13.144, + "recall_at_100": 42.491, + "recall_at_1000": 77.04299999999999, + "recall_at_3": 5.3469999999999995, + "recall_at_5": 9.139, + "main_score": 20.666999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/ToxicConversationsClassification.json b/results/intfloat__e5-large-v2/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..ac78ed12a --- /dev/null +++ b/results/intfloat__e5-large-v2/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.9044, + "ap": 14.625783489340755, + "f1": 54.814936562590546, + "main_score": 70.9044 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/TweetSentimentExtractionClassification.json b/results/intfloat__e5-large-v2/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..52ccffac2 --- /dev/null +++ b/results/intfloat__e5-large-v2/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 60.94227504244483, + "f1": 61.22516038508854, + "main_score": 60.94227504244483 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/TwentyNewsgroupsClustering.json b/results/intfloat__e5-large-v2/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..3f9189fc6 --- /dev/null +++ b/results/intfloat__e5-large-v2/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 49.602409155145864, + "main_score": 49.602409155145864 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/TwitterSemEval2015.json b/results/intfloat__e5-large-v2/external/TwitterSemEval2015.json new file mode 100644 index 000000000..dcb7234c4 --- /dev/null +++ b/results/intfloat__e5-large-v2/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 86.94641473445789, + "cos_sim_ap": 76.91572747061197, + "cos_sim_f1": 70.14348097317529, + "cos_sim_precision": 66.53254437869822, + "cos_sim_recall": 74.1688654353562, + "dot_accuracy": 84.80061989628658, + "dot_ap": 70.7952548895177, + "dot_f1": 65.44780728844965, + "dot_precision": 61.53310104529617, + "dot_recall": 69.89445910290237, + "euclidean_accuracy": 86.94641473445789, + "euclidean_ap": 76.80774009393652, + "euclidean_f1": 70.30522503879979, + "euclidean_precision": 68.94977168949772, + "euclidean_recall": 71.71503957783642, + "manhattan_accuracy": 86.8629671574179, + "manhattan_ap": 76.76518632600317, + "manhattan_f1": 70.16056518946692, + "manhattan_precision": 68.360450563204, + "manhattan_recall": 72.0580474934037, + "max_accuracy": 86.94641473445789, + "max_ap": 76.91572747061197, + "max_f1": 70.30522503879979, + "main_score": 76.91572747061197 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/TwitterURLCorpus.json b/results/intfloat__e5-large-v2/external/TwitterURLCorpus.json new file mode 100644 index 000000000..7f8032026 --- /dev/null +++ b/results/intfloat__e5-large-v2/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.10428066907285, + "cos_sim_ap": 86.25114759921435, + "cos_sim_f1": 78.37857884586856, + "cos_sim_precision": 75.60818546078993, + "cos_sim_recall": 81.35971666153372, + "dot_accuracy": 87.41995575736406, + "dot_ap": 81.51838010086782, + "dot_f1": 74.77398015435503, + "dot_precision": 71.53002390662354, + "dot_recall": 78.32614721281182, + "euclidean_accuracy": 89.12368533395428, + "euclidean_ap": 86.33456799874504, + "euclidean_f1": 78.45496750232127, + "euclidean_precision": 75.78388462366364, + "euclidean_recall": 81.32121958731136, + "manhattan_accuracy": 89.10622113556099, + "manhattan_ap": 86.31215061745333, + "manhattan_f1": 78.40684906011539, + "manhattan_precision": 75.89536643366722, + "manhattan_recall": 81.09023714197721, + "max_accuracy": 89.12368533395428, + "max_ap": 86.33456799874504, + "max_f1": 78.45496750232127, + "main_score": 86.33456799874504 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large-v2/external/model_meta.json b/results/intfloat__e5-large-v2/external/model_meta.json new file mode 100644 index 000000000..79bb3a019 --- /dev/null +++ b/results/intfloat__e5-large-v2/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "intfloat/e5-large-v2", + "revision": "b322e09026e4ea05f42beadf4d661fb4e101d311", + "release_date": "2023-05-19", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 335142400, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 1024, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/AmazonCounterfactualClassification.json b/results/intfloat__e5-large/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..f834c98d1 --- /dev/null +++ b/results/intfloat__e5-large/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.68656716417911, + "ap": 41.336896075573584, + "f1": 71.788561468075, + "main_score": 77.68656716417911 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/AmazonPolarityClassification.json b/results/intfloat__e5-large/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..c4ab547d8 --- /dev/null +++ b/results/intfloat__e5-large/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 90.04965, + "ap": 86.24637009569418, + "f1": 90.03896671762645, + "main_score": 90.04965 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/AmazonReviewsClassification.json b/results/intfloat__e5-large/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..6a360f51d --- /dev/null +++ b/results/intfloat__e5-large/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 43.016000000000005, + "f1": 42.1942431880186, + "main_score": 43.016000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/ArguAna.json b/results/intfloat__e5-large/external/ArguAna.json new file mode 100644 index 000000000..6e41c7b21 --- /dev/null +++ b/results/intfloat__e5-large/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.107000000000003, + "map_at_10": 40.464, + "map_at_100": 41.577999999999996, + "map_at_1000": 41.588, + "map_at_3": 35.301, + "map_at_5": 38.263000000000005, + "mrr_at_1": 25.605, + "mrr_at_10": 40.64, + "mrr_at_100": 41.760000000000005, + "mrr_at_1000": 41.77, + "mrr_at_3": 35.443000000000005, + "mrr_at_5": 38.448, + "ndcg_at_1": 25.107000000000003, + "ndcg_at_10": 49.352000000000004, + "ndcg_at_100": 53.98500000000001, + "ndcg_at_1000": 54.208, + "ndcg_at_3": 38.671, + "ndcg_at_5": 43.991, + "precision_at_1": 25.107000000000003, + "precision_at_10": 7.795000000000001, + "precision_at_100": 0.979, + "precision_at_1000": 0.1, + "precision_at_3": 16.145, + "precision_at_5": 12.262, + "recall_at_1": 25.107000000000003, + "recall_at_10": 77.952, + "recall_at_100": 97.866, + "recall_at_1000": 99.57300000000001, + "recall_at_3": 48.435, + "recall_at_5": 61.309000000000005, + "main_score": 49.352000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/ArxivClusteringP2P.json b/results/intfloat__e5-large/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..4de2381c1 --- /dev/null +++ b/results/intfloat__e5-large/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 46.19278045044154, + "main_score": 46.19278045044154 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/ArxivClusteringS2S.json b/results/intfloat__e5-large/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..7e53ac6d0 --- /dev/null +++ b/results/intfloat__e5-large/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 41.37976387757665, + "main_score": 41.37976387757665 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/AskUbuntuDupQuestions.json b/results/intfloat__e5-large/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..0bc05a59b --- /dev/null +++ b/results/intfloat__e5-large/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 60.07433334608074, + "mrr": 73.44347711383723, + "main_score": 60.07433334608074 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/BIOSSES.json b/results/intfloat__e5-large/external/BIOSSES.json new file mode 100644 index 000000000..57ba105d0 --- /dev/null +++ b/results/intfloat__e5-large/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.4298072183543, + "cos_sim_spearman": 84.73144873582848, + "euclidean_pearson": 85.15885058870728, + "euclidean_spearman": 85.42062106559356, + "manhattan_pearson": 84.89409921792054, + "manhattan_spearman": 85.31941394024344, + "cosine_pearson": 86.4298072183543, + "cosine_spearman": 84.73144873582848, + "main_score": 84.73144873582848 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/Banking77Classification.json b/results/intfloat__e5-large/external/Banking77Classification.json new file mode 100644 index 000000000..cdd4d3efd --- /dev/null +++ b/results/intfloat__e5-large/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 84.14285714285714, + "f1": 84.11674412565644, + "main_score": 84.14285714285714 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/BiorxivClusteringP2P.json b/results/intfloat__e5-large/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..5d5e14dfc --- /dev/null +++ b/results/intfloat__e5-large/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.600076342340785, + "main_score": 37.600076342340785 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/BiorxivClusteringS2S.json b/results/intfloat__e5-large/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..a0532dbf9 --- /dev/null +++ b/results/intfloat__e5-large/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.08861812135148, + "main_score": 35.08861812135148 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/CQADupstackAndroidRetrieval.json b/results/intfloat__e5-large/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..330dc7286 --- /dev/null +++ b/results/intfloat__e5-large/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.684000000000005, + "map_at_10": 41.675000000000004, + "map_at_100": 42.963, + "map_at_1000": 43.078, + "map_at_3": 38.708999999999996, + "map_at_5": 40.316, + "mrr_at_1": 39.485, + "mrr_at_10": 47.152, + "mrr_at_100": 47.96, + "mrr_at_1000": 48.010000000000005, + "mrr_at_3": 44.754, + "mrr_at_5": 46.285, + "ndcg_at_1": 39.485, + "ndcg_at_10": 46.849000000000004, + "ndcg_at_100": 52.059, + "ndcg_at_1000": 54.358, + "ndcg_at_3": 42.705, + "ndcg_at_5": 44.663000000000004, + "precision_at_1": 39.485, + "precision_at_10": 8.455, + "precision_at_100": 1.3379999999999999, + "precision_at_1000": 0.178, + "precision_at_3": 19.695, + "precision_at_5": 13.905999999999999, + "recall_at_1": 32.684000000000005, + "recall_at_10": 56.227000000000004, + "recall_at_100": 78.499, + "recall_at_1000": 94.021, + "recall_at_3": 44.157999999999994, + "recall_at_5": 49.694, + "main_score": 46.849000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.875999999999998, + "map_at_10": 41.603, + "map_at_100": 42.825, + "map_at_1000": 42.961, + "map_at_3": 38.655, + "map_at_5": 40.294999999999995, + "mrr_at_1": 40.127, + "mrr_at_10": 47.959, + "mrr_at_100": 48.59, + "mrr_at_1000": 48.634, + "mrr_at_3": 45.786, + "mrr_at_5": 46.964, + "ndcg_at_1": 40.127, + "ndcg_at_10": 47.176, + "ndcg_at_100": 51.346000000000004, + "ndcg_at_1000": 53.502, + "ndcg_at_3": 43.139, + "ndcg_at_5": 44.883, + "precision_at_1": 40.127, + "precision_at_10": 8.72, + "precision_at_100": 1.387, + "precision_at_1000": 0.188, + "precision_at_3": 20.637, + "precision_at_5": 14.446, + "recall_at_1": 31.875999999999998, + "recall_at_10": 56.54900000000001, + "recall_at_100": 73.939, + "recall_at_1000": 87.732, + "recall_at_3": 44.326, + "recall_at_5": 49.445, + "main_score": 47.176 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 41.677, + "map_at_10": 52.222, + "map_at_100": 53.229000000000006, + "map_at_1000": 53.288000000000004, + "map_at_3": 49.201, + "map_at_5": 51.00599999999999, + "mrr_at_1": 47.524, + "mrr_at_10": 55.745999999999995, + "mrr_at_100": 56.433, + "mrr_at_1000": 56.464999999999996, + "mrr_at_3": 53.37499999999999, + "mrr_at_5": 54.858, + "ndcg_at_1": 47.524, + "ndcg_at_10": 57.406, + "ndcg_at_100": 61.403, + "ndcg_at_1000": 62.7, + "ndcg_at_3": 52.298, + "ndcg_at_5": 55.02, + "precision_at_1": 47.524, + "precision_at_10": 8.865, + "precision_at_100": 1.179, + "precision_at_1000": 0.134, + "precision_at_3": 22.612, + "precision_at_5": 15.461, + "recall_at_1": 41.677, + "recall_at_10": 69.346, + "recall_at_100": 86.344, + "recall_at_1000": 95.703, + "recall_at_3": 55.789, + "recall_at_5": 62.488, + "main_score": 57.406 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.991999999999997, + "map_at_10": 32.804, + "map_at_100": 33.812999999999995, + "map_at_1000": 33.897, + "map_at_3": 30.567, + "map_at_5": 31.599, + "mrr_at_1": 27.797, + "mrr_at_10": 34.768, + "mrr_at_100": 35.702, + "mrr_at_1000": 35.766, + "mrr_at_3": 32.637, + "mrr_at_5": 33.614, + "ndcg_at_1": 27.797, + "ndcg_at_10": 36.966, + "ndcg_at_100": 41.972, + "ndcg_at_1000": 44.139, + "ndcg_at_3": 32.547, + "ndcg_at_5": 34.258, + "precision_at_1": 27.797, + "precision_at_10": 5.514, + "precision_at_100": 0.8340000000000001, + "precision_at_1000": 0.106, + "precision_at_3": 13.333, + "precision_at_5": 9.04, + "recall_at_1": 25.991999999999997, + "recall_at_10": 47.941, + "recall_at_100": 71.039, + "recall_at_1000": 87.32799999999999, + "recall_at_3": 36.01, + "recall_at_5": 40.056000000000004, + "main_score": 36.966 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.533, + "map_at_10": 24.336, + "map_at_100": 25.445, + "map_at_1000": 25.561, + "map_at_3": 22.116, + "map_at_5": 23.347, + "mrr_at_1": 21.642, + "mrr_at_10": 28.910999999999998, + "mrr_at_100": 29.836000000000002, + "mrr_at_1000": 29.907, + "mrr_at_3": 26.638, + "mrr_at_5": 27.857, + "ndcg_at_1": 21.642, + "ndcg_at_10": 28.949, + "ndcg_at_100": 34.211000000000006, + "ndcg_at_1000": 37.031, + "ndcg_at_3": 24.788, + "ndcg_at_5": 26.685, + "precision_at_1": 21.642, + "precision_at_10": 5.137, + "precision_at_100": 0.893, + "precision_at_1000": 0.127, + "precision_at_3": 11.733, + "precision_at_5": 8.383000000000001, + "recall_at_1": 17.533, + "recall_at_10": 38.839, + "recall_at_100": 61.458999999999996, + "recall_at_1000": 81.58, + "recall_at_3": 27.328999999999997, + "recall_at_5": 32.168, + "main_score": 28.949 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.126, + "map_at_10": 37.872, + "map_at_100": 39.229, + "map_at_1000": 39.353, + "map_at_3": 34.93, + "map_at_5": 36.59, + "mrr_at_1": 34.071, + "mrr_at_10": 43.056, + "mrr_at_100": 43.944, + "mrr_at_1000": 43.999, + "mrr_at_3": 40.536, + "mrr_at_5": 42.065999999999995, + "ndcg_at_1": 34.071, + "ndcg_at_10": 43.503, + "ndcg_at_100": 49.120000000000005, + "ndcg_at_1000": 51.410999999999994, + "ndcg_at_3": 38.767, + "ndcg_at_5": 41.075, + "precision_at_1": 34.071, + "precision_at_10": 7.843999999999999, + "precision_at_100": 1.2489999999999999, + "precision_at_1000": 0.163, + "precision_at_3": 18.223, + "precision_at_5": 13.050999999999998, + "recall_at_1": 28.126, + "recall_at_10": 54.952, + "recall_at_100": 78.375, + "recall_at_1000": 93.29899999999999, + "recall_at_3": 41.714, + "recall_at_5": 47.635, + "main_score": 43.503 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.957, + "map_at_10": 34.749, + "map_at_100": 35.929, + "map_at_1000": 36.043, + "map_at_3": 31.947, + "map_at_5": 33.575, + "mrr_at_1": 32.078, + "mrr_at_10": 39.844, + "mrr_at_100": 40.71, + "mrr_at_1000": 40.77, + "mrr_at_3": 37.386, + "mrr_at_5": 38.83, + "ndcg_at_1": 32.078, + "ndcg_at_10": 39.97, + "ndcg_at_100": 45.254, + "ndcg_at_1000": 47.818, + "ndcg_at_3": 35.453, + "ndcg_at_5": 37.631, + "precision_at_1": 32.078, + "precision_at_10": 7.158, + "precision_at_100": 1.126, + "precision_at_1000": 0.153, + "precision_at_3": 16.743, + "precision_at_5": 11.872, + "recall_at_1": 25.957, + "recall_at_10": 50.583, + "recall_at_100": 73.593, + "recall_at_1000": 91.23599999999999, + "recall_at_3": 37.651, + "recall_at_5": 43.626, + "main_score": 39.97 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.1505, + "map_at_10": 34.844833333333334, + "map_at_100": 35.95216666666667, + "map_at_1000": 36.06675, + "map_at_3": 32.41975, + "map_at_5": 33.74233333333333, + "mrr_at_1": 31.923666666666662, + "mrr_at_10": 38.87983333333334, + "mrr_at_100": 39.706250000000004, + "mrr_at_1000": 39.76708333333333, + "mrr_at_3": 36.72008333333333, + "mrr_at_5": 37.96933333333334, + "ndcg_at_1": 31.923666666666662, + "ndcg_at_10": 39.44258333333334, + "ndcg_at_100": 44.31475, + "ndcg_at_1000": 46.75, + "ndcg_at_3": 35.36299999999999, + "ndcg_at_5": 37.242333333333335, + "precision_at_1": 31.923666666666662, + "precision_at_10": 6.643333333333333, + "precision_at_100": 1.0612499999999998, + "precision_at_1000": 0.14575, + "precision_at_3": 15.875250000000001, + "precision_at_5": 11.088916666666664, + "recall_at_1": 27.1505, + "recall_at_10": 49.06349999999999, + "recall_at_100": 70.60841666666666, + "recall_at_1000": 87.72049999999999, + "recall_at_3": 37.60575000000001, + "recall_at_5": 42.511166666666675, + "main_score": 39.44258333333334 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.101000000000003, + "map_at_10": 30.147000000000002, + "map_at_100": 30.98, + "map_at_1000": 31.080000000000002, + "map_at_3": 28.571, + "map_at_5": 29.319, + "mrr_at_1": 27.761000000000003, + "mrr_at_10": 32.716, + "mrr_at_100": 33.504, + "mrr_at_1000": 33.574, + "mrr_at_3": 31.135, + "mrr_at_5": 32.032, + "ndcg_at_1": 27.761000000000003, + "ndcg_at_10": 33.358, + "ndcg_at_100": 37.569, + "ndcg_at_1000": 40.189, + "ndcg_at_3": 30.291, + "ndcg_at_5": 31.558000000000003, + "precision_at_1": 27.761000000000003, + "precision_at_10": 4.939, + "precision_at_100": 0.759, + "precision_at_1000": 0.106, + "precision_at_3": 12.577, + "precision_at_5": 8.497, + "recall_at_1": 25.101000000000003, + "recall_at_10": 40.739, + "recall_at_100": 60.089999999999996, + "recall_at_1000": 79.768, + "recall_at_3": 32.16, + "recall_at_5": 35.131, + "main_score": 33.358 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.112, + "map_at_10": 26.119999999999997, + "map_at_100": 27.031, + "map_at_1000": 27.150000000000002, + "map_at_3": 24.230999999999998, + "map_at_5": 25.15, + "mrr_at_1": 24.535, + "mrr_at_10": 30.198000000000004, + "mrr_at_100": 30.975, + "mrr_at_1000": 31.051000000000002, + "mrr_at_3": 28.338, + "mrr_at_5": 29.269000000000002, + "ndcg_at_1": 24.535, + "ndcg_at_10": 30.147000000000002, + "ndcg_at_100": 34.544000000000004, + "ndcg_at_1000": 37.512, + "ndcg_at_3": 26.726, + "ndcg_at_5": 28.046, + "precision_at_1": 24.535, + "precision_at_10": 5.179, + "precision_at_100": 0.859, + "precision_at_1000": 0.128, + "precision_at_3": 12.159, + "precision_at_5": 8.424, + "recall_at_1": 20.112, + "recall_at_10": 38.312000000000005, + "recall_at_100": 58.406000000000006, + "recall_at_1000": 79.863, + "recall_at_3": 28.358, + "recall_at_5": 31.973000000000003, + "main_score": 30.147000000000002 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.111, + "map_at_10": 34.096, + "map_at_100": 35.181000000000004, + "map_at_1000": 35.276, + "map_at_3": 31.745, + "map_at_5": 33.045, + "mrr_at_1": 31.343, + "mrr_at_10": 37.994, + "mrr_at_100": 38.873000000000005, + "mrr_at_1000": 38.934999999999995, + "mrr_at_3": 35.743, + "mrr_at_5": 37.077, + "ndcg_at_1": 31.343, + "ndcg_at_10": 38.572, + "ndcg_at_100": 43.854, + "ndcg_at_1000": 46.190999999999995, + "ndcg_at_3": 34.247, + "ndcg_at_5": 36.28, + "precision_at_1": 31.343, + "precision_at_10": 6.166, + "precision_at_100": 1, + "precision_at_1000": 0.13, + "precision_at_3": 15.081, + "precision_at_5": 10.428999999999998, + "recall_at_1": 27.111, + "recall_at_10": 48.422, + "recall_at_100": 71.846, + "recall_at_1000": 88.57000000000001, + "recall_at_3": 36.435, + "recall_at_5": 41.765, + "main_score": 38.572 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.264, + "map_at_10": 33.522, + "map_at_100": 34.963, + "map_at_1000": 35.175, + "map_at_3": 31.366, + "map_at_5": 32.621, + "mrr_at_1": 31.028, + "mrr_at_10": 37.230000000000004, + "mrr_at_100": 38.149, + "mrr_at_1000": 38.218, + "mrr_at_3": 35.046, + "mrr_at_5": 36.617, + "ndcg_at_1": 31.028, + "ndcg_at_10": 37.964999999999996, + "ndcg_at_100": 43.342000000000006, + "ndcg_at_1000": 46.471000000000004, + "ndcg_at_3": 34.67, + "ndcg_at_5": 36.458, + "precision_at_1": 31.028, + "precision_at_10": 6.937, + "precision_at_100": 1.346, + "precision_at_1000": 0.22799999999999998, + "precision_at_3": 15.942, + "precision_at_5": 11.462, + "recall_at_1": 26.264, + "recall_at_10": 45.571, + "recall_at_100": 70.246, + "recall_at_1000": 90.971, + "recall_at_3": 36.276, + "recall_at_5": 41.162, + "main_score": 37.964999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.372999999999998, + "map_at_10": 28.992, + "map_at_100": 29.837999999999997, + "map_at_1000": 29.939, + "map_at_3": 26.999000000000002, + "map_at_5": 28.044999999999998, + "mrr_at_1": 25.692999999999998, + "mrr_at_10": 30.984, + "mrr_at_100": 31.799, + "mrr_at_1000": 31.875999999999998, + "mrr_at_3": 29.267, + "mrr_at_5": 30.163, + "ndcg_at_1": 25.692999999999998, + "ndcg_at_10": 32.45, + "ndcg_at_100": 37.103, + "ndcg_at_1000": 39.678000000000004, + "ndcg_at_3": 28.725, + "ndcg_at_5": 30.351, + "precision_at_1": 25.692999999999998, + "precision_at_10": 4.806, + "precision_at_100": 0.765, + "precision_at_1000": 0.108, + "precision_at_3": 11.768, + "precision_at_5": 8.096, + "recall_at_1": 23.372999999999998, + "recall_at_10": 41.281, + "recall_at_100": 63.465, + "recall_at_1000": 82.575, + "recall_at_3": 31.063000000000002, + "recall_at_5": 34.991, + "main_score": 32.45 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/ClimateFEVER.json b/results/intfloat__e5-large/external/ClimateFEVER.json new file mode 100644 index 000000000..ce7ece7c4 --- /dev/null +++ b/results/intfloat__e5-large/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.821, + "map_at_10": 15.383, + "map_at_100": 17.244999999999997, + "map_at_1000": 17.445, + "map_at_3": 12.64, + "map_at_5": 13.941999999999998, + "mrr_at_1": 19.544, + "mrr_at_10": 29.738999999999997, + "mrr_at_100": 30.923000000000002, + "mrr_at_1000": 30.969, + "mrr_at_3": 26.384, + "mrr_at_5": 28.199, + "ndcg_at_1": 19.544, + "ndcg_at_10": 22.398, + "ndcg_at_100": 30.253999999999998, + "ndcg_at_1000": 33.876, + "ndcg_at_3": 17.473, + "ndcg_at_5": 19.154, + "precision_at_1": 19.544, + "precision_at_10": 7.217999999999999, + "precision_at_100": 1.564, + "precision_at_1000": 0.22300000000000003, + "precision_at_3": 13.225000000000001, + "precision_at_5": 10.319, + "recall_at_1": 8.821, + "recall_at_10": 28.110000000000003, + "recall_at_100": 55.64, + "recall_at_1000": 75.964, + "recall_at_3": 16.195, + "recall_at_5": 20.678, + "main_score": 22.398 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/DBPedia.json b/results/intfloat__e5-large/external/DBPedia.json new file mode 100644 index 000000000..37a28e036 --- /dev/null +++ b/results/intfloat__e5-large/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.344, + "map_at_10": 20.301, + "map_at_100": 28.709, + "map_at_1000": 30.470999999999997, + "map_at_3": 14.584, + "map_at_5": 16.930999999999997, + "mrr_at_1": 67.25, + "mrr_at_10": 75.393, + "mrr_at_100": 75.742, + "mrr_at_1000": 75.75, + "mrr_at_3": 73.958, + "mrr_at_5": 74.883, + "ndcg_at_1": 56.00000000000001, + "ndcg_at_10": 42.394, + "ndcg_at_100": 47.091, + "ndcg_at_1000": 54.215, + "ndcg_at_3": 46.995, + "ndcg_at_5": 44.214999999999996, + "precision_at_1": 67.25, + "precision_at_10": 33.525, + "precision_at_100": 10.67, + "precision_at_1000": 2.221, + "precision_at_3": 49.417, + "precision_at_5": 42.15, + "recall_at_1": 9.344, + "recall_at_10": 25.209, + "recall_at_100": 52.329, + "recall_at_1000": 74.2, + "recall_at_3": 15.699, + "recall_at_5": 19.24, + "main_score": 42.394 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/EmotionClassification.json b/results/intfloat__e5-large/external/EmotionClassification.json new file mode 100644 index 000000000..6ab9832f0 --- /dev/null +++ b/results/intfloat__e5-large/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 48.05, + "f1": 43.06718139212933, + "main_score": 48.05 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/FEVER.json b/results/intfloat__e5-large/external/FEVER.json new file mode 100644 index 000000000..582962a33 --- /dev/null +++ b/results/intfloat__e5-large/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 46.452, + "map_at_10": 58.825, + "map_at_100": 59.372, + "map_at_1000": 59.399, + "map_at_3": 56.264, + "map_at_5": 57.879999999999995, + "mrr_at_1": 49.82, + "mrr_at_10": 62.178999999999995, + "mrr_at_100": 62.641999999999996, + "mrr_at_1000": 62.658, + "mrr_at_3": 59.706, + "mrr_at_5": 61.283, + "ndcg_at_1": 49.82, + "ndcg_at_10": 65.031, + "ndcg_at_100": 67.413, + "ndcg_at_1000": 68.014, + "ndcg_at_3": 60.084, + "ndcg_at_5": 62.858000000000004, + "precision_at_1": 49.82, + "precision_at_10": 8.876000000000001, + "precision_at_100": 1.018, + "precision_at_1000": 0.109, + "precision_at_3": 24.477, + "precision_at_5": 16.208, + "recall_at_1": 46.452, + "recall_at_10": 80.808, + "recall_at_100": 91.215, + "recall_at_1000": 95.52000000000001, + "recall_at_3": 67.62899999999999, + "recall_at_5": 74.32900000000001, + "main_score": 65.031 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/FiQA2018.json b/results/intfloat__e5-large/external/FiQA2018.json new file mode 100644 index 000000000..770c8ed6a --- /dev/null +++ b/results/intfloat__e5-large/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.351, + "map_at_10": 30.796, + "map_at_100": 32.621, + "map_at_1000": 32.799, + "map_at_3": 26.491, + "map_at_5": 28.933999999999997, + "mrr_at_1": 36.265, + "mrr_at_10": 45.556999999999995, + "mrr_at_100": 46.323, + "mrr_at_1000": 46.359, + "mrr_at_3": 42.695, + "mrr_at_5": 44.324000000000005, + "ndcg_at_1": 36.265, + "ndcg_at_10": 38.558, + "ndcg_at_100": 45.18, + "ndcg_at_1000": 48.292, + "ndcg_at_3": 34.204, + "ndcg_at_5": 35.735, + "precision_at_1": 36.265, + "precision_at_10": 10.879999999999999, + "precision_at_100": 1.77, + "precision_at_1000": 0.234, + "precision_at_3": 23.044999999999998, + "precision_at_5": 17.253, + "recall_at_1": 18.351, + "recall_at_10": 46.116, + "recall_at_100": 70.786, + "recall_at_1000": 89.46300000000001, + "recall_at_3": 31.404, + "recall_at_5": 37.678, + "main_score": 38.558 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/HotpotQA.json b/results/intfloat__e5-large/external/HotpotQA.json new file mode 100644 index 000000000..9a5c7a99c --- /dev/null +++ b/results/intfloat__e5-large/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 36.847, + "map_at_10": 54.269999999999996, + "map_at_100": 55.152, + "map_at_1000": 55.223, + "map_at_3": 51.166, + "map_at_5": 53.055, + "mrr_at_1": 73.693, + "mrr_at_10": 79.975, + "mrr_at_100": 80.202, + "mrr_at_1000": 80.214, + "mrr_at_3": 78.938, + "mrr_at_5": 79.595, + "ndcg_at_1": 73.693, + "ndcg_at_10": 63.334999999999994, + "ndcg_at_100": 66.452, + "ndcg_at_1000": 67.869, + "ndcg_at_3": 58.829, + "ndcg_at_5": 61.266, + "precision_at_1": 73.693, + "precision_at_10": 13.122, + "precision_at_100": 1.5559999999999998, + "precision_at_1000": 0.174, + "precision_at_3": 37.083, + "precision_at_5": 24.169999999999998, + "recall_at_1": 36.847, + "recall_at_10": 65.61099999999999, + "recall_at_100": 77.792, + "recall_at_1000": 87.17099999999999, + "recall_at_3": 55.625, + "recall_at_5": 60.425, + "main_score": 63.334999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/ImdbClassification.json b/results/intfloat__e5-large/external/ImdbClassification.json new file mode 100644 index 000000000..085f01c90 --- /dev/null +++ b/results/intfloat__e5-large/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 82.1096, + "ap": 76.67089212843918, + "f1": 82.03535056754939, + "main_score": 82.1096 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/MSMARCO.json b/results/intfloat__e5-large/external/MSMARCO.json new file mode 100644 index 000000000..7562a1f57 --- /dev/null +++ b/results/intfloat__e5-large/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.465, + "map_at_10": 37.072, + "map_at_100": 38.188, + "map_at_1000": 38.232, + "map_at_3": 33.134, + "map_at_5": 35.453, + "mrr_at_1": 25.142999999999997, + "mrr_at_10": 37.669999999999995, + "mrr_at_100": 38.725, + "mrr_at_1000": 38.765, + "mrr_at_3": 33.82, + "mrr_at_5": 36.111, + "ndcg_at_1": 25.142999999999997, + "ndcg_at_10": 44.054, + "ndcg_at_100": 49.364000000000004, + "ndcg_at_1000": 50.456, + "ndcg_at_3": 36.095, + "ndcg_at_5": 40.23, + "precision_at_1": 25.142999999999997, + "precision_at_10": 6.845, + "precision_at_100": 0.95, + "precision_at_1000": 0.104, + "precision_at_3": 15.204999999999998, + "precision_at_5": 11.221, + "recall_at_1": 24.465, + "recall_at_10": 65.495, + "recall_at_100": 89.888, + "recall_at_1000": 98.165, + "recall_at_3": 43.964, + "recall_at_5": 53.891, + "main_score": 44.054 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/MTOPDomainClassification.json b/results/intfloat__e5-large/external/MTOPDomainClassification.json new file mode 100644 index 000000000..d2da6ff10 --- /dev/null +++ b/results/intfloat__e5-large/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.86228910168718, + "f1": 93.69177113259104, + "main_score": 93.86228910168718 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/MTOPIntentClassification.json b/results/intfloat__e5-large/external/MTOPIntentClassification.json new file mode 100644 index 000000000..865186ead --- /dev/null +++ b/results/intfloat__e5-large/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.3999088007296, + "f1": 58.96668664333438, + "main_score": 76.3999088007296 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/MassiveIntentClassification.json b/results/intfloat__e5-large/external/MassiveIntentClassification.json new file mode 100644 index 000000000..411bbfae3 --- /dev/null +++ b/results/intfloat__e5-large/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.21788836583727, + "f1": 71.4545936552952, + "main_score": 73.21788836583727 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/MassiveScenarioClassification.json b/results/intfloat__e5-large/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..dab5cb6a7 --- /dev/null +++ b/results/intfloat__e5-large/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.39071956960323, + "f1": 77.12398952847603, + "main_score": 77.39071956960323 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/MedrxivClusteringP2P.json b/results/intfloat__e5-large/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..5e29806cf --- /dev/null +++ b/results/intfloat__e5-large/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.255379528166955, + "main_score": 32.255379528166955 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/MedrxivClusteringS2S.json b/results/intfloat__e5-large/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..3e3fec623 --- /dev/null +++ b/results/intfloat__e5-large/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 29.66423362872814, + "main_score": 29.66423362872814 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/MindSmallReranking.json b/results/intfloat__e5-large/external/MindSmallReranking.json new file mode 100644 index 000000000..b24b2a1ef --- /dev/null +++ b/results/intfloat__e5-large/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 30.782211620375964, + "mrr": 31.773479703044956, + "main_score": 30.782211620375964 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/NFCorpus.json b/results/intfloat__e5-large/external/NFCorpus.json new file mode 100644 index 000000000..f375aa1ff --- /dev/null +++ b/results/intfloat__e5-large/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.863, + "map_at_10": 13.831, + "map_at_100": 17.534, + "map_at_1000": 19.012, + "map_at_3": 10.143, + "map_at_5": 12.034, + "mrr_at_1": 46.749, + "mrr_at_10": 55.376999999999995, + "mrr_at_100": 56.009, + "mrr_at_1000": 56.042, + "mrr_at_3": 53.30200000000001, + "mrr_at_5": 54.85, + "ndcg_at_1": 44.582, + "ndcg_at_10": 36.07, + "ndcg_at_100": 33.39, + "ndcg_at_1000": 41.884, + "ndcg_at_3": 41.441, + "ndcg_at_5": 39.861000000000004, + "precision_at_1": 46.129999999999995, + "precision_at_10": 26.594, + "precision_at_100": 8.365, + "precision_at_1000": 2.1260000000000003, + "precision_at_3": 39.009, + "precision_at_5": 34.861, + "recall_at_1": 5.863, + "recall_at_10": 17.961, + "recall_at_100": 34.026, + "recall_at_1000": 64.46499999999999, + "recall_at_3": 11.242, + "recall_at_5": 14.493, + "main_score": 36.07 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/NQ.json b/results/intfloat__e5-large/external/NQ.json new file mode 100644 index 000000000..bd50f09e8 --- /dev/null +++ b/results/intfloat__e5-large/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.601, + "map_at_10": 55.293000000000006, + "map_at_100": 56.092, + "map_at_1000": 56.111999999999995, + "map_at_3": 51.269, + "map_at_5": 53.787, + "mrr_at_1": 43.221, + "mrr_at_10": 57.882999999999996, + "mrr_at_100": 58.408, + "mrr_at_1000": 58.421, + "mrr_at_3": 54.765, + "mrr_at_5": 56.809, + "ndcg_at_1": 43.221, + "ndcg_at_10": 62.858999999999995, + "ndcg_at_100": 65.987, + "ndcg_at_1000": 66.404, + "ndcg_at_3": 55.605000000000004, + "ndcg_at_5": 59.723000000000006, + "precision_at_1": 43.221, + "precision_at_10": 9.907, + "precision_at_100": 1.169, + "precision_at_1000": 0.121, + "precision_at_3": 25.019000000000002, + "precision_at_5": 17.474, + "recall_at_1": 38.601, + "recall_at_10": 82.966, + "recall_at_100": 96.154, + "recall_at_1000": 99.223, + "recall_at_3": 64.603, + "recall_at_5": 73.97200000000001, + "main_score": 62.858999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/QuoraRetrieval.json b/results/intfloat__e5-large/external/QuoraRetrieval.json new file mode 100644 index 000000000..413cd8356 --- /dev/null +++ b/results/intfloat__e5-large/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 70.77, + "map_at_10": 84.429, + "map_at_100": 85.04599999999999, + "map_at_1000": 85.065, + "map_at_3": 81.461, + "map_at_5": 83.316, + "mrr_at_1": 81.51, + "mrr_at_10": 87.52799999999999, + "mrr_at_100": 87.631, + "mrr_at_1000": 87.632, + "mrr_at_3": 86.533, + "mrr_at_5": 87.214, + "ndcg_at_1": 81.47999999999999, + "ndcg_at_10": 88.181, + "ndcg_at_100": 89.39200000000001, + "ndcg_at_1000": 89.52, + "ndcg_at_3": 85.29299999999999, + "ndcg_at_5": 86.88, + "precision_at_1": 81.47999999999999, + "precision_at_10": 13.367, + "precision_at_100": 1.5230000000000001, + "precision_at_1000": 0.157, + "precision_at_3": 37.227, + "precision_at_5": 24.494, + "recall_at_1": 70.77, + "recall_at_10": 95.199, + "recall_at_100": 99.37700000000001, + "recall_at_1000": 99.973, + "recall_at_3": 86.895, + "recall_at_5": 91.396, + "main_score": 88.181 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/RedditClustering.json b/results/intfloat__e5-large/external/RedditClustering.json new file mode 100644 index 000000000..4ce4f1082 --- /dev/null +++ b/results/intfloat__e5-large/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 50.686353396858344, + "main_score": 50.686353396858344 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/RedditClusteringP2P.json b/results/intfloat__e5-large/external/RedditClusteringP2P.json new file mode 100644 index 000000000..855f755fd --- /dev/null +++ b/results/intfloat__e5-large/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 61.3664675312921, + "main_score": 61.3664675312921 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/SCIDOCS.json b/results/intfloat__e5-large/external/SCIDOCS.json new file mode 100644 index 000000000..56355001b --- /dev/null +++ b/results/intfloat__e5-large/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.7379999999999995, + "map_at_10": 12.01, + "map_at_100": 14.02, + "map_at_1000": 14.310999999999998, + "map_at_3": 8.459, + "map_at_5": 10.281, + "mrr_at_1": 23.3, + "mrr_at_10": 34.108, + "mrr_at_100": 35.217, + "mrr_at_1000": 35.272, + "mrr_at_3": 30.833, + "mrr_at_5": 32.768, + "ndcg_at_1": 23.3, + "ndcg_at_10": 20.116999999999997, + "ndcg_at_100": 27.961000000000002, + "ndcg_at_1000": 33.149, + "ndcg_at_3": 18.902, + "ndcg_at_5": 16.742, + "precision_at_1": 23.3, + "precision_at_10": 10.47, + "precision_at_100": 2.177, + "precision_at_1000": 0.34299999999999997, + "precision_at_3": 17.567, + "precision_at_5": 14.78, + "recall_at_1": 4.7379999999999995, + "recall_at_10": 21.221999999999998, + "recall_at_100": 44.242, + "recall_at_1000": 69.652, + "recall_at_3": 10.688, + "recall_at_5": 14.982999999999999, + "main_score": 20.116999999999997 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/SICK-R.json b/results/intfloat__e5-large/external/SICK-R.json new file mode 100644 index 000000000..b5e280cb5 --- /dev/null +++ b/results/intfloat__e5-large/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.84572946827069, + "cos_sim_spearman": 80.48508130408966, + "euclidean_pearson": 82.0481530027767, + "euclidean_spearman": 80.45902876782752, + "manhattan_pearson": 82.03728222483326, + "manhattan_spearman": 80.45684282911755, + "cosine_pearson": 84.84572946827069, + "cosine_spearman": 80.48508130408966, + "main_score": 80.48508130408966 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/STS12.json b/results/intfloat__e5-large/external/STS12.json new file mode 100644 index 000000000..6198e97b3 --- /dev/null +++ b/results/intfloat__e5-large/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.33476464677516, + "cos_sim_spearman": 75.93057758003266, + "euclidean_pearson": 80.89685744015691, + "euclidean_spearman": 76.29929953441706, + "manhattan_pearson": 80.91391345459995, + "manhattan_spearman": 76.31985463110914, + "cosine_pearson": 84.33476464677516, + "cosine_spearman": 75.93057758003266, + "main_score": 75.93057758003266 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/STS13.json b/results/intfloat__e5-large/external/STS13.json new file mode 100644 index 000000000..0b98939b8 --- /dev/null +++ b/results/intfloat__e5-large/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.63686106359005, + "cos_sim_spearman": 85.22240034668202, + "euclidean_pearson": 84.6074814189106, + "euclidean_spearman": 85.17169644755828, + "manhattan_pearson": 84.48329306239368, + "manhattan_spearman": 85.0086508544768, + "cosine_pearson": 84.63686106359005, + "cosine_spearman": 85.22240034668202, + "main_score": 85.22240034668202 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/STS14.json b/results/intfloat__e5-large/external/STS14.json new file mode 100644 index 000000000..46024c7a3 --- /dev/null +++ b/results/intfloat__e5-large/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.95455774064745, + "cos_sim_spearman": 80.54074646118492, + "euclidean_pearson": 81.79598955554704, + "euclidean_spearman": 80.55837617606814, + "manhattan_pearson": 81.78213797905386, + "manhattan_spearman": 80.5666746878273, + "cosine_pearson": 82.95455774064745, + "cosine_spearman": 80.54074646118492, + "main_score": 80.54074646118492 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/STS15.json b/results/intfloat__e5-large/external/STS15.json new file mode 100644 index 000000000..338fe2d31 --- /dev/null +++ b/results/intfloat__e5-large/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.92813309124739, + "cos_sim_spearman": 88.81459873052108, + "euclidean_pearson": 88.21193118930564, + "euclidean_spearman": 88.87072745043731, + "manhattan_pearson": 88.22576929706727, + "manhattan_spearman": 88.8867671095791, + "cosine_pearson": 87.92813309124739, + "cosine_spearman": 88.81459873052108, + "main_score": 88.81459873052108 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/STS16.json b/results/intfloat__e5-large/external/STS16.json new file mode 100644 index 000000000..7445c1094 --- /dev/null +++ b/results/intfloat__e5-large/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.6881529671839, + "cos_sim_spearman": 85.2807092969554, + "euclidean_pearson": 84.62334178652704, + "euclidean_spearman": 85.2116373296784, + "manhattan_pearson": 84.54948211541777, + "manhattan_spearman": 85.10737722637882, + "cosine_pearson": 83.6881529671839, + "cosine_spearman": 85.2807092969554, + "main_score": 85.2807092969554 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/STS17.json b/results/intfloat__e5-large/external/STS17.json new file mode 100644 index 000000000..6a55be127 --- /dev/null +++ b/results/intfloat__e5-large/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.55963694458408, + "cos_sim_spearman": 89.36731628848683, + "euclidean_pearson": 89.64975952985465, + "euclidean_spearman": 89.29689484033007, + "manhattan_pearson": 89.61234491713135, + "manhattan_spearman": 89.20302520255782, + "cosine_pearson": 88.55963694458408, + "cosine_spearman": 89.36731628848683, + "main_score": 89.36731628848683 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/STS22.json b/results/intfloat__e5-large/external/STS22.json new file mode 100644 index 000000000..4dbb0190b --- /dev/null +++ b/results/intfloat__e5-large/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 62.411800961903886, + "cos_sim_spearman": 62.99105515749963, + "euclidean_pearson": 65.29826669549443, + "euclidean_spearman": 63.29880964105775, + "manhattan_pearson": 65.00126190601183, + "manhattan_spearman": 63.32011025899179, + "cosine_pearson": 62.411800961903886, + "cosine_spearman": 62.99105515749963, + "main_score": 62.99105515749963 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/STSBenchmark.json b/results/intfloat__e5-large/external/STSBenchmark.json new file mode 100644 index 000000000..a00264f92 --- /dev/null +++ b/results/intfloat__e5-large/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.83498531837608, + "cos_sim_spearman": 87.21366640615442, + "euclidean_pearson": 86.74764288798261, + "euclidean_spearman": 87.06060470780834, + "manhattan_pearson": 86.65971223951476, + "manhattan_spearman": 86.99814399831457, + "cosine_pearson": 85.83498531837608, + "cosine_spearman": 87.21366640615442, + "main_score": 87.21366640615442 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/SciDocsRR.json b/results/intfloat__e5-large/external/SciDocsRR.json new file mode 100644 index 000000000..08fadf211 --- /dev/null +++ b/results/intfloat__e5-large/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 83.94448463485881, + "mrr": 95.36291867174221, + "main_score": 83.94448463485881 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/SciFact.json b/results/intfloat__e5-large/external/SciFact.json new file mode 100644 index 000000000..88a1fb5cf --- /dev/null +++ b/results/intfloat__e5-large/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 59.928000000000004, + "map_at_10": 68.577, + "map_at_100": 69.35900000000001, + "map_at_1000": 69.37299999999999, + "map_at_3": 66.217, + "map_at_5": 67.581, + "mrr_at_1": 63, + "mrr_at_10": 69.994, + "mrr_at_100": 70.553, + "mrr_at_1000": 70.56700000000001, + "mrr_at_3": 68.167, + "mrr_at_5": 69.11699999999999, + "ndcg_at_1": 63, + "ndcg_at_10": 72.58, + "ndcg_at_100": 75.529, + "ndcg_at_1000": 76.009, + "ndcg_at_3": 68.523, + "ndcg_at_5": 70.301, + "precision_at_1": 63, + "precision_at_10": 9.333, + "precision_at_100": 1.09, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 26.444000000000003, + "precision_at_5": 17.067, + "recall_at_1": 59.928000000000004, + "recall_at_10": 83.544, + "recall_at_100": 96, + "recall_at_1000": 100, + "recall_at_3": 72.072, + "recall_at_5": 76.683, + "main_score": 72.58 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/SprintDuplicateQuestions.json b/results/intfloat__e5-large/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..6a5bd253c --- /dev/null +++ b/results/intfloat__e5-large/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.82178217821782, + "cos_sim_ap": 95.41507679819003, + "cos_sim_f1": 90.9456740442656, + "cos_sim_precision": 91.49797570850203, + "cos_sim_recall": 90.4, + "dot_accuracy": 99.77227722772277, + "dot_ap": 92.50123869445967, + "dot_f1": 88.18414322250638, + "dot_precision": 90.26178010471205, + "dot_recall": 86.2, + "euclidean_accuracy": 99.81782178217821, + "euclidean_ap": 95.3935066749006, + "euclidean_f1": 90.66128218071681, + "euclidean_precision": 91.53924566768603, + "euclidean_recall": 89.8, + "manhattan_accuracy": 99.81881188118813, + "manhattan_ap": 95.39767454613512, + "manhattan_f1": 90.62019477191186, + "manhattan_precision": 92.95478443743428, + "manhattan_recall": 88.4, + "max_accuracy": 99.82178217821782, + "max_ap": 95.41507679819003, + "max_f1": 90.9456740442656, + "main_score": 95.41507679819003 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/StackExchangeClustering.json b/results/intfloat__e5-large/external/StackExchangeClustering.json new file mode 100644 index 000000000..f40118233 --- /dev/null +++ b/results/intfloat__e5-large/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 64.96313921233748, + "main_score": 64.96313921233748 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/StackExchangeClusteringP2P.json b/results/intfloat__e5-large/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..cd0721f41 --- /dev/null +++ b/results/intfloat__e5-large/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.602625720956745, + "main_score": 33.602625720956745 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/StackOverflowDupQuestions.json b/results/intfloat__e5-large/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..12d5707a3 --- /dev/null +++ b/results/intfloat__e5-large/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 51.32659230651731, + "mrr": 52.33861726508785, + "main_score": 51.32659230651731 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/SummEval.json b/results/intfloat__e5-large/external/SummEval.json new file mode 100644 index 000000000..41f89f263 --- /dev/null +++ b/results/intfloat__e5-large/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.01587644214203, + "cos_sim_spearman": 30.974306908731013, + "dot_pearson": 29.83339853838187, + "dot_spearman": 30.07761671934048, + "cosine_pearson": 31.01587644214203, + "cosine_spearman": 30.974306908731013, + "main_score": 30.974306908731013 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/TRECCOVID.json b/results/intfloat__e5-large/external/TRECCOVID.json new file mode 100644 index 000000000..e40326b98 --- /dev/null +++ b/results/intfloat__e5-large/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.22, + "map_at_10": 1.9539999999999997, + "map_at_100": 11.437, + "map_at_1000": 27.861000000000004, + "map_at_3": 0.6479999999999999, + "map_at_5": 1.0410000000000001, + "mrr_at_1": 84, + "mrr_at_10": 90.333, + "mrr_at_100": 90.333, + "mrr_at_1000": 90.333, + "mrr_at_3": 90.333, + "mrr_at_5": 90.333, + "ndcg_at_1": 80, + "ndcg_at_10": 78.31700000000001, + "ndcg_at_100": 59.396, + "ndcg_at_1000": 52.733, + "ndcg_at_3": 81.46900000000001, + "ndcg_at_5": 80.74, + "precision_at_1": 84, + "precision_at_10": 84, + "precision_at_100": 60.980000000000004, + "precision_at_1000": 23.432, + "precision_at_3": 87.333, + "precision_at_5": 86.8, + "recall_at_1": 0.22, + "recall_at_10": 2.156, + "recall_at_100": 14.557999999999998, + "recall_at_1000": 49.553999999999995, + "recall_at_3": 0.685, + "recall_at_5": 1.121, + "main_score": 78.31700000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/Touche2020.json b/results/intfloat__e5-large/external/Touche2020.json new file mode 100644 index 000000000..1534ed931 --- /dev/null +++ b/results/intfloat__e5-large/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.373, + "map_at_10": 11.701, + "map_at_100": 17.144000000000002, + "map_at_1000": 18.624, + "map_at_3": 6.552, + "map_at_5": 9.372, + "mrr_at_1": 38.775999999999996, + "mrr_at_10": 51.975, + "mrr_at_100": 52.873999999999995, + "mrr_at_1000": 52.873999999999995, + "mrr_at_3": 47.619, + "mrr_at_5": 50.578, + "ndcg_at_1": 36.735, + "ndcg_at_10": 27.212999999999997, + "ndcg_at_100": 37.245, + "ndcg_at_1000": 48.602000000000004, + "ndcg_at_3": 30.916, + "ndcg_at_5": 30.799, + "precision_at_1": 38.775999999999996, + "precision_at_10": 23.469, + "precision_at_100": 7.327, + "precision_at_1000": 1.486, + "precision_at_3": 31.973000000000003, + "precision_at_5": 32.245000000000005, + "recall_at_1": 3.373, + "recall_at_10": 17.404, + "recall_at_100": 46.105000000000004, + "recall_at_1000": 80.35, + "recall_at_3": 7.4399999999999995, + "recall_at_5": 12.183, + "main_score": 27.212999999999997 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/ToxicConversationsClassification.json b/results/intfloat__e5-large/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..2a2d87858 --- /dev/null +++ b/results/intfloat__e5-large/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.5592, + "ap": 14.330910591410134, + "f1": 54.45745186286521, + "main_score": 70.5592 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/TweetSentimentExtractionClassification.json b/results/intfloat__e5-large/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..b0ecb1eb1 --- /dev/null +++ b/results/intfloat__e5-large/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.20543293718167, + "f1": 61.45365480309872, + "main_score": 61.20543293718167 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/TwentyNewsgroupsClustering.json b/results/intfloat__e5-large/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..a9cd6b6e3 --- /dev/null +++ b/results/intfloat__e5-large/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 43.81162998944145, + "main_score": 43.81162998944145 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/TwitterSemEval2015.json b/results/intfloat__e5-large/external/TwitterSemEval2015.json new file mode 100644 index 000000000..331e51245 --- /dev/null +++ b/results/intfloat__e5-large/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 86.69011146212075, + "cos_sim_ap": 76.09792353652536, + "cos_sim_f1": 70.10202763786646, + "cos_sim_precision": 68.65671641791045, + "cos_sim_recall": 71.60949868073878, + "dot_accuracy": 85.33110806461227, + "dot_ap": 70.19304383327554, + "dot_f1": 67.22494202525122, + "dot_precision": 65.6847935548842, + "dot_recall": 68.83905013192611, + "euclidean_accuracy": 86.5410979316922, + "euclidean_ap": 75.91906915651882, + "euclidean_f1": 69.6798975672215, + "euclidean_precision": 67.6865671641791, + "euclidean_recall": 71.79419525065963, + "manhattan_accuracy": 86.60070334386363, + "manhattan_ap": 75.94617413885031, + "manhattan_f1": 69.52689565780946, + "manhattan_precision": 68.3312101910828, + "manhattan_recall": 70.76517150395777, + "max_accuracy": 86.69011146212075, + "max_ap": 76.09792353652536, + "max_f1": 70.10202763786646, + "main_score": 76.09792353652536 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/TwitterURLCorpus.json b/results/intfloat__e5-large/external/TwitterURLCorpus.json new file mode 100644 index 000000000..cb02c4380 --- /dev/null +++ b/results/intfloat__e5-large/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.25951798812434, + "cos_sim_ap": 86.31476416599727, + "cos_sim_f1": 78.52709971038477, + "cos_sim_precision": 76.7629972792117, + "cos_sim_recall": 80.37419156144134, + "dot_accuracy": 88.03896456708192, + "dot_ap": 83.26963599196237, + "dot_f1": 76.72696459492317, + "dot_precision": 73.56411162133521, + "dot_recall": 80.17400677548507, + "euclidean_accuracy": 89.21682772538519, + "euclidean_ap": 86.29306071289969, + "euclidean_f1": 78.40827030519554, + "euclidean_precision": 77.42250243939053, + "euclidean_recall": 79.41946412072683, + "manhattan_accuracy": 89.22458959133776, + "manhattan_ap": 86.2901934710645, + "manhattan_f1": 78.54211378440453, + "manhattan_precision": 76.85505858079729, + "manhattan_recall": 80.30489682784109, + "max_accuracy": 89.25951798812434, + "max_ap": 86.31476416599727, + "max_f1": 78.54211378440453, + "main_score": 86.31476416599727 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-large/external/model_meta.json b/results/intfloat__e5-large/external/model_meta.json new file mode 100644 index 000000000..17f0283d1 --- /dev/null +++ b/results/intfloat__e5-large/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "intfloat/e5-large", + "revision": "4dc6d853a804b9c8886ede6dda8a073b7dc08a81", + "release_date": "2022-12-26", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 335142400, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 1024, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/AFQMC.json b/results/intfloat__e5-mistral-7b-instruct/external/AFQMC.json new file mode 100644 index 000000000..8af5b82c8 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/AFQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 37.863226091673866, + "cos_sim_spearman": 38.98733013335281, + "euclidean_pearson": 37.51783380497874, + "euclidean_spearman": 38.98733012753365, + "manhattan_pearson": 37.26706888081721, + "manhattan_spearman": 38.709750161903834, + "cosine_pearson": 37.863226091673866, + "cosine_spearman": 38.98733013335281, + "main_score": 38.98733013335281 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/ATEC.json b/results/intfloat__e5-mistral-7b-instruct/external/ATEC.json new file mode 100644 index 000000000..e1fa7c8c5 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/ATEC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 43.33924583134623, + "cos_sim_spearman": 42.84316155158754, + "euclidean_pearson": 45.62709879515238, + "euclidean_spearman": 42.843155921732404, + "manhattan_pearson": 45.4786950991229, + "manhattan_spearman": 42.657334751855984, + "cosine_pearson": 43.33924583134623, + "cosine_spearman": 42.84316155158754, + "main_score": 42.84316155158754 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/AmazonCounterfactualClassification.json b/results/intfloat__e5-mistral-7b-instruct/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..d2c48605d --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/AmazonCounterfactualClassification.json @@ -0,0 +1,50 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.68656716417911, + "ap": 41.71522322900398, + "f1": 72.37207703532552, + "main_score": 78.68656716417911 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 74.04710920770879, + "ap": 83.42622221864045, + "f1": 72.14388257905772, + "main_score": 74.04710920770879 + }, + { + "hf_subset": "en-ext", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.93103448275862, + "ap": 26.039284760509513, + "f1": 64.81092954450712, + "main_score": 77.93103448275862 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 77.21627408993577, + "ap": 24.876490553983036, + "f1": 63.8773359684989, + "main_score": 77.21627408993577 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/AmazonPolarityClassification.json b/results/intfloat__e5-mistral-7b-instruct/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..b4d880a5c --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 95.90679999999999, + "ap": 94.32357863164454, + "f1": 95.90485634708557, + "main_score": 95.90679999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/AmazonReviewsClassification.json b/results/intfloat__e5-mistral-7b-instruct/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..14881bce9 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/AmazonReviewsClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 55.786, + "f1": 55.31211995815146, + "main_score": 55.786 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 53.26, + "f1": 52.156230111544986, + "main_score": 53.26 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 50.33, + "f1": 49.195023008878145, + "main_score": 50.33 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 49.3, + "f1": 48.434470184108, + "main_score": 49.3 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 48.68599999999999, + "f1": 47.62681775202072, + "main_score": 48.68599999999999 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 46.238, + "f1": 45.014030559653705, + "main_score": 46.238 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/ArguAna.json b/results/intfloat__e5-mistral-7b-instruct/external/ArguAna.json new file mode 100644 index 000000000..31f39bf9b --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 36.486000000000004, + "map_at_10": 53.076, + "map_at_100": 53.657999999999994, + "map_at_1000": 53.659, + "map_at_3": 48.234, + "map_at_5": 51.121, + "mrr_at_1": 37.269000000000005, + "mrr_at_10": 53.335, + "mrr_at_100": 53.916, + "mrr_at_1000": 53.918, + "mrr_at_3": 48.518, + "mrr_at_5": 51.406, + "ndcg_at_1": 36.486000000000004, + "ndcg_at_10": 61.882000000000005, + "ndcg_at_100": 64.165, + "ndcg_at_1000": 64.203, + "ndcg_at_3": 52.049, + "ndcg_at_5": 57.199, + "precision_at_1": 36.486000000000004, + "precision_at_10": 8.982999999999999, + "precision_at_100": 0.9939999999999999, + "precision_at_1000": 0.1, + "precision_at_3": 21.029, + "precision_at_5": 15.092, + "recall_at_1": 36.486000000000004, + "recall_at_10": 89.82900000000001, + "recall_at_100": 99.36, + "recall_at_1000": 99.644, + "recall_at_3": 63.087, + "recall_at_5": 75.46199999999999, + "main_score": 61.882000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/ArxivClusteringP2P.json b/results/intfloat__e5-mistral-7b-instruct/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..d86159aa9 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 50.45119266859667, + "main_score": 50.45119266859667 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/ArxivClusteringS2S.json b/results/intfloat__e5-mistral-7b-instruct/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..f1d0a15bf --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 45.4958298992051, + "main_score": 45.4958298992051 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/AskUbuntuDupQuestions.json b/results/intfloat__e5-mistral-7b-instruct/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..5508607a8 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 66.98177472838887, + "mrr": 79.91854636591478, + "main_score": 66.98177472838887 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/BIOSSES.json b/results/intfloat__e5-mistral-7b-instruct/external/BIOSSES.json new file mode 100644 index 000000000..99a14d02e --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.67086498650698, + "cos_sim_spearman": 85.54773239564638, + "euclidean_pearson": 86.48229161588425, + "euclidean_spearman": 85.54773239564638, + "manhattan_pearson": 86.67533327742343, + "manhattan_spearman": 85.76099026691983, + "cosine_pearson": 87.67086498650698, + "cosine_spearman": 85.54773239564638, + "main_score": 85.54773239564638 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/BQ.json b/results/intfloat__e5-mistral-7b-instruct/external/BQ.json new file mode 100644 index 000000000..00ddcf98b --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/BQ.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 50.31998888922809, + "cos_sim_spearman": 50.6369940530675, + "euclidean_pearson": 50.055544636296055, + "euclidean_spearman": 50.63699405154838, + "manhattan_pearson": 50.00739378036807, + "manhattan_spearman": 50.607237418676945, + "cosine_pearson": 50.31998888922809, + "cosine_spearman": 50.6369940530675, + "main_score": 50.6369940530675 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/BUCC.json b/results/intfloat__e5-mistral-7b-instruct/external/BUCC.json new file mode 100644 index 000000000..c8e901da9 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/BUCC.json @@ -0,0 +1,58 @@ +{ + "dataset_revision": "d51519689f32196a32af33b075a01d0e7c51e252", + "task_name": "BUCC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "accuracy": 99.5615866388309, + "f1": 99.49895615866389, + "precision": 99.46764091858039, + "recall": 99.5615866388309, + "main_score": 99.49895615866389 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "accuracy": 99.19656614571869, + "f1": 99.08650671362535, + "precision": 99.0314769975787, + "recall": 99.19656614571869, + "main_score": 99.08650671362535 + }, + { + "hf_subset": "ru-en", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "accuracy": 98.0256321440942, + "f1": 97.83743216718624, + "precision": 97.74390947927492, + "recall": 98.0256321440942, + "main_score": 97.83743216718624 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "accuracy": 99.26276987888363, + "f1": 99.22766368264, + "precision": 99.21011058451816, + "recall": 99.26276987888363, + "main_score": 99.22766368264 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/Banking77Classification.json b/results/intfloat__e5-mistral-7b-instruct/external/Banking77Classification.json new file mode 100644 index 000000000..0466ab429 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 88.22727272727272, + "f1": 88.17411732496673, + "main_score": 88.22727272727272 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/BiorxivClusteringP2P.json b/results/intfloat__e5-mistral-7b-instruct/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..75be13105 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 43.530637846246975, + "main_score": 43.530637846246975 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/BiorxivClusteringS2S.json b/results/intfloat__e5-mistral-7b-instruct/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..27a994908 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.23505728593893, + "main_score": 40.23505728593893 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/CLSClusteringP2P.json b/results/intfloat__e5-mistral-7b-instruct/external/CLSClusteringP2P.json new file mode 100644 index 000000000..908b46596 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/CLSClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 44.419028279451275, + "main_score": 44.419028279451275 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/CLSClusteringS2S.json b/results/intfloat__e5-mistral-7b-instruct/external/CLSClusteringS2S.json new file mode 100644 index 000000000..e7861d86f --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/CLSClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 42.5820277929776, + "main_score": 42.5820277929776 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/ClimateFEVER.json b/results/intfloat__e5-mistral-7b-instruct/external/ClimateFEVER.json new file mode 100644 index 000000000..a8aa40879 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.539, + "map_at_10": 28.494999999999997, + "map_at_100": 30.568, + "map_at_1000": 30.741000000000003, + "map_at_3": 23.846999999999998, + "map_at_5": 26.275, + "mrr_at_1": 37.394, + "mrr_at_10": 50.068, + "mrr_at_100": 50.727, + "mrr_at_1000": 50.751000000000005, + "mrr_at_3": 46.938, + "mrr_at_5": 48.818, + "ndcg_at_1": 37.394, + "ndcg_at_10": 38.349, + "ndcg_at_100": 45.512, + "ndcg_at_1000": 48.321, + "ndcg_at_3": 32.172, + "ndcg_at_5": 34.265, + "precision_at_1": 37.394, + "precision_at_10": 11.927999999999999, + "precision_at_100": 1.966, + "precision_at_1000": 0.25, + "precision_at_3": 24.126, + "precision_at_5": 18.306, + "recall_at_1": 16.539, + "recall_at_10": 44.504, + "recall_at_100": 68.605, + "recall_at_1000": 84.1, + "recall_at_3": 29.008, + "recall_at_5": 35.58, + "main_score": 38.349 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/CmedqaRetrieval.json b/results/intfloat__e5-mistral-7b-instruct/external/CmedqaRetrieval.json new file mode 100644 index 000000000..845ed4677 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/CmedqaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 19.482, + "map_at_10": 28.622999999999998, + "map_at_100": 30.262, + "map_at_1000": 30.432, + "map_at_3": 25.647, + "map_at_5": 27.128000000000004, + "mrr_at_1": 30.408, + "mrr_at_10": 37.188, + "mrr_at_100": 38.196000000000005, + "mrr_at_1000": 38.273, + "mrr_at_3": 35.067, + "mrr_at_5": 36.124, + "ndcg_at_1": 30.408, + "ndcg_at_10": 34.215, + "ndcg_at_100": 41.349999999999994, + "ndcg_at_1000": 44.689, + "ndcg_at_3": 30.264999999999997, + "ndcg_at_5": 31.572, + "precision_at_1": 30.408, + "precision_at_10": 7.6770000000000005, + "precision_at_100": 1.352, + "precision_at_1000": 0.178, + "precision_at_3": 17.213, + "precision_at_5": 12.198, + "recall_at_1": 19.482, + "recall_at_10": 42.368, + "recall_at_100": 72.694, + "recall_at_1000": 95.602, + "recall_at_3": 30.101, + "recall_at_5": 34.708, + "main_score": 34.215 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/Cmnli.json b/results/intfloat__e5-mistral-7b-instruct/external/Cmnli.json new file mode 100644 index 000000000..e98605814 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/Cmnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Cmnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 71.16055321707758, + "cos_sim_ap": 80.21073839711723, + "cos_sim_f1": 72.9740932642487, + "cos_sim_precision": 65.53136050623488, + "cos_sim_recall": 82.3240589198036, + "dot_accuracy": 71.16055321707758, + "dot_ap": 80.212299264122, + "dot_f1": 72.9740932642487, + "dot_precision": 65.53136050623488, + "dot_recall": 82.3240589198036, + "euclidean_accuracy": 71.16055321707758, + "euclidean_ap": 80.21076298680417, + "euclidean_f1": 72.9740932642487, + "euclidean_precision": 65.53136050623488, + "euclidean_recall": 82.3240589198036, + "manhattan_accuracy": 70.71557426337944, + "manhattan_ap": 79.93448977199749, + "manhattan_f1": 72.83962726826877, + "manhattan_precision": 62.7407908077053, + "manhattan_recall": 86.81318681318682, + "max_accuracy": 71.16055321707758, + "max_ap": 80.212299264122, + "max_f1": 72.9740932642487, + "main_score": 71.16055321707758 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/CovidRetrieval.json b/results/intfloat__e5-mistral-7b-instruct/external/CovidRetrieval.json new file mode 100644 index 000000000..4d2e13ad8 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/CovidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 60.643, + "map_at_10": 69.011, + "map_at_100": 69.533, + "map_at_1000": 69.545, + "map_at_3": 67.167, + "map_at_5": 68.12700000000001, + "mrr_at_1": 60.801, + "mrr_at_10": 69.111, + "mrr_at_100": 69.6, + "mrr_at_1000": 69.611, + "mrr_at_3": 67.229, + "mrr_at_5": 68.214, + "ndcg_at_1": 60.801, + "ndcg_at_10": 73.128, + "ndcg_at_100": 75.614, + "ndcg_at_1000": 75.92, + "ndcg_at_3": 69.261, + "ndcg_at_5": 70.973, + "precision_at_1": 60.801, + "precision_at_10": 8.662, + "precision_at_100": 0.9860000000000001, + "precision_at_1000": 0.101, + "precision_at_3": 25.149, + "precision_at_5": 15.953999999999999, + "recall_at_1": 60.643, + "recall_at_10": 85.959, + "recall_at_100": 97.576, + "recall_at_1000": 100.0, + "recall_at_3": 75.184, + "recall_at_5": 79.32000000000001, + "main_score": 73.128 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/DBPedia.json b/results/intfloat__e5-mistral-7b-instruct/external/DBPedia.json new file mode 100644 index 000000000..ecc676a70 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 10.183, + "map_at_10": 23.958, + "map_at_100": 34.354, + "map_at_1000": 36.442, + "map_at_3": 16.345000000000002, + "map_at_5": 19.647000000000002, + "mrr_at_1": 74.25, + "mrr_at_10": 80.976, + "mrr_at_100": 81.256, + "mrr_at_1000": 81.262, + "mrr_at_3": 79.958, + "mrr_at_5": 80.37100000000001, + "ndcg_at_1": 62.0, + "ndcg_at_10": 48.894999999999996, + "ndcg_at_100": 53.867, + "ndcg_at_1000": 61.304, + "ndcg_at_3": 53.688, + "ndcg_at_5": 50.900999999999996, + "precision_at_1": 74.25, + "precision_at_10": 39.525, + "precision_at_100": 12.323, + "precision_at_1000": 2.539, + "precision_at_3": 57.49999999999999, + "precision_at_5": 49.1, + "recall_at_1": 10.183, + "recall_at_10": 29.296, + "recall_at_100": 60.394999999999996, + "recall_at_1000": 83.12, + "recall_at_3": 17.495, + "recall_at_5": 22.235, + "main_score": 48.894999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/DuRetrieval.json b/results/intfloat__e5-mistral-7b-instruct/external/DuRetrieval.json new file mode 100644 index 000000000..12593069c --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/DuRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 26.613999999999997, + "map_at_10": 79.77300000000001, + "map_at_100": 82.71, + "map_at_1000": 82.75, + "map_at_3": 55.92700000000001, + "map_at_5": 70.085, + "mrr_at_1": 90.7, + "mrr_at_10": 93.438, + "mrr_at_100": 93.504, + "mrr_at_1000": 93.50699999999999, + "mrr_at_3": 93.125, + "mrr_at_5": 93.34, + "ndcg_at_1": 90.7, + "ndcg_at_10": 87.023, + "ndcg_at_100": 90.068, + "ndcg_at_1000": 90.43299999999999, + "ndcg_at_3": 86.339, + "ndcg_at_5": 85.013, + "precision_at_1": 90.7, + "precision_at_10": 41.339999999999996, + "precision_at_100": 4.806, + "precision_at_1000": 0.48900000000000005, + "precision_at_3": 76.983, + "precision_at_5": 64.69, + "recall_at_1": 26.613999999999997, + "recall_at_10": 87.681, + "recall_at_100": 97.44699999999999, + "recall_at_1000": 99.348, + "recall_at_3": 57.809999999999995, + "recall_at_5": 74.258, + "main_score": 87.023 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/EcomRetrieval.json b/results/intfloat__e5-mistral-7b-instruct/external/EcomRetrieval.json new file mode 100644 index 000000000..43689ed9d --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/EcomRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 30.9, + "map_at_10": 40.467, + "map_at_100": 41.423, + "map_at_1000": 41.463, + "map_at_3": 37.25, + "map_at_5": 39.31, + "mrr_at_1": 30.9, + "mrr_at_10": 40.467, + "mrr_at_100": 41.423, + "mrr_at_1000": 41.463, + "mrr_at_3": 37.25, + "mrr_at_5": 39.31, + "ndcg_at_1": 30.9, + "ndcg_at_10": 45.957, + "ndcg_at_100": 50.735, + "ndcg_at_1000": 51.861999999999995, + "ndcg_at_3": 39.437, + "ndcg_at_5": 43.146, + "precision_at_1": 30.9, + "precision_at_10": 6.35, + "precision_at_100": 0.861, + "precision_at_1000": 0.095, + "precision_at_3": 15.267, + "precision_at_5": 10.96, + "recall_at_1": 30.9, + "recall_at_10": 63.5, + "recall_at_100": 86.1, + "recall_at_1000": 95.1, + "recall_at_3": 45.800000000000004, + "recall_at_5": 54.800000000000004, + "main_score": 45.957 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/EmotionClassification.json b/results/intfloat__e5-mistral-7b-instruct/external/EmotionClassification.json new file mode 100644 index 000000000..ef2159b78 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 49.765, + "f1": 45.93242203574485, + "main_score": 49.765 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/FEVER.json b/results/intfloat__e5-mistral-7b-instruct/external/FEVER.json new file mode 100644 index 000000000..e03811be3 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 75.138, + "map_at_10": 84.21300000000001, + "map_at_100": 84.43, + "map_at_1000": 84.441, + "map_at_3": 83.071, + "map_at_5": 83.853, + "mrr_at_1": 80.948, + "mrr_at_10": 88.175, + "mrr_at_100": 88.24, + "mrr_at_1000": 88.241, + "mrr_at_3": 87.516, + "mrr_at_5": 87.997, + "ndcg_at_1": 80.948, + "ndcg_at_10": 87.84100000000001, + "ndcg_at_100": 88.576, + "ndcg_at_1000": 88.75699999999999, + "ndcg_at_3": 86.176, + "ndcg_at_5": 87.214, + "precision_at_1": 80.948, + "precision_at_10": 10.632, + "precision_at_100": 1.123, + "precision_at_1000": 0.11499999999999999, + "precision_at_3": 33.193, + "precision_at_5": 20.663, + "recall_at_1": 75.138, + "recall_at_10": 94.89699999999999, + "recall_at_100": 97.751, + "recall_at_1000": 98.833, + "recall_at_3": 90.455, + "recall_at_5": 93.085, + "main_score": 87.84100000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/FiQA2018.json b/results/intfloat__e5-mistral-7b-instruct/external/FiQA2018.json new file mode 100644 index 000000000..6f88a1256 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.45, + "map_at_10": 48.596000000000004, + "map_at_100": 50.70400000000001, + "map_at_1000": 50.83800000000001, + "map_at_3": 42.795, + "map_at_5": 46.085, + "mrr_at_1": 56.172999999999995, + "mrr_at_10": 64.35300000000001, + "mrr_at_100": 64.947, + "mrr_at_1000": 64.967, + "mrr_at_3": 62.653999999999996, + "mrr_at_5": 63.534, + "ndcg_at_1": 56.172999999999995, + "ndcg_at_10": 56.593, + "ndcg_at_100": 62.942, + "ndcg_at_1000": 64.801, + "ndcg_at_3": 53.024, + "ndcg_at_5": 53.986999999999995, + "precision_at_1": 56.172999999999995, + "precision_at_10": 15.494, + "precision_at_100": 2.222, + "precision_at_1000": 0.254, + "precision_at_3": 35.185, + "precision_at_5": 25.556, + "recall_at_1": 29.45, + "recall_at_10": 62.882000000000005, + "recall_at_100": 85.56099999999999, + "recall_at_1000": 96.539, + "recall_at_3": 47.911, + "recall_at_5": 54.52, + "main_score": 56.593 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/HotpotQA.json b/results/intfloat__e5-mistral-7b-instruct/external/HotpotQA.json new file mode 100644 index 000000000..4ab84bfee --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 39.581, + "map_at_10": 68.401, + "map_at_100": 69.207, + "map_at_1000": 69.25200000000001, + "map_at_3": 64.689, + "map_at_5": 67.158, + "mrr_at_1": 79.163, + "mrr_at_10": 85.22999999999999, + "mrr_at_100": 85.386, + "mrr_at_1000": 85.39099999999999, + "mrr_at_3": 84.432, + "mrr_at_5": 84.952, + "ndcg_at_1": 79.163, + "ndcg_at_10": 75.721, + "ndcg_at_100": 78.411, + "ndcg_at_1000": 79.23599999999999, + "ndcg_at_3": 70.68799999999999, + "ndcg_at_5": 73.694, + "precision_at_1": 79.163, + "precision_at_10": 16.134, + "precision_at_100": 1.821, + "precision_at_1000": 0.193, + "precision_at_3": 46.446, + "precision_at_5": 30.242, + "recall_at_1": 39.581, + "recall_at_10": 80.66799999999999, + "recall_at_100": 91.033, + "recall_at_1000": 96.408, + "recall_at_3": 69.669, + "recall_at_5": 75.604, + "main_score": 75.721 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/IFlyTek.json b/results/intfloat__e5-mistral-7b-instruct/external/IFlyTek.json new file mode 100644 index 000000000..0a55dd31e --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/IFlyTek.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 45.04809542131589, + "f1": 37.01181779071118, + "main_score": 45.04809542131589 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/ImdbClassification.json b/results/intfloat__e5-mistral-7b-instruct/external/ImdbClassification.json new file mode 100644 index 000000000..7a73cd97c --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 94.78120000000001, + "ap": 92.52931921594387, + "f1": 94.77902110732532, + "main_score": 94.78120000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/JDReview.json b/results/intfloat__e5-mistral-7b-instruct/external/JDReview.json new file mode 100644 index 000000000..5408c7931 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/JDReview.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 85.81613508442777, + "ap": 52.430320593468394, + "f1": 79.95467268178068, + "main_score": 85.81613508442777 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/LCQMC.json b/results/intfloat__e5-mistral-7b-instruct/external/LCQMC.json new file mode 100644 index 000000000..9b29f22a1 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/LCQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 71.05801751913393, + "cos_sim_spearman": 75.47954644971965, + "euclidean_pearson": 74.27472296759713, + "euclidean_spearman": 75.47954201369866, + "manhattan_pearson": 74.30508190186474, + "manhattan_spearman": 75.51326518159436, + "cosine_pearson": 71.05801751913393, + "cosine_spearman": 75.47954644971965, + "main_score": 75.47954644971965 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/MMarcoReranking.json b/results/intfloat__e5-mistral-7b-instruct/external/MMarcoReranking.json new file mode 100644 index 000000000..782c2e8a8 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 24.21110921666315, + "mrr": 22.863492063492064, + "main_score": 24.21110921666315 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/MMarcoRetrieval.json b/results/intfloat__e5-mistral-7b-instruct/external/MMarcoRetrieval.json new file mode 100644 index 000000000..7875fdafb --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/MMarcoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 61.38400000000001, + "map_at_10": 70.895, + "map_at_100": 71.314, + "map_at_1000": 71.331, + "map_at_3": 69.016, + "map_at_5": 70.179, + "mrr_at_1": 63.481, + "mrr_at_10": 71.543, + "mrr_at_100": 71.91300000000001, + "mrr_at_1000": 71.928, + "mrr_at_3": 69.90899999999999, + "mrr_at_5": 70.907, + "ndcg_at_1": 63.481, + "ndcg_at_10": 74.833, + "ndcg_at_100": 76.705, + "ndcg_at_1000": 77.13600000000001, + "ndcg_at_3": 71.236, + "ndcg_at_5": 73.199, + "precision_at_1": 63.481, + "precision_at_10": 9.179, + "precision_at_100": 1.011, + "precision_at_1000": 0.105, + "precision_at_3": 27.044, + "precision_at_5": 17.272000000000002, + "recall_at_1": 61.38400000000001, + "recall_at_10": 86.318, + "recall_at_100": 94.786, + "recall_at_1000": 98.14500000000001, + "recall_at_3": 76.717, + "recall_at_5": 81.416, + "main_score": 74.833 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/MSMARCO.json b/results/intfloat__e5-mistral-7b-instruct/external/MSMARCO.json new file mode 100644 index 000000000..98456e08e --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.363999999999997, + "map_at_10": 36.022, + "map_at_100": 37.229, + "map_at_1000": 37.274, + "map_at_3": 32.131, + "map_at_5": 34.391, + "mrr_at_1": 24.069, + "mrr_at_10": 36.620000000000005, + "mrr_at_100": 37.769999999999996, + "mrr_at_1000": 37.809, + "mrr_at_3": 32.846, + "mrr_at_5": 35.02, + "ndcg_at_1": 24.069, + "ndcg_at_10": 43.056, + "ndcg_at_100": 48.754, + "ndcg_at_1000": 49.829, + "ndcg_at_3": 35.167, + "ndcg_at_5": 39.168, + "precision_at_1": 24.069, + "precision_at_10": 6.762, + "precision_at_100": 0.96, + "precision_at_1000": 0.105, + "precision_at_3": 14.957, + "precision_at_5": 11.023, + "recall_at_1": 23.363999999999997, + "recall_at_10": 64.696, + "recall_at_100": 90.795, + "recall_at_1000": 98.892, + "recall_at_3": 43.247, + "recall_at_5": 52.86300000000001, + "main_score": 43.056 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/MTOPDomainClassification.json b/results/intfloat__e5-mistral-7b-instruct/external/MTOPDomainClassification.json new file mode 100644 index 000000000..668a6de42 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/MTOPDomainClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 96.11947104423166, + "f1": 95.89561841159332, + "main_score": 96.11947104423166 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 92.97548605240912, + "f1": 92.17133696717212, + "main_score": 92.97548605240912 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 93.37224816544364, + "f1": 93.19978829237863, + "main_score": 93.37224816544364 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 91.28719072972127, + "f1": 91.28448045979604, + "main_score": 91.28719072972127 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 88.8131946934385, + "f1": 88.27883019362747, + "main_score": 88.8131946934385 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 85.52260397830018, + "f1": 85.15528226728568, + "main_score": 85.52260397830018 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/MTOPIntentClassification.json b/results/intfloat__e5-mistral-7b-instruct/external/MTOPIntentClassification.json new file mode 100644 index 000000000..daba6fd4f --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/MTOPIntentClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.10807113543093, + "f1": 70.88498219072167, + "main_score": 86.10807113543093 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 77.77120315581854, + "f1": 57.97153920153224, + "main_score": 77.77120315581854 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 79.93995997331554, + "f1": 58.839203810064866, + "main_score": 79.93995997331554 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 77.801440651425, + "f1": 58.68009647839332, + "main_score": 77.801440651425 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 72.90785227680172, + "f1": 49.83760954655788, + "main_score": 72.90785227680172 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 73.24050632911391, + "f1": 52.0562553541082, + "main_score": 73.24050632911391 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/MassiveIntentClassification.json b/results/intfloat__e5-mistral-7b-instruct/external/MassiveIntentClassification.json new file mode 100644 index 000000000..59f365913 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/MassiveIntentClassification.json @@ -0,0 +1,469 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 66.47948890383321, + "f1": 63.334877563135485, + "main_score": 66.47948890383321 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 44.2871553463349, + "f1": 43.17658050605427, + "main_score": 44.2871553463349 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 63.174176193678555, + "f1": 59.236659587042425, + "main_score": 63.174176193678555 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 64.226630800269, + "f1": 60.951842696956184, + "main_score": 64.226630800269 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 64.94283792871555, + "f1": 61.40057652844215, + "main_score": 64.94283792871555 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 55.480833893745796, + "f1": 52.5298332072816, + "main_score": 55.480833893745796 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 72.52858103564223, + "f1": 69.3770851919204, + "main_score": 72.52858103564223 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 74.09213180901143, + "f1": 71.13518469365879, + "main_score": 74.09213180901143 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 68.31203765971756, + "f1": 66.05906970865144, + "main_score": 68.31203765971756 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.57162071284465, + "f1": 77.7866172598823, + "main_score": 80.57162071284465 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 75.09414929388029, + "f1": 72.5712594833695, + "main_score": 75.09414929388029 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 72.20914593140553, + "f1": 68.90619124909186, + "main_score": 72.20914593140553 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 68.74243443174176, + "f1": 64.72743141749955, + "main_score": 68.74243443174176 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 75.11096166778749, + "f1": 72.61849933064694, + "main_score": 75.11096166778749 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 66.22394082044384, + "f1": 62.43648797607235, + "main_score": 66.22394082044384 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 69.44855413584399, + "f1": 66.56851670913659, + "main_score": 69.44855413584399 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 69.4149293880296, + "f1": 66.12960877904776, + "main_score": 69.4149293880296 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 56.916610625420304, + "f1": 54.02534600927991, + "main_score": 56.916610625420304 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 72.71351714862138, + "f1": 69.70227985126316, + "main_score": 72.71351714862138 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 59.91257565568257, + "f1": 57.06811572144974, + "main_score": 59.91257565568257 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 75.25218560860793, + "f1": 72.48057563104247, + "main_score": 75.25218560860793 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 76.35507733691998, + "f1": 73.03024649541128, + "main_score": 76.35507733691998 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 57.918628110289184, + "f1": 54.75590124456177, + "main_score": 57.918628110289184 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 52.548755884330866, + "f1": 51.5356975360209, + "main_score": 52.548755884330866 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 46.44922663080027, + "f1": 44.561114416830975, + "main_score": 46.44922663080027 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 53.95763281775386, + "f1": 50.68367245122476, + "main_score": 53.95763281775386 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 74.20645595158035, + "f1": 71.78450093258185, + "main_score": 74.20645595158035 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 59.226630800269, + "f1": 57.53988988993337, + "main_score": 59.226630800269 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 51.44922663080027, + "f1": 48.58809018065056, + "main_score": 51.44922663080027 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 51.3752521856086, + "f1": 49.91373941436425, + "main_score": 51.3752521856086 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 69.85205110961668, + "f1": 67.05660019588582, + "main_score": 69.85205110961668 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 49.1492938802959, + "f1": 46.717578025393195, + "main_score": 49.1492938802959 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 70.93140551445865, + "f1": 67.45406609372205, + "main_score": 70.93140551445865 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 74.82851378614662, + "f1": 71.15951964393868, + "main_score": 74.82851378614662 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 74.84868863483524, + "f1": 71.76056802364877, + "main_score": 74.84868863483524 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 75.27236045729657, + "f1": 72.48733090101163, + "main_score": 75.27236045729657 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 69.63012777404168, + "f1": 66.56444015346203, + "main_score": 69.63012777404168 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 76.62743779421655, + "f1": 73.82720656992142, + "main_score": 76.62743779421655 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 67.15198386012105, + "f1": 64.41418309797744, + "main_score": 67.15198386012105 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 58.8399462004035, + "f1": 56.050989519693886, + "main_score": 58.8399462004035 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 73.86684599865501, + "f1": 70.80682480844303, + "main_score": 73.86684599865501 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 57.36718224613316, + "f1": 54.998746471013774, + "main_score": 57.36718224613316 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 53.150638870208475, + "f1": 49.79179342620099, + "main_score": 53.150638870208475 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 51.50638870208473, + "f1": 49.778960742003555, + "main_score": 51.50638870208473 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 66.906523201076, + "f1": 66.75784022138245, + "main_score": 66.906523201076 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 68.73234700739744, + "f1": 65.75016141148413, + "main_score": 68.73234700739744 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 72.06792199058508, + "f1": 67.90334782594083, + "main_score": 72.06792199058508 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 62.09145931405515, + "f1": 58.88703095210731, + "main_score": 62.09145931405515 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 71.17014122394083, + "f1": 68.43676277921544, + "main_score": 71.17014122394083 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 74.99327505043712, + "f1": 72.26813373392943, + "main_score": 74.99327505043712 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 71.13987895090787, + "f1": 70.29309514467575, + "main_score": 71.13987895090787 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/MassiveScenarioClassification.json b/results/intfloat__e5-mistral-7b-instruct/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..0be46000f --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/MassiveScenarioClassification.json @@ -0,0 +1,469 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 73.37256220578345, + "f1": 72.56456170538992, + "main_score": 73.37256220578345 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 47.205783456624076, + "f1": 45.905999859074434, + "main_score": 47.205783456624076 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 69.8352387357095, + "f1": 69.43553987525273, + "main_score": 69.8352387357095 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 67.00403496973773, + "f1": 65.97477215779143, + "main_score": 67.00403496973773 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 68.04976462676531, + "f1": 67.24581993778398, + "main_score": 68.04976462676531 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 61.882985877605925, + "f1": 59.995293199988794, + "main_score": 61.882985877605925 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 76.75857431069267, + "f1": 76.52031675299841, + "main_score": 76.75857431069267 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 79.03496973772697, + "f1": 79.25548063175344, + "main_score": 79.03496973772697 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 72.96570275722931, + "f1": 72.19110435289122, + "main_score": 72.96570275722931 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 82.38735709482178, + "f1": 82.34495627619785, + "main_score": 82.38735709482178 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 78.83994620040352, + "f1": 78.91526355393667, + "main_score": 78.83994620040352 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 76.7350369872226, + "f1": 75.919437344927, + "main_score": 76.7350369872226 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 71.21721587088096, + "f1": 70.82973286243262, + "main_score": 71.21721587088096 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 78.59784801613988, + "f1": 78.47383161087423, + "main_score": 78.59784801613988 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 69.64021519838602, + "f1": 68.45118053027653, + "main_score": 69.64021519838602 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 73.51042367182245, + "f1": 72.90013022879003, + "main_score": 73.51042367182245 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 74.0551445864156, + "f1": 73.45871761713292, + "main_score": 74.0551445864156 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 59.54606590450571, + "f1": 57.72711794953869, + "main_score": 59.54606590450571 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 77.40753194351042, + "f1": 76.8157455506521, + "main_score": 77.40753194351042 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 66.58372562205783, + "f1": 65.2654868709758, + "main_score": 66.58372562205783 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 78.39273705447208, + "f1": 78.3592956594837, + "main_score": 78.39273705447208 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 79.62004034969739, + "f1": 79.78673754501855, + "main_score": 79.62004034969739 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 64.29051782111634, + "f1": 63.12502587609454, + "main_score": 64.29051782111634 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 57.51849361129791, + "f1": 56.32320906403241, + "main_score": 57.51849361129791 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 52.41761936785474, + "f1": 49.113762010098306, + "main_score": 52.41761936785474 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 58.547410894418284, + "f1": 56.87580674198118, + "main_score": 58.547410894418284 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 78.89038332212507, + "f1": 79.09210140529848, + "main_score": 78.89038332212507 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 63.503698722259585, + "f1": 61.45718858568352, + "main_score": 63.503698722259585 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 54.02824478816408, + "f1": 52.732738981386504, + "main_score": 54.02824478816408 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 54.23671822461331, + "f1": 52.688080372545286, + "main_score": 54.23671822461331 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 75.5312710154674, + "f1": 74.59368478550698, + "main_score": 75.5312710154674 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 52.192333557498316, + "f1": 50.18302290152229, + "main_score": 52.192333557498316 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 75.6960322797579, + "f1": 75.25331182714856, + "main_score": 75.6960322797579 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 78.47679892400808, + "f1": 78.24044732352424, + "main_score": 78.47679892400808 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 77.36718224613315, + "f1": 77.2714452985389, + "main_score": 77.36718224613315 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 77.96234028244788, + "f1": 78.21282127011372, + "main_score": 77.96234028244788 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 73.19435104236717, + "f1": 73.1963711292812, + "main_score": 73.19435104236717 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 80.52118359112306, + "f1": 80.4179964390288, + "main_score": 80.52118359112306 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 73.65837256220577, + "f1": 73.07156989634905, + "main_score": 73.65837256220577 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 64.02824478816409, + "f1": 62.972399027713664, + "main_score": 64.02824478816409 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 78.87020847343645, + "f1": 78.224240866849, + "main_score": 78.87020847343645 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 64.6570275722932, + "f1": 63.274871811412545, + "main_score": 64.6570275722932 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 57.760591795561524, + "f1": 56.73711528075771, + "main_score": 57.760591795561524 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 57.26967047747142, + "f1": 55.74735330863165, + "main_score": 57.26967047747142 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 72.46133154001345, + "f1": 71.9644168952811, + "main_score": 72.46133154001345 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 73.70880968392737, + "f1": 73.61543141070884, + "main_score": 73.70880968392737 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 75.0437121721587, + "f1": 74.83359868879921, + "main_score": 75.0437121721587 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 67.05110961667788, + "f1": 66.25869819274315, + "main_score": 67.05110961667788 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 75.52118359112306, + "f1": 75.92098546052303, + "main_score": 75.52118359112306 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 79.92938802958977, + "f1": 79.79833572573796, + "main_score": 79.92938802958977 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 76.86617350369872, + "f1": 77.42645654909516, + "main_score": 76.86617350369872 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/MedicalRetrieval.json b/results/intfloat__e5-mistral-7b-instruct/external/MedicalRetrieval.json new file mode 100644 index 000000000..84784500f --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/MedicalRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 44.6, + "map_at_10": 50.019000000000005, + "map_at_100": 50.611, + "map_at_1000": 50.67, + "map_at_3": 48.699999999999996, + "map_at_5": 49.455, + "mrr_at_1": 44.800000000000004, + "mrr_at_10": 50.119, + "mrr_at_100": 50.711, + "mrr_at_1000": 50.77, + "mrr_at_3": 48.8, + "mrr_at_5": 49.555, + "ndcg_at_1": 44.6, + "ndcg_at_10": 52.754, + "ndcg_at_100": 55.935, + "ndcg_at_1000": 57.607, + "ndcg_at_3": 50.012, + "ndcg_at_5": 51.393, + "precision_at_1": 44.6, + "precision_at_10": 6.140000000000001, + "precision_at_100": 0.77, + "precision_at_1000": 0.09, + "precision_at_3": 17.933, + "precision_at_5": 11.44, + "recall_at_1": 44.6, + "recall_at_10": 61.4, + "recall_at_100": 77.0, + "recall_at_1000": 90.4, + "recall_at_3": 53.800000000000004, + "recall_at_5": 57.199999999999996, + "main_score": 52.754 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/MedrxivClusteringP2P.json b/results/intfloat__e5-mistral-7b-instruct/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..4831eeb67 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.192667527616315, + "main_score": 38.192667527616315 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/MedrxivClusteringS2S.json b/results/intfloat__e5-mistral-7b-instruct/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..a7bf9c320 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.44738902946689, + "main_score": 37.44738902946689 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/MindSmallReranking.json b/results/intfloat__e5-mistral-7b-instruct/external/MindSmallReranking.json new file mode 100644 index 000000000..ae409d3b6 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 32.59661273103955, + "mrr": 33.82024242497473, + "main_score": 32.59661273103955 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/MultilingualSentiment.json b/results/intfloat__e5-mistral-7b-instruct/external/MultilingualSentiment.json new file mode 100644 index 000000000..3b8d07e5c --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/MultilingualSentiment.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 73.31333333333335, + "f1": 73.0873466527602, + "main_score": 73.31333333333335 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/NFCorpus.json b/results/intfloat__e5-mistral-7b-instruct/external/NFCorpus.json new file mode 100644 index 000000000..7c608d014 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.471, + "map_at_10": 14.142, + "map_at_100": 18.179000000000002, + "map_at_1000": 19.772000000000002, + "map_at_3": 9.716, + "map_at_5": 11.763, + "mrr_at_1": 51.393, + "mrr_at_10": 58.814, + "mrr_at_100": 59.330000000000005, + "mrr_at_1000": 59.35, + "mrr_at_3": 56.398, + "mrr_at_5": 58.038999999999994, + "ndcg_at_1": 49.69, + "ndcg_at_10": 38.615, + "ndcg_at_100": 35.268, + "ndcg_at_1000": 43.745, + "ndcg_at_3": 43.187, + "ndcg_at_5": 41.528999999999996, + "precision_at_1": 51.083999999999996, + "precision_at_10": 29.474, + "precision_at_100": 9.167, + "precision_at_1000": 2.2089999999999996, + "precision_at_3": 40.351, + "precision_at_5": 36.285000000000004, + "recall_at_1": 5.471, + "recall_at_10": 19.242, + "recall_at_100": 37.14, + "recall_at_1000": 68.35900000000001, + "recall_at_3": 10.896, + "recall_at_5": 14.75, + "main_score": 38.615 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/NQ.json b/results/intfloat__e5-mistral-7b-instruct/external/NQ.json new file mode 100644 index 000000000..c63b6daf3 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 39.499, + "map_at_10": 55.862, + "map_at_100": 56.667, + "map_at_1000": 56.684999999999995, + "map_at_3": 51.534, + "map_at_5": 54.2, + "mrr_at_1": 44.351, + "mrr_at_10": 58.567, + "mrr_at_100": 59.099000000000004, + "mrr_at_1000": 59.109, + "mrr_at_3": 55.218999999999994, + "mrr_at_5": 57.391999999999996, + "ndcg_at_1": 44.322, + "ndcg_at_10": 63.535, + "ndcg_at_100": 66.654, + "ndcg_at_1000": 66.991, + "ndcg_at_3": 55.701, + "ndcg_at_5": 60.06700000000001, + "precision_at_1": 44.322, + "precision_at_10": 10.026, + "precision_at_100": 1.18, + "precision_at_1000": 0.121, + "precision_at_3": 24.865000000000002, + "precision_at_5": 17.48, + "recall_at_1": 39.499, + "recall_at_10": 84.053, + "recall_at_100": 97.11, + "recall_at_1000": 99.493, + "recall_at_3": 64.091, + "recall_at_5": 74.063, + "main_score": 63.535 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/Ocnli.json b/results/intfloat__e5-mistral-7b-instruct/external/Ocnli.json new file mode 100644 index 000000000..1a908b616 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/Ocnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Ocnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 61.18029236599891, + "cos_sim_ap": 64.18398769398412, + "cos_sim_f1": 67.96347757046446, + "cos_sim_precision": 54.4529262086514, + "cos_sim_recall": 90.3907074973601, + "dot_accuracy": 61.18029236599891, + "dot_ap": 64.18393484706077, + "dot_f1": 67.96347757046446, + "dot_precision": 54.4529262086514, + "dot_recall": 90.3907074973601, + "euclidean_accuracy": 61.18029236599891, + "euclidean_ap": 64.18395024821486, + "euclidean_f1": 67.96347757046446, + "euclidean_precision": 54.4529262086514, + "euclidean_recall": 90.3907074973601, + "manhattan_accuracy": 61.451001624255554, + "manhattan_ap": 64.38232708763513, + "manhattan_f1": 68.05860805860804, + "manhattan_precision": 52.10319685922602, + "manhattan_recall": 98.09926082365365, + "max_accuracy": 61.451001624255554, + "max_ap": 64.38232708763513, + "max_f1": 68.05860805860804, + "main_score": 61.451001624255554 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/OnlineShopping.json b/results/intfloat__e5-mistral-7b-instruct/external/OnlineShopping.json new file mode 100644 index 000000000..8bf61e1fb --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/OnlineShopping.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 92.19000000000001, + "ap": 89.73918431886767, + "f1": 92.17175032574507, + "main_score": 92.19000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/PAWSX.json b/results/intfloat__e5-mistral-7b-instruct/external/PAWSX.json new file mode 100644 index 000000000..adc91bff6 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/PAWSX.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 15.079320253752224, + "cos_sim_spearman": 16.813772504404263, + "euclidean_pearson": 19.476541162041762, + "euclidean_spearman": 16.813772498098782, + "manhattan_pearson": 19.497429832915277, + "manhattan_spearman": 16.869600674180607, + "cosine_pearson": 15.079320253752224, + "cosine_spearman": 16.813772504404263, + "main_score": 16.813772504404263 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/QBQTC.json b/results/intfloat__e5-mistral-7b-instruct/external/QBQTC.json new file mode 100644 index 000000000..b9c15338e --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/QBQTC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "QBQTC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 30.36139599797913, + "cos_sim_spearman": 31.80296402851347, + "euclidean_pearson": 30.10387888252793, + "euclidean_spearman": 31.80297780103808, + "manhattan_pearson": 30.86720382849436, + "manhattan_spearman": 32.70491131366606, + "cosine_pearson": 30.36139599797913, + "cosine_spearman": 31.80296402851347, + "main_score": 31.80296402851347 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/QuoraRetrieval.json b/results/intfloat__e5-mistral-7b-instruct/external/QuoraRetrieval.json new file mode 100644 index 000000000..f396ffcc2 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 71.911, + "map_at_10": 86.087, + "map_at_100": 86.701, + "map_at_1000": 86.715, + "map_at_3": 83.231, + "map_at_5": 85.051, + "mrr_at_1": 82.75, + "mrr_at_10": 88.759, + "mrr_at_100": 88.844, + "mrr_at_1000": 88.844, + "mrr_at_3": 87.935, + "mrr_at_5": 88.504, + "ndcg_at_1": 82.75, + "ndcg_at_10": 89.605, + "ndcg_at_100": 90.664, + "ndcg_at_1000": 90.733, + "ndcg_at_3": 87.03, + "ndcg_at_5": 88.473, + "precision_at_1": 82.75, + "precision_at_10": 13.575000000000001, + "precision_at_100": 1.539, + "precision_at_1000": 0.157, + "precision_at_3": 38.153, + "precision_at_5": 25.008000000000003, + "recall_at_1": 71.911, + "recall_at_10": 96.261, + "recall_at_100": 99.72800000000001, + "recall_at_1000": 99.993, + "recall_at_3": 88.762, + "recall_at_5": 92.949, + "main_score": 89.605 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/RedditClustering.json b/results/intfloat__e5-mistral-7b-instruct/external/RedditClustering.json new file mode 100644 index 000000000..90460b5af --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 57.711581165572376, + "main_score": 57.711581165572376 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/RedditClusteringP2P.json b/results/intfloat__e5-mistral-7b-instruct/external/RedditClusteringP2P.json new file mode 100644 index 000000000..ee097fbc6 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 66.48938885750297, + "main_score": 66.48938885750297 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/SCIDOCS.json b/results/intfloat__e5-mistral-7b-instruct/external/SCIDOCS.json new file mode 100644 index 000000000..6fdef6194 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.7379999999999995, + "map_at_10": 9.261, + "map_at_100": 11.001, + "map_at_1000": 11.262, + "map_at_3": 6.816, + "map_at_5": 8.0, + "mrr_at_1": 18.4, + "mrr_at_10": 28.755999999999997, + "mrr_at_100": 29.892000000000003, + "mrr_at_1000": 29.961, + "mrr_at_3": 25.467000000000002, + "mrr_at_5": 27.332, + "ndcg_at_1": 18.4, + "ndcg_at_10": 16.296, + "ndcg_at_100": 23.52, + "ndcg_at_1000": 28.504, + "ndcg_at_3": 15.485, + "ndcg_at_5": 13.471, + "precision_at_1": 18.4, + "precision_at_10": 8.469999999999999, + "precision_at_100": 1.8950000000000002, + "precision_at_1000": 0.309, + "precision_at_3": 14.6, + "precision_at_5": 11.84, + "recall_at_1": 3.7379999999999995, + "recall_at_10": 17.185, + "recall_at_100": 38.397, + "recall_at_1000": 62.798, + "recall_at_3": 8.896999999999998, + "recall_at_5": 12.021999999999998, + "main_score": 16.296 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/SICK-R.json b/results/intfloat__e5-mistral-7b-instruct/external/SICK-R.json new file mode 100644 index 000000000..7447779d2 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.43977757480083, + "cos_sim_spearman": 82.64182475199533, + "euclidean_pearson": 83.71756009999591, + "euclidean_spearman": 82.64182331395057, + "manhattan_pearson": 83.8028936913025, + "manhattan_spearman": 82.71024597804252, + "cosine_pearson": 86.43977757480083, + "cosine_spearman": 82.64182475199533, + "main_score": 82.64182475199533 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/STS12.json b/results/intfloat__e5-mistral-7b-instruct/external/STS12.json new file mode 100644 index 000000000..a1b42964b --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.85653060698912, + "cos_sim_spearman": 79.65598885228324, + "euclidean_pearson": 83.1205137628455, + "euclidean_spearman": 79.65629387709038, + "manhattan_pearson": 83.71108853545837, + "manhattan_spearman": 80.25617619716708, + "cosine_pearson": 86.85653060698912, + "cosine_spearman": 79.65598885228324, + "main_score": 79.65598885228324 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/STS13.json b/results/intfloat__e5-mistral-7b-instruct/external/STS13.json new file mode 100644 index 000000000..06492b4aa --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.22921688565664, + "cos_sim_spearman": 88.42662103041957, + "euclidean_pearson": 87.91679798473325, + "euclidean_spearman": 88.42662103041957, + "manhattan_pearson": 88.16927537961303, + "manhattan_spearman": 88.81581680062541, + "cosine_pearson": 88.22921688565664, + "cosine_spearman": 88.42662103041957, + "main_score": 88.42662103041957 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/STS14.json b/results/intfloat__e5-mistral-7b-instruct/external/STS14.json new file mode 100644 index 000000000..10a64a1dd --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.77261424554293, + "cos_sim_spearman": 84.53930146434155, + "euclidean_pearson": 85.67420491389697, + "euclidean_spearman": 84.53929771783851, + "manhattan_pearson": 85.74306784515618, + "manhattan_spearman": 84.7399304675314, + "cosine_pearson": 86.77261424554293, + "cosine_spearman": 84.53930146434155, + "main_score": 84.53930146434155 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/STS15.json b/results/intfloat__e5-mistral-7b-instruct/external/STS15.json new file mode 100644 index 000000000..51e349694 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 89.86138395166455, + "cos_sim_spearman": 90.42577823022054, + "euclidean_pearson": 89.8787763797515, + "euclidean_spearman": 90.42577823022054, + "manhattan_pearson": 89.9592937492158, + "manhattan_spearman": 90.63535505335524, + "cosine_pearson": 89.86138395166455, + "cosine_spearman": 90.42577823022054, + "main_score": 90.42577823022054 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/STS16.json b/results/intfloat__e5-mistral-7b-instruct/external/STS16.json new file mode 100644 index 000000000..8ff305d22 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.5176674585941, + "cos_sim_spearman": 87.6842917085397, + "euclidean_pearson": 86.70213081520711, + "euclidean_spearman": 87.6842917085397, + "manhattan_pearson": 86.83702628983627, + "manhattan_spearman": 87.87791000374443, + "cosine_pearson": 86.5176674585941, + "cosine_spearman": 87.6842917085397, + "main_score": 87.6842917085397 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/STS17.json b/results/intfloat__e5-mistral-7b-instruct/external/STS17.json new file mode 100644 index 000000000..c597922a2 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/STS17.json @@ -0,0 +1,182 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "ko-ko", + "languages": [ + "kor-Hang" + ], + "cos_sim_pearson": 83.86395454805867, + "cos_sim_spearman": 83.69454595252267, + "euclidean_pearson": 83.04743892608313, + "euclidean_spearman": 83.69454026433006, + "manhattan_pearson": 83.4032095553322, + "manhattan_spearman": 84.11527379013802, + "cosine_pearson": 83.86395454805867, + "cosine_spearman": 83.69454595252267, + "main_score": 83.69454595252267 + }, + { + "hf_subset": "ar-ar", + "languages": [ + "ara-Arab" + ], + "cos_sim_pearson": 81.80249894729546, + "cos_sim_spearman": 81.87004960533409, + "euclidean_pearson": 80.0392760044179, + "euclidean_spearman": 81.87004960533409, + "manhattan_pearson": 80.38096542355912, + "manhattan_spearman": 82.40774679630341, + "cosine_pearson": 81.80249894729546, + "cosine_spearman": 81.87004960533409, + "main_score": 81.87004960533409 + }, + { + "hf_subset": "en-ar", + "languages": [ + "eng-Latn", + "ara-Arab" + ], + "cos_sim_pearson": 77.6158201787172, + "cos_sim_spearman": 77.934651044009, + "euclidean_pearson": 77.7874683895269, + "euclidean_spearman": 77.934651044009, + "manhattan_pearson": 78.36151849193052, + "manhattan_spearman": 78.52439586349938, + "cosine_pearson": 77.6158201787172, + "cosine_spearman": 77.934651044009, + "main_score": 77.934651044009 + }, + { + "hf_subset": "en-de", + "languages": [ + "eng-Latn", + "deu-Latn" + ], + "cos_sim_pearson": 87.04363311392207, + "cos_sim_spearman": 87.30483659369973, + "euclidean_pearson": 87.62634489502616, + "euclidean_spearman": 87.30483659369973, + "manhattan_pearson": 88.02340837141445, + "manhattan_spearman": 87.55012003294, + "cosine_pearson": 87.04363311392207, + "cosine_spearman": 87.30483659369973, + "main_score": 87.30483659369973 + }, + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 91.69172851958248, + "cos_sim_spearman": 91.7546879482416, + "euclidean_pearson": 91.84843039183963, + "euclidean_spearman": 91.7546879482416, + "manhattan_pearson": 91.72325753804357, + "manhattan_spearman": 91.55330259513397, + "cosine_pearson": 91.69172851958248, + "cosine_spearman": 91.7546879482416, + "main_score": 91.7546879482416 + }, + { + "hf_subset": "en-tr", + "languages": [ + "eng-Latn", + "tur-Latn" + ], + "cos_sim_pearson": 73.95572901084864, + "cos_sim_spearman": 72.56217821552626, + "euclidean_pearson": 74.24242980323574, + "euclidean_spearman": 72.56217821552626, + "manhattan_pearson": 74.57473362519922, + "manhattan_spearman": 72.76048826648497, + "cosine_pearson": 73.95572901084864, + "cosine_spearman": 72.56217821552626, + "main_score": 72.56217821552626 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 86.93329396008296, + "cos_sim_spearman": 88.2406635486219, + "euclidean_pearson": 87.49687343908533, + "euclidean_spearman": 88.2406635486219, + "manhattan_pearson": 88.14088309231084, + "manhattan_spearman": 88.93314020908534, + "cosine_pearson": 86.93329396008296, + "cosine_spearman": 88.2406635486219, + "main_score": 88.2406635486219 + }, + { + "hf_subset": "es-es", + "languages": [ + "spa-Latn" + ], + "cos_sim_pearson": 88.70124451546057, + "cos_sim_spearman": 87.45988160052252, + "euclidean_pearson": 88.44395505247728, + "euclidean_spearman": 87.45988160052252, + "manhattan_pearson": 88.69269783495425, + "manhattan_spearman": 87.65383425621, + "cosine_pearson": 88.70124451546057, + "cosine_spearman": 87.45988160052252, + "main_score": 87.45988160052252 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 87.64109149761346, + "cos_sim_spearman": 88.06459637689733, + "euclidean_pearson": 88.02313315797703, + "euclidean_spearman": 88.06459637689733, + "manhattan_pearson": 88.28328539133253, + "manhattan_spearman": 88.06605708379142, + "cosine_pearson": 87.64109149761346, + "cosine_spearman": 88.06459637689733, + "main_score": 88.06459637689733 + }, + { + "hf_subset": "it-en", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 88.9040028177525, + "cos_sim_spearman": 89.68152202933464, + "euclidean_pearson": 89.23684469601253, + "euclidean_spearman": 89.68152202933464, + "manhattan_pearson": 89.59504307277454, + "manhattan_spearman": 89.88060100313582, + "cosine_pearson": 88.9040028177525, + "cosine_spearman": 89.68152202933464, + "main_score": 89.68152202933464 + }, + { + "hf_subset": "nl-en", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 87.69891585325125, + "cos_sim_spearman": 88.25252785071736, + "euclidean_pearson": 87.99932873748662, + "euclidean_spearman": 88.25252785071736, + "manhattan_pearson": 88.26959683009446, + "manhattan_spearman": 88.32583227300715, + "cosine_pearson": 87.69891585325125, + "cosine_spearman": 88.25252785071736, + "main_score": 88.25252785071736 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/STS22.json b/results/intfloat__e5-mistral-7b-instruct/external/STS22.json new file mode 100644 index 000000000..aa1ddcd6c --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/STS22.json @@ -0,0 +1,288 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 67.53235909794135, + "cos_sim_spearman": 66.97521740529574, + "euclidean_pearson": 68.19502223613912, + "euclidean_spearman": 66.97521740529574, + "manhattan_pearson": 68.39070714774539, + "manhattan_spearman": 67.1072812364868, + "cosine_pearson": 67.53235909794135, + "cosine_spearman": 66.97521740529574, + "main_score": 66.97521740529574 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "cos_sim_pearson": 43.715742021204775, + "cos_sim_spearman": 49.12255971271453, + "euclidean_pearson": 40.76848562610837, + "euclidean_spearman": 49.12255971271453, + "manhattan_pearson": 40.92204625614112, + "manhattan_spearman": 49.23333793661129, + "cosine_pearson": 43.715742021204775, + "cosine_spearman": 49.12255971271453, + "main_score": 49.12255971271453 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "cos_sim_pearson": 63.35268345563588, + "cos_sim_spearman": 66.99661626042061, + "euclidean_pearson": 65.85589122857066, + "euclidean_spearman": 66.99661626042061, + "manhattan_pearson": 66.78454301512294, + "manhattan_spearman": 67.17570330149233, + "cosine_pearson": 63.35268345563588, + "cosine_spearman": 66.99661626042061, + "main_score": 66.99661626042061 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "cos_sim_pearson": 33.36599908204445, + "cos_sim_spearman": 39.20768331939503, + "euclidean_pearson": 22.16066769530468, + "euclidean_spearman": 39.20768331939503, + "manhattan_pearson": 22.386053195546022, + "manhattan_spearman": 39.70172817465986, + "cosine_pearson": 33.36599908204445, + "cosine_spearman": 39.20768331939503, + "main_score": 39.20768331939503 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "cos_sim_pearson": 63.06813956986753, + "cos_sim_spearman": 68.72065117995668, + "euclidean_pearson": 66.97373456344194, + "euclidean_spearman": 68.72065117995668, + "manhattan_pearson": 67.34907265771595, + "manhattan_spearman": 68.73705769957843, + "cosine_pearson": 63.06813956986753, + "cosine_spearman": 68.72065117995668, + "main_score": 68.72065117995668 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "cos_sim_pearson": 47.17664865207108, + "cos_sim_spearman": 54.115568323148864, + "euclidean_pearson": 48.56418162879182, + "euclidean_spearman": 54.115568323148864, + "manhattan_pearson": 48.85951643453165, + "manhattan_spearman": 54.13599784169052, + "cosine_pearson": 47.17664865207108, + "cosine_spearman": 54.115568323148864, + "main_score": 54.115568323148864 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "cos_sim_pearson": 55.87514136275987, + "cos_sim_spearman": 60.82923573674973, + "euclidean_pearson": 53.724183308215615, + "euclidean_spearman": 60.82923573674973, + "manhattan_pearson": 53.954305573102445, + "manhattan_spearman": 60.957483900644526, + "cosine_pearson": 55.87514136275987, + "cosine_spearman": 60.82923573674973, + "main_score": 60.82923573674973 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 59.55001413648593, + "cos_sim_spearman": 63.395777040381276, + "euclidean_pearson": 59.869972550293305, + "euclidean_spearman": 63.395777040381276, + "manhattan_pearson": 61.16195496847885, + "manhattan_spearman": 63.41968682525581, + "cosine_pearson": 59.55001413648593, + "cosine_spearman": 63.395777040381276, + "main_score": 63.395777040381276 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 79.13334972675852, + "cos_sim_spearman": 79.86263136371802, + "euclidean_pearson": 78.2433603592541, + "euclidean_spearman": 79.86263136371802, + "manhattan_pearson": 78.87337106318412, + "manhattan_spearman": 80.31230584758441, + "cosine_pearson": 79.13334972675852, + "cosine_spearman": 79.86263136371802, + "main_score": 79.86263136371802 + }, + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 63.559700748242356, + "cos_sim_spearman": 60.92342109509558, + "euclidean_pearson": 66.07256437521119, + "euclidean_spearman": 60.92342109509558, + "manhattan_pearson": 67.72769744612663, + "manhattan_spearman": 59.64714507774168, + "cosine_pearson": 63.559700748242356, + "cosine_spearman": 60.92342109509558, + "main_score": 60.92342109509558 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 73.93491616145891, + "cos_sim_spearman": 75.84242594400156, + "euclidean_pearson": 74.87279745626121, + "euclidean_spearman": 75.84242594400156, + "manhattan_pearson": 76.47764144677505, + "manhattan_spearman": 77.08411157845183, + "cosine_pearson": 73.93491616145891, + "cosine_spearman": 75.84242594400156, + "main_score": 75.84242594400156 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "cos_sim_pearson": 72.75624124540954, + "cos_sim_spearman": 75.8667941654703, + "euclidean_pearson": 73.74314588451925, + "euclidean_spearman": 75.8667941654703, + "manhattan_pearson": 73.99641425871518, + "manhattan_spearman": 76.1982840205817, + "cosine_pearson": 72.75624124540954, + "cosine_spearman": 75.8667941654703, + "main_score": 75.8667941654703 + }, + { + "hf_subset": "pl-en", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 75.20898141298767, + "cos_sim_spearman": 73.18060375331436, + "euclidean_pearson": 75.44489280944619, + "euclidean_spearman": 73.18060375331436, + "manhattan_pearson": 75.65451039552286, + "manhattan_spearman": 72.97744006123156, + "cosine_pearson": 75.20898141298767, + "cosine_spearman": 73.18060375331436, + "main_score": 73.18060375331436 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "cos_sim_pearson": 72.04278252247816, + "cos_sim_spearman": 71.8846446821539, + "euclidean_pearson": 73.16043307050612, + "euclidean_spearman": 71.8846446821539, + "manhattan_pearson": 74.76905116839777, + "manhattan_spearman": 72.66237093518471, + "cosine_pearson": 72.04278252247816, + "cosine_spearman": 71.8846446821539, + "main_score": 71.8846446821539 + }, + { + "hf_subset": "es-it", + "languages": [ + "spa-Latn", + "ita-Latn" + ], + "cos_sim_pearson": 71.71033173838558, + "cos_sim_spearman": 75.043122881885, + "euclidean_pearson": 72.77579680345087, + "euclidean_spearman": 75.043122881885, + "manhattan_pearson": 72.99901534854922, + "manhattan_spearman": 75.15418335015957, + "cosine_pearson": 71.71033173838558, + "cosine_spearman": 75.043122881885, + "main_score": 75.043122881885 + }, + { + "hf_subset": "de-fr", + "languages": [ + "deu-Latn", + "fra-Latn" + ], + "cos_sim_pearson": 55.75733447190482, + "cos_sim_spearman": 61.38968334176681, + "euclidean_pearson": 55.479231520643744, + "euclidean_spearman": 61.38968334176681, + "manhattan_pearson": 56.05230571465244, + "manhattan_spearman": 62.69383054007398, + "cosine_pearson": 55.75733447190482, + "cosine_spearman": 61.38968334176681, + "main_score": 61.38968334176681 + }, + { + "hf_subset": "de-pl", + "languages": [ + "deu-Latn", + "pol-Latn" + ], + "cos_sim_pearson": 41.72244325050302, + "cos_sim_spearman": 54.47476909084119, + "euclidean_pearson": 43.94629756436873, + "euclidean_spearman": 54.47476909084119, + "manhattan_pearson": 46.36533046394657, + "manhattan_spearman": 54.87509243633636, + "cosine_pearson": 41.72244325050302, + "cosine_spearman": 54.47476909084119, + "main_score": 54.47476909084119 + }, + { + "hf_subset": "fr-pl", + "languages": [ + "fra-Latn", + "pol-Latn" + ], + "cos_sim_pearson": 70.75183711835146, + "cos_sim_spearman": 84.51542547285167, + "euclidean_pearson": 71.84188960126669, + "euclidean_spearman": 84.51542547285167, + "manhattan_pearson": 73.94847166379994, + "manhattan_spearman": 84.51542547285167, + "cosine_pearson": 70.75183711835146, + "cosine_spearman": 84.51542547285167, + "main_score": 84.51542547285167 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/STSB.json b/results/intfloat__e5-mistral-7b-instruct/external/STSB.json new file mode 100644 index 000000000..1a4f38634 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/STSB.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 81.78690149086131, + "cos_sim_spearman": 81.81202616916873, + "euclidean_pearson": 80.98792254251062, + "euclidean_spearman": 81.81202616916873, + "manhattan_pearson": 81.46953021346732, + "manhattan_spearman": 82.34259562492315, + "cosine_pearson": 81.78690149086131, + "cosine_spearman": 81.81202616916873, + "main_score": 81.81202616916873 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/STSBenchmark.json b/results/intfloat__e5-mistral-7b-instruct/external/STSBenchmark.json new file mode 100644 index 000000000..5d16d1319 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.68273341294419, + "cos_sim_spearman": 88.59927164210958, + "euclidean_pearson": 88.10745681818025, + "euclidean_spearman": 88.59927164210958, + "manhattan_pearson": 88.25166703784649, + "manhattan_spearman": 88.85343247873482, + "cosine_pearson": 87.68273341294419, + "cosine_spearman": 88.59927164210958, + "main_score": 88.59927164210958 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/SciDocsRR.json b/results/intfloat__e5-mistral-7b-instruct/external/SciDocsRR.json new file mode 100644 index 000000000..14d38796b --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 86.3340463345719, + "mrr": 96.5182611506141, + "main_score": 86.3340463345719 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/SciFact.json b/results/intfloat__e5-mistral-7b-instruct/external/SciFact.json new file mode 100644 index 000000000..74252c59b --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 60.967000000000006, + "map_at_10": 71.873, + "map_at_100": 72.271, + "map_at_1000": 72.292, + "map_at_3": 69.006, + "map_at_5": 70.856, + "mrr_at_1": 63.666999999999994, + "mrr_at_10": 72.929, + "mrr_at_100": 73.26, + "mrr_at_1000": 73.282, + "mrr_at_3": 71.111, + "mrr_at_5": 72.328, + "ndcg_at_1": 63.666999999999994, + "ndcg_at_10": 76.414, + "ndcg_at_100": 78.152, + "ndcg_at_1000": 78.604, + "ndcg_at_3": 71.841, + "ndcg_at_5": 74.435, + "precision_at_1": 63.666999999999994, + "precision_at_10": 10.067, + "precision_at_100": 1.097, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 27.667, + "precision_at_5": 18.467, + "recall_at_1": 60.967000000000006, + "recall_at_10": 88.922, + "recall_at_100": 96.667, + "recall_at_1000": 100.0, + "recall_at_3": 77.228, + "recall_at_5": 83.428, + "main_score": 76.414 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/SprintDuplicateQuestions.json b/results/intfloat__e5-mistral-7b-instruct/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..b585a9c78 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.82277227722773, + "cos_sim_ap": 95.66279851444406, + "cos_sim_f1": 90.9367088607595, + "cos_sim_precision": 92.1025641025641, + "cos_sim_recall": 89.8, + "dot_accuracy": 99.82277227722773, + "dot_ap": 95.66279851444406, + "dot_f1": 90.9367088607595, + "dot_precision": 92.1025641025641, + "dot_recall": 89.8, + "euclidean_accuracy": 99.82277227722773, + "euclidean_ap": 95.66279851444406, + "euclidean_f1": 90.9367088607595, + "euclidean_precision": 92.1025641025641, + "euclidean_recall": 89.8, + "manhattan_accuracy": 99.82673267326733, + "manhattan_ap": 95.86094873177069, + "manhattan_f1": 91.26788357178096, + "manhattan_precision": 90.06815968841285, + "manhattan_recall": 92.5, + "max_accuracy": 99.82673267326733, + "max_ap": 95.86094873177069, + "max_f1": 91.26788357178096, + "main_score": 95.86094873177069 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/StackExchangeClustering.json b/results/intfloat__e5-mistral-7b-instruct/external/StackExchangeClustering.json new file mode 100644 index 000000000..e70463e7a --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 73.09533925852372, + "main_score": 73.09533925852372 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/StackExchangeClusteringP2P.json b/results/intfloat__e5-mistral-7b-instruct/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..fe7936849 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 45.90745648090035, + "main_score": 45.90745648090035 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/StackOverflowDupQuestions.json b/results/intfloat__e5-mistral-7b-instruct/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..4737aed12 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 54.91147686504404, + "mrr": 56.03900082760377, + "main_score": 54.91147686504404 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/SummEval.json b/results/intfloat__e5-mistral-7b-instruct/external/SummEval.json new file mode 100644 index 000000000..7a5a473cc --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.46908662038217, + "cos_sim_spearman": 31.40325730367437, + "dot_pearson": 31.469083969291894, + "dot_spearman": 31.40325730367437, + "cosine_pearson": 31.46908662038217, + "cosine_spearman": 31.40325730367437, + "main_score": 31.40325730367437 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/T2Reranking.json b/results/intfloat__e5-mistral-7b-instruct/external/T2Reranking.json new file mode 100644 index 000000000..91516cd28 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 66.90300783402137, + "mrr": 77.06451972574179, + "main_score": 66.90300783402137 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/T2Retrieval.json b/results/intfloat__e5-mistral-7b-instruct/external/T2Retrieval.json new file mode 100644 index 000000000..0ef954d9a --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/T2Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 25.82, + "map_at_10": 72.32300000000001, + "map_at_100": 76.198, + "map_at_1000": 76.281, + "map_at_3": 50.719, + "map_at_5": 62.326, + "mrr_at_1": 86.599, + "mrr_at_10": 89.751, + "mrr_at_100": 89.876, + "mrr_at_1000": 89.88000000000001, + "mrr_at_3": 89.151, + "mrr_at_5": 89.519, + "ndcg_at_1": 86.599, + "ndcg_at_10": 80.676, + "ndcg_at_100": 85.03, + "ndcg_at_1000": 85.854, + "ndcg_at_3": 82.057, + "ndcg_at_5": 80.537, + "precision_at_1": 86.599, + "precision_at_10": 40.373, + "precision_at_100": 4.95, + "precision_at_1000": 0.514, + "precision_at_3": 71.918, + "precision_at_5": 60.246, + "recall_at_1": 25.82, + "recall_at_10": 79.905, + "recall_at_100": 93.88499999999999, + "recall_at_1000": 98.073, + "recall_at_3": 52.623, + "recall_at_5": 66.233, + "main_score": 80.676 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/TNews.json b/results/intfloat__e5-mistral-7b-instruct/external/TNews.json new file mode 100644 index 000000000..0af6cc01a --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/TNews.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 47.050000000000004, + "f1": 45.704071498353294, + "main_score": 47.050000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/TRECCOVID.json b/results/intfloat__e5-mistral-7b-instruct/external/TRECCOVID.json new file mode 100644 index 000000000..56fbc79d1 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.243, + "map_at_10": 2.278, + "map_at_100": 14.221, + "map_at_1000": 33.474, + "map_at_3": 0.7270000000000001, + "map_at_5": 1.183, + "mrr_at_1": 94.0, + "mrr_at_10": 97.0, + "mrr_at_100": 97.0, + "mrr_at_1000": 97.0, + "mrr_at_3": 97.0, + "mrr_at_5": 97.0, + "ndcg_at_1": 90.0, + "ndcg_at_10": 87.249, + "ndcg_at_100": 67.876, + "ndcg_at_1000": 59.205, + "ndcg_at_3": 90.12299999999999, + "ndcg_at_5": 89.126, + "precision_at_1": 94.0, + "precision_at_10": 90.8, + "precision_at_100": 69.28, + "precision_at_1000": 25.85, + "precision_at_3": 94.667, + "precision_at_5": 92.80000000000001, + "recall_at_1": 0.243, + "recall_at_10": 2.392, + "recall_at_100": 16.982, + "recall_at_1000": 55.214, + "recall_at_3": 0.745, + "recall_at_5": 1.2229999999999999, + "main_score": 87.249 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/Tatoeba.json b/results/intfloat__e5-mistral-7b-instruct/external/Tatoeba.json new file mode 100644 index 000000000..429c2f449 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/Tatoeba.json @@ -0,0 +1,1354 @@ +{ + "dataset_revision": "9080400076fbadbb4c4dcb136ff4eddc40b42553", + "task_name": "Tatoeba", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "sqi-eng", + "languages": [ + "sqi-Latn", + "eng-Latn" + ], + "accuracy": 70.5, + "f1": 67.05501804646966, + "precision": 65.73261904761904, + "recall": 70.5, + "main_score": 67.05501804646966 + }, + { + "hf_subset": "fry-eng", + "languages": [ + "fry-Latn", + "eng-Latn" + ], + "accuracy": 75.14450867052022, + "f1": 70.98265895953759, + "precision": 69.26782273603082, + "recall": 75.14450867052022, + "main_score": 70.98265895953759 + }, + { + "hf_subset": "kur-eng", + "languages": [ + "kur-Latn", + "eng-Latn" + ], + "accuracy": 33.170731707317074, + "f1": 29.92876500193573, + "precision": 28.669145894755648, + "recall": 33.170731707317074, + "main_score": 29.92876500193573 + }, + { + "hf_subset": "tur-eng", + "languages": [ + "tur-Latn", + "eng-Latn" + ], + "accuracy": 95.5, + "f1": 94.13333333333333, + "precision": 93.46666666666667, + "recall": 95.5, + "main_score": 94.13333333333333 + }, + { + "hf_subset": "deu-eng", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "accuracy": 99.6, + "f1": 99.46666666666665, + "precision": 99.4, + "recall": 99.6, + "main_score": 99.46666666666665 + }, + { + "hf_subset": "nld-eng", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "accuracy": 97.2, + "f1": 96.39999999999999, + "precision": 96.0, + "recall": 97.2, + "main_score": 96.39999999999999 + }, + { + "hf_subset": "ron-eng", + "languages": [ + "ron-Latn", + "eng-Latn" + ], + "accuracy": 94.5, + "f1": 92.99666666666667, + "precision": 92.31666666666666, + "recall": 94.5, + "main_score": 92.99666666666667 + }, + { + "hf_subset": "ang-eng", + "languages": [ + "ang-Latn", + "eng-Latn" + ], + "accuracy": 85.82089552238806, + "f1": 81.59203980099502, + "precision": 79.60199004975124, + "recall": 85.82089552238806, + "main_score": 81.59203980099502 + }, + { + "hf_subset": "ido-eng", + "languages": [ + "ido-Latn", + "eng-Latn" + ], + "accuracy": 79.5, + "f1": 75.11246031746032, + "precision": 73.38734126984127, + "recall": 79.5, + "main_score": 75.11246031746032 + }, + { + "hf_subset": "jav-eng", + "languages": [ + "jav-Latn", + "eng-Latn" + ], + "accuracy": 44.390243902439025, + "f1": 38.48896631823461, + "precision": 36.57220286488579, + "recall": 44.390243902439025, + "main_score": 38.48896631823461 + }, + { + "hf_subset": "isl-eng", + "languages": [ + "isl-Latn", + "eng-Latn" + ], + "accuracy": 90.2, + "f1": 87.57333333333334, + "precision": 86.34166666666665, + "recall": 90.2, + "main_score": 87.57333333333334 + }, + { + "hf_subset": "slv-eng", + "languages": [ + "slv-Latn", + "eng-Latn" + ], + "accuracy": 88.82138517618469, + "f1": 85.98651854423423, + "precision": 84.79257073424753, + "recall": 88.82138517618469, + "main_score": 85.98651854423423 + }, + { + "hf_subset": "cym-eng", + "languages": [ + "cym-Latn", + "eng-Latn" + ], + "accuracy": 77.04347826086956, + "f1": 72.32108147606868, + "precision": 70.37207357859532, + "recall": 77.04347826086956, + "main_score": 72.32108147606868 + }, + { + "hf_subset": "kaz-eng", + "languages": [ + "kaz-Cyrl", + "eng-Latn" + ], + "accuracy": 53.04347826086957, + "f1": 46.88868184955141, + "precision": 44.71730105643149, + "recall": 53.04347826086957, + "main_score": 46.88868184955141 + }, + { + "hf_subset": "est-eng", + "languages": [ + "est-Latn", + "eng-Latn" + ], + "accuracy": 68.0, + "f1": 62.891813186813195, + "precision": 61.037906162464985, + "recall": 68.0, + "main_score": 62.891813186813195 + }, + { + "hf_subset": "heb-eng", + "languages": [ + "heb-Hebr", + "eng-Latn" + ], + "accuracy": 86.3, + "f1": 82.82000000000001, + "precision": 81.25690476190475, + "recall": 86.3, + "main_score": 82.82000000000001 + }, + { + "hf_subset": "gla-eng", + "languages": [ + "gla-Latn", + "eng-Latn" + ], + "accuracy": 68.87816646562122, + "f1": 63.53054933272062, + "precision": 61.47807816331196, + "recall": 68.87816646562122, + "main_score": 63.53054933272062 + }, + { + "hf_subset": "mar-eng", + "languages": [ + "mar-Deva", + "eng-Latn" + ], + "accuracy": 74.4, + "f1": 68.99388888888889, + "precision": 66.81035714285713, + "recall": 74.4, + "main_score": 68.99388888888889 + }, + { + "hf_subset": "lat-eng", + "languages": [ + "lat-Latn", + "eng-Latn" + ], + "accuracy": 90.5, + "f1": 87.93666666666667, + "precision": 86.825, + "recall": 90.5, + "main_score": 87.93666666666667 + }, + { + "hf_subset": "bel-eng", + "languages": [ + "bel-Cyrl", + "eng-Latn" + ], + "accuracy": 90.7, + "f1": 88.09, + "precision": 86.85833333333333, + "recall": 90.7, + "main_score": 88.09 + }, + { + "hf_subset": "pms-eng", + "languages": [ + "pms-Latn", + "eng-Latn" + ], + "accuracy": 67.61904761904762, + "f1": 62.30239247214037, + "precision": 60.340702947845806, + "recall": 67.61904761904762, + "main_score": 62.30239247214037 + }, + { + "hf_subset": "gle-eng", + "languages": [ + "gle-Latn", + "eng-Latn" + ], + "accuracy": 77.9, + "f1": 73.81285714285714, + "precision": 72.21570818070818, + "recall": 77.9, + "main_score": 73.81285714285714 + }, + { + "hf_subset": "pes-eng", + "languages": [ + "pes-Arab", + "eng-Latn" + ], + "accuracy": 91.8, + "f1": 89.66666666666667, + "precision": 88.66666666666666, + "recall": 91.8, + "main_score": 89.66666666666667 + }, + { + "hf_subset": "nob-eng", + "languages": [ + "nob-Latn", + "eng-Latn" + ], + "accuracy": 97.6, + "f1": 96.85666666666665, + "precision": 96.50833333333333, + "recall": 97.6, + "main_score": 96.85666666666665 + }, + { + "hf_subset": "bul-eng", + "languages": [ + "bul-Cyrl", + "eng-Latn" + ], + "accuracy": 95.39999999999999, + "f1": 93.98333333333333, + "precision": 93.30000000000001, + "recall": 95.39999999999999, + "main_score": 93.98333333333333 + }, + { + "hf_subset": "cbk-eng", + "languages": [ + "cbk-Latn", + "eng-Latn" + ], + "accuracy": 85.0, + "f1": 81.31538461538462, + "precision": 79.70666666666666, + "recall": 85.0, + "main_score": 81.31538461538462 + }, + { + "hf_subset": "hun-eng", + "languages": [ + "hun-Latn", + "eng-Latn" + ], + "accuracy": 91.60000000000001, + "f1": 89.81888888888888, + "precision": 89.08583333333333, + "recall": 91.60000000000001, + "main_score": 89.81888888888888 + }, + { + "hf_subset": "uig-eng", + "languages": [ + "uig-Arab", + "eng-Latn" + ], + "accuracy": 44.3, + "f1": 38.8623088023088, + "precision": 37.03755623461505, + "recall": 44.3, + "main_score": 38.8623088023088 + }, + { + "hf_subset": "rus-eng", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "accuracy": 95.19999999999999, + "f1": 93.75, + "precision": 93.05, + "recall": 95.19999999999999, + "main_score": 93.75 + }, + { + "hf_subset": "spa-eng", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "accuracy": 99.1, + "f1": 98.8, + "precision": 98.65, + "recall": 99.1, + "main_score": 98.8 + }, + { + "hf_subset": "hye-eng", + "languages": [ + "hye-Armn", + "eng-Latn" + ], + "accuracy": 69.6765498652291, + "f1": 63.991785393402644, + "precision": 61.7343729944808, + "recall": 69.6765498652291, + "main_score": 63.991785393402644 + }, + { + "hf_subset": "tel-eng", + "languages": [ + "tel-Telu", + "eng-Latn" + ], + "accuracy": 50.0, + "f1": 42.79341029341029, + "precision": 40.25098358431692, + "recall": 50.0, + "main_score": 42.79341029341029 + }, + { + "hf_subset": "afr-eng", + "languages": [ + "afr-Latn", + "eng-Latn" + ], + "accuracy": 89.7, + "f1": 87.19023809523809, + "precision": 86.12595238095237, + "recall": 89.7, + "main_score": 87.19023809523809 + }, + { + "hf_subset": "mon-eng", + "languages": [ + "mon-Cyrl", + "eng-Latn" + ], + "accuracy": 42.72727272727273, + "f1": 37.78789518562245, + "precision": 36.24208471267295, + "recall": 42.72727272727273, + "main_score": 37.78789518562245 + }, + { + "hf_subset": "arz-eng", + "languages": [ + "arz-Arab", + "eng-Latn" + ], + "accuracy": 75.26205450733752, + "f1": 70.72842833849123, + "precision": 68.93256464011182, + "recall": 75.26205450733752, + "main_score": 70.72842833849123 + }, + { + "hf_subset": "hrv-eng", + "languages": [ + "hrv-Latn", + "eng-Latn" + ], + "accuracy": 95.19999999999999, + "f1": 93.96666666666668, + "precision": 93.42, + "recall": 95.19999999999999, + "main_score": 93.96666666666668 + }, + { + "hf_subset": "nov-eng", + "languages": [ + "nov-Latn", + "eng-Latn" + ], + "accuracy": 76.26459143968872, + "f1": 72.40190419178747, + "precision": 70.84954604409856, + "recall": 76.26459143968872, + "main_score": 72.40190419178747 + }, + { + "hf_subset": "gsw-eng", + "languages": [ + "gsw-Latn", + "eng-Latn" + ], + "accuracy": 59.82905982905983, + "f1": 52.2100122100122, + "precision": 49.52516619183286, + "recall": 59.82905982905983, + "main_score": 52.2100122100122 + }, + { + "hf_subset": "nds-eng", + "languages": [ + "nds-Latn", + "eng-Latn" + ], + "accuracy": 81.69999999999999, + "f1": 77.41714285714286, + "precision": 75.64833333333334, + "recall": 81.69999999999999, + "main_score": 77.41714285714286 + }, + { + "hf_subset": "ukr-eng", + "languages": [ + "ukr-Cyrl", + "eng-Latn" + ], + "accuracy": 95.5, + "f1": 94.45, + "precision": 93.93333333333334, + "recall": 95.5, + "main_score": 94.45 + }, + { + "hf_subset": "uzb-eng", + "languages": [ + "uzb-Latn", + "eng-Latn" + ], + "accuracy": 58.41121495327103, + "f1": 52.73495974430554, + "precision": 50.717067200712066, + "recall": 58.41121495327103, + "main_score": 52.73495974430554 + }, + { + "hf_subset": "lit-eng", + "languages": [ + "lit-Latn", + "eng-Latn" + ], + "accuracy": 73.3, + "f1": 69.20371794871795, + "precision": 67.6597557997558, + "recall": 73.3, + "main_score": 69.20371794871795 + }, + { + "hf_subset": "ina-eng", + "languages": [ + "ina-Latn", + "eng-Latn" + ], + "accuracy": 96.5, + "f1": 95.51666666666667, + "precision": 95.05, + "recall": 96.5, + "main_score": 95.51666666666667 + }, + { + "hf_subset": "lfn-eng", + "languages": [ + "lfn-Latn", + "eng-Latn" + ], + "accuracy": 78.4, + "f1": 73.88856643356644, + "precision": 72.01373015873016, + "recall": 78.4, + "main_score": 73.88856643356644 + }, + { + "hf_subset": "zsm-eng", + "languages": [ + "zsm-Latn", + "eng-Latn" + ], + "accuracy": 95.3, + "f1": 94.09666666666668, + "precision": 93.53333333333332, + "recall": 95.3, + "main_score": 94.09666666666668 + }, + { + "hf_subset": "ita-eng", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "accuracy": 93.7, + "f1": 91.94, + "precision": 91.10833333333333, + "recall": 93.7, + "main_score": 91.94 + }, + { + "hf_subset": "cmn-eng", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "accuracy": 96.8, + "f1": 95.89999999999999, + "precision": 95.46666666666668, + "recall": 96.8, + "main_score": 95.89999999999999 + }, + { + "hf_subset": "lvs-eng", + "languages": [ + "lvs-Latn", + "eng-Latn" + ], + "accuracy": 70.5, + "f1": 66.00635642135641, + "precision": 64.36345238095238, + "recall": 70.5, + "main_score": 66.00635642135641 + }, + { + "hf_subset": "glg-eng", + "languages": [ + "glg-Latn", + "eng-Latn" + ], + "accuracy": 92.4, + "f1": 90.44388888888889, + "precision": 89.5767857142857, + "recall": 92.4, + "main_score": 90.44388888888889 + }, + { + "hf_subset": "ceb-eng", + "languages": [ + "ceb-Latn", + "eng-Latn" + ], + "accuracy": 48.0, + "f1": 43.15372775372776, + "precision": 41.53152510162313, + "recall": 48.0, + "main_score": 43.15372775372776 + }, + { + "hf_subset": "bre-eng", + "languages": [ + "bre-Latn", + "eng-Latn" + ], + "accuracy": 16.7, + "f1": 14.198431372549017, + "precision": 13.411765873015872, + "recall": 16.7, + "main_score": 14.198431372549017 + }, + { + "hf_subset": "ben-eng", + "languages": [ + "ben-Beng", + "eng-Latn" + ], + "accuracy": 85.7, + "f1": 81.81666666666666, + "precision": 80.10833333333332, + "recall": 85.7, + "main_score": 81.81666666666666 + }, + { + "hf_subset": "swg-eng", + "languages": [ + "swg-Latn", + "eng-Latn" + ], + "accuracy": 69.64285714285714, + "f1": 64.745670995671, + "precision": 62.916666666666664, + "recall": 69.64285714285714, + "main_score": 64.745670995671 + }, + { + "hf_subset": "arq-eng", + "languages": [ + "arq-Arab", + "eng-Latn" + ], + "accuracy": 54.665203073545555, + "f1": 48.55366630916923, + "precision": 46.35683318998357, + "recall": 54.665203073545555, + "main_score": 48.55366630916923 + }, + { + "hf_subset": "kab-eng", + "languages": [ + "kab-Latn", + "eng-Latn" + ], + "accuracy": 4.8, + "f1": 3.808587223587223, + "precision": 3.5653174603174604, + "recall": 4.8, + "main_score": 3.808587223587223 + }, + { + "hf_subset": "fra-eng", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "accuracy": 96.6, + "f1": 95.77333333333333, + "precision": 95.39166666666667, + "recall": 96.6, + "main_score": 95.77333333333333 + }, + { + "hf_subset": "por-eng", + "languages": [ + "por-Latn", + "eng-Latn" + ], + "accuracy": 95.39999999999999, + "f1": 94.44, + "precision": 93.975, + "recall": 95.39999999999999, + "main_score": 94.44 + }, + { + "hf_subset": "tat-eng", + "languages": [ + "tat-Cyrl", + "eng-Latn" + ], + "accuracy": 42.0, + "f1": 37.024908424908425, + "precision": 35.365992063492065, + "recall": 42.0, + "main_score": 37.024908424908425 + }, + { + "hf_subset": "oci-eng", + "languages": [ + "oci-Latn", + "eng-Latn" + ], + "accuracy": 66.7, + "f1": 62.20460835058661, + "precision": 60.590134587634594, + "recall": 66.7, + "main_score": 62.20460835058661 + }, + { + "hf_subset": "pol-eng", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "accuracy": 97.3, + "f1": 96.46666666666667, + "precision": 96.06666666666668, + "recall": 97.3, + "main_score": 96.46666666666667 + }, + { + "hf_subset": "war-eng", + "languages": [ + "war-Latn", + "eng-Latn" + ], + "accuracy": 47.3, + "f1": 41.96905408317173, + "precision": 40.18741402116402, + "recall": 47.3, + "main_score": 41.96905408317173 + }, + { + "hf_subset": "aze-eng", + "languages": [ + "aze-Latn", + "eng-Latn" + ], + "accuracy": 80.2, + "f1": 76.22690476190476, + "precision": 74.63539682539682, + "recall": 80.2, + "main_score": 76.22690476190476 + }, + { + "hf_subset": "vie-eng", + "languages": [ + "vie-Latn", + "eng-Latn" + ], + "accuracy": 96.0, + "f1": 94.83333333333333, + "precision": 94.26666666666668, + "recall": 96.0, + "main_score": 94.83333333333333 + }, + { + "hf_subset": "nno-eng", + "languages": [ + "nno-Latn", + "eng-Latn" + ], + "accuracy": 89.7, + "f1": 87.24333333333334, + "precision": 86.17, + "recall": 89.7, + "main_score": 87.24333333333334 + }, + { + "hf_subset": "cha-eng", + "languages": [ + "cha-Latn", + "eng-Latn" + ], + "accuracy": 50.36496350364964, + "f1": 44.795520780922246, + "precision": 43.09002433090024, + "recall": 50.36496350364964, + "main_score": 44.795520780922246 + }, + { + "hf_subset": "mhr-eng", + "languages": [ + "mhr-Cyrl", + "eng-Latn" + ], + "accuracy": 18.8, + "f1": 16.242864357864356, + "precision": 15.466596638655464, + "recall": 18.8, + "main_score": 16.242864357864356 + }, + { + "hf_subset": "dan-eng", + "languages": [ + "dan-Latn", + "eng-Latn" + ], + "accuracy": 95.19999999999999, + "f1": 93.92333333333333, + "precision": 93.30833333333332, + "recall": 95.19999999999999, + "main_score": 93.92333333333333 + }, + { + "hf_subset": "ell-eng", + "languages": [ + "ell-Grek", + "eng-Latn" + ], + "accuracy": 93.4, + "f1": 91.42333333333333, + "precision": 90.50833333333334, + "recall": 93.4, + "main_score": 91.42333333333333 + }, + { + "hf_subset": "amh-eng", + "languages": [ + "amh-Ethi", + "eng-Latn" + ], + "accuracy": 26.190476190476193, + "f1": 22.05208151636723, + "precision": 21.09292328042328, + "recall": 26.190476190476193, + "main_score": 22.05208151636723 + }, + { + "hf_subset": "pam-eng", + "languages": [ + "pam-Latn", + "eng-Latn" + ], + "accuracy": 17.2, + "f1": 14.021009731460952, + "precision": 13.1389886698243, + "recall": 17.2, + "main_score": 14.021009731460952 + }, + { + "hf_subset": "hsb-eng", + "languages": [ + "hsb-Latn", + "eng-Latn" + ], + "accuracy": 78.67494824016563, + "f1": 74.24430641821947, + "precision": 72.50747642051991, + "recall": 78.67494824016563, + "main_score": 74.24430641821947 + }, + { + "hf_subset": "srp-eng", + "languages": [ + "srp-Cyrl", + "eng-Latn" + ], + "accuracy": 94.19999999999999, + "f1": 92.54, + "precision": 91.75833333333334, + "recall": 94.19999999999999, + "main_score": 92.54 + }, + { + "hf_subset": "epo-eng", + "languages": [ + "epo-Latn", + "eng-Latn" + ], + "accuracy": 90.2, + "f1": 87.78666666666666, + "precision": 86.69833333333334, + "recall": 90.2, + "main_score": 87.78666666666666 + }, + { + "hf_subset": "kzj-eng", + "languages": [ + "kzj-Latn", + "eng-Latn" + ], + "accuracy": 14.7, + "f1": 12.19206214842218, + "precision": 11.526261904761904, + "recall": 14.7, + "main_score": 12.19206214842218 + }, + { + "hf_subset": "awa-eng", + "languages": [ + "awa-Deva", + "eng-Latn" + ], + "accuracy": 73.16017316017316, + "f1": 67.44858316286889, + "precision": 65.23809523809523, + "recall": 73.16017316017316, + "main_score": 67.44858316286889 + }, + { + "hf_subset": "fao-eng", + "languages": [ + "fao-Latn", + "eng-Latn" + ], + "accuracy": 75.19083969465649, + "f1": 70.33078880407125, + "precision": 68.3969465648855, + "recall": 75.19083969465649, + "main_score": 70.33078880407125 + }, + { + "hf_subset": "mal-eng", + "languages": [ + "mal-Mlym", + "eng-Latn" + ], + "accuracy": 62.154294032023294, + "f1": 55.86030821838681, + "precision": 53.53509623160277, + "recall": 62.154294032023294, + "main_score": 55.86030821838681 + }, + { + "hf_subset": "ile-eng", + "languages": [ + "ile-Latn", + "eng-Latn" + ], + "accuracy": 86.8, + "f1": 83.9652380952381, + "precision": 82.84242424242424, + "recall": 86.8, + "main_score": 83.9652380952381 + }, + { + "hf_subset": "bos-eng", + "languages": [ + "bos-Latn", + "eng-Latn" + ], + "accuracy": 93.50282485875707, + "f1": 91.54425612052731, + "precision": 90.65442561205272, + "recall": 93.50282485875707, + "main_score": 91.54425612052731 + }, + { + "hf_subset": "cor-eng", + "languages": [ + "cor-Latn", + "eng-Latn" + ], + "accuracy": 11.4, + "f1": 9.189775870222714, + "precision": 8.66189886502811, + "recall": 11.4, + "main_score": 9.189775870222714 + }, + { + "hf_subset": "cat-eng", + "languages": [ + "cat-Latn", + "eng-Latn" + ], + "accuracy": 93.4, + "f1": 91.88666666666666, + "precision": 91.21444444444444, + "recall": 93.4, + "main_score": 91.88666666666666 + }, + { + "hf_subset": "eus-eng", + "languages": [ + "eus-Latn", + "eng-Latn" + ], + "accuracy": 46.0, + "f1": 40.51069226095542, + "precision": 38.57804926010808, + "recall": 46.0, + "main_score": 40.51069226095542 + }, + { + "hf_subset": "yue-eng", + "languages": [ + "yue-Hant", + "eng-Latn" + ], + "accuracy": 91.0, + "f1": 89.11333333333333, + "precision": 88.27000000000001, + "recall": 91.0, + "main_score": 89.11333333333333 + }, + { + "hf_subset": "swe-eng", + "languages": [ + "swe-Latn", + "eng-Latn" + ], + "accuracy": 94.39999999999999, + "f1": 92.95, + "precision": 92.27000000000001, + "recall": 94.39999999999999, + "main_score": 92.95 + }, + { + "hf_subset": "dtp-eng", + "languages": [ + "dtp-Latn", + "eng-Latn" + ], + "accuracy": 14.2, + "f1": 11.73701698770113, + "precision": 11.079207014736676, + "recall": 14.2, + "main_score": 11.73701698770113 + }, + { + "hf_subset": "kat-eng", + "languages": [ + "kat-Geor", + "eng-Latn" + ], + "accuracy": 65.14745308310992, + "f1": 59.665707393589415, + "precision": 57.560853653346946, + "recall": 65.14745308310992, + "main_score": 59.665707393589415 + }, + { + "hf_subset": "jpn-eng", + "languages": [ + "jpn-Jpan", + "eng-Latn" + ], + "accuracy": 95.39999999999999, + "f1": 94.0, + "precision": 93.33333333333333, + "recall": 95.39999999999999, + "main_score": 94.0 + }, + { + "hf_subset": "csb-eng", + "languages": [ + "csb-Latn", + "eng-Latn" + ], + "accuracy": 69.56521739130434, + "f1": 62.92490118577074, + "precision": 60.27009222661397, + "recall": 69.56521739130434, + "main_score": 62.92490118577074 + }, + { + "hf_subset": "xho-eng", + "languages": [ + "xho-Latn", + "eng-Latn" + ], + "accuracy": 40.140845070422536, + "f1": 35.96411804158283, + "precision": 34.89075869357559, + "recall": 40.140845070422536, + "main_score": 35.96411804158283 + }, + { + "hf_subset": "orv-eng", + "languages": [ + "orv-Cyrl", + "eng-Latn" + ], + "accuracy": 65.86826347305389, + "f1": 59.646248628284546, + "precision": 57.22982606216139, + "recall": 65.86826347305389, + "main_score": 59.646248628284546 + }, + { + "hf_subset": "ind-eng", + "languages": [ + "ind-Latn", + "eng-Latn" + ], + "accuracy": 94.89999999999999, + "f1": 93.48333333333333, + "precision": 92.83666666666667, + "recall": 94.89999999999999, + "main_score": 93.48333333333333 + }, + { + "hf_subset": "tuk-eng", + "languages": [ + "tuk-Latn", + "eng-Latn" + ], + "accuracy": 47.783251231527096, + "f1": 42.006447302013804, + "precision": 40.12747105111637, + "recall": 47.783251231527096, + "main_score": 42.006447302013804 + }, + { + "hf_subset": "max-eng", + "languages": [ + "max-Deva", + "eng-Latn" + ], + "accuracy": 69.71830985915493, + "f1": 64.80266212660578, + "precision": 63.08098591549296, + "recall": 69.71830985915493, + "main_score": 64.80266212660578 + }, + { + "hf_subset": "swh-eng", + "languages": [ + "swh-Latn", + "eng-Latn" + ], + "accuracy": 67.94871794871796, + "f1": 61.59912309912309, + "precision": 59.17338217338218, + "recall": 67.94871794871796, + "main_score": 61.59912309912309 + }, + { + "hf_subset": "hin-eng", + "languages": [ + "hin-Deva", + "eng-Latn" + ], + "accuracy": 96.39999999999999, + "f1": 95.28333333333335, + "precision": 94.75, + "recall": 96.39999999999999, + "main_score": 95.28333333333335 + }, + { + "hf_subset": "dsb-eng", + "languages": [ + "dsb-Latn", + "eng-Latn" + ], + "accuracy": 70.14613778705638, + "f1": 65.4349338900487, + "precision": 63.57599255302805, + "recall": 70.14613778705638, + "main_score": 65.4349338900487 + }, + { + "hf_subset": "ber-eng", + "languages": [ + "ber-Tfng", + "eng-Latn" + ], + "accuracy": 9.2, + "f1": 7.622184434339607, + "precision": 7.287048159682417, + "recall": 9.2, + "main_score": 7.622184434339607 + }, + { + "hf_subset": "tam-eng", + "languages": [ + "tam-Taml", + "eng-Latn" + ], + "accuracy": 77.85016286644951, + "f1": 72.83387622149837, + "precision": 70.58450959102424, + "recall": 77.85016286644951, + "main_score": 72.83387622149837 + }, + { + "hf_subset": "slk-eng", + "languages": [ + "slk-Latn", + "eng-Latn" + ], + "accuracy": 90.8, + "f1": 88.84333333333333, + "precision": 87.96666666666665, + "recall": 90.8, + "main_score": 88.84333333333333 + }, + { + "hf_subset": "tgl-eng", + "languages": [ + "tgl-Latn", + "eng-Latn" + ], + "accuracy": 94.6, + "f1": 93.14, + "precision": 92.49833333333333, + "recall": 94.6, + "main_score": 93.14 + }, + { + "hf_subset": "ast-eng", + "languages": [ + "ast-Latn", + "eng-Latn" + ], + "accuracy": 84.25196850393701, + "f1": 80.94488188976378, + "precision": 79.65879265091863, + "recall": 84.25196850393701, + "main_score": 80.94488188976378 + }, + { + "hf_subset": "mkd-eng", + "languages": [ + "mkd-Cyrl", + "eng-Latn" + ], + "accuracy": 89.5, + "f1": 86.89666666666666, + "precision": 85.7, + "recall": 89.5, + "main_score": 86.89666666666666 + }, + { + "hf_subset": "khm-eng", + "languages": [ + "khm-Khmr", + "eng-Latn" + ], + "accuracy": 42.797783933518005, + "f1": 37.30617360155193, + "precision": 35.34933825792552, + "recall": 42.797783933518005, + "main_score": 37.30617360155193 + }, + { + "hf_subset": "ces-eng", + "languages": [ + "ces-Latn", + "eng-Latn" + ], + "accuracy": 96.1, + "f1": 94.93333333333332, + "precision": 94.38333333333333, + "recall": 96.1, + "main_score": 94.93333333333332 + }, + { + "hf_subset": "tzl-eng", + "languages": [ + "tzl-Latn", + "eng-Latn" + ], + "accuracy": 54.807692307692314, + "f1": 49.506903353057204, + "precision": 47.54807692307693, + "recall": 54.807692307692314, + "main_score": 49.506903353057204 + }, + { + "hf_subset": "urd-eng", + "languages": [ + "urd-Arab", + "eng-Latn" + ], + "accuracy": 87.1, + "f1": 83.61857142857143, + "precision": 81.975, + "recall": 87.1, + "main_score": 83.61857142857143 + }, + { + "hf_subset": "ara-eng", + "languages": [ + "ara-Arab", + "eng-Latn" + ], + "accuracy": 91.10000000000001, + "f1": 88.76333333333332, + "precision": 87.67, + "recall": 91.10000000000001, + "main_score": 88.76333333333332 + }, + { + "hf_subset": "kor-eng", + "languages": [ + "kor-Hang", + "eng-Latn" + ], + "accuracy": 93.10000000000001, + "f1": 91.28999999999999, + "precision": 90.44500000000001, + "recall": 93.10000000000001, + "main_score": 91.28999999999999 + }, + { + "hf_subset": "yid-eng", + "languages": [ + "yid-Hebr", + "eng-Latn" + ], + "accuracy": 39.97641509433962, + "f1": 33.12271889998028, + "precision": 30.95185381542554, + "recall": 39.97641509433962, + "main_score": 33.12271889998028 + }, + { + "hf_subset": "fin-eng", + "languages": [ + "fin-Latn", + "eng-Latn" + ], + "accuracy": 92.60000000000001, + "f1": 90.69, + "precision": 89.84500000000001, + "recall": 92.60000000000001, + "main_score": 90.69 + }, + { + "hf_subset": "tha-eng", + "languages": [ + "tha-Thai", + "eng-Latn" + ], + "accuracy": 95.07299270072993, + "f1": 93.64355231143554, + "precision": 92.94403892944038, + "recall": 95.07299270072993, + "main_score": 93.64355231143554 + }, + { + "hf_subset": "wuu-eng", + "languages": [ + "wuu-Hans", + "eng-Latn" + ], + "accuracy": 91.9, + "f1": 89.61333333333333, + "precision": 88.53333333333333, + "recall": 91.9, + "main_score": 89.61333333333333 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/ThuNewsClusteringP2P.json b/results/intfloat__e5-mistral-7b-instruct/external/ThuNewsClusteringP2P.json new file mode 100644 index 000000000..09e15ca66 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/ThuNewsClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 64.68478289806511, + "main_score": 64.68478289806511 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/ThuNewsClusteringS2S.json b/results/intfloat__e5-mistral-7b-instruct/external/ThuNewsClusteringS2S.json new file mode 100644 index 000000000..d052e3b10 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/ThuNewsClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 57.53010296184097, + "main_score": 57.53010296184097 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/Touche2020.json b/results/intfloat__e5-mistral-7b-instruct/external/Touche2020.json new file mode 100644 index 000000000..efc531fde --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.519, + "map_at_10": 10.31, + "map_at_100": 16.027, + "map_at_1000": 17.827, + "map_at_3": 5.721, + "map_at_5": 7.7829999999999995, + "mrr_at_1": 34.694, + "mrr_at_10": 52.642999999999994, + "mrr_at_100": 53.366, + "mrr_at_1000": 53.366, + "mrr_at_3": 48.638999999999996, + "mrr_at_5": 50.578, + "ndcg_at_1": 31.633, + "ndcg_at_10": 26.394000000000002, + "ndcg_at_100": 36.41, + "ndcg_at_1000": 49.206, + "ndcg_at_3": 31.694, + "ndcg_at_5": 29.529, + "precision_at_1": 34.694, + "precision_at_10": 23.469, + "precision_at_100": 7.286, + "precision_at_1000": 1.5610000000000002, + "precision_at_3": 34.014, + "precision_at_5": 29.796, + "recall_at_1": 2.519, + "recall_at_10": 17.091, + "recall_at_100": 45.429, + "recall_at_1000": 84.621, + "recall_at_3": 7.208, + "recall_at_5": 10.523, + "main_score": 26.394000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/ToxicConversationsClassification.json b/results/intfloat__e5-mistral-7b-instruct/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..ddd47ceb1 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.58659999999999, + "ap": 14.735696532619, + "f1": 54.23517220069903, + "main_score": 69.58659999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/TweetSentimentExtractionClassification.json b/results/intfloat__e5-mistral-7b-instruct/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..8ad93f459 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 63.723825693265425, + "f1": 64.02405729449103, + "main_score": 63.723825693265425 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/TwentyNewsgroupsClustering.json b/results/intfloat__e5-mistral-7b-instruct/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..b6e095882 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 54.310161547491006, + "main_score": 54.310161547491006 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/TwitterSemEval2015.json b/results/intfloat__e5-mistral-7b-instruct/external/TwitterSemEval2015.json new file mode 100644 index 000000000..103321a65 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.77630088812064, + "cos_sim_ap": 81.61725457333809, + "cos_sim_f1": 74.91373801916932, + "cos_sim_precision": 72.63940520446097, + "cos_sim_recall": 77.33509234828496, + "dot_accuracy": 88.77630088812064, + "dot_ap": 81.61725317476251, + "dot_f1": 74.91373801916932, + "dot_precision": 72.63940520446097, + "dot_recall": 77.33509234828496, + "euclidean_accuracy": 88.77630088812064, + "euclidean_ap": 81.61724596869566, + "euclidean_f1": 74.91373801916932, + "euclidean_precision": 72.63940520446097, + "euclidean_recall": 77.33509234828496, + "manhattan_accuracy": 88.67497168742922, + "manhattan_ap": 81.430251048948, + "manhattan_f1": 74.79593118171543, + "manhattan_precision": 71.3635274382938, + "manhattan_recall": 78.57519788918206, + "max_accuracy": 88.77630088812064, + "max_ap": 81.61725457333809, + "max_f1": 74.91373801916932, + "main_score": 81.61725457333809 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/TwitterURLCorpus.json b/results/intfloat__e5-mistral-7b-instruct/external/TwitterURLCorpus.json new file mode 100644 index 000000000..97ba31d94 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.85136026700819, + "cos_sim_ap": 87.74656687446567, + "cos_sim_f1": 80.3221673073403, + "cos_sim_precision": 76.56871640957633, + "cos_sim_recall": 84.46258084385587, + "dot_accuracy": 89.85136026700819, + "dot_ap": 87.74656471395072, + "dot_f1": 80.3221673073403, + "dot_precision": 76.56871640957633, + "dot_recall": 84.46258084385587, + "euclidean_accuracy": 89.85136026700819, + "euclidean_ap": 87.74656885754466, + "euclidean_f1": 80.3221673073403, + "euclidean_precision": 76.56871640957633, + "euclidean_recall": 84.46258084385587, + "manhattan_accuracy": 89.86300306593705, + "manhattan_ap": 87.78807479093082, + "manhattan_f1": 80.31663429471911, + "manhattan_precision": 76.63472970137772, + "manhattan_recall": 84.3701878657222, + "max_accuracy": 89.86300306593705, + "max_ap": 87.78807479093082, + "max_f1": 80.3221673073403, + "main_score": 87.78807479093082 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/VideoRetrieval.json b/results/intfloat__e5-mistral-7b-instruct/external/VideoRetrieval.json new file mode 100644 index 000000000..3ac3c35d8 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/VideoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 32.4, + "map_at_10": 40.961999999999996, + "map_at_100": 41.660000000000004, + "map_at_1000": 41.721000000000004, + "map_at_3": 38.550000000000004, + "map_at_5": 40.06, + "mrr_at_1": 32.4, + "mrr_at_10": 40.961999999999996, + "mrr_at_100": 41.660000000000004, + "mrr_at_1000": 41.721000000000004, + "mrr_at_3": 38.550000000000004, + "mrr_at_5": 40.06, + "ndcg_at_1": 32.4, + "ndcg_at_10": 45.388, + "ndcg_at_100": 49.012, + "ndcg_at_1000": 50.659, + "ndcg_at_3": 40.47, + "ndcg_at_5": 43.232, + "precision_at_1": 32.4, + "precision_at_10": 5.94, + "precision_at_100": 0.769, + "precision_at_1000": 0.09, + "precision_at_3": 15.333, + "precision_at_5": 10.56, + "recall_at_1": 32.4, + "recall_at_10": 59.4, + "recall_at_100": 76.9, + "recall_at_1000": 90.0, + "recall_at_3": 46.0, + "recall_at_5": 52.800000000000004, + "main_score": 45.388 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/Waimai.json b/results/intfloat__e5-mistral-7b-instruct/external/Waimai.json new file mode 100644 index 000000000..f13606744 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/Waimai.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 86.94000000000001, + "ap": 70.57373468481975, + "f1": 85.26264784928323, + "main_score": 86.94000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-mistral-7b-instruct/external/model_meta.json b/results/intfloat__e5-mistral-7b-instruct/external/model_meta.json new file mode 100644 index 000000000..c108eff32 --- /dev/null +++ b/results/intfloat__e5-mistral-7b-instruct/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "intfloat/e5-mistral-7b-instruct", + "revision": "07163b72af1488142a360786df853f237b1a3ca1", + "release_date": "2023-12-20", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 7110660096, + "memory_usage": null, + "max_tokens": 32768, + "embed_dim": 4096, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/AmazonCounterfactualClassification.json b/results/intfloat__e5-small-v2/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..3a8cbedba --- /dev/null +++ b/results/intfloat__e5-small-v2/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.59701492537313, + "ap": 41.67064885731708, + "f1": 71.86465946398573, + "main_score": 77.59701492537313 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/AmazonPolarityClassification.json b/results/intfloat__e5-small-v2/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..da08bec46 --- /dev/null +++ b/results/intfloat__e5-small-v2/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.265875, + "ap": 87.67633085349644, + "f1": 91.24297521425744, + "main_score": 91.265875 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/AmazonReviewsClassification.json b/results/intfloat__e5-small-v2/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..610d891da --- /dev/null +++ b/results/intfloat__e5-small-v2/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 45.882000000000005, + "f1": 45.08058870381236, + "main_score": 45.882000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/ArguAna.json b/results/intfloat__e5-small-v2/external/ArguAna.json new file mode 100644 index 000000000..c173aaa08 --- /dev/null +++ b/results/intfloat__e5-small-v2/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.697, + "map_at_10": 33.975, + "map_at_100": 35.223, + "map_at_1000": 35.260000000000005, + "map_at_3": 29.776999999999997, + "map_at_5": 32.035000000000004, + "mrr_at_1": 20.982, + "mrr_at_10": 34.094, + "mrr_at_100": 35.343, + "mrr_at_1000": 35.38, + "mrr_at_3": 29.884, + "mrr_at_5": 32.141999999999996, + "ndcg_at_1": 20.697, + "ndcg_at_10": 41.668, + "ndcg_at_100": 47.397, + "ndcg_at_1000": 48.305, + "ndcg_at_3": 32.928000000000004, + "ndcg_at_5": 36.998999999999995, + "precision_at_1": 20.697, + "precision_at_10": 6.636, + "precision_at_100": 0.924, + "precision_at_1000": 0.099, + "precision_at_3": 14.035, + "precision_at_5": 10.398, + "recall_at_1": 20.697, + "recall_at_10": 66.35799999999999, + "recall_at_100": 92.39, + "recall_at_1000": 99.36, + "recall_at_3": 42.105, + "recall_at_5": 51.991, + "main_score": 41.668 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/ArxivClusteringP2P.json b/results/intfloat__e5-small-v2/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..08c4a9947 --- /dev/null +++ b/results/intfloat__e5-small-v2/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 42.1169517447068, + "main_score": 42.1169517447068 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/ArxivClusteringS2S.json b/results/intfloat__e5-small-v2/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..42d10d4ba --- /dev/null +++ b/results/intfloat__e5-small-v2/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.79553720107097, + "main_score": 34.79553720107097 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/AskUbuntuDupQuestions.json b/results/intfloat__e5-small-v2/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..470714028 --- /dev/null +++ b/results/intfloat__e5-small-v2/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 58.10811337308168, + "mrr": 71.56410763751482, + "main_score": 58.10811337308168 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/BIOSSES.json b/results/intfloat__e5-small-v2/external/BIOSSES.json new file mode 100644 index 000000000..3b97c25f3 --- /dev/null +++ b/results/intfloat__e5-small-v2/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 78.46834918248696, + "cos_sim_spearman": 79.4289182755206, + "euclidean_pearson": 76.26662973727008, + "euclidean_spearman": 78.11744260952536, + "manhattan_pearson": 76.08175262609434, + "manhattan_spearman": 78.29395265552289, + "cosine_pearson": 78.46834918248696, + "cosine_spearman": 79.4289182755206, + "main_score": 79.4289182755206 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/Banking77Classification.json b/results/intfloat__e5-small-v2/external/Banking77Classification.json new file mode 100644 index 000000000..e2eab7250 --- /dev/null +++ b/results/intfloat__e5-small-v2/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 81.63636363636364, + "f1": 81.55779952376953, + "main_score": 81.63636363636364 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/BiorxivClusteringP2P.json b/results/intfloat__e5-small-v2/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..8eac7a112 --- /dev/null +++ b/results/intfloat__e5-small-v2/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.88541137137571, + "main_score": 35.88541137137571 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/BiorxivClusteringS2S.json b/results/intfloat__e5-small-v2/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..f57075733 --- /dev/null +++ b/results/intfloat__e5-small-v2/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.05205685274407, + "main_score": 30.05205685274407 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/CQADupstackAndroidRetrieval.json b/results/intfloat__e5-small-v2/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..49cf6eedd --- /dev/null +++ b/results/intfloat__e5-small-v2/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.293999999999997, + "map_at_10": 39.876, + "map_at_100": 41.315000000000005, + "map_at_1000": 41.451, + "map_at_3": 37.194, + "map_at_5": 38.728, + "mrr_at_1": 37.053000000000004, + "mrr_at_10": 45.281, + "mrr_at_100": 46.188, + "mrr_at_1000": 46.245999999999995, + "mrr_at_3": 43.228, + "mrr_at_5": 44.366, + "ndcg_at_1": 37.053000000000004, + "ndcg_at_10": 45.086, + "ndcg_at_100": 50.756, + "ndcg_at_1000": 53.123, + "ndcg_at_3": 41.416, + "ndcg_at_5": 43.098, + "precision_at_1": 37.053000000000004, + "precision_at_10": 8.34, + "precision_at_100": 1.346, + "precision_at_1000": 0.186, + "precision_at_3": 19.647000000000002, + "precision_at_5": 13.877, + "recall_at_1": 30.293999999999997, + "recall_at_10": 54.309, + "recall_at_100": 78.59, + "recall_at_1000": 93.82300000000001, + "recall_at_3": 43.168, + "recall_at_5": 48.192, + "main_score": 45.086 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.738000000000003, + "map_at_10": 36.925999999999995, + "map_at_100": 38.017, + "map_at_1000": 38.144, + "map_at_3": 34.446, + "map_at_5": 35.704, + "mrr_at_1": 35.478, + "mrr_at_10": 42.786, + "mrr_at_100": 43.458999999999996, + "mrr_at_1000": 43.507, + "mrr_at_3": 40.648, + "mrr_at_5": 41.804, + "ndcg_at_1": 35.478, + "ndcg_at_10": 42.044, + "ndcg_at_100": 46.249, + "ndcg_at_1000": 48.44, + "ndcg_at_3": 38.314, + "ndcg_at_5": 39.798, + "precision_at_1": 35.478, + "precision_at_10": 7.764, + "precision_at_100": 1.253, + "precision_at_1000": 0.174, + "precision_at_3": 18.047, + "precision_at_5": 12.637, + "recall_at_1": 28.738000000000003, + "recall_at_10": 50.659, + "recall_at_100": 68.76299999999999, + "recall_at_1000": 82.811, + "recall_at_3": 39.536, + "recall_at_5": 43.763999999999996, + "main_score": 42.044 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.565, + "map_at_10": 50.168, + "map_at_100": 51.11, + "map_at_1000": 51.173, + "map_at_3": 47.044000000000004, + "map_at_5": 48.838, + "mrr_at_1": 44.201, + "mrr_at_10": 53.596999999999994, + "mrr_at_100": 54.211, + "mrr_at_1000": 54.247, + "mrr_at_3": 51.202000000000005, + "mrr_at_5": 52.608999999999995, + "ndcg_at_1": 44.201, + "ndcg_at_10": 55.694, + "ndcg_at_100": 59.518, + "ndcg_at_1000": 60.907, + "ndcg_at_3": 50.395999999999994, + "ndcg_at_5": 53.022999999999996, + "precision_at_1": 44.201, + "precision_at_10": 8.84, + "precision_at_100": 1.162, + "precision_at_1000": 0.133, + "precision_at_3": 22.153, + "precision_at_5": 15.260000000000002, + "recall_at_1": 38.565, + "recall_at_10": 68.65, + "recall_at_100": 85.37400000000001, + "recall_at_1000": 95.37400000000001, + "recall_at_3": 54.645999999999994, + "recall_at_5": 60.958, + "main_score": 55.694 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.945, + "map_at_10": 30.641000000000002, + "map_at_100": 31.599, + "map_at_1000": 31.691000000000003, + "map_at_3": 28.405, + "map_at_5": 29.704000000000004, + "mrr_at_1": 25.537, + "mrr_at_10": 32.22, + "mrr_at_100": 33.138, + "mrr_at_1000": 33.214, + "mrr_at_3": 30.151, + "mrr_at_5": 31.298, + "ndcg_at_1": 25.537, + "ndcg_at_10": 34.638000000000005, + "ndcg_at_100": 39.486, + "ndcg_at_1000": 41.936, + "ndcg_at_3": 30.333, + "ndcg_at_5": 32.482, + "precision_at_1": 25.537, + "precision_at_10": 5.153, + "precision_at_100": 0.7929999999999999, + "precision_at_1000": 0.104, + "precision_at_3": 12.429, + "precision_at_5": 8.723, + "recall_at_1": 23.945, + "recall_at_10": 45.412, + "recall_at_100": 67.836, + "recall_at_1000": 86.467, + "recall_at_3": 34.031, + "recall_at_5": 39.039, + "main_score": 34.638000000000005 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 14.419, + "map_at_10": 20.858999999999998, + "map_at_100": 22.067999999999998, + "map_at_1000": 22.192, + "map_at_3": 18.673000000000002, + "map_at_5": 19.968, + "mrr_at_1": 17.785999999999998, + "mrr_at_10": 24.878, + "mrr_at_100": 26.021, + "mrr_at_1000": 26.095000000000002, + "mrr_at_3": 22.616, + "mrr_at_5": 23.785, + "ndcg_at_1": 17.785999999999998, + "ndcg_at_10": 25.153, + "ndcg_at_100": 31.05, + "ndcg_at_1000": 34.052, + "ndcg_at_3": 21.117, + "ndcg_at_5": 23.048, + "precision_at_1": 17.785999999999998, + "precision_at_10": 4.590000000000001, + "precision_at_100": 0.864, + "precision_at_1000": 0.125, + "precision_at_3": 9.908999999999999, + "precision_at_5": 7.313, + "recall_at_1": 14.419, + "recall_at_10": 34.477999999999994, + "recall_at_100": 60.02499999999999, + "recall_at_1000": 81.646, + "recall_at_3": 23.515, + "recall_at_5": 28.266999999999996, + "main_score": 25.153 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.268, + "map_at_10": 35.114000000000004, + "map_at_100": 36.212, + "map_at_1000": 36.333, + "map_at_3": 32.436, + "map_at_5": 33.992, + "mrr_at_1": 31.761, + "mrr_at_10": 40.355999999999995, + "mrr_at_100": 41.125, + "mrr_at_1000": 41.186, + "mrr_at_3": 37.937, + "mrr_at_5": 39.463, + "ndcg_at_1": 31.761, + "ndcg_at_10": 40.422000000000004, + "ndcg_at_100": 45.458999999999996, + "ndcg_at_1000": 47.951, + "ndcg_at_3": 35.972, + "ndcg_at_5": 38.272, + "precision_at_1": 31.761, + "precision_at_10": 7.103, + "precision_at_100": 1.133, + "precision_at_1000": 0.152, + "precision_at_3": 16.779, + "precision_at_5": 11.877, + "recall_at_1": 26.268, + "recall_at_10": 51.053000000000004, + "recall_at_100": 72.702, + "recall_at_1000": 89.521, + "recall_at_3": 38.619, + "recall_at_5": 44.671, + "main_score": 40.422000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.230999999999998, + "map_at_10": 34.227000000000004, + "map_at_100": 35.370000000000005, + "map_at_1000": 35.488, + "map_at_3": 31.496000000000002, + "map_at_5": 33.034, + "mrr_at_1": 30.822, + "mrr_at_10": 39.045, + "mrr_at_100": 39.809, + "mrr_at_1000": 39.873, + "mrr_at_3": 36.663000000000004, + "mrr_at_5": 37.964, + "ndcg_at_1": 30.822, + "ndcg_at_10": 39.472, + "ndcg_at_100": 44.574999999999996, + "ndcg_at_1000": 47.162, + "ndcg_at_3": 34.929, + "ndcg_at_5": 37.002, + "precision_at_1": 30.822, + "precision_at_10": 7.055, + "precision_at_100": 1.124, + "precision_at_1000": 0.152, + "precision_at_3": 16.591, + "precision_at_5": 11.667, + "recall_at_1": 25.230999999999998, + "recall_at_10": 50.42100000000001, + "recall_at_100": 72.685, + "recall_at_1000": 90.469, + "recall_at_3": 37.503, + "recall_at_5": 43.123, + "main_score": 39.472 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.604166666666664, + "map_at_10": 32.427166666666665, + "map_at_100": 33.51474999999999, + "map_at_1000": 33.6345, + "map_at_3": 30.02366666666667, + "map_at_5": 31.382333333333328, + "mrr_at_1": 29.001166666666666, + "mrr_at_10": 36.3315, + "mrr_at_100": 37.16683333333333, + "mrr_at_1000": 37.23341666666668, + "mrr_at_3": 34.19916666666667, + "mrr_at_5": 35.40458333333334, + "ndcg_at_1": 29.001166666666666, + "ndcg_at_10": 37.06883333333334, + "ndcg_at_100": 41.95816666666666, + "ndcg_at_1000": 44.501583333333336, + "ndcg_at_3": 32.973499999999994, + "ndcg_at_5": 34.90833333333334, + "precision_at_1": 29.001166666666666, + "precision_at_10": 6.336, + "precision_at_100": 1.0282499999999999, + "precision_at_1000": 0.14391666666666664, + "precision_at_3": 14.932499999999996, + "precision_at_5": 10.50825, + "recall_at_1": 24.604166666666664, + "recall_at_10": 46.9525, + "recall_at_100": 68.67816666666667, + "recall_at_1000": 86.59783333333334, + "recall_at_3": 35.49783333333333, + "recall_at_5": 40.52525000000001, + "main_score": 37.06883333333334 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.559, + "map_at_10": 29.023, + "map_at_100": 29.818, + "map_at_1000": 29.909000000000002, + "map_at_3": 27.037, + "map_at_5": 28.225, + "mrr_at_1": 26.994, + "mrr_at_10": 31.962000000000003, + "mrr_at_100": 32.726, + "mrr_at_1000": 32.800000000000004, + "mrr_at_3": 30.266, + "mrr_at_5": 31.208999999999996, + "ndcg_at_1": 26.994, + "ndcg_at_10": 32.53, + "ndcg_at_100": 36.758, + "ndcg_at_1000": 39.362, + "ndcg_at_3": 28.985, + "ndcg_at_5": 30.757, + "precision_at_1": 26.994, + "precision_at_10": 4.968999999999999, + "precision_at_100": 0.759, + "precision_at_1000": 0.106, + "precision_at_3": 12.219, + "precision_at_5": 8.527999999999999, + "recall_at_1": 23.559, + "recall_at_10": 40.585, + "recall_at_100": 60.306000000000004, + "recall_at_1000": 80.11, + "recall_at_3": 30.794, + "recall_at_5": 35.186, + "main_score": 32.53 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.384999999999998, + "map_at_10": 22.142, + "map_at_100": 23.057, + "map_at_1000": 23.177, + "map_at_3": 20.29, + "map_at_5": 21.332, + "mrr_at_1": 19.89, + "mrr_at_10": 25.771, + "mrr_at_100": 26.599, + "mrr_at_1000": 26.680999999999997, + "mrr_at_3": 23.962, + "mrr_at_5": 24.934, + "ndcg_at_1": 19.89, + "ndcg_at_10": 25.97, + "ndcg_at_100": 30.605, + "ndcg_at_1000": 33.619, + "ndcg_at_3": 22.704, + "ndcg_at_5": 24.199, + "precision_at_1": 19.89, + "precision_at_10": 4.553, + "precision_at_100": 0.8049999999999999, + "precision_at_1000": 0.122, + "precision_at_3": 10.541, + "precision_at_5": 7.46, + "recall_at_1": 16.384999999999998, + "recall_at_10": 34.001, + "recall_at_100": 55.17100000000001, + "recall_at_1000": 77.125, + "recall_at_3": 24.618000000000002, + "recall_at_5": 28.695999999999998, + "main_score": 25.97 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.726, + "map_at_10": 31.227, + "map_at_100": 32.311, + "map_at_1000": 32.419, + "map_at_3": 28.765, + "map_at_5": 30.229, + "mrr_at_1": 27.705000000000002, + "mrr_at_10": 35.085, + "mrr_at_100": 35.931000000000004, + "mrr_at_1000": 36, + "mrr_at_3": 32.603, + "mrr_at_5": 34.117999999999995, + "ndcg_at_1": 27.705000000000002, + "ndcg_at_10": 35.968, + "ndcg_at_100": 41.197, + "ndcg_at_1000": 43.76, + "ndcg_at_3": 31.304, + "ndcg_at_5": 33.661, + "precision_at_1": 27.705000000000002, + "precision_at_10": 5.942, + "precision_at_100": 0.964, + "precision_at_1000": 0.13, + "precision_at_3": 13.868, + "precision_at_5": 9.944, + "recall_at_1": 23.726, + "recall_at_10": 46.786, + "recall_at_100": 70.072, + "recall_at_1000": 88.2, + "recall_at_3": 33.981, + "recall_at_5": 39.893, + "main_score": 35.968 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.344, + "map_at_10": 31.636999999999997, + "map_at_100": 33.065, + "map_at_1000": 33.300000000000004, + "map_at_3": 29.351, + "map_at_5": 30.432, + "mrr_at_1": 27.866000000000003, + "mrr_at_10": 35.587, + "mrr_at_100": 36.52, + "mrr_at_1000": 36.597, + "mrr_at_3": 33.696, + "mrr_at_5": 34.713, + "ndcg_at_1": 27.866000000000003, + "ndcg_at_10": 36.61, + "ndcg_at_100": 41.88, + "ndcg_at_1000": 45.105000000000004, + "ndcg_at_3": 33.038000000000004, + "ndcg_at_5": 34.331, + "precision_at_1": 27.866000000000003, + "precision_at_10": 6.917, + "precision_at_100": 1.3599999999999999, + "precision_at_1000": 0.233, + "precision_at_3": 15.547, + "precision_at_5": 10.791, + "recall_at_1": 23.344, + "recall_at_10": 45.782000000000004, + "recall_at_100": 69.503, + "recall_at_1000": 90.742, + "recall_at_3": 35.160000000000004, + "recall_at_5": 39.058, + "main_score": 36.61 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.776, + "map_at_10": 27.285999999999998, + "map_at_100": 28.235, + "map_at_1000": 28.337, + "map_at_3": 25.147000000000002, + "map_at_5": 26.401999999999997, + "mrr_at_1": 22.921, + "mrr_at_10": 29.409999999999997, + "mrr_at_100": 30.275000000000002, + "mrr_at_1000": 30.354999999999997, + "mrr_at_3": 27.418, + "mrr_at_5": 28.592000000000002, + "ndcg_at_1": 22.921, + "ndcg_at_10": 31.239, + "ndcg_at_100": 35.965, + "ndcg_at_1000": 38.602, + "ndcg_at_3": 27.174, + "ndcg_at_5": 29.229, + "precision_at_1": 22.921, + "precision_at_10": 4.806, + "precision_at_100": 0.776, + "precision_at_1000": 0.11, + "precision_at_3": 11.459999999999999, + "precision_at_5": 8.022, + "recall_at_1": 20.776, + "recall_at_10": 41.294, + "recall_at_100": 63.111, + "recall_at_1000": 82.88600000000001, + "recall_at_3": 30.403000000000002, + "recall_at_5": 35.455999999999996, + "main_score": 31.239 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/ClimateFEVER.json b/results/intfloat__e5-small-v2/external/ClimateFEVER.json new file mode 100644 index 000000000..ead6ba567 --- /dev/null +++ b/results/intfloat__e5-small-v2/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.376, + "map_at_10": 15.926000000000002, + "map_at_100": 17.585, + "map_at_1000": 17.776, + "map_at_3": 13.014000000000001, + "map_at_5": 14.417, + "mrr_at_1": 20.195, + "mrr_at_10": 29.95, + "mrr_at_100": 31.052000000000003, + "mrr_at_1000": 31.108000000000004, + "mrr_at_3": 26.667, + "mrr_at_5": 28.458, + "ndcg_at_1": 20.195, + "ndcg_at_10": 22.871, + "ndcg_at_100": 29.921999999999997, + "ndcg_at_1000": 33.672999999999995, + "ndcg_at_3": 17.782999999999998, + "ndcg_at_5": 19.544, + "precision_at_1": 20.195, + "precision_at_10": 7.394, + "precision_at_100": 1.493, + "precision_at_1000": 0.218, + "precision_at_3": 13.073, + "precision_at_5": 10.436, + "recall_at_1": 9.376, + "recall_at_10": 28.544999999999998, + "recall_at_100": 53.147999999999996, + "recall_at_1000": 74.62, + "recall_at_3": 16.464000000000002, + "recall_at_5": 21.004, + "main_score": 22.871 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/DBPedia.json b/results/intfloat__e5-small-v2/external/DBPedia.json new file mode 100644 index 000000000..1214ebf9c --- /dev/null +++ b/results/intfloat__e5-small-v2/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.415000000000001, + "map_at_10": 18.738, + "map_at_100": 27.291999999999998, + "map_at_1000": 28.992, + "map_at_3": 13.196, + "map_at_5": 15.539, + "mrr_at_1": 66.5, + "mrr_at_10": 74.518, + "mrr_at_100": 74.86, + "mrr_at_1000": 74.87, + "mrr_at_3": 72.375, + "mrr_at_5": 73.86200000000001, + "ndcg_at_1": 54.37499999999999, + "ndcg_at_10": 41.317, + "ndcg_at_100": 45.845, + "ndcg_at_1000": 52.92, + "ndcg_at_3": 44.983000000000004, + "ndcg_at_5": 42.989, + "precision_at_1": 66.5, + "precision_at_10": 33.6, + "precision_at_100": 10.972999999999999, + "precision_at_1000": 2.214, + "precision_at_3": 48.583, + "precision_at_5": 42.15, + "recall_at_1": 8.415000000000001, + "recall_at_10": 24.953, + "recall_at_100": 52.48199999999999, + "recall_at_1000": 75.093, + "recall_at_3": 14.341000000000001, + "recall_at_5": 18.468, + "main_score": 41.317 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/EmotionClassification.json b/results/intfloat__e5-small-v2/external/EmotionClassification.json new file mode 100644 index 000000000..8b54410b1 --- /dev/null +++ b/results/intfloat__e5-small-v2/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 47.06499999999999, + "f1": 41.439327599975385, + "main_score": 47.06499999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/FEVER.json b/results/intfloat__e5-small-v2/external/FEVER.json new file mode 100644 index 000000000..8566438c6 --- /dev/null +++ b/results/intfloat__e5-small-v2/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 66.02, + "map_at_10": 76.68599999999999, + "map_at_100": 76.959, + "map_at_1000": 76.972, + "map_at_3": 75.024, + "map_at_5": 76.153, + "mrr_at_1": 71.197, + "mrr_at_10": 81.105, + "mrr_at_100": 81.232, + "mrr_at_1000": 81.233, + "mrr_at_3": 79.758, + "mrr_at_5": 80.69, + "ndcg_at_1": 71.197, + "ndcg_at_10": 81.644, + "ndcg_at_100": 82.645, + "ndcg_at_1000": 82.879, + "ndcg_at_3": 78.792, + "ndcg_at_5": 80.528, + "precision_at_1": 71.197, + "precision_at_10": 10.206999999999999, + "precision_at_100": 1.093, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 30.868000000000002, + "precision_at_5": 19.559, + "recall_at_1": 66.02, + "recall_at_10": 92.50699999999999, + "recall_at_100": 96.497, + "recall_at_1000": 97.956, + "recall_at_3": 84.866, + "recall_at_5": 89.16199999999999, + "main_score": 81.644 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/FiQA2018.json b/results/intfloat__e5-small-v2/external/FiQA2018.json new file mode 100644 index 000000000..689462207 --- /dev/null +++ b/results/intfloat__e5-small-v2/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.948, + "map_at_10": 29.833, + "map_at_100": 31.487, + "map_at_1000": 31.674000000000003, + "map_at_3": 26.029999999999998, + "map_at_5": 28.038999999999998, + "mrr_at_1": 34.721999999999994, + "mrr_at_10": 44.214999999999996, + "mrr_at_100": 44.994, + "mrr_at_1000": 45.051, + "mrr_at_3": 41.667, + "mrr_at_5": 43.032, + "ndcg_at_1": 34.721999999999994, + "ndcg_at_10": 37.434, + "ndcg_at_100": 43.702000000000005, + "ndcg_at_1000": 46.993, + "ndcg_at_3": 33.56, + "ndcg_at_5": 34.687, + "precision_at_1": 34.721999999999994, + "precision_at_10": 10.401, + "precision_at_100": 1.7049999999999998, + "precision_at_1000": 0.22799999999999998, + "precision_at_3": 22.531000000000002, + "precision_at_5": 16.42, + "recall_at_1": 17.948, + "recall_at_10": 45.062999999999995, + "recall_at_100": 68.191, + "recall_at_1000": 87.954, + "recall_at_3": 31.112000000000002, + "recall_at_5": 36.823, + "main_score": 37.434 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/HotpotQA.json b/results/intfloat__e5-small-v2/external/HotpotQA.json new file mode 100644 index 000000000..682dfc45a --- /dev/null +++ b/results/intfloat__e5-small-v2/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 36.644, + "map_at_10": 57.658, + "map_at_100": 58.562000000000005, + "map_at_1000": 58.62500000000001, + "map_at_3": 54.022999999999996, + "map_at_5": 56.293000000000006, + "mrr_at_1": 73.288, + "mrr_at_10": 80.51700000000001, + "mrr_at_100": 80.72, + "mrr_at_1000": 80.728, + "mrr_at_3": 79.33200000000001, + "mrr_at_5": 80.085, + "ndcg_at_1": 73.288, + "ndcg_at_10": 66.61, + "ndcg_at_100": 69.723, + "ndcg_at_1000": 70.96000000000001, + "ndcg_at_3": 61.358999999999995, + "ndcg_at_5": 64.277, + "precision_at_1": 73.288, + "precision_at_10": 14.17, + "precision_at_100": 1.659, + "precision_at_1000": 0.182, + "precision_at_3": 39.487, + "precision_at_5": 25.999, + "recall_at_1": 36.644, + "recall_at_10": 70.851, + "recall_at_100": 82.94399999999999, + "recall_at_1000": 91.134, + "recall_at_3": 59.230000000000004, + "recall_at_5": 64.997, + "main_score": 66.61 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/ImdbClassification.json b/results/intfloat__e5-small-v2/external/ImdbClassification.json new file mode 100644 index 000000000..c40b60617 --- /dev/null +++ b/results/intfloat__e5-small-v2/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.00280000000001, + "ap": 80.46302061021223, + "f1": 85.9592921596419, + "main_score": 86.00280000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/MSMARCO.json b/results/intfloat__e5-small-v2/external/MSMARCO.json new file mode 100644 index 000000000..bc0ecec10 --- /dev/null +++ b/results/intfloat__e5-small-v2/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.541, + "map_at_10": 34.625, + "map_at_100": 35.785, + "map_at_1000": 35.831, + "map_at_3": 30.823, + "map_at_5": 32.967999999999996, + "mrr_at_1": 23.180999999999997, + "mrr_at_10": 35.207, + "mrr_at_100": 36.315, + "mrr_at_1000": 36.355, + "mrr_at_3": 31.483, + "mrr_at_5": 33.589999999999996, + "ndcg_at_1": 23.195, + "ndcg_at_10": 41.461, + "ndcg_at_100": 47.032000000000004, + "ndcg_at_1000": 48.199999999999996, + "ndcg_at_3": 33.702, + "ndcg_at_5": 37.522, + "precision_at_1": 23.195, + "precision_at_10": 6.526999999999999, + "precision_at_100": 0.932, + "precision_at_1000": 0.10300000000000001, + "precision_at_3": 14.308000000000002, + "precision_at_5": 10.507, + "recall_at_1": 22.541, + "recall_at_10": 62.524, + "recall_at_100": 88.228, + "recall_at_1000": 97.243, + "recall_at_3": 41.38, + "recall_at_5": 50.55, + "main_score": 41.461 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/MTOPDomainClassification.json b/results/intfloat__e5-small-v2/external/MTOPDomainClassification.json new file mode 100644 index 000000000..990879ceb --- /dev/null +++ b/results/intfloat__e5-small-v2/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.69949840401279, + "f1": 92.54141471311786, + "main_score": 92.69949840401279 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/MTOPIntentClassification.json b/results/intfloat__e5-small-v2/external/MTOPIntentClassification.json new file mode 100644 index 000000000..85cce3075 --- /dev/null +++ b/results/intfloat__e5-small-v2/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.56041951664386, + "f1": 55.88499977508287, + "main_score": 72.56041951664386 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/MassiveIntentClassification.json b/results/intfloat__e5-small-v2/external/MassiveIntentClassification.json new file mode 100644 index 000000000..4a6c28a35 --- /dev/null +++ b/results/intfloat__e5-small-v2/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.62071284465365, + "f1": 69.36717546572152, + "main_score": 71.62071284465365 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/MassiveScenarioClassification.json b/results/intfloat__e5-small-v2/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..2af576f7f --- /dev/null +++ b/results/intfloat__e5-small-v2/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.35843981170142, + "f1": 76.15496453538884, + "main_score": 76.35843981170142 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/MedrxivClusteringP2P.json b/results/intfloat__e5-small-v2/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..aede64c41 --- /dev/null +++ b/results/intfloat__e5-small-v2/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.33664956793118, + "main_score": 31.33664956793118 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/MedrxivClusteringS2S.json b/results/intfloat__e5-small-v2/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..af3eadf8a --- /dev/null +++ b/results/intfloat__e5-small-v2/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 27.883839621715524, + "main_score": 27.883839621715524 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/MindSmallReranking.json b/results/intfloat__e5-small-v2/external/MindSmallReranking.json new file mode 100644 index 000000000..fc63cfe78 --- /dev/null +++ b/results/intfloat__e5-small-v2/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 30.096874986740758, + "mrr": 30.97300481932132, + "main_score": 30.096874986740758 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/NFCorpus.json b/results/intfloat__e5-small-v2/external/NFCorpus.json new file mode 100644 index 000000000..cb9d5b2d0 --- /dev/null +++ b/results/intfloat__e5-small-v2/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.4, + "map_at_10": 11.852, + "map_at_100": 14.758, + "map_at_1000": 16.134, + "map_at_3": 8.558, + "map_at_5": 10.087, + "mrr_at_1": 44.272, + "mrr_at_10": 52.05800000000001, + "mrr_at_100": 52.689, + "mrr_at_1000": 52.742999999999995, + "mrr_at_3": 50.205999999999996, + "mrr_at_5": 51.367, + "ndcg_at_1": 42.57, + "ndcg_at_10": 32.449, + "ndcg_at_100": 29.596, + "ndcg_at_1000": 38.351, + "ndcg_at_3": 37.044, + "ndcg_at_5": 35.275, + "precision_at_1": 44.272, + "precision_at_10": 23.87, + "precision_at_100": 7.625, + "precision_at_1000": 2.045, + "precision_at_3": 34.365, + "precision_at_5": 30.341, + "recall_at_1": 5.4, + "recall_at_10": 15.943999999999999, + "recall_at_100": 29.805, + "recall_at_1000": 61.695, + "recall_at_3": 9.539, + "recall_at_5": 12.127, + "main_score": 32.449 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/NQ.json b/results/intfloat__e5-small-v2/external/NQ.json new file mode 100644 index 000000000..cf5c78c4e --- /dev/null +++ b/results/intfloat__e5-small-v2/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 36.047000000000004, + "map_at_10": 51.6, + "map_at_100": 52.449999999999996, + "map_at_1000": 52.476, + "map_at_3": 47.452, + "map_at_5": 49.964, + "mrr_at_1": 40.382, + "mrr_at_10": 54.273, + "mrr_at_100": 54.859, + "mrr_at_1000": 54.876000000000005, + "mrr_at_3": 51.014, + "mrr_at_5": 52.983999999999995, + "ndcg_at_1": 40.353, + "ndcg_at_10": 59.11300000000001, + "ndcg_at_100": 62.604000000000006, + "ndcg_at_1000": 63.187000000000005, + "ndcg_at_3": 51.513, + "ndcg_at_5": 55.576, + "precision_at_1": 40.353, + "precision_at_10": 9.418, + "precision_at_100": 1.1440000000000001, + "precision_at_1000": 0.12, + "precision_at_3": 23.078000000000003, + "precision_at_5": 16.250999999999998, + "recall_at_1": 36.047000000000004, + "recall_at_10": 79.22200000000001, + "recall_at_100": 94.23, + "recall_at_1000": 98.51100000000001, + "recall_at_3": 59.678, + "recall_at_5": 68.967, + "main_score": 59.11300000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/QuoraRetrieval.json b/results/intfloat__e5-small-v2/external/QuoraRetrieval.json new file mode 100644 index 000000000..ea360d0b1 --- /dev/null +++ b/results/intfloat__e5-small-v2/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 68.232, + "map_at_10": 81.674, + "map_at_100": 82.338, + "map_at_1000": 82.36099999999999, + "map_at_3": 78.833, + "map_at_5": 80.58, + "mrr_at_1": 78.64, + "mrr_at_10": 85.164, + "mrr_at_100": 85.317, + "mrr_at_1000": 85.319, + "mrr_at_3": 84.127, + "mrr_at_5": 84.789, + "ndcg_at_1": 78.63, + "ndcg_at_10": 85.711, + "ndcg_at_100": 87.238, + "ndcg_at_1000": 87.444, + "ndcg_at_3": 82.788, + "ndcg_at_5": 84.313, + "precision_at_1": 78.63, + "precision_at_10": 12.977, + "precision_at_100": 1.503, + "precision_at_1000": 0.156, + "precision_at_3": 36.113, + "precision_at_5": 23.71, + "recall_at_1": 68.232, + "recall_at_10": 93.30199999999999, + "recall_at_100": 98.799, + "recall_at_1000": 99.885, + "recall_at_3": 84.827, + "recall_at_5": 89.188, + "main_score": 85.711 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/RedditClustering.json b/results/intfloat__e5-small-v2/external/RedditClustering.json new file mode 100644 index 000000000..63e722449 --- /dev/null +++ b/results/intfloat__e5-small-v2/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 45.71879170816294, + "main_score": 45.71879170816294 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/RedditClusteringP2P.json b/results/intfloat__e5-small-v2/external/RedditClusteringP2P.json new file mode 100644 index 000000000..ac409eee3 --- /dev/null +++ b/results/intfloat__e5-small-v2/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 59.65866311751794, + "main_score": 59.65866311751794 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/SCIDOCS.json b/results/intfloat__e5-small-v2/external/SCIDOCS.json new file mode 100644 index 000000000..c0ee8b889 --- /dev/null +++ b/results/intfloat__e5-small-v2/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.218, + "map_at_10": 10.337, + "map_at_100": 12.131, + "map_at_1000": 12.411, + "map_at_3": 7.4270000000000005, + "map_at_5": 8.913, + "mrr_at_1": 20.8, + "mrr_at_10": 30.868000000000002, + "mrr_at_100": 31.903, + "mrr_at_1000": 31.972, + "mrr_at_3": 27.367, + "mrr_at_5": 29.372, + "ndcg_at_1": 20.8, + "ndcg_at_10": 17.765, + "ndcg_at_100": 24.914, + "ndcg_at_1000": 30.206, + "ndcg_at_3": 16.64, + "ndcg_at_5": 14.712, + "precision_at_1": 20.8, + "precision_at_10": 9.24, + "precision_at_100": 1.9560000000000002, + "precision_at_1000": 0.32299999999999995, + "precision_at_3": 15.467, + "precision_at_5": 12.94, + "recall_at_1": 4.218, + "recall_at_10": 18.752, + "recall_at_100": 39.7, + "recall_at_1000": 65.57300000000001, + "recall_at_3": 9.428, + "recall_at_5": 13.133000000000001, + "main_score": 17.765 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/SICK-R.json b/results/intfloat__e5-small-v2/external/SICK-R.json new file mode 100644 index 000000000..d37b79953 --- /dev/null +++ b/results/intfloat__e5-small-v2/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.04338850207233, + "cos_sim_spearman": 78.5054651430423, + "euclidean_pearson": 80.30739451228612, + "euclidean_spearman": 78.48377464299097, + "manhattan_pearson": 80.40795049052781, + "manhattan_spearman": 78.49506205443114, + "cosine_pearson": 83.04338850207233, + "cosine_spearman": 78.5054651430423, + "main_score": 78.5054651430423 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/STS12.json b/results/intfloat__e5-small-v2/external/STS12.json new file mode 100644 index 000000000..651960fab --- /dev/null +++ b/results/intfloat__e5-small-v2/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.11596224442962, + "cos_sim_spearman": 76.20997388935461, + "euclidean_pearson": 80.56858451349109, + "euclidean_spearman": 75.92659183871186, + "manhattan_pearson": 80.60246102203844, + "manhattan_spearman": 76.03018971432664, + "cosine_pearson": 84.11596224442962, + "cosine_spearman": 76.20997388935461, + "main_score": 76.20997388935461 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/STS13.json b/results/intfloat__e5-small-v2/external/STS13.json new file mode 100644 index 000000000..e1e9f293f --- /dev/null +++ b/results/intfloat__e5-small-v2/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.34691640755737, + "cos_sim_spearman": 82.4018369631579, + "euclidean_pearson": 81.87673092245366, + "euclidean_spearman": 82.3671489960678, + "manhattan_pearson": 81.88222387719948, + "manhattan_spearman": 82.3816590344736, + "cosine_pearson": 81.34691640755737, + "cosine_spearman": 82.4018369631579, + "main_score": 82.4018369631579 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/STS14.json b/results/intfloat__e5-small-v2/external/STS14.json new file mode 100644 index 000000000..29c81e0a5 --- /dev/null +++ b/results/intfloat__e5-small-v2/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.2836092579524, + "cos_sim_spearman": 78.99982781772064, + "euclidean_pearson": 80.5184271010527, + "euclidean_spearman": 78.89777392101904, + "manhattan_pearson": 80.53585705018664, + "manhattan_spearman": 78.92898405472994, + "cosine_pearson": 81.2836092579524, + "cosine_spearman": 78.99982781772064, + "main_score": 78.99982781772064 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/STS15.json b/results/intfloat__e5-small-v2/external/STS15.json new file mode 100644 index 000000000..20b0b28f4 --- /dev/null +++ b/results/intfloat__e5-small-v2/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.7349907750784, + "cos_sim_spearman": 87.7611234446225, + "euclidean_pearson": 86.98759326731624, + "euclidean_spearman": 87.58321319424618, + "manhattan_pearson": 87.03483090370842, + "manhattan_spearman": 87.63278333060288, + "cosine_pearson": 86.7349907750784, + "cosine_spearman": 87.7611234446225, + "main_score": 87.7611234446225 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/STS16.json b/results/intfloat__e5-small-v2/external/STS16.json new file mode 100644 index 000000000..ed8348500 --- /dev/null +++ b/results/intfloat__e5-small-v2/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.75873694924825, + "cos_sim_spearman": 83.80237999094724, + "euclidean_pearson": 83.55023725861537, + "euclidean_spearman": 84.12744338577744, + "manhattan_pearson": 83.58816983036232, + "manhattan_spearman": 84.18520748676501, + "cosine_pearson": 81.75873694924825, + "cosine_spearman": 83.80237999094724, + "main_score": 83.80237999094724 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/STS17.json b/results/intfloat__e5-small-v2/external/STS17.json new file mode 100644 index 000000000..9e81053e9 --- /dev/null +++ b/results/intfloat__e5-small-v2/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.21630882940174, + "cos_sim_spearman": 87.72382883437031, + "euclidean_pearson": 88.69933350930333, + "euclidean_spearman": 88.24660814383081, + "manhattan_pearson": 88.77331018833499, + "manhattan_spearman": 88.26109989380632, + "cosine_pearson": 87.21630882940174, + "cosine_spearman": 87.72382883437031, + "main_score": 87.72382883437031 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/STS22.json b/results/intfloat__e5-small-v2/external/STS22.json new file mode 100644 index 000000000..005994f8b --- /dev/null +++ b/results/intfloat__e5-small-v2/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 61.11854063060489, + "cos_sim_spearman": 63.14678634195072, + "euclidean_pearson": 61.679090067000864, + "euclidean_spearman": 62.28876589509653, + "manhattan_pearson": 62.082324165511004, + "manhattan_spearman": 62.56030932816679, + "cosine_pearson": 61.11854063060489, + "cosine_spearman": 63.14678634195072, + "main_score": 63.14678634195072 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/STSBenchmark.json b/results/intfloat__e5-small-v2/external/STSBenchmark.json new file mode 100644 index 000000000..d965a6be2 --- /dev/null +++ b/results/intfloat__e5-small-v2/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.00319882832645, + "cos_sim_spearman": 85.94529772647257, + "euclidean_pearson": 85.6661390122756, + "euclidean_spearman": 85.97747815545827, + "manhattan_pearson": 85.58422770541893, + "manhattan_spearman": 85.9237139181532, + "cosine_pearson": 84.00319882832645, + "cosine_spearman": 85.94529772647257, + "main_score": 85.94529772647257 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/SciDocsRR.json b/results/intfloat__e5-small-v2/external/SciDocsRR.json new file mode 100644 index 000000000..a15add04d --- /dev/null +++ b/results/intfloat__e5-small-v2/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 79.16198731863916, + "mrr": 94.25202702163487, + "main_score": 79.16198731863916 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/SciFact.json b/results/intfloat__e5-small-v2/external/SciFact.json new file mode 100644 index 000000000..1559f1295 --- /dev/null +++ b/results/intfloat__e5-small-v2/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 54.761, + "map_at_10": 64.396, + "map_at_100": 65.07, + "map_at_1000": 65.09899999999999, + "map_at_3": 61.846000000000004, + "map_at_5": 63.284, + "mrr_at_1": 57.667, + "mrr_at_10": 65.83099999999999, + "mrr_at_100": 66.36800000000001, + "mrr_at_1000": 66.39399999999999, + "mrr_at_3": 64.056, + "mrr_at_5": 65.206, + "ndcg_at_1": 57.667, + "ndcg_at_10": 68.854, + "ndcg_at_100": 71.59100000000001, + "ndcg_at_1000": 72.383, + "ndcg_at_3": 64.671, + "ndcg_at_5": 66.796, + "precision_at_1": 57.667, + "precision_at_10": 9.167, + "precision_at_100": 1.053, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 25.444, + "precision_at_5": 16.667, + "recall_at_1": 54.761, + "recall_at_10": 80.9, + "recall_at_100": 92.767, + "recall_at_1000": 99, + "recall_at_3": 69.672, + "recall_at_5": 75.083, + "main_score": 68.854 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/SprintDuplicateQuestions.json b/results/intfloat__e5-small-v2/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..a868b96b5 --- /dev/null +++ b/results/intfloat__e5-small-v2/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.8079207920792, + "cos_sim_ap": 94.88470927617445, + "cos_sim_f1": 90.08179959100204, + "cos_sim_precision": 92.15481171548117, + "cos_sim_recall": 88.1, + "dot_accuracy": 99.58613861386138, + "dot_ap": 82.94822578881316, + "dot_f1": 77.33333333333333, + "dot_precision": 79.36842105263158, + "dot_recall": 75.4, + "euclidean_accuracy": 99.8069306930693, + "euclidean_ap": 94.81367858031837, + "euclidean_f1": 90.01009081735621, + "euclidean_precision": 90.83503054989816, + "euclidean_recall": 89.2, + "manhattan_accuracy": 99.81188118811882, + "manhattan_ap": 94.91405337220161, + "manhattan_f1": 90.2763561924258, + "manhattan_precision": 92.45283018867924, + "manhattan_recall": 88.2, + "max_accuracy": 99.81188118811882, + "max_ap": 94.91405337220161, + "max_f1": 90.2763561924258, + "main_score": 94.91405337220161 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/StackExchangeClustering.json b/results/intfloat__e5-small-v2/external/StackExchangeClustering.json new file mode 100644 index 000000000..74dbc0e92 --- /dev/null +++ b/results/intfloat__e5-small-v2/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 58.511599500053094, + "main_score": 58.511599500053094 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/StackExchangeClusteringP2P.json b/results/intfloat__e5-small-v2/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..01510afde --- /dev/null +++ b/results/intfloat__e5-small-v2/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.984728147814707, + "main_score": 31.984728147814707 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/StackOverflowDupQuestions.json b/results/intfloat__e5-small-v2/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..3f0aec6a2 --- /dev/null +++ b/results/intfloat__e5-small-v2/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 49.93428193939015, + "mrr": 50.916557911043206, + "main_score": 49.93428193939015 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/SummEval.json b/results/intfloat__e5-small-v2/external/SummEval.json new file mode 100644 index 000000000..c20e1b448 --- /dev/null +++ b/results/intfloat__e5-small-v2/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.562500894537145, + "cos_sim_spearman": 31.162587976726307, + "dot_pearson": 22.633662187735762, + "dot_spearman": 22.723000282378962, + "cosine_pearson": 31.562500894537145, + "cosine_spearman": 31.162587976726307, + "main_score": 31.162587976726307 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/TRECCOVID.json b/results/intfloat__e5-small-v2/external/TRECCOVID.json new file mode 100644 index 000000000..fa7ba850a --- /dev/null +++ b/results/intfloat__e5-small-v2/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.219, + "map_at_10": 1.871, + "map_at_100": 10.487, + "map_at_1000": 25.122, + "map_at_3": 0.657, + "map_at_5": 1.0699999999999998, + "mrr_at_1": 84, + "mrr_at_10": 89.567, + "mrr_at_100": 89.748, + "mrr_at_1000": 89.748, + "mrr_at_3": 88.667, + "mrr_at_5": 89.567, + "ndcg_at_1": 80, + "ndcg_at_10": 74.533, + "ndcg_at_100": 55.839000000000006, + "ndcg_at_1000": 49.748, + "ndcg_at_3": 79.53099999999999, + "ndcg_at_5": 78.245, + "precision_at_1": 84, + "precision_at_10": 78.4, + "precision_at_100": 56.99999999999999, + "precision_at_1000": 21.98, + "precision_at_3": 85.333, + "precision_at_5": 84.8, + "recall_at_1": 0.219, + "recall_at_10": 2.02, + "recall_at_100": 13.555, + "recall_at_1000": 46.739999999999995, + "recall_at_3": 0.685, + "recall_at_5": 1.13, + "main_score": 74.533 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/Touche2020.json b/results/intfloat__e5-small-v2/external/Touche2020.json new file mode 100644 index 000000000..b078a9626 --- /dev/null +++ b/results/intfloat__e5-small-v2/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.5029999999999997, + "map_at_10": 11.042, + "map_at_100": 16.326999999999998, + "map_at_1000": 17.836, + "map_at_3": 6.174, + "map_at_5": 7.979, + "mrr_at_1": 42.857, + "mrr_at_10": 52.617000000000004, + "mrr_at_100": 53.351000000000006, + "mrr_at_1000": 53.351000000000006, + "mrr_at_3": 46.939, + "mrr_at_5": 50.714000000000006, + "ndcg_at_1": 38.775999999999996, + "ndcg_at_10": 27.125, + "ndcg_at_100": 35.845, + "ndcg_at_1000": 47.377, + "ndcg_at_3": 29.633, + "ndcg_at_5": 28.378999999999998, + "precision_at_1": 42.857, + "precision_at_10": 24.082, + "precision_at_100": 6.877999999999999, + "precision_at_1000": 1.463, + "precision_at_3": 29.932, + "precision_at_5": 28.571, + "recall_at_1": 3.5029999999999997, + "recall_at_10": 17.068, + "recall_at_100": 43.361, + "recall_at_1000": 78.835, + "recall_at_3": 6.821000000000001, + "recall_at_5": 10.357, + "main_score": 27.125 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/ToxicConversationsClassification.json b/results/intfloat__e5-small-v2/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..a66de4c8b --- /dev/null +++ b/results/intfloat__e5-small-v2/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.0954, + "ap": 14.216844153511959, + "f1": 54.63687418565117, + "main_score": 71.0954 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/TweetSentimentExtractionClassification.json b/results/intfloat__e5-small-v2/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..02d3a389d --- /dev/null +++ b/results/intfloat__e5-small-v2/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.46293152235427, + "f1": 61.744177921638645, + "main_score": 61.46293152235427 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/TwentyNewsgroupsClustering.json b/results/intfloat__e5-small-v2/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..fd36c5726 --- /dev/null +++ b/results/intfloat__e5-small-v2/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 41.12708617788644, + "main_score": 41.12708617788644 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/TwitterSemEval2015.json b/results/intfloat__e5-small-v2/external/TwitterSemEval2015.json new file mode 100644 index 000000000..bb7e94c04 --- /dev/null +++ b/results/intfloat__e5-small-v2/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 85.75430649102938, + "cos_sim_ap": 73.34252536948081, + "cos_sim_f1": 67.53758935173774, + "cos_sim_precision": 63.3672525439408, + "cos_sim_recall": 72.29551451187335, + "dot_accuracy": 81.71305954580676, + "dot_ap": 59.5532209082386, + "dot_f1": 56.18466898954705, + "dot_precision": 47.830923248053395, + "dot_recall": 68.07387862796834, + "euclidean_accuracy": 85.81987244441795, + "euclidean_ap": 73.34325409809446, + "euclidean_f1": 67.83451360417443, + "euclidean_precision": 64.09955388588871, + "euclidean_recall": 72.0316622691293, + "manhattan_accuracy": 85.68277999642368, + "manhattan_ap": 73.1535450121903, + "manhattan_f1": 67.928237896289, + "manhattan_precision": 63.56945722171113, + "manhattan_recall": 72.9287598944591, + "max_accuracy": 85.81987244441795, + "max_ap": 73.34325409809446, + "max_f1": 67.928237896289, + "main_score": 73.34325409809446 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/TwitterURLCorpus.json b/results/intfloat__e5-small-v2/external/TwitterURLCorpus.json new file mode 100644 index 000000000..6b737d142 --- /dev/null +++ b/results/intfloat__e5-small-v2/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.90441262079403, + "cos_sim_ap": 85.79331880741438, + "cos_sim_f1": 78.31563529842548, + "cos_sim_precision": 74.6683424102779, + "cos_sim_recall": 82.33754234678165, + "dot_accuracy": 84.89928978926534, + "dot_ap": 75.25819218316, + "dot_f1": 69.88730119720536, + "dot_precision": 64.23362374959665, + "dot_recall": 76.63227594702803, + "euclidean_accuracy": 89.01695967710637, + "euclidean_ap": 85.98986606038852, + "euclidean_f1": 78.5277880014722, + "euclidean_precision": 75.22211253701876, + "euclidean_recall": 82.13735756082538, + "manhattan_accuracy": 88.99561454573679, + "manhattan_ap": 85.92262421793953, + "manhattan_f1": 78.38866094740769, + "manhattan_precision": 76.02373028505282, + "manhattan_recall": 80.9054511857099, + "max_accuracy": 89.01695967710637, + "max_ap": 85.98986606038852, + "max_f1": 78.5277880014722, + "main_score": 85.98986606038852 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small-v2/external/model_meta.json b/results/intfloat__e5-small-v2/external/model_meta.json new file mode 100644 index 000000000..d368808a8 --- /dev/null +++ b/results/intfloat__e5-small-v2/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "intfloat/e5-small-v2", + "revision": "dca8b1a9dae0d4575df2bf423a5edb485a431236", + "release_date": "2023-05-19", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 33360512, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 384, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/AmazonCounterfactualClassification.json b/results/intfloat__e5-small/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..737d1e61e --- /dev/null +++ b/results/intfloat__e5-small/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.22388059701493, + "ap": 40.27466219523129, + "f1": 70.60533006025108, + "main_score": 76.22388059701493 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/AmazonPolarityClassification.json b/results/intfloat__e5-small/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..09b8a6de6 --- /dev/null +++ b/results/intfloat__e5-small/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 87.525775, + "ap": 83.51063993897611, + "f1": 87.49342736805572, + "main_score": 87.525775 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/AmazonReviewsClassification.json b/results/intfloat__e5-small/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..84f4beecd --- /dev/null +++ b/results/intfloat__e5-small/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 42.611999999999995, + "f1": 42.05088045932892, + "main_score": 42.611999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/ArguAna.json b/results/intfloat__e5-small/external/ArguAna.json new file mode 100644 index 000000000..8797a3116 --- /dev/null +++ b/results/intfloat__e5-small/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.826, + "map_at_10": 38.269, + "map_at_100": 39.322, + "map_at_1000": 39.344, + "map_at_3": 33.428000000000004, + "map_at_5": 36.063, + "mrr_at_1": 24.253, + "mrr_at_10": 38.425, + "mrr_at_100": 39.478, + "mrr_at_1000": 39.5, + "mrr_at_3": 33.606, + "mrr_at_5": 36.195, + "ndcg_at_1": 23.826, + "ndcg_at_10": 46.693, + "ndcg_at_100": 51.469, + "ndcg_at_1000": 52.002, + "ndcg_at_3": 36.603, + "ndcg_at_5": 41.365, + "precision_at_1": 23.826, + "precision_at_10": 7.383000000000001, + "precision_at_100": 0.9530000000000001, + "precision_at_1000": 0.099, + "precision_at_3": 15.268, + "precision_at_5": 11.479000000000001, + "recall_at_1": 23.826, + "recall_at_10": 73.82600000000001, + "recall_at_100": 95.306, + "recall_at_1000": 99.431, + "recall_at_3": 45.804, + "recall_at_5": 57.397, + "main_score": 46.693 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/ArxivClusteringP2P.json b/results/intfloat__e5-small/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..b16385e4e --- /dev/null +++ b/results/intfloat__e5-small/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 44.13995374767436, + "main_score": 44.13995374767436 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/ArxivClusteringS2S.json b/results/intfloat__e5-small/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..f9fbc1c18 --- /dev/null +++ b/results/intfloat__e5-small/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.13950072624313, + "main_score": 37.13950072624313 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/AskUbuntuDupQuestions.json b/results/intfloat__e5-small/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..1acf95ff1 --- /dev/null +++ b/results/intfloat__e5-small/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 59.35843292105327, + "mrr": 73.72312359846987, + "main_score": 59.35843292105327 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/BIOSSES.json b/results/intfloat__e5-small/external/BIOSSES.json new file mode 100644 index 000000000..7de3ec466 --- /dev/null +++ b/results/intfloat__e5-small/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.55140418324174, + "cos_sim_spearman": 84.21637675860022, + "euclidean_pearson": 81.26069614610006, + "euclidean_spearman": 83.25069210421785, + "manhattan_pearson": 80.17441422581014, + "manhattan_spearman": 81.87596198487877, + "cosine_pearson": 84.55140418324174, + "cosine_spearman": 84.21637675860022, + "main_score": 84.21637675860022 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/Banking77Classification.json b/results/intfloat__e5-small/external/Banking77Classification.json new file mode 100644 index 000000000..2ee1ca1af --- /dev/null +++ b/results/intfloat__e5-small/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 81.87337662337661, + "f1": 81.76647866926402, + "main_score": 81.87337662337661 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/BiorxivClusteringP2P.json b/results/intfloat__e5-small/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..c9d0b98ff --- /dev/null +++ b/results/intfloat__e5-small/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.80600542614507, + "main_score": 35.80600542614507 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/BiorxivClusteringS2S.json b/results/intfloat__e5-small/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..5779d619a --- /dev/null +++ b/results/intfloat__e5-small/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.86321613256603, + "main_score": 31.86321613256603 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/CQADupstackAndroidRetrieval.json b/results/intfloat__e5-small/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..de158fab5 --- /dev/null +++ b/results/intfloat__e5-small/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.054, + "map_at_10": 40.699999999999996, + "map_at_100": 41.818, + "map_at_1000": 41.959999999999994, + "map_at_3": 37.742, + "map_at_5": 39.427, + "mrr_at_1": 38.769999999999996, + "mrr_at_10": 46.150000000000006, + "mrr_at_100": 46.865, + "mrr_at_1000": 46.925, + "mrr_at_3": 43.705, + "mrr_at_5": 45.214999999999996, + "ndcg_at_1": 38.769999999999996, + "ndcg_at_10": 45.778, + "ndcg_at_100": 50.38, + "ndcg_at_1000": 52.922999999999995, + "ndcg_at_3": 41.597, + "ndcg_at_5": 43.631, + "precision_at_1": 38.769999999999996, + "precision_at_10": 8.269, + "precision_at_100": 1.278, + "precision_at_1000": 0.178, + "precision_at_3": 19.266, + "precision_at_5": 13.705, + "recall_at_1": 32.054, + "recall_at_10": 54.947, + "recall_at_100": 74.79599999999999, + "recall_at_1000": 91.40899999999999, + "recall_at_3": 42.431000000000004, + "recall_at_5": 48.519, + "main_score": 45.778 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.035, + "map_at_10": 38.007000000000005, + "map_at_100": 39.125, + "map_at_1000": 39.251999999999995, + "map_at_3": 35.77, + "map_at_5": 37.057, + "mrr_at_1": 36.497, + "mrr_at_10": 44.077, + "mrr_at_100": 44.743, + "mrr_at_1000": 44.79, + "mrr_at_3": 42.123, + "mrr_at_5": 43.308, + "ndcg_at_1": 36.497, + "ndcg_at_10": 42.986000000000004, + "ndcg_at_100": 47.323, + "ndcg_at_1000": 49.624, + "ndcg_at_3": 39.805, + "ndcg_at_5": 41.286, + "precision_at_1": 36.497, + "precision_at_10": 7.8340000000000005, + "precision_at_100": 1.269, + "precision_at_1000": 0.178, + "precision_at_3": 19.023, + "precision_at_5": 13.248, + "recall_at_1": 29.035, + "recall_at_10": 51.06, + "recall_at_100": 69.64099999999999, + "recall_at_1000": 84.49, + "recall_at_3": 41.333999999999996, + "recall_at_5": 45.663, + "main_score": 42.986000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 37.239, + "map_at_10": 47.873, + "map_at_100": 48.842999999999996, + "map_at_1000": 48.913000000000004, + "map_at_3": 45.050000000000004, + "map_at_5": 46.498, + "mrr_at_1": 42.508, + "mrr_at_10": 51.44, + "mrr_at_100": 52.087, + "mrr_at_1000": 52.129999999999995, + "mrr_at_3": 49.164, + "mrr_at_5": 50.343, + "ndcg_at_1": 42.508, + "ndcg_at_10": 53.31399999999999, + "ndcg_at_100": 57.245000000000005, + "ndcg_at_1000": 58.794000000000004, + "ndcg_at_3": 48.295, + "ndcg_at_5": 50.415, + "precision_at_1": 42.508, + "precision_at_10": 8.458, + "precision_at_100": 1.133, + "precision_at_1000": 0.132, + "precision_at_3": 21.191, + "precision_at_5": 14.307, + "recall_at_1": 37.239, + "recall_at_10": 65.99000000000001, + "recall_at_100": 82.99499999999999, + "recall_at_1000": 94.128, + "recall_at_3": 52.382, + "recall_at_5": 57.648999999999994, + "main_score": 53.31399999999999 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.039, + "map_at_10": 29.694, + "map_at_100": 30.587999999999997, + "map_at_1000": 30.692999999999998, + "map_at_3": 27.708, + "map_at_5": 28.774, + "mrr_at_1": 24.633, + "mrr_at_10": 31.478, + "mrr_at_100": 32.299, + "mrr_at_1000": 32.381, + "mrr_at_3": 29.435, + "mrr_at_5": 30.446, + "ndcg_at_1": 24.633, + "ndcg_at_10": 33.697, + "ndcg_at_100": 38.080000000000005, + "ndcg_at_1000": 40.812, + "ndcg_at_3": 29.654000000000003, + "ndcg_at_5": 31.474000000000004, + "precision_at_1": 24.633, + "precision_at_10": 5.0729999999999995, + "precision_at_100": 0.753, + "precision_at_1000": 0.10300000000000001, + "precision_at_3": 12.279, + "precision_at_5": 8.452, + "recall_at_1": 23.039, + "recall_at_10": 44.275999999999996, + "recall_at_100": 64.4, + "recall_at_1000": 85.135, + "recall_at_3": 33.394, + "recall_at_5": 37.687, + "main_score": 33.697 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 13.594999999999999, + "map_at_10": 19.933999999999997, + "map_at_100": 20.966, + "map_at_1000": 21.087, + "map_at_3": 17.749000000000002, + "map_at_5": 19.156000000000002, + "mrr_at_1": 17.662, + "mrr_at_10": 24.407, + "mrr_at_100": 25.385, + "mrr_at_1000": 25.465, + "mrr_at_3": 22.056, + "mrr_at_5": 23.630000000000003, + "ndcg_at_1": 17.662, + "ndcg_at_10": 24.391, + "ndcg_at_100": 29.681, + "ndcg_at_1000": 32.923, + "ndcg_at_3": 20.271, + "ndcg_at_5": 22.621, + "precision_at_1": 17.662, + "precision_at_10": 4.44, + "precision_at_100": 0.8200000000000001, + "precision_at_1000": 0.125, + "precision_at_3": 9.577, + "precision_at_5": 7.313, + "recall_at_1": 13.594999999999999, + "recall_at_10": 33.976, + "recall_at_100": 57.43000000000001, + "recall_at_1000": 80.958, + "recall_at_3": 22.897000000000002, + "recall_at_5": 28.714000000000002, + "main_score": 24.391 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.683, + "map_at_10": 35.068, + "map_at_100": 36.311, + "map_at_1000": 36.436, + "map_at_3": 32.371, + "map_at_5": 33.761, + "mrr_at_1": 32.435, + "mrr_at_10": 40.721000000000004, + "mrr_at_100": 41.535, + "mrr_at_1000": 41.593, + "mrr_at_3": 38.401999999999994, + "mrr_at_5": 39.567, + "ndcg_at_1": 32.435, + "ndcg_at_10": 40.538000000000004, + "ndcg_at_100": 45.963, + "ndcg_at_1000": 48.400999999999996, + "ndcg_at_3": 36.048, + "ndcg_at_5": 37.899, + "precision_at_1": 32.435, + "precision_at_10": 7.1129999999999995, + "precision_at_100": 1.162, + "precision_at_1000": 0.156, + "precision_at_3": 16.683, + "precision_at_5": 11.684, + "recall_at_1": 26.683, + "recall_at_10": 51.517, + "recall_at_100": 74.553, + "recall_at_1000": 90.649, + "recall_at_3": 38.495000000000005, + "recall_at_5": 43.495, + "main_score": 40.538000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.186, + "map_at_10": 31.972, + "map_at_100": 33.117000000000004, + "map_at_1000": 33.243, + "map_at_3": 29.423, + "map_at_5": 30.847, + "mrr_at_1": 29.794999999999998, + "mrr_at_10": 36.767, + "mrr_at_100": 37.645, + "mrr_at_1000": 37.716, + "mrr_at_3": 34.513, + "mrr_at_5": 35.791000000000004, + "ndcg_at_1": 29.794999999999998, + "ndcg_at_10": 36.786, + "ndcg_at_100": 41.94, + "ndcg_at_1000": 44.830999999999996, + "ndcg_at_3": 32.504, + "ndcg_at_5": 34.404, + "precision_at_1": 29.794999999999998, + "precision_at_10": 6.518, + "precision_at_100": 1.0659999999999998, + "precision_at_1000": 0.149, + "precision_at_3": 15.296999999999999, + "precision_at_5": 10.731, + "recall_at_1": 24.186, + "recall_at_10": 46.617, + "recall_at_100": 68.75, + "recall_at_1000": 88.864, + "recall_at_3": 34.199, + "recall_at_5": 39.462, + "main_score": 36.786 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.22083333333333, + "map_at_10": 31.606666666666662, + "map_at_100": 32.6195, + "map_at_1000": 32.739999999999995, + "map_at_3": 29.37825, + "map_at_5": 30.596083333333336, + "mrr_at_1": 28.607916666666668, + "mrr_at_10": 35.54591666666666, + "mrr_at_100": 36.33683333333333, + "mrr_at_1000": 36.40624999999999, + "mrr_at_3": 33.526250000000005, + "mrr_at_5": 34.6605, + "ndcg_at_1": 28.607916666666668, + "ndcg_at_10": 36.07966666666667, + "ndcg_at_100": 40.73308333333333, + "ndcg_at_1000": 43.40666666666666, + "ndcg_at_3": 32.23525, + "ndcg_at_5": 33.97083333333333, + "precision_at_1": 28.607916666666668, + "precision_at_10": 6.120333333333335, + "precision_at_100": 0.9921666666666668, + "precision_at_1000": 0.14091666666666666, + "precision_at_3": 14.54975, + "precision_at_5": 10.153166666666667, + "recall_at_1": 24.22083333333333, + "recall_at_10": 45.49183333333334, + "recall_at_100": 66.28133333333332, + "recall_at_1000": 85.16541666666667, + "recall_at_3": 34.6485, + "recall_at_5": 39.229749999999996, + "main_score": 36.07966666666667 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.842, + "map_at_10": 27.573999999999998, + "map_at_100": 28.410999999999998, + "map_at_1000": 28.502, + "map_at_3": 25.921, + "map_at_5": 26.888, + "mrr_at_1": 24.08, + "mrr_at_10": 29.915999999999997, + "mrr_at_100": 30.669, + "mrr_at_1000": 30.746000000000002, + "mrr_at_3": 28.349000000000004, + "mrr_at_5": 29.246, + "ndcg_at_1": 24.08, + "ndcg_at_10": 30.898999999999997, + "ndcg_at_100": 35.272999999999996, + "ndcg_at_1000": 37.679, + "ndcg_at_3": 27.881, + "ndcg_at_5": 29.432000000000002, + "precision_at_1": 24.08, + "precision_at_10": 4.678, + "precision_at_100": 0.744, + "precision_at_1000": 0.10300000000000001, + "precision_at_3": 11.860999999999999, + "precision_at_5": 8.16, + "recall_at_1": 21.842, + "recall_at_10": 38.66, + "recall_at_100": 59.169000000000004, + "recall_at_1000": 76.887, + "recall_at_3": 30.532999999999998, + "recall_at_5": 34.354, + "main_score": 30.898999999999997 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.145, + "map_at_10": 22.729, + "map_at_100": 23.574, + "map_at_1000": 23.695, + "map_at_3": 21.044, + "map_at_5": 21.981, + "mrr_at_1": 20.888, + "mrr_at_10": 26.529000000000003, + "mrr_at_100": 27.308, + "mrr_at_1000": 27.389000000000003, + "mrr_at_3": 24.868000000000002, + "mrr_at_5": 25.825, + "ndcg_at_1": 20.888, + "ndcg_at_10": 26.457000000000004, + "ndcg_at_100": 30.764000000000003, + "ndcg_at_1000": 33.825, + "ndcg_at_3": 23.483999999999998, + "ndcg_at_5": 24.836, + "precision_at_1": 20.888, + "precision_at_10": 4.58, + "precision_at_100": 0.784, + "precision_at_1000": 0.121, + "precision_at_3": 10.874, + "precision_at_5": 7.639, + "recall_at_1": 17.145, + "recall_at_10": 33.938, + "recall_at_100": 53.672, + "recall_at_1000": 76.023, + "recall_at_3": 25.363000000000003, + "recall_at_5": 29.023, + "main_score": 26.457000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.275, + "map_at_10": 30.438, + "map_at_100": 31.489, + "map_at_1000": 31.601000000000003, + "map_at_3": 28.647, + "map_at_5": 29.660999999999998, + "mrr_at_1": 28.077999999999996, + "mrr_at_10": 34.098, + "mrr_at_100": 35.025, + "mrr_at_1000": 35.109, + "mrr_at_3": 32.4, + "mrr_at_5": 33.379999999999995, + "ndcg_at_1": 28.077999999999996, + "ndcg_at_10": 34.271, + "ndcg_at_100": 39.352, + "ndcg_at_1000": 42.199, + "ndcg_at_3": 30.978, + "ndcg_at_5": 32.498, + "precision_at_1": 28.077999999999996, + "precision_at_10": 5.345, + "precision_at_100": 0.897, + "precision_at_1000": 0.125, + "precision_at_3": 13.526, + "precision_at_5": 9.16, + "recall_at_1": 24.275, + "recall_at_10": 42.362, + "recall_at_100": 64.461, + "recall_at_1000": 84.981, + "recall_at_3": 33.249, + "recall_at_5": 37.214999999999996, + "main_score": 34.271 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.358, + "map_at_10": 30.062, + "map_at_100": 31.189, + "map_at_1000": 31.386999999999997, + "map_at_3": 27.672, + "map_at_5": 28.76, + "mrr_at_1": 26.877000000000002, + "mrr_at_10": 33.948, + "mrr_at_100": 34.746, + "mrr_at_1000": 34.816, + "mrr_at_3": 31.884, + "mrr_at_5": 33.001000000000005, + "ndcg_at_1": 26.877000000000002, + "ndcg_at_10": 34.977000000000004, + "ndcg_at_100": 39.753, + "ndcg_at_1000": 42.866, + "ndcg_at_3": 30.956, + "ndcg_at_5": 32.381, + "precision_at_1": 26.877000000000002, + "precision_at_10": 6.7, + "precision_at_100": 1.287, + "precision_at_1000": 0.215, + "precision_at_3": 14.360999999999999, + "precision_at_5": 10.119, + "recall_at_1": 22.358, + "recall_at_10": 44.183, + "recall_at_100": 67.14, + "recall_at_1000": 87.53999999999999, + "recall_at_3": 32.79, + "recall_at_5": 36.829, + "main_score": 34.977000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.198999999999998, + "map_at_10": 25.229000000000003, + "map_at_100": 26.003, + "map_at_1000": 26.111, + "map_at_3": 23.442, + "map_at_5": 24.343, + "mrr_at_1": 21.072, + "mrr_at_10": 27.02, + "mrr_at_100": 27.735, + "mrr_at_1000": 27.815, + "mrr_at_3": 25.416, + "mrr_at_5": 26.173999999999996, + "ndcg_at_1": 21.072, + "ndcg_at_10": 28.862, + "ndcg_at_100": 33.043, + "ndcg_at_1000": 36.003, + "ndcg_at_3": 25.35, + "ndcg_at_5": 26.773000000000003, + "precision_at_1": 21.072, + "precision_at_10": 4.436, + "precision_at_100": 0.713, + "precision_at_1000": 0.106, + "precision_at_3": 10.659, + "precision_at_5": 7.32, + "recall_at_1": 19.198999999999998, + "recall_at_10": 38.376, + "recall_at_100": 58.36900000000001, + "recall_at_1000": 80.92099999999999, + "recall_at_3": 28.715000000000003, + "recall_at_5": 32.147, + "main_score": 28.862 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/ClimateFEVER.json b/results/intfloat__e5-small/external/ClimateFEVER.json new file mode 100644 index 000000000..1ac8bbb9a --- /dev/null +++ b/results/intfloat__e5-small/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.9319999999999995, + "map_at_10": 10.483, + "map_at_100": 11.97, + "map_at_1000": 12.171999999999999, + "map_at_3": 8.477, + "map_at_5": 9.495000000000001, + "mrr_at_1": 13.094, + "mrr_at_10": 21.282, + "mrr_at_100": 22.556, + "mrr_at_1000": 22.628999999999998, + "mrr_at_3": 18.218999999999998, + "mrr_at_5": 19.900000000000002, + "ndcg_at_1": 13.094, + "ndcg_at_10": 15.811, + "ndcg_at_100": 23.035, + "ndcg_at_1000": 27.089999999999996, + "ndcg_at_3": 11.905000000000001, + "ndcg_at_5": 13.377, + "precision_at_1": 13.094, + "precision_at_10": 5.225, + "precision_at_100": 1.2970000000000002, + "precision_at_1000": 0.203, + "precision_at_3": 8.86, + "precision_at_5": 7.309, + "recall_at_1": 5.9319999999999995, + "recall_at_10": 20.305, + "recall_at_100": 46.314, + "recall_at_1000": 69.612, + "recall_at_3": 11.21, + "recall_at_5": 14.773, + "main_score": 15.811 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/DBPedia.json b/results/intfloat__e5-small/external/DBPedia.json new file mode 100644 index 000000000..a480b5323 --- /dev/null +++ b/results/intfloat__e5-small/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.674, + "map_at_10": 17.822, + "map_at_100": 24.794, + "map_at_1000": 26.214, + "map_at_3": 12.690999999999999, + "map_at_5": 15.033, + "mrr_at_1": 61.75000000000001, + "mrr_at_10": 71.58, + "mrr_at_100": 71.923, + "mrr_at_1000": 71.932, + "mrr_at_3": 70.125, + "mrr_at_5": 71.038, + "ndcg_at_1": 51, + "ndcg_at_10": 38.637, + "ndcg_at_100": 42.398, + "ndcg_at_1000": 48.962, + "ndcg_at_3": 43.29, + "ndcg_at_5": 40.763, + "precision_at_1": 61.75000000000001, + "precision_at_10": 30.125, + "precision_at_100": 9.53, + "precision_at_1000": 1.9619999999999997, + "precision_at_3": 45.583, + "precision_at_5": 38.95, + "recall_at_1": 8.674, + "recall_at_10": 23.122, + "recall_at_100": 47.46, + "recall_at_1000": 67.662, + "recall_at_3": 13.946, + "recall_at_5": 17.768, + "main_score": 38.637 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/EmotionClassification.json b/results/intfloat__e5-small/external/EmotionClassification.json new file mode 100644 index 000000000..50b850c36 --- /dev/null +++ b/results/intfloat__e5-small/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 46.86000000000001, + "f1": 41.343580452760776, + "main_score": 46.86000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/FEVER.json b/results/intfloat__e5-small/external/FEVER.json new file mode 100644 index 000000000..445bfe5e9 --- /dev/null +++ b/results/intfloat__e5-small/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 36.609, + "map_at_10": 47.552, + "map_at_100": 48.283, + "map_at_1000": 48.321, + "map_at_3": 44.869, + "map_at_5": 46.509, + "mrr_at_1": 39.214, + "mrr_at_10": 50.434999999999995, + "mrr_at_100": 51.122, + "mrr_at_1000": 51.151, + "mrr_at_3": 47.735, + "mrr_at_5": 49.394, + "ndcg_at_1": 39.214, + "ndcg_at_10": 53.52400000000001, + "ndcg_at_100": 56.997, + "ndcg_at_1000": 57.975, + "ndcg_at_3": 48.173, + "ndcg_at_5": 51.05800000000001, + "precision_at_1": 39.214, + "precision_at_10": 7.573, + "precision_at_100": 0.9440000000000001, + "precision_at_1000": 0.104, + "precision_at_3": 19.782, + "precision_at_5": 13.453000000000001, + "recall_at_1": 36.609, + "recall_at_10": 69.247, + "recall_at_100": 84.99600000000001, + "recall_at_1000": 92.40899999999999, + "recall_at_3": 54.856, + "recall_at_5": 61.797000000000004, + "main_score": 53.52400000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/FiQA2018.json b/results/intfloat__e5-small/external/FiQA2018.json new file mode 100644 index 000000000..a88134ff3 --- /dev/null +++ b/results/intfloat__e5-small/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.466, + "map_at_10": 27.060000000000002, + "map_at_100": 28.511999999999997, + "map_at_1000": 28.693, + "map_at_3": 22.777, + "map_at_5": 25.086000000000002, + "mrr_at_1": 32.716, + "mrr_at_10": 41.593999999999994, + "mrr_at_100": 42.370000000000005, + "mrr_at_1000": 42.419000000000004, + "mrr_at_3": 38.143, + "mrr_at_5": 40.288000000000004, + "ndcg_at_1": 32.716, + "ndcg_at_10": 34.795, + "ndcg_at_100": 40.58, + "ndcg_at_1000": 43.993, + "ndcg_at_3": 29.573, + "ndcg_at_5": 31.583, + "precision_at_1": 32.716, + "precision_at_10": 9.937999999999999, + "precision_at_100": 1.585, + "precision_at_1000": 0.22, + "precision_at_3": 19.496, + "precision_at_5": 15.247, + "recall_at_1": 16.466, + "recall_at_10": 42.886, + "recall_at_100": 64.724, + "recall_at_1000": 85.347, + "recall_at_3": 26.765, + "recall_at_5": 33.603, + "main_score": 34.795 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/HotpotQA.json b/results/intfloat__e5-small/external/HotpotQA.json new file mode 100644 index 000000000..7c2ada10a --- /dev/null +++ b/results/intfloat__e5-small/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 33.025, + "map_at_10": 47.343, + "map_at_100": 48.207, + "map_at_1000": 48.281, + "map_at_3": 44.519, + "map_at_5": 46.217000000000006, + "mrr_at_1": 66.05, + "mrr_at_10": 72.94699999999999, + "mrr_at_100": 73.289, + "mrr_at_1000": 73.30499999999999, + "mrr_at_3": 71.686, + "mrr_at_5": 72.491, + "ndcg_at_1": 66.05, + "ndcg_at_10": 56.338, + "ndcg_at_100": 59.599999999999994, + "ndcg_at_1000": 61.138000000000005, + "ndcg_at_3": 52.034000000000006, + "ndcg_at_5": 54.352000000000004, + "precision_at_1": 66.05, + "precision_at_10": 11.693000000000001, + "precision_at_100": 1.425, + "precision_at_1000": 0.163, + "precision_at_3": 32.613, + "precision_at_5": 21.401999999999997, + "recall_at_1": 33.025, + "recall_at_10": 58.467, + "recall_at_100": 71.242, + "recall_at_1000": 81.452, + "recall_at_3": 48.92, + "recall_at_5": 53.504, + "main_score": 56.338 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/ImdbClassification.json b/results/intfloat__e5-small/external/ImdbClassification.json new file mode 100644 index 000000000..74852cde3 --- /dev/null +++ b/results/intfloat__e5-small/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.5492, + "ap": 69.42911637216271, + "f1": 75.39113704261024, + "main_score": 75.5492 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/MSMARCO.json b/results/intfloat__e5-small/external/MSMARCO.json new file mode 100644 index 000000000..8f6fb68ae --- /dev/null +++ b/results/intfloat__e5-small/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.173, + "map_at_10": 35.453, + "map_at_100": 36.573, + "map_at_1000": 36.620999999999995, + "map_at_3": 31.655, + "map_at_5": 33.823, + "mrr_at_1": 23.868000000000002, + "mrr_at_10": 36.085, + "mrr_at_100": 37.15, + "mrr_at_1000": 37.193, + "mrr_at_3": 32.376, + "mrr_at_5": 34.501, + "ndcg_at_1": 23.854, + "ndcg_at_10": 42.33, + "ndcg_at_100": 47.705999999999996, + "ndcg_at_1000": 48.91, + "ndcg_at_3": 34.604, + "ndcg_at_5": 38.473, + "precision_at_1": 23.854, + "precision_at_10": 6.639, + "precision_at_100": 0.932, + "precision_at_1000": 0.104, + "precision_at_3": 14.685, + "precision_at_5": 10.782, + "recall_at_1": 23.173, + "recall_at_10": 63.441, + "recall_at_100": 88.25, + "recall_at_1000": 97.438, + "recall_at_3": 42.434, + "recall_at_5": 51.745, + "main_score": 42.33 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/MTOPDomainClassification.json b/results/intfloat__e5-small/external/MTOPDomainClassification.json new file mode 100644 index 000000000..41c69cab8 --- /dev/null +++ b/results/intfloat__e5-small/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.05426356589147, + "f1": 91.88068588063942, + "main_score": 92.05426356589147 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/MTOPIntentClassification.json b/results/intfloat__e5-small/external/MTOPIntentClassification.json new file mode 100644 index 000000000..e4193c1cf --- /dev/null +++ b/results/intfloat__e5-small/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.23985408116735, + "f1": 55.858906745287506, + "main_score": 73.23985408116735 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/MassiveIntentClassification.json b/results/intfloat__e5-small/external/MassiveIntentClassification.json new file mode 100644 index 000000000..a58c18eb4 --- /dev/null +++ b/results/intfloat__e5-small/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.21923335574984, + "f1": 70.0174116204253, + "main_score": 72.21923335574984 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/MassiveScenarioClassification.json b/results/intfloat__e5-small/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..45d78d293 --- /dev/null +++ b/results/intfloat__e5-small/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.77673167451245, + "f1": 75.44811354778666, + "main_score": 75.77673167451245 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/MedrxivClusteringP2P.json b/results/intfloat__e5-small/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..822c8de11 --- /dev/null +++ b/results/intfloat__e5-small/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.340414710728737, + "main_score": 31.340414710728737 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/MedrxivClusteringS2S.json b/results/intfloat__e5-small/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..d5d291b13 --- /dev/null +++ b/results/intfloat__e5-small/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 28.196676760061578, + "main_score": 28.196676760061578 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/MindSmallReranking.json b/results/intfloat__e5-small/external/MindSmallReranking.json new file mode 100644 index 000000000..6feced417 --- /dev/null +++ b/results/intfloat__e5-small/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 29.564149683482206, + "mrr": 30.28995474250486, + "main_score": 29.564149683482206 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/NFCorpus.json b/results/intfloat__e5-small/external/NFCorpus.json new file mode 100644 index 000000000..7ec8e8a49 --- /dev/null +++ b/results/intfloat__e5-small/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.93, + "map_at_10": 12.828000000000001, + "map_at_100": 15.501000000000001, + "map_at_1000": 16.791, + "map_at_3": 9.727, + "map_at_5": 11.318999999999999, + "mrr_at_1": 47.678, + "mrr_at_10": 55.893, + "mrr_at_100": 56.491, + "mrr_at_1000": 56.53, + "mrr_at_3": 54.386, + "mrr_at_5": 55.516, + "ndcg_at_1": 45.975, + "ndcg_at_10": 33.928999999999995, + "ndcg_at_100": 30.164, + "ndcg_at_1000": 38.756, + "ndcg_at_3": 41.077000000000005, + "ndcg_at_5": 38.415, + "precision_at_1": 47.678, + "precision_at_10": 24.365000000000002, + "precision_at_100": 7.344, + "precision_at_1000": 1.994, + "precision_at_3": 38.184000000000005, + "precision_at_5": 33.003, + "recall_at_1": 5.93, + "recall_at_10": 16.239, + "recall_at_100": 28.782999999999998, + "recall_at_1000": 60.11, + "recall_at_3": 10.700999999999999, + "recall_at_5": 13.584, + "main_score": 33.928999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/NQ.json b/results/intfloat__e5-small/external/NQ.json new file mode 100644 index 000000000..12a082228 --- /dev/null +++ b/results/intfloat__e5-small/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 36.163000000000004, + "map_at_10": 51.520999999999994, + "map_at_100": 52.449, + "map_at_1000": 52.473000000000006, + "map_at_3": 47.666, + "map_at_5": 50.043000000000006, + "mrr_at_1": 40.266999999999996, + "mrr_at_10": 54.074, + "mrr_at_100": 54.722, + "mrr_at_1000": 54.739000000000004, + "mrr_at_3": 51.043000000000006, + "mrr_at_5": 52.956, + "ndcg_at_1": 40.238, + "ndcg_at_10": 58.73199999999999, + "ndcg_at_100": 62.470000000000006, + "ndcg_at_1000": 63.083999999999996, + "ndcg_at_3": 51.672, + "ndcg_at_5": 55.564, + "precision_at_1": 40.238, + "precision_at_10": 9.279, + "precision_at_100": 1.139, + "precision_at_1000": 0.12, + "precision_at_3": 23.078000000000003, + "precision_at_5": 16.176, + "recall_at_1": 36.163000000000004, + "recall_at_10": 77.88199999999999, + "recall_at_100": 93.83399999999999, + "recall_at_1000": 98.465, + "recall_at_3": 59.857000000000006, + "recall_at_5": 68.73599999999999, + "main_score": 58.73199999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/QuoraRetrieval.json b/results/intfloat__e5-small/external/QuoraRetrieval.json new file mode 100644 index 000000000..9725e974e --- /dev/null +++ b/results/intfloat__e5-small/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 70.344, + "map_at_10": 83.907, + "map_at_100": 84.536, + "map_at_1000": 84.557, + "map_at_3": 80.984, + "map_at_5": 82.844, + "mrr_at_1": 81.02000000000001, + "mrr_at_10": 87.158, + "mrr_at_100": 87.268, + "mrr_at_1000": 87.26899999999999, + "mrr_at_3": 86.17, + "mrr_at_5": 86.87, + "ndcg_at_1": 81.02000000000001, + "ndcg_at_10": 87.70700000000001, + "ndcg_at_100": 89.004, + "ndcg_at_1000": 89.139, + "ndcg_at_3": 84.841, + "ndcg_at_5": 86.455, + "precision_at_1": 81.02000000000001, + "precision_at_10": 13.248999999999999, + "precision_at_100": 1.516, + "precision_at_1000": 0.156, + "precision_at_3": 36.963, + "precision_at_5": 24.33, + "recall_at_1": 70.344, + "recall_at_10": 94.75099999999999, + "recall_at_100": 99.30499999999999, + "recall_at_1000": 99.928, + "recall_at_3": 86.506, + "recall_at_5": 91.083, + "main_score": 87.70700000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/RedditClustering.json b/results/intfloat__e5-small/external/RedditClustering.json new file mode 100644 index 000000000..89f47c581 --- /dev/null +++ b/results/intfloat__e5-small/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 42.873718018378305, + "main_score": 42.873718018378305 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/RedditClusteringP2P.json b/results/intfloat__e5-small/external/RedditClusteringP2P.json new file mode 100644 index 000000000..370e27794 --- /dev/null +++ b/results/intfloat__e5-small/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 56.39477366450528, + "main_score": 56.39477366450528 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/SCIDOCS.json b/results/intfloat__e5-small/external/SCIDOCS.json new file mode 100644 index 000000000..e08b743e1 --- /dev/null +++ b/results/intfloat__e5-small/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.868, + "map_at_10": 9.611, + "map_at_100": 11.087, + "map_at_1000": 11.332, + "map_at_3": 6.813, + "map_at_5": 8.233, + "mrr_at_1": 19, + "mrr_at_10": 28.457, + "mrr_at_100": 29.613, + "mrr_at_1000": 29.695, + "mrr_at_3": 25.55, + "mrr_at_5": 27.29, + "ndcg_at_1": 19, + "ndcg_at_10": 16.419, + "ndcg_at_100": 22.817999999999998, + "ndcg_at_1000": 27.72, + "ndcg_at_3": 15.379000000000001, + "ndcg_at_5": 13.645, + "precision_at_1": 19, + "precision_at_10": 8.540000000000001, + "precision_at_100": 1.7819999999999998, + "precision_at_1000": 0.297, + "precision_at_3": 14.267, + "precision_at_5": 12.04, + "recall_at_1": 3.868, + "recall_at_10": 17.288, + "recall_at_100": 36.144999999999996, + "recall_at_1000": 60.199999999999996, + "recall_at_3": 8.688, + "recall_at_5": 12.198, + "main_score": 16.419 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/SICK-R.json b/results/intfloat__e5-small/external/SICK-R.json new file mode 100644 index 000000000..1e5399c57 --- /dev/null +++ b/results/intfloat__e5-small/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.96614722598582, + "cos_sim_spearman": 78.9003023008781, + "euclidean_pearson": 81.01829384436505, + "euclidean_spearman": 78.93248416788914, + "manhattan_pearson": 81.1665428926402, + "manhattan_spearman": 78.93264116287453, + "cosine_pearson": 83.96614722598582, + "cosine_spearman": 78.9003023008781, + "main_score": 78.9003023008781 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/STS12.json b/results/intfloat__e5-small/external/STS12.json new file mode 100644 index 000000000..567cf8ceb --- /dev/null +++ b/results/intfloat__e5-small/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.54613363895993, + "cos_sim_spearman": 75.1883451602451, + "euclidean_pearson": 79.70320886899894, + "euclidean_spearman": 74.5917140136796, + "manhattan_pearson": 79.82157067185999, + "manhattan_spearman": 74.74185720594735, + "cosine_pearson": 83.54613363895993, + "cosine_spearman": 75.1883451602451, + "main_score": 75.1883451602451 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/STS13.json b/results/intfloat__e5-small/external/STS13.json new file mode 100644 index 000000000..a658df979 --- /dev/null +++ b/results/intfloat__e5-small/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.30430156721782, + "cos_sim_spearman": 81.79962989974364, + "euclidean_pearson": 80.89058823224924, + "euclidean_spearman": 81.35929372984597, + "manhattan_pearson": 81.12204370487478, + "manhattan_spearman": 81.6248963282232, + "cosine_pearson": 81.30430156721782, + "cosine_spearman": 81.79962989974364, + "main_score": 81.79962989974364 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/STS14.json b/results/intfloat__e5-small/external/STS14.json new file mode 100644 index 000000000..69f354eaa --- /dev/null +++ b/results/intfloat__e5-small/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.13064504403134, + "cos_sim_spearman": 78.48371403924872, + "euclidean_pearson": 80.16794919665591, + "euclidean_spearman": 78.29216082221699, + "manhattan_pearson": 80.22308565207301, + "manhattan_spearman": 78.37829229948022, + "cosine_pearson": 81.13064504403134, + "cosine_spearman": 78.48371403924872, + "main_score": 78.48371403924872 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/STS15.json b/results/intfloat__e5-small/external/STS15.json new file mode 100644 index 000000000..4ae20e723 --- /dev/null +++ b/results/intfloat__e5-small/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.52918899541099, + "cos_sim_spearman": 87.49276894673142, + "euclidean_pearson": 86.77440570164254, + "euclidean_spearman": 87.5753295736756, + "manhattan_pearson": 86.86098573892133, + "manhattan_spearman": 87.65848591821947, + "cosine_pearson": 86.52918899541099, + "cosine_spearman": 87.49276894673142, + "main_score": 87.49276894673142 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/STS16.json b/results/intfloat__e5-small/external/STS16.json new file mode 100644 index 000000000..36fc21809 --- /dev/null +++ b/results/intfloat__e5-small/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.86805307244882, + "cos_sim_spearman": 84.58066253757511, + "euclidean_pearson": 84.38377000876991, + "euclidean_spearman": 85.1837278784528, + "manhattan_pearson": 84.41903291363842, + "manhattan_spearman": 85.19023736251052, + "cosine_pearson": 82.86805307244882, + "cosine_spearman": 84.58066253757511, + "main_score": 84.58066253757511 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/STS17.json b/results/intfloat__e5-small/external/STS17.json new file mode 100644 index 000000000..252a891fe --- /dev/null +++ b/results/intfloat__e5-small/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.77218560282436, + "cos_sim_spearman": 87.94243515296604, + "euclidean_pearson": 88.22800939214864, + "euclidean_spearman": 87.91106839439841, + "manhattan_pearson": 88.17063269848741, + "manhattan_spearman": 87.72751904126062, + "cosine_pearson": 86.77218560282436, + "cosine_spearman": 87.94243515296604, + "main_score": 87.94243515296604 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/STS22.json b/results/intfloat__e5-small/external/STS22.json new file mode 100644 index 000000000..ce7eda95c --- /dev/null +++ b/results/intfloat__e5-small/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 60.40731554300387, + "cos_sim_spearman": 63.76300532966479, + "euclidean_pearson": 62.94727878229085, + "euclidean_spearman": 63.678039531461216, + "manhattan_pearson": 63.00661039863549, + "manhattan_spearman": 63.6282591984376, + "cosine_pearson": 60.40731554300387, + "cosine_spearman": 63.76300532966479, + "main_score": 63.76300532966479 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/STSBenchmark.json b/results/intfloat__e5-small/external/STSBenchmark.json new file mode 100644 index 000000000..0c2f6cb12 --- /dev/null +++ b/results/intfloat__e5-small/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.92731569745344, + "cos_sim_spearman": 86.36336704300167, + "euclidean_pearson": 86.09122224841195, + "euclidean_spearman": 86.2116149319238, + "manhattan_pearson": 86.07879456717032, + "manhattan_spearman": 86.2022069635119, + "cosine_pearson": 84.92731569745344, + "cosine_spearman": 86.36336704300167, + "main_score": 86.36336704300167 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/SciDocsRR.json b/results/intfloat__e5-small/external/SciDocsRR.json new file mode 100644 index 000000000..ec7c7e422 --- /dev/null +++ b/results/intfloat__e5-small/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 79.75976311752326, + "mrr": 94.15782837351466, + "main_score": 79.75976311752326 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/SciFact.json b/results/intfloat__e5-small/external/SciFact.json new file mode 100644 index 000000000..8c4b83762 --- /dev/null +++ b/results/intfloat__e5-small/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 51.193999999999996, + "map_at_10": 61.224999999999994, + "map_at_100": 62.031000000000006, + "map_at_1000": 62.066, + "map_at_3": 59.269000000000005, + "map_at_5": 60.159, + "mrr_at_1": 53.667, + "mrr_at_10": 62.74999999999999, + "mrr_at_100": 63.39399999999999, + "mrr_at_1000": 63.425, + "mrr_at_3": 61.389, + "mrr_at_5": 61.989000000000004, + "ndcg_at_1": 53.667, + "ndcg_at_10": 65.596, + "ndcg_at_100": 68.906, + "ndcg_at_1000": 69.78999999999999, + "ndcg_at_3": 62.261, + "ndcg_at_5": 63.453, + "precision_at_1": 53.667, + "precision_at_10": 8.667, + "precision_at_100": 1.04, + "precision_at_1000": 0.11100000000000002, + "precision_at_3": 24.556, + "precision_at_5": 15.6, + "recall_at_1": 51.193999999999996, + "recall_at_10": 77.156, + "recall_at_100": 91.43299999999999, + "recall_at_1000": 98.333, + "recall_at_3": 67.994, + "recall_at_5": 71.14399999999999, + "main_score": 65.596 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/SprintDuplicateQuestions.json b/results/intfloat__e5-small/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..9b2ba699f --- /dev/null +++ b/results/intfloat__e5-small/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.81485148514851, + "cos_sim_ap": 95.28896513388551, + "cos_sim_f1": 90.43478260869566, + "cos_sim_precision": 92.56544502617801, + "cos_sim_recall": 88.4, + "dot_accuracy": 99.30594059405941, + "dot_ap": 61.6432597455472, + "dot_f1": 59.46481665014866, + "dot_precision": 58.93909626719057, + "dot_recall": 60, + "euclidean_accuracy": 99.81980198019802, + "euclidean_ap": 95.21411049527, + "euclidean_f1": 91.06090373280944, + "euclidean_precision": 89.47876447876449, + "euclidean_recall": 92.7, + "manhattan_accuracy": 99.81782178217821, + "manhattan_ap": 95.32449994414968, + "manhattan_f1": 90.86395233366436, + "manhattan_precision": 90.23668639053254, + "manhattan_recall": 91.5, + "max_accuracy": 99.81980198019802, + "max_ap": 95.32449994414968, + "max_f1": 91.06090373280944, + "main_score": 95.32449994414968 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/StackExchangeClustering.json b/results/intfloat__e5-small/external/StackExchangeClustering.json new file mode 100644 index 000000000..42cc82ca1 --- /dev/null +++ b/results/intfloat__e5-small/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 59.08045614613064, + "main_score": 59.08045614613064 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/StackExchangeClusteringP2P.json b/results/intfloat__e5-small/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..67c1e92e3 --- /dev/null +++ b/results/intfloat__e5-small/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.297802606804748, + "main_score": 30.297802606804748 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/StackOverflowDupQuestions.json b/results/intfloat__e5-small/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..cbdc6221b --- /dev/null +++ b/results/intfloat__e5-small/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 49.12801740706292, + "mrr": 50.05592956879722, + "main_score": 49.12801740706292 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/SummEval.json b/results/intfloat__e5-small/external/SummEval.json new file mode 100644 index 000000000..29e8a80c7 --- /dev/null +++ b/results/intfloat__e5-small/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.523347880124497, + "cos_sim_spearman": 31.388214436391014, + "dot_pearson": 24.55403435439901, + "dot_spearman": 23.50153210841191, + "cosine_pearson": 31.523347880124497, + "cosine_spearman": 31.388214436391014, + "main_score": 31.388214436391014 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/TRECCOVID.json b/results/intfloat__e5-small/external/TRECCOVID.json new file mode 100644 index 000000000..68e49d9de --- /dev/null +++ b/results/intfloat__e5-small/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.243, + "map_at_10": 1.886, + "map_at_100": 10.040000000000001, + "map_at_1000": 23.768, + "map_at_3": 0.674, + "map_at_5": 1.079, + "mrr_at_1": 88, + "mrr_at_10": 93.667, + "mrr_at_100": 93.667, + "mrr_at_1000": 93.667, + "mrr_at_3": 93.667, + "mrr_at_5": 93.667, + "ndcg_at_1": 83, + "ndcg_at_10": 76.777, + "ndcg_at_100": 55.153, + "ndcg_at_1000": 47.912, + "ndcg_at_3": 81.358, + "ndcg_at_5": 80.74799999999999, + "precision_at_1": 88, + "precision_at_10": 80.80000000000001, + "precision_at_100": 56.02, + "precision_at_1000": 21.51, + "precision_at_3": 86, + "precision_at_5": 86, + "recall_at_1": 0.243, + "recall_at_10": 2.0869999999999997, + "recall_at_100": 13.014000000000001, + "recall_at_1000": 44.433, + "recall_at_3": 0.6910000000000001, + "recall_at_5": 1.1440000000000001, + "main_score": 76.777 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/Touche2020.json b/results/intfloat__e5-small/external/Touche2020.json new file mode 100644 index 000000000..cf7b1aa8c --- /dev/null +++ b/results/intfloat__e5-small/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.066, + "map_at_10": 10.615, + "map_at_100": 16.463, + "map_at_1000": 17.815, + "map_at_3": 5.7860000000000005, + "map_at_5": 7.353999999999999, + "mrr_at_1": 38.775999999999996, + "mrr_at_10": 53.846000000000004, + "mrr_at_100": 54.37, + "mrr_at_1000": 54.37, + "mrr_at_3": 48.980000000000004, + "mrr_at_5": 51.735, + "ndcg_at_1": 34.694, + "ndcg_at_10": 26.811, + "ndcg_at_100": 37.342999999999996, + "ndcg_at_1000": 47.964, + "ndcg_at_3": 30.906, + "ndcg_at_5": 27.77, + "precision_at_1": 38.775999999999996, + "precision_at_10": 23.878, + "precision_at_100": 7.632999999999999, + "precision_at_1000": 1.469, + "precision_at_3": 31.973000000000003, + "precision_at_5": 26.939, + "recall_at_1": 3.066, + "recall_at_10": 17.112, + "recall_at_100": 47.723, + "recall_at_1000": 79.50500000000001, + "recall_at_3": 6.825, + "recall_at_5": 9.584, + "main_score": 26.811 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/ToxicConversationsClassification.json b/results/intfloat__e5-small/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..db5fd4ea0 --- /dev/null +++ b/results/intfloat__e5-small/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.76460000000002, + "ap": 14.944240012137053, + "f1": 55.89805777266571, + "main_score": 72.76460000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/TweetSentimentExtractionClassification.json b/results/intfloat__e5-small/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..c67d91bce --- /dev/null +++ b/results/intfloat__e5-small/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 63.30503678551217, + "f1": 63.57492701921179, + "main_score": 63.30503678551217 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/TwentyNewsgroupsClustering.json b/results/intfloat__e5-small/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..9c2a580f2 --- /dev/null +++ b/results/intfloat__e5-small/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.51066495006874, + "main_score": 37.51066495006874 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/TwitterSemEval2015.json b/results/intfloat__e5-small/external/TwitterSemEval2015.json new file mode 100644 index 000000000..babf2336c --- /dev/null +++ b/results/intfloat__e5-small/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 86.07021517553794, + "cos_sim_ap": 74.15520712370555, + "cos_sim_f1": 68.64321608040201, + "cos_sim_precision": 65.51558752997602, + "cos_sim_recall": 72.0844327176781, + "dot_accuracy": 80.23484532395541, + "dot_ap": 54.298763810214176, + "dot_f1": 53.22254659779924, + "dot_precision": 46.32525410476936, + "dot_recall": 62.532981530343015, + "euclidean_accuracy": 86.04637301066937, + "euclidean_ap": 73.85333854233123, + "euclidean_f1": 68.77723660599845, + "euclidean_precision": 66.87437686939182, + "euclidean_recall": 70.79155672823218, + "manhattan_accuracy": 85.98676759849795, + "manhattan_ap": 73.56016090035973, + "manhattan_f1": 68.48878539036647, + "manhattan_precision": 63.9505607690547, + "manhattan_recall": 73.7203166226913, + "max_accuracy": 86.07021517553794, + "max_ap": 74.15520712370555, + "max_f1": 68.77723660599845, + "main_score": 74.15520712370555 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/TwitterURLCorpus.json b/results/intfloat__e5-small/external/TwitterURLCorpus.json new file mode 100644 index 000000000..4c0e1dc74 --- /dev/null +++ b/results/intfloat__e5-small/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.92769821865176, + "cos_sim_ap": 85.78879502899773, + "cos_sim_f1": 78.14414083990464, + "cos_sim_precision": 74.61651607480563, + "cos_sim_recall": 82.0218663381583, + "dot_accuracy": 84.95750378390964, + "dot_ap": 75.80219641857563, + "dot_f1": 70.13966179585681, + "dot_precision": 65.71140262361251, + "dot_recall": 75.20788420080073, + "euclidean_accuracy": 88.93546008460433, + "euclidean_ap": 85.72056428301667, + "euclidean_f1": 78.14387902598124, + "euclidean_precision": 75.3376688344172, + "euclidean_recall": 81.16723129042192, + "manhattan_accuracy": 88.96262661543835, + "manhattan_ap": 85.76605136314335, + "manhattan_f1": 78.26696165191743, + "manhattan_precision": 75.0990659496179, + "manhattan_recall": 81.71388974437943, + "max_accuracy": 88.96262661543835, + "max_ap": 85.78879502899773, + "max_f1": 78.26696165191743, + "main_score": 85.78879502899773 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__e5-small/external/model_meta.json b/results/intfloat__e5-small/external/model_meta.json new file mode 100644 index 000000000..dd71a9837 --- /dev/null +++ b/results/intfloat__e5-small/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "intfloat/e5-small", + "revision": "e272f3049e853b47cb5ca3952268c6662abda68f", + "release_date": "2022-12-07", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 33360512, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 384, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/AmazonCounterfactualClassification.json b/results/intfloat__multilingual-e5-base/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..7b8378d67 --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/AmazonCounterfactualClassification.json @@ -0,0 +1,50 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.97014925373135, + "ap": 43.69351129103008, + "f1": 73.38075030070492, + "main_score": 78.97014925373135 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 71.7237687366167, + "ap": 82.22089859962671, + "f1": 69.95532758884401, + "main_score": 71.7237687366167 + }, + { + "hf_subset": "en-ext", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.65517241379312, + "ap": 28.507918657094738, + "f1": 66.84516013726119, + "main_score": 79.65517241379312 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 73.32976445396146, + "ap": 20.720481637566014, + "f1": 59.78002763416003, + "main_score": 73.32976445396146 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/AmazonPolarityClassification.json b/results/intfloat__multilingual-e5-base/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..6f485ecdc --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 90.63775, + "ap": 87.22277903861716, + "f1": 90.60378636386807, + "main_score": 90.63775 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/AmazonReviewsClassification.json b/results/intfloat__multilingual-e5-base/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..6e9436d75 --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/AmazonReviewsClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 44.546, + "f1": 44.05666638370923, + "main_score": 44.546 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 41.828, + "f1": 41.2710255644252, + "main_score": 41.828 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 40.534, + "f1": 39.820743174270326, + "main_score": 40.534 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 39.684, + "f1": 39.11052682815307, + "main_score": 39.684 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 37.436, + "f1": 37.07082931930871, + "main_score": 37.436 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 37.226000000000006, + "f1": 36.65372077739185, + "main_score": 37.226000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/ArguAna.json b/results/intfloat__multilingual-e5-base/external/ArguAna.json new file mode 100644 index 000000000..eadbacfb7 --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.831000000000003, + "map_at_10": 36.42, + "map_at_100": 37.699, + "map_at_1000": 37.724000000000004, + "map_at_3": 32.207, + "map_at_5": 34.312, + "mrr_at_1": 23.257, + "mrr_at_10": 36.574, + "mrr_at_100": 37.854, + "mrr_at_1000": 37.878, + "mrr_at_3": 32.385000000000005, + "mrr_at_5": 34.48, + "ndcg_at_1": 22.831000000000003, + "ndcg_at_10": 44.230000000000004, + "ndcg_at_100": 49.974000000000004, + "ndcg_at_1000": 50.522999999999996, + "ndcg_at_3": 35.363, + "ndcg_at_5": 39.164, + "precision_at_1": 22.831000000000003, + "precision_at_10": 6.935, + "precision_at_100": 0.9520000000000001, + "precision_at_1000": 0.099, + "precision_at_3": 14.841, + "precision_at_5": 10.754, + "recall_at_1": 22.831000000000003, + "recall_at_10": 69.346, + "recall_at_100": 95.235, + "recall_at_1000": 99.36, + "recall_at_3": 44.523, + "recall_at_5": 53.769999999999996, + "main_score": 44.230000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/ArxivClusteringP2P.json b/results/intfloat__multilingual-e5-base/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..51ce122b3 --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.27789869854063, + "main_score": 40.27789869854063 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/ArxivClusteringS2S.json b/results/intfloat__multilingual-e5-base/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..c338493aa --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.41979463347428, + "main_score": 35.41979463347428 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/AskUbuntuDupQuestions.json b/results/intfloat__multilingual-e5-base/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..e1f547c5f --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 58.22752045109304, + "mrr": 71.51112430198303, + "main_score": 58.22752045109304 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/BIOSSES.json b/results/intfloat__multilingual-e5-base/external/BIOSSES.json new file mode 100644 index 000000000..5c56bf8d3 --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.71147646622866, + "cos_sim_spearman": 85.059167046486, + "euclidean_pearson": 75.88421613600647, + "euclidean_spearman": 75.12821787150585, + "manhattan_pearson": 75.22005646957604, + "manhattan_spearman": 74.42880434453272, + "cosine_pearson": 84.71147646622866, + "cosine_spearman": 85.059167046486, + "main_score": 85.059167046486 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/BUCC.json b/results/intfloat__multilingual-e5-base/external/BUCC.json new file mode 100644 index 000000000..f93f5a986 --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/BUCC.json @@ -0,0 +1,58 @@ +{ + "dataset_revision": "d51519689f32196a32af33b075a01d0e7c51e252", + "task_name": "BUCC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "accuracy": 99.23799582463465, + "f1": 99.12665274878218, + "precision": 99.07098121085595, + "recall": 99.23799582463465, + "main_score": 99.12665274878218 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "accuracy": 97.88685890380806, + "f1": 97.59336708489249, + "precision": 97.44662117543473, + "recall": 97.88685890380806, + "main_score": 97.59336708489249 + }, + { + "hf_subset": "ru-en", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "accuracy": 97.47142362313821, + "f1": 97.1989377670015, + "precision": 97.06384944001847, + "recall": 97.47142362313821, + "main_score": 97.1989377670015 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "accuracy": 98.4728804634018, + "f1": 98.2973494821836, + "precision": 98.2095839915745, + "recall": 98.4728804634018, + "main_score": 98.2973494821836 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/Banking77Classification.json b/results/intfloat__multilingual-e5-base/external/Banking77Classification.json new file mode 100644 index 000000000..89bc769ae --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 82.74025974025975, + "f1": 82.67420447730439, + "main_score": 82.74025974025975 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/BiorxivClusteringP2P.json b/results/intfloat__multilingual-e5-base/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..8c6a02e63 --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.0380848063507, + "main_score": 35.0380848063507 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/BiorxivClusteringS2S.json b/results/intfloat__multilingual-e5-base/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..a2ea67a74 --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 29.45956405670166, + "main_score": 29.45956405670166 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/CQADupstackAndroidRetrieval.json b/results/intfloat__multilingual-e5-base/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..2137c1941 --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.122, + "map_at_10": 42.03, + "map_at_100": 43.364000000000004, + "map_at_1000": 43.474000000000004, + "map_at_3": 38.804, + "map_at_5": 40.585, + "mrr_at_1": 39.914, + "mrr_at_10": 48.227, + "mrr_at_100": 49.018, + "mrr_at_1000": 49.064, + "mrr_at_3": 45.994, + "mrr_at_5": 47.396, + "ndcg_at_1": 39.914, + "ndcg_at_10": 47.825, + "ndcg_at_100": 52.852, + "ndcg_at_1000": 54.891, + "ndcg_at_3": 43.517, + "ndcg_at_5": 45.493, + "precision_at_1": 39.914, + "precision_at_10": 8.956, + "precision_at_100": 1.388, + "precision_at_1000": 0.182, + "precision_at_3": 20.791999999999998, + "precision_at_5": 14.821000000000002, + "recall_at_1": 32.122, + "recall_at_10": 58.294999999999995, + "recall_at_100": 79.726, + "recall_at_1000": 93.099, + "recall_at_3": 45.017, + "recall_at_5": 51.002, + "main_score": 47.825 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.677999999999997, + "map_at_10": 38.684000000000005, + "map_at_100": 39.812999999999995, + "map_at_1000": 39.945, + "map_at_3": 35.831, + "map_at_5": 37.446, + "mrr_at_1": 37.771, + "mrr_at_10": 44.936, + "mrr_at_100": 45.583, + "mrr_at_1000": 45.634, + "mrr_at_3": 42.771, + "mrr_at_5": 43.994, + "ndcg_at_1": 37.771, + "ndcg_at_10": 44.059, + "ndcg_at_100": 48.192, + "ndcg_at_1000": 50.375, + "ndcg_at_3": 40.172000000000004, + "ndcg_at_5": 41.899, + "precision_at_1": 37.771, + "precision_at_10": 8.286999999999999, + "precision_at_100": 1.322, + "precision_at_1000": 0.178, + "precision_at_3": 19.406000000000002, + "precision_at_5": 13.745, + "recall_at_1": 29.677999999999997, + "recall_at_10": 53.071, + "recall_at_100": 70.812, + "recall_at_1000": 84.841, + "recall_at_3": 41.016000000000005, + "recall_at_5": 46.22, + "main_score": 44.059 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 42.675000000000004, + "map_at_10": 53.93599999999999, + "map_at_100": 54.806999999999995, + "map_at_1000": 54.867, + "map_at_3": 50.934000000000005, + "map_at_5": 52.583, + "mrr_at_1": 48.339, + "mrr_at_10": 57.265, + "mrr_at_100": 57.873, + "mrr_at_1000": 57.906, + "mrr_at_3": 55.193000000000005, + "mrr_at_5": 56.303000000000004, + "ndcg_at_1": 48.339, + "ndcg_at_10": 59.19799999999999, + "ndcg_at_100": 62.743, + "ndcg_at_1000": 63.99399999999999, + "ndcg_at_3": 54.367, + "ndcg_at_5": 56.548, + "precision_at_1": 48.339, + "precision_at_10": 9.216000000000001, + "precision_at_100": 1.1809999999999998, + "precision_at_1000": 0.134, + "precision_at_3": 23.72, + "precision_at_5": 16.025, + "recall_at_1": 42.675000000000004, + "recall_at_10": 71.437, + "recall_at_100": 86.803, + "recall_at_1000": 95.581, + "recall_at_3": 58.434, + "recall_at_5": 63.754, + "main_score": 59.19799999999999 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.518, + "map_at_10": 30.648999999999997, + "map_at_100": 31.508999999999997, + "map_at_1000": 31.604, + "map_at_3": 28.247, + "map_at_5": 29.65, + "mrr_at_1": 25.650000000000002, + "mrr_at_10": 32.771, + "mrr_at_100": 33.554, + "mrr_at_1000": 33.629999999999995, + "mrr_at_3": 30.433, + "mrr_at_5": 31.812, + "ndcg_at_1": 25.650000000000002, + "ndcg_at_10": 34.929, + "ndcg_at_100": 39.382, + "ndcg_at_1000": 41.913, + "ndcg_at_3": 30.292, + "ndcg_at_5": 32.629999999999995, + "precision_at_1": 25.650000000000002, + "precision_at_10": 5.311, + "precision_at_100": 0.792, + "precision_at_1000": 0.105, + "precision_at_3": 12.58, + "precision_at_5": 8.994, + "recall_at_1": 23.518, + "recall_at_10": 46.19, + "recall_at_100": 67.123, + "recall_at_1000": 86.442, + "recall_at_3": 33.678000000000004, + "recall_at_5": 39.244, + "main_score": 34.929 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.891, + "map_at_10": 22.464000000000002, + "map_at_100": 23.483, + "map_at_1000": 23.613, + "map_at_3": 20.080000000000002, + "map_at_5": 21.526, + "mrr_at_1": 20.025000000000002, + "mrr_at_10": 26.712999999999997, + "mrr_at_100": 27.650000000000002, + "mrr_at_1000": 27.737000000000002, + "mrr_at_3": 24.274, + "mrr_at_5": 25.711000000000002, + "ndcg_at_1": 20.025000000000002, + "ndcg_at_10": 27.028999999999996, + "ndcg_at_100": 32.064, + "ndcg_at_1000": 35.188, + "ndcg_at_3": 22.512999999999998, + "ndcg_at_5": 24.89, + "precision_at_1": 20.025000000000002, + "precision_at_10": 4.776, + "precision_at_100": 0.8500000000000001, + "precision_at_1000": 0.125, + "precision_at_3": 10.531, + "precision_at_5": 7.811, + "recall_at_1": 15.891, + "recall_at_10": 37.261, + "recall_at_100": 59.12, + "recall_at_1000": 81.356, + "recall_at_3": 24.741, + "recall_at_5": 30.753999999999998, + "main_score": 27.028999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.544, + "map_at_10": 36.283, + "map_at_100": 37.467, + "map_at_1000": 37.574000000000005, + "map_at_3": 33.528999999999996, + "map_at_5": 35.028999999999996, + "mrr_at_1": 34.166999999999994, + "mrr_at_10": 41.866, + "mrr_at_100": 42.666, + "mrr_at_1000": 42.716, + "mrr_at_3": 39.541, + "mrr_at_5": 40.768, + "ndcg_at_1": 34.166999999999994, + "ndcg_at_10": 41.577, + "ndcg_at_100": 46.687, + "ndcg_at_1000": 48.967, + "ndcg_at_3": 37.177, + "ndcg_at_5": 39.097, + "precision_at_1": 34.166999999999994, + "precision_at_10": 7.420999999999999, + "precision_at_100": 1.165, + "precision_at_1000": 0.154, + "precision_at_3": 17.291999999999998, + "precision_at_5": 12.166, + "recall_at_1": 27.544, + "recall_at_10": 51.99399999999999, + "recall_at_100": 73.738, + "recall_at_1000": 89.33, + "recall_at_3": 39.179, + "recall_at_5": 44.385999999999996, + "main_score": 41.577 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.661, + "map_at_10": 35.475, + "map_at_100": 36.626999999999995, + "map_at_1000": 36.741, + "map_at_3": 32.818000000000005, + "map_at_5": 34.397, + "mrr_at_1": 32.647999999999996, + "mrr_at_10": 40.784, + "mrr_at_100": 41.602, + "mrr_at_1000": 41.661, + "mrr_at_3": 38.68, + "mrr_at_5": 39.838, + "ndcg_at_1": 32.647999999999996, + "ndcg_at_10": 40.697, + "ndcg_at_100": 45.799, + "ndcg_at_1000": 48.235, + "ndcg_at_3": 36.516, + "ndcg_at_5": 38.515, + "precision_at_1": 32.647999999999996, + "precision_at_10": 7.202999999999999, + "precision_at_100": 1.1360000000000001, + "precision_at_1000": 0.151, + "precision_at_3": 17.314, + "precision_at_5": 12.145999999999999, + "recall_at_1": 26.661, + "recall_at_10": 50.995000000000005, + "recall_at_100": 73.065, + "recall_at_1000": 89.781, + "recall_at_3": 39.073, + "recall_at_5": 44.395, + "main_score": 40.697 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.946583333333333, + "map_at_10": 33.79725, + "map_at_100": 34.86408333333333, + "map_at_1000": 34.9795, + "map_at_3": 31.259999999999998, + "map_at_5": 32.71541666666666, + "mrr_at_1": 30.863749999999996, + "mrr_at_10": 37.99183333333333, + "mrr_at_100": 38.790499999999994, + "mrr_at_1000": 38.85575000000001, + "mrr_at_3": 35.82083333333333, + "mrr_at_5": 37.07533333333333, + "ndcg_at_1": 30.863749999999996, + "ndcg_at_10": 38.52141666666667, + "ndcg_at_100": 43.17966666666667, + "ndcg_at_1000": 45.64608333333333, + "ndcg_at_3": 34.333000000000006, + "ndcg_at_5": 36.34975, + "precision_at_1": 30.863749999999996, + "precision_at_10": 6.598999999999999, + "precision_at_100": 1.0502500000000001, + "precision_at_1000": 0.14400000000000002, + "precision_at_3": 15.557583333333334, + "precision_at_5": 11.020000000000001, + "recall_at_1": 25.946583333333333, + "recall_at_10": 48.36991666666666, + "recall_at_100": 69.02408333333334, + "recall_at_1000": 86.43858333333331, + "recall_at_3": 36.4965, + "recall_at_5": 41.76258333333334, + "main_score": 38.52141666666667 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.431, + "map_at_10": 28.889, + "map_at_100": 29.642000000000003, + "map_at_1000": 29.742, + "map_at_3": 26.998, + "map_at_5": 28.172000000000004, + "mrr_at_1": 25.307000000000002, + "mrr_at_10": 31.763, + "mrr_at_100": 32.443, + "mrr_at_1000": 32.531, + "mrr_at_3": 29.959000000000003, + "mrr_at_5": 31.063000000000002, + "ndcg_at_1": 25.307000000000002, + "ndcg_at_10": 32.586999999999996, + "ndcg_at_100": 36.5, + "ndcg_at_1000": 39.133, + "ndcg_at_3": 29.25, + "ndcg_at_5": 31.023, + "precision_at_1": 25.307000000000002, + "precision_at_10": 4.954, + "precision_at_100": 0.747, + "precision_at_1000": 0.104, + "precision_at_3": 12.577, + "precision_at_5": 8.741999999999999, + "recall_at_1": 22.431, + "recall_at_10": 41.134, + "recall_at_100": 59.28600000000001, + "recall_at_1000": 78.857, + "recall_at_3": 31.926, + "recall_at_5": 36.335, + "main_score": 32.586999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.586, + "map_at_10": 23.304, + "map_at_100": 24.159, + "map_at_1000": 24.281, + "map_at_3": 21.316, + "map_at_5": 22.383, + "mrr_at_1": 21.645, + "mrr_at_10": 27.365000000000002, + "mrr_at_100": 28.108, + "mrr_at_1000": 28.192, + "mrr_at_3": 25.482, + "mrr_at_5": 26.479999999999997, + "ndcg_at_1": 21.645, + "ndcg_at_10": 27.306, + "ndcg_at_100": 31.496000000000002, + "ndcg_at_1000": 34.53, + "ndcg_at_3": 23.73, + "ndcg_at_5": 25.294, + "precision_at_1": 21.645, + "precision_at_10": 4.797, + "precision_at_100": 0.8059999999999999, + "precision_at_1000": 0.121, + "precision_at_3": 10.850999999999999, + "precision_at_5": 7.736, + "recall_at_1": 17.586, + "recall_at_10": 35.481, + "recall_at_100": 54.534000000000006, + "recall_at_1000": 76.456, + "recall_at_3": 25.335, + "recall_at_5": 29.473, + "main_score": 27.306 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.095, + "map_at_10": 32.374, + "map_at_100": 33.537, + "map_at_1000": 33.634, + "map_at_3": 30.089, + "map_at_5": 31.433, + "mrr_at_1": 29.198, + "mrr_at_10": 36.01, + "mrr_at_100": 37.022, + "mrr_at_1000": 37.083, + "mrr_at_3": 33.94, + "mrr_at_5": 35.148, + "ndcg_at_1": 29.198, + "ndcg_at_10": 36.729, + "ndcg_at_100": 42.114000000000004, + "ndcg_at_1000": 44.592, + "ndcg_at_3": 32.644, + "ndcg_at_5": 34.652, + "precision_at_1": 29.198, + "precision_at_10": 5.970000000000001, + "precision_at_100": 0.967, + "precision_at_1000": 0.129, + "precision_at_3": 14.396999999999998, + "precision_at_5": 10.093, + "recall_at_1": 25.095, + "recall_at_10": 46.392, + "recall_at_100": 69.706, + "recall_at_1000": 87.738, + "recall_at_3": 35.303000000000004, + "recall_at_5": 40.441, + "main_score": 36.729 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.857999999999997, + "map_at_10": 34.066, + "map_at_100": 35.671, + "map_at_1000": 35.881, + "map_at_3": 31.304, + "map_at_5": 32.885, + "mrr_at_1": 32.411, + "mrr_at_10": 38.987, + "mrr_at_100": 39.894, + "mrr_at_1000": 39.959, + "mrr_at_3": 36.626999999999995, + "mrr_at_5": 38.011, + "ndcg_at_1": 32.411, + "ndcg_at_10": 39.208, + "ndcg_at_100": 44.626, + "ndcg_at_1000": 47.43, + "ndcg_at_3": 35.091, + "ndcg_at_5": 37.119, + "precision_at_1": 32.411, + "precision_at_10": 7.51, + "precision_at_100": 1.486, + "precision_at_1000": 0.234, + "precision_at_3": 16.14, + "precision_at_5": 11.976, + "recall_at_1": 26.857999999999997, + "recall_at_10": 47.407, + "recall_at_100": 72.236, + "recall_at_1000": 90.77, + "recall_at_3": 35.125, + "recall_at_5": 40.522999999999996, + "main_score": 39.208 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.3, + "map_at_10": 27.412999999999997, + "map_at_100": 28.29, + "map_at_1000": 28.398, + "map_at_3": 25.169999999999998, + "map_at_5": 26.496, + "mrr_at_1": 23.29, + "mrr_at_10": 29.215000000000003, + "mrr_at_100": 30.073, + "mrr_at_1000": 30.156, + "mrr_at_3": 26.956000000000003, + "mrr_at_5": 28.38, + "ndcg_at_1": 23.29, + "ndcg_at_10": 31.113000000000003, + "ndcg_at_100": 35.701, + "ndcg_at_1000": 38.505, + "ndcg_at_3": 26.727, + "ndcg_at_5": 29.037000000000003, + "precision_at_1": 23.29, + "precision_at_10": 4.787, + "precision_at_100": 0.763, + "precision_at_1000": 0.11100000000000002, + "precision_at_3": 11.091, + "precision_at_5": 7.985, + "recall_at_1": 21.3, + "recall_at_10": 40.782000000000004, + "recall_at_100": 62.13999999999999, + "recall_at_1000": 83.012, + "recall_at_3": 29.131, + "recall_at_5": 34.624, + "main_score": 31.113000000000003 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/ClimateFEVER.json b/results/intfloat__multilingual-e5-base/external/ClimateFEVER.json new file mode 100644 index 000000000..fdd234461 --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.631, + "map_at_10": 16.634999999999998, + "map_at_100": 18.23, + "map_at_1000": 18.419, + "map_at_3": 13.66, + "map_at_5": 15.173, + "mrr_at_1": 21.368000000000002, + "mrr_at_10": 31.56, + "mrr_at_100": 32.58, + "mrr_at_1000": 32.633, + "mrr_at_3": 28.241, + "mrr_at_5": 30.225, + "ndcg_at_1": 21.368000000000002, + "ndcg_at_10": 23.855999999999998, + "ndcg_at_100": 30.686999999999998, + "ndcg_at_1000": 34.327000000000005, + "ndcg_at_3": 18.781, + "ndcg_at_5": 20.73, + "precision_at_1": 21.368000000000002, + "precision_at_10": 7.564, + "precision_at_100": 1.496, + "precision_at_1000": 0.217, + "precision_at_3": 13.876, + "precision_at_5": 11.062, + "recall_at_1": 9.631, + "recall_at_10": 29.517, + "recall_at_100": 53.452, + "recall_at_1000": 74.115, + "recall_at_3": 17.605999999999998, + "recall_at_5": 22.505, + "main_score": 23.855999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/DBPedia.json b/results/intfloat__multilingual-e5-base/external/DBPedia.json new file mode 100644 index 000000000..a6c10c24c --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.885, + "map_at_10": 18.798000000000002, + "map_at_100": 26.316, + "map_at_1000": 27.869, + "map_at_3": 13.719000000000001, + "map_at_5": 15.716, + "mrr_at_1": 66, + "mrr_at_10": 74.263, + "mrr_at_100": 74.519, + "mrr_at_1000": 74.531, + "mrr_at_3": 72.458, + "mrr_at_5": 73.321, + "ndcg_at_1": 53.87499999999999, + "ndcg_at_10": 40.355999999999995, + "ndcg_at_100": 44.366, + "ndcg_at_1000": 51.771, + "ndcg_at_3": 45.195, + "ndcg_at_5": 42.187000000000005, + "precision_at_1": 66, + "precision_at_10": 31.75, + "precision_at_100": 10.11, + "precision_at_1000": 1.9800000000000002, + "precision_at_3": 48.167, + "precision_at_5": 40.050000000000004, + "recall_at_1": 8.885, + "recall_at_10": 24.471999999999998, + "recall_at_100": 49.669000000000004, + "recall_at_1000": 73.383, + "recall_at_3": 14.872, + "recall_at_5": 18.262999999999998, + "main_score": 40.355999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/EmotionClassification.json b/results/intfloat__multilingual-e5-base/external/EmotionClassification.json new file mode 100644 index 000000000..6e3d8c91b --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 45.18, + "f1": 40.26878691789978, + "main_score": 45.18 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/FEVER.json b/results/intfloat__multilingual-e5-base/external/FEVER.json new file mode 100644 index 000000000..8e2efaad1 --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 62.751999999999995, + "map_at_10": 74.131, + "map_at_100": 74.407, + "map_at_1000": 74.423, + "map_at_3": 72.329, + "map_at_5": 73.555, + "mrr_at_1": 67.282, + "mrr_at_10": 78.292, + "mrr_at_100": 78.455, + "mrr_at_1000": 78.458, + "mrr_at_3": 76.755, + "mrr_at_5": 77.839, + "ndcg_at_1": 67.282, + "ndcg_at_10": 79.443, + "ndcg_at_100": 80.529, + "ndcg_at_1000": 80.812, + "ndcg_at_3": 76.281, + "ndcg_at_5": 78.235, + "precision_at_1": 67.282, + "precision_at_10": 10.078, + "precision_at_100": 1.082, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 30.178, + "precision_at_5": 19.232, + "recall_at_1": 62.751999999999995, + "recall_at_10": 91.521, + "recall_at_100": 95.997, + "recall_at_1000": 97.775, + "recall_at_3": 83.131, + "recall_at_5": 87.93299999999999, + "main_score": 79.443 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/FiQA2018.json b/results/intfloat__multilingual-e5-base/external/FiQA2018.json new file mode 100644 index 000000000..1bb5eb25b --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.861, + "map_at_10": 30.252000000000002, + "map_at_100": 32.082, + "map_at_1000": 32.261, + "map_at_3": 25.909, + "map_at_5": 28.296, + "mrr_at_1": 37.346000000000004, + "mrr_at_10": 45.802, + "mrr_at_100": 46.611999999999995, + "mrr_at_1000": 46.659, + "mrr_at_3": 43.056, + "mrr_at_5": 44.637, + "ndcg_at_1": 37.346000000000004, + "ndcg_at_10": 38.169, + "ndcg_at_100": 44.864, + "ndcg_at_1000": 47.974, + "ndcg_at_3": 33.619, + "ndcg_at_5": 35.317, + "precision_at_1": 37.346000000000004, + "precision_at_10": 10.693999999999999, + "precision_at_100": 1.775, + "precision_at_1000": 0.231, + "precision_at_3": 22.325, + "precision_at_5": 16.852, + "recall_at_1": 18.861, + "recall_at_10": 45.672000000000004, + "recall_at_100": 70.60499999999999, + "recall_at_1000": 89.216, + "recall_at_3": 30.361, + "recall_at_5": 36.998999999999995, + "main_score": 38.169 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/HotpotQA.json b/results/intfloat__multilingual-e5-base/external/HotpotQA.json new file mode 100644 index 000000000..c0bb928b0 --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 37.852999999999994, + "map_at_10": 59.961, + "map_at_100": 60.78, + "map_at_1000": 60.843, + "map_at_3": 56.39999999999999, + "map_at_5": 58.646, + "mrr_at_1": 75.70599999999999, + "mrr_at_10": 82.321, + "mrr_at_100": 82.516, + "mrr_at_1000": 82.525, + "mrr_at_3": 81.317, + "mrr_at_5": 81.922, + "ndcg_at_1": 75.70599999999999, + "ndcg_at_10": 68.557, + "ndcg_at_100": 71.485, + "ndcg_at_1000": 72.71600000000001, + "ndcg_at_3": 63.524, + "ndcg_at_5": 66.338, + "precision_at_1": 75.70599999999999, + "precision_at_10": 14.463000000000001, + "precision_at_100": 1.677, + "precision_at_1000": 0.184, + "precision_at_3": 40.806, + "precision_at_5": 26.709, + "recall_at_1": 37.852999999999994, + "recall_at_10": 72.316, + "recall_at_100": 83.842, + "recall_at_1000": 91.999, + "recall_at_3": 61.209, + "recall_at_5": 66.77199999999999, + "main_score": 68.557 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/ImdbClassification.json b/results/intfloat__multilingual-e5-base/external/ImdbClassification.json new file mode 100644 index 000000000..da7da3446 --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 85.46039999999999, + "ap": 79.9812521351881, + "f1": 85.31722909702084, + "main_score": 85.46039999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/MSMARCO.json b/results/intfloat__multilingual-e5-base/external/MSMARCO.json new file mode 100644 index 000000000..8c8acaee1 --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.704, + "map_at_10": 35.329, + "map_at_100": 36.494, + "map_at_1000": 36.541000000000004, + "map_at_3": 31.476, + "map_at_5": 33.731, + "mrr_at_1": 23.294999999999998, + "mrr_at_10": 35.859, + "mrr_at_100": 36.968, + "mrr_at_1000": 37.008, + "mrr_at_3": 32.085, + "mrr_at_5": 34.299, + "ndcg_at_1": 23.324, + "ndcg_at_10": 42.274, + "ndcg_at_100": 47.839999999999996, + "ndcg_at_1000": 48.971, + "ndcg_at_3": 34.454, + "ndcg_at_5": 38.464, + "precision_at_1": 23.324, + "precision_at_10": 6.648, + "precision_at_100": 0.9440000000000001, + "precision_at_1000": 0.104, + "precision_at_3": 14.674999999999999, + "precision_at_5": 10.850999999999999, + "recall_at_1": 22.704, + "recall_at_10": 63.660000000000004, + "recall_at_100": 89.29899999999999, + "recall_at_1000": 97.88900000000001, + "recall_at_3": 42.441, + "recall_at_5": 52.04, + "main_score": 42.274 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/MTOPDomainClassification.json b/results/intfloat__multilingual-e5-base/external/MTOPDomainClassification.json new file mode 100644 index 000000000..f5f90164a --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/MTOPDomainClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.1326949384405, + "f1": 92.89743579612082, + "main_score": 93.1326949384405 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 89.62524654832347, + "f1": 88.65106082263151, + "main_score": 89.62524654832347 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 90.59039359573046, + "f1": 90.31532892105662, + "main_score": 90.59039359573046 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 86.21046038208581, + "f1": 86.41459529813113, + "main_score": 86.21046038208581 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 87.3180351380423, + "f1": 86.71383078226444, + "main_score": 87.3180351380423 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 86.24231464737792, + "f1": 86.31845567592403, + "main_score": 86.24231464737792 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/MTOPIntentClassification.json b/results/intfloat__multilingual-e5-base/external/MTOPIntentClassification.json new file mode 100644 index 000000000..98c81db98 --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/MTOPIntentClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.27131782945736, + "f1": 57.52079940417103, + "main_score": 75.27131782945736 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 71.2341504649197, + "f1": 51.349951558039244, + "main_score": 71.2341504649197 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 71.27418278852569, + "f1": 50.1714985749095, + "main_score": 71.27418278852569 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 67.68243031631694, + "f1": 50.1066160836192, + "main_score": 67.68243031631694 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 69.2362854069559, + "f1": 48.821279948766424, + "main_score": 69.2362854069559 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 71.71428571428571, + "f1": 53.94611389496195, + "main_score": 71.71428571428571 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/MassiveIntentClassification.json b/results/intfloat__multilingual-e5-base/external/MassiveIntentClassification.json new file mode 100644 index 000000000..bde893926 --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/MassiveIntentClassification.json @@ -0,0 +1,469 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 59.97646267652992, + "f1": 57.26797883561521, + "main_score": 59.97646267652992 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 53.65501008742435, + "f1": 50.416258382177034, + "main_score": 53.65501008742435 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 57.45796906523201, + "f1": 53.306690547422185, + "main_score": 57.45796906523201 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 62.59246805648957, + "f1": 59.818381969051494, + "main_score": 62.59246805648957 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 61.126429051782104, + "f1": 58.25993593933026, + "main_score": 61.126429051782104 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 50.057162071284466, + "f1": 46.96095728790911, + "main_score": 50.057162071284466 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 66.64425016812375, + "f1": 62.858291698755764, + "main_score": 66.64425016812375 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 66.08944182918628, + "f1": 62.44639030604241, + "main_score": 66.08944182918628 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 64.68056489576328, + "f1": 61.775326758789504, + "main_score": 64.68056489576328 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.11163416274377, + "f1": 69.70789096927015, + "main_score": 72.11163416274377 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 68.40282447881641, + "f1": 66.38492065671895, + "main_score": 68.40282447881641 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 67.24613315400134, + "f1": 64.3348019501336, + "main_score": 67.24613315400134 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 65.78345662407531, + "f1": 62.21279452354622, + "main_score": 65.78345662407531 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 67.9455279085407, + "f1": 65.48193124964094, + "main_score": 67.9455279085407 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 62.05110961667788, + "f1": 58.097856564684534, + "main_score": 62.05110961667788 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 64.95292535305985, + "f1": 62.09182174767901, + "main_score": 64.95292535305985 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 64.97310020174848, + "f1": 61.14252567730396, + "main_score": 64.97310020174848 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 60.08069939475453, + "f1": 57.044041742492034, + "main_score": 60.08069939475453 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 66.63752521856085, + "f1": 63.889340907205316, + "main_score": 66.63752521856085 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 56.385339609952936, + "f1": 53.449033750088304, + "main_score": 56.385339609952936 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 68.93073301950234, + "f1": 65.9884357824104, + "main_score": 68.93073301950234 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 68.94418291862812, + "f1": 66.48740222583132, + "main_score": 68.94418291862812 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 54.26025554808339, + "f1": 50.19562815100793, + "main_score": 54.26025554808339 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 48.98789509078682, + "f1": 46.65788438676836, + "main_score": 48.98789509078682 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 44.68728984532616, + "f1": 41.642419349541996, + "main_score": 44.68728984532616 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 59.19300605245461, + "f1": 55.8626492442437, + "main_score": 59.19300605245461 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 66.33826496301278, + "f1": 63.89499791648792, + "main_score": 66.33826496301278 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 60.33960995292536, + "f1": 57.15242464180892, + "main_score": 60.33960995292536 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 63.09347679892402, + "f1": 59.64733214063841, + "main_score": 63.09347679892402 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 58.75924680564896, + "f1": 55.96585692366827, + "main_score": 58.75924680564896 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 62.48486886348352, + "f1": 59.45143559032946, + "main_score": 62.48486886348352 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 58.56422326832549, + "f1": 54.96368702901926, + "main_score": 58.56422326832549 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 66.18022864828512, + "f1": 63.05369805040634, + "main_score": 66.18022864828512 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 67.30329522528581, + "f1": 64.06084612020727, + "main_score": 67.30329522528581 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 68.36919973100201, + "f1": 65.12154124788887, + "main_score": 68.36919973100201 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 68.98117014122394, + "f1": 66.41847559806962, + "main_score": 68.98117014122394 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 65.53799596503026, + "f1": 62.17067330740817, + "main_score": 65.53799596503026 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 69.01815736381977, + "f1": 66.24988369607843, + "main_score": 69.01815736381977 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 62.34700739744452, + "f1": 59.957933424941636, + "main_score": 62.34700739744452 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 61.23402824478815, + "f1": 57.98836976018471, + "main_score": 61.23402824478815 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 68.54068594485541, + "f1": 65.43849680666855, + "main_score": 68.54068594485541 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 55.998655010087425, + "f1": 52.83737515406804, + "main_score": 55.998655010087425 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 58.71217215870882, + "f1": 55.051794977833026, + "main_score": 58.71217215870882 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 59.724277067921996, + "f1": 56.33485571838306, + "main_score": 59.724277067921996 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 65.59515803631473, + "f1": 64.96772366193588, + "main_score": 65.59515803631473 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 60.860793544048406, + "f1": 58.148845819115394, + "main_score": 60.860793544048406 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 67.40753194351043, + "f1": 63.18903778054698, + "main_score": 67.40753194351043 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 61.52320107599194, + "f1": 58.356144563398516, + "main_score": 61.52320107599194 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 66.17014122394083, + "f1": 63.919964062638925, + "main_score": 66.17014122394083 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 69.15601882985878, + "f1": 67.01451905761371, + "main_score": 69.15601882985878 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 64.65030262273034, + "f1": 64.14420425129063, + "main_score": 64.65030262273034 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/MassiveScenarioClassification.json b/results/intfloat__multilingual-e5-base/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..003e562fd --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/MassiveScenarioClassification.json @@ -0,0 +1,469 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 65.08742434431743, + "f1": 63.044060042311756, + "main_score": 65.08742434431743 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 58.52387357094821, + "f1": 56.82398588814534, + "main_score": 58.52387357094821 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 62.239408204438476, + "f1": 61.92570286170469, + "main_score": 62.239408204438476 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 63.74915938130463, + "f1": 62.130740689396276, + "main_score": 63.74915938130463 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 65.00336247478144, + "f1": 63.71080635228055, + "main_score": 65.00336247478144 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 52.837928715534645, + "f1": 50.390741680320836, + "main_score": 52.837928715534645 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 72.42098184263618, + "f1": 71.41355113538995, + "main_score": 72.42098184263618 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 71.95359784801613, + "f1": 71.42699340156742, + "main_score": 71.95359784801613 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 70.18157363819772, + "f1": 69.74836113037671, + "main_score": 70.18157363819772 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.08137188971082, + "f1": 76.78000685068261, + "main_score": 77.08137188971082 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 71.5030262273033, + "f1": 71.71620130425673, + "main_score": 71.5030262273033 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 70.24546065904505, + "f1": 69.07638311730359, + "main_score": 70.24546065904505 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 69.12911903160726, + "f1": 68.32651736539815, + "main_score": 69.12911903160726 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 71.89307330195025, + "f1": 71.33986549860187, + "main_score": 71.89307330195025 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 67.44451916610626, + "f1": 66.90192664503866, + "main_score": 67.44451916610626 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 69.16274377942166, + "f1": 68.01090953775066, + "main_score": 69.16274377942166 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 70.75319435104237, + "f1": 70.18035309201403, + "main_score": 70.75319435104237 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 63.14391392064559, + "f1": 61.48286540778145, + "main_score": 63.14391392064559 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 70.70275722932078, + "f1": 70.26164779846495, + "main_score": 70.70275722932078 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 60.93813046402153, + "f1": 58.8852862116525, + "main_score": 60.93813046402153 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 72.320107599193, + "f1": 72.19836409602924, + "main_score": 72.320107599193 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 74.65366509751176, + "f1": 74.55188288799579, + "main_score": 74.65366509751176 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 59.694014794889036, + "f1": 58.11353311721067, + "main_score": 59.694014794889036 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 54.37457969065231, + "f1": 52.81306134311697, + "main_score": 54.37457969065231 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 48.3086751849361, + "f1": 45.396449765419376, + "main_score": 48.3086751849361 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 62.151983860121064, + "f1": 60.31762544281696, + "main_score": 62.151983860121064 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 72.44788164088769, + "f1": 71.68150151736367, + "main_score": 72.44788164088769 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 62.81439139206455, + "f1": 62.06735559105593, + "main_score": 62.81439139206455 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 68.04303967720242, + "f1": 66.68298851670133, + "main_score": 68.04303967720242 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 61.43913920645595, + "f1": 60.25605977560783, + "main_score": 61.43913920645595 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 66.90316072629456, + "f1": 65.1325924692381, + "main_score": 66.90316072629456 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 61.63752521856086, + "f1": 59.14284778039585, + "main_score": 61.63752521856086 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 71.63080026899797, + "f1": 70.89771864626877, + "main_score": 71.63080026899797 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 72.10827168796234, + "f1": 71.71954219691159, + "main_score": 72.10827168796234 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 70.59515803631471, + "f1": 70.05040128099003, + "main_score": 70.59515803631471 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 70.83389374579691, + "f1": 70.84877936562735, + "main_score": 70.83389374579691 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 69.18628110289173, + "f1": 68.97232927921841, + "main_score": 69.18628110289173 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 72.99260255548083, + "f1": 72.85139492157732, + "main_score": 72.99260255548083 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 65.26227303295225, + "f1": 65.08833655469431, + "main_score": 65.26227303295225 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 66.48621385339611, + "f1": 64.43483199071298, + "main_score": 66.48621385339611 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 73.14391392064559, + "f1": 72.2580822579741, + "main_score": 73.14391392064559 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 59.88567585743107, + "f1": 58.3073765932569, + "main_score": 59.88567585743107 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 62.38399462004034, + "f1": 60.82139544252606, + "main_score": 62.38399462004034 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 62.58574310692671, + "f1": 60.71443370385374, + "main_score": 62.58574310692671 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 71.61398789509079, + "f1": 70.99761812049401, + "main_score": 71.61398789509079 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 62.73705447209146, + "f1": 61.680849331794796, + "main_score": 62.73705447209146 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 71.66778749159381, + "f1": 71.17320646080115, + "main_score": 71.66778749159381 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 64.640215198386, + "f1": 63.301805157015444, + "main_score": 64.640215198386 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 70.00672494956288, + "f1": 70.26005548582106, + "main_score": 70.00672494956288 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 75.42030934767989, + "f1": 75.2074842882598, + "main_score": 75.42030934767989 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 70.69266980497646, + "f1": 70.94103167391192, + "main_score": 70.69266980497646 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/MedrxivClusteringP2P.json b/results/intfloat__multilingual-e5-base/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..0ddfce630 --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 28.91697191169135, + "main_score": 28.91697191169135 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/MedrxivClusteringS2S.json b/results/intfloat__multilingual-e5-base/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..c4816eb08 --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 28.434000079573313, + "main_score": 28.434000079573313 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/MindSmallReranking.json b/results/intfloat__multilingual-e5-base/external/MindSmallReranking.json new file mode 100644 index 000000000..ee70961b8 --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 30.96683513343383, + "mrr": 31.967364078714834, + "main_score": 30.96683513343383 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/NFCorpus.json b/results/intfloat__multilingual-e5-base/external/NFCorpus.json new file mode 100644 index 000000000..d1199c3db --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.5280000000000005, + "map_at_10": 11.793, + "map_at_100": 14.496999999999998, + "map_at_1000": 15.783, + "map_at_3": 8.838, + "map_at_5": 10.07, + "mrr_at_1": 43.653, + "mrr_at_10": 51.531000000000006, + "mrr_at_100": 52.205, + "mrr_at_1000": 52.242999999999995, + "mrr_at_3": 49.431999999999995, + "mrr_at_5": 50.470000000000006, + "ndcg_at_1": 42.415000000000006, + "ndcg_at_10": 32.464999999999996, + "ndcg_at_100": 28.927999999999997, + "ndcg_at_1000": 37.629000000000005, + "ndcg_at_3": 37.845, + "ndcg_at_5": 35.147, + "precision_at_1": 43.653, + "precision_at_10": 23.932000000000002, + "precision_at_100": 7.17, + "precision_at_1000": 1.967, + "precision_at_3": 35.397, + "precision_at_5": 29.907, + "recall_at_1": 5.5280000000000005, + "recall_at_10": 15.568000000000001, + "recall_at_100": 28.54, + "recall_at_1000": 59.864, + "recall_at_3": 9.822000000000001, + "recall_at_5": 11.726, + "main_score": 32.464999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/NQ.json b/results/intfloat__multilingual-e5-base/external/NQ.json new file mode 100644 index 000000000..323c0b1b4 --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 37.041000000000004, + "map_at_10": 52.664, + "map_at_100": 53.477, + "map_at_1000": 53.505, + "map_at_3": 48.510999999999996, + "map_at_5": 51.036, + "mrr_at_1": 41.338, + "mrr_at_10": 55.071000000000005, + "mrr_at_100": 55.672, + "mrr_at_1000": 55.689, + "mrr_at_3": 51.82, + "mrr_at_5": 53.852, + "ndcg_at_1": 41.338, + "ndcg_at_10": 60.01800000000001, + "ndcg_at_100": 63.409000000000006, + "ndcg_at_1000": 64.017, + "ndcg_at_3": 52.44799999999999, + "ndcg_at_5": 56.571000000000005, + "precision_at_1": 41.338, + "precision_at_10": 9.531, + "precision_at_100": 1.145, + "precision_at_1000": 0.12, + "precision_at_3": 23.416, + "precision_at_5": 16.46, + "recall_at_1": 37.041000000000004, + "recall_at_10": 79.76299999999999, + "recall_at_100": 94.39, + "recall_at_1000": 98.851, + "recall_at_3": 60.465, + "recall_at_5": 69.906, + "main_score": 60.01800000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/QuoraRetrieval.json b/results/intfloat__multilingual-e5-base/external/QuoraRetrieval.json new file mode 100644 index 000000000..c211adfd7 --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 69.952, + "map_at_10": 83.758, + "map_at_100": 84.406, + "map_at_1000": 84.425, + "map_at_3": 80.839, + "map_at_5": 82.646, + "mrr_at_1": 80.62, + "mrr_at_10": 86.947, + "mrr_at_100": 87.063, + "mrr_at_1000": 87.064, + "mrr_at_3": 85.96000000000001, + "mrr_at_5": 86.619, + "ndcg_at_1": 80.63, + "ndcg_at_10": 87.64800000000001, + "ndcg_at_100": 88.929, + "ndcg_at_1000": 89.054, + "ndcg_at_3": 84.765, + "ndcg_at_5": 86.291, + "precision_at_1": 80.63, + "precision_at_10": 13.314, + "precision_at_100": 1.525, + "precision_at_1000": 0.157, + "precision_at_3": 37.1, + "precision_at_5": 24.372, + "recall_at_1": 69.952, + "recall_at_10": 94.955, + "recall_at_100": 99.38, + "recall_at_1000": 99.96000000000001, + "recall_at_3": 86.60600000000001, + "recall_at_5": 90.997, + "main_score": 87.64800000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/RedditClustering.json b/results/intfloat__multilingual-e5-base/external/RedditClustering.json new file mode 100644 index 000000000..4a9631285 --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 42.41329517878427, + "main_score": 42.41329517878427 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/RedditClusteringP2P.json b/results/intfloat__multilingual-e5-base/external/RedditClusteringP2P.json new file mode 100644 index 000000000..ebb2eca77 --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 55.171278362748666, + "main_score": 55.171278362748666 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/SCIDOCS.json b/results/intfloat__multilingual-e5-base/external/SCIDOCS.json new file mode 100644 index 000000000..ad2efbacb --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.213, + "map_at_10": 9.895, + "map_at_100": 11.776, + "map_at_1000": 12.084, + "map_at_3": 7.2669999999999995, + "map_at_5": 8.620999999999999, + "mrr_at_1": 20.8, + "mrr_at_10": 31.112000000000002, + "mrr_at_100": 32.274, + "mrr_at_1000": 32.35, + "mrr_at_3": 28.133000000000003, + "mrr_at_5": 29.892999999999997, + "ndcg_at_1": 20.8, + "ndcg_at_10": 17.163999999999998, + "ndcg_at_100": 24.738, + "ndcg_at_1000": 30.316, + "ndcg_at_3": 16.665, + "ndcg_at_5": 14.478, + "precision_at_1": 20.8, + "precision_at_10": 8.74, + "precision_at_100": 1.963, + "precision_at_1000": 0.33, + "precision_at_3": 15.467, + "precision_at_5": 12.6, + "recall_at_1": 4.213, + "recall_at_10": 17.698, + "recall_at_100": 39.838, + "recall_at_1000": 66.893, + "recall_at_3": 9.418, + "recall_at_5": 12.773000000000001, + "main_score": 17.163999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/SICK-R.json b/results/intfloat__multilingual-e5-base/external/SICK-R.json new file mode 100644 index 000000000..bf2b1ff4c --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.90453315738294, + "cos_sim_spearman": 78.51197850080254, + "euclidean_pearson": 80.09647123597748, + "euclidean_spearman": 78.63548011514061, + "manhattan_pearson": 80.10645285675231, + "manhattan_spearman": 78.57861806068901, + "cosine_pearson": 82.90453315738294, + "cosine_spearman": 78.51197850080254, + "main_score": 78.51197850080254 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/STS12.json b/results/intfloat__multilingual-e5-base/external/STS12.json new file mode 100644 index 000000000..e30bc5997 --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.2616156846401, + "cos_sim_spearman": 76.69713867850156, + "euclidean_pearson": 77.97948563800394, + "euclidean_spearman": 74.2371211567807, + "manhattan_pearson": 77.69697879669705, + "manhattan_spearman": 73.86529778022278, + "cosine_pearson": 84.2616156846401, + "cosine_spearman": 76.69713867850156, + "main_score": 76.69713867850156 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/STS13.json b/results/intfloat__multilingual-e5-base/external/STS13.json new file mode 100644 index 000000000..67c219c6f --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 77.0293269315045, + "cos_sim_spearman": 78.02555120584198, + "euclidean_pearson": 78.25398100379078, + "euclidean_spearman": 78.66963870599464, + "manhattan_pearson": 78.14314682167348, + "manhattan_spearman": 78.57692322969135, + "cosine_pearson": 77.0293269315045, + "cosine_spearman": 78.02555120584198, + "main_score": 78.02555120584198 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/STS14.json b/results/intfloat__multilingual-e5-base/external/STS14.json new file mode 100644 index 000000000..96345dcaf --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 79.16989925136942, + "cos_sim_spearman": 76.5996225327091, + "euclidean_pearson": 77.8319003279786, + "euclidean_spearman": 76.42824009468998, + "manhattan_pearson": 77.69118862737736, + "manhattan_spearman": 76.25568104762812, + "cosine_pearson": 79.16989925136942, + "cosine_spearman": 76.5996225327091, + "main_score": 76.5996225327091 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/STS15.json b/results/intfloat__multilingual-e5-base/external/STS15.json new file mode 100644 index 000000000..d3b063fd3 --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.42012286935325, + "cos_sim_spearman": 88.15654297884122, + "euclidean_pearson": 87.34082819427852, + "euclidean_spearman": 88.06333589547084, + "manhattan_pearson": 87.25115596784842, + "manhattan_spearman": 87.9559927695203, + "cosine_pearson": 87.42012286935325, + "cosine_spearman": 88.15654297884122, + "main_score": 88.15654297884122 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/STS16.json b/results/intfloat__multilingual-e5-base/external/STS16.json new file mode 100644 index 000000000..dd0bcadc9 --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.88222044996712, + "cos_sim_spearman": 84.28476589061077, + "euclidean_pearson": 83.17399758058309, + "euclidean_spearman": 83.85497357244542, + "manhattan_pearson": 83.0308397703786, + "manhattan_spearman": 83.71554539935046, + "cosine_pearson": 82.88222044996712, + "cosine_spearman": 84.28476589061077, + "main_score": 84.28476589061077 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/STS17.json b/results/intfloat__multilingual-e5-base/external/STS17.json new file mode 100644 index 000000000..fb3b3291d --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/STS17.json @@ -0,0 +1,182 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "ko-ko", + "languages": [ + "kor-Hang" + ], + "cos_sim_pearson": 80.20682986257339, + "cos_sim_spearman": 79.94567120362092, + "euclidean_pearson": 79.43122480368902, + "euclidean_spearman": 79.94802077264987, + "manhattan_pearson": 79.32653021527081, + "manhattan_spearman": 79.80961146709178, + "cosine_pearson": 80.20682986257339, + "cosine_spearman": 79.94567120362092, + "main_score": 79.94567120362092 + }, + { + "hf_subset": "ar-ar", + "languages": [ + "ara-Arab" + ], + "cos_sim_pearson": 74.46578144394383, + "cos_sim_spearman": 74.52496637472179, + "euclidean_pearson": 72.2903807076809, + "euclidean_spearman": 73.55549359771645, + "manhattan_pearson": 72.09324837709393, + "manhattan_spearman": 73.36743103606581, + "cosine_pearson": 74.46578144394383, + "cosine_spearman": 74.52496637472179, + "main_score": 74.52496637472179 + }, + { + "hf_subset": "en-ar", + "languages": [ + "eng-Latn", + "ara-Arab" + ], + "cos_sim_pearson": 71.37272335116, + "cos_sim_spearman": 71.26702117766037, + "euclidean_pearson": 67.114829954434, + "euclidean_spearman": 66.37938893947761, + "manhattan_pearson": 66.79688574095246, + "manhattan_spearman": 66.17292828079667, + "cosine_pearson": 71.37272335116, + "cosine_spearman": 71.26702117766037, + "main_score": 71.26702117766037 + }, + { + "hf_subset": "en-de", + "languages": [ + "eng-Latn", + "deu-Latn" + ], + "cos_sim_pearson": 80.61016770129092, + "cos_sim_spearman": 82.08515426632214, + "euclidean_pearson": 80.557340361131, + "euclidean_spearman": 80.37585812266175, + "manhattan_pearson": 80.6782873404285, + "manhattan_spearman": 80.6678073032024, + "cosine_pearson": 80.61016770129092, + "cosine_spearman": 82.08515426632214, + "main_score": 82.08515426632214 + }, + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.00150745350108, + "cos_sim_spearman": 87.83441972211425, + "euclidean_pearson": 87.94826702308792, + "euclidean_spearman": 87.46143974860725, + "manhattan_pearson": 87.97560344306105, + "manhattan_spearman": 87.5267102829796, + "cosine_pearson": 87.00150745350108, + "cosine_spearman": 87.83441972211425, + "main_score": 87.83441972211425 + }, + { + "hf_subset": "en-tr", + "languages": [ + "eng-Latn", + "tur-Latn" + ], + "cos_sim_pearson": 64.76325252267235, + "cos_sim_spearman": 63.32615095463905, + "euclidean_pearson": 64.07920669155716, + "euclidean_spearman": 61.21409893072176, + "manhattan_pearson": 64.26308625680016, + "manhattan_spearman": 61.2438185254079, + "cosine_pearson": 64.76325252267235, + "cosine_spearman": 63.32615095463905, + "main_score": 63.32615095463905 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 75.82644463022595, + "cos_sim_spearman": 76.50381269945073, + "euclidean_pearson": 75.1328548315934, + "euclidean_spearman": 75.63761139408453, + "manhattan_pearson": 75.18610101241407, + "manhattan_spearman": 75.30669266354164, + "cosine_pearson": 75.82644463022595, + "cosine_spearman": 76.50381269945073, + "main_score": 76.50381269945073 + }, + { + "hf_subset": "es-es", + "languages": [ + "spa-Latn" + ], + "cos_sim_pearson": 87.49994164686832, + "cos_sim_spearman": 86.73743986245549, + "euclidean_pearson": 86.8272894387145, + "euclidean_spearman": 85.97608491000507, + "manhattan_pearson": 86.74960140396779, + "manhattan_spearman": 85.79285984190273, + "cosine_pearson": 87.49994164686832, + "cosine_spearman": 86.73743986245549, + "main_score": 86.73743986245549 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 79.58172210788469, + "cos_sim_spearman": 80.17516468334607, + "euclidean_pearson": 77.56537843470504, + "euclidean_spearman": 77.57264627395521, + "manhattan_pearson": 78.09703521695943, + "manhattan_spearman": 78.15942760916954, + "cosine_pearson": 79.58172210788469, + "cosine_spearman": 80.17516468334607, + "main_score": 80.17516468334607 + }, + { + "hf_subset": "it-en", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 79.7589932931751, + "cos_sim_spearman": 80.15210089028162, + "euclidean_pearson": 77.54135223516057, + "euclidean_spearman": 77.52697996368764, + "manhattan_pearson": 77.65734439572518, + "manhattan_spearman": 77.77702992016121, + "cosine_pearson": 79.7589932931751, + "cosine_spearman": 80.15210089028162, + "main_score": 80.15210089028162 + }, + { + "hf_subset": "nl-en", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 79.16682365511267, + "cos_sim_spearman": 79.25311267628506, + "euclidean_pearson": 77.54882036762244, + "euclidean_spearman": 77.33212935194827, + "manhattan_pearson": 77.98405516064015, + "manhattan_spearman": 77.85075717865719, + "cosine_pearson": 79.16682365511267, + "cosine_spearman": 79.25311267628506, + "main_score": 79.25311267628506 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/STS22.json b/results/intfloat__multilingual-e5-base/external/STS22.json new file mode 100644 index 000000000..5b3a74f5b --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/STS22.json @@ -0,0 +1,288 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 59.10473294775917, + "cos_sim_spearman": 61.82780474476838, + "euclidean_pearson": 45.885111672377256, + "euclidean_spearman": 56.88306351932454, + "manhattan_pearson": 46.101218127323186, + "manhattan_spearman": 56.80953694186333, + "cosine_pearson": 59.10473294775917, + "cosine_spearman": 61.82780474476838, + "main_score": 61.82780474476838 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "cos_sim_pearson": 45.781923079584146, + "cos_sim_spearman": 55.95098449691107, + "euclidean_pearson": 25.4571031323205, + "euclidean_spearman": 49.859978118078935, + "manhattan_pearson": 25.624938455041384, + "manhattan_spearman": 49.99546185049401, + "cosine_pearson": 45.781923079584146, + "cosine_spearman": 55.95098449691107, + "main_score": 55.95098449691107 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "cos_sim_pearson": 60.00618133997907, + "cos_sim_spearman": 66.57896677718321, + "euclidean_pearson": 42.60118466388821, + "euclidean_spearman": 62.8210759715209, + "manhattan_pearson": 42.63446860604094, + "manhattan_spearman": 62.73803068925271, + "cosine_pearson": 60.00618133997907, + "cosine_spearman": 66.57896677718321, + "main_score": 66.57896677718321 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "cos_sim_pearson": 28.460759121626943, + "cos_sim_spearman": 34.13459007469131, + "euclidean_pearson": 6.0917739325525195, + "euclidean_spearman": 27.9947262664867, + "manhattan_pearson": 6.16877864169911, + "manhattan_spearman": 28.00664163971514, + "cosine_pearson": 28.460759121626943, + "cosine_spearman": 34.13459007469131, + "main_score": 34.13459007469131 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "cos_sim_pearson": 57.42546621771696, + "cos_sim_spearman": 63.699663168970474, + "euclidean_pearson": 38.12085278789738, + "euclidean_spearman": 58.12329140741536, + "manhattan_pearson": 37.97364549443335, + "manhattan_spearman": 57.81545502318733, + "cosine_pearson": 57.42546621771696, + "cosine_spearman": 63.699663168970474, + "main_score": 63.699663168970474 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "cos_sim_pearson": 46.82241380954213, + "cos_sim_spearman": 57.86569456006391, + "euclidean_pearson": 31.80480070178813, + "euclidean_spearman": 52.484000620130104, + "manhattan_pearson": 31.952708554646097, + "manhattan_spearman": 52.8560972356195, + "cosine_pearson": 46.82241380954213, + "cosine_spearman": 57.86569456006391, + "main_score": 57.86569456006391 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "cos_sim_pearson": 52.00447170498087, + "cos_sim_spearman": 60.664116225735164, + "euclidean_pearson": 33.87382555421702, + "euclidean_spearman": 55.74649067458667, + "manhattan_pearson": 33.99117246759437, + "manhattan_spearman": 55.98749034923899, + "cosine_pearson": 52.00447170498087, + "cosine_spearman": 60.664116225735164, + "main_score": 60.664116225735164 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 58.06497233105448, + "cos_sim_spearman": 65.62968801135676, + "euclidean_pearson": 47.482076613243905, + "euclidean_spearman": 62.65137791498299, + "manhattan_pearson": 47.57052626104093, + "manhattan_spearman": 62.436916516613294, + "cosine_pearson": 58.06497233105448, + "cosine_spearman": 65.62968801135676, + "main_score": 65.62968801135676 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 70.49397298562575, + "cos_sim_spearman": 74.79604041187868, + "euclidean_pearson": 49.661891561317795, + "euclidean_spearman": 70.31535537621006, + "manhattan_pearson": 49.553715741850006, + "manhattan_spearman": 70.24779344636806, + "cosine_pearson": 70.49397298562575, + "cosine_spearman": 74.79604041187868, + "main_score": 74.79604041187868 + }, + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 55.640574515348696, + "cos_sim_spearman": 54.927959317689, + "euclidean_pearson": 29.00139666967476, + "euclidean_spearman": 41.86386566971605, + "manhattan_pearson": 29.47411067730344, + "manhattan_spearman": 42.337438424952786, + "cosine_pearson": 55.640574515348696, + "cosine_spearman": 54.927959317689, + "main_score": 54.927959317689 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 68.14095292259312, + "cos_sim_spearman": 73.99017581234789, + "euclidean_pearson": 46.46304297872084, + "euclidean_spearman": 60.91834114800041, + "manhattan_pearson": 47.07072666338692, + "manhattan_spearman": 61.70415727977926, + "cosine_pearson": 68.14095292259312, + "cosine_spearman": 73.99017581234789, + "main_score": 73.99017581234789 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "cos_sim_pearson": 73.27184653359575, + "cos_sim_spearman": 77.76070252418626, + "euclidean_pearson": 62.30586577544778, + "euclidean_spearman": 75.14246629110978, + "manhattan_pearson": 62.328196884927046, + "manhattan_spearman": 75.1282792981433, + "cosine_pearson": 73.27184653359575, + "cosine_spearman": 77.76070252418626, + "main_score": 77.76070252418626 + }, + { + "hf_subset": "pl-en", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 71.59448528829957, + "cos_sim_spearman": 70.37277734222123, + "euclidean_pearson": 57.63145565721123, + "euclidean_spearman": 66.10113048304427, + "manhattan_pearson": 57.18897811586808, + "manhattan_spearman": 66.5595511215901, + "cosine_pearson": 71.59448528829957, + "cosine_spearman": 70.37277734222123, + "main_score": 70.37277734222123 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "cos_sim_pearson": 66.37520607720838, + "cos_sim_spearman": 69.92282148997948, + "euclidean_pearson": 40.55768770125291, + "euclidean_spearman": 55.189128944669605, + "manhattan_pearson": 41.03566433468883, + "manhattan_spearman": 55.61251893174558, + "cosine_pearson": 66.37520607720838, + "cosine_spearman": 69.92282148997948, + "main_score": 69.92282148997948 + }, + { + "hf_subset": "es-it", + "languages": [ + "spa-Latn", + "ita-Latn" + ], + "cos_sim_pearson": 57.791929533771835, + "cos_sim_spearman": 66.45819707662093, + "euclidean_pearson": 39.03686018511092, + "euclidean_spearman": 56.01282695640428, + "manhattan_pearson": 38.91586623619632, + "manhattan_spearman": 56.69394943612747, + "cosine_pearson": 57.791929533771835, + "cosine_spearman": 66.45819707662093, + "main_score": 66.45819707662093 + }, + { + "hf_subset": "de-fr", + "languages": [ + "deu-Latn", + "fra-Latn" + ], + "cos_sim_pearson": 47.82224468473866, + "cos_sim_spearman": 59.467307194781164, + "euclidean_pearson": 27.428459190256145, + "euclidean_spearman": 60.83463107397519, + "manhattan_pearson": 27.487391578496638, + "manhattan_spearman": 61.281380460246496, + "cosine_pearson": 47.82224468473866, + "cosine_spearman": 59.467307194781164, + "main_score": 59.467307194781164 + }, + { + "hf_subset": "de-pl", + "languages": [ + "deu-Latn", + "pol-Latn" + ], + "cos_sim_pearson": 16.306666792752644, + "cos_sim_spearman": 39.35486427252405, + "euclidean_pearson": -2.7887154897955435, + "euclidean_spearman": 27.1296051831719, + "manhattan_pearson": -3.202291270581297, + "manhattan_spearman": 26.32895849218158, + "cosine_pearson": 16.306666792752644, + "cosine_spearman": 39.35486427252405, + "main_score": 39.35486427252405 + }, + { + "hf_subset": "fr-pl", + "languages": [ + "fra-Latn", + "pol-Latn" + ], + "cos_sim_pearson": 59.67006803805076, + "cos_sim_spearman": 73.24670207647144, + "euclidean_pearson": 46.91884681500483, + "euclidean_spearman": 16.903085094570333, + "manhattan_pearson": 46.88391675325812, + "manhattan_spearman": 28.17180849095055, + "cosine_pearson": 59.67006803805076, + "cosine_spearman": 73.24670207647144, + "main_score": 73.24670207647144 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/STSBenchmark.json b/results/intfloat__multilingual-e5-base/external/STSBenchmark.json new file mode 100644 index 000000000..7d6121191 --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.79555591223837, + "cos_sim_spearman": 85.63658602085185, + "euclidean_pearson": 85.22080894037671, + "euclidean_spearman": 85.54113580167038, + "manhattan_pearson": 85.1639505960118, + "manhattan_spearman": 85.43502665436196, + "cosine_pearson": 83.79555591223837, + "cosine_spearman": 85.63658602085185, + "main_score": 85.63658602085185 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/SciDocsRR.json b/results/intfloat__multilingual-e5-base/external/SciDocsRR.json new file mode 100644 index 000000000..0827ed554 --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 80.73900991689766, + "mrr": 94.81624131133934, + "main_score": 80.73900991689766 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/SciFact.json b/results/intfloat__multilingual-e5-base/external/SciFact.json new file mode 100644 index 000000000..45b04a95e --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 55.678000000000004, + "map_at_10": 65.135, + "map_at_100": 65.824, + "map_at_1000": 65.852, + "map_at_3": 62.736000000000004, + "map_at_5": 64.411, + "mrr_at_1": 58.333, + "mrr_at_10": 66.5, + "mrr_at_100": 67.053, + "mrr_at_1000": 67.08, + "mrr_at_3": 64.944, + "mrr_at_5": 65.89399999999999, + "ndcg_at_1": 58.333, + "ndcg_at_10": 69.34700000000001, + "ndcg_at_100": 72.32, + "ndcg_at_1000": 73.014, + "ndcg_at_3": 65.578, + "ndcg_at_5": 67.738, + "precision_at_1": 58.333, + "precision_at_10": 9.033, + "precision_at_100": 1.0670000000000002, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 25.444, + "precision_at_5": 16.933, + "recall_at_1": 55.678000000000004, + "recall_at_10": 80.72200000000001, + "recall_at_100": 93.93299999999999, + "recall_at_1000": 99.333, + "recall_at_3": 70.783, + "recall_at_5": 75.978, + "main_score": 69.34700000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/SprintDuplicateQuestions.json b/results/intfloat__multilingual-e5-base/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..36f948ea2 --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.74653465346535, + "cos_sim_ap": 93.01476369929063, + "cos_sim_f1": 86.93009118541033, + "cos_sim_precision": 88.09034907597535, + "cos_sim_recall": 85.8, + "dot_accuracy": 99.22970297029703, + "dot_ap": 51.58725659485144, + "dot_f1": 53.51351351351352, + "dot_precision": 58.235294117647065, + "dot_recall": 49.5, + "euclidean_accuracy": 99.74356435643564, + "euclidean_ap": 92.40332894384368, + "euclidean_f1": 86.97838109602817, + "euclidean_precision": 87.46208291203236, + "euclidean_recall": 86.5, + "manhattan_accuracy": 99.73069306930694, + "manhattan_ap": 92.01320815721121, + "manhattan_f1": 86.4135864135864, + "manhattan_precision": 86.32734530938124, + "manhattan_recall": 86.5, + "max_accuracy": 99.74653465346535, + "max_ap": 93.01476369929063, + "max_f1": 86.97838109602817, + "main_score": 93.01476369929063 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/StackExchangeClustering.json b/results/intfloat__multilingual-e5-base/external/StackExchangeClustering.json new file mode 100644 index 000000000..c234edbf3 --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 55.2660514302523, + "main_score": 55.2660514302523 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/StackExchangeClusteringP2P.json b/results/intfloat__multilingual-e5-base/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..2da379486 --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.4637783572547, + "main_score": 30.4637783572547 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/StackOverflowDupQuestions.json b/results/intfloat__multilingual-e5-base/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..87cc41203 --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 49.41377758357637, + "mrr": 50.138451213818854, + "main_score": 49.41377758357637 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/SummEval.json b/results/intfloat__multilingual-e5-base/external/SummEval.json new file mode 100644 index 000000000..efd932a33 --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 28.887846011166594, + "cos_sim_spearman": 30.10823258355903, + "dot_pearson": 12.888049550236385, + "dot_spearman": 12.827495903098123, + "cosine_pearson": 28.887846011166594, + "cosine_spearman": 30.10823258355903, + "main_score": 30.10823258355903 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/TRECCOVID.json b/results/intfloat__multilingual-e5-base/external/TRECCOVID.json new file mode 100644 index 000000000..411310da8 --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.21, + "map_at_10": 1.667, + "map_at_100": 9.15, + "map_at_1000": 22.927, + "map_at_3": 0.573, + "map_at_5": 0.915, + "mrr_at_1": 80, + "mrr_at_10": 87.167, + "mrr_at_100": 87.167, + "mrr_at_1000": 87.167, + "mrr_at_3": 85.667, + "mrr_at_5": 87.167, + "ndcg_at_1": 76, + "ndcg_at_10": 69.757, + "ndcg_at_100": 52.402, + "ndcg_at_1000": 47.737, + "ndcg_at_3": 71.866, + "ndcg_at_5": 72.225, + "precision_at_1": 80, + "precision_at_10": 75, + "precision_at_100": 53.959999999999994, + "precision_at_1000": 21.568, + "precision_at_3": 76.667, + "precision_at_5": 78, + "recall_at_1": 0.21, + "recall_at_10": 1.9189999999999998, + "recall_at_100": 12.589, + "recall_at_1000": 45.312000000000005, + "recall_at_3": 0.61, + "recall_at_5": 1.019, + "main_score": 69.757 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/Tatoeba.json b/results/intfloat__multilingual-e5-base/external/Tatoeba.json new file mode 100644 index 000000000..7b38723ad --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/Tatoeba.json @@ -0,0 +1,1354 @@ +{ + "dataset_revision": "9080400076fbadbb4c4dcb136ff4eddc40b42553", + "task_name": "Tatoeba", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "sqi-eng", + "languages": [ + "sqi-Latn", + "eng-Latn" + ], + "accuracy": 92.10000000000001, + "f1": 90.06, + "precision": 89.17333333333333, + "recall": 92.10000000000001, + "main_score": 90.06 + }, + { + "hf_subset": "fry-eng", + "languages": [ + "fry-Latn", + "eng-Latn" + ], + "accuracy": 56.06936416184971, + "f1": 50.87508028259473, + "precision": 48.97398843930635, + "recall": 56.06936416184971, + "main_score": 50.87508028259473 + }, + { + "hf_subset": "kur-eng", + "languages": [ + "kur-Latn", + "eng-Latn" + ], + "accuracy": 57.3170731707317, + "f1": 52.96080139372822, + "precision": 51.67861124382864, + "recall": 57.3170731707317, + "main_score": 52.96080139372822 + }, + { + "hf_subset": "tur-eng", + "languages": [ + "tur-Latn", + "eng-Latn" + ], + "accuracy": 94.3, + "f1": 92.67333333333333, + "precision": 91.90833333333333, + "recall": 94.3, + "main_score": 92.67333333333333 + }, + { + "hf_subset": "deu-eng", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "accuracy": 97.7, + "f1": 97.07333333333332, + "precision": 96.79500000000002, + "recall": 97.7, + "main_score": 97.07333333333332 + }, + { + "hf_subset": "nld-eng", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "accuracy": 94.69999999999999, + "f1": 93.2, + "precision": 92.48333333333333, + "recall": 94.69999999999999, + "main_score": 93.2 + }, + { + "hf_subset": "ron-eng", + "languages": [ + "ron-Latn", + "eng-Latn" + ], + "accuracy": 92.9, + "f1": 91.26666666666667, + "precision": 90.59444444444445, + "recall": 92.9, + "main_score": 91.26666666666667 + }, + { + "hf_subset": "ang-eng", + "languages": [ + "ang-Latn", + "eng-Latn" + ], + "accuracy": 34.32835820895522, + "f1": 29.074180380150533, + "precision": 28.068207322920596, + "recall": 34.32835820895522, + "main_score": 29.074180380150533 + }, + { + "hf_subset": "ido-eng", + "languages": [ + "ido-Latn", + "eng-Latn" + ], + "accuracy": 78.5, + "f1": 74.3945115995116, + "precision": 72.82967843459222, + "recall": 78.5, + "main_score": 74.3945115995116 + }, + { + "hf_subset": "jav-eng", + "languages": [ + "jav-Latn", + "eng-Latn" + ], + "accuracy": 66.34146341463415, + "f1": 61.2469400518181, + "precision": 59.63977756660683, + "recall": 66.34146341463415, + "main_score": 61.2469400518181 + }, + { + "hf_subset": "isl-eng", + "languages": [ + "isl-Latn", + "eng-Latn" + ], + "accuracy": 80.9, + "f1": 76.90349206349207, + "precision": 75.32921568627451, + "recall": 80.9, + "main_score": 76.90349206349207 + }, + { + "hf_subset": "slv-eng", + "languages": [ + "slv-Latn", + "eng-Latn" + ], + "accuracy": 84.93317132442284, + "f1": 81.92519105034295, + "precision": 80.71283920615635, + "recall": 84.93317132442284, + "main_score": 81.92519105034295 + }, + { + "hf_subset": "cym-eng", + "languages": [ + "cym-Latn", + "eng-Latn" + ], + "accuracy": 71.1304347826087, + "f1": 65.22394755003451, + "precision": 62.912422360248435, + "recall": 71.1304347826087, + "main_score": 65.22394755003451 + }, + { + "hf_subset": "kaz-eng", + "languages": [ + "kaz-Cyrl", + "eng-Latn" + ], + "accuracy": 79.82608695652173, + "f1": 75.55693581780538, + "precision": 73.79420289855072, + "recall": 79.82608695652173, + "main_score": 75.55693581780538 + }, + { + "hf_subset": "est-eng", + "languages": [ + "est-Latn", + "eng-Latn" + ], + "accuracy": 74, + "f1": 70.51022222222223, + "precision": 69.29673599347512, + "recall": 74, + "main_score": 70.51022222222223 + }, + { + "hf_subset": "heb-eng", + "languages": [ + "heb-Hebr", + "eng-Latn" + ], + "accuracy": 78.7, + "f1": 74.14238095238095, + "precision": 72.27214285714285, + "recall": 78.7, + "main_score": 74.14238095238095 + }, + { + "hf_subset": "gla-eng", + "languages": [ + "gla-Latn", + "eng-Latn" + ], + "accuracy": 48.97466827503016, + "f1": 43.080330405420874, + "precision": 41.36505499593557, + "recall": 48.97466827503016, + "main_score": 43.080330405420874 + }, + { + "hf_subset": "mar-eng", + "languages": [ + "mar-Deva", + "eng-Latn" + ], + "accuracy": 89.60000000000001, + "f1": 86.62333333333333, + "precision": 85.225, + "recall": 89.60000000000001, + "main_score": 86.62333333333333 + }, + { + "hf_subset": "lat-eng", + "languages": [ + "lat-Latn", + "eng-Latn" + ], + "accuracy": 45.2, + "f1": 39.5761253006253, + "precision": 37.991358436312, + "recall": 45.2, + "main_score": 39.5761253006253 + }, + { + "hf_subset": "bel-eng", + "languages": [ + "bel-Cyrl", + "eng-Latn" + ], + "accuracy": 89.5, + "f1": 86.70333333333333, + "precision": 85.53166666666667, + "recall": 89.5, + "main_score": 86.70333333333333 + }, + { + "hf_subset": "pms-eng", + "languages": [ + "pms-Latn", + "eng-Latn" + ], + "accuracy": 50.095238095238095, + "f1": 44.60650460650461, + "precision": 42.774116796477045, + "recall": 50.095238095238095, + "main_score": 44.60650460650461 + }, + { + "hf_subset": "gle-eng", + "languages": [ + "gle-Latn", + "eng-Latn" + ], + "accuracy": 63.4, + "f1": 58.35967261904762, + "precision": 56.54857142857143, + "recall": 63.4, + "main_score": 58.35967261904762 + }, + { + "hf_subset": "pes-eng", + "languages": [ + "pes-Arab", + "eng-Latn" + ], + "accuracy": 89.2, + "f1": 87.075, + "precision": 86.12095238095239, + "recall": 89.2, + "main_score": 87.075 + }, + { + "hf_subset": "nob-eng", + "languages": [ + "nob-Latn", + "eng-Latn" + ], + "accuracy": 96.8, + "f1": 95.90333333333334, + "precision": 95.50833333333333, + "recall": 96.8, + "main_score": 95.90333333333334 + }, + { + "hf_subset": "bul-eng", + "languages": [ + "bul-Cyrl", + "eng-Latn" + ], + "accuracy": 90.9, + "f1": 88.6288888888889, + "precision": 87.61607142857142, + "recall": 90.9, + "main_score": 88.6288888888889 + }, + { + "hf_subset": "cbk-eng", + "languages": [ + "cbk-Latn", + "eng-Latn" + ], + "accuracy": 65.2, + "f1": 60.54377630539395, + "precision": 58.89434482711381, + "recall": 65.2, + "main_score": 60.54377630539395 + }, + { + "hf_subset": "hun-eng", + "languages": [ + "hun-Latn", + "eng-Latn" + ], + "accuracy": 87, + "f1": 84.32412698412699, + "precision": 83.25527777777778, + "recall": 87, + "main_score": 84.32412698412699 + }, + { + "hf_subset": "uig-eng", + "languages": [ + "uig-Arab", + "eng-Latn" + ], + "accuracy": 68.7, + "f1": 63.07883541295306, + "precision": 61.06117424242426, + "recall": 68.7, + "main_score": 63.07883541295306 + }, + { + "hf_subset": "rus-eng", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "accuracy": 93.7, + "f1": 91.78333333333335, + "precision": 90.86666666666667, + "recall": 93.7, + "main_score": 91.78333333333335 + }, + { + "hf_subset": "spa-eng", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "accuracy": 97.7, + "f1": 96.96666666666667, + "precision": 96.61666666666667, + "recall": 97.7, + "main_score": 96.96666666666667 + }, + { + "hf_subset": "hye-eng", + "languages": [ + "hye-Armn", + "eng-Latn" + ], + "accuracy": 88.27493261455525, + "f1": 85.90745732255168, + "precision": 84.91389637616052, + "recall": 88.27493261455525, + "main_score": 85.90745732255168 + }, + { + "hf_subset": "tel-eng", + "languages": [ + "tel-Telu", + "eng-Latn" + ], + "accuracy": 90.5982905982906, + "f1": 88.4900284900285, + "precision": 87.57122507122507, + "recall": 90.5982905982906, + "main_score": 88.4900284900285 + }, + { + "hf_subset": "afr-eng", + "languages": [ + "afr-Latn", + "eng-Latn" + ], + "accuracy": 89.5, + "f1": 86.90769841269842, + "precision": 85.80178571428571, + "recall": 89.5, + "main_score": 86.90769841269842 + }, + { + "hf_subset": "mon-eng", + "languages": [ + "mon-Cyrl", + "eng-Latn" + ], + "accuracy": 82.5, + "f1": 78.36796536796538, + "precision": 76.82196969696969, + "recall": 82.5, + "main_score": 78.36796536796538 + }, + { + "hf_subset": "arz-eng", + "languages": [ + "arz-Arab", + "eng-Latn" + ], + "accuracy": 71.48846960167715, + "f1": 66.78771089148448, + "precision": 64.98302885095339, + "recall": 71.48846960167715, + "main_score": 66.78771089148448 + }, + { + "hf_subset": "hrv-eng", + "languages": [ + "hrv-Latn", + "eng-Latn" + ], + "accuracy": 94.1, + "f1": 92.50333333333333, + "precision": 91.77499999999999, + "recall": 94.1, + "main_score": 92.50333333333333 + }, + { + "hf_subset": "nov-eng", + "languages": [ + "nov-Latn", + "eng-Latn" + ], + "accuracy": 71.20622568093385, + "f1": 66.83278891450098, + "precision": 65.35065777283677, + "recall": 71.20622568093385, + "main_score": 66.83278891450098 + }, + { + "hf_subset": "gsw-eng", + "languages": [ + "gsw-Latn", + "eng-Latn" + ], + "accuracy": 48.717948717948715, + "f1": 43.53146853146853, + "precision": 42.04721204721204, + "recall": 48.717948717948715, + "main_score": 43.53146853146853 + }, + { + "hf_subset": "nds-eng", + "languages": [ + "nds-Latn", + "eng-Latn" + ], + "accuracy": 58.5, + "f1": 53.8564991863928, + "precision": 52.40329436122275, + "recall": 58.5, + "main_score": 53.8564991863928 + }, + { + "hf_subset": "ukr-eng", + "languages": [ + "ukr-Cyrl", + "eng-Latn" + ], + "accuracy": 90.8, + "f1": 88.29, + "precision": 87.09166666666667, + "recall": 90.8, + "main_score": 88.29 + }, + { + "hf_subset": "uzb-eng", + "languages": [ + "uzb-Latn", + "eng-Latn" + ], + "accuracy": 67.28971962616822, + "f1": 62.63425307817832, + "precision": 60.98065939771546, + "recall": 67.28971962616822, + "main_score": 62.63425307817832 + }, + { + "hf_subset": "lit-eng", + "languages": [ + "lit-Latn", + "eng-Latn" + ], + "accuracy": 78.7, + "f1": 75.5264472455649, + "precision": 74.38205086580086, + "recall": 78.7, + "main_score": 75.5264472455649 + }, + { + "hf_subset": "ina-eng", + "languages": [ + "ina-Latn", + "eng-Latn" + ], + "accuracy": 88.7, + "f1": 86.10809523809525, + "precision": 85.07602564102565, + "recall": 88.7, + "main_score": 86.10809523809525 + }, + { + "hf_subset": "lfn-eng", + "languages": [ + "lfn-Latn", + "eng-Latn" + ], + "accuracy": 56.99999999999999, + "f1": 52.85487521402737, + "precision": 51.53985162713104, + "recall": 56.99999999999999, + "main_score": 52.85487521402737 + }, + { + "hf_subset": "zsm-eng", + "languages": [ + "zsm-Latn", + "eng-Latn" + ], + "accuracy": 94, + "f1": 92.45333333333333, + "precision": 91.79166666666667, + "recall": 94, + "main_score": 92.45333333333333 + }, + { + "hf_subset": "ita-eng", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "accuracy": 92.30000000000001, + "f1": 90.61333333333333, + "precision": 89.83333333333331, + "recall": 92.30000000000001, + "main_score": 90.61333333333333 + }, + { + "hf_subset": "cmn-eng", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "accuracy": 94.69999999999999, + "f1": 93.34555555555555, + "precision": 92.75416666666668, + "recall": 94.69999999999999, + "main_score": 93.34555555555555 + }, + { + "hf_subset": "lvs-eng", + "languages": [ + "lvs-Latn", + "eng-Latn" + ], + "accuracy": 80.2, + "f1": 76.6563035113035, + "precision": 75.3014652014652, + "recall": 80.2, + "main_score": 76.6563035113035 + }, + { + "hf_subset": "glg-eng", + "languages": [ + "glg-Latn", + "eng-Latn" + ], + "accuracy": 84.7, + "f1": 82.78689263765207, + "precision": 82.06705086580087, + "recall": 84.7, + "main_score": 82.78689263765207 + }, + { + "hf_subset": "ceb-eng", + "languages": [ + "ceb-Latn", + "eng-Latn" + ], + "accuracy": 50.33333333333333, + "f1": 45.461523661523664, + "precision": 43.93545574795575, + "recall": 50.33333333333333, + "main_score": 45.461523661523664 + }, + { + "hf_subset": "bre-eng", + "languages": [ + "bre-Latn", + "eng-Latn" + ], + "accuracy": 6.6000000000000005, + "f1": 5.442121400446441, + "precision": 5.146630385487529, + "recall": 6.6000000000000005, + "main_score": 5.442121400446441 + }, + { + "hf_subset": "ben-eng", + "languages": [ + "ben-Beng", + "eng-Latn" + ], + "accuracy": 85, + "f1": 81.04666666666667, + "precision": 79.25, + "recall": 85, + "main_score": 81.04666666666667 + }, + { + "hf_subset": "swg-eng", + "languages": [ + "swg-Latn", + "eng-Latn" + ], + "accuracy": 47.32142857142857, + "f1": 42.333333333333336, + "precision": 40.69196428571429, + "recall": 47.32142857142857, + "main_score": 42.333333333333336 + }, + { + "hf_subset": "arq-eng", + "languages": [ + "arq-Arab", + "eng-Latn" + ], + "accuracy": 30.735455543358945, + "f1": 26.73616790022338, + "precision": 25.397823220451283, + "recall": 30.735455543358945, + "main_score": 26.73616790022338 + }, + { + "hf_subset": "kab-eng", + "languages": [ + "kab-Latn", + "eng-Latn" + ], + "accuracy": 25.1, + "f1": 21.975989896371022, + "precision": 21.059885632257203, + "recall": 25.1, + "main_score": 21.975989896371022 + }, + { + "hf_subset": "fra-eng", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "accuracy": 94.3, + "f1": 92.75666666666666, + "precision": 92.06166666666665, + "recall": 94.3, + "main_score": 92.75666666666666 + }, + { + "hf_subset": "por-eng", + "languages": [ + "por-Latn", + "eng-Latn" + ], + "accuracy": 94.1, + "f1": 92.74, + "precision": 92.09166666666667, + "recall": 94.1, + "main_score": 92.74 + }, + { + "hf_subset": "tat-eng", + "languages": [ + "tat-Cyrl", + "eng-Latn" + ], + "accuracy": 71.3, + "f1": 66.922442002442, + "precision": 65.38249567099568, + "recall": 71.3, + "main_score": 66.922442002442 + }, + { + "hf_subset": "oci-eng", + "languages": [ + "oci-Latn", + "eng-Latn" + ], + "accuracy": 40.300000000000004, + "f1": 35.78682789299971, + "precision": 34.66425128716588, + "recall": 40.300000000000004, + "main_score": 35.78682789299971 + }, + { + "hf_subset": "pol-eng", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "accuracy": 96, + "f1": 94.82333333333334, + "precision": 94.27833333333334, + "recall": 96, + "main_score": 94.82333333333334 + }, + { + "hf_subset": "war-eng", + "languages": [ + "war-Latn", + "eng-Latn" + ], + "accuracy": 51.1, + "f1": 47.179074753133584, + "precision": 46.06461044702424, + "recall": 51.1, + "main_score": 47.179074753133584 + }, + { + "hf_subset": "aze-eng", + "languages": [ + "aze-Latn", + "eng-Latn" + ], + "accuracy": 87.7, + "f1": 84.71, + "precision": 83.46166666666667, + "recall": 87.7, + "main_score": 84.71 + }, + { + "hf_subset": "vie-eng", + "languages": [ + "vie-Latn", + "eng-Latn" + ], + "accuracy": 95.8, + "f1": 94.68333333333334, + "precision": 94.13333333333334, + "recall": 95.8, + "main_score": 94.68333333333334 + }, + { + "hf_subset": "nno-eng", + "languages": [ + "nno-Latn", + "eng-Latn" + ], + "accuracy": 85.39999999999999, + "f1": 82.5577380952381, + "precision": 81.36833333333334, + "recall": 85.39999999999999, + "main_score": 82.5577380952381 + }, + { + "hf_subset": "cha-eng", + "languages": [ + "cha-Latn", + "eng-Latn" + ], + "accuracy": 21.16788321167883, + "f1": 16.948865627297987, + "precision": 15.971932568647897, + "recall": 21.16788321167883, + "main_score": 16.948865627297987 + }, + { + "hf_subset": "mhr-eng", + "languages": [ + "mhr-Cyrl", + "eng-Latn" + ], + "accuracy": 6.9, + "f1": 5.515526831658907, + "precision": 5.141966366966367, + "recall": 6.9, + "main_score": 5.515526831658907 + }, + { + "hf_subset": "dan-eng", + "languages": [ + "dan-Latn", + "eng-Latn" + ], + "accuracy": 93.2, + "f1": 91.39666666666668, + "precision": 90.58666666666667, + "recall": 93.2, + "main_score": 91.39666666666668 + }, + { + "hf_subset": "ell-eng", + "languages": [ + "ell-Grek", + "eng-Latn" + ], + "accuracy": 92.2, + "f1": 89.95666666666666, + "precision": 88.92833333333333, + "recall": 92.2, + "main_score": 89.95666666666666 + }, + { + "hf_subset": "amh-eng", + "languages": [ + "amh-Ethi", + "eng-Latn" + ], + "accuracy": 79.76190476190477, + "f1": 74.93386243386244, + "precision": 73.11011904761904, + "recall": 79.76190476190477, + "main_score": 74.93386243386244 + }, + { + "hf_subset": "pam-eng", + "languages": [ + "pam-Latn", + "eng-Latn" + ], + "accuracy": 8.799999999999999, + "f1": 6.921439712248537, + "precision": 6.489885109680683, + "recall": 8.799999999999999, + "main_score": 6.921439712248537 + }, + { + "hf_subset": "hsb-eng", + "languages": [ + "hsb-Latn", + "eng-Latn" + ], + "accuracy": 45.75569358178054, + "f1": 40.34699501312631, + "precision": 38.57886764719063, + "recall": 45.75569358178054, + "main_score": 40.34699501312631 + }, + { + "hf_subset": "srp-eng", + "languages": [ + "srp-Cyrl", + "eng-Latn" + ], + "accuracy": 91.4, + "f1": 89.08333333333333, + "precision": 88.01666666666668, + "recall": 91.4, + "main_score": 89.08333333333333 + }, + { + "hf_subset": "epo-eng", + "languages": [ + "epo-Latn", + "eng-Latn" + ], + "accuracy": 93.60000000000001, + "f1": 92.06690476190477, + "precision": 91.45095238095239, + "recall": 93.60000000000001, + "main_score": 92.06690476190477 + }, + { + "hf_subset": "kzj-eng", + "languages": [ + "kzj-Latn", + "eng-Latn" + ], + "accuracy": 7.5, + "f1": 6.200363129378736, + "precision": 5.89115314822466, + "recall": 7.5, + "main_score": 6.200363129378736 + }, + { + "hf_subset": "awa-eng", + "languages": [ + "awa-Deva", + "eng-Latn" + ], + "accuracy": 73.59307359307358, + "f1": 68.38933553219267, + "precision": 66.62698412698413, + "recall": 73.59307359307358, + "main_score": 68.38933553219267 + }, + { + "hf_subset": "fao-eng", + "languages": [ + "fao-Latn", + "eng-Latn" + ], + "accuracy": 69.8473282442748, + "f1": 64.72373682297346, + "precision": 62.82834214131924, + "recall": 69.8473282442748, + "main_score": 64.72373682297346 + }, + { + "hf_subset": "mal-eng", + "languages": [ + "mal-Mlym", + "eng-Latn" + ], + "accuracy": 97.5254730713246, + "f1": 96.72489082969432, + "precision": 96.33672974284326, + "recall": 97.5254730713246, + "main_score": 96.72489082969432 + }, + { + "hf_subset": "ile-eng", + "languages": [ + "ile-Latn", + "eng-Latn" + ], + "accuracy": 75.6, + "f1": 72.42746031746033, + "precision": 71.14036630036631, + "recall": 75.6, + "main_score": 72.42746031746033 + }, + { + "hf_subset": "bos-eng", + "languages": [ + "bos-Latn", + "eng-Latn" + ], + "accuracy": 91.24293785310734, + "f1": 88.86064030131826, + "precision": 87.73540489642184, + "recall": 91.24293785310734, + "main_score": 88.86064030131826 + }, + { + "hf_subset": "cor-eng", + "languages": [ + "cor-Latn", + "eng-Latn" + ], + "accuracy": 6.2, + "f1": 4.383083659794954, + "precision": 4.027861324289673, + "recall": 6.2, + "main_score": 4.383083659794954 + }, + { + "hf_subset": "cat-eng", + "languages": [ + "cat-Latn", + "eng-Latn" + ], + "accuracy": 86.8, + "f1": 84.09428571428572, + "precision": 83.00333333333333, + "recall": 86.8, + "main_score": 84.09428571428572 + }, + { + "hf_subset": "eus-eng", + "languages": [ + "eus-Latn", + "eng-Latn" + ], + "accuracy": 60.699999999999996, + "f1": 56.1584972394755, + "precision": 54.713456330903135, + "recall": 60.699999999999996, + "main_score": 56.1584972394755 + }, + { + "hf_subset": "yue-eng", + "languages": [ + "yue-Hant", + "eng-Latn" + ], + "accuracy": 84.2, + "f1": 80.66190476190475, + "precision": 79.19690476190476, + "recall": 84.2, + "main_score": 80.66190476190475 + }, + { + "hf_subset": "swe-eng", + "languages": [ + "swe-Latn", + "eng-Latn" + ], + "accuracy": 93.2, + "f1": 91.33, + "precision": 90.45, + "recall": 93.2, + "main_score": 91.33 + }, + { + "hf_subset": "dtp-eng", + "languages": [ + "dtp-Latn", + "eng-Latn" + ], + "accuracy": 6.3, + "f1": 5.126828976748276, + "precision": 4.853614328966668, + "recall": 6.3, + "main_score": 5.126828976748276 + }, + { + "hf_subset": "kat-eng", + "languages": [ + "kat-Geor", + "eng-Latn" + ], + "accuracy": 81.76943699731903, + "f1": 77.82873739308057, + "precision": 76.27622452019234, + "recall": 81.76943699731903, + "main_score": 77.82873739308057 + }, + { + "hf_subset": "jpn-eng", + "languages": [ + "jpn-Jpan", + "eng-Latn" + ], + "accuracy": 92.30000000000001, + "f1": 90.29666666666665, + "precision": 89.40333333333334, + "recall": 92.30000000000001, + "main_score": 90.29666666666665 + }, + { + "hf_subset": "csb-eng", + "languages": [ + "csb-Latn", + "eng-Latn" + ], + "accuracy": 29.249011857707508, + "f1": 24.561866096392947, + "precision": 23.356583740215456, + "recall": 29.249011857707508, + "main_score": 24.561866096392947 + }, + { + "hf_subset": "xho-eng", + "languages": [ + "xho-Latn", + "eng-Latn" + ], + "accuracy": 77.46478873239437, + "f1": 73.23943661971832, + "precision": 71.66666666666667, + "recall": 77.46478873239437, + "main_score": 73.23943661971832 + }, + { + "hf_subset": "orv-eng", + "languages": [ + "orv-Cyrl", + "eng-Latn" + ], + "accuracy": 20.35928143712575, + "f1": 15.997867865075824, + "precision": 14.882104658301346, + "recall": 20.35928143712575, + "main_score": 15.997867865075824 + }, + { + "hf_subset": "ind-eng", + "languages": [ + "ind-Latn", + "eng-Latn" + ], + "accuracy": 92.2, + "f1": 90.25999999999999, + "precision": 89.45333333333335, + "recall": 92.2, + "main_score": 90.25999999999999 + }, + { + "hf_subset": "tuk-eng", + "languages": [ + "tuk-Latn", + "eng-Latn" + ], + "accuracy": 23.15270935960591, + "f1": 19.65673625772148, + "precision": 18.793705293464992, + "recall": 23.15270935960591, + "main_score": 19.65673625772148 + }, + { + "hf_subset": "max-eng", + "languages": [ + "max-Deva", + "eng-Latn" + ], + "accuracy": 59.154929577464785, + "f1": 52.3868463305083, + "precision": 50.14938113529662, + "recall": 59.154929577464785, + "main_score": 52.3868463305083 + }, + { + "hf_subset": "swh-eng", + "languages": [ + "swh-Latn", + "eng-Latn" + ], + "accuracy": 70.51282051282051, + "f1": 66.8089133089133, + "precision": 65.37645687645687, + "recall": 70.51282051282051, + "main_score": 66.8089133089133 + }, + { + "hf_subset": "hin-eng", + "languages": [ + "hin-Deva", + "eng-Latn" + ], + "accuracy": 94.6, + "f1": 93, + "precision": 92.23333333333333, + "recall": 94.6, + "main_score": 93 + }, + { + "hf_subset": "dsb-eng", + "languages": [ + "dsb-Latn", + "eng-Latn" + ], + "accuracy": 38.62212943632568, + "f1": 34.3278276962583, + "precision": 33.07646935732408, + "recall": 38.62212943632568, + "main_score": 34.3278276962583 + }, + { + "hf_subset": "ber-eng", + "languages": [ + "ber-Tfng", + "eng-Latn" + ], + "accuracy": 28.1, + "f1": 23.579609223054604, + "precision": 22.39622774921555, + "recall": 28.1, + "main_score": 23.579609223054604 + }, + { + "hf_subset": "tam-eng", + "languages": [ + "tam-Taml", + "eng-Latn" + ], + "accuracy": 88.27361563517914, + "f1": 85.12486427795874, + "precision": 83.71335504885994, + "recall": 88.27361563517914, + "main_score": 85.12486427795874 + }, + { + "hf_subset": "slk-eng", + "languages": [ + "slk-Latn", + "eng-Latn" + ], + "accuracy": 88.6, + "f1": 86.39928571428571, + "precision": 85.4947557997558, + "recall": 88.6, + "main_score": 86.39928571428571 + }, + { + "hf_subset": "tgl-eng", + "languages": [ + "tgl-Latn", + "eng-Latn" + ], + "accuracy": 86.5, + "f1": 83.77952380952381, + "precision": 82.67602564102565, + "recall": 86.5, + "main_score": 83.77952380952381 + }, + { + "hf_subset": "ast-eng", + "languages": [ + "ast-Latn", + "eng-Latn" + ], + "accuracy": 79.52755905511812, + "f1": 75.3055868016498, + "precision": 73.81889763779527, + "recall": 79.52755905511812, + "main_score": 75.3055868016498 + }, + { + "hf_subset": "mkd-eng", + "languages": [ + "mkd-Cyrl", + "eng-Latn" + ], + "accuracy": 77.9, + "f1": 73.76261904761905, + "precision": 72.11670995670995, + "recall": 77.9, + "main_score": 73.76261904761905 + }, + { + "hf_subset": "khm-eng", + "languages": [ + "khm-Khmr", + "eng-Latn" + ], + "accuracy": 53.8781163434903, + "f1": 47.25804051288816, + "precision": 45.0603482390186, + "recall": 53.8781163434903, + "main_score": 47.25804051288816 + }, + { + "hf_subset": "ces-eng", + "languages": [ + "ces-Latn", + "eng-Latn" + ], + "accuracy": 91.10000000000001, + "f1": 88.88, + "precision": 87.96333333333334, + "recall": 91.10000000000001, + "main_score": 88.88 + }, + { + "hf_subset": "tzl-eng", + "languages": [ + "tzl-Latn", + "eng-Latn" + ], + "accuracy": 38.46153846153847, + "f1": 34.43978243978244, + "precision": 33.429487179487175, + "recall": 38.46153846153847, + "main_score": 34.43978243978244 + }, + { + "hf_subset": "urd-eng", + "languages": [ + "urd-Arab", + "eng-Latn" + ], + "accuracy": 88.9, + "f1": 86.19888888888887, + "precision": 85.07440476190476, + "recall": 88.9, + "main_score": 86.19888888888887 + }, + { + "hf_subset": "ara-eng", + "languages": [ + "ara-Arab", + "eng-Latn" + ], + "accuracy": 85.9, + "f1": 82.58857142857143, + "precision": 81.15666666666667, + "recall": 85.9, + "main_score": 82.58857142857143 + }, + { + "hf_subset": "kor-eng", + "languages": [ + "kor-Hang", + "eng-Latn" + ], + "accuracy": 86.8, + "f1": 83.36999999999999, + "precision": 81.86833333333333, + "recall": 86.8, + "main_score": 83.36999999999999 + }, + { + "hf_subset": "yid-eng", + "languages": [ + "yid-Hebr", + "eng-Latn" + ], + "accuracy": 68.51415094339622, + "f1": 63.195000099481234, + "precision": 61.394033442972116, + "recall": 68.51415094339622, + "main_score": 63.195000099481234 + }, + { + "hf_subset": "fin-eng", + "languages": [ + "fin-Latn", + "eng-Latn" + ], + "accuracy": 88.5, + "f1": 86.14603174603175, + "precision": 85.1162037037037, + "recall": 88.5, + "main_score": 86.14603174603175 + }, + { + "hf_subset": "tha-eng", + "languages": [ + "tha-Thai", + "eng-Latn" + ], + "accuracy": 95.62043795620438, + "f1": 94.40389294403892, + "precision": 93.7956204379562, + "recall": 95.62043795620438, + "main_score": 94.40389294403892 + }, + { + "hf_subset": "wuu-eng", + "languages": [ + "wuu-Hans", + "eng-Latn" + ], + "accuracy": 81.8, + "f1": 78.6532178932179, + "precision": 77.46348795840176, + "recall": 81.8, + "main_score": 78.6532178932179 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/Touche2020.json b/results/intfloat__multilingual-e5-base/external/Touche2020.json new file mode 100644 index 000000000..8bc03a50a --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.603, + "map_at_10": 8.5, + "map_at_100": 12.985, + "map_at_1000": 14.466999999999999, + "map_at_3": 4.859999999999999, + "map_at_5": 5.817, + "mrr_at_1": 28.571, + "mrr_at_10": 42.331, + "mrr_at_100": 43.592999999999996, + "mrr_at_1000": 43.592999999999996, + "mrr_at_3": 38.435, + "mrr_at_5": 39.966, + "ndcg_at_1": 26.531, + "ndcg_at_10": 21.353, + "ndcg_at_100": 31.087999999999997, + "ndcg_at_1000": 43.163000000000004, + "ndcg_at_3": 22.999, + "ndcg_at_5": 21.451, + "precision_at_1": 28.571, + "precision_at_10": 19.387999999999998, + "precision_at_100": 6.265, + "precision_at_1000": 1.4160000000000001, + "precision_at_3": 24.490000000000002, + "precision_at_5": 21.224, + "recall_at_1": 2.603, + "recall_at_10": 14.474, + "recall_at_100": 40.287, + "recall_at_1000": 76.606, + "recall_at_3": 5.978, + "recall_at_5": 7.819, + "main_score": 21.353 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/ToxicConversationsClassification.json b/results/intfloat__multilingual-e5-base/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..f516ce417 --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.7848, + "ap": 13.661023167088224, + "f1": 53.61686134460943, + "main_score": 69.7848 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/TweetSentimentExtractionClassification.json b/results/intfloat__multilingual-e5-base/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..1e7f6cf93 --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.28183361629882, + "f1": 61.55481034919965, + "main_score": 61.28183361629882 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/TwentyNewsgroupsClustering.json b/results/intfloat__multilingual-e5-base/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..48fc311c0 --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.972128420092396, + "main_score": 35.972128420092396 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/TwitterSemEval2015.json b/results/intfloat__multilingual-e5-base/external/TwitterSemEval2015.json new file mode 100644 index 000000000..259119b24 --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 85.59933241938367, + "cos_sim_ap": 72.20760361208136, + "cos_sim_f1": 66.4447731755424, + "cos_sim_precision": 62.35539102267469, + "cos_sim_recall": 71.10817941952506, + "dot_accuracy": 78.98313166835548, + "dot_ap": 44.492521645493795, + "dot_f1": 45.814889336016094, + "dot_precision": 37.02439024390244, + "dot_recall": 60.07915567282321, + "euclidean_accuracy": 85.3907134767837, + "euclidean_ap": 71.53847289080343, + "euclidean_f1": 65.95952206778834, + "euclidean_precision": 61.31006346328196, + "euclidean_recall": 71.37203166226914, + "manhattan_accuracy": 85.40859510043511, + "manhattan_ap": 71.49664104395515, + "manhattan_f1": 65.98569969356485, + "manhattan_precision": 63.928748144482924, + "manhattan_recall": 68.17941952506597, + "max_accuracy": 85.59933241938367, + "max_ap": 72.20760361208136, + "max_f1": 66.4447731755424, + "main_score": 72.20760361208136 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/TwitterURLCorpus.json b/results/intfloat__multilingual-e5-base/external/TwitterURLCorpus.json new file mode 100644 index 000000000..eca178411 --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.83261536073273, + "cos_sim_ap": 85.48178133644264, + "cos_sim_f1": 77.87816307403935, + "cos_sim_precision": 75.88953021114926, + "cos_sim_recall": 79.97382198952879, + "dot_accuracy": 79.76287499514883, + "dot_ap": 59.17438838475084, + "dot_f1": 56.34566667855996, + "dot_precision": 52.50349092359864, + "dot_recall": 60.794579611949494, + "euclidean_accuracy": 88.76857996662397, + "euclidean_ap": 85.22764834359887, + "euclidean_f1": 77.65379751543554, + "euclidean_precision": 75.11152683839401, + "euclidean_recall": 80.37419156144134, + "manhattan_accuracy": 88.6987231730508, + "manhattan_ap": 85.18907981724007, + "manhattan_f1": 77.51967028849757, + "manhattan_precision": 75.49992701795358, + "manhattan_recall": 79.65044656606098, + "max_accuracy": 88.83261536073273, + "max_ap": 85.48178133644264, + "max_f1": 77.87816307403935, + "main_score": 85.48178133644264 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-base/external/model_meta.json b/results/intfloat__multilingual-e5-base/external/model_meta.json new file mode 100644 index 000000000..a2df236eb --- /dev/null +++ b/results/intfloat__multilingual-e5-base/external/model_meta.json @@ -0,0 +1,117 @@ +{ + "name": "intfloat/multilingual-e5-base", + "revision": "d13f1b27baf31030b7fd040960d60d909913633f", + "release_date": "2023-05-19", + "languages": [ + "multilingual", + "af", + "am", + "ar", + "as", + "az", + "be", + "bg", + "bn", + "br", + "bs", + "ca", + "cs", + "cy", + "da", + "de", + "el", + "en", + "eo", + "es", + "et", + "eu", + "fa", + "fi", + "fr", + "fy", + "ga", + "gd", + "gl", + "gu", + "ha", + "he", + "hi", + "hr", + "hu", + "hy", + "id", + "is", + "it", + "ja", + "jv", + "ka", + "kk", + "km", + "kn", + "ko", + "ku", + "ky", + "la", + "lo", + "lt", + "lv", + "mg", + "mk", + "ml", + "mn", + "mr", + "ms", + "my", + "ne", + "nl", + "no", + "om", + "or", + "pa", + "pl", + "ps", + "pt", + "ro", + "ru", + "sa", + "sd", + "si", + "sk", + "sl", + "so", + "sq", + "sr", + "su", + "sv", + "sw", + "ta", + "te", + "th", + "tl", + "tr", + "ug", + "uk", + "ur", + "uz", + "vi", + "xh", + "yi", + "zh" + ], + "loader": null, + "n_parameters": 278044162, + "memory_usage": null, + "max_tokens": 514, + "embed_dim": 768, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/AmazonCounterfactualClassification.json b/results/intfloat__multilingual-e5-large-instruct/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..e0f8dc0ff --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/AmazonCounterfactualClassification.json @@ -0,0 +1,50 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.23880597014924, + "ap": 39.07351965022687, + "f1": 70.04836733862683, + "main_score": 76.23880597014924 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 66.71306209850107, + "ap": 79.01499914759529, + "f1": 64.81951817560703, + "main_score": 66.71306209850107 + }, + { + "hf_subset": "en-ext", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.85307346326837, + "ap": 22.447519885878737, + "f1": 61.0162730745633, + "main_score": 73.85307346326837 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 76.04925053533191, + "ap": 23.44983217128922, + "f1": 62.5723230907759, + "main_score": 76.04925053533191 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/AmazonPolarityClassification.json b/results/intfloat__multilingual-e5-large-instruct/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..d3659597f --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 96.28742500000001, + "ap": 94.8449918887462, + "f1": 96.28680923610432, + "main_score": 96.28742500000001 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/AmazonReviewsClassification.json b/results/intfloat__multilingual-e5-large-instruct/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..d236639ed --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/AmazonReviewsClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 56.716, + "f1": 55.76510398266401, + "main_score": 56.716 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 52.99999999999999, + "f1": 52.00829994765178, + "main_score": 52.99999999999999 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 48.806000000000004, + "f1": 48.082345914983634, + "main_score": 48.806000000000004 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 48.507999999999996, + "f1": 47.68752844642045, + "main_score": 48.507999999999996 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 47.709999999999994, + "f1": 47.05870376637181, + "main_score": 47.709999999999994 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 44.662000000000006, + "f1": 43.42371965372771, + "main_score": 44.662000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/ArguAna.json b/results/intfloat__multilingual-e5-large-instruct/external/ArguAna.json new file mode 100644 index 000000000..7b6ef91ed --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.721, + "map_at_10": 49.221, + "map_at_100": 49.884, + "map_at_1000": 49.888, + "map_at_3": 44.31, + "map_at_5": 47.276, + "mrr_at_1": 32.432, + "mrr_at_10": 49.5, + "mrr_at_100": 50.163000000000004, + "mrr_at_1000": 50.166, + "mrr_at_3": 44.618, + "mrr_at_5": 47.541, + "ndcg_at_1": 31.721, + "ndcg_at_10": 58.384, + "ndcg_at_100": 61.111000000000004, + "ndcg_at_1000": 61.187999999999995, + "ndcg_at_3": 48.386, + "ndcg_at_5": 53.708999999999996, + "precision_at_1": 31.721, + "precision_at_10": 8.741, + "precision_at_100": 0.991, + "precision_at_1000": 0.1, + "precision_at_3": 20.057, + "precision_at_5": 14.609, + "recall_at_1": 31.721, + "recall_at_10": 87.411, + "recall_at_100": 99.075, + "recall_at_1000": 99.644, + "recall_at_3": 60.171, + "recall_at_5": 73.044, + "main_score": 58.384 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/ArxivClusteringP2P.json b/results/intfloat__multilingual-e5-large-instruct/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..0585891ac --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 46.40419580759799, + "main_score": 46.40419580759799 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/ArxivClusteringS2S.json b/results/intfloat__multilingual-e5-large-instruct/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..57e730249 --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.48593255007969, + "main_score": 40.48593255007969 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/AskUbuntuDupQuestions.json b/results/intfloat__multilingual-e5-large-instruct/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..0eac90d96 --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 63.889179122289995, + "mrr": 77.61146286769556, + "main_score": 63.889179122289995 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/BIOSSES.json b/results/intfloat__multilingual-e5-large-instruct/external/BIOSSES.json new file mode 100644 index 000000000..4960b26ab --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.15075203727929, + "cos_sim_spearman": 86.9622224570873, + "euclidean_pearson": 86.70473853624121, + "euclidean_spearman": 86.9622224570873, + "manhattan_pearson": 86.21089380980065, + "manhattan_spearman": 86.75318154937008, + "cosine_pearson": 88.15075203727929, + "cosine_spearman": 86.9622224570873, + "main_score": 86.9622224570873 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/BUCC.json b/results/intfloat__multilingual-e5-large-instruct/external/BUCC.json new file mode 100644 index 000000000..45b704b3b --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/BUCC.json @@ -0,0 +1,58 @@ +{ + "dataset_revision": "d51519689f32196a32af33b075a01d0e7c51e252", + "task_name": "BUCC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "accuracy": 99.65553235908142, + "f1": 99.60681976339595, + "precision": 99.58246346555325, + "recall": 99.65553235908142, + "main_score": 99.60681976339595 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "accuracy": 99.26260180497468, + "f1": 99.14520507740848, + "precision": 99.08650671362535, + "recall": 99.26260180497468, + "main_score": 99.14520507740848 + }, + { + "hf_subset": "ru-en", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "accuracy": 98.07412538967787, + "f1": 97.86629719431936, + "precision": 97.76238309664012, + "recall": 98.07412538967787, + "main_score": 97.86629719431936 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "accuracy": 99.42074776197998, + "f1": 99.38564156573635, + "precision": 99.36808846761454, + "recall": 99.42074776197998, + "main_score": 99.38564156573635 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/Banking77Classification.json b/results/intfloat__multilingual-e5-large-instruct/external/Banking77Classification.json new file mode 100644 index 000000000..c7ec372bc --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 85.73376623376623, + "f1": 85.68480707214599, + "main_score": 85.73376623376623 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/BiorxivClusteringP2P.json b/results/intfloat__multilingual-e5-large-instruct/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..18d0c64f8 --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.935218072113855, + "main_score": 40.935218072113855 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/BiorxivClusteringS2S.json b/results/intfloat__multilingual-e5-large-instruct/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..a496a3208 --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.276389017675264, + "main_score": 36.276389017675264 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/ClimateFEVER.json b/results/intfloat__multilingual-e5-large-instruct/external/ClimateFEVER.json new file mode 100644 index 000000000..6521d746d --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 12.969, + "map_at_10": 21.584999999999997, + "map_at_100": 23.3, + "map_at_1000": 23.5, + "map_at_3": 18.218999999999998, + "map_at_5": 19.983, + "mrr_at_1": 29.316, + "mrr_at_10": 40.033, + "mrr_at_100": 40.96, + "mrr_at_1000": 41.001, + "mrr_at_3": 37.123, + "mrr_at_5": 38.757999999999996, + "ndcg_at_1": 29.316, + "ndcg_at_10": 29.858, + "ndcg_at_100": 36.756, + "ndcg_at_1000": 40.245999999999995, + "ndcg_at_3": 24.822, + "ndcg_at_5": 26.565, + "precision_at_1": 29.316, + "precision_at_10": 9.186, + "precision_at_100": 1.6549999999999998, + "precision_at_1000": 0.22999999999999998, + "precision_at_3": 18.436, + "precision_at_5": 13.876, + "recall_at_1": 12.969, + "recall_at_10": 35.142, + "recall_at_100": 59.143, + "recall_at_1000": 78.594, + "recall_at_3": 22.604, + "recall_at_5": 27.883000000000003, + "main_score": 29.858 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/DBPedia.json b/results/intfloat__multilingual-e5-large-instruct/external/DBPedia.json new file mode 100644 index 000000000..1e8ea1448 --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.527999999999999, + "map_at_10": 17.974999999999998, + "map_at_100": 25.665, + "map_at_1000": 27.406000000000002, + "map_at_3": 13.017999999999999, + "map_at_5": 15.137, + "mrr_at_1": 62.5, + "mrr_at_10": 71.891, + "mrr_at_100": 72.294, + "mrr_at_1000": 72.296, + "mrr_at_3": 69.958, + "mrr_at_5": 71.121, + "ndcg_at_1": 50.875, + "ndcg_at_10": 38.36, + "ndcg_at_100": 44.235, + "ndcg_at_1000": 52.154, + "ndcg_at_3": 43.008, + "ndcg_at_5": 40.083999999999996, + "precision_at_1": 62.5, + "precision_at_10": 30.0, + "precision_at_100": 10.038, + "precision_at_1000": 2.0869999999999997, + "precision_at_3": 46.833000000000006, + "precision_at_5": 38.800000000000004, + "recall_at_1": 8.527999999999999, + "recall_at_10": 23.828, + "recall_at_100": 52.322, + "recall_at_1000": 77.143, + "recall_at_3": 14.136000000000001, + "recall_at_5": 17.761, + "main_score": 38.36 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/EmotionClassification.json b/results/intfloat__multilingual-e5-large-instruct/external/EmotionClassification.json new file mode 100644 index 000000000..745e4c11f --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 51.51, + "f1": 47.632159862049896, + "main_score": 51.51 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/FEVER.json b/results/intfloat__multilingual-e5-large-instruct/external/FEVER.json new file mode 100644 index 000000000..3ffc06fb9 --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 60.734, + "map_at_10": 72.442, + "map_at_100": 72.735, + "map_at_1000": 72.75, + "map_at_3": 70.41199999999999, + "map_at_5": 71.80499999999999, + "mrr_at_1": 65.212, + "mrr_at_10": 76.613, + "mrr_at_100": 76.79899999999999, + "mrr_at_1000": 76.801, + "mrr_at_3": 74.8, + "mrr_at_5": 76.12400000000001, + "ndcg_at_1": 65.212, + "ndcg_at_10": 77.988, + "ndcg_at_100": 79.167, + "ndcg_at_1000": 79.452, + "ndcg_at_3": 74.362, + "ndcg_at_5": 76.666, + "precision_at_1": 65.212, + "precision_at_10": 10.003, + "precision_at_100": 1.077, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 29.518, + "precision_at_5": 19.016, + "recall_at_1": 60.734, + "recall_at_10": 90.824, + "recall_at_100": 95.71600000000001, + "recall_at_1000": 97.577, + "recall_at_3": 81.243, + "recall_at_5": 86.90299999999999, + "main_score": 77.988 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/FiQA2018.json b/results/intfloat__multilingual-e5-large-instruct/external/FiQA2018.json new file mode 100644 index 000000000..7eaf729b5 --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.845, + "map_at_10": 39.281, + "map_at_100": 41.422, + "map_at_1000": 41.593, + "map_at_3": 34.467, + "map_at_5": 37.017, + "mrr_at_1": 47.531, + "mrr_at_10": 56.204, + "mrr_at_100": 56.928999999999995, + "mrr_at_1000": 56.962999999999994, + "mrr_at_3": 54.115, + "mrr_at_5": 55.373000000000005, + "ndcg_at_1": 47.531, + "ndcg_at_10": 47.711999999999996, + "ndcg_at_100": 54.510999999999996, + "ndcg_at_1000": 57.103, + "ndcg_at_3": 44.145, + "ndcg_at_5": 45.032, + "precision_at_1": 47.531, + "precision_at_10": 13.194, + "precision_at_100": 2.045, + "precision_at_1000": 0.249, + "precision_at_3": 29.424, + "precision_at_5": 21.451, + "recall_at_1": 23.845, + "recall_at_10": 54.967, + "recall_at_100": 79.11399999999999, + "recall_at_1000": 94.56700000000001, + "recall_at_3": 40.256, + "recall_at_5": 46.215, + "main_score": 47.711999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/HotpotQA.json b/results/intfloat__multilingual-e5-large-instruct/external/HotpotQA.json new file mode 100644 index 000000000..b161d0517 --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 37.819, + "map_at_10": 60.889, + "map_at_100": 61.717999999999996, + "map_at_1000": 61.778, + "map_at_3": 57.254000000000005, + "map_at_5": 59.541, + "mrr_at_1": 75.638, + "mrr_at_10": 82.173, + "mrr_at_100": 82.362, + "mrr_at_1000": 82.37, + "mrr_at_3": 81.089, + "mrr_at_5": 81.827, + "ndcg_at_1": 75.638, + "ndcg_at_10": 69.317, + "ndcg_at_100": 72.221, + "ndcg_at_1000": 73.382, + "ndcg_at_3": 64.14, + "ndcg_at_5": 67.07600000000001, + "precision_at_1": 75.638, + "precision_at_10": 14.704999999999998, + "precision_at_100": 1.698, + "precision_at_1000": 0.185, + "precision_at_3": 41.394999999999996, + "precision_at_5": 27.162999999999997, + "recall_at_1": 37.819, + "recall_at_10": 73.52499999999999, + "recall_at_100": 84.875, + "recall_at_1000": 92.559, + "recall_at_3": 62.092999999999996, + "recall_at_5": 67.907, + "main_score": 69.317 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/ImdbClassification.json b/results/intfloat__multilingual-e5-large-instruct/external/ImdbClassification.json new file mode 100644 index 000000000..50fd46635 --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 94.60079999999999, + "ap": 92.67396345347356, + "f1": 94.5988098167121, + "main_score": 94.60079999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/MSMARCO.json b/results/intfloat__multilingual-e5-large-instruct/external/MSMARCO.json new file mode 100644 index 000000000..7e9e9c1f6 --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.285, + "map_at_10": 33.436, + "map_at_100": 34.63, + "map_at_1000": 34.681, + "map_at_3": 29.412, + "map_at_5": 31.715, + "mrr_at_1": 21.848, + "mrr_at_10": 33.979, + "mrr_at_100": 35.118, + "mrr_at_1000": 35.162, + "mrr_at_3": 30.036, + "mrr_at_5": 32.298, + "ndcg_at_1": 21.862000000000002, + "ndcg_at_10": 40.43, + "ndcg_at_100": 46.17, + "ndcg_at_1000": 47.412, + "ndcg_at_3": 32.221, + "ndcg_at_5": 36.332, + "precision_at_1": 21.862000000000002, + "precision_at_10": 6.491, + "precision_at_100": 0.935, + "precision_at_1000": 0.104, + "precision_at_3": 13.744, + "precision_at_5": 10.331999999999999, + "recall_at_1": 21.285, + "recall_at_10": 62.083, + "recall_at_100": 88.576, + "recall_at_1000": 98.006, + "recall_at_3": 39.729, + "recall_at_5": 49.608000000000004, + "main_score": 40.43 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/MTOPDomainClassification.json b/results/intfloat__multilingual-e5-large-instruct/external/MTOPDomainClassification.json new file mode 100644 index 000000000..ea1625860 --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/MTOPDomainClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.92612859097127, + "f1": 93.82370333372853, + "main_score": 93.92612859097127 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 92.67681036911807, + "f1": 92.14191382411472, + "main_score": 92.67681036911807 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 92.26817878585723, + "f1": 91.92824250337878, + "main_score": 92.26817878585723 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 89.96554963983714, + "f1": 90.02859329630792, + "main_score": 89.96554963983714 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 90.02509860164935, + "f1": 89.30665159182062, + "main_score": 90.02509860164935 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 87.55515370705244, + "f1": 87.94449232331907, + "main_score": 87.55515370705244 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/MTOPIntentClassification.json b/results/intfloat__multilingual-e5-large-instruct/external/MTOPIntentClassification.json new file mode 100644 index 000000000..0fb16861a --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/MTOPIntentClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 82.4623803009576, + "f1": 66.06738378772725, + "main_score": 82.4623803009576 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 79.3716539870386, + "f1": 60.37614033396853, + "main_score": 79.3716539870386 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 80.34022681787857, + "f1": 58.302008026952, + "main_score": 80.34022681787857 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 76.72095208268087, + "f1": 59.64524724009049, + "main_score": 76.72095208268087 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 77.87020437432773, + "f1": 57.80202694670567, + "main_score": 77.87020437432773 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 77.73598553345387, + "f1": 58.19628250675031, + "main_score": 77.73598553345387 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/MassiveIntentClassification.json b/results/intfloat__multilingual-e5-large-instruct/external/MassiveIntentClassification.json new file mode 100644 index 000000000..6b2a64767 --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/MassiveIntentClassification.json @@ -0,0 +1,469 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 67.6630800268998, + "f1": 65.00996668051691, + "main_score": 67.6630800268998 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 60.7128446536651, + "f1": 57.95860594874963, + "main_score": 60.7128446536651 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 63.61129791526563, + "f1": 59.75328290206483, + "main_score": 63.61129791526563 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 69.00134498991257, + "f1": 67.0230483991802, + "main_score": 69.00134498991257 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 68.54068594485541, + "f1": 65.54604628946976, + "main_score": 68.54068594485541 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 63.032952252858095, + "f1": 58.715741857057104, + "main_score": 63.032952252858095 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 71.80901143241427, + "f1": 68.33963989243877, + "main_score": 71.80901143241427 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 72.47141896435777, + "f1": 69.56765020308262, + "main_score": 72.47141896435777 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 71.2373907195696, + "f1": 69.04529836036467, + "main_score": 71.2373907195696 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.05783456624076, + "f1": 74.69430584708174, + "main_score": 77.05783456624076 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 72.82111634162744, + "f1": 70.77228952803762, + "main_score": 72.82111634162744 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 74.25353059852051, + "f1": 71.05310103416411, + "main_score": 74.25353059852051 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 72.28648285137861, + "f1": 69.08020473732226, + "main_score": 72.28648285137861 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 73.31540013449899, + "f1": 70.9426355465791, + "main_score": 73.31540013449899 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 70.2151983860121, + "f1": 67.52541755908858, + "main_score": 70.2151983860121 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 71.58372562205784, + "f1": 69.49769064229827, + "main_score": 71.58372562205784 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 71.9233355749832, + "f1": 69.36311548259593, + "main_score": 71.9233355749832 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 68.07330195023538, + "f1": 64.99882022345572, + "main_score": 68.07330195023538 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 72.62273032952253, + "f1": 70.6394885471001, + "main_score": 72.62273032952253 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 65.77000672494957, + "f1": 62.9368944815065, + "main_score": 65.77000672494957 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 73.453261600538, + "f1": 70.85069934666681, + "main_score": 73.453261600538 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 74.6906523201076, + "f1": 72.03249740074217, + "main_score": 74.6906523201076 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 63.03631472763953, + "f1": 59.3165215571852, + "main_score": 63.03631472763953 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 58.913920645595155, + "f1": 57.367337711611285, + "main_score": 58.913920645595155 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 54.42837928715535, + "f1": 52.60527294970906, + "main_score": 54.42837928715535 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 66.33490248823135, + "f1": 63.213340969404065, + "main_score": 66.33490248823135 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 70.58507061197041, + "f1": 68.40256628040486, + "main_score": 70.58507061197041 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 69.11230665770006, + "f1": 66.44863577842305, + "main_score": 69.11230665770006 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 69.70073974445192, + "f1": 67.21291337273702, + "main_score": 69.70073974445192 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 66.43913920645595, + "f1": 64.09838087422806, + "main_score": 66.43913920645595 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 70.80026899798251, + "f1": 68.76986742962444, + "main_score": 70.80026899798251 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 64.78816408876934, + "f1": 62.18781873428972, + "main_score": 64.78816408876934 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 71.6577000672495, + "f1": 68.75171511133003, + "main_score": 71.6577000672495 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 74.42501681237391, + "f1": 71.18434963451544, + "main_score": 74.42501681237391 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 73.64828513786146, + "f1": 70.67741914007422, + "main_score": 73.64828513786146 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 73.62811028917284, + "f1": 71.36402039740959, + "main_score": 73.62811028917284 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 71.88634835238736, + "f1": 69.23701923480677, + "main_score": 71.88634835238736 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 74.15938130464022, + "f1": 71.87792218993388, + "main_score": 74.15938130464022 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 69.96301277740416, + "f1": 67.29584200202983, + "main_score": 69.96301277740416 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 69.49562878278412, + "f1": 66.91716685679431, + "main_score": 69.49562878278412 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 74.6805648957633, + "f1": 72.02723592594374, + "main_score": 74.6805648957633 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 63.00605245460659, + "f1": 60.16716669482932, + "main_score": 63.00605245460659 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 66.90988567585742, + "f1": 63.99405488777784, + "main_score": 66.90988567585742 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 67.62273032952253, + "f1": 65.17213906909481, + "main_score": 67.62273032952253 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 69.50907868190988, + "f1": 69.15165697194853, + "main_score": 69.50907868190988 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 69.30733019502352, + "f1": 66.69024007380474, + "main_score": 69.30733019502352 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 72.24277067921989, + "f1": 68.80515408492947, + "main_score": 72.24277067921989 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 67.49831876260929, + "f1": 64.83778567111116, + "main_score": 67.49831876260929 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 71.28782784129119, + "f1": 69.3294186700733, + "main_score": 71.28782784129119 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 73.315400134499, + "f1": 71.22674385243207, + "main_score": 73.315400134499 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 69.37794216543377, + "f1": 68.96962492838232, + "main_score": 69.37794216543377 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/MassiveScenarioClassification.json b/results/intfloat__multilingual-e5-large-instruct/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..24f78b886 --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/MassiveScenarioClassification.json @@ -0,0 +1,469 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 73.33557498318764, + "f1": 72.28949738478356, + "main_score": 73.33557498318764 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 65.84398117014123, + "f1": 64.71026362091463, + "main_score": 65.84398117014123 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 69.76462676529925, + "f1": 69.8229667407667, + "main_score": 69.76462676529925 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 72.02420981842636, + "f1": 71.76576384895898, + "main_score": 72.02420981842636 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 72.7572293207801, + "f1": 72.76840765295256, + "main_score": 72.7572293207801 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 68.02286482851379, + "f1": 66.17237947327872, + "main_score": 68.02286482851379 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 77.60928043039678, + "f1": 77.27094731234773, + "main_score": 77.60928043039678 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 77.68325487558843, + "f1": 77.97530399082261, + "main_score": 77.68325487558843 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 76.13315400134498, + "f1": 75.97558584796424, + "main_score": 76.13315400134498 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.47410894418292, + "f1": 80.52244841473792, + "main_score": 80.47410894418292 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 76.9670477471419, + "f1": 77.37318805793146, + "main_score": 76.9670477471419 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 78.09683927370544, + "f1": 77.69773737430847, + "main_score": 78.09683927370544 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 75.20847343644922, + "f1": 75.17071738727348, + "main_score": 75.20847343644922 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 77.07464694014796, + "f1": 77.16136207698571, + "main_score": 77.07464694014796 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 73.53396099529255, + "f1": 73.58296404484122, + "main_score": 73.53396099529255 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 75.75319435104237, + "f1": 75.24674707850833, + "main_score": 75.75319435104237 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 77.0948217888366, + "f1": 76.47559490205028, + "main_score": 77.0948217888366 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 71.07599193006052, + "f1": 70.76028043093511, + "main_score": 71.07599193006052 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 77.10490921318089, + "f1": 77.01215275283272, + "main_score": 77.10490921318089 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 71.25756556825824, + "f1": 70.20605314648762, + "main_score": 71.25756556825824 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 77.08137188971082, + "f1": 77.3899269057439, + "main_score": 77.08137188971082 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 79.35440484196369, + "f1": 79.58964690002772, + "main_score": 79.35440484196369 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 68.42299932750504, + "f1": 68.07844356925413, + "main_score": 68.42299932750504 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 66.15669132481507, + "f1": 65.89383352608513, + "main_score": 66.15669132481507 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 60.11432414256894, + "f1": 57.69910594559806, + "main_score": 60.11432414256894 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 71.24747814391392, + "f1": 70.42455553830918, + "main_score": 71.24747814391392 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 76.46267652992603, + "f1": 76.8854559308316, + "main_score": 76.46267652992603 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 73.24815063887021, + "f1": 72.77805034658074, + "main_score": 73.24815063887021 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 74.11566913248151, + "f1": 73.86147988001356, + "main_score": 74.11566913248151 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 70.0168123739072, + "f1": 69.38515920054571, + "main_score": 70.0168123739072 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 74.41156691324814, + "f1": 73.43474953408237, + "main_score": 74.41156691324814 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 68.39609952925353, + "f1": 67.29731681109291, + "main_score": 68.39609952925353 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 77.20914593140552, + "f1": 77.07066497935367, + "main_score": 77.20914593140552 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 78.52387357094821, + "f1": 78.5259569473291, + "main_score": 78.52387357094821 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 76.6913248150639, + "f1": 76.91201656350455, + "main_score": 76.6913248150639 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 77.1217215870881, + "f1": 77.41179937912504, + "main_score": 77.1217215870881 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 75.25891055817083, + "f1": 75.8089244542887, + "main_score": 75.25891055817083 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 77.70679219905851, + "f1": 78.21459594517711, + "main_score": 77.70679219905851 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 74.83523873570948, + "f1": 74.86847028401978, + "main_score": 74.83523873570948 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 74.71755211835911, + "f1": 74.0214326485662, + "main_score": 74.71755211835911 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 79.06523201075991, + "f1": 79.10545620325138, + "main_score": 79.06523201075991 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 67.91862811028918, + "f1": 66.50386121217983, + "main_score": 67.91862811028918 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 70.93140551445865, + "f1": 70.755435928495, + "main_score": 70.93140551445865 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 72.40753194351042, + "f1": 71.61816115782923, + "main_score": 72.40753194351042 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 75.1815736381977, + "f1": 75.08016717887205, + "main_score": 75.1815736381977 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 72.86482851378614, + "f1": 72.39521180006291, + "main_score": 72.86482851378614 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 76.46940147948891, + "f1": 76.70044085362349, + "main_score": 76.46940147948891 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 71.89307330195024, + "f1": 71.5721825332298, + "main_score": 71.89307330195024 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 74.7511768661735, + "f1": 75.17918654541515, + "main_score": 74.7511768661735 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 78.69535978480162, + "f1": 78.90019070153316, + "main_score": 78.69535978480162 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 75.45729657027572, + "f1": 76.19578371794672, + "main_score": 75.45729657027572 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/MedrxivClusteringP2P.json b/results/intfloat__multilingual-e5-large-instruct/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..bfddf9b5f --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.92715354123554, + "main_score": 36.92715354123554 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/MedrxivClusteringS2S.json b/results/intfloat__multilingual-e5-large-instruct/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..c9bd34b80 --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.53536244162518, + "main_score": 35.53536244162518 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/MindSmallReranking.json b/results/intfloat__multilingual-e5-large-instruct/external/MindSmallReranking.json new file mode 100644 index 000000000..ff02c5f5b --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 33.08507884504006, + "mrr": 34.32436977159129, + "main_score": 33.08507884504006 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/NFCorpus.json b/results/intfloat__multilingual-e5-large-instruct/external/NFCorpus.json new file mode 100644 index 000000000..93bad5ad1 --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.935, + "map_at_10": 13.297, + "map_at_100": 16.907, + "map_at_1000": 18.391, + "map_at_3": 9.626999999999999, + "map_at_5": 11.190999999999999, + "mrr_at_1": 46.129999999999995, + "mrr_at_10": 54.346000000000004, + "mrr_at_100": 55.067, + "mrr_at_1000": 55.1, + "mrr_at_3": 51.961, + "mrr_at_5": 53.246, + "ndcg_at_1": 44.118, + "ndcg_at_10": 35.534, + "ndcg_at_100": 32.946999999999996, + "ndcg_at_1000": 41.599000000000004, + "ndcg_at_3": 40.25, + "ndcg_at_5": 37.978, + "precision_at_1": 46.129999999999995, + "precision_at_10": 26.842, + "precision_at_100": 8.427, + "precision_at_1000": 2.128, + "precision_at_3": 37.977, + "precision_at_5": 32.879000000000005, + "recall_at_1": 5.935, + "recall_at_10": 17.211000000000002, + "recall_at_100": 34.33, + "recall_at_1000": 65.551, + "recall_at_3": 10.483, + "recall_at_5": 13.078999999999999, + "main_score": 35.534 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/NQ.json b/results/intfloat__multilingual-e5-large-instruct/external/NQ.json new file mode 100644 index 000000000..2ad4c2abb --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 35.231, + "map_at_10": 50.202000000000005, + "map_at_100": 51.154999999999994, + "map_at_1000": 51.181, + "map_at_3": 45.774, + "map_at_5": 48.522, + "mrr_at_1": 39.687, + "mrr_at_10": 52.88, + "mrr_at_100": 53.569, + "mrr_at_1000": 53.58500000000001, + "mrr_at_3": 49.228, + "mrr_at_5": 51.525, + "ndcg_at_1": 39.687, + "ndcg_at_10": 57.754000000000005, + "ndcg_at_100": 61.597, + "ndcg_at_1000": 62.18900000000001, + "ndcg_at_3": 49.55, + "ndcg_at_5": 54.11899999999999, + "precision_at_1": 39.687, + "precision_at_10": 9.313, + "precision_at_100": 1.146, + "precision_at_1000": 0.12, + "precision_at_3": 22.229, + "precision_at_5": 15.939, + "recall_at_1": 35.231, + "recall_at_10": 78.083, + "recall_at_100": 94.42099999999999, + "recall_at_1000": 98.81, + "recall_at_3": 57.047000000000004, + "recall_at_5": 67.637, + "main_score": 57.754000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/QuoraRetrieval.json b/results/intfloat__multilingual-e5-large-instruct/external/QuoraRetrieval.json new file mode 100644 index 000000000..75ae7a3cd --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 71.241, + "map_at_10": 85.462, + "map_at_100": 86.083, + "map_at_1000": 86.09700000000001, + "map_at_3": 82.49499999999999, + "map_at_5": 84.392, + "mrr_at_1": 82.09, + "mrr_at_10": 88.301, + "mrr_at_100": 88.383, + "mrr_at_1000": 88.384, + "mrr_at_3": 87.37, + "mrr_at_5": 88.035, + "ndcg_at_1": 82.12, + "ndcg_at_10": 89.149, + "ndcg_at_100": 90.235, + "ndcg_at_1000": 90.307, + "ndcg_at_3": 86.37599999999999, + "ndcg_at_5": 87.964, + "precision_at_1": 82.12, + "precision_at_10": 13.56, + "precision_at_100": 1.539, + "precision_at_1000": 0.157, + "precision_at_3": 37.88, + "precision_at_5": 24.92, + "recall_at_1": 71.241, + "recall_at_10": 96.128, + "recall_at_100": 99.696, + "recall_at_1000": 99.994, + "recall_at_3": 88.181, + "recall_at_5": 92.694, + "main_score": 89.149 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/RedditClustering.json b/results/intfloat__multilingual-e5-large-instruct/external/RedditClustering.json new file mode 100644 index 000000000..3348e0122 --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 56.59757799655151, + "main_score": 56.59757799655151 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/RedditClusteringP2P.json b/results/intfloat__multilingual-e5-large-instruct/external/RedditClusteringP2P.json new file mode 100644 index 000000000..024467dba --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 64.27391998854624, + "main_score": 64.27391998854624 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/SCIDOCS.json b/results/intfloat__multilingual-e5-large-instruct/external/SCIDOCS.json new file mode 100644 index 000000000..f17a3cae7 --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.243, + "map_at_10": 10.965, + "map_at_100": 12.934999999999999, + "map_at_1000": 13.256, + "map_at_3": 7.907, + "map_at_5": 9.435, + "mrr_at_1": 20.9, + "mrr_at_10": 31.849, + "mrr_at_100": 32.964, + "mrr_at_1000": 33.024, + "mrr_at_3": 28.517, + "mrr_at_5": 30.381999999999998, + "ndcg_at_1": 20.9, + "ndcg_at_10": 18.723, + "ndcg_at_100": 26.384999999999998, + "ndcg_at_1000": 32.114, + "ndcg_at_3": 17.753, + "ndcg_at_5": 15.558, + "precision_at_1": 20.9, + "precision_at_10": 9.8, + "precision_at_100": 2.078, + "precision_at_1000": 0.345, + "precision_at_3": 16.900000000000002, + "precision_at_5": 13.88, + "recall_at_1": 4.243, + "recall_at_10": 19.885, + "recall_at_100": 42.17, + "recall_at_1000": 70.12, + "recall_at_3": 10.288, + "recall_at_5": 14.072000000000001, + "main_score": 18.723 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/SICK-R.json b/results/intfloat__multilingual-e5-large-instruct/external/SICK-R.json new file mode 100644 index 000000000..6cf3f20be --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.84209174935282, + "cos_sim_spearman": 81.73248048438833, + "euclidean_pearson": 83.02810070308149, + "euclidean_spearman": 81.73248295679514, + "manhattan_pearson": 82.95368060376002, + "manhattan_spearman": 81.60277910998718, + "cosine_pearson": 85.84209174935282, + "cosine_spearman": 81.73248048438833, + "main_score": 81.73248048438833 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/STS12.json b/results/intfloat__multilingual-e5-large-instruct/external/STS12.json new file mode 100644 index 000000000..584d49d54 --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.52628804556943, + "cos_sim_spearman": 82.5713913555672, + "euclidean_pearson": 85.8796774746988, + "euclidean_spearman": 82.57137506803424, + "manhattan_pearson": 85.79671002960058, + "manhattan_spearman": 82.49445981618027, + "cosine_pearson": 88.52628804556943, + "cosine_spearman": 82.5713913555672, + "main_score": 82.5713913555672 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/STS13.json b/results/intfloat__multilingual-e5-large-instruct/external/STS13.json new file mode 100644 index 000000000..426863504 --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.23682503505542, + "cos_sim_spearman": 87.15008956711806, + "euclidean_pearson": 86.79805401524959, + "euclidean_spearman": 87.15008956711806, + "manhattan_pearson": 86.65298502699244, + "manhattan_spearman": 86.97677821948562, + "cosine_pearson": 86.23682503505542, + "cosine_spearman": 87.15008956711806, + "main_score": 87.15008956711806 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/STS14.json b/results/intfloat__multilingual-e5-large-instruct/external/STS14.json new file mode 100644 index 000000000..a37cba900 --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.63370304677802, + "cos_sim_spearman": 84.97105553540318, + "euclidean_pearson": 85.28896108687721, + "euclidean_spearman": 84.97105553540318, + "manhattan_pearson": 85.09663190337331, + "manhattan_spearman": 84.79126831644619, + "cosine_pearson": 85.63370304677802, + "cosine_spearman": 84.97105553540318, + "main_score": 84.97105553540318 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/STS15.json b/results/intfloat__multilingual-e5-large-instruct/external/STS15.json new file mode 100644 index 000000000..675b25607 --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 90.2614838800733, + "cos_sim_spearman": 91.0509162991835, + "euclidean_pearson": 90.33098317533373, + "euclidean_spearman": 91.05091625871644, + "manhattan_pearson": 90.26250435151107, + "manhattan_spearman": 90.97999594417519, + "cosine_pearson": 90.2614838800733, + "cosine_spearman": 91.0509162991835, + "main_score": 91.0509162991835 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/STS16.json b/results/intfloat__multilingual-e5-large-instruct/external/STS16.json new file mode 100644 index 000000000..bd7d9d8ec --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.80480973335091, + "cos_sim_spearman": 87.313695492969, + "euclidean_pearson": 86.49267251576939, + "euclidean_spearman": 87.313695492969, + "manhattan_pearson": 86.44019901831935, + "manhattan_spearman": 87.24205395460392, + "cosine_pearson": 85.80480973335091, + "cosine_spearman": 87.313695492969, + "main_score": 87.313695492969 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/STS17.json b/results/intfloat__multilingual-e5-large-instruct/external/STS17.json new file mode 100644 index 000000000..eac40eb89 --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 90.05662789380672, + "cos_sim_spearman": 90.02759424426651, + "euclidean_pearson": 90.4042483422981, + "euclidean_spearman": 90.02759424426651, + "manhattan_pearson": 90.51446975000226, + "manhattan_spearman": 90.08832889933616, + "cosine_pearson": 90.05662789380672, + "cosine_spearman": 90.02759424426651, + "main_score": 90.02759424426651 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/STS22.json b/results/intfloat__multilingual-e5-large-instruct/external/STS22.json new file mode 100644 index 000000000..6d993f0a5 --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 67.5975528273532, + "cos_sim_spearman": 67.62969861411354, + "euclidean_pearson": 69.224275734323, + "euclidean_spearman": 67.62969861411354, + "manhattan_pearson": 69.3761447059927, + "manhattan_spearman": 67.90921005611467, + "cosine_pearson": 67.5975528273532, + "cosine_spearman": 67.62969861411354, + "main_score": 67.62969861411354 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/STSBenchmark.json b/results/intfloat__multilingual-e5-large-instruct/external/STSBenchmark.json new file mode 100644 index 000000000..e74cc84b3 --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.11244327231684, + "cos_sim_spearman": 88.37902438979035, + "euclidean_pearson": 87.86054279847336, + "euclidean_spearman": 88.37902438979035, + "manhattan_pearson": 87.77257757320378, + "manhattan_spearman": 88.25208966098123, + "cosine_pearson": 87.11244327231684, + "cosine_spearman": 88.37902438979035, + "main_score": 88.37902438979035 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/SciDocsRR.json b/results/intfloat__multilingual-e5-large-instruct/external/SciDocsRR.json new file mode 100644 index 000000000..cbf46eda2 --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 85.87174608143563, + "mrr": 96.12836872640794, + "main_score": 85.87174608143563 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/SciFact.json b/results/intfloat__multilingual-e5-large-instruct/external/SciFact.json new file mode 100644 index 000000000..7d245cfca --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 57.760999999999996, + "map_at_10": 67.258, + "map_at_100": 67.757, + "map_at_1000": 67.78800000000001, + "map_at_3": 64.602, + "map_at_5": 65.64, + "mrr_at_1": 60.667, + "mrr_at_10": 68.441, + "mrr_at_100": 68.825, + "mrr_at_1000": 68.853, + "mrr_at_3": 66.444, + "mrr_at_5": 67.26100000000001, + "ndcg_at_1": 60.667, + "ndcg_at_10": 71.852, + "ndcg_at_100": 73.9, + "ndcg_at_1000": 74.628, + "ndcg_at_3": 67.093, + "ndcg_at_5": 68.58, + "precision_at_1": 60.667, + "precision_at_10": 9.6, + "precision_at_100": 1.0670000000000002, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 26.111, + "precision_at_5": 16.733, + "recall_at_1": 57.760999999999996, + "recall_at_10": 84.967, + "recall_at_100": 93.833, + "recall_at_1000": 99.333, + "recall_at_3": 71.589, + "recall_at_5": 75.483, + "main_score": 71.852 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/SprintDuplicateQuestions.json b/results/intfloat__multilingual-e5-large-instruct/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..481d0c1f4 --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.66633663366336, + "cos_sim_ap": 91.17685358899108, + "cos_sim_f1": 82.16818642350559, + "cos_sim_precision": 83.26488706365504, + "cos_sim_recall": 81.10000000000001, + "dot_accuracy": 99.66633663366336, + "dot_ap": 91.17663411119032, + "dot_f1": 82.16818642350559, + "dot_precision": 83.26488706365504, + "dot_recall": 81.10000000000001, + "euclidean_accuracy": 99.66633663366336, + "euclidean_ap": 91.17685189882275, + "euclidean_f1": 82.16818642350559, + "euclidean_precision": 83.26488706365504, + "euclidean_recall": 81.10000000000001, + "manhattan_accuracy": 99.66633663366336, + "manhattan_ap": 91.2241619496737, + "manhattan_f1": 82.20472440944883, + "manhattan_precision": 86.51933701657458, + "manhattan_recall": 78.3, + "max_accuracy": 99.66633663366336, + "max_ap": 91.2241619496737, + "max_f1": 82.20472440944883, + "main_score": 91.2241619496737 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/StackExchangeClustering.json b/results/intfloat__multilingual-e5-large-instruct/external/StackExchangeClustering.json new file mode 100644 index 000000000..9e0b4ad23 --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 66.85101268897951, + "main_score": 66.85101268897951 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/StackExchangeClusteringP2P.json b/results/intfloat__multilingual-e5-large-instruct/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..9dbfa8eeb --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 42.461184054706905, + "main_score": 42.461184054706905 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/StackOverflowDupQuestions.json b/results/intfloat__multilingual-e5-large-instruct/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..768d95793 --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 51.44542568873886, + "mrr": 52.33656151854681, + "main_score": 51.44542568873886 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/SummEval.json b/results/intfloat__multilingual-e5-large-instruct/external/SummEval.json new file mode 100644 index 000000000..1e805847c --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.75982974997539, + "cos_sim_spearman": 30.385405026539914, + "dot_pearson": 30.75982433546523, + "dot_spearman": 30.385405026539914, + "cosine_pearson": 30.75982974997539, + "cosine_spearman": 30.385405026539914, + "main_score": 30.385405026539914 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/TRECCOVID.json b/results/intfloat__multilingual-e5-large-instruct/external/TRECCOVID.json new file mode 100644 index 000000000..0f5275eca --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.22799999999999998, + "map_at_10": 2.064, + "map_at_100": 13.056000000000001, + "map_at_1000": 31.747999999999998, + "map_at_3": 0.67, + "map_at_5": 1.097, + "mrr_at_1": 90.0, + "mrr_at_10": 94.667, + "mrr_at_100": 94.667, + "mrr_at_1000": 94.667, + "mrr_at_3": 94.667, + "mrr_at_5": 94.667, + "ndcg_at_1": 86.0, + "ndcg_at_10": 82.0, + "ndcg_at_100": 64.307, + "ndcg_at_1000": 57.023999999999994, + "ndcg_at_3": 85.816, + "ndcg_at_5": 84.904, + "precision_at_1": 90.0, + "precision_at_10": 85.8, + "precision_at_100": 66.46, + "precision_at_1000": 25.202, + "precision_at_3": 90.0, + "precision_at_5": 89.2, + "recall_at_1": 0.22799999999999998, + "recall_at_10": 2.235, + "recall_at_100": 16.185, + "recall_at_1000": 53.620999999999995, + "recall_at_3": 0.7040000000000001, + "recall_at_5": 1.172, + "main_score": 82.0 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/Tatoeba.json b/results/intfloat__multilingual-e5-large-instruct/external/Tatoeba.json new file mode 100644 index 000000000..75465b4dc --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/Tatoeba.json @@ -0,0 +1,1354 @@ +{ + "dataset_revision": "9080400076fbadbb4c4dcb136ff4eddc40b42553", + "task_name": "Tatoeba", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "sqi-eng", + "languages": [ + "sqi-Latn", + "eng-Latn" + ], + "accuracy": 97.39999999999999, + "f1": 96.75, + "precision": 96.45, + "recall": 97.39999999999999, + "main_score": 96.75 + }, + { + "hf_subset": "fry-eng", + "languages": [ + "fry-Latn", + "eng-Latn" + ], + "accuracy": 85.54913294797689, + "f1": 82.46628131021194, + "precision": 81.1175337186898, + "recall": 85.54913294797689, + "main_score": 82.46628131021194 + }, + { + "hf_subset": "kur-eng", + "languages": [ + "kur-Latn", + "eng-Latn" + ], + "accuracy": 81.21951219512195, + "f1": 77.33333333333334, + "precision": 75.54878048780488, + "recall": 81.21951219512195, + "main_score": 77.33333333333334 + }, + { + "hf_subset": "tur-eng", + "languages": [ + "tur-Latn", + "eng-Latn" + ], + "accuracy": 98.6, + "f1": 98.26666666666665, + "precision": 98.1, + "recall": 98.6, + "main_score": 98.26666666666665 + }, + { + "hf_subset": "deu-eng", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "accuracy": 99.5, + "f1": 99.33333333333333, + "precision": 99.25, + "recall": 99.5, + "main_score": 99.33333333333333 + }, + { + "hf_subset": "nld-eng", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "accuracy": 97.8, + "f1": 97.2, + "precision": 96.89999999999999, + "recall": 97.8, + "main_score": 97.2 + }, + { + "hf_subset": "ron-eng", + "languages": [ + "ron-Latn", + "eng-Latn" + ], + "accuracy": 97.8, + "f1": 97.18333333333334, + "precision": 96.88333333333333, + "recall": 97.8, + "main_score": 97.18333333333334 + }, + { + "hf_subset": "ang-eng", + "languages": [ + "ang-Latn", + "eng-Latn" + ], + "accuracy": 77.61194029850746, + "f1": 72.81094527363183, + "precision": 70.83333333333333, + "recall": 77.61194029850746, + "main_score": 72.81094527363183 + }, + { + "hf_subset": "ido-eng", + "languages": [ + "ido-Latn", + "eng-Latn" + ], + "accuracy": 93.7, + "f1": 91.91666666666667, + "precision": 91.08333333333334, + "recall": 93.7, + "main_score": 91.91666666666667 + }, + { + "hf_subset": "jav-eng", + "languages": [ + "jav-Latn", + "eng-Latn" + ], + "accuracy": 88.29268292682927, + "f1": 85.27642276422765, + "precision": 84.01277584204414, + "recall": 88.29268292682927, + "main_score": 85.27642276422765 + }, + { + "hf_subset": "isl-eng", + "languages": [ + "isl-Latn", + "eng-Latn" + ], + "accuracy": 96.1, + "f1": 95.0, + "precision": 94.46666666666668, + "recall": 96.1, + "main_score": 95.0 + }, + { + "hf_subset": "slv-eng", + "languages": [ + "slv-Latn", + "eng-Latn" + ], + "accuracy": 93.681652490887, + "f1": 91.90765492102065, + "precision": 91.05913325232888, + "recall": 93.681652490887, + "main_score": 91.90765492102065 + }, + { + "hf_subset": "cym-eng", + "languages": [ + "cym-Latn", + "eng-Latn" + ], + "accuracy": 92.17391304347827, + "f1": 89.97101449275361, + "precision": 88.96811594202899, + "recall": 92.17391304347827, + "main_score": 89.97101449275361 + }, + { + "hf_subset": "kaz-eng", + "languages": [ + "kaz-Cyrl", + "eng-Latn" + ], + "accuracy": 90.43478260869566, + "f1": 87.72173913043478, + "precision": 86.42028985507245, + "recall": 90.43478260869566, + "main_score": 87.72173913043478 + }, + { + "hf_subset": "est-eng", + "languages": [ + "est-Latn", + "eng-Latn" + ], + "accuracy": 90.4, + "f1": 88.03, + "precision": 86.95, + "recall": 90.4, + "main_score": 88.03 + }, + { + "hf_subset": "heb-eng", + "languages": [ + "heb-Hebr", + "eng-Latn" + ], + "accuracy": 93.4, + "f1": 91.45666666666666, + "precision": 90.525, + "recall": 93.4, + "main_score": 91.45666666666666 + }, + { + "hf_subset": "gla-eng", + "languages": [ + "gla-Latn", + "eng-Latn" + ], + "accuracy": 81.9059107358263, + "f1": 78.32557872364869, + "precision": 76.78260286824823, + "recall": 81.9059107358263, + "main_score": 78.32557872364869 + }, + { + "hf_subset": "mar-eng", + "languages": [ + "mar-Deva", + "eng-Latn" + ], + "accuracy": 94.3, + "f1": 92.58333333333333, + "precision": 91.73333333333332, + "recall": 94.3, + "main_score": 92.58333333333333 + }, + { + "hf_subset": "lat-eng", + "languages": [ + "lat-Latn", + "eng-Latn" + ], + "accuracy": 79.10000000000001, + "f1": 74.50500000000001, + "precision": 72.58928571428571, + "recall": 79.10000000000001, + "main_score": 74.50500000000001 + }, + { + "hf_subset": "bel-eng", + "languages": [ + "bel-Cyrl", + "eng-Latn" + ], + "accuracy": 96.6, + "f1": 95.55, + "precision": 95.05, + "recall": 96.6, + "main_score": 95.55 + }, + { + "hf_subset": "pms-eng", + "languages": [ + "pms-Latn", + "eng-Latn" + ], + "accuracy": 82.0952380952381, + "f1": 77.98458049886621, + "precision": 76.1968253968254, + "recall": 82.0952380952381, + "main_score": 77.98458049886621 + }, + { + "hf_subset": "gle-eng", + "languages": [ + "gle-Latn", + "eng-Latn" + ], + "accuracy": 87.9, + "f1": 84.99190476190476, + "precision": 83.65, + "recall": 87.9, + "main_score": 84.99190476190476 + }, + { + "hf_subset": "pes-eng", + "languages": [ + "pes-Arab", + "eng-Latn" + ], + "accuracy": 95.7, + "f1": 94.56666666666666, + "precision": 94.01666666666667, + "recall": 95.7, + "main_score": 94.56666666666666 + }, + { + "hf_subset": "nob-eng", + "languages": [ + "nob-Latn", + "eng-Latn" + ], + "accuracy": 98.6, + "f1": 98.2, + "precision": 98.0, + "recall": 98.6, + "main_score": 98.2 + }, + { + "hf_subset": "bul-eng", + "languages": [ + "bul-Cyrl", + "eng-Latn" + ], + "accuracy": 95.6, + "f1": 94.38333333333334, + "precision": 93.78333333333335, + "recall": 95.6, + "main_score": 94.38333333333334 + }, + { + "hf_subset": "cbk-eng", + "languages": [ + "cbk-Latn", + "eng-Latn" + ], + "accuracy": 87.4, + "f1": 84.10380952380952, + "precision": 82.67, + "recall": 87.4, + "main_score": 84.10380952380952 + }, + { + "hf_subset": "hun-eng", + "languages": [ + "hun-Latn", + "eng-Latn" + ], + "accuracy": 95.5, + "f1": 94.33333333333334, + "precision": 93.78333333333333, + "recall": 95.5, + "main_score": 94.33333333333334 + }, + { + "hf_subset": "uig-eng", + "languages": [ + "uig-Arab", + "eng-Latn" + ], + "accuracy": 89.4, + "f1": 86.82000000000001, + "precision": 85.64500000000001, + "recall": 89.4, + "main_score": 86.82000000000001 + }, + { + "hf_subset": "rus-eng", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "accuracy": 95.1, + "f1": 93.56666666666668, + "precision": 92.81666666666666, + "recall": 95.1, + "main_score": 93.56666666666668 + }, + { + "hf_subset": "spa-eng", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "accuracy": 98.9, + "f1": 98.6, + "precision": 98.45, + "recall": 98.9, + "main_score": 98.6 + }, + { + "hf_subset": "hye-eng", + "languages": [ + "hye-Armn", + "eng-Latn" + ], + "accuracy": 95.01347708894879, + "f1": 93.51752021563343, + "precision": 92.82794249775381, + "recall": 95.01347708894879, + "main_score": 93.51752021563343 + }, + { + "hf_subset": "tel-eng", + "languages": [ + "tel-Telu", + "eng-Latn" + ], + "accuracy": 97.00854700854701, + "f1": 96.08262108262107, + "precision": 95.65527065527067, + "recall": 97.00854700854701, + "main_score": 96.08262108262107 + }, + { + "hf_subset": "afr-eng", + "languages": [ + "afr-Latn", + "eng-Latn" + ], + "accuracy": 96.5, + "f1": 95.39999999999999, + "precision": 94.88333333333333, + "recall": 96.5, + "main_score": 95.39999999999999 + }, + { + "hf_subset": "mon-eng", + "languages": [ + "mon-Cyrl", + "eng-Latn" + ], + "accuracy": 96.5909090909091, + "f1": 95.49242424242425, + "precision": 94.9621212121212, + "recall": 96.5909090909091, + "main_score": 95.49242424242425 + }, + { + "hf_subset": "arz-eng", + "languages": [ + "arz-Arab", + "eng-Latn" + ], + "accuracy": 84.90566037735849, + "f1": 81.85883997204752, + "precision": 80.54507337526205, + "recall": 84.90566037735849, + "main_score": 81.85883997204752 + }, + { + "hf_subset": "hrv-eng", + "languages": [ + "hrv-Latn", + "eng-Latn" + ], + "accuracy": 97.5, + "f1": 96.75, + "precision": 96.38333333333333, + "recall": 97.5, + "main_score": 96.75 + }, + { + "hf_subset": "nov-eng", + "languages": [ + "nov-Latn", + "eng-Latn" + ], + "accuracy": 86.7704280155642, + "f1": 82.99610894941635, + "precision": 81.32295719844358, + "recall": 86.7704280155642, + "main_score": 82.99610894941635 + }, + { + "hf_subset": "gsw-eng", + "languages": [ + "gsw-Latn", + "eng-Latn" + ], + "accuracy": 67.52136752136752, + "f1": 61.89662189662191, + "precision": 59.68660968660969, + "recall": 67.52136752136752, + "main_score": 61.89662189662191 + }, + { + "hf_subset": "nds-eng", + "languages": [ + "nds-Latn", + "eng-Latn" + ], + "accuracy": 89.2, + "f1": 86.32, + "precision": 85.015, + "recall": 89.2, + "main_score": 86.32 + }, + { + "hf_subset": "ukr-eng", + "languages": [ + "ukr-Cyrl", + "eng-Latn" + ], + "accuracy": 96.0, + "f1": 94.78333333333333, + "precision": 94.18333333333334, + "recall": 96.0, + "main_score": 94.78333333333333 + }, + { + "hf_subset": "uzb-eng", + "languages": [ + "uzb-Latn", + "eng-Latn" + ], + "accuracy": 83.8785046728972, + "f1": 80.54517133956385, + "precision": 79.154984423676, + "recall": 83.8785046728972, + "main_score": 80.54517133956385 + }, + { + "hf_subset": "lit-eng", + "languages": [ + "lit-Latn", + "eng-Latn" + ], + "accuracy": 93.60000000000001, + "f1": 92.01333333333334, + "precision": 91.28333333333333, + "recall": 93.60000000000001, + "main_score": 92.01333333333334 + }, + { + "hf_subset": "ina-eng", + "languages": [ + "ina-Latn", + "eng-Latn" + ], + "accuracy": 97.1, + "f1": 96.26666666666667, + "precision": 95.85000000000001, + "recall": 97.1, + "main_score": 96.26666666666667 + }, + { + "hf_subset": "lfn-eng", + "languages": [ + "lfn-Latn", + "eng-Latn" + ], + "accuracy": 84.3, + "f1": 80.67833333333333, + "precision": 79.03928571428571, + "recall": 84.3, + "main_score": 80.67833333333333 + }, + { + "hf_subset": "zsm-eng", + "languages": [ + "zsm-Latn", + "eng-Latn" + ], + "accuracy": 97.3, + "f1": 96.48333333333332, + "precision": 96.08333333333331, + "recall": 97.3, + "main_score": 96.48333333333332 + }, + { + "hf_subset": "ita-eng", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "accuracy": 95.7, + "f1": 94.66666666666667, + "precision": 94.16666666666667, + "recall": 95.7, + "main_score": 94.66666666666667 + }, + { + "hf_subset": "cmn-eng", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "accuracy": 97.2, + "f1": 96.36666666666667, + "precision": 95.96666666666668, + "recall": 97.2, + "main_score": 96.36666666666667 + }, + { + "hf_subset": "lvs-eng", + "languages": [ + "lvs-Latn", + "eng-Latn" + ], + "accuracy": 94.3, + "f1": 92.80666666666667, + "precision": 92.12833333333333, + "recall": 94.3, + "main_score": 92.80666666666667 + }, + { + "hf_subset": "glg-eng", + "languages": [ + "glg-Latn", + "eng-Latn" + ], + "accuracy": 97.0, + "f1": 96.22333333333334, + "precision": 95.875, + "recall": 97.0, + "main_score": 96.22333333333334 + }, + { + "hf_subset": "ceb-eng", + "languages": [ + "ceb-Latn", + "eng-Latn" + ], + "accuracy": 74.33333333333333, + "f1": 70.78174603174602, + "precision": 69.28333333333332, + "recall": 74.33333333333333, + "main_score": 70.78174603174602 + }, + { + "hf_subset": "bre-eng", + "languages": [ + "bre-Latn", + "eng-Latn" + ], + "accuracy": 37.6, + "f1": 32.938348952090365, + "precision": 31.2811038961039, + "recall": 37.6, + "main_score": 32.938348952090365 + }, + { + "hf_subset": "ben-eng", + "languages": [ + "ben-Beng", + "eng-Latn" + ], + "accuracy": 91.5, + "f1": 89.13333333333333, + "precision": 88.03333333333333, + "recall": 91.5, + "main_score": 89.13333333333333 + }, + { + "hf_subset": "swg-eng", + "languages": [ + "swg-Latn", + "eng-Latn" + ], + "accuracy": 82.14285714285714, + "f1": 77.67857142857143, + "precision": 75.59523809523809, + "recall": 82.14285714285714, + "main_score": 77.67857142857143 + }, + { + "hf_subset": "arq-eng", + "languages": [ + "arq-Arab", + "eng-Latn" + ], + "accuracy": 69.0450054884742, + "f1": 63.070409283362075, + "precision": 60.58992781824835, + "recall": 69.0450054884742, + "main_score": 63.070409283362075 + }, + { + "hf_subset": "kab-eng", + "languages": [ + "kab-Latn", + "eng-Latn" + ], + "accuracy": 63.1, + "f1": 57.848333333333336, + "precision": 55.69500000000001, + "recall": 63.1, + "main_score": 57.848333333333336 + }, + { + "hf_subset": "fra-eng", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "accuracy": 96.1, + "f1": 95.01666666666667, + "precision": 94.5, + "recall": 96.1, + "main_score": 95.01666666666667 + }, + { + "hf_subset": "por-eng", + "languages": [ + "por-Latn", + "eng-Latn" + ], + "accuracy": 95.89999999999999, + "f1": 94.90666666666667, + "precision": 94.425, + "recall": 95.89999999999999, + "main_score": 94.90666666666667 + }, + { + "hf_subset": "tat-eng", + "languages": [ + "tat-Cyrl", + "eng-Latn" + ], + "accuracy": 87.6, + "f1": 84.61333333333333, + "precision": 83.27, + "recall": 87.6, + "main_score": 84.61333333333333 + }, + { + "hf_subset": "oci-eng", + "languages": [ + "oci-Latn", + "eng-Latn" + ], + "accuracy": 76.4, + "f1": 71.90746031746032, + "precision": 70.07027777777778, + "recall": 76.4, + "main_score": 71.90746031746032 + }, + { + "hf_subset": "pol-eng", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "accuracy": 97.89999999999999, + "f1": 97.26666666666667, + "precision": 96.95, + "recall": 97.89999999999999, + "main_score": 97.26666666666667 + }, + { + "hf_subset": "war-eng", + "languages": [ + "war-Latn", + "eng-Latn" + ], + "accuracy": 78.8, + "f1": 74.39555555555555, + "precision": 72.59416666666667, + "recall": 78.8, + "main_score": 74.39555555555555 + }, + { + "hf_subset": "aze-eng", + "languages": [ + "aze-Latn", + "eng-Latn" + ], + "accuracy": 95.19999999999999, + "f1": 93.78999999999999, + "precision": 93.125, + "recall": 95.19999999999999, + "main_score": 93.78999999999999 + }, + { + "hf_subset": "vie-eng", + "languages": [ + "vie-Latn", + "eng-Latn" + ], + "accuracy": 97.8, + "f1": 97.1, + "precision": 96.75, + "recall": 97.8, + "main_score": 97.1 + }, + { + "hf_subset": "nno-eng", + "languages": [ + "nno-Latn", + "eng-Latn" + ], + "accuracy": 95.6, + "f1": 94.25666666666666, + "precision": 93.64166666666668, + "recall": 95.6, + "main_score": 94.25666666666666 + }, + { + "hf_subset": "cha-eng", + "languages": [ + "cha-Latn", + "eng-Latn" + ], + "accuracy": 56.934306569343065, + "f1": 51.461591936044485, + "precision": 49.37434827945776, + "recall": 56.934306569343065, + "main_score": 51.461591936044485 + }, + { + "hf_subset": "mhr-eng", + "languages": [ + "mhr-Cyrl", + "eng-Latn" + ], + "accuracy": 20.200000000000003, + "f1": 16.91799284049284, + "precision": 15.791855158730158, + "recall": 20.200000000000003, + "main_score": 16.91799284049284 + }, + { + "hf_subset": "dan-eng", + "languages": [ + "dan-Latn", + "eng-Latn" + ], + "accuracy": 96.2, + "f1": 95.3, + "precision": 94.85, + "recall": 96.2, + "main_score": 95.3 + }, + { + "hf_subset": "ell-eng", + "languages": [ + "ell-Grek", + "eng-Latn" + ], + "accuracy": 96.3, + "f1": 95.11666666666667, + "precision": 94.53333333333333, + "recall": 96.3, + "main_score": 95.11666666666667 + }, + { + "hf_subset": "amh-eng", + "languages": [ + "amh-Ethi", + "eng-Latn" + ], + "accuracy": 89.88095238095238, + "f1": 87.14285714285714, + "precision": 85.96230158730161, + "recall": 89.88095238095238, + "main_score": 87.14285714285714 + }, + { + "hf_subset": "pam-eng", + "languages": [ + "pam-Latn", + "eng-Latn" + ], + "accuracy": 24.099999999999998, + "f1": 19.630969083349783, + "precision": 18.275094905094907, + "recall": 24.099999999999998, + "main_score": 19.630969083349783 + }, + { + "hf_subset": "hsb-eng", + "languages": [ + "hsb-Latn", + "eng-Latn" + ], + "accuracy": 83.4368530020704, + "f1": 79.45183870649709, + "precision": 77.7432712215321, + "recall": 83.4368530020704, + "main_score": 79.45183870649709 + }, + { + "hf_subset": "srp-eng", + "languages": [ + "srp-Cyrl", + "eng-Latn" + ], + "accuracy": 95.8, + "f1": 94.53333333333333, + "precision": 93.91666666666666, + "recall": 95.8, + "main_score": 94.53333333333333 + }, + { + "hf_subset": "epo-eng", + "languages": [ + "epo-Latn", + "eng-Latn" + ], + "accuracy": 98.8, + "f1": 98.48333333333332, + "precision": 98.33333333333334, + "recall": 98.8, + "main_score": 98.48333333333332 + }, + { + "hf_subset": "kzj-eng", + "languages": [ + "kzj-Latn", + "eng-Latn" + ], + "accuracy": 17.5, + "f1": 14.979285714285714, + "precision": 14.23235060690943, + "recall": 17.5, + "main_score": 14.979285714285714 + }, + { + "hf_subset": "awa-eng", + "languages": [ + "awa-Deva", + "eng-Latn" + ], + "accuracy": 93.93939393939394, + "f1": 91.991341991342, + "precision": 91.05339105339105, + "recall": 93.93939393939394, + "main_score": 91.991341991342 + }, + { + "hf_subset": "fao-eng", + "languages": [ + "fao-Latn", + "eng-Latn" + ], + "accuracy": 89.31297709923665, + "f1": 86.76844783715012, + "precision": 85.63613231552164, + "recall": 89.31297709923665, + "main_score": 86.76844783715012 + }, + { + "hf_subset": "mal-eng", + "languages": [ + "mal-Mlym", + "eng-Latn" + ], + "accuracy": 99.12663755458514, + "f1": 98.93255701115964, + "precision": 98.83551673944687, + "recall": 99.12663755458514, + "main_score": 98.93255701115964 + }, + { + "hf_subset": "ile-eng", + "languages": [ + "ile-Latn", + "eng-Latn" + ], + "accuracy": 92.0, + "f1": 89.77999999999999, + "precision": 88.78333333333333, + "recall": 92.0, + "main_score": 89.77999999999999 + }, + { + "hf_subset": "bos-eng", + "languages": [ + "bos-Latn", + "eng-Latn" + ], + "accuracy": 96.89265536723164, + "f1": 95.85687382297553, + "precision": 95.33898305084746, + "recall": 96.89265536723164, + "main_score": 95.85687382297553 + }, + { + "hf_subset": "cor-eng", + "languages": [ + "cor-Latn", + "eng-Latn" + ], + "accuracy": 14.6, + "f1": 11.820611790170615, + "precision": 11.022616224355355, + "recall": 14.6, + "main_score": 11.820611790170615 + }, + { + "hf_subset": "cat-eng", + "languages": [ + "cat-Latn", + "eng-Latn" + ], + "accuracy": 95.89999999999999, + "f1": 94.93333333333334, + "precision": 94.48666666666666, + "recall": 95.89999999999999, + "main_score": 94.93333333333334 + }, + { + "hf_subset": "eus-eng", + "languages": [ + "eus-Latn", + "eng-Latn" + ], + "accuracy": 87.6, + "f1": 84.72333333333334, + "precision": 83.44166666666666, + "recall": 87.6, + "main_score": 84.72333333333334 + }, + { + "hf_subset": "yue-eng", + "languages": [ + "yue-Hant", + "eng-Latn" + ], + "accuracy": 94.8, + "f1": 93.47333333333333, + "precision": 92.875, + "recall": 94.8, + "main_score": 93.47333333333333 + }, + { + "hf_subset": "swe-eng", + "languages": [ + "swe-Latn", + "eng-Latn" + ], + "accuracy": 96.6, + "f1": 95.71666666666665, + "precision": 95.28333333333335, + "recall": 96.6, + "main_score": 95.71666666666665 + }, + { + "hf_subset": "dtp-eng", + "languages": [ + "dtp-Latn", + "eng-Latn" + ], + "accuracy": 17.8, + "f1": 14.511074040901628, + "precision": 13.503791000666002, + "recall": 17.8, + "main_score": 14.511074040901628 + }, + { + "hf_subset": "kat-eng", + "languages": [ + "kat-Geor", + "eng-Latn" + ], + "accuracy": 94.10187667560321, + "f1": 92.46648793565683, + "precision": 91.71134941912423, + "recall": 94.10187667560321, + "main_score": 92.46648793565683 + }, + { + "hf_subset": "jpn-eng", + "languages": [ + "jpn-Jpan", + "eng-Latn" + ], + "accuracy": 97.0, + "f1": 96.11666666666666, + "precision": 95.68333333333334, + "recall": 97.0, + "main_score": 96.11666666666666 + }, + { + "hf_subset": "csb-eng", + "languages": [ + "csb-Latn", + "eng-Latn" + ], + "accuracy": 72.72727272727273, + "f1": 66.58949745906267, + "precision": 63.86693017127799, + "recall": 72.72727272727273, + "main_score": 66.58949745906267 + }, + { + "hf_subset": "xho-eng", + "languages": [ + "xho-Latn", + "eng-Latn" + ], + "accuracy": 90.14084507042254, + "f1": 88.26291079812206, + "precision": 87.32394366197182, + "recall": 90.14084507042254, + "main_score": 88.26291079812206 + }, + { + "hf_subset": "orv-eng", + "languages": [ + "orv-Cyrl", + "eng-Latn" + ], + "accuracy": 64.67065868263472, + "f1": 58.2876627696987, + "precision": 55.79255774165953, + "recall": 64.67065868263472, + "main_score": 58.2876627696987 + }, + { + "hf_subset": "ind-eng", + "languages": [ + "ind-Latn", + "eng-Latn" + ], + "accuracy": 95.6, + "f1": 94.41666666666667, + "precision": 93.85, + "recall": 95.6, + "main_score": 94.41666666666667 + }, + { + "hf_subset": "tuk-eng", + "languages": [ + "tuk-Latn", + "eng-Latn" + ], + "accuracy": 55.172413793103445, + "f1": 49.63992493549144, + "precision": 47.71405113769646, + "recall": 55.172413793103445, + "main_score": 49.63992493549144 + }, + { + "hf_subset": "max-eng", + "languages": [ + "max-Deva", + "eng-Latn" + ], + "accuracy": 77.46478873239437, + "f1": 73.4417616811983, + "precision": 71.91607981220658, + "recall": 77.46478873239437, + "main_score": 73.4417616811983 + }, + { + "hf_subset": "swh-eng", + "languages": [ + "swh-Latn", + "eng-Latn" + ], + "accuracy": 84.61538461538461, + "f1": 80.91452991452994, + "precision": 79.33760683760683, + "recall": 84.61538461538461, + "main_score": 80.91452991452994 + }, + { + "hf_subset": "hin-eng", + "languages": [ + "hin-Deva", + "eng-Latn" + ], + "accuracy": 98.2, + "f1": 97.6, + "precision": 97.3, + "recall": 98.2, + "main_score": 97.6 + }, + { + "hf_subset": "dsb-eng", + "languages": [ + "dsb-Latn", + "eng-Latn" + ], + "accuracy": 75.5741127348643, + "f1": 72.00417536534445, + "precision": 70.53467872883321, + "recall": 75.5741127348643, + "main_score": 72.00417536534445 + }, + { + "hf_subset": "ber-eng", + "languages": [ + "ber-Tfng", + "eng-Latn" + ], + "accuracy": 62.2, + "f1": 55.577460317460314, + "precision": 52.98583333333333, + "recall": 62.2, + "main_score": 55.577460317460314 + }, + { + "hf_subset": "tam-eng", + "languages": [ + "tam-Taml", + "eng-Latn" + ], + "accuracy": 92.18241042345277, + "f1": 90.6468124709167, + "precision": 89.95656894679696, + "recall": 92.18241042345277, + "main_score": 90.6468124709167 + }, + { + "hf_subset": "slk-eng", + "languages": [ + "slk-Latn", + "eng-Latn" + ], + "accuracy": 96.1, + "f1": 95.13333333333333, + "precision": 94.66666666666667, + "recall": 96.1, + "main_score": 95.13333333333333 + }, + { + "hf_subset": "tgl-eng", + "languages": [ + "tgl-Latn", + "eng-Latn" + ], + "accuracy": 96.8, + "f1": 95.85000000000001, + "precision": 95.39999999999999, + "recall": 96.8, + "main_score": 95.85000000000001 + }, + { + "hf_subset": "ast-eng", + "languages": [ + "ast-Latn", + "eng-Latn" + ], + "accuracy": 92.1259842519685, + "f1": 89.76377952755905, + "precision": 88.71391076115485, + "recall": 92.1259842519685, + "main_score": 89.76377952755905 + }, + { + "hf_subset": "mkd-eng", + "languages": [ + "mkd-Cyrl", + "eng-Latn" + ], + "accuracy": 94.1, + "f1": 92.49, + "precision": 91.725, + "recall": 94.1, + "main_score": 92.49 + }, + { + "hf_subset": "khm-eng", + "languages": [ + "khm-Khmr", + "eng-Latn" + ], + "accuracy": 77.5623268698061, + "f1": 73.27364463791058, + "precision": 71.51947852086357, + "recall": 77.5623268698061, + "main_score": 73.27364463791058 + }, + { + "hf_subset": "ces-eng", + "languages": [ + "ces-Latn", + "eng-Latn" + ], + "accuracy": 97.39999999999999, + "f1": 96.56666666666666, + "precision": 96.16666666666667, + "recall": 97.39999999999999, + "main_score": 96.56666666666666 + }, + { + "hf_subset": "tzl-eng", + "languages": [ + "tzl-Latn", + "eng-Latn" + ], + "accuracy": 66.34615384615384, + "f1": 61.092032967032964, + "precision": 59.27197802197802, + "recall": 66.34615384615384, + "main_score": 61.092032967032964 + }, + { + "hf_subset": "urd-eng", + "languages": [ + "urd-Arab", + "eng-Latn" + ], + "accuracy": 94.89999999999999, + "f1": 93.41190476190476, + "precision": 92.7, + "recall": 94.89999999999999, + "main_score": 93.41190476190476 + }, + { + "hf_subset": "ara-eng", + "languages": [ + "ara-Arab", + "eng-Latn" + ], + "accuracy": 93.10000000000001, + "f1": 91.10000000000001, + "precision": 90.13333333333333, + "recall": 93.10000000000001, + "main_score": 91.10000000000001 + }, + { + "hf_subset": "kor-eng", + "languages": [ + "kor-Hang", + "eng-Latn" + ], + "accuracy": 93.7, + "f1": 91.97333333333334, + "precision": 91.14166666666667, + "recall": 93.7, + "main_score": 91.97333333333334 + }, + { + "hf_subset": "yid-eng", + "languages": [ + "yid-Hebr", + "eng-Latn" + ], + "accuracy": 92.21698113207547, + "f1": 90.3796046720575, + "precision": 89.56367924528303, + "recall": 92.21698113207547, + "main_score": 90.3796046720575 + }, + { + "hf_subset": "fin-eng", + "languages": [ + "fin-Latn", + "eng-Latn" + ], + "accuracy": 97.6, + "f1": 96.91666666666667, + "precision": 96.6, + "recall": 97.6, + "main_score": 96.91666666666667 + }, + { + "hf_subset": "tha-eng", + "languages": [ + "tha-Thai", + "eng-Latn" + ], + "accuracy": 97.44525547445255, + "f1": 96.71532846715328, + "precision": 96.35036496350365, + "recall": 97.44525547445255, + "main_score": 96.71532846715328 + }, + { + "hf_subset": "wuu-eng", + "languages": [ + "wuu-Hans", + "eng-Latn" + ], + "accuracy": 94.1, + "f1": 92.34000000000002, + "precision": 91.49166666666667, + "recall": 94.1, + "main_score": 92.34000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/Touche2020.json b/results/intfloat__multilingual-e5-large-instruct/external/Touche2020.json new file mode 100644 index 000000000..0456c493f --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.2910000000000004, + "map_at_10": 10.373000000000001, + "map_at_100": 15.612, + "map_at_1000": 17.06, + "map_at_3": 6.119, + "map_at_5": 7.917000000000001, + "mrr_at_1": 44.897999999999996, + "mrr_at_10": 56.054, + "mrr_at_100": 56.82000000000001, + "mrr_at_1000": 56.82000000000001, + "mrr_at_3": 52.381, + "mrr_at_5": 53.81, + "ndcg_at_1": 42.857, + "ndcg_at_10": 27.249000000000002, + "ndcg_at_100": 36.529, + "ndcg_at_1000": 48.136, + "ndcg_at_3": 33.938, + "ndcg_at_5": 29.951, + "precision_at_1": 44.897999999999996, + "precision_at_10": 22.653000000000002, + "precision_at_100": 7.000000000000001, + "precision_at_1000": 1.48, + "precision_at_3": 32.653, + "precision_at_5": 27.755000000000003, + "recall_at_1": 3.2910000000000004, + "recall_at_10": 16.16, + "recall_at_100": 43.908, + "recall_at_1000": 79.823, + "recall_at_3": 7.156, + "recall_at_5": 10.204, + "main_score": 27.249000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/ToxicConversationsClassification.json b/results/intfloat__multilingual-e5-large-instruct/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..06f16510b --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.05879999999999, + "ap": 14.609748142799111, + "f1": 54.878956295843096, + "main_score": 71.05879999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/TweetSentimentExtractionClassification.json b/results/intfloat__multilingual-e5-large-instruct/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..722f71eaf --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 64.61799660441426, + "f1": 64.8698191961434, + "main_score": 64.61799660441426 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/TwentyNewsgroupsClustering.json b/results/intfloat__multilingual-e5-large-instruct/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..2d30fd243 --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 51.32860036611885, + "main_score": 51.32860036611885 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/TwitterSemEval2015.json b/results/intfloat__multilingual-e5-large-instruct/external/TwitterSemEval2015.json new file mode 100644 index 000000000..b1993c41e --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.34714192048638, + "cos_sim_ap": 80.26732975975634, + "cos_sim_f1": 73.53415148134374, + "cos_sim_precision": 69.34767360299276, + "cos_sim_recall": 78.25857519788919, + "dot_accuracy": 88.34714192048638, + "dot_ap": 80.26733698491206, + "dot_f1": 73.53415148134374, + "dot_precision": 69.34767360299276, + "dot_recall": 78.25857519788919, + "euclidean_accuracy": 88.34714192048638, + "euclidean_ap": 80.26734337771738, + "euclidean_f1": 73.53415148134374, + "euclidean_precision": 69.34767360299276, + "euclidean_recall": 78.25857519788919, + "manhattan_accuracy": 88.30541813196639, + "manhattan_ap": 80.19415808104145, + "manhattan_f1": 73.55143870713441, + "manhattan_precision": 73.25307511122743, + "manhattan_recall": 73.85224274406332, + "max_accuracy": 88.34714192048638, + "max_ap": 80.26734337771738, + "max_f1": 73.55143870713441, + "main_score": 80.26734337771738 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/TwitterURLCorpus.json b/results/intfloat__multilingual-e5-large-instruct/external/TwitterURLCorpus.json new file mode 100644 index 000000000..25bf247d1 --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.81061047075717, + "cos_sim_ap": 87.11747055081017, + "cos_sim_f1": 80.04355498817256, + "cos_sim_precision": 78.1165262000733, + "cos_sim_recall": 82.06806282722513, + "dot_accuracy": 89.81061047075717, + "dot_ap": 87.11746902745236, + "dot_f1": 80.04355498817256, + "dot_precision": 78.1165262000733, + "dot_recall": 82.06806282722513, + "euclidean_accuracy": 89.81061047075717, + "euclidean_ap": 87.11746919324248, + "euclidean_f1": 80.04355498817256, + "euclidean_precision": 78.1165262000733, + "euclidean_recall": 82.06806282722513, + "manhattan_accuracy": 89.79508673885202, + "manhattan_ap": 87.11074390832218, + "manhattan_f1": 80.13002540726349, + "manhattan_precision": 77.83826945412311, + "manhattan_recall": 82.56082537727133, + "max_accuracy": 89.81061047075717, + "max_ap": 87.11747055081017, + "max_f1": 80.13002540726349, + "main_score": 87.11747055081017 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large-instruct/external/model_meta.json b/results/intfloat__multilingual-e5-large-instruct/external/model_meta.json new file mode 100644 index 000000000..36a415a70 --- /dev/null +++ b/results/intfloat__multilingual-e5-large-instruct/external/model_meta.json @@ -0,0 +1,117 @@ +{ + "name": "intfloat/multilingual-e5-large-instruct", + "revision": "c9e87c786ffac96aeaeb42863276930883923ecb", + "release_date": "2024-02-08", + "languages": [ + "multilingual", + "af", + "am", + "ar", + "as", + "az", + "be", + "bg", + "bn", + "br", + "bs", + "ca", + "cs", + "cy", + "da", + "de", + "el", + "en", + "eo", + "es", + "et", + "eu", + "fa", + "fi", + "fr", + "fy", + "ga", + "gd", + "gl", + "gu", + "ha", + "he", + "hi", + "hr", + "hu", + "hy", + "id", + "is", + "it", + "ja", + "jv", + "ka", + "kk", + "km", + "kn", + "ko", + "ku", + "ky", + "la", + "lo", + "lt", + "lv", + "mg", + "mk", + "ml", + "mn", + "mr", + "ms", + "my", + "ne", + "nl", + "no", + "om", + "or", + "pa", + "pl", + "ps", + "pt", + "ro", + "ru", + "sa", + "sd", + "si", + "sk", + "sl", + "so", + "sq", + "sr", + "su", + "sv", + "sw", + "ta", + "te", + "th", + "tl", + "tr", + "ug", + "uk", + "ur", + "uz", + "vi", + "xh", + "yi", + "zh" + ], + "loader": null, + "n_parameters": 559890432, + "memory_usage": null, + "max_tokens": 514, + "embed_dim": 1024, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/AmazonCounterfactualClassification.json b/results/intfloat__multilingual-e5-large/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..73ddb89eb --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/AmazonCounterfactualClassification.json @@ -0,0 +1,50 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.05970149253731, + "ap": 43.486574390835635, + "f1": 73.32700092140148, + "main_score": 79.05970149253731 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 71.22055674518201, + "ap": 81.55756710830498, + "f1": 69.28271787752661, + "main_score": 71.22055674518201 + }, + { + "hf_subset": "en-ext", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.41979010494754, + "ap": 29.34879922376344, + "f1": 67.62475449011278, + "main_score": 80.41979010494754 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 77.8372591006424, + "ap": 26.557560591210738, + "f1": 64.96619417368707, + "main_score": 77.8372591006424 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/AmazonPolarityClassification.json b/results/intfloat__multilingual-e5-large/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..e11ff662b --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.489875, + "ap": 90.98758636917603, + "f1": 93.48554819717332, + "main_score": 93.489875 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/AmazonReviewsClassification.json b/results/intfloat__multilingual-e5-large/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..a4d2ba246 --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/AmazonReviewsClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 47.564, + "f1": 46.75122173518047, + "main_score": 47.564 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 45.400000000000006, + "f1": 44.17195682400632, + "main_score": 45.400000000000006 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 43.068, + "f1": 42.38155696855596, + "main_score": 43.068 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 41.89, + "f1": 40.84407321682663, + "main_score": 41.89 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 40.120000000000005, + "f1": 39.522976223819114, + "main_score": 40.120000000000005 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 38.832, + "f1": 38.0392533394713, + "main_score": 38.832 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/ArguAna.json b/results/intfloat__multilingual-e5-large/external/ArguAna.json new file mode 100644 index 000000000..f4a211c26 --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.725, + "map_at_10": 46.055, + "map_at_100": 46.900999999999996, + "map_at_1000": 46.911, + "map_at_3": 41.548, + "map_at_5": 44.297, + "mrr_at_1": 31.152, + "mrr_at_10": 46.231, + "mrr_at_100": 47.07, + "mrr_at_1000": 47.08, + "mrr_at_3": 41.738, + "mrr_at_5": 44.468999999999994, + "ndcg_at_1": 30.725, + "ndcg_at_10": 54.379999999999995, + "ndcg_at_100": 58.138, + "ndcg_at_1000": 58.389, + "ndcg_at_3": 45.156, + "ndcg_at_5": 50.123, + "precision_at_1": 30.725, + "precision_at_10": 8.087, + "precision_at_100": 0.9769999999999999, + "precision_at_1000": 0.1, + "precision_at_3": 18.54, + "precision_at_5": 13.542000000000002, + "recall_at_1": 30.725, + "recall_at_10": 80.868, + "recall_at_100": 97.653, + "recall_at_1000": 99.57300000000001, + "recall_at_3": 55.619, + "recall_at_5": 67.71000000000001, + "main_score": 54.379999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/ArxivClusteringP2P.json b/results/intfloat__multilingual-e5-large/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..f99cf7492 --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 44.30960650674069, + "main_score": 44.30960650674069 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/ArxivClusteringS2S.json b/results/intfloat__multilingual-e5-large/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..b471b2ebf --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.427074197498996, + "main_score": 38.427074197498996 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/AskUbuntuDupQuestions.json b/results/intfloat__multilingual-e5-large/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..7a3b2eda4 --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 60.28270056031872, + "mrr": 74.38332673789738, + "main_score": 60.28270056031872 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/BIOSSES.json b/results/intfloat__multilingual-e5-large/external/BIOSSES.json new file mode 100644 index 000000000..303d13bcc --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.05942144105269, + "cos_sim_spearman": 82.51212105850809, + "euclidean_pearson": 81.95639829909122, + "euclidean_spearman": 82.3717564144213, + "manhattan_pearson": 81.79273425468256, + "manhattan_spearman": 82.20066817871039, + "cosine_pearson": 84.05942144105269, + "cosine_spearman": 82.51212105850809, + "main_score": 82.51212105850809 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/BUCC.json b/results/intfloat__multilingual-e5-large/external/BUCC.json new file mode 100644 index 000000000..de853232f --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/BUCC.json @@ -0,0 +1,58 @@ +{ + "dataset_revision": "d51519689f32196a32af33b075a01d0e7c51e252", + "task_name": "BUCC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "accuracy": 99.46764091858039, + "f1": 99.37717466945023, + "precision": 99.33194154488518, + "recall": 99.46764091858039, + "main_score": 99.37717466945023 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "accuracy": 98.29407880255337, + "f1": 98.11248073959938, + "precision": 98.02443319392472, + "recall": 98.29407880255337, + "main_score": 98.11248073959938 + }, + { + "hf_subset": "ru-en", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "accuracy": 97.79009352268791, + "f1": 97.5176076665512, + "precision": 97.38136473848286, + "recall": 97.79009352268791, + "main_score": 97.5176076665512 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "accuracy": 99.26276987888363, + "f1": 99.20133403545726, + "precision": 99.17500438827453, + "recall": 99.26276987888363, + "main_score": 99.20133403545726 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/Banking77Classification.json b/results/intfloat__multilingual-e5-large/external/Banking77Classification.json new file mode 100644 index 000000000..01d0ae132 --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 84.72727272727273, + "f1": 84.67672206031433, + "main_score": 84.72727272727273 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/BiorxivClusteringP2P.json b/results/intfloat__multilingual-e5-large/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..856435bfd --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.34220182511161, + "main_score": 35.34220182511161 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/BiorxivClusteringS2S.json b/results/intfloat__multilingual-e5-large/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..591c406dc --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.4987096128766, + "main_score": 33.4987096128766 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/ClimateFEVER.json b/results/intfloat__multilingual-e5-large/external/ClimateFEVER.json new file mode 100644 index 000000000..0fef2b598 --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 10.338, + "map_at_10": 18.360000000000003, + "map_at_100": 19.942, + "map_at_1000": 20.134, + "map_at_3": 15.174000000000001, + "map_at_5": 16.830000000000002, + "mrr_at_1": 23.257, + "mrr_at_10": 33.768, + "mrr_at_100": 34.707, + "mrr_at_1000": 34.766000000000005, + "mrr_at_3": 30.977, + "mrr_at_5": 32.528, + "ndcg_at_1": 23.257, + "ndcg_at_10": 25.733, + "ndcg_at_100": 32.288, + "ndcg_at_1000": 35.992000000000004, + "ndcg_at_3": 20.866, + "ndcg_at_5": 22.612, + "precision_at_1": 23.257, + "precision_at_10": 8.124, + "precision_at_100": 1.518, + "precision_at_1000": 0.219, + "precision_at_3": 15.679000000000002, + "precision_at_5": 12.117, + "recall_at_1": 10.338, + "recall_at_10": 31.154, + "recall_at_100": 54.161, + "recall_at_1000": 75.21900000000001, + "recall_at_3": 19.427, + "recall_at_5": 24.214, + "main_score": 25.733 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/DBPedia.json b/results/intfloat__multilingual-e5-large/external/DBPedia.json new file mode 100644 index 000000000..da8290da0 --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.498, + "map_at_10": 19.103, + "map_at_100": 27.375, + "map_at_1000": 28.981, + "map_at_3": 13.764999999999999, + "map_at_5": 15.950000000000001, + "mrr_at_1": 65.5, + "mrr_at_10": 74.53800000000001, + "mrr_at_100": 74.71799999999999, + "mrr_at_1000": 74.725, + "mrr_at_3": 72.792, + "mrr_at_5": 73.554, + "ndcg_at_1": 53.37499999999999, + "ndcg_at_10": 41.286, + "ndcg_at_100": 45.972, + "ndcg_at_1000": 53.123, + "ndcg_at_3": 46.172999999999995, + "ndcg_at_5": 43.033, + "precision_at_1": 65.5, + "precision_at_10": 32.725, + "precision_at_100": 10.683, + "precision_at_1000": 1.978, + "precision_at_3": 50, + "precision_at_5": 41.349999999999994, + "recall_at_1": 8.498, + "recall_at_10": 25.070999999999998, + "recall_at_100": 52.383, + "recall_at_1000": 74.91499999999999, + "recall_at_3": 15.207999999999998, + "recall_at_5": 18.563, + "main_score": 41.286 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/EmotionClassification.json b/results/intfloat__multilingual-e5-large/external/EmotionClassification.json new file mode 100644 index 000000000..758c2b220 --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 46.5, + "f1": 41.93833713984145, + "main_score": 46.5 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/FEVER.json b/results/intfloat__multilingual-e5-large/external/FEVER.json new file mode 100644 index 000000000..2f1da6a33 --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 67.914, + "map_at_10": 78.10000000000001, + "map_at_100": 78.333, + "map_at_1000": 78.346, + "map_at_3": 76.626, + "map_at_5": 77.627, + "mrr_at_1": 72.74199999999999, + "mrr_at_10": 82.414, + "mrr_at_100": 82.511, + "mrr_at_1000": 82.513, + "mrr_at_3": 81.231, + "mrr_at_5": 82.065, + "ndcg_at_1": 72.74199999999999, + "ndcg_at_10": 82.806, + "ndcg_at_100": 83.677, + "ndcg_at_1000": 83.917, + "ndcg_at_3": 80.305, + "ndcg_at_5": 81.843, + "precision_at_1": 72.74199999999999, + "precision_at_10": 10.24, + "precision_at_100": 1.089, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 31.268, + "precision_at_5": 19.706000000000003, + "recall_at_1": 67.914, + "recall_at_10": 92.889, + "recall_at_100": 96.42699999999999, + "recall_at_1000": 97.92, + "recall_at_3": 86.21, + "recall_at_5": 90.036, + "main_score": 82.806 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/FiQA2018.json b/results/intfloat__multilingual-e5-large/external/FiQA2018.json new file mode 100644 index 000000000..24ff911a9 --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.166, + "map_at_10": 35.57, + "map_at_100": 37.405, + "map_at_1000": 37.564, + "map_at_3": 30.379, + "map_at_5": 33.324, + "mrr_at_1": 43.519000000000005, + "mrr_at_10": 51.556000000000004, + "mrr_at_100": 52.344, + "mrr_at_1000": 52.373999999999995, + "mrr_at_3": 48.868, + "mrr_at_5": 50.319, + "ndcg_at_1": 43.519000000000005, + "ndcg_at_10": 43.803, + "ndcg_at_100": 50.468999999999994, + "ndcg_at_1000": 53.111, + "ndcg_at_3": 38.893, + "ndcg_at_5": 40.653, + "precision_at_1": 43.519000000000005, + "precision_at_10": 12.253, + "precision_at_100": 1.931, + "precision_at_1000": 0.242, + "precision_at_3": 25.617, + "precision_at_5": 19.383, + "recall_at_1": 22.166, + "recall_at_10": 51.6, + "recall_at_100": 76.574, + "recall_at_1000": 92.192, + "recall_at_3": 34.477999999999994, + "recall_at_5": 41.835, + "main_score": 43.803 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/HotpotQA.json b/results/intfloat__multilingual-e5-large/external/HotpotQA.json new file mode 100644 index 000000000..83540ae1a --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 39.041, + "map_at_10": 62.961999999999996, + "map_at_100": 63.79899999999999, + "map_at_1000": 63.854, + "map_at_3": 59.399, + "map_at_5": 61.669, + "mrr_at_1": 78.082, + "mrr_at_10": 84.321, + "mrr_at_100": 84.49600000000001, + "mrr_at_1000": 84.502, + "mrr_at_3": 83.421, + "mrr_at_5": 83.977, + "ndcg_at_1": 78.082, + "ndcg_at_10": 71.229, + "ndcg_at_100": 74.10900000000001, + "ndcg_at_1000": 75.169, + "ndcg_at_3": 66.28699999999999, + "ndcg_at_5": 69.084, + "precision_at_1": 78.082, + "precision_at_10": 14.993, + "precision_at_100": 1.7239999999999998, + "precision_at_1000": 0.186, + "precision_at_3": 42.737, + "precision_at_5": 27.843, + "recall_at_1": 39.041, + "recall_at_10": 74.96300000000001, + "recall_at_100": 86.199, + "recall_at_1000": 93.228, + "recall_at_3": 64.105, + "recall_at_5": 69.608, + "main_score": 71.229 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/ImdbClassification.json b/results/intfloat__multilingual-e5-large/external/ImdbClassification.json new file mode 100644 index 000000000..844926298 --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 90.23160000000001, + "ap": 85.5674856808308, + "f1": 90.18033354786317, + "main_score": 90.23160000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/MSMARCO.json b/results/intfloat__multilingual-e5-large/external/MSMARCO.json new file mode 100644 index 000000000..55d6bac00 --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.091, + "map_at_10": 36.753, + "map_at_100": 37.913000000000004, + "map_at_1000": 37.958999999999996, + "map_at_3": 32.818999999999996, + "map_at_5": 35.171, + "mrr_at_1": 24.742, + "mrr_at_10": 37.285000000000004, + "mrr_at_100": 38.391999999999996, + "mrr_at_1000": 38.431, + "mrr_at_3": 33.440999999999995, + "mrr_at_5": 35.75, + "ndcg_at_1": 24.742, + "ndcg_at_10": 43.698, + "ndcg_at_100": 49.145, + "ndcg_at_1000": 50.23800000000001, + "ndcg_at_3": 35.769, + "ndcg_at_5": 39.961999999999996, + "precision_at_1": 24.742, + "precision_at_10": 6.7989999999999995, + "precision_at_100": 0.95, + "precision_at_1000": 0.104, + "precision_at_3": 15.096000000000002, + "precision_at_5": 11.183, + "recall_at_1": 24.091, + "recall_at_10": 65.068, + "recall_at_100": 89.899, + "recall_at_1000": 98.16, + "recall_at_3": 43.68, + "recall_at_5": 53.754999999999995, + "main_score": 43.698 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/MTOPDomainClassification.json b/results/intfloat__multilingual-e5-large/external/MTOPDomainClassification.json new file mode 100644 index 000000000..8076367ba --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/MTOPDomainClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.66621067031465, + "f1": 93.49622853272142, + "main_score": 93.66621067031465 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 91.94702733164272, + "f1": 91.17043441745282, + "main_score": 91.94702733164272 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 92.20146764509674, + "f1": 91.98359080555608, + "main_score": 92.20146764509674 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 88.99780770435328, + "f1": 89.19746342724068, + "main_score": 88.99780770435328 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 89.78486912871998, + "f1": 89.24578823628642, + "main_score": 89.78486912871998 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 88.74502712477394, + "f1": 89.00297573881542, + "main_score": 88.74502712477394 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/MTOPIntentClassification.json b/results/intfloat__multilingual-e5-large/external/MTOPIntentClassification.json new file mode 100644 index 000000000..49fcc0b3b --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/MTOPIntentClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.9046967624259, + "f1": 59.36787125785957, + "main_score": 77.9046967624259 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 74.5280360664976, + "f1": 57.17723440888718, + "main_score": 74.5280360664976 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 75.44029352901934, + "f1": 54.052855531072964, + "main_score": 75.44029352901934 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 70.5606013153774, + "f1": 52.62215934386531, + "main_score": 70.5606013153774 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 73.11581211903908, + "f1": 52.341291845645465, + "main_score": 73.11581211903908 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 74.28933092224233, + "f1": 57.07918745504911, + "main_score": 74.28933092224233 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/MassiveIntentClassification.json b/results/intfloat__multilingual-e5-large/external/MassiveIntentClassification.json new file mode 100644 index 000000000..6e67dc369 --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/MassiveIntentClassification.json @@ -0,0 +1,469 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 62.38063214525892, + "f1": 59.46463723443009, + "main_score": 62.38063214525892 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 56.06926698049766, + "f1": 52.49084283283562, + "main_score": 56.06926698049766 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 60.74983187626093, + "f1": 56.960640620165904, + "main_score": 60.74983187626093 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 64.86550100874243, + "f1": 62.47370548140688, + "main_score": 64.86550100874243 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 63.971082716879636, + "f1": 61.03812421957381, + "main_score": 63.971082716879636 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 54.98318762609282, + "f1": 51.51207916008392, + "main_score": 54.98318762609282 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 69.45527908540686, + "f1": 66.16631905400318, + "main_score": 69.45527908540686 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 69.32750504371216, + "f1": 66.16755288646591, + "main_score": 69.32750504371216 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 69.09213180901143, + "f1": 66.95654394661507, + "main_score": 69.09213180901143 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.75588433086752, + "f1": 71.79973779656923, + "main_score": 73.75588433086752 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 70.49428379287154, + "f1": 68.37494379215734, + "main_score": 70.49428379287154 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 69.90921318090115, + "f1": 66.79517376481645, + "main_score": 69.90921318090115 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 70.12104909213181, + "f1": 67.29448842879584, + "main_score": 70.12104909213181 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 69.34095494283793, + "f1": 67.01134288992947, + "main_score": 69.34095494283793 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 67.61264290517822, + "f1": 64.68730512660757, + "main_score": 67.61264290517822 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 67.79757901815738, + "f1": 65.24938539425598, + "main_score": 67.79757901815738 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 69.68728984532616, + "f1": 67.0487169762553, + "main_score": 69.68728984532616 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 62.07464694014795, + "f1": 59.183532276789286, + "main_score": 62.07464694014795 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 70.04707464694015, + "f1": 67.66829629003848, + "main_score": 70.04707464694015 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 62.42434431741762, + "f1": 59.01617226544757, + "main_score": 62.42434431741762 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 70.53127101546738, + "f1": 68.10033760906255, + "main_score": 70.53127101546738 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 72.50504371217215, + "f1": 69.74931103158923, + "main_score": 72.50504371217215 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 57.91190316072628, + "f1": 54.05551136648796, + "main_score": 57.91190316072628 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 51.78211163416275, + "f1": 49.874888544058535, + "main_score": 51.78211163416275 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 47.017484868863484, + "f1": 44.53364263352014, + "main_score": 47.017484868863484 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 62.16207128446537, + "f1": 59.01185692320829, + "main_score": 62.16207128446537 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 69.42501681237391, + "f1": 67.13169450166086, + "main_score": 69.42501681237391 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 67.0780094149294, + "f1": 64.41720167850707, + "main_score": 67.0780094149294 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 65.57162071284466, + "f1": 62.414138683804424, + "main_score": 65.57162071284466 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 61.71149966375252, + "f1": 58.594805125087234, + "main_score": 61.71149966375252 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 66.03900470746471, + "f1": 63.87937257883887, + "main_score": 66.03900470746471 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 60.8776059179556, + "f1": 57.48587618059131, + "main_score": 60.8776059179556 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 69.87895090786819, + "f1": 66.8141299430347, + "main_score": 69.87895090786819 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 70.45057162071285, + "f1": 67.46444039673516, + "main_score": 70.45057162071285 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 71.546738399462, + "f1": 68.63640876702655, + "main_score": 71.546738399462 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 70.72965702757229, + "f1": 68.54119560379115, + "main_score": 70.72965702757229 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 68.35574983187625, + "f1": 65.88844917691927, + "main_score": 68.35574983187625 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 71.70477471418964, + "f1": 69.19665697061978, + "main_score": 71.70477471418964 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 67.0880968392737, + "f1": 64.76962317666086, + "main_score": 67.0880968392737 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 65.18493611297916, + "f1": 62.49984559035371, + "main_score": 65.18493611297916 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 71.75857431069265, + "f1": 69.20053687623418, + "main_score": 71.75857431069265 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 58.500336247478145, + "f1": 55.2972398687929, + "main_score": 58.500336247478145 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 62.68997982515132, + "f1": 59.36848202755348, + "main_score": 62.68997982515132 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 63.01950235373235, + "f1": 60.09351954625423, + "main_score": 63.01950235373235 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 68.29186281102892, + "f1": 67.57860496703447, + "main_score": 68.29186281102892 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 64.77471418964357, + "f1": 61.913983147713836, + "main_score": 64.77471418964357 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 69.87222595830532, + "f1": 66.03679033708141, + "main_score": 69.87222595830532 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 64.04505716207127, + "f1": 61.28569169817908, + "main_score": 64.04505716207127 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 69.38466711499663, + "f1": 67.20532357036844, + "main_score": 69.38466711499663 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 71.12306657700067, + "f1": 68.91251226588182, + "main_score": 71.12306657700067 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 66.20040349697378, + "f1": 66.02657347714175, + "main_score": 66.20040349697378 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/MassiveScenarioClassification.json b/results/intfloat__multilingual-e5-large/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..348c9c4c9 --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/MassiveScenarioClassification.json @@ -0,0 +1,469 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 68.73907195696032, + "f1": 66.98484521791418, + "main_score": 68.73907195696032 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 60.58843308675185, + "f1": 58.95591723092005, + "main_score": 60.58843308675185 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 66.22730329522528, + "f1": 66.0894499712115, + "main_score": 66.22730329522528 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 66.48285137861465, + "f1": 65.21963176785157, + "main_score": 66.48285137861465 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 67.74714189643578, + "f1": 66.8212192745412, + "main_score": 67.74714189643578 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 59.09213180901143, + "f1": 56.70735546356339, + "main_score": 59.09213180901143 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 75.05716207128448, + "f1": 74.8413712365364, + "main_score": 75.05716207128448 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 74.69737726967047, + "f1": 74.7664341963, + "main_score": 74.69737726967047 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 73.90383322125084, + "f1": 73.59201554448323, + "main_score": 73.90383322125084 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.51176866173503, + "f1": 77.46104434577758, + "main_score": 77.51176866173503 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 74.31069266980496, + "f1": 74.61048660675635, + "main_score": 74.31069266980496 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 72.95225285810356, + "f1": 72.33160006574627, + "main_score": 72.95225285810356 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 73.12373907195696, + "f1": 73.20921012557481, + "main_score": 73.12373907195696 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 73.86684599865501, + "f1": 73.82348774610831, + "main_score": 73.86684599865501 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 71.40215198386012, + "f1": 71.11945183971858, + "main_score": 71.40215198386012 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 72.12844653665098, + "f1": 71.34450495911766, + "main_score": 72.12844653665098 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 74.52252858103566, + "f1": 73.98878711342999, + "main_score": 74.52252858103566 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 64.93611297915265, + "f1": 63.723200467653385, + "main_score": 64.93611297915265 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 74.11903160726295, + "f1": 73.82138439467096, + "main_score": 74.11903160726295 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 67.15198386012105, + "f1": 66.02172193802167, + "main_score": 67.15198386012105 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 74.32414256893072, + "f1": 74.30943421170574, + "main_score": 74.32414256893072 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 77.46805648957633, + "f1": 77.62808409298209, + "main_score": 77.46805648957633 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 63.318762609280434, + "f1": 62.094284066075076, + "main_score": 63.318762609280434 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 58.34902488231338, + "f1": 57.12893860987984, + "main_score": 58.34902488231338 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 50.88433086751849, + "f1": 48.2272350802058, + "main_score": 50.88433086751849 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 66.4425016812374, + "f1": 64.61463095996173, + "main_score": 66.4425016812374 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 75.04707464694015, + "f1": 75.05099199098998, + "main_score": 75.04707464694015 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 70.50437121721586, + "f1": 69.83397721096314, + "main_score": 70.50437121721586 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 69.94283792871553, + "f1": 68.8704663703913, + "main_score": 69.94283792871553 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 64.79488903833222, + "f1": 63.615424063345436, + "main_score": 64.79488903833222 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 69.88231338264963, + "f1": 68.57892302593237, + "main_score": 69.88231338264963 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 63.248150638870214, + "f1": 61.06680605338809, + "main_score": 63.248150638870214 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 74.84196368527236, + "f1": 74.52566464968763, + "main_score": 74.84196368527236 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 74.8285137861466, + "f1": 74.8853197608802, + "main_score": 74.8285137861466 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 74.13248150638869, + "f1": 74.3982040999179, + "main_score": 74.13248150638869 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 73.49024882313383, + "f1": 73.82153848368573, + "main_score": 73.49024882313383 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 71.72158708809684, + "f1": 71.85049433180541, + "main_score": 71.72158708809684 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 75.137861466039, + "f1": 75.37628348188467, + "main_score": 75.137861466039 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 71.86953597848016, + "f1": 71.87537624521661, + "main_score": 71.86953597848016 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 70.27572293207801, + "f1": 68.80017302344231, + "main_score": 70.27572293207801 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 76.09952925353059, + "f1": 76.07992707688408, + "main_score": 76.09952925353059 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 63.140551445864155, + "f1": 61.73855010331415, + "main_score": 63.140551445864155 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 66.27774041694687, + "f1": 64.83664868894539, + "main_score": 66.27774041694687 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 66.69468728984533, + "f1": 64.76239666920868, + "main_score": 66.69468728984533 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 73.44653665097512, + "f1": 73.14646052013873, + "main_score": 73.44653665097512 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 67.71351714862139, + "f1": 66.67212180163382, + "main_score": 67.71351714862139 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 73.9946200403497, + "f1": 73.87348793725525, + "main_score": 73.9946200403497 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 68.15400134498992, + "f1": 67.09433241421094, + "main_score": 68.15400134498992 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 73.11365164761264, + "f1": 73.59502539433753, + "main_score": 73.11365164761264 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 76.82582380632145, + "f1": 76.89992945316313, + "main_score": 76.82582380632145 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 71.81237390719569, + "f1": 72.36499770986265, + "main_score": 71.81237390719569 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/MedrxivClusteringP2P.json b/results/intfloat__multilingual-e5-large/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..a8596f211 --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.480506569594695, + "main_score": 31.480506569594695 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/MedrxivClusteringS2S.json b/results/intfloat__multilingual-e5-large/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..6250b7736 --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 29.71252128004552, + "main_score": 29.71252128004552 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/MindSmallReranking.json b/results/intfloat__multilingual-e5-large/external/MindSmallReranking.json new file mode 100644 index 000000000..c03891345 --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.421396787056548, + "mrr": 32.48155274872267, + "main_score": 31.421396787056548 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/NFCorpus.json b/results/intfloat__multilingual-e5-large/external/NFCorpus.json new file mode 100644 index 000000000..3b79c74ef --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.595, + "map_at_10": 12.642000000000001, + "map_at_100": 15.726, + "map_at_1000": 17.061999999999998, + "map_at_3": 9.125, + "map_at_5": 10.866000000000001, + "mrr_at_1": 43.344, + "mrr_at_10": 52.227999999999994, + "mrr_at_100": 52.898999999999994, + "mrr_at_1000": 52.944, + "mrr_at_3": 49.845, + "mrr_at_5": 51.115, + "ndcg_at_1": 41.949999999999996, + "ndcg_at_10": 33.995, + "ndcg_at_100": 30.869999999999997, + "ndcg_at_1000": 39.487, + "ndcg_at_3": 38.903999999999996, + "ndcg_at_5": 37.236999999999995, + "precision_at_1": 43.344, + "precision_at_10": 25.480000000000004, + "precision_at_100": 7.672, + "precision_at_1000": 2.028, + "precision_at_3": 36.636, + "precision_at_5": 32.632, + "recall_at_1": 5.595, + "recall_at_10": 16.466, + "recall_at_100": 31.226, + "recall_at_1000": 62.778999999999996, + "recall_at_3": 9.931, + "recall_at_5": 12.884, + "main_score": 33.995 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/NQ.json b/results/intfloat__multilingual-e5-large/external/NQ.json new file mode 100644 index 000000000..bbf3206f3 --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.414, + "map_at_10": 56.754000000000005, + "map_at_100": 57.457, + "map_at_1000": 57.477999999999994, + "map_at_3": 52.873999999999995, + "map_at_5": 55.175, + "mrr_at_1": 45.278, + "mrr_at_10": 59.192, + "mrr_at_100": 59.650000000000006, + "mrr_at_1000": 59.665, + "mrr_at_3": 56.141, + "mrr_at_5": 57.998000000000005, + "ndcg_at_1": 45.278, + "ndcg_at_10": 64.056, + "ndcg_at_100": 66.89, + "ndcg_at_1000": 67.364, + "ndcg_at_3": 56.97, + "ndcg_at_5": 60.719, + "precision_at_1": 45.278, + "precision_at_10": 9.994, + "precision_at_100": 1.165, + "precision_at_1000": 0.121, + "precision_at_3": 25.512, + "precision_at_5": 17.509, + "recall_at_1": 40.414, + "recall_at_10": 83.596, + "recall_at_100": 95.72, + "recall_at_1000": 99.24, + "recall_at_3": 65.472, + "recall_at_5": 74.039, + "main_score": 64.056 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/QuoraRetrieval.json b/results/intfloat__multilingual-e5-large/external/QuoraRetrieval.json new file mode 100644 index 000000000..48e5426c5 --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 70.352, + "map_at_10": 84.369, + "map_at_100": 85.02499999999999, + "map_at_1000": 85.04, + "map_at_3": 81.42399999999999, + "map_at_5": 83.279, + "mrr_at_1": 81.05, + "mrr_at_10": 87.401, + "mrr_at_100": 87.504, + "mrr_at_1000": 87.505, + "mrr_at_3": 86.443, + "mrr_at_5": 87.10799999999999, + "ndcg_at_1": 81.04, + "ndcg_at_10": 88.181, + "ndcg_at_100": 89.411, + "ndcg_at_1000": 89.507, + "ndcg_at_3": 85.28099999999999, + "ndcg_at_5": 86.888, + "precision_at_1": 81.04, + "precision_at_10": 13.406, + "precision_at_100": 1.5350000000000001, + "precision_at_1000": 0.157, + "precision_at_3": 37.31, + "precision_at_5": 24.54, + "recall_at_1": 70.352, + "recall_at_10": 95.358, + "recall_at_100": 99.541, + "recall_at_1000": 99.984, + "recall_at_3": 87.111, + "recall_at_5": 91.643, + "main_score": 88.181 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/RedditClustering.json b/results/intfloat__multilingual-e5-large/external/RedditClustering.json new file mode 100644 index 000000000..df7d202e6 --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 46.54068723291946, + "main_score": 46.54068723291946 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/RedditClusteringP2P.json b/results/intfloat__multilingual-e5-large/external/RedditClusteringP2P.json new file mode 100644 index 000000000..181c0cbef --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 63.216287629895994, + "main_score": 63.216287629895994 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/SCIDOCS.json b/results/intfloat__multilingual-e5-large/external/SCIDOCS.json new file mode 100644 index 000000000..d1db509a1 --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.023000000000001, + "map_at_10": 10.071, + "map_at_100": 11.892, + "map_at_1000": 12.196, + "map_at_3": 7.234, + "map_at_5": 8.613999999999999, + "mrr_at_1": 19.900000000000002, + "mrr_at_10": 30.516, + "mrr_at_100": 31.656000000000002, + "mrr_at_1000": 31.723000000000003, + "mrr_at_3": 27.400000000000002, + "mrr_at_5": 29.270000000000003, + "ndcg_at_1": 19.900000000000002, + "ndcg_at_10": 17.474, + "ndcg_at_100": 25.020999999999997, + "ndcg_at_1000": 30.728, + "ndcg_at_3": 16.588, + "ndcg_at_5": 14.498, + "precision_at_1": 19.900000000000002, + "precision_at_10": 9.139999999999999, + "precision_at_100": 2.011, + "precision_at_1000": 0.33899999999999997, + "precision_at_3": 15.667, + "precision_at_5": 12.839999999999998, + "recall_at_1": 4.023000000000001, + "recall_at_10": 18.497, + "recall_at_100": 40.8, + "recall_at_1000": 68.812, + "recall_at_3": 9.508, + "recall_at_5": 12.983, + "main_score": 17.474 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/SICK-R.json b/results/intfloat__multilingual-e5-large/external/SICK-R.json new file mode 100644 index 000000000..923bec13c --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.967008785134, + "cos_sim_spearman": 80.23142141101837, + "euclidean_pearson": 81.20166064704539, + "euclidean_spearman": 80.18961335654585, + "manhattan_pearson": 81.13925443187625, + "manhattan_spearman": 80.07948723044424, + "cosine_pearson": 83.967008785134, + "cosine_spearman": 80.23142141101837, + "main_score": 80.23142141101837 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/STS12.json b/results/intfloat__multilingual-e5-large/external/STS12.json new file mode 100644 index 000000000..9eb70c899 --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.94262461316023, + "cos_sim_spearman": 80.01596278563865, + "euclidean_pearson": 83.80799622922581, + "euclidean_spearman": 79.94984954947103, + "manhattan_pearson": 83.68473841756281, + "manhattan_spearman": 79.84990707951822, + "cosine_pearson": 86.94262461316023, + "cosine_spearman": 80.01596278563865, + "main_score": 80.01596278563865 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/STS13.json b/results/intfloat__multilingual-e5-large/external/STS13.json new file mode 100644 index 000000000..b72576071 --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 80.57346443146068, + "cos_sim_spearman": 81.54689837570866, + "euclidean_pearson": 81.10909881516007, + "euclidean_spearman": 81.56746243261762, + "manhattan_pearson": 80.87076036186582, + "manhattan_spearman": 81.33074987964402, + "cosine_pearson": 80.57346443146068, + "cosine_spearman": 81.54689837570866, + "main_score": 81.54689837570866 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/STS14.json b/results/intfloat__multilingual-e5-large/external/STS14.json new file mode 100644 index 000000000..2bd2d7e3d --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 79.54733787179849, + "cos_sim_spearman": 77.72202105610411, + "euclidean_pearson": 78.9043595478849, + "euclidean_spearman": 77.93422804309435, + "manhattan_pearson": 78.58115121621368, + "manhattan_spearman": 77.62508135122033, + "cosine_pearson": 79.54733787179849, + "cosine_spearman": 77.72202105610411, + "main_score": 77.72202105610411 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/STS15.json b/results/intfloat__multilingual-e5-large/external/STS15.json new file mode 100644 index 000000000..0d6b8b033 --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.59880017237558, + "cos_sim_spearman": 89.31088630824758, + "euclidean_pearson": 88.47069261564656, + "euclidean_spearman": 89.33581971465233, + "manhattan_pearson": 88.40774264100956, + "manhattan_spearman": 89.28657485627835, + "cosine_pearson": 88.59880017237558, + "cosine_spearman": 89.31088630824758, + "main_score": 89.31088630824758 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/STS16.json b/results/intfloat__multilingual-e5-large/external/STS16.json new file mode 100644 index 000000000..7556b0e40 --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.08055117917084, + "cos_sim_spearman": 85.78491813080304, + "euclidean_pearson": 84.99329155500392, + "euclidean_spearman": 85.76728064677287, + "manhattan_pearson": 84.87947428989587, + "manhattan_spearman": 85.62429454917464, + "cosine_pearson": 84.08055117917084, + "cosine_spearman": 85.78491813080304, + "main_score": 85.78491813080304 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/STS17.json b/results/intfloat__multilingual-e5-large/external/STS17.json new file mode 100644 index 000000000..b3e664ef5 --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/STS17.json @@ -0,0 +1,182 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "ko-ko", + "languages": [ + "kor-Hang" + ], + "cos_sim_pearson": 82.14190939287384, + "cos_sim_spearman": 82.27331573306041, + "euclidean_pearson": 81.891896953716, + "euclidean_spearman": 82.37695542955998, + "manhattan_pearson": 81.73123869460504, + "manhattan_spearman": 82.19989168441421, + "cosine_pearson": 82.14190939287384, + "cosine_spearman": 82.27331573306041, + "main_score": 82.27331573306041 + }, + { + "hf_subset": "ar-ar", + "languages": [ + "ara-Arab" + ], + "cos_sim_pearson": 76.84695301843362, + "cos_sim_spearman": 77.87790986014461, + "euclidean_pearson": 76.91981583106315, + "euclidean_spearman": 77.88154772749589, + "manhattan_pearson": 76.94953277451093, + "manhattan_spearman": 77.80499230728604, + "cosine_pearson": 76.84695301843362, + "cosine_spearman": 77.87790986014461, + "main_score": 77.87790986014461 + }, + { + "hf_subset": "en-ar", + "languages": [ + "eng-Latn", + "ara-Arab" + ], + "cos_sim_pearson": 75.44657840482016, + "cos_sim_spearman": 75.05531095119674, + "euclidean_pearson": 75.88161755829299, + "euclidean_spearman": 74.73176238219332, + "manhattan_pearson": 75.63984765635362, + "manhattan_spearman": 74.86476440770737, + "cosine_pearson": 75.44657840482016, + "cosine_spearman": 75.05531095119674, + "main_score": 75.05531095119674 + }, + { + "hf_subset": "en-de", + "languages": [ + "eng-Latn", + "deu-Latn" + ], + "cos_sim_pearson": 85.64700140524133, + "cos_sim_spearman": 86.16014210425672, + "euclidean_pearson": 86.49086860843221, + "euclidean_spearman": 86.09729326815614, + "manhattan_pearson": 86.43406265125513, + "manhattan_spearman": 86.17740150939994, + "cosine_pearson": 85.64700140524133, + "cosine_spearman": 86.16014210425672, + "main_score": 86.16014210425672 + }, + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.91170098764921, + "cos_sim_spearman": 88.12437004058931, + "euclidean_pearson": 88.81828254494437, + "euclidean_spearman": 88.14831794572122, + "manhattan_pearson": 88.93442183448961, + "manhattan_spearman": 88.15254630778304, + "cosine_pearson": 87.91170098764921, + "cosine_spearman": 88.12437004058931, + "main_score": 88.12437004058931 + }, + { + "hf_subset": "en-tr", + "languages": [ + "eng-Latn", + "tur-Latn" + ], + "cos_sim_pearson": 72.91390577997292, + "cos_sim_spearman": 71.22979457536074, + "euclidean_pearson": 74.40314008106749, + "euclidean_spearman": 72.54972136083246, + "manhattan_pearson": 73.85687539530218, + "manhattan_spearman": 72.09500771742637, + "cosine_pearson": 72.91390577997292, + "cosine_spearman": 71.22979457536074, + "main_score": 71.22979457536074 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 80.9301067983089, + "cos_sim_spearman": 80.74989828346473, + "euclidean_pearson": 81.36781301814257, + "euclidean_spearman": 80.9448819964426, + "manhattan_pearson": 81.0351322685609, + "manhattan_spearman": 80.70192121844177, + "cosine_pearson": 80.9301067983089, + "cosine_spearman": 80.74989828346473, + "main_score": 80.74989828346473 + }, + { + "hf_subset": "es-es", + "languages": [ + "spa-Latn" + ], + "cos_sim_pearson": 87.13820465980005, + "cos_sim_spearman": 86.73532498758757, + "euclidean_pearson": 87.21329451846637, + "euclidean_spearman": 86.57863198601002, + "manhattan_pearson": 87.06973713818554, + "manhattan_spearman": 86.47534918791499, + "cosine_pearson": 87.13820465980005, + "cosine_spearman": 86.73532498758757, + "main_score": 86.73532498758757 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 85.48720108904415, + "cos_sim_spearman": 85.62221757068387, + "euclidean_pearson": 86.1010129512749, + "euclidean_spearman": 85.86580966509942, + "manhattan_pearson": 86.26800938808971, + "manhattan_spearman": 85.88902721678429, + "cosine_pearson": 85.48720108904415, + "cosine_spearman": 85.62221757068387, + "main_score": 85.62221757068387 + }, + { + "hf_subset": "it-en", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 83.98021347333516, + "cos_sim_spearman": 84.53806553803501, + "euclidean_pearson": 84.61483347248364, + "euclidean_spearman": 85.14191408011702, + "manhattan_pearson": 84.75297588825967, + "manhattan_spearman": 85.33176753669242, + "cosine_pearson": 83.98021347333516, + "cosine_spearman": 84.53806553803501, + "main_score": 84.53806553803501 + }, + { + "hf_subset": "nl-en", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 84.51856644893233, + "cos_sim_spearman": 85.27510748506413, + "euclidean_pearson": 85.09886861540977, + "euclidean_spearman": 85.62579245860887, + "manhattan_pearson": 84.93017860464607, + "manhattan_spearman": 85.5063988898453, + "cosine_pearson": 84.51856644893233, + "cosine_spearman": 85.27510748506413, + "main_score": 85.27510748506413 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/STS22.json b/results/intfloat__multilingual-e5-large/external/STS22.json new file mode 100644 index 000000000..014de3b18 --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/STS22.json @@ -0,0 +1,288 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 62.581573200584195, + "cos_sim_spearman": 63.05503590247928, + "euclidean_pearson": 63.652564812602094, + "euclidean_spearman": 62.64811520876156, + "manhattan_pearson": 63.506842893061076, + "manhattan_spearman": 62.51289573046917, + "cosine_pearson": 62.581573200584195, + "cosine_spearman": 63.05503590247928, + "main_score": 63.05503590247928 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "cos_sim_pearson": 48.2248801729127, + "cos_sim_spearman": 56.5936604678561, + "euclidean_pearson": 43.98149464089, + "euclidean_spearman": 56.108561882423615, + "manhattan_pearson": 43.86880305903564, + "manhattan_spearman": 56.04671150510166, + "cosine_pearson": 48.2248801729127, + "cosine_spearman": 56.5936604678561, + "main_score": 56.5936604678561 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "cos_sim_pearson": 55.17564527009831, + "cos_sim_spearman": 64.57978560979488, + "euclidean_pearson": 58.8818330154583, + "euclidean_spearman": 64.99214839071281, + "manhattan_pearson": 58.72671436121381, + "manhattan_spearman": 65.10713416616109, + "cosine_pearson": 55.17564527009831, + "cosine_spearman": 64.57978560979488, + "main_score": 64.57978560979488 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "cos_sim_pearson": 26.772131864023297, + "cos_sim_spearman": 34.68200792408681, + "euclidean_pearson": 16.68082419005441, + "euclidean_spearman": 34.83099932652166, + "manhattan_pearson": 16.52605949659529, + "manhattan_spearman": 34.82075801399475, + "cosine_pearson": 26.772131864023297, + "cosine_spearman": 34.68200792408681, + "main_score": 34.68200792408681 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "cos_sim_pearson": 54.42415189043831, + "cos_sim_spearman": 63.54594264576758, + "euclidean_pearson": 57.36577498297745, + "euclidean_spearman": 63.111466379158074, + "manhattan_pearson": 57.584543715873885, + "manhattan_spearman": 63.22361054139183, + "cosine_pearson": 54.42415189043831, + "cosine_spearman": 63.54594264576758, + "main_score": 63.54594264576758 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "cos_sim_pearson": 47.55216762405518, + "cos_sim_spearman": 56.98670142896412, + "euclidean_pearson": 50.15318757562699, + "euclidean_spearman": 56.524941926541906, + "manhattan_pearson": 49.955618528674904, + "manhattan_spearman": 56.37102209240117, + "cosine_pearson": 47.55216762405518, + "cosine_spearman": 56.98670142896412, + "main_score": 56.98670142896412 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "cos_sim_pearson": 49.20540980338571, + "cos_sim_spearman": 59.9009453504406, + "euclidean_pearson": 49.557749853620535, + "euclidean_spearman": 59.76631621172456, + "manhattan_pearson": 49.62340591181147, + "manhattan_spearman": 59.94224880322436, + "cosine_pearson": 49.20540980338571, + "cosine_spearman": 59.9009453504406, + "main_score": 59.9009453504406 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 51.508169956576985, + "cos_sim_spearman": 66.82461565306046, + "euclidean_pearson": 56.2274426480083, + "euclidean_spearman": 66.6775323848333, + "manhattan_pearson": 55.98277796300661, + "manhattan_spearman": 66.63669848497175, + "cosine_pearson": 51.508169956576985, + "cosine_spearman": 66.82461565306046, + "main_score": 66.82461565306046 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 72.86478788045507, + "cos_sim_spearman": 76.7946552053193, + "euclidean_pearson": 75.01598530490269, + "euclidean_spearman": 76.83618917858281, + "manhattan_pearson": 74.68337628304332, + "manhattan_spearman": 76.57480204017773, + "cosine_pearson": 72.86478788045507, + "cosine_spearman": 76.7946552053193, + "main_score": 76.7946552053193 + }, + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 55.922619099401984, + "cos_sim_spearman": 56.599362477240774, + "euclidean_pearson": 56.68307052369783, + "euclidean_spearman": 54.28760436777401, + "manhattan_pearson": 56.67763566500681, + "manhattan_spearman": 53.94619541711359, + "cosine_pearson": 55.922619099401984, + "cosine_spearman": 56.599362477240774, + "main_score": 56.599362477240774 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 66.74357206710913, + "cos_sim_spearman": 72.5208244925311, + "euclidean_pearson": 67.49254562186032, + "euclidean_spearman": 72.02469076238683, + "manhattan_pearson": 67.45251772238085, + "manhattan_spearman": 72.05538819984538, + "cosine_pearson": 66.74357206710913, + "cosine_spearman": 72.5208244925311, + "main_score": 72.5208244925311 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "cos_sim_pearson": 71.25734330033191, + "cos_sim_spearman": 76.98349083946823, + "euclidean_pearson": 73.71642838667736, + "euclidean_spearman": 77.01715504651384, + "manhattan_pearson": 73.61712711868105, + "manhattan_spearman": 77.01392571153896, + "cosine_pearson": 71.25734330033191, + "cosine_spearman": 76.98349083946823, + "main_score": 76.98349083946823 + }, + { + "hf_subset": "pl-en", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 63.18215462781212, + "cos_sim_spearman": 65.54373266117607, + "euclidean_pearson": 64.54126095439005, + "euclidean_spearman": 65.30410369102711, + "manhattan_pearson": 63.50332221148234, + "manhattan_spearman": 64.3455878104313, + "cosine_pearson": 63.18215462781212, + "cosine_spearman": 65.54373266117607, + "main_score": 65.54373266117607 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "cos_sim_pearson": 62.30509221440029, + "cos_sim_spearman": 65.99582704642478, + "euclidean_pearson": 63.43818859884195, + "euclidean_spearman": 66.83172582815764, + "manhattan_pearson": 63.055779168508764, + "manhattan_spearman": 65.49585020501449, + "cosine_pearson": 62.30509221440029, + "cosine_spearman": 65.99582704642478, + "main_score": 65.99582704642478 + }, + { + "hf_subset": "es-it", + "languages": [ + "spa-Latn", + "ita-Latn" + ], + "cos_sim_pearson": 59.587830825340404, + "cos_sim_spearman": 68.93467614588089, + "euclidean_pearson": 62.3073527367404, + "euclidean_spearman": 69.69758171553175, + "manhattan_pearson": 61.9074580815789, + "manhattan_spearman": 69.57696375597865, + "cosine_pearson": 59.587830825340404, + "cosine_spearman": 68.93467614588089, + "main_score": 68.93467614588089 + }, + { + "hf_subset": "de-fr", + "languages": [ + "deu-Latn", + "fra-Latn" + ], + "cos_sim_pearson": 57.143220125577066, + "cos_sim_spearman": 67.78857859159226, + "euclidean_pearson": 55.58225107923733, + "euclidean_spearman": 67.80662907184563, + "manhattan_pearson": 56.24953502726514, + "manhattan_spearman": 67.98262125431616, + "cosine_pearson": 57.143220125577066, + "cosine_spearman": 67.78857859159226, + "main_score": 67.78857859159226 + }, + { + "hf_subset": "de-pl", + "languages": [ + "deu-Latn", + "pol-Latn" + ], + "cos_sim_pearson": 21.826928900322066, + "cos_sim_spearman": 49.578506634400405, + "euclidean_pearson": 27.939890138843214, + "euclidean_spearman": 52.71950519136242, + "manhattan_pearson": 26.39878683847546, + "manhattan_spearman": 47.54609580342499, + "cosine_pearson": 21.826928900322066, + "cosine_spearman": 49.578506634400405, + "main_score": 49.578506634400405 + }, + { + "hf_subset": "fr-pl", + "languages": [ + "fra-Latn", + "pol-Latn" + ], + "cos_sim_pearson": 57.27603854632001, + "cos_sim_spearman": 50.709255283710995, + "euclidean_pearson": 59.5419024445929, + "euclidean_spearman": 50.709255283710995, + "manhattan_pearson": 59.03256832438492, + "manhattan_spearman": 61.97797868009122, + "cosine_pearson": 57.27603854632001, + "cosine_spearman": 50.709255283710995, + "main_score": 50.709255283710995 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/STSBenchmark.json b/results/intfloat__multilingual-e5-large/external/STSBenchmark.json new file mode 100644 index 000000000..7dc5ed2f4 --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.00757054859712, + "cos_sim_spearman": 87.29283629622222, + "euclidean_pearson": 86.54824171775536, + "euclidean_spearman": 87.24364730491402, + "manhattan_pearson": 86.5062156915074, + "manhattan_spearman": 87.15052170378574, + "cosine_pearson": 85.00757054859712, + "cosine_spearman": 87.29283629622222, + "main_score": 87.29283629622222 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/SciDocsRR.json b/results/intfloat__multilingual-e5-large/external/SciDocsRR.json new file mode 100644 index 000000000..e5859fe7b --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 82.03549357197389, + "mrr": 95.05437645143527, + "main_score": 82.03549357197389 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/SciFact.json b/results/intfloat__multilingual-e5-large/external/SciFact.json new file mode 100644 index 000000000..8c691c6c2 --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 57.260999999999996, + "map_at_10": 66.259, + "map_at_100": 66.884, + "map_at_1000": 66.912, + "map_at_3": 63.685, + "map_at_5": 65.35499999999999, + "mrr_at_1": 60.333000000000006, + "mrr_at_10": 67.5, + "mrr_at_100": 68.013, + "mrr_at_1000": 68.038, + "mrr_at_3": 65.61099999999999, + "mrr_at_5": 66.861, + "ndcg_at_1": 60.333000000000006, + "ndcg_at_10": 70.41, + "ndcg_at_100": 73.10600000000001, + "ndcg_at_1000": 73.846, + "ndcg_at_3": 66.133, + "ndcg_at_5": 68.499, + "precision_at_1": 60.333000000000006, + "precision_at_10": 9.232999999999999, + "precision_at_100": 1.0630000000000002, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 25.667, + "precision_at_5": 17.067, + "recall_at_1": 57.260999999999996, + "recall_at_10": 81.94399999999999, + "recall_at_100": 93.867, + "recall_at_1000": 99.667, + "recall_at_3": 70.339, + "recall_at_5": 76.25, + "main_score": 70.41 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/SprintDuplicateQuestions.json b/results/intfloat__multilingual-e5-large/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..cd1ca0713 --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.74356435643564, + "cos_sim_ap": 93.13411948212683, + "cos_sim_f1": 86.80521991300147, + "cos_sim_precision": 84.00374181478017, + "cos_sim_recall": 89.8, + "dot_accuracy": 99.67920792079208, + "dot_ap": 89.27277565444479, + "dot_f1": 83.9276990718124, + "dot_precision": 82.04393505253104, + "dot_recall": 85.9, + "euclidean_accuracy": 99.74257425742574, + "euclidean_ap": 93.17993008259062, + "euclidean_f1": 86.69396110542476, + "euclidean_precision": 88.78406708595388, + "euclidean_recall": 84.7, + "manhattan_accuracy": 99.74257425742574, + "manhattan_ap": 93.14413755550099, + "manhattan_f1": 86.82483594144371, + "manhattan_precision": 87.66564729867483, + "manhattan_recall": 86, + "max_accuracy": 99.74356435643564, + "max_ap": 93.17993008259062, + "max_f1": 86.82483594144371, + "main_score": 93.17993008259062 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/StackExchangeClustering.json b/results/intfloat__multilingual-e5-large/external/StackExchangeClustering.json new file mode 100644 index 000000000..0e023a9c1 --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 57.525863806168566, + "main_score": 57.525863806168566 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/StackExchangeClusteringP2P.json b/results/intfloat__multilingual-e5-large/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..c36cc2b01 --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.68850574423839, + "main_score": 32.68850574423839 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/StackOverflowDupQuestions.json b/results/intfloat__multilingual-e5-large/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..e0e0c006d --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 49.71580650644033, + "mrr": 50.50971903913081, + "main_score": 49.71580650644033 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/SummEval.json b/results/intfloat__multilingual-e5-large/external/SummEval.json new file mode 100644 index 000000000..cfa204b6c --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 29.152190498799484, + "cos_sim_spearman": 29.686180371952727, + "dot_pearson": 27.248664793816342, + "dot_spearman": 28.37748983721745, + "cosine_pearson": 29.152190498799484, + "cosine_spearman": 29.686180371952727, + "main_score": 29.686180371952727 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/TRECCOVID.json b/results/intfloat__multilingual-e5-large/external/TRECCOVID.json new file mode 100644 index 000000000..26813c5d8 --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.20400000000000001, + "map_at_10": 1.6209999999999998, + "map_at_100": 9.690999999999999, + "map_at_1000": 23.733, + "map_at_3": 0.575, + "map_at_5": 0.885, + "mrr_at_1": 78, + "mrr_at_10": 86.56700000000001, + "mrr_at_100": 86.56700000000001, + "mrr_at_1000": 86.56700000000001, + "mrr_at_3": 85.667, + "mrr_at_5": 86.56700000000001, + "ndcg_at_1": 76, + "ndcg_at_10": 71.326, + "ndcg_at_100": 54.208999999999996, + "ndcg_at_1000": 49.252, + "ndcg_at_3": 74.235, + "ndcg_at_5": 73.833, + "precision_at_1": 78, + "precision_at_10": 74.8, + "precision_at_100": 55.50000000000001, + "precision_at_1000": 21.836, + "precision_at_3": 78, + "precision_at_5": 78, + "recall_at_1": 0.20400000000000001, + "recall_at_10": 1.894, + "recall_at_100": 13.245999999999999, + "recall_at_1000": 46.373, + "recall_at_3": 0.613, + "recall_at_5": 0.991, + "main_score": 71.326 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/Tatoeba.json b/results/intfloat__multilingual-e5-large/external/Tatoeba.json new file mode 100644 index 000000000..37d26abd8 --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/Tatoeba.json @@ -0,0 +1,1354 @@ +{ + "dataset_revision": "9080400076fbadbb4c4dcb136ff4eddc40b42553", + "task_name": "Tatoeba", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "sqi-eng", + "languages": [ + "sqi-Latn", + "eng-Latn" + ], + "accuracy": 95.89999999999999, + "f1": 94.69999999999999, + "precision": 94.11666666666667, + "recall": 95.89999999999999, + "main_score": 94.69999999999999 + }, + { + "hf_subset": "fry-eng", + "languages": [ + "fry-Latn", + "eng-Latn" + ], + "accuracy": 68.20809248554913, + "f1": 63.431048720066066, + "precision": 61.69143958161298, + "recall": 68.20809248554913, + "main_score": 63.431048720066066 + }, + { + "hf_subset": "kur-eng", + "languages": [ + "kur-Latn", + "eng-Latn" + ], + "accuracy": 71.21951219512195, + "f1": 66.82926829268293, + "precision": 65.1260162601626, + "recall": 71.21951219512195, + "main_score": 66.82926829268293 + }, + { + "hf_subset": "tur-eng", + "languages": [ + "tur-Latn", + "eng-Latn" + ], + "accuracy": 97.2, + "f1": 96.26666666666667, + "precision": 95.8, + "recall": 97.2, + "main_score": 96.26666666666667 + }, + { + "hf_subset": "deu-eng", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "accuracy": 99.3, + "f1": 99.06666666666666, + "precision": 98.95, + "recall": 99.3, + "main_score": 99.06666666666666 + }, + { + "hf_subset": "nld-eng", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "accuracy": 97.39999999999999, + "f1": 96.63333333333333, + "precision": 96.26666666666668, + "recall": 97.39999999999999, + "main_score": 96.63333333333333 + }, + { + "hf_subset": "ron-eng", + "languages": [ + "ron-Latn", + "eng-Latn" + ], + "accuracy": 96, + "f1": 94.86666666666666, + "precision": 94.31666666666668, + "recall": 96, + "main_score": 94.86666666666666 + }, + { + "hf_subset": "ang-eng", + "languages": [ + "ang-Latn", + "eng-Latn" + ], + "accuracy": 47.01492537313433, + "f1": 40.178867566927266, + "precision": 38.179295828549556, + "recall": 47.01492537313433, + "main_score": 40.178867566927266 + }, + { + "hf_subset": "ido-eng", + "languages": [ + "ido-Latn", + "eng-Latn" + ], + "accuracy": 86.5, + "f1": 83.62537480063796, + "precision": 82.44555555555554, + "recall": 86.5, + "main_score": 83.62537480063796 + }, + { + "hf_subset": "jav-eng", + "languages": [ + "jav-Latn", + "eng-Latn" + ], + "accuracy": 80.48780487804879, + "f1": 75.45644599303138, + "precision": 73.37398373983739, + "recall": 80.48780487804879, + "main_score": 75.45644599303138 + }, + { + "hf_subset": "isl-eng", + "languages": [ + "isl-Latn", + "eng-Latn" + ], + "accuracy": 93.7, + "f1": 91.95666666666666, + "precision": 91.125, + "recall": 93.7, + "main_score": 91.95666666666666 + }, + { + "hf_subset": "slv-eng", + "languages": [ + "slv-Latn", + "eng-Latn" + ], + "accuracy": 91.73754556500607, + "f1": 89.65168084244632, + "precision": 88.73025516403402, + "recall": 91.73754556500607, + "main_score": 89.65168084244632 + }, + { + "hf_subset": "cym-eng", + "languages": [ + "cym-Latn", + "eng-Latn" + ], + "accuracy": 81.04347826086956, + "f1": 76.2128364389234, + "precision": 74.2, + "recall": 81.04347826086956, + "main_score": 76.2128364389234 + }, + { + "hf_subset": "kaz-eng", + "languages": [ + "kaz-Cyrl", + "eng-Latn" + ], + "accuracy": 83.65217391304348, + "f1": 79.4376811594203, + "precision": 77.65797101449274, + "recall": 83.65217391304348, + "main_score": 79.4376811594203 + }, + { + "hf_subset": "est-eng", + "languages": [ + "est-Latn", + "eng-Latn" + ], + "accuracy": 87.5, + "f1": 85.02690476190476, + "precision": 83.96261904761904, + "recall": 87.5, + "main_score": 85.02690476190476 + }, + { + "hf_subset": "heb-eng", + "languages": [ + "heb-Hebr", + "eng-Latn" + ], + "accuracy": 89.3, + "f1": 86.52333333333333, + "precision": 85.22833333333332, + "recall": 89.3, + "main_score": 86.52333333333333 + }, + { + "hf_subset": "gla-eng", + "languages": [ + "gla-Latn", + "eng-Latn" + ], + "accuracy": 65.01809408926418, + "f1": 59.00594446432805, + "precision": 56.827215807915444, + "recall": 65.01809408926418, + "main_score": 59.00594446432805 + }, + { + "hf_subset": "mar-eng", + "languages": [ + "mar-Deva", + "eng-Latn" + ], + "accuracy": 91.2, + "f1": 88.58, + "precision": 87.33333333333334, + "recall": 91.2, + "main_score": 88.58 + }, + { + "hf_subset": "lat-eng", + "languages": [ + "lat-Latn", + "eng-Latn" + ], + "accuracy": 59.199999999999996, + "f1": 53.299166276284915, + "precision": 51.3383908045977, + "recall": 59.199999999999996, + "main_score": 53.299166276284915 + }, + { + "hf_subset": "bel-eng", + "languages": [ + "bel-Cyrl", + "eng-Latn" + ], + "accuracy": 93.2, + "f1": 91.2, + "precision": 90.25, + "recall": 93.2, + "main_score": 91.2 + }, + { + "hf_subset": "pms-eng", + "languages": [ + "pms-Latn", + "eng-Latn" + ], + "accuracy": 64.76190476190476, + "f1": 59.867110667110666, + "precision": 58.07390192653351, + "recall": 64.76190476190476, + "main_score": 59.867110667110666 + }, + { + "hf_subset": "gle-eng", + "languages": [ + "gle-Latn", + "eng-Latn" + ], + "accuracy": 76.2, + "f1": 71.48147546897547, + "precision": 69.65409090909091, + "recall": 76.2, + "main_score": 71.48147546897547 + }, + { + "hf_subset": "pes-eng", + "languages": [ + "pes-Arab", + "eng-Latn" + ], + "accuracy": 93.8, + "f1": 92.14, + "precision": 91.35833333333333, + "recall": 93.8, + "main_score": 92.14 + }, + { + "hf_subset": "nob-eng", + "languages": [ + "nob-Latn", + "eng-Latn" + ], + "accuracy": 97.89999999999999, + "f1": 97.2, + "precision": 96.85000000000001, + "recall": 97.89999999999999, + "main_score": 97.2 + }, + { + "hf_subset": "bul-eng", + "languages": [ + "bul-Cyrl", + "eng-Latn" + ], + "accuracy": 94.6, + "f1": 92.93333333333334, + "precision": 92.13333333333333, + "recall": 94.6, + "main_score": 92.93333333333334 + }, + { + "hf_subset": "cbk-eng", + "languages": [ + "cbk-Latn", + "eng-Latn" + ], + "accuracy": 74.1, + "f1": 69.14817460317461, + "precision": 67.2515873015873, + "recall": 74.1, + "main_score": 69.14817460317461 + }, + { + "hf_subset": "hun-eng", + "languages": [ + "hun-Latn", + "eng-Latn" + ], + "accuracy": 95.19999999999999, + "f1": 94.01333333333335, + "precision": 93.46666666666667, + "recall": 95.19999999999999, + "main_score": 94.01333333333335 + }, + { + "hf_subset": "uig-eng", + "languages": [ + "uig-Arab", + "eng-Latn" + ], + "accuracy": 76.9, + "f1": 72.07523809523809, + "precision": 70.19777777777779, + "recall": 76.9, + "main_score": 72.07523809523809 + }, + { + "hf_subset": "rus-eng", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "accuracy": 94.1, + "f1": 92.31666666666666, + "precision": 91.43333333333332, + "recall": 94.1, + "main_score": 92.31666666666666 + }, + { + "hf_subset": "spa-eng", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "accuracy": 97.8, + "f1": 97.1, + "precision": 96.76666666666668, + "recall": 97.8, + "main_score": 97.1 + }, + { + "hf_subset": "hye-eng", + "languages": [ + "hye-Armn", + "eng-Latn" + ], + "accuracy": 92.85714285714286, + "f1": 90.92093441150045, + "precision": 90.00449236298293, + "recall": 92.85714285714286, + "main_score": 90.92093441150045 + }, + { + "hf_subset": "tel-eng", + "languages": [ + "tel-Telu", + "eng-Latn" + ], + "accuracy": 93.16239316239316, + "f1": 91.33903133903132, + "precision": 90.56267806267806, + "recall": 93.16239316239316, + "main_score": 91.33903133903132 + }, + { + "hf_subset": "afr-eng", + "languages": [ + "afr-Latn", + "eng-Latn" + ], + "accuracy": 92.4, + "f1": 90.25666666666666, + "precision": 89.25833333333334, + "recall": 92.4, + "main_score": 90.25666666666666 + }, + { + "hf_subset": "mon-eng", + "languages": [ + "mon-Cyrl", + "eng-Latn" + ], + "accuracy": 90.22727272727272, + "f1": 87.53030303030303, + "precision": 86.37121212121211, + "recall": 90.22727272727272, + "main_score": 87.53030303030303 + }, + { + "hf_subset": "arz-eng", + "languages": [ + "arz-Arab", + "eng-Latn" + ], + "accuracy": 79.03563941299791, + "f1": 74.7349505840072, + "precision": 72.9035639412998, + "recall": 79.03563941299791, + "main_score": 74.7349505840072 + }, + { + "hf_subset": "hrv-eng", + "languages": [ + "hrv-Latn", + "eng-Latn" + ], + "accuracy": 97, + "f1": 96.15, + "precision": 95.76666666666668, + "recall": 97, + "main_score": 96.15 + }, + { + "hf_subset": "nov-eng", + "languages": [ + "nov-Latn", + "eng-Latn" + ], + "accuracy": 76.26459143968872, + "f1": 71.55642023346303, + "precision": 69.7544932369835, + "recall": 76.26459143968872, + "main_score": 71.55642023346303 + }, + { + "hf_subset": "gsw-eng", + "languages": [ + "gsw-Latn", + "eng-Latn" + ], + "accuracy": 58.119658119658126, + "f1": 51.65242165242165, + "precision": 49.41768108434775, + "recall": 58.119658119658126, + "main_score": 51.65242165242165 + }, + { + "hf_subset": "nds-eng", + "languages": [ + "nds-Latn", + "eng-Latn" + ], + "accuracy": 74.3, + "f1": 69.52055555555555, + "precision": 67.7574938949939, + "recall": 74.3, + "main_score": 69.52055555555555 + }, + { + "hf_subset": "ukr-eng", + "languages": [ + "ukr-Cyrl", + "eng-Latn" + ], + "accuracy": 94.8, + "f1": 93.31666666666666, + "precision": 92.60000000000001, + "recall": 94.8, + "main_score": 93.31666666666666 + }, + { + "hf_subset": "uzb-eng", + "languages": [ + "uzb-Latn", + "eng-Latn" + ], + "accuracy": 76.63551401869158, + "f1": 72.35202492211837, + "precision": 70.60358255451713, + "recall": 76.63551401869158, + "main_score": 72.35202492211837 + }, + { + "hf_subset": "lit-eng", + "languages": [ + "lit-Latn", + "eng-Latn" + ], + "accuracy": 90.4, + "f1": 88.4811111111111, + "precision": 87.7452380952381, + "recall": 90.4, + "main_score": 88.4811111111111 + }, + { + "hf_subset": "ina-eng", + "languages": [ + "ina-Latn", + "eng-Latn" + ], + "accuracy": 95, + "f1": 93.60666666666667, + "precision": 92.975, + "recall": 95, + "main_score": 93.60666666666667 + }, + { + "hf_subset": "lfn-eng", + "languages": [ + "lfn-Latn", + "eng-Latn" + ], + "accuracy": 67.2, + "f1": 63.01595782872099, + "precision": 61.596587301587306, + "recall": 67.2, + "main_score": 63.01595782872099 + }, + { + "hf_subset": "zsm-eng", + "languages": [ + "zsm-Latn", + "eng-Latn" + ], + "accuracy": 95.7, + "f1": 94.52999999999999, + "precision": 94, + "recall": 95.7, + "main_score": 94.52999999999999 + }, + { + "hf_subset": "ita-eng", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "accuracy": 94.6, + "f1": 93.28999999999999, + "precision": 92.675, + "recall": 94.6, + "main_score": 93.28999999999999 + }, + { + "hf_subset": "cmn-eng", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "accuracy": 96.39999999999999, + "f1": 95.28333333333333, + "precision": 94.75, + "recall": 96.39999999999999, + "main_score": 95.28333333333333 + }, + { + "hf_subset": "lvs-eng", + "languages": [ + "lvs-Latn", + "eng-Latn" + ], + "accuracy": 91.9, + "f1": 89.83, + "precision": 88.92, + "recall": 91.9, + "main_score": 89.83 + }, + { + "hf_subset": "glg-eng", + "languages": [ + "glg-Latn", + "eng-Latn" + ], + "accuracy": 94.69999999999999, + "f1": 93.34222222222223, + "precision": 92.75416666666668, + "recall": 94.69999999999999, + "main_score": 93.34222222222223 + }, + { + "hf_subset": "ceb-eng", + "languages": [ + "ceb-Latn", + "eng-Latn" + ], + "accuracy": 60.333333333333336, + "f1": 55.31203703703703, + "precision": 53.39971108326371, + "recall": 60.333333333333336, + "main_score": 55.31203703703703 + }, + { + "hf_subset": "bre-eng", + "languages": [ + "bre-Latn", + "eng-Latn" + ], + "accuracy": 12.9, + "f1": 11.099861903031458, + "precision": 10.589187932631877, + "recall": 12.9, + "main_score": 11.099861903031458 + }, + { + "hf_subset": "ben-eng", + "languages": [ + "ben-Beng", + "eng-Latn" + ], + "accuracy": 86.7, + "f1": 83.0152380952381, + "precision": 81.37833333333333, + "recall": 86.7, + "main_score": 83.0152380952381 + }, + { + "hf_subset": "swg-eng", + "languages": [ + "swg-Latn", + "eng-Latn" + ], + "accuracy": 63.39285714285714, + "f1": 56.832482993197274, + "precision": 54.56845238095237, + "recall": 63.39285714285714, + "main_score": 56.832482993197274 + }, + { + "hf_subset": "arq-eng", + "languages": [ + "arq-Arab", + "eng-Latn" + ], + "accuracy": 48.73765093304062, + "f1": 41.555736920720456, + "precision": 39.06874531737319, + "recall": 48.73765093304062, + "main_score": 41.555736920720456 + }, + { + "hf_subset": "kab-eng", + "languages": [ + "kab-Latn", + "eng-Latn" + ], + "accuracy": 41.099999999999994, + "f1": 36.540165945165946, + "precision": 35.05175685425686, + "recall": 41.099999999999994, + "main_score": 36.540165945165946 + }, + { + "hf_subset": "fra-eng", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "accuracy": 94.89999999999999, + "f1": 93.42333333333333, + "precision": 92.75833333333333, + "recall": 94.89999999999999, + "main_score": 93.42333333333333 + }, + { + "hf_subset": "por-eng", + "languages": [ + "por-Latn", + "eng-Latn" + ], + "accuracy": 94.89999999999999, + "f1": 93.63333333333334, + "precision": 93.01666666666665, + "recall": 94.89999999999999, + "main_score": 93.63333333333334 + }, + { + "hf_subset": "tat-eng", + "languages": [ + "tat-Cyrl", + "eng-Latn" + ], + "accuracy": 77.9, + "f1": 73.64833333333334, + "precision": 71.90282106782105, + "recall": 77.9, + "main_score": 73.64833333333334 + }, + { + "hf_subset": "oci-eng", + "languages": [ + "oci-Latn", + "eng-Latn" + ], + "accuracy": 59.4, + "f1": 54.90521367521367, + "precision": 53.432840025471606, + "recall": 59.4, + "main_score": 54.90521367521367 + }, + { + "hf_subset": "pol-eng", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "accuracy": 97.39999999999999, + "f1": 96.6, + "precision": 96.2, + "recall": 97.39999999999999, + "main_score": 96.6 + }, + { + "hf_subset": "war-eng", + "languages": [ + "war-Latn", + "eng-Latn" + ], + "accuracy": 67.2, + "f1": 62.25926129426129, + "precision": 60.408376623376626, + "recall": 67.2, + "main_score": 62.25926129426129 + }, + { + "hf_subset": "aze-eng", + "languages": [ + "aze-Latn", + "eng-Latn" + ], + "accuracy": 90.2, + "f1": 87.60666666666667, + "precision": 86.45277777777778, + "recall": 90.2, + "main_score": 87.60666666666667 + }, + { + "hf_subset": "vie-eng", + "languages": [ + "vie-Latn", + "eng-Latn" + ], + "accuracy": 97.7, + "f1": 97, + "precision": 96.65, + "recall": 97.7, + "main_score": 97 + }, + { + "hf_subset": "nno-eng", + "languages": [ + "nno-Latn", + "eng-Latn" + ], + "accuracy": 93.2, + "f1": 91.39746031746031, + "precision": 90.6125, + "recall": 93.2, + "main_score": 91.39746031746031 + }, + { + "hf_subset": "cha-eng", + "languages": [ + "cha-Latn", + "eng-Latn" + ], + "accuracy": 32.11678832116788, + "f1": 27.210415386260234, + "precision": 26.20408990846947, + "recall": 32.11678832116788, + "main_score": 27.210415386260234 + }, + { + "hf_subset": "mhr-eng", + "languages": [ + "mhr-Cyrl", + "eng-Latn" + ], + "accuracy": 8.5, + "f1": 6.787319277832475, + "precision": 6.3452094433344435, + "recall": 8.5, + "main_score": 6.787319277832475 + }, + { + "hf_subset": "dan-eng", + "languages": [ + "dan-Latn", + "eng-Latn" + ], + "accuracy": 96.1, + "f1": 95.08, + "precision": 94.61666666666667, + "recall": 96.1, + "main_score": 95.08 + }, + { + "hf_subset": "ell-eng", + "languages": [ + "ell-Grek", + "eng-Latn" + ], + "accuracy": 95.3, + "f1": 93.88333333333333, + "precision": 93.18333333333332, + "recall": 95.3, + "main_score": 93.88333333333333 + }, + { + "hf_subset": "amh-eng", + "languages": [ + "amh-Ethi", + "eng-Latn" + ], + "accuracy": 85.11904761904762, + "f1": 80.69444444444444, + "precision": 78.72023809523809, + "recall": 85.11904761904762, + "main_score": 80.69444444444444 + }, + { + "hf_subset": "pam-eng", + "languages": [ + "pam-Latn", + "eng-Latn" + ], + "accuracy": 11.1, + "f1": 9.276381801735853, + "precision": 8.798174603174601, + "recall": 11.1, + "main_score": 9.276381801735853 + }, + { + "hf_subset": "hsb-eng", + "languages": [ + "hsb-Latn", + "eng-Latn" + ], + "accuracy": 63.56107660455487, + "f1": 58.70433569191332, + "precision": 56.896926581464015, + "recall": 63.56107660455487, + "main_score": 58.70433569191332 + }, + { + "hf_subset": "srp-eng", + "languages": [ + "srp-Cyrl", + "eng-Latn" + ], + "accuracy": 94.69999999999999, + "f1": 93.10000000000001, + "precision": 92.35, + "recall": 94.69999999999999, + "main_score": 93.10000000000001 + }, + { + "hf_subset": "epo-eng", + "languages": [ + "epo-Latn", + "eng-Latn" + ], + "accuracy": 96.8, + "f1": 96.01222222222222, + "precision": 95.67083333333332, + "recall": 96.8, + "main_score": 96.01222222222222 + }, + { + "hf_subset": "kzj-eng", + "languages": [ + "kzj-Latn", + "eng-Latn" + ], + "accuracy": 9.2, + "f1": 7.911555250305249, + "precision": 7.631246556216846, + "recall": 9.2, + "main_score": 7.911555250305249 + }, + { + "hf_subset": "awa-eng", + "languages": [ + "awa-Deva", + "eng-Latn" + ], + "accuracy": 77.48917748917748, + "f1": 72.27375798804371, + "precision": 70.14430014430013, + "recall": 77.48917748917748, + "main_score": 72.27375798804371 + }, + { + "hf_subset": "fao-eng", + "languages": [ + "fao-Latn", + "eng-Latn" + ], + "accuracy": 77.09923664122137, + "f1": 72.61541257724463, + "precision": 70.8998380754106, + "recall": 77.09923664122137, + "main_score": 72.61541257724463 + }, + { + "hf_subset": "mal-eng", + "languages": [ + "mal-Mlym", + "eng-Latn" + ], + "accuracy": 98.2532751091703, + "f1": 97.69529354682193, + "precision": 97.42843279961184, + "recall": 98.2532751091703, + "main_score": 97.69529354682193 + }, + { + "hf_subset": "ile-eng", + "languages": [ + "ile-Latn", + "eng-Latn" + ], + "accuracy": 82.8, + "f1": 79.14672619047619, + "precision": 77.59489247311828, + "recall": 82.8, + "main_score": 79.14672619047619 + }, + { + "hf_subset": "bos-eng", + "languages": [ + "bos-Latn", + "eng-Latn" + ], + "accuracy": 94.35028248587571, + "f1": 92.86252354048965, + "precision": 92.2080979284369, + "recall": 94.35028248587571, + "main_score": 92.86252354048965 + }, + { + "hf_subset": "cor-eng", + "languages": [ + "cor-Latn", + "eng-Latn" + ], + "accuracy": 8.5, + "f1": 6.282429263935621, + "precision": 5.783274240739785, + "recall": 8.5, + "main_score": 6.282429263935621 + }, + { + "hf_subset": "cat-eng", + "languages": [ + "cat-Latn", + "eng-Latn" + ], + "accuracy": 92.7, + "f1": 91.025, + "precision": 90.30428571428571, + "recall": 92.7, + "main_score": 91.025 + }, + { + "hf_subset": "eus-eng", + "languages": [ + "eus-Latn", + "eng-Latn" + ], + "accuracy": 81, + "f1": 77.8232380952381, + "precision": 76.60194444444444, + "recall": 81, + "main_score": 77.8232380952381 + }, + { + "hf_subset": "yue-eng", + "languages": [ + "yue-Hant", + "eng-Latn" + ], + "accuracy": 91, + "f1": 88.70857142857142, + "precision": 87.7, + "recall": 91, + "main_score": 88.70857142857142 + }, + { + "hf_subset": "swe-eng", + "languages": [ + "swe-Latn", + "eng-Latn" + ], + "accuracy": 96.39999999999999, + "f1": 95.3, + "precision": 94.76666666666667, + "recall": 96.39999999999999, + "main_score": 95.3 + }, + { + "hf_subset": "dtp-eng", + "languages": [ + "dtp-Latn", + "eng-Latn" + ], + "accuracy": 8.1, + "f1": 7.001008218834307, + "precision": 6.708329562594269, + "recall": 8.1, + "main_score": 7.001008218834307 + }, + { + "hf_subset": "kat-eng", + "languages": [ + "kat-Geor", + "eng-Latn" + ], + "accuracy": 87.1313672922252, + "f1": 84.09070598748882, + "precision": 82.79171454104429, + "recall": 87.1313672922252, + "main_score": 84.09070598748882 + }, + { + "hf_subset": "jpn-eng", + "languages": [ + "jpn-Jpan", + "eng-Latn" + ], + "accuracy": 96.39999999999999, + "f1": 95.28333333333333, + "precision": 94.73333333333332, + "recall": 96.39999999999999, + "main_score": 95.28333333333333 + }, + { + "hf_subset": "csb-eng", + "languages": [ + "csb-Latn", + "eng-Latn" + ], + "accuracy": 42.29249011857708, + "f1": 36.981018542283365, + "precision": 35.415877813576024, + "recall": 42.29249011857708, + "main_score": 36.981018542283365 + }, + { + "hf_subset": "xho-eng", + "languages": [ + "xho-Latn", + "eng-Latn" + ], + "accuracy": 83.80281690140845, + "f1": 80.86854460093896, + "precision": 79.60093896713614, + "recall": 83.80281690140845, + "main_score": 80.86854460093896 + }, + { + "hf_subset": "orv-eng", + "languages": [ + "orv-Cyrl", + "eng-Latn" + ], + "accuracy": 45.26946107784431, + "f1": 39.80235464678088, + "precision": 38.14342660001342, + "recall": 45.26946107784431, + "main_score": 39.80235464678088 + }, + { + "hf_subset": "ind-eng", + "languages": [ + "ind-Latn", + "eng-Latn" + ], + "accuracy": 94.3, + "f1": 92.9, + "precision": 92.26666666666668, + "recall": 94.3, + "main_score": 92.9 + }, + { + "hf_subset": "tuk-eng", + "languages": [ + "tuk-Latn", + "eng-Latn" + ], + "accuracy": 37.93103448275862, + "f1": 33.15192743764172, + "precision": 31.57456528146183, + "recall": 37.93103448275862, + "main_score": 33.15192743764172 + }, + { + "hf_subset": "max-eng", + "languages": [ + "max-Deva", + "eng-Latn" + ], + "accuracy": 69.01408450704226, + "f1": 63.41549295774648, + "precision": 61.342778895595806, + "recall": 69.01408450704226, + "main_score": 63.41549295774648 + }, + { + "hf_subset": "swh-eng", + "languages": [ + "swh-Latn", + "eng-Latn" + ], + "accuracy": 76.66666666666667, + "f1": 71.60705960705961, + "precision": 69.60683760683762, + "recall": 76.66666666666667, + "main_score": 71.60705960705961 + }, + { + "hf_subset": "hin-eng", + "languages": [ + "hin-Deva", + "eng-Latn" + ], + "accuracy": 95.8, + "f1": 94.48333333333333, + "precision": 93.83333333333333, + "recall": 95.8, + "main_score": 94.48333333333333 + }, + { + "hf_subset": "dsb-eng", + "languages": [ + "dsb-Latn", + "eng-Latn" + ], + "accuracy": 52.81837160751566, + "f1": 48.435977731384824, + "precision": 47.11291973845539, + "recall": 52.81837160751566, + "main_score": 48.435977731384824 + }, + { + "hf_subset": "ber-eng", + "languages": [ + "ber-Tfng", + "eng-Latn" + ], + "accuracy": 44.9, + "f1": 38.88962621607783, + "precision": 36.95936507936508, + "recall": 44.9, + "main_score": 38.88962621607783 + }, + { + "hf_subset": "tam-eng", + "languages": [ + "tam-Taml", + "eng-Latn" + ], + "accuracy": 90.55374592833876, + "f1": 88.22553125484721, + "precision": 87.26927252985884, + "recall": 90.55374592833876, + "main_score": 88.22553125484721 + }, + { + "hf_subset": "slk-eng", + "languages": [ + "slk-Latn", + "eng-Latn" + ], + "accuracy": 94.6, + "f1": 93.13333333333333, + "precision": 92.45333333333333, + "recall": 94.6, + "main_score": 93.13333333333333 + }, + { + "hf_subset": "tgl-eng", + "languages": [ + "tgl-Latn", + "eng-Latn" + ], + "accuracy": 93.7, + "f1": 91.99666666666667, + "precision": 91.26666666666668, + "recall": 93.7, + "main_score": 91.99666666666667 + }, + { + "hf_subset": "ast-eng", + "languages": [ + "ast-Latn", + "eng-Latn" + ], + "accuracy": 85.03937007874016, + "f1": 81.75853018372703, + "precision": 80.34120734908137, + "recall": 85.03937007874016, + "main_score": 81.75853018372703 + }, + { + "hf_subset": "mkd-eng", + "languages": [ + "mkd-Cyrl", + "eng-Latn" + ], + "accuracy": 88.3, + "f1": 85.5, + "precision": 84.25833333333334, + "recall": 88.3, + "main_score": 85.5 + }, + { + "hf_subset": "khm-eng", + "languages": [ + "khm-Khmr", + "eng-Latn" + ], + "accuracy": 65.51246537396122, + "f1": 60.02297410192148, + "precision": 58.133467727289236, + "recall": 65.51246537396122, + "main_score": 60.02297410192148 + }, + { + "hf_subset": "ces-eng", + "languages": [ + "ces-Latn", + "eng-Latn" + ], + "accuracy": 96, + "f1": 94.89, + "precision": 94.39166666666667, + "recall": 96, + "main_score": 94.89 + }, + { + "hf_subset": "tzl-eng", + "languages": [ + "tzl-Latn", + "eng-Latn" + ], + "accuracy": 57.692307692307686, + "f1": 53.162393162393165, + "precision": 51.70673076923077, + "recall": 57.692307692307686, + "main_score": 53.162393162393165 + }, + { + "hf_subset": "urd-eng", + "languages": [ + "urd-Arab", + "eng-Latn" + ], + "accuracy": 91.60000000000001, + "f1": 89.21190476190475, + "precision": 88.08666666666667, + "recall": 91.60000000000001, + "main_score": 89.21190476190475 + }, + { + "hf_subset": "ara-eng", + "languages": [ + "ara-Arab", + "eng-Latn" + ], + "accuracy": 88, + "f1": 85.47, + "precision": 84.43266233766234, + "recall": 88, + "main_score": 85.47 + }, + { + "hf_subset": "kor-eng", + "languages": [ + "kor-Hang", + "eng-Latn" + ], + "accuracy": 92.7, + "f1": 90.64999999999999, + "precision": 89.68333333333332, + "recall": 92.7, + "main_score": 90.64999999999999 + }, + { + "hf_subset": "yid-eng", + "languages": [ + "yid-Hebr", + "eng-Latn" + ], + "accuracy": 80.30660377358491, + "f1": 76.33044137466307, + "precision": 74.78970125786164, + "recall": 80.30660377358491, + "main_score": 76.33044137466307 + }, + { + "hf_subset": "fin-eng", + "languages": [ + "fin-Latn", + "eng-Latn" + ], + "accuracy": 96.39999999999999, + "f1": 95.44, + "precision": 94.99166666666666, + "recall": 96.39999999999999, + "main_score": 95.44 + }, + { + "hf_subset": "tha-eng", + "languages": [ + "tha-Thai", + "eng-Latn" + ], + "accuracy": 96.53284671532847, + "f1": 95.37712895377129, + "precision": 94.7992700729927, + "recall": 96.53284671532847, + "main_score": 95.37712895377129 + }, + { + "hf_subset": "wuu-eng", + "languages": [ + "wuu-Hans", + "eng-Latn" + ], + "accuracy": 89, + "f1": 86.23190476190476, + "precision": 85.035, + "recall": 89, + "main_score": 86.23190476190476 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/Touche2020.json b/results/intfloat__multilingual-e5-large/external/Touche2020.json new file mode 100644 index 000000000..d0c5f638d --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.585, + "map_at_10": 9.012, + "map_at_100": 14.027000000000001, + "map_at_1000": 15.565000000000001, + "map_at_3": 5.032, + "map_at_5": 6.657, + "mrr_at_1": 28.571, + "mrr_at_10": 45.377, + "mrr_at_100": 46.119, + "mrr_at_1000": 46.127, + "mrr_at_3": 41.156, + "mrr_at_5": 42.585, + "ndcg_at_1": 27.551, + "ndcg_at_10": 23.395, + "ndcg_at_100": 33.342, + "ndcg_at_1000": 45.523, + "ndcg_at_3": 25.158, + "ndcg_at_5": 23.427, + "precision_at_1": 28.571, + "precision_at_10": 21.429000000000002, + "precision_at_100": 6.714, + "precision_at_1000": 1.473, + "precision_at_3": 27.211000000000002, + "precision_at_5": 24.490000000000002, + "recall_at_1": 2.585, + "recall_at_10": 15.418999999999999, + "recall_at_100": 42.485, + "recall_at_1000": 79.536, + "recall_at_3": 6.239999999999999, + "recall_at_5": 8.996, + "main_score": 23.395 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/ToxicConversationsClassification.json b/results/intfloat__multilingual-e5-large/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..80ae5ede2 --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.3234, + "ap": 14.361688653847423, + "f1": 54.819068624319044, + "main_score": 71.3234 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/TweetSentimentExtractionClassification.json b/results/intfloat__multilingual-e5-large/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..a8e219e85 --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.97792869269949, + "f1": 62.28965628513728, + "main_score": 61.97792869269949 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/TwentyNewsgroupsClustering.json b/results/intfloat__multilingual-e5-large/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..21ee17493 --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.90540145385218, + "main_score": 38.90540145385218 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/TwitterSemEval2015.json b/results/intfloat__multilingual-e5-large/external/TwitterSemEval2015.json new file mode 100644 index 000000000..85c873d8e --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 86.53513739047506, + "cos_sim_ap": 75.27741586677557, + "cos_sim_f1": 69.18792902473774, + "cos_sim_precision": 67.94708725515136, + "cos_sim_recall": 70.47493403693932, + "dot_accuracy": 84.7052512368123, + "dot_ap": 69.36075482849378, + "dot_f1": 64.44688376631296, + "dot_precision": 59.92288500793831, + "dot_recall": 69.70976253298153, + "euclidean_accuracy": 86.60666388508076, + "euclidean_ap": 75.47512772621097, + "euclidean_f1": 69.413872536473, + "euclidean_precision": 67.39562624254472, + "euclidean_recall": 71.55672823218997, + "manhattan_accuracy": 86.52917684925792, + "manhattan_ap": 75.34000110496703, + "manhattan_f1": 69.28489190226429, + "manhattan_precision": 67.24608889992551, + "manhattan_recall": 71.45118733509234, + "max_accuracy": 86.60666388508076, + "max_ap": 75.47512772621097, + "max_f1": 69.413872536473, + "main_score": 75.47512772621097 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/TwitterURLCorpus.json b/results/intfloat__multilingual-e5-large/external/TwitterURLCorpus.json new file mode 100644 index 000000000..e056ded0c --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.01695967710637, + "cos_sim_ap": 85.8298270742901, + "cos_sim_f1": 78.46988128389272, + "cos_sim_precision": 74.86017897091722, + "cos_sim_recall": 82.44533415460425, + "dot_accuracy": 88.19420188613343, + "dot_ap": 83.82679165901324, + "dot_f1": 76.55833777304208, + "dot_precision": 75.6884875846501, + "dot_recall": 77.44841392054204, + "euclidean_accuracy": 89.03054294252338, + "euclidean_ap": 85.89089555185325, + "euclidean_f1": 78.62997658079624, + "euclidean_precision": 74.92329149232914, + "euclidean_recall": 82.72251308900523, + "manhattan_accuracy": 89.0266620095471, + "manhattan_ap": 85.86458997929147, + "manhattan_f1": 78.50685331000291, + "manhattan_precision": 74.5499861534201, + "manhattan_recall": 82.90729904527257, + "max_accuracy": 89.03054294252338, + "max_ap": 85.89089555185325, + "max_f1": 78.62997658079624, + "main_score": 85.89089555185325 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-large/external/model_meta.json b/results/intfloat__multilingual-e5-large/external/model_meta.json new file mode 100644 index 000000000..fe8df5e5f --- /dev/null +++ b/results/intfloat__multilingual-e5-large/external/model_meta.json @@ -0,0 +1,117 @@ +{ + "name": "intfloat/multilingual-e5-large", + "revision": "ab10c1a7f42e74530fe7ae5be82e6d4f11a719eb", + "release_date": "2023-06-30", + "languages": [ + "multilingual", + "af", + "am", + "ar", + "as", + "az", + "be", + "bg", + "bn", + "br", + "bs", + "ca", + "cs", + "cy", + "da", + "de", + "el", + "en", + "eo", + "es", + "et", + "eu", + "fa", + "fi", + "fr", + "fy", + "ga", + "gd", + "gl", + "gu", + "ha", + "he", + "hi", + "hr", + "hu", + "hy", + "id", + "is", + "it", + "ja", + "jv", + "ka", + "kk", + "km", + "kn", + "ko", + "ku", + "ky", + "la", + "lo", + "lt", + "lv", + "mg", + "mk", + "ml", + "mn", + "mr", + "ms", + "my", + "ne", + "nl", + "no", + "om", + "or", + "pa", + "pl", + "ps", + "pt", + "ro", + "ru", + "sa", + "sd", + "si", + "sk", + "sl", + "so", + "sq", + "sr", + "su", + "sv", + "sw", + "ta", + "te", + "th", + "tl", + "tr", + "ug", + "uk", + "ur", + "uz", + "vi", + "xh", + "yi", + "zh" + ], + "loader": null, + "n_parameters": 559890946, + "memory_usage": null, + "max_tokens": 514, + "embed_dim": 1024, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/AmazonCounterfactualClassification.json b/results/intfloat__multilingual-e5-small/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..1c8624821 --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/AmazonCounterfactualClassification.json @@ -0,0 +1,50 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.79104477611939, + "ap": 36.9996434842022, + "f1": 67.95453679103099, + "main_score": 73.79104477611939 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 71.64882226980728, + "ap": 82.11942130026586, + "f1": 69.87963421606715, + "main_score": 71.64882226980728 + }, + { + "hf_subset": "en-ext", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.8095952023988, + "ap": 24.46869495579561, + "f1": 63.00108480037597, + "main_score": 75.8095952023988 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 64.186295503212, + "ap": 15.496804690197042, + "f1": 52.07153895475031, + "main_score": 64.186295503212 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/AmazonPolarityClassification.json b/results/intfloat__multilingual-e5-small/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..95138dc7f --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 88.699325, + "ap": 85.27039559917269, + "f1": 88.65556295032513, + "main_score": 88.699325 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/AmazonReviewsClassification.json b/results/intfloat__multilingual-e5-small/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..7c74a450c --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/AmazonReviewsClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 44.69799999999999, + "f1": 43.73187348654165, + "main_score": 44.69799999999999 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 40.245999999999995, + "f1": 39.3863530637684, + "main_score": 40.245999999999995 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 40.394, + "f1": 39.301223469483446, + "main_score": 40.394 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 38.864, + "f1": 37.97974261868003, + "main_score": 38.864 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 37.682, + "f1": 37.07399369768313, + "main_score": 37.682 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 37.504, + "f1": 36.62317273874278, + "main_score": 37.504 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/ArguAna.json b/results/intfloat__multilingual-e5-small/external/ArguAna.json new file mode 100644 index 000000000..d524bf993 --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.061, + "map_at_10": 31.703, + "map_at_100": 32.967, + "map_at_1000": 33.001000000000005, + "map_at_3": 27.466, + "map_at_5": 29.564, + "mrr_at_1": 19.559, + "mrr_at_10": 31.874999999999996, + "mrr_at_100": 33.146, + "mrr_at_1000": 33.18, + "mrr_at_3": 27.667, + "mrr_at_5": 29.74, + "ndcg_at_1": 19.061, + "ndcg_at_10": 39.062999999999995, + "ndcg_at_100": 45.184000000000005, + "ndcg_at_1000": 46.115, + "ndcg_at_3": 30.203000000000003, + "ndcg_at_5": 33.953, + "precision_at_1": 19.061, + "precision_at_10": 6.279999999999999, + "precision_at_100": 0.9129999999999999, + "precision_at_1000": 0.099, + "precision_at_3": 12.706999999999999, + "precision_at_5": 9.431000000000001, + "recall_at_1": 19.061, + "recall_at_10": 62.802, + "recall_at_100": 91.323, + "recall_at_1000": 98.72, + "recall_at_3": 38.122, + "recall_at_5": 47.155, + "main_score": 39.062999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/ArxivClusteringP2P.json b/results/intfloat__multilingual-e5-small/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..48ed95bca --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.22266660528253, + "main_score": 39.22266660528253 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/ArxivClusteringS2S.json b/results/intfloat__multilingual-e5-small/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..4d6f97266 --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.79980849482483, + "main_score": 30.79980849482483 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/AskUbuntuDupQuestions.json b/results/intfloat__multilingual-e5-small/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..8513322e9 --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 57.8790068352054, + "mrr": 71.78791276436706, + "main_score": 57.8790068352054 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/BIOSSES.json b/results/intfloat__multilingual-e5-small/external/BIOSSES.json new file mode 100644 index 000000000..42acb6a75 --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.36328364043163, + "cos_sim_spearman": 82.26211536195868, + "euclidean_pearson": 80.3183865039173, + "euclidean_spearman": 79.88495276296132, + "manhattan_pearson": 80.14484480692127, + "manhattan_spearman": 80.39279565980743, + "cosine_pearson": 82.36328364043163, + "cosine_spearman": 82.26211536195868, + "main_score": 82.26211536195868 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/BUCC.json b/results/intfloat__multilingual-e5-small/external/BUCC.json new file mode 100644 index 000000000..2bd7c5525 --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/BUCC.json @@ -0,0 +1,70 @@ +{ + "dataset_revision": "d51519689f32196a32af33b075a01d0e7c51e252", + "task_name": "BUCC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "accuracy": 98.0375782881002, + "f1": 97.86012526096033, + "precision": 97.77139874739039, + "recall": 98.0375782881002, + "main_score": 97.86012526096033 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "accuracy": 93.35241030156286, + "f1": 92.66050333846944, + "precision": 92.3306919069631, + "recall": 93.35241030156286, + "main_score": 92.66050333846944 + }, + { + "hf_subset": "ru-en", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "accuracy": 94.0699688257707, + "f1": 93.50236693222492, + "precision": 93.22791825424315, + "recall": 94.0699688257707, + "main_score": 93.50236693222492 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "accuracy": 89.25750394944708, + "f1": 88.79234684921889, + "precision": 88.57293312269616, + "recall": 89.25750394944708, + "main_score": 88.79234684921889 + }, + { + "hf_subset": "ru-en", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "accuracy": 95.72566678212678, + "f1": 94.42443135896548, + "main_score": 94.42443135896548, + "precision": 93.80868260016165, + "recall": 95.72566678212678 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/Banking77Classification.json b/results/intfloat__multilingual-e5-small/external/Banking77Classification.json new file mode 100644 index 000000000..23ef01fad --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.41558441558442, + "f1": 79.25886487487219, + "main_score": 79.41558441558442 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/BelebeleRetrieval.json b/results/intfloat__multilingual-e5-small/external/BelebeleRetrieval.json new file mode 100644 index 000000000..7167e1f00 --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/BelebeleRetrieval.json @@ -0,0 +1,454 @@ +{ + "dataset_revision": "75b399394a9803252cfec289d103de462763db7c", + "task_name": "BelebeleRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "rus_Cyrl-rus_Cyrl", + "languages": [ + "rus-Cyrl", + "rus-Cyrl" + ], + "main_score": 92.23599999999999, + "map_at_1": 87.111, + "map_at_10": 90.717, + "map_at_100": 90.879, + "map_at_1000": 90.881, + "map_at_20": 90.849, + "map_at_3": 90.074, + "map_at_5": 90.535, + "mrr_at_1": 87.1111111111111, + "mrr_at_10": 90.7173721340388, + "mrr_at_100": 90.87859682638407, + "mrr_at_1000": 90.88093553612326, + "mrr_at_20": 90.84863516113515, + "mrr_at_3": 90.07407407407409, + "mrr_at_5": 90.53518518518521, + "nauc_map_at_1000_diff1": 92.37373187280554, + "nauc_map_at_1000_max": 79.90465445423249, + "nauc_map_at_1000_std": -0.6220290556185463, + "nauc_map_at_100_diff1": 92.37386697345335, + "nauc_map_at_100_max": 79.90991577223959, + "nauc_map_at_100_std": -0.602247514642845, + "nauc_map_at_10_diff1": 92.30907447072467, + "nauc_map_at_10_max": 79.86831935337598, + "nauc_map_at_10_std": -0.7455191860719699, + "nauc_map_at_1_diff1": 93.29828518358822, + "nauc_map_at_1_max": 78.69539619887887, + "nauc_map_at_1_std": -4.097150817605763, + "nauc_map_at_20_diff1": 92.38414149703077, + "nauc_map_at_20_max": 79.94789814504661, + "nauc_map_at_20_std": -0.3928031130400773, + "nauc_map_at_3_diff1": 92.21688899306734, + "nauc_map_at_3_max": 80.34586671780885, + "nauc_map_at_3_std": 0.24088319695435909, + "nauc_map_at_5_diff1": 92.27931726042982, + "nauc_map_at_5_max": 79.99198834003367, + "nauc_map_at_5_std": -0.6296366922840796, + "nauc_mrr_at_1000_diff1": 92.37373187280554, + "nauc_mrr_at_1000_max": 79.90465445423249, + "nauc_mrr_at_1000_std": -0.6220290556185463, + "nauc_mrr_at_100_diff1": 92.37386697345335, + "nauc_mrr_at_100_max": 79.90991577223959, + "nauc_mrr_at_100_std": -0.602247514642845, + "nauc_mrr_at_10_diff1": 92.30907447072467, + "nauc_mrr_at_10_max": 79.86831935337598, + "nauc_mrr_at_10_std": -0.7455191860719699, + "nauc_mrr_at_1_diff1": 93.29828518358822, + "nauc_mrr_at_1_max": 78.69539619887887, + "nauc_mrr_at_1_std": -4.097150817605763, + "nauc_mrr_at_20_diff1": 92.38414149703077, + "nauc_mrr_at_20_max": 79.94789814504661, + "nauc_mrr_at_20_std": -0.3928031130400773, + "nauc_mrr_at_3_diff1": 92.21688899306734, + "nauc_mrr_at_3_max": 80.34586671780885, + "nauc_mrr_at_3_std": 0.24088319695435909, + "nauc_mrr_at_5_diff1": 92.27931726042982, + "nauc_mrr_at_5_max": 79.99198834003367, + "nauc_mrr_at_5_std": -0.6296366922840796, + "nauc_ndcg_at_1000_diff1": 92.30526497646306, + "nauc_ndcg_at_1000_max": 80.12734537480418, + "nauc_ndcg_at_1000_std": 0.22849408935578744, + "nauc_ndcg_at_100_diff1": 92.31347123202318, + "nauc_ndcg_at_100_max": 80.29207038703142, + "nauc_ndcg_at_100_std": 0.816825944406239, + "nauc_ndcg_at_10_diff1": 92.05430189845808, + "nauc_ndcg_at_10_max": 80.16515667442968, + "nauc_ndcg_at_10_std": 0.7486447532544893, + "nauc_ndcg_at_1_diff1": 93.29828518358822, + "nauc_ndcg_at_1_max": 78.69539619887887, + "nauc_ndcg_at_1_std": -4.097150817605763, + "nauc_ndcg_at_20_diff1": 92.40147868825079, + "nauc_ndcg_at_20_max": 80.5117307181802, + "nauc_ndcg_at_20_std": 2.0431351539517033, + "nauc_ndcg_at_3_diff1": 91.88894444422789, + "nauc_ndcg_at_3_max": 81.09256084196045, + "nauc_ndcg_at_3_std": 2.422705909643621, + "nauc_ndcg_at_5_diff1": 91.99711052955728, + "nauc_ndcg_at_5_max": 80.46996334573979, + "nauc_ndcg_at_5_std": 0.9086986899040708, + "nauc_precision_at_1000_diff1": NaN, + "nauc_precision_at_1000_max": NaN, + "nauc_precision_at_1000_std": NaN, + "nauc_precision_at_100_diff1": 93.46405228758012, + "nauc_precision_at_100_max": 100.0, + "nauc_precision_at_100_std": 70.71661998132774, + "nauc_precision_at_10_diff1": 90.13938908896874, + "nauc_precision_at_10_max": 82.21121782046167, + "nauc_precision_at_10_std": 13.075230092036083, + "nauc_precision_at_1_diff1": 93.29828518358822, + "nauc_precision_at_1_max": 78.69539619887887, + "nauc_precision_at_1_std": -4.097150817605763, + "nauc_precision_at_20_diff1": 94.9723479135242, + "nauc_precision_at_20_max": 91.04000574588684, + "nauc_precision_at_20_std": 48.764634058749586, + "nauc_precision_at_3_diff1": 90.52690041533852, + "nauc_precision_at_3_max": 84.35075179497126, + "nauc_precision_at_3_std": 12.036768730480507, + "nauc_precision_at_5_diff1": 90.44234360410769, + "nauc_precision_at_5_max": 83.21895424836558, + "nauc_precision_at_5_std": 9.974323062558037, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": 93.46405228758294, + "nauc_recall_at_100_max": 100.0, + "nauc_recall_at_100_std": 70.71661998132666, + "nauc_recall_at_10_diff1": 90.13938908896864, + "nauc_recall_at_10_max": 82.21121782046124, + "nauc_recall_at_10_std": 13.075230092036506, + "nauc_recall_at_1_diff1": 93.29828518358822, + "nauc_recall_at_1_max": 78.69539619887887, + "nauc_recall_at_1_std": -4.097150817605763, + "nauc_recall_at_20_diff1": 94.97234791352489, + "nauc_recall_at_20_max": 91.04000574588774, + "nauc_recall_at_20_std": 48.764634058752065, + "nauc_recall_at_3_diff1": 90.52690041533845, + "nauc_recall_at_3_max": 84.35075179497079, + "nauc_recall_at_3_std": 12.036768730480583, + "nauc_recall_at_5_diff1": 90.44234360410861, + "nauc_recall_at_5_max": 83.21895424836595, + "nauc_recall_at_5_std": 9.974323062558147, + "ndcg_at_1": 87.111, + "ndcg_at_10": 92.23599999999999, + "ndcg_at_100": 92.87100000000001, + "ndcg_at_1000": 92.928, + "ndcg_at_20": 92.67699999999999, + "ndcg_at_3": 90.973, + "ndcg_at_5": 91.801, + "precision_at_1": 87.111, + "precision_at_10": 9.689, + "precision_at_100": 0.996, + "precision_at_1000": 0.1, + "precision_at_20": 4.928, + "precision_at_3": 31.185000000000002, + "precision_at_5": 19.111, + "recall_at_1": 87.111, + "recall_at_10": 96.88900000000001, + "recall_at_100": 99.556, + "recall_at_1000": 100.0, + "recall_at_20": 98.556, + "recall_at_3": 93.556, + "recall_at_5": 95.556 + }, + { + "hf_subset": "rus_Cyrl-eng_Latn", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "main_score": 86.615, + "map_at_1": 78.0, + "map_at_10": 83.822, + "map_at_100": 84.033, + "map_at_1000": 84.03500000000001, + "map_at_20": 83.967, + "map_at_3": 82.315, + "map_at_5": 83.337, + "mrr_at_1": 78.0, + "mrr_at_10": 83.82213403880073, + "mrr_at_100": 84.03281327810801, + "mrr_at_1000": 84.03460051000452, + "mrr_at_20": 83.9673773122303, + "mrr_at_3": 82.31481481481484, + "mrr_at_5": 83.33703703703708, + "nauc_map_at_1000_diff1": 80.78467576987832, + "nauc_map_at_1000_max": 51.41718334647604, + "nauc_map_at_1000_std": -16.23873782768812, + "nauc_map_at_100_diff1": 80.78490931240695, + "nauc_map_at_100_max": 51.41504597713061, + "nauc_map_at_100_std": -16.23538559475366, + "nauc_map_at_10_diff1": 80.73989245374868, + "nauc_map_at_10_max": 51.43026079433827, + "nauc_map_at_10_std": -16.13414330905897, + "nauc_map_at_1_diff1": 82.36966971144186, + "nauc_map_at_1_max": 52.988877039509916, + "nauc_map_at_1_std": -15.145824639495546, + "nauc_map_at_20_diff1": 80.75923781626145, + "nauc_map_at_20_max": 51.40181079374639, + "nauc_map_at_20_std": -16.260566097377165, + "nauc_map_at_3_diff1": 80.65242627065471, + "nauc_map_at_3_max": 50.623980338841214, + "nauc_map_at_3_std": -16.818343442794294, + "nauc_map_at_5_diff1": 80.45976387021862, + "nauc_map_at_5_max": 51.533621728445866, + "nauc_map_at_5_std": -16.279891536945815, + "nauc_mrr_at_1000_diff1": 80.78467576987832, + "nauc_mrr_at_1000_max": 51.41718334647604, + "nauc_mrr_at_1000_std": -16.23873782768812, + "nauc_mrr_at_100_diff1": 80.78490931240695, + "nauc_mrr_at_100_max": 51.41504597713061, + "nauc_mrr_at_100_std": -16.23538559475366, + "nauc_mrr_at_10_diff1": 80.73989245374868, + "nauc_mrr_at_10_max": 51.43026079433827, + "nauc_mrr_at_10_std": -16.13414330905897, + "nauc_mrr_at_1_diff1": 82.36966971144186, + "nauc_mrr_at_1_max": 52.988877039509916, + "nauc_mrr_at_1_std": -15.145824639495546, + "nauc_mrr_at_20_diff1": 80.75923781626145, + "nauc_mrr_at_20_max": 51.40181079374639, + "nauc_mrr_at_20_std": -16.260566097377165, + "nauc_mrr_at_3_diff1": 80.65242627065471, + "nauc_mrr_at_3_max": 50.623980338841214, + "nauc_mrr_at_3_std": -16.818343442794294, + "nauc_mrr_at_5_diff1": 80.45976387021862, + "nauc_mrr_at_5_max": 51.533621728445866, + "nauc_mrr_at_5_std": -16.279891536945815, + "nauc_ndcg_at_1000_diff1": 80.60009446938174, + "nauc_ndcg_at_1000_max": 51.381708043594166, + "nauc_ndcg_at_1000_std": -16.054256944160848, + "nauc_ndcg_at_100_diff1": 80.58971462930421, + "nauc_ndcg_at_100_max": 51.25436917735444, + "nauc_ndcg_at_100_std": -15.862944972269894, + "nauc_ndcg_at_10_diff1": 80.37967179454489, + "nauc_ndcg_at_10_max": 51.590394257251006, + "nauc_ndcg_at_10_std": -15.489799384799591, + "nauc_ndcg_at_1_diff1": 82.36966971144186, + "nauc_ndcg_at_1_max": 52.988877039509916, + "nauc_ndcg_at_1_std": -15.145824639495546, + "nauc_ndcg_at_20_diff1": 80.40299527470081, + "nauc_ndcg_at_20_max": 51.395132284307074, + "nauc_ndcg_at_20_std": -15.906165526937203, + "nauc_ndcg_at_3_diff1": 80.10347913649302, + "nauc_ndcg_at_3_max": 50.018431855573844, + "nauc_ndcg_at_3_std": -17.12743750163884, + "nauc_ndcg_at_5_diff1": 79.65918647776613, + "nauc_ndcg_at_5_max": 51.76710880330806, + "nauc_ndcg_at_5_std": -16.071901882035945, + "nauc_precision_at_1000_diff1": NaN, + "nauc_precision_at_1000_max": NaN, + "nauc_precision_at_1000_std": NaN, + "nauc_precision_at_100_diff1": 77.41596638655459, + "nauc_precision_at_100_max": 22.572362278246565, + "nauc_precision_at_100_std": 26.890756302525716, + "nauc_precision_at_10_diff1": 77.82112845138009, + "nauc_precision_at_10_max": 54.2550353474723, + "nauc_precision_at_10_std": -7.492997198879646, + "nauc_precision_at_1_diff1": 82.36966971144186, + "nauc_precision_at_1_max": 52.988877039509916, + "nauc_precision_at_1_std": -15.145824639495546, + "nauc_precision_at_20_diff1": 75.89091192032318, + "nauc_precision_at_20_max": 52.03275754746293, + "nauc_precision_at_20_std": -7.8411920323686175, + "nauc_precision_at_3_diff1": 78.0256020644638, + "nauc_precision_at_3_max": 47.80353641248523, + "nauc_precision_at_3_std": -18.181625255723503, + "nauc_precision_at_5_diff1": 75.21583976056174, + "nauc_precision_at_5_max": 53.716281032960765, + "nauc_precision_at_5_std": -14.411700753360812, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": 77.4159663865523, + "nauc_recall_at_100_max": 22.57236227824646, + "nauc_recall_at_100_std": 26.89075630252133, + "nauc_recall_at_10_diff1": 77.82112845138037, + "nauc_recall_at_10_max": 54.25503534747204, + "nauc_recall_at_10_std": -7.492997198879666, + "nauc_recall_at_1_diff1": 82.36966971144186, + "nauc_recall_at_1_max": 52.988877039509916, + "nauc_recall_at_1_std": -15.145824639495546, + "nauc_recall_at_20_diff1": 75.89091192032362, + "nauc_recall_at_20_max": 52.032757547463184, + "nauc_recall_at_20_std": -7.84119203236888, + "nauc_recall_at_3_diff1": 78.02560206446354, + "nauc_recall_at_3_max": 47.80353641248526, + "nauc_recall_at_3_std": -18.181625255723656, + "nauc_recall_at_5_diff1": 75.21583976056185, + "nauc_recall_at_5_max": 53.71628103296118, + "nauc_recall_at_5_std": -14.411700753360634, + "ndcg_at_1": 78.0, + "ndcg_at_10": 86.615, + "ndcg_at_100": 87.558, + "ndcg_at_1000": 87.613, + "ndcg_at_20": 87.128, + "ndcg_at_3": 83.639, + "ndcg_at_5": 85.475, + "precision_at_1": 78.0, + "precision_at_10": 9.533, + "precision_at_100": 0.996, + "precision_at_1000": 0.1, + "precision_at_20": 4.867, + "precision_at_3": 29.148000000000003, + "precision_at_5": 18.378, + "recall_at_1": 78.0, + "recall_at_10": 95.333, + "recall_at_100": 99.556, + "recall_at_1000": 100.0, + "recall_at_20": 97.333, + "recall_at_3": 87.444, + "recall_at_5": 91.889 + }, + { + "hf_subset": "eng_Latn-rus_Cyrl", + "languages": [ + "eng-Latn", + "rus-Cyrl" + ], + "main_score": 82.748, + "map_at_1": 73.444, + "map_at_10": 79.857, + "map_at_100": 80.219, + "map_at_1000": 80.22500000000001, + "map_at_20": 80.10300000000001, + "map_at_3": 78.593, + "map_at_5": 79.515, + "mrr_at_1": 73.44444444444444, + "mrr_at_10": 79.85705467372136, + "mrr_at_100": 80.21942320422542, + "mrr_at_1000": 80.2245364027152, + "mrr_at_20": 80.10273201266493, + "mrr_at_3": 78.59259259259258, + "mrr_at_5": 79.51481481481483, + "nauc_map_at_1000_diff1": 83.69682652271125, + "nauc_map_at_1000_max": 61.70131708044767, + "nauc_map_at_1000_std": 9.345825405274955, + "nauc_map_at_100_diff1": 83.68924820523492, + "nauc_map_at_100_max": 61.6965735573098, + "nauc_map_at_100_std": 9.366132859525775, + "nauc_map_at_10_diff1": 83.61802964269985, + "nauc_map_at_10_max": 61.74274476167882, + "nauc_map_at_10_std": 9.504060995819101, + "nauc_map_at_1_diff1": 86.37079221403225, + "nauc_map_at_1_max": 61.856861655370686, + "nauc_map_at_1_std": 4.708911881992707, + "nauc_map_at_20_diff1": 83.62920965453047, + "nauc_map_at_20_max": 61.761029350326965, + "nauc_map_at_20_std": 9.572978651118351, + "nauc_map_at_3_diff1": 83.66665673154306, + "nauc_map_at_3_max": 61.13597610587937, + "nauc_map_at_3_std": 9.309596395240598, + "nauc_map_at_5_diff1": 83.52307226455358, + "nauc_map_at_5_max": 61.59405758027573, + "nauc_map_at_5_std": 9.320025423287671, + "nauc_mrr_at_1000_diff1": 83.69682652271125, + "nauc_mrr_at_1000_max": 61.70131708044767, + "nauc_mrr_at_1000_std": 9.345825405274955, + "nauc_mrr_at_100_diff1": 83.68924820523492, + "nauc_mrr_at_100_max": 61.6965735573098, + "nauc_mrr_at_100_std": 9.366132859525775, + "nauc_mrr_at_10_diff1": 83.61802964269985, + "nauc_mrr_at_10_max": 61.74274476167882, + "nauc_mrr_at_10_std": 9.504060995819101, + "nauc_mrr_at_1_diff1": 86.37079221403225, + "nauc_mrr_at_1_max": 61.856861655370686, + "nauc_mrr_at_1_std": 4.708911881992707, + "nauc_mrr_at_20_diff1": 83.62920965453047, + "nauc_mrr_at_20_max": 61.761029350326965, + "nauc_mrr_at_20_std": 9.572978651118351, + "nauc_mrr_at_3_diff1": 83.66665673154306, + "nauc_mrr_at_3_max": 61.13597610587937, + "nauc_mrr_at_3_std": 9.309596395240598, + "nauc_mrr_at_5_diff1": 83.52307226455358, + "nauc_mrr_at_5_max": 61.59405758027573, + "nauc_mrr_at_5_std": 9.320025423287671, + "nauc_ndcg_at_1000_diff1": 83.24213186482201, + "nauc_ndcg_at_1000_max": 61.77629841787496, + "nauc_ndcg_at_1000_std": 10.332527869705851, + "nauc_ndcg_at_100_diff1": 83.06815820441027, + "nauc_ndcg_at_100_max": 61.6947181864579, + "nauc_ndcg_at_100_std": 10.888922975877316, + "nauc_ndcg_at_10_diff1": 82.58238431386295, + "nauc_ndcg_at_10_max": 62.10333663935709, + "nauc_ndcg_at_10_std": 11.746030330958174, + "nauc_ndcg_at_1_diff1": 86.37079221403225, + "nauc_ndcg_at_1_max": 61.856861655370686, + "nauc_ndcg_at_1_std": 4.708911881992707, + "nauc_ndcg_at_20_diff1": 82.67888324480154, + "nauc_ndcg_at_20_max": 62.28124917486516, + "nauc_ndcg_at_20_std": 12.343058917563914, + "nauc_ndcg_at_3_diff1": 82.71277373710663, + "nauc_ndcg_at_3_max": 60.66677922989939, + "nauc_ndcg_at_3_std": 10.843633736296528, + "nauc_ndcg_at_5_diff1": 82.34691124846786, + "nauc_ndcg_at_5_max": 61.605961382062716, + "nauc_ndcg_at_5_std": 11.129011077702602, + "nauc_precision_at_1000_diff1": NaN, + "nauc_precision_at_1000_max": NaN, + "nauc_precision_at_1000_std": NaN, + "nauc_precision_at_100_diff1": 60.93103908230194, + "nauc_precision_at_100_max": 52.621048419370695, + "nauc_precision_at_100_std": 85.60090702947922, + "nauc_precision_at_10_diff1": 76.26517273576093, + "nauc_precision_at_10_max": 65.2013694366636, + "nauc_precision_at_10_std": 26.50357920946173, + "nauc_precision_at_1_diff1": 86.37079221403225, + "nauc_precision_at_1_max": 61.856861655370686, + "nauc_precision_at_1_std": 4.708911881992707, + "nauc_precision_at_20_diff1": 73.47946930710295, + "nauc_precision_at_20_max": 70.19520986689217, + "nauc_precision_at_20_std": 45.93186111653967, + "nauc_precision_at_3_diff1": 79.02026879450186, + "nauc_precision_at_3_max": 58.75074624692399, + "nauc_precision_at_3_std": 16.740684654251037, + "nauc_precision_at_5_diff1": 76.47585662281637, + "nauc_precision_at_5_max": 61.86270922013127, + "nauc_precision_at_5_std": 20.1833625455035, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": 60.93103908229921, + "nauc_recall_at_100_max": 52.62104841936668, + "nauc_recall_at_100_std": 85.60090702947748, + "nauc_recall_at_10_diff1": 76.26517273576097, + "nauc_recall_at_10_max": 65.20136943666347, + "nauc_recall_at_10_std": 26.50357920946174, + "nauc_recall_at_1_diff1": 86.37079221403225, + "nauc_recall_at_1_max": 61.856861655370686, + "nauc_recall_at_1_std": 4.708911881992707, + "nauc_recall_at_20_diff1": 73.47946930710269, + "nauc_recall_at_20_max": 70.19520986689254, + "nauc_recall_at_20_std": 45.93186111653943, + "nauc_recall_at_3_diff1": 79.02026879450173, + "nauc_recall_at_3_max": 58.750746246923924, + "nauc_recall_at_3_std": 16.740684654251076, + "nauc_recall_at_5_diff1": 76.4758566228162, + "nauc_recall_at_5_max": 61.862709220131386, + "nauc_recall_at_5_std": 20.18336254550361, + "ndcg_at_1": 73.444, + "ndcg_at_10": 82.748, + "ndcg_at_100": 84.416, + "ndcg_at_1000": 84.52300000000001, + "ndcg_at_20": 83.646, + "ndcg_at_3": 80.267, + "ndcg_at_5": 81.922, + "precision_at_1": 73.444, + "precision_at_10": 9.167, + "precision_at_100": 0.992, + "precision_at_1000": 0.1, + "precision_at_20": 4.761, + "precision_at_3": 28.37, + "precision_at_5": 17.822, + "recall_at_1": 73.444, + "recall_at_10": 91.667, + "recall_at_100": 99.222, + "recall_at_1000": 100.0, + "recall_at_20": 95.222, + "recall_at_3": 85.111, + "recall_at_5": 89.11099999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/BibleNLPBitextMining.json b/results/intfloat__multilingual-e5-small/external/BibleNLPBitextMining.json new file mode 100644 index 000000000..0ea5c1576 --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/BibleNLPBitextMining.json @@ -0,0 +1,34 @@ +{ + "dataset_revision": "264a18480c529d9e922483839b4b9758e690b762", + "task_name": "BibleNLPBitextMining", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "train": [ + { + "hf_subset": "eng_Latn-rus_Cyrl", + "languages": [ + "eng-Latn", + "rus-Cyrl" + ], + "accuracy": 96.875, + "f1": 95.83333333333333, + "main_score": 95.83333333333333, + "precision": 95.3125, + "recall": 96.875 + }, + { + "hf_subset": "rus_Cyrl-eng_Latn", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "accuracy": 88.671875, + "f1": 85.3515625, + "main_score": 85.3515625, + "precision": 83.85416666666667, + "recall": 88.671875 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/BiorxivClusteringP2P.json b/results/intfloat__multilingual-e5-small/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..0edc44d1e --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.747820820329736, + "main_score": 35.747820820329736 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/BiorxivClusteringS2S.json b/results/intfloat__multilingual-e5-small/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..768c82915 --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 27.045143830596146, + "main_score": 27.045143830596146 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/CEDRClassification.json b/results/intfloat__multilingual-e5-small/external/CEDRClassification.json new file mode 100644 index 000000000..db939a75c --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/CEDRClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "c0ba03d058e3e1b2f3fd20518875a4563dd12db4", + "task_name": "CEDRClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 40.06907545164719, + "f1": 26.285000550712407, + "lrap": 64.4280021253997, + "main_score": 40.06907545164719 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/ClimateFEVER.json b/results/intfloat__multilingual-e5-small/external/ClimateFEVER.json new file mode 100644 index 000000000..08dd5b4af --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.024000000000001, + "map_at_10": 15.644, + "map_at_100": 17.154, + "map_at_1000": 17.345, + "map_at_3": 13.028, + "map_at_5": 14.251, + "mrr_at_1": 19.674, + "mrr_at_10": 29.826999999999998, + "mrr_at_100": 30.935000000000002, + "mrr_at_1000": 30.987, + "mrr_at_3": 26.645000000000003, + "mrr_at_5": 28.29, + "ndcg_at_1": 19.674, + "ndcg_at_10": 22.545, + "ndcg_at_100": 29.207, + "ndcg_at_1000": 32.912, + "ndcg_at_3": 17.952, + "ndcg_at_5": 19.363, + "precision_at_1": 19.674, + "precision_at_10": 7.212000000000001, + "precision_at_100": 1.435, + "precision_at_1000": 0.212, + "precision_at_3": 13.507, + "precision_at_5": 10.397, + "recall_at_1": 9.024000000000001, + "recall_at_10": 28.077999999999996, + "recall_at_100": 51.403, + "recall_at_1000": 72.406, + "recall_at_3": 16.768, + "recall_at_5": 20.737, + "main_score": 22.545 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/CyrillicTurkicLangClassification.json b/results/intfloat__multilingual-e5-small/external/CyrillicTurkicLangClassification.json new file mode 100644 index 000000000..eb0f55c5d --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/CyrillicTurkicLangClassification.json @@ -0,0 +1,28 @@ +{ + "dataset_revision": "e42d330f33d65b7b72dfd408883daf1661f06f18", + "task_name": "CyrillicTurkicLangClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "bak-Cyrl", + "chv-Cyrl", + "tat-Cyrl", + "kir-Cyrl", + "rus-Cyrl", + "kaz-Cyrl", + "tyv-Cyrl", + "krc-Cyrl", + "sah-Cyrl" + ], + "accuracy": 43.3447265625, + "f1": 40.08400146827895, + "f1_weighted": 40.08499428040896, + "main_score": 43.3447265625 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/DBPedia.json b/results/intfloat__multilingual-e5-small/external/DBPedia.json new file mode 100644 index 000000000..24658844a --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.012, + "map_at_10": 17.138, + "map_at_100": 24.146, + "map_at_1000": 25.622, + "map_at_3": 12.552, + "map_at_5": 14.435, + "mrr_at_1": 62.25000000000001, + "mrr_at_10": 71.186, + "mrr_at_100": 71.504, + "mrr_at_1000": 71.514, + "mrr_at_3": 69.333, + "mrr_at_5": 70.408, + "ndcg_at_1": 49.75, + "ndcg_at_10": 37.76, + "ndcg_at_100": 42.071, + "ndcg_at_1000": 49.309, + "ndcg_at_3": 41.644, + "ndcg_at_5": 39.812999999999995, + "precision_at_1": 62.25000000000001, + "precision_at_10": 30.15, + "precision_at_100": 9.753, + "precision_at_1000": 1.9189999999999998, + "precision_at_3": 45.667, + "precision_at_5": 39.15, + "recall_at_1": 8.012, + "recall_at_10": 22.599, + "recall_at_100": 48.068, + "recall_at_1000": 71.328, + "recall_at_3": 14.043, + "recall_at_5": 17.124, + "main_score": 37.76 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/EmotionClassification.json b/results/intfloat__multilingual-e5-small/external/EmotionClassification.json new file mode 100644 index 000000000..faa6f68b5 --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 42.455, + "f1": 37.59462649781862, + "main_score": 42.455 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/FEVER.json b/results/intfloat__multilingual-e5-small/external/FEVER.json new file mode 100644 index 000000000..57b25598e --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 58.092, + "map_at_10": 69.586, + "map_at_100": 69.968, + "map_at_1000": 69.982, + "map_at_3": 67.48100000000001, + "map_at_5": 68.915, + "mrr_at_1": 62.166, + "mrr_at_10": 73.588, + "mrr_at_100": 73.86399999999999, + "mrr_at_1000": 73.868, + "mrr_at_3": 71.6, + "mrr_at_5": 72.99, + "ndcg_at_1": 62.166, + "ndcg_at_10": 75.27199999999999, + "ndcg_at_100": 76.816, + "ndcg_at_1000": 77.09700000000001, + "ndcg_at_3": 71.36, + "ndcg_at_5": 73.785, + "precision_at_1": 62.166, + "precision_at_10": 9.716, + "precision_at_100": 1.065, + "precision_at_1000": 0.11, + "precision_at_3": 28.278, + "precision_at_5": 18.343999999999998, + "recall_at_1": 58.092, + "recall_at_10": 88.73400000000001, + "recall_at_100": 95.195, + "recall_at_1000": 97.04599999999999, + "recall_at_3": 78.45, + "recall_at_5": 84.316, + "main_score": 75.27199999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/FiQA2018.json b/results/intfloat__multilingual-e5-small/external/FiQA2018.json new file mode 100644 index 000000000..b2efeb4c9 --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.649, + "map_at_10": 26.457000000000004, + "map_at_100": 28.169, + "map_at_1000": 28.352, + "map_at_3": 23.305, + "map_at_5": 25.169000000000004, + "mrr_at_1": 32.407000000000004, + "mrr_at_10": 40.922, + "mrr_at_100": 41.931000000000004, + "mrr_at_1000": 41.983, + "mrr_at_3": 38.786, + "mrr_at_5": 40.205999999999996, + "ndcg_at_1": 32.407000000000004, + "ndcg_at_10": 33.314, + "ndcg_at_100": 40.312, + "ndcg_at_1000": 43.685, + "ndcg_at_3": 30.391000000000002, + "ndcg_at_5": 31.525, + "precision_at_1": 32.407000000000004, + "precision_at_10": 8.966000000000001, + "precision_at_100": 1.6019999999999999, + "precision_at_1000": 0.22200000000000003, + "precision_at_3": 20.165, + "precision_at_5": 14.722, + "recall_at_1": 16.649, + "recall_at_10": 39.117000000000004, + "recall_at_100": 65.726, + "recall_at_1000": 85.784, + "recall_at_3": 27.914, + "recall_at_5": 33.289, + "main_score": 33.314 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/FloresBitextMining.json b/results/intfloat__multilingual-e5-small/external/FloresBitextMining.json new file mode 100644 index 000000000..d71b309af --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/FloresBitextMining.json @@ -0,0 +1,4882 @@ +{ + "dataset_revision": "e6b647fcb6299a2f686f742f4d4c023e553ea67e", + "task_name": "FloresBitextMining", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "devtest": [ + { + "hf_subset": "ace_Arab-rus_Cyrl", + "languages": [ + "ace-Arab", + "rus-Cyrl" + ], + "accuracy": 6.225296442687747, + "f1": 5.5190958860075, + "main_score": 5.5190958860075, + "precision": 5.3752643758000005, + "recall": 6.225296442687747 + }, + { + "hf_subset": "bam_Latn-rus_Cyrl", + "languages": [ + "bam-Latn", + "rus-Cyrl" + ], + "accuracy": 68.37944664031622, + "f1": 64.54819836666252, + "main_score": 64.54819836666252, + "precision": 63.07479233454916, + "recall": 68.37944664031622 + }, + { + "hf_subset": "dzo_Tibt-rus_Cyrl", + "languages": [ + "dzo-Tibt", + "rus-Cyrl" + ], + "accuracy": 0.09881422924901186, + "f1": 0.00019509225912934226, + "main_score": 0.00019509225912934226, + "precision": 9.76425190207627e-05, + "recall": 0.09881422924901186 + }, + { + "hf_subset": "hin_Deva-rus_Cyrl", + "languages": [ + "hin-Deva", + "rus-Cyrl" + ], + "accuracy": 99.60474308300395, + "f1": 99.47299077733861, + "main_score": 99.47299077733861, + "precision": 99.40711462450594, + "recall": 99.60474308300395 + }, + { + "hf_subset": "khm_Khmr-rus_Cyrl", + "languages": [ + "khm-Khmr", + "rus-Cyrl" + ], + "accuracy": 88.83399209486166, + "f1": 87.71151056318254, + "main_score": 87.71151056318254, + "precision": 87.32012500709193, + "recall": 88.83399209486166 + }, + { + "hf_subset": "mag_Deva-rus_Cyrl", + "languages": [ + "mag-Deva", + "rus-Cyrl" + ], + "accuracy": 98.02371541501977, + "f1": 97.7239789196311, + "main_score": 97.7239789196311, + "precision": 97.61904761904762, + "recall": 98.02371541501977 + }, + { + "hf_subset": "pap_Latn-rus_Cyrl", + "languages": [ + "pap-Latn", + "rus-Cyrl" + ], + "accuracy": 94.0711462450593, + "f1": 93.68187806922984, + "main_score": 93.68187806922984, + "precision": 93.58925452707051, + "recall": 94.0711462450593 + }, + { + "hf_subset": "sot_Latn-rus_Cyrl", + "languages": [ + "sot-Latn", + "rus-Cyrl" + ], + "accuracy": 90.9090909090909, + "f1": 89.23171936758892, + "main_score": 89.23171936758892, + "precision": 88.51790014083866, + "recall": 90.9090909090909 + }, + { + "hf_subset": "tur_Latn-rus_Cyrl", + "languages": [ + "tur-Latn", + "rus-Cyrl" + ], + "accuracy": 99.2094861660079, + "f1": 98.9459815546772, + "main_score": 98.9459815546772, + "precision": 98.81422924901186, + "recall": 99.2094861660079 + }, + { + "hf_subset": "ace_Latn-rus_Cyrl", + "languages": [ + "ace-Latn", + "rus-Cyrl" + ], + "accuracy": 66.10671936758892, + "f1": 63.81888256297873, + "main_score": 63.81888256297873, + "precision": 63.01614067933451, + "recall": 66.10671936758892 + }, + { + "hf_subset": "ban_Latn-rus_Cyrl", + "languages": [ + "ban-Latn", + "rus-Cyrl" + ], + "accuracy": 79.44664031620553, + "f1": 77.6311962082713, + "main_score": 77.6311962082713, + "precision": 76.93977931929739, + "recall": 79.44664031620553 + }, + { + "hf_subset": "ell_Grek-rus_Cyrl", + "languages": [ + "ell-Grek", + "rus-Cyrl" + ], + "accuracy": 99.40711462450594, + "f1": 99.2094861660079, + "main_score": 99.2094861660079, + "precision": 99.1106719367589, + "recall": 99.40711462450594 + }, + { + "hf_subset": "hne_Deva-rus_Cyrl", + "languages": [ + "hne-Deva", + "rus-Cyrl" + ], + "accuracy": 96.83794466403161, + "f1": 96.25352907961603, + "main_score": 96.25352907961603, + "precision": 96.02155091285526, + "recall": 96.83794466403161 + }, + { + "hf_subset": "kik_Latn-rus_Cyrl", + "languages": [ + "kik-Latn", + "rus-Cyrl" + ], + "accuracy": 76.28458498023716, + "f1": 73.5596919895859, + "main_score": 73.5596919895859, + "precision": 72.40900759055246, + "recall": 76.28458498023716 + }, + { + "hf_subset": "mai_Deva-rus_Cyrl", + "languages": [ + "mai-Deva", + "rus-Cyrl" + ], + "accuracy": 97.72727272727273, + "f1": 97.37812911725956, + "main_score": 97.37812911725956, + "precision": 97.26002258610953, + "recall": 97.72727272727273 + }, + { + "hf_subset": "pbt_Arab-rus_Cyrl", + "languages": [ + "pbt-Arab", + "rus-Cyrl" + ], + "accuracy": 94.0711462450593, + "f1": 93.34700387331966, + "main_score": 93.34700387331966, + "precision": 93.06920556920556, + "recall": 94.0711462450593 + }, + { + "hf_subset": "spa_Latn-rus_Cyrl", + "languages": [ + "spa-Latn", + "rus-Cyrl" + ], + "accuracy": 99.2094861660079, + "f1": 98.9459815546772, + "main_score": 98.9459815546772, + "precision": 98.81422924901186, + "recall": 99.2094861660079 + }, + { + "hf_subset": "twi_Latn-rus_Cyrl", + "languages": [ + "twi-Latn", + "rus-Cyrl" + ], + "accuracy": 80.73122529644269, + "f1": 77.77434363246721, + "main_score": 77.77434363246721, + "precision": 76.54444287596462, + "recall": 80.73122529644269 + }, + { + "hf_subset": "acm_Arab-rus_Cyrl", + "languages": [ + "acm-Arab", + "rus-Cyrl" + ], + "accuracy": 94.56521739130434, + "f1": 92.92490118577075, + "main_score": 92.92490118577075, + "precision": 92.16897233201581, + "recall": 94.56521739130434 + }, + { + "hf_subset": "bel_Cyrl-rus_Cyrl", + "languages": [ + "bel-Cyrl", + "rus-Cyrl" + ], + "accuracy": 99.2094861660079, + "f1": 98.98550724637681, + "main_score": 98.98550724637681, + "precision": 98.88833992094862, + "recall": 99.2094861660079 + }, + { + "hf_subset": "eng_Latn-rus_Cyrl", + "languages": [ + "eng-Latn", + "rus-Cyrl" + ], + "accuracy": 99.60474308300395, + "f1": 99.4729907773386, + "main_score": 99.4729907773386, + "precision": 99.40711462450594, + "recall": 99.60474308300395 + }, + { + "hf_subset": "hrv_Latn-rus_Cyrl", + "languages": [ + "hrv-Latn", + "rus-Cyrl" + ], + "accuracy": 99.2094861660079, + "f1": 99.05138339920948, + "main_score": 99.05138339920948, + "precision": 99.00691699604744, + "recall": 99.2094861660079 + }, + { + "hf_subset": "kin_Latn-rus_Cyrl", + "languages": [ + "kin-Latn", + "rus-Cyrl" + ], + "accuracy": 88.2411067193676, + "f1": 86.5485246227658, + "main_score": 86.5485246227658, + "precision": 85.90652101521667, + "recall": 88.2411067193676 + }, + { + "hf_subset": "mal_Mlym-rus_Cyrl", + "languages": [ + "mal-Mlym", + "rus-Cyrl" + ], + "accuracy": 98.51778656126481, + "f1": 98.07971014492753, + "main_score": 98.07971014492753, + "precision": 97.88372859025033, + "recall": 98.51778656126481 + }, + { + "hf_subset": "pes_Arab-rus_Cyrl", + "languages": [ + "pes-Arab", + "rus-Cyrl" + ], + "accuracy": 98.51778656126481, + "f1": 98.0566534914361, + "main_score": 98.0566534914361, + "precision": 97.82608695652173, + "recall": 98.51778656126481 + }, + { + "hf_subset": "srd_Latn-rus_Cyrl", + "languages": [ + "srd-Latn", + "rus-Cyrl" + ], + "accuracy": 82.6086956521739, + "f1": 80.9173470979821, + "main_score": 80.9173470979821, + "precision": 80.24468672882627, + "recall": 82.6086956521739 + }, + { + "hf_subset": "tzm_Tfng-rus_Cyrl", + "languages": [ + "tzm-Tfng", + "rus-Cyrl" + ], + "accuracy": 7.41106719367589, + "f1": 6.363562740945329, + "main_score": 6.363562740945329, + "precision": 6.090373175353411, + "recall": 7.41106719367589 + }, + { + "hf_subset": "acq_Arab-rus_Cyrl", + "languages": [ + "acq-Arab", + "rus-Cyrl" + ], + "accuracy": 95.25691699604744, + "f1": 93.81422924901187, + "main_score": 93.81422924901187, + "precision": 93.14064558629775, + "recall": 95.25691699604744 + }, + { + "hf_subset": "bem_Latn-rus_Cyrl", + "languages": [ + "bem-Latn", + "rus-Cyrl" + ], + "accuracy": 68.08300395256917, + "f1": 65.01368772860867, + "main_score": 65.01368772860867, + "precision": 63.91052337510628, + "recall": 68.08300395256917 + }, + { + "hf_subset": "epo_Latn-rus_Cyrl", + "languages": [ + "epo-Latn", + "rus-Cyrl" + ], + "accuracy": 98.41897233201581, + "f1": 98.17193675889328, + "main_score": 98.17193675889328, + "precision": 98.08210564139418, + "recall": 98.41897233201581 + }, + { + "hf_subset": "hun_Latn-rus_Cyrl", + "languages": [ + "hun-Latn", + "rus-Cyrl" + ], + "accuracy": 99.30830039525692, + "f1": 99.1106719367589, + "main_score": 99.1106719367589, + "precision": 99.01185770750988, + "recall": 99.30830039525692 + }, + { + "hf_subset": "kir_Cyrl-rus_Cyrl", + "languages": [ + "kir-Cyrl", + "rus-Cyrl" + ], + "accuracy": 97.5296442687747, + "f1": 97.07549806364035, + "main_score": 97.07549806364035, + "precision": 96.90958498023716, + "recall": 97.5296442687747 + }, + { + "hf_subset": "mar_Deva-rus_Cyrl", + "languages": [ + "mar-Deva", + "rus-Cyrl" + ], + "accuracy": 97.82608695652173, + "f1": 97.44400527009222, + "main_score": 97.44400527009222, + "precision": 97.28966685488425, + "recall": 97.82608695652173 + }, + { + "hf_subset": "plt_Latn-rus_Cyrl", + "languages": [ + "plt-Latn", + "rus-Cyrl" + ], + "accuracy": 79.9407114624506, + "f1": 78.3154177760691, + "main_score": 78.3154177760691, + "precision": 77.69877344877344, + "recall": 79.9407114624506 + }, + { + "hf_subset": "srp_Cyrl-rus_Cyrl", + "languages": [ + "srp-Cyrl", + "rus-Cyrl" + ], + "accuracy": 99.70355731225297, + "f1": 99.60474308300395, + "main_score": 99.60474308300395, + "precision": 99.55533596837944, + "recall": 99.70355731225297 + }, + { + "hf_subset": "uig_Arab-rus_Cyrl", + "languages": [ + "uig-Arab", + "rus-Cyrl" + ], + "accuracy": 83.20158102766798, + "f1": 81.44381923034585, + "main_score": 81.44381923034585, + "precision": 80.78813411582477, + "recall": 83.20158102766798 + }, + { + "hf_subset": "aeb_Arab-rus_Cyrl", + "languages": [ + "aeb-Arab", + "rus-Cyrl" + ], + "accuracy": 91.20553359683794, + "f1": 88.75352907961603, + "main_score": 88.75352907961603, + "precision": 87.64328063241106, + "recall": 91.20553359683794 + }, + { + "hf_subset": "ben_Beng-rus_Cyrl", + "languages": [ + "ben-Beng", + "rus-Cyrl" + ], + "accuracy": 98.91304347826086, + "f1": 98.60671936758894, + "main_score": 98.60671936758894, + "precision": 98.4766139657444, + "recall": 98.91304347826086 + }, + { + "hf_subset": "est_Latn-rus_Cyrl", + "languages": [ + "est-Latn", + "rus-Cyrl" + ], + "accuracy": 96.24505928853755, + "f1": 95.27417027417027, + "main_score": 95.27417027417027, + "precision": 94.84107378129117, + "recall": 96.24505928853755 + }, + { + "hf_subset": "hye_Armn-rus_Cyrl", + "languages": [ + "hye-Armn", + "rus-Cyrl" + ], + "accuracy": 98.02371541501977, + "f1": 97.67786561264822, + "main_score": 97.67786561264822, + "precision": 97.55839022637441, + "recall": 98.02371541501977 + }, + { + "hf_subset": "kmb_Latn-rus_Cyrl", + "languages": [ + "kmb-Latn", + "rus-Cyrl" + ], + "accuracy": 46.047430830039524, + "f1": 42.94464804804471, + "main_score": 42.94464804804471, + "precision": 41.9851895607238, + "recall": 46.047430830039524 + }, + { + "hf_subset": "min_Arab-rus_Cyrl", + "languages": [ + "min-Arab", + "rus-Cyrl" + ], + "accuracy": 3.9525691699604746, + "f1": 3.402665192725756, + "main_score": 3.402665192725756, + "precision": 3.303787557740127, + "recall": 3.9525691699604746 + }, + { + "hf_subset": "pol_Latn-rus_Cyrl", + "languages": [ + "pol-Latn", + "rus-Cyrl" + ], + "accuracy": 99.60474308300395, + "f1": 99.4729907773386, + "main_score": 99.4729907773386, + "precision": 99.40711462450594, + "recall": 99.60474308300395 + }, + { + "hf_subset": "ssw_Latn-rus_Cyrl", + "languages": [ + "ssw-Latn", + "rus-Cyrl" + ], + "accuracy": 73.22134387351778, + "f1": 70.43086049508975, + "main_score": 70.43086049508975, + "precision": 69.35312022355656, + "recall": 73.22134387351778 + }, + { + "hf_subset": "ukr_Cyrl-rus_Cyrl", + "languages": [ + "ukr-Cyrl", + "rus-Cyrl" + ], + "accuracy": 99.90118577075098, + "f1": 99.86824769433464, + "main_score": 99.86824769433464, + "precision": 99.85177865612648, + "recall": 99.90118577075098 + }, + { + "hf_subset": "afr_Latn-rus_Cyrl", + "languages": [ + "afr-Latn", + "rus-Cyrl" + ], + "accuracy": 99.2094861660079, + "f1": 98.9459815546772, + "main_score": 98.9459815546772, + "precision": 98.81422924901186, + "recall": 99.2094861660079 + }, + { + "hf_subset": "bho_Deva-rus_Cyrl", + "languages": [ + "bho-Deva", + "rus-Cyrl" + ], + "accuracy": 94.0711462450593, + "f1": 93.12182382834557, + "main_score": 93.12182382834557, + "precision": 92.7523453232338, + "recall": 94.0711462450593 + }, + { + "hf_subset": "eus_Latn-rus_Cyrl", + "languages": [ + "eus-Latn", + "rus-Cyrl" + ], + "accuracy": 92.19367588932806, + "f1": 91.23604975587072, + "main_score": 91.23604975587072, + "precision": 90.86697443588663, + "recall": 92.19367588932806 + }, + { + "hf_subset": "ibo_Latn-rus_Cyrl", + "languages": [ + "ibo-Latn", + "rus-Cyrl" + ], + "accuracy": 82.21343873517787, + "f1": 80.17901604858126, + "main_score": 80.17901604858126, + "precision": 79.3792284780028, + "recall": 82.21343873517787 + }, + { + "hf_subset": "kmr_Latn-rus_Cyrl", + "languages": [ + "kmr-Latn", + "rus-Cyrl" + ], + "accuracy": 68.67588932806325, + "f1": 66.72311714750278, + "main_score": 66.72311714750278, + "precision": 66.00178401554004, + "recall": 68.67588932806325 + }, + { + "hf_subset": "min_Latn-rus_Cyrl", + "languages": [ + "min-Latn", + "rus-Cyrl" + ], + "accuracy": 78.65612648221344, + "f1": 76.26592719972166, + "main_score": 76.26592719972166, + "precision": 75.39980459997484, + "recall": 78.65612648221344 + }, + { + "hf_subset": "por_Latn-rus_Cyrl", + "languages": [ + "por-Latn", + "rus-Cyrl" + ], + "accuracy": 96.83794466403161, + "f1": 95.9669678147939, + "main_score": 95.9669678147939, + "precision": 95.59453227931488, + "recall": 96.83794466403161 + }, + { + "hf_subset": "sun_Latn-rus_Cyrl", + "languages": [ + "sun-Latn", + "rus-Cyrl" + ], + "accuracy": 92.4901185770751, + "f1": 91.66553983773662, + "main_score": 91.66553983773662, + "precision": 91.34530928009188, + "recall": 92.4901185770751 + }, + { + "hf_subset": "umb_Latn-rus_Cyrl", + "languages": [ + "umb-Latn", + "rus-Cyrl" + ], + "accuracy": 41.00790513833992, + "f1": 38.21319326004483, + "main_score": 38.21319326004483, + "precision": 37.200655467675546, + "recall": 41.00790513833992 + }, + { + "hf_subset": "ajp_Arab-rus_Cyrl", + "languages": [ + "ajp-Arab", + "rus-Cyrl" + ], + "accuracy": 95.35573122529645, + "f1": 93.97233201581028, + "main_score": 93.97233201581028, + "precision": 93.33333333333333, + "recall": 95.35573122529645 + }, + { + "hf_subset": "bjn_Arab-rus_Cyrl", + "languages": [ + "bjn-Arab", + "rus-Cyrl" + ], + "accuracy": 3.6561264822134385, + "f1": 3.1071978056336484, + "main_score": 3.1071978056336484, + "precision": 3.0039741229718215, + "recall": 3.6561264822134385 + }, + { + "hf_subset": "ewe_Latn-rus_Cyrl", + "languages": [ + "ewe-Latn", + "rus-Cyrl" + ], + "accuracy": 62.845849802371546, + "f1": 59.82201175670472, + "main_score": 59.82201175670472, + "precision": 58.72629236362003, + "recall": 62.845849802371546 + }, + { + "hf_subset": "ilo_Latn-rus_Cyrl", + "languages": [ + "ilo-Latn", + "rus-Cyrl" + ], + "accuracy": 83.10276679841897, + "f1": 80.75065288987582, + "main_score": 80.75065288987582, + "precision": 79.80726451662179, + "recall": 83.10276679841897 + }, + { + "hf_subset": "knc_Arab-rus_Cyrl", + "languages": [ + "knc-Arab", + "rus-Cyrl" + ], + "accuracy": 10.079051383399209, + "f1": 8.759282456080921, + "main_score": 8.759282456080921, + "precision": 8.474735138956142, + "recall": 10.079051383399209 + }, + { + "hf_subset": "mkd_Cyrl-rus_Cyrl", + "languages": [ + "mkd-Cyrl", + "rus-Cyrl" + ], + "accuracy": 98.91304347826086, + "f1": 98.55072463768116, + "main_score": 98.55072463768116, + "precision": 98.36956521739131, + "recall": 98.91304347826086 + }, + { + "hf_subset": "prs_Arab-rus_Cyrl", + "languages": [ + "prs-Arab", + "rus-Cyrl" + ], + "accuracy": 99.01185770750988, + "f1": 98.68247694334651, + "main_score": 98.68247694334651, + "precision": 98.51778656126481, + "recall": 99.01185770750988 + }, + { + "hf_subset": "swe_Latn-rus_Cyrl", + "languages": [ + "swe-Latn", + "rus-Cyrl" + ], + "accuracy": 99.40711462450594, + "f1": 99.22595520421606, + "main_score": 99.22595520421606, + "precision": 99.14361001317523, + "recall": 99.40711462450594 + }, + { + "hf_subset": "urd_Arab-rus_Cyrl", + "languages": [ + "urd-Arab", + "rus-Cyrl" + ], + "accuracy": 97.82608695652173, + "f1": 97.25625823451911, + "main_score": 97.25625823451911, + "precision": 97.03063241106719, + "recall": 97.82608695652173 + }, + { + "hf_subset": "aka_Latn-rus_Cyrl", + "languages": [ + "aka-Latn", + "rus-Cyrl" + ], + "accuracy": 81.22529644268775, + "f1": 77.94307687941227, + "main_score": 77.94307687941227, + "precision": 76.58782793293665, + "recall": 81.22529644268775 + }, + { + "hf_subset": "bjn_Latn-rus_Cyrl", + "languages": [ + "bjn-Latn", + "rus-Cyrl" + ], + "accuracy": 85.27667984189723, + "f1": 83.6869192829922, + "main_score": 83.6869192829922, + "precision": 83.08670670691656, + "recall": 85.27667984189723 + }, + { + "hf_subset": "fao_Latn-rus_Cyrl", + "languages": [ + "fao-Latn", + "rus-Cyrl" + ], + "accuracy": 80.9288537549407, + "f1": 79.29806087454745, + "main_score": 79.29806087454745, + "precision": 78.71445871526987, + "recall": 80.9288537549407 + }, + { + "hf_subset": "ind_Latn-rus_Cyrl", + "languages": [ + "ind-Latn", + "rus-Cyrl" + ], + "accuracy": 98.12252964426878, + "f1": 97.5296442687747, + "main_score": 97.5296442687747, + "precision": 97.23320158102767, + "recall": 98.12252964426878 + }, + { + "hf_subset": "knc_Latn-rus_Cyrl", + "languages": [ + "knc-Latn", + "rus-Cyrl" + ], + "accuracy": 33.49802371541502, + "f1": 32.02378215033989, + "main_score": 32.02378215033989, + "precision": 31.511356103747406, + "recall": 33.49802371541502 + }, + { + "hf_subset": "mlt_Latn-rus_Cyrl", + "languages": [ + "mlt-Latn", + "rus-Cyrl" + ], + "accuracy": 91.40316205533597, + "f1": 90.35317684386006, + "main_score": 90.35317684386006, + "precision": 89.94845939633488, + "recall": 91.40316205533597 + }, + { + "hf_subset": "quy_Latn-rus_Cyrl", + "languages": [ + "quy-Latn", + "rus-Cyrl" + ], + "accuracy": 40.612648221343875, + "f1": 38.74337544712602, + "main_score": 38.74337544712602, + "precision": 38.133716022178575, + "recall": 40.612648221343875 + }, + { + "hf_subset": "swh_Latn-rus_Cyrl", + "languages": [ + "swh-Latn", + "rus-Cyrl" + ], + "accuracy": 97.13438735177866, + "f1": 96.47435897435898, + "main_score": 96.47435897435898, + "precision": 96.18741765480895, + "recall": 97.13438735177866 + }, + { + "hf_subset": "uzn_Latn-rus_Cyrl", + "languages": [ + "uzn-Latn", + "rus-Cyrl" + ], + "accuracy": 96.83794466403161, + "f1": 96.26355528529442, + "main_score": 96.26355528529442, + "precision": 96.0501756697409, + "recall": 96.83794466403161 + }, + { + "hf_subset": "als_Latn-rus_Cyrl", + "languages": [ + "als-Latn", + "rus-Cyrl" + ], + "accuracy": 98.91304347826086, + "f1": 98.6907114624506, + "main_score": 98.6907114624506, + "precision": 98.6142480707698, + "recall": 98.91304347826086 + }, + { + "hf_subset": "bod_Tibt-rus_Cyrl", + "languages": [ + "bod-Tibt", + "rus-Cyrl" + ], + "accuracy": 1.0869565217391304, + "f1": 0.9224649610442628, + "main_score": 0.9224649610442628, + "precision": 0.8894275740459898, + "recall": 1.0869565217391304 + }, + { + "hf_subset": "fij_Latn-rus_Cyrl", + "languages": [ + "fij-Latn", + "rus-Cyrl" + ], + "accuracy": 63.24110671936759, + "f1": 60.373189068189525, + "main_score": 60.373189068189525, + "precision": 59.32326368115546, + "recall": 63.24110671936759 + }, + { + "hf_subset": "isl_Latn-rus_Cyrl", + "languages": [ + "isl-Latn", + "rus-Cyrl" + ], + "accuracy": 89.03162055335969, + "f1": 87.3102634715907, + "main_score": 87.3102634715907, + "precision": 86.65991814698712, + "recall": 89.03162055335969 + }, + { + "hf_subset": "kon_Latn-rus_Cyrl", + "languages": [ + "kon-Latn", + "rus-Cyrl" + ], + "accuracy": 73.91304347826086, + "f1": 71.518235523573, + "main_score": 71.518235523573, + "precision": 70.58714102449801, + "recall": 73.91304347826086 + }, + { + "hf_subset": "mni_Beng-rus_Cyrl", + "languages": [ + "mni-Beng", + "rus-Cyrl" + ], + "accuracy": 29.545454545454547, + "f1": 27.59513619889114, + "main_score": 27.59513619889114, + "precision": 26.983849851025344, + "recall": 29.545454545454547 + }, + { + "hf_subset": "ron_Latn-rus_Cyrl", + "languages": [ + "ron-Latn", + "rus-Cyrl" + ], + "accuracy": 99.40711462450594, + "f1": 99.2094861660079, + "main_score": 99.2094861660079, + "precision": 99.1106719367589, + "recall": 99.40711462450594 + }, + { + "hf_subset": "szl_Latn-rus_Cyrl", + "languages": [ + "szl-Latn", + "rus-Cyrl" + ], + "accuracy": 86.26482213438736, + "f1": 85.18912031587512, + "main_score": 85.18912031587512, + "precision": 84.77199409959775, + "recall": 86.26482213438736 + }, + { + "hf_subset": "vec_Latn-rus_Cyrl", + "languages": [ + "vec-Latn", + "rus-Cyrl" + ], + "accuracy": 85.67193675889328, + "f1": 84.62529734716581, + "main_score": 84.62529734716581, + "precision": 84.2611422440705, + "recall": 85.67193675889328 + }, + { + "hf_subset": "amh_Ethi-rus_Cyrl", + "languages": [ + "amh-Ethi", + "rus-Cyrl" + ], + "accuracy": 94.76284584980237, + "f1": 93.91735076517685, + "main_score": 93.91735076517685, + "precision": 93.57553798858147, + "recall": 94.76284584980237 + }, + { + "hf_subset": "bos_Latn-rus_Cyrl", + "languages": [ + "bos-Latn", + "rus-Cyrl" + ], + "accuracy": 99.2094861660079, + "f1": 99.05655938264634, + "main_score": 99.05655938264634, + "precision": 99.01185770750988, + "recall": 99.2094861660079 + }, + { + "hf_subset": "fin_Latn-rus_Cyrl", + "languages": [ + "fin-Latn", + "rus-Cyrl" + ], + "accuracy": 98.02371541501977, + "f1": 97.43741765480895, + "main_score": 97.43741765480895, + "precision": 97.1590909090909, + "recall": 98.02371541501977 + }, + { + "hf_subset": "ita_Latn-rus_Cyrl", + "languages": [ + "ita-Latn", + "rus-Cyrl" + ], + "accuracy": 99.70355731225297, + "f1": 99.60474308300395, + "main_score": 99.60474308300395, + "precision": 99.55533596837944, + "recall": 99.70355731225297 + }, + { + "hf_subset": "kor_Hang-rus_Cyrl", + "languages": [ + "kor-Hang", + "rus-Cyrl" + ], + "accuracy": 97.33201581027669, + "f1": 96.49868247694334, + "main_score": 96.49868247694334, + "precision": 96.10507246376811, + "recall": 97.33201581027669 + }, + { + "hf_subset": "mos_Latn-rus_Cyrl", + "languages": [ + "mos-Latn", + "rus-Cyrl" + ], + "accuracy": 34.683794466403164, + "f1": 32.766819308009076, + "main_score": 32.766819308009076, + "precision": 32.1637493670237, + "recall": 34.683794466403164 + }, + { + "hf_subset": "run_Latn-rus_Cyrl", + "languages": [ + "run-Latn", + "rus-Cyrl" + ], + "accuracy": 83.399209486166, + "f1": 81.10578750604326, + "main_score": 81.10578750604326, + "precision": 80.16763162673529, + "recall": 83.399209486166 + }, + { + "hf_subset": "tam_Taml-rus_Cyrl", + "languages": [ + "tam-Taml", + "rus-Cyrl" + ], + "accuracy": 98.41897233201581, + "f1": 98.01548089591567, + "main_score": 98.01548089591567, + "precision": 97.84020327498588, + "recall": 98.41897233201581 + }, + { + "hf_subset": "vie_Latn-rus_Cyrl", + "languages": [ + "vie-Latn", + "rus-Cyrl" + ], + "accuracy": 99.1106719367589, + "f1": 98.81422924901186, + "main_score": 98.81422924901186, + "precision": 98.66600790513834, + "recall": 99.1106719367589 + }, + { + "hf_subset": "apc_Arab-rus_Cyrl", + "languages": [ + "apc-Arab", + "rus-Cyrl" + ], + "accuracy": 93.87351778656127, + "f1": 92.10803689064558, + "main_score": 92.10803689064558, + "precision": 91.30434782608695, + "recall": 93.87351778656127 + }, + { + "hf_subset": "bug_Latn-rus_Cyrl", + "languages": [ + "bug-Latn", + "rus-Cyrl" + ], + "accuracy": 57.608695652173914, + "f1": 54.95878654927162, + "main_score": 54.95878654927162, + "precision": 54.067987427805654, + "recall": 57.608695652173914 + }, + { + "hf_subset": "fon_Latn-rus_Cyrl", + "languages": [ + "fon-Latn", + "rus-Cyrl" + ], + "accuracy": 61.95652173913043, + "f1": 58.06537275812945, + "main_score": 58.06537275812945, + "precision": 56.554057596959204, + "recall": 61.95652173913043 + }, + { + "hf_subset": "jav_Latn-rus_Cyrl", + "languages": [ + "jav-Latn", + "rus-Cyrl" + ], + "accuracy": 93.47826086956522, + "f1": 92.4784405318002, + "main_score": 92.4784405318002, + "precision": 92.09168143201127, + "recall": 93.47826086956522 + }, + { + "hf_subset": "lao_Laoo-rus_Cyrl", + "languages": [ + "lao-Laoo", + "rus-Cyrl" + ], + "accuracy": 91.10671936758892, + "f1": 89.76104922745239, + "main_score": 89.76104922745239, + "precision": 89.24754593232855, + "recall": 91.10671936758892 + }, + { + "hf_subset": "mri_Latn-rus_Cyrl", + "languages": [ + "mri-Latn", + "rus-Cyrl" + ], + "accuracy": 71.14624505928853, + "f1": 68.26947125119062, + "main_score": 68.26947125119062, + "precision": 67.15942311051006, + "recall": 71.14624505928853 + }, + { + "hf_subset": "rus_Cyrl-ace_Arab", + "languages": [ + "rus-Cyrl", + "ace-Arab" + ], + "accuracy": 19.565217391304348, + "f1": 16.321465000323805, + "main_score": 16.321465000323805, + "precision": 15.478527409347508, + "recall": 19.565217391304348 + }, + { + "hf_subset": "rus_Cyrl-bam_Latn", + "languages": [ + "rus-Cyrl", + "bam-Latn" + ], + "accuracy": 73.41897233201581, + "f1": 68.77366228182746, + "main_score": 68.77366228182746, + "precision": 66.96012924273795, + "recall": 73.41897233201581 + }, + { + "hf_subset": "rus_Cyrl-dzo_Tibt", + "languages": [ + "rus-Cyrl", + "dzo-Tibt" + ], + "accuracy": 0.592885375494071, + "f1": 0.02458062426370458, + "main_score": 0.02458062426370458, + "precision": 0.012824114724683876, + "recall": 0.592885375494071 + }, + { + "hf_subset": "rus_Cyrl-hin_Deva", + "languages": [ + "rus-Cyrl", + "hin-Deva" + ], + "accuracy": 99.90118577075098, + "f1": 99.86824769433464, + "main_score": 99.86824769433464, + "precision": 99.85177865612648, + "recall": 99.90118577075098 + }, + { + "hf_subset": "rus_Cyrl-khm_Khmr", + "languages": [ + "rus-Cyrl", + "khm-Khmr" + ], + "accuracy": 97.13438735177866, + "f1": 96.24505928853755, + "main_score": 96.24505928853755, + "precision": 95.81686429512516, + "recall": 97.13438735177866 + }, + { + "hf_subset": "rus_Cyrl-mag_Deva", + "languages": [ + "rus-Cyrl", + "mag-Deva" + ], + "accuracy": 99.50592885375494, + "f1": 99.35770750988142, + "main_score": 99.35770750988142, + "precision": 99.29183135704875, + "recall": 99.50592885375494 + }, + { + "hf_subset": "rus_Cyrl-pap_Latn", + "languages": [ + "rus-Cyrl", + "pap-Latn" + ], + "accuracy": 96.93675889328063, + "f1": 96.05072463768116, + "main_score": 96.05072463768116, + "precision": 95.66040843214758, + "recall": 96.93675889328063 + }, + { + "hf_subset": "rus_Cyrl-sot_Latn", + "languages": [ + "rus-Cyrl", + "sot-Latn" + ], + "accuracy": 93.67588932806325, + "f1": 91.7786561264822, + "main_score": 91.7786561264822, + "precision": 90.91238471673255, + "recall": 93.67588932806325 + }, + { + "hf_subset": "rus_Cyrl-tur_Latn", + "languages": [ + "rus-Cyrl", + "tur-Latn" + ], + "accuracy": 99.01185770750988, + "f1": 98.68247694334651, + "main_score": 98.68247694334651, + "precision": 98.51778656126481, + "recall": 99.01185770750988 + }, + { + "hf_subset": "rus_Cyrl-ace_Latn", + "languages": [ + "rus-Cyrl", + "ace-Latn" + ], + "accuracy": 74.1106719367589, + "f1": 70.21737923911836, + "main_score": 70.21737923911836, + "precision": 68.7068791410511, + "recall": 74.1106719367589 + }, + { + "hf_subset": "rus_Cyrl-ban_Latn", + "languages": [ + "rus-Cyrl", + "ban-Latn" + ], + "accuracy": 81.7193675889328, + "f1": 78.76470334510617, + "main_score": 78.76470334510617, + "precision": 77.76208475761422, + "recall": 81.7193675889328 + }, + { + "hf_subset": "rus_Cyrl-ell_Grek", + "languages": [ + "rus-Cyrl", + "ell-Grek" + ], + "accuracy": 98.3201581027668, + "f1": 97.76021080368908, + "main_score": 97.76021080368908, + "precision": 97.48023715415019, + "recall": 98.3201581027668 + }, + { + "hf_subset": "rus_Cyrl-hne_Deva", + "languages": [ + "rus-Cyrl", + "hne-Deva" + ], + "accuracy": 98.51778656126481, + "f1": 98.0566534914361, + "main_score": 98.0566534914361, + "precision": 97.82608695652173, + "recall": 98.51778656126481 + }, + { + "hf_subset": "rus_Cyrl-kik_Latn", + "languages": [ + "rus-Cyrl", + "kik-Latn" + ], + "accuracy": 80.73122529644269, + "f1": 76.42689244220864, + "main_score": 76.42689244220864, + "precision": 74.63877909530083, + "recall": 80.73122529644269 + }, + { + "hf_subset": "rus_Cyrl-mai_Deva", + "languages": [ + "rus-Cyrl", + "mai-Deva" + ], + "accuracy": 98.91304347826086, + "f1": 98.56719367588933, + "main_score": 98.56719367588933, + "precision": 98.40250329380763, + "recall": 98.91304347826086 + }, + { + "hf_subset": "rus_Cyrl-pbt_Arab", + "languages": [ + "rus-Cyrl", + "pbt-Arab" + ], + "accuracy": 97.5296442687747, + "f1": 96.73913043478261, + "main_score": 96.73913043478261, + "precision": 96.36034255599473, + "recall": 97.5296442687747 + }, + { + "hf_subset": "rus_Cyrl-spa_Latn", + "languages": [ + "rus-Cyrl", + "spa-Latn" + ], + "accuracy": 99.40711462450594, + "f1": 99.20948616600789, + "main_score": 99.20948616600789, + "precision": 99.1106719367589, + "recall": 99.40711462450594 + }, + { + "hf_subset": "rus_Cyrl-twi_Latn", + "languages": [ + "rus-Cyrl", + "twi-Latn" + ], + "accuracy": 82.01581027667984, + "f1": 78.064787822953, + "main_score": 78.064787822953, + "precision": 76.43272186750448, + "recall": 82.01581027667984 + }, + { + "hf_subset": "rus_Cyrl-acm_Arab", + "languages": [ + "rus-Cyrl", + "acm-Arab" + ], + "accuracy": 98.3201581027668, + "f1": 97.76021080368908, + "main_score": 97.76021080368908, + "precision": 97.48023715415019, + "recall": 98.3201581027668 + }, + { + "hf_subset": "rus_Cyrl-bel_Cyrl", + "languages": [ + "rus-Cyrl", + "bel-Cyrl" + ], + "accuracy": 98.22134387351778, + "f1": 97.67786561264822, + "main_score": 97.67786561264822, + "precision": 97.4308300395257, + "recall": 98.22134387351778 + }, + { + "hf_subset": "rus_Cyrl-eng_Latn", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "accuracy": 99.70355731225297, + "f1": 99.60474308300395, + "main_score": 99.60474308300395, + "precision": 99.55533596837944, + "recall": 99.70355731225297 + }, + { + "hf_subset": "rus_Cyrl-hrv_Latn", + "languages": [ + "rus-Cyrl", + "hrv-Latn" + ], + "accuracy": 99.1106719367589, + "f1": 98.83069828722002, + "main_score": 98.83069828722002, + "precision": 98.69894598155466, + "recall": 99.1106719367589 + }, + { + "hf_subset": "rus_Cyrl-kin_Latn", + "languages": [ + "rus-Cyrl", + "kin-Latn" + ], + "accuracy": 93.37944664031622, + "f1": 91.53162055335969, + "main_score": 91.53162055335969, + "precision": 90.71475625823452, + "recall": 93.37944664031622 + }, + { + "hf_subset": "rus_Cyrl-mal_Mlym", + "languages": [ + "rus-Cyrl", + "mal-Mlym" + ], + "accuracy": 99.30830039525692, + "f1": 99.07773386034255, + "main_score": 99.07773386034255, + "precision": 98.96245059288538, + "recall": 99.30830039525692 + }, + { + "hf_subset": "rus_Cyrl-pes_Arab", + "languages": [ + "rus-Cyrl", + "pes-Arab" + ], + "accuracy": 98.71541501976284, + "f1": 98.30368906455863, + "main_score": 98.30368906455863, + "precision": 98.10606060606061, + "recall": 98.71541501976284 + }, + { + "hf_subset": "rus_Cyrl-srd_Latn", + "languages": [ + "rus-Cyrl", + "srd-Latn" + ], + "accuracy": 89.03162055335969, + "f1": 86.11048371917937, + "main_score": 86.11048371917937, + "precision": 84.86001317523056, + "recall": 89.03162055335969 + }, + { + "hf_subset": "rus_Cyrl-tzm_Tfng", + "languages": [ + "rus-Cyrl", + "tzm-Tfng" + ], + "accuracy": 12.351778656126482, + "f1": 10.112177999067715, + "main_score": 10.112177999067715, + "precision": 9.53495885438645, + "recall": 12.351778656126482 + }, + { + "hf_subset": "rus_Cyrl-acq_Arab", + "languages": [ + "rus-Cyrl", + "acq-Arab" + ], + "accuracy": 98.91304347826086, + "f1": 98.55072463768116, + "main_score": 98.55072463768116, + "precision": 98.36956521739131, + "recall": 98.91304347826086 + }, + { + "hf_subset": "rus_Cyrl-bem_Latn", + "languages": [ + "rus-Cyrl", + "bem-Latn" + ], + "accuracy": 73.22134387351778, + "f1": 68.30479412989295, + "main_score": 68.30479412989295, + "precision": 66.40073447632736, + "recall": 73.22134387351778 + }, + { + "hf_subset": "rus_Cyrl-epo_Latn", + "languages": [ + "rus-Cyrl", + "epo-Latn" + ], + "accuracy": 99.1106719367589, + "f1": 98.81422924901186, + "main_score": 98.81422924901186, + "precision": 98.66600790513834, + "recall": 99.1106719367589 + }, + { + "hf_subset": "rus_Cyrl-hun_Latn", + "languages": [ + "rus-Cyrl", + "hun-Latn" + ], + "accuracy": 96.83794466403161, + "f1": 95.88274044795784, + "main_score": 95.88274044795784, + "precision": 95.45454545454545, + "recall": 96.83794466403161 + }, + { + "hf_subset": "rus_Cyrl-kir_Cyrl", + "languages": [ + "rus-Cyrl", + "kir-Cyrl" + ], + "accuracy": 96.34387351778656, + "f1": 95.49280429715212, + "main_score": 95.49280429715212, + "precision": 95.14163372859026, + "recall": 96.34387351778656 + }, + { + "hf_subset": "rus_Cyrl-mar_Deva", + "languages": [ + "rus-Cyrl", + "mar-Deva" + ], + "accuracy": 98.71541501976284, + "f1": 98.28722002635047, + "main_score": 98.28722002635047, + "precision": 98.07312252964427, + "recall": 98.71541501976284 + }, + { + "hf_subset": "rus_Cyrl-plt_Latn", + "languages": [ + "rus-Cyrl", + "plt-Latn" + ], + "accuracy": 88.04347826086956, + "f1": 85.14328063241106, + "main_score": 85.14328063241106, + "precision": 83.96339168078298, + "recall": 88.04347826086956 + }, + { + "hf_subset": "rus_Cyrl-srp_Cyrl", + "languages": [ + "rus-Cyrl", + "srp-Cyrl" + ], + "accuracy": 99.40711462450594, + "f1": 99.2094861660079, + "main_score": 99.2094861660079, + "precision": 99.1106719367589, + "recall": 99.40711462450594 + }, + { + "hf_subset": "rus_Cyrl-uig_Arab", + "languages": [ + "rus-Cyrl", + "uig-Arab" + ], + "accuracy": 92.19367588932806, + "f1": 89.98541313758706, + "main_score": 89.98541313758706, + "precision": 89.01021080368906, + "recall": 92.19367588932806 + }, + { + "hf_subset": "rus_Cyrl-aeb_Arab", + "languages": [ + "rus-Cyrl", + "aeb-Arab" + ], + "accuracy": 95.8498023715415, + "f1": 94.63109354413703, + "main_score": 94.63109354413703, + "precision": 94.05467720685111, + "recall": 95.8498023715415 + }, + { + "hf_subset": "rus_Cyrl-ben_Beng", + "languages": [ + "rus-Cyrl", + "ben-Beng" + ], + "accuracy": 99.40711462450594, + "f1": 99.2094861660079, + "main_score": 99.2094861660079, + "precision": 99.1106719367589, + "recall": 99.40711462450594 + }, + { + "hf_subset": "rus_Cyrl-est_Latn", + "languages": [ + "rus-Cyrl", + "est-Latn" + ], + "accuracy": 95.55335968379447, + "f1": 94.2588932806324, + "main_score": 94.2588932806324, + "precision": 93.65118577075098, + "recall": 95.55335968379447 + }, + { + "hf_subset": "rus_Cyrl-hye_Armn", + "languages": [ + "rus-Cyrl", + "hye-Armn" + ], + "accuracy": 98.71541501976284, + "f1": 98.28722002635045, + "main_score": 98.28722002635045, + "precision": 98.07312252964427, + "recall": 98.71541501976284 + }, + { + "hf_subset": "rus_Cyrl-kmb_Latn", + "languages": [ + "rus-Cyrl", + "kmb-Latn" + ], + "accuracy": 54.24901185770751, + "f1": 49.46146674116913, + "main_score": 49.46146674116913, + "precision": 47.81033799314432, + "recall": 54.24901185770751 + }, + { + "hf_subset": "rus_Cyrl-min_Arab", + "languages": [ + "rus-Cyrl", + "min-Arab" + ], + "accuracy": 15.810276679841898, + "f1": 13.271207641419332, + "main_score": 13.271207641419332, + "precision": 12.510673148766033, + "recall": 15.810276679841898 + }, + { + "hf_subset": "rus_Cyrl-pol_Latn", + "languages": [ + "rus-Cyrl", + "pol-Latn" + ], + "accuracy": 98.71541501976284, + "f1": 98.32674571805006, + "main_score": 98.32674571805006, + "precision": 98.14723320158103, + "recall": 98.71541501976284 + }, + { + "hf_subset": "rus_Cyrl-ssw_Latn", + "languages": [ + "rus-Cyrl", + "ssw-Latn" + ], + "accuracy": 80.8300395256917, + "f1": 76.51717847370023, + "main_score": 76.51717847370023, + "precision": 74.74143610013175, + "recall": 80.8300395256917 + }, + { + "hf_subset": "rus_Cyrl-ukr_Cyrl", + "languages": [ + "rus-Cyrl", + "ukr-Cyrl" + ], + "accuracy": 99.60474308300395, + "f1": 99.4729907773386, + "main_score": 99.4729907773386, + "precision": 99.40711462450594, + "recall": 99.60474308300395 + }, + { + "hf_subset": "rus_Cyrl-afr_Latn", + "languages": [ + "rus-Cyrl", + "afr-Latn" + ], + "accuracy": 99.1106719367589, + "f1": 98.81422924901186, + "main_score": 98.81422924901186, + "precision": 98.66600790513834, + "recall": 99.1106719367589 + }, + { + "hf_subset": "rus_Cyrl-bho_Deva", + "languages": [ + "rus-Cyrl", + "bho-Deva" + ], + "accuracy": 96.6403162055336, + "f1": 95.56982872200265, + "main_score": 95.56982872200265, + "precision": 95.0592885375494, + "recall": 96.6403162055336 + }, + { + "hf_subset": "rus_Cyrl-eus_Latn", + "languages": [ + "rus-Cyrl", + "eus-Latn" + ], + "accuracy": 97.62845849802372, + "f1": 96.9038208168643, + "main_score": 96.9038208168643, + "precision": 96.55797101449275, + "recall": 97.62845849802372 + }, + { + "hf_subset": "rus_Cyrl-ibo_Latn", + "languages": [ + "rus-Cyrl", + "ibo-Latn" + ], + "accuracy": 89.2292490118577, + "f1": 86.35234330886506, + "main_score": 86.35234330886506, + "precision": 85.09881422924902, + "recall": 89.2292490118577 + }, + { + "hf_subset": "rus_Cyrl-kmr_Latn", + "languages": [ + "rus-Cyrl", + "kmr-Latn" + ], + "accuracy": 83.49802371541502, + "f1": 79.23630717108978, + "main_score": 79.23630717108978, + "precision": 77.48188405797102, + "recall": 83.49802371541502 + }, + { + "hf_subset": "rus_Cyrl-min_Latn", + "languages": [ + "rus-Cyrl", + "min-Latn" + ], + "accuracy": 79.34782608695652, + "f1": 75.31689928429059, + "main_score": 75.31689928429059, + "precision": 73.91519410541149, + "recall": 79.34782608695652 + }, + { + "hf_subset": "rus_Cyrl-por_Latn", + "languages": [ + "rus-Cyrl", + "por-Latn" + ], + "accuracy": 96.54150197628458, + "f1": 95.53218520609825, + "main_score": 95.53218520609825, + "precision": 95.07575757575756, + "recall": 96.54150197628458 + }, + { + "hf_subset": "rus_Cyrl-sun_Latn", + "languages": [ + "rus-Cyrl", + "sun-Latn" + ], + "accuracy": 93.2806324110672, + "f1": 91.56973461321287, + "main_score": 91.56973461321287, + "precision": 90.84396334890405, + "recall": 93.2806324110672 + }, + { + "hf_subset": "rus_Cyrl-umb_Latn", + "languages": [ + "rus-Cyrl", + "umb-Latn" + ], + "accuracy": 51.87747035573123, + "f1": 46.36591778884269, + "main_score": 46.36591778884269, + "precision": 44.57730391234227, + "recall": 51.87747035573123 + }, + { + "hf_subset": "rus_Cyrl-ajp_Arab", + "languages": [ + "rus-Cyrl", + "ajp-Arab" + ], + "accuracy": 98.71541501976284, + "f1": 98.30368906455863, + "main_score": 98.30368906455863, + "precision": 98.10606060606061, + "recall": 98.71541501976284 + }, + { + "hf_subset": "rus_Cyrl-bjn_Arab", + "languages": [ + "rus-Cyrl", + "bjn-Arab" + ], + "accuracy": 14.82213438735178, + "f1": 12.365434276616856, + "main_score": 12.365434276616856, + "precision": 11.802079517180589, + "recall": 14.82213438735178 + }, + { + "hf_subset": "rus_Cyrl-ewe_Latn", + "languages": [ + "rus-Cyrl", + "ewe-Latn" + ], + "accuracy": 71.44268774703558, + "f1": 66.74603174603175, + "main_score": 66.74603174603175, + "precision": 64.99933339607253, + "recall": 71.44268774703558 + }, + { + "hf_subset": "rus_Cyrl-ilo_Latn", + "languages": [ + "rus-Cyrl", + "ilo-Latn" + ], + "accuracy": 85.86956521739131, + "f1": 83.00139015960917, + "main_score": 83.00139015960917, + "precision": 81.91411396574439, + "recall": 85.86956521739131 + }, + { + "hf_subset": "rus_Cyrl-knc_Arab", + "languages": [ + "rus-Cyrl", + "knc-Arab" + ], + "accuracy": 14.525691699604742, + "f1": 12.618283715726806, + "main_score": 12.618283715726806, + "precision": 12.048458493742352, + "recall": 14.525691699604742 + }, + { + "hf_subset": "rus_Cyrl-mkd_Cyrl", + "languages": [ + "rus-Cyrl", + "mkd-Cyrl" + ], + "accuracy": 99.40711462450594, + "f1": 99.22595520421606, + "main_score": 99.22595520421606, + "precision": 99.14361001317523, + "recall": 99.40711462450594 + }, + { + "hf_subset": "rus_Cyrl-prs_Arab", + "languages": [ + "rus-Cyrl", + "prs-Arab" + ], + "accuracy": 99.30830039525692, + "f1": 99.07773386034255, + "main_score": 99.07773386034255, + "precision": 98.96245059288538, + "recall": 99.30830039525692 + }, + { + "hf_subset": "rus_Cyrl-swe_Latn", + "languages": [ + "rus-Cyrl", + "swe-Latn" + ], + "accuracy": 99.30830039525692, + "f1": 99.07773386034256, + "main_score": 99.07773386034256, + "precision": 98.96245059288538, + "recall": 99.30830039525692 + }, + { + "hf_subset": "rus_Cyrl-urd_Arab", + "languages": [ + "rus-Cyrl", + "urd-Arab" + ], + "accuracy": 98.61660079051383, + "f1": 98.15546772068511, + "main_score": 98.15546772068511, + "precision": 97.92490118577075, + "recall": 98.61660079051383 + }, + { + "hf_subset": "rus_Cyrl-aka_Latn", + "languages": [ + "rus-Cyrl", + "aka-Latn" + ], + "accuracy": 81.02766798418972, + "f1": 76.73277809147375, + "main_score": 76.73277809147375, + "precision": 74.97404165882426, + "recall": 81.02766798418972 + }, + { + "hf_subset": "rus_Cyrl-bjn_Latn", + "languages": [ + "rus-Cyrl", + "bjn-Latn" + ], + "accuracy": 86.7588932806324, + "f1": 83.92064566965753, + "main_score": 83.92064566965753, + "precision": 82.83734079929732, + "recall": 86.7588932806324 + }, + { + "hf_subset": "rus_Cyrl-fao_Latn", + "languages": [ + "rus-Cyrl", + "fao-Latn" + ], + "accuracy": 88.43873517786561, + "f1": 85.48136645962732, + "main_score": 85.48136645962732, + "precision": 84.23418972332016, + "recall": 88.43873517786561 + }, + { + "hf_subset": "rus_Cyrl-ind_Latn", + "languages": [ + "rus-Cyrl", + "ind-Latn" + ], + "accuracy": 99.01185770750988, + "f1": 98.68247694334651, + "main_score": 98.68247694334651, + "precision": 98.51778656126481, + "recall": 99.01185770750988 + }, + { + "hf_subset": "rus_Cyrl-knc_Latn", + "languages": [ + "rus-Cyrl", + "knc-Latn" + ], + "accuracy": 45.8498023715415, + "f1": 40.112030865489366, + "main_score": 40.112030865489366, + "precision": 38.28262440050776, + "recall": 45.8498023715415 + }, + { + "hf_subset": "rus_Cyrl-mlt_Latn", + "languages": [ + "rus-Cyrl", + "mlt-Latn" + ], + "accuracy": 93.18181818181817, + "f1": 91.30787690570298, + "main_score": 91.30787690570298, + "precision": 90.4983060417843, + "recall": 93.18181818181817 + }, + { + "hf_subset": "rus_Cyrl-quy_Latn", + "languages": [ + "rus-Cyrl", + "quy-Latn" + ], + "accuracy": 62.450592885375485, + "f1": 57.28742975628178, + "main_score": 57.28742975628178, + "precision": 55.56854987623269, + "recall": 62.450592885375485 + }, + { + "hf_subset": "rus_Cyrl-swh_Latn", + "languages": [ + "rus-Cyrl", + "swh-Latn" + ], + "accuracy": 98.3201581027668, + "f1": 97.77667984189723, + "main_score": 97.77667984189723, + "precision": 97.51317523056655, + "recall": 98.3201581027668 + }, + { + "hf_subset": "rus_Cyrl-uzn_Latn", + "languages": [ + "rus-Cyrl", + "uzn-Latn" + ], + "accuracy": 98.12252964426878, + "f1": 97.59081498211933, + "main_score": 97.59081498211933, + "precision": 97.34848484848484, + "recall": 98.12252964426878 + }, + { + "hf_subset": "rus_Cyrl-als_Latn", + "languages": [ + "rus-Cyrl", + "als-Latn" + ], + "accuracy": 99.30830039525692, + "f1": 99.09420289855073, + "main_score": 99.09420289855073, + "precision": 98.99538866930172, + "recall": 99.30830039525692 + }, + { + "hf_subset": "rus_Cyrl-bod_Tibt", + "languages": [ + "rus-Cyrl", + "bod-Tibt" + ], + "accuracy": 11.561264822134387, + "f1": 8.121312045385636, + "main_score": 8.121312045385636, + "precision": 7.350577020893972, + "recall": 11.561264822134387 + }, + { + "hf_subset": "rus_Cyrl-fij_Latn", + "languages": [ + "rus-Cyrl", + "fij-Latn" + ], + "accuracy": 72.23320158102767, + "f1": 67.21000233846082, + "main_score": 67.21000233846082, + "precision": 65.3869439739005, + "recall": 72.23320158102767 + }, + { + "hf_subset": "rus_Cyrl-isl_Latn", + "languages": [ + "rus-Cyrl", + "isl-Latn" + ], + "accuracy": 91.99604743083005, + "f1": 89.75955204216073, + "main_score": 89.75955204216073, + "precision": 88.7598814229249, + "recall": 91.99604743083005 + }, + { + "hf_subset": "rus_Cyrl-kon_Latn", + "languages": [ + "rus-Cyrl", + "kon-Latn" + ], + "accuracy": 81.81818181818183, + "f1": 77.77800098452272, + "main_score": 77.77800098452272, + "precision": 76.1521268586486, + "recall": 81.81818181818183 + }, + { + "hf_subset": "rus_Cyrl-mni_Beng", + "languages": [ + "rus-Cyrl", + "mni-Beng" + ], + "accuracy": 54.74308300395256, + "f1": 48.97285299254615, + "main_score": 48.97285299254615, + "precision": 46.95125742968299, + "recall": 54.74308300395256 + }, + { + "hf_subset": "rus_Cyrl-ron_Latn", + "languages": [ + "rus-Cyrl", + "ron-Latn" + ], + "accuracy": 98.22134387351778, + "f1": 97.64492753623189, + "main_score": 97.64492753623189, + "precision": 97.36495388669302, + "recall": 98.22134387351778 + }, + { + "hf_subset": "rus_Cyrl-szl_Latn", + "languages": [ + "rus-Cyrl", + "szl-Latn" + ], + "accuracy": 92.09486166007905, + "f1": 90.10375494071147, + "main_score": 90.10375494071147, + "precision": 89.29606625258798, + "recall": 92.09486166007905 + }, + { + "hf_subset": "rus_Cyrl-vec_Latn", + "languages": [ + "rus-Cyrl", + "vec-Latn" + ], + "accuracy": 92.4901185770751, + "f1": 90.51430453604365, + "main_score": 90.51430453604365, + "precision": 89.69367588932808, + "recall": 92.4901185770751 + }, + { + "hf_subset": "rus_Cyrl-amh_Ethi", + "languages": [ + "rus-Cyrl", + "amh-Ethi" + ], + "accuracy": 97.82608695652173, + "f1": 97.11791831357048, + "main_score": 97.11791831357048, + "precision": 96.77206851119894, + "recall": 97.82608695652173 + }, + { + "hf_subset": "rus_Cyrl-bos_Latn", + "languages": [ + "rus-Cyrl", + "bos-Latn" + ], + "accuracy": 98.91304347826086, + "f1": 98.55072463768116, + "main_score": 98.55072463768116, + "precision": 98.36956521739131, + "recall": 98.91304347826086 + }, + { + "hf_subset": "rus_Cyrl-fin_Latn", + "languages": [ + "rus-Cyrl", + "fin-Latn" + ], + "accuracy": 95.65217391304348, + "f1": 94.4235836627141, + "main_score": 94.4235836627141, + "precision": 93.84881422924902, + "recall": 95.65217391304348 + }, + { + "hf_subset": "rus_Cyrl-ita_Latn", + "languages": [ + "rus-Cyrl", + "ita-Latn" + ], + "accuracy": 98.91304347826086, + "f1": 98.55072463768117, + "main_score": 98.55072463768117, + "precision": 98.36956521739131, + "recall": 98.91304347826086 + }, + { + "hf_subset": "rus_Cyrl-kor_Hang", + "languages": [ + "rus-Cyrl", + "kor-Hang" + ], + "accuracy": 95.55335968379447, + "f1": 94.15349143610013, + "main_score": 94.15349143610013, + "precision": 93.49472990777339, + "recall": 95.55335968379447 + }, + { + "hf_subset": "rus_Cyrl-mos_Latn", + "languages": [ + "rus-Cyrl", + "mos-Latn" + ], + "accuracy": 43.67588932806324, + "f1": 38.84849721190082, + "main_score": 38.84849721190082, + "precision": 37.43294462099682, + "recall": 43.67588932806324 + }, + { + "hf_subset": "rus_Cyrl-run_Latn", + "languages": [ + "rus-Cyrl", + "run-Latn" + ], + "accuracy": 90.21739130434783, + "f1": 87.37483530961792, + "main_score": 87.37483530961792, + "precision": 86.07872200263506, + "recall": 90.21739130434783 + }, + { + "hf_subset": "rus_Cyrl-tam_Taml", + "languages": [ + "rus-Cyrl", + "tam-Taml" + ], + "accuracy": 99.40711462450594, + "f1": 99.2094861660079, + "main_score": 99.2094861660079, + "precision": 99.1106719367589, + "recall": 99.40711462450594 + }, + { + "hf_subset": "rus_Cyrl-vie_Latn", + "languages": [ + "rus-Cyrl", + "vie-Latn" + ], + "accuracy": 97.03557312252964, + "f1": 96.13636363636364, + "main_score": 96.13636363636364, + "precision": 95.70981554677206, + "recall": 97.03557312252964 + }, + { + "hf_subset": "rus_Cyrl-apc_Arab", + "languages": [ + "rus-Cyrl", + "apc-Arab" + ], + "accuracy": 98.12252964426878, + "f1": 97.49670619235836, + "main_score": 97.49670619235836, + "precision": 97.18379446640316, + "recall": 98.12252964426878 + }, + { + "hf_subset": "rus_Cyrl-bug_Latn", + "languages": [ + "rus-Cyrl", + "bug-Latn" + ], + "accuracy": 67.29249011857708, + "f1": 62.09268717667927, + "main_score": 62.09268717667927, + "precision": 60.28554009748714, + "recall": 67.29249011857708 + }, + { + "hf_subset": "rus_Cyrl-fon_Latn", + "languages": [ + "rus-Cyrl", + "fon-Latn" + ], + "accuracy": 63.43873517786561, + "f1": 57.66660107569199, + "main_score": 57.66660107569199, + "precision": 55.66676396919363, + "recall": 63.43873517786561 + }, + { + "hf_subset": "rus_Cyrl-jav_Latn", + "languages": [ + "rus-Cyrl", + "jav-Latn" + ], + "accuracy": 94.46640316205533, + "f1": 92.89384528514964, + "main_score": 92.89384528514964, + "precision": 92.19367588932806, + "recall": 94.46640316205533 + }, + { + "hf_subset": "rus_Cyrl-lao_Laoo", + "languages": [ + "rus-Cyrl", + "lao-Laoo" + ], + "accuracy": 97.23320158102767, + "f1": 96.40974967061922, + "main_score": 96.40974967061922, + "precision": 96.034255599473, + "recall": 97.23320158102767 + }, + { + "hf_subset": "rus_Cyrl-mri_Latn", + "languages": [ + "rus-Cyrl", + "mri-Latn" + ], + "accuracy": 76.77865612648222, + "f1": 73.11286539547409, + "main_score": 73.11286539547409, + "precision": 71.78177214337046, + "recall": 76.77865612648222 + }, + { + "hf_subset": "rus_Cyrl-taq_Latn", + "languages": [ + "rus-Cyrl", + "taq-Latn" + ], + "accuracy": 41.99604743083004, + "f1": 37.25127063318763, + "main_score": 37.25127063318763, + "precision": 35.718929186985726, + "recall": 41.99604743083004 + }, + { + "hf_subset": "rus_Cyrl-war_Latn", + "languages": [ + "rus-Cyrl", + "war-Latn" + ], + "accuracy": 95.55335968379447, + "f1": 94.1699604743083, + "main_score": 94.1699604743083, + "precision": 93.52766798418972, + "recall": 95.55335968379447 + }, + { + "hf_subset": "rus_Cyrl-arb_Arab", + "languages": [ + "rus-Cyrl", + "arb-Arab" + ], + "accuracy": 99.60474308300395, + "f1": 99.4729907773386, + "main_score": 99.4729907773386, + "precision": 99.40711462450594, + "recall": 99.60474308300395 + }, + { + "hf_subset": "rus_Cyrl-bul_Cyrl", + "languages": [ + "rus-Cyrl", + "bul-Cyrl" + ], + "accuracy": 99.70355731225297, + "f1": 99.60474308300395, + "main_score": 99.60474308300395, + "precision": 99.55533596837944, + "recall": 99.70355731225297 + }, + { + "hf_subset": "rus_Cyrl-fra_Latn", + "languages": [ + "rus-Cyrl", + "fra-Latn" + ], + "accuracy": 99.60474308300395, + "f1": 99.47299077733861, + "main_score": 99.47299077733861, + "precision": 99.40711462450594, + "recall": 99.60474308300395 + }, + { + "hf_subset": "rus_Cyrl-jpn_Jpan", + "languages": [ + "rus-Cyrl", + "jpn-Jpan" + ], + "accuracy": 96.44268774703558, + "f1": 95.30632411067194, + "main_score": 95.30632411067194, + "precision": 94.76284584980237, + "recall": 96.44268774703558 + }, + { + "hf_subset": "rus_Cyrl-lij_Latn", + "languages": [ + "rus-Cyrl", + "lij-Latn" + ], + "accuracy": 90.21739130434783, + "f1": 87.4703557312253, + "main_score": 87.4703557312253, + "precision": 86.29611330698287, + "recall": 90.21739130434783 + }, + { + "hf_subset": "rus_Cyrl-mya_Mymr", + "languages": [ + "rus-Cyrl", + "mya-Mymr" + ], + "accuracy": 98.02371541501977, + "f1": 97.364953886693, + "main_score": 97.364953886693, + "precision": 97.03557312252964, + "recall": 98.02371541501977 + }, + { + "hf_subset": "rus_Cyrl-sag_Latn", + "languages": [ + "rus-Cyrl", + "sag-Latn" + ], + "accuracy": 54.841897233201585, + "f1": 49.61882037503349, + "main_score": 49.61882037503349, + "precision": 47.831968755881796, + "recall": 54.841897233201585 + }, + { + "hf_subset": "rus_Cyrl-taq_Tfng", + "languages": [ + "rus-Cyrl", + "taq-Tfng" + ], + "accuracy": 15.316205533596838, + "f1": 11.614836360389717, + "main_score": 11.614836360389717, + "precision": 10.741446193235223, + "recall": 15.316205533596838 + }, + { + "hf_subset": "rus_Cyrl-wol_Latn", + "languages": [ + "rus-Cyrl", + "wol-Latn" + ], + "accuracy": 67.88537549407114, + "f1": 62.2536417249856, + "main_score": 62.2536417249856, + "precision": 60.27629128666678, + "recall": 67.88537549407114 + }, + { + "hf_subset": "rus_Cyrl-arb_Latn", + "languages": [ + "rus-Cyrl", + "arb-Latn" + ], + "accuracy": 27.766798418972332, + "f1": 23.39674889624077, + "main_score": 23.39674889624077, + "precision": 22.28521155585345, + "recall": 27.766798418972332 + }, + { + "hf_subset": "rus_Cyrl-cat_Latn", + "languages": [ + "rus-Cyrl", + "cat-Latn" + ], + "accuracy": 97.23320158102767, + "f1": 96.42151326933936, + "main_score": 96.42151326933936, + "precision": 96.04743083003953, + "recall": 97.23320158102767 + }, + { + "hf_subset": "rus_Cyrl-fur_Latn", + "languages": [ + "rus-Cyrl", + "fur-Latn" + ], + "accuracy": 88.63636363636364, + "f1": 85.80792396009788, + "main_score": 85.80792396009788, + "precision": 84.61508901726293, + "recall": 88.63636363636364 + }, + { + "hf_subset": "rus_Cyrl-kab_Latn", + "languages": [ + "rus-Cyrl", + "kab-Latn" + ], + "accuracy": 48.12252964426877, + "f1": 43.05387582971066, + "main_score": 43.05387582971066, + "precision": 41.44165117538212, + "recall": 48.12252964426877 + }, + { + "hf_subset": "rus_Cyrl-lim_Latn", + "languages": [ + "rus-Cyrl", + "lim-Latn" + ], + "accuracy": 81.81818181818183, + "f1": 77.81676163099087, + "main_score": 77.81676163099087, + "precision": 76.19565217391305, + "recall": 81.81818181818183 + }, + { + "hf_subset": "rus_Cyrl-nld_Latn", + "languages": [ + "rus-Cyrl", + "nld-Latn" + ], + "accuracy": 97.33201581027669, + "f1": 96.4756258234519, + "main_score": 96.4756258234519, + "precision": 96.06389986824769, + "recall": 97.33201581027669 + }, + { + "hf_subset": "rus_Cyrl-san_Deva", + "languages": [ + "rus-Cyrl", + "san-Deva" + ], + "accuracy": 93.47826086956522, + "f1": 91.70289855072463, + "main_score": 91.70289855072463, + "precision": 90.9370882740448, + "recall": 93.47826086956522 + }, + { + "hf_subset": "rus_Cyrl-tat_Cyrl", + "languages": [ + "rus-Cyrl", + "tat-Cyrl" + ], + "accuracy": 97.72727272727273, + "f1": 97.00263504611331, + "main_score": 97.00263504611331, + "precision": 96.65678524374177, + "recall": 97.72727272727273 + }, + { + "hf_subset": "rus_Cyrl-xho_Latn", + "languages": [ + "rus-Cyrl", + "xho-Latn" + ], + "accuracy": 93.08300395256917, + "f1": 91.12977602108036, + "main_score": 91.12977602108036, + "precision": 90.22562582345192, + "recall": 93.08300395256917 + }, + { + "hf_subset": "rus_Cyrl-ars_Arab", + "languages": [ + "rus-Cyrl", + "ars-Arab" + ], + "accuracy": 99.40711462450594, + "f1": 99.2094861660079, + "main_score": 99.2094861660079, + "precision": 99.1106719367589, + "recall": 99.40711462450594 + }, + { + "hf_subset": "rus_Cyrl-ceb_Latn", + "languages": [ + "rus-Cyrl", + "ceb-Latn" + ], + "accuracy": 95.65217391304348, + "f1": 94.3544137022398, + "main_score": 94.3544137022398, + "precision": 93.76646903820817, + "recall": 95.65217391304348 + }, + { + "hf_subset": "rus_Cyrl-fuv_Latn", + "languages": [ + "rus-Cyrl", + "fuv-Latn" + ], + "accuracy": 51.18577075098815, + "f1": 44.5990252610806, + "main_score": 44.5990252610806, + "precision": 42.34331599450177, + "recall": 51.18577075098815 + }, + { + "hf_subset": "rus_Cyrl-kac_Latn", + "languages": [ + "rus-Cyrl", + "kac-Latn" + ], + "accuracy": 46.93675889328063, + "f1": 41.79004018701787, + "main_score": 41.79004018701787, + "precision": 40.243355662392624, + "recall": 46.93675889328063 + }, + { + "hf_subset": "rus_Cyrl-lin_Latn", + "languages": [ + "rus-Cyrl", + "lin-Latn" + ], + "accuracy": 91.50197628458498, + "f1": 89.1205533596838, + "main_score": 89.1205533596838, + "precision": 88.07147562582345, + "recall": 91.50197628458498 + }, + { + "hf_subset": "rus_Cyrl-nno_Latn", + "languages": [ + "rus-Cyrl", + "nno-Latn" + ], + "accuracy": 98.81422924901186, + "f1": 98.41897233201581, + "main_score": 98.41897233201581, + "precision": 98.22134387351778, + "recall": 98.81422924901186 + }, + { + "hf_subset": "rus_Cyrl-sat_Olck", + "languages": [ + "rus-Cyrl", + "sat-Olck" + ], + "accuracy": 2.371541501976284, + "f1": 1.0726274943087382, + "main_score": 1.0726274943087382, + "precision": 0.875279634748803, + "recall": 2.371541501976284 + }, + { + "hf_subset": "rus_Cyrl-tel_Telu", + "languages": [ + "rus-Cyrl", + "tel-Telu" + ], + "accuracy": 99.01185770750988, + "f1": 98.68247694334651, + "main_score": 98.68247694334651, + "precision": 98.51778656126481, + "recall": 99.01185770750988 + }, + { + "hf_subset": "rus_Cyrl-ydd_Hebr", + "languages": [ + "rus-Cyrl", + "ydd-Hebr" + ], + "accuracy": 89.42687747035573, + "f1": 86.47609636740073, + "main_score": 86.47609636740073, + "precision": 85.13669301712781, + "recall": 89.42687747035573 + }, + { + "hf_subset": "rus_Cyrl-ary_Arab", + "languages": [ + "rus-Cyrl", + "ary-Arab" + ], + "accuracy": 89.82213438735178, + "f1": 87.04545454545456, + "main_score": 87.04545454545456, + "precision": 85.76910408432148, + "recall": 89.82213438735178 + }, + { + "hf_subset": "rus_Cyrl-ces_Latn", + "languages": [ + "rus-Cyrl", + "ces-Latn" + ], + "accuracy": 99.2094861660079, + "f1": 98.9459815546772, + "main_score": 98.9459815546772, + "precision": 98.81422924901186, + "recall": 99.2094861660079 + }, + { + "hf_subset": "rus_Cyrl-gaz_Latn", + "languages": [ + "rus-Cyrl", + "gaz-Latn" + ], + "accuracy": 64.9209486166008, + "f1": 58.697458119394874, + "main_score": 58.697458119394874, + "precision": 56.43402189597842, + "recall": 64.9209486166008 + }, + { + "hf_subset": "rus_Cyrl-kam_Latn", + "languages": [ + "rus-Cyrl", + "kam-Latn" + ], + "accuracy": 59.18972332015811, + "f1": 53.19031511966295, + "main_score": 53.19031511966295, + "precision": 51.08128357343655, + "recall": 59.18972332015811 + }, + { + "hf_subset": "rus_Cyrl-lit_Latn", + "languages": [ + "rus-Cyrl", + "lit-Latn" + ], + "accuracy": 96.54150197628458, + "f1": 95.5368906455863, + "main_score": 95.5368906455863, + "precision": 95.0592885375494, + "recall": 96.54150197628458 + }, + { + "hf_subset": "rus_Cyrl-nob_Latn", + "languages": [ + "rus-Cyrl", + "nob-Latn" + ], + "accuracy": 98.12252964426878, + "f1": 97.51317523056655, + "main_score": 97.51317523056655, + "precision": 97.2167325428195, + "recall": 98.12252964426878 + }, + { + "hf_subset": "rus_Cyrl-scn_Latn", + "languages": [ + "rus-Cyrl", + "scn-Latn" + ], + "accuracy": 84.0909090909091, + "f1": 80.37000439174352, + "main_score": 80.37000439174352, + "precision": 78.83994628559846, + "recall": 84.0909090909091 + }, + { + "hf_subset": "rus_Cyrl-tgk_Cyrl", + "languages": [ + "rus-Cyrl", + "tgk-Cyrl" + ], + "accuracy": 92.68774703557312, + "f1": 90.86344814605684, + "main_score": 90.86344814605684, + "precision": 90.12516469038208, + "recall": 92.68774703557312 + }, + { + "hf_subset": "rus_Cyrl-yor_Latn", + "languages": [ + "rus-Cyrl", + "yor-Latn" + ], + "accuracy": 72.13438735177866, + "f1": 66.78759646150951, + "main_score": 66.78759646150951, + "precision": 64.85080192096002, + "recall": 72.13438735177866 + }, + { + "hf_subset": "rus_Cyrl-arz_Arab", + "languages": [ + "rus-Cyrl", + "arz-Arab" + ], + "accuracy": 98.02371541501977, + "f1": 97.364953886693, + "main_score": 97.364953886693, + "precision": 97.03557312252964, + "recall": 98.02371541501977 + }, + { + "hf_subset": "rus_Cyrl-cjk_Latn", + "languages": [ + "rus-Cyrl", + "cjk-Latn" + ], + "accuracy": 51.976284584980235, + "f1": 46.468762353149714, + "main_score": 46.468762353149714, + "precision": 44.64073366247278, + "recall": 51.976284584980235 + }, + { + "hf_subset": "rus_Cyrl-gla_Latn", + "languages": [ + "rus-Cyrl", + "gla-Latn" + ], + "accuracy": 79.74308300395256, + "f1": 75.55611165294958, + "main_score": 75.55611165294958, + "precision": 73.95033408620365, + "recall": 79.74308300395256 + }, + { + "hf_subset": "rus_Cyrl-kan_Knda", + "languages": [ + "rus-Cyrl", + "kan-Knda" + ], + "accuracy": 99.2094861660079, + "f1": 98.96245059288538, + "main_score": 98.96245059288538, + "precision": 98.84716732542819, + "recall": 99.2094861660079 + }, + { + "hf_subset": "rus_Cyrl-lmo_Latn", + "languages": [ + "rus-Cyrl", + "lmo-Latn" + ], + "accuracy": 82.41106719367589, + "f1": 78.56413514022209, + "main_score": 78.56413514022209, + "precision": 77.15313068573938, + "recall": 82.41106719367589 + }, + { + "hf_subset": "rus_Cyrl-npi_Deva", + "languages": [ + "rus-Cyrl", + "npi-Deva" + ], + "accuracy": 98.71541501976284, + "f1": 98.3201581027668, + "main_score": 98.3201581027668, + "precision": 98.12252964426878, + "recall": 98.71541501976284 + }, + { + "hf_subset": "rus_Cyrl-shn_Mymr", + "languages": [ + "rus-Cyrl", + "shn-Mymr" + ], + "accuracy": 57.11462450592886, + "f1": 51.51361369197337, + "main_score": 51.51361369197337, + "precision": 49.71860043649573, + "recall": 57.11462450592886 + }, + { + "hf_subset": "rus_Cyrl-tgl_Latn", + "languages": [ + "rus-Cyrl", + "tgl-Latn" + ], + "accuracy": 97.82608695652173, + "f1": 97.18379446640316, + "main_score": 97.18379446640316, + "precision": 96.88735177865613, + "recall": 97.82608695652173 + }, + { + "hf_subset": "rus_Cyrl-yue_Hant", + "languages": [ + "rus-Cyrl", + "yue-Hant" + ], + "accuracy": 99.30830039525692, + "f1": 99.09420289855072, + "main_score": 99.09420289855072, + "precision": 98.9953886693017, + "recall": 99.30830039525692 + }, + { + "hf_subset": "rus_Cyrl-asm_Beng", + "languages": [ + "rus-Cyrl", + "asm-Beng" + ], + "accuracy": 95.55335968379447, + "f1": 94.16007905138339, + "main_score": 94.16007905138339, + "precision": 93.50296442687747, + "recall": 95.55335968379447 + }, + { + "hf_subset": "rus_Cyrl-ckb_Arab", + "languages": [ + "rus-Cyrl", + "ckb-Arab" + ], + "accuracy": 92.88537549407114, + "f1": 90.76745718050066, + "main_score": 90.76745718050066, + "precision": 89.80072463768116, + "recall": 92.88537549407114 + }, + { + "hf_subset": "rus_Cyrl-gle_Latn", + "languages": [ + "rus-Cyrl", + "gle-Latn" + ], + "accuracy": 91.699604743083, + "f1": 89.40899680030115, + "main_score": 89.40899680030115, + "precision": 88.40085638998683, + "recall": 91.699604743083 + }, + { + "hf_subset": "rus_Cyrl-kas_Arab", + "languages": [ + "rus-Cyrl", + "kas-Arab" + ], + "accuracy": 88.3399209486166, + "f1": 85.14351590438548, + "main_score": 85.14351590438548, + "precision": 83.72364953886692, + "recall": 88.3399209486166 + }, + { + "hf_subset": "rus_Cyrl-ltg_Latn", + "languages": [ + "rus-Cyrl", + "ltg-Latn" + ], + "accuracy": 83.399209486166, + "f1": 79.88408934061107, + "main_score": 79.88408934061107, + "precision": 78.53794509179885, + "recall": 83.399209486166 + }, + { + "hf_subset": "rus_Cyrl-nso_Latn", + "languages": [ + "rus-Cyrl", + "nso-Latn" + ], + "accuracy": 91.20553359683794, + "f1": 88.95406635525212, + "main_score": 88.95406635525212, + "precision": 88.01548089591567, + "recall": 91.20553359683794 + }, + { + "hf_subset": "rus_Cyrl-sin_Sinh", + "languages": [ + "rus-Cyrl", + "sin-Sinh" + ], + "accuracy": 98.91304347826086, + "f1": 98.56719367588933, + "main_score": 98.56719367588933, + "precision": 98.40250329380763, + "recall": 98.91304347826086 + }, + { + "hf_subset": "rus_Cyrl-tha_Thai", + "languages": [ + "rus-Cyrl", + "tha-Thai" + ], + "accuracy": 95.94861660079052, + "f1": 94.66403162055336, + "main_score": 94.66403162055336, + "precision": 94.03820816864295, + "recall": 95.94861660079052 + }, + { + "hf_subset": "rus_Cyrl-zho_Hans", + "languages": [ + "rus-Cyrl", + "zho-Hans" + ], + "accuracy": 97.4308300395257, + "f1": 96.5909090909091, + "main_score": 96.5909090909091, + "precision": 96.17918313570487, + "recall": 97.4308300395257 + }, + { + "hf_subset": "rus_Cyrl-ast_Latn", + "languages": [ + "rus-Cyrl", + "ast-Latn" + ], + "accuracy": 94.46640316205533, + "f1": 92.86890645586297, + "main_score": 92.86890645586297, + "precision": 92.14756258234519, + "recall": 94.46640316205533 + }, + { + "hf_subset": "rus_Cyrl-crh_Latn", + "languages": [ + "rus-Cyrl", + "crh-Latn" + ], + "accuracy": 94.66403162055336, + "f1": 93.2663592446201, + "main_score": 93.2663592446201, + "precision": 92.66716073781292, + "recall": 94.66403162055336 + }, + { + "hf_subset": "rus_Cyrl-glg_Latn", + "languages": [ + "rus-Cyrl", + "glg-Latn" + ], + "accuracy": 98.81422924901186, + "f1": 98.46837944664031, + "main_score": 98.46837944664031, + "precision": 98.3201581027668, + "recall": 98.81422924901186 + }, + { + "hf_subset": "rus_Cyrl-kas_Deva", + "languages": [ + "rus-Cyrl", + "kas-Deva" + ], + "accuracy": 69.1699604743083, + "f1": 63.05505292906477, + "main_score": 63.05505292906477, + "precision": 60.62594108789761, + "recall": 69.1699604743083 + }, + { + "hf_subset": "rus_Cyrl-ltz_Latn", + "languages": [ + "rus-Cyrl", + "ltz-Latn" + ], + "accuracy": 91.40316205533597, + "f1": 89.26571616789009, + "main_score": 89.26571616789009, + "precision": 88.40179747788443, + "recall": 91.40316205533597 + }, + { + "hf_subset": "rus_Cyrl-nus_Latn", + "languages": [ + "rus-Cyrl", + "nus-Latn" + ], + "accuracy": 38.93280632411067, + "f1": 33.98513032905371, + "main_score": 33.98513032905371, + "precision": 32.56257884802308, + "recall": 38.93280632411067 + }, + { + "hf_subset": "rus_Cyrl-slk_Latn", + "languages": [ + "rus-Cyrl", + "slk-Latn" + ], + "accuracy": 98.02371541501977, + "f1": 97.42094861660078, + "main_score": 97.42094861660078, + "precision": 97.14262187088273, + "recall": 98.02371541501977 + }, + { + "hf_subset": "rus_Cyrl-tir_Ethi", + "languages": [ + "rus-Cyrl", + "tir-Ethi" + ], + "accuracy": 91.30434782608695, + "f1": 88.78129117259552, + "main_score": 88.78129117259552, + "precision": 87.61528326745717, + "recall": 91.30434782608695 + }, + { + "hf_subset": "rus_Cyrl-zho_Hant", + "languages": [ + "rus-Cyrl", + "zho-Hant" + ], + "accuracy": 99.1106719367589, + "f1": 98.81422924901186, + "main_score": 98.81422924901186, + "precision": 98.66600790513834, + "recall": 99.1106719367589 + }, + { + "hf_subset": "rus_Cyrl-awa_Deva", + "languages": [ + "rus-Cyrl", + "awa-Deva" + ], + "accuracy": 98.12252964426878, + "f1": 97.70092226613966, + "main_score": 97.70092226613966, + "precision": 97.50494071146245, + "recall": 98.12252964426878 + }, + { + "hf_subset": "rus_Cyrl-cym_Latn", + "languages": [ + "rus-Cyrl", + "cym-Latn" + ], + "accuracy": 95.94861660079052, + "f1": 94.74308300395256, + "main_score": 94.74308300395256, + "precision": 94.20289855072464, + "recall": 95.94861660079052 + }, + { + "hf_subset": "rus_Cyrl-grn_Latn", + "languages": [ + "rus-Cyrl", + "grn-Latn" + ], + "accuracy": 77.96442687747036, + "f1": 73.64286789187975, + "main_score": 73.64286789187975, + "precision": 71.99324893260821, + "recall": 77.96442687747036 + }, + { + "hf_subset": "rus_Cyrl-kat_Geor", + "languages": [ + "rus-Cyrl", + "kat-Geor" + ], + "accuracy": 98.91304347826086, + "f1": 98.56719367588933, + "main_score": 98.56719367588933, + "precision": 98.40250329380764, + "recall": 98.91304347826086 + }, + { + "hf_subset": "rus_Cyrl-lua_Latn", + "languages": [ + "rus-Cyrl", + "lua-Latn" + ], + "accuracy": 72.03557312252964, + "f1": 67.23928163404449, + "main_score": 67.23928163404449, + "precision": 65.30797101449275, + "recall": 72.03557312252964 + }, + { + "hf_subset": "rus_Cyrl-nya_Latn", + "languages": [ + "rus-Cyrl", + "nya-Latn" + ], + "accuracy": 92.29249011857708, + "f1": 90.0494071146245, + "main_score": 90.0494071146245, + "precision": 89.04808959156786, + "recall": 92.29249011857708 + }, + { + "hf_subset": "rus_Cyrl-slv_Latn", + "languages": [ + "rus-Cyrl", + "slv-Latn" + ], + "accuracy": 98.71541501976284, + "f1": 98.30368906455863, + "main_score": 98.30368906455863, + "precision": 98.10606060606061, + "recall": 98.71541501976284 + }, + { + "hf_subset": "rus_Cyrl-tpi_Latn", + "languages": [ + "rus-Cyrl", + "tpi-Latn" + ], + "accuracy": 80.53359683794467, + "f1": 76.59481822525301, + "main_score": 76.59481822525301, + "precision": 75.12913223140497, + "recall": 80.53359683794467 + }, + { + "hf_subset": "rus_Cyrl-zsm_Latn", + "languages": [ + "rus-Cyrl", + "zsm-Latn" + ], + "accuracy": 97.33201581027669, + "f1": 96.58620365142104, + "main_score": 96.58620365142104, + "precision": 96.26152832674572, + "recall": 97.33201581027669 + }, + { + "hf_subset": "rus_Cyrl-ayr_Latn", + "languages": [ + "rus-Cyrl", + "ayr-Latn" + ], + "accuracy": 45.55335968379446, + "f1": 40.13076578531388, + "main_score": 40.13076578531388, + "precision": 38.398064362362355, + "recall": 45.55335968379446 + }, + { + "hf_subset": "rus_Cyrl-dan_Latn", + "languages": [ + "rus-Cyrl", + "dan-Latn" + ], + "accuracy": 99.01185770750988, + "f1": 98.68247694334651, + "main_score": 98.68247694334651, + "precision": 98.51778656126481, + "recall": 99.01185770750988 + }, + { + "hf_subset": "rus_Cyrl-guj_Gujr", + "languages": [ + "rus-Cyrl", + "guj-Gujr" + ], + "accuracy": 99.01185770750988, + "f1": 98.68247694334651, + "main_score": 98.68247694334651, + "precision": 98.51778656126481, + "recall": 99.01185770750988 + }, + { + "hf_subset": "rus_Cyrl-kaz_Cyrl", + "languages": [ + "rus-Cyrl", + "kaz-Cyrl" + ], + "accuracy": 98.81422924901186, + "f1": 98.43544137022398, + "main_score": 98.43544137022398, + "precision": 98.25428194993412, + "recall": 98.81422924901186 + }, + { + "hf_subset": "rus_Cyrl-lug_Latn", + "languages": [ + "rus-Cyrl", + "lug-Latn" + ], + "accuracy": 82.21343873517787, + "f1": 77.97485726833554, + "main_score": 77.97485726833554, + "precision": 76.22376717485415, + "recall": 82.21343873517787 + }, + { + "hf_subset": "rus_Cyrl-oci_Latn", + "languages": [ + "rus-Cyrl", + "oci-Latn" + ], + "accuracy": 93.87351778656127, + "f1": 92.25319969885187, + "main_score": 92.25319969885187, + "precision": 91.5638528138528, + "recall": 93.87351778656127 + }, + { + "hf_subset": "rus_Cyrl-smo_Latn", + "languages": [ + "rus-Cyrl", + "smo-Latn" + ], + "accuracy": 84.88142292490119, + "f1": 81.24364765669114, + "main_score": 81.24364765669114, + "precision": 79.69991416137661, + "recall": 84.88142292490119 + }, + { + "hf_subset": "rus_Cyrl-tsn_Latn", + "languages": [ + "rus-Cyrl", + "tsn-Latn" + ], + "accuracy": 87.05533596837944, + "f1": 83.90645586297761, + "main_score": 83.90645586297761, + "precision": 82.56752305665349, + "recall": 87.05533596837944 + }, + { + "hf_subset": "rus_Cyrl-zul_Latn", + "languages": [ + "rus-Cyrl", + "zul-Latn" + ], + "accuracy": 95.15810276679841, + "f1": 93.77140974967062, + "main_score": 93.77140974967062, + "precision": 93.16534914361002, + "recall": 95.15810276679841 + }, + { + "hf_subset": "rus_Cyrl-azb_Arab", + "languages": [ + "rus-Cyrl", + "azb-Arab" + ], + "accuracy": 81.91699604743083, + "f1": 77.18050065876152, + "main_score": 77.18050065876152, + "precision": 75.21519543258673, + "recall": 81.91699604743083 + }, + { + "hf_subset": "rus_Cyrl-deu_Latn", + "languages": [ + "rus-Cyrl", + "deu-Latn" + ], + "accuracy": 99.50592885375494, + "f1": 99.34123847167325, + "main_score": 99.34123847167325, + "precision": 99.2588932806324, + "recall": 99.50592885375494 + }, + { + "hf_subset": "rus_Cyrl-hat_Latn", + "languages": [ + "rus-Cyrl", + "hat-Latn" + ], + "accuracy": 91.00790513833992, + "f1": 88.69126043039086, + "main_score": 88.69126043039086, + "precision": 87.75774044795784, + "recall": 91.00790513833992 + }, + { + "hf_subset": "rus_Cyrl-kbp_Latn", + "languages": [ + "rus-Cyrl", + "kbp-Latn" + ], + "accuracy": 47.233201581027664, + "f1": 43.01118618096943, + "main_score": 43.01118618096943, + "precision": 41.739069205043556, + "recall": 47.233201581027664 + }, + { + "hf_subset": "rus_Cyrl-luo_Latn", + "languages": [ + "rus-Cyrl", + "luo-Latn" + ], + "accuracy": 60.47430830039525, + "f1": 54.83210565429816, + "main_score": 54.83210565429816, + "precision": 52.81630744284779, + "recall": 60.47430830039525 + }, + { + "hf_subset": "rus_Cyrl-ory_Orya", + "languages": [ + "rus-Cyrl", + "ory-Orya" + ], + "accuracy": 99.1106719367589, + "f1": 98.83069828722003, + "main_score": 98.83069828722003, + "precision": 98.69894598155467, + "recall": 99.1106719367589 + }, + { + "hf_subset": "rus_Cyrl-sna_Latn", + "languages": [ + "rus-Cyrl", + "sna-Latn" + ], + "accuracy": 89.72332015810277, + "f1": 87.30013645774514, + "main_score": 87.30013645774514, + "precision": 86.25329380764163, + "recall": 89.72332015810277 + }, + { + "hf_subset": "rus_Cyrl-tso_Latn", + "languages": [ + "rus-Cyrl", + "tso-Latn" + ], + "accuracy": 84.38735177865613, + "f1": 80.70424744337788, + "main_score": 80.70424744337788, + "precision": 79.18560606060606, + "recall": 84.38735177865613 + }, + { + "hf_subset": "rus_Cyrl-azj_Latn", + "languages": [ + "rus-Cyrl", + "azj-Latn" + ], + "accuracy": 97.33201581027669, + "f1": 96.56455862977602, + "main_score": 96.56455862977602, + "precision": 96.23682476943345, + "recall": 97.33201581027669 + }, + { + "hf_subset": "rus_Cyrl-dik_Latn", + "languages": [ + "rus-Cyrl", + "dik-Latn" + ], + "accuracy": 46.047430830039524, + "f1": 40.05513069495283, + "main_score": 40.05513069495283, + "precision": 38.072590197096126, + "recall": 46.047430830039524 + }, + { + "hf_subset": "rus_Cyrl-hau_Latn", + "languages": [ + "rus-Cyrl", + "hau-Latn" + ], + "accuracy": 87.94466403162056, + "f1": 84.76943346508563, + "main_score": 84.76943346508563, + "precision": 83.34486166007905, + "recall": 87.94466403162056 + }, + { + "hf_subset": "rus_Cyrl-kea_Latn", + "languages": [ + "rus-Cyrl", + "kea-Latn" + ], + "accuracy": 89.42687747035573, + "f1": 86.83803021747684, + "main_score": 86.83803021747684, + "precision": 85.78416149068323, + "recall": 89.42687747035573 + }, + { + "hf_subset": "rus_Cyrl-lus_Latn", + "languages": [ + "rus-Cyrl", + "lus-Latn" + ], + "accuracy": 68.97233201581028, + "f1": 64.05480726292745, + "main_score": 64.05480726292745, + "precision": 62.42670749487858, + "recall": 68.97233201581028 + }, + { + "hf_subset": "rus_Cyrl-pag_Latn", + "languages": [ + "rus-Cyrl", + "pag-Latn" + ], + "accuracy": 78.75494071146245, + "f1": 74.58573558401933, + "main_score": 74.58573558401933, + "precision": 73.05532028358115, + "recall": 78.75494071146245 + }, + { + "hf_subset": "rus_Cyrl-snd_Arab", + "languages": [ + "rus-Cyrl", + "snd-Arab" + ], + "accuracy": 95.8498023715415, + "f1": 94.56521739130434, + "main_score": 94.56521739130434, + "precision": 93.97233201581028, + "recall": 95.8498023715415 + }, + { + "hf_subset": "rus_Cyrl-tuk_Latn", + "languages": [ + "rus-Cyrl", + "tuk-Latn" + ], + "accuracy": 68.08300395256917, + "f1": 62.93565240205557, + "main_score": 62.93565240205557, + "precision": 61.191590257043934, + "recall": 68.08300395256917 + }, + { + "hf_subset": "rus_Cyrl-bak_Cyrl", + "languages": [ + "rus-Cyrl", + "bak-Cyrl" + ], + "accuracy": 96.04743083003953, + "f1": 94.86824769433464, + "main_score": 94.86824769433464, + "precision": 94.34288537549406, + "recall": 96.04743083003953 + }, + { + "hf_subset": "rus_Cyrl-dyu_Latn", + "languages": [ + "rus-Cyrl", + "dyu-Latn" + ], + "accuracy": 37.45059288537549, + "f1": 31.670482312800807, + "main_score": 31.670482312800807, + "precision": 29.99928568357422, + "recall": 37.45059288537549 + }, + { + "hf_subset": "rus_Cyrl-heb_Hebr", + "languages": [ + "rus-Cyrl", + "heb-Hebr" + ], + "accuracy": 97.23320158102767, + "f1": 96.38998682476942, + "main_score": 96.38998682476942, + "precision": 95.99802371541502, + "recall": 97.23320158102767 + }, + { + "hf_subset": "rus_Cyrl-khk_Cyrl", + "languages": [ + "rus-Cyrl", + "khk-Cyrl" + ], + "accuracy": 98.41897233201581, + "f1": 98.00724637681158, + "main_score": 98.00724637681158, + "precision": 97.82938076416336, + "recall": 98.41897233201581 + }, + { + "hf_subset": "rus_Cyrl-lvs_Latn", + "languages": [ + "rus-Cyrl", + "lvs-Latn" + ], + "accuracy": 97.4308300395257, + "f1": 96.61396574440053, + "main_score": 96.61396574440053, + "precision": 96.2203557312253, + "recall": 97.4308300395257 + }, + { + "hf_subset": "rus_Cyrl-pan_Guru", + "languages": [ + "rus-Cyrl", + "pan-Guru" + ], + "accuracy": 99.30830039525692, + "f1": 99.07773386034256, + "main_score": 99.07773386034256, + "precision": 98.96245059288538, + "recall": 99.30830039525692 + }, + { + "hf_subset": "rus_Cyrl-som_Latn", + "languages": [ + "rus-Cyrl", + "som-Latn" + ], + "accuracy": 87.74703557312253, + "f1": 84.52898550724638, + "main_score": 84.52898550724638, + "precision": 83.09288537549409, + "recall": 87.74703557312253 + }, + { + "hf_subset": "rus_Cyrl-tum_Latn", + "languages": [ + "rus-Cyrl", + "tum-Latn" + ], + "accuracy": 87.15415019762845, + "f1": 83.85069640504425, + "main_score": 83.85069640504425, + "precision": 82.43671183888576, + "recall": 87.15415019762845 + }, + { + "hf_subset": "taq_Latn-rus_Cyrl", + "languages": [ + "taq-Latn", + "rus-Cyrl" + ], + "accuracy": 28.55731225296443, + "f1": 26.810726360049568, + "main_score": 26.810726360049568, + "precision": 26.260342858265577, + "recall": 28.55731225296443 + }, + { + "hf_subset": "war_Latn-rus_Cyrl", + "languages": [ + "war-Latn", + "rus-Cyrl" + ], + "accuracy": 94.86166007905138, + "f1": 94.03147083483051, + "main_score": 94.03147083483051, + "precision": 93.70653606003322, + "recall": 94.86166007905138 + }, + { + "hf_subset": "arb_Arab-rus_Cyrl", + "languages": [ + "arb-Arab", + "rus-Cyrl" + ], + "accuracy": 96.34387351778656, + "f1": 95.23056653491436, + "main_score": 95.23056653491436, + "precision": 94.70520421607378, + "recall": 96.34387351778656 + }, + { + "hf_subset": "bul_Cyrl-rus_Cyrl", + "languages": [ + "bul-Cyrl", + "rus-Cyrl" + ], + "accuracy": 99.90118577075098, + "f1": 99.86824769433464, + "main_score": 99.86824769433464, + "precision": 99.85177865612648, + "recall": 99.90118577075098 + }, + { + "hf_subset": "fra_Latn-rus_Cyrl", + "languages": [ + "fra-Latn", + "rus-Cyrl" + ], + "accuracy": 99.2094861660079, + "f1": 98.9459815546772, + "main_score": 98.9459815546772, + "precision": 98.81422924901186, + "recall": 99.2094861660079 + }, + { + "hf_subset": "jpn_Jpan-rus_Cyrl", + "languages": [ + "jpn-Jpan", + "rus-Cyrl" + ], + "accuracy": 98.3201581027668, + "f1": 97.76021080368905, + "main_score": 97.76021080368905, + "precision": 97.48023715415019, + "recall": 98.3201581027668 + }, + { + "hf_subset": "lij_Latn-rus_Cyrl", + "languages": [ + "lij-Latn", + "rus-Cyrl" + ], + "accuracy": 83.49802371541502, + "f1": 81.64800059239636, + "main_score": 81.64800059239636, + "precision": 80.9443055878478, + "recall": 83.49802371541502 + }, + { + "hf_subset": "mya_Mymr-rus_Cyrl", + "languages": [ + "mya-Mymr", + "rus-Cyrl" + ], + "accuracy": 90.21739130434783, + "f1": 88.76776366313682, + "main_score": 88.76776366313682, + "precision": 88.18370446119435, + "recall": 90.21739130434783 + }, + { + "hf_subset": "sag_Latn-rus_Cyrl", + "languages": [ + "sag-Latn", + "rus-Cyrl" + ], + "accuracy": 41.699604743083, + "f1": 39.53066322643847, + "main_score": 39.53066322643847, + "precision": 38.822876239229274, + "recall": 41.699604743083 + }, + { + "hf_subset": "taq_Tfng-rus_Cyrl", + "languages": [ + "taq-Tfng", + "rus-Cyrl" + ], + "accuracy": 10.67193675889328, + "f1": 9.205744965817951, + "main_score": 9.205744965817951, + "precision": 8.85195219073817, + "recall": 10.67193675889328 + }, + { + "hf_subset": "wol_Latn-rus_Cyrl", + "languages": [ + "wol-Latn", + "rus-Cyrl" + ], + "accuracy": 63.537549407114625, + "f1": 60.65190727391827, + "main_score": 60.65190727391827, + "precision": 59.61144833427442, + "recall": 63.537549407114625 + }, + { + "hf_subset": "arb_Latn-rus_Cyrl", + "languages": [ + "arb-Latn", + "rus-Cyrl" + ], + "accuracy": 13.142292490118576, + "f1": 12.372910318176764, + "main_score": 12.372910318176764, + "precision": 12.197580895919188, + "recall": 13.142292490118576 + }, + { + "hf_subset": "cat_Latn-rus_Cyrl", + "languages": [ + "cat-Latn", + "rus-Cyrl" + ], + "accuracy": 99.01185770750988, + "f1": 98.80599472990777, + "main_score": 98.80599472990777, + "precision": 98.72953133822698, + "recall": 99.01185770750988 + }, + { + "hf_subset": "fur_Latn-rus_Cyrl", + "languages": [ + "fur-Latn", + "rus-Cyrl" + ], + "accuracy": 81.02766798418972, + "f1": 79.36184294084613, + "main_score": 79.36184294084613, + "precision": 78.69187826527705, + "recall": 81.02766798418972 + }, + { + "hf_subset": "kab_Latn-rus_Cyrl", + "languages": [ + "kab-Latn", + "rus-Cyrl" + ], + "accuracy": 34.387351778656125, + "f1": 32.02306921576947, + "main_score": 32.02306921576947, + "precision": 31.246670347137467, + "recall": 34.387351778656125 + }, + { + "hf_subset": "lim_Latn-rus_Cyrl", + "languages": [ + "lim-Latn", + "rus-Cyrl" + ], + "accuracy": 78.26086956521739, + "f1": 75.90239449214359, + "main_score": 75.90239449214359, + "precision": 75.02211430745493, + "recall": 78.26086956521739 + }, + { + "hf_subset": "nld_Latn-rus_Cyrl", + "languages": [ + "nld-Latn", + "rus-Cyrl" + ], + "accuracy": 99.2094861660079, + "f1": 98.9459815546772, + "main_score": 98.9459815546772, + "precision": 98.81422924901186, + "recall": 99.2094861660079 + }, + { + "hf_subset": "san_Deva-rus_Cyrl", + "languages": [ + "san-Deva", + "rus-Cyrl" + ], + "accuracy": 87.94466403162056, + "f1": 86.68928897189767, + "main_score": 86.68928897189767, + "precision": 86.23822997079216, + "recall": 87.94466403162056 + }, + { + "hf_subset": "tat_Cyrl-rus_Cyrl", + "languages": [ + "tat-Cyrl", + "rus-Cyrl" + ], + "accuracy": 97.03557312252964, + "f1": 96.4167365353136, + "main_score": 96.4167365353136, + "precision": 96.16847826086958, + "recall": 97.03557312252964 + }, + { + "hf_subset": "xho_Latn-rus_Cyrl", + "languages": [ + "xho-Latn", + "rus-Cyrl" + ], + "accuracy": 86.95652173913044, + "f1": 85.5506497283435, + "main_score": 85.5506497283435, + "precision": 84.95270479733395, + "recall": 86.95652173913044 + }, + { + "hf_subset": "ars_Arab-rus_Cyrl", + "languages": [ + "ars-Arab", + "rus-Cyrl" + ], + "accuracy": 96.6403162055336, + "f1": 95.60935441370223, + "main_score": 95.60935441370223, + "precision": 95.13339920948617, + "recall": 96.6403162055336 + }, + { + "hf_subset": "ceb_Latn-rus_Cyrl", + "languages": [ + "ceb-Latn", + "rus-Cyrl" + ], + "accuracy": 95.7509881422925, + "f1": 95.05209198303827, + "main_score": 95.05209198303827, + "precision": 94.77662283368805, + "recall": 95.7509881422925 + }, + { + "hf_subset": "fuv_Latn-rus_Cyrl", + "languages": [ + "fuv-Latn", + "rus-Cyrl" + ], + "accuracy": 45.25691699604743, + "f1": 42.285666666742365, + "main_score": 42.285666666742365, + "precision": 41.21979853402283, + "recall": 45.25691699604743 + }, + { + "hf_subset": "kac_Latn-rus_Cyrl", + "languages": [ + "kac-Latn", + "rus-Cyrl" + ], + "accuracy": 34.683794466403164, + "f1": 33.3235346229031, + "main_score": 33.3235346229031, + "precision": 32.94673924616852, + "recall": 34.683794466403164 + }, + { + "hf_subset": "lin_Latn-rus_Cyrl", + "languages": [ + "lin-Latn", + "rus-Cyrl" + ], + "accuracy": 86.85770750988142, + "f1": 85.1867110799439, + "main_score": 85.1867110799439, + "precision": 84.53038212173273, + "recall": 86.85770750988142 + }, + { + "hf_subset": "nno_Latn-rus_Cyrl", + "languages": [ + "nno-Latn", + "rus-Cyrl" + ], + "accuracy": 97.4308300395257, + "f1": 96.78383210991906, + "main_score": 96.78383210991906, + "precision": 96.51185770750989, + "recall": 97.4308300395257 + }, + { + "hf_subset": "sat_Olck-rus_Cyrl", + "languages": [ + "sat-Olck", + "rus-Cyrl" + ], + "accuracy": 1.185770750988142, + "f1": 1.0279253129117258, + "main_score": 1.0279253129117258, + "precision": 1.0129746819135175, + "recall": 1.185770750988142 + }, + { + "hf_subset": "tel_Telu-rus_Cyrl", + "languages": [ + "tel-Telu", + "rus-Cyrl" + ], + "accuracy": 98.12252964426878, + "f1": 97.61198945981555, + "main_score": 97.61198945981555, + "precision": 97.401185770751, + "recall": 98.12252964426878 + }, + { + "hf_subset": "ydd_Hebr-rus_Cyrl", + "languages": [ + "ydd-Hebr", + "rus-Cyrl" + ], + "accuracy": 75.8893280632411, + "f1": 74.00244008018511, + "main_score": 74.00244008018511, + "precision": 73.25683020960382, + "recall": 75.8893280632411 + }, + { + "hf_subset": "ary_Arab-rus_Cyrl", + "languages": [ + "ary-Arab", + "rus-Cyrl" + ], + "accuracy": 86.56126482213439, + "f1": 83.72796285839765, + "main_score": 83.72796285839765, + "precision": 82.65014273166447, + "recall": 86.56126482213439 + }, + { + "hf_subset": "ces_Latn-rus_Cyrl", + "languages": [ + "ces-Latn", + "rus-Cyrl" + ], + "accuracy": 99.60474308300395, + "f1": 99.4729907773386, + "main_score": 99.4729907773386, + "precision": 99.40711462450594, + "recall": 99.60474308300395 + }, + { + "hf_subset": "gaz_Latn-rus_Cyrl", + "languages": [ + "gaz-Latn", + "rus-Cyrl" + ], + "accuracy": 42.58893280632411, + "f1": 40.75832866805978, + "main_score": 40.75832866805978, + "precision": 40.14285046917723, + "recall": 42.58893280632411 + }, + { + "hf_subset": "kam_Latn-rus_Cyrl", + "languages": [ + "kam-Latn", + "rus-Cyrl" + ], + "accuracy": 45.25691699604743, + "f1": 42.6975518029456, + "main_score": 42.6975518029456, + "precision": 41.87472710984596, + "recall": 45.25691699604743 + }, + { + "hf_subset": "lit_Latn-rus_Cyrl", + "languages": [ + "lit-Latn", + "rus-Cyrl" + ], + "accuracy": 97.33201581027669, + "f1": 96.62384716732542, + "main_score": 96.62384716732542, + "precision": 96.3175230566535, + "recall": 97.33201581027669 + }, + { + "hf_subset": "nob_Latn-rus_Cyrl", + "languages": [ + "nob-Latn", + "rus-Cyrl" + ], + "accuracy": 98.71541501976284, + "f1": 98.30368906455863, + "main_score": 98.30368906455863, + "precision": 98.10606060606061, + "recall": 98.71541501976284 + }, + { + "hf_subset": "scn_Latn-rus_Cyrl", + "languages": [ + "scn-Latn", + "rus-Cyrl" + ], + "accuracy": 70.45454545454545, + "f1": 68.62561022640075, + "main_score": 68.62561022640075, + "precision": 67.95229103411222, + "recall": 70.45454545454545 + }, + { + "hf_subset": "tgk_Cyrl-rus_Cyrl", + "languages": [ + "tgk-Cyrl", + "rus-Cyrl" + ], + "accuracy": 92.4901185770751, + "f1": 91.58514492753623, + "main_score": 91.58514492753623, + "precision": 91.24759298672342, + "recall": 92.4901185770751 + }, + { + "hf_subset": "yor_Latn-rus_Cyrl", + "languages": [ + "yor-Latn", + "rus-Cyrl" + ], + "accuracy": 67.98418972332016, + "f1": 64.72874247330768, + "main_score": 64.72874247330768, + "precision": 63.450823399938685, + "recall": 67.98418972332016 + }, + { + "hf_subset": "arz_Arab-rus_Cyrl", + "languages": [ + "arz-Arab", + "rus-Cyrl" + ], + "accuracy": 94.56521739130434, + "f1": 93.07971014492755, + "main_score": 93.07971014492755, + "precision": 92.42753623188406, + "recall": 94.56521739130434 + }, + { + "hf_subset": "cjk_Latn-rus_Cyrl", + "languages": [ + "cjk-Latn", + "rus-Cyrl" + ], + "accuracy": 38.63636363636363, + "f1": 36.25747140862938, + "main_score": 36.25747140862938, + "precision": 35.49101355074723, + "recall": 38.63636363636363 + }, + { + "hf_subset": "gla_Latn-rus_Cyrl", + "languages": [ + "gla-Latn", + "rus-Cyrl" + ], + "accuracy": 69.26877470355731, + "f1": 66.11797423328613, + "main_score": 66.11797423328613, + "precision": 64.89369649409694, + "recall": 69.26877470355731 + }, + { + "hf_subset": "kan_Knda-rus_Cyrl", + "languages": [ + "kan-Knda", + "rus-Cyrl" + ], + "accuracy": 98.02371541501977, + "f1": 97.51505740636176, + "main_score": 97.51505740636176, + "precision": 97.30731225296442, + "recall": 98.02371541501977 + }, + { + "hf_subset": "lmo_Latn-rus_Cyrl", + "languages": [ + "lmo-Latn", + "rus-Cyrl" + ], + "accuracy": 73.3201581027668, + "f1": 71.06371608677273, + "main_score": 71.06371608677273, + "precision": 70.26320288266223, + "recall": 73.3201581027668 + }, + { + "hf_subset": "npi_Deva-rus_Cyrl", + "languages": [ + "npi-Deva", + "rus-Cyrl" + ], + "accuracy": 97.82608695652173, + "f1": 97.36645107198466, + "main_score": 97.36645107198466, + "precision": 97.1772068511199, + "recall": 97.82608695652173 + }, + { + "hf_subset": "shn_Mymr-rus_Cyrl", + "languages": [ + "shn-Mymr", + "rus-Cyrl" + ], + "accuracy": 39.426877470355734, + "f1": 37.16728785513024, + "main_score": 37.16728785513024, + "precision": 36.56918548278505, + "recall": 39.426877470355734 + }, + { + "hf_subset": "tgl_Latn-rus_Cyrl", + "languages": [ + "tgl-Latn", + "rus-Cyrl" + ], + "accuracy": 97.92490118577075, + "f1": 97.6378693769998, + "main_score": 97.6378693769998, + "precision": 97.55371440154047, + "recall": 97.92490118577075 + }, + { + "hf_subset": "yue_Hant-rus_Cyrl", + "languages": [ + "yue-Hant", + "rus-Cyrl" + ], + "accuracy": 97.92490118577075, + "f1": 97.3833051006964, + "main_score": 97.3833051006964, + "precision": 97.1590909090909, + "recall": 97.92490118577075 + }, + { + "hf_subset": "asm_Beng-rus_Cyrl", + "languages": [ + "asm-Beng", + "rus-Cyrl" + ], + "accuracy": 92.78656126482213, + "f1": 91.76917395296842, + "main_score": 91.76917395296842, + "precision": 91.38292866553736, + "recall": 92.78656126482213 + }, + { + "hf_subset": "ckb_Arab-rus_Cyrl", + "languages": [ + "ckb-Arab", + "rus-Cyrl" + ], + "accuracy": 80.8300395256917, + "f1": 79.17664345468799, + "main_score": 79.17664345468799, + "precision": 78.5622171683459, + "recall": 80.8300395256917 + }, + { + "hf_subset": "gle_Latn-rus_Cyrl", + "languages": [ + "gle-Latn", + "rus-Cyrl" + ], + "accuracy": 85.86956521739131, + "f1": 84.45408265372492, + "main_score": 84.45408265372492, + "precision": 83.8774340026703, + "recall": 85.86956521739131 + }, + { + "hf_subset": "kas_Arab-rus_Cyrl", + "languages": [ + "kas-Arab", + "rus-Cyrl" + ], + "accuracy": 76.28458498023716, + "f1": 74.11216313578267, + "main_score": 74.11216313578267, + "precision": 73.2491277759584, + "recall": 76.28458498023716 + }, + { + "hf_subset": "ltg_Latn-rus_Cyrl", + "languages": [ + "ltg-Latn", + "rus-Cyrl" + ], + "accuracy": 71.14624505928853, + "f1": 68.69245357723618, + "main_score": 68.69245357723618, + "precision": 67.8135329666459, + "recall": 71.14624505928853 + }, + { + "hf_subset": "nso_Latn-rus_Cyrl", + "languages": [ + "nso-Latn", + "rus-Cyrl" + ], + "accuracy": 87.64822134387352, + "f1": 85.98419219986725, + "main_score": 85.98419219986725, + "precision": 85.32513873917036, + "recall": 87.64822134387352 + }, + { + "hf_subset": "sin_Sinh-rus_Cyrl", + "languages": [ + "sin-Sinh", + "rus-Cyrl" + ], + "accuracy": 97.62845849802372, + "f1": 97.10144927536231, + "main_score": 97.10144927536231, + "precision": 96.87986585219788, + "recall": 97.62845849802372 + }, + { + "hf_subset": "tha_Thai-rus_Cyrl", + "languages": [ + "tha-Thai", + "rus-Cyrl" + ], + "accuracy": 98.71541501976284, + "f1": 98.28722002635045, + "main_score": 98.28722002635045, + "precision": 98.07312252964427, + "recall": 98.71541501976284 + }, + { + "hf_subset": "zho_Hans-rus_Cyrl", + "languages": [ + "zho-Hans", + "rus-Cyrl" + ], + "accuracy": 99.01185770750988, + "f1": 98.68247694334651, + "main_score": 98.68247694334651, + "precision": 98.51778656126481, + "recall": 99.01185770750988 + }, + { + "hf_subset": "ast_Latn-rus_Cyrl", + "languages": [ + "ast-Latn", + "rus-Cyrl" + ], + "accuracy": 95.65217391304348, + "f1": 94.90649683857505, + "main_score": 94.90649683857505, + "precision": 94.61352657004831, + "recall": 95.65217391304348 + }, + { + "hf_subset": "crh_Latn-rus_Cyrl", + "languages": [ + "crh-Latn", + "rus-Cyrl" + ], + "accuracy": 93.08300395256917, + "f1": 92.20988998886428, + "main_score": 92.20988998886428, + "precision": 91.85631013694254, + "recall": 93.08300395256917 + }, + { + "hf_subset": "glg_Latn-rus_Cyrl", + "languages": [ + "glg-Latn", + "rus-Cyrl" + ], + "accuracy": 95.55335968379447, + "f1": 95.18006148440931, + "main_score": 95.18006148440931, + "precision": 95.06540560888386, + "recall": 95.55335968379447 + }, + { + "hf_subset": "kas_Deva-rus_Cyrl", + "languages": [ + "kas-Deva", + "rus-Cyrl" + ], + "accuracy": 55.03952569169961, + "f1": 52.19871938895554, + "main_score": 52.19871938895554, + "precision": 51.17660971469557, + "recall": 55.03952569169961 + }, + { + "hf_subset": "ltz_Latn-rus_Cyrl", + "languages": [ + "ltz-Latn", + "rus-Cyrl" + ], + "accuracy": 87.64822134387352, + "f1": 86.64179841897234, + "main_score": 86.64179841897234, + "precision": 86.30023235431587, + "recall": 87.64822134387352 + }, + { + "hf_subset": "nus_Latn-rus_Cyrl", + "languages": [ + "nus-Latn", + "rus-Cyrl" + ], + "accuracy": 27.4703557312253, + "f1": 25.703014277858088, + "main_score": 25.703014277858088, + "precision": 25.194105476917315, + "recall": 27.4703557312253 + }, + { + "hf_subset": "slk_Latn-rus_Cyrl", + "languages": [ + "slk-Latn", + "rus-Cyrl" + ], + "accuracy": 99.30830039525692, + "f1": 99.1106719367589, + "main_score": 99.1106719367589, + "precision": 99.02832674571805, + "recall": 99.30830039525692 + }, + { + "hf_subset": "tir_Ethi-rus_Cyrl", + "languages": [ + "tir-Ethi", + "rus-Cyrl" + ], + "accuracy": 80.73122529644269, + "f1": 78.66903754775608, + "main_score": 78.66903754775608, + "precision": 77.86431694163612, + "recall": 80.73122529644269 + }, + { + "hf_subset": "zho_Hant-rus_Cyrl", + "languages": [ + "zho-Hant", + "rus-Cyrl" + ], + "accuracy": 98.22134387351778, + "f1": 97.66798418972333, + "main_score": 97.66798418972333, + "precision": 97.40612648221344, + "recall": 98.22134387351778 + }, + { + "hf_subset": "awa_Deva-rus_Cyrl", + "languages": [ + "awa-Deva", + "rus-Cyrl" + ], + "accuracy": 97.5296442687747, + "f1": 96.94224857268335, + "main_score": 96.94224857268335, + "precision": 96.68560606060606, + "recall": 97.5296442687747 + }, + { + "hf_subset": "cym_Latn-rus_Cyrl", + "languages": [ + "cym-Latn", + "rus-Cyrl" + ], + "accuracy": 92.68774703557312, + "f1": 91.69854302097961, + "main_score": 91.69854302097961, + "precision": 91.31236846157795, + "recall": 92.68774703557312 + }, + { + "hf_subset": "grn_Latn-rus_Cyrl", + "languages": [ + "grn-Latn", + "rus-Cyrl" + ], + "accuracy": 64.13043478260869, + "f1": 61.850586118740004, + "main_score": 61.850586118740004, + "precision": 61.0049495186209, + "recall": 64.13043478260869 + }, + { + "hf_subset": "kat_Geor-rus_Cyrl", + "languages": [ + "kat-Geor", + "rus-Cyrl" + ], + "accuracy": 98.02371541501977, + "f1": 97.59881422924902, + "main_score": 97.59881422924902, + "precision": 97.42534036012296, + "recall": 98.02371541501977 + }, + { + "hf_subset": "lua_Latn-rus_Cyrl", + "languages": [ + "lua-Latn", + "rus-Cyrl" + ], + "accuracy": 63.63636363636363, + "f1": 60.9709122526128, + "main_score": 60.9709122526128, + "precision": 60.03915902282226, + "recall": 63.63636363636363 + }, + { + "hf_subset": "nya_Latn-rus_Cyrl", + "languages": [ + "nya-Latn", + "rus-Cyrl" + ], + "accuracy": 89.2292490118577, + "f1": 87.59723824473149, + "main_score": 87.59723824473149, + "precision": 86.90172707867349, + "recall": 89.2292490118577 + }, + { + "hf_subset": "slv_Latn-rus_Cyrl", + "languages": [ + "slv-Latn", + "rus-Cyrl" + ], + "accuracy": 99.01185770750988, + "f1": 98.74835309617917, + "main_score": 98.74835309617917, + "precision": 98.63636363636364, + "recall": 99.01185770750988 + }, + { + "hf_subset": "tpi_Latn-rus_Cyrl", + "languages": [ + "tpi-Latn", + "rus-Cyrl" + ], + "accuracy": 77.37154150197628, + "f1": 75.44251611276084, + "main_score": 75.44251611276084, + "precision": 74.78103665109595, + "recall": 77.37154150197628 + }, + { + "hf_subset": "zsm_Latn-rus_Cyrl", + "languages": [ + "zsm-Latn", + "rus-Cyrl" + ], + "accuracy": 99.2094861660079, + "f1": 98.96245059288538, + "main_score": 98.96245059288538, + "precision": 98.8471673254282, + "recall": 99.2094861660079 + }, + { + "hf_subset": "ayr_Latn-rus_Cyrl", + "languages": [ + "ayr-Latn", + "rus-Cyrl" + ], + "accuracy": 27.766798418972332, + "f1": 26.439103195281312, + "main_score": 26.439103195281312, + "precision": 26.052655604573964, + "recall": 27.766798418972332 + }, + { + "hf_subset": "dan_Latn-rus_Cyrl", + "languages": [ + "dan-Latn", + "rus-Cyrl" + ], + "accuracy": 99.30830039525692, + "f1": 99.07773386034255, + "main_score": 99.07773386034255, + "precision": 98.96245059288538, + "recall": 99.30830039525692 + }, + { + "hf_subset": "guj_Gujr-rus_Cyrl", + "languages": [ + "guj-Gujr", + "rus-Cyrl" + ], + "accuracy": 97.82608695652173, + "f1": 97.26449275362317, + "main_score": 97.26449275362317, + "precision": 97.02498588368154, + "recall": 97.82608695652173 + }, + { + "hf_subset": "kaz_Cyrl-rus_Cyrl", + "languages": [ + "kaz-Cyrl", + "rus-Cyrl" + ], + "accuracy": 97.5296442687747, + "f1": 97.03557312252964, + "main_score": 97.03557312252964, + "precision": 96.85022158342316, + "recall": 97.5296442687747 + }, + { + "hf_subset": "lug_Latn-rus_Cyrl", + "languages": [ + "lug-Latn", + "rus-Cyrl" + ], + "accuracy": 68.57707509881423, + "f1": 65.93361605820395, + "main_score": 65.93361605820395, + "precision": 64.90348248593789, + "recall": 68.57707509881423 + }, + { + "hf_subset": "oci_Latn-rus_Cyrl", + "languages": [ + "oci-Latn", + "rus-Cyrl" + ], + "accuracy": 86.26482213438736, + "f1": 85.33176417155623, + "main_score": 85.33176417155623, + "precision": 85.00208833384637, + "recall": 86.26482213438736 + }, + { + "hf_subset": "smo_Latn-rus_Cyrl", + "languages": [ + "smo-Latn", + "rus-Cyrl" + ], + "accuracy": 77.96442687747036, + "f1": 75.70960450188885, + "main_score": 75.70960450188885, + "precision": 74.8312632736777, + "recall": 77.96442687747036 + }, + { + "hf_subset": "tsn_Latn-rus_Cyrl", + "languages": [ + "tsn-Latn", + "rus-Cyrl" + ], + "accuracy": 84.38735177865613, + "f1": 82.13656376349225, + "main_score": 82.13656376349225, + "precision": 81.16794543904518, + "recall": 84.38735177865613 + }, + { + "hf_subset": "zul_Latn-rus_Cyrl", + "languages": [ + "zul-Latn", + "rus-Cyrl" + ], + "accuracy": 90.21739130434783, + "f1": 88.77570602050753, + "main_score": 88.77570602050753, + "precision": 88.15978104021582, + "recall": 90.21739130434783 + }, + { + "hf_subset": "azb_Arab-rus_Cyrl", + "languages": [ + "azb-Arab", + "rus-Cyrl" + ], + "accuracy": 65.71146245059289, + "f1": 64.18825390221271, + "main_score": 64.18825390221271, + "precision": 63.66811154793568, + "recall": 65.71146245059289 + }, + { + "hf_subset": "deu_Latn-rus_Cyrl", + "languages": [ + "deu-Latn", + "rus-Cyrl" + ], + "accuracy": 99.70355731225297, + "f1": 99.60474308300395, + "main_score": 99.60474308300395, + "precision": 99.55533596837944, + "recall": 99.70355731225297 + }, + { + "hf_subset": "hat_Latn-rus_Cyrl", + "languages": [ + "hat-Latn", + "rus-Cyrl" + ], + "accuracy": 86.7588932806324, + "f1": 85.86738623695146, + "main_score": 85.86738623695146, + "precision": 85.55235467420822, + "recall": 86.7588932806324 + }, + { + "hf_subset": "kbp_Latn-rus_Cyrl", + "languages": [ + "kbp-Latn", + "rus-Cyrl" + ], + "accuracy": 34.88142292490119, + "f1": 32.16511669463015, + "main_score": 32.16511669463015, + "precision": 31.432098549546318, + "recall": 34.88142292490119 + }, + { + "hf_subset": "luo_Latn-rus_Cyrl", + "languages": [ + "luo-Latn", + "rus-Cyrl" + ], + "accuracy": 52.27272727272727, + "f1": 49.60489626836975, + "main_score": 49.60489626836975, + "precision": 48.69639631803339, + "recall": 52.27272727272727 + }, + { + "hf_subset": "ory_Orya-rus_Cyrl", + "languages": [ + "ory-Orya", + "rus-Cyrl" + ], + "accuracy": 97.82608695652173, + "f1": 97.27437417654808, + "main_score": 97.27437417654808, + "precision": 97.04968944099377, + "recall": 97.82608695652173 + }, + { + "hf_subset": "sna_Latn-rus_Cyrl", + "languages": [ + "sna-Latn", + "rus-Cyrl" + ], + "accuracy": 85.37549407114624, + "f1": 83.09911316305177, + "main_score": 83.09911316305177, + "precision": 82.1284950958864, + "recall": 85.37549407114624 + }, + { + "hf_subset": "tso_Latn-rus_Cyrl", + "languages": [ + "tso-Latn", + "rus-Cyrl" + ], + "accuracy": 82.90513833992095, + "f1": 80.28290385503824, + "main_score": 80.28290385503824, + "precision": 79.23672543237761, + "recall": 82.90513833992095 + }, + { + "hf_subset": "azj_Latn-rus_Cyrl", + "languages": [ + "azj-Latn", + "rus-Cyrl" + ], + "accuracy": 98.02371541501977, + "f1": 97.49200075287031, + "main_score": 97.49200075287031, + "precision": 97.266139657444, + "recall": 98.02371541501977 + }, + { + "hf_subset": "dik_Latn-rus_Cyrl", + "languages": [ + "dik-Latn", + "rus-Cyrl" + ], + "accuracy": 38.43873517786561, + "f1": 35.78152442955223, + "main_score": 35.78152442955223, + "precision": 34.82424325078237, + "recall": 38.43873517786561 + }, + { + "hf_subset": "hau_Latn-rus_Cyrl", + "languages": [ + "hau-Latn", + "rus-Cyrl" + ], + "accuracy": 81.42292490118577, + "f1": 79.24612283124593, + "main_score": 79.24612283124593, + "precision": 78.34736070751448, + "recall": 81.42292490118577 + }, + { + "hf_subset": "kea_Latn-rus_Cyrl", + "languages": [ + "kea-Latn", + "rus-Cyrl" + ], + "accuracy": 81.62055335968378, + "f1": 80.47015182884748, + "main_score": 80.47015182884748, + "precision": 80.02671028885862, + "recall": 81.62055335968378 + }, + { + "hf_subset": "lus_Latn-rus_Cyrl", + "languages": [ + "lus-Latn", + "rus-Cyrl" + ], + "accuracy": 62.74703557312253, + "f1": 60.53900079111122, + "main_score": 60.53900079111122, + "precision": 59.80024202850289, + "recall": 62.74703557312253 + }, + { + "hf_subset": "pag_Latn-rus_Cyrl", + "languages": [ + "pag-Latn", + "rus-Cyrl" + ], + "accuracy": 74.01185770750988, + "f1": 72.57280648279529, + "main_score": 72.57280648279529, + "precision": 71.99952968456789, + "recall": 74.01185770750988 + }, + { + "hf_subset": "snd_Arab-rus_Cyrl", + "languages": [ + "snd-Arab", + "rus-Cyrl" + ], + "accuracy": 91.30434782608695, + "f1": 90.24653499445358, + "main_score": 90.24653499445358, + "precision": 89.83134068200232, + "recall": 91.30434782608695 + }, + { + "hf_subset": "tuk_Latn-rus_Cyrl", + "languages": [ + "tuk-Latn", + "rus-Cyrl" + ], + "accuracy": 47.62845849802372, + "f1": 45.812928836644254, + "main_score": 45.812928836644254, + "precision": 45.23713833170355, + "recall": 47.62845849802372 + }, + { + "hf_subset": "bak_Cyrl-rus_Cyrl", + "languages": [ + "bak-Cyrl", + "rus-Cyrl" + ], + "accuracy": 95.8498023715415, + "f1": 95.18904459615922, + "main_score": 95.18904459615922, + "precision": 94.92812441182006, + "recall": 95.8498023715415 + }, + { + "hf_subset": "dyu_Latn-rus_Cyrl", + "languages": [ + "dyu-Latn", + "rus-Cyrl" + ], + "accuracy": 29.64426877470356, + "f1": 27.287335193938166, + "main_score": 27.287335193938166, + "precision": 26.583996026587492, + "recall": 29.64426877470356 + }, + { + "hf_subset": "heb_Hebr-rus_Cyrl", + "languages": [ + "heb-Hebr", + "rus-Cyrl" + ], + "accuracy": 98.91304347826086, + "f1": 98.55072463768116, + "main_score": 98.55072463768116, + "precision": 98.36956521739131, + "recall": 98.91304347826086 + }, + { + "hf_subset": "khk_Cyrl-rus_Cyrl", + "languages": [ + "khk-Cyrl", + "rus-Cyrl" + ], + "accuracy": 95.15810276679841, + "f1": 94.44009547764487, + "main_score": 94.44009547764487, + "precision": 94.16579797014579, + "recall": 95.15810276679841 + }, + { + "hf_subset": "lvs_Latn-rus_Cyrl", + "languages": [ + "lvs-Latn", + "rus-Cyrl" + ], + "accuracy": 97.92490118577075, + "f1": 97.51467241585817, + "main_score": 97.51467241585817, + "precision": 97.36166007905138, + "recall": 97.92490118577075 + }, + { + "hf_subset": "pan_Guru-rus_Cyrl", + "languages": [ + "pan-Guru", + "rus-Cyrl" + ], + "accuracy": 97.92490118577075, + "f1": 97.42918313570486, + "main_score": 97.42918313570486, + "precision": 97.22261434217955, + "recall": 97.92490118577075 + }, + { + "hf_subset": "som_Latn-rus_Cyrl", + "languages": [ + "som-Latn", + "rus-Cyrl" + ], + "accuracy": 75.69169960474308, + "f1": 73.7211667065916, + "main_score": 73.7211667065916, + "precision": 72.95842401892384, + "recall": 75.69169960474308 + }, + { + "hf_subset": "tum_Latn-rus_Cyrl", + "languages": [ + "tum-Latn", + "rus-Cyrl" + ], + "accuracy": 85.67193675889328, + "f1": 82.9296066252588, + "main_score": 82.9296066252588, + "precision": 81.77330225447936, + "recall": 85.67193675889328 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/GeoreviewClassification.json b/results/intfloat__multilingual-e5-small/external/GeoreviewClassification.json new file mode 100644 index 000000000..36408edd4 --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/GeoreviewClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3765c0d1de6b7d264bc459433c45e5a75513839c", + "task_name": "GeoreviewClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 44.6630859375, + "f1": 42.607425073610536, + "f1_weighted": 42.60639474586065, + "main_score": 44.6630859375 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/GeoreviewClusteringP2P.json b/results/intfloat__multilingual-e5-small/external/GeoreviewClusteringP2P.json new file mode 100644 index 000000000..e25acf3c2 --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/GeoreviewClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "97a313c8fc85b47f13f33e7e9a95c1ad888c7fec", + "task_name": "GeoreviewClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "main_score": 58.15951247070825, + "v_measure": 58.15951247070825, + "v_measure_std": 0.6739615788288809 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/HeadlineClassification.json b/results/intfloat__multilingual-e5-small/external/HeadlineClassification.json new file mode 100644 index 000000000..525a0d779 --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/HeadlineClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "2fe05ee6b5832cda29f2ef7aaad7b7fe6a3609eb", + "task_name": "HeadlineClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 73.935546875, + "f1": 73.8654872186846, + "f1_weighted": 73.86733122685095, + "main_score": 73.935546875 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/HotpotQA.json b/results/intfloat__multilingual-e5-small/external/HotpotQA.json new file mode 100644 index 000000000..b2009e5ae --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 36.253, + "map_at_10": 56.16799999999999, + "map_at_100": 57.06099999999999, + "map_at_1000": 57.126, + "map_at_3": 52.644999999999996, + "map_at_5": 54.909, + "mrr_at_1": 72.505, + "mrr_at_10": 79.66, + "mrr_at_100": 79.869, + "mrr_at_1000": 79.88, + "mrr_at_3": 78.411, + "mrr_at_5": 79.19800000000001, + "ndcg_at_1": 72.505, + "ndcg_at_10": 65.094, + "ndcg_at_100": 68.219, + "ndcg_at_1000": 69.515, + "ndcg_at_3": 59.99, + "ndcg_at_5": 62.909000000000006, + "precision_at_1": 72.505, + "precision_at_10": 13.749, + "precision_at_100": 1.619, + "precision_at_1000": 0.179, + "precision_at_3": 38.357, + "precision_at_5": 25.313000000000002, + "recall_at_1": 36.253, + "recall_at_10": 68.744, + "recall_at_100": 80.925, + "recall_at_1000": 89.534, + "recall_at_3": 57.535000000000004, + "recall_at_5": 63.282000000000004, + "main_score": 65.094 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/ImdbClassification.json b/results/intfloat__multilingual-e5-small/external/ImdbClassification.json new file mode 100644 index 000000000..2a88c403b --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.82239999999999, + "ap": 75.65895781725314, + "f1": 80.75880969095746, + "main_score": 80.82239999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/InappropriatenessClassification.json b/results/intfloat__multilingual-e5-small/external/InappropriatenessClassification.json new file mode 100644 index 000000000..066b3dc38 --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/InappropriatenessClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "601651fdc45ef243751676e62dd7a19f491c0285", + "task_name": "InappropriatenessClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 59.16015624999999, + "ap": 55.52276605836938, + "ap_weighted": 55.52276605836938, + "f1": 58.614248199637956, + "f1_weighted": 58.614248199637956, + "main_score": 59.16015624999999 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/KinopoiskClassification.json b/results/intfloat__multilingual-e5-small/external/KinopoiskClassification.json new file mode 100644 index 000000000..297107c0b --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/KinopoiskClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "5911f26666ac11af46cb9c6849d0dc80a378af24", + "task_name": "KinopoiskClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 49.959999999999994, + "f1": 48.4900332316098, + "f1_weighted": 48.4900332316098, + "main_score": 49.959999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/LanguageClassification.json b/results/intfloat__multilingual-e5-small/external/LanguageClassification.json new file mode 100644 index 000000000..8aef6b9bc --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/LanguageClassification.json @@ -0,0 +1,39 @@ +{ + "dataset_revision": "aa56583bf2bc52b0565770607d6fc3faebecf9e2", + "task_name": "LanguageClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "ara-Arab", + "bul-Cyrl", + "deu-Latn", + "ell-Grek", + "eng-Latn", + "spa-Latn", + "fra-Latn", + "hin-Deva", + "ita-Latn", + "jpn-Jpan", + "nld-Latn", + "pol-Latn", + "por-Latn", + "rus-Cyrl", + "swa-Latn", + "tha-Thai", + "tur-Latn", + "urd-Arab", + "vie-Latn", + "cmn-Hans" + ], + "accuracy": 71.005859375, + "f1": 69.63481100303348, + "f1_weighted": 69.64640413409529, + "main_score": 71.005859375 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/MLSUMClusteringP2P.json b/results/intfloat__multilingual-e5-small/external/MLSUMClusteringP2P.json new file mode 100644 index 000000000..8f178ee82 --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/MLSUMClusteringP2P.json @@ -0,0 +1,46 @@ +{ + "dataset_revision": "b5d54f8f3b61ae17845046286940f03c6bc79bc7", + "task_name": "MLSUMClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "main_score": 42.11280087032343, + "v_measure": 42.11280087032343, + "v_measure_std": 6.7619971723605135 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "main_score": 43.00112546945811, + "v_measure": 43.00112546945811, + "v_measure_std": 1.4740560414835675 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "main_score": 39.81446080575161, + "v_measure": 39.81446080575161, + "v_measure_std": 7.125661320308298 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "main_score": 39.29659668980239, + "v_measure": 39.29659668980239, + "v_measure_std": 2.6570502923023094 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/MSMARCO.json b/results/intfloat__multilingual-e5-small/external/MSMARCO.json new file mode 100644 index 000000000..f845ca3bd --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.624, + "map_at_10": 34.075, + "map_at_100": 35.229, + "map_at_1000": 35.276999999999994, + "map_at_3": 30.245, + "map_at_5": 32.42, + "mrr_at_1": 22.264, + "mrr_at_10": 34.638000000000005, + "mrr_at_100": 35.744, + "mrr_at_1000": 35.787, + "mrr_at_3": 30.891000000000002, + "mrr_at_5": 33.042, + "ndcg_at_1": 22.264, + "ndcg_at_10": 40.991, + "ndcg_at_100": 46.563, + "ndcg_at_1000": 47.743, + "ndcg_at_3": 33.198, + "ndcg_at_5": 37.069, + "precision_at_1": 22.264, + "precision_at_10": 6.5089999999999995, + "precision_at_100": 0.9299999999999999, + "precision_at_1000": 0.10300000000000001, + "precision_at_3": 14.216999999999999, + "precision_at_5": 10.487, + "recall_at_1": 21.624, + "recall_at_10": 62.303, + "recall_at_100": 88.124, + "recall_at_1000": 97.08, + "recall_at_3": 41.099999999999994, + "recall_at_5": 50.381, + "main_score": 40.991 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/MTOPDomainClassification.json b/results/intfloat__multilingual-e5-small/external/MTOPDomainClassification.json new file mode 100644 index 000000000..f28fde501 --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/MTOPDomainClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.06703146374831, + "f1": 90.86867815863172, + "main_score": 91.06703146374831 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 87.46970977740209, + "f1": 86.36832872036588, + "main_score": 87.46970977740209 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 89.26951300867245, + "f1": 88.93561193959502, + "main_score": 89.26951300867245 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 84.22799874725963, + "f1": 84.30490069236556, + "main_score": 84.22799874725963 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 86.02007888131948, + "f1": 85.39376041027991, + "main_score": 86.02007888131948 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 85.34900542495481, + "f1": 85.39859673336713, + "main_score": 85.34900542495481 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/MTOPIntentClassification.json b/results/intfloat__multilingual-e5-small/external/MTOPIntentClassification.json new file mode 100644 index 000000000..a820ed097 --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/MTOPIntentClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.078431372549, + "f1": 53.45071102002276, + "main_score": 71.078431372549 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 65.85798816568047, + "f1": 46.53112748993529, + "main_score": 65.85798816568047 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 67.96864576384256, + "f1": 45.966703022829506, + "main_score": 67.96864576384256 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 61.31537738803633, + "f1": 45.52601712835461, + "main_score": 61.31537738803633 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 66.29616349946218, + "f1": 47.24166485726613, + "main_score": 66.29616349946218 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 67.51537070524412, + "f1": 49.463476319014276, + "main_score": 67.51537070524412 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/MassiveIntentClassification.json b/results/intfloat__multilingual-e5-small/external/MassiveIntentClassification.json new file mode 100644 index 000000000..d7efeef9c --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/MassiveIntentClassification.json @@ -0,0 +1,470 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 57.06792199058508, + "f1": 54.094921857502285, + "main_score": 57.06792199058508 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 51.960322797579025, + "f1": 48.547371223370945, + "main_score": 51.960322797579025 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 54.425016812373904, + "f1": 50.47069202054312, + "main_score": 54.425016812373904 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 59.798251513113655, + "f1": 57.05013069086648, + "main_score": 59.798251513113655 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 59.37794216543376, + "f1": 56.3607992649805, + "main_score": 59.37794216543376 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 46.56018829858777, + "f1": 43.87319715715134, + "main_score": 46.56018829858777 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 62.9724277067922, + "f1": 59.36480066245562, + "main_score": 62.9724277067922 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 62.72696704774715, + "f1": 59.143595966615855, + "main_score": 62.72696704774715 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 61.5971755211836, + "f1": 59.169445724946726, + "main_score": 61.5971755211836 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.29589778076665, + "f1": 67.7577001808977, + "main_score": 70.29589778076665 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 66.31136516476126, + "f1": 64.52032955983242, + "main_score": 66.31136516476126 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 65.54472091459314, + "f1": 61.47903120066317, + "main_score": 65.54472091459314 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 61.45595158036314, + "f1": 58.0891846024637, + "main_score": 61.45595158036314 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 65.47074646940149, + "f1": 62.84830858877575, + "main_score": 65.47074646940149 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 58.046402151983855, + "f1": 55.269074430533195, + "main_score": 58.046402151983855 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 64.06523201075991, + "f1": 61.35339643021369, + "main_score": 64.06523201075991 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 60.954942837928726, + "f1": 57.07035922704846, + "main_score": 60.954942837928726 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 57.404169468728995, + "f1": 53.94259011839138, + "main_score": 57.404169468728995 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 64.16610625420309, + "f1": 61.337103431499365, + "main_score": 64.16610625420309 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 52.262945527908535, + "f1": 49.7610691598921, + "main_score": 52.262945527908535 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 65.54472091459314, + "f1": 63.469099018440154, + "main_score": 65.54472091459314 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 68.22797579018157, + "f1": 64.89098471083001, + "main_score": 68.22797579018157 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 50.847343644922674, + "f1": 47.8536963168393, + "main_score": 50.847343644922674 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 48.45326160053799, + "f1": 46.370078045805556, + "main_score": 48.45326160053799 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 42.83120376597175, + "f1": 39.68948521599982, + "main_score": 42.83120376597175 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 57.5084061869536, + "f1": 53.961876160401545, + "main_score": 57.5084061869536 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 63.7895090786819, + "f1": 61.134223684676, + "main_score": 63.7895090786819 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 54.98991257565569, + "f1": 52.579862862826296, + "main_score": 54.98991257565569 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 61.90316072629456, + "f1": 58.203024538290336, + "main_score": 61.90316072629456 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 57.09818426361802, + "f1": 54.22718458445455, + "main_score": 57.09818426361802 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 58.991257565568255, + "f1": 55.84892781767421, + "main_score": 58.991257565568255 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 55.901143241425686, + "f1": 52.25264332199797, + "main_score": 55.901143241425686 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 61.96368527236047, + "f1": 58.927243876153454, + "main_score": 61.96368527236047 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 65.64223268325489, + "f1": 62.340453718379706, + "main_score": 65.64223268325489 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 64.52589105581708, + "f1": 61.661113187022174, + "main_score": 64.52589105581708 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 66.84599865501009, + "f1": 64.59342572873005, + "main_score": 66.84599865501009 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 60.81035642232684, + "f1": 57.5169089806797, + "main_score": 60.81035642232684 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 58.652238071815056, + "f1": 53.22732406426353, + "f1_weighted": 57.585586737209546, + "main_score": 58.652238071815056 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 56.51647612642906, + "f1": 54.33154780100043, + "main_score": 56.51647612642906 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 57.985877605917956, + "f1": 54.46187524463802, + "main_score": 57.985877605917956 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 65.03026227303296, + "f1": 62.34377392877748, + "main_score": 65.03026227303296 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 53.567585743106925, + "f1": 50.73770655983206, + "main_score": 53.567585743106925 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 57.2595830531271, + "f1": 53.657327291708626, + "main_score": 57.2595830531271 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 57.82784129119032, + "f1": 54.82518072665301, + "main_score": 57.82784129119032 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 64.06859448554137, + "f1": 63.00185280500495, + "main_score": 64.06859448554137 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 58.91055817081371, + "f1": 55.54116301224262, + "main_score": 58.91055817081371 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 63.54404841963686, + "f1": 59.57650946030184, + "main_score": 63.54404841963686 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 59.27706792199059, + "f1": 56.50010066083435, + "main_score": 59.27706792199059 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 64.0719569603228, + "f1": 61.817075925647956, + "main_score": 64.0719569603228 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 68.23806321452591, + "f1": 65.24917026029749, + "main_score": 68.23806321452591 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 62.53530598520511, + "f1": 61.71131132295768, + "main_score": 62.53530598520511 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/MassiveScenarioClassification.json b/results/intfloat__multilingual-e5-small/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..d349f3d46 --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/MassiveScenarioClassification.json @@ -0,0 +1,470 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 63.04303967720243, + "f1": 60.3950085685985, + "main_score": 63.04303967720243 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 56.83591123066578, + "f1": 54.95059828830849, + "main_score": 56.83591123066578 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 59.62340282447881, + "f1": 59.525159996498225, + "main_score": 59.62340282447881 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 60.85406859448555, + "f1": 59.129299095681276, + "main_score": 60.85406859448555 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 62.76731674512441, + "f1": 61.159560612627715, + "main_score": 62.76731674512441 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 50.181573638197705, + "f1": 46.98422176289957, + "main_score": 50.181573638197705 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 68.92737054472092, + "f1": 67.69135611952979, + "main_score": 68.92737054472092 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 69.18964357767318, + "f1": 68.46106138186214, + "main_score": 69.18964357767318 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 67.0712844653665, + "f1": 66.75545422473901, + "main_score": 67.0712844653665 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.4754539340955, + "f1": 74.38427146553252, + "main_score": 74.4754539340955 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 69.82515131136518, + "f1": 69.63516462173847, + "main_score": 69.82515131136518 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 68.70880968392737, + "f1": 67.45420662567926, + "main_score": 68.70880968392737 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 65.95494283792871, + "f1": 65.06191009049222, + "main_score": 65.95494283792871 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 68.75924680564896, + "f1": 68.30833379585945, + "main_score": 68.75924680564896 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 63.806321452589096, + "f1": 63.273048243765054, + "main_score": 63.806321452589096 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 67.68997982515133, + "f1": 66.54703855381324, + "main_score": 67.68997982515133 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 66.46940147948891, + "f1": 65.91017343463396, + "main_score": 66.46940147948891 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 59.49899125756556, + "f1": 57.90333469917769, + "main_score": 59.49899125756556 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 67.9219905850706, + "f1": 67.23169403762938, + "main_score": 67.9219905850706 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 56.486213853396094, + "f1": 54.85282355583758, + "main_score": 56.486213853396094 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 69.04169468728985, + "f1": 68.83833333320462, + "main_score": 69.04169468728985 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 73.88702084734365, + "f1": 74.04474735232299, + "main_score": 73.88702084734365 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 56.63416274377943, + "f1": 55.11332211687954, + "main_score": 56.63416274377943 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 52.23604572965702, + "f1": 50.86529813991055, + "main_score": 52.23604572965702 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 46.62407531943511, + "f1": 43.63485467164535, + "main_score": 46.62407531943511 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 59.15601882985878, + "f1": 57.522837510959924, + "main_score": 59.15601882985878 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 69.84532616005382, + "f1": 69.60021127179697, + "main_score": 69.84532616005382 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 56.65770006724949, + "f1": 55.84219135523227, + "main_score": 56.65770006724949 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 66.53665097511768, + "f1": 65.09087787792639, + "main_score": 66.53665097511768 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 59.31405514458642, + "f1": 58.06135303831491, + "main_score": 59.31405514458642 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 64.88231338264964, + "f1": 62.751099407787926, + "main_score": 64.88231338264964 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 58.86012104909213, + "f1": 56.29118323058282, + "main_score": 58.86012104909213 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 67.37390719569602, + "f1": 66.27922244885102, + "main_score": 67.37390719569602 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 70.8675184936113, + "f1": 70.22146529932019, + "main_score": 70.8675184936113 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 68.2212508406187, + "f1": 67.77454802056282, + "main_score": 68.2212508406187 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 68.18090114324143, + "f1": 68.03737625431621, + "main_score": 68.18090114324143 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 64.65030262273034, + "f1": 63.792945486912856, + "main_score": 64.65030262273034 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 63.772749631087066, + "f1": 63.4539101720024, + "f1_weighted": 62.778603897469566, + "main_score": 63.772749631087066 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 60.17821116341627, + "f1": 59.3935969827171, + "main_score": 60.17821116341627 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 62.86146603900471, + "f1": 60.133692735032376, + "main_score": 62.86146603900471 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 70.89441829186282, + "f1": 70.03064076194089, + "main_score": 70.89441829186282 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 58.15063887020847, + "f1": 56.23326278499678, + "main_score": 58.15063887020847 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 59.43846671149966, + "f1": 57.70440450281974, + "main_score": 59.43846671149966 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 60.8507061197041, + "f1": 59.22916396061171, + "main_score": 60.8507061197041 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 70.65568258238063, + "f1": 69.90736239440633, + "main_score": 70.65568258238063 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 60.8843308675185, + "f1": 59.30332663713599, + "main_score": 60.8843308675185 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 68.05312710154674, + "f1": 67.44024062594775, + "main_score": 68.05312710154674 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 62.111634162743776, + "f1": 60.89083013084519, + "main_score": 62.111634162743776 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 67.44115669132482, + "f1": 67.92227541674552, + "main_score": 67.44115669132482 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 74.4687289845326, + "f1": 74.16376793486025, + "main_score": 74.4687289845326 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 68.31876260928043, + "f1": 68.5246745215607, + "main_score": 68.31876260928043 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/MedrxivClusteringP2P.json b/results/intfloat__multilingual-e5-small/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..05110eaed --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.90431696479766, + "main_score": 30.90431696479766 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/MedrxivClusteringS2S.json b/results/intfloat__multilingual-e5-small/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..5bccd2137 --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 27.259158476693774, + "main_score": 27.259158476693774 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/MindSmallReranking.json b/results/intfloat__multilingual-e5-small/external/MindSmallReranking.json new file mode 100644 index 000000000..ed6dddedf --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 30.28445330838555, + "mrr": 31.15758529581164, + "main_score": 30.28445330838555 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/MultiLongDocRetrieval.json b/results/intfloat__multilingual-e5-small/external/MultiLongDocRetrieval.json new file mode 100644 index 000000000..c59072547 --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/MultiLongDocRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "d67138e705d963e346253a80e59676ddb418810a", + "task_name": "MultiLongDocRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "main_score": 38.671, + "map_at_1": 30.0, + "map_at_10": 36.123, + "map_at_100": 36.754999999999995, + "map_at_1000": 36.806, + "map_at_20": 36.464, + "map_at_3": 35.25, + "map_at_5": 35.8, + "mrr_at_1": 30.0, + "mrr_at_10": 36.122817460317464, + "mrr_at_100": 36.75467016625293, + "mrr_at_1000": 36.80612724920882, + "mrr_at_20": 36.46359681984682, + "mrr_at_3": 35.25, + "mrr_at_5": 35.800000000000004, + "nauc_map_at_1000_diff1": 55.61987610843598, + "nauc_map_at_1000_max": 52.506795017152186, + "nauc_map_at_1000_std": 2.95487192066911, + "nauc_map_at_100_diff1": 55.598419532054734, + "nauc_map_at_100_max": 52.48192017040307, + "nauc_map_at_100_std": 2.930120252521189, + "nauc_map_at_10_diff1": 56.02309155375198, + "nauc_map_at_10_max": 52.739573233234424, + "nauc_map_at_10_std": 2.4073432421641545, + "nauc_map_at_1_diff1": 52.57059856776112, + "nauc_map_at_1_max": 50.55668152952304, + "nauc_map_at_1_std": 1.6572084853398048, + "nauc_map_at_20_diff1": 55.75769029917031, + "nauc_map_at_20_max": 52.53663737242853, + "nauc_map_at_20_std": 2.8489192879814, + "nauc_map_at_3_diff1": 56.90294128342709, + "nauc_map_at_3_max": 53.10608389782041, + "nauc_map_at_3_std": 1.4909731657889491, + "nauc_map_at_5_diff1": 56.1258315436073, + "nauc_map_at_5_max": 52.398078357541564, + "nauc_map_at_5_std": 1.8256862015101467, + "nauc_mrr_at_1000_diff1": 55.61987610843598, + "nauc_mrr_at_1000_max": 52.506795017152186, + "nauc_mrr_at_1000_std": 2.95487192066911, + "nauc_mrr_at_100_diff1": 55.598419532054734, + "nauc_mrr_at_100_max": 52.48192017040307, + "nauc_mrr_at_100_std": 2.930120252521189, + "nauc_mrr_at_10_diff1": 56.02309155375198, + "nauc_mrr_at_10_max": 52.739573233234424, + "nauc_mrr_at_10_std": 2.4073432421641545, + "nauc_mrr_at_1_diff1": 52.57059856776112, + "nauc_mrr_at_1_max": 50.55668152952304, + "nauc_mrr_at_1_std": 1.6572084853398048, + "nauc_mrr_at_20_diff1": 55.75769029917031, + "nauc_mrr_at_20_max": 52.53663737242853, + "nauc_mrr_at_20_std": 2.8489192879814, + "nauc_mrr_at_3_diff1": 56.90294128342709, + "nauc_mrr_at_3_max": 53.10608389782041, + "nauc_mrr_at_3_std": 1.4909731657889491, + "nauc_mrr_at_5_diff1": 56.1258315436073, + "nauc_mrr_at_5_max": 52.398078357541564, + "nauc_mrr_at_5_std": 1.8256862015101467, + "nauc_ndcg_at_1000_diff1": 55.30733548408918, + "nauc_ndcg_at_1000_max": 53.51143366189318, + "nauc_ndcg_at_1000_std": 7.133789405525702, + "nauc_ndcg_at_100_diff1": 54.32209039488095, + "nauc_ndcg_at_100_max": 52.67499334461009, + "nauc_ndcg_at_100_std": 6.878823275077807, + "nauc_ndcg_at_10_diff1": 56.266780806997716, + "nauc_ndcg_at_10_max": 53.52837255793743, + "nauc_ndcg_at_10_std": 3.756832592964262, + "nauc_ndcg_at_1_diff1": 52.57059856776112, + "nauc_ndcg_at_1_max": 50.55668152952304, + "nauc_ndcg_at_1_std": 1.6572084853398048, + "nauc_ndcg_at_20_diff1": 55.39255420432796, + "nauc_ndcg_at_20_max": 52.946114684072235, + "nauc_ndcg_at_20_std": 5.414933414031693, + "nauc_ndcg_at_3_diff1": 57.92826624996289, + "nauc_ndcg_at_3_max": 53.89907760306972, + "nauc_ndcg_at_3_std": 1.6661401245309218, + "nauc_ndcg_at_5_diff1": 56.47508936029308, + "nauc_ndcg_at_5_max": 52.66800998045517, + "nauc_ndcg_at_5_std": 2.4127296184140423, + "nauc_precision_at_1000_diff1": 57.25924020238401, + "nauc_precision_at_1000_max": 65.1132590931922, + "nauc_precision_at_1000_std": 40.60788709618145, + "nauc_precision_at_100_diff1": 46.49620002554606, + "nauc_precision_at_100_max": 53.02960148167071, + "nauc_precision_at_100_std": 28.206028867032863, + "nauc_precision_at_10_diff1": 56.562744749606765, + "nauc_precision_at_10_max": 56.00594967783547, + "nauc_precision_at_10_std": 8.368379831645163, + "nauc_precision_at_1_diff1": 52.57059856776112, + "nauc_precision_at_1_max": 50.55668152952304, + "nauc_precision_at_1_std": 1.6572084853398048, + "nauc_precision_at_20_diff1": 53.25915754614111, + "nauc_precision_at_20_max": 54.03255118937036, + "nauc_precision_at_20_std": 15.161611674272718, + "nauc_precision_at_3_diff1": 60.726785748943854, + "nauc_precision_at_3_max": 56.139896875869354, + "nauc_precision_at_3_std": 2.2306901035769893, + "nauc_precision_at_5_diff1": 57.1201127525187, + "nauc_precision_at_5_max": 53.28665761862506, + "nauc_precision_at_5_std": 4.358720050112237, + "nauc_recall_at_1000_diff1": 57.259240202383964, + "nauc_recall_at_1000_max": 65.11325909319218, + "nauc_recall_at_1000_std": 40.60788709618142, + "nauc_recall_at_100_diff1": 46.49620002554603, + "nauc_recall_at_100_max": 53.02960148167071, + "nauc_recall_at_100_std": 28.206028867032835, + "nauc_recall_at_10_diff1": 56.562744749606765, + "nauc_recall_at_10_max": 56.00594967783549, + "nauc_recall_at_10_std": 8.368379831645147, + "nauc_recall_at_1_diff1": 52.57059856776112, + "nauc_recall_at_1_max": 50.55668152952304, + "nauc_recall_at_1_std": 1.6572084853398048, + "nauc_recall_at_20_diff1": 53.259157546141154, + "nauc_recall_at_20_max": 54.03255118937038, + "nauc_recall_at_20_std": 15.16161167427274, + "nauc_recall_at_3_diff1": 60.72678574894387, + "nauc_recall_at_3_max": 56.13989687586933, + "nauc_recall_at_3_std": 2.2306901035770066, + "nauc_recall_at_5_diff1": 57.12011275251864, + "nauc_recall_at_5_max": 53.28665761862502, + "nauc_recall_at_5_std": 4.3587200501122245, + "ndcg_at_1": 30.0, + "ndcg_at_10": 38.671, + "ndcg_at_100": 42.173, + "ndcg_at_1000": 44.016, + "ndcg_at_20": 39.845000000000006, + "ndcg_at_3": 36.863, + "ndcg_at_5": 37.874, + "precision_at_1": 30.0, + "precision_at_10": 4.65, + "precision_at_100": 0.64, + "precision_at_1000": 0.08, + "precision_at_20": 2.55, + "precision_at_3": 13.833, + "precision_at_5": 8.799999999999999, + "recall_at_1": 30.0, + "recall_at_10": 46.5, + "recall_at_100": 64.0, + "recall_at_1000": 79.5, + "recall_at_20": 51.0, + "recall_at_3": 41.5, + "recall_at_5": 44.0 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/MultilingualSentimentClassification.json b/results/intfloat__multilingual-e5-small/external/MultilingualSentimentClassification.json new file mode 100644 index 000000000..2ba741404 --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/MultilingualSentimentClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "2b9b4d10fc589af67794141fe8cbd3739de1eb33", + "task_name": "MultilingualSentimentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "rus", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 79.52710495963092, + "ap": 84.5713457178972, + "ap_weighted": 84.5713457178972, + "f1": 77.88661181524105, + "f1_weighted": 79.87563079922718, + "main_score": 79.52710495963092 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/NFCorpus.json b/results/intfloat__multilingual-e5-small/external/NFCorpus.json new file mode 100644 index 000000000..08e56c303 --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.353, + "map_at_10": 11.565, + "map_at_100": 14.097000000000001, + "map_at_1000": 15.354999999999999, + "map_at_3": 8.749, + "map_at_5": 9.974, + "mrr_at_1": 42.105, + "mrr_at_10": 50.589, + "mrr_at_100": 51.187000000000005, + "mrr_at_1000": 51.233, + "mrr_at_3": 48.246, + "mrr_at_5": 49.546, + "ndcg_at_1": 40.402, + "ndcg_at_10": 31.009999999999998, + "ndcg_at_100": 28.026, + "ndcg_at_1000": 36.905, + "ndcg_at_3": 35.983, + "ndcg_at_5": 33.764, + "precision_at_1": 42.105, + "precision_at_10": 22.786, + "precision_at_100": 6.916, + "precision_at_1000": 1.981, + "precision_at_3": 33.333, + "precision_at_5": 28.731, + "recall_at_1": 5.353, + "recall_at_10": 15.039, + "recall_at_100": 27.348, + "recall_at_1000": 59.453, + "recall_at_3": 9.792, + "recall_at_5": 11.882, + "main_score": 31.009999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/NQ.json b/results/intfloat__multilingual-e5-small/external/NQ.json new file mode 100644 index 000000000..7b62ccded --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 33.852, + "map_at_10": 48.924, + "map_at_100": 49.854, + "map_at_1000": 49.886, + "map_at_3": 44.9, + "map_at_5": 47.387, + "mrr_at_1": 38.035999999999994, + "mrr_at_10": 51.644, + "mrr_at_100": 52.339, + "mrr_at_1000": 52.35999999999999, + "mrr_at_3": 48.421, + "mrr_at_5": 50.468999999999994, + "ndcg_at_1": 38.007000000000005, + "ndcg_at_10": 56.293000000000006, + "ndcg_at_100": 60.167, + "ndcg_at_1000": 60.916000000000004, + "ndcg_at_3": 48.903999999999996, + "ndcg_at_5": 52.978, + "precision_at_1": 38.007000000000005, + "precision_at_10": 9.041, + "precision_at_100": 1.1199999999999999, + "precision_at_1000": 0.11900000000000001, + "precision_at_3": 22.084, + "precision_at_5": 15.608, + "recall_at_1": 33.852, + "recall_at_10": 75.893, + "recall_at_100": 92.589, + "recall_at_1000": 98.153, + "recall_at_3": 56.969, + "recall_at_5": 66.283, + "main_score": 56.293000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/NTREXBitextMining.json b/results/intfloat__multilingual-e5-small/external/NTREXBitextMining.json new file mode 100644 index 000000000..e343e9f1f --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/NTREXBitextMining.json @@ -0,0 +1,898 @@ +{ + "dataset_revision": "ed9a4403ed4adbfaf4aab56d5b2709e9f6c3ba33", + "task_name": "NTREXBitextMining", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "arb_Arab-rus_Cyrl", + "languages": [ + "arb-Arab", + "rus-Cyrl" + ], + "accuracy": 86.47971957936905, + "f1": 82.79864240805654, + "main_score": 82.79864240805654, + "precision": 81.21485800128767, + "recall": 86.47971957936905 + }, + { + "hf_subset": "bel_Cyrl-rus_Cyrl", + "languages": [ + "bel-Cyrl", + "rus-Cyrl" + ], + "accuracy": 94.84226339509264, + "f1": 93.56399067465667, + "main_score": 93.56399067465667, + "precision": 93.01619095309631, + "recall": 94.84226339509264 + }, + { + "hf_subset": "ben_Beng-rus_Cyrl", + "languages": [ + "ben-Beng", + "rus-Cyrl" + ], + "accuracy": 92.18828242363544, + "f1": 90.42393889620612, + "main_score": 90.42393889620612, + "precision": 89.67904925153297, + "recall": 92.18828242363544 + }, + { + "hf_subset": "bos_Latn-rus_Cyrl", + "languages": [ + "bos-Latn", + "rus-Cyrl" + ], + "accuracy": 94.69203805708563, + "f1": 93.37172425304624, + "main_score": 93.37172425304624, + "precision": 92.79204521067315, + "recall": 94.69203805708563 + }, + { + "hf_subset": "bul_Cyrl-rus_Cyrl", + "languages": [ + "bul-Cyrl", + "rus-Cyrl" + ], + "accuracy": 96.99549323985978, + "f1": 96.13086296110833, + "main_score": 96.13086296110833, + "precision": 95.72441996327827, + "recall": 96.99549323985978 + }, + { + "hf_subset": "ces_Latn-rus_Cyrl", + "languages": [ + "ces-Latn", + "rus-Cyrl" + ], + "accuracy": 95.94391587381071, + "f1": 94.90680465142157, + "main_score": 94.90680465142157, + "precision": 94.44541812719079, + "recall": 95.94391587381071 + }, + { + "hf_subset": "deu_Latn-rus_Cyrl", + "languages": [ + "deu-Latn", + "rus-Cyrl" + ], + "accuracy": 96.09414121181773, + "f1": 94.94408279085295, + "main_score": 94.94408279085295, + "precision": 94.41245201135037, + "recall": 96.09414121181773 + }, + { + "hf_subset": "ell_Grek-rus_Cyrl", + "languages": [ + "ell-Grek", + "rus-Cyrl" + ], + "accuracy": 96.19429143715573, + "f1": 95.12101485561676, + "main_score": 95.12101485561676, + "precision": 94.60440660991488, + "recall": 96.19429143715573 + }, + { + "hf_subset": "eng_Latn-rus_Cyrl", + "languages": [ + "eng-Latn", + "rus-Cyrl" + ], + "accuracy": 96.49474211316975, + "f1": 95.46581777428045, + "main_score": 95.46581777428045, + "precision": 94.98414288098814, + "recall": 96.49474211316975 + }, + { + "hf_subset": "fas_Arab-rus_Cyrl", + "languages": [ + "fas-Arab", + "rus-Cyrl" + ], + "accuracy": 94.44166249374061, + "f1": 92.92383018972905, + "main_score": 92.92383018972905, + "precision": 92.21957936905358, + "recall": 94.44166249374061 + }, + { + "hf_subset": "fin_Latn-rus_Cyrl", + "languages": [ + "fin-Latn", + "rus-Cyrl" + ], + "accuracy": 92.18828242363544, + "f1": 90.2980661468393, + "main_score": 90.2980661468393, + "precision": 89.42580537472877, + "recall": 92.18828242363544 + }, + { + "hf_subset": "fra_Latn-rus_Cyrl", + "languages": [ + "fra-Latn", + "rus-Cyrl" + ], + "accuracy": 95.84376564847271, + "f1": 94.81054915706895, + "main_score": 94.81054915706895, + "precision": 94.31369276136427, + "recall": 95.84376564847271 + }, + { + "hf_subset": "heb_Hebr-rus_Cyrl", + "languages": [ + "heb-Hebr", + "rus-Cyrl" + ], + "accuracy": 94.89233850776164, + "f1": 93.42513770655985, + "main_score": 93.42513770655985, + "precision": 92.73493573693875, + "recall": 94.89233850776164 + }, + { + "hf_subset": "hin_Deva-rus_Cyrl", + "languages": [ + "hin-Deva", + "rus-Cyrl" + ], + "accuracy": 93.23985978968453, + "f1": 91.52816526376867, + "main_score": 91.52816526376867, + "precision": 90.76745946425466, + "recall": 93.23985978968453 + }, + { + "hf_subset": "hrv_Latn-rus_Cyrl", + "languages": [ + "hrv-Latn", + "rus-Cyrl" + ], + "accuracy": 93.99098647971958, + "f1": 92.36354531797697, + "main_score": 92.36354531797697, + "precision": 91.63228970439788, + "recall": 93.99098647971958 + }, + { + "hf_subset": "hun_Latn-rus_Cyrl", + "languages": [ + "hun-Latn", + "rus-Cyrl" + ], + "accuracy": 93.64046069103655, + "f1": 92.05224503421799, + "main_score": 92.05224503421799, + "precision": 91.33998616973079, + "recall": 93.64046069103655 + }, + { + "hf_subset": "ind_Latn-rus_Cyrl", + "languages": [ + "ind-Latn", + "rus-Cyrl" + ], + "accuracy": 91.68753129694541, + "f1": 89.26222667334335, + "main_score": 89.26222667334335, + "precision": 88.14638624603572, + "recall": 91.68753129694541 + }, + { + "hf_subset": "jpn_Jpan-rus_Cyrl", + "languages": [ + "jpn-Jpan", + "rus-Cyrl" + ], + "accuracy": 91.28693039559339, + "f1": 89.21161763348957, + "main_score": 89.21161763348957, + "precision": 88.31188340952988, + "recall": 91.28693039559339 + }, + { + "hf_subset": "kor_Hang-rus_Cyrl", + "languages": [ + "kor-Hang", + "rus-Cyrl" + ], + "accuracy": 89.53430145217827, + "f1": 86.88322165788365, + "main_score": 86.88322165788365, + "precision": 85.73950211030831, + "recall": 89.53430145217827 + }, + { + "hf_subset": "lit_Latn-rus_Cyrl", + "languages": [ + "lit-Latn", + "rus-Cyrl" + ], + "accuracy": 90.28542814221332, + "f1": 88.10249103814452, + "main_score": 88.10249103814452, + "precision": 87.17689323973752, + "recall": 90.28542814221332 + }, + { + "hf_subset": "mkd_Cyrl-rus_Cyrl", + "languages": [ + "mkd-Cyrl", + "rus-Cyrl" + ], + "accuracy": 95.04256384576865, + "f1": 93.65643703650713, + "main_score": 93.65643703650713, + "precision": 93.02036387915207, + "recall": 95.04256384576865 + }, + { + "hf_subset": "nld_Latn-rus_Cyrl", + "languages": [ + "nld-Latn", + "rus-Cyrl" + ], + "accuracy": 95.39308963445168, + "f1": 94.16207644800535, + "main_score": 94.16207644800535, + "precision": 93.582516632091, + "recall": 95.39308963445168 + }, + { + "hf_subset": "pol_Latn-rus_Cyrl", + "languages": [ + "pol-Latn", + "rus-Cyrl" + ], + "accuracy": 95.7436154231347, + "f1": 94.5067601402103, + "main_score": 94.5067601402103, + "precision": 93.91587381071608, + "recall": 95.7436154231347 + }, + { + "hf_subset": "por_Latn-rus_Cyrl", + "languages": [ + "por-Latn", + "rus-Cyrl" + ], + "accuracy": 65.89884827240861, + "f1": 64.61805459419219, + "main_score": 64.61805459419219, + "precision": 64.07119451106485, + "recall": 65.89884827240861 + }, + { + "hf_subset": "rus_Cyrl-arb_Arab", + "languages": [ + "rus-Cyrl", + "arb-Arab" + ], + "accuracy": 94.2413620430646, + "f1": 92.67663399861698, + "main_score": 92.67663399861698, + "precision": 91.94625271240193, + "recall": 94.2413620430646 + }, + { + "hf_subset": "rus_Cyrl-bel_Cyrl", + "languages": [ + "rus-Cyrl", + "bel-Cyrl" + ], + "accuracy": 94.89233850776164, + "f1": 93.40343849106993, + "main_score": 93.40343849106993, + "precision": 92.74077783341679, + "recall": 94.89233850776164 + }, + { + "hf_subset": "rus_Cyrl-ben_Beng", + "languages": [ + "rus-Cyrl", + "ben-Beng" + ], + "accuracy": 94.2914371557336, + "f1": 92.62226673343348, + "main_score": 92.62226673343348, + "precision": 91.84610248706393, + "recall": 94.2914371557336 + }, + { + "hf_subset": "rus_Cyrl-bos_Latn", + "languages": [ + "rus-Cyrl", + "bos-Latn" + ], + "accuracy": 95.69354031046569, + "f1": 94.50418051319403, + "main_score": 94.50418051319403, + "precision": 93.95843765648473, + "recall": 95.69354031046569 + }, + { + "hf_subset": "rus_Cyrl-bul_Cyrl", + "languages": [ + "rus-Cyrl", + "bul-Cyrl" + ], + "accuracy": 95.89384076114172, + "f1": 94.66199298948423, + "main_score": 94.66199298948423, + "precision": 94.08028709731263, + "recall": 95.89384076114172 + }, + { + "hf_subset": "rus_Cyrl-ces_Latn", + "languages": [ + "rus-Cyrl", + "ces-Latn" + ], + "accuracy": 93.94091136705057, + "f1": 92.3746731207923, + "main_score": 92.3746731207923, + "precision": 91.66207644800535, + "recall": 93.94091136705057 + }, + { + "hf_subset": "rus_Cyrl-deu_Latn", + "languages": [ + "rus-Cyrl", + "deu-Latn" + ], + "accuracy": 95.94391587381071, + "f1": 94.76214321482223, + "main_score": 94.76214321482223, + "precision": 94.20380570856285, + "recall": 95.94391587381071 + }, + { + "hf_subset": "rus_Cyrl-ell_Grek", + "languages": [ + "rus-Cyrl", + "ell-Grek" + ], + "accuracy": 95.44316474712068, + "f1": 94.14788849941579, + "main_score": 94.14788849941579, + "precision": 93.54197963612084, + "recall": 95.44316474712068 + }, + { + "hf_subset": "rus_Cyrl-eng_Latn", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "accuracy": 98.14722083124687, + "f1": 97.57135703555333, + "main_score": 97.57135703555333, + "precision": 97.2959439158738, + "recall": 98.14722083124687 + }, + { + "hf_subset": "rus_Cyrl-fas_Arab", + "languages": [ + "rus-Cyrl", + "fas-Arab" + ], + "accuracy": 94.64196294441662, + "f1": 93.24653647137372, + "main_score": 93.24653647137372, + "precision": 92.60724419963279, + "recall": 94.64196294441662 + }, + { + "hf_subset": "rus_Cyrl-fin_Latn", + "languages": [ + "rus-Cyrl", + "fin-Latn" + ], + "accuracy": 87.98197295943916, + "f1": 85.23368385912201, + "main_score": 85.23368385912201, + "precision": 84.08159858835873, + "recall": 87.98197295943916 + }, + { + "hf_subset": "rus_Cyrl-fra_Latn", + "languages": [ + "rus-Cyrl", + "fra-Latn" + ], + "accuracy": 96.24436654982473, + "f1": 95.07093974294774, + "main_score": 95.07093974294774, + "precision": 94.49591053246536, + "recall": 96.24436654982473 + }, + { + "hf_subset": "rus_Cyrl-heb_Hebr", + "languages": [ + "rus-Cyrl", + "heb-Hebr" + ], + "accuracy": 91.08662994491738, + "f1": 88.5161074945752, + "main_score": 88.5161074945752, + "precision": 87.36187614755467, + "recall": 91.08662994491738 + }, + { + "hf_subset": "rus_Cyrl-hin_Deva", + "languages": [ + "rus-Cyrl", + "hin-Deva" + ], + "accuracy": 95.04256384576865, + "f1": 93.66382907694876, + "main_score": 93.66382907694876, + "precision": 93.05291270238692, + "recall": 95.04256384576865 + }, + { + "hf_subset": "rus_Cyrl-hrv_Latn", + "languages": [ + "rus-Cyrl", + "hrv-Latn" + ], + "accuracy": 95.14271407110667, + "f1": 93.7481221832749, + "main_score": 93.7481221832749, + "precision": 93.10930681736892, + "recall": 95.14271407110667 + }, + { + "hf_subset": "rus_Cyrl-hun_Latn", + "languages": [ + "rus-Cyrl", + "hun-Latn" + ], + "accuracy": 90.18527791687532, + "f1": 87.61415933423946, + "main_score": 87.61415933423946, + "precision": 86.5166400394242, + "recall": 90.18527791687532 + }, + { + "hf_subset": "rus_Cyrl-ind_Latn", + "languages": [ + "rus-Cyrl", + "ind-Latn" + ], + "accuracy": 93.69053580370556, + "f1": 91.83608746453012, + "main_score": 91.83608746453012, + "precision": 90.97145718577868, + "recall": 93.69053580370556 + }, + { + "hf_subset": "rus_Cyrl-jpn_Jpan", + "languages": [ + "rus-Cyrl", + "jpn-Jpan" + ], + "accuracy": 89.48422633950926, + "f1": 86.91271033534429, + "main_score": 86.91271033534429, + "precision": 85.82671626487351, + "recall": 89.48422633950926 + }, + { + "hf_subset": "rus_Cyrl-kor_Hang", + "languages": [ + "rus-Cyrl", + "kor-Hang" + ], + "accuracy": 88.4827240861292, + "f1": 85.35080398375342, + "main_score": 85.35080398375342, + "precision": 83.9588549490903, + "recall": 88.4827240861292 + }, + { + "hf_subset": "rus_Cyrl-lit_Latn", + "languages": [ + "rus-Cyrl", + "lit-Latn" + ], + "accuracy": 90.33550325488233, + "f1": 87.68831819157307, + "main_score": 87.68831819157307, + "precision": 86.51524906407231, + "recall": 90.33550325488233 + }, + { + "hf_subset": "rus_Cyrl-mkd_Cyrl", + "languages": [ + "rus-Cyrl", + "mkd-Cyrl" + ], + "accuracy": 95.94391587381071, + "f1": 94.90402270071775, + "main_score": 94.90402270071775, + "precision": 94.43915873810715, + "recall": 95.94391587381071 + }, + { + "hf_subset": "rus_Cyrl-nld_Latn", + "languages": [ + "rus-Cyrl", + "nld-Latn" + ], + "accuracy": 92.98948422633951, + "f1": 91.04323151393756, + "main_score": 91.04323151393756, + "precision": 90.14688699716241, + "recall": 92.98948422633951 + }, + { + "hf_subset": "rus_Cyrl-pol_Latn", + "languages": [ + "rus-Cyrl", + "pol-Latn" + ], + "accuracy": 94.34151226840261, + "f1": 92.8726422967785, + "main_score": 92.8726422967785, + "precision": 92.19829744616925, + "recall": 94.34151226840261 + }, + { + "hf_subset": "rus_Cyrl-por_Latn", + "languages": [ + "rus-Cyrl", + "por-Latn" + ], + "accuracy": 86.17926890335504, + "f1": 82.7304882287356, + "main_score": 82.7304882287356, + "precision": 81.28162481817964, + "recall": 86.17926890335504 + }, + { + "hf_subset": "rus_Cyrl-slk_Latn", + "languages": [ + "rus-Cyrl", + "slk-Latn" + ], + "accuracy": 92.7391086629945, + "f1": 90.75112669003506, + "main_score": 90.75112669003506, + "precision": 89.8564513436822, + "recall": 92.7391086629945 + }, + { + "hf_subset": "rus_Cyrl-slv_Latn", + "languages": [ + "rus-Cyrl", + "slv-Latn" + ], + "accuracy": 92.8893340010015, + "f1": 91.05992321816058, + "main_score": 91.05992321816058, + "precision": 90.22589439715128, + "recall": 92.8893340010015 + }, + { + "hf_subset": "rus_Cyrl-spa_Latn", + "languages": [ + "rus-Cyrl", + "spa-Latn" + ], + "accuracy": 96.49474211316975, + "f1": 95.4715406442998, + "main_score": 95.4715406442998, + "precision": 94.9799699549324, + "recall": 96.49474211316975 + }, + { + "hf_subset": "rus_Cyrl-srp_Cyrl", + "languages": [ + "rus-Cyrl", + "srp-Cyrl" + ], + "accuracy": 81.07160741111667, + "f1": 76.55687285507015, + "main_score": 76.55687285507015, + "precision": 74.71886401030116, + "recall": 81.07160741111667 + }, + { + "hf_subset": "rus_Cyrl-srp_Latn", + "languages": [ + "rus-Cyrl", + "srp-Latn" + ], + "accuracy": 95.14271407110667, + "f1": 93.73302377809138, + "main_score": 93.73302377809138, + "precision": 93.06960440660991, + "recall": 95.14271407110667 + }, + { + "hf_subset": "rus_Cyrl-swa_Latn", + "languages": [ + "rus-Cyrl", + "swa-Latn" + ], + "accuracy": 94.79218828242364, + "f1": 93.25988983475212, + "main_score": 93.25988983475212, + "precision": 92.53463528626273, + "recall": 94.79218828242364 + }, + { + "hf_subset": "rus_Cyrl-swe_Latn", + "languages": [ + "rus-Cyrl", + "swe-Latn" + ], + "accuracy": 95.04256384576865, + "f1": 93.58704723752295, + "main_score": 93.58704723752295, + "precision": 92.91437155733601, + "recall": 95.04256384576865 + }, + { + "hf_subset": "rus_Cyrl-tam_Taml", + "languages": [ + "rus-Cyrl", + "tam-Taml" + ], + "accuracy": 93.28993490235354, + "f1": 91.63912535469872, + "main_score": 91.63912535469872, + "precision": 90.87738750983617, + "recall": 93.28993490235354 + }, + { + "hf_subset": "rus_Cyrl-tur_Latn", + "languages": [ + "rus-Cyrl", + "tur-Latn" + ], + "accuracy": 93.74061091637456, + "f1": 91.96628275746953, + "main_score": 91.96628275746953, + "precision": 91.15923885828742, + "recall": 93.74061091637456 + }, + { + "hf_subset": "rus_Cyrl-ukr_Cyrl", + "languages": [ + "rus-Cyrl", + "ukr-Cyrl" + ], + "accuracy": 95.99399098647972, + "f1": 94.89567684860624, + "main_score": 94.89567684860624, + "precision": 94.37072275079286, + "recall": 95.99399098647972 + }, + { + "hf_subset": "rus_Cyrl-vie_Latn", + "languages": [ + "rus-Cyrl", + "vie-Latn" + ], + "accuracy": 91.4371557336004, + "f1": 88.98681355366382, + "main_score": 88.98681355366382, + "precision": 87.89183775663496, + "recall": 91.4371557336004 + }, + { + "hf_subset": "rus_Cyrl-zho_Hant", + "languages": [ + "rus-Cyrl", + "zho-Hant" + ], + "accuracy": 92.7891837756635, + "f1": 90.79047142141783, + "main_score": 90.79047142141783, + "precision": 89.86980470706058, + "recall": 92.7891837756635 + }, + { + "hf_subset": "rus_Cyrl-zul_Latn", + "languages": [ + "rus-Cyrl", + "zul-Latn" + ], + "accuracy": 87.43114672008012, + "f1": 84.04618833011422, + "main_score": 84.04618833011422, + "precision": 82.52259341393041, + "recall": 87.43114672008012 + }, + { + "hf_subset": "slk_Latn-rus_Cyrl", + "languages": [ + "slk-Latn", + "rus-Cyrl" + ], + "accuracy": 95.34301452178268, + "f1": 94.20392493502158, + "main_score": 94.20392493502158, + "precision": 93.67384409948257, + "recall": 95.34301452178268 + }, + { + "hf_subset": "slv_Latn-rus_Cyrl", + "languages": [ + "slv-Latn", + "rus-Cyrl" + ], + "accuracy": 92.23835753630446, + "f1": 90.5061759305625, + "main_score": 90.5061759305625, + "precision": 89.74231188051918, + "recall": 92.23835753630446 + }, + { + "hf_subset": "spa_Latn-rus_Cyrl", + "languages": [ + "spa-Latn", + "rus-Cyrl" + ], + "accuracy": 96.54481722583876, + "f1": 95.54665331330328, + "main_score": 95.54665331330328, + "precision": 95.06342847604739, + "recall": 96.54481722583876 + }, + { + "hf_subset": "srp_Cyrl-rus_Cyrl", + "languages": [ + "srp-Cyrl", + "rus-Cyrl" + ], + "accuracy": 83.62543815723585, + "f1": 80.77095672699816, + "main_score": 80.77095672699816, + "precision": 79.74674313056886, + "recall": 83.62543815723585 + }, + { + "hf_subset": "srp_Latn-rus_Cyrl", + "languages": [ + "srp-Latn", + "rus-Cyrl" + ], + "accuracy": 94.44166249374061, + "f1": 93.00733206591994, + "main_score": 93.00733206591994, + "precision": 92.37203026762366, + "recall": 94.44166249374061 + }, + { + "hf_subset": "swa_Latn-rus_Cyrl", + "languages": [ + "swa-Latn", + "rus-Cyrl" + ], + "accuracy": 90.23535302954431, + "f1": 87.89596482636041, + "main_score": 87.89596482636041, + "precision": 86.87060227370694, + "recall": 90.23535302954431 + }, + { + "hf_subset": "swe_Latn-rus_Cyrl", + "languages": [ + "swe-Latn", + "rus-Cyrl" + ], + "accuracy": 95.44316474712068, + "f1": 94.1896177599733, + "main_score": 94.1896177599733, + "precision": 93.61542313470206, + "recall": 95.44316474712068 + }, + { + "hf_subset": "tam_Taml-rus_Cyrl", + "languages": [ + "tam-Taml", + "rus-Cyrl" + ], + "accuracy": 89.68452679018529, + "f1": 87.37341160650037, + "main_score": 87.37341160650037, + "precision": 86.38389402285247, + "recall": 89.68452679018529 + }, + { + "hf_subset": "tur_Latn-rus_Cyrl", + "languages": [ + "tur-Latn", + "rus-Cyrl" + ], + "accuracy": 93.89083625438157, + "f1": 92.33892505424804, + "main_score": 92.33892505424804, + "precision": 91.63125640842216, + "recall": 93.89083625438157 + }, + { + "hf_subset": "ukr_Cyrl-rus_Cyrl", + "languages": [ + "ukr-Cyrl", + "rus-Cyrl" + ], + "accuracy": 96.14421632448673, + "f1": 95.11028447433054, + "main_score": 95.11028447433054, + "precision": 94.62944416624937, + "recall": 96.14421632448673 + }, + { + "hf_subset": "vie_Latn-rus_Cyrl", + "languages": [ + "vie-Latn", + "rus-Cyrl" + ], + "accuracy": 93.79068602904357, + "f1": 92.14989150392256, + "main_score": 92.14989150392256, + "precision": 91.39292271740945, + "recall": 93.79068602904357 + }, + { + "hf_subset": "zho_Hant-rus_Cyrl", + "languages": [ + "zho-Hant", + "rus-Cyrl" + ], + "accuracy": 89.13370055082625, + "f1": 86.51514618639217, + "main_score": 86.51514618639217, + "precision": 85.383920035898, + "recall": 89.13370055082625 + }, + { + "hf_subset": "zul_Latn-rus_Cyrl", + "languages": [ + "zul-Latn", + "rus-Cyrl" + ], + "accuracy": 81.17175763645467, + "f1": 77.72331766047338, + "main_score": 77.72331766047338, + "precision": 76.24629555848075, + "recall": 81.17175763645467 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/OpusparcusPC.json b/results/intfloat__multilingual-e5-small/external/OpusparcusPC.json new file mode 100644 index 000000000..938d47a25 --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/OpusparcusPC.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "9e9b1f8ef51616073f47f306f7f47dd91663f86a", + "task_name": "OpusparcusPC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test.full": [ + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "cosine_accuracy": 73.09136420525657, + "cosine_accuracy_threshold": 87.70400881767273, + "cosine_ap": 86.51938550599533, + "cosine_f1": 80.84358523725834, + "cosine_f1_threshold": 86.90648078918457, + "cosine_precision": 73.24840764331209, + "cosine_recall": 90.19607843137256, + "dot_accuracy": 73.09136420525657, + "dot_accuracy_threshold": 87.7040147781372, + "dot_ap": 86.51934769946833, + "dot_f1": 80.84358523725834, + "dot_f1_threshold": 86.90648078918457, + "dot_precision": 73.24840764331209, + "dot_recall": 90.19607843137256, + "euclidean_accuracy": 73.09136420525657, + "euclidean_accuracy_threshold": 49.590304493904114, + "euclidean_ap": 86.51934769946833, + "euclidean_f1": 80.84358523725834, + "euclidean_f1_threshold": 51.173269748687744, + "euclidean_precision": 73.24840764331209, + "euclidean_recall": 90.19607843137256, + "main_score": 86.51976811057995, + "manhattan_accuracy": 73.40425531914893, + "manhattan_accuracy_threshold": 757.8278541564941, + "manhattan_ap": 86.51976811057995, + "manhattan_f1": 80.92898615453328, + "manhattan_f1_threshold": 778.3821105957031, + "manhattan_precision": 74.32321575061526, + "manhattan_recall": 88.8235294117647, + "max_ap": 86.51976811057995, + "max_f1": 80.92898615453328, + "max_precision": 74.32321575061526, + "max_recall": 90.19607843137256, + "similarity_accuracy": 73.09136420525657, + "similarity_accuracy_threshold": 87.70400881767273, + "similarity_ap": 86.51938550599533, + "similarity_f1": 80.84358523725834, + "similarity_f1_threshold": 86.90648078918457, + "similarity_precision": 73.24840764331209, + "similarity_recall": 90.19607843137256 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/PublicHealthQA.json b/results/intfloat__multilingual-e5-small/external/PublicHealthQA.json new file mode 100644 index 000000000..ee7032d8d --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/PublicHealthQA.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "main", + "task_name": "PublicHealthQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "russian", + "languages": [ + "rus-Cyrl" + ], + "main_score": 79.303, + "map_at_1": 61.538000000000004, + "map_at_10": 74.449, + "map_at_100": 74.687, + "map_at_1000": 74.687, + "map_at_20": 74.589, + "map_at_3": 73.333, + "map_at_5": 74.256, + "mrr_at_1": 61.53846153846154, + "mrr_at_10": 74.44871794871794, + "mrr_at_100": 74.68730304304074, + "mrr_at_1000": 74.68730304304074, + "mrr_at_20": 74.58857808857809, + "mrr_at_3": 73.33333333333333, + "mrr_at_5": 74.25641025641025, + "nauc_map_at_1000_diff1": 61.375798048778506, + "nauc_map_at_1000_max": 51.37093181241067, + "nauc_map_at_1000_std": 41.735794471409015, + "nauc_map_at_100_diff1": 61.375798048778506, + "nauc_map_at_100_max": 51.37093181241067, + "nauc_map_at_100_std": 41.735794471409015, + "nauc_map_at_10_diff1": 61.12796039757213, + "nauc_map_at_10_max": 51.843445267118014, + "nauc_map_at_10_std": 42.243121474939365, + "nauc_map_at_1_diff1": 66.39100974909151, + "nauc_map_at_1_max": 44.77165601342703, + "nauc_map_at_1_std": 32.38542979413408, + "nauc_map_at_20_diff1": 61.16611123434347, + "nauc_map_at_20_max": 51.52605092407306, + "nauc_map_at_20_std": 41.94787773313971, + "nauc_map_at_3_diff1": 61.40157474408937, + "nauc_map_at_3_max": 51.47230077853947, + "nauc_map_at_3_std": 42.63540269440141, + "nauc_map_at_5_diff1": 61.07631147583098, + "nauc_map_at_5_max": 52.02626939341523, + "nauc_map_at_5_std": 42.511607332150334, + "nauc_mrr_at_1000_diff1": 61.375798048778506, + "nauc_mrr_at_1000_max": 51.37093181241067, + "nauc_mrr_at_1000_std": 41.735794471409015, + "nauc_mrr_at_100_diff1": 61.375798048778506, + "nauc_mrr_at_100_max": 51.37093181241067, + "nauc_mrr_at_100_std": 41.735794471409015, + "nauc_mrr_at_10_diff1": 61.12796039757213, + "nauc_mrr_at_10_max": 51.843445267118014, + "nauc_mrr_at_10_std": 42.243121474939365, + "nauc_mrr_at_1_diff1": 66.39100974909151, + "nauc_mrr_at_1_max": 44.77165601342703, + "nauc_mrr_at_1_std": 32.38542979413408, + "nauc_mrr_at_20_diff1": 61.16611123434347, + "nauc_mrr_at_20_max": 51.52605092407306, + "nauc_mrr_at_20_std": 41.94787773313971, + "nauc_mrr_at_3_diff1": 61.40157474408937, + "nauc_mrr_at_3_max": 51.47230077853947, + "nauc_mrr_at_3_std": 42.63540269440141, + "nauc_mrr_at_5_diff1": 61.07631147583098, + "nauc_mrr_at_5_max": 52.02626939341523, + "nauc_mrr_at_5_std": 42.511607332150334, + "nauc_ndcg_at_1000_diff1": 60.54821630436157, + "nauc_ndcg_at_1000_max": 52.584328363863634, + "nauc_ndcg_at_1000_std": 43.306961101645946, + "nauc_ndcg_at_100_diff1": 60.54821630436157, + "nauc_ndcg_at_100_max": 52.584328363863634, + "nauc_ndcg_at_100_std": 43.306961101645946, + "nauc_ndcg_at_10_diff1": 58.800340278109886, + "nauc_ndcg_at_10_max": 55.31050771670664, + "nauc_ndcg_at_10_std": 46.40931672942848, + "nauc_ndcg_at_1_diff1": 66.39100974909151, + "nauc_ndcg_at_1_max": 44.77165601342703, + "nauc_ndcg_at_1_std": 32.38542979413408, + "nauc_ndcg_at_20_diff1": 58.88690479697946, + "nauc_ndcg_at_20_max": 54.19269661177923, + "nauc_ndcg_at_20_std": 45.39305589413174, + "nauc_ndcg_at_3_diff1": 59.61866351451574, + "nauc_ndcg_at_3_max": 54.23992718744033, + "nauc_ndcg_at_3_std": 46.997379274101, + "nauc_ndcg_at_5_diff1": 58.70739588066225, + "nauc_ndcg_at_5_max": 55.76766902539152, + "nauc_ndcg_at_5_std": 47.10553115762958, + "nauc_precision_at_1000_diff1": 100.0, + "nauc_precision_at_1000_max": 100.0, + "nauc_precision_at_1000_std": 100.0, + "nauc_precision_at_100_diff1": NaN, + "nauc_precision_at_100_max": NaN, + "nauc_precision_at_100_std": NaN, + "nauc_precision_at_10_diff1": 35.72622112397501, + "nauc_precision_at_10_max": 89.84297108673948, + "nauc_precision_at_10_std": 86.60269192422707, + "nauc_precision_at_1_diff1": 66.39100974909151, + "nauc_precision_at_1_max": 44.77165601342703, + "nauc_precision_at_1_std": 32.38542979413408, + "nauc_precision_at_20_diff1": 29.188449183726433, + "nauc_precision_at_20_max": 86.45729478231968, + "nauc_precision_at_20_std": 86.45729478231968, + "nauc_precision_at_3_diff1": 50.294126629236224, + "nauc_precision_at_3_max": 68.98223127174579, + "nauc_precision_at_3_std": 70.31195520376356, + "nauc_precision_at_5_diff1": 39.648884288124385, + "nauc_precision_at_5_max": 86.3409770687935, + "nauc_precision_at_5_std": 83.74875373878356, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": NaN, + "nauc_recall_at_100_max": NaN, + "nauc_recall_at_100_std": NaN, + "nauc_recall_at_10_diff1": 35.72622112397516, + "nauc_recall_at_10_max": 89.84297108673968, + "nauc_recall_at_10_std": 86.60269192422749, + "nauc_recall_at_1_diff1": 66.39100974909151, + "nauc_recall_at_1_max": 44.77165601342703, + "nauc_recall_at_1_std": 32.38542979413408, + "nauc_recall_at_20_diff1": 29.188449183726323, + "nauc_recall_at_20_max": 86.45729478231985, + "nauc_recall_at_20_std": 86.45729478231985, + "nauc_recall_at_3_diff1": 50.29412662923603, + "nauc_recall_at_3_max": 68.98223127174562, + "nauc_recall_at_3_std": 70.31195520376346, + "nauc_recall_at_5_diff1": 39.64888428812445, + "nauc_recall_at_5_max": 86.34097706879359, + "nauc_recall_at_5_std": 83.74875373878366, + "ndcg_at_1": 61.538000000000004, + "ndcg_at_10": 79.303, + "ndcg_at_100": 80.557, + "ndcg_at_1000": 80.557, + "ndcg_at_20": 79.732, + "ndcg_at_3": 77.033, + "ndcg_at_5": 78.818, + "precision_at_1": 61.538000000000004, + "precision_at_10": 9.385, + "precision_at_100": 1.0, + "precision_at_1000": 0.1, + "precision_at_20": 4.769, + "precision_at_3": 29.231, + "precision_at_5": 18.462, + "recall_at_1": 61.538000000000004, + "recall_at_10": 93.84599999999999, + "recall_at_100": 100.0, + "recall_at_1000": 100.0, + "recall_at_20": 95.38499999999999, + "recall_at_3": 87.69200000000001, + "recall_at_5": 92.308 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/QuoraRetrieval.json b/results/intfloat__multilingual-e5-small/external/QuoraRetrieval.json new file mode 100644 index 000000000..9cf9326aa --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 69.174, + "map_at_10": 82.891, + "map_at_100": 83.545, + "map_at_1000": 83.56700000000001, + "map_at_3": 79.944, + "map_at_5": 81.812, + "mrr_at_1": 79.67999999999999, + "mrr_at_10": 86.279, + "mrr_at_100": 86.39, + "mrr_at_1000": 86.392, + "mrr_at_3": 85.21, + "mrr_at_5": 85.92999999999999, + "ndcg_at_1": 79.69000000000001, + "ndcg_at_10": 86.929, + "ndcg_at_100": 88.266, + "ndcg_at_1000": 88.428, + "ndcg_at_3": 83.899, + "ndcg_at_5": 85.56700000000001, + "precision_at_1": 79.69000000000001, + "precision_at_10": 13.161000000000001, + "precision_at_100": 1.513, + "precision_at_1000": 0.156, + "precision_at_3": 36.603, + "precision_at_5": 24.138, + "recall_at_1": 69.174, + "recall_at_10": 94.529, + "recall_at_100": 99.15, + "recall_at_1000": 99.925, + "recall_at_3": 85.86200000000001, + "recall_at_5": 90.501, + "main_score": 86.929 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/RUParaPhraserSTS.json b/results/intfloat__multilingual-e5-small/external/RUParaPhraserSTS.json new file mode 100644 index 000000000..7e3a52676 --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/RUParaPhraserSTS.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "43265056790b8f7c59e0139acb4be0a8dad2c8f4", + "task_name": "RUParaPhraserSTS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "cosine_pearson": 64.73554596215753, + "cosine_spearman": 70.45849652271855, + "euclidean_pearson": 68.08069844834267, + "euclidean_spearman": 70.45854872959124, + "main_score": 70.45849652271855, + "manhattan_pearson": 67.88325986519624, + "manhattan_spearman": 70.21131896834542, + "pearson": 64.73554596215753, + "spearman": 70.45849652271855 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/RedditClustering.json b/results/intfloat__multilingual-e5-small/external/RedditClustering.json new file mode 100644 index 000000000..b38e5b8df --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.13064340585255, + "main_score": 39.13064340585255 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/RedditClusteringP2P.json b/results/intfloat__multilingual-e5-small/external/RedditClusteringP2P.json new file mode 100644 index 000000000..5fc2caaed --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 58.97884249325877, + "main_score": 58.97884249325877 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/RiaNewsRetrieval.json b/results/intfloat__multilingual-e5-small/external/RiaNewsRetrieval.json new file mode 100644 index 000000000..9a3221b18 --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/RiaNewsRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "82374b0bbacda6114f39ff9c5b925fa1512ca5d7", + "task_name": "RiaNewsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "main_score": 70.00999999999999, + "map_at_1": 55.97, + "map_at_10": 65.59700000000001, + "map_at_100": 66.057, + "map_at_1000": 66.074, + "map_at_20": 65.892, + "map_at_3": 63.74999999999999, + "map_at_5": 64.84299999999999, + "mrr_at_1": 55.88999999999999, + "mrr_at_10": 65.55873015872977, + "mrr_at_100": 66.01891495129716, + "mrr_at_1000": 66.03538391493299, + "mrr_at_20": 65.85351193431555, + "mrr_at_3": 63.7133333333329, + "mrr_at_5": 64.80483333333268, + "nauc_map_at_1000_diff1": 65.95332946436318, + "nauc_map_at_1000_max": 28.21204156197811, + "nauc_map_at_1000_std": -13.139245767083743, + "nauc_map_at_100_diff1": 65.94763105024367, + "nauc_map_at_100_max": 28.212832170078205, + "nauc_map_at_100_std": -13.131425849370665, + "nauc_map_at_10_diff1": 65.88455089448388, + "nauc_map_at_10_max": 28.13555838776792, + "nauc_map_at_10_std": -13.326989827081023, + "nauc_map_at_1_diff1": 69.31275711813979, + "nauc_map_at_1_max": 26.386708520283758, + "nauc_map_at_1_std": -14.434616447245464, + "nauc_map_at_20_diff1": 65.91227032605677, + "nauc_map_at_20_max": 28.20538655600886, + "nauc_map_at_20_std": -13.191148834410274, + "nauc_map_at_3_diff1": 66.0051677952641, + "nauc_map_at_3_max": 28.25443420019022, + "nauc_map_at_3_std": -13.893284109029558, + "nauc_map_at_5_diff1": 65.89784348297898, + "nauc_map_at_5_max": 28.26449765184183, + "nauc_map_at_5_std": -13.506692912805008, + "nauc_mrr_at_1000_diff1": 66.06599513750889, + "nauc_mrr_at_1000_max": 28.191556650722287, + "nauc_mrr_at_1000_std": -13.098487982930276, + "nauc_mrr_at_100_diff1": 66.0602307977725, + "nauc_mrr_at_100_max": 28.19235936624514, + "nauc_mrr_at_100_std": -13.09069677716269, + "nauc_mrr_at_10_diff1": 65.99546819079403, + "nauc_mrr_at_10_max": 28.11556170120022, + "nauc_mrr_at_10_std": -13.286711073897553, + "nauc_mrr_at_1_diff1": 69.49541040517995, + "nauc_mrr_at_1_max": 26.354622707276153, + "nauc_mrr_at_1_std": -14.358839778104695, + "nauc_mrr_at_20_diff1": 66.02427154257936, + "nauc_mrr_at_20_max": 28.18509383563462, + "nauc_mrr_at_20_std": -13.150543398429, + "nauc_mrr_at_3_diff1": 66.11258119082618, + "nauc_mrr_at_3_max": 28.239510722224004, + "nauc_mrr_at_3_std": -13.857249251136269, + "nauc_mrr_at_5_diff1": 66.00633786765626, + "nauc_mrr_at_5_max": 28.244875152193032, + "nauc_mrr_at_5_std": -13.467206028704434, + "nauc_ndcg_at_1000_diff1": 65.02876183314446, + "nauc_ndcg_at_1000_max": 29.109368390197194, + "nauc_ndcg_at_1000_std": -11.56514359821697, + "nauc_ndcg_at_100_diff1": 64.85837726893713, + "nauc_ndcg_at_100_max": 29.19990133137256, + "nauc_ndcg_at_100_std": -11.17450348161257, + "nauc_ndcg_at_10_diff1": 64.53842705024796, + "nauc_ndcg_at_10_max": 28.748734006088526, + "nauc_ndcg_at_10_std": -12.331395505957063, + "nauc_ndcg_at_1_diff1": 69.31275711813979, + "nauc_ndcg_at_1_max": 26.386708520283758, + "nauc_ndcg_at_1_std": -14.434616447245464, + "nauc_ndcg_at_20_diff1": 64.59017606740504, + "nauc_ndcg_at_20_max": 29.047332048898017, + "nauc_ndcg_at_20_std": -11.746548770195954, + "nauc_ndcg_at_3_diff1": 64.87900935713822, + "nauc_ndcg_at_3_max": 28.953157521204403, + "nauc_ndcg_at_3_std": -13.639947228880942, + "nauc_ndcg_at_5_diff1": 64.61466953479034, + "nauc_ndcg_at_5_max": 29.01899321868392, + "nauc_ndcg_at_5_std": -12.85356404799802, + "nauc_precision_at_1000_diff1": 48.85481417002382, + "nauc_precision_at_1000_max": 57.129837326696375, + "nauc_precision_at_1000_std": 37.889524999906435, + "nauc_precision_at_100_diff1": 53.374672326788264, + "nauc_precision_at_100_max": 43.819333062207974, + "nauc_precision_at_100_std": 21.387064885769362, + "nauc_precision_at_10_diff1": 57.66571169774445, + "nauc_precision_at_10_max": 31.779694837242033, + "nauc_precision_at_10_std": -6.6248399147180255, + "nauc_precision_at_1_diff1": 69.31275711813979, + "nauc_precision_at_1_max": 26.386708520283758, + "nauc_precision_at_1_std": -14.434616447245464, + "nauc_precision_at_20_diff1": 55.93570036001682, + "nauc_precision_at_20_max": 34.98640173388743, + "nauc_precision_at_20_std": -0.36518465159326174, + "nauc_precision_at_3_diff1": 60.94100093991508, + "nauc_precision_at_3_max": 31.422239034357673, + "nauc_precision_at_3_std": -12.72576556537896, + "nauc_precision_at_5_diff1": 59.450505195434054, + "nauc_precision_at_5_max": 32.07638712418377, + "nauc_precision_at_5_std": -10.024459103498598, + "nauc_recall_at_1000_diff1": 48.854814170024184, + "nauc_recall_at_1000_max": 57.129837326697164, + "nauc_recall_at_1000_std": 37.88952499990672, + "nauc_recall_at_100_diff1": 53.37467232678822, + "nauc_recall_at_100_max": 43.8193330622079, + "nauc_recall_at_100_std": 21.387064885769398, + "nauc_recall_at_10_diff1": 57.66571169774447, + "nauc_recall_at_10_max": 31.779694837242133, + "nauc_recall_at_10_std": -6.62483991471789, + "nauc_recall_at_1_diff1": 69.31275711813979, + "nauc_recall_at_1_max": 26.386708520283758, + "nauc_recall_at_1_std": -14.434616447245464, + "nauc_recall_at_20_diff1": 55.93570036001682, + "nauc_recall_at_20_max": 34.986401733887554, + "nauc_recall_at_20_std": -0.3651846515931506, + "nauc_recall_at_3_diff1": 60.94100093991499, + "nauc_recall_at_3_max": 31.422239034357606, + "nauc_recall_at_3_std": -12.725765565378966, + "nauc_recall_at_5_diff1": 59.450505195434125, + "nauc_recall_at_5_max": 32.07638712418387, + "nauc_recall_at_5_std": -10.024459103498472, + "ndcg_at_1": 55.97, + "ndcg_at_10": 70.00999999999999, + "ndcg_at_100": 72.20100000000001, + "ndcg_at_1000": 72.65599999999999, + "ndcg_at_20": 71.068, + "ndcg_at_3": 66.228, + "ndcg_at_5": 68.191, + "precision_at_1": 55.97, + "precision_at_10": 8.373999999999999, + "precision_at_100": 0.9390000000000001, + "precision_at_1000": 0.097, + "precision_at_20": 4.3950000000000005, + "precision_at_3": 24.46, + "precision_at_5": 15.626000000000001, + "recall_at_1": 55.97, + "recall_at_10": 83.74000000000001, + "recall_at_100": 93.87, + "recall_at_1000": 97.49, + "recall_at_20": 87.89, + "recall_at_3": 73.38, + "recall_at_5": 78.13 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/RuBQReranking.json b/results/intfloat__multilingual-e5-small/external/RuBQReranking.json new file mode 100644 index 000000000..78e94b886 --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/RuBQReranking.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "2e96b8f098fa4b0950fc58eacadeb31c0d0c7fa2", + "task_name": "RuBQReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "main_score": 71.44929565043827, + "map": 71.44929565043827, + "mrr": 77.78391820945014, + "nAUC_map_diff1": 38.140840668080244, + "nAUC_map_max": 27.54328688105381, + "nAUC_map_std": 16.81572082284672, + "nAUC_mrr_diff1": 44.51350415961509, + "nAUC_mrr_max": 36.491182016669754, + "nAUC_mrr_std": 22.47139593052269 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/RuBQRetrieval.json b/results/intfloat__multilingual-e5-small/external/RuBQRetrieval.json new file mode 100644 index 000000000..b4de75e14 --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/RuBQRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "e19b6ffa60b3bc248e0b41f4cc37c26a55c2a67b", + "task_name": "RuBQRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "main_score": 68.529, + "map_at_1": 42.529, + "map_at_10": 60.864, + "map_at_100": 61.868, + "map_at_1000": 61.907000000000004, + "map_at_20": 61.596, + "map_at_3": 55.701, + "map_at_5": 58.78, + "mrr_at_1": 60.57919621749409, + "mrr_at_10": 70.55614188149649, + "mrr_at_100": 70.88383816664494, + "mrr_at_1000": 70.89719252668833, + "mrr_at_20": 70.79839750105347, + "mrr_at_3": 68.4594168636722, + "mrr_at_5": 69.67100078802214, + "nauc_map_at_1000_diff1": 40.67438785660885, + "nauc_map_at_1000_max": 32.79981738507424, + "nauc_map_at_1000_std": -6.873402600044831, + "nauc_map_at_100_diff1": 40.65643664443284, + "nauc_map_at_100_max": 32.81594799919249, + "nauc_map_at_100_std": -6.8473246794498195, + "nauc_map_at_10_diff1": 40.39048268484908, + "nauc_map_at_10_max": 32.403242161479525, + "nauc_map_at_10_std": -7.344413799841244, + "nauc_map_at_1_diff1": 44.36306892906905, + "nauc_map_at_1_max": 25.61348630699028, + "nauc_map_at_1_std": -8.713074613333902, + "nauc_map_at_20_diff1": 40.530326570124615, + "nauc_map_at_20_max": 32.74028319323205, + "nauc_map_at_20_std": -7.008180779820569, + "nauc_map_at_3_diff1": 40.764924859364044, + "nauc_map_at_3_max": 29.809671682025336, + "nauc_map_at_3_std": -9.205620202725564, + "nauc_map_at_5_diff1": 40.88599496021476, + "nauc_map_at_5_max": 32.1701894666848, + "nauc_map_at_5_std": -7.801251849010623, + "nauc_mrr_at_1000_diff1": 48.64181373540728, + "nauc_mrr_at_1000_max": 40.136947990653546, + "nauc_mrr_at_1000_std": -7.250260497468805, + "nauc_mrr_at_100_diff1": 48.63349902496212, + "nauc_mrr_at_100_max": 40.14510559704008, + "nauc_mrr_at_100_std": -7.228702374801103, + "nauc_mrr_at_10_diff1": 48.58580560194813, + "nauc_mrr_at_10_max": 40.15075599433366, + "nauc_mrr_at_10_std": -7.267928771548688, + "nauc_mrr_at_1_diff1": 51.47535097164919, + "nauc_mrr_at_1_max": 38.23579750430856, + "nauc_mrr_at_1_std": -9.187785187137633, + "nauc_mrr_at_20_diff1": 48.58688378336222, + "nauc_mrr_at_20_max": 40.13408744088299, + "nauc_mrr_at_20_std": -7.283132775160146, + "nauc_mrr_at_3_diff1": 48.66833005454742, + "nauc_mrr_at_3_max": 40.07987333638038, + "nauc_mrr_at_3_std": -7.738819947521418, + "nauc_mrr_at_5_diff1": 48.76536305941537, + "nauc_mrr_at_5_max": 40.381929739522185, + "nauc_mrr_at_5_std": -7.592858318378928, + "nauc_ndcg_at_1000_diff1": 41.67304442004693, + "nauc_ndcg_at_1000_max": 35.84126926253235, + "nauc_ndcg_at_1000_std": -4.78971011604655, + "nauc_ndcg_at_100_diff1": 41.16918850185783, + "nauc_ndcg_at_100_max": 36.082461962326505, + "nauc_ndcg_at_100_std": -4.092442251697269, + "nauc_ndcg_at_10_diff1": 40.300065598615205, + "nauc_ndcg_at_10_max": 34.87866296788365, + "nauc_ndcg_at_10_std": -5.866529277842453, + "nauc_ndcg_at_1_diff1": 51.74612915209495, + "nauc_ndcg_at_1_max": 37.71907067970078, + "nauc_ndcg_at_1_std": -9.064124266098696, + "nauc_ndcg_at_20_diff1": 40.493949850214584, + "nauc_ndcg_at_20_max": 35.69331503650286, + "nauc_ndcg_at_20_std": -4.995310342975443, + "nauc_ndcg_at_3_diff1": 41.269443212112364, + "nauc_ndcg_at_3_max": 32.572844460953334, + "nauc_ndcg_at_3_std": -9.063015396458791, + "nauc_ndcg_at_5_diff1": 41.37039652522888, + "nauc_ndcg_at_5_max": 34.67416011393571, + "nauc_ndcg_at_5_std": -7.106845569862319, + "nauc_precision_at_1000_diff1": -9.571769961090155, + "nauc_precision_at_1000_max": 5.574782583417188, + "nauc_precision_at_1000_std": 7.28333847923847, + "nauc_precision_at_100_diff1": -7.7405012003383735, + "nauc_precision_at_100_max": 9.67745355070353, + "nauc_precision_at_100_std": 9.327890294080992, + "nauc_precision_at_10_diff1": -1.006879647532931, + "nauc_precision_at_10_max": 15.899825481231064, + "nauc_precision_at_10_std": 4.2284084852153105, + "nauc_precision_at_1_diff1": 51.74612915209495, + "nauc_precision_at_1_max": 37.71907067970078, + "nauc_precision_at_1_std": -9.064124266098696, + "nauc_precision_at_20_diff1": -4.982301544401409, + "nauc_precision_at_20_max": 13.241674471380568, + "nauc_precision_at_20_std": 7.052280133821539, + "nauc_precision_at_3_diff1": 15.442614376387374, + "nauc_precision_at_3_max": 25.12695418083, + "nauc_precision_at_3_std": -3.1150066697920638, + "nauc_precision_at_5_diff1": 8.381026072692444, + "nauc_precision_at_5_max": 22.839056540604822, + "nauc_precision_at_5_std": 1.5126905486524331, + "nauc_recall_at_1000_diff1": -0.8869709920433502, + "nauc_recall_at_1000_max": 45.092324433377264, + "nauc_recall_at_1000_std": 62.21264093315108, + "nauc_recall_at_100_diff1": 16.036715011075714, + "nauc_recall_at_100_max": 39.79963411771158, + "nauc_recall_at_100_std": 28.41850069503361, + "nauc_recall_at_10_diff1": 25.189622794479998, + "nauc_recall_at_10_max": 30.82355277039427, + "nauc_recall_at_10_std": 0.0964544736531047, + "nauc_recall_at_1_diff1": 44.36306892906905, + "nauc_recall_at_1_max": 25.61348630699028, + "nauc_recall_at_1_std": -8.713074613333902, + "nauc_recall_at_20_diff1": 20.43424504746087, + "nauc_recall_at_20_max": 33.96010554649377, + "nauc_recall_at_20_std": 6.900984030301936, + "nauc_recall_at_3_diff1": 33.86531858793492, + "nauc_recall_at_3_max": 27.725692256711188, + "nauc_recall_at_3_std": -8.533124289305709, + "nauc_recall_at_5_diff1": 32.006964557701686, + "nauc_recall_at_5_max": 31.493370659289806, + "nauc_recall_at_5_std": -4.8639793547793255, + "ndcg_at_1": 60.461, + "ndcg_at_10": 68.529, + "ndcg_at_100": 71.664, + "ndcg_at_1000": 72.396, + "ndcg_at_20": 70.344, + "ndcg_at_3": 61.550000000000004, + "ndcg_at_5": 64.948, + "precision_at_1": 60.461, + "precision_at_10": 13.28, + "precision_at_100": 1.555, + "precision_at_1000": 0.164, + "precision_at_20": 7.216, + "precision_at_3": 33.077, + "precision_at_5": 23.014000000000003, + "recall_at_1": 42.529, + "recall_at_10": 81.169, + "recall_at_100": 93.154, + "recall_at_1000": 98.18299999999999, + "recall_at_20": 87.132, + "recall_at_3": 63.905, + "recall_at_5": 71.967 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/RuReviewsClassification.json b/results/intfloat__multilingual-e5-small/external/RuReviewsClassification.json new file mode 100644 index 000000000..c84e52bd7 --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/RuReviewsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "f6d2c31f4dc6b88f468552750bfec05b4b41b05a", + "task_name": "RuReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 61.17675781250001, + "f1": 60.354535346041374, + "f1_weighted": 60.35437313166116, + "main_score": 61.17675781250001 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/RuSTSBenchmarkSTS.json b/results/intfloat__multilingual-e5-small/external/RuSTSBenchmarkSTS.json new file mode 100644 index 000000000..aed91233a --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/RuSTSBenchmarkSTS.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7cf24f325c6da6195df55bef3d86b5e0616f3018", + "task_name": "RuSTSBenchmarkSTS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "cosine_pearson": 78.1301041727274, + "cosine_spearman": 78.08238025421747, + "euclidean_pearson": 77.35224254583635, + "euclidean_spearman": 78.08235336582496, + "main_score": 78.08238025421747, + "manhattan_pearson": 77.24138550052075, + "manhattan_spearman": 77.98199107904142, + "pearson": 78.1301041727274, + "spearman": 78.08238025421747 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/RuSciBenchGRNTIClassification.json b/results/intfloat__multilingual-e5-small/external/RuSciBenchGRNTIClassification.json new file mode 100644 index 000000000..f61e344ce --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/RuSciBenchGRNTIClassification.json @@ -0,0 +1,29 @@ +{ + "dataset_revision": "673a610d6d3dd91a547a0d57ae1b56f37ebbf6a1", + "task_name": "RuSciBenchGRNTIClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 54.990234375, + "f1": 53.537019057131374, + "f1_weighted": 53.552745354520766, + "main_score": 54.990234375 + }, + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "main_score": 50.775228895355106, + "v_measure": 50.775228895355106, + "v_measure_std": 0.9533571150165796 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/RuSciBenchOECDClassification.json b/results/intfloat__multilingual-e5-small/external/RuSciBenchOECDClassification.json new file mode 100644 index 000000000..3cb8e30f3 --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/RuSciBenchOECDClassification.json @@ -0,0 +1,29 @@ +{ + "dataset_revision": "26c88e99dcaba32bb45d0e1bfc21902337f6d471", + "task_name": "RuSciBenchOECDClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 41.71875, + "f1": 39.289100975858304, + "f1_weighted": 39.29257829217775, + "main_score": 41.71875 + }, + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "main_score": 45.10904808834516, + "v_measure": 45.10904808834516, + "v_measure_std": 1.0572643410157534 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/SCIDOCS.json b/results/intfloat__multilingual-e5-small/external/SCIDOCS.json new file mode 100644 index 000000000..cc3ec840f --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.4680000000000004, + "map_at_10": 7.865, + "map_at_100": 9.332, + "map_at_1000": 9.587, + "map_at_3": 5.800000000000001, + "map_at_5": 6.8790000000000004, + "mrr_at_1": 17.0, + "mrr_at_10": 25.629, + "mrr_at_100": 26.806, + "mrr_at_1000": 26.889000000000003, + "mrr_at_3": 22.8, + "mrr_at_5": 24.26, + "ndcg_at_1": 17.0, + "ndcg_at_10": 13.895, + "ndcg_at_100": 20.491999999999997, + "ndcg_at_1000": 25.759999999999998, + "ndcg_at_3": 13.347999999999999, + "ndcg_at_5": 11.61, + "precision_at_1": 17.0, + "precision_at_10": 7.090000000000001, + "precision_at_100": 1.669, + "precision_at_1000": 0.294, + "precision_at_3": 12.3, + "precision_at_5": 10.02, + "recall_at_1": 3.4680000000000004, + "recall_at_10": 14.363000000000001, + "recall_at_100": 33.875, + "recall_at_1000": 59.711999999999996, + "recall_at_3": 7.483, + "recall_at_5": 10.173, + "main_score": 13.895 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/SIB200Classification.json b/results/intfloat__multilingual-e5-small/external/SIB200Classification.json new file mode 100644 index 000000000..830582fe9 --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/SIB200Classification.json @@ -0,0 +1,29 @@ +{ + "dataset_revision": "a74d7350ea12af010cfb1c21e34f1f81fd2e615b", + "task_name": "SIB200Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "rus_Cyrl", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 66.36363636363637, + "f1": 64.6940336621617, + "f1_weighted": 66.43317771876966, + "main_score": 66.36363636363637 + }, + { + "hf_subset": "rus_Cyrl", + "languages": [ + "rus-Cyrl" + ], + "main_score": 33.99178497314711, + "v_measure": 33.99178497314711, + "v_measure_std": 4.036337464043786 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/SICK-R.json b/results/intfloat__multilingual-e5-small/external/SICK-R.json new file mode 100644 index 000000000..3359ced18 --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.04084311714061, + "cos_sim_spearman": 77.51342467443078, + "euclidean_pearson": 80.0321166028479, + "euclidean_spearman": 77.29249114733226, + "manhattan_pearson": 80.03105964262431, + "manhattan_spearman": 77.22373689514794, + "cosine_pearson": 83.04084311714061, + "cosine_spearman": 77.51342467443078, + "main_score": 77.51342467443078 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/STS12.json b/results/intfloat__multilingual-e5-small/external/STS12.json new file mode 100644 index 000000000..2d56e6f14 --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.1680158034387, + "cos_sim_spearman": 76.55983344071117, + "euclidean_pearson": 79.75266678300143, + "euclidean_spearman": 75.34516823467025, + "manhattan_pearson": 79.75959151517357, + "manhattan_spearman": 75.42330344141912, + "cosine_pearson": 84.1680158034387, + "cosine_spearman": 76.55983344071117, + "main_score": 76.55983344071117 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/STS13.json b/results/intfloat__multilingual-e5-small/external/STS13.json new file mode 100644 index 000000000..13f9a1261 --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 76.48898993209346, + "cos_sim_spearman": 76.96954120323366, + "euclidean_pearson": 76.94139109279668, + "euclidean_spearman": 76.85860283201711, + "manhattan_pearson": 76.6944095091912, + "manhattan_spearman": 76.61096912972553, + "cosine_pearson": 76.48898993209346, + "cosine_spearman": 76.96954120323366, + "main_score": 76.96954120323366 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/STS14.json b/results/intfloat__multilingual-e5-small/external/STS14.json new file mode 100644 index 000000000..dda5b9786 --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 77.85082366246944, + "cos_sim_spearman": 75.52053350101731, + "euclidean_pearson": 77.1165845070926, + "euclidean_spearman": 75.31216065884388, + "manhattan_pearson": 77.06193941833494, + "manhattan_spearman": 75.31003701700112, + "cosine_pearson": 77.85082366246944, + "cosine_spearman": 75.52053350101731, + "main_score": 75.52053350101731 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/STS15.json b/results/intfloat__multilingual-e5-small/external/STS15.json new file mode 100644 index 000000000..1ea16d8d7 --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.36305246526497, + "cos_sim_spearman": 87.11704613927415, + "euclidean_pearson": 86.04199125810939, + "euclidean_spearman": 86.51117572414263, + "manhattan_pearson": 86.0805106816633, + "manhattan_spearman": 86.52798366512229, + "cosine_pearson": 86.36305246526497, + "cosine_spearman": 87.11704613927415, + "main_score": 87.11704613927415 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/STS16.json b/results/intfloat__multilingual-e5-small/external/STS16.json new file mode 100644 index 000000000..3cf23cf86 --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.18536255599724, + "cos_sim_spearman": 83.63377151025418, + "euclidean_pearson": 83.24657467993141, + "euclidean_spearman": 84.02751481993825, + "manhattan_pearson": 83.11941806582371, + "manhattan_spearman": 83.84251281019304, + "cosine_pearson": 82.18536255599724, + "cosine_spearman": 83.63377151025418, + "main_score": 83.63377151025418 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/STS17.json b/results/intfloat__multilingual-e5-small/external/STS17.json new file mode 100644 index 000000000..cf8896c76 --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/STS17.json @@ -0,0 +1,182 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "ko-ko", + "languages": [ + "kor-Hang" + ], + "cos_sim_pearson": 78.95816528475514, + "cos_sim_spearman": 78.86607380120462, + "euclidean_pearson": 78.51268699230545, + "euclidean_spearman": 79.11649316502229, + "manhattan_pearson": 78.32367302808157, + "manhattan_spearman": 78.90277699624637, + "cosine_pearson": 78.95816528475514, + "cosine_spearman": 78.86607380120462, + "main_score": 78.86607380120462 + }, + { + "hf_subset": "ar-ar", + "languages": [ + "ara-Arab" + ], + "cos_sim_pearson": 72.89126914997624, + "cos_sim_spearman": 73.0296921832678, + "euclidean_pearson": 71.50385903677738, + "euclidean_spearman": 73.13368899716289, + "manhattan_pearson": 71.47421463379519, + "manhattan_spearman": 73.03383242946575, + "cosine_pearson": 72.89126914997624, + "cosine_spearman": 73.0296921832678, + "main_score": 73.0296921832678 + }, + { + "hf_subset": "en-ar", + "languages": [ + "eng-Latn", + "ara-Arab" + ], + "cos_sim_pearson": 59.22923684492637, + "cos_sim_spearman": 57.41013211368396, + "euclidean_pearson": 61.21107388080905, + "euclidean_spearman": 60.07620768697254, + "manhattan_pearson": 59.60157142786555, + "manhattan_spearman": 59.14069604103739, + "cosine_pearson": 59.22923684492637, + "cosine_spearman": 57.41013211368396, + "main_score": 57.41013211368396 + }, + { + "hf_subset": "en-de", + "languages": [ + "eng-Latn", + "deu-Latn" + ], + "cos_sim_pearson": 76.24345978774299, + "cos_sim_spearman": 77.24225743830719, + "euclidean_pearson": 76.66226095469165, + "euclidean_spearman": 77.60708820493146, + "manhattan_pearson": 76.05303324760429, + "manhattan_spearman": 76.96353149912348, + "cosine_pearson": 76.24345978774299, + "cosine_spearman": 77.24225743830719, + "main_score": 77.24225743830719 + }, + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.50879160160852, + "cos_sim_spearman": 86.43594662965224, + "euclidean_pearson": 86.06846012826577, + "euclidean_spearman": 86.02041395794136, + "manhattan_pearson": 86.10916255616904, + "manhattan_spearman": 86.07346068198953, + "cosine_pearson": 85.50879160160852, + "cosine_spearman": 86.43594662965224, + "main_score": 86.43594662965224 + }, + { + "hf_subset": "en-tr", + "languages": [ + "eng-Latn", + "tur-Latn" + ], + "cos_sim_pearson": 58.39803698977196, + "cos_sim_spearman": 55.96910950423142, + "euclidean_pearson": 58.17941175613059, + "euclidean_spearman": 55.03019330522745, + "manhattan_pearson": 57.333358138183286, + "manhattan_spearman": 54.04614023149965, + "cosine_pearson": 58.39803698977196, + "cosine_spearman": 55.96910950423142, + "main_score": 55.96910950423142 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 70.98304089637197, + "cos_sim_spearman": 72.44071656215888, + "euclidean_pearson": 72.19224359033983, + "euclidean_spearman": 73.89871188913025, + "manhattan_pearson": 71.21098311547406, + "manhattan_spearman": 72.93405764824821, + "cosine_pearson": 70.98304089637197, + "cosine_spearman": 72.44071656215888, + "main_score": 72.44071656215888 + }, + { + "hf_subset": "es-es", + "languages": [ + "spa-Latn" + ], + "cos_sim_pearson": 85.99792397466308, + "cos_sim_spearman": 84.83824377879495, + "euclidean_pearson": 85.70043288694438, + "euclidean_spearman": 84.70627558703686, + "manhattan_pearson": 85.89570850150801, + "manhattan_spearman": 84.95806105313007, + "cosine_pearson": 85.99792397466308, + "cosine_spearman": 84.83824377879495, + "main_score": 84.83824377879495 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 72.21850322994712, + "cos_sim_spearman": 72.28669398117248, + "euclidean_pearson": 73.40082510412948, + "euclidean_spearman": 73.0326539281865, + "manhattan_pearson": 71.8659633964841, + "manhattan_spearman": 71.57817425823303, + "cosine_pearson": 72.21850322994712, + "cosine_spearman": 72.28669398117248, + "main_score": 72.28669398117248 + }, + { + "hf_subset": "it-en", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 75.80921368595645, + "cos_sim_spearman": 77.33209091229315, + "euclidean_pearson": 76.53159540154829, + "euclidean_spearman": 78.17960842810093, + "manhattan_pearson": 76.13530186637601, + "manhattan_spearman": 78.00701437666875, + "cosine_pearson": 75.80921368595645, + "cosine_spearman": 77.33209091229315, + "main_score": 77.33209091229315 + }, + { + "hf_subset": "nl-en", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 74.74980608267349, + "cos_sim_spearman": 75.37597374318821, + "euclidean_pearson": 74.90506081911661, + "euclidean_spearman": 75.30151613124521, + "manhattan_pearson": 74.62642745918002, + "manhattan_spearman": 75.18619716592303, + "cosine_pearson": 74.74980608267349, + "cosine_spearman": 75.37597374318821, + "main_score": 75.37597374318821 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/STS22.json b/results/intfloat__multilingual-e5-small/external/STS22.json new file mode 100644 index 000000000..4ae974fb4 --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/STS22.json @@ -0,0 +1,303 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 59.632662289205584, + "cos_sim_spearman": 60.938543391610914, + "euclidean_pearson": 62.113200529767056, + "euclidean_spearman": 61.410312633261164, + "manhattan_pearson": 61.75494698945686, + "manhattan_spearman": 60.92726195322362, + "cosine_pearson": 59.632662289205584, + "cosine_spearman": 60.938543391610914, + "main_score": 60.938543391610914 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "cos_sim_pearson": 45.283470551557244, + "cos_sim_spearman": 53.44833015864201, + "euclidean_pearson": 41.17892011120893, + "euclidean_spearman": 53.81441383126767, + "manhattan_pearson": 41.17482200420659, + "manhattan_spearman": 53.82180269276363, + "cosine_pearson": 45.283470551557244, + "cosine_spearman": 53.44833015864201, + "main_score": 53.44833015864201 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "cos_sim_pearson": 60.5069165306236, + "cos_sim_spearman": 66.87803259033826, + "euclidean_pearson": 63.5428979418236, + "euclidean_spearman": 66.9293576586897, + "manhattan_pearson": 63.59789526178922, + "manhattan_spearman": 66.86555009875066, + "cosine_pearson": 60.5069165306236, + "cosine_spearman": 66.87803259033826, + "main_score": 66.87803259033826 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "cos_sim_pearson": 28.23026196280264, + "cos_sim_spearman": 35.79397812652861, + "euclidean_pearson": 17.828102102767353, + "euclidean_spearman": 35.721501145568894, + "manhattan_pearson": 17.77134274219677, + "manhattan_spearman": 35.98107902846267, + "cosine_pearson": 28.23026196280264, + "cosine_spearman": 35.79397812652861, + "main_score": 35.79397812652861 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "cos_sim_pearson": 56.51946541393812, + "cos_sim_spearman": 63.714686006214485, + "euclidean_pearson": 58.32104651305898, + "euclidean_spearman": 62.237110895702216, + "manhattan_pearson": 58.579416468759185, + "manhattan_spearman": 62.459738981727, + "cosine_pearson": 56.51946541393812, + "cosine_spearman": 63.714686006214485, + "main_score": 63.714686006214485 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "cos_sim_pearson": 48.76009839569795, + "cos_sim_spearman": 56.65188431953149, + "euclidean_pearson": 50.997682160915595, + "euclidean_spearman": 55.99910008818135, + "manhattan_pearson": 50.76220659606342, + "manhattan_spearman": 55.517347595391456, + "cosine_pearson": 48.76009839569795, + "cosine_spearman": 56.65188431953149, + "main_score": 56.65188431953149 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "cosine_pearson": 50.724322379215934, + "cosine_spearman": 59.90449732164651, + "euclidean_pearson": 50.227545226784024, + "euclidean_spearman": 59.898906527601085, + "main_score": 59.90449732164651, + "manhattan_pearson": 50.21762139819405, + "manhattan_spearman": 59.761039813759, + "pearson": 50.724322379215934, + "spearman": 59.90449732164651 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 54.717524559088005, + "cos_sim_spearman": 66.83570886252286, + "euclidean_pearson": 58.41338625505467, + "euclidean_spearman": 66.68991427704938, + "manhattan_pearson": 58.78638572916807, + "manhattan_spearman": 66.58684161046335, + "cosine_pearson": 54.717524559088005, + "cosine_spearman": 66.83570886252286, + "main_score": 66.83570886252286 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 73.2962042954962, + "cos_sim_spearman": 76.58255504852025, + "euclidean_pearson": 75.70983192778257, + "euclidean_spearman": 77.4547684870542, + "manhattan_pearson": 75.75565853870485, + "manhattan_spearman": 76.90208974949428, + "cosine_pearson": 73.2962042954962, + "cosine_spearman": 76.58255504852025, + "main_score": 76.58255504852025 + }, + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 54.47396266924846, + "cos_sim_spearman": 56.492267162048606, + "euclidean_pearson": 55.998505203070195, + "euclidean_spearman": 56.46447012960222, + "manhattan_pearson": 54.873172394430995, + "manhattan_spearman": 56.58111534551218, + "cosine_pearson": 54.47396266924846, + "cosine_spearman": 56.492267162048606, + "main_score": 56.492267162048606 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 69.87177267688686, + "cos_sim_spearman": 74.57160943395763, + "euclidean_pearson": 70.88330406826788, + "euclidean_spearman": 74.29767636038422, + "manhattan_pearson": 71.38245248369536, + "manhattan_spearman": 74.53102232732175, + "cosine_pearson": 69.87177267688686, + "cosine_spearman": 74.57160943395763, + "main_score": 74.57160943395763 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "cos_sim_pearson": 72.80225656959544, + "cos_sim_spearman": 76.52646173725735, + "euclidean_pearson": 73.95710720200799, + "euclidean_spearman": 76.54040031984111, + "manhattan_pearson": 73.89679971946774, + "manhattan_spearman": 76.60886958161574, + "cosine_pearson": 72.80225656959544, + "cosine_spearman": 76.52646173725735, + "main_score": 76.52646173725735 + }, + { + "hf_subset": "pl-en", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 70.70844249898789, + "cos_sim_spearman": 72.68571783670241, + "euclidean_pearson": 72.38800772441031, + "euclidean_spearman": 72.86804422703312, + "manhattan_pearson": 71.29840508203515, + "manhattan_spearman": 71.86264441749513, + "cosine_pearson": 70.70844249898789, + "cosine_spearman": 72.68571783670241, + "main_score": 72.68571783670241 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "cos_sim_pearson": 58.647478923935694, + "cos_sim_spearman": 63.74453623540931, + "euclidean_pearson": 59.60138032437505, + "euclidean_spearman": 63.947930832166065, + "manhattan_pearson": 58.59735509491861, + "manhattan_spearman": 62.082503844627404, + "cosine_pearson": 58.647478923935694, + "cosine_spearman": 63.74453623540931, + "main_score": 63.74453623540931 + }, + { + "hf_subset": "es-it", + "languages": [ + "spa-Latn", + "ita-Latn" + ], + "cos_sim_pearson": 65.8722516867162, + "cos_sim_spearman": 71.81208592523012, + "euclidean_pearson": 67.95315252165956, + "euclidean_spearman": 73.00749822046009, + "manhattan_pearson": 68.07884688638924, + "manhattan_spearman": 72.34210325803069, + "cosine_pearson": 65.8722516867162, + "cosine_spearman": 71.81208592523012, + "main_score": 71.81208592523012 + }, + { + "hf_subset": "de-fr", + "languages": [ + "deu-Latn", + "fra-Latn" + ], + "cos_sim_pearson": 54.5405814240949, + "cos_sim_spearman": 60.56838649023775, + "euclidean_pearson": 53.011731611314104, + "euclidean_spearman": 58.533194841668426, + "manhattan_pearson": 53.623067729338494, + "manhattan_spearman": 58.018756154446926, + "cosine_pearson": 54.5405814240949, + "cosine_spearman": 60.56838649023775, + "main_score": 60.56838649023775 + }, + { + "hf_subset": "de-pl", + "languages": [ + "deu-Latn", + "pol-Latn" + ], + "cos_sim_pearson": 13.611046866216112, + "cos_sim_spearman": 28.238192909158492, + "euclidean_pearson": 22.16189199885129, + "euclidean_spearman": 35.012895679076564, + "manhattan_pearson": 21.969771178698387, + "manhattan_spearman": 32.456985088607475, + "cosine_pearson": 13.611046866216112, + "cosine_spearman": 28.238192909158492, + "main_score": 28.238192909158492 + }, + { + "hf_subset": "fr-pl", + "languages": [ + "fra-Latn", + "pol-Latn" + ], + "cos_sim_pearson": 74.58077407011655, + "cos_sim_spearman": 84.51542547285167, + "euclidean_pearson": 74.64613843596234, + "euclidean_spearman": 84.51542547285167, + "manhattan_pearson": 75.15335973101396, + "manhattan_spearman": 84.51542547285167, + "cosine_pearson": 74.58077407011655, + "cosine_spearman": 84.51542547285167, + "main_score": 84.51542547285167 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "cosine_pearson": 50.724322379215934, + "cosine_spearman": 59.90449732164651, + "euclidean_pearson": 50.227545226784024, + "euclidean_spearman": 59.898906527601085, + "main_score": 59.90449732164651, + "manhattan_pearson": 50.21762139819405, + "manhattan_spearman": 59.761039813759, + "pearson": 50.724322379215934, + "spearman": 59.90449732164651 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/STSBenchmark.json b/results/intfloat__multilingual-e5-small/external/STSBenchmark.json new file mode 100644 index 000000000..229a2612e --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.0739825531578, + "cos_sim_spearman": 84.01057479311115, + "euclidean_pearson": 83.85453227433344, + "euclidean_spearman": 84.01630226898655, + "manhattan_pearson": 83.75323603028978, + "manhattan_spearman": 83.89677983727685, + "cosine_pearson": 82.0739825531578, + "cosine_spearman": 84.01057479311115, + "main_score": 84.01057479311115 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/STSBenchmarkMultilingualSTS.json b/results/intfloat__multilingual-e5-small/external/STSBenchmarkMultilingualSTS.json new file mode 100644 index 000000000..99f9c310f --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/STSBenchmarkMultilingualSTS.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "29afa2569dcedaaa2fe6a3dcfebab33d28b82e8c", + "task_name": "STSBenchmarkMultilingualSTS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "cosine_pearson": 78.43928769569945, + "cosine_spearman": 78.23961768018884, + "euclidean_pearson": 77.4718694027985, + "euclidean_spearman": 78.23887044760475, + "main_score": 78.23961768018884, + "manhattan_pearson": 77.34517128089547, + "manhattan_spearman": 78.1146477340426, + "pearson": 78.43928769569945, + "spearman": 78.23961768018884 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/SciDocsRR.json b/results/intfloat__multilingual-e5-small/external/SciDocsRR.json new file mode 100644 index 000000000..529b55139 --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 78.12945623123957, + "mrr": 93.87738713719106, + "main_score": 78.12945623123957 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/SciFact.json b/results/intfloat__multilingual-e5-small/external/SciFact.json new file mode 100644 index 000000000..a36c96959 --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 52.983000000000004, + "map_at_10": 62.946000000000005, + "map_at_100": 63.514, + "map_at_1000": 63.554, + "map_at_3": 60.183, + "map_at_5": 61.672000000000004, + "mrr_at_1": 55.667, + "mrr_at_10": 64.522, + "mrr_at_100": 64.957, + "mrr_at_1000": 64.995, + "mrr_at_3": 62.388999999999996, + "mrr_at_5": 63.639, + "ndcg_at_1": 55.667, + "ndcg_at_10": 67.704, + "ndcg_at_100": 70.299, + "ndcg_at_1000": 71.241, + "ndcg_at_3": 62.866, + "ndcg_at_5": 65.16999999999999, + "precision_at_1": 55.667, + "precision_at_10": 9.033, + "precision_at_100": 1.053, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 24.444, + "precision_at_5": 16.133, + "recall_at_1": 52.983000000000004, + "recall_at_10": 80.656, + "recall_at_100": 92.5, + "recall_at_1000": 99.667, + "recall_at_3": 67.744, + "recall_at_5": 73.433, + "main_score": 67.704 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/SensitiveTopicsClassification.json b/results/intfloat__multilingual-e5-small/external/SensitiveTopicsClassification.json new file mode 100644 index 000000000..ad22f35aa --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/SensitiveTopicsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "416b34a802308eac30e4192afc0ff99bb8dcc7f2", + "task_name": "SensitiveTopicsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 22.8125, + "f1": 17.31969589593409, + "lrap": 33.82412380642287, + "main_score": 22.8125 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/SprintDuplicateQuestions.json b/results/intfloat__multilingual-e5-small/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..5eec68606 --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.72772277227723, + "cos_sim_ap": 92.17845897992215, + "cos_sim_f1": 85.9746835443038, + "cos_sim_precision": 87.07692307692308, + "cos_sim_recall": 84.89999999999999, + "dot_accuracy": 99.3039603960396, + "dot_ap": 60.70244020124878, + "dot_f1": 59.92742353551063, + "dot_precision": 62.21743810548978, + "dot_recall": 57.8, + "euclidean_accuracy": 99.71683168316832, + "euclidean_ap": 91.53997039964659, + "euclidean_f1": 84.88372093023257, + "euclidean_precision": 90.02242152466367, + "euclidean_recall": 80.30000000000001, + "manhattan_accuracy": 99.72376237623763, + "manhattan_ap": 91.80756777790289, + "manhattan_f1": 85.48468106479157, + "manhattan_precision": 85.8728557013118, + "manhattan_recall": 85.1, + "max_accuracy": 99.72772277227723, + "max_ap": 92.17845897992215, + "max_f1": 85.9746835443038, + "main_score": 92.17845897992215 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/StackExchangeClustering.json b/results/intfloat__multilingual-e5-small/external/StackExchangeClustering.json new file mode 100644 index 000000000..80a7ee7c0 --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 53.52464042600003, + "main_score": 53.52464042600003 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/StackExchangeClusteringP2P.json b/results/intfloat__multilingual-e5-small/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..3d5da8af7 --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.071631948736, + "main_score": 32.071631948736 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/StackOverflowDupQuestions.json b/results/intfloat__multilingual-e5-small/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..e03c4cd4e --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 49.19552407604654, + "mrr": 49.95269130379425, + "main_score": 49.19552407604654 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/SummEval.json b/results/intfloat__multilingual-e5-small/external/SummEval.json new file mode 100644 index 000000000..9707c5c37 --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 29.345293033095427, + "cos_sim_spearman": 29.976931423258403, + "dot_pearson": 27.047078008958408, + "dot_spearman": 27.75894368380218, + "cosine_pearson": 29.345293033095427, + "cosine_spearman": 29.976931423258403, + "main_score": 29.976931423258403 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/TERRa.json b/results/intfloat__multilingual-e5-small/external/TERRa.json new file mode 100644 index 000000000..6e2f024d3 --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/TERRa.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "7b58f24536063837d644aab9a023c62199b2a612", + "task_name": "TERRa", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "cosine_accuracy": 57.32899022801303, + "cosine_accuracy_threshold": 85.32201051712036, + "cosine_ap": 55.14264553720072, + "cosine_f1": 66.83544303797468, + "cosine_f1_threshold": 85.32201051712036, + "cosine_precision": 54.54545454545454, + "cosine_recall": 86.27450980392157, + "dot_accuracy": 57.32899022801303, + "dot_accuracy_threshold": 85.32201051712036, + "dot_ap": 55.14264553720072, + "dot_f1": 66.83544303797468, + "dot_f1_threshold": 85.32201051712036, + "dot_precision": 54.54545454545454, + "dot_recall": 86.27450980392157, + "euclidean_accuracy": 57.32899022801303, + "euclidean_accuracy_threshold": 54.18117046356201, + "euclidean_ap": 55.14264553720072, + "euclidean_f1": 66.83544303797468, + "euclidean_f1_threshold": 54.18117046356201, + "euclidean_precision": 54.54545454545454, + "euclidean_recall": 86.27450980392157, + "main_score": 55.14264553720072, + "manhattan_accuracy": 57.32899022801303, + "manhattan_accuracy_threshold": 828.8480758666992, + "manhattan_ap": 55.077974053622555, + "manhattan_f1": 66.82352941176471, + "manhattan_f1_threshold": 885.6784820556641, + "manhattan_precision": 52.20588235294118, + "manhattan_recall": 92.81045751633987, + "max_ap": 55.14264553720072, + "max_f1": 66.83544303797468, + "max_precision": 54.54545454545454, + "max_recall": 92.81045751633987, + "similarity_accuracy": 57.32899022801303, + "similarity_accuracy_threshold": 85.32201051712036, + "similarity_ap": 55.14264553720072, + "similarity_f1": 66.83544303797468, + "similarity_f1_threshold": 85.32201051712036, + "similarity_precision": 54.54545454545454, + "similarity_recall": 86.27450980392157 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/TRECCOVID.json b/results/intfloat__multilingual-e5-small/external/TRECCOVID.json new file mode 100644 index 000000000..2b08a07b0 --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.22, + "map_at_10": 1.706, + "map_at_100": 9.634, + "map_at_1000": 23.665, + "map_at_3": 0.5950000000000001, + "map_at_5": 0.95, + "mrr_at_1": 86.0, + "mrr_at_10": 91.8, + "mrr_at_100": 91.8, + "mrr_at_1000": 91.8, + "mrr_at_3": 91.0, + "mrr_at_5": 91.8, + "ndcg_at_1": 80.0, + "ndcg_at_10": 72.573, + "ndcg_at_100": 53.954, + "ndcg_at_1000": 47.760999999999996, + "ndcg_at_3": 76.173, + "ndcg_at_5": 75.264, + "precision_at_1": 86.0, + "precision_at_10": 76.4, + "precision_at_100": 55.50000000000001, + "precision_at_1000": 21.802, + "precision_at_3": 81.333, + "precision_at_5": 80.4, + "recall_at_1": 0.22, + "recall_at_10": 1.925, + "recall_at_100": 12.762, + "recall_at_1000": 44.946000000000005, + "recall_at_3": 0.634, + "recall_at_5": 1.051, + "main_score": 72.573 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/Tatoeba.json b/results/intfloat__multilingual-e5-small/external/Tatoeba.json new file mode 100644 index 000000000..968f6a70f --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/Tatoeba.json @@ -0,0 +1,1354 @@ +{ + "dataset_revision": "9080400076fbadbb4c4dcb136ff4eddc40b42553", + "task_name": "Tatoeba", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "sqi-eng", + "languages": [ + "sqi-Latn", + "eng-Latn" + ], + "accuracy": 91.0, + "f1": 88.55666666666666, + "precision": 87.46166666666667, + "recall": 91.0, + "main_score": 88.55666666666666 + }, + { + "hf_subset": "fry-eng", + "languages": [ + "fry-Latn", + "eng-Latn" + ], + "accuracy": 57.22543352601156, + "f1": 51.03220478943021, + "precision": 48.8150289017341, + "recall": 57.22543352601156, + "main_score": 51.03220478943021 + }, + { + "hf_subset": "kur-eng", + "languages": [ + "kur-Latn", + "eng-Latn" + ], + "accuracy": 46.58536585365854, + "f1": 39.66870798578116, + "precision": 37.416085946573745, + "recall": 46.58536585365854, + "main_score": 39.66870798578116 + }, + { + "hf_subset": "tur-eng", + "languages": [ + "tur-Latn", + "eng-Latn" + ], + "accuracy": 89.7, + "f1": 86.77999999999999, + "precision": 85.45333333333332, + "recall": 89.7, + "main_score": 86.77999999999999 + }, + { + "hf_subset": "deu-eng", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "accuracy": 97.39999999999999, + "f1": 96.58333333333331, + "precision": 96.2, + "recall": 97.39999999999999, + "main_score": 96.58333333333331 + }, + { + "hf_subset": "nld-eng", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "accuracy": 92.4, + "f1": 90.3, + "precision": 89.31666666666668, + "recall": 92.4, + "main_score": 90.3 + }, + { + "hf_subset": "ron-eng", + "languages": [ + "ron-Latn", + "eng-Latn" + ], + "accuracy": 86.9, + "f1": 83.67190476190476, + "precision": 82.23333333333332, + "recall": 86.9, + "main_score": 83.67190476190476 + }, + { + "hf_subset": "ang-eng", + "languages": [ + "ang-Latn", + "eng-Latn" + ], + "accuracy": 50.0, + "f1": 42.23229092632078, + "precision": 39.851634683724235, + "recall": 50.0, + "main_score": 42.23229092632078 + }, + { + "hf_subset": "ido-eng", + "languages": [ + "ido-Latn", + "eng-Latn" + ], + "accuracy": 76.3, + "f1": 70.86190476190477, + "precision": 68.68777777777777, + "recall": 76.3, + "main_score": 70.86190476190477 + }, + { + "hf_subset": "jav-eng", + "languages": [ + "jav-Latn", + "eng-Latn" + ], + "accuracy": 57.073170731707314, + "f1": 50.658958927251604, + "precision": 48.26480836236933, + "recall": 57.073170731707314, + "main_score": 50.658958927251604 + }, + { + "hf_subset": "isl-eng", + "languages": [ + "isl-Latn", + "eng-Latn" + ], + "accuracy": 68.2, + "f1": 62.156507936507936, + "precision": 59.84964285714286, + "recall": 68.2, + "main_score": 62.156507936507936 + }, + { + "hf_subset": "slv-eng", + "languages": [ + "slv-Latn", + "eng-Latn" + ], + "accuracy": 77.52126366950182, + "f1": 72.8496210148701, + "precision": 70.92171498003819, + "recall": 77.52126366950182, + "main_score": 72.8496210148701 + }, + { + "hf_subset": "cym-eng", + "languages": [ + "cym-Latn", + "eng-Latn" + ], + "accuracy": 70.78260869565217, + "f1": 65.32422360248447, + "precision": 63.063067367415194, + "recall": 70.78260869565217, + "main_score": 65.32422360248447 + }, + { + "hf_subset": "kaz-eng", + "languages": [ + "kaz-Cyrl", + "eng-Latn" + ], + "accuracy": 78.43478260869566, + "f1": 73.02608695652172, + "precision": 70.63768115942028, + "recall": 78.43478260869566, + "main_score": 73.02608695652172 + }, + { + "hf_subset": "est-eng", + "languages": [ + "est-Latn", + "eng-Latn" + ], + "accuracy": 60.9, + "f1": 55.309753694581275, + "precision": 53.130476190476195, + "recall": 60.9, + "main_score": 55.309753694581275 + }, + { + "hf_subset": "heb-eng", + "languages": [ + "heb-Hebr", + "eng-Latn" + ], + "accuracy": 72.89999999999999, + "f1": 67.92023809523809, + "precision": 65.82595238095237, + "recall": 72.89999999999999, + "main_score": 67.92023809523809 + }, + { + "hf_subset": "gla-eng", + "languages": [ + "gla-Latn", + "eng-Latn" + ], + "accuracy": 46.80337756332931, + "f1": 39.42174900558496, + "precision": 36.97101116280851, + "recall": 46.80337756332931, + "main_score": 39.42174900558496 + }, + { + "hf_subset": "mar-eng", + "languages": [ + "mar-Deva", + "eng-Latn" + ], + "accuracy": 89.8, + "f1": 86.79, + "precision": 85.375, + "recall": 89.8, + "main_score": 86.79 + }, + { + "hf_subset": "lat-eng", + "languages": [ + "lat-Latn", + "eng-Latn" + ], + "accuracy": 47.199999999999996, + "f1": 39.95484348984349, + "precision": 37.561071428571424, + "recall": 47.199999999999996, + "main_score": 39.95484348984349 + }, + { + "hf_subset": "bel-eng", + "languages": [ + "bel-Cyrl", + "eng-Latn" + ], + "accuracy": 87.8, + "f1": 84.68190476190475, + "precision": 83.275, + "recall": 87.8, + "main_score": 84.68190476190475 + }, + { + "hf_subset": "pms-eng", + "languages": [ + "pms-Latn", + "eng-Latn" + ], + "accuracy": 48.76190476190476, + "f1": 42.14965986394558, + "precision": 39.96743626743626, + "recall": 48.76190476190476, + "main_score": 42.14965986394558 + }, + { + "hf_subset": "gle-eng", + "languages": [ + "gle-Latn", + "eng-Latn" + ], + "accuracy": 66.10000000000001, + "f1": 59.58580086580086, + "precision": 57.150238095238095, + "recall": 66.10000000000001, + "main_score": 59.58580086580086 + }, + { + "hf_subset": "pes-eng", + "languages": [ + "pes-Arab", + "eng-Latn" + ], + "accuracy": 87.3, + "f1": 84.0, + "precision": 82.48666666666666, + "recall": 87.3, + "main_score": 84.0 + }, + { + "hf_subset": "nob-eng", + "languages": [ + "nob-Latn", + "eng-Latn" + ], + "accuracy": 90.4, + "f1": 87.79523809523809, + "precision": 86.6, + "recall": 90.4, + "main_score": 87.79523809523809 + }, + { + "hf_subset": "bul-eng", + "languages": [ + "bul-Cyrl", + "eng-Latn" + ], + "accuracy": 87.0, + "f1": 83.81, + "precision": 82.36666666666666, + "recall": 87.0, + "main_score": 83.81 + }, + { + "hf_subset": "cbk-eng", + "languages": [ + "cbk-Latn", + "eng-Latn" + ], + "accuracy": 63.9, + "f1": 57.76533189033189, + "precision": 55.50595238095239, + "recall": 63.9, + "main_score": 57.76533189033189 + }, + { + "hf_subset": "hun-eng", + "languages": [ + "hun-Latn", + "eng-Latn" + ], + "accuracy": 76.1, + "f1": 71.83690476190478, + "precision": 70.04928571428573, + "recall": 76.1, + "main_score": 71.83690476190478 + }, + { + "hf_subset": "uig-eng", + "languages": [ + "uig-Arab", + "eng-Latn" + ], + "accuracy": 66.3, + "f1": 59.32626984126984, + "precision": 56.62535714285713, + "recall": 66.3, + "main_score": 59.32626984126984 + }, + { + "hf_subset": "rus-eng", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "accuracy": 92.10000000000001, + "f1": 89.76666666666667, + "main_score": 89.76666666666667, + "precision": 88.64999999999999, + "recall": 92.10000000000001 + }, + { + "hf_subset": "spa-eng", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "accuracy": 93.10000000000001, + "f1": 91.10000000000001, + "precision": 90.16666666666666, + "recall": 93.10000000000001, + "main_score": 91.10000000000001 + }, + { + "hf_subset": "hye-eng", + "languages": [ + "hye-Armn", + "eng-Latn" + ], + "accuracy": 85.71428571428571, + "f1": 82.29142600436403, + "precision": 80.8076626877166, + "recall": 85.71428571428571, + "main_score": 82.29142600436403 + }, + { + "hf_subset": "tel-eng", + "languages": [ + "tel-Telu", + "eng-Latn" + ], + "accuracy": 88.88888888888889, + "f1": 85.7834757834758, + "precision": 84.43732193732193, + "recall": 88.88888888888889, + "main_score": 85.7834757834758 + }, + { + "hf_subset": "afr-eng", + "languages": [ + "afr-Latn", + "eng-Latn" + ], + "accuracy": 88.5, + "f1": 85.67190476190476, + "precision": 84.43333333333332, + "recall": 88.5, + "main_score": 85.67190476190476 + }, + { + "hf_subset": "mon-eng", + "languages": [ + "mon-Cyrl", + "eng-Latn" + ], + "accuracy": 82.72727272727273, + "f1": 78.21969696969695, + "precision": 76.18181818181819, + "recall": 82.72727272727273, + "main_score": 78.21969696969695 + }, + { + "hf_subset": "arz-eng", + "languages": [ + "arz-Arab", + "eng-Latn" + ], + "accuracy": 61.0062893081761, + "f1": 55.13976240391334, + "precision": 52.92112499659669, + "recall": 61.0062893081761, + "main_score": 55.13976240391334 + }, + { + "hf_subset": "hrv-eng", + "languages": [ + "hrv-Latn", + "eng-Latn" + ], + "accuracy": 89.5, + "f1": 86.86666666666666, + "precision": 85.69166666666668, + "recall": 89.5, + "main_score": 86.86666666666666 + }, + { + "hf_subset": "nov-eng", + "languages": [ + "nov-Latn", + "eng-Latn" + ], + "accuracy": 73.54085603112841, + "f1": 68.56031128404669, + "precision": 66.53047989623866, + "recall": 73.54085603112841, + "main_score": 68.56031128404669 + }, + { + "hf_subset": "gsw-eng", + "languages": [ + "gsw-Latn", + "eng-Latn" + ], + "accuracy": 43.58974358974359, + "f1": 36.45299145299145, + "precision": 33.81155881155882, + "recall": 43.58974358974359, + "main_score": 36.45299145299145 + }, + { + "hf_subset": "nds-eng", + "languages": [ + "nds-Latn", + "eng-Latn" + ], + "accuracy": 59.599999999999994, + "f1": 53.264689754689755, + "precision": 50.869166666666665, + "recall": 59.599999999999994, + "main_score": 53.264689754689755 + }, + { + "hf_subset": "ukr-eng", + "languages": [ + "ukr-Cyrl", + "eng-Latn" + ], + "accuracy": 85.2, + "f1": 81.61666666666665, + "precision": 80.02833333333335, + "recall": 85.2, + "main_score": 81.61666666666665 + }, + { + "hf_subset": "uzb-eng", + "languages": [ + "uzb-Latn", + "eng-Latn" + ], + "accuracy": 63.78504672897196, + "f1": 58.00029669188548, + "precision": 55.815809968847354, + "recall": 63.78504672897196, + "main_score": 58.00029669188548 + }, + { + "hf_subset": "lit-eng", + "languages": [ + "lit-Latn", + "eng-Latn" + ], + "accuracy": 66.5, + "f1": 61.518333333333345, + "precision": 59.622363699102834, + "recall": 66.5, + "main_score": 61.518333333333345 + }, + { + "hf_subset": "ina-eng", + "languages": [ + "ina-Latn", + "eng-Latn" + ], + "accuracy": 88.6, + "f1": 85.60222222222221, + "precision": 84.27916666666665, + "recall": 88.6, + "main_score": 85.60222222222221 + }, + { + "hf_subset": "lfn-eng", + "languages": [ + "lfn-Latn", + "eng-Latn" + ], + "accuracy": 58.699999999999996, + "f1": 52.732375957375965, + "precision": 50.63214035964035, + "recall": 58.699999999999996, + "main_score": 52.732375957375965 + }, + { + "hf_subset": "zsm-eng", + "languages": [ + "zsm-Latn", + "eng-Latn" + ], + "accuracy": 92.10000000000001, + "f1": 89.99666666666667, + "precision": 89.03333333333333, + "recall": 92.10000000000001, + "main_score": 89.99666666666667 + }, + { + "hf_subset": "ita-eng", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "accuracy": 90.10000000000001, + "f1": 87.55666666666667, + "precision": 86.36166666666668, + "recall": 90.10000000000001, + "main_score": 87.55666666666667 + }, + { + "hf_subset": "cmn-eng", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "accuracy": 91.4, + "f1": 88.89000000000001, + "precision": 87.71166666666666, + "recall": 91.4, + "main_score": 88.89000000000001 + }, + { + "hf_subset": "lvs-eng", + "languages": [ + "lvs-Latn", + "eng-Latn" + ], + "accuracy": 65.7, + "f1": 60.67427750410509, + "precision": 58.71785714285714, + "recall": 65.7, + "main_score": 60.67427750410509 + }, + { + "hf_subset": "glg-eng", + "languages": [ + "glg-Latn", + "eng-Latn" + ], + "accuracy": 85.39999999999999, + "f1": 81.93190476190475, + "precision": 80.37833333333333, + "recall": 85.39999999999999, + "main_score": 81.93190476190475 + }, + { + "hf_subset": "ceb-eng", + "languages": [ + "ceb-Latn", + "eng-Latn" + ], + "accuracy": 47.833333333333336, + "f1": 42.006625781625786, + "precision": 40.077380952380956, + "recall": 47.833333333333336, + "main_score": 42.006625781625786 + }, + { + "hf_subset": "bre-eng", + "languages": [ + "bre-Latn", + "eng-Latn" + ], + "accuracy": 10.4, + "f1": 8.24465007215007, + "precision": 7.664597069597071, + "recall": 10.4, + "main_score": 8.24465007215007 + }, + { + "hf_subset": "ben-eng", + "languages": [ + "ben-Beng", + "eng-Latn" + ], + "accuracy": 82.6, + "f1": 77.76333333333334, + "precision": 75.57833333333332, + "recall": 82.6, + "main_score": 77.76333333333334 + }, + { + "hf_subset": "swg-eng", + "languages": [ + "swg-Latn", + "eng-Latn" + ], + "accuracy": 52.67857142857143, + "f1": 44.302721088435376, + "precision": 41.49801587301587, + "recall": 52.67857142857143, + "main_score": 44.302721088435376 + }, + { + "hf_subset": "arq-eng", + "languages": [ + "arq-Arab", + "eng-Latn" + ], + "accuracy": 28.3205268935236, + "f1": 22.426666605171157, + "precision": 20.685900116470915, + "recall": 28.3205268935236, + "main_score": 22.426666605171157 + }, + { + "hf_subset": "kab-eng", + "languages": [ + "kab-Latn", + "eng-Latn" + ], + "accuracy": 22.7, + "f1": 17.833970473970474, + "precision": 16.407335164835164, + "recall": 22.7, + "main_score": 17.833970473970474 + }, + { + "hf_subset": "fra-eng", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "accuracy": 92.2, + "f1": 89.92999999999999, + "precision": 88.87, + "recall": 92.2, + "main_score": 89.92999999999999 + }, + { + "hf_subset": "por-eng", + "languages": [ + "por-Latn", + "eng-Latn" + ], + "accuracy": 91.4, + "f1": 89.25, + "precision": 88.21666666666667, + "recall": 91.4, + "main_score": 89.25 + }, + { + "hf_subset": "tat-eng", + "languages": [ + "tat-Cyrl", + "eng-Latn" + ], + "accuracy": 69.19999999999999, + "f1": 63.38269841269841, + "precision": 61.14773809523809, + "recall": 69.19999999999999, + "main_score": 63.38269841269841 + }, + { + "hf_subset": "oci-eng", + "languages": [ + "oci-Latn", + "eng-Latn" + ], + "accuracy": 48.8, + "f1": 42.839915639915645, + "precision": 40.770287114845935, + "recall": 48.8, + "main_score": 42.839915639915645 + }, + { + "hf_subset": "pol-eng", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "accuracy": 88.8, + "f1": 85.90666666666668, + "precision": 84.54166666666666, + "recall": 88.8, + "main_score": 85.90666666666668 + }, + { + "hf_subset": "war-eng", + "languages": [ + "war-Latn", + "eng-Latn" + ], + "accuracy": 46.6, + "f1": 40.85892920804686, + "precision": 38.838223114604695, + "recall": 46.6, + "main_score": 40.85892920804686 + }, + { + "hf_subset": "aze-eng", + "languages": [ + "aze-Latn", + "eng-Latn" + ], + "accuracy": 84.0, + "f1": 80.14190476190475, + "precision": 78.45333333333333, + "recall": 84.0, + "main_score": 80.14190476190475 + }, + { + "hf_subset": "vie-eng", + "languages": [ + "vie-Latn", + "eng-Latn" + ], + "accuracy": 90.5, + "f1": 87.78333333333333, + "precision": 86.5, + "recall": 90.5, + "main_score": 87.78333333333333 + }, + { + "hf_subset": "nno-eng", + "languages": [ + "nno-Latn", + "eng-Latn" + ], + "accuracy": 74.5, + "f1": 69.48397546897547, + "precision": 67.51869047619049, + "recall": 74.5, + "main_score": 69.48397546897547 + }, + { + "hf_subset": "cha-eng", + "languages": [ + "cha-Latn", + "eng-Latn" + ], + "accuracy": 32.846715328467155, + "f1": 27.828177499710343, + "precision": 26.63451511991658, + "recall": 32.846715328467155, + "main_score": 27.828177499710343 + }, + { + "hf_subset": "mhr-eng", + "languages": [ + "mhr-Cyrl", + "eng-Latn" + ], + "accuracy": 8.0, + "f1": 6.07664116764988, + "precision": 5.544177607179943, + "recall": 8.0, + "main_score": 6.07664116764988 + }, + { + "hf_subset": "dan-eng", + "languages": [ + "dan-Latn", + "eng-Latn" + ], + "accuracy": 87.6, + "f1": 84.38555555555554, + "precision": 82.91583333333334, + "recall": 87.6, + "main_score": 84.38555555555554 + }, + { + "hf_subset": "ell-eng", + "languages": [ + "ell-Grek", + "eng-Latn" + ], + "accuracy": 87.5, + "f1": 84.08333333333331, + "precision": 82.47333333333333, + "recall": 87.5, + "main_score": 84.08333333333331 + }, + { + "hf_subset": "amh-eng", + "languages": [ + "amh-Ethi", + "eng-Latn" + ], + "accuracy": 80.95238095238095, + "f1": 76.13095238095238, + "precision": 74.05753968253967, + "recall": 80.95238095238095, + "main_score": 76.13095238095238 + }, + { + "hf_subset": "pam-eng", + "languages": [ + "pam-Latn", + "eng-Latn" + ], + "accuracy": 8.799999999999999, + "f1": 6.971422975172975, + "precision": 6.557814916172301, + "recall": 8.799999999999999, + "main_score": 6.971422975172975 + }, + { + "hf_subset": "hsb-eng", + "languages": [ + "hsb-Latn", + "eng-Latn" + ], + "accuracy": 44.099378881987576, + "f1": 37.01649742022413, + "precision": 34.69420618488942, + "recall": 44.099378881987576, + "main_score": 37.01649742022413 + }, + { + "hf_subset": "srp-eng", + "languages": [ + "srp-Cyrl", + "eng-Latn" + ], + "accuracy": 84.3, + "f1": 80.32666666666667, + "precision": 78.60666666666665, + "recall": 84.3, + "main_score": 80.32666666666667 + }, + { + "hf_subset": "epo-eng", + "languages": [ + "epo-Latn", + "eng-Latn" + ], + "accuracy": 92.5, + "f1": 90.49666666666666, + "precision": 89.56666666666668, + "recall": 92.5, + "main_score": 90.49666666666666 + }, + { + "hf_subset": "kzj-eng", + "languages": [ + "kzj-Latn", + "eng-Latn" + ], + "accuracy": 10.0, + "f1": 8.268423529875141, + "precision": 7.878118605532398, + "recall": 10.0, + "main_score": 8.268423529875141 + }, + { + "hf_subset": "awa-eng", + "languages": [ + "awa-Deva", + "eng-Latn" + ], + "accuracy": 79.22077922077922, + "f1": 74.27128427128426, + "precision": 72.28715728715729, + "recall": 79.22077922077922, + "main_score": 74.27128427128426 + }, + { + "hf_subset": "fao-eng", + "languages": [ + "fao-Latn", + "eng-Latn" + ], + "accuracy": 65.64885496183206, + "f1": 58.87495456197747, + "precision": 55.992366412213734, + "recall": 65.64885496183206, + "main_score": 58.87495456197747 + }, + { + "hf_subset": "mal-eng", + "languages": [ + "mal-Mlym", + "eng-Latn" + ], + "accuracy": 96.06986899563319, + "f1": 94.78408539543909, + "precision": 94.15332362930616, + "recall": 96.06986899563319, + "main_score": 94.78408539543909 + }, + { + "hf_subset": "ile-eng", + "languages": [ + "ile-Latn", + "eng-Latn" + ], + "accuracy": 77.2, + "f1": 71.72571428571428, + "precision": 69.41000000000001, + "recall": 77.2, + "main_score": 71.72571428571428 + }, + { + "hf_subset": "bos-eng", + "languages": [ + "bos-Latn", + "eng-Latn" + ], + "accuracy": 86.4406779661017, + "f1": 83.2391713747646, + "precision": 81.74199623352166, + "recall": 86.4406779661017, + "main_score": 83.2391713747646 + }, + { + "hf_subset": "cor-eng", + "languages": [ + "cor-Latn", + "eng-Latn" + ], + "accuracy": 8.4, + "f1": 6.017828743398003, + "precision": 5.4829865484756795, + "recall": 8.4, + "main_score": 6.017828743398003 + }, + { + "hf_subset": "cat-eng", + "languages": [ + "cat-Latn", + "eng-Latn" + ], + "accuracy": 83.5, + "f1": 79.74833333333333, + "precision": 78.04837662337664, + "recall": 83.5, + "main_score": 79.74833333333333 + }, + { + "hf_subset": "eus-eng", + "languages": [ + "eus-Latn", + "eng-Latn" + ], + "accuracy": 60.4, + "f1": 54.467301587301584, + "precision": 52.23242424242424, + "recall": 60.4, + "main_score": 54.467301587301584 + }, + { + "hf_subset": "yue-eng", + "languages": [ + "yue-Hant", + "eng-Latn" + ], + "accuracy": 74.9, + "f1": 69.68699134199134, + "precision": 67.59873015873016, + "recall": 74.9, + "main_score": 69.68699134199134 + }, + { + "hf_subset": "swe-eng", + "languages": [ + "swe-Latn", + "eng-Latn" + ], + "accuracy": 88.0, + "f1": 84.9652380952381, + "precision": 83.66166666666666, + "recall": 88.0, + "main_score": 84.9652380952381 + }, + { + "hf_subset": "dtp-eng", + "languages": [ + "dtp-Latn", + "eng-Latn" + ], + "accuracy": 9.1, + "f1": 7.681244588744588, + "precision": 7.370043290043291, + "recall": 9.1, + "main_score": 7.681244588744588 + }, + { + "hf_subset": "kat-eng", + "languages": [ + "kat-Geor", + "eng-Latn" + ], + "accuracy": 80.9651474530831, + "f1": 76.84220605132133, + "precision": 75.19606398962966, + "recall": 80.9651474530831, + "main_score": 76.84220605132133 + }, + { + "hf_subset": "jpn-eng", + "languages": [ + "jpn-Jpan", + "eng-Latn" + ], + "accuracy": 86.9, + "f1": 83.705, + "precision": 82.3120634920635, + "recall": 86.9, + "main_score": 83.705 + }, + { + "hf_subset": "csb-eng", + "languages": [ + "csb-Latn", + "eng-Latn" + ], + "accuracy": 29.64426877470356, + "f1": 23.98763072676116, + "precision": 22.506399397703746, + "recall": 29.64426877470356, + "main_score": 23.98763072676116 + }, + { + "hf_subset": "xho-eng", + "languages": [ + "xho-Latn", + "eng-Latn" + ], + "accuracy": 70.4225352112676, + "f1": 62.84037558685445, + "precision": 59.56572769953053, + "recall": 70.4225352112676, + "main_score": 62.84037558685445 + }, + { + "hf_subset": "orv-eng", + "languages": [ + "orv-Cyrl", + "eng-Latn" + ], + "accuracy": 19.64071856287425, + "f1": 15.125271011207756, + "precision": 13.865019261197494, + "recall": 19.64071856287425, + "main_score": 15.125271011207756 + }, + { + "hf_subset": "ind-eng", + "languages": [ + "ind-Latn", + "eng-Latn" + ], + "accuracy": 90.2, + "f1": 87.80666666666666, + "precision": 86.70833333333331, + "recall": 90.2, + "main_score": 87.80666666666666 + }, + { + "hf_subset": "tuk-eng", + "languages": [ + "tuk-Latn", + "eng-Latn" + ], + "accuracy": 23.15270935960591, + "f1": 18.407224958949097, + "precision": 16.982385430661292, + "recall": 23.15270935960591, + "main_score": 18.407224958949097 + }, + { + "hf_subset": "max-eng", + "languages": [ + "max-Deva", + "eng-Latn" + ], + "accuracy": 55.98591549295775, + "f1": 49.94718309859154, + "precision": 47.77864154624717, + "recall": 55.98591549295775, + "main_score": 49.94718309859154 + }, + { + "hf_subset": "swh-eng", + "languages": [ + "swh-Latn", + "eng-Latn" + ], + "accuracy": 73.07692307692307, + "f1": 66.74358974358974, + "precision": 64.06837606837607, + "recall": 73.07692307692307, + "main_score": 66.74358974358974 + }, + { + "hf_subset": "hin-eng", + "languages": [ + "hin-Deva", + "eng-Latn" + ], + "accuracy": 94.89999999999999, + "f1": 93.25, + "precision": 92.43333333333332, + "recall": 94.89999999999999, + "main_score": 93.25 + }, + { + "hf_subset": "dsb-eng", + "languages": [ + "dsb-Latn", + "eng-Latn" + ], + "accuracy": 37.78705636743215, + "f1": 31.63899658680452, + "precision": 29.72264397629742, + "recall": 37.78705636743215, + "main_score": 31.63899658680452 + }, + { + "hf_subset": "ber-eng", + "languages": [ + "ber-Tfng", + "eng-Latn" + ], + "accuracy": 21.6, + "f1": 16.91697302697303, + "precision": 15.71225147075147, + "recall": 21.6, + "main_score": 16.91697302697303 + }, + { + "hf_subset": "tam-eng", + "languages": [ + "tam-Taml", + "eng-Latn" + ], + "accuracy": 85.01628664495115, + "f1": 81.38514037536838, + "precision": 79.83170466883823, + "recall": 85.01628664495115, + "main_score": 81.38514037536838 + }, + { + "hf_subset": "slk-eng", + "languages": [ + "slk-Latn", + "eng-Latn" + ], + "accuracy": 83.39999999999999, + "f1": 79.96380952380952, + "precision": 78.48333333333333, + "recall": 83.39999999999999, + "main_score": 79.96380952380952 + }, + { + "hf_subset": "tgl-eng", + "languages": [ + "tgl-Latn", + "eng-Latn" + ], + "accuracy": 83.2, + "f1": 79.26190476190476, + "precision": 77.58833333333334, + "recall": 83.2, + "main_score": 79.26190476190476 + }, + { + "hf_subset": "ast-eng", + "languages": [ + "ast-Latn", + "eng-Latn" + ], + "accuracy": 75.59055118110236, + "f1": 71.66854143232096, + "precision": 70.30183727034121, + "recall": 75.59055118110236, + "main_score": 71.66854143232096 + }, + { + "hf_subset": "mkd-eng", + "languages": [ + "mkd-Cyrl", + "eng-Latn" + ], + "accuracy": 65.5, + "f1": 59.26095238095238, + "precision": 56.81909090909092, + "recall": 65.5, + "main_score": 59.26095238095238 + }, + { + "hf_subset": "khm-eng", + "languages": [ + "khm-Khmr", + "eng-Latn" + ], + "accuracy": 55.26315789473685, + "f1": 47.986523325858506, + "precision": 45.33950006595436, + "recall": 55.26315789473685, + "main_score": 47.986523325858506 + }, + { + "hf_subset": "ces-eng", + "languages": [ + "ces-Latn", + "eng-Latn" + ], + "accuracy": 82.89999999999999, + "f1": 78.835, + "precision": 77.04761904761905, + "recall": 82.89999999999999, + "main_score": 78.835 + }, + { + "hf_subset": "tzl-eng", + "languages": [ + "tzl-Latn", + "eng-Latn" + ], + "accuracy": 43.269230769230774, + "f1": 36.20421245421245, + "precision": 33.57371794871795, + "recall": 43.269230769230774, + "main_score": 36.20421245421245 + }, + { + "hf_subset": "urd-eng", + "languages": [ + "urd-Arab", + "eng-Latn" + ], + "accuracy": 88.0, + "f1": 84.70666666666666, + "precision": 83.23166666666665, + "recall": 88.0, + "main_score": 84.70666666666666 + }, + { + "hf_subset": "ara-eng", + "languages": [ + "ara-Arab", + "eng-Latn" + ], + "accuracy": 77.4, + "f1": 72.54666666666667, + "precision": 70.54318181818181, + "recall": 77.4, + "main_score": 72.54666666666667 + }, + { + "hf_subset": "kor-eng", + "languages": [ + "kor-Hang", + "eng-Latn" + ], + "accuracy": 78.60000000000001, + "f1": 74.1588888888889, + "precision": 72.30250000000001, + "recall": 78.60000000000001, + "main_score": 74.1588888888889 + }, + { + "hf_subset": "yid-eng", + "languages": [ + "yid-Hebr", + "eng-Latn" + ], + "accuracy": 72.40566037735849, + "f1": 66.82587328813744, + "precision": 64.75039308176099, + "recall": 72.40566037735849, + "main_score": 66.82587328813744 + }, + { + "hf_subset": "fin-eng", + "languages": [ + "fin-Latn", + "eng-Latn" + ], + "accuracy": 73.8, + "f1": 68.56357142857144, + "precision": 66.3178822055138, + "recall": 73.8, + "main_score": 68.56357142857144 + }, + { + "hf_subset": "tha-eng", + "languages": [ + "tha-Thai", + "eng-Latn" + ], + "accuracy": 91.78832116788321, + "f1": 89.3552311435523, + "precision": 88.20559610705597, + "recall": 91.78832116788321, + "main_score": 89.3552311435523 + }, + { + "hf_subset": "wuu-eng", + "languages": [ + "wuu-Hans", + "eng-Latn" + ], + "accuracy": 74.3, + "f1": 69.05085581085581, + "precision": 66.955, + "recall": 74.3, + "main_score": 69.05085581085581 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/Touche2020.json b/results/intfloat__multilingual-e5-small/external/Touche2020.json new file mode 100644 index 000000000..fb9563e9a --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.896, + "map_at_10": 8.993, + "map_at_100": 14.133999999999999, + "map_at_1000": 15.668000000000001, + "map_at_3": 5.862, + "map_at_5": 7.17, + "mrr_at_1": 34.694, + "mrr_at_10": 42.931000000000004, + "mrr_at_100": 44.81, + "mrr_at_1000": 44.81, + "mrr_at_3": 38.435, + "mrr_at_5": 41.701, + "ndcg_at_1": 31.633, + "ndcg_at_10": 21.163, + "ndcg_at_100": 33.306000000000004, + "ndcg_at_1000": 45.275999999999996, + "ndcg_at_3": 25.685999999999996, + "ndcg_at_5": 23.732, + "precision_at_1": 34.694, + "precision_at_10": 17.755000000000003, + "precision_at_100": 6.938999999999999, + "precision_at_1000": 1.48, + "precision_at_3": 25.85, + "precision_at_5": 23.265, + "recall_at_1": 2.896, + "recall_at_10": 13.333999999999998, + "recall_at_100": 43.517, + "recall_at_1000": 79.836, + "recall_at_3": 6.306000000000001, + "recall_at_5": 8.825, + "main_score": 21.163 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/ToxicConversationsClassification.json b/results/intfloat__multilingual-e5-small/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..05e95f320 --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.3874, + "ap": 13.829909072469423, + "f1": 53.54534203543492, + "main_score": 69.3874 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/TweetSentimentExtractionClassification.json b/results/intfloat__multilingual-e5-small/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..e4ace2564 --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 62.62026032823995, + "f1": 62.85251350485221, + "main_score": 62.62026032823995 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/TwentyNewsgroupsClustering.json b/results/intfloat__multilingual-e5-small/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..8ddc704ec --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.21527881409797, + "main_score": 33.21527881409797 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/TwitterSemEval2015.json b/results/intfloat__multilingual-e5-small/external/TwitterSemEval2015.json new file mode 100644 index 000000000..73a1eb3c0 --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 84.97943613280086, + "cos_sim_ap": 70.75454316885921, + "cos_sim_f1": 65.38274012676743, + "cos_sim_precision": 60.761214318078835, + "cos_sim_recall": 70.76517150395777, + "dot_accuracy": 79.0546581629612, + "dot_ap": 47.3197121792147, + "dot_f1": 49.20106524633821, + "dot_precision": 42.45499808502489, + "dot_recall": 58.49604221635884, + "euclidean_accuracy": 85.08076533349228, + "euclidean_ap": 70.95016106374474, + "euclidean_f1": 65.43987900176455, + "euclidean_precision": 62.64478764478765, + "euclidean_recall": 68.49604221635884, + "manhattan_accuracy": 84.93771234428085, + "manhattan_ap": 70.63668388755362, + "manhattan_f1": 65.23895401262398, + "manhattan_precision": 56.946084218811485, + "manhattan_recall": 76.35883905013192, + "max_accuracy": 85.08076533349228, + "max_ap": 70.95016106374474, + "max_f1": 65.43987900176455, + "main_score": 70.95016106374474 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/TwitterURLCorpus.json b/results/intfloat__multilingual-e5-small/external/TwitterURLCorpus.json new file mode 100644 index 000000000..cd229d7b7 --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.69096130709822, + "cos_sim_ap": 84.82526278228542, + "cos_sim_f1": 77.65485060585536, + "cos_sim_precision": 75.94582658619167, + "cos_sim_recall": 79.44256236526024, + "dot_accuracy": 80.97954748321496, + "dot_ap": 64.81642914145866, + "dot_f1": 60.631996987229975, + "dot_precision": 54.5897293631712, + "dot_recall": 68.17831844779796, + "euclidean_accuracy": 88.6987231730508, + "euclidean_ap": 84.80003825477253, + "euclidean_f1": 77.67194179854496, + "euclidean_precision": 75.7128235122094, + "euclidean_recall": 79.73514012935017, + "manhattan_accuracy": 88.62692591298949, + "manhattan_ap": 84.80451408255276, + "manhattan_f1": 77.69888949572183, + "manhattan_precision": 73.70311528631622, + "manhattan_recall": 82.15275639051433, + "max_accuracy": 88.6987231730508, + "max_ap": 84.82526278228542, + "max_f1": 77.69888949572183, + "main_score": 84.82526278228542 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/XNLI.json b/results/intfloat__multilingual-e5-small/external/XNLI.json new file mode 100644 index 000000000..254e828f0 --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/XNLI.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "09698e0180d87dc247ca447d3a1248b931ac0cdb", + "task_name": "XNLI", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "cosine_accuracy": 67.6923076923077, + "cosine_accuracy_threshold": 87.6681923866272, + "cosine_ap": 73.18693800863593, + "cosine_f1": 70.40641099026904, + "cosine_f1_threshold": 85.09706258773804, + "cosine_precision": 57.74647887323944, + "cosine_recall": 90.17595307917888, + "dot_accuracy": 67.6923076923077, + "dot_accuracy_threshold": 87.66818642616272, + "dot_ap": 73.18693800863593, + "dot_f1": 70.40641099026904, + "dot_f1_threshold": 85.09706258773804, + "dot_precision": 57.74647887323944, + "dot_recall": 90.17595307917888, + "euclidean_accuracy": 67.6923076923077, + "euclidean_accuracy_threshold": 49.662476778030396, + "euclidean_ap": 73.18693800863593, + "euclidean_f1": 70.40641099026904, + "euclidean_f1_threshold": 54.59475517272949, + "euclidean_precision": 57.74647887323944, + "euclidean_recall": 90.17595307917888, + "main_score": 73.18693800863593, + "manhattan_accuracy": 67.54578754578755, + "manhattan_accuracy_threshold": 777.1001815795898, + "manhattan_ap": 72.98861474758783, + "manhattan_f1": 70.6842435655995, + "manhattan_f1_threshold": 810.3782653808594, + "manhattan_precision": 61.80021953896817, + "manhattan_recall": 82.55131964809385, + "max_ap": 73.18693800863593, + "max_f1": 70.6842435655995, + "max_precision": 61.80021953896817, + "max_recall": 90.17595307917888, + "similarity_accuracy": 67.6923076923077, + "similarity_accuracy_threshold": 87.6681923866272, + "similarity_ap": 73.18693800863593, + "similarity_f1": 70.40641099026904, + "similarity_f1_threshold": 85.09706258773804, + "similarity_precision": 57.74647887323944, + "similarity_recall": 90.17595307917888 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/XNLIV2.json b/results/intfloat__multilingual-e5-small/external/XNLIV2.json new file mode 100644 index 000000000..f3733ac89 --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/XNLIV2.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "5b7d477a8c62cdd18e2fed7e015497c20b4371ad", + "task_name": "XNLIV2", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "russian", + "languages": [ + "rus-Cyrl" + ], + "cosine_accuracy": 68.35164835164835, + "cosine_accuracy_threshold": 88.48621845245361, + "cosine_ap": 73.10205506215699, + "cosine_f1": 71.28712871287128, + "cosine_f1_threshold": 87.00399398803711, + "cosine_precision": 61.67023554603854, + "cosine_recall": 84.4574780058651, + "dot_accuracy": 68.35164835164835, + "dot_accuracy_threshold": 88.48622441291809, + "dot_ap": 73.10191110714706, + "dot_f1": 71.28712871287128, + "dot_f1_threshold": 87.00399398803711, + "dot_precision": 61.67023554603854, + "dot_recall": 84.4574780058651, + "euclidean_accuracy": 68.35164835164835, + "euclidean_accuracy_threshold": 47.98704385757446, + "euclidean_ap": 73.10205506215699, + "euclidean_f1": 71.28712871287128, + "euclidean_f1_threshold": 50.982362031936646, + "euclidean_precision": 61.67023554603854, + "euclidean_recall": 84.4574780058651, + "main_score": 73.10205506215699, + "manhattan_accuracy": 67.91208791208791, + "manhattan_accuracy_threshold": 746.1360931396484, + "manhattan_ap": 72.8954736175069, + "manhattan_f1": 71.1297071129707, + "manhattan_f1_threshold": 808.0789566040039, + "manhattan_precision": 60.04036326942482, + "manhattan_recall": 87.2434017595308, + "max_ap": 73.10205506215699, + "max_f1": 71.28712871287128, + "max_precision": 61.67023554603854, + "max_recall": 87.2434017595308, + "similarity_accuracy": 68.35164835164835, + "similarity_accuracy_threshold": 88.48621845245361, + "similarity_ap": 73.10205506215699, + "similarity_f1": 71.28712871287128, + "similarity_f1_threshold": 87.00399398803711, + "similarity_precision": 61.67023554603854, + "similarity_recall": 84.4574780058651 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/XQuADRetrieval.json b/results/intfloat__multilingual-e5-small/external/XQuADRetrieval.json new file mode 100644 index 000000000..c5c9ee1ec --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/XQuADRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "51adfef1c1287aab1d2d91b5bead9bcfb9c68583", + "task_name": "XQuADRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "main_score": 95.705, + "map_at_1": 90.802, + "map_at_10": 94.427, + "map_at_100": 94.451, + "map_at_1000": 94.451, + "map_at_20": 94.446, + "map_at_3": 94.121, + "map_at_5": 94.34, + "mrr_at_1": 90.80168776371308, + "mrr_at_10": 94.42659567343111, + "mrr_at_100": 94.45099347521871, + "mrr_at_1000": 94.45099347521871, + "mrr_at_20": 94.44574530017569, + "mrr_at_3": 94.12095639943743, + "mrr_at_5": 94.34036568213786, + "nauc_map_at_1000_diff1": 87.40573202946949, + "nauc_map_at_1000_max": 65.56220344468791, + "nauc_map_at_1000_std": 8.865583291735863, + "nauc_map_at_100_diff1": 87.40573202946949, + "nauc_map_at_100_max": 65.56220344468791, + "nauc_map_at_100_std": 8.865583291735863, + "nauc_map_at_10_diff1": 87.43657080570291, + "nauc_map_at_10_max": 65.71295628534446, + "nauc_map_at_10_std": 9.055399339099655, + "nauc_map_at_1_diff1": 88.08395824560428, + "nauc_map_at_1_max": 62.92813192908893, + "nauc_map_at_1_std": 6.738987385482432, + "nauc_map_at_20_diff1": 87.40979818966589, + "nauc_map_at_20_max": 65.59474346926105, + "nauc_map_at_20_std": 8.944420599300914, + "nauc_map_at_3_diff1": 86.97771892161035, + "nauc_map_at_3_max": 66.14330030122467, + "nauc_map_at_3_std": 8.62516327793521, + "nauc_map_at_5_diff1": 87.30273362211798, + "nauc_map_at_5_max": 66.1522476584607, + "nauc_map_at_5_std": 9.780940862679724, + "nauc_mrr_at_1000_diff1": 87.40573202946949, + "nauc_mrr_at_1000_max": 65.56220344468791, + "nauc_mrr_at_1000_std": 8.865583291735863, + "nauc_mrr_at_100_diff1": 87.40573202946949, + "nauc_mrr_at_100_max": 65.56220344468791, + "nauc_mrr_at_100_std": 8.865583291735863, + "nauc_mrr_at_10_diff1": 87.43657080570291, + "nauc_mrr_at_10_max": 65.71295628534446, + "nauc_mrr_at_10_std": 9.055399339099655, + "nauc_mrr_at_1_diff1": 88.08395824560428, + "nauc_mrr_at_1_max": 62.92813192908893, + "nauc_mrr_at_1_std": 6.738987385482432, + "nauc_mrr_at_20_diff1": 87.40979818966589, + "nauc_mrr_at_20_max": 65.59474346926105, + "nauc_mrr_at_20_std": 8.944420599300914, + "nauc_mrr_at_3_diff1": 86.97771892161035, + "nauc_mrr_at_3_max": 66.14330030122467, + "nauc_mrr_at_3_std": 8.62516327793521, + "nauc_mrr_at_5_diff1": 87.30273362211798, + "nauc_mrr_at_5_max": 66.1522476584607, + "nauc_mrr_at_5_std": 9.780940862679724, + "nauc_ndcg_at_1000_diff1": 87.37823158814116, + "nauc_ndcg_at_1000_max": 66.00874244792789, + "nauc_ndcg_at_1000_std": 9.479929342875067, + "nauc_ndcg_at_100_diff1": 87.37823158814116, + "nauc_ndcg_at_100_max": 66.00874244792789, + "nauc_ndcg_at_100_std": 9.479929342875067, + "nauc_ndcg_at_10_diff1": 87.54508467181488, + "nauc_ndcg_at_10_max": 66.88756470312894, + "nauc_ndcg_at_10_std": 10.812624405397022, + "nauc_ndcg_at_1_diff1": 88.08395824560428, + "nauc_ndcg_at_1_max": 62.92813192908893, + "nauc_ndcg_at_1_std": 6.738987385482432, + "nauc_ndcg_at_20_diff1": 87.42097894104597, + "nauc_ndcg_at_20_max": 66.37031898778943, + "nauc_ndcg_at_20_std": 10.34862538094813, + "nauc_ndcg_at_3_diff1": 86.50039907157999, + "nauc_ndcg_at_3_max": 67.97798288917929, + "nauc_ndcg_at_3_std": 10.162410286746852, + "nauc_ndcg_at_5_diff1": 87.13322094568531, + "nauc_ndcg_at_5_max": 68.08576118683821, + "nauc_ndcg_at_5_std": 12.639637379592855, + "nauc_precision_at_1000_diff1": 100.0, + "nauc_precision_at_1000_max": 100.0, + "nauc_precision_at_1000_std": 100.0, + "nauc_precision_at_100_diff1": 100.0, + "nauc_precision_at_100_max": 100.0, + "nauc_precision_at_100_std": 100.0, + "nauc_precision_at_10_diff1": 93.46711505595813, + "nauc_precision_at_10_max": 100.0, + "nauc_precision_at_10_std": 65.42573557179935, + "nauc_precision_at_1_diff1": 88.08395824560428, + "nauc_precision_at_1_max": 62.92813192908893, + "nauc_precision_at_1_std": 6.738987385482432, + "nauc_precision_at_20_diff1": 91.28948674127133, + "nauc_precision_at_20_max": 100.0, + "nauc_precision_at_20_std": 90.74278258632364, + "nauc_precision_at_3_diff1": 82.64606115071832, + "nauc_precision_at_3_max": 83.26201582412921, + "nauc_precision_at_3_std": 23.334013491433762, + "nauc_precision_at_5_diff1": 85.0867539350284, + "nauc_precision_at_5_max": 96.57011448655484, + "nauc_precision_at_5_std": 56.46869543426768, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": NaN, + "nauc_recall_at_100_max": NaN, + "nauc_recall_at_100_std": NaN, + "nauc_recall_at_10_diff1": 93.46711505595623, + "nauc_recall_at_10_max": 100.0, + "nauc_recall_at_10_std": 65.42573557180279, + "nauc_recall_at_1_diff1": 88.08395824560428, + "nauc_recall_at_1_max": 62.92813192908893, + "nauc_recall_at_1_std": 6.738987385482432, + "nauc_recall_at_20_diff1": 91.28948674127474, + "nauc_recall_at_20_max": 100.0, + "nauc_recall_at_20_std": 90.74278258632704, + "nauc_recall_at_3_diff1": 82.64606115071967, + "nauc_recall_at_3_max": 83.26201582413023, + "nauc_recall_at_3_std": 23.334013491434007, + "nauc_recall_at_5_diff1": 85.08675393502854, + "nauc_recall_at_5_max": 96.57011448655487, + "nauc_recall_at_5_std": 56.46869543426658, + "ndcg_at_1": 90.802, + "ndcg_at_10": 95.705, + "ndcg_at_100": 95.816, + "ndcg_at_1000": 95.816, + "ndcg_at_20": 95.771, + "ndcg_at_3": 95.11699999999999, + "ndcg_at_5": 95.506, + "precision_at_1": 90.802, + "precision_at_10": 9.949, + "precision_at_100": 1.0, + "precision_at_1000": 0.1, + "precision_at_20": 4.987, + "precision_at_3": 32.658, + "precision_at_5": 19.781000000000002, + "recall_at_1": 90.802, + "recall_at_10": 99.494, + "recall_at_100": 100.0, + "recall_at_1000": 100.0, + "recall_at_20": 99.747, + "recall_at_3": 97.975, + "recall_at_5": 98.90299999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/intfloat__multilingual-e5-small/external/model_meta.json b/results/intfloat__multilingual-e5-small/external/model_meta.json new file mode 100644 index 000000000..f1cb5bcbb --- /dev/null +++ b/results/intfloat__multilingual-e5-small/external/model_meta.json @@ -0,0 +1,117 @@ +{ + "name": "intfloat/multilingual-e5-small", + "revision": "fd1525a9fd15316a2d503bf26ab031a61d056e98", + "release_date": "2023-06-30", + "languages": [ + "multilingual", + "af", + "am", + "ar", + "as", + "az", + "be", + "bg", + "bn", + "br", + "bs", + "ca", + "cs", + "cy", + "da", + "de", + "el", + "en", + "eo", + "es", + "et", + "eu", + "fa", + "fi", + "fr", + "fy", + "ga", + "gd", + "gl", + "gu", + "ha", + "he", + "hi", + "hr", + "hu", + "hy", + "id", + "is", + "it", + "ja", + "jv", + "ka", + "kk", + "km", + "kn", + "ko", + "ku", + "ky", + "la", + "lo", + "lt", + "lv", + "mg", + "mk", + "ml", + "mn", + "mr", + "ms", + "my", + "ne", + "nl", + "no", + "om", + "or", + "pa", + "pl", + "ps", + "pt", + "ro", + "ru", + "sa", + "sd", + "si", + "sk", + "sl", + "so", + "sq", + "sr", + "su", + "sv", + "sw", + "ta", + "te", + "th", + "tl", + "tr", + "ug", + "uk", + "ur", + "uz", + "vi", + "xh", + "yi", + "zh" + ], + "loader": null, + "n_parameters": 117654272, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 384, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/AFQMC.json b/results/izhx__udever-bloom-1b1/external/AFQMC.json new file mode 100644 index 000000000..43e0d108e --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/AFQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 27.90020553155914, + "cos_sim_spearman": 27.980812877007445, + "euclidean_pearson": 27.412021502878105, + "euclidean_spearman": 27.608320539898134, + "manhattan_pearson": 27.493591460276278, + "manhattan_spearman": 27.715134644174423, + "cosine_pearson": 27.90020553155914, + "cosine_spearman": 27.980812877007445, + "main_score": 27.980812877007445 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/ATEC.json b/results/izhx__udever-bloom-1b1/external/ATEC.json new file mode 100644 index 000000000..890d4a3f6 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/ATEC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 35.15277604796132, + "cos_sim_spearman": 35.863846005221575, + "euclidean_pearson": 37.65681598655078, + "euclidean_spearman": 35.50116107334066, + "manhattan_pearson": 37.736463166370854, + "manhattan_spearman": 35.53412987209704, + "cosine_pearson": 35.15277604796132, + "cosine_spearman": 35.863846005221575, + "main_score": 35.863846005221575 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/AmazonCounterfactualClassification.json b/results/izhx__udever-bloom-1b1/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..e798b4020 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/AmazonCounterfactualClassification.json @@ -0,0 +1,50 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.9402985074627, + "ap": 33.4661141650045, + "f1": 64.31759903129324, + "main_score": 69.9402985074627 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 66.02783725910065, + "ap": 78.25152113775748, + "f1": 64.00236113368896, + "main_score": 66.02783725910065 + }, + { + "hf_subset": "en-ext", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.01649175412295, + "ap": 21.28416661100625, + "f1": 59.481902269256096, + "main_score": 72.01649175412295 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 58.76873661670234, + "ap": 12.828869547428084, + "f1": 47.5200475889544, + "main_score": 58.76873661670234 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/AmazonPolarityClassification.json b/results/izhx__udever-bloom-1b1/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..dba91b1c8 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 87.191175, + "ap": 82.4408783026622, + "f1": 87.16605834054603, + "main_score": 87.191175 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/AmazonReviewsClassification.json b/results/izhx__udever-bloom-1b1/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..63d815fc6 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/AmazonReviewsClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 41.082, + "f1": 40.54924237159631, + "main_score": 41.082 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 30.447999999999997, + "f1": 30.0643283775686, + "main_score": 30.447999999999997 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 40.800000000000004, + "f1": 39.64954112879312, + "main_score": 40.800000000000004 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 40.686, + "f1": 39.917643425172, + "main_score": 40.686 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 32.074, + "f1": 31.878305643409334, + "main_score": 32.074 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 38.122, + "f1": 37.296210966123446, + "main_score": 38.122 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/ArguAna.json b/results/izhx__udever-bloom-1b1/external/ArguAna.json new file mode 100644 index 000000000..a02ce72e5 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.262, + "map_at_10": 37.667, + "map_at_100": 38.812999999999995, + "map_at_1000": 38.829, + "map_at_3": 32.421, + "map_at_5": 35.202, + "mrr_at_1": 22.759999999999998, + "mrr_at_10": 37.817, + "mrr_at_100": 38.983000000000004, + "mrr_at_1000": 38.999, + "mrr_at_3": 32.61, + "mrr_at_5": 35.333999999999996, + "ndcg_at_1": 22.262, + "ndcg_at_10": 46.671, + "ndcg_at_100": 51.519999999999996, + "ndcg_at_1000": 51.876999999999995, + "ndcg_at_3": 35.696, + "ndcg_at_5": 40.722, + "precision_at_1": 22.262, + "precision_at_10": 7.575, + "precision_at_100": 0.9690000000000001, + "precision_at_1000": 0.1, + "precision_at_3": 15.055, + "precision_at_5": 11.479000000000001, + "recall_at_1": 22.262, + "recall_at_10": 75.747, + "recall_at_100": 96.871, + "recall_at_1000": 99.57300000000001, + "recall_at_3": 45.164, + "recall_at_5": 57.397, + "main_score": 46.671 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/ArxivClusteringP2P.json b/results/izhx__udever-bloom-1b1/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..513c5b9c0 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 44.51799756336072, + "main_score": 44.51799756336072 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/ArxivClusteringS2S.json b/results/izhx__udever-bloom-1b1/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..b637cd936 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.44923356952161, + "main_score": 34.44923356952161 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/AskUbuntuDupQuestions.json b/results/izhx__udever-bloom-1b1/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..879d5870e --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 59.49540399419566, + "mrr": 73.43028624192061, + "main_score": 59.49540399419566 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/BIOSSES.json b/results/izhx__udever-bloom-1b1/external/BIOSSES.json new file mode 100644 index 000000000..d0b49b853 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.67018580352695, + "cos_sim_spearman": 84.64530219460785, + "euclidean_pearson": 87.10187265189109, + "euclidean_spearman": 86.19051812629264, + "manhattan_pearson": 86.78890467534343, + "manhattan_spearman": 85.60134807514734, + "cosine_pearson": 87.67018580352695, + "cosine_spearman": 84.64530219460785, + "main_score": 84.64530219460785 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/BQ.json b/results/izhx__udever-bloom-1b1/external/BQ.json new file mode 100644 index 000000000..4ef9ada16 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/BQ.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 46.308790362891266, + "cos_sim_spearman": 46.22674926863126, + "euclidean_pearson": 47.36625172551589, + "euclidean_spearman": 47.55854392572494, + "manhattan_pearson": 47.3342490976193, + "manhattan_spearman": 47.52249648456463, + "cosine_pearson": 46.308790362891266, + "cosine_spearman": 46.22674926863126, + "main_score": 46.22674926863126 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/BUCC.json b/results/izhx__udever-bloom-1b1/external/BUCC.json new file mode 100644 index 000000000..319dfc229 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/BUCC.json @@ -0,0 +1,58 @@ +{ + "dataset_revision": "d51519689f32196a32af33b075a01d0e7c51e252", + "task_name": "BUCC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "accuracy": 42.67223382045929, + "f1": 42.02704262244064, + "precision": 41.76166726545405, + "recall": 42.67223382045929, + "main_score": 42.02704262244064 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "accuracy": 97.95289456306405, + "f1": 97.70709516472228, + "precision": 97.58602978941964, + "recall": 97.95289456306405, + "main_score": 97.70709516472228 + }, + { + "hf_subset": "ru-en", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "accuracy": 25.375822653273296, + "f1": 24.105776263207947, + "precision": 23.644628498465117, + "recall": 25.375822653273296, + "main_score": 24.105776263207947 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "accuracy": 98.31490258030541, + "f1": 98.24469018781815, + "precision": 98.2095839915745, + "recall": 98.31490258030541, + "main_score": 98.24469018781815 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/Banking77Classification.json b/results/izhx__udever-bloom-1b1/external/Banking77Classification.json new file mode 100644 index 000000000..72601c7a9 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 82.89285714285714, + "f1": 82.84943089389121, + "main_score": 82.89285714285714 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/BiorxivClusteringP2P.json b/results/izhx__udever-bloom-1b1/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..961b01c2f --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.25261508107809, + "main_score": 35.25261508107809 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/BiorxivClusteringS2S.json b/results/izhx__udever-bloom-1b1/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..a79dc1379 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.708512338509653, + "main_score": 30.708512338509653 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/CLSClusteringP2P.json b/results/izhx__udever-bloom-1b1/external/CLSClusteringP2P.json new file mode 100644 index 000000000..98df47cb2 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/CLSClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 35.361295166692464, + "main_score": 35.361295166692464 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/CLSClusteringS2S.json b/results/izhx__udever-bloom-1b1/external/CLSClusteringS2S.json new file mode 100644 index 000000000..597007fa1 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/CLSClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 37.06879287045825, + "main_score": 37.06879287045825 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/CQADupstackAndroidRetrieval.json b/results/izhx__udever-bloom-1b1/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..0e921ad30 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.526999999999997, + "map_at_10": 38.747, + "map_at_100": 40.172999999999995, + "map_at_1000": 40.311, + "map_at_3": 35.969, + "map_at_5": 37.344, + "mrr_at_1": 36.767, + "mrr_at_10": 45.082, + "mrr_at_100": 45.898, + "mrr_at_1000": 45.958, + "mrr_at_3": 43.085, + "mrr_at_5": 44.044, + "ndcg_at_1": 36.767, + "ndcg_at_10": 44.372, + "ndcg_at_100": 49.908, + "ndcg_at_1000": 52.358000000000004, + "ndcg_at_3": 40.711000000000006, + "ndcg_at_5": 41.914, + "precision_at_1": 36.767, + "precision_at_10": 8.283, + "precision_at_100": 1.3679999999999999, + "precision_at_1000": 0.189, + "precision_at_3": 19.599, + "precision_at_5": 13.505, + "recall_at_1": 29.526999999999997, + "recall_at_10": 54.198, + "recall_at_100": 77.818, + "recall_at_1000": 93.703, + "recall_at_3": 42.122, + "recall_at_5": 46.503, + "main_score": 44.372 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.646, + "map_at_10": 30.447999999999997, + "map_at_100": 31.417, + "map_at_1000": 31.528, + "map_at_3": 28.168, + "map_at_5": 29.346, + "mrr_at_1": 28.854000000000003, + "mrr_at_10": 35.611, + "mrr_at_100": 36.321, + "mrr_at_1000": 36.378, + "mrr_at_3": 33.726, + "mrr_at_5": 34.745, + "ndcg_at_1": 28.854000000000003, + "ndcg_at_10": 35.052, + "ndcg_at_100": 39.190999999999995, + "ndcg_at_1000": 41.655, + "ndcg_at_3": 31.684, + "ndcg_at_5": 32.998, + "precision_at_1": 28.854000000000003, + "precision_at_10": 6.49, + "precision_at_100": 1.057, + "precision_at_1000": 0.153, + "precision_at_3": 15.244, + "precision_at_5": 10.599, + "recall_at_1": 22.646, + "recall_at_10": 43.482, + "recall_at_100": 61.324, + "recall_at_1000": 77.866, + "recall_at_3": 33.106, + "recall_at_5": 37.124, + "main_score": 35.052 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 35.061, + "map_at_10": 46.216, + "map_at_100": 47.318, + "map_at_1000": 47.384, + "map_at_3": 43.008, + "map_at_5": 44.79, + "mrr_at_1": 40.251, + "mrr_at_10": 49.677, + "mrr_at_100": 50.39, + "mrr_at_1000": 50.429, + "mrr_at_3": 46.792, + "mrr_at_5": 48.449999999999996, + "ndcg_at_1": 40.251, + "ndcg_at_10": 51.99399999999999, + "ndcg_at_100": 56.418, + "ndcg_at_1000": 57.798, + "ndcg_at_3": 46.192, + "ndcg_at_5": 48.998000000000005, + "precision_at_1": 40.251, + "precision_at_10": 8.469999999999999, + "precision_at_100": 1.159, + "precision_at_1000": 0.133, + "precision_at_3": 20.46, + "precision_at_5": 14.332, + "recall_at_1": 35.061, + "recall_at_10": 65.818, + "recall_at_100": 84.935, + "recall_at_1000": 94.69300000000001, + "recall_at_3": 50.300999999999995, + "recall_at_5": 57.052, + "main_score": 51.99399999999999 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.776, + "map_at_10": 27.945999999999998, + "map_at_100": 28.976000000000003, + "map_at_1000": 29.073999999999998, + "map_at_3": 25.673000000000002, + "map_at_5": 26.96, + "mrr_at_1": 22.486, + "mrr_at_10": 29.756, + "mrr_at_100": 30.735, + "mrr_at_1000": 30.81, + "mrr_at_3": 27.571, + "mrr_at_5": 28.808, + "ndcg_at_1": 22.486, + "ndcg_at_10": 32.190000000000005, + "ndcg_at_100": 37.61, + "ndcg_at_1000": 40.116, + "ndcg_at_3": 27.688000000000002, + "ndcg_at_5": 29.87, + "precision_at_1": 22.486, + "precision_at_10": 5.028, + "precision_at_100": 0.818, + "precision_at_1000": 0.107, + "precision_at_3": 11.827, + "precision_at_5": 8.362, + "recall_at_1": 20.776, + "recall_at_10": 43.588, + "recall_at_100": 69.139, + "recall_at_1000": 88.144, + "recall_at_3": 31.411, + "recall_at_5": 36.655, + "main_score": 32.190000000000005 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 12.994, + "map_at_10": 19.747999999999998, + "map_at_100": 20.877000000000002, + "map_at_1000": 21.021, + "map_at_3": 17.473, + "map_at_5": 18.683, + "mrr_at_1": 16.542, + "mrr_at_10": 23.830000000000002, + "mrr_at_100": 24.789, + "mrr_at_1000": 24.877, + "mrr_at_3": 21.476, + "mrr_at_5": 22.838, + "ndcg_at_1": 16.542, + "ndcg_at_10": 24.422, + "ndcg_at_100": 30.011, + "ndcg_at_1000": 33.436, + "ndcg_at_3": 20.061999999999998, + "ndcg_at_5": 22.009999999999998, + "precision_at_1": 16.542, + "precision_at_10": 4.664, + "precision_at_100": 0.876, + "precision_at_1000": 0.132, + "precision_at_3": 9.826, + "precision_at_5": 7.2139999999999995, + "recall_at_1": 12.994, + "recall_at_10": 34.917, + "recall_at_100": 59.455000000000005, + "recall_at_1000": 83.87299999999999, + "recall_at_3": 22.807, + "recall_at_5": 27.773999999999997, + "main_score": 24.422 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.85, + "map_at_10": 35.285, + "map_at_100": 36.592999999999996, + "map_at_1000": 36.720000000000006, + "map_at_3": 32.183, + "map_at_5": 33.852, + "mrr_at_1": 30.703000000000003, + "mrr_at_10": 40.699000000000005, + "mrr_at_100": 41.598, + "mrr_at_1000": 41.654, + "mrr_at_3": 38.080999999999996, + "mrr_at_5": 39.655, + "ndcg_at_1": 30.703000000000003, + "ndcg_at_10": 41.422, + "ndcg_at_100": 46.998, + "ndcg_at_1000": 49.395, + "ndcg_at_3": 36.353, + "ndcg_at_5": 38.7, + "precision_at_1": 30.703000000000003, + "precision_at_10": 7.757, + "precision_at_100": 1.2349999999999999, + "precision_at_1000": 0.164, + "precision_at_3": 17.613, + "precision_at_5": 12.589, + "recall_at_1": 24.85, + "recall_at_10": 54.19500000000001, + "recall_at_100": 77.697, + "recall_at_1000": 93.35900000000001, + "recall_at_3": 39.739999999999995, + "recall_at_5": 46.03, + "main_score": 41.422 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.844, + "map_at_10": 28.663, + "map_at_100": 30.013, + "map_at_1000": 30.139, + "map_at_3": 25.953, + "map_at_5": 27.425, + "mrr_at_1": 25.457, + "mrr_at_10": 34.266000000000005, + "mrr_at_100": 35.204, + "mrr_at_1000": 35.27, + "mrr_at_3": 31.791999999999998, + "mrr_at_5": 33.213, + "ndcg_at_1": 25.457, + "ndcg_at_10": 34.266000000000005, + "ndcg_at_100": 40.239999999999995, + "ndcg_at_1000": 42.917, + "ndcg_at_3": 29.593999999999998, + "ndcg_at_5": 31.71, + "precision_at_1": 25.457, + "precision_at_10": 6.438000000000001, + "precision_at_100": 1.1159999999999999, + "precision_at_1000": 0.153, + "precision_at_3": 14.46, + "precision_at_5": 10.388, + "recall_at_1": 19.844, + "recall_at_10": 45.787, + "recall_at_100": 71.523, + "recall_at_1000": 89.689, + "recall_at_3": 32.665, + "recall_at_5": 38.292, + "main_score": 34.266000000000005 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.601166666666668, + "map_at_10": 29.434166666666666, + "map_at_100": 30.5905, + "map_at_1000": 30.716583333333343, + "map_at_3": 26.962333333333333, + "map_at_5": 28.287250000000004, + "mrr_at_1": 25.84825, + "mrr_at_10": 33.49966666666667, + "mrr_at_100": 34.39425000000001, + "mrr_at_1000": 34.46366666666667, + "mrr_at_3": 31.256, + "mrr_at_5": 32.52016666666667, + "ndcg_at_1": 25.84825, + "ndcg_at_10": 34.2975, + "ndcg_at_100": 39.50983333333333, + "ndcg_at_1000": 42.17958333333333, + "ndcg_at_3": 30.00558333333333, + "ndcg_at_5": 31.931416666666664, + "precision_at_1": 25.84825, + "precision_at_10": 6.075083333333334, + "precision_at_100": 1.0205833333333334, + "precision_at_1000": 0.14425, + "precision_at_3": 13.903249999999998, + "precision_at_5": 9.874999999999998, + "recall_at_1": 21.601166666666668, + "recall_at_10": 44.787333333333336, + "recall_at_100": 67.89450000000001, + "recall_at_1000": 86.62424999999999, + "recall_at_3": 32.66375, + "recall_at_5": 37.71825, + "main_score": 34.2975 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.804, + "map_at_10": 25.983, + "map_at_100": 26.956999999999997, + "map_at_1000": 27.067999999999998, + "map_at_3": 23.804, + "map_at_5": 24.978, + "mrr_at_1": 22.853, + "mrr_at_10": 28.974, + "mrr_at_100": 29.855999999999998, + "mrr_at_1000": 29.936, + "mrr_at_3": 26.866, + "mrr_at_5": 28.032, + "ndcg_at_1": 22.853, + "ndcg_at_10": 29.993, + "ndcg_at_100": 34.735, + "ndcg_at_1000": 37.637, + "ndcg_at_3": 25.863000000000003, + "ndcg_at_5": 27.769, + "precision_at_1": 22.853, + "precision_at_10": 4.8469999999999995, + "precision_at_100": 0.779, + "precision_at_1000": 0.11, + "precision_at_3": 11.35, + "precision_at_5": 7.9750000000000005, + "recall_at_1": 19.804, + "recall_at_10": 39.616, + "recall_at_100": 61.06399999999999, + "recall_at_1000": 82.69800000000001, + "recall_at_3": 28.012999999999998, + "recall_at_5": 32.96, + "main_score": 29.993 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 13.156, + "map_at_10": 18.734, + "map_at_100": 19.721, + "map_at_1000": 19.851, + "map_at_3": 17.057, + "map_at_5": 17.941, + "mrr_at_1": 16.07, + "mrr_at_10": 22.113, + "mrr_at_100": 23.021, + "mrr_at_1000": 23.108, + "mrr_at_3": 20.429, + "mrr_at_5": 21.332, + "ndcg_at_1": 16.07, + "ndcg_at_10": 22.427, + "ndcg_at_100": 27.277, + "ndcg_at_1000": 30.525000000000002, + "ndcg_at_3": 19.374, + "ndcg_at_5": 20.695, + "precision_at_1": 16.07, + "precision_at_10": 4.1259999999999994, + "precision_at_100": 0.769, + "precision_at_1000": 0.122, + "precision_at_3": 9.325999999999999, + "precision_at_5": 6.683, + "recall_at_1": 13.156, + "recall_at_10": 30.223, + "recall_at_100": 52.012, + "recall_at_1000": 75.581, + "recall_at_3": 21.508, + "recall_at_5": 24.975, + "main_score": 22.427 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.14, + "map_at_10": 28.961, + "map_at_100": 29.996000000000002, + "map_at_1000": 30.112, + "map_at_3": 26.540000000000003, + "map_at_5": 27.916999999999998, + "mrr_at_1": 25.746000000000002, + "mrr_at_10": 32.936, + "mrr_at_100": 33.811, + "mrr_at_1000": 33.887, + "mrr_at_3": 30.55, + "mrr_at_5": 32.08, + "ndcg_at_1": 25.746000000000002, + "ndcg_at_10": 33.536, + "ndcg_at_100": 38.830999999999996, + "ndcg_at_1000": 41.644999999999996, + "ndcg_at_3": 29.004, + "ndcg_at_5": 31.284, + "precision_at_1": 25.746000000000002, + "precision_at_10": 5.569, + "precision_at_100": 0.9259999999999999, + "precision_at_1000": 0.128, + "precision_at_3": 12.748999999999999, + "precision_at_5": 9.216000000000001, + "recall_at_1": 22.14, + "recall_at_10": 43.628, + "recall_at_100": 67.581, + "recall_at_1000": 87.737, + "recall_at_3": 31.579, + "recall_at_5": 37.12, + "main_score": 33.536 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.384, + "map_at_10": 30.156, + "map_at_100": 31.728, + "map_at_1000": 31.971, + "map_at_3": 27.655, + "map_at_5": 28.965000000000003, + "mrr_at_1": 27.075, + "mrr_at_10": 34.894, + "mrr_at_100": 36.0, + "mrr_at_1000": 36.059000000000005, + "mrr_at_3": 32.708, + "mrr_at_5": 33.893, + "ndcg_at_1": 27.075, + "ndcg_at_10": 35.58, + "ndcg_at_100": 41.597, + "ndcg_at_1000": 44.529999999999994, + "ndcg_at_3": 31.628, + "ndcg_at_5": 33.333, + "precision_at_1": 27.075, + "precision_at_10": 6.9959999999999996, + "precision_at_100": 1.431, + "precision_at_1000": 0.23800000000000002, + "precision_at_3": 15.02, + "precision_at_5": 10.909, + "recall_at_1": 22.384, + "recall_at_10": 45.052, + "recall_at_100": 72.441, + "recall_at_1000": 91.047, + "recall_at_3": 33.617000000000004, + "recall_at_5": 38.171, + "main_score": 35.58 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.032, + "map_at_10": 22.323, + "map_at_100": 23.317, + "map_at_1000": 23.419999999999998, + "map_at_3": 20.064999999999998, + "map_at_5": 21.246000000000002, + "mrr_at_1": 17.375, + "mrr_at_10": 24.157999999999998, + "mrr_at_100": 25.108000000000004, + "mrr_at_1000": 25.197999999999997, + "mrr_at_3": 21.996, + "mrr_at_5": 23.152, + "ndcg_at_1": 17.375, + "ndcg_at_10": 26.316, + "ndcg_at_100": 31.302000000000003, + "ndcg_at_1000": 34.143, + "ndcg_at_3": 21.914, + "ndcg_at_5": 23.896, + "precision_at_1": 17.375, + "precision_at_10": 4.233, + "precision_at_100": 0.713, + "precision_at_1000": 0.10200000000000001, + "precision_at_3": 9.365, + "precision_at_5": 6.728000000000001, + "recall_at_1": 16.032, + "recall_at_10": 36.944, + "recall_at_100": 59.745000000000005, + "recall_at_1000": 81.101, + "recall_at_3": 25.096, + "recall_at_5": 29.963, + "main_score": 26.316 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/ClimateFEVER.json b/results/izhx__udever-bloom-1b1/external/ClimateFEVER.json new file mode 100644 index 000000000..a10a4dcac --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.656, + "map_at_10": 17.578, + "map_at_100": 19.38, + "map_at_1000": 19.552, + "map_at_3": 14.544, + "map_at_5": 15.914, + "mrr_at_1": 21.041999999999998, + "mrr_at_10": 33.579, + "mrr_at_100": 34.483000000000004, + "mrr_at_1000": 34.526, + "mrr_at_3": 30.0, + "mrr_at_5": 31.813999999999997, + "ndcg_at_1": 21.041999999999998, + "ndcg_at_10": 25.563999999999997, + "ndcg_at_100": 32.714, + "ndcg_at_1000": 35.943000000000005, + "ndcg_at_3": 20.357, + "ndcg_at_5": 21.839, + "precision_at_1": 21.041999999999998, + "precision_at_10": 8.319, + "precision_at_100": 1.593, + "precision_at_1000": 0.219, + "precision_at_3": 15.440000000000001, + "precision_at_5": 11.792, + "recall_at_1": 9.656, + "recall_at_10": 32.023, + "recall_at_100": 56.812, + "recall_at_1000": 75.098, + "recall_at_3": 19.455, + "recall_at_5": 23.68, + "main_score": 25.563999999999997 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/CmedqaRetrieval.json b/results/izhx__udever-bloom-1b1/external/CmedqaRetrieval.json new file mode 100644 index 000000000..09acbc364 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/CmedqaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 13.084999999999999, + "map_at_10": 19.389, + "map_at_100": 20.761, + "map_at_1000": 20.944, + "map_at_3": 17.273, + "map_at_5": 18.37, + "mrr_at_1": 20.955, + "mrr_at_10": 26.741999999999997, + "mrr_at_100": 27.724, + "mrr_at_1000": 27.819, + "mrr_at_3": 24.881, + "mrr_at_5": 25.833000000000002, + "ndcg_at_1": 20.955, + "ndcg_at_10": 23.905, + "ndcg_at_100": 30.166999999999998, + "ndcg_at_1000": 34.202, + "ndcg_at_3": 20.854, + "ndcg_at_5": 21.918000000000003, + "precision_at_1": 20.955, + "precision_at_10": 5.479, + "precision_at_100": 1.065, + "precision_at_1000": 0.159, + "precision_at_3": 11.960999999999999, + "precision_at_5": 8.647, + "recall_at_1": 13.084999999999999, + "recall_at_10": 30.202, + "recall_at_100": 56.579, + "recall_at_1000": 84.641, + "recall_at_3": 20.751, + "recall_at_5": 24.317, + "main_score": 23.905 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/Cmnli.json b/results/izhx__udever-bloom-1b1/external/Cmnli.json new file mode 100644 index 000000000..254212ff1 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/Cmnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Cmnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 72.8322309079976, + "cos_sim_ap": 81.34356949111096, + "cos_sim_f1": 74.88546438983758, + "cos_sim_precision": 67.50516238032664, + "cos_sim_recall": 84.07762450315643, + "dot_accuracy": 69.28442573662056, + "dot_ap": 74.87961278837321, + "dot_f1": 72.20502901353966, + "dot_precision": 61.5701797789873, + "dot_recall": 87.2808043020809, + "euclidean_accuracy": 71.99037883343355, + "euclidean_ap": 80.70039825164011, + "euclidean_f1": 74.23149154887813, + "euclidean_precision": 64.29794520547945, + "euclidean_recall": 87.79518353986438, + "manhattan_accuracy": 72.0625375826819, + "manhattan_ap": 80.78886354854423, + "manhattan_f1": 74.20842299415924, + "manhattan_precision": 66.0525355709595, + "manhattan_recall": 84.66214636427402, + "max_accuracy": 72.8322309079976, + "max_ap": 81.34356949111096, + "max_f1": 74.88546438983758, + "main_score": 72.8322309079976 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/CovidRetrieval.json b/results/izhx__udever-bloom-1b1/external/CovidRetrieval.json new file mode 100644 index 000000000..15cce595a --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/CovidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 54.847, + "map_at_10": 63.736000000000004, + "map_at_100": 64.302, + "map_at_1000": 64.319, + "map_at_3": 61.565000000000005, + "map_at_5": 62.671, + "mrr_at_1": 54.900000000000006, + "mrr_at_10": 63.744, + "mrr_at_100": 64.287, + "mrr_at_1000": 64.30399999999999, + "mrr_at_3": 61.590999999999994, + "mrr_at_5": 62.724000000000004, + "ndcg_at_1": 55.005, + "ndcg_at_10": 68.142, + "ndcg_at_100": 70.95, + "ndcg_at_1000": 71.40100000000001, + "ndcg_at_3": 63.641999999999996, + "ndcg_at_5": 65.62599999999999, + "precision_at_1": 55.005, + "precision_at_10": 8.272, + "precision_at_100": 0.963, + "precision_at_1000": 0.1, + "precision_at_3": 23.288, + "precision_at_5": 14.963000000000001, + "recall_at_1": 54.847, + "recall_at_10": 81.955, + "recall_at_100": 95.258, + "recall_at_1000": 98.84100000000001, + "recall_at_3": 69.547, + "recall_at_5": 74.315, + "main_score": 68.142 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/DBPedia.json b/results/izhx__udever-bloom-1b1/external/DBPedia.json new file mode 100644 index 000000000..0611ddff0 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 7.2620000000000005, + "map_at_10": 15.196000000000002, + "map_at_100": 19.454, + "map_at_1000": 20.445, + "map_at_3": 11.532, + "map_at_5": 13.053999999999998, + "mrr_at_1": 57.49999999999999, + "mrr_at_10": 66.661, + "mrr_at_100": 67.086, + "mrr_at_1000": 67.105, + "mrr_at_3": 64.625, + "mrr_at_5": 65.962, + "ndcg_at_1": 46.125, + "ndcg_at_10": 32.609, + "ndcg_at_100": 34.611999999999995, + "ndcg_at_1000": 40.836, + "ndcg_at_3": 37.513000000000005, + "ndcg_at_5": 34.699999999999996, + "precision_at_1": 57.49999999999999, + "precision_at_10": 24.975, + "precision_at_100": 6.9830000000000005, + "precision_at_1000": 1.505, + "precision_at_3": 40.75, + "precision_at_5": 33.2, + "recall_at_1": 7.2620000000000005, + "recall_at_10": 20.341, + "recall_at_100": 38.690999999999995, + "recall_at_1000": 58.879000000000005, + "recall_at_3": 12.997, + "recall_at_5": 15.628, + "main_score": 32.609 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/DuRetrieval.json b/results/izhx__udever-bloom-1b1/external/DuRetrieval.json new file mode 100644 index 000000000..d36ba8bfc --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/DuRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 20.86, + "map_at_10": 62.28, + "map_at_100": 65.794, + "map_at_1000": 65.903, + "map_at_3": 42.616, + "map_at_5": 53.225, + "mrr_at_1": 76.75, + "mrr_at_10": 83.387, + "mrr_at_100": 83.524, + "mrr_at_1000": 83.531, + "mrr_at_3": 82.592, + "mrr_at_5": 83.07900000000001, + "ndcg_at_1": 76.75, + "ndcg_at_10": 72.83500000000001, + "ndcg_at_100": 77.839, + "ndcg_at_1000": 78.976, + "ndcg_at_3": 70.977, + "ndcg_at_5": 69.419, + "precision_at_1": 76.75, + "precision_at_10": 35.825, + "precision_at_100": 4.507, + "precision_at_1000": 0.47800000000000004, + "precision_at_3": 63.733, + "precision_at_5": 53.44, + "recall_at_1": 20.86, + "recall_at_10": 75.115, + "recall_at_100": 90.47699999999999, + "recall_at_1000": 96.304, + "recall_at_3": 45.976, + "recall_at_5": 59.971, + "main_score": 72.83500000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/EcomRetrieval.json b/results/izhx__udever-bloom-1b1/external/EcomRetrieval.json new file mode 100644 index 000000000..75624fcb9 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/EcomRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 37.8, + "map_at_10": 47.154, + "map_at_100": 48.012, + "map_at_1000": 48.044, + "map_at_3": 44.667, + "map_at_5": 45.992, + "mrr_at_1": 37.8, + "mrr_at_10": 47.154, + "mrr_at_100": 48.012, + "mrr_at_1000": 48.044, + "mrr_at_3": 44.667, + "mrr_at_5": 45.992, + "ndcg_at_1": 37.8, + "ndcg_at_10": 52.025, + "ndcg_at_100": 56.275, + "ndcg_at_1000": 57.174, + "ndcg_at_3": 46.861999999999995, + "ndcg_at_5": 49.229, + "precision_at_1": 37.8, + "precision_at_10": 6.75, + "precision_at_100": 0.8750000000000001, + "precision_at_1000": 0.095, + "precision_at_3": 17.732999999999997, + "precision_at_5": 11.78, + "recall_at_1": 37.8, + "recall_at_10": 67.5, + "recall_at_100": 87.5, + "recall_at_1000": 94.69999999999999, + "recall_at_3": 53.2, + "recall_at_5": 58.9, + "main_score": 52.025 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/EmotionClassification.json b/results/izhx__udever-bloom-1b1/external/EmotionClassification.json new file mode 100644 index 000000000..2456e2fd5 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 46.845, + "f1": 42.70952656074019, + "main_score": 46.845 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/FEVER.json b/results/izhx__udever-bloom-1b1/external/FEVER.json new file mode 100644 index 000000000..e390058d5 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 50.058, + "map_at_10": 61.295, + "map_at_100": 61.82, + "map_at_1000": 61.843, + "map_at_3": 58.957, + "map_at_5": 60.467999999999996, + "mrr_at_1": 54.05, + "mrr_at_10": 65.52900000000001, + "mrr_at_100": 65.984, + "mrr_at_1000": 65.999, + "mrr_at_3": 63.286, + "mrr_at_5": 64.777, + "ndcg_at_1": 54.05, + "ndcg_at_10": 67.216, + "ndcg_at_100": 69.594, + "ndcg_at_1000": 70.13000000000001, + "ndcg_at_3": 62.778999999999996, + "ndcg_at_5": 65.36, + "precision_at_1": 54.05, + "precision_at_10": 8.924, + "precision_at_100": 1.019, + "precision_at_1000": 0.108, + "precision_at_3": 25.218, + "precision_at_5": 16.547, + "recall_at_1": 50.058, + "recall_at_10": 81.39699999999999, + "recall_at_100": 92.022, + "recall_at_1000": 95.877, + "recall_at_3": 69.485, + "recall_at_5": 75.833, + "main_score": 67.216 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/FiQA2018.json b/results/izhx__udever-bloom-1b1/external/FiQA2018.json new file mode 100644 index 000000000..44427a30f --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.078, + "map_at_10": 24.162, + "map_at_100": 25.818, + "map_at_1000": 26.009, + "map_at_3": 20.706, + "map_at_5": 22.542, + "mrr_at_1": 30.709999999999997, + "mrr_at_10": 38.828, + "mrr_at_100": 39.794000000000004, + "mrr_at_1000": 39.843, + "mrr_at_3": 36.163000000000004, + "mrr_at_5": 37.783, + "ndcg_at_1": 30.709999999999997, + "ndcg_at_10": 31.290000000000003, + "ndcg_at_100": 38.051, + "ndcg_at_1000": 41.487, + "ndcg_at_3": 27.578999999999997, + "ndcg_at_5": 28.799000000000003, + "precision_at_1": 30.709999999999997, + "precision_at_10": 8.92, + "precision_at_100": 1.5599999999999998, + "precision_at_1000": 0.219, + "precision_at_3": 18.416, + "precision_at_5": 13.827, + "recall_at_1": 15.078, + "recall_at_10": 37.631, + "recall_at_100": 63.603, + "recall_at_1000": 84.121, + "recall_at_3": 24.438, + "recall_at_5": 29.929, + "main_score": 31.290000000000003 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/HotpotQA.json b/results/izhx__udever-bloom-1b1/external/HotpotQA.json new file mode 100644 index 000000000..74cfbf596 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.202, + "map_at_10": 42.653, + "map_at_100": 43.411, + "map_at_1000": 43.479, + "map_at_3": 40.244, + "map_at_5": 41.736000000000004, + "mrr_at_1": 62.404, + "mrr_at_10": 69.43599999999999, + "mrr_at_100": 69.788, + "mrr_at_1000": 69.809, + "mrr_at_3": 68.12700000000001, + "mrr_at_5": 68.961, + "ndcg_at_1": 62.404, + "ndcg_at_10": 51.665000000000006, + "ndcg_at_100": 54.623, + "ndcg_at_1000": 56.154, + "ndcg_at_3": 47.861, + "ndcg_at_5": 49.968, + "precision_at_1": 62.404, + "precision_at_10": 10.57, + "precision_at_100": 1.2890000000000001, + "precision_at_1000": 0.149, + "precision_at_3": 29.624, + "precision_at_5": 19.441, + "recall_at_1": 31.202, + "recall_at_10": 52.849000000000004, + "recall_at_100": 64.47, + "recall_at_1000": 74.74, + "recall_at_3": 44.436, + "recall_at_5": 48.602000000000004, + "main_score": 51.665000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/IFlyTek.json b/results/izhx__udever-bloom-1b1/external/IFlyTek.json new file mode 100644 index 000000000..e68f02baf --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/IFlyTek.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 43.51673720661793, + "f1": 35.81126468608715, + "main_score": 43.51673720661793 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/ImdbClassification.json b/results/izhx__udever-bloom-1b1/external/ImdbClassification.json new file mode 100644 index 000000000..8815560de --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.446, + "ap": 68.71359666500074, + "f1": 74.32080431056023, + "main_score": 74.446 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/JDReview.json b/results/izhx__udever-bloom-1b1/external/JDReview.json new file mode 100644 index 000000000..1c7e82123 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/JDReview.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 81.08818011257036, + "ap": 43.68599141287235, + "f1": 74.37787266346157, + "main_score": 81.08818011257036 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/LCQMC.json b/results/izhx__udever-bloom-1b1/external/LCQMC.json new file mode 100644 index 000000000..260aa2fc2 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/LCQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 65.9116523539515, + "cos_sim_spearman": 72.79966865646485, + "euclidean_pearson": 71.4995885009818, + "euclidean_spearman": 72.91799793240196, + "manhattan_pearson": 71.83065174544116, + "manhattan_spearman": 73.22568775268935, + "cosine_pearson": 65.9116523539515, + "cosine_spearman": 72.79966865646485, + "main_score": 72.79966865646485 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/MMarcoReranking.json b/results/izhx__udever-bloom-1b1/external/MMarcoReranking.json new file mode 100644 index 000000000..5b242f79a --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 26.136250989818222, + "mrr": 25.00753968253968, + "main_score": 26.136250989818222 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/MMarcoRetrieval.json b/results/izhx__udever-bloom-1b1/external/MMarcoRetrieval.json new file mode 100644 index 000000000..545b101f0 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/MMarcoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 61.79900000000001, + "map_at_10": 70.814, + "map_at_100": 71.22500000000001, + "map_at_1000": 71.243, + "map_at_3": 68.795, + "map_at_5": 70.12, + "mrr_at_1": 63.910999999999994, + "mrr_at_10": 71.437, + "mrr_at_100": 71.807, + "mrr_at_1000": 71.82300000000001, + "mrr_at_3": 69.65599999999999, + "mrr_at_5": 70.821, + "ndcg_at_1": 63.910999999999994, + "ndcg_at_10": 74.664, + "ndcg_at_100": 76.545, + "ndcg_at_1000": 77.00099999999999, + "ndcg_at_3": 70.838, + "ndcg_at_5": 73.076, + "precision_at_1": 63.910999999999994, + "precision_at_10": 9.139999999999999, + "precision_at_100": 1.008, + "precision_at_1000": 0.105, + "precision_at_3": 26.729000000000003, + "precision_at_5": 17.232, + "recall_at_1": 61.79900000000001, + "recall_at_10": 85.941, + "recall_at_100": 94.514, + "recall_at_1000": 98.04899999999999, + "recall_at_3": 75.85499999999999, + "recall_at_5": 81.15599999999999, + "main_score": 74.664 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/MSMARCO.json b/results/izhx__udever-bloom-1b1/external/MSMARCO.json new file mode 100644 index 000000000..111c0c7bd --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.079, + "map_at_10": 31.735000000000003, + "map_at_100": 32.932, + "map_at_1000": 32.987, + "map_at_3": 28.216, + "map_at_5": 30.127, + "mrr_at_1": 20.688000000000002, + "mrr_at_10": 32.357, + "mrr_at_100": 33.487, + "mrr_at_1000": 33.536, + "mrr_at_3": 28.887, + "mrr_at_5": 30.764000000000003, + "ndcg_at_1": 20.688000000000002, + "ndcg_at_10": 38.266, + "ndcg_at_100": 44.105, + "ndcg_at_1000": 45.554, + "ndcg_at_3": 31.046000000000003, + "ndcg_at_5": 34.44, + "precision_at_1": 20.688000000000002, + "precision_at_10": 6.0920000000000005, + "precision_at_100": 0.903, + "precision_at_1000": 0.10300000000000001, + "precision_at_3": 13.338, + "precision_at_5": 9.725, + "recall_at_1": 20.079, + "recall_at_10": 58.315, + "recall_at_100": 85.50999999999999, + "recall_at_1000": 96.72800000000001, + "recall_at_3": 38.582, + "recall_at_5": 46.705999999999996, + "main_score": 38.266 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/MTOPDomainClassification.json b/results/izhx__udever-bloom-1b1/external/MTOPDomainClassification.json new file mode 100644 index 000000000..a88cd5757 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/MTOPDomainClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.18422252621978, + "f1": 91.82800582693794, + "main_score": 92.18422252621978 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 74.63792617638771, + "f1": 73.13966942566492, + "main_score": 74.63792617638771 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 92.07138092061375, + "f1": 91.58983799467875, + "main_score": 92.07138092061375 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 89.19824616348262, + "f1": 89.06796384273765, + "main_score": 89.19824616348262 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 88.54069558981713, + "f1": 87.83448658971352, + "main_score": 88.54069558981713 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 55.63471971066908, + "f1": 53.84017845089774, + "main_score": 55.63471971066908 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/MTOPIntentClassification.json b/results/izhx__udever-bloom-1b1/external/MTOPIntentClassification.json new file mode 100644 index 000000000..fa6c4259b --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/MTOPIntentClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.29867761057912, + "f1": 52.76509068762125, + "main_score": 70.29867761057912 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 53.39814032121725, + "f1": 34.27161745913036, + "main_score": 53.39814032121725 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 71.33422281521014, + "f1": 52.171603212251384, + "main_score": 71.33422281521014 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 66.6019417475728, + "f1": 49.212091278323975, + "main_score": 66.6019417475728 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 66.73001075654356, + "f1": 45.97084834271623, + "main_score": 66.73001075654356 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 42.13381555153707, + "f1": 27.222558885215964, + "main_score": 42.13381555153707 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/MassiveIntentClassification.json b/results/izhx__udever-bloom-1b1/external/MassiveIntentClassification.json new file mode 100644 index 000000000..f28098083 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/MassiveIntentClassification.json @@ -0,0 +1,469 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 44.97982515131137, + "f1": 43.08686679862984, + "main_score": 44.97982515131137 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 25.353059852051107, + "f1": 24.56465252790922, + "main_score": 25.353059852051107 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 57.078009414929376, + "f1": 54.933541125458795, + "main_score": 57.078009414929376 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 39.10558170813719, + "f1": 39.15270496151374, + "main_score": 39.10558170813719 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 61.368527236045736, + "f1": 58.65381984021665, + "main_score": 61.368527236045736 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 42.96906523201076, + "f1": 41.88085083446726, + "main_score": 42.96906523201076 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 49.54270342972428, + "f1": 48.44206747172913, + "main_score": 49.54270342972428 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 50.93140551445864, + "f1": 47.40396853548677, + "main_score": 50.93140551445864 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 40.09414929388029, + "f1": 38.27158057191927, + "main_score": 40.09414929388029 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 67.93207800941494, + "f1": 66.50282035579518, + "main_score": 67.93207800941494 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 63.81304640215198, + "f1": 62.51979490279083, + "main_score": 63.81304640215198 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 49.05850706119704, + "f1": 47.49872899848797, + "main_score": 49.05850706119704 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 42.57901815736382, + "f1": 40.386069905109956, + "main_score": 42.57901815736382 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 65.33960995292534, + "f1": 63.96475759829612, + "main_score": 65.33960995292534 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 37.14862138533962, + "f1": 35.954583318470384, + "main_score": 37.14862138533962 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 62.88836583725621, + "f1": 61.139092331276856, + "main_score": 62.88836583725621 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 41.62071284465366, + "f1": 40.23779890980788, + "main_score": 41.62071284465366 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 32.982515131136516, + "f1": 31.82828709111086, + "main_score": 32.982515131136516 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 62.11499663752521, + "f1": 60.307651330689716, + "main_score": 62.11499663752521 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 41.039004707464684, + "f1": 39.531615524370686, + "main_score": 41.039004707464684 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 55.8338937457969, + "f1": 54.86425916837068, + "main_score": 55.8338937457969 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 58.83322125084061, + "f1": 56.52595986400214, + "main_score": 58.83322125084061 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 49.31069266980497, + "f1": 47.241381065322265, + "main_score": 49.31069266980497 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 26.432414256893072, + "f1": 25.787833437725848, + "main_score": 26.432414256893072 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 28.76933422999327, + "f1": 27.34778980866226, + "main_score": 28.76933422999327 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 52.33019502353733, + "f1": 49.49897965390079, + "main_score": 52.33019502353733 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 46.930060524546064, + "f1": 44.71215467580226, + "main_score": 46.930060524546064 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 44.25689307330195, + "f1": 43.61087006714549, + "main_score": 44.25689307330195 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 57.74714189643577, + "f1": 54.571431590522735, + "main_score": 57.74714189643577 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 33.30531271015468, + "f1": 33.4982889160085, + "main_score": 33.30531271015468 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 55.699394754539334, + "f1": 54.00478534026828, + "main_score": 55.699394754539334 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 27.38735709482179, + "f1": 26.139112212692474, + "main_score": 27.38735709482179 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 46.18359112306658, + "f1": 45.298479798547106, + "main_score": 46.18359112306658 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 48.33557498318763, + "f1": 46.102865846786294, + "main_score": 48.33557498318763 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 44.46872898453261, + "f1": 42.43443803309795, + "main_score": 44.46872898453261 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 64.74445191661063, + "f1": 63.453679590322174, + "main_score": 64.74445191661063 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 48.41291190316072, + "f1": 47.14401920664497, + "main_score": 48.41291190316072 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 52.989240080699396, + "f1": 50.91931775407477, + "main_score": 52.989240080699396 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 44.771351714862135, + "f1": 42.90054169209577, + "main_score": 44.771351714862135 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 45.45393409549428, + "f1": 45.027761715583146, + "main_score": 45.45393409549428 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 45.67585743106927, + "f1": 44.45608727957947, + "main_score": 45.67585743106927 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 46.45595158036314, + "f1": 44.70548836690419, + "main_score": 46.45595158036314 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 55.4640215198386, + "f1": 52.28532276735651, + "main_score": 55.4640215198386 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 51.408876933422995, + "f1": 48.86454236156204, + "main_score": 51.408876933422995 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 39.19636852723604, + "f1": 38.88247037601754, + "main_score": 39.19636852723604 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 48.53396099529254, + "f1": 46.961492802320656, + "main_score": 48.53396099529254 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 39.509078681909884, + "f1": 39.30973355583357, + "main_score": 39.509078681909884 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 54.717552118359116, + "f1": 52.08348704897728, + "main_score": 54.717552118359116 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 62.007397444519164, + "f1": 60.57772322803523, + "main_score": 62.007397444519164 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 66.906523201076, + "f1": 65.2730417732602, + "main_score": 66.906523201076 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 62.562205783456626, + "f1": 62.3944953225828, + "main_score": 62.562205783456626 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/MassiveScenarioClassification.json b/results/izhx__udever-bloom-1b1/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..9cd673cd9 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/MassiveScenarioClassification.json @@ -0,0 +1,469 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 50.46738399462004, + "f1": 48.277337351043066, + "main_score": 50.46738399462004 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 27.222595830531272, + "f1": 26.15959037949326, + "main_score": 27.222595830531272 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 65.4303967720242, + "f1": 65.58227814316872, + "main_score": 65.4303967720242 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 40.736381977135174, + "f1": 39.85702036251076, + "main_score": 40.736381977135174 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 67.64626765299259, + "f1": 67.12298813657769, + "main_score": 67.64626765299259 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 43.940820443846675, + "f1": 41.63412499587839, + "main_score": 43.940820443846675 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 52.5252185608608, + "f1": 50.25821961669483, + "main_score": 52.5252185608608 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 56.67114996637525, + "f1": 54.204117831814244, + "main_score": 56.67114996637525 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 41.8123739071957, + "f1": 40.25676895490678, + "main_score": 41.8123739071957 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.71956960322798, + "f1": 75.95126212201126, + "main_score": 75.71956960322798 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 71.7787491593813, + "f1": 71.90678548502461, + "main_score": 71.7787491593813 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 49.95965030262274, + "f1": 48.625859921623515, + "main_score": 49.95965030262274 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 41.005379959650305, + "f1": 38.25957953711836, + "main_score": 41.005379959650305 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 71.99058507061198, + "f1": 72.30034867942928, + "main_score": 71.99058507061198 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 36.691324815063886, + "f1": 35.09762112518494, + "main_score": 36.691324815063886 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 69.27706792199058, + "f1": 68.96935505580095, + "main_score": 69.27706792199058 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 44.31405514458642, + "f1": 41.75837557089336, + "main_score": 44.31405514458642 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 33.63819771351715, + "f1": 32.00999199645466, + "main_score": 33.63819771351715 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 68.98117014122394, + "f1": 68.48993356947226, + "main_score": 68.98117014122394 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 42.10154673839946, + "f1": 39.537580201439035, + "main_score": 42.10154673839946 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 60.27236045729657, + "f1": 58.8041857941664, + "main_score": 60.27236045729657 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 62.47814391392063, + "f1": 61.4800551358116, + "main_score": 62.47814391392063 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 54.68392737054473, + "f1": 53.28619831432411, + "main_score": 54.68392737054473 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 27.215870880968396, + "f1": 26.137784395348483, + "main_score": 27.215870880968396 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 32.1385339609953, + "f1": 29.886918185071977, + "main_score": 32.1385339609953 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 57.94889038332213, + "f1": 57.19252000109654, + "main_score": 57.94889038332213 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 47.94552790854068, + "f1": 46.21337507975437, + "main_score": 47.94552790854068 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 42.75722932078009, + "f1": 40.62195245815035, + "main_score": 42.75722932078009 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 62.84129119031607, + "f1": 62.56205475932971, + "main_score": 62.84129119031607 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 33.21116341627438, + "f1": 32.231827617771046, + "main_score": 33.21116341627438 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 62.56893073301949, + "f1": 60.94616552257348, + "main_score": 62.56893073301949 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 28.8399462004035, + "f1": 27.8503615081592, + "main_score": 28.8399462004035 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 50.31607262945528, + "f1": 47.993368005418205, + "main_score": 50.31607262945528 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 52.851378614660405, + "f1": 50.444332639513824, + "main_score": 52.851378614660405 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 45.595158036314736, + "f1": 44.241686886064755, + "main_score": 45.595158036314736 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 70.24209818426363, + "f1": 70.48109122752663, + "main_score": 70.24209818426363 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 52.73369199731002, + "f1": 51.14034087602817, + "main_score": 52.73369199731002 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 54.263618022864826, + "f1": 53.3188846615122, + "main_score": 54.263618022864826 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 46.88634835238735, + "f1": 45.257261686960796, + "main_score": 46.88634835238735 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 47.15534633490249, + "f1": 45.218807618409215, + "main_score": 47.15534633490249 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 47.9119031607263, + "f1": 45.96730030717468, + "main_score": 47.9119031607263 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 51.20040349697377, + "f1": 49.113423730259214, + "main_score": 51.20040349697377 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 61.8392737054472, + "f1": 61.65834459536364, + "main_score": 61.8392737054472 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 59.791526563550775, + "f1": 58.2891677685128, + "main_score": 59.791526563550775 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 41.62071284465366, + "f1": 39.591525429243575, + "main_score": 41.62071284465366 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 50.46738399462004, + "f1": 49.50612154409957, + "main_score": 50.46738399462004 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 43.41291190316072, + "f1": 43.85070302174815, + "main_score": 43.41291190316072 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 60.15131136516476, + "f1": 59.260012738676316, + "main_score": 60.15131136516476 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 68.98789509078682, + "f1": 69.86968024553558, + "main_score": 68.98789509078682 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 74.72091459314055, + "f1": 74.69866015852224, + "main_score": 74.72091459314055 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 71.7014122394082, + "f1": 72.66856729607628, + "main_score": 71.7014122394082 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/MedicalRetrieval.json b/results/izhx__udever-bloom-1b1/external/MedicalRetrieval.json new file mode 100644 index 000000000..4420d4ec1 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/MedicalRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 35.8, + "map_at_10": 40.949999999999996, + "map_at_100": 41.455999999999996, + "map_at_1000": 41.52, + "map_at_3": 40.033, + "map_at_5": 40.493, + "mrr_at_1": 35.9, + "mrr_at_10": 41.0, + "mrr_at_100": 41.506, + "mrr_at_1000": 41.57, + "mrr_at_3": 40.083, + "mrr_at_5": 40.543, + "ndcg_at_1": 35.8, + "ndcg_at_10": 43.269000000000005, + "ndcg_at_100": 45.974, + "ndcg_at_1000": 47.969, + "ndcg_at_3": 41.339999999999996, + "ndcg_at_5": 42.167, + "precision_at_1": 35.8, + "precision_at_10": 5.050000000000001, + "precision_at_100": 0.637, + "precision_at_1000": 0.08, + "precision_at_3": 15.033, + "precision_at_5": 9.42, + "recall_at_1": 35.8, + "recall_at_10": 50.5, + "recall_at_100": 63.7, + "recall_at_1000": 80.0, + "recall_at_3": 45.1, + "recall_at_5": 47.099999999999994, + "main_score": 43.269000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/MedrxivClusteringP2P.json b/results/izhx__udever-bloom-1b1/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..67e4ebee6 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 29.43291218491871, + "main_score": 29.43291218491871 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/MedrxivClusteringS2S.json b/results/izhx__udever-bloom-1b1/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..ffda7e5cf --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 28.87018200800912, + "main_score": 28.87018200800912 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/MindSmallReranking.json b/results/izhx__udever-bloom-1b1/external/MindSmallReranking.json new file mode 100644 index 000000000..d852a28f2 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 30.51003589330728, + "mrr": 31.57412386045135, + "main_score": 30.51003589330728 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/MultilingualSentiment.json b/results/izhx__udever-bloom-1b1/external/MultilingualSentiment.json new file mode 100644 index 000000000..329d2a39e --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/MultilingualSentiment.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 66.32999999999998, + "f1": 66.2828795526323, + "main_score": 66.32999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/NFCorpus.json b/results/izhx__udever-bloom-1b1/external/NFCorpus.json new file mode 100644 index 000000000..b10c5a43c --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.369, + "map_at_10": 11.04, + "map_at_100": 13.850000000000001, + "map_at_1000": 15.290000000000001, + "map_at_3": 8.014000000000001, + "map_at_5": 9.4, + "mrr_at_1": 39.938, + "mrr_at_10": 49.043, + "mrr_at_100": 49.775000000000006, + "mrr_at_1000": 49.803999999999995, + "mrr_at_3": 47.007, + "mrr_at_5": 48.137, + "ndcg_at_1": 37.461, + "ndcg_at_10": 30.703000000000003, + "ndcg_at_100": 28.686, + "ndcg_at_1000": 37.809, + "ndcg_at_3": 35.697, + "ndcg_at_5": 33.428000000000004, + "precision_at_1": 39.628, + "precision_at_10": 23.250999999999998, + "precision_at_100": 7.553999999999999, + "precision_at_1000": 2.077, + "precision_at_3": 34.159, + "precision_at_5": 29.164, + "recall_at_1": 4.369, + "recall_at_10": 15.024000000000001, + "recall_at_100": 30.642999999999997, + "recall_at_1000": 62.537, + "recall_at_3": 9.504999999999999, + "recall_at_5": 11.89, + "main_score": 30.703000000000003 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/NQ.json b/results/izhx__udever-bloom-1b1/external/NQ.json new file mode 100644 index 000000000..6916d0a51 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.161, + "map_at_10": 39.126, + "map_at_100": 40.201, + "map_at_1000": 40.247, + "map_at_3": 35.169, + "map_at_5": 37.403, + "mrr_at_1": 29.403000000000002, + "mrr_at_10": 41.644999999999996, + "mrr_at_100": 42.503, + "mrr_at_1000": 42.535000000000004, + "mrr_at_3": 38.321, + "mrr_at_5": 40.265, + "ndcg_at_1": 29.403000000000002, + "ndcg_at_10": 46.155, + "ndcg_at_100": 50.869, + "ndcg_at_1000": 52.004, + "ndcg_at_3": 38.65, + "ndcg_at_5": 42.400999999999996, + "precision_at_1": 29.403000000000002, + "precision_at_10": 7.743, + "precision_at_100": 1.0410000000000001, + "precision_at_1000": 0.11499999999999999, + "precision_at_3": 17.623, + "precision_at_5": 12.764000000000001, + "recall_at_1": 26.161, + "recall_at_10": 65.155, + "recall_at_100": 85.885, + "recall_at_1000": 94.443, + "recall_at_3": 45.592, + "recall_at_5": 54.234, + "main_score": 46.155 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/Ocnli.json b/results/izhx__udever-bloom-1b1/external/Ocnli.json new file mode 100644 index 000000000..eaf2fbaff --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/Ocnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Ocnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 65.34921494315105, + "cos_sim_ap": 68.58191894316523, + "cos_sim_f1": 70.47294418406477, + "cos_sim_precision": 59.07142857142858, + "cos_sim_recall": 87.32840549102428, + "dot_accuracy": 61.93827828911749, + "dot_ap": 64.19230712895958, + "dot_f1": 68.30769230769232, + "dot_precision": 53.72050816696915, + "dot_recall": 93.76979936642027, + "euclidean_accuracy": 67.0817541959935, + "euclidean_ap": 69.17499163875786, + "euclidean_f1": 71.67630057803468, + "euclidean_precision": 61.904761904761905, + "euclidean_recall": 85.11087645195353, + "manhattan_accuracy": 67.19003789929616, + "manhattan_ap": 69.72684682556992, + "manhattan_f1": 71.25396106835673, + "manhattan_precision": 62.361331220285265, + "manhattan_recall": 83.10454065469905, + "max_accuracy": 67.19003789929616, + "max_ap": 69.72684682556992, + "max_f1": 71.67630057803468, + "main_score": 67.19003789929616 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/OnlineShopping.json b/results/izhx__udever-bloom-1b1/external/OnlineShopping.json new file mode 100644 index 000000000..2c39ad731 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/OnlineShopping.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 88.35000000000001, + "ap": 85.45377991151882, + "f1": 88.33274122313945, + "main_score": 88.35000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/PAWSX.json b/results/izhx__udever-bloom-1b1/external/PAWSX.json new file mode 100644 index 000000000..d15574e81 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/PAWSX.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 13.700131726042631, + "cos_sim_spearman": 15.663851577320184, + "euclidean_pearson": 17.869909454798112, + "euclidean_spearman": 16.09518673735175, + "manhattan_pearson": 18.030818366917593, + "manhattan_spearman": 16.34096397687474, + "cosine_pearson": 13.700131726042631, + "cosine_spearman": 15.663851577320184, + "main_score": 15.663851577320184 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/QBQTC.json b/results/izhx__udever-bloom-1b1/external/QBQTC.json new file mode 100644 index 000000000..9547475a0 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/QBQTC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "QBQTC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 30.200343733562946, + "cos_sim_spearman": 32.645434631834966, + "euclidean_pearson": 32.612030669583234, + "euclidean_spearman": 34.67603837485763, + "manhattan_pearson": 32.6673080122766, + "manhattan_spearman": 34.8163622783733, + "cosine_pearson": 30.200343733562946, + "cosine_spearman": 32.645434631834966, + "main_score": 32.645434631834966 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/QuoraRetrieval.json b/results/izhx__udever-bloom-1b1/external/QuoraRetrieval.json new file mode 100644 index 000000000..260532eef --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 69.321, + "map_at_10": 83.07, + "map_at_100": 83.737, + "map_at_1000": 83.758, + "map_at_3": 80.12700000000001, + "map_at_5": 81.97, + "mrr_at_1": 79.74, + "mrr_at_10": 86.22, + "mrr_at_100": 86.345, + "mrr_at_1000": 86.347, + "mrr_at_3": 85.172, + "mrr_at_5": 85.89099999999999, + "ndcg_at_1": 79.77, + "ndcg_at_10": 87.01299999999999, + "ndcg_at_100": 88.382, + "ndcg_at_1000": 88.53, + "ndcg_at_3": 84.04, + "ndcg_at_5": 85.68, + "precision_at_1": 79.77, + "precision_at_10": 13.211999999999998, + "precision_at_100": 1.52, + "precision_at_1000": 0.157, + "precision_at_3": 36.730000000000004, + "precision_at_5": 24.21, + "recall_at_1": 69.321, + "recall_at_10": 94.521, + "recall_at_100": 99.258, + "recall_at_1000": 99.97200000000001, + "recall_at_3": 85.97200000000001, + "recall_at_5": 90.589, + "main_score": 87.01299999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/RedditClustering.json b/results/izhx__udever-bloom-1b1/external/RedditClustering.json new file mode 100644 index 000000000..84a8109c5 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 44.51751457277441, + "main_score": 44.51751457277441 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/RedditClusteringP2P.json b/results/izhx__udever-bloom-1b1/external/RedditClusteringP2P.json new file mode 100644 index 000000000..bf7e499bf --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 53.60727449352775, + "main_score": 53.60727449352775 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/SCIDOCS.json b/results/izhx__udever-bloom-1b1/external/SCIDOCS.json new file mode 100644 index 000000000..194a89082 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.058, + "map_at_10": 9.995999999999999, + "map_at_100": 11.738, + "map_at_1000": 11.999, + "map_at_3": 7.353999999999999, + "map_at_5": 8.68, + "mrr_at_1": 20.0, + "mrr_at_10": 30.244, + "mrr_at_100": 31.378, + "mrr_at_1000": 31.445, + "mrr_at_3": 26.933, + "mrr_at_5": 28.748, + "ndcg_at_1": 20.0, + "ndcg_at_10": 17.235, + "ndcg_at_100": 24.241, + "ndcg_at_1000": 29.253, + "ndcg_at_3": 16.542, + "ndcg_at_5": 14.386, + "precision_at_1": 20.0, + "precision_at_10": 8.9, + "precision_at_100": 1.8929999999999998, + "precision_at_1000": 0.31, + "precision_at_3": 15.567, + "precision_at_5": 12.620000000000001, + "recall_at_1": 4.058, + "recall_at_10": 18.062, + "recall_at_100": 38.440000000000005, + "recall_at_1000": 63.044999999999995, + "recall_at_3": 9.493, + "recall_at_5": 12.842, + "main_score": 17.235 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/SICK-R.json b/results/izhx__udever-bloom-1b1/external/SICK-R.json new file mode 100644 index 000000000..1a03dc836 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.36702895231333, + "cos_sim_spearman": 79.91790376084445, + "euclidean_pearson": 81.58989754571684, + "euclidean_spearman": 79.43876559435684, + "manhattan_pearson": 81.5041355053572, + "manhattan_spearman": 79.35411927652234, + "cosine_pearson": 85.36702895231333, + "cosine_spearman": 79.91790376084445, + "main_score": 79.91790376084445 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/STS12.json b/results/izhx__udever-bloom-1b1/external/STS12.json new file mode 100644 index 000000000..80aed160f --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.77166067512005, + "cos_sim_spearman": 75.7961015562481, + "euclidean_pearson": 82.03845114943047, + "euclidean_spearman": 78.75422268992615, + "manhattan_pearson": 82.11841609875198, + "manhattan_spearman": 78.79349601386468, + "cosine_pearson": 83.77166067512005, + "cosine_spearman": 75.7961015562481, + "main_score": 75.7961015562481 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/STS13.json b/results/izhx__udever-bloom-1b1/external/STS13.json new file mode 100644 index 000000000..3143d2cdb --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.28403658061106, + "cos_sim_spearman": 83.61682237930194, + "euclidean_pearson": 84.50220149144553, + "euclidean_spearman": 85.01944483089126, + "manhattan_pearson": 84.5526583345216, + "manhattan_spearman": 85.06290695547032, + "cosine_pearson": 83.28403658061106, + "cosine_spearman": 83.61682237930194, + "main_score": 83.61682237930194 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/STS14.json b/results/izhx__udever-bloom-1b1/external/STS14.json new file mode 100644 index 000000000..906d77288 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.66893263127082, + "cos_sim_spearman": 78.73277873007592, + "euclidean_pearson": 80.78325001462842, + "euclidean_spearman": 79.1692321029638, + "manhattan_pearson": 80.82812137898084, + "manhattan_spearman": 79.23433932409523, + "cosine_pearson": 82.66893263127082, + "cosine_spearman": 78.73277873007592, + "main_score": 78.73277873007592 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/STS15.json b/results/izhx__udever-bloom-1b1/external/STS15.json new file mode 100644 index 000000000..02ba5241f --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.6046231732945, + "cos_sim_spearman": 86.41326579037185, + "euclidean_pearson": 85.85739124012164, + "euclidean_spearman": 86.54285701350923, + "manhattan_pearson": 85.78835254765399, + "manhattan_spearman": 86.45431641050791, + "cosine_pearson": 85.6046231732945, + "cosine_spearman": 86.41326579037185, + "main_score": 86.41326579037185 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/STS16.json b/results/izhx__udever-bloom-1b1/external/STS16.json new file mode 100644 index 000000000..6c5e7a582 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.97881854103466, + "cos_sim_spearman": 84.50343997301495, + "euclidean_pearson": 82.83306004280789, + "euclidean_spearman": 83.2801802732528, + "manhattan_pearson": 82.73250604776496, + "manhattan_spearman": 83.12452727964241, + "cosine_pearson": 82.97881854103466, + "cosine_spearman": 84.50343997301495, + "main_score": 84.50343997301495 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/STS17.json b/results/izhx__udever-bloom-1b1/external/STS17.json new file mode 100644 index 000000000..9313c7f6e --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/STS17.json @@ -0,0 +1,182 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "ko-ko", + "languages": [ + "kor-Hang" + ], + "cos_sim_pearson": 61.59564206989664, + "cos_sim_spearman": 61.88740058576333, + "euclidean_pearson": 60.23297902405152, + "euclidean_spearman": 60.21120786234968, + "manhattan_pearson": 60.48897723321176, + "manhattan_spearman": 60.44230460138873, + "cosine_pearson": 61.59564206989664, + "cosine_spearman": 61.88740058576333, + "main_score": 61.88740058576333 + }, + { + "hf_subset": "ar-ar", + "languages": [ + "ara-Arab" + ], + "cos_sim_pearson": 80.44912821552151, + "cos_sim_spearman": 81.13348443154915, + "euclidean_pearson": 81.09038308120358, + "euclidean_spearman": 80.5609874348409, + "manhattan_pearson": 81.13776188970186, + "manhattan_spearman": 80.5900946438308, + "cosine_pearson": 80.44912821552151, + "cosine_spearman": 81.13348443154915, + "main_score": 81.13348443154915 + }, + { + "hf_subset": "en-ar", + "languages": [ + "eng-Latn", + "ara-Arab" + ], + "cos_sim_pearson": 78.72913217243624, + "cos_sim_spearman": 79.63696165091363, + "euclidean_pearson": 73.19989464436063, + "euclidean_spearman": 73.54600704085456, + "manhattan_pearson": 72.86702738433412, + "manhattan_spearman": 72.90617504239171, + "cosine_pearson": 78.72913217243624, + "cosine_spearman": 79.63696165091363, + "main_score": 79.63696165091363 + }, + { + "hf_subset": "en-de", + "languages": [ + "eng-Latn", + "deu-Latn" + ], + "cos_sim_pearson": 50.732677791011525, + "cos_sim_spearman": 52.523598781843916, + "euclidean_pearson": 49.35416337421446, + "euclidean_spearman": 51.33696662867874, + "manhattan_pearson": 50.506295752592145, + "manhattan_spearman": 52.62915407476881, + "cosine_pearson": 50.732677791011525, + "cosine_spearman": 52.523598781843916, + "main_score": 52.523598781843916 + }, + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 89.36491555020613, + "cos_sim_spearman": 89.9454102616469, + "euclidean_pearson": 88.86298725696331, + "euclidean_spearman": 88.65552919486326, + "manhattan_pearson": 88.92114540797368, + "manhattan_spearman": 88.70527010857221, + "cosine_pearson": 89.36491555020613, + "cosine_spearman": 89.9454102616469, + "main_score": 89.9454102616469 + }, + { + "hf_subset": "en-tr", + "languages": [ + "eng-Latn", + "tur-Latn" + ], + "cos_sim_pearson": 8.714024392790805, + "cos_sim_spearman": 4.749252746175972, + "euclidean_pearson": 10.22053449467633, + "euclidean_spearman": 9.037870998258068, + "manhattan_pearson": 12.0555115545086, + "manhattan_spearman": 10.63527037732596, + "cosine_pearson": 8.714024392790805, + "cosine_spearman": 4.749252746175972, + "main_score": 4.749252746175972 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 84.02829923391249, + "cos_sim_spearman": 85.4083636563418, + "euclidean_pearson": 80.36151292795275, + "euclidean_spearman": 80.77292573694929, + "manhattan_pearson": 80.6693169692864, + "manhattan_spearman": 81.14159565166888, + "cosine_pearson": 84.02829923391249, + "cosine_spearman": 85.4083636563418, + "main_score": 85.4083636563418 + }, + { + "hf_subset": "es-es", + "languages": [ + "spa-Latn" + ], + "cos_sim_pearson": 86.99900583005198, + "cos_sim_spearman": 87.3279898301188, + "euclidean_pearson": 86.87787294488236, + "euclidean_spearman": 85.53646010337043, + "manhattan_pearson": 86.9509718845318, + "manhattan_spearman": 85.71691660800931, + "cosine_pearson": 86.99900583005198, + "cosine_spearman": 87.3279898301188, + "main_score": 87.3279898301188 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 83.46126526473, + "cos_sim_spearman": 83.95970248728918, + "euclidean_pearson": 81.73140443111127, + "euclidean_spearman": 81.74150374966206, + "manhattan_pearson": 81.86557893665228, + "manhattan_spearman": 82.09645552492371, + "cosine_pearson": 83.46126526473, + "cosine_spearman": 83.95970248728918, + "main_score": 83.95970248728918 + }, + { + "hf_subset": "it-en", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 46.49174934231959, + "cos_sim_spearman": 45.61787630214591, + "euclidean_pearson": 49.99290765454166, + "euclidean_spearman": 49.69936044179364, + "manhattan_pearson": 51.3375093082487, + "manhattan_spearman": 51.28438118049182, + "cosine_pearson": 46.49174934231959, + "cosine_spearman": 45.61787630214591, + "main_score": 45.61787630214591 + }, + { + "hf_subset": "nl-en", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 48.29554395534795, + "cos_sim_spearman": 46.68726750723354, + "euclidean_pearson": 47.17222230888035, + "euclidean_spearman": 45.92754616369105, + "manhattan_pearson": 47.75493126673596, + "manhattan_spearman": 46.20677181839115, + "cosine_pearson": 48.29554395534795, + "cosine_spearman": 46.68726750723354, + "main_score": 46.68726750723354 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/STS22.json b/results/izhx__udever-bloom-1b1/external/STS22.json new file mode 100644 index 000000000..8519db205 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/STS22.json @@ -0,0 +1,288 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 66.3630120343016, + "cos_sim_spearman": 65.81094140725656, + "euclidean_pearson": 67.90672012385122, + "euclidean_spearman": 67.81659181369037, + "manhattan_pearson": 68.0253831292356, + "manhattan_spearman": 67.6187327404364, + "cosine_pearson": 66.3630120343016, + "cosine_spearman": 65.81094140725656, + "main_score": 65.81094140725656 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "cos_sim_pearson": 29.18452426712489, + "cos_sim_spearman": 37.51420703956064, + "euclidean_pearson": 28.026224447990934, + "euclidean_spearman": 38.80123640343127, + "manhattan_pearson": 28.71522521219943, + "manhattan_spearman": 39.336233734574066, + "cosine_pearson": 29.18452426712489, + "cosine_spearman": 37.51420703956064, + "main_score": 37.51420703956064 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "cos_sim_pearson": 56.859180417788316, + "cos_sim_spearman": 59.78915219131012, + "euclidean_pearson": 62.96361204638708, + "euclidean_spearman": 61.17669127090527, + "manhattan_pearson": 63.76244034298364, + "manhattan_spearman": 61.86264089685531, + "cosine_pearson": 56.859180417788316, + "cosine_spearman": 59.78915219131012, + "main_score": 59.78915219131012 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "cos_sim_pearson": 16.606738041913964, + "cos_sim_spearman": 27.979167349378507, + "euclidean_pearson": 9.681469291321502, + "euclidean_spearman": 28.088375191612652, + "manhattan_pearson": 10.511180494241913, + "manhattan_spearman": 28.551302212661085, + "cosine_pearson": 16.606738041913964, + "cosine_spearman": 27.979167349378507, + "main_score": 27.979167349378507 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "cos_sim_pearson": 25.299512638088835, + "cos_sim_spearman": 42.32704160389304, + "euclidean_pearson": 38.695432241220615, + "euclidean_spearman": 42.64456376476522, + "manhattan_pearson": 39.85979335053606, + "manhattan_spearman": 42.769358737309716, + "cosine_pearson": 25.299512638088835, + "cosine_spearman": 42.32704160389304, + "main_score": 42.32704160389304 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "cos_sim_pearson": 47.92303842321097, + "cos_sim_spearman": 55.000760154318996, + "euclidean_pearson": 54.09534510237817, + "euclidean_spearman": 56.174584414116055, + "manhattan_pearson": 56.361913198454616, + "manhattan_spearman": 58.34526441198397, + "cosine_pearson": 47.92303842321097, + "cosine_spearman": 55.000760154318996, + "main_score": 55.000760154318996 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "cos_sim_pearson": 31.742856551594826, + "cos_sim_spearman": 43.13787302806463, + "euclidean_pearson": 31.905579993088136, + "euclidean_spearman": 39.885035201343186, + "manhattan_pearson": 32.43242118943698, + "manhattan_spearman": 40.11107248799126, + "cosine_pearson": 31.742856551594826, + "cosine_spearman": 43.13787302806463, + "main_score": 43.13787302806463 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 47.44633750616152, + "cos_sim_spearman": 54.083033284097816, + "euclidean_pearson": 51.444658791680155, + "euclidean_spearman": 53.1381741726486, + "manhattan_pearson": 56.75523385117588, + "manhattan_spearman": 58.34517911003165, + "cosine_pearson": 47.44633750616152, + "cosine_spearman": 54.083033284097816, + "main_score": 54.083033284097816 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 79.36983311049038, + "cos_sim_spearman": 81.25208121596035, + "euclidean_pearson": 79.0841246591628, + "euclidean_spearman": 79.63170247237287, + "manhattan_pearson": 79.76857988012227, + "manhattan_spearman": 80.19933344030764, + "cosine_pearson": 79.36983311049038, + "cosine_spearman": 81.25208121596035, + "main_score": 81.25208121596035 + }, + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 50.08537255290631, + "cos_sim_spearman": 51.6560951182032, + "euclidean_pearson": 56.245817211229856, + "euclidean_spearman": 57.84579505485162, + "manhattan_pearson": 57.178628792860394, + "manhattan_spearman": 58.868316567418965, + "cosine_pearson": 50.08537255290631, + "cosine_spearman": 51.6560951182032, + "main_score": 51.6560951182032 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 69.32518691946098, + "cos_sim_spearman": 73.58536905137812, + "euclidean_pearson": 73.3593301595928, + "euclidean_spearman": 74.72443890443692, + "manhattan_pearson": 73.89491090838783, + "manhattan_spearman": 75.01810348241496, + "cosine_pearson": 69.32518691946098, + "cosine_spearman": 73.58536905137812, + "main_score": 73.58536905137812 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "cos_sim_pearson": 65.63185657261381, + "cos_sim_spearman": 68.8680524426534, + "euclidean_pearson": 65.8069214967351, + "euclidean_spearman": 67.58006300921988, + "manhattan_pearson": 66.42691541820066, + "manhattan_spearman": 68.20501753012334, + "cosine_pearson": 65.63185657261381, + "cosine_spearman": 68.8680524426534, + "main_score": 68.8680524426534 + }, + { + "hf_subset": "pl-en", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 63.5746658293195, + "cos_sim_spearman": 60.766781234511114, + "euclidean_pearson": 63.87934914483433, + "euclidean_spearman": 57.609930019070575, + "manhattan_pearson": 66.02268099209732, + "manhattan_spearman": 60.27189531789914, + "cosine_pearson": 63.5746658293195, + "cosine_spearman": 60.766781234511114, + "main_score": 60.766781234511114 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "cos_sim_pearson": 66.00715694009531, + "cos_sim_spearman": 65.00759157082473, + "euclidean_pearson": 46.532834841771916, + "euclidean_spearman": 45.726258106671516, + "manhattan_pearson": 67.32238041001737, + "manhattan_spearman": 66.143420656417, + "cosine_pearson": 66.00715694009531, + "cosine_spearman": 65.00759157082473, + "main_score": 65.00759157082473 + }, + { + "hf_subset": "es-it", + "languages": [ + "spa-Latn", + "ita-Latn" + ], + "cos_sim_pearson": 62.65123838155666, + "cos_sim_spearman": 67.8261281384735, + "euclidean_pearson": 63.477912220562025, + "euclidean_spearman": 65.51430407718927, + "manhattan_pearson": 61.935191484002964, + "manhattan_spearman": 63.836661905551374, + "cosine_pearson": 62.65123838155666, + "cosine_spearman": 67.8261281384735, + "main_score": 67.8261281384735 + }, + { + "hf_subset": "de-fr", + "languages": [ + "deu-Latn", + "fra-Latn" + ], + "cos_sim_pearson": 38.397676312074786, + "cos_sim_spearman": 39.66141773675305, + "euclidean_pearson": 32.78160515193193, + "euclidean_spearman": 33.754398073832384, + "manhattan_pearson": 31.542566989070103, + "manhattan_spearman": 31.84555978703678, + "cosine_pearson": 38.397676312074786, + "cosine_spearman": 39.66141773675305, + "main_score": 39.66141773675305 + }, + { + "hf_subset": "de-pl", + "languages": [ + "deu-Latn", + "pol-Latn" + ], + "cos_sim_pearson": 16.134054972017115, + "cos_sim_spearman": 26.113399767684193, + "euclidean_pearson": 24.956029896964587, + "euclidean_spearman": 26.513723113179346, + "manhattan_pearson": 27.504346443344712, + "manhattan_spearman": 35.382424921072094, + "cosine_pearson": 16.134054972017115, + "cosine_spearman": 26.113399767684193, + "main_score": 26.113399767684193 + }, + { + "hf_subset": "fr-pl", + "languages": [ + "fra-Latn", + "pol-Latn" + ], + "cos_sim_pearson": 74.63601297425362, + "cos_sim_spearman": 84.51542547285167, + "euclidean_pearson": 72.60877043745072, + "euclidean_spearman": 73.24670207647144, + "manhattan_pearson": 69.30655335948613, + "manhattan_spearman": 73.24670207647144, + "cosine_pearson": 74.63601297425362, + "cosine_spearman": 84.51542547285167, + "main_score": 84.51542547285167 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/STSB.json b/results/izhx__udever-bloom-1b1/external/STSB.json new file mode 100644 index 000000000..2372e17d4 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/STSB.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 79.4028184159866, + "cos_sim_spearman": 79.53464687577328, + "euclidean_pearson": 79.25913610578554, + "euclidean_spearman": 79.55288323830753, + "manhattan_pearson": 79.44759977916512, + "manhattan_spearman": 79.71927216173198, + "cosine_pearson": 79.4028184159866, + "cosine_spearman": 79.53464687577328, + "main_score": 79.53464687577328 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/STSBenchmark.json b/results/izhx__udever-bloom-1b1/external/STSBenchmark.json new file mode 100644 index 000000000..3c1205e81 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.07398235741444, + "cos_sim_spearman": 85.78865814488006, + "euclidean_pearson": 83.2824378418878, + "euclidean_spearman": 83.36258201307002, + "manhattan_pearson": 83.22221949643878, + "manhattan_spearman": 83.27892691688584, + "cosine_pearson": 85.07398235741444, + "cosine_spearman": 85.78865814488006, + "main_score": 85.78865814488006 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/SciDocsRR.json b/results/izhx__udever-bloom-1b1/external/SciDocsRR.json new file mode 100644 index 000000000..57be2630e --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 78.1122816381465, + "mrr": 93.44523849425809, + "main_score": 78.1122816381465 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/SciFact.json b/results/izhx__udever-bloom-1b1/external/SciFact.json new file mode 100644 index 000000000..347eed9b4 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 51.132999999999996, + "map_at_10": 60.672000000000004, + "map_at_100": 61.504000000000005, + "map_at_1000": 61.526, + "map_at_3": 57.536, + "map_at_5": 59.362, + "mrr_at_1": 53.667, + "mrr_at_10": 61.980000000000004, + "mrr_at_100": 62.633, + "mrr_at_1000": 62.653000000000006, + "mrr_at_3": 59.721999999999994, + "mrr_at_5": 60.789, + "ndcg_at_1": 53.667, + "ndcg_at_10": 65.42099999999999, + "ndcg_at_100": 68.884, + "ndcg_at_1000": 69.494, + "ndcg_at_3": 60.007, + "ndcg_at_5": 62.487, + "precision_at_1": 53.667, + "precision_at_10": 8.833, + "precision_at_100": 1.0699999999999998, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 23.222, + "precision_at_5": 15.667, + "recall_at_1": 51.132999999999996, + "recall_at_10": 78.989, + "recall_at_100": 94.167, + "recall_at_1000": 99.0, + "recall_at_3": 64.328, + "recall_at_5": 70.35, + "main_score": 65.42099999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/SprintDuplicateQuestions.json b/results/izhx__udever-bloom-1b1/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..c71007458 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.78910891089109, + "cos_sim_ap": 94.58344155979994, + "cos_sim_f1": 89.2354124748491, + "cos_sim_precision": 89.77732793522267, + "cos_sim_recall": 88.7, + "dot_accuracy": 99.74158415841585, + "dot_ap": 92.08599680108772, + "dot_f1": 87.00846192135391, + "dot_precision": 86.62041625371654, + "dot_recall": 87.4, + "euclidean_accuracy": 99.78316831683168, + "euclidean_ap": 94.57715670055748, + "euclidean_f1": 88.98765432098766, + "euclidean_precision": 87.90243902439025, + "euclidean_recall": 90.10000000000001, + "manhattan_accuracy": 99.78811881188119, + "manhattan_ap": 94.73016642953513, + "manhattan_f1": 89.3326838772528, + "manhattan_precision": 87.08452041785375, + "manhattan_recall": 91.7, + "max_accuracy": 99.78910891089109, + "max_ap": 94.73016642953513, + "max_f1": 89.3326838772528, + "main_score": 94.73016642953513 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/StackExchangeClustering.json b/results/izhx__udever-bloom-1b1/external/StackExchangeClustering.json new file mode 100644 index 000000000..7eaa3e596 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 57.11358892084413, + "main_score": 57.11358892084413 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/StackExchangeClusteringP2P.json b/results/izhx__udever-bloom-1b1/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..15c8e4b6a --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.914375833951354, + "main_score": 31.914375833951354 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/StackOverflowDupQuestions.json b/results/izhx__udever-bloom-1b1/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..3f52f01ac --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 48.9994487557691, + "mrr": 49.78547290128173, + "main_score": 48.9994487557691 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/SummEval.json b/results/izhx__udever-bloom-1b1/external/SummEval.json new file mode 100644 index 000000000..f00b3a4af --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.19567881069216, + "cos_sim_spearman": 31.098791519646298, + "dot_pearson": 30.61141391110544, + "dot_spearman": 30.995416064312153, + "cosine_pearson": 30.19567881069216, + "cosine_spearman": 31.098791519646298, + "main_score": 31.098791519646298 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/T2Reranking.json b/results/izhx__udever-bloom-1b1/external/T2Reranking.json new file mode 100644 index 000000000..2f9169cbd --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 65.9449793956858, + "mrr": 75.83074738584217, + "main_score": 65.9449793956858 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/T2Retrieval.json b/results/izhx__udever-bloom-1b1/external/T2Retrieval.json new file mode 100644 index 000000000..f921135f5 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/T2Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 23.186999999999998, + "map_at_10": 63.007000000000005, + "map_at_100": 66.956, + "map_at_1000": 67.087, + "map_at_3": 44.769999999999996, + "map_at_5": 54.629000000000005, + "mrr_at_1": 81.22500000000001, + "mrr_at_10": 85.383, + "mrr_at_100": 85.555, + "mrr_at_1000": 85.564, + "mrr_at_3": 84.587, + "mrr_at_5": 85.105, + "ndcg_at_1": 81.22500000000001, + "ndcg_at_10": 72.81, + "ndcg_at_100": 78.108, + "ndcg_at_1000": 79.477, + "ndcg_at_3": 75.36, + "ndcg_at_5": 73.19099999999999, + "precision_at_1": 81.22500000000001, + "precision_at_10": 36.419000000000004, + "precision_at_100": 4.6850000000000005, + "precision_at_1000": 0.502, + "precision_at_3": 66.125, + "precision_at_5": 54.824, + "recall_at_1": 23.186999999999998, + "recall_at_10": 71.568, + "recall_at_100": 88.32799999999999, + "recall_at_1000": 95.256, + "recall_at_3": 47.04, + "recall_at_5": 59.16400000000001, + "main_score": 72.81 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/TNews.json b/results/izhx__udever-bloom-1b1/external/TNews.json new file mode 100644 index 000000000..c3c0ef465 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/TNews.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 46.08, + "f1": 44.576714769815986, + "main_score": 46.08 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/TRECCOVID.json b/results/izhx__udever-bloom-1b1/external/TRECCOVID.json new file mode 100644 index 000000000..fb7ab3020 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.23600000000000002, + "map_at_10": 2.01, + "map_at_100": 11.237, + "map_at_1000": 26.241999999999997, + "map_at_3": 0.705, + "map_at_5": 1.134, + "mrr_at_1": 92.0, + "mrr_at_10": 95.667, + "mrr_at_100": 95.667, + "mrr_at_1000": 95.667, + "mrr_at_3": 95.667, + "mrr_at_5": 95.667, + "ndcg_at_1": 88.0, + "ndcg_at_10": 80.028, + "ndcg_at_100": 58.557, + "ndcg_at_1000": 51.108, + "ndcg_at_3": 86.235, + "ndcg_at_5": 83.776, + "precision_at_1": 92.0, + "precision_at_10": 83.6, + "precision_at_100": 59.9, + "precision_at_1000": 22.556, + "precision_at_3": 92.667, + "precision_at_5": 89.60000000000001, + "recall_at_1": 0.23600000000000002, + "recall_at_10": 2.164, + "recall_at_100": 14.268, + "recall_at_1000": 47.993, + "recall_at_3": 0.728, + "recall_at_5": 1.18, + "main_score": 80.028 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/Tatoeba.json b/results/izhx__udever-bloom-1b1/external/Tatoeba.json new file mode 100644 index 000000000..a21204e29 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/Tatoeba.json @@ -0,0 +1,1354 @@ +{ + "dataset_revision": "9080400076fbadbb4c4dcb136ff4eddc40b42553", + "task_name": "Tatoeba", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "sqi-eng", + "languages": [ + "sqi-Latn", + "eng-Latn" + ], + "accuracy": 16.0, + "f1": 12.072197229668266, + "precision": 11.07125213426268, + "recall": 16.0, + "main_score": 12.072197229668266 + }, + { + "hf_subset": "fry-eng", + "languages": [ + "fry-Latn", + "eng-Latn" + ], + "accuracy": 31.79190751445087, + "f1": 25.33993944398569, + "precision": 23.462449892587426, + "recall": 31.79190751445087, + "main_score": 25.33993944398569 + }, + { + "hf_subset": "kur-eng", + "languages": [ + "kur-Latn", + "eng-Latn" + ], + "accuracy": 14.390243902439023, + "f1": 10.647146321087272, + "precision": 9.753700307679768, + "recall": 14.390243902439023, + "main_score": 10.647146321087272 + }, + { + "hf_subset": "tur-eng", + "languages": [ + "tur-Latn", + "eng-Latn" + ], + "accuracy": 7.8, + "f1": 5.087296515623526, + "precision": 4.543963123070674, + "recall": 7.8, + "main_score": 5.087296515623526 + }, + { + "hf_subset": "deu-eng", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "accuracy": 58.5, + "f1": 53.26571428571428, + "precision": 51.32397398353281, + "recall": 58.5, + "main_score": 53.26571428571428 + }, + { + "hf_subset": "nld-eng", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "accuracy": 29.5, + "f1": 25.14837668933257, + "precision": 23.949224030449837, + "recall": 29.5, + "main_score": 25.14837668933257 + }, + { + "hf_subset": "ron-eng", + "languages": [ + "ron-Latn", + "eng-Latn" + ], + "accuracy": 28.7, + "f1": 23.196045369663018, + "precision": 21.502155293536873, + "recall": 28.7, + "main_score": 23.196045369663018 + }, + { + "hf_subset": "ang-eng", + "languages": [ + "ang-Latn", + "eng-Latn" + ], + "accuracy": 27.611940298507463, + "f1": 19.431414356787492, + "precision": 17.160948504232085, + "recall": 27.611940298507463, + "main_score": 19.431414356787492 + }, + { + "hf_subset": "ido-eng", + "languages": [ + "ido-Latn", + "eng-Latn" + ], + "accuracy": 46.0, + "f1": 39.146820760938404, + "precision": 36.89055652165172, + "recall": 46.0, + "main_score": 39.146820760938404 + }, + { + "hf_subset": "jav-eng", + "languages": [ + "jav-Latn", + "eng-Latn" + ], + "accuracy": 23.414634146341466, + "f1": 18.60234074868221, + "precision": 17.310239781020474, + "recall": 23.414634146341466, + "main_score": 18.60234074868221 + }, + { + "hf_subset": "isl-eng", + "languages": [ + "isl-Latn", + "eng-Latn" + ], + "accuracy": 7.3, + "f1": 5.456411432480631, + "precision": 5.073425278627456, + "recall": 7.3, + "main_score": 5.456411432480631 + }, + { + "hf_subset": "slv-eng", + "languages": [ + "slv-Latn", + "eng-Latn" + ], + "accuracy": 10.814094775212636, + "f1": 8.096556306772158, + "precision": 7.501928709802902, + "recall": 10.814094775212636, + "main_score": 8.096556306772158 + }, + { + "hf_subset": "cym-eng", + "languages": [ + "cym-Latn", + "eng-Latn" + ], + "accuracy": 11.304347826086957, + "f1": 7.766717493033283, + "precision": 6.980930791147511, + "recall": 11.304347826086957, + "main_score": 7.766717493033283 + }, + { + "hf_subset": "kaz-eng", + "languages": [ + "kaz-Cyrl", + "eng-Latn" + ], + "accuracy": 6.260869565217392, + "f1": 4.695624631925284, + "precision": 4.520242639508398, + "recall": 6.260869565217392, + "main_score": 4.695624631925284 + }, + { + "hf_subset": "est-eng", + "languages": [ + "est-Latn", + "eng-Latn" + ], + "accuracy": 6.9, + "f1": 4.467212205066257, + "precision": 4.004142723685108, + "recall": 6.9, + "main_score": 4.467212205066257 + }, + { + "hf_subset": "heb-eng", + "languages": [ + "heb-Hebr", + "eng-Latn" + ], + "accuracy": 1.0999999999999999, + "f1": 0.6945869191049914, + "precision": 0.6078431372549019, + "recall": 1.0999999999999999, + "main_score": 0.6945869191049914 + }, + { + "hf_subset": "gla-eng", + "languages": [ + "gla-Latn", + "eng-Latn" + ], + "accuracy": 4.583835946924005, + "f1": 2.9858475730729075, + "precision": 2.665996515212438, + "recall": 4.583835946924005, + "main_score": 2.9858475730729075 + }, + { + "hf_subset": "mar-eng", + "languages": [ + "mar-Deva", + "eng-Latn" + ], + "accuracy": 59.199999999999996, + "f1": 52.67345238095238, + "precision": 50.13575757575758, + "recall": 59.199999999999996, + "main_score": 52.67345238095238 + }, + { + "hf_subset": "lat-eng", + "languages": [ + "lat-Latn", + "eng-Latn" + ], + "accuracy": 35.0, + "f1": 27.648653013653007, + "precision": 25.534839833369244, + "recall": 35.0, + "main_score": 27.648653013653007 + }, + { + "hf_subset": "bel-eng", + "languages": [ + "bel-Cyrl", + "eng-Latn" + ], + "accuracy": 13.100000000000001, + "f1": 9.62336638477808, + "precision": 8.875194920058407, + "recall": 13.100000000000001, + "main_score": 9.62336638477808 + }, + { + "hf_subset": "pms-eng", + "languages": [ + "pms-Latn", + "eng-Latn" + ], + "accuracy": 32.95238095238095, + "f1": 27.600581429152854, + "precision": 26.078624096473064, + "recall": 32.95238095238095, + "main_score": 27.600581429152854 + }, + { + "hf_subset": "gle-eng", + "languages": [ + "gle-Latn", + "eng-Latn" + ], + "accuracy": 6.5, + "f1": 3.9595645184317045, + "precision": 3.5893378968989453, + "recall": 6.5, + "main_score": 3.9595645184317045 + }, + { + "hf_subset": "pes-eng", + "languages": [ + "pes-Arab", + "eng-Latn" + ], + "accuracy": 17.8, + "f1": 13.508124743694003, + "precision": 12.24545634920635, + "recall": 17.8, + "main_score": 13.508124743694003 + }, + { + "hf_subset": "nob-eng", + "languages": [ + "nob-Latn", + "eng-Latn" + ], + "accuracy": 21.7, + "f1": 17.67074499610417, + "precision": 16.47070885787265, + "recall": 21.7, + "main_score": 17.67074499610417 + }, + { + "hf_subset": "bul-eng", + "languages": [ + "bul-Cyrl", + "eng-Latn" + ], + "accuracy": 19.3, + "f1": 14.249803276788573, + "precision": 12.916981621996223, + "recall": 19.3, + "main_score": 14.249803276788573 + }, + { + "hf_subset": "cbk-eng", + "languages": [ + "cbk-Latn", + "eng-Latn" + ], + "accuracy": 67.2, + "f1": 61.03507936507936, + "precision": 58.69699346405229, + "recall": 67.2, + "main_score": 61.03507936507936 + }, + { + "hf_subset": "hun-eng", + "languages": [ + "hun-Latn", + "eng-Latn" + ], + "accuracy": 6.5, + "f1": 4.295097572176196, + "precision": 3.809609027256814, + "recall": 6.5, + "main_score": 4.295097572176196 + }, + { + "hf_subset": "uig-eng", + "languages": [ + "uig-Arab", + "eng-Latn" + ], + "accuracy": 2.8000000000000003, + "f1": 1.678577135635959, + "precision": 1.455966810966811, + "recall": 2.8000000000000003, + "main_score": 1.678577135635959 + }, + { + "hf_subset": "rus-eng", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "accuracy": 47.9, + "f1": 40.26661017143776, + "precision": 37.680778943278945, + "recall": 47.9, + "main_score": 40.26661017143776 + }, + { + "hf_subset": "spa-eng", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "accuracy": 97.0, + "f1": 96.05, + "precision": 95.58333333333334, + "recall": 97.0, + "main_score": 96.05 + }, + { + "hf_subset": "hye-eng", + "languages": [ + "hye-Armn", + "eng-Latn" + ], + "accuracy": 0.9433962264150944, + "f1": 0.6457074216068709, + "precision": 0.6068362258275373, + "recall": 0.9433962264150944, + "main_score": 0.6457074216068709 + }, + { + "hf_subset": "tel-eng", + "languages": [ + "tel-Telu", + "eng-Latn" + ], + "accuracy": 74.78632478632478, + "f1": 69.05372405372405, + "precision": 66.82336182336182, + "recall": 74.78632478632478, + "main_score": 69.05372405372405 + }, + { + "hf_subset": "afr-eng", + "languages": [ + "afr-Latn", + "eng-Latn" + ], + "accuracy": 19.2, + "f1": 14.54460169057995, + "precision": 13.265236397589335, + "recall": 19.2, + "main_score": 14.54460169057995 + }, + { + "hf_subset": "mon-eng", + "languages": [ + "mon-Cyrl", + "eng-Latn" + ], + "accuracy": 6.8181818181818175, + "f1": 4.78808236251355, + "precision": 4.4579691142191145, + "recall": 6.8181818181818175, + "main_score": 4.78808236251355 + }, + { + "hf_subset": "arz-eng", + "languages": [ + "arz-Arab", + "eng-Latn" + ], + "accuracy": 72.53668763102725, + "f1": 66.00978336827393, + "precision": 63.21104122990915, + "recall": 72.53668763102725, + "main_score": 66.00978336827393 + }, + { + "hf_subset": "hrv-eng", + "languages": [ + "hrv-Latn", + "eng-Latn" + ], + "accuracy": 12.7, + "f1": 9.731576351893512, + "precision": 8.986658245110663, + "recall": 12.7, + "main_score": 9.731576351893512 + }, + { + "hf_subset": "nov-eng", + "languages": [ + "nov-Latn", + "eng-Latn" + ], + "accuracy": 57.19844357976653, + "f1": 49.138410227904394, + "precision": 45.88197146562906, + "recall": 57.19844357976653, + "main_score": 49.138410227904394 + }, + { + "hf_subset": "gsw-eng", + "languages": [ + "gsw-Latn", + "eng-Latn" + ], + "accuracy": 28.205128205128204, + "f1": 21.863766936230704, + "precision": 20.212164378831048, + "recall": 28.205128205128204, + "main_score": 21.863766936230704 + }, + { + "hf_subset": "nds-eng", + "languages": [ + "nds-Latn", + "eng-Latn" + ], + "accuracy": 23.3, + "f1": 17.75959261382939, + "precision": 16.18907864830205, + "recall": 23.3, + "main_score": 17.75959261382939 + }, + { + "hf_subset": "ukr-eng", + "languages": [ + "ukr-Cyrl", + "eng-Latn" + ], + "accuracy": 19.1, + "f1": 14.320618913993744, + "precision": 12.980748202777615, + "recall": 19.1, + "main_score": 14.320618913993744 + }, + { + "hf_subset": "uzb-eng", + "languages": [ + "uzb-Latn", + "eng-Latn" + ], + "accuracy": 8.411214953271028, + "f1": 5.152309182683014, + "precision": 4.456214003721122, + "recall": 8.411214953271028, + "main_score": 5.152309182683014 + }, + { + "hf_subset": "lit-eng", + "languages": [ + "lit-Latn", + "eng-Latn" + ], + "accuracy": 6.7, + "f1": 4.833930504764646, + "precision": 4.475394510103751, + "recall": 6.7, + "main_score": 4.833930504764646 + }, + { + "hf_subset": "ina-eng", + "languages": [ + "ina-Latn", + "eng-Latn" + ], + "accuracy": 79.4, + "f1": 74.59166666666667, + "precision": 72.59928571428571, + "recall": 79.4, + "main_score": 74.59166666666667 + }, + { + "hf_subset": "lfn-eng", + "languages": [ + "lfn-Latn", + "eng-Latn" + ], + "accuracy": 47.8, + "f1": 41.944877899877895, + "precision": 39.87211701696996, + "recall": 47.8, + "main_score": 41.944877899877895 + }, + { + "hf_subset": "zsm-eng", + "languages": [ + "zsm-Latn", + "eng-Latn" + ], + "accuracy": 85.0, + "f1": 81.47666666666666, + "precision": 79.95909090909092, + "recall": 85.0, + "main_score": 81.47666666666666 + }, + { + "hf_subset": "ita-eng", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "accuracy": 62.6, + "f1": 55.96755336167101, + "precision": 53.49577131202131, + "recall": 62.6, + "main_score": 55.96755336167101 + }, + { + "hf_subset": "cmn-eng", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "accuracy": 95.3, + "f1": 93.96666666666668, + "precision": 93.33333333333333, + "recall": 95.3, + "main_score": 93.96666666666668 + }, + { + "hf_subset": "lvs-eng", + "languages": [ + "lvs-Latn", + "eng-Latn" + ], + "accuracy": 7.7, + "f1": 5.534253062728994, + "precision": 4.985756669800788, + "recall": 7.7, + "main_score": 5.534253062728994 + }, + { + "hf_subset": "glg-eng", + "languages": [ + "glg-Latn", + "eng-Latn" + ], + "accuracy": 80.5, + "f1": 75.91705128205129, + "precision": 73.96261904761904, + "recall": 80.5, + "main_score": 75.91705128205129 + }, + { + "hf_subset": "ceb-eng", + "languages": [ + "ceb-Latn", + "eng-Latn" + ], + "accuracy": 10.333333333333334, + "f1": 7.753678057001793, + "precision": 7.207614225986279, + "recall": 10.333333333333334, + "main_score": 7.753678057001793 + }, + { + "hf_subset": "bre-eng", + "languages": [ + "bre-Latn", + "eng-Latn" + ], + "accuracy": 8.6, + "f1": 5.345683110450071, + "precision": 4.569931461907268, + "recall": 8.6, + "main_score": 5.345683110450071 + }, + { + "hf_subset": "ben-eng", + "languages": [ + "ben-Beng", + "eng-Latn" + ], + "accuracy": 82.8, + "f1": 78.75999999999999, + "precision": 76.97666666666666, + "recall": 82.8, + "main_score": 78.75999999999999 + }, + { + "hf_subset": "swg-eng", + "languages": [ + "swg-Latn", + "eng-Latn" + ], + "accuracy": 26.785714285714285, + "f1": 21.62627551020408, + "precision": 20.17219387755102, + "recall": 26.785714285714285, + "main_score": 21.62627551020408 + }, + { + "hf_subset": "arq-eng", + "languages": [ + "arq-Arab", + "eng-Latn" + ], + "accuracy": 32.93084522502745, + "f1": 26.281513627941628, + "precision": 24.05050619189897, + "recall": 32.93084522502745, + "main_score": 26.281513627941628 + }, + { + "hf_subset": "kab-eng", + "languages": [ + "kab-Latn", + "eng-Latn" + ], + "accuracy": 2.1, + "f1": 1.144678201129814, + "precision": 1.0228433014856975, + "recall": 2.1, + "main_score": 1.144678201129814 + }, + { + "hf_subset": "fra-eng", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "accuracy": 94.3, + "f1": 92.77000000000001, + "precision": 92.09166666666667, + "recall": 94.3, + "main_score": 92.77000000000001 + }, + { + "hf_subset": "por-eng", + "languages": [ + "por-Latn", + "eng-Latn" + ], + "accuracy": 94.1, + "f1": 92.51666666666667, + "precision": 91.75, + "recall": 94.1, + "main_score": 92.51666666666667 + }, + { + "hf_subset": "tat-eng", + "languages": [ + "tat-Cyrl", + "eng-Latn" + ], + "accuracy": 4.1000000000000005, + "f1": 2.856566814643248, + "precision": 2.6200368188362506, + "recall": 4.1000000000000005, + "main_score": 2.856566814643248 + }, + { + "hf_subset": "oci-eng", + "languages": [ + "oci-Latn", + "eng-Latn" + ], + "accuracy": 45.9, + "f1": 39.02207792207792, + "precision": 36.524158064158065, + "recall": 45.9, + "main_score": 39.02207792207792 + }, + { + "hf_subset": "pol-eng", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "accuracy": 13.4, + "f1": 9.61091517529598, + "precision": 8.755127233877234, + "recall": 13.4, + "main_score": 9.61091517529598 + }, + { + "hf_subset": "war-eng", + "languages": [ + "war-Latn", + "eng-Latn" + ], + "accuracy": 11.1, + "f1": 8.068379205189386, + "precision": 7.400827352459544, + "recall": 11.1, + "main_score": 8.068379205189386 + }, + { + "hf_subset": "aze-eng", + "languages": [ + "aze-Latn", + "eng-Latn" + ], + "accuracy": 8.9, + "f1": 6.632376174517077, + "precision": 6.07114926880766, + "recall": 8.9, + "main_score": 6.632376174517077 + }, + { + "hf_subset": "vie-eng", + "languages": [ + "vie-Latn", + "eng-Latn" + ], + "accuracy": 95.8, + "f1": 94.57333333333334, + "precision": 93.99166666666667, + "recall": 95.8, + "main_score": 94.57333333333334 + }, + { + "hf_subset": "nno-eng", + "languages": [ + "nno-Latn", + "eng-Latn" + ], + "accuracy": 16.6, + "f1": 13.328940031174618, + "precision": 12.47204179664362, + "recall": 16.6, + "main_score": 13.328940031174618 + }, + { + "hf_subset": "cha-eng", + "languages": [ + "cha-Latn", + "eng-Latn" + ], + "accuracy": 29.927007299270077, + "f1": 22.899432278994322, + "precision": 20.917701519891303, + "recall": 29.927007299270077, + "main_score": 22.899432278994322 + }, + { + "hf_subset": "mhr-eng", + "languages": [ + "mhr-Cyrl", + "eng-Latn" + ], + "accuracy": 3.5000000000000004, + "f1": 2.3809722674927083, + "precision": 2.1368238705738705, + "recall": 3.5000000000000004, + "main_score": 2.3809722674927083 + }, + { + "hf_subset": "dan-eng", + "languages": [ + "dan-Latn", + "eng-Latn" + ], + "accuracy": 21.6, + "f1": 17.54705304666238, + "precision": 16.40586970344022, + "recall": 21.6, + "main_score": 17.54705304666238 + }, + { + "hf_subset": "ell-eng", + "languages": [ + "ell-Grek", + "eng-Latn" + ], + "accuracy": 3.5999999999999996, + "f1": 2.3374438522182763, + "precision": 2.099034070054354, + "recall": 3.5999999999999996, + "main_score": 2.3374438522182763 + }, + { + "hf_subset": "amh-eng", + "languages": [ + "amh-Ethi", + "eng-Latn" + ], + "accuracy": 1.7857142857142856, + "f1": 0.12056962540054328, + "precision": 0.0628414244485673, + "recall": 1.7857142857142856, + "main_score": 0.12056962540054328 + }, + { + "hf_subset": "pam-eng", + "languages": [ + "pam-Latn", + "eng-Latn" + ], + "accuracy": 7.3999999999999995, + "f1": 5.677284679983816, + "precision": 5.314304945764335, + "recall": 7.3999999999999995, + "main_score": 5.677284679983816 + }, + { + "hf_subset": "hsb-eng", + "languages": [ + "hsb-Latn", + "eng-Latn" + ], + "accuracy": 13.043478260869565, + "f1": 9.776306477806768, + "precision": 9.09389484497104, + "recall": 13.043478260869565, + "main_score": 9.776306477806768 + }, + { + "hf_subset": "srp-eng", + "languages": [ + "srp-Cyrl", + "eng-Latn" + ], + "accuracy": 12.3, + "f1": 8.757454269574472, + "precision": 7.882868657107786, + "recall": 12.3, + "main_score": 8.757454269574472 + }, + { + "hf_subset": "epo-eng", + "languages": [ + "epo-Latn", + "eng-Latn" + ], + "accuracy": 28.9, + "f1": 23.108557220070377, + "precision": 21.35433328562513, + "recall": 28.9, + "main_score": 23.108557220070377 + }, + { + "hf_subset": "kzj-eng", + "languages": [ + "kzj-Latn", + "eng-Latn" + ], + "accuracy": 6.4, + "f1": 4.781499273475174, + "precision": 4.4496040053464565, + "recall": 6.4, + "main_score": 4.781499273475174 + }, + { + "hf_subset": "awa-eng", + "languages": [ + "awa-Deva", + "eng-Latn" + ], + "accuracy": 51.94805194805194, + "f1": 45.658020784071205, + "precision": 43.54163933709388, + "recall": 51.94805194805194, + "main_score": 45.658020784071205 + }, + { + "hf_subset": "fao-eng", + "languages": [ + "fao-Latn", + "eng-Latn" + ], + "accuracy": 14.50381679389313, + "f1": 9.416337348733041, + "precision": 8.17070085031468, + "recall": 14.50381679389313, + "main_score": 9.416337348733041 + }, + { + "hf_subset": "mal-eng", + "languages": [ + "mal-Mlym", + "eng-Latn" + ], + "accuracy": 88.79184861717613, + "f1": 85.56040756914118, + "precision": 84.08539543910723, + "recall": 88.79184861717613, + "main_score": 85.56040756914118 + }, + { + "hf_subset": "ile-eng", + "languages": [ + "ile-Latn", + "eng-Latn" + ], + "accuracy": 62.5, + "f1": 56.0802331002331, + "precision": 53.613788230739445, + "recall": 62.5, + "main_score": 56.0802331002331 + }, + { + "hf_subset": "bos-eng", + "languages": [ + "bos-Latn", + "eng-Latn" + ], + "accuracy": 16.101694915254235, + "f1": 11.927172795816864, + "precision": 10.939011968423735, + "recall": 16.101694915254235, + "main_score": 11.927172795816864 + }, + { + "hf_subset": "cor-eng", + "languages": [ + "cor-Latn", + "eng-Latn" + ], + "accuracy": 5.5, + "f1": 3.1258727724517197, + "precision": 2.679506580565404, + "recall": 5.5, + "main_score": 3.1258727724517197 + }, + { + "hf_subset": "cat-eng", + "languages": [ + "cat-Latn", + "eng-Latn" + ], + "accuracy": 87.6, + "f1": 84.53666666666666, + "precision": 83.125, + "recall": 87.6, + "main_score": 84.53666666666666 + }, + { + "hf_subset": "eus-eng", + "languages": [ + "eus-Latn", + "eng-Latn" + ], + "accuracy": 65.7, + "f1": 59.64428571428571, + "precision": 57.30171568627451, + "recall": 65.7, + "main_score": 59.64428571428571 + }, + { + "hf_subset": "yue-eng", + "languages": [ + "yue-Hant", + "eng-Latn" + ], + "accuracy": 84.7, + "f1": 81.34523809523809, + "precision": 79.82777777777778, + "recall": 84.7, + "main_score": 81.34523809523809 + }, + { + "hf_subset": "swe-eng", + "languages": [ + "swe-Latn", + "eng-Latn" + ], + "accuracy": 18.6, + "f1": 14.93884103295868, + "precision": 14.059478087803882, + "recall": 18.6, + "main_score": 14.93884103295868 + }, + { + "hf_subset": "dtp-eng", + "languages": [ + "dtp-Latn", + "eng-Latn" + ], + "accuracy": 5.5, + "f1": 3.815842342611909, + "precision": 3.565130046415928, + "recall": 5.5, + "main_score": 3.815842342611909 + }, + { + "hf_subset": "kat-eng", + "languages": [ + "kat-Geor", + "eng-Latn" + ], + "accuracy": 1.2064343163538873, + "f1": 0.9147778048582338, + "precision": 0.8441848589301671, + "recall": 1.2064343163538873, + "main_score": 0.9147778048582338 + }, + { + "hf_subset": "jpn-eng", + "languages": [ + "jpn-Jpan", + "eng-Latn" + ], + "accuracy": 71.3, + "f1": 65.97350649350648, + "precision": 63.85277777777777, + "recall": 71.3, + "main_score": 65.97350649350648 + }, + { + "hf_subset": "csb-eng", + "languages": [ + "csb-Latn", + "eng-Latn" + ], + "accuracy": 13.043478260869565, + "f1": 9.043759194508343, + "precision": 8.097993164155737, + "recall": 13.043478260869565, + "main_score": 9.043759194508343 + }, + { + "hf_subset": "xho-eng", + "languages": [ + "xho-Latn", + "eng-Latn" + ], + "accuracy": 11.267605633802818, + "f1": 8.30172606520348, + "precision": 7.737059013603729, + "recall": 11.267605633802818, + "main_score": 8.30172606520348 + }, + { + "hf_subset": "orv-eng", + "languages": [ + "orv-Cyrl", + "eng-Latn" + ], + "accuracy": 5.029940119760479, + "f1": 3.07264903262435, + "precision": 2.7633481831401783, + "recall": 5.029940119760479, + "main_score": 3.07264903262435 + }, + { + "hf_subset": "ind-eng", + "languages": [ + "ind-Latn", + "eng-Latn" + ], + "accuracy": 90.60000000000001, + "f1": 88.29666666666667, + "precision": 87.21666666666667, + "recall": 90.60000000000001, + "main_score": 88.29666666666667 + }, + { + "hf_subset": "tuk-eng", + "languages": [ + "tuk-Latn", + "eng-Latn" + ], + "accuracy": 7.389162561576355, + "f1": 5.142049156827481, + "precision": 4.756506859714838, + "recall": 7.389162561576355, + "main_score": 5.142049156827481 + }, + { + "hf_subset": "max-eng", + "languages": [ + "max-Deva", + "eng-Latn" + ], + "accuracy": 44.36619718309859, + "f1": 39.378676538811256, + "precision": 37.71007182068377, + "recall": 44.36619718309859, + "main_score": 39.378676538811256 + }, + { + "hf_subset": "swh-eng", + "languages": [ + "swh-Latn", + "eng-Latn" + ], + "accuracy": 21.794871794871796, + "f1": 16.314588577641768, + "precision": 14.962288221599962, + "recall": 21.794871794871796, + "main_score": 16.314588577641768 + }, + { + "hf_subset": "hin-eng", + "languages": [ + "hin-Deva", + "eng-Latn" + ], + "accuracy": 93.5, + "f1": 91.53333333333333, + "precision": 90.58333333333333, + "recall": 93.5, + "main_score": 91.53333333333333 + }, + { + "hf_subset": "dsb-eng", + "languages": [ + "dsb-Latn", + "eng-Latn" + ], + "accuracy": 12.526096033402922, + "f1": 9.57488704957882, + "precision": 8.943001322776725, + "recall": 12.526096033402922, + "main_score": 9.57488704957882 + }, + { + "hf_subset": "ber-eng", + "languages": [ + "ber-Tfng", + "eng-Latn" + ], + "accuracy": 6.9, + "f1": 4.5770099528158, + "precision": 4.166915172638407, + "recall": 6.9, + "main_score": 4.5770099528158 + }, + { + "hf_subset": "tam-eng", + "languages": [ + "tam-Taml", + "eng-Latn" + ], + "accuracy": 81.75895765472313, + "f1": 77.29641693811075, + "precision": 75.3528773072747, + "recall": 81.75895765472313, + "main_score": 77.29641693811075 + }, + { + "hf_subset": "slk-eng", + "languages": [ + "slk-Latn", + "eng-Latn" + ], + "accuracy": 11.0, + "f1": 8.522094712720397, + "precision": 7.883076528738328, + "recall": 11.0, + "main_score": 8.522094712720397 + }, + { + "hf_subset": "tgl-eng", + "languages": [ + "tgl-Latn", + "eng-Latn" + ], + "accuracy": 11.3, + "f1": 8.626190704312432, + "precision": 7.994434420637179, + "recall": 11.3, + "main_score": 8.626190704312432 + }, + { + "hf_subset": "ast-eng", + "languages": [ + "ast-Latn", + "eng-Latn" + ], + "accuracy": 74.01574803149606, + "f1": 68.16272965879266, + "precision": 65.99737532808399, + "recall": 74.01574803149606, + "main_score": 68.16272965879266 + }, + { + "hf_subset": "mkd-eng", + "languages": [ + "mkd-Cyrl", + "eng-Latn" + ], + "accuracy": 9.0, + "f1": 6.189958106409719, + "precision": 5.445330404889228, + "recall": 9.0, + "main_score": 6.189958106409719 + }, + { + "hf_subset": "khm-eng", + "languages": [ + "khm-Khmr", + "eng-Latn" + ], + "accuracy": 0.2770083102493075, + "f1": 0.011664800298618888, + "precision": 0.005957856811560036, + "recall": 0.2770083102493075, + "main_score": 0.011664800298618888 + }, + { + "hf_subset": "ces-eng", + "languages": [ + "ces-Latn", + "eng-Latn" + ], + "accuracy": 8.799999999999999, + "f1": 5.636139438882621, + "precision": 4.993972914553003, + "recall": 8.799999999999999, + "main_score": 5.636139438882621 + }, + { + "hf_subset": "tzl-eng", + "languages": [ + "tzl-Latn", + "eng-Latn" + ], + "accuracy": 37.5, + "f1": 31.31118881118881, + "precision": 29.439102564102566, + "recall": 37.5, + "main_score": 31.31118881118881 + }, + { + "hf_subset": "urd-eng", + "languages": [ + "urd-Arab", + "eng-Latn" + ], + "accuracy": 74.5, + "f1": 68.96380952380953, + "precision": 66.67968253968255, + "recall": 74.5, + "main_score": 68.96380952380953 + }, + { + "hf_subset": "ara-eng", + "languages": [ + "ara-Arab", + "eng-Latn" + ], + "accuracy": 89.0, + "f1": 86.42523809523809, + "precision": 85.28333333333332, + "recall": 89.0, + "main_score": 86.42523809523809 + }, + { + "hf_subset": "kor-eng", + "languages": [ + "kor-Hang", + "eng-Latn" + ], + "accuracy": 17.2, + "f1": 12.555081585081584, + "precision": 11.292745310245309, + "recall": 17.2, + "main_score": 12.555081585081584 + }, + { + "hf_subset": "yid-eng", + "languages": [ + "yid-Hebr", + "eng-Latn" + ], + "accuracy": 0.3537735849056604, + "f1": 0.12010530448397783, + "precision": 0.11902214818132154, + "recall": 0.3537735849056604, + "main_score": 0.12010530448397783 + }, + { + "hf_subset": "fin-eng", + "languages": [ + "fin-Latn", + "eng-Latn" + ], + "accuracy": 5.8999999999999995, + "f1": 4.26942162679512, + "precision": 3.967144120536608, + "recall": 5.8999999999999995, + "main_score": 4.26942162679512 + }, + { + "hf_subset": "tha-eng", + "languages": [ + "tha-Thai", + "eng-Latn" + ], + "accuracy": 2.737226277372263, + "f1": 1.64474042578532, + "precision": 1.567547886228932, + "recall": 2.737226277372263, + "main_score": 1.64474042578532 + }, + { + "hf_subset": "wuu-eng", + "languages": [ + "wuu-Hans", + "eng-Latn" + ], + "accuracy": 84.89999999999999, + "f1": 81.17555555555555, + "precision": 79.56416666666667, + "recall": 84.89999999999999, + "main_score": 81.17555555555555 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/ThuNewsClusteringP2P.json b/results/izhx__udever-bloom-1b1/external/ThuNewsClusteringP2P.json new file mode 100644 index 000000000..f007c0780 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/ThuNewsClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 48.90675612551149, + "main_score": 48.90675612551149 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/ThuNewsClusteringS2S.json b/results/izhx__udever-bloom-1b1/external/ThuNewsClusteringS2S.json new file mode 100644 index 000000000..c14190055 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/ThuNewsClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 48.33955538054993, + "main_score": 48.33955538054993 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/Touche2020.json b/results/izhx__udever-bloom-1b1/external/Touche2020.json new file mode 100644 index 000000000..8716164ab --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.604, + "map_at_10": 10.005, + "map_at_100": 15.626999999999999, + "map_at_1000": 16.974, + "map_at_3": 5.333, + "map_at_5": 7.031999999999999, + "mrr_at_1": 30.612000000000002, + "mrr_at_10": 45.324999999999996, + "mrr_at_100": 46.261, + "mrr_at_1000": 46.275, + "mrr_at_3": 41.156, + "mrr_at_5": 43.401, + "ndcg_at_1": 28.571, + "ndcg_at_10": 24.917, + "ndcg_at_100": 35.304, + "ndcg_at_1000": 45.973000000000006, + "ndcg_at_3": 25.813000000000002, + "ndcg_at_5": 24.627, + "precision_at_1": 30.612000000000002, + "precision_at_10": 23.061, + "precision_at_100": 7.327, + "precision_at_1000": 1.443, + "precision_at_3": 27.211000000000002, + "precision_at_5": 24.898, + "recall_at_1": 2.604, + "recall_at_10": 16.459, + "recall_at_100": 45.344, + "recall_at_1000": 77.437, + "recall_at_3": 6.349, + "recall_at_5": 9.487, + "main_score": 24.917 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/ToxicConversationsClassification.json b/results/izhx__udever-bloom-1b1/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..5bca9c609 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.01180000000001, + "ap": 14.626345366340157, + "f1": 55.341805198526096, + "main_score": 72.01180000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/TweetSentimentExtractionClassification.json b/results/izhx__udever-bloom-1b1/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..4912b4119 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.51103565365025, + "f1": 61.90767326783032, + "main_score": 61.51103565365025 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/TwentyNewsgroupsClustering.json b/results/izhx__udever-bloom-1b1/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..76a7a453f --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.80161553107969, + "main_score": 39.80161553107969 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/TwitterSemEval2015.json b/results/izhx__udever-bloom-1b1/external/TwitterSemEval2015.json new file mode 100644 index 000000000..fdc9b8309 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 84.32377659891517, + "cos_sim_ap": 69.1354481874608, + "cos_sim_f1": 64.52149133222514, + "cos_sim_precision": 58.65716753022453, + "cos_sim_recall": 71.68865435356201, + "dot_accuracy": 82.82172021219527, + "dot_ap": 64.00853575391538, + "dot_f1": 60.32341223341926, + "dot_precision": 54.25801011804384, + "dot_recall": 67.9155672823219, + "euclidean_accuracy": 84.1151576563152, + "euclidean_ap": 67.83576623331122, + "euclidean_f1": 63.15157338457842, + "euclidean_precision": 57.95855379188713, + "euclidean_recall": 69.36675461741424, + "manhattan_accuracy": 84.09727603266377, + "manhattan_ap": 67.82849173216036, + "manhattan_f1": 63.34376956793989, + "manhattan_precision": 60.28605482717521, + "manhattan_recall": 66.72823218997361, + "max_accuracy": 84.32377659891517, + "max_ap": 69.1354481874608, + "max_f1": 64.52149133222514, + "main_score": 69.1354481874608 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/TwitterURLCorpus.json b/results/izhx__udever-bloom-1b1/external/TwitterURLCorpus.json new file mode 100644 index 000000000..24c80105f --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.90053168781775, + "cos_sim_ap": 85.61513175543742, + "cos_sim_f1": 78.12614999632001, + "cos_sim_precision": 74.82729451571973, + "cos_sim_recall": 81.72928857406838, + "dot_accuracy": 88.3086894089339, + "dot_ap": 83.12888443163673, + "dot_f1": 77.2718948023882, + "dot_precision": 73.69524208761266, + "dot_recall": 81.21342777948875, + "euclidean_accuracy": 88.51825978965343, + "euclidean_ap": 84.99220411819988, + "euclidean_f1": 77.30590577305905, + "euclidean_precision": 74.16183335691045, + "euclidean_recall": 80.72836464428703, + "manhattan_accuracy": 88.54542632048744, + "manhattan_ap": 84.98068073894048, + "manhattan_f1": 77.28853696440466, + "manhattan_precision": 74.39806240205158, + "manhattan_recall": 80.41268863566368, + "max_accuracy": 88.90053168781775, + "max_ap": 85.61513175543742, + "max_f1": 78.12614999632001, + "main_score": 85.61513175543742 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/VideoRetrieval.json b/results/izhx__udever-bloom-1b1/external/VideoRetrieval.json new file mode 100644 index 000000000..fa47fff18 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/VideoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 41.8, + "map_at_10": 51.413, + "map_at_100": 52.127, + "map_at_1000": 52.168000000000006, + "map_at_3": 49.25, + "map_at_5": 50.425, + "mrr_at_1": 41.699999999999996, + "mrr_at_10": 51.363, + "mrr_at_100": 52.077, + "mrr_at_1000": 52.117999999999995, + "mrr_at_3": 49.2, + "mrr_at_5": 50.375, + "ndcg_at_1": 41.8, + "ndcg_at_10": 56.071000000000005, + "ndcg_at_100": 59.58599999999999, + "ndcg_at_1000": 60.718, + "ndcg_at_3": 51.605999999999995, + "ndcg_at_5": 53.714, + "precision_at_1": 41.8, + "precision_at_10": 7.07, + "precision_at_100": 0.873, + "precision_at_1000": 0.096, + "precision_at_3": 19.467000000000002, + "precision_at_5": 12.7, + "recall_at_1": 41.8, + "recall_at_10": 70.7, + "recall_at_100": 87.3, + "recall_at_1000": 96.39999999999999, + "recall_at_3": 58.4, + "recall_at_5": 63.5, + "main_score": 56.071000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/Waimai.json b/results/izhx__udever-bloom-1b1/external/Waimai.json new file mode 100644 index 000000000..734deb916 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/Waimai.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 82.67, + "ap": 63.20621490084175, + "f1": 80.81778523320692, + "main_score": 82.67 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-1b1/external/model_meta.json b/results/izhx__udever-bloom-1b1/external/model_meta.json new file mode 100644 index 000000000..b91aff140 --- /dev/null +++ b/results/izhx__udever-bloom-1b1/external/model_meta.json @@ -0,0 +1,69 @@ +{ + "name": "izhx/udever-bloom-1b1", + "revision": "7bf1ee29878cb040b2708a691aa4b61f27eaa252", + "release_date": "2023-10-24", + "languages": [ + "ak", + "ar", + "as", + "bm", + "bn", + "ca", + "code", + "en", + "es", + "eu", + "fon", + "fr", + "gu", + "hi", + "id", + "ig", + "ki", + "kn", + "lg", + "ln", + "ml", + "mr", + "ne", + "nso", + "ny", + "or", + "pa", + "pt", + "rn", + "rw", + "sn", + "st", + "sw", + "ta", + "te", + "tn", + "ts", + "tum", + "tw", + "ur", + "vi", + "wo", + "xh", + "yo", + "zh", + "zhs", + "zht", + "zu" + ], + "loader": null, + "n_parameters": 1065338184, + "memory_usage": null, + "max_tokens": 2048, + "embed_dim": 1536, + "license": "bigscience-bloom-rail-1.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/AFQMC.json b/results/izhx__udever-bloom-3b/external/AFQMC.json new file mode 100644 index 000000000..023e414e2 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/AFQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 30.0892025910701, + "cos_sim_spearman": 30.549960550731782, + "euclidean_pearson": 29.68940732194022, + "euclidean_spearman": 30.254869740623715, + "manhattan_pearson": 29.693089299297732, + "manhattan_spearman": 30.21293218369479, + "cosine_pearson": 30.0892025910701, + "cosine_spearman": 30.549960550731782, + "main_score": 30.549960550731782 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/ATEC.json b/results/izhx__udever-bloom-3b/external/ATEC.json new file mode 100644 index 000000000..8d1c6b39d --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/ATEC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 36.469490571108054, + "cos_sim_spearman": 37.34843946308442, + "euclidean_pearson": 39.697664194640886, + "euclidean_spearman": 37.623976566242334, + "manhattan_pearson": 39.8389981955552, + "manhattan_spearman": 37.689111419556, + "cosine_pearson": 36.469490571108054, + "cosine_spearman": 37.34843946308442, + "main_score": 37.34843946308442 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/AmazonCounterfactualClassification.json b/results/izhx__udever-bloom-3b/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..c39b40119 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.8955223880597, + "ap": 43.270679598956285, + "f1": 73.10740489387823, + "main_score": 78.8955223880597 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/AmazonPolarityClassification.json b/results/izhx__udever-bloom-3b/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..01fb2a5ce --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 87.981225, + "ap": 83.55047186016726, + "f1": 87.95185650917034, + "main_score": 87.981225 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/AmazonReviewsClassification.json b/results/izhx__udever-bloom-3b/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..88e0c2dbf --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 42.58, + "f1": 42.011158109228425, + "main_score": 42.58 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/ArguAna.json b/results/izhx__udever-bloom-3b/external/ArguAna.json new file mode 100644 index 000000000..7efdec328 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.688, + "map_at_10": 38.855000000000004, + "map_at_100": 39.859, + "map_at_1000": 39.871, + "map_at_3": 33.428000000000004, + "map_at_5": 36.571999999999996, + "mrr_at_1": 23.044, + "mrr_at_10": 39.022, + "mrr_at_100": 40.019, + "mrr_at_1000": 40.03, + "mrr_at_3": 33.642, + "mrr_at_5": 36.707, + "ndcg_at_1": 22.688, + "ndcg_at_10": 48.33, + "ndcg_at_100": 52.616, + "ndcg_at_1000": 52.891999999999996, + "ndcg_at_3": 37.104, + "ndcg_at_5": 42.764, + "precision_at_1": 22.688, + "precision_at_10": 7.881, + "precision_at_100": 0.975, + "precision_at_1000": 0.1, + "precision_at_3": 15.931999999999999, + "precision_at_5": 12.304, + "recall_at_1": 22.688, + "recall_at_10": 78.805, + "recall_at_100": 97.51100000000001, + "recall_at_1000": 99.644, + "recall_at_3": 47.795, + "recall_at_5": 61.522, + "main_score": 48.33 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/ArxivClusteringP2P.json b/results/izhx__udever-bloom-3b/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..a5e37d5d9 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 45.37384003345981, + "main_score": 45.37384003345981 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/ArxivClusteringS2S.json b/results/izhx__udever-bloom-3b/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..f37a39576 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.52143615051018, + "main_score": 36.52143615051018 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/AskUbuntuDupQuestions.json b/results/izhx__udever-bloom-3b/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..c71d65638 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 59.91826882625199, + "mrr": 73.30530273051049, + "main_score": 59.91826882625199 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/BIOSSES.json b/results/izhx__udever-bloom-3b/external/BIOSSES.json new file mode 100644 index 000000000..d33e04601 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.80556032491437, + "cos_sim_spearman": 84.81639043031876, + "euclidean_pearson": 84.20426417923026, + "euclidean_spearman": 83.53503593258247, + "manhattan_pearson": 84.25387997667964, + "manhattan_spearman": 83.11394200032217, + "cosine_pearson": 86.80556032491437, + "cosine_spearman": 84.81639043031876, + "main_score": 84.81639043031876 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/BQ.json b/results/izhx__udever-bloom-3b/external/BQ.json new file mode 100644 index 000000000..6acd1ab74 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/BQ.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 47.017986848644625, + "cos_sim_spearman": 47.16708658456057, + "euclidean_pearson": 47.81098065168003, + "euclidean_spearman": 48.01014499886206, + "manhattan_pearson": 48.013333352251244, + "manhattan_spearman": 48.252964666749016, + "cosine_pearson": 47.017986848644625, + "cosine_spearman": 47.16708658456057, + "main_score": 47.16708658456057 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/BUCC.json b/results/izhx__udever-bloom-3b/external/BUCC.json new file mode 100644 index 000000000..e9ffa638f --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/BUCC.json @@ -0,0 +1,58 @@ +{ + "dataset_revision": "d51519689f32196a32af33b075a01d0e7c51e252", + "task_name": "BUCC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "accuracy": 71.78496868475992, + "f1": 71.05715215634456, + "precision": 70.7532208520454, + "recall": 71.78496868475992, + "main_score": 71.05715215634456 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "accuracy": 98.34910851860005, + "f1": 98.16751045564604, + "precision": 98.07762858610317, + "recall": 98.34910851860005, + "main_score": 98.16751045564604 + }, + { + "hf_subset": "ru-en", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "accuracy": 59.965361967440245, + "f1": 58.44898687503467, + "precision": 57.83301194437321, + "recall": 59.965361967440245, + "main_score": 58.44898687503467 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "accuracy": 98.63085834649816, + "f1": 98.59575215025451, + "precision": 98.5781990521327, + "recall": 98.63085834649816, + "main_score": 98.59575215025451 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/Banking77Classification.json b/results/izhx__udever-bloom-3b/external/Banking77Classification.json new file mode 100644 index 000000000..58e54fccb --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 84.15584415584416, + "f1": 84.1389435939967, + "main_score": 84.15584415584416 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/BiorxivClusteringP2P.json b/results/izhx__udever-bloom-3b/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..532ccec41 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.52184607783334, + "main_score": 36.52184607783334 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/BiorxivClusteringS2S.json b/results/izhx__udever-bloom-3b/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..c2b4080d8 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.976191171733653, + "main_score": 31.976191171733653 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/CLSClusteringP2P.json b/results/izhx__udever-bloom-3b/external/CLSClusteringP2P.json new file mode 100644 index 000000000..7d7c187bb --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/CLSClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 36.733774048381484, + "main_score": 36.733774048381484 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/CLSClusteringS2S.json b/results/izhx__udever-bloom-3b/external/CLSClusteringS2S.json new file mode 100644 index 000000000..f08498204 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/CLSClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 36.451952183379056, + "main_score": 36.451952183379056 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/CQADupstackAndroidRetrieval.json b/results/izhx__udever-bloom-3b/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..75fa802a3 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.943, + "map_at_10": 42.796, + "map_at_100": 44.141999999999996, + "map_at_1000": 44.277, + "map_at_3": 39.201, + "map_at_5": 41.262, + "mrr_at_1": 41.488, + "mrr_at_10": 49.214999999999996, + "mrr_at_100": 50.02799999999999, + "mrr_at_1000": 50.075, + "mrr_at_3": 46.733000000000004, + "mrr_at_5": 48.171, + "ndcg_at_1": 41.488, + "ndcg_at_10": 48.619, + "ndcg_at_100": 53.868, + "ndcg_at_1000": 56.027, + "ndcg_at_3": 43.765, + "ndcg_at_5": 45.974, + "precision_at_1": 41.488, + "precision_at_10": 9.07, + "precision_at_100": 1.4460000000000002, + "precision_at_1000": 0.19499999999999998, + "precision_at_3": 20.649, + "precision_at_5": 14.878, + "recall_at_1": 32.943, + "recall_at_10": 59.217, + "recall_at_100": 81.337, + "recall_at_1000": 95.185, + "recall_at_3": 44.377, + "recall_at_5": 51.088, + "main_score": 48.619 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.412999999999997, + "map_at_10": 34.766999999999996, + "map_at_100": 35.774, + "map_at_1000": 35.894999999999996, + "map_at_3": 31.935000000000002, + "map_at_5": 33.661, + "mrr_at_1": 33.248, + "mrr_at_10": 40.274, + "mrr_at_100": 40.92, + "mrr_at_1000": 40.977000000000004, + "mrr_at_3": 38.004, + "mrr_at_5": 39.425, + "ndcg_at_1": 33.248, + "ndcg_at_10": 39.828, + "ndcg_at_100": 43.863, + "ndcg_at_1000": 46.228, + "ndcg_at_3": 35.643, + "ndcg_at_5": 37.851, + "precision_at_1": 33.248, + "precision_at_10": 7.4079999999999995, + "precision_at_100": 1.162, + "precision_at_1000": 0.168, + "precision_at_3": 16.964000000000002, + "precision_at_5": 12.267999999999999, + "recall_at_1": 26.412999999999997, + "recall_at_10": 48.93, + "recall_at_100": 66.437, + "recall_at_1000": 81.68900000000001, + "recall_at_3": 36.822, + "recall_at_5": 42.925000000000004, + "main_score": 39.828 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 37.07, + "map_at_10": 49.051, + "map_at_100": 50.13999999999999, + "map_at_1000": 50.2, + "map_at_3": 46.01, + "map_at_5": 47.711, + "mrr_at_1": 42.32, + "mrr_at_10": 52.32, + "mrr_at_100": 53.068000000000005, + "mrr_at_1000": 53.09700000000001, + "mrr_at_3": 49.864000000000004, + "mrr_at_5": 51.312000000000005, + "ndcg_at_1": 42.32, + "ndcg_at_10": 54.727000000000004, + "ndcg_at_100": 59.153, + "ndcg_at_1000": 60.373, + "ndcg_at_3": 49.478, + "ndcg_at_5": 51.998999999999995, + "precision_at_1": 42.32, + "precision_at_10": 8.802999999999999, + "precision_at_100": 1.196, + "precision_at_1000": 0.135, + "precision_at_3": 22.006, + "precision_at_5": 15.072, + "recall_at_1": 37.07, + "recall_at_10": 68.221, + "recall_at_100": 87.22999999999999, + "recall_at_1000": 95.929, + "recall_at_3": 54.321, + "recall_at_5": 60.358000000000004, + "main_score": 54.727000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.055, + "map_at_10": 31.163999999999998, + "map_at_100": 32.213, + "map_at_1000": 32.303, + "map_at_3": 28.610000000000003, + "map_at_5": 30.091, + "mrr_at_1": 24.972, + "mrr_at_10": 32.981, + "mrr_at_100": 33.948, + "mrr_at_1000": 34.015, + "mrr_at_3": 30.546, + "mrr_at_5": 31.959, + "ndcg_at_1": 24.972, + "ndcg_at_10": 35.806, + "ndcg_at_100": 40.991, + "ndcg_at_1000": 43.296, + "ndcg_at_3": 30.849, + "ndcg_at_5": 33.334, + "precision_at_1": 24.972, + "precision_at_10": 5.571000000000001, + "precision_at_100": 0.853, + "precision_at_1000": 0.109, + "precision_at_3": 12.956999999999999, + "precision_at_5": 9.333, + "recall_at_1": 23.055, + "recall_at_10": 48.301, + "recall_at_100": 72.051, + "recall_at_1000": 89.408, + "recall_at_3": 35.315000000000005, + "recall_at_5": 41.031, + "main_score": 35.806 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 14.782, + "map_at_10": 21.94, + "map_at_100": 23.172, + "map_at_1000": 23.302999999999997, + "map_at_3": 19.911, + "map_at_5": 20.998, + "mrr_at_1": 18.407999999999998, + "mrr_at_10": 25.936999999999998, + "mrr_at_100": 27.035999999999998, + "mrr_at_1000": 27.118, + "mrr_at_3": 23.983999999999998, + "mrr_at_5": 25.141000000000002, + "ndcg_at_1": 18.407999999999998, + "ndcg_at_10": 26.387, + "ndcg_at_100": 32.606, + "ndcg_at_1000": 35.744, + "ndcg_at_3": 22.686999999999998, + "ndcg_at_5": 24.375, + "precision_at_1": 18.407999999999998, + "precision_at_10": 4.801, + "precision_at_100": 0.9299999999999999, + "precision_at_1000": 0.134, + "precision_at_3": 10.945, + "precision_at_5": 7.811, + "recall_at_1": 14.782, + "recall_at_10": 36.018, + "recall_at_100": 63.552, + "recall_at_1000": 85.857, + "recall_at_3": 25.898, + "recall_at_5": 30.081999999999997, + "main_score": 26.387 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.369, + "map_at_10": 37.704, + "map_at_100": 39.018, + "map_at_1000": 39.134, + "map_at_3": 34.243, + "map_at_5": 36.083, + "mrr_at_1": 32.916000000000004, + "mrr_at_10": 43.488, + "mrr_at_100": 44.29, + "mrr_at_1000": 44.336999999999996, + "mrr_at_3": 40.696, + "mrr_at_5": 42.289, + "ndcg_at_1": 32.916000000000004, + "ndcg_at_10": 44.362, + "ndcg_at_100": 49.730999999999995, + "ndcg_at_1000": 51.857, + "ndcg_at_3": 38.683, + "ndcg_at_5": 41.249, + "precision_at_1": 32.916000000000004, + "precision_at_10": 8.412, + "precision_at_100": 1.2970000000000002, + "precision_at_1000": 0.166, + "precision_at_3": 18.895999999999997, + "precision_at_5": 13.550999999999998, + "recall_at_1": 26.369, + "recall_at_10": 58.464000000000006, + "recall_at_100": 80.884, + "recall_at_1000": 94.676, + "recall_at_3": 42.485, + "recall_at_5": 49.262, + "main_score": 44.362 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.896, + "map_at_10": 33.384, + "map_at_100": 34.683, + "map_at_1000": 34.807, + "map_at_3": 30.724, + "map_at_5": 32.339, + "mrr_at_1": 29.909000000000002, + "mrr_at_10": 38.395, + "mrr_at_100": 39.339, + "mrr_at_1000": 39.404, + "mrr_at_3": 36.339, + "mrr_at_5": 37.618, + "ndcg_at_1": 29.909000000000002, + "ndcg_at_10": 38.688, + "ndcg_at_100": 44.399, + "ndcg_at_1000": 46.942, + "ndcg_at_3": 34.548, + "ndcg_at_5": 36.605, + "precision_at_1": 29.909000000000002, + "precision_at_10": 7.066, + "precision_at_100": 1.174, + "precision_at_1000": 0.155, + "precision_at_3": 16.819, + "precision_at_5": 11.872, + "recall_at_1": 23.896, + "recall_at_10": 49.531, + "recall_at_100": 73.977, + "recall_at_1000": 91.393, + "recall_at_3": 37.53, + "recall_at_5": 43.373, + "main_score": 38.688 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.153166666666667, + "map_at_10": 32.7705, + "map_at_100": 33.93133333333334, + "map_at_1000": 34.052499999999995, + "map_at_3": 30.158500000000004, + "map_at_5": 31.595916666666664, + "mrr_at_1": 28.87725, + "mrr_at_10": 36.86358333333333, + "mrr_at_100": 37.74550000000001, + "mrr_at_1000": 37.80916666666666, + "mrr_at_3": 34.634499999999996, + "mrr_at_5": 35.926750000000006, + "ndcg_at_1": 28.87725, + "ndcg_at_10": 37.82341666666667, + "ndcg_at_100": 42.98408333333333, + "ndcg_at_1000": 45.44883333333333, + "ndcg_at_3": 33.41875000000001, + "ndcg_at_5": 35.45158333333333, + "precision_at_1": 28.87725, + "precision_at_10": 6.638249999999999, + "precision_at_100": 1.0863333333333334, + "precision_at_1000": 0.14858333333333335, + "precision_at_3": 15.481, + "precision_at_5": 10.953916666666668, + "recall_at_1": 24.153166666666667, + "recall_at_10": 48.796499999999995, + "recall_at_100": 71.53716666666666, + "recall_at_1000": 88.72158333333333, + "recall_at_3": 36.419583333333335, + "recall_at_5": 41.735833333333325, + "main_score": 37.82341666666667 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.523, + "map_at_10": 28.915000000000003, + "map_at_100": 29.808, + "map_at_1000": 29.910999999999998, + "map_at_3": 26.863999999999997, + "map_at_5": 27.801, + "mrr_at_1": 24.387, + "mrr_at_10": 31.703, + "mrr_at_100": 32.481, + "mrr_at_1000": 32.559, + "mrr_at_3": 29.805999999999997, + "mrr_at_5": 30.688, + "ndcg_at_1": 24.387, + "ndcg_at_10": 33.272, + "ndcg_at_100": 37.79, + "ndcg_at_1000": 40.428, + "ndcg_at_3": 29.409000000000002, + "ndcg_at_5": 30.813000000000002, + "precision_at_1": 24.387, + "precision_at_10": 5.337, + "precision_at_100": 0.8240000000000001, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 13.19, + "precision_at_5": 8.926, + "recall_at_1": 21.523, + "recall_at_10": 44.054, + "recall_at_100": 64.80900000000001, + "recall_at_1000": 84.265, + "recall_at_3": 33.019999999999996, + "recall_at_5": 36.561, + "main_score": 33.272 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.461, + "map_at_10": 21.802, + "map_at_100": 22.825, + "map_at_1000": 22.95, + "map_at_3": 19.79, + "map_at_5": 20.828, + "mrr_at_1": 18.789, + "mrr_at_10": 25.373, + "mrr_at_100": 26.269, + "mrr_at_1000": 26.355, + "mrr_at_3": 23.394000000000002, + "mrr_at_5": 24.451999999999998, + "ndcg_at_1": 18.789, + "ndcg_at_10": 25.948, + "ndcg_at_100": 30.926, + "ndcg_at_1000": 33.938, + "ndcg_at_3": 22.281000000000002, + "ndcg_at_5": 23.818, + "precision_at_1": 18.789, + "precision_at_10": 4.766, + "precision_at_100": 0.848, + "precision_at_1000": 0.127, + "precision_at_3": 10.633, + "precision_at_5": 7.6259999999999994, + "recall_at_1": 15.461, + "recall_at_10": 34.967999999999996, + "recall_at_100": 57.25900000000001, + "recall_at_1000": 78.738, + "recall_at_3": 24.495, + "recall_at_5": 28.510999999999996, + "main_score": 25.948 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.165, + "map_at_10": 32.66, + "map_at_100": 33.842, + "map_at_1000": 33.952, + "map_at_3": 30.503999999999998, + "map_at_5": 31.546000000000003, + "mrr_at_1": 29.851, + "mrr_at_10": 37.112, + "mrr_at_100": 38.057, + "mrr_at_1000": 38.119, + "mrr_at_3": 35.106, + "mrr_at_5": 36.22, + "ndcg_at_1": 29.851, + "ndcg_at_10": 37.395, + "ndcg_at_100": 42.906, + "ndcg_at_1000": 45.427, + "ndcg_at_3": 33.465, + "ndcg_at_5": 35.02, + "precision_at_1": 29.851, + "precision_at_10": 6.166, + "precision_at_100": 1.005, + "precision_at_1000": 0.132, + "precision_at_3": 15.235999999999999, + "precision_at_5": 10.354, + "recall_at_1": 25.165, + "recall_at_10": 47.439, + "recall_at_100": 71.56099999999999, + "recall_at_1000": 89.435, + "recall_at_3": 36.275, + "recall_at_5": 40.435, + "main_score": 37.395 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.589000000000002, + "map_at_10": 33.729, + "map_at_100": 35.306, + "map_at_1000": 35.552, + "map_at_3": 30.988, + "map_at_5": 32.406, + "mrr_at_1": 30.830000000000002, + "mrr_at_10": 38.446999999999996, + "mrr_at_100": 39.478, + "mrr_at_1000": 39.544000000000004, + "mrr_at_3": 36.034, + "mrr_at_5": 37.546, + "ndcg_at_1": 30.830000000000002, + "ndcg_at_10": 39.22, + "ndcg_at_100": 45.004, + "ndcg_at_1000": 47.837, + "ndcg_at_3": 34.811, + "ndcg_at_5": 36.831, + "precision_at_1": 30.830000000000002, + "precision_at_10": 7.489999999999999, + "precision_at_100": 1.534, + "precision_at_1000": 0.241, + "precision_at_3": 16.14, + "precision_at_5": 11.66, + "recall_at_1": 25.589000000000002, + "recall_at_10": 49.238, + "recall_at_100": 74.893, + "recall_at_1000": 92.902, + "recall_at_3": 36.75, + "recall_at_5": 42.256, + "main_score": 39.22 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.572, + "map_at_10": 25.334, + "map_at_100": 26.253, + "map_at_1000": 26.346000000000004, + "map_at_3": 23.122, + "map_at_5": 24.425, + "mrr_at_1": 19.409000000000002, + "mrr_at_10": 27.118, + "mrr_at_100": 28.032, + "mrr_at_1000": 28.110000000000003, + "mrr_at_3": 25.108000000000004, + "mrr_at_5": 26.3, + "ndcg_at_1": 19.409000000000002, + "ndcg_at_10": 29.629, + "ndcg_at_100": 34.572, + "ndcg_at_1000": 37.289, + "ndcg_at_3": 25.406000000000002, + "ndcg_at_5": 27.55, + "precision_at_1": 19.409000000000002, + "precision_at_10": 4.769, + "precision_at_100": 0.767, + "precision_at_1000": 0.108, + "precision_at_3": 11.337, + "precision_at_5": 8.096, + "recall_at_1": 17.572, + "recall_at_10": 41.177, + "recall_at_100": 64.456, + "recall_at_1000": 85.182, + "recall_at_3": 29.747, + "recall_at_5": 34.948, + "main_score": 29.629 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/ClimateFEVER.json b/results/izhx__udever-bloom-3b/external/ClimateFEVER.json new file mode 100644 index 000000000..7fd983277 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.264, + "map_at_10": 16.09, + "map_at_100": 17.717, + "map_at_1000": 17.903, + "map_at_3": 13.422, + "map_at_5": 14.78, + "mrr_at_1": 20.326, + "mrr_at_10": 31.274, + "mrr_at_100": 32.312999999999995, + "mrr_at_1000": 32.365, + "mrr_at_3": 27.959, + "mrr_at_5": 29.877, + "ndcg_at_1": 20.326, + "ndcg_at_10": 23.358, + "ndcg_at_100": 30.36, + "ndcg_at_1000": 33.883, + "ndcg_at_3": 18.704, + "ndcg_at_5": 20.374, + "precision_at_1": 20.326, + "precision_at_10": 7.303, + "precision_at_100": 1.488, + "precision_at_1000": 0.214, + "precision_at_3": 13.811000000000002, + "precision_at_5": 10.84, + "recall_at_1": 9.264, + "recall_at_10": 29.177999999999997, + "recall_at_100": 53.61900000000001, + "recall_at_1000": 73.48400000000001, + "recall_at_3": 17.738, + "recall_at_5": 22.279, + "main_score": 23.358 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/CmedqaRetrieval.json b/results/izhx__udever-bloom-3b/external/CmedqaRetrieval.json new file mode 100644 index 000000000..cddf02f71 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/CmedqaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 14.494000000000002, + "map_at_10": 21.37, + "map_at_100": 22.741, + "map_at_1000": 22.911, + "map_at_3": 18.929000000000002, + "map_at_5": 20.244, + "mrr_at_1": 23.105999999999998, + "mrr_at_10": 29.137999999999998, + "mrr_at_100": 30.064, + "mrr_at_1000": 30.152, + "mrr_at_3": 27.119, + "mrr_at_5": 28.301, + "ndcg_at_1": 23.105999999999998, + "ndcg_at_10": 26.182, + "ndcg_at_100": 32.396, + "ndcg_at_1000": 36.177, + "ndcg_at_3": 22.708000000000002, + "ndcg_at_5": 24.137, + "precision_at_1": 23.105999999999998, + "precision_at_10": 6.0040000000000004, + "precision_at_100": 1.119, + "precision_at_1000": 0.161, + "precision_at_3": 13.028, + "precision_at_5": 9.557, + "recall_at_1": 14.494000000000002, + "recall_at_10": 32.910000000000004, + "recall_at_100": 59.202999999999996, + "recall_at_1000": 85.61, + "recall_at_3": 22.397, + "recall_at_5": 26.900000000000002, + "main_score": 26.182 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/Cmnli.json b/results/izhx__udever-bloom-3b/external/Cmnli.json new file mode 100644 index 000000000..0ab0189e7 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/Cmnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Cmnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 74.91280817799158, + "cos_sim_ap": 83.32013347926805, + "cos_sim_f1": 76.57387580299788, + "cos_sim_precision": 70.63006122852063, + "cos_sim_recall": 83.61000701426234, + "dot_accuracy": 70.5832832230908, + "dot_ap": 75.9647326130666, + "dot_f1": 73.65528072241852, + "dot_precision": 63.47487734731856, + "dot_recall": 87.72504091653029, + "euclidean_accuracy": 74.51593505712569, + "euclidean_ap": 83.04382773676555, + "euclidean_f1": 75.7739770513098, + "euclidean_precision": 70.5502922797823, + "euclidean_recall": 81.83306055646482, + "manhattan_accuracy": 74.73241130487071, + "manhattan_ap": 83.32768114935021, + "manhattan_f1": 76.09116319071167, + "manhattan_precision": 70.42786069651741, + "manhattan_recall": 82.74491465980827, + "max_accuracy": 74.91280817799158, + "max_ap": 83.32768114935021, + "max_f1": 76.57387580299788, + "main_score": 74.91280817799158 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/CovidRetrieval.json b/results/izhx__udever-bloom-3b/external/CovidRetrieval.json new file mode 100644 index 000000000..39306041c --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/CovidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 55.032000000000004, + "map_at_10": 63.517, + "map_at_100": 64.159, + "map_at_1000": 64.17699999999999, + "map_at_3": 61.503, + "map_at_5": 62.741, + "mrr_at_1": 55.111, + "mrr_at_10": 63.50900000000001, + "mrr_at_100": 64.13499999999999, + "mrr_at_1000": 64.153, + "mrr_at_3": 61.521, + "mrr_at_5": 62.759, + "ndcg_at_1": 55.216, + "ndcg_at_10": 67.569, + "ndcg_at_100": 70.71, + "ndcg_at_1000": 71.211, + "ndcg_at_3": 63.543000000000006, + "ndcg_at_5": 65.718, + "precision_at_1": 55.216, + "precision_at_10": 8.093, + "precision_at_100": 0.96, + "precision_at_1000": 0.1, + "precision_at_3": 23.253, + "precision_at_5": 15.026, + "recall_at_1": 55.032000000000004, + "recall_at_10": 80.163, + "recall_at_100": 94.94200000000001, + "recall_at_1000": 98.946, + "recall_at_3": 69.231, + "recall_at_5": 74.49900000000001, + "main_score": 67.569 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/DBPedia.json b/results/izhx__udever-bloom-3b/external/DBPedia.json new file mode 100644 index 000000000..ad99833b0 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.391, + "map_at_10": 16.381999999999998, + "map_at_100": 21.262, + "map_at_1000": 22.461000000000002, + "map_at_3": 12.471, + "map_at_5": 14.016, + "mrr_at_1": 62.25000000000001, + "mrr_at_10": 69.64099999999999, + "mrr_at_100": 70.114, + "mrr_at_1000": 70.128, + "mrr_at_3": 67.958, + "mrr_at_5": 68.996, + "ndcg_at_1": 50.375, + "ndcg_at_10": 34.542, + "ndcg_at_100": 37.265, + "ndcg_at_1000": 44.324000000000005, + "ndcg_at_3": 40.113, + "ndcg_at_5": 37.177, + "precision_at_1": 62.25000000000001, + "precision_at_10": 26.05, + "precision_at_100": 7.632999999999999, + "precision_at_1000": 1.6209999999999998, + "precision_at_3": 42.5, + "precision_at_5": 35.199999999999996, + "recall_at_1": 8.391, + "recall_at_10": 21.099, + "recall_at_100": 40.886, + "recall_at_1000": 63.805, + "recall_at_3": 13.766, + "recall_at_5": 16.128, + "main_score": 34.542 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/DuRetrieval.json b/results/izhx__udever-bloom-3b/external/DuRetrieval.json new file mode 100644 index 000000000..4c7cf3f6f --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/DuRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 21.933, + "map_at_10": 65.739, + "map_at_100": 69.245, + "map_at_1000": 69.33399999999999, + "map_at_3": 44.874, + "map_at_5": 56.242999999999995, + "mrr_at_1": 78.95, + "mrr_at_10": 85.37700000000001, + "mrr_at_100": 85.474, + "mrr_at_1000": 85.481, + "mrr_at_3": 84.63300000000001, + "mrr_at_5": 85.141, + "ndcg_at_1": 78.95, + "ndcg_at_10": 75.81599999999999, + "ndcg_at_100": 80.42399999999999, + "ndcg_at_1000": 81.357, + "ndcg_at_3": 73.821, + "ndcg_at_5": 72.497, + "precision_at_1": 78.95, + "precision_at_10": 37.285000000000004, + "precision_at_100": 4.589, + "precision_at_1000": 0.481, + "precision_at_3": 66.333, + "precision_at_5": 55.879999999999995, + "recall_at_1": 21.933, + "recall_at_10": 77.943, + "recall_at_100": 92.17, + "recall_at_1000": 96.986, + "recall_at_3": 48.079, + "recall_at_5": 62.65500000000001, + "main_score": 75.81599999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/EcomRetrieval.json b/results/izhx__udever-bloom-3b/external/EcomRetrieval.json new file mode 100644 index 000000000..d12c9dc75 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/EcomRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 38.2, + "map_at_10": 46.785, + "map_at_100": 47.635, + "map_at_1000": 47.675, + "map_at_3": 44.583, + "map_at_5": 45.848, + "mrr_at_1": 38.2, + "mrr_at_10": 46.785, + "mrr_at_100": 47.635, + "mrr_at_1000": 47.675, + "mrr_at_3": 44.583, + "mrr_at_5": 45.848, + "ndcg_at_1": 38.2, + "ndcg_at_10": 51.282000000000004, + "ndcg_at_100": 55.608000000000004, + "ndcg_at_1000": 56.726, + "ndcg_at_3": 46.763, + "ndcg_at_5": 49.035000000000004, + "precision_at_1": 38.2, + "precision_at_10": 6.550000000000001, + "precision_at_100": 0.8619999999999999, + "precision_at_1000": 0.095, + "precision_at_3": 17.7, + "precision_at_5": 11.72, + "recall_at_1": 38.2, + "recall_at_10": 65.5, + "recall_at_100": 86.2, + "recall_at_1000": 95.1, + "recall_at_3": 53.1, + "recall_at_5": 58.599999999999994, + "main_score": 51.282000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/EmotionClassification.json b/results/izhx__udever-bloom-3b/external/EmotionClassification.json new file mode 100644 index 000000000..9deaaa7c7 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 47.88, + "f1": 43.30537129784135, + "main_score": 47.88 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/FEVER.json b/results/izhx__udever-bloom-3b/external/FEVER.json new file mode 100644 index 000000000..c1dbeb73e --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 54.423, + "map_at_10": 66.136, + "map_at_100": 66.557, + "map_at_1000": 66.57300000000001, + "map_at_3": 64.042, + "map_at_5": 65.366, + "mrr_at_1": 58.745999999999995, + "mrr_at_10": 70.456, + "mrr_at_100": 70.801, + "mrr_at_1000": 70.809, + "mrr_at_3": 68.504, + "mrr_at_5": 69.746, + "ndcg_at_1": 58.745999999999995, + "ndcg_at_10": 71.96000000000001, + "ndcg_at_100": 73.83, + "ndcg_at_1000": 74.17, + "ndcg_at_3": 68.033, + "ndcg_at_5": 70.22, + "precision_at_1": 58.745999999999995, + "precision_at_10": 9.397, + "precision_at_100": 1.043, + "precision_at_1000": 0.108, + "precision_at_3": 27.208, + "precision_at_5": 17.561, + "recall_at_1": 54.423, + "recall_at_10": 85.703, + "recall_at_100": 93.989, + "recall_at_1000": 96.35000000000001, + "recall_at_3": 75.05, + "recall_at_5": 80.447, + "main_score": 71.96000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/FiQA2018.json b/results/izhx__udever-bloom-3b/external/FiQA2018.json new file mode 100644 index 000000000..bc2aa0030 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.286, + "map_at_10": 27.499000000000002, + "map_at_100": 29.176999999999996, + "map_at_1000": 29.354999999999997, + "map_at_3": 23.684, + "map_at_5": 25.544, + "mrr_at_1": 32.87, + "mrr_at_10": 41.906, + "mrr_at_100": 42.739, + "mrr_at_1000": 42.78, + "mrr_at_3": 38.992, + "mrr_at_5": 40.535, + "ndcg_at_1": 32.87, + "ndcg_at_10": 35.124, + "ndcg_at_100": 41.638, + "ndcg_at_1000": 44.869, + "ndcg_at_3": 30.975, + "ndcg_at_5": 32.112, + "precision_at_1": 32.87, + "precision_at_10": 10.062, + "precision_at_100": 1.653, + "precision_at_1000": 0.22599999999999998, + "precision_at_3": 20.833, + "precision_at_5": 15.340000000000002, + "recall_at_1": 16.286, + "recall_at_10": 42.734, + "recall_at_100": 67.582, + "recall_at_1000": 86.735, + "recall_at_3": 28.438000000000002, + "recall_at_5": 33.944, + "main_score": 35.124 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/HotpotQA.json b/results/izhx__udever-bloom-3b/external/HotpotQA.json new file mode 100644 index 000000000..8ebb6eaf9 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 33.606, + "map_at_10": 46.085, + "map_at_100": 46.796, + "map_at_1000": 46.866, + "map_at_3": 43.614000000000004, + "map_at_5": 45.094, + "mrr_at_1": 67.211, + "mrr_at_10": 73.447, + "mrr_at_100": 73.734, + "mrr_at_1000": 73.752, + "mrr_at_3": 72.233, + "mrr_at_5": 72.982, + "ndcg_at_1": 67.211, + "ndcg_at_10": 55.125, + "ndcg_at_100": 57.904999999999994, + "ndcg_at_1000": 59.40800000000001, + "ndcg_at_3": 51.283, + "ndcg_at_5": 53.32599999999999, + "precision_at_1": 67.211, + "precision_at_10": 11.198, + "precision_at_100": 1.34, + "precision_at_1000": 0.154, + "precision_at_3": 31.631999999999998, + "precision_at_5": 20.591, + "recall_at_1": 33.606, + "recall_at_10": 55.989, + "recall_at_100": 67.01599999999999, + "recall_at_1000": 77.076, + "recall_at_3": 47.448, + "recall_at_5": 51.479, + "main_score": 55.125 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/IFlyTek.json b/results/izhx__udever-bloom-3b/external/IFlyTek.json new file mode 100644 index 000000000..a6f09b1ed --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/IFlyTek.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 45.02500961908426, + "f1": 36.80024928040335, + "main_score": 45.02500961908426 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/ImdbClassification.json b/results/izhx__udever-bloom-3b/external/ImdbClassification.json new file mode 100644 index 000000000..8a3fe08a0 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.698, + "ap": 72.08492726312224, + "f1": 77.57721549038352, + "main_score": 77.698 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/JDReview.json b/results/izhx__udever-bloom-3b/external/JDReview.json new file mode 100644 index 000000000..2befbae85 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/JDReview.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 83.63977485928706, + "ap": 48.33680179995013, + "f1": 77.42875376726259, + "main_score": 83.63977485928706 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/LCQMC.json b/results/izhx__udever-bloom-3b/external/LCQMC.json new file mode 100644 index 000000000..01dafb0c7 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/LCQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 67.71826986847978, + "cos_sim_spearman": 75.31951271324436, + "euclidean_pearson": 73.99129929755692, + "euclidean_spearman": 75.50510874612128, + "manhattan_pearson": 74.1581557667118, + "manhattan_spearman": 75.62495446886778, + "cosine_pearson": 67.71826986847978, + "cosine_spearman": 75.31951271324436, + "main_score": 75.31951271324436 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/MMarcoReranking.json b/results/izhx__udever-bloom-3b/external/MMarcoReranking.json new file mode 100644 index 000000000..476e0cdb2 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 25.89977615357687, + "mrr": 24.192857142857143, + "main_score": 25.89977615357687 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/MMarcoRetrieval.json b/results/izhx__udever-bloom-3b/external/MMarcoRetrieval.json new file mode 100644 index 000000000..b48c0cc0b --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/MMarcoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 64.305, + "map_at_10": 73.286, + "map_at_100": 73.661, + "map_at_1000": 73.675, + "map_at_3": 71.433, + "map_at_5": 72.596, + "mrr_at_1": 66.562, + "mrr_at_10": 73.932, + "mrr_at_100": 74.265, + "mrr_at_1000": 74.278, + "mrr_at_3": 72.333, + "mrr_at_5": 73.322, + "ndcg_at_1": 66.562, + "ndcg_at_10": 76.998, + "ndcg_at_100": 78.684, + "ndcg_at_1000": 79.038, + "ndcg_at_3": 73.491, + "ndcg_at_5": 75.436, + "precision_at_1": 66.562, + "precision_at_10": 9.34, + "precision_at_100": 1.018, + "precision_at_1000": 0.105, + "precision_at_3": 27.683999999999997, + "precision_at_5": 17.645, + "recall_at_1": 64.305, + "recall_at_10": 87.825, + "recall_at_100": 95.451, + "recall_at_1000": 98.17, + "recall_at_3": 78.522, + "recall_at_5": 83.146, + "main_score": 76.998 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/MSMARCO.json b/results/izhx__udever-bloom-3b/external/MSMARCO.json new file mode 100644 index 000000000..eb867205f --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.862000000000002, + "map_at_10": 33.635999999999996, + "map_at_100": 34.833, + "map_at_1000": 34.886, + "map_at_3": 29.916999999999998, + "map_at_5": 32.042, + "mrr_at_1": 22.493, + "mrr_at_10": 34.217999999999996, + "mrr_at_100": 35.365, + "mrr_at_1000": 35.411, + "mrr_at_3": 30.585, + "mrr_at_5": 32.659, + "ndcg_at_1": 22.493, + "ndcg_at_10": 40.247, + "ndcg_at_100": 46.025, + "ndcg_at_1000": 47.343, + "ndcg_at_3": 32.696999999999996, + "ndcg_at_5": 36.476, + "precision_at_1": 22.493, + "precision_at_10": 6.334, + "precision_at_100": 0.922, + "precision_at_1000": 0.104, + "precision_at_3": 13.863, + "precision_at_5": 10.232, + "recall_at_1": 21.862000000000002, + "recall_at_10": 60.56700000000001, + "recall_at_100": 87.261, + "recall_at_1000": 97.365, + "recall_at_3": 40.081, + "recall_at_5": 49.16, + "main_score": 40.247 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/MTOPDomainClassification.json b/results/izhx__udever-bloom-3b/external/MTOPDomainClassification.json new file mode 100644 index 000000000..8a83e994a --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.34154126766987, + "f1": 92.05415284766352, + "main_score": 92.34154126766987 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/MTOPIntentClassification.json b/results/izhx__udever-bloom-3b/external/MTOPIntentClassification.json new file mode 100644 index 000000000..53112a68a --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.63155494756043, + "f1": 53.392602505424435, + "main_score": 70.63155494756043 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/MassiveIntentClassification.json b/results/izhx__udever-bloom-3b/external/MassiveIntentClassification.json new file mode 100644 index 000000000..a9fb5632a --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.39340954942837, + "f1": 68.85705470713275, + "main_score": 70.39340954942837 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/MassiveScenarioClassification.json b/results/izhx__udever-bloom-3b/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..02f056d7e --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.18897108271688, + "f1": 77.36699772115247, + "main_score": 77.18897108271688 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/MedicalRetrieval.json b/results/izhx__udever-bloom-3b/external/MedicalRetrieval.json new file mode 100644 index 000000000..c288b8107 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/MedicalRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 40.699999999999996, + "map_at_10": 45.304, + "map_at_100": 45.862, + "map_at_1000": 45.923, + "map_at_3": 44.433, + "map_at_5": 44.753, + "mrr_at_1": 40.8, + "mrr_at_10": 45.354, + "mrr_at_100": 45.912, + "mrr_at_1000": 45.973000000000006, + "mrr_at_3": 44.483, + "mrr_at_5": 44.803, + "ndcg_at_1": 40.699999999999996, + "ndcg_at_10": 47.477999999999994, + "ndcg_at_100": 50.51, + "ndcg_at_1000": 52.367, + "ndcg_at_3": 45.609, + "ndcg_at_5": 46.186, + "precision_at_1": 40.699999999999996, + "precision_at_10": 5.43, + "precision_at_100": 0.692, + "precision_at_1000": 0.084, + "precision_at_3": 16.333000000000002, + "precision_at_5": 10.08, + "recall_at_1": 40.699999999999996, + "recall_at_10": 54.300000000000004, + "recall_at_100": 69.19999999999999, + "recall_at_1000": 84.3, + "recall_at_3": 49.0, + "recall_at_5": 50.4, + "main_score": 47.477999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/MedrxivClusteringP2P.json b/results/izhx__udever-bloom-3b/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..0615f20c8 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.70883822617504, + "main_score": 31.70883822617504 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/MedrxivClusteringS2S.json b/results/izhx__udever-bloom-3b/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..29b8130a7 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 28.801248513598072, + "main_score": 28.801248513598072 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/MindSmallReranking.json b/results/izhx__udever-bloom-3b/external/MindSmallReranking.json new file mode 100644 index 000000000..9bd2be911 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 30.97227673339198, + "mrr": 32.03205560232119, + "main_score": 30.97227673339198 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/MultilingualSentiment.json b/results/izhx__udever-bloom-3b/external/MultilingualSentiment.json new file mode 100644 index 000000000..ebfa152f8 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/MultilingualSentiment.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 67.16666666666666, + "f1": 67.15765577091656, + "main_score": 67.16666666666666 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/NFCorpus.json b/results/izhx__udever-bloom-3b/external/NFCorpus.json new file mode 100644 index 000000000..36b9a9c10 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.079000000000001, + "map_at_10": 12.04, + "map_at_100": 15.375, + "map_at_1000": 16.878, + "map_at_3": 8.851, + "map_at_5": 10.23, + "mrr_at_1": 43.963, + "mrr_at_10": 52.886, + "mrr_at_100": 53.498000000000005, + "mrr_at_1000": 53.54, + "mrr_at_3": 50.876999999999995, + "mrr_at_5": 52.254999999999995, + "ndcg_at_1": 42.415000000000006, + "ndcg_at_10": 33.660000000000004, + "ndcg_at_100": 31.008000000000003, + "ndcg_at_1000": 40.016, + "ndcg_at_3": 39.329, + "ndcg_at_5": 36.687999999999995, + "precision_at_1": 43.963, + "precision_at_10": 25.356, + "precision_at_100": 8.245, + "precision_at_1000": 2.106, + "precision_at_3": 37.255, + "precision_at_5": 31.95, + "recall_at_1": 5.079000000000001, + "recall_at_10": 15.838, + "recall_at_100": 32.159, + "recall_at_1000": 64.91799999999999, + "recall_at_3": 10.152999999999999, + "recall_at_5": 12.4, + "main_score": 33.660000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/NQ.json b/results/izhx__udever-bloom-3b/external/NQ.json new file mode 100644 index 000000000..b71c05f3e --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.605999999999998, + "map_at_10": 43.518, + "map_at_100": 44.583, + "map_at_1000": 44.622, + "map_at_3": 39.673, + "map_at_5": 41.897, + "mrr_at_1": 33.604, + "mrr_at_10": 46.156000000000006, + "mrr_at_100": 46.974, + "mrr_at_1000": 47.002, + "mrr_at_3": 42.907000000000004, + "mrr_at_5": 44.792, + "ndcg_at_1": 33.575, + "ndcg_at_10": 50.61600000000001, + "ndcg_at_100": 55.129, + "ndcg_at_1000": 56.084, + "ndcg_at_3": 43.297999999999995, + "ndcg_at_5": 46.979, + "precision_at_1": 33.575, + "precision_at_10": 8.297, + "precision_at_100": 1.083, + "precision_at_1000": 0.117, + "precision_at_3": 19.602, + "precision_at_5": 13.934, + "recall_at_1": 29.605999999999998, + "recall_at_10": 69.718, + "recall_at_100": 89.352, + "recall_at_1000": 96.543, + "recall_at_3": 50.617999999999995, + "recall_at_5": 59.031, + "main_score": 50.61600000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/Ocnli.json b/results/izhx__udever-bloom-3b/external/Ocnli.json new file mode 100644 index 000000000..d9e3e6d47 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/Ocnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Ocnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 65.83649160801299, + "cos_sim_ap": 69.86408265006916, + "cos_sim_f1": 70.50709939148074, + "cos_sim_precision": 57.2463768115942, + "cos_sim_recall": 91.76346356916578, + "dot_accuracy": 61.93827828911749, + "dot_ap": 64.26140500313572, + "dot_f1": 68.97081413210446, + "dot_precision": 54.19432709716355, + "dot_recall": 94.82576557550159, + "euclidean_accuracy": 66.32376827287493, + "euclidean_ap": 70.58216586017075, + "euclidean_f1": 71.31782945736435, + "euclidean_precision": 58.11170212765957, + "euclidean_recall": 92.29144667370645, + "manhattan_accuracy": 66.54033567948024, + "manhattan_ap": 70.88996923294056, + "manhattan_f1": 71.45256087321579, + "manhattan_precision": 59.30313588850174, + "manhattan_recall": 89.86272439281943, + "max_accuracy": 66.54033567948024, + "max_ap": 70.88996923294056, + "max_f1": 71.45256087321579, + "main_score": 66.54033567948024 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/OnlineShopping.json b/results/izhx__udever-bloom-3b/external/OnlineShopping.json new file mode 100644 index 000000000..cbc2bdd3a --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/OnlineShopping.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 90.41, + "ap": 88.15736492425235, + "f1": 90.40118324200982, + "main_score": 90.41 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/PAWSX.json b/results/izhx__udever-bloom-3b/external/PAWSX.json new file mode 100644 index 000000000..578252046 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/PAWSX.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 14.718326697461064, + "cos_sim_spearman": 17.458017383716168, + "euclidean_pearson": 19.416710995216608, + "euclidean_spearman": 17.87886266073602, + "manhattan_pearson": 19.508696307778063, + "manhattan_spearman": 18.026398724663487, + "cosine_pearson": 14.718326697461064, + "cosine_spearman": 17.458017383716168, + "main_score": 17.458017383716168 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/QBQTC.json b/results/izhx__udever-bloom-3b/external/QBQTC.json new file mode 100644 index 000000000..15da270e7 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/QBQTC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "QBQTC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 31.330102731068386, + "cos_sim_spearman": 33.69612492132476, + "euclidean_pearson": 33.83912666711584, + "euclidean_spearman": 35.58666712573462, + "manhattan_pearson": 34.257595977157706, + "manhattan_spearman": 36.08587604692898, + "cosine_pearson": 31.330102731068386, + "cosine_spearman": 33.69612492132476, + "main_score": 33.69612492132476 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/QuoraRetrieval.json b/results/izhx__udever-bloom-3b/external/QuoraRetrieval.json new file mode 100644 index 000000000..5325b7e56 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 70.37, + "map_at_10": 84.22699999999999, + "map_at_100": 84.871, + "map_at_1000": 84.88900000000001, + "map_at_3": 81.277, + "map_at_5": 83.16799999999999, + "mrr_at_1": 80.97, + "mrr_at_10": 87.24300000000001, + "mrr_at_100": 87.346, + "mrr_at_1000": 87.347, + "mrr_at_3": 86.258, + "mrr_at_5": 86.914, + "ndcg_at_1": 81.0, + "ndcg_at_10": 88.009, + "ndcg_at_100": 89.251, + "ndcg_at_1000": 89.374, + "ndcg_at_3": 85.169, + "ndcg_at_5": 86.75399999999999, + "precision_at_1": 81.0, + "precision_at_10": 13.343, + "precision_at_100": 1.526, + "precision_at_1000": 0.157, + "precision_at_3": 37.25, + "precision_at_5": 24.504, + "recall_at_1": 70.37, + "recall_at_10": 95.158, + "recall_at_100": 99.39, + "recall_at_1000": 99.98, + "recall_at_3": 86.942, + "recall_at_5": 91.446, + "main_score": 88.009 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/RedditClustering.json b/results/izhx__udever-bloom-3b/external/RedditClustering.json new file mode 100644 index 000000000..03e4e0204 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 49.71370818375339, + "main_score": 49.71370818375339 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/RedditClusteringP2P.json b/results/izhx__udever-bloom-3b/external/RedditClusteringP2P.json new file mode 100644 index 000000000..40f4ca66b --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 55.07451965473589, + "main_score": 55.07451965473589 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/SCIDOCS.json b/results/izhx__udever-bloom-3b/external/SCIDOCS.json new file mode 100644 index 000000000..8ad118b72 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.508, + "map_at_10": 10.825, + "map_at_100": 12.598, + "map_at_1000": 12.854, + "map_at_3": 7.892, + "map_at_5": 9.349, + "mrr_at_1": 22.2, + "mrr_at_10": 32.611000000000004, + "mrr_at_100": 33.61, + "mrr_at_1000": 33.671, + "mrr_at_3": 29.15, + "mrr_at_5": 31.225, + "ndcg_at_1": 22.2, + "ndcg_at_10": 18.502, + "ndcg_at_100": 25.424999999999997, + "ndcg_at_1000": 30.233999999999998, + "ndcg_at_3": 17.711, + "ndcg_at_5": 15.501000000000001, + "precision_at_1": 22.2, + "precision_at_10": 9.49, + "precision_at_100": 1.941, + "precision_at_1000": 0.31, + "precision_at_3": 16.433, + "precision_at_5": 13.54, + "recall_at_1": 4.508, + "recall_at_10": 19.243, + "recall_at_100": 39.407, + "recall_at_1000": 62.953, + "recall_at_3": 9.993, + "recall_at_5": 13.733, + "main_score": 18.502 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/SICK-R.json b/results/izhx__udever-bloom-3b/external/SICK-R.json new file mode 100644 index 000000000..6eda3ff06 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.88096352325879, + "cos_sim_spearman": 80.84882728439892, + "euclidean_pearson": 82.89512161923362, + "euclidean_spearman": 80.69723454935396, + "manhattan_pearson": 82.94365287299226, + "manhattan_spearman": 80.64700541831023, + "cosine_pearson": 85.88096352325879, + "cosine_spearman": 80.84882728439892, + "main_score": 80.84882728439892 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/STS12.json b/results/izhx__udever-bloom-3b/external/STS12.json new file mode 100644 index 000000000..2d8146a26 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.09030569824817, + "cos_sim_spearman": 76.10288448289813, + "euclidean_pearson": 82.19317617787483, + "euclidean_spearman": 78.51206398528993, + "manhattan_pearson": 82.50688072451729, + "manhattan_spearman": 78.71694597298867, + "cosine_pearson": 84.09030569824817, + "cosine_spearman": 76.10288448289813, + "main_score": 76.10288448289813 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/STS13.json b/results/izhx__udever-bloom-3b/external/STS13.json new file mode 100644 index 000000000..29a5525ba --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.04298066236511, + "cos_sim_spearman": 85.49051395372348, + "euclidean_pearson": 85.7369561800059, + "euclidean_spearman": 86.35626949911497, + "manhattan_pearson": 85.86766305481635, + "manhattan_spearman": 86.5115276036124, + "cosine_pearson": 85.04298066236511, + "cosine_spearman": 85.49051395372348, + "main_score": 85.49051395372348 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/STS14.json b/results/izhx__udever-bloom-3b/external/STS14.json new file mode 100644 index 000000000..c50532666 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.98107748125086, + "cos_sim_spearman": 80.43502071880916, + "euclidean_pearson": 82.24603130661005, + "euclidean_spearman": 80.94302742946145, + "manhattan_pearson": 82.4215619893203, + "manhattan_spearman": 81.13824893869541, + "cosine_pearson": 83.98107748125086, + "cosine_spearman": 80.43502071880916, + "main_score": 80.43502071880916 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/STS15.json b/results/izhx__udever-bloom-3b/external/STS15.json new file mode 100644 index 000000000..0cbdfb5d5 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.95857345426359, + "cos_sim_spearman": 87.7540379885978, + "euclidean_pearson": 87.86433964223119, + "euclidean_spearman": 88.43585275816753, + "manhattan_pearson": 87.90915813062988, + "manhattan_spearman": 88.49038031429657, + "cosine_pearson": 86.95857345426359, + "cosine_spearman": 87.7540379885978, + "main_score": 87.7540379885978 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/STS16.json b/results/izhx__udever-bloom-3b/external/STS16.json new file mode 100644 index 000000000..b40f0d12b --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.84530028548023, + "cos_sim_spearman": 85.42197371225963, + "euclidean_pearson": 84.12042159341938, + "euclidean_spearman": 84.69864997658445, + "manhattan_pearson": 84.09772815909784, + "manhattan_spearman": 84.63986468736967, + "cosine_pearson": 83.84530028548023, + "cosine_spearman": 85.42197371225963, + "main_score": 85.42197371225963 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/STS17.json b/results/izhx__udever-bloom-3b/external/STS17.json new file mode 100644 index 000000000..73d77be32 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 89.89281017946413, + "cos_sim_spearman": 89.94783195991867, + "euclidean_pearson": 89.19342633226815, + "euclidean_spearman": 88.6692137120815, + "manhattan_pearson": 89.19006596701496, + "manhattan_spearman": 88.65041672073397, + "cosine_pearson": 89.89281017946413, + "cosine_spearman": 89.94783195991867, + "main_score": 89.94783195991867 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/STS22.json b/results/izhx__udever-bloom-3b/external/STS22.json new file mode 100644 index 000000000..3daffc2d9 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 65.05176237336566, + "cos_sim_spearman": 65.12758602746149, + "euclidean_pearson": 67.44468889455905, + "euclidean_spearman": 67.42836832904808, + "manhattan_pearson": 67.99438187200471, + "manhattan_spearman": 67.96190936270705, + "cosine_pearson": 65.05176237336566, + "cosine_spearman": 65.12758602746149, + "main_score": 65.12758602746149 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/STSB.json b/results/izhx__udever-bloom-3b/external/STSB.json new file mode 100644 index 000000000..113b772d9 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/STSB.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 81.36171514729287, + "cos_sim_spearman": 81.51752389848613, + "euclidean_pearson": 81.14136234145765, + "euclidean_spearman": 81.27609983297867, + "manhattan_pearson": 81.44966268348165, + "manhattan_spearman": 81.53484018091312, + "cosine_pearson": 81.36171514729287, + "cosine_spearman": 81.51752389848613, + "main_score": 81.51752389848613 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/STSBenchmark.json b/results/izhx__udever-bloom-3b/external/STSBenchmark.json new file mode 100644 index 000000000..21f6c9d41 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.92195724268996, + "cos_sim_spearman": 87.70682082313391, + "euclidean_pearson": 86.24220109166684, + "euclidean_spearman": 86.51998671092596, + "manhattan_pearson": 86.17577571663554, + "manhattan_spearman": 86.45961101071687, + "cosine_pearson": 86.92195724268996, + "cosine_spearman": 87.70682082313391, + "main_score": 87.70682082313391 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/SciDocsRR.json b/results/izhx__udever-bloom-3b/external/SciDocsRR.json new file mode 100644 index 000000000..80cd1b6c6 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 78.62106635785725, + "mrr": 93.84658279266121, + "main_score": 78.62106635785725 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/SciFact.json b/results/izhx__udever-bloom-3b/external/SciFact.json new file mode 100644 index 000000000..54b362daa --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 53.761, + "map_at_10": 64.56, + "map_at_100": 65.243, + "map_at_1000": 65.269, + "map_at_3": 62.156, + "map_at_5": 63.55, + "mrr_at_1": 56.667, + "mrr_at_10": 66.084, + "mrr_at_100": 66.58500000000001, + "mrr_at_1000": 66.61, + "mrr_at_3": 64.333, + "mrr_at_5": 65.3, + "ndcg_at_1": 56.667, + "ndcg_at_10": 69.43, + "ndcg_at_100": 72.031, + "ndcg_at_1000": 72.75, + "ndcg_at_3": 65.282, + "ndcg_at_5": 67.24900000000001, + "precision_at_1": 56.667, + "precision_at_10": 9.3, + "precision_at_100": 1.0670000000000002, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 25.778000000000002, + "precision_at_5": 16.866999999999997, + "recall_at_1": 53.761, + "recall_at_10": 82.678, + "recall_at_100": 93.667, + "recall_at_1000": 99.333, + "recall_at_3": 71.578, + "recall_at_5": 76.25, + "main_score": 69.43 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/SprintDuplicateQuestions.json b/results/izhx__udever-bloom-3b/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..2d0fc3e11 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.80594059405941, + "cos_sim_ap": 95.35711574476811, + "cos_sim_f1": 90.12096774193547, + "cos_sim_precision": 90.85365853658537, + "cos_sim_recall": 89.4, + "dot_accuracy": 99.76732673267327, + "dot_ap": 93.20624501431367, + "dot_f1": 87.74126238914971, + "dot_precision": 91.71210468920393, + "dot_recall": 84.1, + "euclidean_accuracy": 99.80594059405941, + "euclidean_ap": 95.35758863966429, + "euclidean_f1": 90.15075376884421, + "euclidean_precision": 90.6060606060606, + "euclidean_recall": 89.7, + "manhattan_accuracy": 99.80990099009901, + "manhattan_ap": 95.48335466728275, + "manhattan_f1": 90.2672718103883, + "manhattan_precision": 91.04781281790437, + "manhattan_recall": 89.5, + "max_accuracy": 99.80990099009901, + "max_ap": 95.48335466728275, + "max_f1": 90.2672718103883, + "main_score": 95.48335466728275 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/StackExchangeClustering.json b/results/izhx__udever-bloom-3b/external/StackExchangeClustering.json new file mode 100644 index 000000000..4c1651d00 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 59.422562431402845, + "main_score": 59.422562431402845 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/StackExchangeClusteringP2P.json b/results/izhx__udever-bloom-3b/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..4e0c2e4d2 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.695493629721373, + "main_score": 31.695493629721373 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/StackOverflowDupQuestions.json b/results/izhx__udever-bloom-3b/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..3df530043 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 50.070077950465965, + "mrr": 50.72293311263899, + "main_score": 50.070077950465965 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/SummEval.json b/results/izhx__udever-bloom-3b/external/SummEval.json new file mode 100644 index 000000000..2cb1f0a32 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.59608436984981, + "cos_sim_spearman": 30.617289383193103, + "dot_pearson": 30.78715584903813, + "dot_spearman": 31.269245492805283, + "cosine_pearson": 30.59608436984981, + "cosine_spearman": 30.617289383193103, + "main_score": 30.617289383193103 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/T2Reranking.json b/results/izhx__udever-bloom-3b/external/T2Reranking.json new file mode 100644 index 000000000..634e19505 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 66.49332760690612, + "mrr": 76.52668294806075, + "main_score": 66.49332760690612 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/T2Retrieval.json b/results/izhx__udever-bloom-3b/external/T2Retrieval.json new file mode 100644 index 000000000..150603170 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/T2Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 24.607, + "map_at_10": 67.009, + "map_at_100": 70.838, + "map_at_1000": 70.954, + "map_at_3": 47.573, + "map_at_5": 58.10999999999999, + "mrr_at_1": 84.333, + "mrr_at_10": 87.822, + "mrr_at_100": 87.969, + "mrr_at_1000": 87.97500000000001, + "mrr_at_3": 87.16000000000001, + "mrr_at_5": 87.587, + "ndcg_at_1": 84.333, + "ndcg_at_10": 76.303, + "ndcg_at_100": 81.05499999999999, + "ndcg_at_1000": 82.218, + "ndcg_at_3": 78.691, + "ndcg_at_5": 76.66, + "precision_at_1": 84.333, + "precision_at_10": 38.019999999999996, + "precision_at_100": 4.7669999999999995, + "precision_at_1000": 0.505, + "precision_at_3": 68.939, + "precision_at_5": 57.306999999999995, + "recall_at_1": 24.607, + "recall_at_10": 74.971, + "recall_at_100": 90.108, + "recall_at_1000": 95.917, + "recall_at_3": 49.586000000000006, + "recall_at_5": 62.232, + "main_score": 76.303 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/TNews.json b/results/izhx__udever-bloom-3b/external/TNews.json new file mode 100644 index 000000000..a0ffb943f --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/TNews.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 47.702, + "f1": 46.274469606672426, + "main_score": 47.702 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/TRECCOVID.json b/results/izhx__udever-bloom-3b/external/TRECCOVID.json new file mode 100644 index 000000000..e8fcb139c --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.252, + "map_at_10": 2.178, + "map_at_100": 12.781999999999998, + "map_at_1000": 29.494999999999997, + "map_at_3": 0.73, + "map_at_5": 1.169, + "mrr_at_1": 94.0, + "mrr_at_10": 97.0, + "mrr_at_100": 97.0, + "mrr_at_1000": 97.0, + "mrr_at_3": 97.0, + "mrr_at_5": 97.0, + "ndcg_at_1": 88.0, + "ndcg_at_10": 83.21, + "ndcg_at_100": 63.31, + "ndcg_at_1000": 54.734, + "ndcg_at_3": 87.408, + "ndcg_at_5": 86.20100000000001, + "precision_at_1": 94.0, + "precision_at_10": 88.2, + "precision_at_100": 64.68, + "precision_at_1000": 23.966, + "precision_at_3": 93.333, + "precision_at_5": 91.60000000000001, + "recall_at_1": 0.252, + "recall_at_10": 2.307, + "recall_at_100": 15.703, + "recall_at_1000": 51.111, + "recall_at_3": 0.749, + "recall_at_5": 1.212, + "main_score": 83.21 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/Tatoeba.json b/results/izhx__udever-bloom-3b/external/Tatoeba.json new file mode 100644 index 000000000..ed722e699 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/Tatoeba.json @@ -0,0 +1,1354 @@ +{ + "dataset_revision": "9080400076fbadbb4c4dcb136ff4eddc40b42553", + "task_name": "Tatoeba", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "sqi-eng", + "languages": [ + "sqi-Latn", + "eng-Latn" + ], + "accuracy": 16.8, + "f1": 13.168299935527422, + "precision": 12.209559281760876, + "recall": 16.8, + "main_score": 13.168299935527422 + }, + { + "hf_subset": "fry-eng", + "languages": [ + "fry-Latn", + "eng-Latn" + ], + "accuracy": 35.83815028901734, + "f1": 29.0852500101055, + "precision": 26.965317919075147, + "recall": 35.83815028901734, + "main_score": 29.0852500101055 + }, + { + "hf_subset": "kur-eng", + "languages": [ + "kur-Latn", + "eng-Latn" + ], + "accuracy": 15.121951219512194, + "f1": 11.844149203614325, + "precision": 11.042929292929294, + "recall": 15.121951219512194, + "main_score": 11.844149203614325 + }, + { + "hf_subset": "tur-eng", + "languages": [ + "tur-Latn", + "eng-Latn" + ], + "accuracy": 9.9, + "f1": 7.1396348187007215, + "precision": 6.501835713997978, + "recall": 9.9, + "main_score": 7.1396348187007215 + }, + { + "hf_subset": "deu-eng", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "accuracy": 76.6, + "f1": 72.73241758241758, + "precision": 71.18867647058823, + "recall": 76.6, + "main_score": 72.73241758241758 + }, + { + "hf_subset": "nld-eng", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "accuracy": 42.0, + "f1": 36.81003102453103, + "precision": 35.19870269535562, + "recall": 42.0, + "main_score": 36.81003102453103 + }, + { + "hf_subset": "ron-eng", + "languages": [ + "ron-Latn", + "eng-Latn" + ], + "accuracy": 35.3, + "f1": 30.353777056277053, + "precision": 28.773956778515604, + "recall": 35.3, + "main_score": 30.353777056277053 + }, + { + "hf_subset": "ang-eng", + "languages": [ + "ang-Latn", + "eng-Latn" + ], + "accuracy": 35.82089552238806, + "f1": 27.44136460554371, + "precision": 24.340796019900495, + "recall": 35.82089552238806, + "main_score": 27.44136460554371 + }, + { + "hf_subset": "ido-eng", + "languages": [ + "ido-Latn", + "eng-Latn" + ], + "accuracy": 51.800000000000004, + "f1": 45.82491836793846, + "precision": 43.729303094622864, + "recall": 51.800000000000004, + "main_score": 45.82491836793846 + }, + { + "hf_subset": "jav-eng", + "languages": [ + "jav-Latn", + "eng-Latn" + ], + "accuracy": 25.853658536585368, + "f1": 19.79869362796192, + "precision": 18.250680214094846, + "recall": 25.853658536585368, + "main_score": 19.79869362796192 + }, + { + "hf_subset": "isl-eng", + "languages": [ + "isl-Latn", + "eng-Latn" + ], + "accuracy": 9.0, + "f1": 6.926590762281661, + "precision": 6.507185696775364, + "recall": 9.0, + "main_score": 6.926590762281661 + }, + { + "hf_subset": "slv-eng", + "languages": [ + "slv-Latn", + "eng-Latn" + ], + "accuracy": 14.33778857837181, + "f1": 10.888963524130242, + "precision": 10.189272116928368, + "recall": 14.33778857837181, + "main_score": 10.888963524130242 + }, + { + "hf_subset": "cym-eng", + "languages": [ + "cym-Latn", + "eng-Latn" + ], + "accuracy": 11.304347826086957, + "f1": 8.459121175343064, + "precision": 7.7218644669759975, + "recall": 11.304347826086957, + "main_score": 8.459121175343064 + }, + { + "hf_subset": "kaz-eng", + "languages": [ + "kaz-Cyrl", + "eng-Latn" + ], + "accuracy": 8.521739130434783, + "f1": 6.751744703151353, + "precision": 6.387004921960017, + "recall": 8.521739130434783, + "main_score": 6.751744703151353 + }, + { + "hf_subset": "est-eng", + "languages": [ + "est-Latn", + "eng-Latn" + ], + "accuracy": 7.3, + "f1": 5.626766011766011, + "precision": 5.1270385799923, + "recall": 7.3, + "main_score": 5.626766011766011 + }, + { + "hf_subset": "heb-eng", + "languages": [ + "heb-Hebr", + "eng-Latn" + ], + "accuracy": 3.2, + "f1": 1.91950282507703, + "precision": 1.6684431360304504, + "recall": 3.2, + "main_score": 1.91950282507703 + }, + { + "hf_subset": "gla-eng", + "languages": [ + "gla-Latn", + "eng-Latn" + ], + "accuracy": 5.790108564535585, + "f1": 4.128499324411468, + "precision": 3.8151453928788914, + "recall": 5.790108564535585, + "main_score": 4.128499324411468 + }, + { + "hf_subset": "mar-eng", + "languages": [ + "mar-Deva", + "eng-Latn" + ], + "accuracy": 70.3, + "f1": 65.18318181818181, + "precision": 63.126911976911984, + "recall": 70.3, + "main_score": 65.18318181818181 + }, + { + "hf_subset": "lat-eng", + "languages": [ + "lat-Latn", + "eng-Latn" + ], + "accuracy": 45.300000000000004, + "f1": 38.339152873270514, + "precision": 36.130903304212126, + "recall": 45.300000000000004, + "main_score": 38.339152873270514 + }, + { + "hf_subset": "bel-eng", + "languages": [ + "bel-Cyrl", + "eng-Latn" + ], + "accuracy": 16.0, + "f1": 12.172850459161385, + "precision": 11.27855570316309, + "recall": 16.0, + "main_score": 12.172850459161385 + }, + { + "hf_subset": "pms-eng", + "languages": [ + "pms-Latn", + "eng-Latn" + ], + "accuracy": 37.714285714285715, + "f1": 32.188793178089945, + "precision": 30.457500778089013, + "recall": 37.714285714285715, + "main_score": 32.188793178089945 + }, + { + "hf_subset": "gle-eng", + "languages": [ + "gle-Latn", + "eng-Latn" + ], + "accuracy": 6.5, + "f1": 4.528544131928126, + "precision": 4.171387799947767, + "recall": 6.5, + "main_score": 4.528544131928126 + }, + { + "hf_subset": "pes-eng", + "languages": [ + "pes-Arab", + "eng-Latn" + ], + "accuracy": 21.0, + "f1": 17.006564035803166, + "precision": 15.844832112332114, + "recall": 21.0, + "main_score": 17.006564035803166 + }, + { + "hf_subset": "nob-eng", + "languages": [ + "nob-Latn", + "eng-Latn" + ], + "accuracy": 25.5, + "f1": 22.79430820164996, + "precision": 21.938476924594045, + "recall": 25.5, + "main_score": 22.79430820164996 + }, + { + "hf_subset": "bul-eng", + "languages": [ + "bul-Cyrl", + "eng-Latn" + ], + "accuracy": 33.7, + "f1": 26.898922166422164, + "precision": 24.939117884031678, + "recall": 33.7, + "main_score": 26.898922166422164 + }, + { + "hf_subset": "cbk-eng", + "languages": [ + "cbk-Latn", + "eng-Latn" + ], + "accuracy": 69.0, + "f1": 63.68992285492286, + "precision": 61.72837301587302, + "recall": 69.0, + "main_score": 63.68992285492286 + }, + { + "hf_subset": "hun-eng", + "languages": [ + "hun-Latn", + "eng-Latn" + ], + "accuracy": 7.3999999999999995, + "f1": 5.5655686223658565, + "precision": 5.119921502146487, + "recall": 7.3999999999999995, + "main_score": 5.5655686223658565 + }, + { + "hf_subset": "uig-eng", + "languages": [ + "uig-Arab", + "eng-Latn" + ], + "accuracy": 1.5, + "f1": 1.001208686507139, + "precision": 0.9683730903243098, + "recall": 1.5, + "main_score": 1.001208686507139 + }, + { + "hf_subset": "rus-eng", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "accuracy": 69.0, + "f1": 62.61056277056276, + "precision": 59.96357142857143, + "recall": 69.0, + "main_score": 62.61056277056276 + }, + { + "hf_subset": "spa-eng", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "accuracy": 98.3, + "f1": 97.76666666666668, + "precision": 97.51666666666668, + "recall": 98.3, + "main_score": 97.76666666666668 + }, + { + "hf_subset": "hye-eng", + "languages": [ + "hye-Armn", + "eng-Latn" + ], + "accuracy": 2.0215633423180592, + "f1": 1.5634923413129036, + "precision": 1.4895885785373653, + "recall": 2.0215633423180592, + "main_score": 1.5634923413129036 + }, + { + "hf_subset": "tel-eng", + "languages": [ + "tel-Telu", + "eng-Latn" + ], + "accuracy": 83.33333333333334, + "f1": 79.3019943019943, + "precision": 77.45726495726495, + "recall": 83.33333333333334, + "main_score": 79.3019943019943 + }, + { + "hf_subset": "afr-eng", + "languages": [ + "afr-Latn", + "eng-Latn" + ], + "accuracy": 23.400000000000002, + "f1": 18.655079988631996, + "precision": 17.338269096494905, + "recall": 23.400000000000002, + "main_score": 18.655079988631996 + }, + { + "hf_subset": "mon-eng", + "languages": [ + "mon-Cyrl", + "eng-Latn" + ], + "accuracy": 6.363636363636363, + "f1": 4.48376251469035, + "precision": 4.071778641679957, + "recall": 6.363636363636363, + "main_score": 4.48376251469035 + }, + { + "hf_subset": "arz-eng", + "languages": [ + "arz-Arab", + "eng-Latn" + ], + "accuracy": 77.56813417190776, + "f1": 73.16561844863732, + "precision": 71.3440484509667, + "recall": 77.56813417190776, + "main_score": 73.16561844863732 + }, + { + "hf_subset": "hrv-eng", + "languages": [ + "hrv-Latn", + "eng-Latn" + ], + "accuracy": 17.299999999999997, + "f1": 13.693204564375854, + "precision": 12.830651358081276, + "recall": 17.299999999999997, + "main_score": 13.693204564375854 + }, + { + "hf_subset": "nov-eng", + "languages": [ + "nov-Latn", + "eng-Latn" + ], + "accuracy": 59.92217898832685, + "f1": 53.29591938541354, + "precision": 50.58736335000926, + "recall": 59.92217898832685, + "main_score": 53.29591938541354 + }, + { + "hf_subset": "gsw-eng", + "languages": [ + "gsw-Latn", + "eng-Latn" + ], + "accuracy": 25.64102564102564, + "f1": 19.31404777558624, + "precision": 17.413105413105416, + "recall": 25.64102564102564, + "main_score": 19.31404777558624 + }, + { + "hf_subset": "nds-eng", + "languages": [ + "nds-Latn", + "eng-Latn" + ], + "accuracy": 29.7, + "f1": 24.44977050316952, + "precision": 22.798075396825396, + "recall": 29.7, + "main_score": 24.44977050316952 + }, + { + "hf_subset": "ukr-eng", + "languages": [ + "ukr-Cyrl", + "eng-Latn" + ], + "accuracy": 32.2, + "f1": 25.423187804627435, + "precision": 23.404003309492442, + "recall": 32.2, + "main_score": 25.423187804627435 + }, + { + "hf_subset": "uzb-eng", + "languages": [ + "uzb-Latn", + "eng-Latn" + ], + "accuracy": 9.11214953271028, + "f1": 5.910063827286792, + "precision": 5.296401380795872, + "recall": 9.11214953271028, + "main_score": 5.910063827286792 + }, + { + "hf_subset": "lit-eng", + "languages": [ + "lit-Latn", + "eng-Latn" + ], + "accuracy": 7.199999999999999, + "f1": 5.816726797396153, + "precision": 5.508698718788661, + "recall": 7.199999999999999, + "main_score": 5.816726797396153 + }, + { + "hf_subset": "ina-eng", + "languages": [ + "ina-Latn", + "eng-Latn" + ], + "accuracy": 87.2, + "f1": 83.88333333333333, + "precision": 82.42833333333333, + "recall": 87.2, + "main_score": 83.88333333333333 + }, + { + "hf_subset": "lfn-eng", + "languages": [ + "lfn-Latn", + "eng-Latn" + ], + "accuracy": 53.7, + "f1": 48.25312435500516, + "precision": 46.34107401656314, + "recall": 53.7, + "main_score": 48.25312435500516 + }, + { + "hf_subset": "zsm-eng", + "languages": [ + "zsm-Latn", + "eng-Latn" + ], + "accuracy": 88.1, + "f1": 85.21690476190476, + "precision": 83.96761904761905, + "recall": 88.1, + "main_score": 85.21690476190476 + }, + { + "hf_subset": "ita-eng", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "accuracy": 78.10000000000001, + "f1": 73.38746031746032, + "precision": 71.47583333333334, + "recall": 78.10000000000001, + "main_score": 73.38746031746032 + }, + { + "hf_subset": "cmn-eng", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "accuracy": 96.1, + "f1": 95.08333333333333, + "precision": 94.58333333333334, + "recall": 96.1, + "main_score": 95.08333333333333 + }, + { + "hf_subset": "lvs-eng", + "languages": [ + "lvs-Latn", + "eng-Latn" + ], + "accuracy": 9.0, + "f1": 6.952605595133894, + "precision": 6.457724621713984, + "recall": 9.0, + "main_score": 6.952605595133894 + }, + { + "hf_subset": "glg-eng", + "languages": [ + "glg-Latn", + "eng-Latn" + ], + "accuracy": 84.7, + "f1": 80.97880952380953, + "precision": 79.36428571428571, + "recall": 84.7, + "main_score": 80.97880952380953 + }, + { + "hf_subset": "ceb-eng", + "languages": [ + "ceb-Latn", + "eng-Latn" + ], + "accuracy": 10.5, + "f1": 8.146458694813958, + "precision": 7.618942433110826, + "recall": 10.5, + "main_score": 8.146458694813958 + }, + { + "hf_subset": "bre-eng", + "languages": [ + "bre-Latn", + "eng-Latn" + ], + "accuracy": 8.4, + "f1": 6.144921607886653, + "precision": 5.5261043562899586, + "recall": 8.4, + "main_score": 6.144921607886653 + }, + { + "hf_subset": "ben-eng", + "languages": [ + "ben-Beng", + "eng-Latn" + ], + "accuracy": 84.39999999999999, + "f1": 80.65333333333334, + "precision": 78.97833333333332, + "recall": 84.39999999999999, + "main_score": 80.65333333333334 + }, + { + "hf_subset": "swg-eng", + "languages": [ + "swg-Latn", + "eng-Latn" + ], + "accuracy": 28.57142857142857, + "f1": 22.767379679144387, + "precision": 21.2016369047619, + "recall": 28.57142857142857, + "main_score": 22.767379679144387 + }, + { + "hf_subset": "arq-eng", + "languages": [ + "arq-Arab", + "eng-Latn" + ], + "accuracy": 34.24807903402854, + "f1": 29.241572730305222, + "precision": 27.6428310072657, + "recall": 34.24807903402854, + "main_score": 29.241572730305222 + }, + { + "hf_subset": "kab-eng", + "languages": [ + "kab-Latn", + "eng-Latn" + ], + "accuracy": 2.9000000000000004, + "f1": 1.9156734696693711, + "precision": 1.7528460881307182, + "recall": 2.9000000000000004, + "main_score": 1.9156734696693711 + }, + { + "hf_subset": "fra-eng", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "accuracy": 94.89999999999999, + "f1": 93.53333333333332, + "precision": 92.90666666666667, + "recall": 94.89999999999999, + "main_score": 93.53333333333332 + }, + { + "hf_subset": "por-eng", + "languages": [ + "por-Latn", + "eng-Latn" + ], + "accuracy": 95.0, + "f1": 93.61666666666666, + "precision": 92.93333333333332, + "recall": 95.0, + "main_score": 93.61666666666666 + }, + { + "hf_subset": "tat-eng", + "languages": [ + "tat-Cyrl", + "eng-Latn" + ], + "accuracy": 6.3, + "f1": 4.920070356472795, + "precision": 4.565811270125224, + "recall": 6.3, + "main_score": 4.920070356472795 + }, + { + "hf_subset": "oci-eng", + "languages": [ + "oci-Latn", + "eng-Latn" + ], + "accuracy": 47.4, + "f1": 41.08392857142857, + "precision": 38.999704968944094, + "recall": 47.4, + "main_score": 41.08392857142857 + }, + { + "hf_subset": "pol-eng", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "accuracy": 18.2, + "f1": 14.826165036734295, + "precision": 13.988559330454489, + "recall": 18.2, + "main_score": 14.826165036734295 + }, + { + "hf_subset": "war-eng", + "languages": [ + "war-Latn", + "eng-Latn" + ], + "accuracy": 13.3, + "f1": 10.73451225789461, + "precision": 10.06524508030025, + "recall": 13.3, + "main_score": 10.73451225789461 + }, + { + "hf_subset": "aze-eng", + "languages": [ + "aze-Latn", + "eng-Latn" + ], + "accuracy": 9.3, + "f1": 7.613044370901514, + "precision": 7.184100384035204, + "recall": 9.3, + "main_score": 7.613044370901514 + }, + { + "hf_subset": "vie-eng", + "languages": [ + "vie-Latn", + "eng-Latn" + ], + "accuracy": 97.0, + "f1": 96.05, + "precision": 95.58333333333334, + "recall": 97.0, + "main_score": 96.05 + }, + { + "hf_subset": "nno-eng", + "languages": [ + "nno-Latn", + "eng-Latn" + ], + "accuracy": 19.8, + "f1": 16.070523504273503, + "precision": 14.848185626325227, + "recall": 19.8, + "main_score": 16.070523504273503 + }, + { + "hf_subset": "cha-eng", + "languages": [ + "cha-Latn", + "eng-Latn" + ], + "accuracy": 29.1970802919708, + "f1": 22.579707397225647, + "precision": 20.792945550165477, + "recall": 29.1970802919708, + "main_score": 22.579707397225647 + }, + { + "hf_subset": "mhr-eng", + "languages": [ + "mhr-Cyrl", + "eng-Latn" + ], + "accuracy": 4.3, + "f1": 2.884495496452018, + "precision": 2.6280916815877506, + "recall": 4.3, + "main_score": 2.884495496452018 + }, + { + "hf_subset": "dan-eng", + "languages": [ + "dan-Latn", + "eng-Latn" + ], + "accuracy": 28.7, + "f1": 24.9056519214062, + "precision": 23.800155414494334, + "recall": 28.7, + "main_score": 24.9056519214062 + }, + { + "hf_subset": "ell-eng", + "languages": [ + "ell-Grek", + "eng-Latn" + ], + "accuracy": 9.5, + "f1": 6.723431537130878, + "precision": 6.078266616597544, + "recall": 9.5, + "main_score": 6.723431537130878 + }, + { + "hf_subset": "amh-eng", + "languages": [ + "amh-Ethi", + "eng-Latn" + ], + "accuracy": 1.7857142857142856, + "f1": 0.4579590594653929, + "precision": 0.32939943654229364, + "recall": 1.7857142857142856, + "main_score": 0.4579590594653929 + }, + { + "hf_subset": "pam-eng", + "languages": [ + "pam-Latn", + "eng-Latn" + ], + "accuracy": 9.1, + "f1": 7.1794182614770845, + "precision": 6.81138018671376, + "recall": 9.1, + "main_score": 7.1794182614770845 + }, + { + "hf_subset": "hsb-eng", + "languages": [ + "hsb-Latn", + "eng-Latn" + ], + "accuracy": 15.113871635610765, + "f1": 12.353104530336957, + "precision": 11.66106754766342, + "recall": 15.113871635610765, + "main_score": 12.353104530336957 + }, + { + "hf_subset": "srp-eng", + "languages": [ + "srp-Cyrl", + "eng-Latn" + ], + "accuracy": 18.4, + "f1": 15.091645001025805, + "precision": 14.200823959052217, + "recall": 18.4, + "main_score": 15.091645001025805 + }, + { + "hf_subset": "epo-eng", + "languages": [ + "epo-Latn", + "eng-Latn" + ], + "accuracy": 33.2, + "f1": 28.066634199134192, + "precision": 26.54372717117398, + "recall": 33.2, + "main_score": 28.066634199134192 + }, + { + "hf_subset": "kzj-eng", + "languages": [ + "kzj-Latn", + "eng-Latn" + ], + "accuracy": 7.6, + "f1": 5.992580343865051, + "precision": 5.7409125738839055, + "recall": 7.6, + "main_score": 5.992580343865051 + }, + { + "hf_subset": "awa-eng", + "languages": [ + "awa-Deva", + "eng-Latn" + ], + "accuracy": 52.81385281385281, + "f1": 46.86834810211434, + "precision": 45.13687899402185, + "recall": 52.81385281385281, + "main_score": 46.86834810211434 + }, + { + "hf_subset": "fao-eng", + "languages": [ + "fao-Latn", + "eng-Latn" + ], + "accuracy": 16.030534351145036, + "f1": 12.902313597194603, + "precision": 12.19757977391565, + "recall": 16.030534351145036, + "main_score": 12.902313597194603 + }, + { + "hf_subset": "mal-eng", + "languages": [ + "mal-Mlym", + "eng-Latn" + ], + "accuracy": 94.75982532751091, + "f1": 93.11984473556527, + "precision": 92.3216885007278, + "recall": 94.75982532751091, + "main_score": 93.11984473556527 + }, + { + "hf_subset": "ile-eng", + "languages": [ + "ile-Latn", + "eng-Latn" + ], + "accuracy": 70.19999999999999, + "f1": 64.41237595737596, + "precision": 62.074285714285715, + "recall": 70.19999999999999, + "main_score": 64.41237595737596 + }, + { + "hf_subset": "bos-eng", + "languages": [ + "bos-Latn", + "eng-Latn" + ], + "accuracy": 19.2090395480226, + "f1": 14.986259497894084, + "precision": 14.08083152750014, + "recall": 19.2090395480226, + "main_score": 14.986259497894084 + }, + { + "hf_subset": "cor-eng", + "languages": [ + "cor-Latn", + "eng-Latn" + ], + "accuracy": 5.800000000000001, + "f1": 4.004811414639001, + "precision": 3.611296721493974, + "recall": 5.800000000000001, + "main_score": 4.004811414639001 + }, + { + "hf_subset": "cat-eng", + "languages": [ + "cat-Latn", + "eng-Latn" + ], + "accuracy": 93.10000000000001, + "f1": 91.17333333333335, + "precision": 90.27833333333334, + "recall": 93.10000000000001, + "main_score": 91.17333333333335 + }, + { + "hf_subset": "eus-eng", + "languages": [ + "eus-Latn", + "eng-Latn" + ], + "accuracy": 68.2, + "f1": 63.805870279146134, + "precision": 62.064924029458915, + "recall": 68.2, + "main_score": 63.805870279146134 + }, + { + "hf_subset": "yue-eng", + "languages": [ + "yue-Hant", + "eng-Latn" + ], + "accuracy": 88.9, + "f1": 86.38250000000001, + "precision": 85.345, + "recall": 88.9, + "main_score": 86.38250000000001 + }, + { + "hf_subset": "swe-eng", + "languages": [ + "swe-Latn", + "eng-Latn" + ], + "accuracy": 26.3, + "f1": 21.72601907540825, + "precision": 20.3161132602622, + "recall": 26.3, + "main_score": 21.72601907540825 + }, + { + "hf_subset": "dtp-eng", + "languages": [ + "dtp-Latn", + "eng-Latn" + ], + "accuracy": 6.6000000000000005, + "f1": 5.4107919446503585, + "precision": 5.143205186348676, + "recall": 6.6000000000000005, + "main_score": 5.4107919446503585 + }, + { + "hf_subset": "kat-eng", + "languages": [ + "kat-Geor", + "eng-Latn" + ], + "accuracy": 1.2064343163538873, + "f1": 0.7118331023204635, + "precision": 0.6930197065411955, + "recall": 1.2064343163538873, + "main_score": 0.7118331023204635 + }, + { + "hf_subset": "jpn-eng", + "languages": [ + "jpn-Jpan", + "eng-Latn" + ], + "accuracy": 78.0, + "f1": 73.95134920634919, + "precision": 72.3770634920635, + "recall": 78.0, + "main_score": 73.95134920634919 + }, + { + "hf_subset": "csb-eng", + "languages": [ + "csb-Latn", + "eng-Latn" + ], + "accuracy": 12.648221343873518, + "f1": 10.259994816302727, + "precision": 9.677206851119895, + "recall": 12.648221343873518, + "main_score": 10.259994816302727 + }, + { + "hf_subset": "xho-eng", + "languages": [ + "xho-Latn", + "eng-Latn" + ], + "accuracy": 10.56338028169014, + "f1": 7.792644757433489, + "precision": 7.299087316692951, + "recall": 10.56338028169014, + "main_score": 7.792644757433489 + }, + { + "hf_subset": "orv-eng", + "languages": [ + "orv-Cyrl", + "eng-Latn" + ], + "accuracy": 8.1437125748503, + "f1": 5.6113303405098724, + "precision": 5.156075980223929, + "recall": 8.1437125748503, + "main_score": 5.6113303405098724 + }, + { + "hf_subset": "ind-eng", + "languages": [ + "ind-Latn", + "eng-Latn" + ], + "accuracy": 92.5, + "f1": 90.53999999999999, + "precision": 89.64500000000001, + "recall": 92.5, + "main_score": 90.53999999999999 + }, + { + "hf_subset": "tuk-eng", + "languages": [ + "tuk-Latn", + "eng-Latn" + ], + "accuracy": 8.374384236453201, + "f1": 5.831645092728836, + "precision": 5.241568776051535, + "recall": 8.374384236453201, + "main_score": 5.831645092728836 + }, + { + "hf_subset": "max-eng", + "languages": [ + "max-Deva", + "eng-Latn" + ], + "accuracy": 45.42253521126761, + "f1": 40.878561970111264, + "precision": 39.52681669728516, + "recall": 45.42253521126761, + "main_score": 40.878561970111264 + }, + { + "hf_subset": "swh-eng", + "languages": [ + "swh-Latn", + "eng-Latn" + ], + "accuracy": 32.05128205128205, + "f1": 25.433010420698523, + "precision": 23.545685308843208, + "recall": 32.05128205128205, + "main_score": 25.433010420698523 + }, + { + "hf_subset": "hin-eng", + "languages": [ + "hin-Deva", + "eng-Latn" + ], + "accuracy": 94.6, + "f1": 92.86666666666666, + "precision": 92.01666666666667, + "recall": 94.6, + "main_score": 92.86666666666666 + }, + { + "hf_subset": "dsb-eng", + "languages": [ + "dsb-Latn", + "eng-Latn" + ], + "accuracy": 14.822546972860126, + "f1": 12.439321820122155, + "precision": 11.940341857811413, + "recall": 14.822546972860126, + "main_score": 12.439321820122155 + }, + { + "hf_subset": "ber-eng", + "languages": [ + "ber-Tfng", + "eng-Latn" + ], + "accuracy": 6.7, + "f1": 5.534443298607457, + "precision": 5.299107273391812, + "recall": 6.7, + "main_score": 5.534443298607457 + }, + { + "hf_subset": "tam-eng", + "languages": [ + "tam-Taml", + "eng-Latn" + ], + "accuracy": 87.94788273615634, + "f1": 84.65798045602605, + "precision": 83.2084690553746, + "recall": 87.94788273615634, + "main_score": 84.65798045602605 + }, + { + "hf_subset": "slk-eng", + "languages": [ + "slk-Latn", + "eng-Latn" + ], + "accuracy": 13.8, + "f1": 11.356912127897372, + "precision": 10.778191051205624, + "recall": 13.8, + "main_score": 11.356912127897372 + }, + { + "hf_subset": "tgl-eng", + "languages": [ + "tgl-Latn", + "eng-Latn" + ], + "accuracy": 13.700000000000001, + "f1": 10.74774895608627, + "precision": 9.966243757837463, + "recall": 13.700000000000001, + "main_score": 10.74774895608627 + }, + { + "hf_subset": "ast-eng", + "languages": [ + "ast-Latn", + "eng-Latn" + ], + "accuracy": 76.37795275590551, + "f1": 71.24671916010499, + "precision": 69.20697412823397, + "recall": 76.37795275590551, + "main_score": 71.24671916010499 + }, + { + "hf_subset": "mkd-eng", + "languages": [ + "mkd-Cyrl", + "eng-Latn" + ], + "accuracy": 18.099999999999998, + "f1": 13.934122253809159, + "precision": 12.815974391105971, + "recall": 18.099999999999998, + "main_score": 13.934122253809159 + }, + { + "hf_subset": "khm-eng", + "languages": [ + "khm-Khmr", + "eng-Latn" + ], + "accuracy": 0.6925207756232686, + "f1": 0.08966600365830146, + "precision": 0.05066184676394412, + "recall": 0.6925207756232686, + "main_score": 0.08966600365830146 + }, + { + "hf_subset": "ces-eng", + "languages": [ + "ces-Latn", + "eng-Latn" + ], + "accuracy": 11.1, + "f1": 8.28646043238052, + "precision": 7.686198801198802, + "recall": 11.1, + "main_score": 8.28646043238052 + }, + { + "hf_subset": "tzl-eng", + "languages": [ + "tzl-Latn", + "eng-Latn" + ], + "accuracy": 38.46153846153847, + "f1": 31.640899949723472, + "precision": 29.298878205128204, + "recall": 38.46153846153847, + "main_score": 31.640899949723472 + }, + { + "hf_subset": "urd-eng", + "languages": [ + "urd-Arab", + "eng-Latn" + ], + "accuracy": 81.2, + "f1": 76.77103174603175, + "precision": 74.96511904761905, + "recall": 81.2, + "main_score": 76.77103174603175 + }, + { + "hf_subset": "ara-eng", + "languages": [ + "ara-Arab", + "eng-Latn" + ], + "accuracy": 90.60000000000001, + "f1": 88.20666666666665, + "precision": 87.14833333333334, + "recall": 90.60000000000001, + "main_score": 88.20666666666665 + }, + { + "hf_subset": "kor-eng", + "languages": [ + "kor-Hang", + "eng-Latn" + ], + "accuracy": 35.699999999999996, + "f1": 29.159127620745267, + "precision": 27.109529030910608, + "recall": 35.699999999999996, + "main_score": 29.159127620745267 + }, + { + "hf_subset": "yid-eng", + "languages": [ + "yid-Hebr", + "eng-Latn" + ], + "accuracy": 0.9433962264150944, + "f1": 0.28088681664921333, + "precision": 0.22694150916099465, + "recall": 0.9433962264150944, + "main_score": 0.28088681664921333 + }, + { + "hf_subset": "fin-eng", + "languages": [ + "fin-Latn", + "eng-Latn" + ], + "accuracy": 7.5, + "f1": 5.825362182391272, + "precision": 5.526187577939453, + "recall": 7.5, + "main_score": 5.825362182391272 + }, + { + "hf_subset": "tha-eng", + "languages": [ + "tha-Thai", + "eng-Latn" + ], + "accuracy": 4.197080291970803, + "f1": 3.079215618580677, + "precision": 2.8501768792419, + "recall": 4.197080291970803, + "main_score": 3.079215618580677 + }, + { + "hf_subset": "wuu-eng", + "languages": [ + "wuu-Hans", + "eng-Latn" + ], + "accuracy": 87.9, + "f1": 84.60499999999999, + "precision": 83.11428571428571, + "recall": 87.9, + "main_score": 84.60499999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/ThuNewsClusteringP2P.json b/results/izhx__udever-bloom-3b/external/ThuNewsClusteringP2P.json new file mode 100644 index 000000000..968ef7444 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/ThuNewsClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 50.23655676494653, + "main_score": 50.23655676494653 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/ThuNewsClusteringS2S.json b/results/izhx__udever-bloom-3b/external/ThuNewsClusteringS2S.json new file mode 100644 index 000000000..ee75b75f0 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/ThuNewsClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 49.54033078256682, + "main_score": 49.54033078256682 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/Touche2020.json b/results/izhx__udever-bloom-3b/external/Touche2020.json new file mode 100644 index 000000000..7e1fc11a3 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.299, + "map_at_10": 9.232999999999999, + "map_at_100": 15.156, + "map_at_1000": 16.63, + "map_at_3": 4.2250000000000005, + "map_at_5": 6.078, + "mrr_at_1": 30.612000000000002, + "mrr_at_10": 45.158, + "mrr_at_100": 45.9, + "mrr_at_1000": 45.910000000000004, + "mrr_at_3": 39.456, + "mrr_at_5": 42.925000000000004, + "ndcg_at_1": 29.592000000000002, + "ndcg_at_10": 25.166, + "ndcg_at_100": 35.35, + "ndcg_at_1000": 46.67, + "ndcg_at_3": 24.545, + "ndcg_at_5": 25.112000000000002, + "precision_at_1": 30.612000000000002, + "precision_at_10": 23.673, + "precision_at_100": 7.428999999999999, + "precision_at_1000": 1.482, + "precision_at_3": 23.810000000000002, + "precision_at_5": 25.306, + "recall_at_1": 2.299, + "recall_at_10": 16.801, + "recall_at_100": 45.506, + "recall_at_1000": 79.985, + "recall_at_3": 5.069, + "recall_at_5": 8.863999999999999, + "main_score": 25.166 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/ToxicConversationsClassification.json b/results/izhx__udever-bloom-3b/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..6eb9db3bb --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.1314, + "ap": 14.605968497007712, + "f1": 55.37284214772282, + "main_score": 72.1314 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/TweetSentimentExtractionClassification.json b/results/izhx__udever-bloom-3b/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..3694b88dd --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.044142614601014, + "f1": 61.30028928459138, + "main_score": 61.044142614601014 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/TwentyNewsgroupsClustering.json b/results/izhx__udever-bloom-3b/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..ed7262b17 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 41.28707371610032, + "main_score": 41.28707371610032 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/TwitterSemEval2015.json b/results/izhx__udever-bloom-3b/external/TwitterSemEval2015.json new file mode 100644 index 000000000..178d570d4 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 85.09864695714371, + "cos_sim_ap": 70.63738634684302, + "cos_sim_f1": 66.12903225806453, + "cos_sim_precision": 64.22178020885131, + "cos_sim_recall": 68.15303430079156, + "dot_accuracy": 83.59063002920665, + "dot_ap": 66.68356189934075, + "dot_f1": 63.27201851626264, + "dot_precision": 58.76895225164064, + "dot_recall": 68.52242744063325, + "euclidean_accuracy": 85.027120462538, + "euclidean_ap": 69.99328290454234, + "euclidean_f1": 65.23797657612758, + "euclidean_precision": 61.803588290840416, + "euclidean_recall": 69.07651715039577, + "manhattan_accuracy": 85.02115992132086, + "manhattan_ap": 69.91284274429754, + "manhattan_f1": 65.19297407097623, + "manhattan_precision": 59.5763267088884, + "manhattan_recall": 71.97889182058047, + "max_accuracy": 85.09864695714371, + "max_ap": 70.63738634684302, + "max_f1": 66.12903225806453, + "main_score": 70.63738634684302 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/TwitterURLCorpus.json b/results/izhx__udever-bloom-3b/external/TwitterURLCorpus.json new file mode 100644 index 000000000..19361cb8a --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.119804400978, + "cos_sim_ap": 86.1777422918812, + "cos_sim_f1": 78.57841293719444, + "cos_sim_precision": 76.80488163505366, + "cos_sim_recall": 80.4357868801971, + "dot_accuracy": 88.86366282454303, + "dot_ap": 84.1891332504211, + "dot_f1": 78.31691507672025, + "dot_precision": 74.67700258397933, + "dot_recall": 82.32984293193716, + "euclidean_accuracy": 88.74141343578997, + "euclidean_ap": 85.60421594792011, + "euclidean_f1": 77.79556879538262, + "euclidean_precision": 75.32991995384727, + "euclidean_recall": 80.42808746535263, + "manhattan_accuracy": 88.7782822990647, + "manhattan_ap": 85.61374819166252, + "manhattan_f1": 77.78237795927583, + "manhattan_precision": 76.08423532876813, + "manhattan_recall": 79.55805358792732, + "max_accuracy": 89.119804400978, + "max_ap": 86.1777422918812, + "max_f1": 78.57841293719444, + "main_score": 86.1777422918812 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/VideoRetrieval.json b/results/izhx__udever-bloom-3b/external/VideoRetrieval.json new file mode 100644 index 000000000..4d8fc68ac --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/VideoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 41.8, + "map_at_10": 51.456999999999994, + "map_at_100": 52.107000000000006, + "map_at_1000": 52.141999999999996, + "map_at_3": 48.717, + "map_at_5": 50.452, + "mrr_at_1": 41.8, + "mrr_at_10": 51.441, + "mrr_at_100": 52.091, + "mrr_at_1000": 52.125, + "mrr_at_3": 48.699999999999996, + "mrr_at_5": 50.434999999999995, + "ndcg_at_1": 41.8, + "ndcg_at_10": 56.537000000000006, + "ndcg_at_100": 59.901, + "ndcg_at_1000": 60.889, + "ndcg_at_3": 51.019999999999996, + "ndcg_at_5": 54.106, + "precision_at_1": 41.8, + "precision_at_10": 7.26, + "precision_at_100": 0.8880000000000001, + "precision_at_1000": 0.097, + "precision_at_3": 19.233, + "precision_at_5": 13.020000000000001, + "recall_at_1": 41.8, + "recall_at_10": 72.6, + "recall_at_100": 88.8, + "recall_at_1000": 96.7, + "recall_at_3": 57.699999999999996, + "recall_at_5": 65.10000000000001, + "main_score": 56.537000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/Waimai.json b/results/izhx__udever-bloom-3b/external/Waimai.json new file mode 100644 index 000000000..dde6ef1e3 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/Waimai.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 84.07, + "ap": 65.23766736490957, + "f1": 82.17794239849368, + "main_score": 84.07 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-3b/external/model_meta.json b/results/izhx__udever-bloom-3b/external/model_meta.json new file mode 100644 index 000000000..a4f9da5d2 --- /dev/null +++ b/results/izhx__udever-bloom-3b/external/model_meta.json @@ -0,0 +1,69 @@ +{ + "name": "izhx/udever-bloom-3b", + "revision": "4edd8affe80ca89ba0f6b6ba4103fc7f25fc57b2", + "release_date": "2023-10-24", + "languages": [ + "ak", + "ar", + "as", + "bm", + "bn", + "ca", + "code", + "en", + "es", + "eu", + "fon", + "fr", + "gu", + "hi", + "id", + "ig", + "ki", + "kn", + "lg", + "ln", + "ml", + "mr", + "ne", + "nso", + "ny", + "or", + "pa", + "pt", + "rn", + "rw", + "sn", + "st", + "sw", + "ta", + "te", + "tn", + "ts", + "tum", + "tw", + "ur", + "vi", + "wo", + "xh", + "yo", + "zh", + "zhs", + "zht", + "zu" + ], + "loader": null, + "n_parameters": 3002557440, + "memory_usage": null, + "max_tokens": 2048, + "embed_dim": 2560, + "license": "bigscience-bloom-rail-1.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/AFQMC.json b/results/izhx__udever-bloom-560m/external/AFQMC.json new file mode 100644 index 000000000..84466da28 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/AFQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 25.170024237678657, + "cos_sim_spearman": 25.32025098111752, + "euclidean_pearson": 25.34284673812859, + "euclidean_spearman": 25.52812937004611, + "manhattan_pearson": 25.734179522960822, + "manhattan_spearman": 25.92247507041032, + "cosine_pearson": 25.170024237678657, + "cosine_spearman": 25.32025098111752, + "main_score": 25.32025098111752 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/ATEC.json b/results/izhx__udever-bloom-560m/external/ATEC.json new file mode 100644 index 000000000..b86a079b2 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/ATEC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 32.3359541791282, + "cos_sim_spearman": 33.45815274836323, + "euclidean_pearson": 35.14748229440635, + "euclidean_spearman": 33.377829932851334, + "manhattan_pearson": 35.359130773295625, + "manhattan_spearman": 33.524469762932426, + "cosine_pearson": 32.3359541791282, + "cosine_spearman": 33.45815274836323, + "main_score": 33.45815274836323 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/AmazonCounterfactualClassification.json b/results/izhx__udever-bloom-560m/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..dbf9941a5 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/AmazonCounterfactualClassification.json @@ -0,0 +1,50 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.35820895522389, + "ap": 35.45566303125099, + "f1": 66.49474786522534, + "main_score": 72.35820895522389 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 66.423982869379, + "ap": 78.32781372746805, + "f1": 64.24959400774807, + "main_score": 66.423982869379 + }, + { + "hf_subset": "en-ext", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.65817091454274, + "ap": 21.73416645163647, + "f1": 60.52120070712094, + "main_score": 73.65817091454274 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 56.86295503211991, + "ap": 12.906256075113513, + "f1": 46.68625513679152, + "main_score": 56.86295503211991 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/AmazonPolarityClassification.json b/results/izhx__udever-bloom-560m/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..61f996c83 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 83.8095, + "ap": 78.5195717101614, + "f1": 83.74169093676316, + "main_score": 83.8095 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/AmazonReviewsClassification.json b/results/izhx__udever-bloom-560m/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..39be2b082 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/AmazonReviewsClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 38.97, + "f1": 38.57853211177342, + "main_score": 38.97 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 26.846000000000004, + "f1": 26.473886891677306, + "main_score": 26.846000000000004 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 38.974, + "f1": 38.31719230291287, + "main_score": 38.974 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 38.38799999999999, + "f1": 37.53319978613875, + "main_score": 38.38799999999999 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 28.311999999999998, + "f1": 27.988313617729755, + "main_score": 28.311999999999998 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 35.704, + "f1": 34.863182924437254, + "main_score": 35.704 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/ArguAna.json b/results/izhx__udever-bloom-560m/external/ArguAna.json new file mode 100644 index 000000000..ba2bf4180 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.053, + "map_at_10": 35.811, + "map_at_100": 37.035000000000004, + "map_at_1000": 37.055, + "map_at_3": 30.666, + "map_at_5": 33.525, + "mrr_at_1": 21.266, + "mrr_at_10": 35.906, + "mrr_at_100": 37.122, + "mrr_at_1000": 37.141999999999996, + "mrr_at_3": 30.714000000000002, + "mrr_at_5": 33.576, + "ndcg_at_1": 21.053, + "ndcg_at_10": 44.545, + "ndcg_at_100": 49.844, + "ndcg_at_1000": 50.298, + "ndcg_at_3": 33.889, + "ndcg_at_5": 39.059, + "precision_at_1": 21.053, + "precision_at_10": 7.269, + "precision_at_100": 0.96, + "precision_at_1000": 0.099, + "precision_at_3": 14.414, + "precision_at_5": 11.166, + "recall_at_1": 21.053, + "recall_at_10": 72.688, + "recall_at_100": 96.017, + "recall_at_1000": 99.431, + "recall_at_3": 43.242999999999995, + "recall_at_5": 55.832, + "main_score": 44.545 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/ArxivClusteringP2P.json b/results/izhx__udever-bloom-560m/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..00e6d4ffc --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.26646269393896, + "main_score": 40.26646269393896 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/ArxivClusteringS2S.json b/results/izhx__udever-bloom-560m/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..f8fbfb443 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.00218289816601, + "main_score": 32.00218289816601 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/AskUbuntuDupQuestions.json b/results/izhx__udever-bloom-560m/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..48565b6a7 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 57.381567373603424, + "mrr": 70.09431473420392, + "main_score": 57.381567373603424 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/BIOSSES.json b/results/izhx__udever-bloom-560m/external/BIOSSES.json new file mode 100644 index 000000000..7deee5edd --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.14803223261677, + "cos_sim_spearman": 84.43626128689064, + "euclidean_pearson": 85.03130036472703, + "euclidean_spearman": 84.05974668365359, + "manhattan_pearson": 85.59339889467545, + "manhattan_spearman": 83.86938090025696, + "cosine_pearson": 87.14803223261677, + "cosine_spearman": 84.43626128689064, + "main_score": 84.43626128689064 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/BQ.json b/results/izhx__udever-bloom-560m/external/BQ.json new file mode 100644 index 000000000..11d4f34bc --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/BQ.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 44.19468290937555, + "cos_sim_spearman": 43.93025426799595, + "euclidean_pearson": 45.273900549350735, + "euclidean_spearman": 45.07419415738924, + "manhattan_pearson": 45.469211385235376, + "manhattan_spearman": 45.27440191151001, + "cosine_pearson": 44.19468290937555, + "cosine_spearman": 43.93025426799595, + "main_score": 43.93025426799595 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/BUCC.json b/results/izhx__udever-bloom-560m/external/BUCC.json new file mode 100644 index 000000000..35bf8eebb --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/BUCC.json @@ -0,0 +1,58 @@ +{ + "dataset_revision": "d51519689f32196a32af33b075a01d0e7c51e252", + "task_name": "BUCC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "accuracy": 11.440501043841337, + "f1": 11.295895880968951, + "precision": 11.237446950317073, + "recall": 11.440501043841337, + "main_score": 11.295895880968951 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "accuracy": 96.53312788906008, + "f1": 96.18093770636143, + "precision": 96.00667693888035, + "recall": 96.53312788906008, + "main_score": 96.18093770636143 + }, + { + "hf_subset": "ru-en", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "accuracy": 1.6972635954277795, + "f1": 1.5885146938143124, + "precision": 1.5581125970067466, + "recall": 1.6972635954277795, + "main_score": 1.5885146938143124 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "accuracy": 96.31384939441811, + "f1": 96.15587151132175, + "precision": 96.07688256977357, + "recall": 96.31384939441811, + "main_score": 96.15587151132175 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/Banking77Classification.json b/results/izhx__udever-bloom-560m/external/Banking77Classification.json new file mode 100644 index 000000000..d944162b9 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.97402597402598, + "f1": 80.88177660652944, + "main_score": 80.97402597402598 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/BiorxivClusteringP2P.json b/results/izhx__udever-bloom-560m/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..7ee9d8089 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.266950159712465, + "main_score": 33.266950159712465 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/BiorxivClusteringS2S.json b/results/izhx__udever-bloom-560m/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..26560c7f0 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 28.65092446021672, + "main_score": 28.65092446021672 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/CLSClusteringP2P.json b/results/izhx__udever-bloom-560m/external/CLSClusteringP2P.json new file mode 100644 index 000000000..889b45131 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/CLSClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 35.21075820650184, + "main_score": 35.21075820650184 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/CLSClusteringS2S.json b/results/izhx__udever-bloom-560m/external/CLSClusteringS2S.json new file mode 100644 index 000000000..a70603689 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/CLSClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 35.121931960714484, + "main_score": 35.121931960714484 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/CQADupstackAndroidRetrieval.json b/results/izhx__udever-bloom-560m/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..6fafebc43 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.997, + "map_at_10": 35.477, + "map_at_100": 36.722, + "map_at_1000": 36.849, + "map_at_3": 32.083, + "map_at_5": 33.884, + "mrr_at_1": 32.046, + "mrr_at_10": 41.455999999999996, + "mrr_at_100": 42.214, + "mrr_at_1000": 42.268, + "mrr_at_3": 38.722, + "mrr_at_5": 40.266999999999996, + "ndcg_at_1": 32.046, + "ndcg_at_10": 41.705999999999996, + "ndcg_at_100": 46.695, + "ndcg_at_1000": 49.128, + "ndcg_at_3": 36.6, + "ndcg_at_5": 38.725, + "precision_at_1": 32.046, + "precision_at_10": 8.197000000000001, + "precision_at_100": 1.323, + "precision_at_1000": 0.183, + "precision_at_3": 18.073, + "precision_at_5": 13.047, + "recall_at_1": 24.997, + "recall_at_10": 54.013, + "recall_at_100": 75.29400000000001, + "recall_at_1000": 91.611, + "recall_at_3": 38.627, + "recall_at_5": 45.019999999999996, + "main_score": 41.705999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.194, + "map_at_10": 30.076000000000004, + "map_at_100": 31.0, + "map_at_1000": 31.125999999999998, + "map_at_3": 28.137, + "map_at_5": 29.206, + "mrr_at_1": 28.535, + "mrr_at_10": 34.833999999999996, + "mrr_at_100": 35.504999999999995, + "mrr_at_1000": 35.57, + "mrr_at_3": 33.089, + "mrr_at_5": 34.115, + "ndcg_at_1": 28.535, + "ndcg_at_10": 34.285, + "ndcg_at_100": 38.286, + "ndcg_at_1000": 41.007, + "ndcg_at_3": 31.395, + "ndcg_at_5": 32.687, + "precision_at_1": 28.535, + "precision_at_10": 6.166, + "precision_at_100": 1.042, + "precision_at_1000": 0.155, + "precision_at_3": 14.862, + "precision_at_5": 10.331, + "recall_at_1": 23.194, + "recall_at_10": 41.648, + "recall_at_100": 58.999, + "recall_at_1000": 77.46300000000001, + "recall_at_3": 32.931, + "recall_at_5": 36.736999999999995, + "main_score": 34.285 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.899, + "map_at_10": 42.657000000000004, + "map_at_100": 43.717, + "map_at_1000": 43.79, + "map_at_3": 39.635, + "map_at_5": 41.538000000000004, + "mrr_at_1": 36.864999999999995, + "mrr_at_10": 46.137, + "mrr_at_100": 46.946, + "mrr_at_1000": 46.986, + "mrr_at_3": 43.469, + "mrr_at_5": 45.262, + "ndcg_at_1": 36.864999999999995, + "ndcg_at_10": 48.164, + "ndcg_at_100": 52.769999999999996, + "ndcg_at_1000": 54.393, + "ndcg_at_3": 42.887, + "ndcg_at_5": 45.871, + "precision_at_1": 36.864999999999995, + "precision_at_10": 7.843, + "precision_at_100": 1.102, + "precision_at_1000": 0.13, + "precision_at_3": 19.352, + "precision_at_5": 13.618, + "recall_at_1": 31.899, + "recall_at_10": 61.131, + "recall_at_100": 81.504, + "recall_at_1000": 93.146, + "recall_at_3": 46.971000000000004, + "recall_at_5": 54.42399999999999, + "main_score": 48.164 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.621000000000002, + "map_at_10": 23.621, + "map_at_100": 24.636, + "map_at_1000": 24.739, + "map_at_3": 21.623, + "map_at_5": 22.511, + "mrr_at_1": 19.096, + "mrr_at_10": 25.288, + "mrr_at_100": 26.238, + "mrr_at_1000": 26.314, + "mrr_at_3": 23.202, + "mrr_at_5": 24.213, + "ndcg_at_1": 19.096, + "ndcg_at_10": 27.529999999999998, + "ndcg_at_100": 32.763, + "ndcg_at_1000": 35.538, + "ndcg_at_3": 23.362, + "ndcg_at_5": 24.961, + "precision_at_1": 19.096, + "precision_at_10": 4.417999999999999, + "precision_at_100": 0.739, + "precision_at_1000": 0.10300000000000001, + "precision_at_3": 9.981, + "precision_at_5": 6.959999999999999, + "recall_at_1": 17.621000000000002, + "recall_at_10": 38.079, + "recall_at_100": 62.499, + "recall_at_1000": 83.783, + "recall_at_3": 26.687, + "recall_at_5": 30.459000000000003, + "main_score": 27.529999999999998 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 11.019, + "map_at_10": 15.869, + "map_at_100": 17.078, + "map_at_1000": 17.205000000000002, + "map_at_3": 13.794, + "map_at_5": 14.814, + "mrr_at_1": 13.930000000000001, + "mrr_at_10": 19.172, + "mrr_at_100": 20.325, + "mrr_at_1000": 20.415, + "mrr_at_3": 17.122999999999998, + "mrr_at_5": 18.124000000000002, + "ndcg_at_1": 13.930000000000001, + "ndcg_at_10": 19.646, + "ndcg_at_100": 25.684, + "ndcg_at_1000": 29.14, + "ndcg_at_3": 15.614, + "ndcg_at_5": 17.247, + "precision_at_1": 13.930000000000001, + "precision_at_10": 3.868, + "precision_at_100": 0.8, + "precision_at_1000": 0.125, + "precision_at_3": 7.420999999999999, + "precision_at_5": 5.672, + "recall_at_1": 11.019, + "recall_at_10": 28.116000000000003, + "recall_at_100": 54.794, + "recall_at_1000": 79.838, + "recall_at_3": 17.124, + "recall_at_5": 21.086, + "main_score": 19.646 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.791, + "map_at_10": 33.442, + "map_at_100": 34.719, + "map_at_1000": 34.849000000000004, + "map_at_3": 30.885, + "map_at_5": 32.245000000000005, + "mrr_at_1": 30.606, + "mrr_at_10": 38.922000000000004, + "mrr_at_100": 39.822, + "mrr_at_1000": 39.881, + "mrr_at_3": 36.622, + "mrr_at_5": 37.907000000000004, + "ndcg_at_1": 30.606, + "ndcg_at_10": 38.867000000000004, + "ndcg_at_100": 44.364, + "ndcg_at_1000": 47.073, + "ndcg_at_3": 34.63, + "ndcg_at_5": 36.479, + "precision_at_1": 30.606, + "precision_at_10": 7.0360000000000005, + "precision_at_100": 1.174, + "precision_at_1000": 0.16, + "precision_at_3": 16.522000000000002, + "precision_at_5": 11.588, + "recall_at_1": 24.791, + "recall_at_10": 49.736000000000004, + "recall_at_100": 72.67099999999999, + "recall_at_1000": 91.29599999999999, + "recall_at_3": 37.345, + "recall_at_5": 42.400999999999996, + "main_score": 38.867000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.669999999999998, + "map_at_10": 28.605000000000004, + "map_at_100": 29.769000000000002, + "map_at_1000": 29.881999999999998, + "map_at_3": 25.886, + "map_at_5": 27.317999999999998, + "mrr_at_1": 25.457, + "mrr_at_10": 33.423, + "mrr_at_100": 34.269, + "mrr_at_1000": 34.336, + "mrr_at_3": 30.974, + "mrr_at_5": 32.23, + "ndcg_at_1": 25.457, + "ndcg_at_10": 33.785, + "ndcg_at_100": 39.145, + "ndcg_at_1000": 41.772, + "ndcg_at_3": 29.014, + "ndcg_at_5": 31.019999999999996, + "precision_at_1": 25.457, + "precision_at_10": 6.2330000000000005, + "precision_at_100": 1.045, + "precision_at_1000": 0.145, + "precision_at_3": 13.813, + "precision_at_5": 9.863, + "recall_at_1": 20.669999999999998, + "recall_at_10": 44.651, + "recall_at_100": 68.037, + "recall_at_1000": 86.282, + "recall_at_3": 31.381999999999998, + "recall_at_5": 36.778, + "main_score": 33.785 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.796583333333338, + "map_at_10": 26.900166666666664, + "map_at_100": 27.956583333333334, + "map_at_1000": 28.08083333333333, + "map_at_3": 24.598416666666665, + "map_at_5": 25.81791666666667, + "mrr_at_1": 23.68591666666667, + "mrr_at_10": 30.65558333333333, + "mrr_at_100": 31.503583333333335, + "mrr_at_1000": 31.576083333333333, + "mrr_at_3": 28.50525, + "mrr_at_5": 29.690666666666665, + "ndcg_at_1": 23.68591666666667, + "ndcg_at_10": 31.425000000000004, + "ndcg_at_100": 36.34316666666666, + "ndcg_at_1000": 39.164249999999996, + "ndcg_at_3": 27.330083333333338, + "ndcg_at_5": 29.14408333333333, + "precision_at_1": 23.68591666666667, + "precision_at_10": 5.5862500000000015, + "precision_at_100": 0.9571666666666666, + "precision_at_1000": 0.13866666666666666, + "precision_at_3": 12.663499999999999, + "precision_at_5": 9.035333333333332, + "recall_at_1": 19.796583333333338, + "recall_at_10": 41.289416666666675, + "recall_at_100": 63.251250000000006, + "recall_at_1000": 83.4515, + "recall_at_3": 29.727916666666665, + "recall_at_5": 34.45824999999999, + "main_score": 31.425000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.121, + "map_at_10": 22.104, + "map_at_100": 23.003, + "map_at_1000": 23.108, + "map_at_3": 20.233, + "map_at_5": 21.186, + "mrr_at_1": 18.865000000000002, + "mrr_at_10": 24.951, + "mrr_at_100": 25.779000000000003, + "mrr_at_1000": 25.863999999999997, + "mrr_at_3": 23.083000000000002, + "mrr_at_5": 24.049, + "ndcg_at_1": 18.865000000000002, + "ndcg_at_10": 26.031, + "ndcg_at_100": 30.589, + "ndcg_at_1000": 33.565, + "ndcg_at_3": 22.369, + "ndcg_at_5": 23.932000000000002, + "precision_at_1": 18.865000000000002, + "precision_at_10": 4.324999999999999, + "precision_at_100": 0.722, + "precision_at_1000": 0.104, + "precision_at_3": 10.072000000000001, + "precision_at_5": 7.086, + "recall_at_1": 16.121, + "recall_at_10": 35.577, + "recall_at_100": 56.298, + "recall_at_1000": 79.089, + "recall_at_3": 25.239, + "recall_at_5": 29.242, + "main_score": 26.031 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 10.968, + "map_at_10": 15.639, + "map_at_100": 16.459, + "map_at_1000": 16.584, + "map_at_3": 14.127, + "map_at_5": 14.911, + "mrr_at_1": 13.73, + "mrr_at_10": 18.822, + "mrr_at_100": 19.592000000000002, + "mrr_at_1000": 19.683999999999997, + "mrr_at_3": 17.223, + "mrr_at_5": 18.082, + "ndcg_at_1": 13.73, + "ndcg_at_10": 18.881999999999998, + "ndcg_at_100": 23.182, + "ndcg_at_1000": 26.479000000000003, + "ndcg_at_3": 16.067999999999998, + "ndcg_at_5": 17.265, + "precision_at_1": 13.73, + "precision_at_10": 3.544, + "precision_at_100": 0.679, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 7.674, + "precision_at_5": 5.561, + "recall_at_1": 10.968, + "recall_at_10": 25.596000000000004, + "recall_at_100": 45.411, + "recall_at_1000": 69.555, + "recall_at_3": 17.582, + "recall_at_5": 20.785, + "main_score": 18.881999999999998 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.886, + "map_at_10": 27.029999999999998, + "map_at_100": 27.968, + "map_at_1000": 28.108, + "map_at_3": 25.001, + "map_at_5": 26.185000000000002, + "mrr_at_1": 24.067, + "mrr_at_10": 30.756, + "mrr_at_100": 31.593, + "mrr_at_1000": 31.685999999999996, + "mrr_at_3": 28.793999999999997, + "mrr_at_5": 29.997, + "ndcg_at_1": 24.067, + "ndcg_at_10": 31.095, + "ndcg_at_100": 35.893, + "ndcg_at_1000": 39.158, + "ndcg_at_3": 27.321, + "ndcg_at_5": 29.247, + "precision_at_1": 24.067, + "precision_at_10": 5.103, + "precision_at_100": 0.8460000000000001, + "precision_at_1000": 0.125, + "precision_at_3": 12.065, + "precision_at_5": 8.601, + "recall_at_1": 20.886, + "recall_at_10": 39.797, + "recall_at_100": 61.399, + "recall_at_1000": 84.555, + "recall_at_3": 29.721999999999998, + "recall_at_5": 34.455999999999996, + "main_score": 31.095 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.394, + "map_at_10": 28.303, + "map_at_100": 29.726000000000003, + "map_at_1000": 29.955, + "map_at_3": 25.705, + "map_at_5": 26.989, + "mrr_at_1": 25.691999999999997, + "mrr_at_10": 32.495000000000005, + "mrr_at_100": 33.461999999999996, + "mrr_at_1000": 33.534000000000006, + "mrr_at_3": 30.137999999999998, + "mrr_at_5": 31.383, + "ndcg_at_1": 25.691999999999997, + "ndcg_at_10": 33.300000000000004, + "ndcg_at_100": 39.062000000000005, + "ndcg_at_1000": 42.176, + "ndcg_at_3": 28.859, + "ndcg_at_5": 30.805, + "precision_at_1": 25.691999999999997, + "precision_at_10": 6.383, + "precision_at_100": 1.387, + "precision_at_1000": 0.22899999999999998, + "precision_at_3": 13.439, + "precision_at_5": 9.959999999999999, + "recall_at_1": 21.394, + "recall_at_10": 42.853, + "recall_at_100": 69.284, + "recall_at_1000": 89.646, + "recall_at_3": 29.786, + "recall_at_5": 34.797, + "main_score": 33.300000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 13.999, + "map_at_10": 19.979, + "map_at_100": 20.682000000000002, + "map_at_1000": 20.775, + "map_at_3": 18.072, + "map_at_5": 19.028, + "mrr_at_1": 15.342, + "mrr_at_10": 21.611, + "mrr_at_100": 22.298000000000002, + "mrr_at_1000": 22.375, + "mrr_at_3": 19.624, + "mrr_at_5": 20.659, + "ndcg_at_1": 15.342, + "ndcg_at_10": 23.809, + "ndcg_at_100": 27.685, + "ndcg_at_1000": 30.542, + "ndcg_at_3": 19.842000000000002, + "ndcg_at_5": 21.490000000000002, + "precision_at_1": 15.342, + "precision_at_10": 3.9190000000000005, + "precision_at_100": 0.627, + "precision_at_1000": 0.093, + "precision_at_3": 8.688, + "precision_at_5": 6.1370000000000005, + "recall_at_1": 13.999, + "recall_at_10": 34.276, + "recall_at_100": 52.825, + "recall_at_1000": 75.154, + "recall_at_3": 23.339, + "recall_at_5": 27.314, + "main_score": 23.809 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/ClimateFEVER.json b/results/izhx__udever-bloom-560m/external/ClimateFEVER.json new file mode 100644 index 000000000..7f14232e7 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.27, + "map_at_10": 14.161999999999999, + "map_at_100": 15.775, + "map_at_1000": 15.947, + "map_at_3": 11.701, + "map_at_5": 12.952, + "mrr_at_1": 18.632, + "mrr_at_10": 28.871000000000002, + "mrr_at_100": 29.985, + "mrr_at_1000": 30.037999999999997, + "mrr_at_3": 25.451, + "mrr_at_5": 27.366, + "ndcg_at_1": 18.632, + "ndcg_at_10": 21.017, + "ndcg_at_100": 28.022999999999996, + "ndcg_at_1000": 31.518, + "ndcg_at_3": 16.611, + "ndcg_at_5": 18.149, + "precision_at_1": 18.632, + "precision_at_10": 6.736000000000001, + "precision_at_100": 1.414, + "precision_at_1000": 0.20600000000000002, + "precision_at_3": 12.313, + "precision_at_5": 9.759, + "recall_at_1": 8.27, + "recall_at_10": 26.218999999999998, + "recall_at_100": 50.77, + "recall_at_1000": 70.8, + "recall_at_3": 15.526000000000002, + "recall_at_5": 19.724, + "main_score": 21.017 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/CmedqaRetrieval.json b/results/izhx__udever-bloom-560m/external/CmedqaRetrieval.json new file mode 100644 index 000000000..00a64141d --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/CmedqaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 10.598, + "map_at_10": 15.869, + "map_at_100": 17.081, + "map_at_1000": 17.267, + "map_at_3": 13.877, + "map_at_5": 14.884, + "mrr_at_1": 17.279, + "mrr_at_10": 22.554, + "mrr_at_100": 23.521, + "mrr_at_1000": 23.619, + "mrr_at_3": 20.647, + "mrr_at_5": 21.625, + "ndcg_at_1": 17.279, + "ndcg_at_10": 20.029, + "ndcg_at_100": 25.968000000000004, + "ndcg_at_1000": 30.158, + "ndcg_at_3": 16.947000000000003, + "ndcg_at_5": 18.069, + "precision_at_1": 17.279, + "precision_at_10": 4.704, + "precision_at_100": 0.9690000000000001, + "precision_at_1000": 0.152, + "precision_at_3": 9.777, + "precision_at_5": 7.207, + "recall_at_1": 10.598, + "recall_at_10": 26.034000000000002, + "recall_at_100": 51.385999999999996, + "recall_at_1000": 80.49, + "recall_at_3": 16.834, + "recall_at_5": 20.317, + "main_score": 20.029 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/Cmnli.json b/results/izhx__udever-bloom-560m/external/Cmnli.json new file mode 100644 index 000000000..ade552300 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/Cmnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Cmnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 70.40288634996993, + "cos_sim_ap": 78.43387766087626, + "cos_sim_f1": 73.09982840415867, + "cos_sim_precision": 64.31616341030195, + "cos_sim_recall": 84.66214636427402, + "dot_accuracy": 65.52014431749849, + "dot_ap": 70.89507344960353, + "dot_f1": 70.7030509759333, + "dot_precision": 59.43922255854708, + "dot_recall": 87.2340425531915, + "euclidean_accuracy": 69.84966927239927, + "euclidean_ap": 78.08825177727368, + "euclidean_f1": 72.68394399761692, + "euclidean_precision": 63.16879530548844, + "euclidean_recall": 85.57400046761748, + "manhattan_accuracy": 69.9579073962718, + "manhattan_ap": 78.38355697667261, + "manhattan_f1": 73.06507508663844, + "manhattan_precision": 62.10112911143839, + "manhattan_recall": 88.73041851765257, + "max_accuracy": 70.40288634996993, + "max_ap": 78.43387766087626, + "max_f1": 73.09982840415867, + "main_score": 70.40288634996993 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/CovidRetrieval.json b/results/izhx__udever-bloom-560m/external/CovidRetrieval.json new file mode 100644 index 000000000..d32159c52 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/CovidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 23.973, + "map_at_10": 30.074, + "map_at_100": 31.05, + "map_at_1000": 31.147000000000002, + "map_at_3": 27.977, + "map_at_5": 29.247, + "mrr_at_1": 24.025, + "mrr_at_10": 30.093999999999998, + "mrr_at_100": 31.068, + "mrr_at_1000": 31.165, + "mrr_at_3": 27.994000000000003, + "mrr_at_5": 29.243000000000002, + "ndcg_at_1": 24.025, + "ndcg_at_10": 33.566, + "ndcg_at_100": 38.818999999999996, + "ndcg_at_1000": 41.477000000000004, + "ndcg_at_3": 29.293000000000003, + "ndcg_at_5": 31.564999999999998, + "precision_at_1": 24.025, + "precision_at_10": 4.489, + "precision_at_100": 0.709, + "precision_at_1000": 0.092, + "precision_at_3": 11.064, + "precision_at_5": 7.734000000000001, + "recall_at_1": 23.973, + "recall_at_10": 44.731, + "recall_at_100": 70.52199999999999, + "recall_at_1000": 91.491, + "recall_at_3": 33.087, + "recall_at_5": 38.567, + "main_score": 33.566 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/DBPedia.json b/results/izhx__udever-bloom-560m/external/DBPedia.json new file mode 100644 index 000000000..5fdd9fb53 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.950000000000001, + "map_at_10": 13.236999999999998, + "map_at_100": 16.137, + "map_at_1000": 16.785, + "map_at_3": 10.378, + "map_at_5": 11.62, + "mrr_at_1": 54.0, + "mrr_at_10": 61.861, + "mrr_at_100": 62.436, + "mrr_at_1000": 62.456, + "mrr_at_3": 60.458, + "mrr_at_5": 61.208, + "ndcg_at_1": 43.75, + "ndcg_at_10": 28.224, + "ndcg_at_100": 29.244999999999997, + "ndcg_at_1000": 34.410000000000004, + "ndcg_at_3": 33.955, + "ndcg_at_5": 30.597, + "precision_at_1": 54.0, + "precision_at_10": 20.825, + "precision_at_100": 5.462, + "precision_at_1000": 1.1320000000000001, + "precision_at_3": 37.0, + "precision_at_5": 28.849999999999998, + "recall_at_1": 6.950000000000001, + "recall_at_10": 17.159, + "recall_at_100": 31.657999999999998, + "recall_at_1000": 49.155, + "recall_at_3": 11.393, + "recall_at_5": 13.568, + "main_score": 28.224 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/DuRetrieval.json b/results/izhx__udever-bloom-560m/external/DuRetrieval.json new file mode 100644 index 000000000..b74f2f51e --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/DuRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 16.333000000000002, + "map_at_10": 44.080999999999996, + "map_at_100": 47.958, + "map_at_1000": 48.183, + "map_at_3": 31.468, + "map_at_5": 38.213, + "mrr_at_1": 63.0, + "mrr_at_10": 72.006, + "mrr_at_100": 72.299, + "mrr_at_1000": 72.313, + "mrr_at_3": 70.375, + "mrr_at_5": 71.33, + "ndcg_at_1": 63.0, + "ndcg_at_10": 56.044000000000004, + "ndcg_at_100": 63.629999999999995, + "ndcg_at_1000": 66.156, + "ndcg_at_3": 55.85, + "ndcg_at_5": 53.559, + "precision_at_1": 63.0, + "precision_at_10": 27.279999999999998, + "precision_at_100": 4.005, + "precision_at_1000": 0.462, + "precision_at_3": 49.633, + "precision_at_5": 40.6, + "recall_at_1": 16.333000000000002, + "recall_at_10": 57.152, + "recall_at_100": 80.231, + "recall_at_1000": 92.95400000000001, + "recall_at_3": 34.793, + "recall_at_5": 44.989000000000004, + "main_score": 56.044000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/EcomRetrieval.json b/results/izhx__udever-bloom-560m/external/EcomRetrieval.json new file mode 100644 index 000000000..0f4cc476e --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/EcomRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 33.7, + "map_at_10": 42.327999999999996, + "map_at_100": 43.230000000000004, + "map_at_1000": 43.274, + "map_at_3": 39.883, + "map_at_5": 41.178, + "mrr_at_1": 33.7, + "mrr_at_10": 42.327999999999996, + "mrr_at_100": 43.230000000000004, + "mrr_at_1000": 43.274, + "mrr_at_3": 39.883, + "mrr_at_5": 41.178, + "ndcg_at_1": 33.7, + "ndcg_at_10": 46.996, + "ndcg_at_100": 51.629000000000005, + "ndcg_at_1000": 52.823, + "ndcg_at_3": 41.891, + "ndcg_at_5": 44.232, + "precision_at_1": 33.7, + "precision_at_10": 6.1899999999999995, + "precision_at_100": 0.8410000000000001, + "precision_at_1000": 0.094, + "precision_at_3": 15.9, + "precision_at_5": 10.68, + "recall_at_1": 33.7, + "recall_at_10": 61.9, + "recall_at_100": 84.1, + "recall_at_1000": 93.60000000000001, + "recall_at_3": 47.699999999999996, + "recall_at_5": 53.400000000000006, + "main_score": 46.996 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/EmotionClassification.json b/results/izhx__udever-bloom-560m/external/EmotionClassification.json new file mode 100644 index 000000000..807ee74cb --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 44.76500000000001, + "f1": 40.46330006682868, + "main_score": 44.76500000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/FEVER.json b/results/izhx__udever-bloom-560m/external/FEVER.json new file mode 100644 index 000000000..2620f4887 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 45.078, + "map_at_10": 55.443, + "map_at_100": 56.03900000000001, + "map_at_1000": 56.067, + "map_at_3": 53.174, + "map_at_5": 54.510999999999996, + "mrr_at_1": 48.575, + "mrr_at_10": 59.194, + "mrr_at_100": 59.760999999999996, + "mrr_at_1000": 59.784000000000006, + "mrr_at_3": 56.896, + "mrr_at_5": 58.282000000000004, + "ndcg_at_1": 48.575, + "ndcg_at_10": 61.096, + "ndcg_at_100": 63.94800000000001, + "ndcg_at_1000": 64.68199999999999, + "ndcg_at_3": 56.58, + "ndcg_at_5": 58.928000000000004, + "precision_at_1": 48.575, + "precision_at_10": 8.18, + "precision_at_100": 0.968, + "precision_at_1000": 0.104, + "precision_at_3": 22.662, + "precision_at_5": 14.881, + "recall_at_1": 45.078, + "recall_at_10": 75.057, + "recall_at_100": 88.05199999999999, + "recall_at_1000": 93.58999999999999, + "recall_at_3": 62.77700000000001, + "recall_at_5": 68.50699999999999, + "main_score": 61.096 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/FiQA2018.json b/results/izhx__udever-bloom-560m/external/FiQA2018.json new file mode 100644 index 000000000..46dbc7eff --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 11.097999999999999, + "map_at_10": 18.288, + "map_at_100": 19.903000000000002, + "map_at_1000": 20.108, + "map_at_3": 15.576, + "map_at_5": 16.997999999999998, + "mrr_at_1": 23.302, + "mrr_at_10": 30.978, + "mrr_at_100": 32.072, + "mrr_at_1000": 32.15, + "mrr_at_3": 28.549000000000003, + "mrr_at_5": 29.931, + "ndcg_at_1": 23.302, + "ndcg_at_10": 24.488, + "ndcg_at_100": 31.052999999999997, + "ndcg_at_1000": 35.124, + "ndcg_at_3": 21.215999999999998, + "ndcg_at_5": 22.314999999999998, + "precision_at_1": 23.302, + "precision_at_10": 7.13, + "precision_at_100": 1.3559999999999999, + "precision_at_1000": 0.20600000000000002, + "precision_at_3": 14.198, + "precision_at_5": 10.895000000000001, + "recall_at_1": 11.097999999999999, + "recall_at_10": 30.352, + "recall_at_100": 54.937999999999995, + "recall_at_1000": 79.586, + "recall_at_3": 19.486, + "recall_at_5": 23.860999999999997, + "main_score": 24.488 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/HotpotQA.json b/results/izhx__udever-bloom-560m/external/HotpotQA.json new file mode 100644 index 000000000..f888aff01 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.325, + "map_at_10": 37.305, + "map_at_100": 38.0, + "map_at_1000": 38.065, + "map_at_3": 35.219, + "map_at_5": 36.466, + "mrr_at_1": 56.650999999999996, + "mrr_at_10": 63.574, + "mrr_at_100": 63.966, + "mrr_at_1000": 63.992000000000004, + "mrr_at_3": 62.107, + "mrr_at_5": 62.976, + "ndcg_at_1": 56.650999999999996, + "ndcg_at_10": 46.046, + "ndcg_at_100": 48.916, + "ndcg_at_1000": 50.410999999999994, + "ndcg_at_3": 42.516999999999996, + "ndcg_at_5": 44.374, + "precision_at_1": 56.650999999999996, + "precision_at_10": 9.392, + "precision_at_100": 1.166, + "precision_at_1000": 0.13699999999999998, + "precision_at_3": 26.068, + "precision_at_5": 17.11, + "recall_at_1": 28.325, + "recall_at_10": 46.961999999999996, + "recall_at_100": 58.318999999999996, + "recall_at_1000": 68.298, + "recall_at_3": 39.102, + "recall_at_5": 42.775, + "main_score": 46.046 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/IFlyTek.json b/results/izhx__udever-bloom-560m/external/IFlyTek.json new file mode 100644 index 000000000..2a3f826c8 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/IFlyTek.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 40.461716044632546, + "f1": 33.890745966734315, + "main_score": 40.461716044632546 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/ImdbClassification.json b/results/izhx__udever-bloom-560m/external/ImdbClassification.json new file mode 100644 index 000000000..acd97090e --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.21000000000001, + "ap": 66.59963731769069, + "f1": 71.97616824840041, + "main_score": 72.21000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/JDReview.json b/results/izhx__udever-bloom-560m/external/JDReview.json new file mode 100644 index 000000000..3bf42d442 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/JDReview.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 78.25515947467167, + "ap": 38.265118237185064, + "f1": 70.73962826410575, + "main_score": 78.25515947467167 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/LCQMC.json b/results/izhx__udever-bloom-560m/external/LCQMC.json new file mode 100644 index 000000000..1efbae1c6 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/LCQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 63.98362797180168, + "cos_sim_spearman": 71.97575564053473, + "euclidean_pearson": 70.56052438394708, + "euclidean_spearman": 72.48267176371337, + "manhattan_pearson": 70.7156268448442, + "manhattan_spearman": 72.61065396802094, + "cosine_pearson": 63.98362797180168, + "cosine_spearman": 71.97575564053473, + "main_score": 71.97575564053473 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/MMarcoReranking.json b/results/izhx__udever-bloom-560m/external/MMarcoReranking.json new file mode 100644 index 000000000..584a37f82 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 23.6853605350459, + "mrr": 22.341269841269842, + "main_score": 23.6853605350459 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/MMarcoRetrieval.json b/results/izhx__udever-bloom-560m/external/MMarcoRetrieval.json new file mode 100644 index 000000000..11dec70ef --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/MMarcoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 55.775, + "map_at_10": 65.074, + "map_at_100": 65.596, + "map_at_1000": 65.618, + "map_at_3": 62.92, + "map_at_5": 64.277, + "mrr_at_1": 57.708000000000006, + "mrr_at_10": 65.824, + "mrr_at_100": 66.286, + "mrr_at_1000": 66.306, + "mrr_at_3": 63.871, + "mrr_at_5": 65.093, + "ndcg_at_1": 57.708000000000006, + "ndcg_at_10": 69.309, + "ndcg_at_100": 71.723, + "ndcg_at_1000": 72.313, + "ndcg_at_3": 65.134, + "ndcg_at_5": 67.476, + "precision_at_1": 57.708000000000006, + "precision_at_10": 8.668, + "precision_at_100": 0.989, + "precision_at_1000": 0.104, + "precision_at_3": 24.837999999999997, + "precision_at_5": 16.128999999999998, + "recall_at_1": 55.775, + "recall_at_10": 81.702, + "recall_at_100": 92.785, + "recall_at_1000": 97.425, + "recall_at_3": 70.587, + "recall_at_5": 76.199, + "main_score": 69.309 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/MSMARCO.json b/results/izhx__udever-bloom-560m/external/MSMARCO.json new file mode 100644 index 000000000..bcc8fd31f --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.771, + "map_at_10": 28.16, + "map_at_100": 29.363, + "map_at_1000": 29.431, + "map_at_3": 24.767, + "map_at_5": 26.706999999999997, + "mrr_at_1": 18.252, + "mrr_at_10": 28.666000000000004, + "mrr_at_100": 29.837000000000003, + "mrr_at_1000": 29.898999999999997, + "mrr_at_3": 25.308000000000003, + "mrr_at_5": 27.226, + "ndcg_at_1": 18.252, + "ndcg_at_10": 34.176, + "ndcg_at_100": 40.138, + "ndcg_at_1000": 41.923, + "ndcg_at_3": 27.214, + "ndcg_at_5": 30.695, + "precision_at_1": 18.252, + "precision_at_10": 5.503, + "precision_at_100": 0.8500000000000001, + "precision_at_1000": 0.1, + "precision_at_3": 11.667, + "precision_at_5": 8.754000000000001, + "recall_at_1": 17.771, + "recall_at_10": 52.781, + "recall_at_100": 80.638, + "recall_at_1000": 94.46, + "recall_at_3": 33.767, + "recall_at_5": 42.172, + "main_score": 34.176 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/MTOPDomainClassification.json b/results/izhx__udever-bloom-560m/external/MTOPDomainClassification.json new file mode 100644 index 000000000..4cff3fbd9 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/MTOPDomainClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 89.93388052895577, + "f1": 89.55553145791954, + "main_score": 89.93388052895577 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 68.42490842490842, + "f1": 67.01398674117826, + "main_score": 68.42490842490842 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 88.2121414276184, + "f1": 87.61981627763988, + "main_score": 88.2121414276184 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 85.49013466958974, + "f1": 85.09758510104221, + "main_score": 85.49013466958974 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 84.22732162065257, + "f1": 83.24580378090367, + "main_score": 84.22732162065257 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 53.171790235081374, + "f1": 51.93028909966765, + "main_score": 53.171790235081374 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/MTOPIntentClassification.json b/results/izhx__udever-bloom-560m/external/MTOPIntentClassification.json new file mode 100644 index 000000000..3779ad441 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/MTOPIntentClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 66.5640674874601, + "f1": 49.856876973153966, + "main_score": 66.5640674874601 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 49.171597633136095, + "f1": 32.166022205347545, + "main_score": 49.171597633136095 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 65.71714476317545, + "f1": 45.748971341625136, + "main_score": 65.71714476317545 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 62.65267773253993, + "f1": 45.904472624086026, + "main_score": 62.65267773253993 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 61.8752240946576, + "f1": 40.7359613185448, + "main_score": 61.8752240946576 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 41.67088607594936, + "f1": 28.12210726419673, + "main_score": 41.67088607594936 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/MassiveIntentClassification.json b/results/izhx__udever-bloom-560m/external/MassiveIntentClassification.json new file mode 100644 index 000000000..e520c8d4e --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/MassiveIntentClassification.json @@ -0,0 +1,469 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 43.29186281102892, + "f1": 41.83461350696014, + "main_score": 43.29186281102892 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 23.214525891055814, + "f1": 22.364131190189962, + "main_score": 23.214525891055814 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 53.38264963012777, + "f1": 50.74546702709091, + "main_score": 53.38264963012777 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 39.55951580363147, + "f1": 39.07769075741216, + "main_score": 39.55951580363147 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 56.73839946200403, + "f1": 54.36728741542025, + "main_score": 56.73839946200403 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 39.99663752521857, + "f1": 38.709817953652596, + "main_score": 39.99663752521857 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 46.933422999327504, + "f1": 45.32022679895763, + "main_score": 46.933422999327504 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 45.820443846671154, + "f1": 42.853155158197886, + "main_score": 45.820443846671154 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 37.874915938130464, + "f1": 35.9849010888881, + "main_score": 37.874915938130464 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 66.08944182918628, + "f1": 64.5039080809391, + "main_score": 66.08944182918628 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 61.17350369872226, + "f1": 60.0792530132073, + "main_score": 61.17350369872226 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 45.652320107599195, + "f1": 44.28182554287625, + "main_score": 45.652320107599195 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 40.282447881640884, + "f1": 38.79927524886836, + "main_score": 40.282447881640884 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 62.60591795561533, + "f1": 61.01451309609411, + "main_score": 62.60591795561533 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 32.225958305312716, + "f1": 30.903299940417906, + "main_score": 32.225958305312716 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 59.46200403496974, + "f1": 57.34556231956785, + "main_score": 59.46200403496974 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 40.907868190988566, + "f1": 39.74702259997524, + "main_score": 40.907868190988566 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 29.939475453934094, + "f1": 28.462353413371353, + "main_score": 29.939475453934094 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 59.14256893073302, + "f1": 57.24600767871435, + "main_score": 59.14256893073302 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 39.620040349697376, + "f1": 38.414866180464735, + "main_score": 39.620040349697376 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 51.772024209818426, + "f1": 51.05050942366993, + "main_score": 51.772024209818426 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 53.749159381304636, + "f1": 52.04563008527909, + "main_score": 53.749159381304636 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 46.29455279085406, + "f1": 43.84047527739209, + "main_score": 46.29455279085406 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 25.107599193006045, + "f1": 24.58731463875415, + "main_score": 25.107599193006045 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 27.21923335574984, + "f1": 25.964338481976796, + "main_score": 27.21923335574984 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 47.96906523201077, + "f1": 45.32239408435578, + "main_score": 47.96906523201077 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 40.53799596503026, + "f1": 39.15655510771227, + "main_score": 40.53799596503026 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 43.140551445864155, + "f1": 42.12232733095163, + "main_score": 43.140551445864155 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 53.69199731002017, + "f1": 50.67085509122796, + "main_score": 53.69199731002017 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 33.37256220578346, + "f1": 33.39335560955231, + "main_score": 33.37256220578346 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 51.94014794889038, + "f1": 50.6207021226521, + "main_score": 51.94014794889038 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 25.322797579018157, + "f1": 23.94164121951907, + "main_score": 25.322797579018157 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 44.11903160726294, + "f1": 43.016752983579536, + "main_score": 44.11903160726294 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 44.03496973772697, + "f1": 42.322828283176754, + "main_score": 44.03496973772697 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 41.63080026899798, + "f1": 39.58824644978166, + "main_score": 41.63080026899798 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 61.7350369872226, + "f1": 59.956752206079386, + "main_score": 61.7350369872226 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 45.72629455279086, + "f1": 44.731249269647826, + "main_score": 45.72629455279086 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 47.61264290517822, + "f1": 45.5280995218491, + "main_score": 47.61264290517822 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 42.82784129119032, + "f1": 41.37165985220223, + "main_score": 42.82784129119032 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 43.61466039004707, + "f1": 43.164498227815535, + "main_score": 43.61466039004707 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 44.64021519838602, + "f1": 43.04775030948548, + "main_score": 44.64021519838602 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 45.54808338937458, + "f1": 44.011677633779975, + "main_score": 45.54808338937458 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 51.2441156691325, + "f1": 48.73592932403811, + "main_score": 51.2441156691325 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 47.43443174176195, + "f1": 45.08686598891457, + "main_score": 47.43443174176195 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 36.87962340282448, + "f1": 36.50540864756967, + "main_score": 36.87962340282448 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 45.9280430396772, + "f1": 44.57216865343283, + "main_score": 45.9280430396772 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 38.591123066577, + "f1": 37.886312373767446, + "main_score": 38.591123066577 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 51.85272360457296, + "f1": 49.43461566216979, + "main_score": 51.85272360457296 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 58.72225958305313, + "f1": 56.95500715299434, + "main_score": 58.72225958305313 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 63.74915938130464, + "f1": 62.35543158488615, + "main_score": 63.74915938130464 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 59.95292535305985, + "f1": 59.73499569346673, + "main_score": 59.95292535305985 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/MassiveScenarioClassification.json b/results/izhx__udever-bloom-560m/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..92a385756 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/MassiveScenarioClassification.json @@ -0,0 +1,469 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 47.42098184263618, + "f1": 45.22541854557743, + "main_score": 47.42098184263618 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 24.707464694014796, + "f1": 24.033506081882468, + "main_score": 24.707464694014796 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 62.09145931405515, + "f1": 62.22048940230962, + "main_score": 62.09145931405515 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 39.25016812373907, + "f1": 38.35431952425269, + "main_score": 39.25016812373907 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 63.37256220578345, + "f1": 63.12728180326932, + "main_score": 63.37256220578345 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 39.172831203765966, + "f1": 37.078841372640234, + "main_score": 39.172831203765966 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 49.11230665770006, + "f1": 46.489580286547245, + "main_score": 49.11230665770006 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 50.7128446536651, + "f1": 48.27782602378952, + "main_score": 50.7128446536651 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 39.46536650975118, + "f1": 37.4365280056047, + "main_score": 39.46536650975118 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.26160053799597, + "f1": 73.4478249967817, + "main_score": 73.26160053799597 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 68.31203765971756, + "f1": 68.70554437788068, + "main_score": 68.31203765971756 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 45.652320107599195, + "f1": 44.55357745265521, + "main_score": 45.652320107599195 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 38.94754539340955, + "f1": 36.48927336173062, + "main_score": 38.94754539340955 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 68.69872225958305, + "f1": 68.81347966311543, + "main_score": 68.69872225958305 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 32.131809011432416, + "f1": 30.212230946937474, + "main_score": 32.131809011432416 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 65.57498318762609, + "f1": 65.16084751135229, + "main_score": 65.57498318762609 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 42.965702757229316, + "f1": 40.575896627739105, + "main_score": 42.965702757229316 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 32.125084061869536, + "f1": 30.708056882129476, + "main_score": 32.125084061869536 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 65.10759919300607, + "f1": 64.5007800119315, + "main_score": 65.10759919300607 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 40.83725622057834, + "f1": 37.855774705520886, + "main_score": 40.83725622057834 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 54.55279085406859, + "f1": 52.73318944173822, + "main_score": 54.55279085406859 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 57.14525891055817, + "f1": 55.96714177558203, + "main_score": 57.14525891055817 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 49.30060524546065, + "f1": 47.82999154670342, + "main_score": 49.30060524546065 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 25.85743106926698, + "f1": 24.974946990729716, + "main_score": 25.85743106926698 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 31.180228648285137, + "f1": 28.22387838219335, + "main_score": 31.180228648285137 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 53.00941492938802, + "f1": 52.39610045092559, + "main_score": 53.00941492938802 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 40.24546065904505, + "f1": 38.99779773215032, + "main_score": 40.24546065904505 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 41.88298587760592, + "f1": 39.53867071594289, + "main_score": 41.88298587760592 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 59.078681909885674, + "f1": 58.47368723772022, + "main_score": 59.078681909885674 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 33.33893745796907, + "f1": 32.113466354321226, + "main_score": 33.33893745796907 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 57.454606590450574, + "f1": 56.13075383338251, + "main_score": 57.454606590450574 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 27.19569603227976, + "f1": 26.300773160344015, + "main_score": 27.19569603227976 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 46.78547410894418, + "f1": 44.233771335183015, + "main_score": 46.78547410894418 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 48.4196368527236, + "f1": 45.55838648206857, + "main_score": 48.4196368527236 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 41.63080026899798, + "f1": 40.77775839499525, + "main_score": 41.63080026899798 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 66.408876933423, + "f1": 66.7358693871042, + "main_score": 66.408876933423 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 50.077336919973106, + "f1": 48.572749739090014, + "main_score": 50.077336919973106 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 49.942837928715534, + "f1": 49.34771836662566, + "main_score": 49.942837928715534 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 43.43308675184936, + "f1": 41.818008297000986, + "main_score": 43.43308675184936 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 44.082044384667114, + "f1": 43.25002746432129, + "main_score": 44.082044384667114 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 46.45258910558171, + "f1": 44.00958237591922, + "main_score": 46.45258910558171 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 49.53261600537996, + "f1": 48.01969699634672, + "main_score": 49.53261600537996 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 56.792199058507066, + "f1": 56.54421925671813, + "main_score": 56.792199058507066 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 54.0114324142569, + "f1": 52.29830350891558, + "main_score": 54.0114324142569 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 38.584398117014125, + "f1": 36.551426239639575, + "main_score": 38.584398117014125 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 48.07330195023538, + "f1": 46.463553675519975, + "main_score": 48.07330195023538 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 40.645595158036315, + "f1": 40.21280676607986, + "main_score": 40.645595158036315 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 57.74714189643577, + "f1": 56.8673027258351, + "main_score": 57.74714189643577 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 65.83389374579693, + "f1": 66.11273939782248, + "main_score": 65.83389374579693 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 72.38735709482181, + "f1": 72.89481650271512, + "main_score": 72.38735709482181 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 69.63685272360458, + "f1": 70.72285841806938, + "main_score": 69.63685272360458 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/MedicalRetrieval.json b/results/izhx__udever-bloom-560m/external/MedicalRetrieval.json new file mode 100644 index 000000000..af0ff234d --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/MedicalRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 30.8, + "map_at_10": 34.782000000000004, + "map_at_100": 35.333999999999996, + "map_at_1000": 35.405, + "map_at_3": 34.0, + "map_at_5": 34.345, + "mrr_at_1": 30.8, + "mrr_at_10": 34.782000000000004, + "mrr_at_100": 35.333999999999996, + "mrr_at_1000": 35.405, + "mrr_at_3": 34.0, + "mrr_at_5": 34.345, + "ndcg_at_1": 30.8, + "ndcg_at_10": 36.675000000000004, + "ndcg_at_100": 39.633, + "ndcg_at_1000": 41.904, + "ndcg_at_3": 35.028, + "ndcg_at_5": 35.648, + "precision_at_1": 30.8, + "precision_at_10": 4.26, + "precision_at_100": 0.571, + "precision_at_1000": 0.076, + "precision_at_3": 12.667, + "precision_at_5": 7.9, + "recall_at_1": 30.8, + "recall_at_10": 42.6, + "recall_at_100": 57.099999999999994, + "recall_at_1000": 75.8, + "recall_at_3": 38.0, + "recall_at_5": 39.5, + "main_score": 36.675000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/MedrxivClusteringP2P.json b/results/izhx__udever-bloom-560m/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..3a94a2f97 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 27.84536559870361, + "main_score": 27.84536559870361 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/MedrxivClusteringS2S.json b/results/izhx__udever-bloom-560m/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..322e04dd0 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 27.714921841841605, + "main_score": 27.714921841841605 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/MindSmallReranking.json b/results/izhx__udever-bloom-560m/external/MindSmallReranking.json new file mode 100644 index 000000000..7fcae27e1 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 30.52145905910035, + "mrr": 31.551577344311845, + "main_score": 30.52145905910035 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/MultilingualSentiment.json b/results/izhx__udever-bloom-560m/external/MultilingualSentiment.json new file mode 100644 index 000000000..3832dc6b4 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/MultilingualSentiment.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 63.16666666666666, + "f1": 63.09453591106835, + "main_score": 63.16666666666666 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/NFCorpus.json b/results/izhx__udever-bloom-560m/external/NFCorpus.json new file mode 100644 index 000000000..03af4dc61 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.7060000000000004, + "map_at_10": 9.032, + "map_at_100": 11.395, + "map_at_1000": 12.713, + "map_at_3": 6.502, + "map_at_5": 7.8100000000000005, + "mrr_at_1": 37.461, + "mrr_at_10": 45.839999999999996, + "mrr_at_100": 46.513, + "mrr_at_1000": 46.571, + "mrr_at_3": 43.55, + "mrr_at_5": 44.773, + "ndcg_at_1": 35.913000000000004, + "ndcg_at_10": 27.340999999999998, + "ndcg_at_100": 25.197000000000003, + "ndcg_at_1000": 34.632000000000005, + "ndcg_at_3": 31.952, + "ndcg_at_5": 30.244, + "precision_at_1": 37.461, + "precision_at_10": 20.495, + "precision_at_100": 6.551, + "precision_at_1000": 1.966, + "precision_at_3": 30.753000000000004, + "precision_at_5": 26.935, + "recall_at_1": 3.7060000000000004, + "recall_at_10": 12.958, + "recall_at_100": 26.582, + "recall_at_1000": 59.724, + "recall_at_3": 7.503, + "recall_at_5": 9.808, + "main_score": 27.340999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/NQ.json b/results/izhx__udever-bloom-560m/external/NQ.json new file mode 100644 index 000000000..c2f4a1a36 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.201999999999998, + "map_at_10": 33.76, + "map_at_100": 34.867, + "map_at_1000": 34.92, + "map_at_3": 30.233999999999998, + "map_at_5": 32.291, + "mrr_at_1": 25.232, + "mrr_at_10": 36.239, + "mrr_at_100": 37.119, + "mrr_at_1000": 37.162, + "mrr_at_3": 33.213, + "mrr_at_5": 35.02, + "ndcg_at_1": 25.232, + "ndcg_at_10": 40.046, + "ndcg_at_100": 45.025, + "ndcg_at_1000": 46.459, + "ndcg_at_3": 33.343, + "ndcg_at_5": 36.801, + "precision_at_1": 25.232, + "precision_at_10": 6.796, + "precision_at_100": 0.959, + "precision_at_1000": 0.109, + "precision_at_3": 15.276, + "precision_at_5": 11.17, + "recall_at_1": 22.201999999999998, + "recall_at_10": 56.733, + "recall_at_100": 79.041, + "recall_at_1000": 90.08500000000001, + "recall_at_3": 39.412000000000006, + "recall_at_5": 47.352, + "main_score": 40.046 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/Ocnli.json b/results/izhx__udever-bloom-560m/external/Ocnli.json new file mode 100644 index 000000000..41685047e --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/Ocnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Ocnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 62.53383865728208, + "cos_sim_ap": 66.3197921045625, + "cos_sim_f1": 69.3385214007782, + "cos_sim_precision": 54.89833641404805, + "cos_sim_recall": 94.08658922914466, + "dot_accuracy": 59.7184623714131, + "dot_ap": 61.53586693000539, + "dot_f1": 68.26923076923077, + "dot_precision": 52.53272623790552, + "dot_recall": 97.46568109820485, + "euclidean_accuracy": 62.912831618841366, + "euclidean_ap": 67.15479155849464, + "euclidean_f1": 70.64071370640713, + "euclidean_precision": 57.34035549703752, + "euclidean_recall": 91.97465681098205, + "manhattan_accuracy": 63.50839198700595, + "manhattan_ap": 67.55807251483273, + "manhattan_f1": 70.58356490670901, + "manhattan_precision": 56.55216284987278, + "manhattan_recall": 93.8753959873284, + "max_accuracy": 63.50839198700595, + "max_ap": 67.55807251483273, + "max_f1": 70.64071370640713, + "main_score": 63.50839198700595 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/OnlineShopping.json b/results/izhx__udever-bloom-560m/external/OnlineShopping.json new file mode 100644 index 000000000..4767a3fed --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/OnlineShopping.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 87.11, + "ap": 84.20351278644551, + "f1": 87.10043002123766, + "main_score": 87.11 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/PAWSX.json b/results/izhx__udever-bloom-560m/external/PAWSX.json new file mode 100644 index 000000000..bd7cd6c05 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/PAWSX.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 13.050279647770473, + "cos_sim_spearman": 14.227909232579874, + "euclidean_pearson": 16.372629300358096, + "euclidean_spearman": 14.68140021547196, + "manhattan_pearson": 16.266960163157336, + "manhattan_spearman": 14.627750758965616, + "cosine_pearson": 13.050279647770473, + "cosine_spearman": 14.227909232579874, + "main_score": 14.227909232579874 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/QBQTC.json b/results/izhx__udever-bloom-560m/external/QBQTC.json new file mode 100644 index 000000000..42dd68202 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/QBQTC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "QBQTC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 30.56036276943463, + "cos_sim_spearman": 32.918859292204, + "euclidean_pearson": 31.679745438037195, + "euclidean_spearman": 33.68461814972644, + "manhattan_pearson": 31.994557954084563, + "manhattan_spearman": 33.97758185204816, + "cosine_pearson": 30.56036276943463, + "cosine_spearman": 32.918859292204, + "main_score": 32.918859292204 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/QuoraRetrieval.json b/results/izhx__udever-bloom-560m/external/QuoraRetrieval.json new file mode 100644 index 000000000..01c32ba6e --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 68.327, + "map_at_10": 81.938, + "map_at_100": 82.581, + "map_at_1000": 82.60300000000001, + "map_at_3": 78.89399999999999, + "map_at_5": 80.816, + "mrr_at_1": 78.75, + "mrr_at_10": 85.302, + "mrr_at_100": 85.432, + "mrr_at_1000": 85.434, + "mrr_at_3": 84.128, + "mrr_at_5": 84.91199999999999, + "ndcg_at_1": 78.74, + "ndcg_at_10": 86.042, + "ndcg_at_100": 87.468, + "ndcg_at_1000": 87.641, + "ndcg_at_3": 82.799, + "ndcg_at_5": 84.603, + "precision_at_1": 78.74, + "precision_at_10": 13.071, + "precision_at_100": 1.508, + "precision_at_1000": 0.156, + "precision_at_3": 36.08, + "precision_at_5": 23.87, + "recall_at_1": 68.327, + "recall_at_10": 93.962, + "recall_at_100": 99.054, + "recall_at_1000": 99.9, + "recall_at_3": 84.788, + "recall_at_5": 89.73, + "main_score": 86.042 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/RedditClustering.json b/results/izhx__udever-bloom-560m/external/RedditClustering.json new file mode 100644 index 000000000..36a63441d --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 41.337989152483956, + "main_score": 41.337989152483956 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/RedditClusteringP2P.json b/results/izhx__udever-bloom-560m/external/RedditClusteringP2P.json new file mode 100644 index 000000000..d04c0f6b6 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 51.2046136625677, + "main_score": 51.2046136625677 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/SCIDOCS.json b/results/izhx__udever-bloom-560m/external/SCIDOCS.json new file mode 100644 index 000000000..44945b043 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.763, + "map_at_10": 8.785, + "map_at_100": 10.266, + "map_at_1000": 10.506, + "map_at_3": 6.551, + "map_at_5": 7.670000000000001, + "mrr_at_1": 18.5, + "mrr_at_10": 27.771, + "mrr_at_100": 28.842000000000002, + "mrr_at_1000": 28.913, + "mrr_at_3": 24.767, + "mrr_at_5": 26.457000000000004, + "ndcg_at_1": 18.5, + "ndcg_at_10": 15.312000000000001, + "ndcg_at_100": 21.599, + "ndcg_at_1000": 26.473999999999997, + "ndcg_at_3": 14.821000000000002, + "ndcg_at_5": 12.836, + "precision_at_1": 18.5, + "precision_at_10": 7.779999999999999, + "precision_at_100": 1.69, + "precision_at_1000": 0.28700000000000003, + "precision_at_3": 13.667000000000002, + "precision_at_5": 11.08, + "recall_at_1": 3.763, + "recall_at_10": 15.798000000000002, + "recall_at_100": 34.313, + "recall_at_1000": 58.318000000000005, + "recall_at_3": 8.312999999999999, + "recall_at_5": 11.238, + "main_score": 15.312000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/SICK-R.json b/results/izhx__udever-bloom-560m/external/SICK-R.json new file mode 100644 index 000000000..d8c7ab493 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.33402689861924, + "cos_sim_spearman": 78.52738315932625, + "euclidean_pearson": 80.800678573052, + "euclidean_spearman": 77.86666946799137, + "manhattan_pearson": 81.03106755866989, + "manhattan_spearman": 78.0676393879487, + "cosine_pearson": 84.33402689861924, + "cosine_spearman": 78.52738315932625, + "main_score": 78.52738315932625 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/STS12.json b/results/izhx__udever-bloom-560m/external/STS12.json new file mode 100644 index 000000000..d08f7fafd --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.86998503723257, + "cos_sim_spearman": 74.07437934108376, + "euclidean_pearson": 80.91626452869946, + "euclidean_spearman": 76.88419802521403, + "manhattan_pearson": 81.50196980117957, + "manhattan_spearman": 77.2456891009073, + "cosine_pearson": 81.86998503723257, + "cosine_spearman": 74.07437934108376, + "main_score": 74.07437934108376 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/STS13.json b/results/izhx__udever-bloom-560m/external/STS13.json new file mode 100644 index 000000000..422215172 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.19616084290932, + "cos_sim_spearman": 81.80834431353927, + "euclidean_pearson": 81.25429737195789, + "euclidean_spearman": 82.00934127307355, + "manhattan_pearson": 81.67403556759655, + "manhattan_spearman": 82.42359818976753, + "cosine_pearson": 81.19616084290932, + "cosine_spearman": 81.80834431353927, + "main_score": 81.80834431353927 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/STS14.json b/results/izhx__udever-bloom-560m/external/STS14.json new file mode 100644 index 000000000..203ed4de8 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.50884725941148, + "cos_sim_spearman": 77.0493522248929, + "euclidean_pearson": 79.15856111178543, + "euclidean_spearman": 77.24292975474096, + "manhattan_pearson": 79.22641788874807, + "manhattan_spearman": 77.37101663798234, + "cosine_pearson": 81.50884725941148, + "cosine_spearman": 77.0493522248929, + "main_score": 77.0493522248929 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/STS15.json b/results/izhx__udever-bloom-560m/external/STS15.json new file mode 100644 index 000000000..e21c393ce --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.75652767224308, + "cos_sim_spearman": 84.61113973428688, + "euclidean_pearson": 83.73646379542737, + "euclidean_spearman": 84.47126779405652, + "manhattan_pearson": 83.89617307570857, + "manhattan_spearman": 84.6073703393468, + "cosine_pearson": 83.75652767224308, + "cosine_spearman": 84.61113973428688, + "main_score": 84.61113973428688 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/STS16.json b/results/izhx__udever-bloom-560m/external/STS16.json new file mode 100644 index 000000000..a17c400bd --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.16302763567215, + "cos_sim_spearman": 83.08923353997561, + "euclidean_pearson": 80.08338016232464, + "euclidean_spearman": 80.40181608724076, + "manhattan_pearson": 80.02358856208708, + "manhattan_spearman": 80.30032329982274, + "cosine_pearson": 81.16302763567215, + "cosine_spearman": 83.08923353997561, + "main_score": 83.08923353997561 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/STS17.json b/results/izhx__udever-bloom-560m/external/STS17.json new file mode 100644 index 000000000..129c23579 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/STS17.json @@ -0,0 +1,182 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "ko-ko", + "languages": [ + "kor-Hang" + ], + "cos_sim_pearson": 56.45965932801117, + "cos_sim_spearman": 57.28270045199294, + "euclidean_pearson": 57.3615782157595, + "euclidean_spearman": 56.94348399074146, + "manhattan_pearson": 57.9426531718209, + "manhattan_spearman": 57.61844831263504, + "cosine_pearson": 56.45965932801117, + "cosine_spearman": 57.28270045199294, + "main_score": 57.28270045199294 + }, + { + "hf_subset": "ar-ar", + "languages": [ + "ara-Arab" + ], + "cos_sim_pearson": 80.2973366536596, + "cos_sim_spearman": 80.60259304741632, + "euclidean_pearson": 78.30266089843892, + "euclidean_spearman": 78.06065126709282, + "manhattan_pearson": 78.61370380599344, + "manhattan_spearman": 78.45738598619143, + "cosine_pearson": 80.2973366536596, + "cosine_spearman": 80.60259304741632, + "main_score": 80.60259304741632 + }, + { + "hf_subset": "en-ar", + "languages": [ + "eng-Latn", + "ara-Arab" + ], + "cos_sim_pearson": 72.35020162217042, + "cos_sim_spearman": 72.59857902847162, + "euclidean_pearson": 65.03547299350457, + "euclidean_spearman": 64.16617373109685, + "manhattan_pearson": 65.68996569454929, + "manhattan_spearman": 64.88542254595046, + "cosine_pearson": 72.35020162217042, + "cosine_spearman": 72.59857902847162, + "main_score": 72.59857902847162 + }, + { + "hf_subset": "en-de", + "languages": [ + "eng-Latn", + "deu-Latn" + ], + "cos_sim_pearson": 39.766484883595425, + "cos_sim_spearman": 40.3429946300341, + "euclidean_pearson": 39.47427150040957, + "euclidean_spearman": 39.072525589079696, + "manhattan_pearson": 40.56345338078474, + "manhattan_spearman": 40.444629078138036, + "cosine_pearson": 39.766484883595425, + "cosine_spearman": 40.3429946300341, + "main_score": 40.3429946300341 + }, + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.83798941013089, + "cos_sim_spearman": 89.15159294402415, + "euclidean_pearson": 87.9810618414505, + "euclidean_spearman": 87.90818542026535, + "manhattan_pearson": 88.06116863048229, + "manhattan_spearman": 88.00182442010694, + "cosine_pearson": 88.83798941013089, + "cosine_spearman": 89.15159294402415, + "main_score": 89.15159294402415 + }, + { + "hf_subset": "en-tr", + "languages": [ + "eng-Latn", + "tur-Latn" + ], + "cos_sim_pearson": 7.416028059666332, + "cos_sim_spearman": 6.792945857606915, + "euclidean_pearson": 11.485332917116061, + "euclidean_spearman": 9.793932873423419, + "manhattan_pearson": 9.148469412558393, + "manhattan_spearman": 7.803450524017845, + "cosine_pearson": 7.416028059666332, + "cosine_spearman": 6.792945857606915, + "main_score": 6.792945857606915 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 80.16381852152489, + "cos_sim_spearman": 81.80324089694928, + "euclidean_pearson": 76.41433274302783, + "euclidean_spearman": 77.15238726996526, + "manhattan_pearson": 77.08610108551368, + "manhattan_spearman": 77.99971298324311, + "cosine_pearson": 80.16381852152489, + "cosine_spearman": 81.80324089694928, + "main_score": 81.80324089694928 + }, + { + "hf_subset": "es-es", + "languages": [ + "spa-Latn" + ], + "cos_sim_pearson": 85.11032272383456, + "cos_sim_spearman": 85.64528002839239, + "euclidean_pearson": 85.54301672487198, + "euclidean_spearman": 84.21727806530393, + "manhattan_pearson": 85.57145576255618, + "manhattan_spearman": 84.07127479487694, + "cosine_pearson": 85.11032272383456, + "cosine_spearman": 85.64528002839239, + "main_score": 85.64528002839239 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 79.73703272230806, + "cos_sim_spearman": 79.9424510113259, + "euclidean_pearson": 77.64485173960838, + "euclidean_spearman": 77.54693014468836, + "manhattan_pearson": 77.96911553781774, + "manhattan_spearman": 77.87266778206842, + "cosine_pearson": 79.73703272230806, + "cosine_spearman": 79.9424510113259, + "main_score": 79.9424510113259 + }, + { + "hf_subset": "it-en", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 37.260672179617515, + "cos_sim_spearman": 34.80434004457536, + "euclidean_pearson": 38.55806751295782, + "euclidean_spearman": 36.129700913023115, + "manhattan_pearson": 40.74316244582763, + "manhattan_spearman": 38.60667540883322, + "cosine_pearson": 37.260672179617515, + "cosine_spearman": 34.80434004457536, + "main_score": 34.80434004457536 + }, + { + "hf_subset": "nl-en", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 38.038311386574456, + "cos_sim_spearman": 33.576193063894195, + "euclidean_pearson": 33.712663568034316, + "euclidean_spearman": 32.560617375956916, + "manhattan_pearson": 35.60457167895616, + "manhattan_spearman": 34.63036216555931, + "cosine_pearson": 38.038311386574456, + "cosine_spearman": 33.576193063894195, + "main_score": 33.576193063894195 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/STS22.json b/results/izhx__udever-bloom-560m/external/STS22.json new file mode 100644 index 000000000..ed15a6b30 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/STS22.json @@ -0,0 +1,288 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 61.01583638162472, + "cos_sim_spearman": 62.92281428893316, + "euclidean_pearson": 62.939630289711815, + "euclidean_spearman": 64.15209661725994, + "manhattan_pearson": 64.24261705090608, + "manhattan_spearman": 64.78283158164017, + "cosine_pearson": 61.01583638162472, + "cosine_spearman": 62.92281428893316, + "main_score": 62.92281428893316 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "cos_sim_pearson": 21.529440799555704, + "cos_sim_spearman": 26.62727800620091, + "euclidean_pearson": 16.837244578590123, + "euclidean_spearman": 25.012107525591425, + "manhattan_pearson": 18.445531476179454, + "manhattan_spearman": 27.070240480795153, + "cosine_pearson": 21.529440799555704, + "cosine_spearman": 26.62727800620091, + "main_score": 26.62727800620091 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "cos_sim_pearson": 49.655500043363624, + "cos_sim_spearman": 56.31248457847469, + "euclidean_pearson": 48.787154598246616, + "euclidean_spearman": 52.90454409579225, + "manhattan_pearson": 55.392327232639836, + "manhattan_spearman": 57.3726886727899, + "cosine_pearson": 49.655500043363624, + "cosine_spearman": 56.31248457847469, + "main_score": 56.31248457847469 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "cos_sim_pearson": 2.9137753115190304, + "cos_sim_spearman": 15.062114976486532, + "euclidean_pearson": -2.034404984782681, + "euclidean_spearman": 14.683481835467338, + "manhattan_pearson": -0.22204468354050833, + "manhattan_spearman": 15.526420635759743, + "cosine_pearson": 2.9137753115190304, + "cosine_spearman": 15.062114976486532, + "main_score": 15.062114976486532 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "cos_sim_pearson": 4.3616620418459915, + "cos_sim_spearman": 22.11078316878173, + "euclidean_pearson": 15.111514877123403, + "euclidean_spearman": 21.232869644925973, + "manhattan_pearson": 19.71276925909529, + "manhattan_spearman": 25.704469862313466, + "cosine_pearson": 4.3616620418459915, + "cosine_spearman": 22.11078316878173, + "main_score": 22.11078316878173 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "cos_sim_pearson": 44.25888840250496, + "cos_sim_spearman": 54.82352971568842, + "euclidean_pearson": 48.00261414068268, + "euclidean_spearman": 53.3721608428832, + "manhattan_pearson": 50.6442021864215, + "manhattan_spearman": 55.352339945631954, + "cosine_pearson": 44.25888840250496, + "cosine_spearman": 54.82352971568842, + "main_score": 54.82352971568842 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "cos_sim_pearson": 0.08233514100531068, + "cos_sim_spearman": 28.771721168834276, + "euclidean_pearson": 10.783524938899138, + "euclidean_spearman": 24.67831010432439, + "manhattan_pearson": 16.98415610436092, + "manhattan_spearman": 25.81670115913176, + "cosine_pearson": 0.08233514100531068, + "cosine_spearman": 28.771721168834276, + "main_score": 28.771721168834276 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 36.86678706245425, + "cos_sim_spearman": 40.9736918674032, + "euclidean_pearson": 26.42365971768556, + "euclidean_spearman": 30.479818788692054, + "manhattan_pearson": 41.08694658968258, + "manhattan_spearman": 45.080877435751084, + "cosine_pearson": 36.86678706245425, + "cosine_spearman": 40.9736918674032, + "main_score": 40.9736918674032 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 75.98114217777062, + "cos_sim_spearman": 78.7295845730892, + "euclidean_pearson": 76.99433076522276, + "euclidean_spearman": 79.71421663258973, + "manhattan_pearson": 78.65656344143478, + "manhattan_spearman": 80.60968909615123, + "cosine_pearson": 75.98114217777062, + "cosine_spearman": 78.7295845730892, + "main_score": 78.7295845730892 + }, + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 47.33261398683554, + "cos_sim_spearman": 49.547954534754666, + "euclidean_pearson": 48.23362592012922, + "euclidean_spearman": 49.17277986369927, + "manhattan_pearson": 49.06792311033889, + "manhattan_spearman": 51.27529282708198, + "cosine_pearson": 47.33261398683554, + "cosine_spearman": 49.547954534754666, + "main_score": 49.547954534754666 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 66.10070360470756, + "cos_sim_spearman": 71.03150249855938, + "euclidean_pearson": 67.05372897033872, + "euclidean_spearman": 69.73291838049877, + "manhattan_pearson": 70.34740916239467, + "manhattan_spearman": 72.40053406658815, + "cosine_pearson": 66.10070360470756, + "cosine_spearman": 71.03150249855938, + "main_score": 71.03150249855938 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "cos_sim_pearson": 56.581317404418904, + "cos_sim_spearman": 62.61318021096797, + "euclidean_pearson": 57.4403074342031, + "euclidean_spearman": 60.04897783631694, + "manhattan_pearson": 58.441729285803014, + "manhattan_spearman": 60.70510326005463, + "cosine_pearson": 56.581317404418904, + "cosine_spearman": 62.61318021096797, + "main_score": 62.61318021096797 + }, + { + "hf_subset": "pl-en", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 47.064414464023905, + "cos_sim_spearman": 43.716659075869465, + "euclidean_pearson": 43.81699490724336, + "euclidean_spearman": 43.784380306563726, + "manhattan_pearson": 53.664583329563264, + "manhattan_spearman": 45.399271192350135, + "cosine_pearson": 47.064414464023905, + "cosine_spearman": 43.716659075869465, + "main_score": 43.716659075869465 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "cos_sim_pearson": 63.585903017365055, + "cos_sim_spearman": 63.90147651068459, + "euclidean_pearson": 50.21918146173064, + "euclidean_spearman": 53.02530618040754, + "manhattan_pearson": 62.7472089813117, + "manhattan_spearman": 63.90440606248973, + "cosine_pearson": 63.585903017365055, + "cosine_spearman": 63.90147651068459, + "main_score": 63.90147651068459 + }, + { + "hf_subset": "es-it", + "languages": [ + "spa-Latn", + "ita-Latn" + ], + "cos_sim_pearson": 59.06715980430013, + "cos_sim_spearman": 61.2993294424547, + "euclidean_pearson": 53.67335552456426, + "euclidean_spearman": 55.32940583953816, + "manhattan_pearson": 58.08097600675386, + "manhattan_spearman": 57.1966250850173, + "cosine_pearson": 59.06715980430013, + "cosine_spearman": 61.2993294424547, + "main_score": 61.2993294424547 + }, + { + "hf_subset": "de-fr", + "languages": [ + "deu-Latn", + "fra-Latn" + ], + "cos_sim_pearson": 18.94271219818519, + "cos_sim_spearman": 22.355519793818935, + "euclidean_pearson": 14.336479135636187, + "euclidean_spearman": 18.862751864788684, + "manhattan_pearson": 14.481730447681057, + "manhattan_spearman": 17.572142526671563, + "cosine_pearson": 18.94271219818519, + "cosine_spearman": 22.355519793818935, + "main_score": 22.355519793818935 + }, + { + "hf_subset": "de-pl", + "languages": [ + "deu-Latn", + "pol-Latn" + ], + "cos_sim_pearson": 20.644357537446464, + "cos_sim_spearman": 35.32083671407284, + "euclidean_pearson": 28.24720906134992, + "euclidean_spearman": 46.437508077438395, + "manhattan_pearson": 42.09834718968137, + "manhattan_spearman": 53.02744622635869, + "cosine_pearson": 20.644357537446464, + "cosine_spearman": 35.32083671407284, + "main_score": 35.32083671407284 + }, + { + "hf_subset": "fr-pl", + "languages": [ + "fra-Latn", + "pol-Latn" + ], + "cos_sim_pearson": 71.84986730523782, + "cos_sim_spearman": 73.24670207647144, + "euclidean_pearson": 62.450055500805604, + "euclidean_spearman": 61.97797868009122, + "manhattan_pearson": 56.32083882980946, + "manhattan_spearman": 39.440531887330785, + "cosine_pearson": 71.84986730523782, + "cosine_spearman": 73.24670207647144, + "main_score": 73.24670207647144 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/STSB.json b/results/izhx__udever-bloom-560m/external/STSB.json new file mode 100644 index 000000000..a8a7bf689 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/STSB.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 78.11479317838469, + "cos_sim_spearman": 77.7709743500025, + "euclidean_pearson": 78.83834281752932, + "euclidean_spearman": 78.21978829646487, + "manhattan_pearson": 79.36075578990533, + "manhattan_spearman": 78.72958965446072, + "cosine_pearson": 78.11479317838469, + "cosine_spearman": 77.7709743500025, + "main_score": 77.7709743500025 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/STSBenchmark.json b/results/izhx__udever-bloom-560m/external/STSBenchmark.json new file mode 100644 index 000000000..a19e87327 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.92539499228975, + "cos_sim_spearman": 83.63025944536395, + "euclidean_pearson": 81.54744230098872, + "euclidean_spearman": 81.08707735758752, + "manhattan_pearson": 81.50252353111375, + "manhattan_spearman": 81.00641210322735, + "cosine_pearson": 82.92539499228975, + "cosine_spearman": 83.63025944536395, + "main_score": 83.63025944536395 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/SciDocsRR.json b/results/izhx__udever-bloom-560m/external/SciDocsRR.json new file mode 100644 index 000000000..446b98a7a --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 75.12690809334019, + "mrr": 92.28846951886169, + "main_score": 75.12690809334019 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/SciFact.json b/results/izhx__udever-bloom-560m/external/SciFact.json new file mode 100644 index 000000000..c2c018eef --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 47.15, + "map_at_10": 56.748, + "map_at_100": 57.528999999999996, + "map_at_1000": 57.56400000000001, + "map_at_3": 53.691, + "map_at_5": 55.656000000000006, + "mrr_at_1": 49.667, + "mrr_at_10": 58.24700000000001, + "mrr_at_100": 58.855000000000004, + "mrr_at_1000": 58.888, + "mrr_at_3": 55.72200000000001, + "mrr_at_5": 57.272, + "ndcg_at_1": 49.667, + "ndcg_at_10": 61.739, + "ndcg_at_100": 65.17399999999999, + "ndcg_at_1000": 66.122, + "ndcg_at_3": 56.266000000000005, + "ndcg_at_5": 59.357000000000006, + "precision_at_1": 49.667, + "precision_at_10": 8.5, + "precision_at_100": 1.04, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 22.111, + "precision_at_5": 15.133, + "recall_at_1": 47.15, + "recall_at_10": 75.52799999999999, + "recall_at_100": 91.167, + "recall_at_1000": 98.667, + "recall_at_3": 60.978, + "recall_at_5": 68.839, + "main_score": 61.739 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/SprintDuplicateQuestions.json b/results/izhx__udever-bloom-560m/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..a7128475a --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.71188118811881, + "cos_sim_ap": 92.0858173884619, + "cos_sim_f1": 85.48864758144126, + "cos_sim_precision": 84.40545808966861, + "cos_sim_recall": 86.6, + "dot_accuracy": 99.57722772277228, + "dot_ap": 83.92226742515372, + "dot_f1": 78.85091629519565, + "dot_precision": 78.11579980372915, + "dot_recall": 79.60000000000001, + "euclidean_accuracy": 99.6970297029703, + "euclidean_ap": 91.69378964699095, + "euclidean_f1": 85.08771929824562, + "euclidean_precision": 82.98479087452472, + "euclidean_recall": 87.3, + "manhattan_accuracy": 99.7019801980198, + "manhattan_ap": 92.00969741996086, + "manhattan_f1": 84.95752123938031, + "manhattan_precision": 84.91508491508492, + "manhattan_recall": 85.0, + "max_accuracy": 99.71188118811881, + "max_ap": 92.0858173884619, + "max_f1": 85.48864758144126, + "main_score": 92.0858173884619 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/StackExchangeClustering.json b/results/izhx__udever-bloom-560m/external/StackExchangeClustering.json new file mode 100644 index 000000000..6426b3744 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 54.50675991473899, + "main_score": 54.50675991473899 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/StackExchangeClusteringP2P.json b/results/izhx__udever-bloom-560m/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..f96828644 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.12415042272221, + "main_score": 31.12415042272221 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/StackOverflowDupQuestions.json b/results/izhx__udever-bloom-560m/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..5dff48f7e --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 47.37961638353922, + "mrr": 48.04425558102029, + "main_score": 47.37961638353922 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/SummEval.json b/results/izhx__udever-bloom-560m/external/SummEval.json new file mode 100644 index 000000000..3fe610299 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.358583236464177, + "cos_sim_spearman": 32.06044850511017, + "dot_pearson": 30.36343303587471, + "dot_spearman": 30.303932242144704, + "cosine_pearson": 31.358583236464177, + "cosine_spearman": 32.06044850511017, + "main_score": 32.06044850511017 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/T2Reranking.json b/results/izhx__udever-bloom-560m/external/T2Reranking.json new file mode 100644 index 000000000..c26176391 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 63.73951666189072, + "mrr": 73.54706021429108, + "main_score": 63.73951666189072 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/T2Retrieval.json b/results/izhx__udever-bloom-560m/external/T2Retrieval.json new file mode 100644 index 000000000..7afd31d6f --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/T2Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 16.892, + "map_at_10": 40.215, + "map_at_100": 43.9, + "map_at_1000": 44.185, + "map_at_3": 30.008000000000003, + "map_at_5": 35.465, + "mrr_at_1": 63.931000000000004, + "mrr_at_10": 70.35, + "mrr_at_100": 70.762, + "mrr_at_1000": 70.784, + "mrr_at_3": 68.863, + "mrr_at_5": 69.758, + "ndcg_at_1": 63.931000000000004, + "ndcg_at_10": 51.573, + "ndcg_at_100": 59.067, + "ndcg_at_1000": 62.388, + "ndcg_at_3": 55.422000000000004, + "ndcg_at_5": 52.322, + "precision_at_1": 63.931000000000004, + "precision_at_10": 25.373, + "precision_at_100": 3.894, + "precision_at_1000": 0.47400000000000003, + "precision_at_3": 48.083, + "precision_at_5": 38.513, + "recall_at_1": 16.892, + "recall_at_10": 49.945, + "recall_at_100": 73.41499999999999, + "recall_at_1000": 89.776, + "recall_at_3": 32.544000000000004, + "recall_at_5": 40.501, + "main_score": 51.573 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/TNews.json b/results/izhx__udever-bloom-560m/external/TNews.json new file mode 100644 index 000000000..f67b20767 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/TNews.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 44.153999999999996, + "f1": 42.69123774230511, + "main_score": 44.153999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/TRECCOVID.json b/results/izhx__udever-bloom-560m/external/TRECCOVID.json new file mode 100644 index 000000000..e72391731 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.22300000000000003, + "map_at_10": 1.7999999999999998, + "map_at_100": 9.098, + "map_at_1000": 20.59, + "map_at_3": 0.6459999999999999, + "map_at_5": 1.006, + "mrr_at_1": 84.0, + "mrr_at_10": 91.5, + "mrr_at_100": 91.5, + "mrr_at_1000": 91.5, + "mrr_at_3": 91.0, + "mrr_at_5": 91.5, + "ndcg_at_1": 80.0, + "ndcg_at_10": 72.992, + "ndcg_at_100": 51.778999999999996, + "ndcg_at_1000": 44.473, + "ndcg_at_3": 77.531, + "ndcg_at_5": 74.685, + "precision_at_1": 84.0, + "precision_at_10": 78.60000000000001, + "precision_at_100": 52.800000000000004, + "precision_at_1000": 19.736, + "precision_at_3": 83.333, + "precision_at_5": 80.0, + "recall_at_1": 0.22300000000000003, + "recall_at_10": 2.016, + "recall_at_100": 12.21, + "recall_at_1000": 41.427, + "recall_at_3": 0.6839999999999999, + "recall_at_5": 1.083, + "main_score": 72.992 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/Tatoeba.json b/results/izhx__udever-bloom-560m/external/Tatoeba.json new file mode 100644 index 000000000..2deba1947 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/Tatoeba.json @@ -0,0 +1,1354 @@ +{ + "dataset_revision": "9080400076fbadbb4c4dcb136ff4eddc40b42553", + "task_name": "Tatoeba", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "sqi-eng", + "languages": [ + "sqi-Latn", + "eng-Latn" + ], + "accuracy": 11.0, + "f1": 8.487309997179562, + "precision": 7.935185890268856, + "recall": 11.0, + "main_score": 8.487309997179562 + }, + { + "hf_subset": "fry-eng", + "languages": [ + "fry-Latn", + "eng-Latn" + ], + "accuracy": 23.699421965317917, + "f1": 18.09982567208001, + "precision": 16.582017825552963, + "recall": 23.699421965317917, + "main_score": 18.09982567208001 + }, + { + "hf_subset": "kur-eng", + "languages": [ + "kur-Latn", + "eng-Latn" + ], + "accuracy": 8.780487804878048, + "f1": 6.484836753129436, + "precision": 5.916220801747723, + "recall": 8.780487804878048, + "main_score": 6.484836753129436 + }, + { + "hf_subset": "tur-eng", + "languages": [ + "tur-Latn", + "eng-Latn" + ], + "accuracy": 5.0, + "f1": 3.493223480735001, + "precision": 3.1492116349139385, + "recall": 5.0, + "main_score": 3.493223480735001 + }, + { + "hf_subset": "deu-eng", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "accuracy": 33.6, + "f1": 29.339340352229065, + "precision": 27.997920626374693, + "recall": 33.6, + "main_score": 29.339340352229065 + }, + { + "hf_subset": "nld-eng", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "accuracy": 20.200000000000003, + "f1": 16.330981736231458, + "precision": 15.250949969794044, + "recall": 20.200000000000003, + "main_score": 16.330981736231458 + }, + { + "hf_subset": "ron-eng", + "languages": [ + "ron-Latn", + "eng-Latn" + ], + "accuracy": 19.6, + "f1": 14.951120083366323, + "precision": 13.617335362707001, + "recall": 19.6, + "main_score": 14.951120083366323 + }, + { + "hf_subset": "ang-eng", + "languages": [ + "ang-Latn", + "eng-Latn" + ], + "accuracy": 20.149253731343283, + "f1": 13.312899786780385, + "precision": 11.979388770433545, + "recall": 20.149253731343283, + "main_score": 13.312899786780385 + }, + { + "hf_subset": "ido-eng", + "languages": [ + "ido-Latn", + "eng-Latn" + ], + "accuracy": 31.4, + "f1": 26.21323201417634, + "precision": 24.607830064672168, + "recall": 31.4, + "main_score": 26.21323201417634 + }, + { + "hf_subset": "jav-eng", + "languages": [ + "jav-Latn", + "eng-Latn" + ], + "accuracy": 18.048780487804876, + "f1": 14.347798542920492, + "precision": 13.301672920575362, + "recall": 18.048780487804876, + "main_score": 14.347798542920492 + }, + { + "hf_subset": "isl-eng", + "languages": [ + "isl-Latn", + "eng-Latn" + ], + "accuracy": 5.2, + "f1": 3.2713297295122503, + "precision": 2.978548911585725, + "recall": 5.2, + "main_score": 3.2713297295122503 + }, + { + "hf_subset": "slv-eng", + "languages": [ + "slv-Latn", + "eng-Latn" + ], + "accuracy": 7.411907654921021, + "f1": 5.412915976323278, + "precision": 4.975402373122839, + "recall": 7.411907654921021, + "main_score": 5.412915976323278 + }, + { + "hf_subset": "cym-eng", + "languages": [ + "cym-Latn", + "eng-Latn" + ], + "accuracy": 8.521739130434783, + "f1": 5.871393789897329, + "precision": 5.350472658912557, + "recall": 8.521739130434783, + "main_score": 5.871393789897329 + }, + { + "hf_subset": "kaz-eng", + "languages": [ + "kaz-Cyrl", + "eng-Latn" + ], + "accuracy": 1.565217391304348, + "f1": 0.7422394530145001, + "precision": 0.7201734373569025, + "recall": 1.565217391304348, + "main_score": 0.7422394530145001 + }, + { + "hf_subset": "est-eng", + "languages": [ + "est-Latn", + "eng-Latn" + ], + "accuracy": 5.3, + "f1": 3.0838354401589694, + "precision": 2.709942839090994, + "recall": 5.3, + "main_score": 3.0838354401589694 + }, + { + "hf_subset": "heb-eng", + "languages": [ + "heb-Hebr", + "eng-Latn" + ], + "accuracy": 0.8, + "f1": 0.24583802742178057, + "precision": 0.18710578268453032, + "recall": 0.8, + "main_score": 0.24583802742178057 + }, + { + "hf_subset": "gla-eng", + "languages": [ + "gla-Latn", + "eng-Latn" + ], + "accuracy": 4.945717732207479, + "f1": 2.7266734043909437, + "precision": 2.3247505400014186, + "recall": 4.945717732207479, + "main_score": 2.7266734043909437 + }, + { + "hf_subset": "mar-eng", + "languages": [ + "mar-Deva", + "eng-Latn" + ], + "accuracy": 54.2, + "f1": 47.22780366692132, + "precision": 44.740178571428565, + "recall": 54.2, + "main_score": 47.22780366692132 + }, + { + "hf_subset": "lat-eng", + "languages": [ + "lat-Latn", + "eng-Latn" + ], + "accuracy": 25.8, + "f1": 19.547406382656526, + "precision": 17.80766233766234, + "recall": 25.8, + "main_score": 19.547406382656526 + }, + { + "hf_subset": "bel-eng", + "languages": [ + "bel-Cyrl", + "eng-Latn" + ], + "accuracy": 4.9, + "f1": 3.283031457969928, + "precision": 3.0361515007649467, + "recall": 4.9, + "main_score": 3.283031457969928 + }, + { + "hf_subset": "pms-eng", + "languages": [ + "pms-Latn", + "eng-Latn" + ], + "accuracy": 22.476190476190478, + "f1": 17.494204011570957, + "precision": 16.16236240785113, + "recall": 22.476190476190478, + "main_score": 17.494204011570957 + }, + { + "hf_subset": "gle-eng", + "languages": [ + "gle-Latn", + "eng-Latn" + ], + "accuracy": 6.3, + "f1": 3.461898170471662, + "precision": 2.975546957350575, + "recall": 6.3, + "main_score": 3.461898170471662 + }, + { + "hf_subset": "pes-eng", + "languages": [ + "pes-Arab", + "eng-Latn" + ], + "accuracy": 8.6, + "f1": 5.874235156578609, + "precision": 5.201352547725499, + "recall": 8.6, + "main_score": 5.874235156578609 + }, + { + "hf_subset": "nob-eng", + "languages": [ + "nob-Latn", + "eng-Latn" + ], + "accuracy": 15.2, + "f1": 11.908986787697534, + "precision": 11.090628985937808, + "recall": 15.2, + "main_score": 11.908986787697534 + }, + { + "hf_subset": "bul-eng", + "languages": [ + "bul-Cyrl", + "eng-Latn" + ], + "accuracy": 6.9, + "f1": 4.58348360335125, + "precision": 4.183620994869927, + "recall": 6.9, + "main_score": 4.58348360335125 + }, + { + "hf_subset": "cbk-eng", + "languages": [ + "cbk-Latn", + "eng-Latn" + ], + "accuracy": 62.1, + "f1": 55.70845598845599, + "precision": 53.22281746031747, + "recall": 62.1, + "main_score": 55.70845598845599 + }, + { + "hf_subset": "hun-eng", + "languages": [ + "hun-Latn", + "eng-Latn" + ], + "accuracy": 4.8, + "f1": 3.246932234432234, + "precision": 2.9738765839703265, + "recall": 4.8, + "main_score": 3.246932234432234 + }, + { + "hf_subset": "uig-eng", + "languages": [ + "uig-Arab", + "eng-Latn" + ], + "accuracy": 0.8999999999999999, + "f1": 0.5331481481481481, + "precision": 0.4918990604783396, + "recall": 0.8999999999999999, + "main_score": 0.5331481481481481 + }, + { + "hf_subset": "rus-eng", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "accuracy": 31.7, + "f1": 25.22406237037816, + "precision": 23.27273155929038, + "recall": 31.7, + "main_score": 25.22406237037816 + }, + { + "hf_subset": "spa-eng", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "accuracy": 96.5, + "f1": 95.48333333333333, + "precision": 95.0, + "recall": 96.5, + "main_score": 95.48333333333333 + }, + { + "hf_subset": "hye-eng", + "languages": [ + "hye-Armn", + "eng-Latn" + ], + "accuracy": 0.40431266846361186, + "f1": 0.22521185350542844, + "precision": 0.20245384171411912, + "recall": 0.40431266846361186, + "main_score": 0.22521185350542844 + }, + { + "hf_subset": "tel-eng", + "languages": [ + "tel-Telu", + "eng-Latn" + ], + "accuracy": 43.162393162393165, + "f1": 35.83662064431295, + "precision": 33.66590199923534, + "recall": 43.162393162393165, + "main_score": 35.83662064431295 + }, + { + "hf_subset": "afr-eng", + "languages": [ + "afr-Latn", + "eng-Latn" + ], + "accuracy": 12.2, + "f1": 9.007009351120605, + "precision": 8.26509907921979, + "recall": 12.2, + "main_score": 9.007009351120605 + }, + { + "hf_subset": "mon-eng", + "languages": [ + "mon-Cyrl", + "eng-Latn" + ], + "accuracy": 2.0454545454545454, + "f1": 0.846869670733307, + "precision": 0.719285857023819, + "recall": 2.0454545454545454, + "main_score": 0.846869670733307 + }, + { + "hf_subset": "arz-eng", + "languages": [ + "arz-Arab", + "eng-Latn" + ], + "accuracy": 56.18448637316562, + "f1": 49.41850369523325, + "precision": 46.84486373165618, + "recall": 56.18448637316562, + "main_score": 49.41850369523325 + }, + { + "hf_subset": "hrv-eng", + "languages": [ + "hrv-Latn", + "eng-Latn" + ], + "accuracy": 8.4, + "f1": 6.274306734742452, + "precision": 5.854786915151029, + "recall": 8.4, + "main_score": 6.274306734742452 + }, + { + "hf_subset": "nov-eng", + "languages": [ + "nov-Latn", + "eng-Latn" + ], + "accuracy": 45.13618677042802, + "f1": 38.784818726452976, + "precision": 36.65848310789945, + "recall": 45.13618677042802, + "main_score": 38.784818726452976 + }, + { + "hf_subset": "gsw-eng", + "languages": [ + "gsw-Latn", + "eng-Latn" + ], + "accuracy": 23.076923076923077, + "f1": 17.501757501757503, + "precision": 16.06289721674337, + "recall": 23.076923076923077, + "main_score": 17.501757501757503 + }, + { + "hf_subset": "nds-eng", + "languages": [ + "nds-Latn", + "eng-Latn" + ], + "accuracy": 15.8, + "f1": 11.834682187321722, + "precision": 10.871016304088595, + "recall": 15.8, + "main_score": 11.834682187321722 + }, + { + "hf_subset": "ukr-eng", + "languages": [ + "ukr-Cyrl", + "eng-Latn" + ], + "accuracy": 7.3, + "f1": 4.929314970921539, + "precision": 4.427714750128542, + "recall": 7.3, + "main_score": 4.929314970921539 + }, + { + "hf_subset": "uzb-eng", + "languages": [ + "uzb-Latn", + "eng-Latn" + ], + "accuracy": 5.14018691588785, + "f1": 2.543797914741945, + "precision": 2.1476927403586066, + "recall": 5.14018691588785, + "main_score": 2.543797914741945 + }, + { + "hf_subset": "lit-eng", + "languages": [ + "lit-Latn", + "eng-Latn" + ], + "accuracy": 5.0, + "f1": 3.173243817101591, + "precision": 2.8643206769285485, + "recall": 5.0, + "main_score": 3.173243817101591 + }, + { + "hf_subset": "ina-eng", + "languages": [ + "ina-Latn", + "eng-Latn" + ], + "accuracy": 69.5, + "f1": 63.89614902641219, + "precision": 61.628650793650785, + "recall": 69.5, + "main_score": 63.89614902641219 + }, + { + "hf_subset": "lfn-eng", + "languages": [ + "lfn-Latn", + "eng-Latn" + ], + "accuracy": 41.8, + "f1": 37.523909714712914, + "precision": 36.054581750900766, + "recall": 41.8, + "main_score": 37.523909714712914 + }, + { + "hf_subset": "zsm-eng", + "languages": [ + "zsm-Latn", + "eng-Latn" + ], + "accuracy": 79.2, + "f1": 74.88805555555554, + "precision": 73.05083333333333, + "recall": 79.2, + "main_score": 74.88805555555554 + }, + { + "hf_subset": "ita-eng", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "accuracy": 43.5, + "f1": 37.28660019590605, + "precision": 35.18067447433519, + "recall": 43.5, + "main_score": 37.28660019590605 + }, + { + "hf_subset": "cmn-eng", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "accuracy": 94.5, + "f1": 92.95, + "precision": 92.2, + "recall": 94.5, + "main_score": 92.95 + }, + { + "hf_subset": "lvs-eng", + "languages": [ + "lvs-Latn", + "eng-Latn" + ], + "accuracy": 5.2, + "f1": 3.5297755651484026, + "precision": 3.190013722690584, + "recall": 5.2, + "main_score": 3.5297755651484026 + }, + { + "hf_subset": "glg-eng", + "languages": [ + "glg-Latn", + "eng-Latn" + ], + "accuracy": 74.7, + "f1": 69.2602380952381, + "precision": 67.03261904761905, + "recall": 74.7, + "main_score": 69.2602380952381 + }, + { + "hf_subset": "ceb-eng", + "languages": [ + "ceb-Latn", + "eng-Latn" + ], + "accuracy": 8.0, + "f1": 5.639611303143687, + "precision": 5.209856824277429, + "recall": 8.0, + "main_score": 5.639611303143687 + }, + { + "hf_subset": "bre-eng", + "languages": [ + "bre-Latn", + "eng-Latn" + ], + "accuracy": 6.1, + "f1": 3.847611167634209, + "precision": 3.3324923687423693, + "recall": 6.1, + "main_score": 3.847611167634209 + }, + { + "hf_subset": "ben-eng", + "languages": [ + "ben-Beng", + "eng-Latn" + ], + "accuracy": 75.5, + "f1": 70.14214285714286, + "precision": 67.88761904761904, + "recall": 75.5, + "main_score": 70.14214285714286 + }, + { + "hf_subset": "swg-eng", + "languages": [ + "swg-Latn", + "eng-Latn" + ], + "accuracy": 20.535714285714285, + "f1": 16.437074829931973, + "precision": 15.459837781266353, + "recall": 20.535714285714285, + "main_score": 16.437074829931973 + }, + { + "hf_subset": "arq-eng", + "languages": [ + "arq-Arab", + "eng-Latn" + ], + "accuracy": 21.405049396267835, + "f1": 16.162968480476714, + "precision": 14.506603642481391, + "recall": 21.405049396267835, + "main_score": 16.162968480476714 + }, + { + "hf_subset": "kab-eng", + "languages": [ + "kab-Latn", + "eng-Latn" + ], + "accuracy": 1.4000000000000001, + "f1": 0.8861559696342305, + "precision": 0.7898232323232323, + "recall": 1.4000000000000001, + "main_score": 0.8861559696342305 + }, + { + "hf_subset": "fra-eng", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "accuracy": 93.5, + "f1": 91.65333333333334, + "precision": 90.80833333333332, + "recall": 93.5, + "main_score": 91.65333333333334 + }, + { + "hf_subset": "por-eng", + "languages": [ + "por-Latn", + "eng-Latn" + ], + "accuracy": 93.8, + "f1": 92.08333333333333, + "precision": 91.23333333333333, + "recall": 93.8, + "main_score": 92.08333333333333 + }, + { + "hf_subset": "tat-eng", + "languages": [ + "tat-Cyrl", + "eng-Latn" + ], + "accuracy": 1.3, + "f1": 0.9654912597950575, + "precision": 0.911237853823405, + "recall": 1.3, + "main_score": 0.9654912597950575 + }, + { + "hf_subset": "oci-eng", + "languages": [ + "oci-Latn", + "eng-Latn" + ], + "accuracy": 35.5, + "f1": 29.385868020868024, + "precision": 27.38218614718615, + "recall": 35.5, + "main_score": 29.385868020868024 + }, + { + "hf_subset": "pol-eng", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "accuracy": 8.3, + "f1": 5.625495291471218, + "precision": 5.006352187769519, + "recall": 8.3, + "main_score": 5.625495291471218 + }, + { + "hf_subset": "war-eng", + "languages": [ + "war-Latn", + "eng-Latn" + ], + "accuracy": 9.3, + "f1": 7.188871139201601, + "precision": 6.68110313042221, + "recall": 9.3, + "main_score": 7.188871139201601 + }, + { + "hf_subset": "aze-eng", + "languages": [ + "aze-Latn", + "eng-Latn" + ], + "accuracy": 4.9, + "f1": 3.4368196711816386, + "precision": 3.1516575755476186, + "recall": 4.9, + "main_score": 3.4368196711816386 + }, + { + "hf_subset": "vie-eng", + "languages": [ + "vie-Latn", + "eng-Latn" + ], + "accuracy": 94.5, + "f1": 92.85666666666667, + "precision": 92.07499999999999, + "recall": 94.5, + "main_score": 92.85666666666667 + }, + { + "hf_subset": "nno-eng", + "languages": [ + "nno-Latn", + "eng-Latn" + ], + "accuracy": 10.9, + "f1": 8.052880589619718, + "precision": 7.2833020438680816, + "recall": 10.9, + "main_score": 8.052880589619718 + }, + { + "hf_subset": "cha-eng", + "languages": [ + "cha-Latn", + "eng-Latn" + ], + "accuracy": 21.897810218978105, + "f1": 16.459096459096457, + "precision": 14.99391727493917, + "recall": 21.897810218978105, + "main_score": 16.459096459096457 + }, + { + "hf_subset": "mhr-eng", + "languages": [ + "mhr-Cyrl", + "eng-Latn" + ], + "accuracy": 0.8, + "f1": 0.43900258600589265, + "precision": 0.42151473277789064, + "recall": 0.8, + "main_score": 0.43900258600589265 + }, + { + "hf_subset": "dan-eng", + "languages": [ + "dan-Latn", + "eng-Latn" + ], + "accuracy": 14.899999999999999, + "f1": 11.403181682754628, + "precision": 10.506373051667312, + "recall": 14.899999999999999, + "main_score": 11.403181682754628 + }, + { + "hf_subset": "ell-eng", + "languages": [ + "ell-Grek", + "eng-Latn" + ], + "accuracy": 1.9, + "f1": 0.8872641689515834, + "precision": 0.7857231069685399, + "recall": 1.9, + "main_score": 0.8872641689515834 + }, + { + "hf_subset": "amh-eng", + "languages": [ + "amh-Ethi", + "eng-Latn" + ], + "accuracy": 1.1904761904761905, + "f1": 0.20847048496818082, + "precision": 0.11904761904761904, + "recall": 1.1904761904761905, + "main_score": 0.20847048496818082 + }, + { + "hf_subset": "pam-eng", + "languages": [ + "pam-Latn", + "eng-Latn" + ], + "accuracy": 5.3, + "f1": 3.784571880595977, + "precision": 3.4556477020719782, + "recall": 5.3, + "main_score": 3.784571880595977 + }, + { + "hf_subset": "hsb-eng", + "languages": [ + "hsb-Latn", + "eng-Latn" + ], + "accuracy": 9.316770186335404, + "f1": 6.80343720685027, + "precision": 6.316650292717499, + "recall": 9.316770186335404, + "main_score": 6.80343720685027 + }, + { + "hf_subset": "srp-eng", + "languages": [ + "srp-Cyrl", + "eng-Latn" + ], + "accuracy": 5.8999999999999995, + "f1": 4.5486926228313695, + "precision": 4.311121913612427, + "recall": 5.8999999999999995, + "main_score": 4.5486926228313695 + }, + { + "hf_subset": "epo-eng", + "languages": [ + "epo-Latn", + "eng-Latn" + ], + "accuracy": 18.099999999999998, + "f1": 13.4170874831821, + "precision": 12.178193046524806, + "recall": 18.099999999999998, + "main_score": 13.4170874831821 + }, + { + "hf_subset": "kzj-eng", + "languages": [ + "kzj-Latn", + "eng-Latn" + ], + "accuracy": 4.3999999999999995, + "f1": 3.3905735425765524, + "precision": 3.2588935800436625, + "recall": 4.3999999999999995, + "main_score": 3.3905735425765524 + }, + { + "hf_subset": "awa-eng", + "languages": [ + "awa-Deva", + "eng-Latn" + ], + "accuracy": 37.66233766233766, + "f1": 30.539579468150897, + "precision": 28.60288100547841, + "recall": 37.66233766233766, + "main_score": 30.539579468150897 + }, + { + "hf_subset": "fao-eng", + "languages": [ + "fao-Latn", + "eng-Latn" + ], + "accuracy": 12.213740458015266, + "f1": 8.297822182308039, + "precision": 7.463649581970193, + "recall": 12.213740458015266, + "main_score": 8.297822182308039 + }, + { + "hf_subset": "mal-eng", + "languages": [ + "mal-Mlym", + "eng-Latn" + ], + "accuracy": 78.31149927219796, + "f1": 73.35759340126152, + "precision": 71.26394953905871, + "recall": 78.31149927219796, + "main_score": 73.35759340126152 + }, + { + "hf_subset": "ile-eng", + "languages": [ + "ile-Latn", + "eng-Latn" + ], + "accuracy": 51.800000000000004, + "f1": 44.24010323010323, + "precision": 41.450707972582975, + "recall": 51.800000000000004, + "main_score": 44.24010323010323 + }, + { + "hf_subset": "bos-eng", + "languages": [ + "bos-Latn", + "eng-Latn" + ], + "accuracy": 13.27683615819209, + "f1": 9.167320569156727, + "precision": 8.200402665583079, + "recall": 13.27683615819209, + "main_score": 9.167320569156727 + }, + { + "hf_subset": "cor-eng", + "languages": [ + "cor-Latn", + "eng-Latn" + ], + "accuracy": 4.8, + "f1": 3.1268763352790283, + "precision": 2.84393718699601, + "recall": 4.8, + "main_score": 3.1268763352790283 + }, + { + "hf_subset": "cat-eng", + "languages": [ + "cat-Latn", + "eng-Latn" + ], + "accuracy": 85.1, + "f1": 81.55, + "precision": 79.98166666666665, + "recall": 85.1, + "main_score": 81.55 + }, + { + "hf_subset": "eus-eng", + "languages": [ + "eus-Latn", + "eng-Latn" + ], + "accuracy": 48.3, + "f1": 42.347894491129786, + "precision": 40.36040404040404, + "recall": 48.3, + "main_score": 42.347894491129786 + }, + { + "hf_subset": "yue-eng", + "languages": [ + "yue-Hant", + "eng-Latn" + ], + "accuracy": 78.8, + "f1": 74.35484848484847, + "precision": 72.43277777777777, + "recall": 78.8, + "main_score": 74.35484848484847 + }, + { + "hf_subset": "swe-eng", + "languages": [ + "swe-Latn", + "eng-Latn" + ], + "accuracy": 13.900000000000002, + "f1": 10.718252991153888, + "precision": 9.835761434404196, + "recall": 13.900000000000002, + "main_score": 10.718252991153888 + }, + { + "hf_subset": "dtp-eng", + "languages": [ + "dtp-Latn", + "eng-Latn" + ], + "accuracy": 4.9, + "f1": 3.371714825002496, + "precision": 3.085928254003479, + "recall": 4.9, + "main_score": 3.371714825002496 + }, + { + "hf_subset": "kat-eng", + "languages": [ + "kat-Geor", + "eng-Latn" + ], + "accuracy": 0.5361930294906166, + "f1": 0.40389703692021933, + "precision": 0.40302666854804575, + "recall": 0.5361930294906166, + "main_score": 0.40389703692021933 + }, + { + "hf_subset": "jpn-eng", + "languages": [ + "jpn-Jpan", + "eng-Latn" + ], + "accuracy": 55.300000000000004, + "f1": 48.83353113553113, + "precision": 46.48630659536542, + "recall": 55.300000000000004, + "main_score": 48.83353113553113 + }, + { + "hf_subset": "csb-eng", + "languages": [ + "csb-Latn", + "eng-Latn" + ], + "accuracy": 8.300395256916996, + "f1": 5.261552988548536, + "precision": 4.724388115499655, + "recall": 8.300395256916996, + "main_score": 5.261552988548536 + }, + { + "hf_subset": "xho-eng", + "languages": [ + "xho-Latn", + "eng-Latn" + ], + "accuracy": 8.450704225352112, + "f1": 4.829974470478787, + "precision": 4.337585798478816, + "recall": 8.450704225352112, + "main_score": 4.829974470478787 + }, + { + "hf_subset": "orv-eng", + "languages": [ + "orv-Cyrl", + "eng-Latn" + ], + "accuracy": 1.0778443113772456, + "f1": 0.5373251562068135, + "precision": 0.5107640721914694, + "recall": 1.0778443113772456, + "main_score": 0.5373251562068135 + }, + { + "hf_subset": "ind-eng", + "languages": [ + "ind-Latn", + "eng-Latn" + ], + "accuracy": 88.5, + "f1": 85.46333333333334, + "precision": 84.1, + "recall": 88.5, + "main_score": 85.46333333333334 + }, + { + "hf_subset": "tuk-eng", + "languages": [ + "tuk-Latn", + "eng-Latn" + ], + "accuracy": 5.41871921182266, + "f1": 2.8063639248802965, + "precision": 2.2699550039451513, + "recall": 5.41871921182266, + "main_score": 2.8063639248802965 + }, + { + "hf_subset": "max-eng", + "languages": [ + "max-Deva", + "eng-Latn" + ], + "accuracy": 40.49295774647887, + "f1": 33.455454951933824, + "precision": 31.4339393461183, + "recall": 40.49295774647887, + "main_score": 33.455454951933824 + }, + { + "hf_subset": "swh-eng", + "languages": [ + "swh-Latn", + "eng-Latn" + ], + "accuracy": 18.974358974358974, + "f1": 14.517578026097205, + "precision": 13.3510327465177, + "recall": 18.974358974358974, + "main_score": 14.517578026097205 + }, + { + "hf_subset": "hin-eng", + "languages": [ + "hin-Deva", + "eng-Latn" + ], + "accuracy": 88.5, + "f1": 85.34666666666666, + "precision": 83.89999999999999, + "recall": 88.5, + "main_score": 85.34666666666666 + }, + { + "hf_subset": "dsb-eng", + "languages": [ + "dsb-Latn", + "eng-Latn" + ], + "accuracy": 8.1419624217119, + "f1": 5.830783012763732, + "precision": 5.4408714223116545, + "recall": 8.1419624217119, + "main_score": 5.830783012763732 + }, + { + "hf_subset": "ber-eng", + "languages": [ + "ber-Tfng", + "eng-Latn" + ], + "accuracy": 5.800000000000001, + "f1": 3.9245687335866406, + "precision": 3.5535667824951584, + "recall": 5.800000000000001, + "main_score": 3.9245687335866406 + }, + { + "hf_subset": "tam-eng", + "languages": [ + "tam-Taml", + "eng-Latn" + ], + "accuracy": 68.40390879478826, + "f1": 62.25738069386277, + "precision": 60.10935318752908, + "recall": 68.40390879478826, + "main_score": 62.25738069386277 + }, + { + "hf_subset": "slk-eng", + "languages": [ + "slk-Latn", + "eng-Latn" + ], + "accuracy": 7.1, + "f1": 5.4876787833762135, + "precision": 5.126663482701374, + "recall": 7.1, + "main_score": 5.4876787833762135 + }, + { + "hf_subset": "tgl-eng", + "languages": [ + "tgl-Latn", + "eng-Latn" + ], + "accuracy": 8.9, + "f1": 6.519531004112515, + "precision": 5.987707404636394, + "recall": 8.9, + "main_score": 6.519531004112515 + }, + { + "hf_subset": "ast-eng", + "languages": [ + "ast-Latn", + "eng-Latn" + ], + "accuracy": 66.92913385826772, + "f1": 59.96062992125984, + "precision": 57.13348331458567, + "recall": 66.92913385826772, + "main_score": 59.96062992125984 + }, + { + "hf_subset": "mkd-eng", + "languages": [ + "mkd-Cyrl", + "eng-Latn" + ], + "accuracy": 4.3, + "f1": 2.765805343607201, + "precision": 2.5247851243177144, + "recall": 4.3, + "main_score": 2.765805343607201 + }, + { + "hf_subset": "khm-eng", + "languages": [ + "khm-Khmr", + "eng-Latn" + ], + "accuracy": 0.41551246537396125, + "f1": 0.1497838495760933, + "precision": 0.14429034844729552, + "recall": 0.41551246537396125, + "main_score": 0.1497838495760933 + }, + { + "hf_subset": "ces-eng", + "languages": [ + "ces-Latn", + "eng-Latn" + ], + "accuracy": 5.800000000000001, + "f1": 3.761224995516873, + "precision": 3.2689210175496086, + "recall": 5.800000000000001, + "main_score": 3.761224995516873 + }, + { + "hf_subset": "tzl-eng", + "languages": [ + "tzl-Latn", + "eng-Latn" + ], + "accuracy": 16.346153846153847, + "f1": 14.524291497975709, + "precision": 13.995726495726496, + "recall": 16.346153846153847, + "main_score": 14.524291497975709 + }, + { + "hf_subset": "urd-eng", + "languages": [ + "urd-Arab", + "eng-Latn" + ], + "accuracy": 67.80000000000001, + "f1": 61.615800865800864, + "precision": 59.12333333333334, + "recall": 67.80000000000001, + "main_score": 61.615800865800864 + }, + { + "hf_subset": "ara-eng", + "languages": [ + "ara-Arab", + "eng-Latn" + ], + "accuracy": 83.8, + "f1": 80.08857142857143, + "precision": 78.46666666666667, + "recall": 83.8, + "main_score": 80.08857142857143 + }, + { + "hf_subset": "kor-eng", + "languages": [ + "kor-Hang", + "eng-Latn" + ], + "accuracy": 4.2, + "f1": 2.6507751588440254, + "precision": 2.335273168189835, + "recall": 4.2, + "main_score": 2.6507751588440254 + }, + { + "hf_subset": "yid-eng", + "languages": [ + "yid-Hebr", + "eng-Latn" + ], + "accuracy": 0.4716981132075472, + "f1": 0.19293763102725367, + "precision": 0.1622040325564188, + "recall": 0.4716981132075472, + "main_score": 0.19293763102725367 + }, + { + "hf_subset": "fin-eng", + "languages": [ + "fin-Latn", + "eng-Latn" + ], + "accuracy": 4.9, + "f1": 3.5001791555125235, + "precision": 3.277940522301425, + "recall": 4.9, + "main_score": 3.5001791555125235 + }, + { + "hf_subset": "tha-eng", + "languages": [ + "tha-Thai", + "eng-Latn" + ], + "accuracy": 0.9124087591240875, + "f1": 0.5083420229405631, + "precision": 0.4674562188049969, + "recall": 0.9124087591240875, + "main_score": 0.5083420229405631 + }, + { + "hf_subset": "wuu-eng", + "languages": [ + "wuu-Hans", + "eng-Latn" + ], + "accuracy": 79.4, + "f1": 74.62333333333333, + "precision": 72.52333333333334, + "recall": 79.4, + "main_score": 74.62333333333333 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/ThuNewsClusteringP2P.json b/results/izhx__udever-bloom-560m/external/ThuNewsClusteringP2P.json new file mode 100644 index 000000000..0cb14b7a4 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/ThuNewsClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 51.02719281751054, + "main_score": 51.02719281751054 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/ThuNewsClusteringS2S.json b/results/izhx__udever-bloom-560m/external/ThuNewsClusteringS2S.json new file mode 100644 index 000000000..cafdf400c --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/ThuNewsClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 48.31885339280247, + "main_score": 48.31885339280247 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/Touche2020.json b/results/izhx__udever-bloom-560m/external/Touche2020.json new file mode 100644 index 000000000..352ab0edd --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.426, + "map_at_10": 9.029, + "map_at_100": 14.299999999999999, + "map_at_1000": 15.798000000000002, + "map_at_3": 4.626, + "map_at_5": 6.221, + "mrr_at_1": 32.653, + "mrr_at_10": 46.608, + "mrr_at_100": 47.195, + "mrr_at_1000": 47.208, + "mrr_at_3": 41.837, + "mrr_at_5": 43.673, + "ndcg_at_1": 29.592000000000002, + "ndcg_at_10": 23.354, + "ndcg_at_100": 33.875, + "ndcg_at_1000": 45.369, + "ndcg_at_3": 25.734, + "ndcg_at_5": 23.873, + "precision_at_1": 32.653, + "precision_at_10": 21.224, + "precision_at_100": 7.122000000000001, + "precision_at_1000": 1.459, + "precision_at_3": 26.531, + "precision_at_5": 24.082, + "recall_at_1": 2.426, + "recall_at_10": 15.622, + "recall_at_100": 44.318999999999996, + "recall_at_1000": 78.632, + "recall_at_3": 5.798, + "recall_at_5": 8.927, + "main_score": 23.354 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/ToxicConversationsClassification.json b/results/izhx__udever-bloom-560m/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..8d96ba93c --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 67.9606, + "ap": 12.665547829558923, + "f1": 52.10043478110198, + "main_score": 67.9606 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/TweetSentimentExtractionClassification.json b/results/izhx__udever-bloom-560m/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..b2d622b56 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 59.601018675721576, + "f1": 59.91486569196274, + "main_score": 59.601018675721576 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/TwentyNewsgroupsClustering.json b/results/izhx__udever-bloom-560m/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..a4df73bee --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.881729581540135, + "main_score": 37.881729581540135 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/TwitterSemEval2015.json b/results/izhx__udever-bloom-560m/external/TwitterSemEval2015.json new file mode 100644 index 000000000..695f918e3 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 83.68003814746379, + "cos_sim_ap": 65.95659315362258, + "cos_sim_f1": 61.94669484560291, + "cos_sim_precision": 55.80706579225725, + "cos_sim_recall": 69.6042216358839, + "dot_accuracy": 81.97532335936103, + "dot_ap": 58.99091918849294, + "dot_f1": 57.098765432098766, + "dot_precision": 51.8990073370738, + "dot_recall": 63.45646437994723, + "euclidean_accuracy": 83.18531322644095, + "euclidean_ap": 64.5631762106556, + "euclidean_f1": 61.150808574652125, + "euclidean_precision": 58.25173155003582, + "euclidean_recall": 64.35356200527704, + "manhattan_accuracy": 83.14358943792097, + "manhattan_ap": 64.73090464118813, + "manhattan_f1": 61.228384019081695, + "manhattan_precision": 55.86507072905332, + "manhattan_recall": 67.73087071240106, + "max_accuracy": 83.68003814746379, + "max_ap": 65.95659315362258, + "max_f1": 61.94669484560291, + "main_score": 65.95659315362258 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/TwitterURLCorpus.json b/results/izhx__udever-bloom-560m/external/TwitterURLCorpus.json new file mode 100644 index 000000000..e9af631f5 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.7161873714441, + "cos_sim_ap": 85.10870963707444, + "cos_sim_f1": 77.88396923766146, + "cos_sim_precision": 75.59791274097695, + "cos_sim_recall": 80.31259624268556, + "dot_accuracy": 87.74595412737222, + "dot_ap": 81.22910623983562, + "dot_f1": 76.08511889448344, + "dot_precision": 72.78672385908163, + "dot_recall": 79.69664305512781, + "euclidean_accuracy": 88.13404742500097, + "euclidean_ap": 84.03032098854915, + "euclidean_f1": 76.3909440662918, + "euclidean_precision": 73.51894047279977, + "euclidean_recall": 79.49645826917154, + "manhattan_accuracy": 88.13598789148911, + "manhattan_ap": 84.13258714083858, + "manhattan_f1": 76.44922164566346, + "manhattan_precision": 73.70640365923384, + "manhattan_recall": 79.40406529103788, + "max_accuracy": 88.7161873714441, + "max_ap": 85.10870963707444, + "max_f1": 77.88396923766146, + "main_score": 85.10870963707444 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/VideoRetrieval.json b/results/izhx__udever-bloom-560m/external/VideoRetrieval.json new file mode 100644 index 000000000..d830d5174 --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/VideoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 41.8, + "map_at_10": 50.57000000000001, + "map_at_100": 51.271, + "map_at_1000": 51.31099999999999, + "map_at_3": 48.283, + "map_at_5": 49.633, + "mrr_at_1": 41.8, + "mrr_at_10": 50.57000000000001, + "mrr_at_100": 51.271, + "mrr_at_1000": 51.31099999999999, + "mrr_at_3": 48.283, + "mrr_at_5": 49.633, + "ndcg_at_1": 41.8, + "ndcg_at_10": 55.071999999999996, + "ndcg_at_100": 58.604, + "ndcg_at_1000": 59.679, + "ndcg_at_3": 50.394000000000005, + "ndcg_at_5": 52.825, + "precision_at_1": 41.8, + "precision_at_10": 6.93, + "precision_at_100": 0.861, + "precision_at_1000": 0.095, + "precision_at_3": 18.833, + "precision_at_5": 12.479999999999999, + "recall_at_1": 41.8, + "recall_at_10": 69.3, + "recall_at_100": 86.1, + "recall_at_1000": 94.6, + "recall_at_3": 56.49999999999999, + "recall_at_5": 62.4, + "main_score": 55.071999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/Waimai.json b/results/izhx__udever-bloom-560m/external/Waimai.json new file mode 100644 index 000000000..fcb729c5f --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/Waimai.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 80.65, + "ap": 59.927241826012924, + "f1": 78.72456184299979, + "main_score": 80.65 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-560m/external/model_meta.json b/results/izhx__udever-bloom-560m/external/model_meta.json new file mode 100644 index 000000000..7366d9b5a --- /dev/null +++ b/results/izhx__udever-bloom-560m/external/model_meta.json @@ -0,0 +1,69 @@ +{ + "name": "izhx/udever-bloom-560m", + "revision": "b2a723e355946ec5a5c5fbed3459766627ded2bb", + "release_date": "2023-10-24", + "languages": [ + "ak", + "ar", + "as", + "bm", + "bn", + "ca", + "code", + "en", + "es", + "eu", + "fon", + "fr", + "gu", + "hi", + "id", + "ig", + "ki", + "kn", + "lg", + "ln", + "ml", + "mr", + "ne", + "nso", + "ny", + "or", + "pa", + "pt", + "rn", + "rw", + "sn", + "st", + "sw", + "ta", + "te", + "tn", + "ts", + "tum", + "tw", + "ur", + "vi", + "wo", + "xh", + "yo", + "zh", + "zhs", + "zht", + "zu" + ], + "loader": null, + "n_parameters": 559238472, + "memory_usage": null, + "max_tokens": 2048, + "embed_dim": 1024, + "license": "bigscience-bloom-rail-1.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/AFQMC.json b/results/izhx__udever-bloom-7b1/external/AFQMC.json new file mode 100644 index 000000000..fb50bb74d --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/AFQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 31.3788313486292, + "cos_sim_spearman": 31.87117445808444, + "euclidean_pearson": 30.66886666881808, + "euclidean_spearman": 31.28368681542041, + "manhattan_pearson": 30.679984531432936, + "manhattan_spearman": 31.22208726593753, + "cosine_pearson": 31.3788313486292, + "cosine_spearman": 31.87117445808444, + "main_score": 31.87117445808444 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/ATEC.json b/results/izhx__udever-bloom-7b1/external/ATEC.json new file mode 100644 index 000000000..318185a84 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/ATEC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 38.403248424956764, + "cos_sim_spearman": 38.798254852046504, + "euclidean_pearson": 41.154981142995084, + "euclidean_spearman": 38.73503172297125, + "manhattan_pearson": 41.20226384035751, + "manhattan_spearman": 38.77085234568287, + "cosine_pearson": 38.403248424956764, + "cosine_spearman": 38.798254852046504, + "main_score": 38.798254852046504 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/AmazonCounterfactualClassification.json b/results/izhx__udever-bloom-7b1/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..bed802fc6 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.11940298507463, + "ap": 35.692863077186466, + "f1": 67.02733552778966, + "main_score": 73.11940298507463 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/AmazonPolarityClassification.json b/results/izhx__udever-bloom-7b1/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..440230eb1 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 88.885175, + "ap": 84.75400736514149, + "f1": 88.85806225869703, + "main_score": 88.885175 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/AmazonReviewsClassification.json b/results/izhx__udever-bloom-7b1/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..0806ed49a --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 43.202, + "f1": 42.63847450850621, + "main_score": 43.202 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/ArguAna.json b/results/izhx__udever-bloom-7b1/external/ArguAna.json new file mode 100644 index 000000000..8f57c2bfe --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.676, + "map_at_10": 42.539, + "map_at_100": 43.383, + "map_at_1000": 43.39, + "map_at_3": 36.996, + "map_at_5": 40.175, + "mrr_at_1": 26.387, + "mrr_at_10": 42.792, + "mrr_at_100": 43.637, + "mrr_at_1000": 43.644, + "mrr_at_3": 37.21, + "mrr_at_5": 40.407, + "ndcg_at_1": 25.676, + "ndcg_at_10": 52.207, + "ndcg_at_100": 55.757999999999996, + "ndcg_at_1000": 55.913999999999994, + "ndcg_at_3": 40.853, + "ndcg_at_5": 46.588, + "precision_at_1": 25.676, + "precision_at_10": 8.314, + "precision_at_100": 0.985, + "precision_at_1000": 0.1, + "precision_at_3": 17.354, + "precision_at_5": 13.200999999999999, + "recall_at_1": 25.676, + "recall_at_10": 83.14399999999999, + "recall_at_100": 98.506, + "recall_at_1000": 99.644, + "recall_at_3": 52.063, + "recall_at_5": 66.003, + "main_score": 52.207 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/ArxivClusteringP2P.json b/results/izhx__udever-bloom-7b1/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..cd8296989 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 45.66024127046263, + "main_score": 45.66024127046263 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/ArxivClusteringS2S.json b/results/izhx__udever-bloom-7b1/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..9a720c274 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.418361433667336, + "main_score": 38.418361433667336 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/AskUbuntuDupQuestions.json b/results/izhx__udever-bloom-7b1/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..12b4d1958 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 61.60189642383972, + "mrr": 75.26678538451391, + "main_score": 61.60189642383972 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/BIOSSES.json b/results/izhx__udever-bloom-7b1/external/BIOSSES.json new file mode 100644 index 000000000..074214ec2 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.85884182572595, + "cos_sim_spearman": 85.5242378844044, + "euclidean_pearson": 85.37705073557146, + "euclidean_spearman": 84.65132642825964, + "manhattan_pearson": 85.42179213807349, + "manhattan_spearman": 84.6959057572829, + "cosine_pearson": 87.85884182572595, + "cosine_spearman": 85.5242378844044, + "main_score": 85.5242378844044 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/BQ.json b/results/izhx__udever-bloom-7b1/external/BQ.json new file mode 100644 index 000000000..f3ef1a338 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/BQ.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 47.81802155652125, + "cos_sim_spearman": 47.66691834501235, + "euclidean_pearson": 47.781824357030935, + "euclidean_spearman": 48.03322284408188, + "manhattan_pearson": 47.871159981038346, + "manhattan_spearman": 48.18240784527666, + "cosine_pearson": 47.81802155652125, + "cosine_spearman": 47.66691834501235, + "main_score": 47.66691834501235 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/BUCC.json b/results/izhx__udever-bloom-7b1/external/BUCC.json new file mode 100644 index 000000000..cc9184ebe --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/BUCC.json @@ -0,0 +1,58 @@ +{ + "dataset_revision": "d51519689f32196a32af33b075a01d0e7c51e252", + "task_name": "BUCC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "accuracy": 88.29853862212944, + "f1": 87.70994966904566, + "precision": 87.43152897902377, + "recall": 88.29853862212944, + "main_score": 87.70994966904566 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "accuracy": 98.6022452124147, + "f1": 98.40597255851495, + "precision": 98.30875339349916, + "recall": 98.6022452124147, + "main_score": 98.40597255851495 + }, + { + "hf_subset": "ru-en", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "accuracy": 79.64669206789054, + "f1": 78.74831345770036, + "precision": 78.33899087865143, + "recall": 79.64669206789054, + "main_score": 78.74831345770036 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "accuracy": 98.78883622959452, + "f1": 98.7712831314727, + "precision": 98.76250658241179, + "recall": 98.78883622959452, + "main_score": 98.7712831314727 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/Banking77Classification.json b/results/izhx__udever-bloom-7b1/external/Banking77Classification.json new file mode 100644 index 000000000..42e198812 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 85.36363636363637, + "f1": 85.33381612267455, + "main_score": 85.36363636363637 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/BiorxivClusteringP2P.json b/results/izhx__udever-bloom-7b1/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..a485c0d03 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.54276849354455, + "main_score": 35.54276849354455 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/BiorxivClusteringS2S.json b/results/izhx__udever-bloom-7b1/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..ad556e731 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.18953191097238, + "main_score": 32.18953191097238 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/CLSClusteringP2P.json b/results/izhx__udever-bloom-7b1/external/CLSClusteringP2P.json new file mode 100644 index 000000000..a331bf9a6 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/CLSClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 36.00041315364012, + "main_score": 36.00041315364012 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/CLSClusteringS2S.json b/results/izhx__udever-bloom-7b1/external/CLSClusteringS2S.json new file mode 100644 index 000000000..6b68eb07d --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/CLSClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 36.35255790689628, + "main_score": 36.35255790689628 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/CQADupstackAndroidRetrieval.json b/results/izhx__udever-bloom-7b1/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..5b96281f2 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.5, + "map_at_10": 43.37, + "map_at_100": 44.926, + "map_at_1000": 45.047, + "map_at_3": 40.083999999999996, + "map_at_5": 41.71, + "mrr_at_1": 40.343, + "mrr_at_10": 49.706, + "mrr_at_100": 50.470000000000006, + "mrr_at_1000": 50.515, + "mrr_at_3": 47.306, + "mrr_at_5": 48.379, + "ndcg_at_1": 40.343, + "ndcg_at_10": 49.461, + "ndcg_at_100": 55.084999999999994, + "ndcg_at_1000": 56.994, + "ndcg_at_3": 44.896, + "ndcg_at_5": 46.437, + "precision_at_1": 40.343, + "precision_at_10": 9.27, + "precision_at_100": 1.5190000000000001, + "precision_at_1000": 0.197, + "precision_at_3": 21.412, + "precision_at_5": 15.021, + "recall_at_1": 32.5, + "recall_at_10": 60.857000000000006, + "recall_at_100": 83.761, + "recall_at_1000": 96.003, + "recall_at_3": 46.675, + "recall_at_5": 51.50900000000001, + "main_score": 49.461 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.931, + "map_at_10": 35.769, + "map_at_100": 36.8, + "map_at_1000": 36.925999999999995, + "map_at_3": 33.068999999999996, + "map_at_5": 34.615, + "mrr_at_1": 34.013, + "mrr_at_10": 41.293, + "mrr_at_100": 41.945, + "mrr_at_1000": 42.002, + "mrr_at_3": 39.204, + "mrr_at_5": 40.436, + "ndcg_at_1": 34.013, + "ndcg_at_10": 40.935, + "ndcg_at_100": 44.879999999999995, + "ndcg_at_1000": 47.342, + "ndcg_at_3": 37.071, + "ndcg_at_5": 38.903, + "precision_at_1": 34.013, + "precision_at_10": 7.617999999999999, + "precision_at_100": 1.185, + "precision_at_1000": 0.169, + "precision_at_3": 17.855999999999998, + "precision_at_5": 12.65, + "recall_at_1": 26.931, + "recall_at_10": 50.256, + "recall_at_100": 67.026, + "recall_at_1000": 83.138, + "recall_at_3": 38.477, + "recall_at_5": 43.784, + "main_score": 40.935 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.474000000000004, + "map_at_10": 50.486, + "map_at_100": 51.620999999999995, + "map_at_1000": 51.675000000000004, + "map_at_3": 47.64, + "map_at_5": 49.187999999999995, + "mrr_at_1": 43.824000000000005, + "mrr_at_10": 53.910000000000004, + "mrr_at_100": 54.601, + "mrr_at_1000": 54.632000000000005, + "mrr_at_3": 51.578, + "mrr_at_5": 52.922999999999995, + "ndcg_at_1": 43.824000000000005, + "ndcg_at_10": 56.208000000000006, + "ndcg_at_100": 60.624, + "ndcg_at_1000": 61.78, + "ndcg_at_3": 51.27, + "ndcg_at_5": 53.578, + "precision_at_1": 43.824000000000005, + "precision_at_10": 8.978, + "precision_at_100": 1.216, + "precision_at_1000": 0.136, + "precision_at_3": 22.884, + "precision_at_5": 15.498000000000001, + "recall_at_1": 38.474000000000004, + "recall_at_10": 69.636, + "recall_at_100": 88.563, + "recall_at_1000": 96.86200000000001, + "recall_at_3": 56.347, + "recall_at_5": 61.980000000000004, + "main_score": 56.208000000000006 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.13, + "map_at_10": 31.892, + "map_at_100": 32.938, + "map_at_1000": 33.025999999999996, + "map_at_3": 29.072, + "map_at_5": 30.775000000000002, + "mrr_at_1": 25.197999999999997, + "mrr_at_10": 34.224, + "mrr_at_100": 35.149, + "mrr_at_1000": 35.215999999999994, + "mrr_at_3": 31.563000000000002, + "mrr_at_5": 33.196, + "ndcg_at_1": 25.197999999999997, + "ndcg_at_10": 37.117, + "ndcg_at_100": 42.244, + "ndcg_at_1000": 44.432, + "ndcg_at_3": 31.604, + "ndcg_at_5": 34.543, + "precision_at_1": 25.197999999999997, + "precision_at_10": 5.876, + "precision_at_100": 0.886, + "precision_at_1000": 0.11100000000000002, + "precision_at_3": 13.672, + "precision_at_5": 9.831, + "recall_at_1": 23.13, + "recall_at_10": 50.980000000000004, + "recall_at_100": 74.565, + "recall_at_1000": 90.938, + "recall_at_3": 36.038, + "recall_at_5": 43.326, + "main_score": 37.117 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.317, + "map_at_10": 24.517, + "map_at_100": 25.771, + "map_at_1000": 25.915, + "map_at_3": 22.332, + "map_at_5": 23.526, + "mrr_at_1": 21.766, + "mrr_at_10": 29.096, + "mrr_at_100": 30.165, + "mrr_at_1000": 30.253000000000004, + "mrr_at_3": 27.114, + "mrr_at_5": 28.284, + "ndcg_at_1": 21.766, + "ndcg_at_10": 29.060999999999996, + "ndcg_at_100": 35.107, + "ndcg_at_1000": 38.339, + "ndcg_at_3": 25.121, + "ndcg_at_5": 26.953, + "precision_at_1": 21.766, + "precision_at_10": 5.274, + "precision_at_100": 0.958, + "precision_at_1000": 0.13699999999999998, + "precision_at_3": 11.816, + "precision_at_5": 8.433, + "recall_at_1": 17.317, + "recall_at_10": 38.379999999999995, + "recall_at_100": 64.792, + "recall_at_1000": 87.564, + "recall_at_3": 27.737000000000002, + "recall_at_5": 32.340999999999994, + "main_score": 29.060999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.876, + "map_at_10": 40.02, + "map_at_100": 41.367, + "map_at_1000": 41.482, + "map_at_3": 36.651, + "map_at_5": 38.411, + "mrr_at_1": 35.804, + "mrr_at_10": 45.946999999999996, + "mrr_at_100": 46.696, + "mrr_at_1000": 46.741, + "mrr_at_3": 43.118, + "mrr_at_5": 44.74, + "ndcg_at_1": 35.804, + "ndcg_at_10": 46.491, + "ndcg_at_100": 51.803, + "ndcg_at_1000": 53.845, + "ndcg_at_3": 40.97, + "ndcg_at_5": 43.431, + "precision_at_1": 35.804, + "precision_at_10": 8.595, + "precision_at_100": 1.312, + "precision_at_1000": 0.167, + "precision_at_3": 19.634, + "precision_at_5": 13.879, + "recall_at_1": 28.876, + "recall_at_10": 59.952000000000005, + "recall_at_100": 81.978, + "recall_at_1000": 95.03399999999999, + "recall_at_3": 44.284, + "recall_at_5": 50.885999999999996, + "main_score": 46.491 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.238, + "map_at_10": 34.276, + "map_at_100": 35.65, + "map_at_1000": 35.769, + "map_at_3": 31.227, + "map_at_5": 33.046, + "mrr_at_1": 30.137000000000004, + "mrr_at_10": 39.473, + "mrr_at_100": 40.400999999999996, + "mrr_at_1000": 40.455000000000005, + "mrr_at_3": 36.891, + "mrr_at_5": 38.391999999999996, + "ndcg_at_1": 30.137000000000004, + "ndcg_at_10": 40.08, + "ndcg_at_100": 46.01, + "ndcg_at_1000": 48.36, + "ndcg_at_3": 35.163, + "ndcg_at_5": 37.583, + "precision_at_1": 30.137000000000004, + "precision_at_10": 7.466, + "precision_at_100": 1.228, + "precision_at_1000": 0.16199999999999998, + "precision_at_3": 17.122999999999998, + "precision_at_5": 12.283, + "recall_at_1": 24.238, + "recall_at_10": 52.078, + "recall_at_100": 77.643, + "recall_at_1000": 93.49199999999999, + "recall_at_3": 38.161, + "recall_at_5": 44.781, + "main_score": 40.08 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.915250000000004, + "map_at_10": 33.98191666666666, + "map_at_100": 35.19166666666667, + "map_at_1000": 35.30983333333333, + "map_at_3": 31.27391666666666, + "map_at_5": 32.74366666666666, + "mrr_at_1": 29.800749999999994, + "mrr_at_10": 38.235749999999996, + "mrr_at_100": 39.10616666666667, + "mrr_at_1000": 39.166583333333335, + "mrr_at_3": 35.91033333333334, + "mrr_at_5": 37.17766666666667, + "ndcg_at_1": 29.800749999999994, + "ndcg_at_10": 39.287833333333325, + "ndcg_at_100": 44.533833333333334, + "ndcg_at_1000": 46.89608333333333, + "ndcg_at_3": 34.676, + "ndcg_at_5": 36.75208333333333, + "precision_at_1": 29.800749999999994, + "precision_at_10": 6.9134166666666665, + "precision_at_100": 1.1206666666666665, + "precision_at_1000": 0.15116666666666667, + "precision_at_3": 16.069083333333335, + "precision_at_5": 11.337916666666668, + "recall_at_1": 24.915250000000004, + "recall_at_10": 50.86333333333334, + "recall_at_100": 73.85574999999999, + "recall_at_1000": 90.24041666666666, + "recall_at_3": 37.80116666666666, + "recall_at_5": 43.263, + "main_score": 39.287833333333325 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.853, + "map_at_10": 30.349999999999998, + "map_at_100": 31.341, + "map_at_1000": 31.44, + "map_at_3": 28.294999999999998, + "map_at_5": 29.412, + "mrr_at_1": 25.919999999999998, + "mrr_at_10": 33.194, + "mrr_at_100": 34.071, + "mrr_at_1000": 34.136, + "mrr_at_3": 31.391000000000002, + "mrr_at_5": 32.311, + "ndcg_at_1": 25.919999999999998, + "ndcg_at_10": 34.691, + "ndcg_at_100": 39.83, + "ndcg_at_1000": 42.193000000000005, + "ndcg_at_3": 30.91, + "ndcg_at_5": 32.634, + "precision_at_1": 25.919999999999998, + "precision_at_10": 5.521, + "precision_at_100": 0.882, + "precision_at_1000": 0.117, + "precision_at_3": 13.547999999999998, + "precision_at_5": 9.293999999999999, + "recall_at_1": 22.853, + "recall_at_10": 45.145, + "recall_at_100": 69.158, + "recall_at_1000": 86.354, + "recall_at_3": 34.466, + "recall_at_5": 39.044000000000004, + "main_score": 34.691 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.151, + "map_at_10": 23.674, + "map_at_100": 24.738, + "map_at_1000": 24.864, + "map_at_3": 21.514, + "map_at_5": 22.695, + "mrr_at_1": 20.991, + "mrr_at_10": 27.612, + "mrr_at_100": 28.526, + "mrr_at_1000": 28.603, + "mrr_at_3": 25.618999999999996, + "mrr_at_5": 26.674, + "ndcg_at_1": 20.991, + "ndcg_at_10": 27.983000000000004, + "ndcg_at_100": 33.190999999999995, + "ndcg_at_1000": 36.172, + "ndcg_at_3": 24.195, + "ndcg_at_5": 25.863999999999997, + "precision_at_1": 20.991, + "precision_at_10": 5.093, + "precision_at_100": 0.8959999999999999, + "precision_at_1000": 0.132, + "precision_at_3": 11.402, + "precision_at_5": 8.197000000000001, + "recall_at_1": 17.151, + "recall_at_10": 37.025000000000006, + "recall_at_100": 60.787, + "recall_at_1000": 82.202, + "recall_at_3": 26.19, + "recall_at_5": 30.657, + "main_score": 27.983000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.463, + "map_at_10": 34.372, + "map_at_100": 35.475, + "map_at_1000": 35.582, + "map_at_3": 31.791000000000004, + "map_at_5": 33.292, + "mrr_at_1": 30.784, + "mrr_at_10": 38.948, + "mrr_at_100": 39.792, + "mrr_at_1000": 39.857, + "mrr_at_3": 36.614000000000004, + "mrr_at_5": 37.976, + "ndcg_at_1": 30.784, + "ndcg_at_10": 39.631, + "ndcg_at_100": 44.747, + "ndcg_at_1000": 47.172, + "ndcg_at_3": 34.976, + "ndcg_at_5": 37.241, + "precision_at_1": 30.784, + "precision_at_10": 6.622999999999999, + "precision_at_100": 1.04, + "precision_at_1000": 0.135, + "precision_at_3": 16.014, + "precision_at_5": 11.286999999999999, + "recall_at_1": 25.463, + "recall_at_10": 51.23799999999999, + "recall_at_100": 73.4, + "recall_at_1000": 90.634, + "recall_at_3": 38.421, + "recall_at_5": 44.202999999999996, + "main_score": 39.631 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.714, + "map_at_10": 32.712, + "map_at_100": 34.337, + "map_at_1000": 34.556, + "map_at_3": 29.747, + "map_at_5": 31.208000000000002, + "mrr_at_1": 29.051, + "mrr_at_10": 37.589, + "mrr_at_100": 38.638, + "mrr_at_1000": 38.692, + "mrr_at_3": 35.079, + "mrr_at_5": 36.265, + "ndcg_at_1": 29.051, + "ndcg_at_10": 38.681, + "ndcg_at_100": 44.775999999999996, + "ndcg_at_1000": 47.354, + "ndcg_at_3": 33.888, + "ndcg_at_5": 35.854, + "precision_at_1": 29.051, + "precision_at_10": 7.489999999999999, + "precision_at_100": 1.518, + "precision_at_1000": 0.241, + "precision_at_3": 16.008, + "precision_at_5": 11.66, + "recall_at_1": 23.714, + "recall_at_10": 50.324000000000005, + "recall_at_100": 77.16, + "recall_at_1000": 93.186, + "recall_at_3": 36.356, + "recall_at_5": 41.457, + "main_score": 38.681 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.336, + "map_at_10": 26.345000000000002, + "map_at_100": 27.336, + "map_at_1000": 27.436, + "map_at_3": 23.865, + "map_at_5": 25.046000000000003, + "mrr_at_1": 19.778000000000002, + "mrr_at_10": 27.837, + "mrr_at_100": 28.82, + "mrr_at_1000": 28.897000000000002, + "mrr_at_3": 25.446999999999996, + "mrr_at_5": 26.556, + "ndcg_at_1": 19.778000000000002, + "ndcg_at_10": 31.115, + "ndcg_at_100": 36.109, + "ndcg_at_1000": 38.769999999999996, + "ndcg_at_3": 26.048, + "ndcg_at_5": 28.004, + "precision_at_1": 19.778000000000002, + "precision_at_10": 5.157, + "precision_at_100": 0.808, + "precision_at_1000": 0.11, + "precision_at_3": 11.459999999999999, + "precision_at_5": 8.022, + "recall_at_1": 18.336, + "recall_at_10": 44.489000000000004, + "recall_at_100": 67.43599999999999, + "recall_at_1000": 87.478, + "recall_at_3": 30.462, + "recall_at_5": 35.188, + "main_score": 31.115 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/ClimateFEVER.json b/results/izhx__udever-bloom-7b1/external/ClimateFEVER.json new file mode 100644 index 000000000..912dd3e41 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 10.747, + "map_at_10": 18.625, + "map_at_100": 20.465, + "map_at_1000": 20.639, + "map_at_3": 15.57, + "map_at_5": 17.089, + "mrr_at_1": 24.169, + "mrr_at_10": 35.96, + "mrr_at_100": 36.888, + "mrr_at_1000": 36.931999999999995, + "mrr_at_3": 32.443, + "mrr_at_5": 34.433, + "ndcg_at_1": 24.169, + "ndcg_at_10": 26.791999999999998, + "ndcg_at_100": 34.054, + "ndcg_at_1000": 37.285000000000004, + "ndcg_at_3": 21.636, + "ndcg_at_5": 23.394000000000002, + "precision_at_1": 24.169, + "precision_at_10": 8.476, + "precision_at_100": 1.6209999999999998, + "precision_at_1000": 0.22200000000000003, + "precision_at_3": 16.156000000000002, + "precision_at_5": 12.520999999999999, + "recall_at_1": 10.747, + "recall_at_10": 32.969, + "recall_at_100": 57.99999999999999, + "recall_at_1000": 76.12299999999999, + "recall_at_3": 20.315, + "recall_at_5": 25.239, + "main_score": 26.791999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/CmedqaRetrieval.json b/results/izhx__udever-bloom-7b1/external/CmedqaRetrieval.json new file mode 100644 index 000000000..0c02e642e --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/CmedqaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 14.751, + "map_at_10": 22.03, + "map_at_100": 23.471, + "map_at_1000": 23.644000000000002, + "map_at_3": 19.559, + "map_at_5": 20.863, + "mrr_at_1": 23.581, + "mrr_at_10": 29.863, + "mrr_at_100": 30.839, + "mrr_at_1000": 30.925000000000004, + "mrr_at_3": 27.894000000000002, + "mrr_at_5": 28.965999999999998, + "ndcg_at_1": 23.581, + "ndcg_at_10": 26.996, + "ndcg_at_100": 33.537, + "ndcg_at_1000": 37.307, + "ndcg_at_3": 23.559, + "ndcg_at_5": 24.839, + "precision_at_1": 23.581, + "precision_at_10": 6.209, + "precision_at_100": 1.165, + "precision_at_1000": 0.165, + "precision_at_3": 13.62, + "precision_at_5": 9.882, + "recall_at_1": 14.751, + "recall_at_10": 34.075, + "recall_at_100": 61.877, + "recall_at_1000": 88.212, + "recall_at_3": 23.519000000000002, + "recall_at_5": 27.685, + "main_score": 26.996 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/Cmnli.json b/results/izhx__udever-bloom-7b1/external/Cmnli.json new file mode 100644 index 000000000..e5e377f05 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/Cmnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Cmnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 76.36800962116656, + "cos_sim_ap": 85.14376065556142, + "cos_sim_f1": 77.81474723623485, + "cos_sim_precision": 71.92460317460318, + "cos_sim_recall": 84.75566986205284, + "dot_accuracy": 71.94227300060132, + "dot_ap": 79.03676891584456, + "dot_f1": 74.95833333333334, + "dot_precision": 67.59346233327072, + "dot_recall": 84.12438625204582, + "euclidean_accuracy": 76.043295249549, + "euclidean_ap": 85.28765360616536, + "euclidean_f1": 78.01733248784612, + "euclidean_precision": 71.1861137897782, + "euclidean_recall": 86.29880757540333, + "manhattan_accuracy": 76.17558628983764, + "manhattan_ap": 85.52739323094916, + "manhattan_f1": 78.30788804071246, + "manhattan_precision": 71.63918525703201, + "manhattan_recall": 86.34556932429273, + "max_accuracy": 76.36800962116656, + "max_ap": 85.52739323094916, + "max_f1": 78.30788804071246, + "main_score": 76.36800962116656 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/CovidRetrieval.json b/results/izhx__udever-bloom-7b1/external/CovidRetrieval.json new file mode 100644 index 000000000..7ae5a2929 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/CovidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 56.164, + "map_at_10": 64.575, + "map_at_100": 65.098, + "map_at_1000": 65.118, + "map_at_3": 62.329, + "map_at_5": 63.535, + "mrr_at_1": 56.269999999999996, + "mrr_at_10": 64.63600000000001, + "mrr_at_100": 65.14, + "mrr_at_1000": 65.16, + "mrr_at_3": 62.522, + "mrr_at_5": 63.57000000000001, + "ndcg_at_1": 56.269999999999996, + "ndcg_at_10": 68.855, + "ndcg_at_100": 71.47099999999999, + "ndcg_at_1000": 72.02499999999999, + "ndcg_at_3": 64.324, + "ndcg_at_5": 66.417, + "precision_at_1": 56.269999999999996, + "precision_at_10": 8.303, + "precision_at_100": 0.9570000000000001, + "precision_at_1000": 0.1, + "precision_at_3": 23.427999999999997, + "precision_at_5": 15.09, + "recall_at_1": 56.164, + "recall_at_10": 82.271, + "recall_at_100": 94.626, + "recall_at_1000": 99.05199999999999, + "recall_at_3": 69.94200000000001, + "recall_at_5": 74.947, + "main_score": 68.855 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/DBPedia.json b/results/izhx__udever-bloom-7b1/external/DBPedia.json new file mode 100644 index 000000000..9e18506f6 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.686, + "map_at_10": 17.766000000000002, + "map_at_100": 23.507, + "map_at_1000": 24.757, + "map_at_3": 13.238, + "map_at_5": 15.161, + "mrr_at_1": 65.25, + "mrr_at_10": 72.88, + "mrr_at_100": 73.246, + "mrr_at_1000": 73.261, + "mrr_at_3": 71.542, + "mrr_at_5": 72.392, + "ndcg_at_1": 53.75, + "ndcg_at_10": 37.623, + "ndcg_at_100": 40.302, + "ndcg_at_1000": 47.471999999999994, + "ndcg_at_3": 43.324, + "ndcg_at_5": 39.887, + "precision_at_1": 65.25, + "precision_at_10": 28.749999999999996, + "precision_at_100": 8.34, + "precision_at_1000": 1.703, + "precision_at_3": 46.583000000000006, + "precision_at_5": 38.0, + "recall_at_1": 8.686, + "recall_at_10": 22.966, + "recall_at_100": 44.3, + "recall_at_1000": 67.77499999999999, + "recall_at_3": 14.527999999999999, + "recall_at_5": 17.617, + "main_score": 37.623 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/DuRetrieval.json b/results/izhx__udever-bloom-7b1/external/DuRetrieval.json new file mode 100644 index 000000000..88432f718 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/DuRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 22.439, + "map_at_10": 68.484, + "map_at_100": 71.67999999999999, + "map_at_1000": 71.761, + "map_at_3": 46.373999999999995, + "map_at_5": 58.697, + "mrr_at_1": 80.65, + "mrr_at_10": 86.53, + "mrr_at_100": 86.624, + "mrr_at_1000": 86.631, + "mrr_at_3": 85.95, + "mrr_at_5": 86.297, + "ndcg_at_1": 80.65, + "ndcg_at_10": 78.075, + "ndcg_at_100": 82.014, + "ndcg_at_1000": 82.903, + "ndcg_at_3": 75.785, + "ndcg_at_5": 74.789, + "precision_at_1": 80.65, + "precision_at_10": 38.425, + "precision_at_100": 4.62, + "precision_at_1000": 0.483, + "precision_at_3": 68.25, + "precision_at_5": 57.92, + "recall_at_1": 22.439, + "recall_at_10": 80.396, + "recall_at_100": 92.793, + "recall_at_1000": 97.541, + "recall_at_3": 49.611, + "recall_at_5": 65.065, + "main_score": 78.075 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/EcomRetrieval.json b/results/izhx__udever-bloom-7b1/external/EcomRetrieval.json new file mode 100644 index 000000000..b63bb5caa --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/EcomRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 43.9, + "map_at_10": 53.394, + "map_at_100": 54.078, + "map_at_1000": 54.105000000000004, + "map_at_3": 50.583, + "map_at_5": 52.443, + "mrr_at_1": 43.9, + "mrr_at_10": 53.394, + "mrr_at_100": 54.078, + "mrr_at_1000": 54.105000000000004, + "mrr_at_3": 50.583, + "mrr_at_5": 52.443, + "ndcg_at_1": 43.9, + "ndcg_at_10": 58.341, + "ndcg_at_100": 61.753, + "ndcg_at_1000": 62.525, + "ndcg_at_3": 52.699, + "ndcg_at_5": 56.042, + "precision_at_1": 43.9, + "precision_at_10": 7.3999999999999995, + "precision_at_100": 0.901, + "precision_at_1000": 0.096, + "precision_at_3": 19.6, + "precision_at_5": 13.38, + "recall_at_1": 43.9, + "recall_at_10": 74.0, + "recall_at_100": 90.10000000000001, + "recall_at_1000": 96.3, + "recall_at_3": 58.8, + "recall_at_5": 66.9, + "main_score": 58.341 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/EmotionClassification.json b/results/izhx__udever-bloom-7b1/external/EmotionClassification.json new file mode 100644 index 000000000..97488e5c0 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 48.765, + "f1": 44.2791193129597, + "main_score": 48.765 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/FEVER.json b/results/izhx__udever-bloom-7b1/external/FEVER.json new file mode 100644 index 000000000..fd74c1e4b --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 56.89999999999999, + "map_at_10": 68.352, + "map_at_100": 68.768, + "map_at_1000": 68.782, + "map_at_3": 66.27300000000001, + "map_at_5": 67.67699999999999, + "mrr_at_1": 61.476, + "mrr_at_10": 72.662, + "mrr_at_100": 72.993, + "mrr_at_1000": 72.99799999999999, + "mrr_at_3": 70.75200000000001, + "mrr_at_5": 72.056, + "ndcg_at_1": 61.476, + "ndcg_at_10": 73.98400000000001, + "ndcg_at_100": 75.744, + "ndcg_at_1000": 76.036, + "ndcg_at_3": 70.162, + "ndcg_at_5": 72.482, + "precision_at_1": 61.476, + "precision_at_10": 9.565, + "precision_at_100": 1.054, + "precision_at_1000": 0.109, + "precision_at_3": 27.943, + "precision_at_5": 18.056, + "recall_at_1": 56.89999999999999, + "recall_at_10": 87.122, + "recall_at_100": 94.742, + "recall_at_1000": 96.70100000000001, + "recall_at_3": 76.911, + "recall_at_5": 82.607, + "main_score": 73.98400000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/FiQA2018.json b/results/izhx__udever-bloom-7b1/external/FiQA2018.json new file mode 100644 index 000000000..041db59a4 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.610999999999997, + "map_at_10": 29.12, + "map_at_100": 30.958000000000002, + "map_at_1000": 31.151, + "map_at_3": 25.369000000000003, + "map_at_5": 27.445000000000004, + "mrr_at_1": 35.185, + "mrr_at_10": 44.533, + "mrr_at_100": 45.385, + "mrr_at_1000": 45.432, + "mrr_at_3": 42.258, + "mrr_at_5": 43.608999999999995, + "ndcg_at_1": 35.185, + "ndcg_at_10": 36.696, + "ndcg_at_100": 43.491, + "ndcg_at_1000": 46.800000000000004, + "ndcg_at_3": 33.273, + "ndcg_at_5": 34.336, + "precision_at_1": 35.185, + "precision_at_10": 10.309, + "precision_at_100": 1.719, + "precision_at_1000": 0.231, + "precision_at_3": 22.479, + "precision_at_5": 16.481, + "recall_at_1": 17.610999999999997, + "recall_at_10": 43.29, + "recall_at_100": 68.638, + "recall_at_1000": 88.444, + "recall_at_3": 30.303, + "recall_at_5": 35.856, + "main_score": 36.696 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/HotpotQA.json b/results/izhx__udever-bloom-7b1/external/HotpotQA.json new file mode 100644 index 000000000..304e0adb3 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 34.18, + "map_at_10": 47.753, + "map_at_100": 48.522, + "map_at_1000": 48.596000000000004, + "map_at_3": 45.222, + "map_at_5": 46.793, + "mrr_at_1": 68.35900000000001, + "mrr_at_10": 74.503, + "mrr_at_100": 74.811, + "mrr_at_1000": 74.82799999999999, + "mrr_at_3": 73.347, + "mrr_at_5": 74.06700000000001, + "ndcg_at_1": 68.35900000000001, + "ndcg_at_10": 56.665, + "ndcg_at_100": 59.629, + "ndcg_at_1000": 61.222, + "ndcg_at_3": 52.81400000000001, + "ndcg_at_5": 54.94, + "precision_at_1": 68.35900000000001, + "precision_at_10": 11.535, + "precision_at_100": 1.388, + "precision_at_1000": 0.16, + "precision_at_3": 32.784, + "precision_at_5": 21.348, + "recall_at_1": 34.18, + "recall_at_10": 57.677, + "recall_at_100": 69.379, + "recall_at_1000": 80.061, + "recall_at_3": 49.175999999999995, + "recall_at_5": 53.369, + "main_score": 56.665 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/IFlyTek.json b/results/izhx__udever-bloom-7b1/external/IFlyTek.json new file mode 100644 index 000000000..6966d56c2 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/IFlyTek.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 46.23316660253944, + "f1": 39.09397722262806, + "main_score": 46.23316660253944 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/ImdbClassification.json b/results/izhx__udever-bloom-7b1/external/ImdbClassification.json new file mode 100644 index 000000000..0e6838605 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.46119999999999, + "ap": 72.53477126781094, + "f1": 78.28701752379332, + "main_score": 78.46119999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/JDReview.json b/results/izhx__udever-bloom-7b1/external/JDReview.json new file mode 100644 index 000000000..493bb2c19 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/JDReview.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 84.16510318949344, + "ap": 50.10324581565756, + "f1": 78.34748161287605, + "main_score": 84.16510318949344 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/LCQMC.json b/results/izhx__udever-bloom-7b1/external/LCQMC.json new file mode 100644 index 000000000..25f34f25d --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/LCQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 68.71925879533819, + "cos_sim_spearman": 75.33926640820977, + "euclidean_pearson": 74.59557932790653, + "euclidean_spearman": 75.76006440878783, + "manhattan_pearson": 74.7461963483351, + "manhattan_spearman": 75.87111519308131, + "cosine_pearson": 68.71925879533819, + "cosine_spearman": 75.33926640820977, + "main_score": 75.33926640820977 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/MMarcoReranking.json b/results/izhx__udever-bloom-7b1/external/MMarcoReranking.json new file mode 100644 index 000000000..662ad09fb --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 26.691638884089574, + "mrr": 25.15674603174603, + "main_score": 26.691638884089574 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/MMarcoRetrieval.json b/results/izhx__udever-bloom-7b1/external/MMarcoRetrieval.json new file mode 100644 index 000000000..15a0b5f3a --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/MMarcoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 66.249, + "map_at_10": 75.236, + "map_at_100": 75.581, + "map_at_1000": 75.593, + "map_at_3": 73.463, + "map_at_5": 74.602, + "mrr_at_1": 68.42399999999999, + "mrr_at_10": 75.81099999999999, + "mrr_at_100": 76.115, + "mrr_at_1000": 76.126, + "mrr_at_3": 74.26899999999999, + "mrr_at_5": 75.24300000000001, + "ndcg_at_1": 68.42399999999999, + "ndcg_at_10": 78.81700000000001, + "ndcg_at_100": 80.379, + "ndcg_at_1000": 80.667, + "ndcg_at_3": 75.476, + "ndcg_at_5": 77.38199999999999, + "precision_at_1": 68.42399999999999, + "precision_at_10": 9.491, + "precision_at_100": 1.027, + "precision_at_1000": 0.105, + "precision_at_3": 28.352, + "precision_at_5": 18.043, + "recall_at_1": 66.249, + "recall_at_10": 89.238, + "recall_at_100": 96.319, + "recall_at_1000": 98.524, + "recall_at_3": 80.438, + "recall_at_5": 84.95, + "main_score": 78.81700000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/MSMARCO.json b/results/izhx__udever-bloom-7b1/external/MSMARCO.json new file mode 100644 index 000000000..111c820b9 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.083000000000002, + "map_at_10": 35.251, + "map_at_100": 36.461, + "map_at_1000": 36.507, + "map_at_3": 31.474999999999998, + "map_at_5": 33.658, + "mrr_at_1": 23.724999999999998, + "mrr_at_10": 35.88, + "mrr_at_100": 37.021, + "mrr_at_1000": 37.062, + "mrr_at_3": 32.159, + "mrr_at_5": 34.325, + "ndcg_at_1": 23.724999999999998, + "ndcg_at_10": 42.018, + "ndcg_at_100": 47.764, + "ndcg_at_1000": 48.916, + "ndcg_at_3": 34.369, + "ndcg_at_5": 38.266, + "precision_at_1": 23.724999999999998, + "precision_at_10": 6.553000000000001, + "precision_at_100": 0.942, + "precision_at_1000": 0.104, + "precision_at_3": 14.532, + "precision_at_5": 10.696, + "recall_at_1": 23.083000000000002, + "recall_at_10": 62.739, + "recall_at_100": 89.212, + "recall_at_1000": 97.991, + "recall_at_3": 42.064, + "recall_at_5": 51.417, + "main_score": 42.018 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/MTOPDomainClassification.json b/results/izhx__udever-bloom-7b1/external/MTOPDomainClassification.json new file mode 100644 index 000000000..48ac846ef --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.43365253077975, + "f1": 93.07455671032345, + "main_score": 93.43365253077975 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/MTOPIntentClassification.json b/results/izhx__udever-bloom-7b1/external/MTOPIntentClassification.json new file mode 100644 index 000000000..e40e974a6 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.72822617419061, + "f1": 55.6093871673643, + "main_score": 71.72822617419061 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/MassiveIntentClassification.json b/results/izhx__udever-bloom-7b1/external/MassiveIntentClassification.json new file mode 100644 index 000000000..76fe02092 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.03765971755212, + "f1": 70.88235592002572, + "main_score": 72.03765971755212 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/MassiveScenarioClassification.json b/results/izhx__udever-bloom-7b1/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..257f42878 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.86281102891728, + "f1": 77.15496923811003, + "main_score": 76.86281102891728 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/MedicalRetrieval.json b/results/izhx__udever-bloom-7b1/external/MedicalRetrieval.json new file mode 100644 index 000000000..bfa51166e --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/MedicalRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 41.8, + "map_at_10": 46.993, + "map_at_100": 47.534, + "map_at_1000": 47.587, + "map_at_3": 45.717, + "map_at_5": 46.357, + "mrr_at_1": 42.0, + "mrr_at_10": 47.093, + "mrr_at_100": 47.634, + "mrr_at_1000": 47.687000000000005, + "mrr_at_3": 45.817, + "mrr_at_5": 46.457, + "ndcg_at_1": 41.8, + "ndcg_at_10": 49.631, + "ndcg_at_100": 52.53, + "ndcg_at_1000": 54.238, + "ndcg_at_3": 46.949000000000005, + "ndcg_at_5": 48.102000000000004, + "precision_at_1": 41.8, + "precision_at_10": 5.800000000000001, + "precision_at_100": 0.722, + "precision_at_1000": 0.086, + "precision_at_3": 16.833000000000002, + "precision_at_5": 10.66, + "recall_at_1": 41.8, + "recall_at_10": 57.99999999999999, + "recall_at_100": 72.2, + "recall_at_1000": 86.3, + "recall_at_3": 50.5, + "recall_at_5": 53.300000000000004, + "main_score": 49.631 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/MedrxivClusteringP2P.json b/results/izhx__udever-bloom-7b1/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..a035895b9 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.949060810392886, + "main_score": 30.949060810392886 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/MedrxivClusteringS2S.json b/results/izhx__udever-bloom-7b1/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..5b30c7d37 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 28.87339864059011, + "main_score": 28.87339864059011 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/MindSmallReranking.json b/results/izhx__udever-bloom-7b1/external/MindSmallReranking.json new file mode 100644 index 000000000..4e91d9e08 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.217934626189926, + "mrr": 32.27509143911496, + "main_score": 31.217934626189926 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/MultilingualSentiment.json b/results/izhx__udever-bloom-7b1/external/MultilingualSentiment.json new file mode 100644 index 000000000..bdf90bba1 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/MultilingualSentiment.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 68.35666666666667, + "f1": 68.30294399725629, + "main_score": 68.35666666666667 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/NFCorpus.json b/results/izhx__udever-bloom-7b1/external/NFCorpus.json new file mode 100644 index 000000000..265c24fde --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.759, + "map_at_10": 13.425999999999998, + "map_at_100": 16.988, + "map_at_1000": 18.512, + "map_at_3": 9.737, + "map_at_5": 11.558, + "mrr_at_1": 48.297000000000004, + "mrr_at_10": 56.788000000000004, + "mrr_at_100": 57.306000000000004, + "mrr_at_1000": 57.349000000000004, + "mrr_at_3": 54.386, + "mrr_at_5": 56.135000000000005, + "ndcg_at_1": 46.285, + "ndcg_at_10": 36.016, + "ndcg_at_100": 32.984, + "ndcg_at_1000": 42.093, + "ndcg_at_3": 41.743, + "ndcg_at_5": 39.734, + "precision_at_1": 48.297000000000004, + "precision_at_10": 26.779999999999998, + "precision_at_100": 8.505, + "precision_at_1000": 2.1420000000000003, + "precision_at_3": 39.422000000000004, + "precision_at_5": 34.675, + "recall_at_1": 5.759, + "recall_at_10": 17.251, + "recall_at_100": 33.323, + "recall_at_1000": 66.759, + "recall_at_3": 10.703, + "recall_at_5": 13.808000000000002, + "main_score": 36.016 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/NQ.json b/results/izhx__udever-bloom-7b1/external/NQ.json new file mode 100644 index 000000000..0a0fed8d5 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.696999999999996, + "map_at_10": 46.099000000000004, + "map_at_100": 47.143, + "map_at_1000": 47.178, + "map_at_3": 41.948, + "map_at_5": 44.504, + "mrr_at_1": 35.717999999999996, + "mrr_at_10": 48.653, + "mrr_at_100": 49.456, + "mrr_at_1000": 49.479, + "mrr_at_3": 45.283, + "mrr_at_5": 47.422, + "ndcg_at_1": 35.689, + "ndcg_at_10": 53.312000000000005, + "ndcg_at_100": 57.69, + "ndcg_at_1000": 58.489000000000004, + "ndcg_at_3": 45.678999999999995, + "ndcg_at_5": 49.897000000000006, + "precision_at_1": 35.689, + "precision_at_10": 8.685, + "precision_at_100": 1.111, + "precision_at_1000": 0.11900000000000001, + "precision_at_3": 20.558, + "precision_at_5": 14.802999999999999, + "recall_at_1": 31.696999999999996, + "recall_at_10": 72.615, + "recall_at_100": 91.563, + "recall_at_1000": 97.52300000000001, + "recall_at_3": 53.203, + "recall_at_5": 62.836000000000006, + "main_score": 53.312000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/Ocnli.json b/results/izhx__udever-bloom-7b1/external/Ocnli.json new file mode 100644 index 000000000..703e3bb97 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/Ocnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Ocnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 67.94802382241473, + "cos_sim_ap": 72.1545049768353, + "cos_sim_f1": 71.24658780709737, + "cos_sim_precision": 62.589928057553955, + "cos_sim_recall": 82.68215417106653, + "dot_accuracy": 63.56253383865729, + "dot_ap": 66.5298825401086, + "dot_f1": 69.31953840031835, + "dot_precision": 55.61941251596424, + "dot_recall": 91.97465681098205, + "euclidean_accuracy": 69.46399566865186, + "euclidean_ap": 73.63177936887436, + "euclidean_f1": 72.91028446389497, + "euclidean_precision": 62.25710014947683, + "euclidean_recall": 87.96198521647307, + "manhattan_accuracy": 69.89713048186248, + "manhattan_ap": 74.11555425121965, + "manhattan_f1": 72.8923476005188, + "manhattan_precision": 61.71303074670571, + "manhattan_recall": 89.01795142555439, + "max_accuracy": 69.89713048186248, + "max_ap": 74.11555425121965, + "max_f1": 72.91028446389497, + "main_score": 69.89713048186248 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/OnlineShopping.json b/results/izhx__udever-bloom-7b1/external/OnlineShopping.json new file mode 100644 index 000000000..4e1ecce7a --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/OnlineShopping.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 90.93, + "ap": 88.66185083484555, + "f1": 90.91685771516175, + "main_score": 90.93 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/PAWSX.json b/results/izhx__udever-bloom-7b1/external/PAWSX.json new file mode 100644 index 000000000..d5474503c --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/PAWSX.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 14.385178129184318, + "cos_sim_spearman": 17.246549728263478, + "euclidean_pearson": 18.921969136664913, + "euclidean_spearman": 17.245713577354014, + "manhattan_pearson": 18.98503959815216, + "manhattan_spearman": 17.37740013639568, + "cosine_pearson": 14.385178129184318, + "cosine_spearman": 17.246549728263478, + "main_score": 17.246549728263478 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/QBQTC.json b/results/izhx__udever-bloom-7b1/external/QBQTC.json new file mode 100644 index 000000000..0c8cb814e --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/QBQTC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "QBQTC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 32.04198138050403, + "cos_sim_spearman": 34.4844617563846, + "euclidean_pearson": 34.2634608256121, + "euclidean_spearman": 36.322207068208066, + "manhattan_pearson": 34.414939622012284, + "manhattan_spearman": 36.49437789416394, + "cosine_pearson": 32.04198138050403, + "cosine_spearman": 34.4844617563846, + "main_score": 34.4844617563846 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/QuoraRetrieval.json b/results/izhx__udever-bloom-7b1/external/QuoraRetrieval.json new file mode 100644 index 000000000..7254c95f9 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 70.858, + "map_at_10": 84.516, + "map_at_100": 85.138, + "map_at_1000": 85.153, + "map_at_3": 81.487, + "map_at_5": 83.41199999999999, + "mrr_at_1": 81.55, + "mrr_at_10": 87.51400000000001, + "mrr_at_100": 87.607, + "mrr_at_1000": 87.60900000000001, + "mrr_at_3": 86.49, + "mrr_at_5": 87.21, + "ndcg_at_1": 81.57, + "ndcg_at_10": 88.276, + "ndcg_at_100": 89.462, + "ndcg_at_1000": 89.571, + "ndcg_at_3": 85.294, + "ndcg_at_5": 86.979, + "precision_at_1": 81.57, + "precision_at_10": 13.389999999999999, + "precision_at_100": 1.532, + "precision_at_1000": 0.157, + "precision_at_3": 37.2, + "precision_at_5": 24.544, + "recall_at_1": 70.858, + "recall_at_10": 95.428, + "recall_at_100": 99.46000000000001, + "recall_at_1000": 99.98, + "recall_at_3": 86.896, + "recall_at_5": 91.617, + "main_score": 88.276 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/RedditClustering.json b/results/izhx__udever-bloom-7b1/external/RedditClustering.json new file mode 100644 index 000000000..0836ea771 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 47.90089115942085, + "main_score": 47.90089115942085 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/RedditClusteringP2P.json b/results/izhx__udever-bloom-7b1/external/RedditClusteringP2P.json new file mode 100644 index 000000000..3feb9d2c7 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 55.948584594903515, + "main_score": 55.948584594903515 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/SCIDOCS.json b/results/izhx__udever-bloom-7b1/external/SCIDOCS.json new file mode 100644 index 000000000..bde8186e8 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.513, + "map_at_10": 11.189, + "map_at_100": 13.034, + "map_at_1000": 13.312, + "map_at_3": 8.124, + "map_at_5": 9.719999999999999, + "mrr_at_1": 22.1, + "mrr_at_10": 32.879999999999995, + "mrr_at_100": 33.916000000000004, + "mrr_at_1000": 33.982, + "mrr_at_3": 29.633, + "mrr_at_5": 31.663000000000004, + "ndcg_at_1": 22.1, + "ndcg_at_10": 18.944, + "ndcg_at_100": 26.240000000000002, + "ndcg_at_1000": 31.282, + "ndcg_at_3": 18.17, + "ndcg_at_5": 15.976, + "precision_at_1": 22.1, + "precision_at_10": 9.700000000000001, + "precision_at_100": 2.025, + "precision_at_1000": 0.32299999999999995, + "precision_at_3": 16.933, + "precision_at_5": 14.02, + "recall_at_1": 4.513, + "recall_at_10": 19.723, + "recall_at_100": 41.117, + "recall_at_1000": 65.718, + "recall_at_3": 10.333, + "recall_at_5": 14.252, + "main_score": 18.944 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/SICK-R.json b/results/izhx__udever-bloom-7b1/external/SICK-R.json new file mode 100644 index 000000000..7efac3b42 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.93526522406187, + "cos_sim_spearman": 81.4067321748142, + "euclidean_pearson": 82.23783344725466, + "euclidean_spearman": 80.88990344685583, + "manhattan_pearson": 82.3367264631989, + "manhattan_spearman": 80.9278067738814, + "cosine_pearson": 85.93526522406187, + "cosine_spearman": 81.4067321748142, + "main_score": 81.4067321748142 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/STS12.json b/results/izhx__udever-bloom-7b1/external/STS12.json new file mode 100644 index 000000000..7ef15da17 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.23458296088118, + "cos_sim_spearman": 77.47310329678291, + "euclidean_pearson": 83.73584591194671, + "euclidean_spearman": 80.15616176452284, + "manhattan_pearson": 84.03063128849925, + "manhattan_spearman": 80.36472448270416, + "cosine_pearson": 85.23458296088118, + "cosine_spearman": 77.47310329678291, + "main_score": 77.47310329678291 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/STS13.json b/results/izhx__udever-bloom-7b1/external/STS13.json new file mode 100644 index 000000000..d295aedd1 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.11807249122802, + "cos_sim_spearman": 86.37854318479079, + "euclidean_pearson": 86.65850909046301, + "euclidean_spearman": 87.85344963531178, + "manhattan_pearson": 86.77920459868837, + "manhattan_spearman": 87.97331161741792, + "cosine_pearson": 86.11807249122802, + "cosine_spearman": 86.37854318479079, + "main_score": 86.37854318479079 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/STS14.json b/results/izhx__udever-bloom-7b1/external/STS14.json new file mode 100644 index 000000000..2c2077907 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.4649953305265, + "cos_sim_spearman": 81.17166984686445, + "euclidean_pearson": 82.36880883967271, + "euclidean_spearman": 81.28206358558401, + "manhattan_pearson": 82.56994704487155, + "manhattan_spearman": 81.52094918949243, + "cosine_pearson": 84.4649953305265, + "cosine_spearman": 81.17166984686445, + "main_score": 81.17166984686445 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/STS15.json b/results/izhx__udever-bloom-7b1/external/STS15.json new file mode 100644 index 000000000..48385740a --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.5328930220188, + "cos_sim_spearman": 88.23398394823562, + "euclidean_pearson": 88.0817998861656, + "euclidean_spearman": 88.68995789914679, + "manhattan_pearson": 88.11885742601258, + "manhattan_spearman": 88.7318106493293, + "cosine_pearson": 87.5328930220188, + "cosine_spearman": 88.23398394823562, + "main_score": 88.23398394823562 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/STS16.json b/results/izhx__udever-bloom-7b1/external/STS16.json new file mode 100644 index 000000000..18e7bee76 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.81883368511858, + "cos_sim_spearman": 86.28679308000675, + "euclidean_pearson": 84.33705182713047, + "euclidean_spearman": 84.83018555455023, + "manhattan_pearson": 84.3271850394614, + "manhattan_spearman": 84.77974015415639, + "cosine_pearson": 84.81883368511858, + "cosine_spearman": 86.28679308000675, + "main_score": 86.28679308000675 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/STS17.json b/results/izhx__udever-bloom-7b1/external/STS17.json new file mode 100644 index 000000000..e32e59168 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 90.71845282522295, + "cos_sim_spearman": 90.6215253553308, + "euclidean_pearson": 89.486847313806, + "euclidean_spearman": 89.11692037511729, + "manhattan_pearson": 89.53911733450684, + "manhattan_spearman": 89.2507288145461, + "cosine_pearson": 90.71845282522295, + "cosine_spearman": 90.6215253553308, + "main_score": 90.6215253553308 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/STS22.json b/results/izhx__udever-bloom-7b1/external/STS22.json new file mode 100644 index 000000000..0626562e0 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 65.81961557635002, + "cos_sim_spearman": 65.01437718770094, + "euclidean_pearson": 66.53720271639384, + "euclidean_spearman": 65.66538718470727, + "manhattan_pearson": 66.85160833477023, + "manhattan_spearman": 65.86253623736344, + "cosine_pearson": 65.81961557635002, + "cosine_spearman": 65.01437718770094, + "main_score": 65.01437718770094 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/STSB.json b/results/izhx__udever-bloom-7b1/external/STSB.json new file mode 100644 index 000000000..9b0959903 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/STSB.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 81.74904608584143, + "cos_sim_spearman": 82.02672847550606, + "euclidean_pearson": 81.47843718306068, + "euclidean_spearman": 81.7259314292303, + "manhattan_pearson": 81.70320276859634, + "manhattan_spearman": 81.94903024173293, + "cosine_pearson": 81.74904608584143, + "cosine_spearman": 82.02672847550606, + "main_score": 82.02672847550606 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/STSBenchmark.json b/results/izhx__udever-bloom-7b1/external/STSBenchmark.json new file mode 100644 index 000000000..172779778 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.37129233774877, + "cos_sim_spearman": 88.02311088852667, + "euclidean_pearson": 85.864664021262, + "euclidean_spearman": 86.24775921494894, + "manhattan_pearson": 85.85401868812795, + "manhattan_spearman": 86.22999105137849, + "cosine_pearson": 87.37129233774877, + "cosine_spearman": 88.02311088852667, + "main_score": 88.02311088852667 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/SciDocsRR.json b/results/izhx__udever-bloom-7b1/external/SciDocsRR.json new file mode 100644 index 000000000..5ebcdc42e --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 80.2684105571225, + "mrr": 94.3528194753685, + "main_score": 80.2684105571225 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/SciFact.json b/results/izhx__udever-bloom-7b1/external/SciFact.json new file mode 100644 index 000000000..e949cde87 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 55.161, + "map_at_10": 64.794, + "map_at_100": 65.66499999999999, + "map_at_1000": 65.684, + "map_at_3": 62.326, + "map_at_5": 63.863, + "mrr_at_1": 58.333, + "mrr_at_10": 66.396, + "mrr_at_100": 67.07300000000001, + "mrr_at_1000": 67.092, + "mrr_at_3": 64.61099999999999, + "mrr_at_5": 65.744, + "ndcg_at_1": 58.333, + "ndcg_at_10": 69.294, + "ndcg_at_100": 72.612, + "ndcg_at_1000": 73.083, + "ndcg_at_3": 65.226, + "ndcg_at_5": 67.44, + "precision_at_1": 58.333, + "precision_at_10": 9.2, + "precision_at_100": 1.083, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 25.667, + "precision_at_5": 16.866999999999997, + "recall_at_1": 55.161, + "recall_at_10": 81.289, + "recall_at_100": 95.333, + "recall_at_1000": 99.0, + "recall_at_3": 70.45, + "recall_at_5": 76.128, + "main_score": 69.294 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/SprintDuplicateQuestions.json b/results/izhx__udever-bloom-7b1/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..79229e246 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.81980198019802, + "cos_sim_ap": 95.61939598272275, + "cos_sim_f1": 91.00684261974584, + "cos_sim_precision": 89.0057361376673, + "cos_sim_recall": 93.10000000000001, + "dot_accuracy": 99.78910891089109, + "dot_ap": 94.52852299178002, + "dot_f1": 89.2586989409985, + "dot_precision": 90.03051881993896, + "dot_recall": 88.5, + "euclidean_accuracy": 99.81782178217821, + "euclidean_ap": 95.41313424258671, + "euclidean_f1": 90.91806515301086, + "euclidean_precision": 89.76608187134502, + "euclidean_recall": 92.10000000000001, + "manhattan_accuracy": 99.81584158415842, + "manhattan_ap": 95.52722650384223, + "manhattan_f1": 90.86444007858546, + "manhattan_precision": 89.28571428571429, + "manhattan_recall": 92.5, + "max_accuracy": 99.81980198019802, + "max_ap": 95.61939598272275, + "max_f1": 91.00684261974584, + "main_score": 95.61939598272275 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/StackExchangeClustering.json b/results/izhx__udever-bloom-7b1/external/StackExchangeClustering.json new file mode 100644 index 000000000..6d8ff6cee --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 60.2736951820551, + "main_score": 60.2736951820551 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/StackExchangeClusteringP2P.json b/results/izhx__udever-bloom-7b1/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..821a0eb19 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.34316824844043, + "main_score": 32.34316824844043 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/StackOverflowDupQuestions.json b/results/izhx__udever-bloom-7b1/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..b7d3617f9 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 50.55034024386463, + "mrr": 51.468598803157626, + "main_score": 50.55034024386463 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/SummEval.json b/results/izhx__udever-bloom-7b1/external/SummEval.json new file mode 100644 index 000000000..2fe310b05 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.20772719310616, + "cos_sim_spearman": 30.966269993937523, + "dot_pearson": 30.866563682880965, + "dot_spearman": 29.906699130890875, + "cosine_pearson": 31.20772719310616, + "cosine_spearman": 30.966269993937523, + "main_score": 30.966269993937523 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/T2Reranking.json b/results/izhx__udever-bloom-7b1/external/T2Reranking.json new file mode 100644 index 000000000..85f0e8b8c --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 67.87990805824984, + "mrr": 78.16078682657897, + "main_score": 67.87990805824984 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/T2Retrieval.json b/results/izhx__udever-bloom-7b1/external/T2Retrieval.json new file mode 100644 index 000000000..eac8924e2 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/T2Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 26.009, + "map_at_10": 71.319, + "map_at_100": 74.895, + "map_at_1000": 74.995, + "map_at_3": 50.778, + "map_at_5": 62.00599999999999, + "mrr_at_1": 87.41, + "mrr_at_10": 90.18599999999999, + "mrr_at_100": 90.29700000000001, + "mrr_at_1000": 90.302, + "mrr_at_3": 89.701, + "mrr_at_5": 89.992, + "ndcg_at_1": 87.41, + "ndcg_at_10": 79.822, + "ndcg_at_100": 83.877, + "ndcg_at_1000": 84.882, + "ndcg_at_3": 82.391, + "ndcg_at_5": 80.339, + "precision_at_1": 87.41, + "precision_at_10": 39.546, + "precision_at_100": 4.824, + "precision_at_1000": 0.507, + "precision_at_3": 72.129, + "precision_at_5": 59.915, + "recall_at_1": 26.009, + "recall_at_10": 78.144, + "recall_at_100": 91.375, + "recall_at_1000": 96.42399999999999, + "recall_at_3": 52.529, + "recall_at_5": 65.46, + "main_score": 79.822 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/TNews.json b/results/izhx__udever-bloom-7b1/external/TNews.json new file mode 100644 index 000000000..00975b094 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/TNews.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 47.803000000000004, + "f1": 46.298520969605775, + "main_score": 47.803000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/TRECCOVID.json b/results/izhx__udever-bloom-7b1/external/TRECCOVID.json new file mode 100644 index 000000000..00cf24b54 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.252, + "map_at_10": 2.181, + "map_at_100": 12.82, + "map_at_1000": 30.307000000000002, + "map_at_3": 0.716, + "map_at_5": 1.133, + "mrr_at_1": 96.0, + "mrr_at_10": 98.0, + "mrr_at_100": 98.0, + "mrr_at_1000": 98.0, + "mrr_at_3": 98.0, + "mrr_at_5": 98.0, + "ndcg_at_1": 92.0, + "ndcg_at_10": 83.818, + "ndcg_at_100": 63.327999999999996, + "ndcg_at_1000": 55.883, + "ndcg_at_3": 87.16199999999999, + "ndcg_at_5": 85.03, + "precision_at_1": 96.0, + "precision_at_10": 88.0, + "precision_at_100": 64.94, + "precision_at_1000": 24.688, + "precision_at_3": 91.333, + "precision_at_5": 88.8, + "recall_at_1": 0.252, + "recall_at_10": 2.326, + "recall_at_100": 15.665000000000001, + "recall_at_1000": 52.559999999999995, + "recall_at_3": 0.735, + "recall_at_5": 1.175, + "main_score": 83.818 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/Tatoeba.json b/results/izhx__udever-bloom-7b1/external/Tatoeba.json new file mode 100644 index 000000000..5f06d27f5 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/Tatoeba.json @@ -0,0 +1,1354 @@ +{ + "dataset_revision": "9080400076fbadbb4c4dcb136ff4eddc40b42553", + "task_name": "Tatoeba", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "sqi-eng", + "languages": [ + "sqi-Latn", + "eng-Latn" + ], + "accuracy": 19.0, + "f1": 15.331629955575188, + "precision": 14.38509724403208, + "recall": 19.0, + "main_score": 15.331629955575188 + }, + { + "hf_subset": "fry-eng", + "languages": [ + "fry-Latn", + "eng-Latn" + ], + "accuracy": 39.884393063583815, + "f1": 32.369942196531795, + "precision": 30.036929993577395, + "recall": 39.884393063583815, + "main_score": 32.369942196531795 + }, + { + "hf_subset": "kur-eng", + "languages": [ + "kur-Latn", + "eng-Latn" + ], + "accuracy": 15.365853658536585, + "f1": 12.49755078527547, + "precision": 11.840415442997939, + "recall": 15.365853658536585, + "main_score": 12.49755078527547 + }, + { + "hf_subset": "tur-eng", + "languages": [ + "tur-Latn", + "eng-Latn" + ], + "accuracy": 11.1, + "f1": 8.955359175928436, + "precision": 8.324461412770235, + "recall": 11.1, + "main_score": 8.955359175928436 + }, + { + "hf_subset": "deu-eng", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "accuracy": 87.7, + "f1": 85.06214285714286, + "precision": 83.98761904761905, + "recall": 87.7, + "main_score": 85.06214285714286 + }, + { + "hf_subset": "nld-eng", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "accuracy": 56.00000000000001, + "f1": 49.8456850459482, + "precision": 47.80084415584415, + "recall": 56.00000000000001, + "main_score": 49.8456850459482 + }, + { + "hf_subset": "ron-eng", + "languages": [ + "ron-Latn", + "eng-Latn" + ], + "accuracy": 38.1, + "f1": 33.85465329991646, + "precision": 32.37519841269841, + "recall": 38.1, + "main_score": 33.85465329991646 + }, + { + "hf_subset": "ang-eng", + "languages": [ + "ang-Latn", + "eng-Latn" + ], + "accuracy": 42.53731343283582, + "f1": 34.67903986560703, + "precision": 32.17128642501776, + "recall": 42.53731343283582, + "main_score": 34.67903986560703 + }, + { + "hf_subset": "ido-eng", + "languages": [ + "ido-Latn", + "eng-Latn" + ], + "accuracy": 53.900000000000006, + "f1": 47.83909812409812, + "precision": 45.67887667887668, + "recall": 53.900000000000006, + "main_score": 47.83909812409812 + }, + { + "hf_subset": "jav-eng", + "languages": [ + "jav-Latn", + "eng-Latn" + ], + "accuracy": 26.34146341463415, + "f1": 22.264125162260022, + "precision": 21.384015912351636, + "recall": 26.34146341463415, + "main_score": 22.264125162260022 + }, + { + "hf_subset": "isl-eng", + "languages": [ + "isl-Latn", + "eng-Latn" + ], + "accuracy": 10.2, + "f1": 8.001233870597419, + "precision": 7.383838204560821, + "recall": 10.2, + "main_score": 8.001233870597419 + }, + { + "hf_subset": "slv-eng", + "languages": [ + "slv-Latn", + "eng-Latn" + ], + "accuracy": 17.253948967193196, + "f1": 13.055189087650387, + "precision": 12.105642744272275, + "recall": 17.253948967193196, + "main_score": 13.055189087650387 + }, + { + "hf_subset": "cym-eng", + "languages": [ + "cym-Latn", + "eng-Latn" + ], + "accuracy": 10.26086956521739, + "f1": 8.31837824011737, + "precision": 7.879315672736052, + "recall": 10.26086956521739, + "main_score": 8.31837824011737 + }, + { + "hf_subset": "kaz-eng", + "languages": [ + "kaz-Cyrl", + "eng-Latn" + ], + "accuracy": 11.826086956521738, + "f1": 9.663030581871162, + "precision": 9.152605557273077, + "recall": 11.826086956521738, + "main_score": 9.663030581871162 + }, + { + "hf_subset": "est-eng", + "languages": [ + "est-Latn", + "eng-Latn" + ], + "accuracy": 6.800000000000001, + "f1": 5.608697757594542, + "precision": 5.333727335466467, + "recall": 6.800000000000001, + "main_score": 5.608697757594542 + }, + { + "hf_subset": "heb-eng", + "languages": [ + "heb-Hebr", + "eng-Latn" + ], + "accuracy": 11.3, + "f1": 7.4866384899217335, + "precision": 6.580321536442861, + "recall": 11.3, + "main_score": 7.4866384899217335 + }, + { + "hf_subset": "gla-eng", + "languages": [ + "gla-Latn", + "eng-Latn" + ], + "accuracy": 4.101326899879373, + "f1": 3.0988364784130122, + "precision": 2.925923150618102, + "recall": 4.101326899879373, + "main_score": 3.0988364784130122 + }, + { + "hf_subset": "mar-eng", + "languages": [ + "mar-Deva", + "eng-Latn" + ], + "accuracy": 76.3, + "f1": 71.55912698412699, + "precision": 69.55511904761904, + "recall": 76.3, + "main_score": 71.55912698412699 + }, + { + "hf_subset": "lat-eng", + "languages": [ + "lat-Latn", + "eng-Latn" + ], + "accuracy": 53.6, + "f1": 46.74811085685228, + "precision": 44.41049616018656, + "recall": 53.6, + "main_score": 46.74811085685228 + }, + { + "hf_subset": "bel-eng", + "languages": [ + "bel-Cyrl", + "eng-Latn" + ], + "accuracy": 23.400000000000002, + "f1": 18.485309948823105, + "precision": 17.12104734130107, + "recall": 23.400000000000002, + "main_score": 18.485309948823105 + }, + { + "hf_subset": "pms-eng", + "languages": [ + "pms-Latn", + "eng-Latn" + ], + "accuracy": 41.523809523809526, + "f1": 36.577269291555005, + "precision": 35.00219198790627, + "recall": 41.523809523809526, + "main_score": 36.577269291555005 + }, + { + "hf_subset": "gle-eng", + "languages": [ + "gle-Latn", + "eng-Latn" + ], + "accuracy": 4.9, + "f1": 3.909842412258181, + "precision": 3.7099694121032796, + "recall": 4.9, + "main_score": 3.909842412258181 + }, + { + "hf_subset": "pes-eng", + "languages": [ + "pes-Arab", + "eng-Latn" + ], + "accuracy": 26.900000000000002, + "f1": 21.587309161426806, + "precision": 19.877234126984124, + "recall": 26.900000000000002, + "main_score": 21.587309161426806 + }, + { + "hf_subset": "nob-eng", + "languages": [ + "nob-Latn", + "eng-Latn" + ], + "accuracy": 37.3, + "f1": 31.940531675926408, + "precision": 30.414405457464277, + "recall": 37.3, + "main_score": 31.940531675926408 + }, + { + "hf_subset": "bul-eng", + "languages": [ + "bul-Cyrl", + "eng-Latn" + ], + "accuracy": 34.4, + "f1": 28.460500740394355, + "precision": 26.630818170746558, + "recall": 34.4, + "main_score": 28.460500740394355 + }, + { + "hf_subset": "cbk-eng", + "languages": [ + "cbk-Latn", + "eng-Latn" + ], + "accuracy": 67.5, + "f1": 61.492367158984806, + "precision": 59.23266755904913, + "recall": 67.5, + "main_score": 61.492367158984806 + }, + { + "hf_subset": "hun-eng", + "languages": [ + "hun-Latn", + "eng-Latn" + ], + "accuracy": 7.9, + "f1": 6.652063929922994, + "precision": 6.392931096681097, + "recall": 7.9, + "main_score": 6.652063929922994 + }, + { + "hf_subset": "uig-eng", + "languages": [ + "uig-Arab", + "eng-Latn" + ], + "accuracy": 2.6, + "f1": 2.0216271963330783, + "precision": 1.9467343791901313, + "recall": 2.6, + "main_score": 2.0216271963330783 + }, + { + "hf_subset": "rus-eng", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "accuracy": 76.6, + "f1": 71.23357142857142, + "precision": 69.03261904761905, + "recall": 76.6, + "main_score": 71.23357142857142 + }, + { + "hf_subset": "spa-eng", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "accuracy": 98.6, + "f1": 98.13333333333333, + "precision": 97.89999999999999, + "recall": 98.6, + "main_score": 98.13333333333333 + }, + { + "hf_subset": "hye-eng", + "languages": [ + "hye-Armn", + "eng-Latn" + ], + "accuracy": 1.8867924528301887, + "f1": 0.9184016421339141, + "precision": 0.8343646123610833, + "recall": 1.8867924528301887, + "main_score": 0.9184016421339141 + }, + { + "hf_subset": "tel-eng", + "languages": [ + "tel-Telu", + "eng-Latn" + ], + "accuracy": 84.1880341880342, + "f1": 80.56369556369557, + "precision": 79.02421652421653, + "recall": 84.1880341880342, + "main_score": 80.56369556369557 + }, + { + "hf_subset": "afr-eng", + "languages": [ + "afr-Latn", + "eng-Latn" + ], + "accuracy": 27.200000000000003, + "f1": 22.55873107448107, + "precision": 21.13610950874723, + "recall": 27.200000000000003, + "main_score": 22.55873107448107 + }, + { + "hf_subset": "mon-eng", + "languages": [ + "mon-Cyrl", + "eng-Latn" + ], + "accuracy": 9.090909090909092, + "f1": 7.37323521273764, + "precision": 7.01229523252768, + "recall": 9.090909090909092, + "main_score": 7.37323521273764 + }, + { + "hf_subset": "arz-eng", + "languages": [ + "arz-Arab", + "eng-Latn" + ], + "accuracy": 79.24528301886792, + "f1": 74.80483178596387, + "precision": 72.8336827393431, + "recall": 79.24528301886792, + "main_score": 74.80483178596387 + }, + { + "hf_subset": "hrv-eng", + "languages": [ + "hrv-Latn", + "eng-Latn" + ], + "accuracy": 21.3, + "f1": 17.754399705471684, + "precision": 16.81516621898026, + "recall": 21.3, + "main_score": 17.754399705471684 + }, + { + "hf_subset": "nov-eng", + "languages": [ + "nov-Latn", + "eng-Latn" + ], + "accuracy": 59.92217898832685, + "f1": 54.92807451951421, + "precision": 53.071150639244024, + "recall": 59.92217898832685, + "main_score": 54.92807451951421 + }, + { + "hf_subset": "gsw-eng", + "languages": [ + "gsw-Latn", + "eng-Latn" + ], + "accuracy": 30.76923076923077, + "f1": 23.70099036765703, + "precision": 21.666666666666664, + "recall": 30.76923076923077, + "main_score": 23.70099036765703 + }, + { + "hf_subset": "nds-eng", + "languages": [ + "nds-Latn", + "eng-Latn" + ], + "accuracy": 35.6, + "f1": 29.87713276919159, + "precision": 28.07062211509473, + "recall": 35.6, + "main_score": 29.87713276919159 + }, + { + "hf_subset": "ukr-eng", + "languages": [ + "ukr-Cyrl", + "eng-Latn" + ], + "accuracy": 38.1, + "f1": 31.123585858585855, + "precision": 28.995893769823304, + "recall": 38.1, + "main_score": 31.123585858585855 + }, + { + "hf_subset": "uzb-eng", + "languages": [ + "uzb-Latn", + "eng-Latn" + ], + "accuracy": 10.74766355140187, + "f1": 8.280338473537247, + "precision": 7.806134675293554, + "recall": 10.74766355140187, + "main_score": 8.280338473537247 + }, + { + "hf_subset": "lit-eng", + "languages": [ + "lit-Latn", + "eng-Latn" + ], + "accuracy": 7.6, + "f1": 5.872095040470223, + "precision": 5.557777361527362, + "recall": 7.6, + "main_score": 5.872095040470223 + }, + { + "hf_subset": "ina-eng", + "languages": [ + "ina-Latn", + "eng-Latn" + ], + "accuracy": 86.8, + "f1": 83.72833333333332, + "precision": 82.4259523809524, + "recall": 86.8, + "main_score": 83.72833333333332 + }, + { + "hf_subset": "lfn-eng", + "languages": [ + "lfn-Latn", + "eng-Latn" + ], + "accuracy": 52.0, + "f1": 46.48058132211534, + "precision": 44.52753032676945, + "recall": 52.0, + "main_score": 46.48058132211534 + }, + { + "hf_subset": "zsm-eng", + "languages": [ + "zsm-Latn", + "eng-Latn" + ], + "accuracy": 90.4, + "f1": 88.10999999999999, + "precision": 87.10333333333334, + "recall": 90.4, + "main_score": 88.10999999999999 + }, + { + "hf_subset": "ita-eng", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "accuracy": 79.5, + "f1": 74.95746031746032, + "precision": 73.03249999999998, + "recall": 79.5, + "main_score": 74.95746031746032 + }, + { + "hf_subset": "cmn-eng", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "accuracy": 96.7, + "f1": 95.7, + "precision": 95.21666666666667, + "recall": 96.7, + "main_score": 95.7 + }, + { + "hf_subset": "lvs-eng", + "languages": [ + "lvs-Latn", + "eng-Latn" + ], + "accuracy": 10.7, + "f1": 8.576412755390276, + "precision": 8.046714349557488, + "recall": 10.7, + "main_score": 8.576412755390276 + }, + { + "hf_subset": "glg-eng", + "languages": [ + "glg-Latn", + "eng-Latn" + ], + "accuracy": 86.0, + "f1": 82.54523809523809, + "precision": 81.06166666666665, + "recall": 86.0, + "main_score": 82.54523809523809 + }, + { + "hf_subset": "ceb-eng", + "languages": [ + "ceb-Latn", + "eng-Latn" + ], + "accuracy": 11.0, + "f1": 9.080509354193564, + "precision": 8.57587968815845, + "recall": 11.0, + "main_score": 9.080509354193564 + }, + { + "hf_subset": "bre-eng", + "languages": [ + "bre-Latn", + "eng-Latn" + ], + "accuracy": 9.6, + "f1": 7.409451659451658, + "precision": 6.8121069441897415, + "recall": 9.6, + "main_score": 7.409451659451658 + }, + { + "hf_subset": "ben-eng", + "languages": [ + "ben-Beng", + "eng-Latn" + ], + "accuracy": 87.1, + "f1": 83.88999999999999, + "precision": 82.395, + "recall": 87.1, + "main_score": 83.88999999999999 + }, + { + "hf_subset": "swg-eng", + "languages": [ + "swg-Latn", + "eng-Latn" + ], + "accuracy": 34.82142857142857, + "f1": 29.175170068027214, + "precision": 27.40499084249084, + "recall": 34.82142857142857, + "main_score": 29.175170068027214 + }, + { + "hf_subset": "arq-eng", + "languages": [ + "arq-Arab", + "eng-Latn" + ], + "accuracy": 42.9198682766191, + "f1": 37.21120707205811, + "precision": 35.23526784229309, + "recall": 42.9198682766191, + "main_score": 37.21120707205811 + }, + { + "hf_subset": "kab-eng", + "languages": [ + "kab-Latn", + "eng-Latn" + ], + "accuracy": 2.3, + "f1": 1.5401826425879608, + "precision": 1.424235527544351, + "recall": 2.3, + "main_score": 1.5401826425879608 + }, + { + "hf_subset": "fra-eng", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "accuracy": 95.6, + "f1": 94.32333333333334, + "precision": 93.72500000000001, + "recall": 95.6, + "main_score": 94.32333333333334 + }, + { + "hf_subset": "por-eng", + "languages": [ + "por-Latn", + "eng-Latn" + ], + "accuracy": 95.5, + "f1": 94.43333333333334, + "precision": 93.89999999999999, + "recall": 95.5, + "main_score": 94.43333333333334 + }, + { + "hf_subset": "tat-eng", + "languages": [ + "tat-Cyrl", + "eng-Latn" + ], + "accuracy": 6.7, + "f1": 4.9622522983552395, + "precision": 4.528962761017515, + "recall": 6.7, + "main_score": 4.9622522983552395 + }, + { + "hf_subset": "oci-eng", + "languages": [ + "oci-Latn", + "eng-Latn" + ], + "accuracy": 50.8, + "f1": 45.736438587556236, + "precision": 44.010822829131655, + "recall": 50.8, + "main_score": 45.736438587556236 + }, + { + "hf_subset": "pol-eng", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "accuracy": 23.9, + "f1": 20.267261904761906, + "precision": 19.16142408316321, + "recall": 23.9, + "main_score": 20.267261904761906 + }, + { + "hf_subset": "war-eng", + "languages": [ + "war-Latn", + "eng-Latn" + ], + "accuracy": 13.4, + "f1": 11.232209832252995, + "precision": 10.714445160103056, + "recall": 13.4, + "main_score": 11.232209832252995 + }, + { + "hf_subset": "aze-eng", + "languages": [ + "aze-Latn", + "eng-Latn" + ], + "accuracy": 10.299999999999999, + "f1": 8.161916387744503, + "precision": 7.678631905405786, + "recall": 10.299999999999999, + "main_score": 8.161916387744503 + }, + { + "hf_subset": "vie-eng", + "languages": [ + "vie-Latn", + "eng-Latn" + ], + "accuracy": 96.7, + "f1": 95.83333333333334, + "precision": 95.41666666666667, + "recall": 96.7, + "main_score": 95.83333333333334 + }, + { + "hf_subset": "nno-eng", + "languages": [ + "nno-Latn", + "eng-Latn" + ], + "accuracy": 24.9, + "f1": 20.794749162495066, + "precision": 19.575997295469914, + "recall": 24.9, + "main_score": 20.794749162495066 + }, + { + "hf_subset": "cha-eng", + "languages": [ + "cha-Latn", + "eng-Latn" + ], + "accuracy": 32.11678832116788, + "f1": 26.960375391032326, + "precision": 25.498078211502524, + "recall": 32.11678832116788, + "main_score": 26.960375391032326 + }, + { + "hf_subset": "mhr-eng", + "languages": [ + "mhr-Cyrl", + "eng-Latn" + ], + "accuracy": 4.9, + "f1": 3.251889552842259, + "precision": 2.9281137342615295, + "recall": 4.9, + "main_score": 3.251889552842259 + }, + { + "hf_subset": "dan-eng", + "languages": [ + "dan-Latn", + "eng-Latn" + ], + "accuracy": 38.9, + "f1": 33.59595154442981, + "precision": 31.906759791342587, + "recall": 38.9, + "main_score": 33.59595154442981 + }, + { + "hf_subset": "ell-eng", + "languages": [ + "ell-Grek", + "eng-Latn" + ], + "accuracy": 16.900000000000002, + "f1": 13.082818919542666, + "precision": 12.125554724968518, + "recall": 16.900000000000002, + "main_score": 13.082818919542666 + }, + { + "hf_subset": "amh-eng", + "languages": [ + "amh-Ethi", + "eng-Latn" + ], + "accuracy": 0.5952380952380952, + "f1": 0.09920634920634923, + "precision": 0.05411255411255411, + "recall": 0.5952380952380952, + "main_score": 0.09920634920634923 + }, + { + "hf_subset": "pam-eng", + "languages": [ + "pam-Latn", + "eng-Latn" + ], + "accuracy": 8.1, + "f1": 7.033911671727207, + "precision": 6.759952905986985, + "recall": 8.1, + "main_score": 7.033911671727207 + }, + { + "hf_subset": "hsb-eng", + "languages": [ + "hsb-Latn", + "eng-Latn" + ], + "accuracy": 16.149068322981368, + "f1": 13.314287609382625, + "precision": 12.588291889534126, + "recall": 16.149068322981368, + "main_score": 13.314287609382625 + }, + { + "hf_subset": "srp-eng", + "languages": [ + "srp-Cyrl", + "eng-Latn" + ], + "accuracy": 22.3, + "f1": 18.754672526177103, + "precision": 17.77463320976479, + "recall": 22.3, + "main_score": 18.754672526177103 + }, + { + "hf_subset": "epo-eng", + "languages": [ + "epo-Latn", + "eng-Latn" + ], + "accuracy": 39.5, + "f1": 33.91659439373835, + "precision": 32.244738455988454, + "recall": 39.5, + "main_score": 33.91659439373835 + }, + { + "hf_subset": "kzj-eng", + "languages": [ + "kzj-Latn", + "eng-Latn" + ], + "accuracy": 7.5, + "f1": 6.300929449087343, + "precision": 6.05555758176835, + "recall": 7.5, + "main_score": 6.300929449087343 + }, + { + "hf_subset": "awa-eng", + "languages": [ + "awa-Deva", + "eng-Latn" + ], + "accuracy": 57.14285714285714, + "f1": 53.011353725639445, + "precision": 51.78829107400536, + "recall": 57.14285714285714, + "main_score": 53.011353725639445 + }, + { + "hf_subset": "fao-eng", + "languages": [ + "fao-Latn", + "eng-Latn" + ], + "accuracy": 16.030534351145036, + "f1": 14.424487352192786, + "precision": 13.98739301411057, + "recall": 16.030534351145036, + "main_score": 14.424487352192786 + }, + { + "hf_subset": "mal-eng", + "languages": [ + "mal-Mlym", + "eng-Latn" + ], + "accuracy": 96.21542940320232, + "f1": 95.0509461426492, + "precision": 94.46870451237264, + "recall": 96.21542940320232, + "main_score": 95.0509461426492 + }, + { + "hf_subset": "ile-eng", + "languages": [ + "ile-Latn", + "eng-Latn" + ], + "accuracy": 69.1, + "f1": 63.649573934837086, + "precision": 61.44357142857143, + "recall": 69.1, + "main_score": 63.649573934837086 + }, + { + "hf_subset": "bos-eng", + "languages": [ + "bos-Latn", + "eng-Latn" + ], + "accuracy": 23.728813559322035, + "f1": 19.281200536513545, + "precision": 18.11042731593579, + "recall": 23.728813559322035, + "main_score": 19.281200536513545 + }, + { + "hf_subset": "cor-eng", + "languages": [ + "cor-Latn", + "eng-Latn" + ], + "accuracy": 4.9, + "f1": 3.8602777777777777, + "precision": 3.553962393468025, + "recall": 4.9, + "main_score": 3.8602777777777777 + }, + { + "hf_subset": "cat-eng", + "languages": [ + "cat-Latn", + "eng-Latn" + ], + "accuracy": 92.10000000000001, + "f1": 90.24190476190476, + "precision": 89.41666666666667, + "recall": 92.10000000000001, + "main_score": 90.24190476190476 + }, + { + "hf_subset": "eus-eng", + "languages": [ + "eus-Latn", + "eng-Latn" + ], + "accuracy": 78.8, + "f1": 74.53390756302521, + "precision": 72.79386904761904, + "recall": 78.8, + "main_score": 74.53390756302521 + }, + { + "hf_subset": "yue-eng", + "languages": [ + "yue-Hant", + "eng-Latn" + ], + "accuracy": 91.60000000000001, + "f1": 89.39, + "precision": 88.375, + "recall": 91.60000000000001, + "main_score": 89.39 + }, + { + "hf_subset": "swe-eng", + "languages": [ + "swe-Latn", + "eng-Latn" + ], + "accuracy": 32.4, + "f1": 27.824399979105863, + "precision": 26.434715247715246, + "recall": 32.4, + "main_score": 27.824399979105863 + }, + { + "hf_subset": "dtp-eng", + "languages": [ + "dtp-Latn", + "eng-Latn" + ], + "accuracy": 6.800000000000001, + "f1": 5.258204523374802, + "precision": 4.940595825661615, + "recall": 6.800000000000001, + "main_score": 5.258204523374802 + }, + { + "hf_subset": "kat-eng", + "languages": [ + "kat-Geor", + "eng-Latn" + ], + "accuracy": 2.0107238605898123, + "f1": 1.4770600435024532, + "precision": 1.4215975441361408, + "recall": 2.0107238605898123, + "main_score": 1.4770600435024532 + }, + { + "hf_subset": "jpn-eng", + "languages": [ + "jpn-Jpan", + "eng-Latn" + ], + "accuracy": 87.2, + "f1": 83.88333333333333, + "precision": 82.44166666666668, + "recall": 87.2, + "main_score": 83.88333333333333 + }, + { + "hf_subset": "csb-eng", + "languages": [ + "csb-Latn", + "eng-Latn" + ], + "accuracy": 14.229249011857709, + "f1": 11.043453048700425, + "precision": 10.285902503293807, + "recall": 14.229249011857709, + "main_score": 11.043453048700425 + }, + { + "hf_subset": "xho-eng", + "languages": [ + "xho-Latn", + "eng-Latn" + ], + "accuracy": 9.859154929577464, + "f1": 7.960154086914651, + "precision": 7.679678785726838, + "recall": 9.859154929577464, + "main_score": 7.960154086914651 + }, + { + "hf_subset": "orv-eng", + "languages": [ + "orv-Cyrl", + "eng-Latn" + ], + "accuracy": 12.574850299401197, + "f1": 8.435162337247867, + "precision": 7.5408084342568324, + "recall": 12.574850299401197, + "main_score": 8.435162337247867 + }, + { + "hf_subset": "ind-eng", + "languages": [ + "ind-Latn", + "eng-Latn" + ], + "accuracy": 93.5, + "f1": 91.90666666666665, + "precision": 91.14166666666668, + "recall": 93.5, + "main_score": 91.90666666666665 + }, + { + "hf_subset": "tuk-eng", + "languages": [ + "tuk-Latn", + "eng-Latn" + ], + "accuracy": 8.866995073891626, + "f1": 6.8479221927497775, + "precision": 6.431102386508143, + "recall": 8.866995073891626, + "main_score": 6.8479221927497775 + }, + { + "hf_subset": "max-eng", + "languages": [ + "max-Deva", + "eng-Latn" + ], + "accuracy": 46.12676056338028, + "f1": 41.447273383893105, + "precision": 39.80374351371386, + "recall": 46.12676056338028, + "main_score": 41.447273383893105 + }, + { + "hf_subset": "swh-eng", + "languages": [ + "swh-Latn", + "eng-Latn" + ], + "accuracy": 35.38461538461539, + "f1": 27.80912253371418, + "precision": 25.588007434161277, + "recall": 35.38461538461539, + "main_score": 27.80912253371418 + }, + { + "hf_subset": "hin-eng", + "languages": [ + "hin-Deva", + "eng-Latn" + ], + "accuracy": 96.1, + "f1": 94.88333333333333, + "precision": 94.3, + "recall": 96.1, + "main_score": 94.88333333333333 + }, + { + "hf_subset": "dsb-eng", + "languages": [ + "dsb-Latn", + "eng-Latn" + ], + "accuracy": 18.16283924843424, + "f1": 15.00273275898725, + "precision": 14.135773519036146, + "recall": 18.16283924843424, + "main_score": 15.00273275898725 + }, + { + "hf_subset": "ber-eng", + "languages": [ + "ber-Tfng", + "eng-Latn" + ], + "accuracy": 6.4, + "f1": 5.169780886652615, + "precision": 4.901094815916798, + "recall": 6.4, + "main_score": 5.169780886652615 + }, + { + "hf_subset": "tam-eng", + "languages": [ + "tam-Taml", + "eng-Latn" + ], + "accuracy": 85.66775244299674, + "f1": 81.86753528773072, + "precision": 80.13029315960912, + "recall": 85.66775244299674, + "main_score": 81.86753528773072 + }, + { + "hf_subset": "slk-eng", + "languages": [ + "slk-Latn", + "eng-Latn" + ], + "accuracy": 14.7, + "f1": 12.296409553542203, + "precision": 11.643939628482972, + "recall": 14.7, + "main_score": 12.296409553542203 + }, + { + "hf_subset": "tgl-eng", + "languages": [ + "tgl-Latn", + "eng-Latn" + ], + "accuracy": 14.000000000000002, + "f1": 11.188658083109301, + "precision": 10.439068547503426, + "recall": 14.000000000000002, + "main_score": 11.188658083109301 + }, + { + "hf_subset": "ast-eng", + "languages": [ + "ast-Latn", + "eng-Latn" + ], + "accuracy": 74.01574803149606, + "f1": 68.3727034120735, + "precision": 66.06299212598424, + "recall": 74.01574803149606, + "main_score": 68.3727034120735 + }, + { + "hf_subset": "mkd-eng", + "languages": [ + "mkd-Cyrl", + "eng-Latn" + ], + "accuracy": 20.200000000000003, + "f1": 15.584321026350167, + "precision": 14.220359087863855, + "recall": 20.200000000000003, + "main_score": 15.584321026350167 + }, + { + "hf_subset": "khm-eng", + "languages": [ + "khm-Khmr", + "eng-Latn" + ], + "accuracy": 1.2465373961218837, + "f1": 0.7009849184364421, + "precision": 0.6369121979354991, + "recall": 1.2465373961218837, + "main_score": 0.7009849184364421 + }, + { + "hf_subset": "ces-eng", + "languages": [ + "ces-Latn", + "eng-Latn" + ], + "accuracy": 15.5, + "f1": 12.992671904350203, + "precision": 12.323623108157992, + "recall": 15.5, + "main_score": 12.992671904350203 + }, + { + "hf_subset": "tzl-eng", + "languages": [ + "tzl-Latn", + "eng-Latn" + ], + "accuracy": 37.5, + "f1": 32.70299145299145, + "precision": 31.066176470588236, + "recall": 37.5, + "main_score": 32.70299145299145 + }, + { + "hf_subset": "urd-eng", + "languages": [ + "urd-Arab", + "eng-Latn" + ], + "accuracy": 86.2, + "f1": 82.87166666666667, + "precision": 81.44261904761906, + "recall": 86.2, + "main_score": 82.87166666666667 + }, + { + "hf_subset": "ara-eng", + "languages": [ + "ara-Arab", + "eng-Latn" + ], + "accuracy": 92.5, + "f1": 90.61666666666667, + "precision": 89.71666666666668, + "recall": 92.5, + "main_score": 90.61666666666667 + }, + { + "hf_subset": "kor-eng", + "languages": [ + "kor-Hang", + "eng-Latn" + ], + "accuracy": 51.7, + "f1": 44.78806599832916, + "precision": 42.26749389499389, + "recall": 51.7, + "main_score": 44.78806599832916 + }, + { + "hf_subset": "yid-eng", + "languages": [ + "yid-Hebr", + "eng-Latn" + ], + "accuracy": 0.9433962264150944, + "f1": 0.48704516529471925, + "precision": 0.41179094097726165, + "recall": 0.9433962264150944, + "main_score": 0.48704516529471925 + }, + { + "hf_subset": "fin-eng", + "languages": [ + "fin-Latn", + "eng-Latn" + ], + "accuracy": 6.800000000000001, + "f1": 5.480668860234897, + "precision": 5.195067371791852, + "recall": 6.800000000000001, + "main_score": 5.480668860234897 + }, + { + "hf_subset": "tha-eng", + "languages": [ + "tha-Thai", + "eng-Latn" + ], + "accuracy": 10.036496350364963, + "f1": 6.784271238735886, + "precision": 6.159462364744479, + "recall": 10.036496350364963, + "main_score": 6.784271238735886 + }, + { + "hf_subset": "wuu-eng", + "languages": [ + "wuu-Hans", + "eng-Latn" + ], + "accuracy": 90.3, + "f1": 87.91499999999999, + "precision": 86.82595238095237, + "recall": 90.3, + "main_score": 87.91499999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/ThuNewsClusteringP2P.json b/results/izhx__udever-bloom-7b1/external/ThuNewsClusteringP2P.json new file mode 100644 index 000000000..04c30c3cc --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/ThuNewsClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 49.19154423543331, + "main_score": 49.19154423543331 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/ThuNewsClusteringS2S.json b/results/izhx__udever-bloom-7b1/external/ThuNewsClusteringS2S.json new file mode 100644 index 000000000..8bf674081 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/ThuNewsClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 47.76345036893387, + "main_score": 47.76345036893387 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/Touche2020.json b/results/izhx__udever-bloom-7b1/external/Touche2020.json new file mode 100644 index 000000000..ac3148d93 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.396, + "map_at_10": 9.994, + "map_at_100": 16.067999999999998, + "map_at_1000": 17.59, + "map_at_3": 4.733, + "map_at_5": 6.7589999999999995, + "mrr_at_1": 28.571, + "mrr_at_10": 47.678, + "mrr_at_100": 48.311, + "mrr_at_1000": 48.317, + "mrr_at_3": 43.878, + "mrr_at_5": 46.224, + "ndcg_at_1": 25.509999999999998, + "ndcg_at_10": 25.189, + "ndcg_at_100": 36.179, + "ndcg_at_1000": 47.562, + "ndcg_at_3": 26.858999999999998, + "ndcg_at_5": 26.825, + "precision_at_1": 28.571, + "precision_at_10": 23.469, + "precision_at_100": 7.550999999999999, + "precision_at_1000": 1.51, + "precision_at_3": 29.252, + "precision_at_5": 28.571, + "recall_at_1": 2.396, + "recall_at_10": 16.551, + "recall_at_100": 46.438, + "recall_at_1000": 81.04, + "recall_at_3": 6.145, + "recall_at_5": 9.728, + "main_score": 25.189 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/ToxicConversationsClassification.json b/results/izhx__udever-bloom-7b1/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..3b6467e71 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.5842, + "ap": 14.770823761227014, + "f1": 55.22772349179383, + "main_score": 71.5842 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/TweetSentimentExtractionClassification.json b/results/izhx__udever-bloom-7b1/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..4ddb3dd5e --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 62.13921901528015, + "f1": 62.450042974251694, + "main_score": 62.13921901528015 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/TwentyNewsgroupsClustering.json b/results/izhx__udever-bloom-7b1/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..d5652f0ef --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.81463922932671, + "main_score": 40.81463922932671 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/TwitterSemEval2015.json b/results/izhx__udever-bloom-7b1/external/TwitterSemEval2015.json new file mode 100644 index 000000000..466b57b22 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 85.86755677415509, + "cos_sim_ap": 73.8131664470889, + "cos_sim_f1": 68.03196803196803, + "cos_sim_precision": 64.58036984352773, + "cos_sim_recall": 71.87335092348285, + "dot_accuracy": 84.58604041246946, + "dot_ap": 69.43165607336826, + "dot_f1": 65.84285381207741, + "dot_precision": 58.980785296574766, + "dot_recall": 74.51187335092348, + "euclidean_accuracy": 85.60529296060082, + "euclidean_ap": 72.48939155702391, + "euclidean_f1": 66.84775898259045, + "euclidean_precision": 62.822000464144814, + "euclidean_recall": 71.42480211081794, + "manhattan_accuracy": 85.5456875484294, + "manhattan_ap": 72.37178636434892, + "manhattan_f1": 66.6751398068124, + "manhattan_precision": 64.32074546346249, + "manhattan_recall": 69.2084432717678, + "max_accuracy": 85.86755677415509, + "max_ap": 73.8131664470889, + "max_f1": 68.03196803196803, + "main_score": 73.8131664470889 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/TwitterURLCorpus.json b/results/izhx__udever-bloom-7b1/external/TwitterURLCorpus.json new file mode 100644 index 000000000..e4133b533 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.39341017580627, + "cos_sim_ap": 86.7769866448429, + "cos_sim_f1": 79.26586570354536, + "cos_sim_precision": 76.02149017390076, + "cos_sim_recall": 82.79950723744996, + "dot_accuracy": 89.15861373074087, + "dot_ap": 85.15235322715995, + "dot_f1": 78.97118887294403, + "dot_precision": 75.6290083867785, + "dot_recall": 82.62242069602709, + "euclidean_accuracy": 89.0266620095471, + "euclidean_ap": 86.18904940615533, + "euclidean_f1": 78.37750135208222, + "euclidean_precision": 73.70312605953754, + "euclidean_recall": 83.68493994456422, + "manhattan_accuracy": 88.98397174680794, + "manhattan_ap": 86.18302538523727, + "manhattan_f1": 78.42197035745423, + "manhattan_precision": 74.23658872077029, + "manhattan_recall": 83.10748383122882, + "max_accuracy": 89.39341017580627, + "max_ap": 86.7769866448429, + "max_f1": 79.26586570354536, + "main_score": 86.7769866448429 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/VideoRetrieval.json b/results/izhx__udever-bloom-7b1/external/VideoRetrieval.json new file mode 100644 index 000000000..7706105c3 --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/VideoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 46.9, + "map_at_10": 57.399, + "map_at_100": 57.976000000000006, + "map_at_1000": 58.00300000000001, + "map_at_3": 54.967, + "map_at_5": 56.562, + "mrr_at_1": 46.800000000000004, + "mrr_at_10": 57.349000000000004, + "mrr_at_100": 57.926, + "mrr_at_1000": 57.952999999999996, + "mrr_at_3": 54.917, + "mrr_at_5": 56.51199999999999, + "ndcg_at_1": 46.9, + "ndcg_at_10": 62.437, + "ndcg_at_100": 65.273, + "ndcg_at_1000": 65.999, + "ndcg_at_3": 57.524, + "ndcg_at_5": 60.402, + "precision_at_1": 46.9, + "precision_at_10": 7.82, + "precision_at_100": 0.915, + "precision_at_1000": 0.097, + "precision_at_3": 21.633, + "precision_at_5": 14.38, + "recall_at_1": 46.9, + "recall_at_10": 78.2, + "recall_at_100": 91.5, + "recall_at_1000": 97.2, + "recall_at_3": 64.9, + "recall_at_5": 71.89999999999999, + "main_score": 62.437 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/Waimai.json b/results/izhx__udever-bloom-7b1/external/Waimai.json new file mode 100644 index 000000000..456876b1e --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/Waimai.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 84.68, + "ap": 66.4749730574293, + "f1": 82.93606561551698, + "main_score": 84.68 + } + ] + } +} \ No newline at end of file diff --git a/results/izhx__udever-bloom-7b1/external/model_meta.json b/results/izhx__udever-bloom-7b1/external/model_meta.json new file mode 100644 index 000000000..a2718b20e --- /dev/null +++ b/results/izhx__udever-bloom-7b1/external/model_meta.json @@ -0,0 +1,69 @@ +{ + "name": "izhx/udever-bloom-7b1", + "revision": "18e8d3e6dbd94868584877f2e72a105a17df22ef", + "release_date": "2023-10-24", + "languages": [ + "ak", + "ar", + "as", + "bm", + "bn", + "ca", + "code", + "en", + "es", + "eu", + "fon", + "fr", + "gu", + "hi", + "id", + "ig", + "ki", + "kn", + "lg", + "ln", + "ml", + "mr", + "ne", + "nso", + "ny", + "or", + "pa", + "pt", + "rn", + "rw", + "sn", + "st", + "sw", + "ta", + "te", + "tn", + "ts", + "tum", + "tw", + "ur", + "vi", + "wo", + "xh", + "yo", + "zh", + "zhs", + "zht", + "zu" + ], + "loader": null, + "n_parameters": 7069016064, + "memory_usage": null, + "max_tokens": 2048, + "embed_dim": 4096, + "license": "bigscience-bloom-rail-1.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/AmazonCounterfactualClassification.json b/results/jamesgpt1__sf_model_e5/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..a3fdede6d --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.85074626865672, + "ap": 33.779217850079206, + "f1": 64.96977487239377, + "main_score": 70.85074626865672 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/AmazonPolarityClassification.json b/results/jamesgpt1__sf_model_e5/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..532be05ff --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.80945, + "ap": 88.22978189506895, + "f1": 91.7858219911604, + "main_score": 91.80945 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/AmazonReviewsClassification.json b/results/jamesgpt1__sf_model_e5/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..f7fbb4c8b --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 48.94200000000001, + "f1": 47.911934405973895, + "main_score": 48.94200000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/ArguAna.json b/results/jamesgpt1__sf_model_e5/external/ArguAna.json new file mode 100644 index 000000000..c24fb68a8 --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 39.616, + "map_at_10": 55.938, + "map_at_100": 56.552, + "map_at_1000": 56.556, + "map_at_3": 51.754, + "map_at_5": 54.623999999999995, + "mrr_at_1": 40.967, + "mrr_at_10": 56.452999999999996, + "mrr_at_100": 57.053, + "mrr_at_1000": 57.057, + "mrr_at_3": 52.312000000000005, + "mrr_at_5": 55.1, + "ndcg_at_1": 39.616, + "ndcg_at_10": 64.067, + "ndcg_at_100": 66.384, + "ndcg_at_1000": 66.468, + "ndcg_at_3": 55.74, + "ndcg_at_5": 60.889, + "precision_at_1": 39.616, + "precision_at_10": 8.953999999999999, + "precision_at_100": 0.9900000000000001, + "precision_at_1000": 0.1, + "precision_at_3": 22.428, + "precision_at_5": 15.946, + "recall_at_1": 39.616, + "recall_at_10": 89.545, + "recall_at_100": 99.004, + "recall_at_1000": 99.644, + "recall_at_3": 67.283, + "recall_at_5": 79.73, + "main_score": 64.067 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/ArxivClusteringP2P.json b/results/jamesgpt1__sf_model_e5/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..ab5f1fb35 --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.72923923743124, + "main_score": 48.72923923743124 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/ArxivClusteringS2S.json b/results/jamesgpt1__sf_model_e5/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..36f39842c --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 42.87449955203238, + "main_score": 42.87449955203238 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/AskUbuntuDupQuestions.json b/results/jamesgpt1__sf_model_e5/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..04c3028eb --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 64.3214434754065, + "mrr": 77.87879787187265, + "main_score": 64.3214434754065 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/BIOSSES.json b/results/jamesgpt1__sf_model_e5/external/BIOSSES.json new file mode 100644 index 000000000..659330082 --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.82418607751953, + "cos_sim_spearman": 86.74535004562274, + "euclidean_pearson": 86.58792166831103, + "euclidean_spearman": 86.74535004562274, + "manhattan_pearson": 86.23957813056677, + "manhattan_spearman": 86.41522204150452, + "cosine_pearson": 88.82418607751953, + "cosine_spearman": 86.74535004562274, + "main_score": 86.74535004562274 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/Banking77Classification.json b/results/jamesgpt1__sf_model_e5/external/Banking77Classification.json new file mode 100644 index 000000000..81eaa1917 --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 84.61363636363636, + "f1": 83.98373241136187, + "main_score": 84.61363636363636 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/BiorxivClusteringP2P.json b/results/jamesgpt1__sf_model_e5/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..bb5506692 --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.73148995791471, + "main_score": 39.73148995791471 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/BiorxivClusteringS2S.json b/results/jamesgpt1__sf_model_e5/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..0ab3f8228 --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.23723038699733, + "main_score": 37.23723038699733 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/CQADupstackAndroidRetrieval.json b/results/jamesgpt1__sf_model_e5/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..1c5a2ccd8 --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.217, + "map_at_10": 43.453, + "map_at_100": 45.038, + "map_at_1000": 45.162, + "map_at_3": 39.589, + "map_at_5": 41.697, + "mrr_at_1": 39.628, + "mrr_at_10": 49.698, + "mrr_at_100": 50.44, + "mrr_at_1000": 50.482000000000006, + "mrr_at_3": 46.781, + "mrr_at_5": 48.548, + "ndcg_at_1": 39.628, + "ndcg_at_10": 50.158, + "ndcg_at_100": 55.687, + "ndcg_at_1000": 57.499, + "ndcg_at_3": 44.594, + "ndcg_at_5": 47.198, + "precision_at_1": 39.628, + "precision_at_10": 9.828000000000001, + "precision_at_100": 1.591, + "precision_at_1000": 0.20600000000000002, + "precision_at_3": 21.507, + "precision_at_5": 15.765, + "recall_at_1": 32.217, + "recall_at_10": 62.717999999999996, + "recall_at_100": 85.992, + "recall_at_1000": 97.271, + "recall_at_3": 46.694, + "recall_at_5": 53.952, + "main_score": 50.158 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.862000000000002, + "map_at_10": 41.287, + "map_at_100": 42.526, + "map_at_1000": 42.653999999999996, + "map_at_3": 38.055, + "map_at_5": 40.022000000000006, + "mrr_at_1": 38.408, + "mrr_at_10": 46.943, + "mrr_at_100": 47.597, + "mrr_at_1000": 47.64, + "mrr_at_3": 44.607, + "mrr_at_5": 46.079, + "ndcg_at_1": 38.408, + "ndcg_at_10": 46.936, + "ndcg_at_100": 51.307, + "ndcg_at_1000": 53.312000000000005, + "ndcg_at_3": 42.579, + "ndcg_at_5": 44.877, + "precision_at_1": 38.408, + "precision_at_10": 8.885, + "precision_at_100": 1.4449999999999998, + "precision_at_1000": 0.192, + "precision_at_3": 20.616, + "precision_at_5": 14.841, + "recall_at_1": 30.862000000000002, + "recall_at_10": 56.994, + "recall_at_100": 75.347, + "recall_at_1000": 87.911, + "recall_at_3": 44.230000000000004, + "recall_at_5": 50.625, + "main_score": 46.936 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 39.076, + "map_at_10": 52.535, + "map_at_100": 53.537, + "map_at_1000": 53.591, + "map_at_3": 48.961, + "map_at_5": 50.96000000000001, + "mrr_at_1": 44.765, + "mrr_at_10": 55.615, + "mrr_at_100": 56.24, + "mrr_at_1000": 56.264, + "mrr_at_3": 52.925999999999995, + "mrr_at_5": 54.493, + "ndcg_at_1": 44.765, + "ndcg_at_10": 58.777, + "ndcg_at_100": 62.574, + "ndcg_at_1000": 63.624, + "ndcg_at_3": 52.81, + "ndcg_at_5": 55.657999999999994, + "precision_at_1": 44.765, + "precision_at_10": 9.693, + "precision_at_100": 1.248, + "precision_at_1000": 0.13799999999999998, + "precision_at_3": 23.866, + "precision_at_5": 16.489, + "recall_at_1": 39.076, + "recall_at_10": 74.01299999999999, + "recall_at_100": 90.363, + "recall_at_1000": 97.782, + "recall_at_3": 58.056, + "recall_at_5": 65.029, + "main_score": 58.777 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.357000000000003, + "map_at_10": 35.492000000000004, + "map_at_100": 36.504999999999995, + "map_at_1000": 36.578, + "map_at_3": 32.696999999999996, + "map_at_5": 34.388999999999996, + "mrr_at_1": 28.136, + "mrr_at_10": 37.383, + "mrr_at_100": 38.271, + "mrr_at_1000": 38.324999999999996, + "mrr_at_3": 34.782999999999994, + "mrr_at_5": 36.416, + "ndcg_at_1": 28.136, + "ndcg_at_10": 40.741, + "ndcg_at_100": 45.803, + "ndcg_at_1000": 47.637, + "ndcg_at_3": 35.412, + "ndcg_at_5": 38.251000000000005, + "precision_at_1": 28.136, + "precision_at_10": 6.315999999999999, + "precision_at_100": 0.931, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 15.254000000000001, + "precision_at_5": 10.757, + "recall_at_1": 26.357000000000003, + "recall_at_10": 55.021, + "recall_at_100": 78.501, + "recall_at_1000": 92.133, + "recall_at_3": 40.798, + "recall_at_5": 47.591, + "main_score": 40.741 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.302, + "map_at_10": 26.365, + "map_at_100": 27.581, + "map_at_1000": 27.705999999999996, + "map_at_3": 23.682, + "map_at_5": 25.304, + "mrr_at_1": 21.891, + "mrr_at_10": 31.227, + "mrr_at_100": 32.22, + "mrr_at_1000": 32.282, + "mrr_at_3": 28.711, + "mrr_at_5": 30.314999999999998, + "ndcg_at_1": 21.891, + "ndcg_at_10": 31.965, + "ndcg_at_100": 37.869, + "ndcg_at_1000": 40.642, + "ndcg_at_3": 27.184, + "ndcg_at_5": 29.686, + "precision_at_1": 21.891, + "precision_at_10": 5.9830000000000005, + "precision_at_100": 1.0250000000000001, + "precision_at_1000": 0.14100000000000001, + "precision_at_3": 13.391, + "precision_at_5": 9.801, + "recall_at_1": 17.302, + "recall_at_10": 44.312000000000005, + "recall_at_100": 70.274, + "recall_at_1000": 89.709, + "recall_at_3": 31.117, + "recall_at_5": 37.511, + "main_score": 31.965 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.404000000000003, + "map_at_10": 40.571, + "map_at_100": 42.049, + "map_at_1000": 42.156, + "map_at_3": 37.413000000000004, + "map_at_5": 39.206, + "mrr_at_1": 36.285000000000004, + "mrr_at_10": 46.213, + "mrr_at_100": 47.129, + "mrr_at_1000": 47.168, + "mrr_at_3": 43.84, + "mrr_at_5": 45.226, + "ndcg_at_1": 36.285000000000004, + "ndcg_at_10": 46.809, + "ndcg_at_100": 52.615, + "ndcg_at_1000": 54.538, + "ndcg_at_3": 41.91, + "ndcg_at_5": 44.224999999999994, + "precision_at_1": 36.285000000000004, + "precision_at_10": 8.527, + "precision_at_100": 1.3259999999999998, + "precision_at_1000": 0.167, + "precision_at_3": 20.083000000000002, + "precision_at_5": 14.071, + "recall_at_1": 29.404000000000003, + "recall_at_10": 59.611999999999995, + "recall_at_100": 83.383, + "recall_at_1000": 95.703, + "recall_at_3": 45.663, + "recall_at_5": 51.971999999999994, + "main_score": 46.809 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.317, + "map_at_10": 35.217999999999996, + "map_at_100": 36.665, + "map_at_1000": 36.768, + "map_at_3": 31.924000000000003, + "map_at_5": 33.591, + "mrr_at_1": 31.507, + "mrr_at_10": 40.671, + "mrr_at_100": 41.609, + "mrr_at_1000": 41.657, + "mrr_at_3": 38.261, + "mrr_at_5": 39.431, + "ndcg_at_1": 31.507, + "ndcg_at_10": 41.375, + "ndcg_at_100": 47.426, + "ndcg_at_1000": 49.504, + "ndcg_at_3": 35.989, + "ndcg_at_5": 38.068000000000005, + "precision_at_1": 31.507, + "precision_at_10": 7.8420000000000005, + "precision_at_100": 1.257, + "precision_at_1000": 0.16199999999999998, + "precision_at_3": 17.352, + "precision_at_5": 12.328999999999999, + "recall_at_1": 25.317, + "recall_at_10": 54.254999999999995, + "recall_at_100": 80.184, + "recall_at_1000": 94.07, + "recall_at_3": 39.117000000000004, + "recall_at_5": 44.711, + "main_score": 41.375 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.813000000000002, + "map_at_10": 35.47183333333334, + "map_at_100": 36.71775, + "map_at_1000": 36.833000000000006, + "map_at_3": 32.449916666666674, + "map_at_5": 34.1235, + "mrr_at_1": 30.766750000000005, + "mrr_at_10": 39.77508333333334, + "mrr_at_100": 40.64233333333333, + "mrr_at_1000": 40.69658333333333, + "mrr_at_3": 37.27349999999999, + "mrr_at_5": 38.723416666666665, + "ndcg_at_1": 30.766750000000005, + "ndcg_at_10": 41.141416666666665, + "ndcg_at_100": 46.42016666666666, + "ndcg_at_1000": 48.61916666666667, + "ndcg_at_3": 36.06883333333333, + "ndcg_at_5": 38.43966666666666, + "precision_at_1": 30.766750000000005, + "precision_at_10": 7.340000000000001, + "precision_at_100": 1.1796666666666666, + "precision_at_1000": 0.15625, + "precision_at_3": 16.763833333333334, + "precision_at_5": 11.972166666666666, + "recall_at_1": 25.813000000000002, + "recall_at_10": 53.62741666666667, + "recall_at_100": 76.70125000000002, + "recall_at_1000": 91.85566666666666, + "recall_at_3": 39.55075, + "recall_at_5": 45.645250000000004, + "main_score": 41.141416666666665 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.249, + "map_at_10": 31.095, + "map_at_100": 32.056000000000004, + "map_at_1000": 32.163000000000004, + "map_at_3": 29.275000000000002, + "map_at_5": 30.333, + "mrr_at_1": 26.687, + "mrr_at_10": 34.122, + "mrr_at_100": 34.958, + "mrr_at_1000": 35.039, + "mrr_at_3": 32.541, + "mrr_at_5": 33.43, + "ndcg_at_1": 26.687, + "ndcg_at_10": 35.248000000000005, + "ndcg_at_100": 39.933, + "ndcg_at_1000": 42.616, + "ndcg_at_3": 31.980999999999998, + "ndcg_at_5": 33.583, + "precision_at_1": 26.687, + "precision_at_10": 5.445, + "precision_at_100": 0.848, + "precision_at_1000": 0.11499999999999999, + "precision_at_3": 13.957, + "precision_at_5": 9.479, + "recall_at_1": 23.249, + "recall_at_10": 45.005, + "recall_at_100": 66.175, + "recall_at_1000": 86.116, + "recall_at_3": 36.03, + "recall_at_5": 40.037, + "main_score": 35.248000000000005 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.592, + "map_at_10": 25.003999999999998, + "map_at_100": 26.208, + "map_at_1000": 26.333000000000002, + "map_at_3": 22.479, + "map_at_5": 23.712, + "mrr_at_1": 21.37, + "mrr_at_10": 28.951999999999998, + "mrr_at_100": 29.915999999999997, + "mrr_at_1000": 29.99, + "mrr_at_3": 26.503, + "mrr_at_5": 27.728, + "ndcg_at_1": 21.37, + "ndcg_at_10": 29.944, + "ndcg_at_100": 35.632000000000005, + "ndcg_at_1000": 38.393, + "ndcg_at_3": 25.263999999999996, + "ndcg_at_5": 27.115000000000002, + "precision_at_1": 21.37, + "precision_at_10": 5.568, + "precision_at_100": 0.992, + "precision_at_1000": 0.13999999999999999, + "precision_at_3": 11.895, + "precision_at_5": 8.61, + "recall_at_1": 17.592, + "recall_at_10": 40.976, + "recall_at_100": 66.487, + "recall_at_1000": 85.954, + "recall_at_3": 27.797, + "recall_at_5": 32.553, + "main_score": 29.944 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.173000000000002, + "map_at_10": 34.611999999999995, + "map_at_100": 35.735, + "map_at_1000": 35.842, + "map_at_3": 31.345, + "map_at_5": 33.123000000000005, + "mrr_at_1": 29.570999999999998, + "mrr_at_10": 38.775999999999996, + "mrr_at_100": 39.621, + "mrr_at_1000": 39.684000000000005, + "mrr_at_3": 35.992000000000004, + "mrr_at_5": 37.586999999999996, + "ndcg_at_1": 29.570999999999998, + "ndcg_at_10": 40.388000000000005, + "ndcg_at_100": 45.59, + "ndcg_at_1000": 47.948, + "ndcg_at_3": 34.497, + "ndcg_at_5": 37.201, + "precision_at_1": 29.570999999999998, + "precision_at_10": 6.931, + "precision_at_100": 1.082, + "precision_at_1000": 0.13999999999999999, + "precision_at_3": 15.609, + "precision_at_5": 11.286999999999999, + "recall_at_1": 25.173000000000002, + "recall_at_10": 53.949000000000005, + "recall_at_100": 76.536, + "recall_at_1000": 92.979, + "recall_at_3": 37.987, + "recall_at_5": 44.689, + "main_score": 40.388000000000005 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.224, + "map_at_10": 32.903, + "map_at_100": 34.65, + "map_at_1000": 34.873, + "map_at_3": 29.673, + "map_at_5": 31.361, + "mrr_at_1": 30.435000000000002, + "mrr_at_10": 38.677, + "mrr_at_100": 39.805, + "mrr_at_1000": 39.851, + "mrr_at_3": 35.935, + "mrr_at_5": 37.566, + "ndcg_at_1": 30.435000000000002, + "ndcg_at_10": 39.012, + "ndcg_at_100": 45.553, + "ndcg_at_1000": 47.919, + "ndcg_at_3": 33.809, + "ndcg_at_5": 36.120999999999995, + "precision_at_1": 30.435000000000002, + "precision_at_10": 7.628, + "precision_at_100": 1.5810000000000002, + "precision_at_1000": 0.243, + "precision_at_3": 15.744, + "precision_at_5": 11.66, + "recall_at_1": 24.224, + "recall_at_10": 50.009, + "recall_at_100": 78.839, + "recall_at_1000": 93.71300000000001, + "recall_at_3": 35.512, + "recall_at_5": 41.541, + "main_score": 39.012 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.983, + "map_at_10": 27.127000000000002, + "map_at_100": 28.063, + "map_at_1000": 28.17, + "map_at_3": 24.306, + "map_at_5": 25.784000000000002, + "mrr_at_1": 20.518, + "mrr_at_10": 29.024, + "mrr_at_100": 29.902, + "mrr_at_1000": 29.976999999999997, + "mrr_at_3": 26.401999999999997, + "mrr_at_5": 27.862, + "ndcg_at_1": 20.518, + "ndcg_at_10": 32.344, + "ndcg_at_100": 37.053000000000004, + "ndcg_at_1000": 39.798, + "ndcg_at_3": 26.796999999999997, + "ndcg_at_5": 29.293000000000003, + "precision_at_1": 20.518, + "precision_at_10": 5.434, + "precision_at_100": 0.83, + "precision_at_1000": 0.11800000000000001, + "precision_at_3": 11.892, + "precision_at_5": 8.577, + "recall_at_1": 18.983, + "recall_at_10": 46.665, + "recall_at_100": 68.33399999999999, + "recall_at_1000": 88.927, + "recall_at_3": 31.608000000000004, + "recall_at_5": 37.532, + "main_score": 32.344 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/ClimateFEVER.json b/results/jamesgpt1__sf_model_e5/external/ClimateFEVER.json new file mode 100644 index 000000000..672be7123 --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 11.200000000000001, + "map_at_10": 20.241999999999997, + "map_at_100": 22.357, + "map_at_1000": 22.556, + "map_at_3": 16.564999999999998, + "map_at_5": 18.443, + "mrr_at_1": 25.277, + "mrr_at_10": 37.582, + "mrr_at_100": 38.525999999999996, + "mrr_at_1000": 38.564, + "mrr_at_3": 33.898, + "mrr_at_5": 36.191, + "ndcg_at_1": 25.277, + "ndcg_at_10": 28.74, + "ndcg_at_100": 36.665, + "ndcg_at_1000": 40.08, + "ndcg_at_3": 22.888, + "ndcg_at_5": 25.081999999999997, + "precision_at_1": 25.277, + "precision_at_10": 9.251, + "precision_at_100": 1.773, + "precision_at_1000": 0.241, + "precision_at_3": 17.329, + "precision_at_5": 13.746, + "recall_at_1": 11.200000000000001, + "recall_at_10": 35.419, + "recall_at_100": 62.41, + "recall_at_1000": 81.467, + "recall_at_3": 21.275, + "recall_at_5": 27.201999999999998, + "main_score": 28.74 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/DBPedia.json b/results/jamesgpt1__sf_model_e5/external/DBPedia.json new file mode 100644 index 000000000..c8d4fe928 --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.396, + "map_at_10": 20.735, + "map_at_100": 30.098000000000003, + "map_at_1000": 31.866, + "map_at_3": 14.71, + "map_at_5": 17.259, + "mrr_at_1": 70.25, + "mrr_at_10": 77.09700000000001, + "mrr_at_100": 77.398, + "mrr_at_1000": 77.40899999999999, + "mrr_at_3": 75.542, + "mrr_at_5": 76.354, + "ndcg_at_1": 57.75, + "ndcg_at_10": 42.509, + "ndcg_at_100": 48.94, + "ndcg_at_1000": 56.501000000000005, + "ndcg_at_3": 46.827000000000005, + "ndcg_at_5": 44.033, + "precision_at_1": 70.25, + "precision_at_10": 33.85, + "precision_at_100": 11.373, + "precision_at_1000": 2.136, + "precision_at_3": 50.917, + "precision_at_5": 42.8, + "recall_at_1": 9.396, + "recall_at_10": 26.472, + "recall_at_100": 57.30800000000001, + "recall_at_1000": 80.983, + "recall_at_3": 15.859000000000002, + "recall_at_5": 19.758, + "main_score": 42.509 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/EmotionClassification.json b/results/jamesgpt1__sf_model_e5/external/EmotionClassification.json new file mode 100644 index 000000000..0657ac11b --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 54.900000000000006, + "f1": 48.14707395235448, + "main_score": 54.900000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/FEVER.json b/results/jamesgpt1__sf_model_e5/external/FEVER.json new file mode 100644 index 000000000..28126ca3a --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 66.369, + "map_at_10": 76.708, + "map_at_100": 76.981, + "map_at_1000": 76.995, + "map_at_3": 75.114, + "map_at_5": 76.116, + "mrr_at_1": 71.557, + "mrr_at_10": 80.95, + "mrr_at_100": 81.075, + "mrr_at_1000": 81.07900000000001, + "mrr_at_3": 79.728, + "mrr_at_5": 80.522, + "ndcg_at_1": 71.557, + "ndcg_at_10": 81.381, + "ndcg_at_100": 82.421, + "ndcg_at_1000": 82.709, + "ndcg_at_3": 78.671, + "ndcg_at_5": 80.17, + "precision_at_1": 71.557, + "precision_at_10": 10.159, + "precision_at_100": 1.089, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 30.668, + "precision_at_5": 19.337, + "recall_at_1": 66.369, + "recall_at_10": 91.482, + "recall_at_100": 95.848, + "recall_at_1000": 97.749, + "recall_at_3": 84.185, + "recall_at_5": 87.908, + "main_score": 81.381 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/FiQA2018.json b/results/jamesgpt1__sf_model_e5/external/FiQA2018.json new file mode 100644 index 000000000..cf951dbcb --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.902, + "map_at_10": 34.554, + "map_at_100": 36.632, + "map_at_1000": 36.811, + "map_at_3": 30.264000000000003, + "map_at_5": 32.714999999999996, + "mrr_at_1": 42.13, + "mrr_at_10": 51.224000000000004, + "mrr_at_100": 52.044999999999995, + "mrr_at_1000": 52.075, + "mrr_at_3": 48.842999999999996, + "mrr_at_5": 50.108, + "ndcg_at_1": 42.13, + "ndcg_at_10": 42.643, + "ndcg_at_100": 49.806, + "ndcg_at_1000": 52.583, + "ndcg_at_3": 38.927, + "ndcg_at_5": 40.071, + "precision_at_1": 42.13, + "precision_at_10": 11.928999999999998, + "precision_at_100": 1.931, + "precision_at_1000": 0.243, + "precision_at_3": 26.337, + "precision_at_5": 19.29, + "recall_at_1": 20.902, + "recall_at_10": 49.527, + "recall_at_100": 75.754, + "recall_at_1000": 92.171, + "recall_at_3": 35.024, + "recall_at_5": 41.207, + "main_score": 42.643 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/HotpotQA.json b/results/jamesgpt1__sf_model_e5/external/HotpotQA.json new file mode 100644 index 000000000..9c305216d --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 39.831, + "map_at_10": 63.958999999999996, + "map_at_100": 64.869, + "map_at_1000": 64.924, + "map_at_3": 60.25, + "map_at_5": 62.572, + "mrr_at_1": 79.662, + "mrr_at_10": 85.57900000000001, + "mrr_at_100": 85.744, + "mrr_at_1000": 85.748, + "mrr_at_3": 84.718, + "mrr_at_5": 85.312, + "ndcg_at_1": 79.662, + "ndcg_at_10": 72.366, + "ndcg_at_100": 75.42999999999999, + "ndcg_at_1000": 76.469, + "ndcg_at_3": 67.258, + "ndcg_at_5": 70.14099999999999, + "precision_at_1": 79.662, + "precision_at_10": 15.254999999999999, + "precision_at_100": 1.763, + "precision_at_1000": 0.19, + "precision_at_3": 43.358000000000004, + "precision_at_5": 28.288999999999998, + "recall_at_1": 39.831, + "recall_at_10": 76.273, + "recall_at_100": 88.163, + "recall_at_1000": 95.017, + "recall_at_3": 65.037, + "recall_at_5": 70.722, + "main_score": 72.366 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/ImdbClassification.json b/results/jamesgpt1__sf_model_e5/external/ImdbClassification.json new file mode 100644 index 000000000..be15d70ba --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.13879999999999, + "ap": 89.94638859649079, + "f1": 93.13371537570421, + "main_score": 93.13879999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/MSMARCO.json b/results/jamesgpt1__sf_model_e5/external/MSMARCO.json new file mode 100644 index 000000000..2f08b5c41 --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.482, + "map_at_10": 33.635999999999996, + "map_at_100": 34.792, + "map_at_1000": 34.839999999999996, + "map_at_3": 29.553, + "map_at_5": 31.892, + "mrr_at_1": 22.076999999999998, + "mrr_at_10": 34.247, + "mrr_at_100": 35.337, + "mrr_at_1000": 35.38, + "mrr_at_3": 30.208000000000002, + "mrr_at_5": 32.554, + "ndcg_at_1": 22.092, + "ndcg_at_10": 40.657, + "ndcg_at_100": 46.251999999999995, + "ndcg_at_1000": 47.466, + "ndcg_at_3": 32.353, + "ndcg_at_5": 36.532, + "precision_at_1": 22.092, + "precision_at_10": 6.5040000000000004, + "precision_at_100": 0.9329999999999999, + "precision_at_1000": 0.104, + "precision_at_3": 13.719999999999999, + "precision_at_5": 10.344000000000001, + "recall_at_1": 21.482, + "recall_at_10": 62.316, + "recall_at_100": 88.283, + "recall_at_1000": 97.554, + "recall_at_3": 39.822, + "recall_at_5": 49.805, + "main_score": 40.657 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/MTOPDomainClassification.json b/results/jamesgpt1__sf_model_e5/external/MTOPDomainClassification.json new file mode 100644 index 000000000..acf336f98 --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.63657090743274, + "f1": 93.49355466580484, + "main_score": 93.63657090743274 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/MTOPIntentClassification.json b/results/jamesgpt1__sf_model_e5/external/MTOPIntentClassification.json new file mode 100644 index 000000000..c631b6f3b --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 66.01459188326493, + "f1": 48.48386472180784, + "main_score": 66.01459188326493 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/MassiveIntentClassification.json b/results/jamesgpt1__sf_model_e5/external/MassiveIntentClassification.json new file mode 100644 index 000000000..28e776651 --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.49024882313383, + "f1": 71.8750196914349, + "main_score": 73.49024882313383 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/MassiveScenarioClassification.json b/results/jamesgpt1__sf_model_e5/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..39baf7c91 --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.38063214525891, + "f1": 76.87364042122763, + "main_score": 77.38063214525891 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/MedrxivClusteringP2P.json b/results/jamesgpt1__sf_model_e5/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..90e253ed8 --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.30572302322684, + "main_score": 34.30572302322684 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/MedrxivClusteringS2S.json b/results/jamesgpt1__sf_model_e5/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..70e6c1253 --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.18418556367587, + "main_score": 32.18418556367587 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/MindSmallReranking.json b/results/jamesgpt1__sf_model_e5/external/MindSmallReranking.json new file mode 100644 index 000000000..80eaf3a67 --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 32.268707296386154, + "mrr": 33.481925531215055, + "main_score": 32.268707296386154 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/NFCorpus.json b/results/jamesgpt1__sf_model_e5/external/NFCorpus.json new file mode 100644 index 000000000..92af5c06b --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.586, + "map_at_10": 14.954999999999998, + "map_at_100": 19.03, + "map_at_1000": 20.653, + "map_at_3": 10.859, + "map_at_5": 12.577, + "mrr_at_1": 47.988, + "mrr_at_10": 57.57, + "mrr_at_100": 58.050000000000004, + "mrr_at_1000": 58.083, + "mrr_at_3": 55.212, + "mrr_at_5": 56.713, + "ndcg_at_1": 45.975, + "ndcg_at_10": 38.432, + "ndcg_at_100": 35.287, + "ndcg_at_1000": 44.35, + "ndcg_at_3": 43.077, + "ndcg_at_5": 40.952, + "precision_at_1": 47.368, + "precision_at_10": 28.483000000000004, + "precision_at_100": 8.882, + "precision_at_1000": 2.217, + "precision_at_3": 40.144000000000005, + "precision_at_5": 35.17, + "recall_at_1": 6.586, + "recall_at_10": 19.688, + "recall_at_100": 35.426, + "recall_at_1000": 68.09100000000001, + "recall_at_3": 12.234, + "recall_at_5": 14.937000000000001, + "main_score": 38.432 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/NQ.json b/results/jamesgpt1__sf_model_e5/external/NQ.json new file mode 100644 index 000000000..44ae4cebf --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.322000000000003, + "map_at_10": 43.224000000000004, + "map_at_100": 44.275999999999996, + "map_at_1000": 44.308, + "map_at_3": 38.239000000000004, + "map_at_5": 41.244, + "mrr_at_1": 31.025000000000002, + "mrr_at_10": 45.635, + "mrr_at_100": 46.425, + "mrr_at_1000": 46.445, + "mrr_at_3": 41.42, + "mrr_at_5": 44.038, + "ndcg_at_1": 30.997000000000003, + "ndcg_at_10": 51.55499999999999, + "ndcg_at_100": 55.964999999999996, + "ndcg_at_1000": 56.657000000000004, + "ndcg_at_3": 42.185, + "ndcg_at_5": 47.229, + "precision_at_1": 30.997000000000003, + "precision_at_10": 8.885, + "precision_at_100": 1.1360000000000001, + "precision_at_1000": 0.12, + "precision_at_3": 19.457, + "precision_at_5": 14.554, + "recall_at_1": 27.322000000000003, + "recall_at_10": 74.59400000000001, + "recall_at_100": 93.699, + "recall_at_1000": 98.76599999999999, + "recall_at_3": 50.43, + "recall_at_5": 62.073, + "main_score": 51.55499999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/QuoraRetrieval.json b/results/jamesgpt1__sf_model_e5/external/QuoraRetrieval.json new file mode 100644 index 000000000..8f8512951 --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 71.109, + "map_at_10": 85.137, + "map_at_100": 85.759, + "map_at_1000": 85.774, + "map_at_3": 82.25200000000001, + "map_at_5": 84.031, + "mrr_at_1": 82.01, + "mrr_at_10": 87.97, + "mrr_at_100": 88.076, + "mrr_at_1000": 88.076, + "mrr_at_3": 87.06, + "mrr_at_5": 87.694, + "ndcg_at_1": 81.99, + "ndcg_at_10": 88.738, + "ndcg_at_100": 89.928, + "ndcg_at_1000": 90.01400000000001, + "ndcg_at_3": 86.042, + "ndcg_at_5": 87.505, + "precision_at_1": 81.99, + "precision_at_10": 13.468, + "precision_at_100": 1.534, + "precision_at_1000": 0.157, + "precision_at_3": 37.702999999999996, + "precision_at_5": 24.706, + "recall_at_1": 71.109, + "recall_at_10": 95.58, + "recall_at_100": 99.62299999999999, + "recall_at_1000": 99.98899999999999, + "recall_at_3": 87.69, + "recall_at_5": 91.982, + "main_score": 88.738 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/RedditClustering.json b/results/jamesgpt1__sf_model_e5/external/RedditClustering.json new file mode 100644 index 000000000..ede36766d --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 59.43361510023748, + "main_score": 59.43361510023748 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/RedditClusteringP2P.json b/results/jamesgpt1__sf_model_e5/external/RedditClusteringP2P.json new file mode 100644 index 000000000..b55532b9c --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 64.53582642500159, + "main_score": 64.53582642500159 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/SCIDOCS.json b/results/jamesgpt1__sf_model_e5/external/SCIDOCS.json new file mode 100644 index 000000000..78bb531c7 --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.2299999999999995, + "map_at_10": 11.802, + "map_at_100": 14.454, + "map_at_1000": 14.865, + "map_at_3": 7.911, + "map_at_5": 9.912, + "mrr_at_1": 21.0, + "mrr_at_10": 32.722, + "mrr_at_100": 33.989000000000004, + "mrr_at_1000": 34.026, + "mrr_at_3": 28.65, + "mrr_at_5": 31.075000000000003, + "ndcg_at_1": 21.0, + "ndcg_at_10": 20.161, + "ndcg_at_100": 30.122, + "ndcg_at_1000": 36.399, + "ndcg_at_3": 17.881, + "ndcg_at_5": 16.439999999999998, + "precision_at_1": 21.0, + "precision_at_10": 10.94, + "precision_at_100": 2.5340000000000003, + "precision_at_1000": 0.402, + "precision_at_3": 17.067, + "precision_at_5": 15.120000000000001, + "recall_at_1": 4.2299999999999995, + "recall_at_10": 22.163, + "recall_at_100": 51.42, + "recall_at_1000": 81.652, + "recall_at_3": 10.353, + "recall_at_5": 15.323, + "main_score": 20.161 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/SICK-R.json b/results/jamesgpt1__sf_model_e5/external/SICK-R.json new file mode 100644 index 000000000..6e2591202 --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.44056731476951, + "cos_sim_spearman": 82.32974396072802, + "euclidean_pearson": 83.63616080755894, + "euclidean_spearman": 82.32974071069209, + "manhattan_pearson": 83.64149958303744, + "manhattan_spearman": 82.32161014878858, + "cosine_pearson": 86.44056731476951, + "cosine_spearman": 82.32974396072802, + "main_score": 82.32974396072802 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/STS12.json b/results/jamesgpt1__sf_model_e5/external/STS12.json new file mode 100644 index 000000000..f36231bcb --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.65083720426293, + "cos_sim_spearman": 77.60786500521749, + "euclidean_pearson": 81.8149634918642, + "euclidean_spearman": 77.60637450428892, + "manhattan_pearson": 81.83507575657566, + "manhattan_spearman": 77.613220311151, + "cosine_pearson": 85.65083720426293, + "cosine_spearman": 77.60786500521749, + "main_score": 77.60786500521749 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/STS13.json b/results/jamesgpt1__sf_model_e5/external/STS13.json new file mode 100644 index 000000000..dc7a3ad71 --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.35683624595698, + "cos_sim_spearman": 87.94550696434106, + "euclidean_pearson": 87.50272679030367, + "euclidean_spearman": 87.94550696434106, + "manhattan_pearson": 87.4759786099497, + "manhattan_spearman": 87.90226811166427, + "cosine_pearson": 87.35683624595698, + "cosine_spearman": 87.94550696434106, + "main_score": 87.94550696434106 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/STS14.json b/results/jamesgpt1__sf_model_e5/external/STS14.json new file mode 100644 index 000000000..4c4e8fdb5 --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.27438743391316, + "cos_sim_spearman": 83.85378984594779, + "euclidean_pearson": 85.25840635223642, + "euclidean_spearman": 83.85378983163673, + "manhattan_pearson": 85.24936075631025, + "manhattan_spearman": 83.85052479958138, + "cosine_pearson": 86.27438743391316, + "cosine_spearman": 83.85378984594779, + "main_score": 83.85378984594779 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/STS15.json b/results/jamesgpt1__sf_model_e5/external/STS15.json new file mode 100644 index 000000000..6ee2ccc88 --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.4783814521557, + "cos_sim_spearman": 88.473284566453, + "euclidean_pearson": 87.94757741870404, + "euclidean_spearman": 88.47327698999878, + "manhattan_pearson": 87.93617414057984, + "manhattan_spearman": 88.45889274229359, + "cosine_pearson": 87.4783814521557, + "cosine_spearman": 88.473284566453, + "main_score": 88.473284566453 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/STS16.json b/results/jamesgpt1__sf_model_e5/external/STS16.json new file mode 100644 index 000000000..7a8bf0b4f --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.68359147631057, + "cos_sim_spearman": 86.46426572535646, + "euclidean_pearson": 85.98303971468599, + "euclidean_spearman": 86.46426572535646, + "manhattan_pearson": 85.95109710640726, + "manhattan_spearman": 86.43282632541583, + "cosine_pearson": 84.68359147631057, + "cosine_spearman": 86.46426572535646, + "main_score": 86.46426572535646 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/STS17.json b/results/jamesgpt1__sf_model_e5/external/STS17.json new file mode 100644 index 000000000..eadfbb138 --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.88758959688604, + "cos_sim_spearman": 88.70384784133324, + "euclidean_pearson": 89.27293800474978, + "euclidean_spearman": 88.70384784133324, + "manhattan_pearson": 89.41494348093664, + "manhattan_spearman": 88.8330050824941, + "cosine_pearson": 88.88758959688604, + "cosine_spearman": 88.70384784133324, + "main_score": 88.70384784133324 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/STS22.json b/results/jamesgpt1__sf_model_e5/external/STS22.json new file mode 100644 index 000000000..f9e4e76a9 --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 67.66759812551814, + "cos_sim_spearman": 68.02368115471576, + "euclidean_pearson": 69.52859542757353, + "euclidean_spearman": 68.02368115471576, + "manhattan_pearson": 69.50332399468952, + "manhattan_spearman": 67.91228681203849, + "cosine_pearson": 67.66759812551814, + "cosine_spearman": 68.02368115471576, + "main_score": 68.02368115471576 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/STSBenchmark.json b/results/jamesgpt1__sf_model_e5/external/STSBenchmark.json new file mode 100644 index 000000000..9db2e61fb --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.75891320010409, + "cos_sim_spearman": 88.33063922402347, + "euclidean_pearson": 88.02964654543274, + "euclidean_spearman": 88.33063922402347, + "manhattan_pearson": 88.03029440701458, + "manhattan_spearman": 88.3158691488696, + "cosine_pearson": 87.75891320010409, + "cosine_spearman": 88.33063922402347, + "main_score": 88.33063922402347 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/SciDocsRR.json b/results/jamesgpt1__sf_model_e5/external/SciDocsRR.json new file mode 100644 index 000000000..b788522ab --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 87.46897310470844, + "mrr": 96.29042072669523, + "main_score": 87.46897310470844 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/SciFact.json b/results/jamesgpt1__sf_model_e5/external/SciFact.json new file mode 100644 index 000000000..2eb8a3d11 --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 62.261, + "map_at_10": 71.023, + "map_at_100": 71.5, + "map_at_1000": 71.518, + "map_at_3": 67.857, + "map_at_5": 69.44500000000001, + "mrr_at_1": 65.0, + "mrr_at_10": 72.11, + "mrr_at_100": 72.479, + "mrr_at_1000": 72.49600000000001, + "mrr_at_3": 69.722, + "mrr_at_5": 71.02199999999999, + "ndcg_at_1": 65.0, + "ndcg_at_10": 75.40599999999999, + "ndcg_at_100": 77.41, + "ndcg_at_1000": 77.83200000000001, + "ndcg_at_3": 69.95599999999999, + "ndcg_at_5": 72.296, + "precision_at_1": 65.0, + "precision_at_10": 9.966999999999999, + "precision_at_100": 1.097, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 26.667, + "precision_at_5": 17.666999999999998, + "recall_at_1": 62.261, + "recall_at_10": 87.822, + "recall_at_100": 96.833, + "recall_at_1000": 100.0, + "recall_at_3": 73.06099999999999, + "recall_at_5": 78.88300000000001, + "main_score": 75.40599999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/SprintDuplicateQuestions.json b/results/jamesgpt1__sf_model_e5/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..c81c4e5b3 --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.86138613861387, + "cos_sim_ap": 96.7851799601876, + "cos_sim_f1": 92.94354838709677, + "cos_sim_precision": 93.69918699186992, + "cos_sim_recall": 92.2, + "dot_accuracy": 99.86138613861387, + "dot_ap": 96.78517996018759, + "dot_f1": 92.94354838709677, + "dot_precision": 93.69918699186992, + "dot_recall": 92.2, + "euclidean_accuracy": 99.86138613861387, + "euclidean_ap": 96.78517996018759, + "euclidean_f1": 92.94354838709677, + "euclidean_precision": 93.69918699186992, + "euclidean_recall": 92.2, + "manhattan_accuracy": 99.86336633663366, + "manhattan_ap": 96.79790073128503, + "manhattan_f1": 93.0930930930931, + "manhattan_precision": 93.18637274549098, + "manhattan_recall": 93.0, + "max_accuracy": 99.86336633663366, + "max_ap": 96.79790073128503, + "max_f1": 93.0930930930931, + "main_score": 96.79790073128503 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/StackExchangeClustering.json b/results/jamesgpt1__sf_model_e5/external/StackExchangeClustering.json new file mode 100644 index 000000000..b17ed5fc9 --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 65.07696952556874, + "main_score": 65.07696952556874 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/StackExchangeClusteringP2P.json b/results/jamesgpt1__sf_model_e5/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..48f6c337c --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.51701116515262, + "main_score": 35.51701116515262 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/StackOverflowDupQuestions.json b/results/jamesgpt1__sf_model_e5/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..b15a68894 --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 55.40099299306496, + "mrr": 56.411316420507596, + "main_score": 55.40099299306496 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/SummEval.json b/results/jamesgpt1__sf_model_e5/external/SummEval.json new file mode 100644 index 000000000..2ec32b6d7 --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.940008734510055, + "cos_sim_spearman": 31.606997026865212, + "dot_pearson": 30.940010256206353, + "dot_spearman": 31.62194110302714, + "cosine_pearson": 30.940008734510055, + "cosine_spearman": 31.606997026865212, + "main_score": 31.606997026865212 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/TRECCOVID.json b/results/jamesgpt1__sf_model_e5/external/TRECCOVID.json new file mode 100644 index 000000000..f99a7e565 --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.197, + "map_at_10": 1.6549999999999998, + "map_at_100": 8.939, + "map_at_1000": 22.402, + "map_at_3": 0.587, + "map_at_5": 0.931, + "mrr_at_1": 74.0, + "mrr_at_10": 84.667, + "mrr_at_100": 84.667, + "mrr_at_1000": 84.667, + "mrr_at_3": 83.667, + "mrr_at_5": 84.667, + "ndcg_at_1": 69.0, + "ndcg_at_10": 66.574, + "ndcg_at_100": 51.074, + "ndcg_at_1000": 47.263, + "ndcg_at_3": 71.95, + "ndcg_at_5": 70.52000000000001, + "precision_at_1": 74.0, + "precision_at_10": 70.39999999999999, + "precision_at_100": 52.580000000000005, + "precision_at_1000": 20.93, + "precision_at_3": 76.667, + "precision_at_5": 75.6, + "recall_at_1": 0.197, + "recall_at_10": 1.92, + "recall_at_100": 12.655, + "recall_at_1000": 44.522, + "recall_at_3": 0.639, + "recall_at_5": 1.03, + "main_score": 66.574 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/Touche2020.json b/results/jamesgpt1__sf_model_e5/external/Touche2020.json new file mode 100644 index 000000000..daaa044e8 --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 1.735, + "map_at_10": 9.064, + "map_at_100": 15.021999999999998, + "map_at_1000": 16.596, + "map_at_3": 4.188, + "map_at_5": 6.194999999999999, + "mrr_at_1": 26.531, + "mrr_at_10": 44.413000000000004, + "mrr_at_100": 45.433, + "mrr_at_1000": 45.452999999999996, + "mrr_at_3": 41.497, + "mrr_at_5": 42.925000000000004, + "ndcg_at_1": 22.448999999999998, + "ndcg_at_10": 22.597, + "ndcg_at_100": 34.893, + "ndcg_at_1000": 46.763, + "ndcg_at_3": 24.366, + "ndcg_at_5": 23.959, + "precision_at_1": 26.531, + "precision_at_10": 21.02, + "precision_at_100": 7.51, + "precision_at_1000": 1.541, + "precision_at_3": 27.211000000000002, + "precision_at_5": 25.306, + "recall_at_1": 1.735, + "recall_at_10": 15.870999999999999, + "recall_at_100": 47.385, + "recall_at_1000": 83.55, + "recall_at_3": 5.813, + "recall_at_5": 9.707, + "main_score": 22.597 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/ToxicConversationsClassification.json b/results/jamesgpt1__sf_model_e5/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..d94422572 --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.19, + "ap": 15.106812062408629, + "f1": 55.254852511954255, + "main_score": 71.19 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/TweetSentimentExtractionClassification.json b/results/jamesgpt1__sf_model_e5/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..3c8ad4344 --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.553480475382, + "f1": 61.697424438626435, + "main_score": 61.553480475382 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/TwentyNewsgroupsClustering.json b/results/jamesgpt1__sf_model_e5/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..964fafbb0 --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 53.12092298453447, + "main_score": 53.12092298453447 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/TwitterSemEval2015.json b/results/jamesgpt1__sf_model_e5/external/TwitterSemEval2015.json new file mode 100644 index 000000000..71a2ca3b2 --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 87.35173153722357, + "cos_sim_ap": 78.22985044080261, + "cos_sim_f1": 71.23356926188069, + "cos_sim_precision": 68.36487142163999, + "cos_sim_recall": 74.35356200527704, + "dot_accuracy": 87.35173153722357, + "dot_ap": 78.22985958574529, + "dot_f1": 71.23356926188069, + "dot_precision": 68.36487142163999, + "dot_recall": 74.35356200527704, + "euclidean_accuracy": 87.35173153722357, + "euclidean_ap": 78.22985909816191, + "euclidean_f1": 71.23356926188069, + "euclidean_precision": 68.36487142163999, + "euclidean_recall": 74.35356200527704, + "manhattan_accuracy": 87.36365261965786, + "manhattan_ap": 78.18108280854142, + "manhattan_f1": 71.19958634953466, + "manhattan_precision": 69.79219462747086, + "manhattan_recall": 72.66490765171504, + "max_accuracy": 87.36365261965786, + "max_ap": 78.22985958574529, + "max_f1": 71.23356926188069, + "main_score": 78.22985958574529 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/TwitterURLCorpus.json b/results/jamesgpt1__sf_model_e5/external/TwitterURLCorpus.json new file mode 100644 index 000000000..f00d26058 --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.71424690495596, + "cos_sim_ap": 85.53000600450122, + "cos_sim_f1": 77.95508274231679, + "cos_sim_precision": 74.92189718829879, + "cos_sim_recall": 81.24422543886665, + "dot_accuracy": 88.71424690495596, + "dot_ap": 85.53000387261983, + "dot_f1": 77.95508274231679, + "dot_precision": 74.92189718829879, + "dot_recall": 81.24422543886665, + "euclidean_accuracy": 88.71424690495596, + "euclidean_ap": 85.53000527321076, + "euclidean_f1": 77.95508274231679, + "euclidean_precision": 74.92189718829879, + "euclidean_recall": 81.24422543886665, + "manhattan_accuracy": 88.7297706368611, + "manhattan_ap": 85.49670114967172, + "manhattan_f1": 77.91265729089562, + "manhattan_precision": 75.01425313568986, + "manhattan_recall": 81.04404065291038, + "max_accuracy": 88.7297706368611, + "max_ap": 85.53000600450122, + "max_f1": 77.95508274231679, + "main_score": 85.53000600450122 + } + ] + } +} \ No newline at end of file diff --git a/results/jamesgpt1__sf_model_e5/external/model_meta.json b/results/jamesgpt1__sf_model_e5/external/model_meta.json new file mode 100644 index 000000000..29d74cc12 --- /dev/null +++ b/results/jamesgpt1__sf_model_e5/external/model_meta.json @@ -0,0 +1,20 @@ +{ + "name": "jamesgpt1/sf_model_e5", + "revision": "4946246a45170b962044d5c9a660b62be69d4801", + "release_date": "2023-11-09", + "languages": [], + "loader": null, + "n_parameters": 335141888, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 1024, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/jhu-clsp__FollowIR-7B/external/Core17InstructionRetrieval.json b/results/jhu-clsp__FollowIR-7B/external/Core17InstructionRetrieval.json new file mode 100644 index 000000000..ed6c8d4f7 --- /dev/null +++ b/results/jhu-clsp__FollowIR-7B/external/Core17InstructionRetrieval.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e39ff896cf3efbbdeeb950e6bd7c79f266995b07", + "task_name": "Core17InstructionRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "p-MRR": 16.47851858684521, + "main_score": 16.47851858684521 + } + ] + } +} \ No newline at end of file diff --git a/results/jhu-clsp__FollowIR-7B/external/News21InstructionRetrieval.json b/results/jhu-clsp__FollowIR-7B/external/News21InstructionRetrieval.json new file mode 100644 index 000000000..37e79ec40 --- /dev/null +++ b/results/jhu-clsp__FollowIR-7B/external/News21InstructionRetrieval.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e0144086b45fe31ac125e9ac1a83b6a409bb6ca6", + "task_name": "News21InstructionRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "p-MRR": 6.2615989256510005, + "main_score": 6.2615989256510005 + } + ] + } +} \ No newline at end of file diff --git a/results/jhu-clsp__FollowIR-7B/external/Robust04InstructionRetrieval.json b/results/jhu-clsp__FollowIR-7B/external/Robust04InstructionRetrieval.json new file mode 100644 index 000000000..464c823bc --- /dev/null +++ b/results/jhu-clsp__FollowIR-7B/external/Robust04InstructionRetrieval.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a5a1c4fe2bc528ac12e83f8cdf82178da85d2f1d", + "task_name": "Robust04InstructionRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "p-MRR": 13.717553757582253, + "main_score": 13.717553757582253 + } + ] + } +} \ No newline at end of file diff --git a/results/jhu-clsp__FollowIR-7B/external/model_meta.json b/results/jhu-clsp__FollowIR-7B/external/model_meta.json new file mode 100644 index 000000000..d29d89aa7 --- /dev/null +++ b/results/jhu-clsp__FollowIR-7B/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "jhu-clsp/FollowIR-7B", + "revision": "4d25d437e38b510c01852070c0731e8f6e1875d1", + "release_date": "2024-03-17", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 7241732096, + "memory_usage": null, + "max_tokens": 32768, + "embed_dim": 4096, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/AmazonCounterfactualClassification.json b/results/jinaai__jina-embedding-b-en-v1/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..e5e296234 --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 66.73134328358208, + "ap": 28.30575908745204, + "f1": 60.02420130946191, + "main_score": 66.73134328358208 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/AmazonPolarityClassification.json b/results/jinaai__jina-embedding-b-en-v1/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..6859a4779 --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 67.6068, + "ap": 63.5899352938589, + "f1": 65.64285334357656, + "main_score": 67.6068 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/AmazonReviewsClassification.json b/results/jinaai__jina-embedding-b-en-v1/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..19ae07142 --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 31.178, + "f1": 29.68460843733487, + "main_score": 31.178 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/ArguAna.json b/results/jinaai__jina-embedding-b-en-v1/external/ArguAna.json new file mode 100644 index 000000000..0e54b5be4 --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.964, + "map_at_10": 40.217999999999996, + "map_at_100": 41.263, + "map_at_1000": 41.277, + "map_at_3": 35.183, + "map_at_5": 38.045, + "mrr_at_1": 25.107000000000003, + "mrr_at_10": 40.272999999999996, + "mrr_at_100": 41.318, + "mrr_at_1000": 41.333, + "mrr_at_3": 35.242000000000004, + "mrr_at_5": 38.101, + "ndcg_at_1": 24.964, + "ndcg_at_10": 49.006, + "ndcg_at_100": 53.446000000000005, + "ndcg_at_1000": 53.813, + "ndcg_at_3": 38.598, + "ndcg_at_5": 43.74, + "precision_at_1": 24.964, + "precision_at_10": 7.724, + "precision_at_100": 0.966, + "precision_at_1000": 0.099, + "precision_at_3": 16.169, + "precision_at_5": 12.191, + "recall_at_1": 24.964, + "recall_at_10": 77.24, + "recall_at_100": 96.586, + "recall_at_1000": 99.431, + "recall_at_3": 48.506, + "recall_at_5": 60.953, + "main_score": 49.006 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/ArxivClusteringP2P.json b/results/jinaai__jina-embedding-b-en-v1/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..7d1129a00 --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.25203906042786, + "main_score": 39.25203906042786 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/ArxivClusteringS2S.json b/results/jinaai__jina-embedding-b-en-v1/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..d643c751e --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 29.07648348376354, + "main_score": 29.07648348376354 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/AskUbuntuDupQuestions.json b/results/jinaai__jina-embedding-b-en-v1/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..e065b8531 --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 62.4029266143623, + "mrr": 75.45750340764191, + "main_score": 62.4029266143623 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/BIOSSES.json b/results/jinaai__jina-embedding-b-en-v1/external/BIOSSES.json new file mode 100644 index 000000000..17c4b47fa --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.92280995704714, + "cos_sim_spearman": 83.58082010833608, + "euclidean_pearson": 48.64744162695948, + "euclidean_spearman": 48.817377397301556, + "manhattan_pearson": 48.87684776623195, + "manhattan_spearman": 48.94268145725884, + "cosine_pearson": 85.92280995704714, + "cosine_spearman": 83.58082010833608, + "main_score": 83.58082010833608 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/Banking77Classification.json b/results/jinaai__jina-embedding-b-en-v1/external/Banking77Classification.json new file mode 100644 index 000000000..b6d58c981 --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 84.05519480519482, + "f1": 83.94978356890618, + "main_score": 84.05519480519482 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/BiorxivClusteringP2P.json b/results/jinaai__jina-embedding-b-en-v1/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..663c67e01 --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.2033276486685, + "main_score": 32.2033276486685 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/BiorxivClusteringS2S.json b/results/jinaai__jina-embedding-b-en-v1/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..d11d50f6d --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 26.631954164406014, + "main_score": 26.631954164406014 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/CQADupstackAndroidRetrieval.json b/results/jinaai__jina-embedding-b-en-v1/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..7cc47ab22 --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.625, + "map_at_10": 40.037, + "map_at_100": 41.52, + "map_at_1000": 41.654, + "map_at_3": 36.818, + "map_at_5": 38.426, + "mrr_at_1": 35.336, + "mrr_at_10": 45.395, + "mrr_at_100": 46.221000000000004, + "mrr_at_1000": 46.264, + "mrr_at_3": 42.823, + "mrr_at_5": 44.204, + "ndcg_at_1": 35.336, + "ndcg_at_10": 46.326, + "ndcg_at_100": 51.795, + "ndcg_at_1000": 53.834, + "ndcg_at_3": 41.299, + "ndcg_at_5": 43.247, + "precision_at_1": 35.336, + "precision_at_10": 8.627, + "precision_at_100": 1.428, + "precision_at_1000": 0.197, + "precision_at_3": 19.647000000000002, + "precision_at_5": 13.733999999999998, + "recall_at_1": 29.625, + "recall_at_10": 59.165, + "recall_at_100": 81.675, + "recall_at_1000": 94.17, + "recall_at_3": 44.485, + "recall_at_5": 50.198, + "main_score": 46.326 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.687, + "map_at_10": 36.062, + "map_at_100": 37.263000000000005, + "map_at_1000": 37.397999999999996, + "map_at_3": 32.967, + "map_at_5": 34.75, + "mrr_at_1": 33.885, + "mrr_at_10": 42.632999999999996, + "mrr_at_100": 43.305, + "mrr_at_1000": 43.354, + "mrr_at_3": 39.958, + "mrr_at_5": 41.63, + "ndcg_at_1": 33.885, + "ndcg_at_10": 42.001, + "ndcg_at_100": 46.436, + "ndcg_at_1000": 48.774, + "ndcg_at_3": 37.183, + "ndcg_at_5": 39.605000000000004, + "precision_at_1": 33.885, + "precision_at_10": 7.962, + "precision_at_100": 1.283, + "precision_at_1000": 0.18, + "precision_at_3": 17.855999999999998, + "precision_at_5": 13.083, + "recall_at_1": 26.687, + "recall_at_10": 52.75, + "recall_at_100": 71.324, + "recall_at_1000": 86.356, + "recall_at_3": 38.83, + "recall_at_5": 45.23, + "main_score": 42.001 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 34.02, + "map_at_10": 45.751999999999995, + "map_at_100": 46.867, + "map_at_1000": 46.93, + "map_at_3": 42.409, + "map_at_5": 44.464999999999996, + "mrr_at_1": 38.307, + "mrr_at_10": 48.718, + "mrr_at_100": 49.509, + "mrr_at_1000": 49.542, + "mrr_at_3": 46.007999999999996, + "mrr_at_5": 47.766999999999996, + "ndcg_at_1": 38.307, + "ndcg_at_10": 51.666999999999994, + "ndcg_at_100": 56.242000000000004, + "ndcg_at_1000": 57.477999999999994, + "ndcg_at_3": 45.912, + "ndcg_at_5": 49.106, + "precision_at_1": 38.307, + "precision_at_10": 8.476, + "precision_at_100": 1.176, + "precision_at_1000": 0.133, + "precision_at_3": 20.522000000000002, + "precision_at_5": 14.557999999999998, + "recall_at_1": 34.02, + "recall_at_10": 66.046, + "recall_at_100": 85.817, + "recall_at_1000": 94.453, + "recall_at_3": 51.059, + "recall_at_5": 58.667, + "main_score": 51.666999999999994 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.939, + "map_at_10": 32.627, + "map_at_100": 33.617999999999995, + "map_at_1000": 33.701, + "map_at_3": 30.11, + "map_at_5": 31.380000000000003, + "mrr_at_1": 25.989, + "mrr_at_10": 34.655, + "mrr_at_100": 35.502, + "mrr_at_1000": 35.563, + "mrr_at_3": 32.109, + "mrr_at_5": 33.426, + "ndcg_at_1": 25.989, + "ndcg_at_10": 37.657000000000004, + "ndcg_at_100": 42.467, + "ndcg_at_1000": 44.677, + "ndcg_at_3": 32.543, + "ndcg_at_5": 34.74, + "precision_at_1": 25.989, + "precision_at_10": 5.876, + "precision_at_100": 0.8710000000000001, + "precision_at_1000": 0.11, + "precision_at_3": 13.861, + "precision_at_5": 9.626999999999999, + "recall_at_1": 23.939, + "recall_at_10": 51.28, + "recall_at_100": 73.428, + "recall_at_1000": 90.309, + "recall_at_3": 37.245, + "recall_at_5": 42.541000000000004, + "main_score": 37.657000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.082, + "map_at_10": 22.486, + "map_at_100": 23.687, + "map_at_1000": 23.807000000000002, + "map_at_3": 20.076, + "map_at_5": 21.362000000000002, + "mrr_at_1": 18.532, + "mrr_at_10": 26.605, + "mrr_at_100": 27.628999999999998, + "mrr_at_1000": 27.698, + "mrr_at_3": 23.964, + "mrr_at_5": 25.319000000000003, + "ndcg_at_1": 18.532, + "ndcg_at_10": 27.474999999999998, + "ndcg_at_100": 33.357, + "ndcg_at_1000": 36.361, + "ndcg_at_3": 22.851, + "ndcg_at_5": 24.87, + "precision_at_1": 18.532, + "precision_at_10": 5.210999999999999, + "precision_at_100": 0.9329999999999999, + "precision_at_1000": 0.134, + "precision_at_3": 11.235000000000001, + "precision_at_5": 8.134, + "recall_at_1": 15.082, + "recall_at_10": 38.759, + "recall_at_100": 64.621, + "recall_at_1000": 86.162, + "recall_at_3": 26.055, + "recall_at_5": 31.208999999999996, + "main_score": 27.474999999999998 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.759999999999998, + "map_at_10": 33.706, + "map_at_100": 35.0, + "map_at_1000": 35.134, + "map_at_3": 30.789, + "map_at_5": 32.427, + "mrr_at_1": 29.548000000000002, + "mrr_at_10": 38.521, + "mrr_at_100": 39.432, + "mrr_at_1000": 39.494, + "mrr_at_3": 35.691, + "mrr_at_5": 37.424, + "ndcg_at_1": 29.548000000000002, + "ndcg_at_10": 39.301, + "ndcg_at_100": 44.907000000000004, + "ndcg_at_1000": 47.494, + "ndcg_at_3": 34.08, + "ndcg_at_5": 36.649, + "precision_at_1": 29.548000000000002, + "precision_at_10": 7.084, + "precision_at_100": 1.169, + "precision_at_1000": 0.158, + "precision_at_3": 15.881, + "precision_at_5": 11.53, + "recall_at_1": 24.759999999999998, + "recall_at_10": 51.202000000000005, + "recall_at_100": 74.542, + "recall_at_1000": 91.669, + "recall_at_3": 36.892, + "recall_at_5": 43.333, + "main_score": 39.301 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.247999999999998, + "map_at_10": 31.878, + "map_at_100": 33.135, + "map_at_1000": 33.263999999999996, + "map_at_3": 29.406, + "map_at_5": 30.602, + "mrr_at_1": 28.767, + "mrr_at_10": 36.929, + "mrr_at_100": 37.844, + "mrr_at_1000": 37.913000000000004, + "mrr_at_3": 34.589, + "mrr_at_5": 35.908, + "ndcg_at_1": 28.767, + "ndcg_at_10": 37.172, + "ndcg_at_100": 42.842, + "ndcg_at_1000": 45.534, + "ndcg_at_3": 32.981, + "ndcg_at_5": 34.628, + "precision_at_1": 28.767, + "precision_at_10": 6.678000000000001, + "precision_at_100": 1.1199999999999999, + "precision_at_1000": 0.155, + "precision_at_3": 15.715000000000002, + "precision_at_5": 10.913, + "recall_at_1": 23.247999999999998, + "recall_at_10": 48.16, + "recall_at_100": 72.753, + "recall_at_1000": 90.8, + "recall_at_3": 35.961999999999996, + "recall_at_5": 40.504, + "main_score": 37.172 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.825583333333334, + "map_at_10": 32.2845, + "map_at_100": 33.48566666666667, + "map_at_1000": 33.60833333333333, + "map_at_3": 29.604916666666664, + "map_at_5": 31.015333333333334, + "mrr_at_1": 27.850916666666663, + "mrr_at_10": 36.122416666666666, + "mrr_at_100": 37.01275, + "mrr_at_1000": 37.07566666666667, + "mrr_at_3": 33.665749999999996, + "mrr_at_5": 35.00916666666667, + "ndcg_at_1": 27.850916666666663, + "ndcg_at_10": 37.47625, + "ndcg_at_100": 42.74433333333334, + "ndcg_at_1000": 45.21991666666667, + "ndcg_at_3": 32.70916666666667, + "ndcg_at_5": 34.80658333333333, + "precision_at_1": 27.850916666666663, + "precision_at_10": 6.5761666666666665, + "precision_at_100": 1.0879999999999999, + "precision_at_1000": 0.15058333333333332, + "precision_at_3": 14.933833333333336, + "precision_at_5": 10.607249999999999, + "recall_at_1": 23.825583333333334, + "recall_at_10": 49.100500000000004, + "recall_at_100": 72.21133333333334, + "recall_at_1000": 89.34791666666666, + "recall_at_3": 35.90525, + "recall_at_5": 41.24583333333334, + "main_score": 37.47625 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.343, + "map_at_10": 27.313, + "map_at_100": 28.316999999999997, + "map_at_1000": 28.406, + "map_at_3": 25.06, + "map_at_5": 26.409, + "mrr_at_1": 23.313, + "mrr_at_10": 29.467, + "mrr_at_100": 30.348999999999997, + "mrr_at_1000": 30.42, + "mrr_at_3": 27.173000000000002, + "mrr_at_5": 28.461, + "ndcg_at_1": 23.313, + "ndcg_at_10": 31.183, + "ndcg_at_100": 36.252, + "ndcg_at_1000": 38.582, + "ndcg_at_3": 26.838, + "ndcg_at_5": 29.042, + "precision_at_1": 23.313, + "precision_at_10": 4.9079999999999995, + "precision_at_100": 0.808, + "precision_at_1000": 0.109, + "precision_at_3": 11.299, + "precision_at_5": 8.097999999999999, + "recall_at_1": 21.343, + "recall_at_10": 41.047, + "recall_at_100": 64.372, + "recall_at_1000": 81.499, + "recall_at_3": 29.337000000000003, + "recall_at_5": 34.756, + "main_score": 31.183 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.595, + "map_at_10": 23.433, + "map_at_100": 24.578, + "map_at_1000": 24.709999999999997, + "map_at_3": 21.268, + "map_at_5": 22.393, + "mrr_at_1": 20.131, + "mrr_at_10": 27.026, + "mrr_at_100": 28.003, + "mrr_at_1000": 28.083999999999996, + "mrr_at_3": 24.966, + "mrr_at_5": 26.064999999999998, + "ndcg_at_1": 20.131, + "ndcg_at_10": 27.846, + "ndcg_at_100": 33.318999999999996, + "ndcg_at_1000": 36.403, + "ndcg_at_3": 23.883, + "ndcg_at_5": 25.595000000000002, + "precision_at_1": 20.131, + "precision_at_10": 5.034000000000001, + "precision_at_100": 0.9079999999999999, + "precision_at_1000": 0.13699999999999998, + "precision_at_3": 11.23, + "precision_at_5": 8.032, + "recall_at_1": 16.595, + "recall_at_10": 37.576, + "recall_at_100": 62.044, + "recall_at_1000": 83.97, + "recall_at_3": 26.631, + "recall_at_5": 31.002000000000002, + "main_score": 27.846 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.85, + "map_at_10": 32.762, + "map_at_100": 33.896, + "map_at_1000": 34.006, + "map_at_3": 29.965000000000003, + "map_at_5": 31.485999999999997, + "mrr_at_1": 28.731, + "mrr_at_10": 36.504999999999995, + "mrr_at_100": 37.364999999999995, + "mrr_at_1000": 37.431, + "mrr_at_3": 34.033, + "mrr_at_5": 35.4, + "ndcg_at_1": 28.731, + "ndcg_at_10": 37.788, + "ndcg_at_100": 43.1, + "ndcg_at_1000": 45.623999999999995, + "ndcg_at_3": 32.717, + "ndcg_at_5": 35.024, + "precision_at_1": 28.731, + "precision_at_10": 6.371, + "precision_at_100": 1.02, + "precision_at_1000": 0.135, + "precision_at_3": 14.521, + "precision_at_5": 10.41, + "recall_at_1": 24.85, + "recall_at_10": 49.335, + "recall_at_100": 72.792, + "recall_at_1000": 90.525, + "recall_at_3": 35.698, + "recall_at_5": 41.385, + "main_score": 37.788 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.016000000000002, + "map_at_10": 32.126, + "map_at_100": 33.786, + "map_at_1000": 34.012, + "map_at_3": 29.256, + "map_at_5": 30.552, + "mrr_at_1": 27.272999999999996, + "mrr_at_10": 35.967, + "mrr_at_100": 37.082, + "mrr_at_1000": 37.146, + "mrr_at_3": 33.531, + "mrr_at_5": 34.697, + "ndcg_at_1": 27.272999999999996, + "ndcg_at_10": 37.945, + "ndcg_at_100": 43.928, + "ndcg_at_1000": 46.772999999999996, + "ndcg_at_3": 33.111000000000004, + "ndcg_at_5": 34.794000000000004, + "precision_at_1": 27.272999999999996, + "precision_at_10": 7.53, + "precision_at_100": 1.512, + "precision_at_1000": 0.241, + "precision_at_3": 15.547, + "precision_at_5": 11.146, + "recall_at_1": 23.016000000000002, + "recall_at_10": 49.576, + "recall_at_100": 75.74600000000001, + "recall_at_1000": 94.069, + "recall_at_3": 35.964, + "recall_at_5": 40.455999999999996, + "main_score": 37.945 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.742, + "map_at_10": 29.232000000000003, + "map_at_100": 30.160999999999998, + "map_at_1000": 30.278, + "map_at_3": 27.134999999999998, + "map_at_5": 27.932000000000002, + "mrr_at_1": 24.399, + "mrr_at_10": 31.048, + "mrr_at_100": 31.912000000000003, + "mrr_at_1000": 31.999, + "mrr_at_3": 29.144, + "mrr_at_5": 29.809, + "ndcg_at_1": 24.399, + "ndcg_at_10": 33.354, + "ndcg_at_100": 38.287, + "ndcg_at_1000": 41.105000000000004, + "ndcg_at_3": 29.112, + "ndcg_at_5": 30.379, + "precision_at_1": 24.399, + "precision_at_10": 5.157, + "precision_at_100": 0.828, + "precision_at_1000": 0.11800000000000001, + "precision_at_3": 11.892, + "precision_at_5": 8.022, + "recall_at_1": 22.742, + "recall_at_10": 44.31, + "recall_at_100": 67.422, + "recall_at_1000": 88.193, + "recall_at_3": 32.705, + "recall_at_5": 35.669000000000004, + "main_score": 33.354 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/ClimateFEVER.json b/results/jinaai__jina-embedding-b-en-v1/external/ClimateFEVER.json new file mode 100644 index 000000000..3441190c3 --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.067, + "map_at_10": 14.821000000000002, + "map_at_100": 16.195, + "map_at_1000": 16.359, + "map_at_3": 12.666, + "map_at_5": 13.675999999999998, + "mrr_at_1": 20.326, + "mrr_at_10": 29.798000000000002, + "mrr_at_100": 30.875000000000004, + "mrr_at_1000": 30.928, + "mrr_at_3": 26.678, + "mrr_at_5": 28.433000000000003, + "ndcg_at_1": 20.326, + "ndcg_at_10": 21.477, + "ndcg_at_100": 27.637, + "ndcg_at_1000": 30.953000000000003, + "ndcg_at_3": 17.456, + "ndcg_at_5": 18.789, + "precision_at_1": 20.326, + "precision_at_10": 6.482, + "precision_at_100": 1.302, + "precision_at_1000": 0.191, + "precision_at_3": 12.53, + "precision_at_5": 9.603, + "recall_at_1": 9.067, + "recall_at_10": 26.246000000000002, + "recall_at_100": 47.837, + "recall_at_1000": 66.637, + "recall_at_3": 16.468, + "recall_at_5": 20.088, + "main_score": 21.477 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/DBPedia.json b/results/jinaai__jina-embedding-b-en-v1/external/DBPedia.json new file mode 100644 index 000000000..da42e5e24 --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 7.563000000000001, + "map_at_10": 15.22, + "map_at_100": 20.048, + "map_at_1000": 21.17, + "map_at_3": 11.627, + "map_at_5": 13.239, + "mrr_at_1": 56.25, + "mrr_at_10": 64.846, + "mrr_at_100": 65.405, + "mrr_at_1000": 65.41799999999999, + "mrr_at_3": 63.125, + "mrr_at_5": 64.1, + "ndcg_at_1": 45.0, + "ndcg_at_10": 32.437, + "ndcg_at_100": 35.483, + "ndcg_at_1000": 42.186, + "ndcg_at_3": 37.297000000000004, + "ndcg_at_5": 34.697, + "precision_at_1": 56.25, + "precision_at_10": 25.15, + "precision_at_100": 7.539999999999999, + "precision_at_1000": 1.678, + "precision_at_3": 40.666999999999994, + "precision_at_5": 33.45, + "recall_at_1": 7.563000000000001, + "recall_at_10": 19.969, + "recall_at_100": 40.113, + "recall_at_1000": 61.72299999999999, + "recall_at_3": 12.950999999999999, + "recall_at_5": 15.690999999999999, + "main_score": 32.437 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/EmotionClassification.json b/results/jinaai__jina-embedding-b-en-v1/external/EmotionClassification.json new file mode 100644 index 000000000..bc3be9fb6 --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 44.675000000000004, + "f1": 40.779372586075105, + "main_score": 44.675000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/FEVER.json b/results/jinaai__jina-embedding-b-en-v1/external/FEVER.json new file mode 100644 index 000000000..f85076328 --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 57.406, + "map_at_10": 67.69500000000001, + "map_at_100": 68.08, + "map_at_1000": 68.095, + "map_at_3": 65.688, + "map_at_5": 66.93, + "mrr_at_1": 61.941, + "mrr_at_10": 72.513, + "mrr_at_100": 72.83699999999999, + "mrr_at_1000": 72.844, + "mrr_at_3": 70.60499999999999, + "mrr_at_5": 71.807, + "ndcg_at_1": 61.941, + "ndcg_at_10": 73.29, + "ndcg_at_100": 74.96300000000001, + "ndcg_at_1000": 75.28200000000001, + "ndcg_at_3": 69.491, + "ndcg_at_5": 71.573, + "precision_at_1": 61.941, + "precision_at_10": 9.388, + "precision_at_100": 1.0290000000000001, + "precision_at_1000": 0.107, + "precision_at_3": 27.423, + "precision_at_5": 17.627000000000002, + "recall_at_1": 57.406, + "recall_at_10": 85.975, + "recall_at_100": 93.29899999999999, + "recall_at_1000": 95.531, + "recall_at_3": 75.624, + "recall_at_5": 80.78999999999999, + "main_score": 73.29 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/FiQA2018.json b/results/jinaai__jina-embedding-b-en-v1/external/FiQA2018.json new file mode 100644 index 000000000..54d69ff96 --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.314999999999998, + "map_at_10": 26.678, + "map_at_100": 28.322000000000003, + "map_at_1000": 28.519, + "map_at_3": 23.105, + "map_at_5": 24.808, + "mrr_at_1": 33.333, + "mrr_at_10": 41.453, + "mrr_at_100": 42.339, + "mrr_at_1000": 42.39, + "mrr_at_3": 38.863, + "mrr_at_5": 40.159, + "ndcg_at_1": 33.333, + "ndcg_at_10": 34.062, + "ndcg_at_100": 40.595, + "ndcg_at_1000": 44.124, + "ndcg_at_3": 30.689, + "ndcg_at_5": 31.255, + "precision_at_1": 33.333, + "precision_at_10": 9.722, + "precision_at_100": 1.6480000000000001, + "precision_at_1000": 0.22699999999999998, + "precision_at_3": 20.936, + "precision_at_5": 15.154, + "recall_at_1": 16.314999999999998, + "recall_at_10": 41.221000000000004, + "recall_at_100": 65.857, + "recall_at_1000": 87.327, + "recall_at_3": 27.435, + "recall_at_5": 32.242, + "main_score": 34.062 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/HotpotQA.json b/results/jinaai__jina-embedding-b-en-v1/external/HotpotQA.json new file mode 100644 index 000000000..f62279fed --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.978, + "map_at_10": 43.784, + "map_at_100": 44.547, + "map_at_1000": 44.614, + "map_at_3": 41.317, + "map_at_5": 42.812, + "mrr_at_1": 63.956999999999994, + "mrr_at_10": 70.502, + "mrr_at_100": 70.845, + "mrr_at_1000": 70.865, + "mrr_at_3": 69.192, + "mrr_at_5": 69.994, + "ndcg_at_1": 63.956999999999994, + "ndcg_at_10": 52.782, + "ndcg_at_100": 55.78999999999999, + "ndcg_at_1000": 57.289, + "ndcg_at_3": 48.864000000000004, + "ndcg_at_5": 50.964, + "precision_at_1": 63.956999999999994, + "precision_at_10": 10.809000000000001, + "precision_at_100": 1.319, + "precision_at_1000": 0.152, + "precision_at_3": 30.2, + "precision_at_5": 19.787, + "recall_at_1": 31.978, + "recall_at_10": 54.045, + "recall_at_100": 65.928, + "recall_at_1000": 75.976, + "recall_at_3": 45.300000000000004, + "recall_at_5": 49.467, + "main_score": 52.782 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/ImdbClassification.json b/results/jinaai__jina-embedding-b-en-v1/external/ImdbClassification.json new file mode 100644 index 000000000..177278577 --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 63.8708, + "ap": 59.02002684158838, + "f1": 63.650055896985315, + "main_score": 63.8708 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/MSMARCO.json b/results/jinaai__jina-embedding-b-en-v1/external/MSMARCO.json new file mode 100644 index 000000000..ac48d4b27 --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.834, + "map_at_10": 31.317, + "map_at_100": 32.576, + "map_at_1000": 32.631, + "map_at_3": 27.728, + "map_at_5": 29.720000000000002, + "mrr_at_1": 20.43, + "mrr_at_10": 31.868999999999996, + "mrr_at_100": 33.074999999999996, + "mrr_at_1000": 33.123999999999995, + "mrr_at_3": 28.333000000000002, + "mrr_at_5": 30.305, + "ndcg_at_1": 20.43, + "ndcg_at_10": 37.769000000000005, + "ndcg_at_100": 43.924, + "ndcg_at_1000": 45.323, + "ndcg_at_3": 30.422, + "ndcg_at_5": 33.98, + "precision_at_1": 20.43, + "precision_at_10": 6.027, + "precision_at_100": 0.9119999999999999, + "precision_at_1000": 0.10300000000000001, + "precision_at_3": 12.985, + "precision_at_5": 9.593, + "recall_at_1": 19.834, + "recall_at_10": 57.647000000000006, + "recall_at_100": 86.276, + "recall_at_1000": 97.065, + "recall_at_3": 37.616, + "recall_at_5": 46.171, + "main_score": 37.769000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/MTOPDomainClassification.json b/results/jinaai__jina-embedding-b-en-v1/external/MTOPDomainClassification.json new file mode 100644 index 000000000..6ae884d45 --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.52530779753762, + "f1": 91.4004687820246, + "main_score": 91.52530779753762 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/MTOPIntentClassification.json b/results/jinaai__jina-embedding-b-en-v1/external/MTOPIntentClassification.json new file mode 100644 index 000000000..b14a7519b --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.82717738258093, + "f1": 56.791387113030346, + "main_score": 72.82717738258093 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/MassiveIntentClassification.json b/results/jinaai__jina-embedding-b-en-v1/external/MassiveIntentClassification.json new file mode 100644 index 000000000..ea2e3b616 --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.09280430396772, + "f1": 68.92843467363518, + "main_score": 71.09280430396772 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/MassiveScenarioClassification.json b/results/jinaai__jina-embedding-b-en-v1/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..1b086bb2a --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.2542030934768, + "f1": 76.22211319699834, + "main_score": 76.2542030934768 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/MedrxivClusteringP2P.json b/results/jinaai__jina-embedding-b-en-v1/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..96d249135 --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 29.604407852989457, + "main_score": 29.604407852989457 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/MedrxivClusteringS2S.json b/results/jinaai__jina-embedding-b-en-v1/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..aa4513468 --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 25.011863718751183, + "main_score": 25.011863718751183 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/MindSmallReranking.json b/results/jinaai__jina-embedding-b-en-v1/external/MindSmallReranking.json new file mode 100644 index 000000000..7c065ca07 --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.55552172383111, + "mrr": 32.65475731770242, + "main_score": 31.55552172383111 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/NFCorpus.json b/results/jinaai__jina-embedding-b-en-v1/external/NFCorpus.json new file mode 100644 index 000000000..035ec6d29 --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.968, + "map_at_10": 10.703999999999999, + "map_at_100": 13.316, + "map_at_1000": 14.674000000000001, + "map_at_3": 7.809000000000001, + "map_at_5": 9.268, + "mrr_at_1": 41.796, + "mrr_at_10": 50.558, + "mrr_at_100": 51.125, + "mrr_at_1000": 51.184, + "mrr_at_3": 48.349, + "mrr_at_5": 49.572, + "ndcg_at_1": 39.783, + "ndcg_at_10": 30.375999999999998, + "ndcg_at_100": 27.648, + "ndcg_at_1000": 36.711, + "ndcg_at_3": 35.053, + "ndcg_at_5": 33.278999999999996, + "precision_at_1": 41.796, + "precision_at_10": 22.663, + "precision_at_100": 7.210999999999999, + "precision_at_1000": 1.984, + "precision_at_3": 33.127, + "precision_at_5": 29.102, + "recall_at_1": 4.968, + "recall_at_10": 14.469999999999999, + "recall_at_100": 28.188000000000002, + "recall_at_1000": 60.769, + "recall_at_3": 8.737, + "recall_at_5": 11.539000000000001, + "main_score": 30.375999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/NQ.json b/results/jinaai__jina-embedding-b-en-v1/external/NQ.json new file mode 100644 index 000000000..484923384 --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.958, + "map_at_10": 40.6, + "map_at_100": 41.754000000000005, + "map_at_1000": 41.792, + "map_at_3": 36.521, + "map_at_5": 38.866, + "mrr_at_1": 30.330000000000002, + "mrr_at_10": 43.013, + "mrr_at_100": 43.89, + "mrr_at_1000": 43.917, + "mrr_at_3": 39.489000000000004, + "mrr_at_5": 41.504999999999995, + "ndcg_at_1": 30.330000000000002, + "ndcg_at_10": 47.878, + "ndcg_at_100": 52.761, + "ndcg_at_1000": 53.69500000000001, + "ndcg_at_3": 40.061, + "ndcg_at_5": 43.980000000000004, + "precision_at_1": 30.330000000000002, + "precision_at_10": 8.048, + "precision_at_100": 1.076, + "precision_at_1000": 0.117, + "precision_at_3": 18.299000000000003, + "precision_at_5": 13.25, + "recall_at_1": 26.958, + "recall_at_10": 67.72399999999999, + "recall_at_100": 89.02600000000001, + "recall_at_1000": 96.029, + "recall_at_3": 47.332, + "recall_at_5": 56.36600000000001, + "main_score": 47.878 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/QuoraRetrieval.json b/results/jinaai__jina-embedding-b-en-v1/external/QuoraRetrieval.json new file mode 100644 index 000000000..e6f4f9ba7 --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 69.926, + "map_at_10": 83.797, + "map_at_100": 84.42699999999999, + "map_at_1000": 84.446, + "map_at_3": 80.78, + "map_at_5": 82.669, + "mrr_at_1": 80.44, + "mrr_at_10": 86.79, + "mrr_at_100": 86.90299999999999, + "mrr_at_1000": 86.904, + "mrr_at_3": 85.753, + "mrr_at_5": 86.478, + "ndcg_at_1": 80.44, + "ndcg_at_10": 87.634, + "ndcg_at_100": 88.9, + "ndcg_at_1000": 89.03, + "ndcg_at_3": 84.622, + "ndcg_at_5": 86.29, + "precision_at_1": 80.44, + "precision_at_10": 13.305, + "precision_at_100": 1.524, + "precision_at_1000": 0.157, + "precision_at_3": 36.957, + "precision_at_5": 24.328, + "recall_at_1": 69.926, + "recall_at_10": 94.99300000000001, + "recall_at_100": 99.345, + "recall_at_1000": 99.97, + "recall_at_3": 86.465, + "recall_at_5": 91.121, + "main_score": 87.634 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/RedditClustering.json b/results/jinaai__jina-embedding-b-en-v1/external/RedditClustering.json new file mode 100644 index 000000000..13dfd4d2b --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 42.850644235471144, + "main_score": 42.850644235471144 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/RedditClusteringP2P.json b/results/jinaai__jina-embedding-b-en-v1/external/RedditClusteringP2P.json new file mode 100644 index 000000000..978f6b4aa --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 52.547875398320734, + "main_score": 52.547875398320734 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/SCIDOCS.json b/results/jinaai__jina-embedding-b-en-v1/external/SCIDOCS.json new file mode 100644 index 000000000..48937d230 --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.328, + "map_at_10": 10.479, + "map_at_100": 12.25, + "map_at_1000": 12.522, + "map_at_3": 7.548000000000001, + "map_at_5": 9.039, + "mrr_at_1": 21.3, + "mrr_at_10": 30.678, + "mrr_at_100": 31.77, + "mrr_at_1000": 31.831, + "mrr_at_3": 27.500000000000004, + "mrr_at_5": 29.375, + "ndcg_at_1": 21.3, + "ndcg_at_10": 17.626, + "ndcg_at_100": 25.03, + "ndcg_at_1000": 30.055, + "ndcg_at_3": 16.744999999999997, + "ndcg_at_5": 14.729999999999999, + "precision_at_1": 21.3, + "precision_at_10": 9.09, + "precision_at_100": 1.989, + "precision_at_1000": 0.32, + "precision_at_3": 15.467, + "precision_at_5": 12.879999999999999, + "recall_at_1": 4.328, + "recall_at_10": 18.412, + "recall_at_100": 40.363, + "recall_at_1000": 64.997, + "recall_at_3": 9.408, + "recall_at_5": 13.048000000000002, + "main_score": 17.626 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/SICK-R.json b/results/jinaai__jina-embedding-b-en-v1/external/SICK-R.json new file mode 100644 index 000000000..d53472143 --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.1338589503896, + "cos_sim_spearman": 79.1378154534123, + "euclidean_pearson": 73.17857462509251, + "euclidean_spearman": 70.79268955610539, + "manhattan_pearson": 72.8280251705823, + "manhattan_spearman": 70.60323787229834, + "cosine_pearson": 84.1338589503896, + "cosine_spearman": 79.1378154534123, + "main_score": 79.1378154534123 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/STS12.json b/results/jinaai__jina-embedding-b-en-v1/external/STS12.json new file mode 100644 index 000000000..609789b09 --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.21604641858598, + "cos_sim_spearman": 75.06080146054282, + "euclidean_pearson": 69.44429285856924, + "euclidean_spearman": 58.240130690046456, + "manhattan_pearson": 69.07597314234852, + "manhattan_spearman": 58.08224335836159, + "cosine_pearson": 84.21604641858598, + "cosine_spearman": 75.06080146054282, + "main_score": 75.06080146054282 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/STS13.json b/results/jinaai__jina-embedding-b-en-v1/external/STS13.json new file mode 100644 index 000000000..49bfd3fef --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 80.2252849321165, + "cos_sim_spearman": 80.85907200101076, + "euclidean_pearson": 70.85619832878055, + "euclidean_spearman": 71.59417341887324, + "manhattan_pearson": 70.55842192345895, + "manhattan_spearman": 71.30332994715893, + "cosine_pearson": 80.2252849321165, + "cosine_spearman": 80.85907200101076, + "main_score": 80.85907200101076 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/STS14.json b/results/jinaai__jina-embedding-b-en-v1/external/STS14.json new file mode 100644 index 000000000..346d5c25d --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 80.50469360654135, + "cos_sim_spearman": 76.12917164308409, + "euclidean_pearson": 70.4070213910491, + "euclidean_spearman": 66.97320451942113, + "manhattan_pearson": 70.24834290119863, + "manhattan_spearman": 66.9047074173091, + "cosine_pearson": 80.50469360654135, + "cosine_spearman": 76.12917164308409, + "main_score": 76.12917164308409 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/STS15.json b/results/jinaai__jina-embedding-b-en-v1/external/STS15.json new file mode 100644 index 000000000..8abd8a31e --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.70140350059746, + "cos_sim_spearman": 85.55427877110485, + "euclidean_pearson": 63.4780453371435, + "euclidean_spearman": 64.65485395077273, + "manhattan_pearson": 63.64869846572011, + "manhattan_spearman": 64.87219311596813, + "cosine_pearson": 84.70140350059746, + "cosine_spearman": 85.55427877110485, + "main_score": 85.55427877110485 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/STS16.json b/results/jinaai__jina-embedding-b-en-v1/external/STS16.json new file mode 100644 index 000000000..70f33e41b --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 79.4416477676503, + "cos_sim_spearman": 81.2094925260351, + "euclidean_pearson": 68.372257553367, + "euclidean_spearman": 69.47792807911692, + "manhattan_pearson": 68.17773583183664, + "manhattan_spearman": 69.31505452732998, + "cosine_pearson": 79.4416477676503, + "cosine_spearman": 81.2094925260351, + "main_score": 81.2094925260351 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/STS17.json b/results/jinaai__jina-embedding-b-en-v1/external/STS17.json new file mode 100644 index 000000000..e69d21cba --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.94688403351994, + "cos_sim_spearman": 88.97626967707933, + "euclidean_pearson": 74.09942728422159, + "euclidean_spearman": 72.91022362666948, + "manhattan_pearson": 74.11262432880199, + "manhattan_spearman": 72.82115894578564, + "cosine_pearson": 88.94688403351994, + "cosine_spearman": 88.97626967707933, + "main_score": 88.97626967707933 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/STS22.json b/results/jinaai__jina-embedding-b-en-v1/external/STS22.json new file mode 100644 index 000000000..69493bc2d --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 67.42605802805606, + "cos_sim_spearman": 66.22330559222408, + "euclidean_pearson": 50.15272876367891, + "euclidean_spearman": 60.695400782452715, + "manhattan_pearson": 50.17076569264417, + "manhattan_spearman": 60.3761281869747, + "cosine_pearson": 67.42605802805606, + "cosine_spearman": 66.22330559222408, + "main_score": 66.22330559222408 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/STSBenchmark.json b/results/jinaai__jina-embedding-b-en-v1/external/STSBenchmark.json new file mode 100644 index 000000000..0a062233b --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.85939227596093, + "cos_sim_spearman": 82.57071649593358, + "euclidean_pearson": 72.18291316100125, + "euclidean_spearman": 70.70702024402348, + "manhattan_pearson": 72.36789718833687, + "manhattan_spearman": 70.92789721402387, + "cosine_pearson": 82.85939227596093, + "cosine_spearman": 82.57071649593358, + "main_score": 82.57071649593358 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/SciDocsRR.json b/results/jinaai__jina-embedding-b-en-v1/external/SciDocsRR.json new file mode 100644 index 000000000..f1396c9c7 --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 79.31107201598611, + "mrr": 93.66321314850727, + "main_score": 79.31107201598611 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/SciFact.json b/results/jinaai__jina-embedding-b-en-v1/external/SciFact.json new file mode 100644 index 000000000..0ff6e13f6 --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 45.428000000000004, + "map_at_10": 54.730000000000004, + "map_at_100": 55.421, + "map_at_1000": 55.47299999999999, + "map_at_3": 52.333, + "map_at_5": 53.72, + "mrr_at_1": 48.333, + "mrr_at_10": 56.601, + "mrr_at_100": 57.106, + "mrr_at_1000": 57.154, + "mrr_at_3": 54.611, + "mrr_at_5": 55.87800000000001, + "ndcg_at_1": 48.333, + "ndcg_at_10": 59.394999999999996, + "ndcg_at_100": 62.549, + "ndcg_at_1000": 63.941, + "ndcg_at_3": 55.096000000000004, + "ndcg_at_5": 57.325, + "precision_at_1": 48.333, + "precision_at_10": 8.1, + "precision_at_100": 0.983, + "precision_at_1000": 0.11, + "precision_at_3": 21.889, + "precision_at_5": 14.533, + "recall_at_1": 45.428000000000004, + "recall_at_10": 71.806, + "recall_at_100": 86.533, + "recall_at_1000": 97.5, + "recall_at_3": 60.228, + "recall_at_5": 65.90599999999999, + "main_score": 59.394999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/SprintDuplicateQuestions.json b/results/jinaai__jina-embedding-b-en-v1/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..8376107c0 --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.8029702970297, + "cos_sim_ap": 95.48085242816634, + "cos_sim_f1": 89.86653484923382, + "cos_sim_precision": 88.85630498533725, + "cos_sim_recall": 90.9, + "dot_accuracy": 99.21881188118812, + "dot_ap": 55.14126603018576, + "dot_f1": 55.22458628841608, + "dot_precision": 52.37668161434977, + "dot_recall": 58.4, + "euclidean_accuracy": 99.64356435643565, + "euclidean_ap": 84.52487064474103, + "euclidean_f1": 80.53908355795149, + "euclidean_precision": 87.36842105263159, + "euclidean_recall": 74.7, + "manhattan_accuracy": 99.63861386138613, + "manhattan_ap": 84.1994288662172, + "manhattan_f1": 80.38482095136291, + "manhattan_precision": 86.33754305396096, + "manhattan_recall": 75.2, + "max_accuracy": 99.8029702970297, + "max_ap": 95.48085242816634, + "max_f1": 89.86653484923382, + "main_score": 95.48085242816634 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/StackExchangeClustering.json b/results/jinaai__jina-embedding-b-en-v1/external/StackExchangeClustering.json new file mode 100644 index 000000000..62e291abd --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.06508273111389, + "main_score": 48.06508273111389 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/StackExchangeClusteringP2P.json b/results/jinaai__jina-embedding-b-en-v1/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..e2787decc --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.36169910951664, + "main_score": 31.36169910951664 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/StackOverflowDupQuestions.json b/results/jinaai__jina-embedding-b-en-v1/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..10472e659 --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 50.110601218420356, + "mrr": 50.90277777777777, + "main_score": 50.110601218420356 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/SummEval.json b/results/jinaai__jina-embedding-b-en-v1/external/SummEval.json new file mode 100644 index 000000000..d4309fd00 --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 29.63669555287747, + "cos_sim_spearman": 30.708042454053853, + "dot_pearson": 20.309025749838924, + "dot_spearman": 21.511758746817165, + "cosine_pearson": 29.63669555287747, + "cosine_spearman": 30.708042454053853, + "main_score": 30.708042454053853 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/TRECCOVID.json b/results/jinaai__jina-embedding-b-en-v1/external/TRECCOVID.json new file mode 100644 index 000000000..1d32ed3b5 --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.201, + "map_at_10": 1.405, + "map_at_100": 7.359999999999999, + "map_at_1000": 17.858, + "map_at_3": 0.494, + "map_at_5": 0.757, + "mrr_at_1": 74.0, + "mrr_at_10": 84.89999999999999, + "mrr_at_100": 84.89999999999999, + "mrr_at_1000": 84.89999999999999, + "mrr_at_3": 84.0, + "mrr_at_5": 84.89999999999999, + "ndcg_at_1": 68.0, + "ndcg_at_10": 60.571, + "ndcg_at_100": 46.016, + "ndcg_at_1000": 41.277, + "ndcg_at_3": 63.989, + "ndcg_at_5": 61.41, + "precision_at_1": 74.0, + "precision_at_10": 65.2, + "precision_at_100": 47.04, + "precision_at_1000": 18.416, + "precision_at_3": 68.0, + "precision_at_5": 66.4, + "recall_at_1": 0.201, + "recall_at_10": 1.763, + "recall_at_100": 11.008999999999999, + "recall_at_1000": 38.509, + "recall_at_3": 0.551, + "recall_at_5": 0.881, + "main_score": 60.571 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/Touche2020.json b/results/jinaai__jina-embedding-b-en-v1/external/Touche2020.json new file mode 100644 index 000000000..dde492aea --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 1.4040000000000001, + "map_at_10": 7.847999999999999, + "map_at_100": 12.908, + "map_at_1000": 14.37, + "map_at_3": 3.6450000000000005, + "map_at_5": 4.93, + "mrr_at_1": 18.367, + "mrr_at_10": 32.576, + "mrr_at_100": 34.163, + "mrr_at_1000": 34.18, + "mrr_at_3": 28.571, + "mrr_at_5": 30.918, + "ndcg_at_1": 15.306000000000001, + "ndcg_at_10": 18.59, + "ndcg_at_100": 30.394, + "ndcg_at_1000": 42.198, + "ndcg_at_3": 18.099, + "ndcg_at_5": 16.955000000000002, + "precision_at_1": 16.326999999999998, + "precision_at_10": 17.959, + "precision_at_100": 6.755, + "precision_at_1000": 1.4529999999999998, + "precision_at_3": 20.408, + "precision_at_5": 18.367, + "recall_at_1": 1.4040000000000001, + "recall_at_10": 14.048, + "recall_at_100": 42.150999999999996, + "recall_at_1000": 77.85600000000001, + "recall_at_3": 4.819, + "recall_at_5": 7.13, + "main_score": 18.59 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/ToxicConversationsClassification.json b/results/jinaai__jina-embedding-b-en-v1/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..b87eb8438 --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 66.1456, + "ap": 11.631023858569064, + "f1": 50.128196455722254, + "main_score": 66.1456 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/TweetSentimentExtractionClassification.json b/results/jinaai__jina-embedding-b-en-v1/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..1c8ff1312 --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 56.850594227504246, + "f1": 56.82313689360827, + "main_score": 56.850594227504246 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/TwentyNewsgroupsClustering.json b/results/jinaai__jina-embedding-b-en-v1/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..b9138a094 --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.060423744064764, + "main_score": 38.060423744064764 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/TwitterSemEval2015.json b/results/jinaai__jina-embedding-b-en-v1/external/TwitterSemEval2015.json new file mode 100644 index 000000000..7818720f6 --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 84.43702688204088, + "cos_sim_ap": 68.30176948820142, + "cos_sim_f1": 64.25430330443524, + "cos_sim_precision": 61.33365315423362, + "cos_sim_recall": 67.46701846965699, + "dot_accuracy": 77.76718126005842, + "dot_ap": 37.510516716176305, + "dot_f1": 43.53859496964441, + "dot_precision": 32.428940568475454, + "dot_recall": 66.2269129287599, + "euclidean_accuracy": 82.10049472492102, + "euclidean_ap": 61.64354520687271, + "euclidean_f1": 59.804144841721694, + "euclidean_precision": 52.604166666666664, + "euclidean_recall": 69.28759894459104, + "manhattan_accuracy": 82.22566609048101, + "manhattan_ap": 61.753431124879974, + "manhattan_f1": 59.77735297424941, + "manhattan_precision": 52.0870076425632, + "manhattan_recall": 70.13192612137203, + "max_accuracy": 84.43702688204088, + "max_ap": 68.30176948820142, + "max_f1": 64.25430330443524, + "main_score": 68.30176948820142 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/TwitterURLCorpus.json b/results/jinaai__jina-embedding-b-en-v1/external/TwitterURLCorpus.json new file mode 100644 index 000000000..4b686dfae --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.81515116233942, + "cos_sim_ap": 85.33305785100573, + "cos_sim_f1": 78.11202938475667, + "cos_sim_precision": 74.68567816253424, + "cos_sim_recall": 81.86787804126887, + "dot_accuracy": 82.50475414289595, + "dot_ap": 69.87015340174045, + "dot_f1": 65.94174480373633, + "dot_precision": 61.40362525728703, + "dot_recall": 71.20418848167539, + "euclidean_accuracy": 83.05778709201692, + "euclidean_ap": 70.54206653977498, + "euclidean_f1": 62.98969847356943, + "euclidean_precision": 61.55033063923585, + "euclidean_recall": 64.49799815214044, + "manhattan_accuracy": 83.0034540303489, + "manhattan_ap": 70.53997987198404, + "manhattan_f1": 62.95875898600075, + "manhattan_precision": 61.89555125725339, + "manhattan_recall": 64.05913150600554, + "max_accuracy": 88.81515116233942, + "max_ap": 85.33305785100573, + "max_f1": 78.11202938475667, + "main_score": 85.33305785100573 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-b-en-v1/external/model_meta.json b/results/jinaai__jina-embedding-b-en-v1/external/model_meta.json new file mode 100644 index 000000000..b4cb57e29 --- /dev/null +++ b/results/jinaai__jina-embedding-b-en-v1/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "jinaai/jina-embedding-b-en-v1", + "revision": "aa0645035294a8c0607ce5bb700aba982cdff32c", + "release_date": "2023-07-07", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 109640246, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 768, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/AmazonCounterfactualClassification.json b/results/jinaai__jina-embedding-l-en-v1/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..7dd77cb1c --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 68.92537313432835, + "ap": 29.723758877632513, + "f1": 61.909704211663794, + "main_score": 68.92537313432835 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/AmazonPolarityClassification.json b/results/jinaai__jina-embedding-l-en-v1/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..7ce6e09f1 --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.13669999999999, + "ap": 65.30216072238086, + "f1": 67.1890891071034, + "main_score": 69.13669999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/AmazonReviewsClassification.json b/results/jinaai__jina-embedding-l-en-v1/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..50a0ae019 --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 31.384, + "f1": 30.016752348953723, + "main_score": 31.384 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/ArguAna.json b/results/jinaai__jina-embedding-l-en-v1/external/ArguAna.json new file mode 100644 index 000000000..8239e5933 --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.613, + "map_at_10": 37.897, + "map_at_100": 39.093, + "map_at_1000": 39.109, + "map_at_3": 32.824, + "map_at_5": 35.679, + "mrr_at_1": 23.826, + "mrr_at_10": 37.997, + "mrr_at_100": 39.186, + "mrr_at_1000": 39.202, + "mrr_at_3": 32.918, + "mrr_at_5": 35.748999999999995, + "ndcg_at_1": 23.613, + "ndcg_at_10": 46.482, + "ndcg_at_100": 51.55499999999999, + "ndcg_at_1000": 51.974, + "ndcg_at_3": 35.964, + "ndcg_at_5": 41.144999999999996, + "precision_at_1": 23.613, + "precision_at_10": 7.417999999999999, + "precision_at_100": 0.963, + "precision_at_1000": 0.1, + "precision_at_3": 15.031, + "precision_at_5": 11.55, + "recall_at_1": 23.613, + "recall_at_10": 74.182, + "recall_at_100": 96.30199999999999, + "recall_at_1000": 99.57300000000001, + "recall_at_3": 45.092, + "recall_at_5": 57.752, + "main_score": 46.482 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/ArxivClusteringP2P.json b/results/jinaai__jina-embedding-l-en-v1/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..5823cafa8 --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.51285742156528, + "main_score": 40.51285742156528 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/ArxivClusteringS2S.json b/results/jinaai__jina-embedding-l-en-v1/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..1bf124a86 --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.5825964077496, + "main_score": 31.5825964077496 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/AskUbuntuDupQuestions.json b/results/jinaai__jina-embedding-l-en-v1/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..38f8f086a --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 62.830281630546835, + "mrr": 75.93072593765115, + "main_score": 62.830281630546835 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/BIOSSES.json b/results/jinaai__jina-embedding-l-en-v1/external/BIOSSES.json new file mode 100644 index 000000000..2c467a181 --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.26764516732737, + "cos_sim_spearman": 84.42541766631741, + "euclidean_pearson": 48.71357447655235, + "euclidean_spearman": 49.2023259276511, + "manhattan_pearson": 48.36366272727299, + "manhattan_spearman": 48.457128224924354, + "cosine_pearson": 87.26764516732737, + "cosine_spearman": 84.42541766631741, + "main_score": 84.42541766631741 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/Banking77Classification.json b/results/jinaai__jina-embedding-l-en-v1/external/Banking77Classification.json new file mode 100644 index 000000000..2b8f6313d --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 85.3409090909091, + "f1": 85.25262617676835, + "main_score": 85.3409090909091 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/BiorxivClusteringP2P.json b/results/jinaai__jina-embedding-l-en-v1/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..f44845450 --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.560193912974974, + "main_score": 33.560193912974974 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/BiorxivClusteringS2S.json b/results/jinaai__jina-embedding-l-en-v1/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..01216d7bc --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 28.4426572644577, + "main_score": 28.4426572644577 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/CQADupstackAndroidRetrieval.json b/results/jinaai__jina-embedding-l-en-v1/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..20b68935b --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.822999999999997, + "map_at_10": 39.088, + "map_at_100": 40.561, + "map_at_1000": 40.69, + "map_at_3": 35.701, + "map_at_5": 37.556, + "mrr_at_1": 33.906, + "mrr_at_10": 44.527, + "mrr_at_100": 45.403999999999996, + "mrr_at_1000": 45.452, + "mrr_at_3": 41.726, + "mrr_at_5": 43.314, + "ndcg_at_1": 33.906, + "ndcg_at_10": 45.591, + "ndcg_at_100": 51.041000000000004, + "ndcg_at_1000": 53.1, + "ndcg_at_3": 40.324, + "ndcg_at_5": 42.723, + "precision_at_1": 33.906, + "precision_at_10": 8.655, + "precision_at_100": 1.418, + "precision_at_1000": 0.19499999999999998, + "precision_at_3": 19.123, + "precision_at_5": 13.963000000000001, + "recall_at_1": 27.822999999999997, + "recall_at_10": 58.63699999999999, + "recall_at_100": 80.874, + "recall_at_1000": 93.82000000000001, + "recall_at_3": 44.116, + "recall_at_5": 50.178999999999995, + "main_score": 45.591 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.823999999999998, + "map_at_10": 37.006, + "map_at_100": 38.256, + "map_at_1000": 38.397999999999996, + "map_at_3": 34.011, + "map_at_5": 35.643, + "mrr_at_1": 34.268, + "mrr_at_10": 43.374, + "mrr_at_100": 44.096000000000004, + "mrr_at_1000": 44.144, + "mrr_at_3": 41.008, + "mrr_at_5": 42.359, + "ndcg_at_1": 34.268, + "ndcg_at_10": 43.02, + "ndcg_at_100": 47.747, + "ndcg_at_1000": 50.019999999999996, + "ndcg_at_3": 38.687, + "ndcg_at_5": 40.647, + "precision_at_1": 34.268, + "precision_at_10": 8.261000000000001, + "precision_at_100": 1.376, + "precision_at_1000": 0.189, + "precision_at_3": 19.108, + "precision_at_5": 13.489999999999998, + "recall_at_1": 26.823999999999998, + "recall_at_10": 53.84100000000001, + "recall_at_100": 73.992, + "recall_at_1000": 88.524, + "recall_at_3": 40.711000000000006, + "recall_at_5": 46.477000000000004, + "main_score": 43.02 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 34.307, + "map_at_10": 45.144, + "map_at_100": 46.351, + "map_at_1000": 46.414, + "map_at_3": 42.315000000000005, + "map_at_5": 43.991, + "mrr_at_1": 39.06, + "mrr_at_10": 48.612, + "mrr_at_100": 49.425000000000004, + "mrr_at_1000": 49.458999999999996, + "mrr_at_3": 46.144, + "mrr_at_5": 47.654999999999994, + "ndcg_at_1": 39.06, + "ndcg_at_10": 50.647, + "ndcg_at_100": 55.620000000000005, + "ndcg_at_1000": 56.976000000000006, + "ndcg_at_3": 45.705, + "ndcg_at_5": 48.269, + "precision_at_1": 39.06, + "precision_at_10": 8.082, + "precision_at_100": 1.161, + "precision_at_1000": 0.133, + "precision_at_3": 20.376, + "precision_at_5": 14.069, + "recall_at_1": 34.307, + "recall_at_10": 63.497, + "recall_at_100": 85.038, + "recall_at_1000": 94.782, + "recall_at_3": 50.209, + "recall_at_5": 56.525000000000006, + "main_score": 50.647 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.448, + "map_at_10": 34.86, + "map_at_100": 36.004999999999995, + "map_at_1000": 36.081, + "map_at_3": 32.527, + "map_at_5": 33.955, + "mrr_at_1": 28.701, + "mrr_at_10": 36.909, + "mrr_at_100": 37.89, + "mrr_at_1000": 37.945, + "mrr_at_3": 34.576, + "mrr_at_5": 35.966, + "ndcg_at_1": 28.701, + "ndcg_at_10": 39.507999999999996, + "ndcg_at_100": 45.056000000000004, + "ndcg_at_1000": 47.034, + "ndcg_at_3": 34.985, + "ndcg_at_5": 37.384, + "precision_at_1": 28.701, + "precision_at_10": 5.921, + "precision_at_100": 0.914, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 14.689, + "precision_at_5": 10.237, + "recall_at_1": 26.448, + "recall_at_10": 51.781, + "recall_at_100": 77.142, + "recall_at_1000": 92.10000000000001, + "recall_at_3": 39.698, + "recall_at_5": 45.469, + "main_score": 39.507999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 14.174000000000001, + "map_at_10": 22.019, + "map_at_100": 23.18, + "map_at_1000": 23.304, + "map_at_3": 19.332, + "map_at_5": 20.816000000000003, + "mrr_at_1": 17.785999999999998, + "mrr_at_10": 26.233, + "mrr_at_100": 27.254, + "mrr_at_1000": 27.328000000000003, + "mrr_at_3": 23.653, + "mrr_at_5": 25.095, + "ndcg_at_1": 17.785999999999998, + "ndcg_at_10": 27.236, + "ndcg_at_100": 32.932, + "ndcg_at_1000": 36.134, + "ndcg_at_3": 22.33, + "ndcg_at_5": 24.573999999999998, + "precision_at_1": 17.785999999999998, + "precision_at_10": 5.286, + "precision_at_100": 0.9369999999999999, + "precision_at_1000": 0.136, + "precision_at_3": 11.07, + "precision_at_5": 8.308, + "recall_at_1": 14.174000000000001, + "recall_at_10": 39.135, + "recall_at_100": 64.095, + "recall_at_1000": 87.485, + "recall_at_3": 25.496999999999996, + "recall_at_5": 31.148999999999997, + "main_score": 27.236 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.371000000000002, + "map_at_10": 33.074999999999996, + "map_at_100": 34.486, + "map_at_1000": 34.608, + "map_at_3": 30.483, + "map_at_5": 31.972, + "mrr_at_1": 29.548000000000002, + "mrr_at_10": 38.431, + "mrr_at_100": 39.347, + "mrr_at_1000": 39.4, + "mrr_at_3": 35.980000000000004, + "mrr_at_5": 37.413999999999994, + "ndcg_at_1": 29.548000000000002, + "ndcg_at_10": 38.552, + "ndcg_at_100": 44.598, + "ndcg_at_1000": 47.0, + "ndcg_at_3": 34.109, + "ndcg_at_5": 36.263, + "precision_at_1": 29.548000000000002, + "precision_at_10": 6.92, + "precision_at_100": 1.179, + "precision_at_1000": 0.159, + "precision_at_3": 16.137, + "precision_at_5": 11.511000000000001, + "recall_at_1": 24.371000000000002, + "recall_at_10": 49.586999999999996, + "recall_at_100": 75.15899999999999, + "recall_at_1000": 91.06, + "recall_at_3": 37.09, + "recall_at_5": 42.588, + "main_score": 38.552 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.517, + "map_at_10": 32.969, + "map_at_100": 34.199, + "map_at_1000": 34.322, + "map_at_3": 30.270999999999997, + "map_at_5": 31.863000000000003, + "mrr_at_1": 30.479, + "mrr_at_10": 38.633, + "mrr_at_100": 39.522, + "mrr_at_1000": 39.583, + "mrr_at_3": 36.454, + "mrr_at_5": 37.744, + "ndcg_at_1": 30.479, + "ndcg_at_10": 38.269, + "ndcg_at_100": 43.91, + "ndcg_at_1000": 46.564, + "ndcg_at_3": 34.03, + "ndcg_at_5": 36.155, + "precision_at_1": 30.479, + "precision_at_10": 6.815, + "precision_at_100": 1.138, + "precision_at_1000": 0.158, + "precision_at_3": 16.058, + "precision_at_5": 11.416, + "recall_at_1": 24.517, + "recall_at_10": 48.559000000000005, + "recall_at_100": 73.307, + "recall_at_1000": 91.508, + "recall_at_3": 36.563, + "recall_at_5": 42.375, + "main_score": 38.269 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.336166666666664, + "map_at_10": 32.80791666666667, + "map_at_100": 34.043416666666666, + "map_at_1000": 34.162749999999996, + "map_at_3": 30.187083333333337, + "map_at_5": 31.637833333333337, + "mrr_at_1": 28.669583333333343, + "mrr_at_10": 36.88616666666667, + "mrr_at_100": 37.80233333333333, + "mrr_at_1000": 37.86141666666666, + "mrr_at_3": 34.537416666666665, + "mrr_at_5": 35.84275, + "ndcg_at_1": 28.669583333333343, + "ndcg_at_10": 37.956916666666665, + "ndcg_at_100": 43.39475, + "ndcg_at_1000": 45.79925, + "ndcg_at_3": 33.43683333333334, + "ndcg_at_5": 35.52575, + "precision_at_1": 28.669583333333343, + "precision_at_10": 6.603833333333335, + "precision_at_100": 1.1079166666666667, + "precision_at_1000": 0.15208333333333335, + "precision_at_3": 15.338750000000001, + "precision_at_5": 10.88775, + "recall_at_1": 24.336166666666664, + "recall_at_10": 49.19358333333333, + "recall_at_100": 73.07583333333334, + "recall_at_1000": 89.81675, + "recall_at_3": 36.54091666666667, + "recall_at_5": 41.919250000000005, + "main_score": 37.956916666666665 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.388, + "map_at_10": 29.408, + "map_at_100": 30.452, + "map_at_1000": 30.546, + "map_at_3": 27.139000000000003, + "map_at_5": 28.402, + "mrr_at_1": 25.46, + "mrr_at_10": 31.966, + "mrr_at_100": 32.879999999999995, + "mrr_at_1000": 32.944, + "mrr_at_3": 29.755, + "mrr_at_5": 30.974, + "ndcg_at_1": 25.46, + "ndcg_at_10": 33.449, + "ndcg_at_100": 38.67, + "ndcg_at_1000": 41.035, + "ndcg_at_3": 29.048000000000002, + "ndcg_at_5": 31.127, + "precision_at_1": 25.46, + "precision_at_10": 5.199, + "precision_at_100": 0.8670000000000001, + "precision_at_1000": 0.11399999999999999, + "precision_at_3": 12.168, + "precision_at_5": 8.62, + "recall_at_1": 23.388, + "recall_at_10": 43.428, + "recall_at_100": 67.245, + "recall_at_1000": 84.75399999999999, + "recall_at_3": 31.416, + "recall_at_5": 36.451, + "main_score": 33.449 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.136000000000003, + "map_at_10": 24.102999999999998, + "map_at_100": 25.219, + "map_at_1000": 25.344, + "map_at_3": 22.004, + "map_at_5": 23.145, + "mrr_at_1": 20.613, + "mrr_at_10": 27.753, + "mrr_at_100": 28.698, + "mrr_at_1000": 28.776000000000003, + "mrr_at_3": 25.711000000000002, + "mrr_at_5": 26.795, + "ndcg_at_1": 20.613, + "ndcg_at_10": 28.510999999999996, + "ndcg_at_100": 33.924, + "ndcg_at_1000": 36.849, + "ndcg_at_3": 24.664, + "ndcg_at_5": 26.365, + "precision_at_1": 20.613, + "precision_at_10": 5.069, + "precision_at_100": 0.918, + "precision_at_1000": 0.136, + "precision_at_3": 11.574, + "precision_at_5": 8.211, + "recall_at_1": 17.136000000000003, + "recall_at_10": 38.232, + "recall_at_100": 62.571, + "recall_at_1000": 83.23, + "recall_at_3": 27.468999999999998, + "recall_at_5": 31.852999999999998, + "main_score": 28.510999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.580000000000002, + "map_at_10": 33.449, + "map_at_100": 34.58, + "map_at_1000": 34.692, + "map_at_3": 30.660999999999998, + "map_at_5": 32.425, + "mrr_at_1": 30.037000000000003, + "mrr_at_10": 37.443, + "mrr_at_100": 38.32, + "mrr_at_1000": 38.384, + "mrr_at_3": 34.778999999999996, + "mrr_at_5": 36.458, + "ndcg_at_1": 30.037000000000003, + "ndcg_at_10": 38.46, + "ndcg_at_100": 43.746, + "ndcg_at_1000": 46.28, + "ndcg_at_3": 33.52, + "ndcg_at_5": 36.175000000000004, + "precision_at_1": 30.037000000000003, + "precision_at_10": 6.418, + "precision_at_100": 1.0210000000000001, + "precision_at_1000": 0.136, + "precision_at_3": 15.018999999999998, + "precision_at_5": 10.877, + "recall_at_1": 25.580000000000002, + "recall_at_10": 49.830000000000005, + "recall_at_100": 73.04899999999999, + "recall_at_1000": 90.751, + "recall_at_3": 36.370999999999995, + "recall_at_5": 43.104, + "main_score": 38.46 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.071, + "map_at_10": 33.384, + "map_at_100": 35.004999999999995, + "map_at_1000": 35.215999999999994, + "map_at_3": 30.459000000000003, + "map_at_5": 31.769, + "mrr_at_1": 28.854000000000003, + "mrr_at_10": 37.512, + "mrr_at_100": 38.567, + "mrr_at_1000": 38.618, + "mrr_at_3": 35.211, + "mrr_at_5": 36.13, + "ndcg_at_1": 28.854000000000003, + "ndcg_at_10": 39.216, + "ndcg_at_100": 45.214, + "ndcg_at_1000": 47.573, + "ndcg_at_3": 34.597, + "ndcg_at_5": 36.063, + "precision_at_1": 28.854000000000003, + "precision_at_10": 7.648000000000001, + "precision_at_100": 1.545, + "precision_at_1000": 0.241, + "precision_at_3": 16.667, + "precision_at_5": 11.818, + "recall_at_1": 24.071, + "recall_at_10": 50.802, + "recall_at_100": 77.453, + "recall_at_1000": 92.304, + "recall_at_3": 36.846000000000004, + "recall_at_5": 41.14, + "main_score": 39.216 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.395, + "map_at_10": 29.189999999999998, + "map_at_100": 30.226999999999997, + "map_at_1000": 30.337999999999997, + "map_at_3": 27.342, + "map_at_5": 28.116999999999997, + "mrr_at_1": 25.323, + "mrr_at_10": 31.241000000000003, + "mrr_at_100": 32.225, + "mrr_at_1000": 32.304, + "mrr_at_3": 29.452, + "mrr_at_5": 30.209000000000003, + "ndcg_at_1": 25.323, + "ndcg_at_10": 33.024, + "ndcg_at_100": 38.279, + "ndcg_at_1000": 41.026, + "ndcg_at_3": 29.243000000000002, + "ndcg_at_5": 30.564000000000004, + "precision_at_1": 25.323, + "precision_at_10": 4.972, + "precision_at_100": 0.8210000000000001, + "precision_at_1000": 0.116, + "precision_at_3": 12.076, + "precision_at_5": 8.133, + "recall_at_1": 23.395, + "recall_at_10": 42.994, + "recall_at_100": 66.985, + "recall_at_1000": 87.483, + "recall_at_3": 32.505, + "recall_at_5": 35.721000000000004, + "main_score": 33.024 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/ClimateFEVER.json b/results/jinaai__jina-embedding-l-en-v1/external/ClimateFEVER.json new file mode 100644 index 000000000..95d3aea2c --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.322000000000001, + "map_at_10": 14.491000000000001, + "map_at_100": 16.066, + "map_at_1000": 16.238, + "map_at_3": 12.235, + "map_at_5": 13.422999999999998, + "mrr_at_1": 19.479, + "mrr_at_10": 29.38, + "mrr_at_100": 30.520999999999997, + "mrr_at_1000": 30.570999999999998, + "mrr_at_3": 26.395000000000003, + "mrr_at_5": 27.982000000000003, + "ndcg_at_1": 19.479, + "ndcg_at_10": 21.215, + "ndcg_at_100": 27.966, + "ndcg_at_1000": 31.324, + "ndcg_at_3": 17.194000000000003, + "ndcg_at_5": 18.593, + "precision_at_1": 19.479, + "precision_at_10": 6.5280000000000005, + "precision_at_100": 1.359, + "precision_at_1000": 0.198, + "precision_at_3": 12.703999999999999, + "precision_at_5": 9.655, + "recall_at_1": 8.322000000000001, + "recall_at_10": 26.165, + "recall_at_100": 49.573, + "recall_at_1000": 68.501, + "recall_at_3": 16.179, + "recall_at_5": 20.175, + "main_score": 21.215 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/DBPedia.json b/results/jinaai__jina-embedding-l-en-v1/external/DBPedia.json new file mode 100644 index 000000000..b91a3deaf --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.003, + "map_at_10": 16.087, + "map_at_100": 21.363, + "map_at_1000": 22.64, + "map_at_3": 12.171999999999999, + "map_at_5": 13.866, + "mrr_at_1": 61.25000000000001, + "mrr_at_10": 68.626, + "mrr_at_100": 69.134, + "mrr_at_1000": 69.144, + "mrr_at_3": 67.042, + "mrr_at_5": 67.929, + "ndcg_at_1": 49.0, + "ndcg_at_10": 34.132, + "ndcg_at_100": 37.545, + "ndcg_at_1000": 44.544, + "ndcg_at_3": 38.946999999999996, + "ndcg_at_5": 36.317, + "precision_at_1": 61.25000000000001, + "precision_at_10": 26.325, + "precision_at_100": 8.173, + "precision_at_1000": 1.778, + "precision_at_3": 41.667, + "precision_at_5": 34.300000000000004, + "recall_at_1": 8.003, + "recall_at_10": 20.577, + "recall_at_100": 41.884, + "recall_at_1000": 64.36500000000001, + "recall_at_3": 13.602, + "recall_at_5": 16.41, + "main_score": 34.132 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/EmotionClassification.json b/results/jinaai__jina-embedding-l-en-v1/external/EmotionClassification.json new file mode 100644 index 000000000..bb8237223 --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 45.835, + "f1": 41.66455981281837, + "main_score": 45.835 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/FEVER.json b/results/jinaai__jina-embedding-l-en-v1/external/FEVER.json new file mode 100644 index 000000000..e901a568d --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 55.717000000000006, + "map_at_10": 66.34100000000001, + "map_at_100": 66.776, + "map_at_1000": 66.794, + "map_at_3": 64.386, + "map_at_5": 65.566, + "mrr_at_1": 60.141, + "mrr_at_10": 70.928, + "mrr_at_100": 71.29299999999999, + "mrr_at_1000": 71.30199999999999, + "mrr_at_3": 69.07900000000001, + "mrr_at_5": 70.244, + "ndcg_at_1": 60.141, + "ndcg_at_10": 71.90100000000001, + "ndcg_at_100": 73.836, + "ndcg_at_1000": 74.214, + "ndcg_at_3": 68.203, + "ndcg_at_5": 70.167, + "precision_at_1": 60.141, + "precision_at_10": 9.268, + "precision_at_100": 1.03, + "precision_at_1000": 0.108, + "precision_at_3": 27.028000000000002, + "precision_at_5": 17.342, + "recall_at_1": 55.717000000000006, + "recall_at_10": 84.66799999999999, + "recall_at_100": 93.28, + "recall_at_1000": 95.887, + "recall_at_3": 74.541, + "recall_at_5": 79.389, + "main_score": 71.90100000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/FiQA2018.json b/results/jinaai__jina-embedding-l-en-v1/external/FiQA2018.json new file mode 100644 index 000000000..a368b381c --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.744, + "map_at_10": 29.554000000000002, + "map_at_100": 31.180000000000003, + "map_at_1000": 31.372, + "map_at_3": 25.6, + "map_at_5": 27.642, + "mrr_at_1": 35.802, + "mrr_at_10": 44.812999999999995, + "mrr_at_100": 45.56, + "mrr_at_1000": 45.606, + "mrr_at_3": 42.181000000000004, + "mrr_at_5": 43.516, + "ndcg_at_1": 35.802, + "ndcg_at_10": 37.269999999999996, + "ndcg_at_100": 43.575, + "ndcg_at_1000": 46.916000000000004, + "ndcg_at_3": 33.511, + "ndcg_at_5": 34.504000000000005, + "precision_at_1": 35.802, + "precision_at_10": 10.448, + "precision_at_100": 1.7129999999999999, + "precision_at_1000": 0.231, + "precision_at_3": 22.531000000000002, + "precision_at_5": 16.512, + "recall_at_1": 17.744, + "recall_at_10": 44.616, + "recall_at_100": 68.51899999999999, + "recall_at_1000": 88.495, + "recall_at_3": 30.235, + "recall_at_5": 35.821999999999996, + "main_score": 37.269999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/HotpotQA.json b/results/jinaai__jina-embedding-l-en-v1/external/HotpotQA.json new file mode 100644 index 000000000..3c84e0b30 --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 33.315, + "map_at_10": 45.932, + "map_at_100": 46.708, + "map_at_1000": 46.778999999999996, + "map_at_3": 43.472, + "map_at_5": 45.022, + "mrr_at_1": 66.631, + "mrr_at_10": 73.083, + "mrr_at_100": 73.405, + "mrr_at_1000": 73.421, + "mrr_at_3": 71.756, + "mrr_at_5": 72.616, + "ndcg_at_1": 66.631, + "ndcg_at_10": 54.949000000000005, + "ndcg_at_100": 57.965, + "ndcg_at_1000": 59.467000000000006, + "ndcg_at_3": 51.086, + "ndcg_at_5": 53.272, + "precision_at_1": 66.631, + "precision_at_10": 11.178, + "precision_at_100": 1.3559999999999999, + "precision_at_1000": 0.156, + "precision_at_3": 31.582, + "precision_at_5": 20.678, + "recall_at_1": 33.315, + "recall_at_10": 55.888000000000005, + "recall_at_100": 67.812, + "recall_at_1000": 77.839, + "recall_at_3": 47.373, + "recall_at_5": 51.695, + "main_score": 54.949000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/ImdbClassification.json b/results/jinaai__jina-embedding-l-en-v1/external/ImdbClassification.json new file mode 100644 index 000000000..17fa8df03 --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 66.424, + "ap": 61.132235499939256, + "f1": 66.07094958225315, + "main_score": 66.424 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/MSMARCO.json b/results/jinaai__jina-embedding-l-en-v1/external/MSMARCO.json new file mode 100644 index 000000000..6f20f3d99 --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.575, + "map_at_10": 33.509, + "map_at_100": 34.725, + "map_at_1000": 34.775, + "map_at_3": 29.673, + "map_at_5": 31.805, + "mrr_at_1": 22.235, + "mrr_at_10": 34.1, + "mrr_at_100": 35.254999999999995, + "mrr_at_1000": 35.299, + "mrr_at_3": 30.334, + "mrr_at_5": 32.419, + "ndcg_at_1": 22.235, + "ndcg_at_10": 40.341, + "ndcg_at_100": 46.161, + "ndcg_at_1000": 47.400999999999996, + "ndcg_at_3": 32.482, + "ndcg_at_5": 36.269, + "precision_at_1": 22.235, + "precision_at_10": 6.422999999999999, + "precision_at_100": 0.9329999999999999, + "precision_at_1000": 0.104, + "precision_at_3": 13.835, + "precision_at_5": 10.226, + "recall_at_1": 21.575, + "recall_at_10": 61.448, + "recall_at_100": 88.289, + "recall_at_1000": 97.76899999999999, + "recall_at_3": 39.971000000000004, + "recall_at_5": 49.053000000000004, + "main_score": 40.341 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/MTOPDomainClassification.json b/results/jinaai__jina-embedding-l-en-v1/external/MTOPDomainClassification.json new file mode 100644 index 000000000..887cf5331 --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.83401732786137, + "f1": 92.47678691291068, + "main_score": 92.83401732786137 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/MTOPIntentClassification.json b/results/jinaai__jina-embedding-l-en-v1/external/MTOPIntentClassification.json new file mode 100644 index 000000000..018cdfbfc --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.08983128134975, + "f1": 59.782936393820904, + "main_score": 76.08983128134975 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/MassiveIntentClassification.json b/results/jinaai__jina-embedding-l-en-v1/external/MassiveIntentClassification.json new file mode 100644 index 000000000..bc150c431 --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.73032952252858, + "f1": 70.72684765888265, + "main_score": 72.73032952252858 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/MassiveScenarioClassification.json b/results/jinaai__jina-embedding-l-en-v1/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..c0361c6b3 --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.08473436449226, + "f1": 77.31457411257054, + "main_score": 77.08473436449226 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/MedrxivClusteringP2P.json b/results/jinaai__jina-embedding-l-en-v1/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..f478377c7 --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.11980959210532, + "main_score": 30.11980959210532 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/MedrxivClusteringS2S.json b/results/jinaai__jina-embedding-l-en-v1/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..3e2f1c7f8 --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 25.2587629106119, + "main_score": 25.2587629106119 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/MindSmallReranking.json b/results/jinaai__jina-embedding-l-en-v1/external/MindSmallReranking.json new file mode 100644 index 000000000..e06227a59 --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.48268319779204, + "mrr": 32.501885728964304, + "main_score": 31.48268319779204 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/NFCorpus.json b/results/jinaai__jina-embedding-l-en-v1/external/NFCorpus.json new file mode 100644 index 000000000..039009d1c --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.284, + "map_at_10": 11.509, + "map_at_100": 14.624, + "map_at_1000": 16.035, + "map_at_3": 8.347999999999999, + "map_at_5": 9.919, + "mrr_at_1": 43.344, + "mrr_at_10": 52.303999999999995, + "mrr_at_100": 52.994, + "mrr_at_1000": 53.032999999999994, + "mrr_at_3": 50.361, + "mrr_at_5": 51.754, + "ndcg_at_1": 41.176, + "ndcg_at_10": 32.244, + "ndcg_at_100": 29.916999999999998, + "ndcg_at_1000": 38.753, + "ndcg_at_3": 36.856, + "ndcg_at_5": 35.394999999999996, + "precision_at_1": 43.034, + "precision_at_10": 24.118000000000002, + "precision_at_100": 7.926, + "precision_at_1000": 2.045, + "precision_at_3": 34.675, + "precision_at_5": 31.146, + "recall_at_1": 5.284, + "recall_at_10": 15.457, + "recall_at_100": 30.914, + "recall_at_1000": 63.788999999999994, + "recall_at_3": 9.596, + "recall_at_5": 12.391, + "main_score": 32.244 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/NQ.json b/results/jinaai__jina-embedding-l-en-v1/external/NQ.json new file mode 100644 index 000000000..8a54426a9 --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.537999999999997, + "map_at_10": 43.99, + "map_at_100": 45.003, + "map_at_1000": 45.04, + "map_at_3": 39.814, + "map_at_5": 42.166, + "mrr_at_1": 33.256, + "mrr_at_10": 46.487, + "mrr_at_100": 47.264, + "mrr_at_1000": 47.29, + "mrr_at_3": 43.091, + "mrr_at_5": 45.013999999999996, + "ndcg_at_1": 33.256, + "ndcg_at_10": 51.403, + "ndcg_at_100": 55.706999999999994, + "ndcg_at_1000": 56.586000000000006, + "ndcg_at_3": 43.559, + "ndcg_at_5": 47.426, + "precision_at_1": 33.256, + "precision_at_10": 8.540000000000001, + "precision_at_100": 1.093, + "precision_at_1000": 0.11800000000000001, + "precision_at_3": 19.834, + "precision_at_5": 14.143, + "recall_at_1": 29.537999999999997, + "recall_at_10": 71.5, + "recall_at_100": 90.25, + "recall_at_1000": 96.82600000000001, + "recall_at_3": 51.108, + "recall_at_5": 60.006, + "main_score": 51.403 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/QuoraRetrieval.json b/results/jinaai__jina-embedding-l-en-v1/external/QuoraRetrieval.json new file mode 100644 index 000000000..1591362a0 --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 70.526, + "map_at_10": 84.342, + "map_at_100": 84.985, + "map_at_1000": 85.003, + "map_at_3": 81.472, + "map_at_5": 83.292, + "mrr_at_1": 81.17, + "mrr_at_10": 87.33999999999999, + "mrr_at_100": 87.445, + "mrr_at_1000": 87.446, + "mrr_at_3": 86.387, + "mrr_at_5": 87.042, + "ndcg_at_1": 81.19, + "ndcg_at_10": 88.088, + "ndcg_at_100": 89.35, + "ndcg_at_1000": 89.462, + "ndcg_at_3": 85.319, + "ndcg_at_5": 86.858, + "precision_at_1": 81.19, + "precision_at_10": 13.33, + "precision_at_100": 1.528, + "precision_at_1000": 0.157, + "precision_at_3": 37.31, + "precision_at_5": 24.512, + "recall_at_1": 70.526, + "recall_at_10": 95.166, + "recall_at_100": 99.479, + "recall_at_1000": 99.984, + "recall_at_3": 87.124, + "recall_at_5": 91.53, + "main_score": 88.088 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/RedditClustering.json b/results/jinaai__jina-embedding-l-en-v1/external/RedditClustering.json new file mode 100644 index 000000000..e389b23f3 --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 45.049073872893494, + "main_score": 45.049073872893494 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/RedditClusteringP2P.json b/results/jinaai__jina-embedding-l-en-v1/external/RedditClusteringP2P.json new file mode 100644 index 000000000..5b13c736b --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 55.13810914528368, + "main_score": 55.13810914528368 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/SCIDOCS.json b/results/jinaai__jina-embedding-l-en-v1/external/SCIDOCS.json new file mode 100644 index 000000000..81d54b98f --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.593, + "map_at_10": 10.907, + "map_at_100": 12.888, + "map_at_1000": 13.167000000000002, + "map_at_3": 7.936, + "map_at_5": 9.31, + "mrr_at_1": 22.7, + "mrr_at_10": 32.509, + "mrr_at_100": 33.69, + "mrr_at_1000": 33.747, + "mrr_at_3": 29.599999999999998, + "mrr_at_5": 31.155, + "ndcg_at_1": 22.7, + "ndcg_at_10": 18.445, + "ndcg_at_100": 26.241999999999997, + "ndcg_at_1000": 31.409, + "ndcg_at_3": 17.864, + "ndcg_at_5": 15.232999999999999, + "precision_at_1": 22.7, + "precision_at_10": 9.43, + "precision_at_100": 2.061, + "precision_at_1000": 0.331, + "precision_at_3": 16.467000000000002, + "precision_at_5": 13.08, + "recall_at_1": 4.593, + "recall_at_10": 19.115, + "recall_at_100": 41.82, + "recall_at_1000": 67.167, + "recall_at_3": 9.983, + "recall_at_5": 13.218, + "main_score": 18.445 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/SICK-R.json b/results/jinaai__jina-embedding-l-en-v1/external/SICK-R.json new file mode 100644 index 000000000..c25f4e9c7 --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.94432059816452, + "cos_sim_spearman": 79.19993315048852, + "euclidean_pearson": 72.43261099671753, + "euclidean_spearman": 71.51531114998619, + "manhattan_pearson": 71.83604124130447, + "manhattan_spearman": 71.24460392842295, + "cosine_pearson": 82.94432059816452, + "cosine_spearman": 79.19993315048852, + "main_score": 79.19993315048852 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/STS12.json b/results/jinaai__jina-embedding-l-en-v1/external/STS12.json new file mode 100644 index 000000000..a200e9ac8 --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.25401068481673, + "cos_sim_spearman": 74.5249604699309, + "euclidean_pearson": 71.1324859629043, + "euclidean_spearman": 58.77041705276752, + "manhattan_pearson": 71.01471521586141, + "manhattan_spearman": 58.69949381017865, + "cosine_pearson": 84.25401068481673, + "cosine_spearman": 74.5249604699309, + "main_score": 74.5249604699309 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/STS13.json b/results/jinaai__jina-embedding-l-en-v1/external/STS13.json new file mode 100644 index 000000000..084649092 --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.85731544223766, + "cos_sim_spearman": 83.15607264736185, + "euclidean_pearson": 75.8803249521361, + "euclidean_spearman": 76.4862168799065, + "manhattan_pearson": 75.80451454386811, + "manhattan_spearman": 76.35986831074699, + "cosine_pearson": 82.85731544223766, + "cosine_spearman": 83.15607264736185, + "main_score": 83.15607264736185 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/STS14.json b/results/jinaai__jina-embedding-l-en-v1/external/STS14.json new file mode 100644 index 000000000..eff1111c0 --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.40669043798857, + "cos_sim_spearman": 78.08686090667834, + "euclidean_pearson": 74.48574712193803, + "euclidean_spearman": 70.79423012045118, + "manhattan_pearson": 74.39099211477354, + "manhattan_spearman": 70.73135427277684, + "cosine_pearson": 82.40669043798857, + "cosine_spearman": 78.08686090667834, + "main_score": 78.08686090667834 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/STS15.json b/results/jinaai__jina-embedding-l-en-v1/external/STS15.json new file mode 100644 index 000000000..3b837a4bb --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.03027014209859, + "cos_sim_spearman": 86.91082847840946, + "euclidean_pearson": 69.13187603971996, + "euclidean_spearman": 70.0370035340552, + "manhattan_pearson": 69.2586635812031, + "manhattan_spearman": 70.18638387118486, + "cosine_pearson": 86.03027014209859, + "cosine_spearman": 86.91082847840946, + "main_score": 86.91082847840946 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/STS16.json b/results/jinaai__jina-embedding-l-en-v1/external/STS16.json new file mode 100644 index 000000000..e008cbd70 --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.41190748361883, + "cos_sim_spearman": 83.64850851235231, + "euclidean_pearson": 71.60523243575282, + "euclidean_spearman": 72.26134033805099, + "manhattan_pearson": 71.50771482066683, + "manhattan_spearman": 72.13707967973161, + "cosine_pearson": 82.41190748361883, + "cosine_spearman": 83.64850851235231, + "main_score": 83.64850851235231 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/STS17.json b/results/jinaai__jina-embedding-l-en-v1/external/STS17.json new file mode 100644 index 000000000..03b54d3c6 --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 90.42838477648627, + "cos_sim_spearman": 90.15798155439076, + "euclidean_pearson": 77.09619972244516, + "euclidean_spearman": 75.5953488548861, + "manhattan_pearson": 77.36892406451771, + "manhattan_spearman": 75.76625156149356, + "cosine_pearson": 90.42838477648627, + "cosine_spearman": 90.15798155439076, + "main_score": 90.15798155439076 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/STS22.json b/results/jinaai__jina-embedding-l-en-v1/external/STS22.json new file mode 100644 index 000000000..480fedec4 --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 65.76151154879307, + "cos_sim_spearman": 64.8846800918359, + "euclidean_pearson": 50.23302700257155, + "euclidean_spearman": 58.89455187289583, + "manhattan_pearson": 50.05498582284945, + "manhattan_spearman": 58.75893793871576, + "cosine_pearson": 65.76151154879307, + "cosine_spearman": 64.8846800918359, + "main_score": 64.8846800918359 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/STSBenchmark.json b/results/jinaai__jina-embedding-l-en-v1/external/STSBenchmark.json new file mode 100644 index 000000000..2637ba054 --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.72381109169437, + "cos_sim_spearman": 84.59820928231167, + "euclidean_pearson": 74.85450857429493, + "euclidean_spearman": 73.83634052565915, + "manhattan_pearson": 74.97349743979106, + "manhattan_spearman": 73.9636470375881, + "cosine_pearson": 84.72381109169437, + "cosine_spearman": 84.59820928231167, + "main_score": 84.59820928231167 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/SciDocsRR.json b/results/jinaai__jina-embedding-l-en-v1/external/SciDocsRR.json new file mode 100644 index 000000000..9c5f96ee8 --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 80.96736259172798, + "mrr": 94.48378781712114, + "main_score": 80.96736259172798 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/SciFact.json b/results/jinaai__jina-embedding-l-en-v1/external/SciFact.json new file mode 100644 index 000000000..50105e776 --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 46.344, + "map_at_10": 54.962, + "map_at_100": 55.772, + "map_at_1000": 55.81700000000001, + "map_at_3": 51.832, + "map_at_5": 53.718999999999994, + "mrr_at_1": 49.0, + "mrr_at_10": 56.721, + "mrr_at_100": 57.287, + "mrr_at_1000": 57.330000000000005, + "mrr_at_3": 54.056000000000004, + "mrr_at_5": 55.822, + "ndcg_at_1": 49.0, + "ndcg_at_10": 59.757000000000005, + "ndcg_at_100": 63.149, + "ndcg_at_1000": 64.43100000000001, + "ndcg_at_3": 54.105000000000004, + "ndcg_at_5": 57.196999999999996, + "precision_at_1": 49.0, + "precision_at_10": 8.200000000000001, + "precision_at_100": 1.0070000000000001, + "precision_at_1000": 0.11100000000000002, + "precision_at_3": 20.889, + "precision_at_5": 14.399999999999999, + "recall_at_1": 46.344, + "recall_at_10": 72.722, + "recall_at_100": 88.167, + "recall_at_1000": 98.333, + "recall_at_3": 57.994, + "recall_at_5": 65.506, + "main_score": 59.757000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/SprintDuplicateQuestions.json b/results/jinaai__jina-embedding-l-en-v1/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..826deaade --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.83366336633664, + "cos_sim_ap": 96.09329747251944, + "cos_sim_f1": 91.66255550074001, + "cos_sim_precision": 90.45764362220059, + "cos_sim_recall": 92.9, + "dot_accuracy": 99.32871287128712, + "dot_ap": 63.95436644147969, + "dot_f1": 60.61814556331008, + "dot_precision": 60.437375745526836, + "dot_recall": 60.8, + "euclidean_accuracy": 99.66534653465347, + "euclidean_ap": 85.85143979761818, + "euclidean_f1": 81.57033805888769, + "euclidean_precision": 89.68824940047962, + "euclidean_recall": 74.8, + "manhattan_accuracy": 99.65742574257426, + "manhattan_ap": 85.55693926348405, + "manhattan_f1": 81.13804004214963, + "manhattan_precision": 85.74610244988864, + "manhattan_recall": 77.0, + "max_accuracy": 99.83366336633664, + "max_ap": 96.09329747251944, + "max_f1": 91.66255550074001, + "main_score": 96.09329747251944 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/StackExchangeClustering.json b/results/jinaai__jina-embedding-l-en-v1/external/StackExchangeClustering.json new file mode 100644 index 000000000..d287eb333 --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 45.23573510003245, + "main_score": 45.23573510003245 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/StackExchangeClusteringP2P.json b/results/jinaai__jina-embedding-l-en-v1/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..112e50232 --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.37478638401161, + "main_score": 33.37478638401161 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/StackOverflowDupQuestions.json b/results/jinaai__jina-embedding-l-en-v1/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..004cabe81 --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 50.375920467392476, + "mrr": 51.17302223919871, + "main_score": 50.375920467392476 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/SummEval.json b/results/jinaai__jina-embedding-l-en-v1/external/SummEval.json new file mode 100644 index 000000000..11c7b1911 --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 29.768864092288343, + "cos_sim_spearman": 29.854278347043266, + "dot_pearson": 20.51281723837505, + "dot_spearman": 21.799102540913665, + "cosine_pearson": 29.768864092288343, + "cosine_spearman": 29.854278347043266, + "main_score": 29.854278347043266 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/TRECCOVID.json b/results/jinaai__jina-embedding-l-en-v1/external/TRECCOVID.json new file mode 100644 index 000000000..f2e42abf1 --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.2, + "map_at_10": 1.202, + "map_at_100": 6.729, + "map_at_1000": 15.928, + "map_at_3": 0.492, + "map_at_5": 0.712, + "mrr_at_1": 76.0, + "mrr_at_10": 84.75, + "mrr_at_100": 84.75, + "mrr_at_1000": 84.75, + "mrr_at_3": 83.0, + "mrr_at_5": 84.5, + "ndcg_at_1": 71.0, + "ndcg_at_10": 57.253, + "ndcg_at_100": 44.383, + "ndcg_at_1000": 38.666, + "ndcg_at_3": 64.324, + "ndcg_at_5": 60.791, + "precision_at_1": 76.0, + "precision_at_10": 59.599999999999994, + "precision_at_100": 45.440000000000005, + "precision_at_1000": 17.458000000000002, + "precision_at_3": 69.333, + "precision_at_5": 63.2, + "recall_at_1": 0.2, + "recall_at_10": 1.4949999999999999, + "recall_at_100": 10.266, + "recall_at_1000": 35.853, + "recall_at_3": 0.5349999999999999, + "recall_at_5": 0.8109999999999999, + "main_score": 57.253 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/Touche2020.json b/results/jinaai__jina-embedding-l-en-v1/external/Touche2020.json new file mode 100644 index 000000000..315c5fc63 --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.0140000000000002, + "map_at_10": 8.474, + "map_at_100": 14.058000000000002, + "map_at_1000": 15.381, + "map_at_3": 4.508, + "map_at_5": 5.87, + "mrr_at_1": 22.448999999999998, + "mrr_at_10": 37.242, + "mrr_at_100": 38.291, + "mrr_at_1000": 38.311, + "mrr_at_3": 32.312999999999995, + "mrr_at_5": 34.762, + "ndcg_at_1": 20.408, + "ndcg_at_10": 20.729, + "ndcg_at_100": 33.064, + "ndcg_at_1000": 44.324999999999996, + "ndcg_at_3": 21.251, + "ndcg_at_5": 20.28, + "precision_at_1": 22.448999999999998, + "precision_at_10": 18.98, + "precision_at_100": 7.224, + "precision_at_1000": 1.471, + "precision_at_3": 22.448999999999998, + "precision_at_5": 20.816000000000003, + "recall_at_1": 2.0140000000000002, + "recall_at_10": 13.96, + "recall_at_100": 44.187, + "recall_at_1000": 79.328, + "recall_at_3": 5.345, + "recall_at_5": 7.979, + "main_score": 20.729 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/ToxicConversationsClassification.json b/results/jinaai__jina-embedding-l-en-v1/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..905b6f3e9 --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.1312, + "ap": 12.606776505497608, + "f1": 52.4112415600534, + "main_score": 69.1312 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/TweetSentimentExtractionClassification.json b/results/jinaai__jina-embedding-l-en-v1/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..4acfbaa56 --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 58.16072439162422, + "f1": 58.29152785435414, + "main_score": 58.16072439162422 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/TwentyNewsgroupsClustering.json b/results/jinaai__jina-embedding-l-en-v1/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..d1300eabe --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.421119289825924, + "main_score": 40.421119289825924 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/TwitterSemEval2015.json b/results/jinaai__jina-embedding-l-en-v1/external/TwitterSemEval2015.json new file mode 100644 index 000000000..5e0e53538 --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 85.48012159504083, + "cos_sim_ap": 72.31974877212102, + "cos_sim_f1": 67.96846573681019, + "cos_sim_precision": 62.89562289562289, + "cos_sim_recall": 73.93139841688654, + "dot_accuracy": 78.52416999463551, + "dot_ap": 43.65271285411479, + "dot_f1": 46.94641449960599, + "dot_precision": 37.456774599182644, + "dot_recall": 62.875989445910285, + "euclidean_accuracy": 83.90057817249806, + "euclidean_ap": 65.96278727778665, + "euclidean_f1": 63.35733232284957, + "euclidean_precision": 60.770535497940394, + "euclidean_recall": 66.17414248021109, + "manhattan_accuracy": 83.96614412588663, + "manhattan_ap": 66.03670273156699, + "manhattan_f1": 63.49128406579917, + "manhattan_precision": 59.366391184573, + "manhattan_recall": 68.23218997361478, + "max_accuracy": 85.48012159504083, + "max_ap": 72.31974877212102, + "max_f1": 67.96846573681019, + "main_score": 72.31974877212102 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/TwitterURLCorpus.json b/results/jinaai__jina-embedding-l-en-v1/external/TwitterURLCorpus.json new file mode 100644 index 000000000..088b959b2 --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.97038848139093, + "cos_sim_ap": 85.982764495556, + "cos_sim_f1": 78.73283281450284, + "cos_sim_precision": 75.07857791436754, + "cos_sim_recall": 82.7610101632276, + "dot_accuracy": 83.21108394458028, + "dot_ap": 70.97956937273386, + "dot_f1": 66.53083038279111, + "dot_precision": 58.7551622418879, + "dot_recall": 76.67847243609486, + "euclidean_accuracy": 84.31520937633407, + "euclidean_ap": 74.67323411319909, + "euclidean_f1": 67.21935410935676, + "euclidean_precision": 65.82773636430733, + "euclidean_recall": 68.67108099784416, + "manhattan_accuracy": 84.35013777312066, + "manhattan_ap": 74.66508905354597, + "manhattan_f1": 67.28264162375038, + "manhattan_precision": 66.19970193740686, + "manhattan_recall": 68.40160147828766, + "max_accuracy": 88.97038848139093, + "max_ap": 85.982764495556, + "max_f1": 78.73283281450284, + "main_score": 85.982764495556 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-l-en-v1/external/model_meta.json b/results/jinaai__jina-embedding-l-en-v1/external/model_meta.json new file mode 100644 index 000000000..5c4a05c42 --- /dev/null +++ b/results/jinaai__jina-embedding-l-en-v1/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "jinaai/jina-embedding-l-en-v1", + "revision": "672f44526b4a7caa23c1e8582a8f06a0b80b4fa8", + "release_date": "2023-07-09", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 334962838, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 1024, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/AmazonCounterfactualClassification.json b/results/jinaai__jina-embedding-s-en-v1/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..693a5c67b --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 64.82089552238806, + "ap": 27.100981946230778, + "f1": 58.3354886367184, + "main_score": 64.82089552238806 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/AmazonPolarityClassification.json b/results/jinaai__jina-embedding-s-en-v1/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..acc5c1f9d --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 64.282775, + "ap": 60.350688924943796, + "f1": 62.06346948494396, + "main_score": 64.282775 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/AmazonReviewsClassification.json b/results/jinaai__jina-embedding-s-en-v1/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..69c5f2c51 --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 30.623999999999995, + "f1": 29.427789186742153, + "main_score": 30.623999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/ArguAna.json b/results/jinaai__jina-embedding-s-en-v1/external/ArguAna.json new file mode 100644 index 000000000..592f17e36 --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.119, + "map_at_10": 35.609, + "map_at_100": 36.935, + "map_at_1000": 36.957, + "map_at_3": 31.046000000000003, + "map_at_5": 33.574, + "mrr_at_1": 22.404, + "mrr_at_10": 35.695, + "mrr_at_100": 37.021, + "mrr_at_1000": 37.043, + "mrr_at_3": 31.093, + "mrr_at_5": 33.635999999999996, + "ndcg_at_1": 22.119, + "ndcg_at_10": 43.566, + "ndcg_at_100": 49.370000000000005, + "ndcg_at_1000": 49.901, + "ndcg_at_3": 34.06, + "ndcg_at_5": 38.653999999999996, + "precision_at_1": 22.119, + "precision_at_10": 6.92, + "precision_at_100": 0.95, + "precision_at_1000": 0.099, + "precision_at_3": 14.272000000000002, + "precision_at_5": 10.811, + "recall_at_1": 22.119, + "recall_at_10": 69.203, + "recall_at_100": 95.021, + "recall_at_1000": 99.075, + "recall_at_3": 42.817, + "recall_at_5": 54.054, + "main_score": 43.566 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/ArxivClusteringP2P.json b/results/jinaai__jina-embedding-s-en-v1/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..415c0e1d7 --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.1740289109719, + "main_score": 34.1740289109719 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/ArxivClusteringS2S.json b/results/jinaai__jina-embedding-s-en-v1/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..65f85eab8 --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 23.985251383455463, + "main_score": 23.985251383455463 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/AskUbuntuDupQuestions.json b/results/jinaai__jina-embedding-s-en-v1/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..9dc0de2f5 --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 60.24873612289029, + "mrr": 74.65692740623489, + "main_score": 60.24873612289029 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/BIOSSES.json b/results/jinaai__jina-embedding-s-en-v1/external/BIOSSES.json new file mode 100644 index 000000000..359900fcd --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.22415390332444, + "cos_sim_spearman": 82.9591191954711, + "euclidean_pearson": 44.096317524324945, + "euclidean_spearman": 42.95218351391625, + "manhattan_pearson": 44.07766490545065, + "manhattan_spearman": 42.78350497166606, + "cosine_pearson": 86.22415390332444, + "cosine_spearman": 82.9591191954711, + "main_score": 82.9591191954711 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/Banking77Classification.json b/results/jinaai__jina-embedding-s-en-v1/external/Banking77Classification.json new file mode 100644 index 000000000..108e1b711 --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.64285714285714, + "f1": 73.53680835577447, + "main_score": 74.64285714285714 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/BiorxivClusteringP2P.json b/results/jinaai__jina-embedding-s-en-v1/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..f7874ce38 --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 28.512813238490164, + "main_score": 28.512813238490164 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/BiorxivClusteringS2S.json b/results/jinaai__jina-embedding-s-en-v1/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..2720d1855 --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 20.942214972649488, + "main_score": 20.942214972649488 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/CQADupstackAndroidRetrieval.json b/results/jinaai__jina-embedding-s-en-v1/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..974b032ca --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.255999999999997, + "map_at_10": 37.091, + "map_at_100": 38.428000000000004, + "map_at_1000": 38.559, + "map_at_3": 34.073, + "map_at_5": 35.739, + "mrr_at_1": 34.907, + "mrr_at_10": 42.769, + "mrr_at_100": 43.607, + "mrr_at_1000": 43.656, + "mrr_at_3": 39.986, + "mrr_at_5": 41.581, + "ndcg_at_1": 34.907, + "ndcg_at_10": 42.681000000000004, + "ndcg_at_100": 48.213, + "ndcg_at_1000": 50.464, + "ndcg_at_3": 37.813, + "ndcg_at_5": 39.936, + "precision_at_1": 34.907, + "precision_at_10": 7.911, + "precision_at_100": 1.349, + "precision_at_1000": 0.184, + "precision_at_3": 17.93, + "precision_at_5": 12.732, + "recall_at_1": 28.255999999999997, + "recall_at_10": 53.49699999999999, + "recall_at_100": 77.288, + "recall_at_1000": 91.776, + "recall_at_3": 39.18, + "recall_at_5": 45.365, + "main_score": 42.681000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.563999999999997, + "map_at_10": 33.913, + "map_at_100": 34.966, + "map_at_1000": 35.104, + "map_at_3": 31.413000000000004, + "map_at_5": 32.854, + "mrr_at_1": 31.72, + "mrr_at_10": 39.391, + "mrr_at_100": 40.02, + "mrr_at_1000": 40.076, + "mrr_at_3": 37.314, + "mrr_at_5": 38.507999999999996, + "ndcg_at_1": 31.72, + "ndcg_at_10": 38.933, + "ndcg_at_100": 43.024, + "ndcg_at_1000": 45.556999999999995, + "ndcg_at_3": 35.225, + "ndcg_at_5": 36.984, + "precision_at_1": 31.72, + "precision_at_10": 7.248, + "precision_at_100": 1.192, + "precision_at_1000": 0.16999999999999998, + "precision_at_3": 16.943, + "precision_at_5": 11.975, + "recall_at_1": 25.563999999999997, + "recall_at_10": 47.808, + "recall_at_100": 65.182, + "recall_at_1000": 81.831, + "recall_at_3": 36.889, + "recall_at_5": 41.829, + "main_score": 38.933 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 33.662, + "map_at_10": 44.096999999999994, + "map_at_100": 45.153999999999996, + "map_at_1000": 45.223, + "map_at_3": 41.377, + "map_at_5": 42.935, + "mrr_at_1": 38.997, + "mrr_at_10": 47.675, + "mrr_at_100": 48.476, + "mrr_at_1000": 48.519, + "mrr_at_3": 45.549, + "mrr_at_5": 46.884, + "ndcg_at_1": 38.997, + "ndcg_at_10": 49.196, + "ndcg_at_100": 53.788000000000004, + "ndcg_at_1000": 55.393, + "ndcg_at_3": 44.67, + "ndcg_at_5": 46.991, + "precision_at_1": 38.997, + "precision_at_10": 7.875, + "precision_at_100": 1.102, + "precision_at_1000": 0.13, + "precision_at_3": 19.854, + "precision_at_5": 13.605, + "recall_at_1": 33.662, + "recall_at_10": 60.75899999999999, + "recall_at_100": 81.11699999999999, + "recall_at_1000": 92.805, + "recall_at_3": 48.577999999999996, + "recall_at_5": 54.384, + "main_score": 49.196 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.313, + "map_at_10": 29.036, + "map_at_100": 29.975, + "map_at_1000": 30.063000000000002, + "map_at_3": 26.878999999999998, + "map_at_5": 28.005999999999997, + "mrr_at_1": 23.39, + "mrr_at_10": 31.072, + "mrr_at_100": 31.922, + "mrr_at_1000": 31.995, + "mrr_at_3": 28.908, + "mrr_at_5": 30.104999999999997, + "ndcg_at_1": 23.39, + "ndcg_at_10": 33.448, + "ndcg_at_100": 38.255, + "ndcg_at_1000": 40.542, + "ndcg_at_3": 29.060000000000002, + "ndcg_at_5": 31.023, + "precision_at_1": 23.39, + "precision_at_10": 5.175, + "precision_at_100": 0.8049999999999999, + "precision_at_1000": 0.10300000000000001, + "precision_at_3": 12.504999999999999, + "precision_at_5": 8.61, + "recall_at_1": 21.313, + "recall_at_10": 45.345, + "recall_at_100": 67.752, + "recall_at_1000": 84.937, + "recall_at_3": 33.033, + "recall_at_5": 37.929, + "main_score": 33.448 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 14.255999999999998, + "map_at_10": 20.339, + "map_at_100": 21.491, + "map_at_1000": 21.616, + "map_at_3": 18.481, + "map_at_5": 19.594, + "mrr_at_1": 17.413, + "mrr_at_10": 24.146, + "mrr_at_100": 25.188, + "mrr_at_1000": 25.273, + "mrr_at_3": 22.264, + "mrr_at_5": 23.302, + "ndcg_at_1": 17.413, + "ndcg_at_10": 24.272, + "ndcg_at_100": 29.82, + "ndcg_at_1000": 33.072, + "ndcg_at_3": 20.826, + "ndcg_at_5": 22.535, + "precision_at_1": 17.413, + "precision_at_10": 4.366, + "precision_at_100": 0.818, + "precision_at_1000": 0.124, + "precision_at_3": 9.866999999999999, + "precision_at_5": 7.164, + "recall_at_1": 14.255999999999998, + "recall_at_10": 32.497, + "recall_at_100": 56.592, + "recall_at_1000": 80.17699999999999, + "recall_at_3": 23.195, + "recall_at_5": 27.392, + "main_score": 24.272 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.709, + "map_at_10": 31.377, + "map_at_100": 32.536, + "map_at_1000": 32.669, + "map_at_3": 28.572999999999997, + "map_at_5": 30.205, + "mrr_at_1": 27.815, + "mrr_at_10": 36.452, + "mrr_at_100": 37.302, + "mrr_at_1000": 37.364000000000004, + "mrr_at_3": 33.75, + "mrr_at_5": 35.43, + "ndcg_at_1": 27.815, + "ndcg_at_10": 36.84, + "ndcg_at_100": 42.092, + "ndcg_at_1000": 44.727, + "ndcg_at_3": 31.964, + "ndcg_at_5": 34.428, + "precision_at_1": 27.815, + "precision_at_10": 6.67, + "precision_at_100": 1.093, + "precision_at_1000": 0.151, + "precision_at_3": 14.982000000000001, + "precision_at_5": 10.857, + "recall_at_1": 22.709, + "recall_at_10": 48.308, + "recall_at_100": 70.866, + "recall_at_1000": 88.236, + "recall_at_3": 34.709, + "recall_at_5": 40.996, + "main_score": 36.84 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.348000000000003, + "map_at_10": 29.427999999999997, + "map_at_100": 30.499, + "map_at_1000": 30.631999999999998, + "map_at_3": 27.035999999999998, + "map_at_5": 28.351, + "mrr_at_1": 27.74, + "mrr_at_10": 34.424, + "mrr_at_100": 35.341, + "mrr_at_1000": 35.419, + "mrr_at_3": 32.401, + "mrr_at_5": 33.497, + "ndcg_at_1": 27.74, + "ndcg_at_10": 34.136, + "ndcg_at_100": 39.269, + "ndcg_at_1000": 42.263, + "ndcg_at_3": 30.171999999999997, + "ndcg_at_5": 31.956, + "precision_at_1": 27.74, + "precision_at_10": 6.062, + "precision_at_100": 1.014, + "precision_at_1000": 0.146, + "precision_at_3": 14.079, + "precision_at_5": 9.977, + "recall_at_1": 22.348000000000003, + "recall_at_10": 43.477, + "recall_at_100": 65.945, + "recall_at_1000": 86.587, + "recall_at_3": 32.107, + "recall_at_5": 36.974000000000004, + "main_score": 34.136 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.688499999999998, + "map_at_10": 29.164666666666665, + "map_at_100": 30.22575, + "map_at_1000": 30.350833333333334, + "map_at_3": 26.82025, + "map_at_5": 28.14966666666667, + "mrr_at_1": 25.779249999999998, + "mrr_at_10": 32.969, + "mrr_at_100": 33.81725, + "mrr_at_1000": 33.88825, + "mrr_at_3": 30.831250000000004, + "mrr_at_5": 32.065000000000005, + "ndcg_at_1": 25.779249999999998, + "ndcg_at_10": 33.73675, + "ndcg_at_100": 38.635666666666665, + "ndcg_at_1000": 41.353500000000004, + "ndcg_at_3": 29.66283333333333, + "ndcg_at_5": 31.607249999999997, + "precision_at_1": 25.779249999999998, + "precision_at_10": 5.861416666666667, + "precision_at_100": 0.9852500000000002, + "precision_at_1000": 0.14108333333333334, + "precision_at_3": 13.563583333333332, + "precision_at_5": 9.630333333333335, + "recall_at_1": 21.688499999999998, + "recall_at_10": 43.605, + "recall_at_100": 65.52366666666667, + "recall_at_1000": 84.69683333333332, + "recall_at_3": 32.195499999999996, + "recall_at_5": 37.25325, + "main_score": 33.73675 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.279, + "map_at_10": 23.238, + "map_at_100": 24.026, + "map_at_1000": 24.13, + "map_at_3": 20.730999999999998, + "map_at_5": 22.278000000000002, + "mrr_at_1": 19.017999999999997, + "mrr_at_10": 25.188, + "mrr_at_100": 25.918999999999997, + "mrr_at_1000": 25.996999999999996, + "mrr_at_3": 22.776, + "mrr_at_5": 24.256, + "ndcg_at_1": 19.017999999999997, + "ndcg_at_10": 27.171, + "ndcg_at_100": 31.274, + "ndcg_at_1000": 34.016000000000005, + "ndcg_at_3": 22.442, + "ndcg_at_5": 24.955, + "precision_at_1": 19.017999999999997, + "precision_at_10": 4.494, + "precision_at_100": 0.712, + "precision_at_1000": 0.10300000000000001, + "precision_at_3": 9.611, + "precision_at_5": 7.331, + "recall_at_1": 17.279, + "recall_at_10": 37.464999999999996, + "recall_at_100": 56.458, + "recall_at_1000": 76.759, + "recall_at_3": 24.659, + "recall_at_5": 30.672, + "main_score": 27.171 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 14.901, + "map_at_10": 20.268, + "map_at_100": 21.143, + "map_at_1000": 21.264, + "map_at_3": 18.557000000000002, + "map_at_5": 19.483, + "mrr_at_1": 17.997, + "mrr_at_10": 23.591, + "mrr_at_100": 24.387, + "mrr_at_1000": 24.471, + "mrr_at_3": 21.874, + "mrr_at_5": 22.797, + "ndcg_at_1": 17.997, + "ndcg_at_10": 23.87, + "ndcg_at_100": 28.459, + "ndcg_at_1000": 31.66, + "ndcg_at_3": 20.779, + "ndcg_at_5": 22.137, + "precision_at_1": 17.997, + "precision_at_10": 4.25, + "precision_at_100": 0.761, + "precision_at_1000": 0.121, + "precision_at_3": 9.716, + "precision_at_5": 6.909999999999999, + "recall_at_1": 14.901, + "recall_at_10": 31.44, + "recall_at_100": 52.717000000000006, + "recall_at_1000": 76.102, + "recall_at_3": 22.675, + "recall_at_5": 26.336, + "main_score": 23.87 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.52, + "map_at_10": 28.397, + "map_at_100": 29.443, + "map_at_1000": 29.56, + "map_at_3": 26.501, + "map_at_5": 27.375, + "mrr_at_1": 25.28, + "mrr_at_10": 32.102000000000004, + "mrr_at_100": 33.005, + "mrr_at_1000": 33.084, + "mrr_at_3": 30.208000000000002, + "mrr_at_5": 31.146, + "ndcg_at_1": 25.28, + "ndcg_at_10": 32.635, + "ndcg_at_100": 37.672, + "ndcg_at_1000": 40.602, + "ndcg_at_3": 28.951999999999998, + "ndcg_at_5": 30.336999999999996, + "precision_at_1": 25.28, + "precision_at_10": 5.3260000000000005, + "precision_at_100": 0.8840000000000001, + "precision_at_1000": 0.126, + "precision_at_3": 12.687000000000001, + "precision_at_5": 8.638, + "recall_at_1": 21.52, + "recall_at_10": 41.955, + "recall_at_100": 64.21, + "recall_at_1000": 85.28099999999999, + "recall_at_3": 31.979999999999997, + "recall_at_5": 35.406, + "main_score": 32.635 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.296, + "map_at_10": 28.449999999999996, + "map_at_100": 29.847, + "map_at_1000": 30.073, + "map_at_3": 25.995, + "map_at_5": 27.603, + "mrr_at_1": 25.296000000000003, + "mrr_at_10": 32.751999999999995, + "mrr_at_100": 33.705, + "mrr_at_1000": 33.783, + "mrr_at_3": 30.731, + "mrr_at_5": 32.006, + "ndcg_at_1": 25.296000000000003, + "ndcg_at_10": 33.555, + "ndcg_at_100": 38.891999999999996, + "ndcg_at_1000": 42.088, + "ndcg_at_3": 29.944, + "ndcg_at_5": 31.997999999999998, + "precision_at_1": 25.296000000000003, + "precision_at_10": 6.542000000000001, + "precision_at_100": 1.354, + "precision_at_1000": 0.22599999999999998, + "precision_at_3": 14.360999999999999, + "precision_at_5": 10.593, + "recall_at_1": 20.296, + "recall_at_10": 42.742000000000004, + "recall_at_100": 67.351, + "recall_at_1000": 88.774, + "recall_at_3": 32.117000000000004, + "recall_at_5": 37.788, + "main_score": 33.555 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.157999999999998, + "map_at_10": 24.342, + "map_at_100": 25.201, + "map_at_1000": 25.317, + "map_at_3": 22.227, + "map_at_5": 23.372999999999998, + "mrr_at_1": 19.778000000000002, + "mrr_at_10": 26.066, + "mrr_at_100": 26.935, + "mrr_at_1000": 27.022000000000002, + "mrr_at_3": 24.214, + "mrr_at_5": 25.268, + "ndcg_at_1": 19.778000000000002, + "ndcg_at_10": 28.104000000000003, + "ndcg_at_100": 32.87, + "ndcg_at_1000": 35.858000000000004, + "ndcg_at_3": 24.107, + "ndcg_at_5": 26.007, + "precision_at_1": 19.778000000000002, + "precision_at_10": 4.417999999999999, + "precision_at_100": 0.739, + "precision_at_1000": 0.109, + "precision_at_3": 10.228, + "precision_at_5": 7.172000000000001, + "recall_at_1": 18.157999999999998, + "recall_at_10": 37.967, + "recall_at_100": 60.806000000000004, + "recall_at_1000": 83.097, + "recall_at_3": 27.223999999999997, + "recall_at_5": 31.968000000000004, + "main_score": 28.104000000000003 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/ClimateFEVER.json b/results/jinaai__jina-embedding-s-en-v1/external/ClimateFEVER.json new file mode 100644 index 000000000..b5d072fd7 --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 7.055, + "map_at_10": 11.609, + "map_at_100": 12.83, + "map_at_1000": 12.995000000000001, + "map_at_3": 9.673, + "map_at_5": 10.761999999999999, + "mrr_at_1": 15.309000000000001, + "mrr_at_10": 23.655, + "mrr_at_100": 24.785, + "mrr_at_1000": 24.856, + "mrr_at_3": 20.499000000000002, + "mrr_at_5": 22.425, + "ndcg_at_1": 15.309000000000001, + "ndcg_at_10": 17.252000000000002, + "ndcg_at_100": 22.976, + "ndcg_at_1000": 26.480999999999998, + "ndcg_at_3": 13.418, + "ndcg_at_5": 15.084, + "precision_at_1": 15.309000000000001, + "precision_at_10": 5.309, + "precision_at_100": 1.1320000000000001, + "precision_at_1000": 0.17600000000000002, + "precision_at_3": 9.62, + "precision_at_5": 7.883, + "recall_at_1": 7.055, + "recall_at_10": 21.891, + "recall_at_100": 41.979, + "recall_at_1000": 62.239999999999995, + "recall_at_3": 12.722, + "recall_at_5": 16.81, + "main_score": 17.252000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/DBPedia.json b/results/jinaai__jina-embedding-s-en-v1/external/DBPedia.json new file mode 100644 index 000000000..1b171b36d --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.909, + "map_at_10": 12.844, + "map_at_100": 16.435, + "map_at_1000": 17.262, + "map_at_3": 10.131, + "map_at_5": 11.269, + "mrr_at_1": 54.50000000000001, + "mrr_at_10": 62.202, + "mrr_at_100": 62.81, + "mrr_at_1000": 62.824000000000005, + "mrr_at_3": 60.5, + "mrr_at_5": 61.324999999999996, + "ndcg_at_1": 42.125, + "ndcg_at_10": 28.284, + "ndcg_at_100": 30.444, + "ndcg_at_1000": 36.397, + "ndcg_at_3": 33.439, + "ndcg_at_5": 30.473, + "precision_at_1": 54.50000000000001, + "precision_at_10": 21.4, + "precision_at_100": 6.192, + "precision_at_1000": 1.398, + "precision_at_3": 36.583, + "precision_at_5": 28.799999999999997, + "recall_at_1": 6.909, + "recall_at_10": 17.296, + "recall_at_100": 33.925, + "recall_at_1000": 53.786, + "recall_at_3": 11.333, + "recall_at_5": 13.529, + "main_score": 28.284 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/EmotionClassification.json b/results/jinaai__jina-embedding-s-en-v1/external/EmotionClassification.json new file mode 100644 index 000000000..34e4a5422 --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 36.08, + "f1": 33.016420191943766, + "main_score": 36.08 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/FEVER.json b/results/jinaai__jina-embedding-s-en-v1/external/FEVER.json new file mode 100644 index 000000000..73d3b50be --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 52.605000000000004, + "map_at_10": 63.31400000000001, + "map_at_100": 63.678000000000004, + "map_at_1000": 63.699, + "map_at_3": 61.141, + "map_at_5": 62.517999999999994, + "mrr_at_1": 56.871, + "mrr_at_10": 67.915, + "mrr_at_100": 68.24900000000001, + "mrr_at_1000": 68.262, + "mrr_at_3": 65.809, + "mrr_at_5": 67.171, + "ndcg_at_1": 56.871, + "ndcg_at_10": 69.122, + "ndcg_at_100": 70.855, + "ndcg_at_1000": 71.368, + "ndcg_at_3": 64.974, + "ndcg_at_5": 67.318, + "precision_at_1": 56.871, + "precision_at_10": 9.029, + "precision_at_100": 0.996, + "precision_at_1000": 0.105, + "precision_at_3": 25.893, + "precision_at_5": 16.838, + "recall_at_1": 52.605000000000004, + "recall_at_10": 82.679, + "recall_at_100": 90.586, + "recall_at_1000": 94.38, + "recall_at_3": 71.447, + "recall_at_5": 77.218, + "main_score": 69.122 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/FiQA2018.json b/results/jinaai__jina-embedding-s-en-v1/external/FiQA2018.json new file mode 100644 index 000000000..a93359144 --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 10.759, + "map_at_10": 18.877, + "map_at_100": 20.498, + "map_at_1000": 20.682000000000002, + "map_at_3": 16.159000000000002, + "map_at_5": 17.575, + "mrr_at_1": 22.531000000000002, + "mrr_at_10": 31.155, + "mrr_at_100": 32.188, + "mrr_at_1000": 32.245000000000005, + "mrr_at_3": 28.781000000000002, + "mrr_at_5": 30.054, + "ndcg_at_1": 22.531000000000002, + "ndcg_at_10": 25.189, + "ndcg_at_100": 31.958, + "ndcg_at_1000": 35.693999999999996, + "ndcg_at_3": 22.235, + "ndcg_at_5": 23.044999999999998, + "precision_at_1": 22.531000000000002, + "precision_at_10": 7.438000000000001, + "precision_at_100": 1.418, + "precision_at_1000": 0.208, + "precision_at_3": 15.329, + "precision_at_5": 11.451, + "recall_at_1": 10.759, + "recall_at_10": 31.416, + "recall_at_100": 56.989000000000004, + "recall_at_1000": 80.33200000000001, + "recall_at_3": 20.61, + "recall_at_5": 24.903, + "main_score": 25.189 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/HotpotQA.json b/results/jinaai__jina-embedding-s-en-v1/external/HotpotQA.json new file mode 100644 index 000000000..9b1474ffc --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.21, + "map_at_10": 38.765, + "map_at_100": 39.498, + "map_at_1000": 39.568, + "map_at_3": 36.699, + "map_at_5": 37.925, + "mrr_at_1": 58.42, + "mrr_at_10": 65.137, + "mrr_at_100": 65.542, + "mrr_at_1000": 65.568, + "mrr_at_3": 63.698, + "mrr_at_5": 64.575, + "ndcg_at_1": 58.42, + "ndcg_at_10": 47.476, + "ndcg_at_100": 50.466, + "ndcg_at_1000": 52.064, + "ndcg_at_3": 43.986, + "ndcg_at_5": 45.824, + "precision_at_1": 58.42, + "precision_at_10": 9.649000000000001, + "precision_at_100": 1.201, + "precision_at_1000": 0.14100000000000001, + "precision_at_3": 26.977, + "precision_at_5": 17.642, + "recall_at_1": 29.21, + "recall_at_10": 48.244, + "recall_at_100": 60.041, + "recall_at_1000": 70.743, + "recall_at_3": 40.466, + "recall_at_5": 44.105, + "main_score": 47.476 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/ImdbClassification.json b/results/jinaai__jina-embedding-s-en-v1/external/ImdbClassification.json new file mode 100644 index 000000000..d6f45c204 --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 58.7064, + "ap": 55.36326227125519, + "f1": 57.46763115215848, + "main_score": 58.7064 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/MSMARCO.json b/results/jinaai__jina-embedding-s-en-v1/external/MSMARCO.json new file mode 100644 index 000000000..44a8d72da --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.889000000000001, + "map_at_10": 25.979000000000003, + "map_at_100": 27.21, + "map_at_1000": 27.284000000000002, + "map_at_3": 22.665, + "map_at_5": 24.578, + "mrr_at_1": 16.39, + "mrr_at_10": 26.504, + "mrr_at_100": 27.689999999999998, + "mrr_at_1000": 27.758, + "mrr_at_3": 23.24, + "mrr_at_5": 25.108000000000004, + "ndcg_at_1": 16.39, + "ndcg_at_10": 31.799, + "ndcg_at_100": 38.034, + "ndcg_at_1000": 39.979, + "ndcg_at_3": 25.054, + "ndcg_at_5": 28.463, + "precision_at_1": 16.39, + "precision_at_10": 5.189, + "precision_at_100": 0.835, + "precision_at_1000": 0.1, + "precision_at_3": 10.84, + "precision_at_5": 8.238, + "recall_at_1": 15.889000000000001, + "recall_at_10": 49.739, + "recall_at_100": 79.251, + "recall_at_1000": 94.298, + "recall_at_3": 31.427, + "recall_at_5": 39.623000000000005, + "main_score": 31.799 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/MTOPDomainClassification.json b/results/jinaai__jina-embedding-s-en-v1/external/MTOPDomainClassification.json new file mode 100644 index 000000000..10f50c1c2 --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 88.81668946648426, + "f1": 88.55200075528438, + "main_score": 88.81668946648426 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/MTOPIntentClassification.json b/results/jinaai__jina-embedding-s-en-v1/external/MTOPIntentClassification.json new file mode 100644 index 000000000..af5c6fd35 --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 58.611491108071135, + "f1": 42.12391403999353, + "main_score": 58.611491108071135 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/MassiveIntentClassification.json b/results/jinaai__jina-embedding-s-en-v1/external/MassiveIntentClassification.json new file mode 100644 index 000000000..741767c43 --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 64.67047747141896, + "f1": 62.88410885922258, + "main_score": 64.67047747141896 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/MassiveScenarioClassification.json b/results/jinaai__jina-embedding-s-en-v1/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..db92eac4d --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.78547410894419, + "f1": 71.69467869218154, + "main_score": 71.78547410894419 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/MedrxivClusteringP2P.json b/results/jinaai__jina-embedding-s-en-v1/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..7633e908f --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 27.23799937752035, + "main_score": 27.23799937752035 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/MedrxivClusteringS2S.json b/results/jinaai__jina-embedding-s-en-v1/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..a19a3e5f0 --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 23.26502601343789, + "main_score": 23.26502601343789 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/MindSmallReranking.json b/results/jinaai__jina-embedding-s-en-v1/external/MindSmallReranking.json new file mode 100644 index 000000000..27dc41d25 --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 30.680711484149832, + "mrr": 31.705059795117307, + "main_score": 30.680711484149832 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/NFCorpus.json b/results/jinaai__jina-embedding-s-en-v1/external/NFCorpus.json new file mode 100644 index 000000000..e51e06ad3 --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.077, + "map_at_10": 8.657, + "map_at_100": 10.753, + "map_at_1000": 11.885, + "map_at_3": 6.5089999999999995, + "map_at_5": 7.405, + "mrr_at_1": 38.7, + "mrr_at_10": 46.065, + "mrr_at_100": 46.772000000000006, + "mrr_at_1000": 46.83, + "mrr_at_3": 44.118, + "mrr_at_5": 45.015, + "ndcg_at_1": 36.997, + "ndcg_at_10": 25.96, + "ndcg_at_100": 23.607, + "ndcg_at_1000": 32.317, + "ndcg_at_3": 31.06, + "ndcg_at_5": 28.921000000000003, + "precision_at_1": 38.7, + "precision_at_10": 19.195, + "precision_at_100": 6.164, + "precision_at_1000": 1.839, + "precision_at_3": 28.999000000000002, + "precision_at_5": 25.014999999999997, + "recall_at_1": 4.077, + "recall_at_10": 11.802, + "recall_at_100": 24.365000000000002, + "recall_at_1000": 55.277, + "recall_at_3": 7.435, + "recall_at_5": 8.713999999999999, + "main_score": 25.96 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/NQ.json b/results/jinaai__jina-embedding-s-en-v1/external/NQ.json new file mode 100644 index 000000000..adb320eb1 --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.588, + "map_at_10": 32.08, + "map_at_100": 33.32, + "map_at_1000": 33.377, + "map_at_3": 28.166000000000004, + "map_at_5": 30.383, + "mrr_at_1": 22.161, + "mrr_at_10": 34.121, + "mrr_at_100": 35.171, + "mrr_at_1000": 35.214, + "mrr_at_3": 30.692000000000004, + "mrr_at_5": 32.706, + "ndcg_at_1": 22.131999999999998, + "ndcg_at_10": 38.887, + "ndcg_at_100": 44.433, + "ndcg_at_1000": 45.823, + "ndcg_at_3": 31.35, + "ndcg_at_5": 35.144, + "precision_at_1": 22.131999999999998, + "precision_at_10": 6.8629999999999995, + "precision_at_100": 0.993, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 14.706, + "precision_at_5": 10.972999999999999, + "recall_at_1": 19.588, + "recall_at_10": 57.703, + "recall_at_100": 82.194, + "recall_at_1000": 92.623, + "recall_at_3": 38.012, + "recall_at_5": 46.847, + "main_score": 38.887 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/QuoraRetrieval.json b/results/jinaai__jina-embedding-s-en-v1/external/QuoraRetrieval.json new file mode 100644 index 000000000..3977cc826 --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 68.038, + "map_at_10": 81.572, + "map_at_100": 82.25200000000001, + "map_at_1000": 82.27600000000001, + "map_at_3": 78.618, + "map_at_5": 80.449, + "mrr_at_1": 78.31, + "mrr_at_10": 84.98, + "mrr_at_100": 85.122, + "mrr_at_1000": 85.124, + "mrr_at_3": 83.852, + "mrr_at_5": 84.6, + "ndcg_at_1": 78.31, + "ndcg_at_10": 85.693, + "ndcg_at_100": 87.191, + "ndcg_at_1000": 87.386, + "ndcg_at_3": 82.585, + "ndcg_at_5": 84.255, + "precision_at_1": 78.31, + "precision_at_10": 12.986, + "precision_at_100": 1.505, + "precision_at_1000": 0.156, + "precision_at_3": 36.007, + "precision_at_5": 23.735999999999997, + "recall_at_1": 68.038, + "recall_at_10": 93.598, + "recall_at_100": 98.869, + "recall_at_1000": 99.86500000000001, + "recall_at_3": 84.628, + "recall_at_5": 89.316, + "main_score": 85.693 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/RedditClustering.json b/results/jinaai__jina-embedding-s-en-v1/external/RedditClustering.json new file mode 100644 index 000000000..f7aa778b1 --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.948231664922865, + "main_score": 37.948231664922865 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/RedditClusteringP2P.json b/results/jinaai__jina-embedding-s-en-v1/external/RedditClusteringP2P.json new file mode 100644 index 000000000..4e855c82c --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 49.90597913763894, + "main_score": 49.90597913763894 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/SCIDOCS.json b/results/jinaai__jina-embedding-s-en-v1/external/SCIDOCS.json new file mode 100644 index 000000000..84b5e9727 --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.753, + "map_at_10": 8.915, + "map_at_100": 10.374, + "map_at_1000": 10.612, + "map_at_3": 6.577, + "map_at_5": 7.8, + "mrr_at_1": 18.4, + "mrr_at_10": 27.325, + "mrr_at_100": 28.419, + "mrr_at_1000": 28.494000000000003, + "mrr_at_3": 24.349999999999998, + "mrr_at_5": 26.205000000000002, + "ndcg_at_1": 18.4, + "ndcg_at_10": 15.293000000000001, + "ndcg_at_100": 21.592, + "ndcg_at_1000": 26.473000000000003, + "ndcg_at_3": 14.748, + "ndcg_at_5": 12.98, + "precision_at_1": 18.4, + "precision_at_10": 7.779999999999999, + "precision_at_100": 1.693, + "precision_at_1000": 0.28800000000000003, + "precision_at_3": 13.700000000000001, + "precision_at_5": 11.379999999999999, + "recall_at_1": 3.753, + "recall_at_10": 15.806999999999999, + "recall_at_100": 34.37, + "recall_at_1000": 58.463, + "recall_at_3": 8.338, + "recall_at_5": 11.538, + "main_score": 15.293000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/SICK-R.json b/results/jinaai__jina-embedding-s-en-v1/external/SICK-R.json new file mode 100644 index 000000000..c0bd7fe15 --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.58843987639705, + "cos_sim_spearman": 76.33071660715956, + "euclidean_pearson": 72.8029921002978, + "euclidean_spearman": 69.34534284782808, + "manhattan_pearson": 72.49781034973653, + "manhattan_spearman": 69.24754112621694, + "cosine_pearson": 82.58843987639705, + "cosine_spearman": 76.33071660715956, + "main_score": 76.33071660715956 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/STS12.json b/results/jinaai__jina-embedding-s-en-v1/external/STS12.json new file mode 100644 index 000000000..703751090 --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.31673079903189, + "cos_sim_spearman": 74.27699263517789, + "euclidean_pearson": 69.4008910999579, + "euclidean_spearman": 59.0716984643048, + "manhattan_pearson": 68.87342686919199, + "manhattan_spearman": 58.904612865335025, + "cosine_pearson": 83.31673079903189, + "cosine_spearman": 74.27699263517789, + "main_score": 74.27699263517789 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/STS13.json b/results/jinaai__jina-embedding-s-en-v1/external/STS13.json new file mode 100644 index 000000000..f4dc52c70 --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 77.59122302327788, + "cos_sim_spearman": 78.55383586979005, + "euclidean_pearson": 68.18338642204289, + "euclidean_spearman": 68.95092864180276, + "manhattan_pearson": 68.08807059822706, + "manhattan_spearman": 68.86135938270193, + "cosine_pearson": 77.59122302327788, + "cosine_spearman": 78.55383586979005, + "main_score": 78.55383586979005 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/STS14.json b/results/jinaai__jina-embedding-s-en-v1/external/STS14.json new file mode 100644 index 000000000..e3e2e1396 --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 78.51766841424501, + "cos_sim_spearman": 73.84318001499558, + "euclidean_pearson": 67.2007138855177, + "euclidean_spearman": 63.98672842723766, + "manhattan_pearson": 67.17773810895949, + "manhattan_spearman": 64.07359154832962, + "cosine_pearson": 78.51766841424501, + "cosine_spearman": 73.84318001499558, + "main_score": 73.84318001499558 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/STS15.json b/results/jinaai__jina-embedding-s-en-v1/external/STS15.json new file mode 100644 index 000000000..98f6b11e7 --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.73438541570299, + "cos_sim_spearman": 83.71357922283677, + "euclidean_pearson": 57.50131347498546, + "euclidean_spearman": 57.73623619252132, + "manhattan_pearson": 58.082992079000725, + "manhattan_spearman": 58.42728201167522, + "cosine_pearson": 82.73438541570299, + "cosine_spearman": 83.71357922283677, + "main_score": 83.71357922283677 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/STS16.json b/results/jinaai__jina-embedding-s-en-v1/external/STS16.json new file mode 100644 index 000000000..a89115e65 --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 78.14794654172421, + "cos_sim_spearman": 80.025736165043, + "euclidean_pearson": 65.87773913985473, + "euclidean_spearman": 66.69337751784794, + "manhattan_pearson": 66.01039761004415, + "manhattan_spearman": 66.89215027952318, + "cosine_pearson": 78.14794654172421, + "cosine_spearman": 80.025736165043, + "main_score": 80.025736165043 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/STS17.json b/results/jinaai__jina-embedding-s-en-v1/external/STS17.json new file mode 100644 index 000000000..a7882932c --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.10554507136152, + "cos_sim_spearman": 87.4898082140765, + "euclidean_pearson": 72.19391114541367, + "euclidean_spearman": 70.36647944993783, + "manhattan_pearson": 72.18680758133698, + "manhattan_spearman": 70.3871215447305, + "cosine_pearson": 87.10554507136152, + "cosine_spearman": 87.4898082140765, + "main_score": 87.4898082140765 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/STS22.json b/results/jinaai__jina-embedding-s-en-v1/external/STS22.json new file mode 100644 index 000000000..19081bf85 --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 64.54868111501618, + "cos_sim_spearman": 64.25173617448473, + "euclidean_pearson": 39.116088900637116, + "euclidean_spearman": 53.300772929884, + "manhattan_pearson": 38.3844195287959, + "manhattan_spearman": 52.846675312001246, + "cosine_pearson": 64.54868111501618, + "cosine_spearman": 64.25173617448473, + "main_score": 64.25173617448473 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/STSBenchmark.json b/results/jinaai__jina-embedding-s-en-v1/external/STSBenchmark.json new file mode 100644 index 000000000..abddc7412 --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 80.04396610550214, + "cos_sim_spearman": 79.19504854997832, + "euclidean_pearson": 66.3284657637072, + "euclidean_spearman": 63.69531796729492, + "manhattan_pearson": 66.82324081038026, + "manhattan_spearman": 64.18254512904923, + "cosine_pearson": 80.04396610550214, + "cosine_spearman": 79.19504854997832, + "main_score": 79.19504854997832 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/SciDocsRR.json b/results/jinaai__jina-embedding-s-en-v1/external/SciDocsRR.json new file mode 100644 index 000000000..71d80cbf0 --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 74.16264051781705, + "mrr": 91.80864796060874, + "main_score": 74.16264051781705 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/SciFact.json b/results/jinaai__jina-embedding-s-en-v1/external/SciFact.json new file mode 100644 index 000000000..2d0905650 --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.983000000000004, + "map_at_10": 47.858000000000004, + "map_at_100": 48.695, + "map_at_1000": 48.752, + "map_at_3": 45.444, + "map_at_5": 46.906, + "mrr_at_1": 41.333, + "mrr_at_10": 49.935, + "mrr_at_100": 50.51, + "mrr_at_1000": 50.55500000000001, + "mrr_at_3": 47.833, + "mrr_at_5": 49.117, + "ndcg_at_1": 41.333, + "ndcg_at_10": 52.398999999999994, + "ndcg_at_100": 56.196, + "ndcg_at_1000": 57.838, + "ndcg_at_3": 47.987, + "ndcg_at_5": 50.356, + "precision_at_1": 41.333, + "precision_at_10": 7.167, + "precision_at_100": 0.9299999999999999, + "precision_at_1000": 0.108, + "precision_at_3": 19.0, + "precision_at_5": 12.8, + "recall_at_1": 38.983000000000004, + "recall_at_10": 64.183, + "recall_at_100": 82.02199999999999, + "recall_at_1000": 95.167, + "recall_at_3": 52.383, + "recall_at_5": 58.411, + "main_score": 52.398999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/SprintDuplicateQuestions.json b/results/jinaai__jina-embedding-s-en-v1/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..9c1381254 --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.8019801980198, + "cos_sim_ap": 94.9287554635848, + "cos_sim_f1": 89.83739837398375, + "cos_sim_precision": 91.32231404958677, + "cos_sim_recall": 88.4, + "dot_accuracy": 99.23762376237623, + "dot_ap": 55.22534191245801, + "dot_f1": 54.054054054054056, + "dot_precision": 55.15088449531738, + "dot_recall": 53.0, + "euclidean_accuracy": 99.6108910891089, + "euclidean_ap": 82.5195111329438, + "euclidean_f1": 78.2847718526663, + "euclidean_precision": 86.93528693528694, + "euclidean_recall": 71.2, + "manhattan_accuracy": 99.5970297029703, + "manhattan_ap": 81.96876777875492, + "manhattan_f1": 77.33773377337734, + "manhattan_precision": 85.94132029339853, + "manhattan_recall": 70.3, + "max_accuracy": 99.8019801980198, + "max_ap": 94.9287554635848, + "max_f1": 89.83739837398375, + "main_score": 94.9287554635848 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/StackExchangeClustering.json b/results/jinaai__jina-embedding-s-en-v1/external/StackExchangeClustering.json new file mode 100644 index 000000000..b01d0c323 --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 46.34997003954114, + "main_score": 46.34997003954114 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/StackExchangeClusteringP2P.json b/results/jinaai__jina-embedding-s-en-v1/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..23c4ef280 --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.462336020554893, + "main_score": 31.462336020554893 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/StackOverflowDupQuestions.json b/results/jinaai__jina-embedding-s-en-v1/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..b4b282cc2 --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 47.1757817459526, + "mrr": 47.941057104660054, + "main_score": 47.1757817459526 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/SummEval.json b/results/jinaai__jina-embedding-s-en-v1/external/SummEval.json new file mode 100644 index 000000000..df5bd88c1 --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.56106249068471, + "cos_sim_spearman": 31.24613190558528, + "dot_pearson": 20.486610035794257, + "dot_spearman": 23.115667545894546, + "cosine_pearson": 30.56106249068471, + "cosine_spearman": 31.24613190558528, + "main_score": 31.24613190558528 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/TRECCOVID.json b/results/jinaai__jina-embedding-s-en-v1/external/TRECCOVID.json new file mode 100644 index 000000000..b2a53a6c0 --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.182, + "map_at_10": 1.155, + "map_at_100": 5.118, + "map_at_1000": 11.827, + "map_at_3": 0.482, + "map_at_5": 0.712, + "mrr_at_1": 70.0, + "mrr_at_10": 79.483, + "mrr_at_100": 79.637, + "mrr_at_1000": 79.637, + "mrr_at_3": 77.667, + "mrr_at_5": 78.567, + "ndcg_at_1": 63.0, + "ndcg_at_10": 52.303, + "ndcg_at_100": 37.361, + "ndcg_at_1000": 32.84, + "ndcg_at_3": 58.274, + "ndcg_at_5": 55.601, + "precision_at_1": 70.0, + "precision_at_10": 55.60000000000001, + "precision_at_100": 37.96, + "precision_at_1000": 14.738000000000001, + "precision_at_3": 62.666999999999994, + "precision_at_5": 60.0, + "recall_at_1": 0.182, + "recall_at_10": 1.4120000000000001, + "recall_at_100": 8.533, + "recall_at_1000": 30.572, + "recall_at_3": 0.5309999999999999, + "recall_at_5": 0.814, + "main_score": 52.303 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/Touche2020.json b/results/jinaai__jina-embedding-s-en-v1/external/Touche2020.json new file mode 100644 index 000000000..889a6360a --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 1.385, + "map_at_10": 7.185999999999999, + "map_at_100": 11.642, + "map_at_1000": 12.953000000000001, + "map_at_3": 3.496, + "map_at_5": 4.82, + "mrr_at_1": 16.326999999999998, + "mrr_at_10": 29.461, + "mrr_at_100": 31.436999999999998, + "mrr_at_1000": 31.436999999999998, + "mrr_at_3": 24.490000000000002, + "mrr_at_5": 27.857, + "ndcg_at_1": 14.285999999999998, + "ndcg_at_10": 16.672, + "ndcg_at_100": 28.691, + "ndcg_at_1000": 39.817, + "ndcg_at_3": 15.277, + "ndcg_at_5": 15.823, + "precision_at_1": 16.326999999999998, + "precision_at_10": 15.509999999999998, + "precision_at_100": 6.49, + "precision_at_1000": 1.4080000000000001, + "precision_at_3": 16.326999999999998, + "precision_at_5": 16.735, + "recall_at_1": 1.385, + "recall_at_10": 12.586, + "recall_at_100": 40.765, + "recall_at_1000": 75.198, + "recall_at_3": 4.326, + "recall_at_5": 7.074999999999999, + "main_score": 16.672 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/ToxicConversationsClassification.json b/results/jinaai__jina-embedding-s-en-v1/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..e1532fbcb --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 59.4402, + "ap": 10.16922814263879, + "f1": 45.374485104940476, + "main_score": 59.4402 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/TweetSentimentExtractionClassification.json b/results/jinaai__jina-embedding-s-en-v1/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..0faabf0fb --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 54.25863044708545, + "f1": 54.20154252609619, + "main_score": 54.25863044708545 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/TwentyNewsgroupsClustering.json b/results/jinaai__jina-embedding-s-en-v1/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..399f5496b --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.3883169293051, + "main_score": 34.3883169293051 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/TwitterSemEval2015.json b/results/jinaai__jina-embedding-s-en-v1/external/TwitterSemEval2015.json new file mode 100644 index 000000000..447e69c56 --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 81.76670441676104, + "cos_sim_ap": 59.29878710961347, + "cos_sim_f1": 57.33284971587474, + "cos_sim_precision": 52.9122963624191, + "cos_sim_recall": 62.559366754617415, + "dot_accuracy": 77.52279907015557, + "dot_ap": 34.17588904643467, + "dot_f1": 41.063567529494634, + "dot_precision": 30.813953488372093, + "dot_recall": 61.53034300791557, + "euclidean_accuracy": 80.61631996185254, + "euclidean_ap": 54.00362361479352, + "euclidean_f1": 53.99111751290361, + "euclidean_precision": 49.52653600528518, + "euclidean_recall": 59.340369393139845, + "manhattan_accuracy": 80.65208320915539, + "manhattan_ap": 54.18329507159467, + "manhattan_f1": 53.85550960836779, + "manhattan_precision": 49.954873646209386, + "manhattan_recall": 58.41688654353562, + "max_accuracy": 81.76670441676104, + "max_ap": 59.29878710961347, + "max_f1": 57.33284971587474, + "main_score": 59.29878710961347 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/TwitterURLCorpus.json b/results/jinaai__jina-embedding-s-en-v1/external/TwitterURLCorpus.json new file mode 100644 index 000000000..f4584793a --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 87.99433383785463, + "cos_sim_ap": 83.43513915159009, + "cos_sim_f1": 76.3906784964842, + "cos_sim_precision": 73.19223985890653, + "cos_sim_recall": 79.88142901139513, + "dot_accuracy": 81.96142352621571, + "dot_ap": 67.78764755689359, + "dot_f1": 64.42823356983445, + "dot_precision": 56.77801913931779, + "dot_recall": 74.46104096088698, + "euclidean_accuracy": 81.9478402607987, + "euclidean_ap": 67.13958457373279, + "euclidean_f1": 60.45118343195266, + "euclidean_precision": 58.1625391403359, + "euclidean_recall": 62.92731752386819, + "manhattan_accuracy": 82.01769705437188, + "manhattan_ap": 67.24709477497046, + "manhattan_f1": 60.4103846436714, + "manhattan_precision": 57.82063916654935, + "manhattan_recall": 63.24299353249153, + "max_accuracy": 87.99433383785463, + "max_ap": 83.43513915159009, + "max_f1": 76.3906784964842, + "main_score": 83.43513915159009 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embedding-s-en-v1/external/model_meta.json b/results/jinaai__jina-embedding-s-en-v1/external/model_meta.json new file mode 100644 index 000000000..d33447898 --- /dev/null +++ b/results/jinaai__jina-embedding-s-en-v1/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "jinaai/jina-embedding-s-en-v1", + "revision": "c1fed70aa4823a640f1a7150a276e4d3b08dce08", + "release_date": "2023-07-06", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 35336818, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 512, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/AmazonCounterfactualClassification.json b/results/jinaai__jina-embeddings-v2-base-de/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..5bc676ff2 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/AmazonCounterfactualClassification.json @@ -0,0 +1,30 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.76119402985076, + "ap": 35.99577188521176, + "f1": 67.50397431543269, + "main_score": 73.76119402985076 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 68.9186295503212, + "ap": 79.73307115840507, + "f1": 66.66245744831339, + "main_score": 68.9186295503212 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/AmazonPolarityClassification.json b/results/jinaai__jina-embeddings-v2-base-de/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..64af1b7dd --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.52215, + "ap": 71.85051037177416, + "f1": 77.4171096157774, + "main_score": 77.52215 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/AmazonReviewsClassification.json b/results/jinaai__jina-embeddings-v2-base-de/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..c025178b6 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/AmazonReviewsClassification.json @@ -0,0 +1,28 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 38.498, + "f1": 38.058193386555956, + "main_score": 38.498 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 37.717999999999996, + "f1": 37.22674371574757, + "main_score": 37.717999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/ArguAna.json b/results/jinaai__jina-embeddings-v2-base-de/external/ArguAna.json new file mode 100644 index 000000000..f3ff39121 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.319999999999997, + "map_at_10": 40.351, + "map_at_100": 41.435, + "map_at_1000": 41.443000000000005, + "map_at_3": 35.266, + "map_at_5": 37.99, + "mrr_at_1": 25.746999999999996, + "mrr_at_10": 40.515, + "mrr_at_100": 41.606, + "mrr_at_1000": 41.614000000000004, + "mrr_at_3": 35.42, + "mrr_at_5": 38.112, + "ndcg_at_1": 25.319999999999997, + "ndcg_at_10": 49.332, + "ndcg_at_100": 53.909, + "ndcg_at_1000": 54.089, + "ndcg_at_3": 38.705, + "ndcg_at_5": 43.606, + "precision_at_1": 25.319999999999997, + "precision_at_10": 7.831, + "precision_at_100": 0.9820000000000001, + "precision_at_1000": 0.1, + "precision_at_3": 16.24, + "precision_at_5": 12.119, + "recall_at_1": 25.319999999999997, + "recall_at_10": 78.307, + "recall_at_100": 98.222, + "recall_at_1000": 99.57300000000001, + "recall_at_3": 48.72, + "recall_at_5": 60.597, + "main_score": 49.332 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/ArxivClusteringP2P.json b/results/jinaai__jina-embeddings-v2-base-de/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..b43b4d2f0 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 41.43100588255654, + "main_score": 41.43100588255654 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/ArxivClusteringS2S.json b/results/jinaai__jina-embeddings-v2-base-de/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..eeed50abe --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.08988904593667, + "main_score": 32.08988904593667 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/AskUbuntuDupQuestions.json b/results/jinaai__jina-embeddings-v2-base-de/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..3df9ec022 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 60.55514765595906, + "mrr": 73.51393835465858, + "main_score": 60.55514765595906 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/BIOSSES.json b/results/jinaai__jina-embeddings-v2-base-de/external/BIOSSES.json new file mode 100644 index 000000000..d1d29c03d --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 79.6723823121172, + "cos_sim_spearman": 76.90596922214986, + "euclidean_pearson": 77.87910737957918, + "euclidean_spearman": 76.66319260598262, + "manhattan_pearson": 77.37039493457965, + "manhattan_spearman": 76.09872191280964, + "cosine_pearson": 79.6723823121172, + "cosine_spearman": 76.90596922214986, + "main_score": 76.90596922214986 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/BUCC.json b/results/jinaai__jina-embeddings-v2-base-de/external/BUCC.json new file mode 100644 index 000000000..63e63b5ed --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/BUCC.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "d51519689f32196a32af33b075a01d0e7c51e252", + "task_name": "BUCC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "accuracy": 98.97703549060543, + "f1": 98.86569241475296, + "precision": 98.81002087682673, + "recall": 98.97703549060543, + "main_score": 98.86569241475296 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/Banking77Classification.json b/results/jinaai__jina-embeddings-v2-base-de/external/Banking77Classification.json new file mode 100644 index 000000000..918c8c7bb --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 83.93506493506493, + "f1": 83.91014949949302, + "main_score": 83.93506493506493 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/BiorxivClusteringP2P.json b/results/jinaai__jina-embeddings-v2-base-de/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..e5a7e0b98 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.970675877585144, + "main_score": 34.970675877585144 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/BiorxivClusteringS2S.json b/results/jinaai__jina-embeddings-v2-base-de/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..4f7de87c8 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 28.779230269190954, + "main_score": 28.779230269190954 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/BlurbsClusteringP2P.json b/results/jinaai__jina-embeddings-v2-base-de/external/BlurbsClusteringP2P.json new file mode 100644 index 000000000..8e718e339 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/BlurbsClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a2dd5b02a77de3466a3eaa98ae586b5610314496", + "task_name": "BlurbsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "deu-Latn" + ], + "v_measure": 35.490175601567216, + "main_score": 35.490175601567216 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/BlurbsClusteringS2S.json b/results/jinaai__jina-embeddings-v2-base-de/external/BlurbsClusteringS2S.json new file mode 100644 index 000000000..0affddc6a --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/BlurbsClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "9bfff9a7f8f6dc6ffc9da71c48dd48b68696471d", + "task_name": "BlurbsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "deu-Latn" + ], + "v_measure": 16.16638280560168, + "main_score": 16.16638280560168 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/CQADupstackAndroidRetrieval.json b/results/jinaai__jina-embeddings-v2-base-de/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..518476062 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.830999999999996, + "map_at_10": 41.355, + "map_at_100": 42.791000000000004, + "map_at_1000": 42.918, + "map_at_3": 38.237, + "map_at_5": 40.066, + "mrr_at_1": 38.484, + "mrr_at_10": 47.593, + "mrr_at_100": 48.388, + "mrr_at_1000": 48.439, + "mrr_at_3": 45.279, + "mrr_at_5": 46.724, + "ndcg_at_1": 38.484, + "ndcg_at_10": 47.27, + "ndcg_at_100": 52.568000000000005, + "ndcg_at_1000": 54.729000000000006, + "ndcg_at_3": 43.061, + "ndcg_at_5": 45.083, + "precision_at_1": 38.484, + "precision_at_10": 8.927, + "precision_at_100": 1.425, + "precision_at_1000": 0.19, + "precision_at_3": 20.791999999999998, + "precision_at_5": 14.85, + "recall_at_1": 30.830999999999996, + "recall_at_10": 57.87799999999999, + "recall_at_100": 80.124, + "recall_at_1000": 94.208, + "recall_at_3": 45.083, + "recall_at_5": 51.154999999999994, + "main_score": 47.27 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.782, + "map_at_10": 34.492, + "map_at_100": 35.521, + "map_at_1000": 35.638, + "map_at_3": 31.735999999999997, + "map_at_5": 33.339, + "mrr_at_1": 32.357, + "mrr_at_10": 39.965, + "mrr_at_100": 40.644000000000005, + "mrr_at_1000": 40.695, + "mrr_at_3": 37.739, + "mrr_at_5": 39.061, + "ndcg_at_1": 32.357, + "ndcg_at_10": 39.644, + "ndcg_at_100": 43.851, + "ndcg_at_1000": 46.211999999999996, + "ndcg_at_3": 35.675000000000004, + "ndcg_at_5": 37.564, + "precision_at_1": 32.357, + "precision_at_10": 7.344, + "precision_at_100": 1.201, + "precision_at_1000": 0.168, + "precision_at_3": 17.155, + "precision_at_5": 12.166, + "recall_at_1": 25.782, + "recall_at_10": 49.132999999999996, + "recall_at_100": 67.24, + "recall_at_1000": 83.045, + "recall_at_3": 37.021, + "recall_at_5": 42.548, + "main_score": 39.644 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 35.778999999999996, + "map_at_10": 47.038000000000004, + "map_at_100": 48.064, + "map_at_1000": 48.128, + "map_at_3": 44.186, + "map_at_5": 45.788000000000004, + "mrr_at_1": 41.254000000000005, + "mrr_at_10": 50.556999999999995, + "mrr_at_100": 51.296, + "mrr_at_1000": 51.331, + "mrr_at_3": 48.318, + "mrr_at_5": 49.619, + "ndcg_at_1": 41.254000000000005, + "ndcg_at_10": 52.454, + "ndcg_at_100": 56.776, + "ndcg_at_1000": 58.181000000000004, + "ndcg_at_3": 47.713, + "ndcg_at_5": 49.997, + "precision_at_1": 41.254000000000005, + "precision_at_10": 8.464, + "precision_at_100": 1.157, + "precision_at_1000": 0.133, + "precision_at_3": 21.526, + "precision_at_5": 14.696000000000002, + "recall_at_1": 35.778999999999996, + "recall_at_10": 64.85300000000001, + "recall_at_100": 83.98400000000001, + "recall_at_1000": 94.18299999999999, + "recall_at_3": 51.929, + "recall_at_5": 57.666, + "main_score": 52.454 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.719, + "map_at_10": 29.326999999999998, + "map_at_100": 30.314000000000004, + "map_at_1000": 30.397000000000002, + "map_at_3": 27.101, + "map_at_5": 28.141, + "mrr_at_1": 23.503, + "mrr_at_10": 31.225, + "mrr_at_100": 32.096000000000004, + "mrr_at_1000": 32.159, + "mrr_at_3": 29.076999999999998, + "mrr_at_5": 30.083, + "ndcg_at_1": 23.503, + "ndcg_at_10": 33.842, + "ndcg_at_100": 39.038000000000004, + "ndcg_at_1000": 41.214, + "ndcg_at_3": 29.347, + "ndcg_at_5": 31.121, + "precision_at_1": 23.503, + "precision_at_10": 5.266, + "precision_at_100": 0.831, + "precision_at_1000": 0.106, + "precision_at_3": 12.504999999999999, + "precision_at_5": 8.565000000000001, + "recall_at_1": 21.719, + "recall_at_10": 46.024, + "recall_at_100": 70.78999999999999, + "recall_at_1000": 87.022, + "recall_at_3": 33.64, + "recall_at_5": 37.992, + "main_score": 33.842 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.601, + "map_at_10": 22.054000000000002, + "map_at_100": 23.177, + "map_at_1000": 23.308, + "map_at_3": 19.772000000000002, + "map_at_5": 21.055, + "mrr_at_1": 19.403000000000002, + "mrr_at_10": 26.409, + "mrr_at_100": 27.356, + "mrr_at_1000": 27.441, + "mrr_at_3": 24.108999999999998, + "mrr_at_5": 25.427, + "ndcg_at_1": 19.403000000000002, + "ndcg_at_10": 26.474999999999998, + "ndcg_at_100": 32.086, + "ndcg_at_1000": 35.231, + "ndcg_at_3": 22.289, + "ndcg_at_5": 24.271, + "precision_at_1": 19.403000000000002, + "precision_at_10": 4.813, + "precision_at_100": 0.8869999999999999, + "precision_at_1000": 0.13, + "precision_at_3": 10.531, + "precision_at_5": 7.710999999999999, + "recall_at_1": 15.601, + "recall_at_10": 35.916, + "recall_at_100": 60.8, + "recall_at_1000": 83.245, + "recall_at_3": 24.321, + "recall_at_5": 29.372999999999998, + "main_score": 26.474999999999998 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.522, + "map_at_10": 34.854, + "map_at_100": 36.269, + "map_at_1000": 36.387, + "map_at_3": 32.187, + "map_at_5": 33.692, + "mrr_at_1": 31.375999999999998, + "mrr_at_10": 40.471000000000004, + "mrr_at_100": 41.481, + "mrr_at_1000": 41.533, + "mrr_at_3": 38.274, + "mrr_at_5": 39.612, + "ndcg_at_1": 31.375999999999998, + "ndcg_at_10": 40.298, + "ndcg_at_100": 46.255, + "ndcg_at_1000": 48.522, + "ndcg_at_3": 36.049, + "ndcg_at_5": 38.095, + "precision_at_1": 31.375999999999998, + "precision_at_10": 7.305000000000001, + "precision_at_100": 1.201, + "precision_at_1000": 0.157, + "precision_at_3": 17.132, + "precision_at_5": 12.107999999999999, + "recall_at_1": 25.522, + "recall_at_10": 50.988, + "recall_at_100": 76.005, + "recall_at_1000": 91.11200000000001, + "recall_at_3": 38.808, + "recall_at_5": 44.279, + "main_score": 40.298 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.615000000000002, + "map_at_10": 32.843, + "map_at_100": 34.172999999999995, + "map_at_1000": 34.286, + "map_at_3": 30.125, + "map_at_5": 31.495, + "mrr_at_1": 30.023, + "mrr_at_10": 38.106, + "mrr_at_100": 39.01, + "mrr_at_1000": 39.071, + "mrr_at_3": 35.674, + "mrr_at_5": 36.924, + "ndcg_at_1": 30.023, + "ndcg_at_10": 38.091, + "ndcg_at_100": 43.771, + "ndcg_at_1000": 46.315, + "ndcg_at_3": 33.507, + "ndcg_at_5": 35.304, + "precision_at_1": 30.023, + "precision_at_10": 6.837999999999999, + "precision_at_100": 1.124, + "precision_at_1000": 0.152, + "precision_at_3": 15.562999999999999, + "precision_at_5": 10.936, + "recall_at_1": 24.615000000000002, + "recall_at_10": 48.691, + "recall_at_100": 72.884, + "recall_at_1000": 90.387, + "recall_at_3": 35.659, + "recall_at_5": 40.602, + "main_score": 38.091 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.223666666666666, + "map_at_10": 31.338166666666673, + "map_at_100": 32.47358333333333, + "map_at_1000": 32.5955, + "map_at_3": 28.84133333333333, + "map_at_5": 30.20808333333333, + "mrr_at_1": 27.62483333333333, + "mrr_at_10": 35.385916666666674, + "mrr_at_100": 36.23325, + "mrr_at_1000": 36.29966666666667, + "mrr_at_3": 33.16583333333333, + "mrr_at_5": 34.41983333333334, + "ndcg_at_1": 27.62483333333333, + "ndcg_at_10": 36.222, + "ndcg_at_100": 41.29491666666666, + "ndcg_at_1000": 43.85508333333333, + "ndcg_at_3": 31.95116666666667, + "ndcg_at_5": 33.88541666666667, + "precision_at_1": 27.62483333333333, + "precision_at_10": 6.339916666666667, + "precision_at_100": 1.0483333333333333, + "precision_at_1000": 0.14608333333333334, + "precision_at_3": 14.726500000000003, + "precision_at_5": 10.395, + "recall_at_1": 23.223666666666666, + "recall_at_10": 46.778999999999996, + "recall_at_100": 69.27141666666667, + "recall_at_1000": 87.27383333333334, + "recall_at_3": 34.678749999999994, + "recall_at_5": 39.79900000000001, + "main_score": 36.222 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.677, + "map_at_10": 27.828000000000003, + "map_at_100": 28.538999999999998, + "map_at_1000": 28.64, + "map_at_3": 26.105, + "map_at_5": 27.009, + "mrr_at_1": 24.387, + "mrr_at_10": 30.209999999999997, + "mrr_at_100": 30.953000000000003, + "mrr_at_1000": 31.029, + "mrr_at_3": 28.707, + "mrr_at_5": 29.610999999999997, + "ndcg_at_1": 24.387, + "ndcg_at_10": 31.378, + "ndcg_at_100": 35.249, + "ndcg_at_1000": 37.923, + "ndcg_at_3": 28.213, + "ndcg_at_5": 29.658, + "precision_at_1": 24.387, + "precision_at_10": 4.8309999999999995, + "precision_at_100": 0.73, + "precision_at_1000": 0.104, + "precision_at_3": 12.168, + "precision_at_5": 8.251999999999999, + "recall_at_1": 21.677, + "recall_at_10": 40.069, + "recall_at_100": 58.077, + "recall_at_1000": 77.97, + "recall_at_3": 31.03, + "recall_at_5": 34.838, + "main_score": 31.378 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 14.484, + "map_at_10": 20.355, + "map_at_100": 21.382, + "map_at_1000": 21.511, + "map_at_3": 18.448, + "map_at_5": 19.451999999999998, + "mrr_at_1": 17.584, + "mrr_at_10": 23.825, + "mrr_at_100": 24.704, + "mrr_at_1000": 24.793000000000003, + "mrr_at_3": 21.92, + "mrr_at_5": 22.97, + "ndcg_at_1": 17.584, + "ndcg_at_10": 24.315, + "ndcg_at_100": 29.354999999999997, + "ndcg_at_1000": 32.641999999999996, + "ndcg_at_3": 20.802, + "ndcg_at_5": 22.335, + "precision_at_1": 17.584, + "precision_at_10": 4.443, + "precision_at_100": 0.8160000000000001, + "precision_at_1000": 0.128, + "precision_at_3": 9.807, + "precision_at_5": 7.0889999999999995, + "recall_at_1": 14.484, + "recall_at_10": 32.804, + "recall_at_100": 55.679, + "recall_at_1000": 79.63, + "recall_at_3": 22.976, + "recall_at_5": 26.939, + "main_score": 24.315 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.983999999999998, + "map_at_10": 30.812, + "map_at_100": 31.938, + "map_at_1000": 32.056000000000004, + "map_at_3": 28.449999999999996, + "map_at_5": 29.542, + "mrr_at_1": 27.145999999999997, + "mrr_at_10": 34.782999999999994, + "mrr_at_100": 35.699, + "mrr_at_1000": 35.768, + "mrr_at_3": 32.572, + "mrr_at_5": 33.607, + "ndcg_at_1": 27.145999999999997, + "ndcg_at_10": 35.722, + "ndcg_at_100": 40.964, + "ndcg_at_1000": 43.598, + "ndcg_at_3": 31.379, + "ndcg_at_5": 32.924, + "precision_at_1": 27.145999999999997, + "precision_at_10": 6.063000000000001, + "precision_at_100": 0.9730000000000001, + "precision_at_1000": 0.13, + "precision_at_3": 14.366000000000001, + "precision_at_5": 9.776, + "recall_at_1": 22.983999999999998, + "recall_at_10": 46.876, + "recall_at_100": 69.646, + "recall_at_1000": 88.305, + "recall_at_3": 34.471000000000004, + "recall_at_5": 38.76, + "main_score": 35.722 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.017000000000003, + "map_at_10": 31.049, + "map_at_100": 32.582, + "map_at_1000": 32.817, + "map_at_3": 28.303, + "map_at_5": 29.854000000000003, + "mrr_at_1": 27.866000000000003, + "mrr_at_10": 35.56, + "mrr_at_100": 36.453, + "mrr_at_1000": 36.519, + "mrr_at_3": 32.938, + "mrr_at_5": 34.391, + "ndcg_at_1": 27.866000000000003, + "ndcg_at_10": 36.506, + "ndcg_at_100": 42.344, + "ndcg_at_1000": 45.213, + "ndcg_at_3": 31.805, + "ndcg_at_5": 33.933, + "precision_at_1": 27.866000000000003, + "precision_at_10": 7.016, + "precision_at_100": 1.468, + "precision_at_1000": 0.23900000000000002, + "precision_at_3": 14.822, + "precision_at_5": 10.791, + "recall_at_1": 23.017000000000003, + "recall_at_10": 47.053, + "recall_at_100": 73.177, + "recall_at_1000": 91.47800000000001, + "recall_at_3": 33.675, + "recall_at_5": 39.36, + "main_score": 36.506 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.673, + "map_at_10": 24.051000000000002, + "map_at_100": 24.933, + "map_at_1000": 25.06, + "map_at_3": 21.446, + "map_at_5": 23.064, + "mrr_at_1": 18.115000000000002, + "mrr_at_10": 25.927, + "mrr_at_100": 26.718999999999998, + "mrr_at_1000": 26.817999999999998, + "mrr_at_3": 23.383000000000003, + "mrr_at_5": 25.008999999999997, + "ndcg_at_1": 18.115000000000002, + "ndcg_at_10": 28.669, + "ndcg_at_100": 33.282000000000004, + "ndcg_at_1000": 36.481, + "ndcg_at_3": 23.574, + "ndcg_at_5": 26.340000000000003, + "precision_at_1": 18.115000000000002, + "precision_at_10": 4.769, + "precision_at_100": 0.767, + "precision_at_1000": 0.116, + "precision_at_3": 10.351, + "precision_at_5": 7.8, + "recall_at_1": 16.673, + "recall_at_10": 41.063, + "recall_at_100": 62.851, + "recall_at_1000": 86.701, + "recall_at_3": 27.532, + "recall_at_5": 34.076, + "main_score": 28.669 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/ClimateFEVER.json b/results/jinaai__jina-embeddings-v2-base-de/external/ClimateFEVER.json new file mode 100644 index 000000000..d32dbfcec --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.752, + "map_at_10": 15.120000000000001, + "map_at_100": 16.678, + "map_at_1000": 16.854, + "map_at_3": 12.603, + "map_at_5": 13.918, + "mrr_at_1": 19.283, + "mrr_at_10": 29.145, + "mrr_at_100": 30.281000000000002, + "mrr_at_1000": 30.339, + "mrr_at_3": 26.069, + "mrr_at_5": 27.864, + "ndcg_at_1": 19.283, + "ndcg_at_10": 21.804000000000002, + "ndcg_at_100": 28.576, + "ndcg_at_1000": 32.063, + "ndcg_at_3": 17.511, + "ndcg_at_5": 19.112000000000002, + "precision_at_1": 19.283, + "precision_at_10": 6.873, + "precision_at_100": 1.405, + "precision_at_1000": 0.20500000000000002, + "precision_at_3": 13.16, + "precision_at_5": 10.189, + "recall_at_1": 8.752, + "recall_at_10": 27.004, + "recall_at_100": 50.648, + "recall_at_1000": 70.458, + "recall_at_3": 16.461000000000002, + "recall_at_5": 20.973, + "main_score": 21.804000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/DBPedia.json b/results/jinaai__jina-embeddings-v2-base-de/external/DBPedia.json new file mode 100644 index 000000000..a3060e237 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.81, + "map_at_10": 14.056, + "map_at_100": 18.961, + "map_at_1000": 20.169, + "map_at_3": 10.496, + "map_at_5": 11.952, + "mrr_at_1": 53.5, + "mrr_at_10": 63.479, + "mrr_at_100": 63.971999999999994, + "mrr_at_1000": 63.993, + "mrr_at_3": 61.541999999999994, + "mrr_at_5": 62.778999999999996, + "ndcg_at_1": 42.25, + "ndcg_at_10": 31.471, + "ndcg_at_100": 35.115, + "ndcg_at_1000": 42.408, + "ndcg_at_3": 35.458, + "ndcg_at_5": 32.973, + "precision_at_1": 53.5, + "precision_at_10": 24.85, + "precision_at_100": 7.79, + "precision_at_1000": 1.599, + "precision_at_3": 38.667, + "precision_at_5": 31.55, + "recall_at_1": 6.81, + "recall_at_10": 19.344, + "recall_at_100": 40.837, + "recall_at_1000": 64.661, + "recall_at_3": 11.942, + "recall_at_5": 14.646, + "main_score": 31.471 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/EmotionClassification.json b/results/jinaai__jina-embeddings-v2-base-de/external/EmotionClassification.json new file mode 100644 index 000000000..f6ce96942 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 44.64499999999999, + "f1": 39.39106911352714, + "main_score": 44.64499999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/FEVER.json b/results/jinaai__jina-embeddings-v2-base-de/external/FEVER.json new file mode 100644 index 000000000..bc7046f5c --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 48.196, + "map_at_10": 61.404, + "map_at_100": 61.846000000000004, + "map_at_1000": 61.866, + "map_at_3": 58.975, + "map_at_5": 60.525, + "mrr_at_1": 52.025, + "mrr_at_10": 65.43299999999999, + "mrr_at_100": 65.80799999999999, + "mrr_at_1000": 65.818, + "mrr_at_3": 63.146, + "mrr_at_5": 64.64, + "ndcg_at_1": 52.025, + "ndcg_at_10": 67.889, + "ndcg_at_100": 69.864, + "ndcg_at_1000": 70.337, + "ndcg_at_3": 63.315, + "ndcg_at_5": 65.91799999999999, + "precision_at_1": 52.025, + "precision_at_10": 9.182, + "precision_at_100": 1.027, + "precision_at_1000": 0.108, + "precision_at_3": 25.968000000000004, + "precision_at_5": 17.006, + "recall_at_1": 48.196, + "recall_at_10": 83.885, + "recall_at_100": 92.671, + "recall_at_1000": 96.018, + "recall_at_3": 71.59, + "recall_at_5": 77.946, + "main_score": 67.889 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/FiQA2018.json b/results/jinaai__jina-embeddings-v2-base-de/external/FiQA2018.json new file mode 100644 index 000000000..7f603d6c1 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.193000000000001, + "map_at_10": 25.168000000000003, + "map_at_100": 27.017000000000003, + "map_at_1000": 27.205000000000002, + "map_at_3": 21.746, + "map_at_5": 23.579, + "mrr_at_1": 31.635999999999996, + "mrr_at_10": 40.077, + "mrr_at_100": 41.112, + "mrr_at_1000": 41.160999999999994, + "mrr_at_3": 37.937, + "mrr_at_5": 39.18, + "ndcg_at_1": 31.635999999999996, + "ndcg_at_10": 32.298, + "ndcg_at_100": 39.546, + "ndcg_at_1000": 42.88, + "ndcg_at_3": 29.221999999999998, + "ndcg_at_5": 30.069000000000003, + "precision_at_1": 31.635999999999996, + "precision_at_10": 9.367, + "precision_at_100": 1.645, + "precision_at_1000": 0.22399999999999998, + "precision_at_3": 20.01, + "precision_at_5": 14.753, + "recall_at_1": 15.193000000000001, + "recall_at_10": 38.214999999999996, + "recall_at_100": 65.95, + "recall_at_1000": 85.85300000000001, + "recall_at_3": 26.357000000000003, + "recall_at_5": 31.319999999999997, + "main_score": 32.298 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/GerDaLIR.json b/results/jinaai__jina-embeddings-v2-base-de/external/GerDaLIR.json new file mode 100644 index 000000000..a3ed0179d --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/GerDaLIR.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "GerDaLIR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "deu-Latn" + ], + "map_at_1": 10.363, + "map_at_10": 16.222, + "map_at_100": 17.28, + "map_at_1000": 17.380000000000003, + "map_at_3": 14.054, + "map_at_5": 15.203, + "mrr_at_1": 11.644, + "mrr_at_10": 17.625, + "mrr_at_100": 18.608, + "mrr_at_1000": 18.695999999999998, + "mrr_at_3": 15.481, + "mrr_at_5": 16.659, + "ndcg_at_1": 11.628, + "ndcg_at_10": 20.028000000000002, + "ndcg_at_100": 25.505, + "ndcg_at_1000": 28.288000000000004, + "ndcg_at_3": 15.603, + "ndcg_at_5": 17.642, + "precision_at_1": 11.628, + "precision_at_10": 3.5589999999999997, + "precision_at_100": 0.664, + "precision_at_1000": 0.092, + "precision_at_3": 7.109999999999999, + "precision_at_5": 5.401, + "recall_at_1": 10.363, + "recall_at_10": 30.586000000000002, + "recall_at_100": 56.43, + "recall_at_1000": 78.142, + "recall_at_3": 18.651, + "recall_at_5": 23.493, + "main_score": 20.028000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/GermanDPR.json b/results/jinaai__jina-embeddings-v2-base-de/external/GermanDPR.json new file mode 100644 index 000000000..00029a4ac --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/GermanDPR.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "5129d02422a66be600ac89cd3e8531b4f97d347d", + "task_name": "GermanDPR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "deu-Latn" + ], + "map_at_1": 60.78, + "map_at_10": 73.91499999999999, + "map_at_100": 74.089, + "map_at_1000": 74.09400000000001, + "map_at_3": 71.87, + "map_at_5": 73.37700000000001, + "mrr_at_1": 60.78, + "mrr_at_10": 73.91499999999999, + "mrr_at_100": 74.089, + "mrr_at_1000": 74.09400000000001, + "mrr_at_3": 71.87, + "mrr_at_5": 73.37700000000001, + "ndcg_at_1": 60.78, + "ndcg_at_10": 79.35600000000001, + "ndcg_at_100": 80.077, + "ndcg_at_1000": 80.203, + "ndcg_at_3": 75.393, + "ndcg_at_5": 78.077, + "precision_at_1": 60.78, + "precision_at_10": 9.59, + "precision_at_100": 0.9900000000000001, + "precision_at_1000": 0.1, + "precision_at_3": 28.52, + "precision_at_5": 18.4, + "recall_at_1": 60.78, + "recall_at_10": 95.902, + "recall_at_100": 99.024, + "recall_at_1000": 100.0, + "recall_at_3": 85.56099999999999, + "recall_at_5": 92.0, + "main_score": 79.35600000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/GermanSTSBenchmark.json b/results/jinaai__jina-embeddings-v2-base-de/external/GermanSTSBenchmark.json new file mode 100644 index 000000000..5b43d45b9 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/GermanSTSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "49d9b423b996fea62b483f9ee6dfb5ec233515ca", + "task_name": "GermanSTSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "deu-Latn" + ], + "cos_sim_pearson": 88.49524420894356, + "cos_sim_spearman": 88.32407839427714, + "euclidean_pearson": 87.25098779877104, + "euclidean_spearman": 88.22738098593608, + "manhattan_pearson": 87.23872691839607, + "manhattan_spearman": 88.2002968380165, + "cosine_pearson": 88.49524420894356, + "cosine_spearman": 88.32407839427714, + "main_score": 88.32407839427714 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/HotpotQA.json b/results/jinaai__jina-embeddings-v2-base-de/external/HotpotQA.json new file mode 100644 index 000000000..8b7a3ae6b --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.81, + "map_at_10": 46.238, + "map_at_100": 47.141, + "map_at_1000": 47.213, + "map_at_3": 43.248999999999995, + "map_at_5": 45.078, + "mrr_at_1": 63.619, + "mrr_at_10": 71.279, + "mrr_at_100": 71.648, + "mrr_at_1000": 71.665, + "mrr_at_3": 69.76599999999999, + "mrr_at_5": 70.743, + "ndcg_at_1": 63.619, + "ndcg_at_10": 55.38999999999999, + "ndcg_at_100": 58.80800000000001, + "ndcg_at_1000": 60.331999999999994, + "ndcg_at_3": 50.727, + "ndcg_at_5": 53.284, + "precision_at_1": 63.619, + "precision_at_10": 11.668000000000001, + "precision_at_100": 1.434, + "precision_at_1000": 0.164, + "precision_at_3": 32.001000000000005, + "precision_at_5": 21.223, + "recall_at_1": 31.81, + "recall_at_10": 58.339, + "recall_at_100": 71.708, + "recall_at_1000": 81.85, + "recall_at_3": 48.001, + "recall_at_5": 53.059, + "main_score": 55.38999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/ImdbClassification.json b/results/jinaai__jina-embeddings-v2-base-de/external/ImdbClassification.json new file mode 100644 index 000000000..aa963f012 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 68.60640000000001, + "ap": 62.84296904042086, + "f1": 68.50643633327537, + "main_score": 68.60640000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/MTOPDomainClassification.json b/results/jinaai__jina-embeddings-v2-base-de/external/MTOPDomainClassification.json new file mode 100644 index 000000000..74248c5ca --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/MTOPDomainClassification.json @@ -0,0 +1,28 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 89.3844049247606, + "f1": 89.2124328528015, + "main_score": 89.3844049247606 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 88.36855452240067, + "f1": 87.35458822097442, + "main_score": 88.36855452240067 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/MTOPIntentClassification.json b/results/jinaai__jina-embeddings-v2-base-de/external/MTOPIntentClassification.json new file mode 100644 index 000000000..4475d833f --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/MTOPIntentClassification.json @@ -0,0 +1,28 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 66.48654810761514, + "f1": 50.07229882504409, + "main_score": 66.48654810761514 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 63.832065370526905, + "f1": 46.283579383385806, + "main_score": 63.832065370526905 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/MassiveIntentClassification.json b/results/jinaai__jina-embeddings-v2-base-de/external/MassiveIntentClassification.json new file mode 100644 index 000000000..11e18bcd4 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/MassiveIntentClassification.json @@ -0,0 +1,28 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 63.89038332212509, + "f1": 61.86279849685129, + "main_score": 63.89038332212509 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.11230665770006, + "f1": 67.44780095350535, + "main_score": 69.11230665770006 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/MassiveScenarioClassification.json b/results/jinaai__jina-embeddings-v2-base-de/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..8ddcab5fb --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/MassiveScenarioClassification.json @@ -0,0 +1,28 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 71.25084061869536, + "f1": 71.43965023016408, + "main_score": 71.25084061869536 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.73907195696032, + "f1": 73.69920814839061, + "main_score": 73.73907195696032 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/MedrxivClusteringP2P.json b/results/jinaai__jina-embeddings-v2-base-de/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..67f15f44d --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.32577306498249, + "main_score": 31.32577306498249 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/MedrxivClusteringS2S.json b/results/jinaai__jina-embeddings-v2-base-de/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..bf0073c79 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 28.759349326367783, + "main_score": 28.759349326367783 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/MindSmallReranking.json b/results/jinaai__jina-embeddings-v2-base-de/external/MindSmallReranking.json new file mode 100644 index 000000000..835a7ff36 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 30.401342674703425, + "mrr": 31.384379585660987, + "main_score": 30.401342674703425 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/NFCorpus.json b/results/jinaai__jina-embeddings-v2-base-de/external/NFCorpus.json new file mode 100644 index 000000000..15a703bae --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.855, + "map_at_10": 10.01, + "map_at_100": 12.461, + "map_at_1000": 13.776, + "map_at_3": 7.252, + "map_at_5": 8.679, + "mrr_at_1": 41.176, + "mrr_at_10": 49.323, + "mrr_at_100": 49.954, + "mrr_at_1000": 49.997, + "mrr_at_3": 46.904, + "mrr_at_5": 48.375, + "ndcg_at_1": 39.318999999999996, + "ndcg_at_10": 28.607, + "ndcg_at_100": 26.554, + "ndcg_at_1000": 35.731, + "ndcg_at_3": 32.897999999999996, + "ndcg_at_5": 31.53, + "precision_at_1": 41.176, + "precision_at_10": 20.867, + "precision_at_100": 6.796, + "precision_at_1000": 1.983, + "precision_at_3": 30.547, + "precision_at_5": 27.245, + "recall_at_1": 4.855, + "recall_at_10": 14.08, + "recall_at_100": 28.188000000000002, + "recall_at_1000": 60.07900000000001, + "recall_at_3": 7.947, + "recall_at_5": 10.786, + "main_score": 28.607 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/NQ.json b/results/jinaai__jina-embeddings-v2-base-de/external/NQ.json new file mode 100644 index 000000000..04f650e50 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.906999999999996, + "map_at_10": 41.147, + "map_at_100": 42.269, + "map_at_1000": 42.308, + "map_at_3": 36.638999999999996, + "map_at_5": 39.285, + "mrr_at_1": 30.359, + "mrr_at_10": 43.607, + "mrr_at_100": 44.454, + "mrr_at_1000": 44.481, + "mrr_at_3": 39.644, + "mrr_at_5": 42.061, + "ndcg_at_1": 30.330000000000002, + "ndcg_at_10": 48.899, + "ndcg_at_100": 53.612, + "ndcg_at_1000": 54.51200000000001, + "ndcg_at_3": 40.262, + "ndcg_at_5": 44.787, + "precision_at_1": 30.330000000000002, + "precision_at_10": 8.323, + "precision_at_100": 1.0959999999999999, + "precision_at_1000": 0.11800000000000001, + "precision_at_3": 18.395, + "precision_at_5": 13.627, + "recall_at_1": 26.906999999999996, + "recall_at_10": 70.215, + "recall_at_100": 90.61200000000001, + "recall_at_1000": 97.294, + "recall_at_3": 47.784, + "recall_at_5": 58.251, + "main_score": 48.899 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/QuoraRetrieval.json b/results/jinaai__jina-embeddings-v2-base-de/external/QuoraRetrieval.json new file mode 100644 index 000000000..756502b3c --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 70.21300000000001, + "map_at_10": 84.136, + "map_at_100": 84.796, + "map_at_1000": 84.812, + "map_at_3": 81.182, + "map_at_5": 83.027, + "mrr_at_1": 80.91000000000001, + "mrr_at_10": 87.155, + "mrr_at_100": 87.27000000000001, + "mrr_at_1000": 87.271, + "mrr_at_3": 86.158, + "mrr_at_5": 86.828, + "ndcg_at_1": 80.88, + "ndcg_at_10": 87.926, + "ndcg_at_100": 89.223, + "ndcg_at_1000": 89.321, + "ndcg_at_3": 85.036, + "ndcg_at_5": 86.614, + "precision_at_1": 80.88, + "precision_at_10": 13.350000000000001, + "precision_at_100": 1.5310000000000001, + "precision_at_1000": 0.157, + "precision_at_3": 37.173, + "precision_at_5": 24.476, + "recall_at_1": 70.21300000000001, + "recall_at_10": 95.12, + "recall_at_100": 99.535, + "recall_at_1000": 99.977, + "recall_at_3": 86.833, + "recall_at_5": 91.26100000000001, + "main_score": 87.926 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/RedditClustering.json b/results/jinaai__jina-embeddings-v2-base-de/external/RedditClustering.json new file mode 100644 index 000000000..b8c83cce2 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 47.754688783184875, + "main_score": 47.754688783184875 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/RedditClusteringP2P.json b/results/jinaai__jina-embeddings-v2-base-de/external/RedditClusteringP2P.json new file mode 100644 index 000000000..69b0df146 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 54.875736374329364, + "main_score": 54.875736374329364 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/SCIDOCS.json b/results/jinaai__jina-embeddings-v2-base-de/external/SCIDOCS.json new file mode 100644 index 000000000..67eec4716 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.773, + "map_at_10": 9.447, + "map_at_100": 11.1, + "map_at_1000": 11.37, + "map_at_3": 6.787, + "map_at_5": 8.077, + "mrr_at_1": 18.5, + "mrr_at_10": 28.227000000000004, + "mrr_at_100": 29.445, + "mrr_at_1000": 29.515, + "mrr_at_3": 25.2, + "mrr_at_5": 27.055, + "ndcg_at_1": 18.5, + "ndcg_at_10": 16.29, + "ndcg_at_100": 23.250999999999998, + "ndcg_at_1000": 28.445999999999998, + "ndcg_at_3": 15.376000000000001, + "ndcg_at_5": 13.528, + "precision_at_1": 18.5, + "precision_at_10": 8.51, + "precision_at_100": 1.855, + "precision_at_1000": 0.311, + "precision_at_3": 14.533, + "precision_at_5": 12.0, + "recall_at_1": 3.773, + "recall_at_10": 17.282, + "recall_at_100": 37.645, + "recall_at_1000": 63.138000000000005, + "recall_at_3": 8.853, + "recall_at_5": 12.168, + "main_score": 16.29 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/SICK-R.json b/results/jinaai__jina-embeddings-v2-base-de/external/SICK-R.json new file mode 100644 index 000000000..ba313d66f --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.32789517976525, + "cos_sim_spearman": 80.32750384145629, + "euclidean_pearson": 81.5025131452508, + "euclidean_spearman": 80.24797115147175, + "manhattan_pearson": 81.51634463412002, + "manhattan_spearman": 80.24614721495055, + "cosine_pearson": 85.32789517976525, + "cosine_spearman": 80.32750384145629, + "main_score": 80.32750384145629 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/STS12.json b/results/jinaai__jina-embeddings-v2-base-de/external/STS12.json new file mode 100644 index 000000000..f2e922c93 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.47050448992432, + "cos_sim_spearman": 80.58919997743621, + "euclidean_pearson": 85.83258918113664, + "euclidean_spearman": 80.97441389240902, + "manhattan_pearson": 85.7798262013878, + "manhattan_spearman": 80.97208703064196, + "cosine_pearson": 88.47050448992432, + "cosine_spearman": 80.58919997743621, + "main_score": 80.58919997743621 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/STS13.json b/results/jinaai__jina-embeddings-v2-base-de/external/STS13.json new file mode 100644 index 000000000..039dd92a0 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.95341439711532, + "cos_sim_spearman": 86.59127484634989, + "euclidean_pearson": 85.57850603454227, + "euclidean_spearman": 86.47130477363419, + "manhattan_pearson": 85.59387925447652, + "manhattan_spearman": 86.50665427391583, + "cosine_pearson": 85.95341439711532, + "cosine_spearman": 86.59127484634989, + "main_score": 86.59127484634989 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/STS14.json b/results/jinaai__jina-embeddings-v2-base-de/external/STS14.json new file mode 100644 index 000000000..5f03cad7e --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.39810909161844, + "cos_sim_spearman": 82.98595295546008, + "euclidean_pearson": 84.04681129969951, + "euclidean_spearman": 82.98197460689866, + "manhattan_pearson": 83.9918798171185, + "manhattan_spearman": 82.91148131768082, + "cosine_pearson": 85.39810909161844, + "cosine_spearman": 82.98595295546008, + "main_score": 82.98595295546008 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/STS15.json b/results/jinaai__jina-embeddings-v2-base-de/external/STS15.json new file mode 100644 index 000000000..f38c43b17 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.02072712147692, + "cos_sim_spearman": 88.78821332623012, + "euclidean_pearson": 88.12132045572747, + "euclidean_spearman": 88.74273451067364, + "manhattan_pearson": 88.05431550059166, + "manhattan_spearman": 88.67610233020723, + "cosine_pearson": 88.02072712147692, + "cosine_spearman": 88.78821332623012, + "main_score": 88.78821332623012 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/STS16.json b/results/jinaai__jina-embeddings-v2-base-de/external/STS16.json new file mode 100644 index 000000000..53af7d79f --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.96134704624787, + "cos_sim_spearman": 84.44062976314666, + "euclidean_pearson": 84.03642536310323, + "euclidean_spearman": 84.4535014579785, + "manhattan_pearson": 83.92874228901483, + "manhattan_spearman": 84.33634314951631, + "cosine_pearson": 82.96134704624787, + "cosine_spearman": 84.44062976314666, + "main_score": 84.44062976314666 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/STS17.json b/results/jinaai__jina-embeddings-v2-base-de/external/STS17.json new file mode 100644 index 000000000..175c8aaa3 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/STS17.json @@ -0,0 +1,41 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-de", + "languages": [ + "eng-Latn", + "deu-Latn" + ], + "cos_sim_pearson": 87.3154168064887, + "cos_sim_spearman": 86.72393652571682, + "euclidean_pearson": 86.04193246174164, + "euclidean_spearman": 86.30482896608093, + "manhattan_pearson": 85.95524084651859, + "manhattan_spearman": 86.06031431994282, + "cosine_pearson": 87.3154168064887, + "cosine_spearman": 86.72393652571682, + "main_score": 86.72393652571682 + }, + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 89.91079682750804, + "cos_sim_spearman": 89.30961836617064, + "euclidean_pearson": 88.86249564158628, + "euclidean_spearman": 89.04772899592396, + "manhattan_pearson": 88.85579791315043, + "manhattan_spearman": 88.94190462541333, + "cosine_pearson": 89.91079682750804, + "cosine_spearman": 89.30961836617064, + "main_score": 89.30961836617064 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/STS22.json b/results/jinaai__jina-embeddings-v2-base-de/external/STS22.json new file mode 100644 index 000000000..f0687d44b --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/STS22.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 67.00558145551088, + "cos_sim_spearman": 67.96601170393878, + "euclidean_pearson": 67.87627043214336, + "euclidean_spearman": 66.76402572303859, + "manhattan_pearson": 67.88306560555452, + "manhattan_spearman": 66.6273862035506, + "cosine_pearson": 67.00558145551088, + "cosine_spearman": 67.96601170393878, + "main_score": 67.96601170393878 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "cos_sim_pearson": 50.83759332748726, + "cos_sim_spearman": 59.066344562858006, + "euclidean_pearson": 50.08955848154131, + "euclidean_spearman": 58.36517305855221, + "manhattan_pearson": 50.05257267223111, + "manhattan_spearman": 58.37570252804986, + "cosine_pearson": 50.83759332748726, + "cosine_spearman": 59.066344562858006, + "main_score": 59.066344562858006 + }, + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 59.22749007956492, + "cos_sim_spearman": 55.97282077657827, + "euclidean_pearson": 62.10661533695752, + "euclidean_spearman": 53.62780854854067, + "manhattan_pearson": 62.37138085709719, + "manhattan_spearman": 54.17556356828155, + "cosine_pearson": 59.22749007956492, + "cosine_spearman": 55.97282077657827, + "main_score": 55.97282077657827 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/STSBenchmark.json b/results/jinaai__jina-embeddings-v2-base-de/external/STSBenchmark.json new file mode 100644 index 000000000..d6967526a --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.91145397065878, + "cos_sim_spearman": 88.13960018389005, + "euclidean_pearson": 87.67618876224006, + "euclidean_spearman": 87.99119480810556, + "manhattan_pearson": 87.67920297334753, + "manhattan_spearman": 87.99113250064492, + "cosine_pearson": 87.91145397065878, + "cosine_spearman": 88.13960018389005, + "main_score": 88.13960018389005 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/SciDocsRR.json b/results/jinaai__jina-embeddings-v2-base-de/external/SciDocsRR.json new file mode 100644 index 000000000..0452c4acb --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 78.09133563707582, + "mrr": 93.2415288052543, + "main_score": 78.09133563707582 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/SciFact.json b/results/jinaai__jina-embeddings-v2-base-de/external/SciFact.json new file mode 100644 index 000000000..fc9f353dc --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 47.760999999999996, + "map_at_10": 56.424, + "map_at_100": 57.24399999999999, + "map_at_1000": 57.278, + "map_at_3": 53.68000000000001, + "map_at_5": 55.442, + "mrr_at_1": 50.666999999999994, + "mrr_at_10": 58.012, + "mrr_at_100": 58.736, + "mrr_at_1000": 58.769000000000005, + "mrr_at_3": 56.056, + "mrr_at_5": 57.321999999999996, + "ndcg_at_1": 50.666999999999994, + "ndcg_at_10": 60.67700000000001, + "ndcg_at_100": 64.513, + "ndcg_at_1000": 65.62400000000001, + "ndcg_at_3": 56.186, + "ndcg_at_5": 58.692, + "precision_at_1": 50.666999999999994, + "precision_at_10": 8.200000000000001, + "precision_at_100": 1.023, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 21.889, + "precision_at_5": 14.866999999999999, + "recall_at_1": 47.760999999999996, + "recall_at_10": 72.006, + "recall_at_100": 89.767, + "recall_at_1000": 98.833, + "recall_at_3": 60.211000000000006, + "recall_at_5": 66.3, + "main_score": 60.67700000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/SprintDuplicateQuestions.json b/results/jinaai__jina-embeddings-v2-base-de/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..1c1982f0f --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.79009900990098, + "cos_sim_ap": 94.86690691995835, + "cos_sim_f1": 89.37875751503007, + "cos_sim_precision": 89.5582329317269, + "cos_sim_recall": 89.2, + "dot_accuracy": 99.76336633663367, + "dot_ap": 94.26453740761586, + "dot_f1": 88.00783162016641, + "dot_precision": 86.19367209971237, + "dot_recall": 89.9, + "euclidean_accuracy": 99.7940594059406, + "euclidean_ap": 94.85459757524379, + "euclidean_f1": 89.62779156327544, + "euclidean_precision": 88.96551724137932, + "euclidean_recall": 90.3, + "manhattan_accuracy": 99.79009900990098, + "manhattan_ap": 94.76971336654465, + "manhattan_f1": 89.35323383084577, + "manhattan_precision": 88.91089108910892, + "manhattan_recall": 89.8, + "max_accuracy": 99.7940594059406, + "max_ap": 94.86690691995835, + "max_f1": 89.62779156327544, + "main_score": 94.86690691995835 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/StackExchangeClustering.json b/results/jinaai__jina-embeddings-v2-base-de/external/StackExchangeClustering.json new file mode 100644 index 000000000..73c52e833 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 55.38197670064987, + "main_score": 55.38197670064987 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/StackExchangeClusteringP2P.json b/results/jinaai__jina-embeddings-v2-base-de/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..50462112f --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.08330158937971, + "main_score": 33.08330158937971 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/StackOverflowDupQuestions.json b/results/jinaai__jina-embeddings-v2-base-de/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..435116724 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 49.50367079063226, + "mrr": 50.30444943128768, + "main_score": 49.50367079063226 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/SummEval.json b/results/jinaai__jina-embeddings-v2-base-de/external/SummEval.json new file mode 100644 index 000000000..2cf4a185b --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.37739520909561, + "cos_sim_spearman": 31.548500943973913, + "dot_pearson": 29.983610104303, + "dot_spearman": 29.90185869098618, + "cosine_pearson": 30.37739520909561, + "cosine_spearman": 31.548500943973913, + "main_score": 31.548500943973913 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/TRECCOVID.json b/results/jinaai__jina-embeddings-v2-base-de/external/TRECCOVID.json new file mode 100644 index 000000000..1b45b0c5b --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.198, + "map_at_10": 1.5810000000000002, + "map_at_100": 9.064, + "map_at_1000": 22.161, + "map_at_3": 0.536, + "map_at_5": 0.8370000000000001, + "mrr_at_1": 80.0, + "mrr_at_10": 86.75, + "mrr_at_100": 86.799, + "mrr_at_1000": 86.799, + "mrr_at_3": 85.0, + "mrr_at_5": 86.5, + "ndcg_at_1": 73.0, + "ndcg_at_10": 65.122, + "ndcg_at_100": 51.853, + "ndcg_at_1000": 47.275, + "ndcg_at_3": 66.274, + "ndcg_at_5": 64.826, + "precision_at_1": 80.0, + "precision_at_10": 70.19999999999999, + "precision_at_100": 53.480000000000004, + "precision_at_1000": 20.946, + "precision_at_3": 71.333, + "precision_at_5": 70.0, + "recall_at_1": 0.198, + "recall_at_10": 1.884, + "recall_at_100": 12.57, + "recall_at_1000": 44.208999999999996, + "recall_at_3": 0.5890000000000001, + "recall_at_5": 0.95, + "main_score": 65.122 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/TenKGnadClusteringP2P.json b/results/jinaai__jina-embeddings-v2-base-de/external/TenKGnadClusteringP2P.json new file mode 100644 index 000000000..73214f370 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/TenKGnadClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "5c59e41555244b7e45c9a6be2d720ab4bafae558", + "task_name": "TenKGnadClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "deu-Latn" + ], + "v_measure": 42.84199261133083, + "main_score": 42.84199261133083 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/TenKGnadClusteringS2S.json b/results/jinaai__jina-embeddings-v2-base-de/external/TenKGnadClusteringS2S.json new file mode 100644 index 000000000..4a5f9a931 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/TenKGnadClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cddbe003f12b9b140aec477b583ac4191f01786", + "task_name": "TenKGnadClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "deu-Latn" + ], + "v_measure": 23.689557114798838, + "main_score": 23.689557114798838 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/Touche2020.json b/results/jinaai__jina-embeddings-v2-base-de/external/Touche2020.json new file mode 100644 index 000000000..773af16cc --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 1.941, + "map_at_10": 8.222, + "map_at_100": 14.277999999999999, + "map_at_1000": 15.790000000000001, + "map_at_3": 4.4670000000000005, + "map_at_5": 5.762, + "mrr_at_1": 24.490000000000002, + "mrr_at_10": 38.784, + "mrr_at_100": 39.724, + "mrr_at_1000": 39.724, + "mrr_at_3": 33.333, + "mrr_at_5": 37.415, + "ndcg_at_1": 22.448999999999998, + "ndcg_at_10": 21.026, + "ndcg_at_100": 33.721000000000004, + "ndcg_at_1000": 45.045, + "ndcg_at_3": 20.053, + "ndcg_at_5": 20.09, + "precision_at_1": 24.490000000000002, + "precision_at_10": 19.796, + "precision_at_100": 7.469, + "precision_at_1000": 1.48, + "precision_at_3": 21.769, + "precision_at_5": 21.224, + "recall_at_1": 1.941, + "recall_at_10": 14.915999999999999, + "recall_at_100": 46.155, + "recall_at_1000": 80.664, + "recall_at_3": 5.629, + "recall_at_5": 8.437, + "main_score": 21.026 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/ToxicConversationsClassification.json b/results/jinaai__jina-embeddings-v2-base-de/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..3cffa6661 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.64800000000001, + "ap": 12.914826731261094, + "f1": 53.05213503422915, + "main_score": 69.64800000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/TweetSentimentExtractionClassification.json b/results/jinaai__jina-embeddings-v2-base-de/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..b83333c1a --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 60.427277872099594, + "f1": 60.78292007556828, + "main_score": 60.427277872099594 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/TwentyNewsgroupsClustering.json b/results/jinaai__jina-embeddings-v2-base-de/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..06bc3799b --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.48134168406559, + "main_score": 40.48134168406559 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/TwitterSemEval2015.json b/results/jinaai__jina-embeddings-v2-base-de/external/TwitterSemEval2015.json new file mode 100644 index 000000000..a064a68ae --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 84.79465935506944, + "cos_sim_ap": 70.24589055290592, + "cos_sim_f1": 65.0994575045208, + "cos_sim_precision": 63.76518218623482, + "cos_sim_recall": 66.49076517150397, + "dot_accuracy": 84.63968528342374, + "dot_ap": 69.84683095084355, + "dot_f1": 64.50606169727523, + "dot_precision": 59.1719885487778, + "dot_recall": 70.89709762532982, + "euclidean_accuracy": 84.76485664898374, + "euclidean_ap": 70.20556438685551, + "euclidean_f1": 65.06796614516543, + "euclidean_precision": 63.29840319361277, + "euclidean_recall": 66.93931398416886, + "manhattan_accuracy": 84.72313286046374, + "manhattan_ap": 70.17151475534308, + "manhattan_f1": 65.31379180759113, + "manhattan_precision": 62.17505366086334, + "manhattan_recall": 68.7862796833773, + "max_accuracy": 84.79465935506944, + "max_ap": 70.24589055290592, + "max_f1": 65.31379180759113, + "main_score": 70.24589055290592 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/TwitterURLCorpus.json b/results/jinaai__jina-embeddings-v2-base-de/external/TwitterURLCorpus.json new file mode 100644 index 000000000..c3984bbeb --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.95874568246207, + "cos_sim_ap": 85.82517548264127, + "cos_sim_f1": 78.22288041466125, + "cos_sim_precision": 75.33875338753387, + "cos_sim_recall": 81.33661841700031, + "dot_accuracy": 88.836496293709, + "dot_ap": 85.53430720252186, + "dot_f1": 78.10616085869725, + "dot_precision": 74.73269555430501, + "dot_recall": 81.79858330766862, + "euclidean_accuracy": 88.92769821865176, + "euclidean_ap": 85.65904346964223, + "euclidean_f1": 77.98774074208407, + "euclidean_precision": 73.72282795035315, + "euclidean_recall": 82.77640899291654, + "manhattan_accuracy": 88.86366282454303, + "manhattan_ap": 85.61599642231819, + "manhattan_f1": 78.01480509061737, + "manhattan_precision": 74.10460685833044, + "manhattan_recall": 82.36064059131506, + "max_accuracy": 88.95874568246207, + "max_ap": 85.82517548264127, + "max_f1": 78.22288041466125, + "main_score": 85.82517548264127 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/XMarket.json b/results/jinaai__jina-embeddings-v2-base-de/external/XMarket.json new file mode 100644 index 000000000..00a7a15c8 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/XMarket.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "2336818db4c06570fcdf263e1bcb9993b786f67a", + "task_name": "XMarket", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "None" + ], + "map_at_1": 4.872, + "map_at_10": 10.658, + "map_at_100": 13.422999999999998, + "map_at_1000": 14.245, + "map_at_3": 7.857, + "map_at_5": 9.142999999999999, + "mrr_at_1": 16.744999999999997, + "mrr_at_10": 24.416, + "mrr_at_100": 25.432, + "mrr_at_1000": 25.502999999999997, + "mrr_at_3": 22.096, + "mrr_at_5": 23.421, + "ndcg_at_1": 16.695999999999998, + "ndcg_at_10": 18.66, + "ndcg_at_100": 24.314, + "ndcg_at_1000": 29.846, + "ndcg_at_3": 17.041999999999998, + "ndcg_at_5": 17.585, + "precision_at_1": 16.695999999999998, + "precision_at_10": 10.374, + "precision_at_100": 3.988, + "precision_at_1000": 1.1860000000000002, + "precision_at_3": 14.21, + "precision_at_5": 12.623000000000001, + "recall_at_1": 4.872, + "recall_at_10": 18.624, + "recall_at_100": 40.988, + "recall_at_1000": 65.33, + "recall_at_3": 10.162, + "recall_at_5": 13.517999999999999, + "main_score": 18.66 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-de/external/model_meta.json b/results/jinaai__jina-embeddings-v2-base-de/external/model_meta.json new file mode 100644 index 000000000..e24d4e8d8 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-de/external/model_meta.json @@ -0,0 +1,25 @@ +{ + "name": "jinaai/jina-embeddings-v2-base-de", + "revision": "13b8b30bd0bbee829ceffb82b282cc714cef836e", + "release_date": "2024-01-12", + "languages": [ + "de", + "en" + ], + "loader": null, + "n_parameters": 160813824, + "memory_usage": null, + "max_tokens": 8192, + "embed_dim": 768, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/AmazonCounterfactualClassification.json b/results/jinaai__jina-embeddings-v2-base-en/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..804a7e6e1 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.73134328358209, + "ap": 37.765427081831035, + "f1": 68.79367444339518, + "main_score": 74.73134328358209 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/AmazonPolarityClassification.json b/results/jinaai__jina-embeddings-v2-base-en/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..2eaa864a3 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 88.544275, + "ap": 84.61328675662887, + "f1": 88.51879035862375, + "main_score": 88.544275 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/AmazonReviewsClassification.json b/results/jinaai__jina-embeddings-v2-base-en/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..d4cf22fbb --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 45.263999999999996, + "f1": 43.778759656699435, + "main_score": 45.263999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/ArguAna.json b/results/jinaai__jina-embeddings-v2-base-en/external/ArguAna.json new file mode 100644 index 000000000..1633581c0 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.693, + "map_at_10": 35.487, + "map_at_100": 36.862, + "map_at_1000": 36.872, + "map_at_3": 30.049999999999997, + "map_at_5": 32.966, + "mrr_at_1": 21.977, + "mrr_at_10": 35.565999999999995, + "mrr_at_100": 36.948, + "mrr_at_1000": 36.958, + "mrr_at_3": 30.121, + "mrr_at_5": 33.051, + "ndcg_at_1": 21.693, + "ndcg_at_10": 44.181, + "ndcg_at_100": 49.982, + "ndcg_at_1000": 50.233000000000004, + "ndcg_at_3": 32.830999999999996, + "ndcg_at_5": 38.080000000000005, + "precision_at_1": 21.693, + "precision_at_10": 7.248, + "precision_at_100": 0.9769999999999999, + "precision_at_1000": 0.1, + "precision_at_3": 13.632, + "precision_at_5": 10.725, + "recall_at_1": 21.693, + "recall_at_10": 72.475, + "recall_at_100": 97.653, + "recall_at_1000": 99.57300000000001, + "recall_at_3": 40.896, + "recall_at_5": 53.627, + "main_score": 44.181 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/ArxivClusteringP2P.json b/results/jinaai__jina-embeddings-v2-base-en/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..2bc538427 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 45.39242428696777, + "main_score": 45.39242428696777 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/ArxivClusteringS2S.json b/results/jinaai__jina-embeddings-v2-base-en/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..19bf74b3a --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.675626784714, + "main_score": 36.675626784714 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/AskUbuntuDupQuestions.json b/results/jinaai__jina-embeddings-v2-base-en/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..2e15214cf --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 62.247725694904034, + "mrr": 74.91359978894604, + "main_score": 62.247725694904034 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/BIOSSES.json b/results/jinaai__jina-embeddings-v2-base-en/external/BIOSSES.json new file mode 100644 index 000000000..a60b2271d --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.68003802970496, + "cos_sim_spearman": 81.23438110096286, + "euclidean_pearson": 81.87462986142582, + "euclidean_spearman": 81.23438110096286, + "manhattan_pearson": 81.61162566600755, + "manhattan_spearman": 81.11329400456184, + "cosine_pearson": 82.68003802970496, + "cosine_spearman": 81.23438110096286, + "main_score": 81.23438110096286 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/Banking77Classification.json b/results/jinaai__jina-embeddings-v2-base-en/external/Banking77Classification.json new file mode 100644 index 000000000..aa8f6074c --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 84.01298701298701, + "f1": 83.31690714969382, + "main_score": 84.01298701298701 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/BiorxivClusteringP2P.json b/results/jinaai__jina-embeddings-v2-base-en/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..ef9b9b7d4 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.050108150972086, + "main_score": 37.050108150972086 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/BiorxivClusteringS2S.json b/results/jinaai__jina-embeddings-v2-base-en/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..88ea089a6 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.15731442819715, + "main_score": 30.15731442819715 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/CQADupstackAndroidRetrieval.json b/results/jinaai__jina-embeddings-v2-base-en/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..bf3e202f0 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.391999999999996, + "map_at_10": 42.597, + "map_at_100": 44.07, + "map_at_1000": 44.198, + "map_at_3": 38.957, + "map_at_5": 40.961, + "mrr_at_1": 37.196, + "mrr_at_10": 48.152, + "mrr_at_100": 48.928, + "mrr_at_1000": 48.964999999999996, + "mrr_at_3": 45.446, + "mrr_at_5": 47.205999999999996, + "ndcg_at_1": 37.196, + "ndcg_at_10": 49.089, + "ndcg_at_100": 54.471000000000004, + "ndcg_at_1000": 56.385, + "ndcg_at_3": 43.699, + "ndcg_at_5": 46.22, + "precision_at_1": 37.196, + "precision_at_10": 9.313, + "precision_at_100": 1.478, + "precision_at_1000": 0.198, + "precision_at_3": 20.839, + "precision_at_5": 14.936, + "recall_at_1": 31.391999999999996, + "recall_at_10": 61.876, + "recall_at_100": 84.214, + "recall_at_1000": 95.985, + "recall_at_3": 46.6, + "recall_at_5": 53.588, + "main_score": 49.089 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.083, + "map_at_10": 38.812999999999995, + "map_at_100": 40.053, + "map_at_1000": 40.188, + "map_at_3": 36.111, + "map_at_5": 37.519000000000005, + "mrr_at_1": 36.497, + "mrr_at_10": 44.85, + "mrr_at_100": 45.546, + "mrr_at_1000": 45.593, + "mrr_at_3": 42.686, + "mrr_at_5": 43.909, + "ndcg_at_1": 36.497, + "ndcg_at_10": 44.443, + "ndcg_at_100": 48.979, + "ndcg_at_1000": 51.154999999999994, + "ndcg_at_3": 40.660000000000004, + "ndcg_at_5": 42.193000000000005, + "precision_at_1": 36.497, + "precision_at_10": 8.433, + "precision_at_100": 1.369, + "precision_at_1000": 0.185, + "precision_at_3": 19.894000000000002, + "precision_at_5": 13.873, + "recall_at_1": 29.083, + "recall_at_10": 54.313, + "recall_at_100": 73.792, + "recall_at_1000": 87.629, + "recall_at_3": 42.257, + "recall_at_5": 47.066, + "main_score": 44.443 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.556000000000004, + "map_at_10": 50.698, + "map_at_100": 51.705, + "map_at_1000": 51.768, + "map_at_3": 47.848, + "map_at_5": 49.358000000000004, + "mrr_at_1": 43.95, + "mrr_at_10": 54.191, + "mrr_at_100": 54.852999999999994, + "mrr_at_1000": 54.885, + "mrr_at_3": 51.954, + "mrr_at_5": 53.13, + "ndcg_at_1": 43.95, + "ndcg_at_10": 56.516, + "ndcg_at_100": 60.477000000000004, + "ndcg_at_1000": 61.746, + "ndcg_at_3": 51.601, + "ndcg_at_5": 53.795, + "precision_at_1": 43.95, + "precision_at_10": 9.009, + "precision_at_100": 1.189, + "precision_at_1000": 0.135, + "precision_at_3": 22.989, + "precision_at_5": 15.473, + "recall_at_1": 38.556000000000004, + "recall_at_10": 70.159, + "recall_at_100": 87.132, + "recall_at_1000": 96.16, + "recall_at_3": 56.906, + "recall_at_5": 62.332, + "main_score": 56.516 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.238, + "map_at_10": 32.5, + "map_at_100": 33.637, + "map_at_1000": 33.719, + "map_at_3": 30.026999999999997, + "map_at_5": 31.555, + "mrr_at_1": 26.328000000000003, + "mrr_at_10": 34.44, + "mrr_at_100": 35.455999999999996, + "mrr_at_1000": 35.521, + "mrr_at_3": 32.034, + "mrr_at_5": 33.565, + "ndcg_at_1": 26.328000000000003, + "ndcg_at_10": 37.202, + "ndcg_at_100": 42.728, + "ndcg_at_1000": 44.792, + "ndcg_at_3": 32.368, + "ndcg_at_5": 35.008, + "precision_at_1": 26.328000000000003, + "precision_at_10": 5.7059999999999995, + "precision_at_100": 0.8880000000000001, + "precision_at_1000": 0.11100000000000002, + "precision_at_3": 13.672, + "precision_at_5": 9.74, + "recall_at_1": 24.238, + "recall_at_10": 49.829, + "recall_at_100": 75.21, + "recall_at_1000": 90.521, + "recall_at_3": 36.867, + "recall_at_5": 43.241, + "main_score": 37.202 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.378, + "map_at_10": 22.817999999999998, + "map_at_100": 23.977999999999998, + "map_at_1000": 24.108, + "map_at_3": 20.719, + "map_at_5": 21.889, + "mrr_at_1": 19.03, + "mrr_at_10": 27.022000000000002, + "mrr_at_100": 28.011999999999997, + "mrr_at_1000": 28.096, + "mrr_at_3": 24.855, + "mrr_at_5": 26.029999999999998, + "ndcg_at_1": 19.03, + "ndcg_at_10": 27.526, + "ndcg_at_100": 33.040000000000006, + "ndcg_at_1000": 36.187000000000005, + "ndcg_at_3": 23.497, + "ndcg_at_5": 25.334, + "precision_at_1": 19.03, + "precision_at_10": 4.963, + "precision_at_100": 0.893, + "precision_at_1000": 0.13, + "precision_at_3": 11.360000000000001, + "precision_at_5": 8.134, + "recall_at_1": 15.378, + "recall_at_10": 38.061, + "recall_at_100": 61.754, + "recall_at_1000": 84.259, + "recall_at_3": 26.788, + "recall_at_5": 31.326999999999998, + "main_score": 27.526 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.511999999999997, + "map_at_10": 37.429, + "map_at_100": 38.818000000000005, + "map_at_1000": 38.924, + "map_at_3": 34.625, + "map_at_5": 36.064, + "mrr_at_1": 33.300999999999995, + "mrr_at_10": 43.036, + "mrr_at_100": 43.894, + "mrr_at_1000": 43.936, + "mrr_at_3": 40.825, + "mrr_at_5": 42.028, + "ndcg_at_1": 33.300999999999995, + "ndcg_at_10": 43.229, + "ndcg_at_100": 48.992000000000004, + "ndcg_at_1000": 51.02100000000001, + "ndcg_at_3": 38.794000000000004, + "ndcg_at_5": 40.65, + "precision_at_1": 33.300999999999995, + "precision_at_10": 7.777000000000001, + "precision_at_100": 1.269, + "precision_at_1000": 0.163, + "precision_at_3": 18.351, + "precision_at_5": 12.762, + "recall_at_1": 27.511999999999997, + "recall_at_10": 54.788000000000004, + "recall_at_100": 79.105, + "recall_at_1000": 92.49199999999999, + "recall_at_3": 41.924, + "recall_at_5": 47.026, + "main_score": 43.229 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.117, + "map_at_10": 33.32, + "map_at_100": 34.677, + "map_at_1000": 34.78, + "map_at_3": 30.233999999999998, + "map_at_5": 31.668000000000003, + "mrr_at_1": 29.566, + "mrr_at_10": 38.244, + "mrr_at_100": 39.245000000000005, + "mrr_at_1000": 39.296, + "mrr_at_3": 35.864000000000004, + "mrr_at_5": 36.919999999999995, + "ndcg_at_1": 29.566, + "ndcg_at_10": 39.127, + "ndcg_at_100": 44.989000000000004, + "ndcg_at_1000": 47.189, + "ndcg_at_3": 34.039, + "ndcg_at_5": 35.744, + "precision_at_1": 29.566, + "precision_at_10": 7.385999999999999, + "precision_at_100": 1.204, + "precision_at_1000": 0.158, + "precision_at_3": 16.286, + "precision_at_5": 11.484, + "recall_at_1": 24.117, + "recall_at_10": 51.559999999999995, + "recall_at_100": 77.104, + "recall_at_1000": 91.79899999999999, + "recall_at_3": 36.82, + "recall_at_5": 41.453, + "main_score": 39.127 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.17625, + "map_at_10": 34.063916666666664, + "map_at_100": 35.255500000000005, + "map_at_1000": 35.37275, + "map_at_3": 31.351666666666667, + "map_at_5": 32.80608333333333, + "mrr_at_1": 29.59783333333333, + "mrr_at_10": 38.0925, + "mrr_at_100": 38.957249999999995, + "mrr_at_1000": 39.01608333333333, + "mrr_at_3": 35.77625, + "mrr_at_5": 37.04991666666667, + "ndcg_at_1": 29.59783333333333, + "ndcg_at_10": 39.343666666666664, + "ndcg_at_100": 44.488249999999994, + "ndcg_at_1000": 46.83358333333334, + "ndcg_at_3": 34.69708333333333, + "ndcg_at_5": 36.75075, + "precision_at_1": 29.59783333333333, + "precision_at_10": 6.884083333333332, + "precision_at_100": 1.114, + "precision_at_1000": 0.15108333333333332, + "precision_at_3": 15.965250000000003, + "precision_at_5": 11.246500000000001, + "recall_at_1": 25.17625, + "recall_at_10": 51.015999999999984, + "recall_at_100": 73.60174999999998, + "recall_at_1000": 89.849, + "recall_at_3": 37.88399999999999, + "recall_at_5": 43.24541666666666, + "main_score": 39.343666666666664 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.537, + "map_at_10": 31.081999999999997, + "map_at_100": 32.042, + "map_at_1000": 32.141, + "map_at_3": 29.137, + "map_at_5": 30.079, + "mrr_at_1": 27.454, + "mrr_at_10": 33.694, + "mrr_at_100": 34.579, + "mrr_at_1000": 34.649, + "mrr_at_3": 32.004, + "mrr_at_5": 32.794000000000004, + "ndcg_at_1": 27.454, + "ndcg_at_10": 34.915, + "ndcg_at_100": 39.641, + "ndcg_at_1000": 42.105, + "ndcg_at_3": 31.276, + "ndcg_at_5": 32.65, + "precision_at_1": 27.454, + "precision_at_10": 5.337, + "precision_at_100": 0.8250000000000001, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 13.241, + "precision_at_5": 8.895999999999999, + "recall_at_1": 24.537, + "recall_at_10": 44.324999999999996, + "recall_at_100": 65.949, + "recall_at_1000": 84.017, + "recall_at_3": 33.857, + "recall_at_5": 37.316, + "main_score": 34.915 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.122, + "map_at_10": 24.32, + "map_at_100": 25.338, + "map_at_1000": 25.462, + "map_at_3": 22.064, + "map_at_5": 23.322000000000003, + "mrr_at_1": 20.647, + "mrr_at_10": 27.858, + "mrr_at_100": 28.743999999999996, + "mrr_at_1000": 28.819, + "mrr_at_3": 25.769, + "mrr_at_5": 26.964, + "ndcg_at_1": 20.647, + "ndcg_at_10": 28.849999999999998, + "ndcg_at_100": 33.849000000000004, + "ndcg_at_1000": 36.802, + "ndcg_at_3": 24.799, + "ndcg_at_5": 26.682, + "precision_at_1": 20.647, + "precision_at_10": 5.2170000000000005, + "precision_at_100": 0.906, + "precision_at_1000": 0.134, + "precision_at_3": 11.769, + "precision_at_5": 8.486, + "recall_at_1": 17.122, + "recall_at_10": 38.999, + "recall_at_100": 61.467000000000006, + "recall_at_1000": 82.716, + "recall_at_3": 27.601, + "recall_at_5": 32.471, + "main_score": 28.849999999999998 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.396, + "map_at_10": 33.415, + "map_at_100": 34.521, + "map_at_1000": 34.631, + "map_at_3": 30.703999999999997, + "map_at_5": 32.166, + "mrr_at_1": 28.825, + "mrr_at_10": 37.397000000000006, + "mrr_at_100": 38.286, + "mrr_at_1000": 38.346000000000004, + "mrr_at_3": 35.028, + "mrr_at_5": 36.32, + "ndcg_at_1": 28.825, + "ndcg_at_10": 38.656, + "ndcg_at_100": 43.856, + "ndcg_at_1000": 46.31, + "ndcg_at_3": 33.793, + "ndcg_at_5": 35.909, + "precision_at_1": 28.825, + "precision_at_10": 6.567, + "precision_at_100": 1.0330000000000001, + "precision_at_1000": 0.135, + "precision_at_3": 15.516, + "precision_at_5": 10.914, + "recall_at_1": 24.396, + "recall_at_10": 50.747, + "recall_at_100": 73.477, + "recall_at_1000": 90.801, + "recall_at_3": 37.1, + "recall_at_5": 42.589, + "main_score": 38.656 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.072, + "map_at_10": 34.307, + "map_at_100": 35.725, + "map_at_1000": 35.943999999999996, + "map_at_3": 30.906, + "map_at_5": 32.818000000000005, + "mrr_at_1": 29.644, + "mrr_at_10": 38.673, + "mrr_at_100": 39.459, + "mrr_at_1000": 39.527, + "mrr_at_3": 35.771, + "mrr_at_5": 37.332, + "ndcg_at_1": 29.644, + "ndcg_at_10": 40.548, + "ndcg_at_100": 45.678999999999995, + "ndcg_at_1000": 48.488, + "ndcg_at_3": 34.887, + "ndcg_at_5": 37.543, + "precision_at_1": 29.644, + "precision_at_10": 7.688000000000001, + "precision_at_100": 1.482, + "precision_at_1000": 0.23600000000000002, + "precision_at_3": 16.206, + "precision_at_5": 12.016, + "recall_at_1": 25.072, + "recall_at_10": 53.478, + "recall_at_100": 76.07300000000001, + "recall_at_1000": 93.884, + "recall_at_3": 37.583, + "recall_at_5": 44.464, + "main_score": 40.548 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.712, + "map_at_10": 27.467999999999996, + "map_at_100": 28.502, + "map_at_1000": 28.610000000000003, + "map_at_3": 24.887999999999998, + "map_at_5": 26.273999999999997, + "mrr_at_1": 22.736, + "mrr_at_10": 29.553, + "mrr_at_100": 30.485, + "mrr_at_1000": 30.56, + "mrr_at_3": 27.078999999999997, + "mrr_at_5": 28.401, + "ndcg_at_1": 22.736, + "ndcg_at_10": 32.023, + "ndcg_at_100": 37.158, + "ndcg_at_1000": 39.823, + "ndcg_at_3": 26.951999999999998, + "ndcg_at_5": 29.281000000000002, + "precision_at_1": 22.736, + "precision_at_10": 5.213, + "precision_at_100": 0.832, + "precision_at_1000": 0.116, + "precision_at_3": 11.459999999999999, + "precision_at_5": 8.244, + "recall_at_1": 20.712, + "recall_at_10": 44.057, + "recall_at_100": 67.944, + "recall_at_1000": 87.925, + "recall_at_3": 30.305, + "recall_at_5": 36.071999999999996, + "main_score": 32.023 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/ClimateFEVER.json b/results/jinaai__jina-embeddings-v2-base-en/external/ClimateFEVER.json new file mode 100644 index 000000000..5f4b47cd9 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 10.181999999999999, + "map_at_10": 16.66, + "map_at_100": 18.273, + "map_at_1000": 18.45, + "map_at_3": 14.141, + "map_at_5": 15.455, + "mrr_at_1": 22.15, + "mrr_at_10": 32.062000000000005, + "mrr_at_100": 33.116, + "mrr_at_1000": 33.168, + "mrr_at_3": 28.827, + "mrr_at_5": 30.892999999999997, + "ndcg_at_1": 22.15, + "ndcg_at_10": 23.532, + "ndcg_at_100": 30.358, + "ndcg_at_1000": 33.783, + "ndcg_at_3": 19.222, + "ndcg_at_5": 20.919999999999998, + "precision_at_1": 22.15, + "precision_at_10": 7.185999999999999, + "precision_at_100": 1.433, + "precision_at_1000": 0.207, + "precision_at_3": 13.941, + "precision_at_5": 10.906, + "recall_at_1": 10.181999999999999, + "recall_at_10": 28.104000000000003, + "recall_at_100": 51.998999999999995, + "recall_at_1000": 71.311, + "recall_at_3": 17.698, + "recall_at_5": 22.262999999999998, + "main_score": 23.532 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/DBPedia.json b/results/jinaai__jina-embeddings-v2-base-en/external/DBPedia.json new file mode 100644 index 000000000..8dcfcf10b --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.669, + "map_at_10": 15.552, + "map_at_100": 21.865000000000002, + "map_at_1000": 23.268, + "map_at_3": 11.309, + "map_at_5": 13.084000000000001, + "mrr_at_1": 55.50000000000001, + "mrr_at_10": 66.46600000000001, + "mrr_at_100": 66.944, + "mrr_at_1000": 66.956, + "mrr_at_3": 64.542, + "mrr_at_5": 65.717, + "ndcg_at_1": 44.75, + "ndcg_at_10": 35.049, + "ndcg_at_100": 39.073, + "ndcg_at_1000": 46.208, + "ndcg_at_3": 39.525, + "ndcg_at_5": 37.156, + "precision_at_1": 55.50000000000001, + "precision_at_10": 27.800000000000004, + "precision_at_100": 9.013, + "precision_at_1000": 1.8800000000000001, + "precision_at_3": 42.667, + "precision_at_5": 36.0, + "recall_at_1": 6.669, + "recall_at_10": 21.811, + "recall_at_100": 45.112, + "recall_at_1000": 67.806, + "recall_at_3": 13.373, + "recall_at_5": 16.615, + "main_score": 35.049 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/EmotionClassification.json b/results/jinaai__jina-embeddings-v2-base-en/external/EmotionClassification.json new file mode 100644 index 000000000..a95caeaa1 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 48.769999999999996, + "f1": 42.91448356376592, + "main_score": 48.769999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/FEVER.json b/results/jinaai__jina-embeddings-v2-base-en/external/FEVER.json new file mode 100644 index 000000000..299199db6 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 54.013, + "map_at_10": 66.239, + "map_at_100": 66.62599999999999, + "map_at_1000": 66.644, + "map_at_3": 63.965, + "map_at_5": 65.45400000000001, + "mrr_at_1": 58.221000000000004, + "mrr_at_10": 70.43700000000001, + "mrr_at_100": 70.744, + "mrr_at_1000": 70.75099999999999, + "mrr_at_3": 68.284, + "mrr_at_5": 69.721, + "ndcg_at_1": 58.221000000000004, + "ndcg_at_10": 72.327, + "ndcg_at_100": 73.953, + "ndcg_at_1000": 74.312, + "ndcg_at_3": 68.062, + "ndcg_at_5": 70.56400000000001, + "precision_at_1": 58.221000000000004, + "precision_at_10": 9.521, + "precision_at_100": 1.045, + "precision_at_1000": 0.109, + "precision_at_3": 27.348, + "precision_at_5": 17.794999999999998, + "recall_at_1": 54.013, + "recall_at_10": 86.957, + "recall_at_100": 93.911, + "recall_at_1000": 96.38, + "recall_at_3": 75.555, + "recall_at_5": 81.671, + "main_score": 72.327 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/FiQA2018.json b/results/jinaai__jina-embeddings-v2-base-en/external/FiQA2018.json new file mode 100644 index 000000000..7048903a8 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.254, + "map_at_10": 33.723, + "map_at_100": 35.574, + "map_at_1000": 35.730000000000004, + "map_at_3": 29.473, + "map_at_5": 31.543, + "mrr_at_1": 41.358, + "mrr_at_10": 49.498, + "mrr_at_100": 50.275999999999996, + "mrr_at_1000": 50.308, + "mrr_at_3": 47.016000000000005, + "mrr_at_5": 48.336, + "ndcg_at_1": 41.358, + "ndcg_at_10": 41.579, + "ndcg_at_100": 48.455, + "ndcg_at_1000": 51.165000000000006, + "ndcg_at_3": 37.681, + "ndcg_at_5": 38.49, + "precision_at_1": 41.358, + "precision_at_10": 11.543000000000001, + "precision_at_100": 1.87, + "precision_at_1000": 0.23600000000000002, + "precision_at_3": 24.743000000000002, + "precision_at_5": 17.994, + "recall_at_1": 21.254, + "recall_at_10": 48.698, + "recall_at_100": 74.588, + "recall_at_1000": 91.00200000000001, + "recall_at_3": 33.939, + "recall_at_5": 39.367000000000004, + "main_score": 41.579 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/HotpotQA.json b/results/jinaai__jina-embeddings-v2-base-en/external/HotpotQA.json new file mode 100644 index 000000000..6a496d4a3 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 35.922, + "map_at_10": 52.32599999999999, + "map_at_100": 53.18000000000001, + "map_at_1000": 53.245, + "map_at_3": 49.294, + "map_at_5": 51.202999999999996, + "mrr_at_1": 71.843, + "mrr_at_10": 78.24600000000001, + "mrr_at_100": 78.515, + "mrr_at_1000": 78.527, + "mrr_at_3": 77.17500000000001, + "mrr_at_5": 77.852, + "ndcg_at_1": 71.843, + "ndcg_at_10": 61.379, + "ndcg_at_100": 64.535, + "ndcg_at_1000": 65.888, + "ndcg_at_3": 56.958, + "ndcg_at_5": 59.434, + "precision_at_1": 71.843, + "precision_at_10": 12.686, + "precision_at_100": 1.517, + "precision_at_1000": 0.16999999999999998, + "precision_at_3": 35.778, + "precision_at_5": 23.422, + "recall_at_1": 35.922, + "recall_at_10": 63.43, + "recall_at_100": 75.868, + "recall_at_1000": 84.88900000000001, + "recall_at_3": 53.666000000000004, + "recall_at_5": 58.555, + "main_score": 61.379 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/ImdbClassification.json b/results/jinaai__jina-embeddings-v2-base-en/external/ImdbClassification.json new file mode 100644 index 000000000..e1b48aefc --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.4408, + "ap": 73.52820871620366, + "f1": 79.36240238685001, + "main_score": 79.4408 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/MSMARCO.json b/results/jinaai__jina-embeddings-v2-base-en/external/MSMARCO.json new file mode 100644 index 000000000..c2ff62406 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.826999999999998, + "map_at_10": 34.04, + "map_at_100": 35.226, + "map_at_1000": 35.275, + "map_at_3": 30.165999999999997, + "map_at_5": 32.318000000000005, + "mrr_at_1": 22.464000000000002, + "mrr_at_10": 34.631, + "mrr_at_100": 35.752, + "mrr_at_1000": 35.795, + "mrr_at_3": 30.798, + "mrr_at_5": 32.946999999999996, + "ndcg_at_1": 22.464000000000002, + "ndcg_at_10": 40.919, + "ndcg_at_100": 46.632, + "ndcg_at_1000": 47.833, + "ndcg_at_3": 32.992, + "ndcg_at_5": 36.834, + "precision_at_1": 22.464000000000002, + "precision_at_10": 6.494, + "precision_at_100": 0.9369999999999999, + "precision_at_1000": 0.104, + "precision_at_3": 14.021, + "precision_at_5": 10.347000000000001, + "recall_at_1": 21.826999999999998, + "recall_at_10": 62.132, + "recall_at_100": 88.55199999999999, + "recall_at_1000": 97.707, + "recall_at_3": 40.541, + "recall_at_5": 49.739, + "main_score": 40.919 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/MTOPDomainClassification.json b/results/jinaai__jina-embeddings-v2-base-en/external/MTOPDomainClassification.json new file mode 100644 index 000000000..a4e06b0e2 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 95.68399452804377, + "f1": 95.25490609832268, + "main_score": 95.68399452804377 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/MTOPIntentClassification.json b/results/jinaai__jina-embeddings-v2-base-en/external/MTOPIntentClassification.json new file mode 100644 index 000000000..c2b767b06 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 83.15321477428182, + "f1": 60.35476439087966, + "main_score": 83.15321477428182 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/MassiveIntentClassification.json b/results/jinaai__jina-embeddings-v2-base-en/external/MassiveIntentClassification.json new file mode 100644 index 000000000..73f1f2731 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.92669804976462, + "f1": 69.22815107207565, + "main_score": 71.92669804976462 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/MassiveScenarioClassification.json b/results/jinaai__jina-embeddings-v2-base-en/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..2eb80566f --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.4855413584398, + "f1": 72.92107516103387, + "main_score": 74.4855413584398 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/MedrxivClusteringP2P.json b/results/jinaai__jina-embeddings-v2-base-en/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..381fae490 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.412679360205544, + "main_score": 32.412679360205544 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/MedrxivClusteringS2S.json b/results/jinaai__jina-embeddings-v2-base-en/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..58e187a5c --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 28.09211869875204, + "main_score": 28.09211869875204 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/MindSmallReranking.json b/results/jinaai__jina-embeddings-v2-base-en/external/MindSmallReranking.json new file mode 100644 index 000000000..18a1c5a44 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 30.540919056982545, + "mrr": 31.529904607063536, + "main_score": 30.540919056982545 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/NFCorpus.json b/results/jinaai__jina-embeddings-v2-base-en/external/NFCorpus.json new file mode 100644 index 000000000..83af38d52 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.745, + "map_at_10": 12.013, + "map_at_100": 15.040000000000001, + "map_at_1000": 16.427, + "map_at_3": 8.841000000000001, + "map_at_5": 10.289, + "mrr_at_1": 45.201, + "mrr_at_10": 53.483999999999995, + "mrr_at_100": 54.20700000000001, + "mrr_at_1000": 54.252, + "mrr_at_3": 51.29, + "mrr_at_5": 52.73, + "ndcg_at_1": 43.808, + "ndcg_at_10": 32.445, + "ndcg_at_100": 30.031000000000002, + "ndcg_at_1000": 39.007, + "ndcg_at_3": 37.204, + "ndcg_at_5": 35.07, + "precision_at_1": 45.201, + "precision_at_10": 23.684, + "precision_at_100": 7.600999999999999, + "precision_at_1000": 2.043, + "precision_at_3": 33.953, + "precision_at_5": 29.412, + "recall_at_1": 5.745, + "recall_at_10": 16.168, + "recall_at_100": 30.875999999999998, + "recall_at_1000": 62.686, + "recall_at_3": 9.75, + "recall_at_5": 12.413, + "main_score": 32.445 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/NQ.json b/results/jinaai__jina-embeddings-v2-base-en/external/NQ.json new file mode 100644 index 000000000..4165c1729 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 37.828, + "map_at_10": 53.239000000000004, + "map_at_100": 54.035999999999994, + "map_at_1000": 54.067, + "map_at_3": 49.289, + "map_at_5": 51.784, + "mrr_at_1": 42.497, + "mrr_at_10": 55.916999999999994, + "mrr_at_100": 56.495, + "mrr_at_1000": 56.516999999999996, + "mrr_at_3": 52.800000000000004, + "mrr_at_5": 54.722, + "ndcg_at_1": 42.468, + "ndcg_at_10": 60.437, + "ndcg_at_100": 63.731, + "ndcg_at_1000": 64.41799999999999, + "ndcg_at_3": 53.230999999999995, + "ndcg_at_5": 57.26, + "precision_at_1": 42.468, + "precision_at_10": 9.47, + "precision_at_100": 1.1360000000000001, + "precision_at_1000": 0.12, + "precision_at_3": 23.724999999999998, + "precision_at_5": 16.593, + "recall_at_1": 37.828, + "recall_at_10": 79.538, + "recall_at_100": 93.646, + "recall_at_1000": 98.72999999999999, + "recall_at_3": 61.134, + "recall_at_5": 70.377, + "main_score": 60.437 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/QuoraRetrieval.json b/results/jinaai__jina-embeddings-v2-base-en/external/QuoraRetrieval.json new file mode 100644 index 000000000..76dff9474 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 70.548, + "map_at_10": 84.466, + "map_at_100": 85.10600000000001, + "map_at_1000": 85.123, + "map_at_3": 81.57600000000001, + "map_at_5": 83.399, + "mrr_at_1": 81.24, + "mrr_at_10": 87.457, + "mrr_at_100": 87.574, + "mrr_at_1000": 87.575, + "mrr_at_3": 86.507, + "mrr_at_5": 87.205, + "ndcg_at_1": 81.25, + "ndcg_at_10": 88.203, + "ndcg_at_100": 89.457, + "ndcg_at_1000": 89.563, + "ndcg_at_3": 85.465, + "ndcg_at_5": 87.007, + "precision_at_1": 81.25, + "precision_at_10": 13.373, + "precision_at_100": 1.5270000000000001, + "precision_at_1000": 0.157, + "precision_at_3": 37.417, + "precision_at_5": 24.556, + "recall_at_1": 70.548, + "recall_at_10": 95.208, + "recall_at_100": 99.514, + "recall_at_1000": 99.988, + "recall_at_3": 87.214, + "recall_at_5": 91.696, + "main_score": 88.203 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/RedditClustering.json b/results/jinaai__jina-embeddings-v2-base-en/external/RedditClustering.json new file mode 100644 index 000000000..4a1b4ffc7 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 53.04822095496839, + "main_score": 53.04822095496839 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/RedditClusteringP2P.json b/results/jinaai__jina-embeddings-v2-base-en/external/RedditClusteringP2P.json new file mode 100644 index 000000000..b90ac4341 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 60.30778476474675, + "main_score": 60.30778476474675 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/SCIDOCS.json b/results/jinaai__jina-embeddings-v2-base-en/external/SCIDOCS.json new file mode 100644 index 000000000..11cbe01c6 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.692, + "map_at_10": 11.766, + "map_at_100": 13.904, + "map_at_1000": 14.216999999999999, + "map_at_3": 8.245, + "map_at_5": 9.92, + "mrr_at_1": 23.0, + "mrr_at_10": 33.78, + "mrr_at_100": 34.922, + "mrr_at_1000": 34.973, + "mrr_at_3": 30.2, + "mrr_at_5": 32.565, + "ndcg_at_1": 23.0, + "ndcg_at_10": 19.863, + "ndcg_at_100": 28.141, + "ndcg_at_1000": 33.549, + "ndcg_at_3": 18.434, + "ndcg_at_5": 16.384, + "precision_at_1": 23.0, + "precision_at_10": 10.39, + "precision_at_100": 2.235, + "precision_at_1000": 0.35300000000000004, + "precision_at_3": 17.133000000000003, + "precision_at_5": 14.44, + "recall_at_1": 4.692, + "recall_at_10": 21.025, + "recall_at_100": 45.324999999999996, + "recall_at_1000": 71.675, + "recall_at_3": 10.440000000000001, + "recall_at_5": 14.64, + "main_score": 19.863 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/SICK-R.json b/results/jinaai__jina-embeddings-v2-base-en/external/SICK-R.json new file mode 100644 index 000000000..840ab7ec8 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.96178184892842, + "cos_sim_spearman": 79.6487740813199, + "euclidean_pearson": 82.06661161625023, + "euclidean_spearman": 79.64876769031183, + "manhattan_pearson": 82.07061164575131, + "manhattan_spearman": 79.65197039464537, + "cosine_pearson": 84.96178184892842, + "cosine_spearman": 79.6487740813199, + "main_score": 79.6487740813199 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/STS12.json b/results/jinaai__jina-embeddings-v2-base-en/external/STS12.json new file mode 100644 index 000000000..7dba07b27 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.15305604100027, + "cos_sim_spearman": 74.27447427941591, + "euclidean_pearson": 80.52737337565307, + "euclidean_spearman": 74.27416077132192, + "manhattan_pearson": 80.53728571140387, + "manhattan_spearman": 74.28853605753457, + "cosine_pearson": 84.15305604100027, + "cosine_spearman": 74.27447427941591, + "main_score": 74.27447427941591 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/STS13.json b/results/jinaai__jina-embeddings-v2-base-en/external/STS13.json new file mode 100644 index 000000000..b4fcbcd07 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.44386080639279, + "cos_sim_spearman": 84.17947648159536, + "euclidean_pearson": 83.34145388129387, + "euclidean_spearman": 84.17947648159536, + "manhattan_pearson": 83.30699061927966, + "manhattan_spearman": 84.18125737380451, + "cosine_pearson": 83.44386080639279, + "cosine_spearman": 84.17947648159536, + "main_score": 84.17947648159536 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/STS14.json b/results/jinaai__jina-embeddings-v2-base-en/external/STS14.json new file mode 100644 index 000000000..dcabd5c24 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.57392220985612, + "cos_sim_spearman": 78.80745014464101, + "euclidean_pearson": 80.01660371487199, + "euclidean_spearman": 78.80741240102256, + "manhattan_pearson": 79.96810779507953, + "manhattan_spearman": 78.75600400119448, + "cosine_pearson": 81.57392220985612, + "cosine_spearman": 78.80745014464101, + "main_score": 78.80745014464101 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/STS15.json b/results/jinaai__jina-embeddings-v2-base-en/external/STS15.json new file mode 100644 index 000000000..3da6fea70 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.85421063026625, + "cos_sim_spearman": 87.55320285299192, + "euclidean_pearson": 86.69750143323517, + "euclidean_spearman": 87.55320284326378, + "manhattan_pearson": 86.63379169960379, + "manhattan_spearman": 87.4815029877984, + "cosine_pearson": 86.85421063026625, + "cosine_spearman": 87.55320285299192, + "main_score": 87.55320285299192 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/STS16.json b/results/jinaai__jina-embeddings-v2-base-en/external/STS16.json new file mode 100644 index 000000000..99ec85a2f --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.31314130411842, + "cos_sim_spearman": 85.3489588181433, + "euclidean_pearson": 84.13240933463535, + "euclidean_spearman": 85.34902871403281, + "manhattan_pearson": 84.01183086503559, + "manhattan_spearman": 85.19316703166102, + "cosine_pearson": 84.31314130411842, + "cosine_spearman": 85.3489588181433, + "main_score": 85.3489588181433 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/STS17.json b/results/jinaai__jina-embeddings-v2-base-en/external/STS17.json new file mode 100644 index 000000000..ead0de688 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 89.09979781689536, + "cos_sim_spearman": 88.87813323759015, + "euclidean_pearson": 88.65413031123792, + "euclidean_spearman": 88.87813323759015, + "manhattan_pearson": 88.61818758256024, + "manhattan_spearman": 88.81044100494604, + "cosine_pearson": 89.09979781689536, + "cosine_spearman": 88.87813323759015, + "main_score": 88.87813323759015 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/STS22.json b/results/jinaai__jina-embeddings-v2-base-en/external/STS22.json new file mode 100644 index 000000000..0f4481e93 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 62.30693258111531, + "cos_sim_spearman": 62.195516523251946, + "euclidean_pearson": 62.951283701049476, + "euclidean_spearman": 62.195516523251946, + "manhattan_pearson": 63.068322281439535, + "manhattan_spearman": 62.10621171028406, + "cosine_pearson": 62.30693258111531, + "cosine_spearman": 62.195516523251946, + "main_score": 62.195516523251946 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/STSBenchmark.json b/results/jinaai__jina-embeddings-v2-base-en/external/STSBenchmark.json new file mode 100644 index 000000000..520f587b9 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.27092833763909, + "cos_sim_spearman": 84.84429717949759, + "euclidean_pearson": 84.8516966060792, + "euclidean_spearman": 84.84429717949759, + "manhattan_pearson": 84.82203139242881, + "manhattan_spearman": 84.8358503952945, + "cosine_pearson": 84.27092833763909, + "cosine_spearman": 84.84429717949759, + "main_score": 84.84429717949759 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/SciDocsRR.json b/results/jinaai__jina-embeddings-v2-base-en/external/SciDocsRR.json new file mode 100644 index 000000000..3d890386a --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 83.10290863981409, + "mrr": 95.31168450286097, + "main_score": 83.10290863981409 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/SciFact.json b/results/jinaai__jina-embeddings-v2-base-en/external/SciFact.json new file mode 100644 index 000000000..da6ea95d1 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 52.161, + "map_at_10": 62.138000000000005, + "map_at_100": 62.769, + "map_at_1000": 62.812, + "map_at_3": 59.111000000000004, + "map_at_5": 60.995999999999995, + "mrr_at_1": 55.333, + "mrr_at_10": 63.504000000000005, + "mrr_at_100": 64.036, + "mrr_at_1000": 64.08, + "mrr_at_3": 61.278, + "mrr_at_5": 62.778, + "ndcg_at_1": 55.333, + "ndcg_at_10": 66.678, + "ndcg_at_100": 69.415, + "ndcg_at_1000": 70.453, + "ndcg_at_3": 61.755, + "ndcg_at_5": 64.546, + "precision_at_1": 55.333, + "precision_at_10": 9.033, + "precision_at_100": 1.043, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 24.221999999999998, + "precision_at_5": 16.333000000000002, + "recall_at_1": 52.161, + "recall_at_10": 79.156, + "recall_at_100": 91.333, + "recall_at_1000": 99.333, + "recall_at_3": 66.43299999999999, + "recall_at_5": 73.272, + "main_score": 66.678 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/SprintDuplicateQuestions.json b/results/jinaai__jina-embeddings-v2-base-en/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..7b8d8cfdc --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.81287128712871, + "cos_sim_ap": 95.30034785910676, + "cos_sim_f1": 90.28629856850716, + "cos_sim_precision": 92.36401673640168, + "cos_sim_recall": 88.3, + "dot_accuracy": 99.81287128712871, + "dot_ap": 95.30034785910676, + "dot_f1": 90.28629856850716, + "dot_precision": 92.36401673640168, + "dot_recall": 88.3, + "euclidean_accuracy": 99.81287128712871, + "euclidean_ap": 95.30034785910676, + "euclidean_f1": 90.28629856850716, + "euclidean_precision": 92.36401673640168, + "euclidean_recall": 88.3, + "manhattan_accuracy": 99.80990099009901, + "manhattan_ap": 95.26880751950654, + "manhattan_f1": 90.22177419354838, + "manhattan_precision": 90.95528455284553, + "manhattan_recall": 89.5, + "max_accuracy": 99.81287128712871, + "max_ap": 95.30034785910676, + "max_f1": 90.28629856850716, + "main_score": 95.30034785910676 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/StackExchangeClustering.json b/results/jinaai__jina-embeddings-v2-base-en/external/StackExchangeClustering.json new file mode 100644 index 000000000..fd6c20f84 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 58.518662504351184, + "main_score": 58.518662504351184 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/StackExchangeClusteringP2P.json b/results/jinaai__jina-embeddings-v2-base-en/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..5b2149be9 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.96168178378587, + "main_score": 34.96168178378587 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/StackOverflowDupQuestions.json b/results/jinaai__jina-embeddings-v2-base-en/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..e0a11ddca --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 52.04862593471896, + "mrr": 52.97238402936932, + "main_score": 52.04862593471896 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/SummEval.json b/results/jinaai__jina-embeddings-v2-base-en/external/SummEval.json new file mode 100644 index 000000000..7f2faa8ac --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.092545236479946, + "cos_sim_spearman": 31.599851000175498, + "dot_pearson": 30.092542723901676, + "dot_spearman": 31.599851000175498, + "cosine_pearson": 30.092545236479946, + "cosine_spearman": 31.599851000175498, + "main_score": 31.599851000175498 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/TRECCOVID.json b/results/jinaai__jina-embeddings-v2-base-en/external/TRECCOVID.json new file mode 100644 index 000000000..66395c5e4 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.189, + "map_at_10": 1.662, + "map_at_100": 9.384, + "map_at_1000": 22.669, + "map_at_3": 0.5559999999999999, + "map_at_5": 0.9039999999999999, + "mrr_at_1": 68.0, + "mrr_at_10": 81.01899999999999, + "mrr_at_100": 81.01899999999999, + "mrr_at_1000": 81.01899999999999, + "mrr_at_3": 79.333, + "mrr_at_5": 80.733, + "ndcg_at_1": 63.0, + "ndcg_at_10": 65.913, + "ndcg_at_100": 51.895, + "ndcg_at_1000": 46.967, + "ndcg_at_3": 65.49199999999999, + "ndcg_at_5": 66.69699999999999, + "precision_at_1": 68.0, + "precision_at_10": 71.6, + "precision_at_100": 53.66, + "precision_at_1000": 21.124000000000002, + "precision_at_3": 72.667, + "precision_at_5": 74.0, + "recall_at_1": 0.189, + "recall_at_10": 1.913, + "recall_at_100": 12.601999999999999, + "recall_at_1000": 44.296, + "recall_at_3": 0.605, + "recall_at_5": 1.018, + "main_score": 65.913 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/Touche2020.json b/results/jinaai__jina-embeddings-v2-base-en/external/Touche2020.json new file mode 100644 index 000000000..5d6861fd6 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.701, + "map_at_10": 10.445, + "map_at_100": 17.324, + "map_at_1000": 19.161, + "map_at_3": 5.497, + "map_at_5": 7.278, + "mrr_at_1": 30.612000000000002, + "mrr_at_10": 45.534, + "mrr_at_100": 45.792, + "mrr_at_1000": 45.806999999999995, + "mrr_at_3": 37.755, + "mrr_at_5": 43.469, + "ndcg_at_1": 26.531, + "ndcg_at_10": 26.235000000000003, + "ndcg_at_100": 39.17, + "ndcg_at_1000": 51.038, + "ndcg_at_3": 23.625, + "ndcg_at_5": 24.338, + "precision_at_1": 30.612000000000002, + "precision_at_10": 24.285999999999998, + "precision_at_100": 8.224, + "precision_at_1000": 1.6179999999999999, + "precision_at_3": 24.490000000000002, + "precision_at_5": 24.898, + "recall_at_1": 2.701, + "recall_at_10": 17.997, + "recall_at_100": 51.766999999999996, + "recall_at_1000": 87.863, + "recall_at_3": 6.295000000000001, + "recall_at_5": 9.993, + "main_score": 26.235000000000003 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/ToxicConversationsClassification.json b/results/jinaai__jina-embeddings-v2-base-en/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..04f0518d2 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.3474, + "ap": 15.393431414459924, + "f1": 56.466681887882416, + "main_score": 73.3474 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/TweetSentimentExtractionClassification.json b/results/jinaai__jina-embeddings-v2-base-en/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..205e29064 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 62.062818336163, + "f1": 62.11230840463252, + "main_score": 62.062818336163 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/TwentyNewsgroupsClustering.json b/results/jinaai__jina-embeddings-v2-base-en/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..ae0719168 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 42.464892820845115, + "main_score": 42.464892820845115 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/TwitterSemEval2015.json b/results/jinaai__jina-embeddings-v2-base-en/external/TwitterSemEval2015.json new file mode 100644 index 000000000..c713105ef --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 86.15962329379508, + "cos_sim_ap": 74.73674057919256, + "cos_sim_f1": 68.81245642574947, + "cos_sim_precision": 61.48255813953488, + "cos_sim_recall": 78.12664907651715, + "dot_accuracy": 86.15962329379508, + "dot_ap": 74.7367634988281, + "dot_f1": 68.81245642574947, + "dot_precision": 61.48255813953488, + "dot_recall": 78.12664907651715, + "euclidean_accuracy": 86.15962329379508, + "euclidean_ap": 74.7367761466634, + "euclidean_f1": 68.81245642574947, + "euclidean_precision": 61.48255813953488, + "euclidean_recall": 78.12664907651715, + "manhattan_accuracy": 86.21326816474935, + "manhattan_ap": 74.64416473733951, + "manhattan_f1": 68.80924855491331, + "manhattan_precision": 61.23456790123457, + "manhattan_recall": 78.52242744063325, + "max_accuracy": 86.21326816474935, + "max_ap": 74.7367761466634, + "max_f1": 68.81245642574947, + "main_score": 74.7367761466634 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/TwitterURLCorpus.json b/results/jinaai__jina-embeddings-v2-base-en/external/TwitterURLCorpus.json new file mode 100644 index 000000000..b63ef4459 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.97620988085536, + "cos_sim_ap": 86.08680845745758, + "cos_sim_f1": 78.02793637114438, + "cos_sim_precision": 73.11082699683736, + "cos_sim_recall": 83.65414228518632, + "dot_accuracy": 88.97620988085536, + "dot_ap": 86.08681149437946, + "dot_f1": 78.02793637114438, + "dot_precision": 73.11082699683736, + "dot_recall": 83.65414228518632, + "euclidean_accuracy": 88.97620988085536, + "euclidean_ap": 86.08681215460771, + "euclidean_f1": 78.02793637114438, + "euclidean_precision": 73.11082699683736, + "euclidean_recall": 83.65414228518632, + "manhattan_accuracy": 88.88888888888889, + "manhattan_ap": 86.02916327562438, + "manhattan_f1": 78.02063045516843, + "manhattan_precision": 73.38851947346994, + "manhattan_recall": 83.2768709578072, + "max_accuracy": 88.97620988085536, + "max_ap": 86.08681215460771, + "max_f1": 78.02793637114438, + "main_score": 86.08681215460771 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-en/external/model_meta.json b/results/jinaai__jina-embeddings-v2-base-en/external/model_meta.json new file mode 100644 index 000000000..97ddf1bc1 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-en/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "jinaai/jina-embeddings-v2-base-en", + "revision": "6e85f575bc273f1fd840a658067d0157933c83f0", + "release_date": "2023-09-27", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 137368320, + "memory_usage": null, + "max_tokens": 8192, + "embed_dim": 768, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/AmazonCounterfactualClassification.json b/results/jinaai__jina-embeddings-v2-base-es/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..359e58209 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.25373134328358, + "ap": 37.05201236793268, + "f1": 68.16770391201077, + "main_score": 74.25373134328358 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/AmazonPolarityClassification.json b/results/jinaai__jina-embeddings-v2-base-es/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..f57aceaa7 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.30885, + "ap": 73.01622441156408, + "f1": 78.20769284466313, + "main_score": 78.30885 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/AmazonReviewsClassification.json b/results/jinaai__jina-embeddings-v2-base-es/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..626c7365f --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/AmazonReviewsClassification.json @@ -0,0 +1,28 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 38.324, + "f1": 37.89543008761673, + "main_score": 38.324 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 38.678000000000004, + "f1": 38.122639506976, + "main_score": 38.678000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/ArguAna.json b/results/jinaai__jina-embeddings-v2-base-es/external/ArguAna.json new file mode 100644 index 000000000..ca46b74ae --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.968999999999998, + "map_at_10": 40.691, + "map_at_100": 41.713, + "map_at_1000": 41.719, + "map_at_3": 35.42, + "map_at_5": 38.442, + "mrr_at_1": 24.395, + "mrr_at_10": 40.853, + "mrr_at_100": 41.869, + "mrr_at_1000": 41.874, + "mrr_at_3": 35.68, + "mrr_at_5": 38.572, + "ndcg_at_1": 23.968999999999998, + "ndcg_at_10": 50.129999999999995, + "ndcg_at_100": 54.364000000000004, + "ndcg_at_1000": 54.494, + "ndcg_at_3": 39.231, + "ndcg_at_5": 44.694, + "precision_at_1": 23.968999999999998, + "precision_at_10": 8.036999999999999, + "precision_at_100": 0.9860000000000001, + "precision_at_1000": 0.1, + "precision_at_3": 16.761, + "precision_at_5": 12.717, + "recall_at_1": 23.968999999999998, + "recall_at_10": 80.36999999999999, + "recall_at_100": 98.578, + "recall_at_1000": 99.57300000000001, + "recall_at_3": 50.28399999999999, + "recall_at_5": 63.585, + "main_score": 50.129999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/ArxivClusteringP2P.json b/results/jinaai__jina-embeddings-v2-base-es/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..ea69a3a08 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 41.54886683150053, + "main_score": 41.54886683150053 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/ArxivClusteringS2S.json b/results/jinaai__jina-embeddings-v2-base-es/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..07d4fd02a --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.186028697637234, + "main_score": 32.186028697637234 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/AskUbuntuDupQuestions.json b/results/jinaai__jina-embeddings-v2-base-es/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..9f44765d6 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 61.19432643698725, + "mrr": 75.28646176845622, + "main_score": 61.19432643698725 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/BIOSSES.json b/results/jinaai__jina-embeddings-v2-base-es/external/BIOSSES.json new file mode 100644 index 000000000..ee69ecca0 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.3828259381228, + "cos_sim_spearman": 83.04647058342209, + "euclidean_pearson": 84.02895346096244, + "euclidean_spearman": 82.34524978635342, + "manhattan_pearson": 84.35030723233426, + "manhattan_spearman": 83.17177464337936, + "cosine_pearson": 86.3828259381228, + "cosine_spearman": 83.04647058342209, + "main_score": 83.04647058342209 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/Banking77Classification.json b/results/jinaai__jina-embeddings-v2-base-es/external/Banking77Classification.json new file mode 100644 index 000000000..39f385325 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 85.25649350649351, + "f1": 85.22320474023192, + "main_score": 85.25649350649351 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/BigPatentClustering.json b/results/jinaai__jina-embeddings-v2-base-es/external/BigPatentClustering.json new file mode 100644 index 000000000..d3c9d06c1 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/BigPatentClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "62d5330920bca426ce9d3c76ea914f15fc83e891", + "task_name": "BigPatentClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 20.42929408254094, + "main_score": 20.42929408254094 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/BiorxivClusteringP2P.json b/results/jinaai__jina-embeddings-v2-base-es/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..9756cf2e2 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.165318177498136, + "main_score": 35.165318177498136 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/BiorxivClusteringS2S.json b/results/jinaai__jina-embeddings-v2-base-es/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..7787f4de1 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 28.89030154229562, + "main_score": 28.89030154229562 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/CQADupstackAndroidRetrieval.json b/results/jinaai__jina-embeddings-v2-base-es/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..0a23bd4b3 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.119, + "map_at_10": 42.092, + "map_at_100": 43.506, + "map_at_1000": 43.631, + "map_at_3": 38.373000000000005, + "map_at_5": 40.501, + "mrr_at_1": 38.196999999999996, + "mrr_at_10": 48.237, + "mrr_at_100": 48.914, + "mrr_at_1000": 48.959, + "mrr_at_3": 45.279, + "mrr_at_5": 47.11, + "ndcg_at_1": 38.196999999999996, + "ndcg_at_10": 48.849, + "ndcg_at_100": 53.713, + "ndcg_at_1000": 55.678000000000004, + "ndcg_at_3": 43.546, + "ndcg_at_5": 46.009, + "precision_at_1": 38.196999999999996, + "precision_at_10": 9.642000000000001, + "precision_at_100": 1.5190000000000001, + "precision_at_1000": 0.199, + "precision_at_3": 21.65, + "precision_at_5": 15.708, + "recall_at_1": 30.119, + "recall_at_10": 61.788, + "recall_at_100": 82.14399999999999, + "recall_at_1000": 95.003, + "recall_at_3": 45.772, + "recall_at_5": 53.04600000000001, + "main_score": 48.849 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.979, + "map_at_10": 37.785000000000004, + "map_at_100": 38.945, + "map_at_1000": 39.071, + "map_at_3": 35.083999999999996, + "map_at_5": 36.571999999999996, + "mrr_at_1": 36.242000000000004, + "mrr_at_10": 43.552, + "mrr_at_100": 44.228, + "mrr_at_1000": 44.275999999999996, + "mrr_at_3": 41.359, + "mrr_at_5": 42.598, + "ndcg_at_1": 36.242000000000004, + "ndcg_at_10": 42.94, + "ndcg_at_100": 47.343, + "ndcg_at_1000": 49.538, + "ndcg_at_3": 39.086999999999996, + "ndcg_at_5": 40.781, + "precision_at_1": 36.242000000000004, + "precision_at_10": 7.954999999999999, + "precision_at_100": 1.303, + "precision_at_1000": 0.178, + "precision_at_3": 18.556, + "precision_at_5": 13.145999999999999, + "recall_at_1": 28.979, + "recall_at_10": 51.835, + "recall_at_100": 70.47, + "recall_at_1000": 84.68299999999999, + "recall_at_3": 40.410000000000004, + "recall_at_5": 45.189, + "main_score": 42.94 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 37.878, + "map_at_10": 49.903, + "map_at_100": 50.797000000000004, + "map_at_1000": 50.858000000000004, + "map_at_3": 46.526, + "map_at_5": 48.615, + "mrr_at_1": 43.135, + "mrr_at_10": 53.067, + "mrr_at_100": 53.668000000000006, + "mrr_at_1000": 53.698, + "mrr_at_3": 50.449, + "mrr_at_5": 52.117000000000004, + "ndcg_at_1": 43.135, + "ndcg_at_10": 55.641, + "ndcg_at_100": 59.427, + "ndcg_at_1000": 60.655, + "ndcg_at_3": 49.969, + "ndcg_at_5": 53.075, + "precision_at_1": 43.135, + "precision_at_10": 8.997, + "precision_at_100": 1.1809999999999998, + "precision_at_1000": 0.133, + "precision_at_3": 22.215, + "precision_at_5": 15.586, + "recall_at_1": 37.878, + "recall_at_10": 69.405, + "recall_at_100": 86.262, + "recall_at_1000": 95.012, + "recall_at_3": 54.458, + "recall_at_5": 61.965, + "main_score": 55.641 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.853, + "map_at_10": 32.402, + "map_at_100": 33.417, + "map_at_1000": 33.498, + "map_at_3": 30.024, + "map_at_5": 31.407, + "mrr_at_1": 26.667, + "mrr_at_10": 34.399, + "mrr_at_100": 35.284, + "mrr_at_1000": 35.345, + "mrr_at_3": 32.109, + "mrr_at_5": 33.375, + "ndcg_at_1": 26.667, + "ndcg_at_10": 36.854, + "ndcg_at_100": 42.196, + "ndcg_at_1000": 44.303, + "ndcg_at_3": 32.186, + "ndcg_at_5": 34.512, + "precision_at_1": 26.667, + "precision_at_10": 5.559, + "precision_at_100": 0.88, + "precision_at_1000": 0.109, + "precision_at_3": 13.333, + "precision_at_5": 9.379, + "recall_at_1": 24.853, + "recall_at_10": 48.636, + "recall_at_100": 73.926, + "recall_at_1000": 89.94, + "recall_at_3": 36.266, + "recall_at_5": 41.723, + "main_score": 36.854 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 14.963999999999999, + "map_at_10": 22.591, + "map_at_100": 23.735999999999997, + "map_at_1000": 23.868000000000002, + "map_at_3": 20.093, + "map_at_5": 21.499, + "mrr_at_1": 18.407999999999998, + "mrr_at_10": 26.863, + "mrr_at_100": 27.87, + "mrr_at_1000": 27.947, + "mrr_at_3": 24.254, + "mrr_at_5": 25.784000000000002, + "ndcg_at_1": 18.407999999999998, + "ndcg_at_10": 27.549, + "ndcg_at_100": 33.188, + "ndcg_at_1000": 36.312, + "ndcg_at_3": 22.862, + "ndcg_at_5": 25.130999999999997, + "precision_at_1": 18.407999999999998, + "precision_at_10": 5.087, + "precision_at_100": 0.923, + "precision_at_1000": 0.133, + "precision_at_3": 10.987, + "precision_at_5": 8.209, + "recall_at_1": 14.963999999999999, + "recall_at_10": 38.673, + "recall_at_100": 63.224999999999994, + "recall_at_1000": 85.443, + "recall_at_3": 25.840000000000003, + "recall_at_5": 31.503999999999998, + "main_score": 27.549 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.861000000000004, + "map_at_10": 37.562, + "map_at_100": 38.906, + "map_at_1000": 39.021, + "map_at_3": 34.743, + "map_at_5": 36.168, + "mrr_at_1": 34.455999999999996, + "mrr_at_10": 43.428, + "mrr_at_100": 44.228, + "mrr_at_1000": 44.278, + "mrr_at_3": 41.001, + "mrr_at_5": 42.315000000000005, + "ndcg_at_1": 34.455999999999996, + "ndcg_at_10": 43.477, + "ndcg_at_100": 48.953, + "ndcg_at_1000": 51.19200000000001, + "ndcg_at_3": 38.799, + "ndcg_at_5": 40.743, + "precision_at_1": 34.455999999999996, + "precision_at_10": 7.902000000000001, + "precision_at_100": 1.244, + "precision_at_1000": 0.161, + "precision_at_3": 18.511, + "precision_at_5": 12.859000000000002, + "recall_at_1": 27.861000000000004, + "recall_at_10": 55.36, + "recall_at_100": 78.384, + "recall_at_1000": 93.447, + "recall_at_3": 41.926, + "recall_at_5": 47.257, + "main_score": 43.477 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.375, + "map_at_10": 35.571000000000005, + "map_at_100": 36.785000000000004, + "map_at_1000": 36.905, + "map_at_3": 32.49, + "map_at_5": 34.123999999999995, + "mrr_at_1": 32.647999999999996, + "mrr_at_10": 40.598, + "mrr_at_100": 41.484, + "mrr_at_1000": 41.546, + "mrr_at_3": 37.9, + "mrr_at_5": 39.401, + "ndcg_at_1": 32.647999999999996, + "ndcg_at_10": 41.026, + "ndcg_at_100": 46.365, + "ndcg_at_1000": 48.876, + "ndcg_at_3": 35.843, + "ndcg_at_5": 38.118, + "precision_at_1": 32.647999999999996, + "precision_at_10": 7.443, + "precision_at_100": 1.18, + "precision_at_1000": 0.158, + "precision_at_3": 16.819, + "precision_at_5": 11.985999999999999, + "recall_at_1": 26.375, + "recall_at_10": 52.471000000000004, + "recall_at_100": 75.354, + "recall_at_1000": 92.35, + "recall_at_3": 37.893, + "recall_at_5": 43.935, + "main_score": 41.026 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.012666666666668, + "map_at_10": 33.685833333333335, + "map_at_100": 34.849250000000005, + "map_at_1000": 34.970083333333335, + "map_at_3": 31.065083333333334, + "map_at_5": 32.494416666666666, + "mrr_at_1": 29.772666666666662, + "mrr_at_10": 37.824666666666666, + "mrr_at_100": 38.66741666666666, + "mrr_at_1000": 38.72916666666666, + "mrr_at_3": 35.54575, + "mrr_at_5": 36.81524999999999, + "ndcg_at_1": 29.772666666666662, + "ndcg_at_10": 38.78241666666666, + "ndcg_at_100": 43.84591666666667, + "ndcg_at_1000": 46.275416666666665, + "ndcg_at_3": 34.33416666666667, + "ndcg_at_5": 36.345166666666664, + "precision_at_1": 29.772666666666662, + "precision_at_10": 6.794916666666667, + "precision_at_100": 1.106416666666667, + "precision_at_1000": 0.15033333333333335, + "precision_at_3": 15.815083333333336, + "precision_at_5": 11.184166666666664, + "recall_at_1": 25.012666666666668, + "recall_at_10": 49.748500000000014, + "recall_at_100": 72.11341666666667, + "recall_at_1000": 89.141, + "recall_at_3": 37.242999999999995, + "recall_at_5": 42.49033333333333, + "main_score": 38.78241666666666 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.177, + "map_at_10": 29.310000000000002, + "map_at_100": 30.188, + "map_at_1000": 30.29, + "map_at_3": 27.356, + "map_at_5": 28.410999999999998, + "mrr_at_1": 26.074, + "mrr_at_10": 32.002, + "mrr_at_100": 32.838, + "mrr_at_1000": 32.909, + "mrr_at_3": 30.317, + "mrr_at_5": 31.222, + "ndcg_at_1": 26.074, + "ndcg_at_10": 32.975, + "ndcg_at_100": 37.621, + "ndcg_at_1000": 40.253, + "ndcg_at_3": 29.452, + "ndcg_at_5": 31.020999999999997, + "precision_at_1": 26.074, + "precision_at_10": 5.077, + "precision_at_100": 0.8049999999999999, + "precision_at_1000": 0.11100000000000002, + "precision_at_3": 12.526000000000002, + "precision_at_5": 8.588999999999999, + "recall_at_1": 23.177, + "recall_at_10": 41.613, + "recall_at_100": 63.287000000000006, + "recall_at_1000": 83.013, + "recall_at_3": 31.783, + "recall_at_5": 35.769, + "main_score": 32.975 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.856, + "map_at_10": 22.651, + "map_at_100": 23.649, + "map_at_1000": 23.783, + "map_at_3": 20.591, + "map_at_5": 21.684, + "mrr_at_1": 19.408, + "mrr_at_10": 26.51, + "mrr_at_100": 27.356, + "mrr_at_1000": 27.439999999999998, + "mrr_at_3": 24.547, + "mrr_at_5": 25.562, + "ndcg_at_1": 19.408, + "ndcg_at_10": 27.072000000000003, + "ndcg_at_100": 31.980999999999998, + "ndcg_at_1000": 35.167, + "ndcg_at_3": 23.338, + "ndcg_at_5": 24.94, + "precision_at_1": 19.408, + "precision_at_10": 4.9590000000000005, + "precision_at_100": 0.8710000000000001, + "precision_at_1000": 0.132, + "precision_at_3": 11.138, + "precision_at_5": 7.949000000000001, + "recall_at_1": 15.856, + "recall_at_10": 36.578, + "recall_at_100": 58.89, + "recall_at_1000": 81.743, + "recall_at_3": 25.94, + "recall_at_5": 30.153999999999996, + "main_score": 27.072000000000003 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.892, + "map_at_10": 33.899, + "map_at_100": 34.955000000000005, + "map_at_1000": 35.066, + "map_at_3": 31.41, + "map_at_5": 32.669, + "mrr_at_1": 30.224, + "mrr_at_10": 37.936, + "mrr_at_100": 38.777, + "mrr_at_1000": 38.85, + "mrr_at_3": 35.821, + "mrr_at_5": 36.894, + "ndcg_at_1": 30.224, + "ndcg_at_10": 38.766, + "ndcg_at_100": 43.806, + "ndcg_at_1000": 46.373999999999995, + "ndcg_at_3": 34.325, + "ndcg_at_5": 36.096000000000004, + "precision_at_1": 30.224, + "precision_at_10": 6.446000000000001, + "precision_at_100": 1.0, + "precision_at_1000": 0.133, + "precision_at_3": 15.392, + "precision_at_5": 10.671999999999999, + "recall_at_1": 25.892, + "recall_at_10": 49.573, + "recall_at_100": 71.885, + "recall_at_1000": 89.912, + "recall_at_3": 37.226, + "recall_at_5": 41.74, + "main_score": 38.766 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.915, + "map_at_10": 33.613, + "map_at_100": 35.333999999999996, + "map_at_1000": 35.563, + "map_at_3": 31.203999999999997, + "map_at_5": 32.479, + "mrr_at_1": 29.447000000000003, + "mrr_at_10": 38.440000000000005, + "mrr_at_100": 39.459, + "mrr_at_1000": 39.513999999999996, + "mrr_at_3": 36.495, + "mrr_at_5": 37.592, + "ndcg_at_1": 29.447000000000003, + "ndcg_at_10": 39.341, + "ndcg_at_100": 45.382, + "ndcg_at_1000": 47.921, + "ndcg_at_3": 35.671, + "ndcg_at_5": 37.299, + "precision_at_1": 29.447000000000003, + "precision_at_10": 7.648000000000001, + "precision_at_100": 1.567, + "precision_at_1000": 0.241, + "precision_at_3": 17.194000000000003, + "precision_at_5": 12.253, + "recall_at_1": 23.915, + "recall_at_10": 49.491, + "recall_at_100": 76.483, + "recall_at_1000": 92.674, + "recall_at_3": 38.878, + "recall_at_5": 43.492, + "main_score": 39.341 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.283, + "map_at_10": 26.851000000000003, + "map_at_100": 27.973, + "map_at_1000": 28.087, + "map_at_3": 24.887, + "map_at_5": 25.804, + "mrr_at_1": 22.366, + "mrr_at_10": 28.864, + "mrr_at_100": 29.903000000000002, + "mrr_at_1000": 29.988, + "mrr_at_3": 27.017999999999997, + "mrr_at_5": 27.813, + "ndcg_at_1": 22.366, + "ndcg_at_10": 30.898999999999997, + "ndcg_at_100": 36.176, + "ndcg_at_1000": 39.036, + "ndcg_at_3": 26.932000000000002, + "ndcg_at_5": 28.416999999999998, + "precision_at_1": 22.366, + "precision_at_10": 4.824, + "precision_at_100": 0.804, + "precision_at_1000": 0.116, + "precision_at_3": 11.459999999999999, + "precision_at_5": 7.8740000000000006, + "recall_at_1": 20.283, + "recall_at_10": 41.559000000000005, + "recall_at_100": 65.051, + "recall_at_1000": 86.47200000000001, + "recall_at_3": 30.524, + "recall_at_5": 34.11, + "main_score": 30.898999999999997 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/ClimateFEVER.json b/results/jinaai__jina-embeddings-v2-base-es/external/ClimateFEVER.json new file mode 100644 index 000000000..ab220bf75 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 11.326, + "map_at_10": 19.357, + "map_at_100": 21.014, + "map_at_1000": 21.188000000000002, + "map_at_3": 16.305, + "map_at_5": 17.886, + "mrr_at_1": 24.820999999999998, + "mrr_at_10": 36.150999999999996, + "mrr_at_100": 37.080999999999996, + "mrr_at_1000": 37.123, + "mrr_at_3": 32.952999999999996, + "mrr_at_5": 34.917, + "ndcg_at_1": 24.820999999999998, + "ndcg_at_10": 27.131, + "ndcg_at_100": 33.841, + "ndcg_at_1000": 37.159, + "ndcg_at_3": 22.311, + "ndcg_at_5": 24.026, + "precision_at_1": 24.820999999999998, + "precision_at_10": 8.450000000000001, + "precision_at_100": 1.557, + "precision_at_1000": 0.218, + "precision_at_3": 16.612, + "precision_at_5": 12.808, + "recall_at_1": 11.326, + "recall_at_10": 32.548, + "recall_at_100": 55.803000000000004, + "recall_at_1000": 74.636, + "recall_at_3": 20.549, + "recall_at_5": 25.514, + "main_score": 27.131 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/DBPedia.json b/results/jinaai__jina-embeddings-v2-base-es/external/DBPedia.json new file mode 100644 index 000000000..fbb6a853f --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 7.481, + "map_at_10": 15.043999999999999, + "map_at_100": 20.194000000000003, + "map_at_1000": 21.423000000000002, + "map_at_3": 11.238, + "map_at_5": 12.828999999999999, + "mrr_at_1": 54.50000000000001, + "mrr_at_10": 64.713, + "mrr_at_100": 65.216, + "mrr_at_1000": 65.23, + "mrr_at_3": 62.74999999999999, + "mrr_at_5": 63.87500000000001, + "ndcg_at_1": 43.375, + "ndcg_at_10": 32.631, + "ndcg_at_100": 36.338, + "ndcg_at_1000": 43.541000000000004, + "ndcg_at_3": 36.746, + "ndcg_at_5": 34.419, + "precision_at_1": 54.50000000000001, + "precision_at_10": 24.825, + "precision_at_100": 7.698, + "precision_at_1000": 1.657, + "precision_at_3": 38.917, + "precision_at_5": 32.35, + "recall_at_1": 7.481, + "recall_at_10": 20.341, + "recall_at_100": 41.778, + "recall_at_1000": 64.82, + "recall_at_3": 12.748000000000001, + "recall_at_5": 15.507000000000001, + "main_score": 32.631 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/EmotionClassification.json b/results/jinaai__jina-embeddings-v2-base-es/external/EmotionClassification.json new file mode 100644 index 000000000..9040561cb --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 46.580000000000005, + "f1": 41.5149462395095, + "main_score": 46.580000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/FEVER.json b/results/jinaai__jina-embeddings-v2-base-es/external/FEVER.json new file mode 100644 index 000000000..44f5aa740 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 61.683, + "map_at_10": 73.071, + "map_at_100": 73.327, + "map_at_1000": 73.341, + "map_at_3": 71.446, + "map_at_5": 72.557, + "mrr_at_1": 66.44200000000001, + "mrr_at_10": 77.725, + "mrr_at_100": 77.89399999999999, + "mrr_at_1000": 77.898, + "mrr_at_3": 76.283, + "mrr_at_5": 77.29700000000001, + "ndcg_at_1": 66.44200000000001, + "ndcg_at_10": 78.43, + "ndcg_at_100": 79.462, + "ndcg_at_1000": 79.754, + "ndcg_at_3": 75.53800000000001, + "ndcg_at_5": 77.332, + "precision_at_1": 66.44200000000001, + "precision_at_10": 9.878, + "precision_at_100": 1.051, + "precision_at_1000": 0.109, + "precision_at_3": 29.878, + "precision_at_5": 18.953, + "recall_at_1": 61.683, + "recall_at_10": 90.259, + "recall_at_100": 94.633, + "recall_at_1000": 96.60499999999999, + "recall_at_3": 82.502, + "recall_at_5": 86.978, + "main_score": 78.43 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/FiQA2018.json b/results/jinaai__jina-embeddings-v2-base-es/external/FiQA2018.json new file mode 100644 index 000000000..10d49013f --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.724, + "map_at_10": 29.487999999999996, + "map_at_100": 31.243, + "map_at_1000": 31.419999999999998, + "map_at_3": 25.612000000000002, + "map_at_5": 27.859, + "mrr_at_1": 35.802, + "mrr_at_10": 44.684000000000005, + "mrr_at_100": 45.578, + "mrr_at_1000": 45.621, + "mrr_at_3": 42.361, + "mrr_at_5": 43.85, + "ndcg_at_1": 35.802, + "ndcg_at_10": 37.009, + "ndcg_at_100": 43.903, + "ndcg_at_1000": 47.019, + "ndcg_at_3": 33.634, + "ndcg_at_5": 34.965, + "precision_at_1": 35.802, + "precision_at_10": 10.386, + "precision_at_100": 1.7309999999999999, + "precision_at_1000": 0.231, + "precision_at_3": 22.84, + "precision_at_5": 17.037, + "recall_at_1": 17.724, + "recall_at_10": 43.708000000000006, + "recall_at_100": 69.902, + "recall_at_1000": 88.51, + "recall_at_3": 30.740000000000002, + "recall_at_5": 36.742000000000004, + "main_score": 37.009 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/HotpotQA.json b/results/jinaai__jina-embeddings-v2-base-es/external/HotpotQA.json new file mode 100644 index 000000000..f614328e5 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 34.801, + "map_at_10": 50.42100000000001, + "map_at_100": 51.254, + "map_at_1000": 51.327999999999996, + "map_at_3": 47.56, + "map_at_5": 49.379, + "mrr_at_1": 69.602, + "mrr_at_10": 76.385, + "mrr_at_100": 76.668, + "mrr_at_1000": 76.683, + "mrr_at_3": 75.102, + "mrr_at_5": 75.949, + "ndcg_at_1": 69.602, + "ndcg_at_10": 59.476, + "ndcg_at_100": 62.527, + "ndcg_at_1000": 64.043, + "ndcg_at_3": 55.155, + "ndcg_at_5": 57.623000000000005, + "precision_at_1": 69.602, + "precision_at_10": 12.292, + "precision_at_100": 1.467, + "precision_at_1000": 0.167, + "precision_at_3": 34.634, + "precision_at_5": 22.728, + "recall_at_1": 34.801, + "recall_at_10": 61.458, + "recall_at_100": 73.363, + "recall_at_1000": 83.43, + "recall_at_3": 51.951, + "recall_at_5": 56.82000000000001, + "main_score": 59.476 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/ImdbClassification.json b/results/jinaai__jina-embeddings-v2-base-es/external/ImdbClassification.json new file mode 100644 index 000000000..8be234eb9 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 67.46079999999999, + "ap": 61.81278199159353, + "f1": 67.26505019954826, + "main_score": 67.46079999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/MIRACLRetrieval.json b/results/jinaai__jina-embeddings-v2-base-es/external/MIRACLRetrieval.json new file mode 100644 index 000000000..37b5d03eb --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/MIRACLRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MIRACLRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "None" + ], + "map_at_1": 21.299, + "map_at_10": 70.547, + "map_at_100": 72.394, + "map_at_1000": 72.39999999999999, + "map_at_3": 41.317, + "map_at_5": 53.756, + "mrr_at_1": 72.84, + "mrr_at_10": 82.466, + "mrr_at_100": 82.52199999999999, + "mrr_at_1000": 82.52199999999999, + "mrr_at_3": 80.607, + "mrr_at_5": 82.065, + "ndcg_at_1": 72.994, + "ndcg_at_10": 80.89, + "ndcg_at_100": 83.30199999999999, + "ndcg_at_1000": 83.337, + "ndcg_at_3": 70.357, + "ndcg_at_5": 72.529, + "precision_at_1": 72.994, + "precision_at_10": 43.056, + "precision_at_100": 4.603, + "precision_at_1000": 0.461, + "precision_at_3": 61.626000000000005, + "precision_at_5": 55.525000000000006, + "recall_at_1": 21.299, + "recall_at_10": 93.903, + "recall_at_100": 99.86699999999999, + "recall_at_1000": 100.0, + "recall_at_3": 46.653, + "recall_at_5": 65.72200000000001, + "main_score": 80.89 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/MTOPDomainClassification.json b/results/jinaai__jina-embeddings-v2-base-es/external/MTOPDomainClassification.json new file mode 100644 index 000000000..408d9b408 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/MTOPDomainClassification.json @@ -0,0 +1,28 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 90.37163702690378, + "f1": 90.18615216514222, + "main_score": 90.37163702690378 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 89.88992661774515, + "f1": 89.3738963046966, + "main_score": 89.88992661774515 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/MTOPIntentClassification.json b/results/jinaai__jina-embeddings-v2-base-es/external/MTOPIntentClassification.json new file mode 100644 index 000000000..5d8a1deda --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/MTOPIntentClassification.json @@ -0,0 +1,28 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.97218422252622, + "f1": 54.03096570916335, + "main_score": 71.97218422252622 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 68.75917278185457, + "f1": 49.144083814705844, + "main_score": 68.75917278185457 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/MassiveIntentClassification.json b/results/jinaai__jina-embeddings-v2-base-es/external/MassiveIntentClassification.json new file mode 100644 index 000000000..8550a0f47 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/MassiveIntentClassification.json @@ -0,0 +1,28 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.75991930060525, + "f1": 69.37993796176502, + "main_score": 70.75991930060525 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 66.93006052454606, + "f1": 66.04029135274683, + "main_score": 66.93006052454606 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/MassiveScenarioClassification.json b/results/jinaai__jina-embeddings-v2-base-es/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..721dfd293 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/MassiveScenarioClassification.json @@ -0,0 +1,28 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.81977135171486, + "f1": 74.10477122507747, + "main_score": 73.81977135171486 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 71.23402824478816, + "f1": 71.75572665880296, + "main_score": 71.23402824478816 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/MedrxivClusteringP2P.json b/results/jinaai__jina-embeddings-v2-base-es/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..1d356741b --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.189750849969215, + "main_score": 32.189750849969215 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/MedrxivClusteringS2S.json b/results/jinaai__jina-embeddings-v2-base-es/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..2b8c4f79f --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 28.78357393555938, + "main_score": 28.78357393555938 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/MindSmallReranking.json b/results/jinaai__jina-embeddings-v2-base-es/external/MindSmallReranking.json new file mode 100644 index 000000000..8a479c77d --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 30.605612998328358, + "mrr": 31.595529205695833, + "main_score": 30.605612998328358 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/NFCorpus.json b/results/jinaai__jina-embeddings-v2-base-es/external/NFCorpus.json new file mode 100644 index 000000000..45653f4e2 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.692, + "map_at_10": 10.783, + "map_at_100": 13.447999999999999, + "map_at_1000": 14.756, + "map_at_3": 7.646, + "map_at_5": 9.311, + "mrr_at_1": 42.415000000000006, + "mrr_at_10": 50.471, + "mrr_at_100": 51.251999999999995, + "mrr_at_1000": 51.292, + "mrr_at_3": 48.4, + "mrr_at_5": 49.809, + "ndcg_at_1": 40.867, + "ndcg_at_10": 30.303, + "ndcg_at_100": 27.915, + "ndcg_at_1000": 36.734, + "ndcg_at_3": 35.74, + "ndcg_at_5": 33.938, + "precision_at_1": 42.415000000000006, + "precision_at_10": 22.105, + "precision_at_100": 7.173, + "precision_at_1000": 2.007, + "precision_at_3": 33.437, + "precision_at_5": 29.349999999999998, + "recall_at_1": 4.692, + "recall_at_10": 14.798, + "recall_at_100": 28.948, + "recall_at_1000": 59.939, + "recall_at_3": 8.562, + "recall_at_5": 11.818, + "main_score": 30.303 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/NQ.json b/results/jinaai__jina-embeddings-v2-base-es/external/NQ.json new file mode 100644 index 000000000..93f4fe9bb --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.572999999999997, + "map_at_10": 42.754, + "map_at_100": 43.8, + "map_at_1000": 43.838, + "map_at_3": 38.157000000000004, + "map_at_5": 40.9, + "mrr_at_1": 31.373, + "mrr_at_10": 45.321, + "mrr_at_100": 46.109, + "mrr_at_1000": 46.135, + "mrr_at_3": 41.483, + "mrr_at_5": 43.76, + "ndcg_at_1": 31.373, + "ndcg_at_10": 50.7, + "ndcg_at_100": 55.103, + "ndcg_at_1000": 55.955999999999996, + "ndcg_at_3": 42.069, + "ndcg_at_5": 46.595, + "precision_at_1": 31.373, + "precision_at_10": 8.601, + "precision_at_100": 1.11, + "precision_at_1000": 0.11900000000000001, + "precision_at_3": 19.399, + "precision_at_5": 14.224, + "recall_at_1": 27.572999999999997, + "recall_at_10": 72.465, + "recall_at_100": 91.474, + "recall_at_1000": 97.78099999999999, + "recall_at_3": 50.087, + "recall_at_5": 60.516000000000005, + "main_score": 50.7 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/QuoraRetrieval.json b/results/jinaai__jina-embeddings-v2-base-es/external/QuoraRetrieval.json new file mode 100644 index 000000000..5b8912fde --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 70.525, + "map_at_10": 84.417, + "map_at_100": 85.07000000000001, + "map_at_1000": 85.085, + "map_at_3": 81.45, + "map_at_5": 83.317, + "mrr_at_1": 81.17999999999999, + "mrr_at_10": 87.34100000000001, + "mrr_at_100": 87.461, + "mrr_at_1000": 87.46199999999999, + "mrr_at_3": 86.372, + "mrr_at_5": 87.046, + "ndcg_at_1": 81.17999999999999, + "ndcg_at_10": 88.144, + "ndcg_at_100": 89.424, + "ndcg_at_1000": 89.517, + "ndcg_at_3": 85.282, + "ndcg_at_5": 86.874, + "precision_at_1": 81.17999999999999, + "precision_at_10": 13.385, + "precision_at_100": 1.533, + "precision_at_1000": 0.157, + "precision_at_3": 37.29, + "precision_at_5": 24.546, + "recall_at_1": 70.525, + "recall_at_10": 95.22500000000001, + "recall_at_100": 99.572, + "recall_at_1000": 99.98899999999999, + "recall_at_3": 87.035, + "recall_at_5": 91.526, + "main_score": 88.144 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/RedditClustering.json b/results/jinaai__jina-embeddings-v2-base-es/external/RedditClustering.json new file mode 100644 index 000000000..dde290d13 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.284384328108736, + "main_score": 48.284384328108736 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/RedditClusteringP2P.json b/results/jinaai__jina-embeddings-v2-base-es/external/RedditClusteringP2P.json new file mode 100644 index 000000000..0df5bf43f --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 56.02508021518392, + "main_score": 56.02508021518392 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/SCIDOCS.json b/results/jinaai__jina-embeddings-v2-base-es/external/SCIDOCS.json new file mode 100644 index 000000000..7f36de713 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.023000000000001, + "map_at_10": 10.046, + "map_at_100": 11.802999999999999, + "map_at_1000": 12.074, + "map_at_3": 7.071, + "map_at_5": 8.556, + "mrr_at_1": 19.8, + "mrr_at_10": 30.105999999999998, + "mrr_at_100": 31.16, + "mrr_at_1000": 31.224, + "mrr_at_3": 26.633000000000003, + "mrr_at_5": 28.768, + "ndcg_at_1": 19.8, + "ndcg_at_10": 17.358, + "ndcg_at_100": 24.566, + "ndcg_at_1000": 29.653000000000002, + "ndcg_at_3": 16.052, + "ndcg_at_5": 14.325, + "precision_at_1": 19.8, + "precision_at_10": 9.07, + "precision_at_100": 1.955, + "precision_at_1000": 0.318, + "precision_at_3": 14.933, + "precision_at_5": 12.68, + "recall_at_1": 4.023000000000001, + "recall_at_10": 18.398, + "recall_at_100": 39.683, + "recall_at_1000": 64.625, + "recall_at_3": 9.113, + "recall_at_5": 12.873000000000001, + "main_score": 17.358 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/SICK-R.json b/results/jinaai__jina-embeddings-v2-base-es/external/SICK-R.json new file mode 100644 index 000000000..bffc157a3 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.90508618312852, + "cos_sim_spearman": 83.01323463129205, + "euclidean_pearson": 84.35845059002891, + "euclidean_spearman": 82.85508559018527, + "manhattan_pearson": 84.3682368950498, + "manhattan_spearman": 82.8619728517302, + "cosine_pearson": 87.90508618312852, + "cosine_spearman": 83.01323463129205, + "main_score": 83.01323463129205 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/STS12.json b/results/jinaai__jina-embeddings-v2-base-es/external/STS12.json new file mode 100644 index 000000000..da5f0aef8 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 89.28294535873366, + "cos_sim_spearman": 81.61879268131732, + "euclidean_pearson": 85.99053604863724, + "euclidean_spearman": 80.95176684739084, + "manhattan_pearson": 85.98054086663903, + "manhattan_spearman": 80.9911070430335, + "cosine_pearson": 89.28294535873366, + "cosine_spearman": 81.61879268131732, + "main_score": 81.61879268131732 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/STS13.json b/results/jinaai__jina-embeddings-v2-base-es/external/STS13.json new file mode 100644 index 000000000..d3271803f --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.15898098455258, + "cos_sim_spearman": 86.8247985072307, + "euclidean_pearson": 86.25342429918649, + "euclidean_spearman": 87.13468603023252, + "manhattan_pearson": 86.2006134067688, + "manhattan_spearman": 87.06135811996896, + "cosine_pearson": 86.15898098455258, + "cosine_spearman": 86.8247985072307, + "main_score": 86.8247985072307 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/STS14.json b/results/jinaai__jina-embeddings-v2-base-es/external/STS14.json new file mode 100644 index 000000000..c4f7fa9c1 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.57403998481877, + "cos_sim_spearman": 83.55947075172618, + "euclidean_pearson": 84.97097562965358, + "euclidean_spearman": 83.6287075601467, + "manhattan_pearson": 84.87092197104133, + "manhattan_spearman": 83.53783891641335, + "cosine_pearson": 85.57403998481877, + "cosine_spearman": 83.55947075172618, + "main_score": 83.55947075172618 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/STS15.json b/results/jinaai__jina-embeddings-v2-base-es/external/STS15.json new file mode 100644 index 000000000..a23cd476b --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.14632780204231, + "cos_sim_spearman": 88.74903634923868, + "euclidean_pearson": 88.03922995855112, + "euclidean_spearman": 88.72852190525855, + "manhattan_pearson": 87.9694791024271, + "manhattan_spearman": 88.66461452107418, + "cosine_pearson": 88.14632780204231, + "cosine_spearman": 88.74903634923868, + "main_score": 88.74903634923868 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/STS16.json b/results/jinaai__jina-embeddings-v2-base-es/external/STS16.json new file mode 100644 index 000000000..00f14d7cf --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.75989818558652, + "cos_sim_spearman": 86.03107893122942, + "euclidean_pearson": 85.21908960133018, + "euclidean_spearman": 85.93012720153482, + "manhattan_pearson": 85.1969170195502, + "manhattan_spearman": 85.8975254197784, + "cosine_pearson": 84.75989818558652, + "cosine_spearman": 86.03107893122942, + "main_score": 86.03107893122942 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/STS17.json b/results/jinaai__jina-embeddings-v2-base-es/external/STS17.json new file mode 100644 index 000000000..c8ce8e67a --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/STS17.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 89.16803898789955, + "cos_sim_spearman": 88.56139047950525, + "euclidean_pearson": 88.09685325747859, + "euclidean_spearman": 88.0457609458947, + "manhattan_pearson": 88.07054413001431, + "manhattan_spearman": 88.10784098889314, + "cosine_pearson": 89.16803898789955, + "cosine_spearman": 88.56139047950525, + "main_score": 88.56139047950525 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 86.7160384474547, + "cos_sim_spearman": 86.4899235500562, + "euclidean_pearson": 85.90854477703468, + "euclidean_spearman": 86.16085009124498, + "manhattan_pearson": 85.9249735317884, + "manhattan_spearman": 86.25038421339116, + "cosine_pearson": 86.7160384474547, + "cosine_spearman": 86.4899235500562, + "main_score": 86.4899235500562 + }, + { + "hf_subset": "es-es", + "languages": [ + "spa-Latn" + ], + "cos_sim_pearson": 89.37914622360788, + "cos_sim_spearman": 88.24619159322809, + "euclidean_pearson": 89.00538382632769, + "euclidean_spearman": 88.44675863524736, + "manhattan_pearson": 88.97372120683606, + "manhattan_spearman": 88.33509324222129, + "cosine_pearson": 89.37914622360788, + "cosine_spearman": 88.24619159322809, + "main_score": 88.24619159322809 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/STS22.json b/results/jinaai__jina-embeddings-v2-base-es/external/STS22.json new file mode 100644 index 000000000..778f4dbb2 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/STS22.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "eea2b4fe26a775864c896887d910b76a8098ad3f", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 66.22181360203069, + "cos_sim_spearman": 65.6218291833768, + "euclidean_pearson": 67.14543788822508, + "euclidean_spearman": 65.21269939987857, + "manhattan_pearson": 67.03304607195636, + "manhattan_spearman": 65.18885316423805, + "cosine_pearson": 66.22181360203069, + "cosine_spearman": 65.6218291833768, + "main_score": 65.6218291833768 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "cos_sim_pearson": 65.71694059677084, + "cos_sim_spearman": 67.96591844540954, + "euclidean_pearson": 65.6964079162296, + "euclidean_spearman": 67.53027948900173, + "manhattan_pearson": 65.93545097673741, + "manhattan_spearman": 67.7261811805062, + "cosine_pearson": 65.71694059677084, + "cosine_spearman": 67.96591844540954, + "main_score": 67.96591844540954 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 75.43544796375058, + "cos_sim_spearman": 78.80462701160789, + "euclidean_pearson": 76.19135575163138, + "euclidean_spearman": 78.4974732597096, + "manhattan_pearson": 76.3254742699264, + "manhattan_spearman": 78.51884307690416, + "cosine_pearson": 75.43544796375058, + "cosine_spearman": 78.80462701160789, + "main_score": 78.80462701160789 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/STSBenchmark.json b/results/jinaai__jina-embeddings-v2-base-es/external/STSBenchmark.json new file mode 100644 index 000000000..86d1afae2 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.46805293607684, + "cos_sim_spearman": 87.83792784689113, + "euclidean_pearson": 87.3872143683234, + "euclidean_spearman": 87.61611384542778, + "manhattan_pearson": 87.38542672601992, + "manhattan_spearman": 87.61423971087297, + "cosine_pearson": 87.46805293607684, + "cosine_spearman": 87.83792784689113, + "main_score": 87.83792784689113 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/STSES.json b/results/jinaai__jina-embeddings-v2-base-es/external/STSES.json new file mode 100644 index 000000000..871b784b8 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/STSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "0912bb6c9393c76d62a7c5ee81c4c817ff47c9f4", + "task_name": "STSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "spa-Latn" + ], + "cos_sim_pearson": 82.55286866116202, + "cos_sim_spearman": 80.22150503320272, + "euclidean_pearson": 83.27223445187087, + "euclidean_spearman": 80.59078590992925, + "manhattan_pearson": 83.23095887013197, + "manhattan_spearman": 80.87994285189795, + "cosine_pearson": 82.55286866116202, + "cosine_spearman": 80.22150503320272, + "main_score": 80.22150503320272 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/SciDocsRR.json b/results/jinaai__jina-embeddings-v2-base-es/external/SciDocsRR.json new file mode 100644 index 000000000..71dc7a9d0 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 79.29717302265792, + "mrr": 94.02156304117088, + "main_score": 79.29717302265792 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/SciFact.json b/results/jinaai__jina-embeddings-v2-base-es/external/SciFact.json new file mode 100644 index 000000000..98c53f64e --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 49.9, + "map_at_10": 58.626, + "map_at_100": 59.519999999999996, + "map_at_1000": 59.55200000000001, + "map_at_3": 56.232000000000006, + "map_at_5": 57.833, + "mrr_at_1": 52.333, + "mrr_at_10": 60.039, + "mrr_at_100": 60.732, + "mrr_at_1000": 60.75899999999999, + "mrr_at_3": 58.278, + "mrr_at_5": 59.428000000000004, + "ndcg_at_1": 52.333, + "ndcg_at_10": 62.67, + "ndcg_at_100": 66.465, + "ndcg_at_1000": 67.425, + "ndcg_at_3": 58.711999999999996, + "ndcg_at_5": 60.958999999999996, + "precision_at_1": 52.333, + "precision_at_10": 8.333, + "precision_at_100": 1.027, + "precision_at_1000": 0.11100000000000002, + "precision_at_3": 22.778000000000002, + "precision_at_5": 15.267, + "recall_at_1": 49.9, + "recall_at_10": 73.394, + "recall_at_100": 90.43299999999999, + "recall_at_1000": 98.167, + "recall_at_3": 63.032999999999994, + "recall_at_5": 68.444, + "main_score": 62.67 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/SpanishNewsClusteringP2P.json b/results/jinaai__jina-embeddings-v2-base-es/external/SpanishNewsClusteringP2P.json new file mode 100644 index 000000000..af779d03f --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/SpanishNewsClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "b5edc3d3d7c12c7b9f883e9da50f6732f3624142", + "task_name": "SpanishNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "spa-Latn" + ], + "v_measure": 48.30543557796266, + "main_score": 48.30543557796266 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/SpanishPassageRetrievalS2P.json b/results/jinaai__jina-embeddings-v2-base-es/external/SpanishPassageRetrievalS2P.json new file mode 100644 index 000000000..1bbd344c7 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/SpanishPassageRetrievalS2P.json @@ -0,0 +1,84 @@ +{ + "dataset_revision": "None", + "task_name": "SpanishPassageRetrievalS2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "spa-Latn" + ], + "map_at_1": 14.443, + "map_at_10": 28.736, + "map_at_100": 34.514, + "map_at_1000": 35.004000000000005, + "map_at_3": 20.308, + "map_at_5": 25.404, + "mrr_at_1": 50.29900000000001, + "mrr_at_10": 63.757, + "mrr_at_100": 64.238, + "mrr_at_1000": 64.24600000000001, + "mrr_at_3": 59.480999999999995, + "mrr_at_5": 62.924, + "ndcg_at_1": 50.29900000000001, + "ndcg_at_10": 42.126999999999995, + "ndcg_at_100": 57.208000000000006, + "ndcg_at_1000": 60.646, + "ndcg_at_3": 38.722, + "ndcg_at_5": 40.007999999999996, + "precision_at_1": 50.29900000000001, + "precision_at_10": 19.82, + "precision_at_100": 4.82, + "precision_at_1000": 0.5910000000000001, + "precision_at_3": 31.537, + "precision_at_5": 28.262999999999998, + "recall_at_1": 14.443, + "recall_at_10": 43.885999999999996, + "recall_at_100": 85.231, + "recall_at_1000": 99.07000000000001, + "recall_at_3": 22.486, + "recall_at_5": 33.035, + "main_score": 42.126999999999995 + }, + { + "hf_subset": "default", + "languages": [ + "spa-Latn" + ], + "map_at_1": 15.578, + "map_at_10": 52.214000000000006, + "map_at_100": 64.791, + "map_at_1000": 64.791, + "map_at_3": 33.396, + "map_at_5": 41.728, + "mrr_at_1": 73.653, + "mrr_at_10": 85.116, + "mrr_at_100": 85.205, + "mrr_at_1000": 85.205, + "mrr_at_3": 84.631, + "mrr_at_5": 85.05, + "ndcg_at_1": 76.64699999999999, + "ndcg_at_10": 70.38600000000001, + "ndcg_at_100": 82.27600000000001, + "ndcg_at_1000": 82.27600000000001, + "ndcg_at_3": 70.422, + "ndcg_at_5": 69.545, + "precision_at_1": 76.64699999999999, + "precision_at_10": 43.653, + "precision_at_100": 7.718999999999999, + "precision_at_1000": 0.772, + "precision_at_3": 64.671, + "precision_at_5": 56.766000000000005, + "recall_at_1": 15.578, + "recall_at_10": 67.459, + "recall_at_100": 100.0, + "recall_at_1000": 100.0, + "recall_at_3": 36.922, + "recall_at_5": 49.424, + "main_score": 70.38600000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/SprintDuplicateQuestions.json b/results/jinaai__jina-embeddings-v2-base-es/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..5867d3cfb --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.81683168316832, + "cos_sim_ap": 95.61502659412484, + "cos_sim_f1": 90.6813627254509, + "cos_sim_precision": 90.86345381526104, + "cos_sim_recall": 90.5, + "dot_accuracy": 99.8039603960396, + "dot_ap": 95.36783483182609, + "dot_f1": 89.90825688073394, + "dot_precision": 91.68399168399168, + "dot_recall": 88.2, + "euclidean_accuracy": 99.81188118811882, + "euclidean_ap": 95.51583052324564, + "euclidean_f1": 90.46214355948868, + "euclidean_precision": 88.97485493230174, + "euclidean_recall": 92.0, + "manhattan_accuracy": 99.8079207920792, + "manhattan_ap": 95.44030644653718, + "manhattan_f1": 90.37698412698413, + "manhattan_precision": 89.66535433070865, + "manhattan_recall": 91.10000000000001, + "max_accuracy": 99.81683168316832, + "max_ap": 95.61502659412484, + "max_f1": 90.6813627254509, + "main_score": 95.61502659412484 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/StackExchangeClustering.json b/results/jinaai__jina-embeddings-v2-base-es/external/StackExchangeClustering.json new file mode 100644 index 000000000..7cedadf69 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 55.39046705023096, + "main_score": 55.39046705023096 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/StackExchangeClusteringP2P.json b/results/jinaai__jina-embeddings-v2-base-es/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..aaf9a5cc5 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.57429225651293, + "main_score": 33.57429225651293 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/StackOverflowDupQuestions.json b/results/jinaai__jina-embeddings-v2-base-es/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..d2ecc5df7 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 50.17622570658746, + "mrr": 50.99844293778118, + "main_score": 50.17622570658746 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/SummEval.json b/results/jinaai__jina-embeddings-v2-base-es/external/SummEval.json new file mode 100644 index 000000000..f0998ec1b --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 29.97416289382191, + "cos_sim_spearman": 29.871890597161432, + "dot_pearson": 28.768845892613644, + "dot_spearman": 28.872458999448686, + "cosine_pearson": 29.97416289382191, + "cosine_spearman": 29.871890597161432, + "main_score": 29.871890597161432 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/TRECCOVID.json b/results/jinaai__jina-embeddings-v2-base-es/external/TRECCOVID.json new file mode 100644 index 000000000..8c3ee5c7c --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.22599999999999998, + "map_at_10": 1.646, + "map_at_100": 9.491, + "map_at_1000": 23.75, + "map_at_3": 0.588, + "map_at_5": 0.9129999999999999, + "mrr_at_1": 84.0, + "mrr_at_10": 89.889, + "mrr_at_100": 89.889, + "mrr_at_1000": 89.889, + "mrr_at_3": 89.667, + "mrr_at_5": 89.667, + "ndcg_at_1": 75.0, + "ndcg_at_10": 67.368, + "ndcg_at_100": 52.834, + "ndcg_at_1000": 49.144, + "ndcg_at_3": 72.866, + "ndcg_at_5": 70.16, + "precision_at_1": 84.0, + "precision_at_10": 71.8, + "precision_at_100": 54.04, + "precision_at_1000": 21.709999999999997, + "precision_at_3": 77.333, + "precision_at_5": 74.0, + "recall_at_1": 0.22599999999999998, + "recall_at_10": 1.9029999999999998, + "recall_at_100": 13.012, + "recall_at_1000": 46.105000000000004, + "recall_at_3": 0.63, + "recall_at_5": 1.0030000000000001, + "main_score": 67.368 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/Touche2020.json b/results/jinaai__jina-embeddings-v2-base-es/external/Touche2020.json new file mode 100644 index 000000000..45f96caf6 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 1.5, + "map_at_10": 8.193999999999999, + "map_at_100": 14.01, + "map_at_1000": 15.570999999999998, + "map_at_3": 4.361000000000001, + "map_at_5": 5.9270000000000005, + "mrr_at_1": 16.326999999999998, + "mrr_at_10": 33.326, + "mrr_at_100": 34.592, + "mrr_at_1000": 34.592, + "mrr_at_3": 29.252, + "mrr_at_5": 30.680000000000003, + "ndcg_at_1": 15.306000000000001, + "ndcg_at_10": 19.819, + "ndcg_at_100": 33.428000000000004, + "ndcg_at_1000": 45.024, + "ndcg_at_3": 19.667, + "ndcg_at_5": 19.625, + "precision_at_1": 16.326999999999998, + "precision_at_10": 18.367, + "precision_at_100": 7.367, + "precision_at_1000": 1.496, + "precision_at_3": 23.128999999999998, + "precision_at_5": 21.633, + "recall_at_1": 1.5, + "recall_at_10": 14.362, + "recall_at_100": 45.842, + "recall_at_1000": 80.42, + "recall_at_3": 5.99, + "recall_at_5": 8.701, + "main_score": 19.819 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/ToxicConversationsClassification.json b/results/jinaai__jina-embeddings-v2-base-es/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..81297cb03 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.04740000000001, + "ap": 13.58661943759992, + "f1": 53.727487131754195, + "main_score": 70.04740000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/TweetSentimentExtractionClassification.json b/results/jinaai__jina-embeddings-v2-base-es/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..cac0b6f68 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.06395019807584, + "f1": 61.36753664680866, + "main_score": 61.06395019807584 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/TwentyNewsgroupsClustering.json b/results/jinaai__jina-embeddings-v2-base-es/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..ad42e39e5 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.19881263066229, + "main_score": 40.19881263066229 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/TwitterSemEval2015.json b/results/jinaai__jina-embeddings-v2-base-es/external/TwitterSemEval2015.json new file mode 100644 index 000000000..df8954441 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 85.19401561661799, + "cos_sim_ap": 71.62462506173092, + "cos_sim_f1": 66.0641327225455, + "cos_sim_precision": 62.234662934453, + "cos_sim_recall": 70.3957783641161, + "dot_accuracy": 84.69333015437802, + "dot_ap": 69.83805526490895, + "dot_f1": 64.85446235265817, + "dot_precision": 59.59328028293546, + "dot_recall": 71.13456464379946, + "euclidean_accuracy": 85.38475293556655, + "euclidean_ap": 72.05594596250286, + "euclidean_f1": 66.53543307086615, + "euclidean_precision": 62.332872291378514, + "euclidean_recall": 71.34564643799473, + "manhattan_accuracy": 85.3907134767837, + "manhattan_ap": 72.04585410650152, + "manhattan_f1": 66.57132642116554, + "manhattan_precision": 60.704194740273856, + "manhattan_recall": 73.6939313984169, + "max_accuracy": 85.3907134767837, + "max_ap": 72.05594596250286, + "max_f1": 66.57132642116554, + "main_score": 72.05594596250286 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/TwitterURLCorpus.json b/results/jinaai__jina-embeddings-v2-base-es/external/TwitterURLCorpus.json new file mode 100644 index 000000000..3afc7cc28 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.30414871735165, + "cos_sim_ap": 86.4398673359918, + "cos_sim_f1": 78.9243598692186, + "cos_sim_precision": 75.47249350101876, + "cos_sim_recall": 82.7071142593163, + "dot_accuracy": 89.26145845461248, + "dot_ap": 86.32172118414802, + "dot_f1": 78.8277467755645, + "dot_precision": 75.79418662497335, + "dot_recall": 82.11425931629196, + "euclidean_accuracy": 89.24205378973105, + "euclidean_ap": 86.23988673522649, + "euclidean_f1": 78.67984857951413, + "euclidean_precision": 75.2689684269742, + "euclidean_recall": 82.41453649522637, + "manhattan_accuracy": 89.18189932859859, + "manhattan_ap": 86.21003833972824, + "manhattan_f1": 78.70972564850115, + "manhattan_precision": 76.485544094145, + "manhattan_recall": 81.0671388974438, + "max_accuracy": 89.30414871735165, + "max_ap": 86.4398673359918, + "max_f1": 78.9243598692186, + "main_score": 86.4398673359918 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/WikiCitiesClustering.json b/results/jinaai__jina-embeddings-v2-base-es/external/WikiCitiesClustering.json new file mode 100644 index 000000000..ad6be74db --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/WikiCitiesClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "ddc9ee9242fa65332597f70e967ecc38b9d734fa", + "task_name": "WikiCitiesClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 73.254610626148, + "main_score": 73.254610626148 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-es/external/model_meta.json b/results/jinaai__jina-embeddings-v2-base-es/external/model_meta.json new file mode 100644 index 000000000..82a2af7e0 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-es/external/model_meta.json @@ -0,0 +1,25 @@ +{ + "name": "jinaai/jina-embeddings-v2-base-es", + "revision": "df4cda9fdb596af2e07328e6834321716786229a", + "release_date": "2024-01-24", + "languages": [ + "es", + "en" + ], + "loader": null, + "n_parameters": 160850688, + "memory_usage": null, + "max_tokens": 8192, + "embed_dim": 768, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-zh/external/AFQMC.json b/results/jinaai__jina-embeddings-v2-base-zh/external/AFQMC.json new file mode 100644 index 000000000..95c097333 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-zh/external/AFQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 48.51403119231363, + "cos_sim_spearman": 50.5928547846445, + "euclidean_pearson": 48.750436310559074, + "euclidean_spearman": 50.50950238691385, + "manhattan_pearson": 48.7866189440328, + "manhattan_spearman": 50.58692402017165, + "cosine_pearson": 48.51403119231363, + "cosine_spearman": 50.5928547846445, + "main_score": 50.5928547846445 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-zh/external/ATEC.json b/results/jinaai__jina-embeddings-v2-base-zh/external/ATEC.json new file mode 100644 index 000000000..f3b4ef5a5 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-zh/external/ATEC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 50.25985700105725, + "cos_sim_spearman": 51.28815934593989, + "euclidean_pearson": 52.70329248799904, + "euclidean_spearman": 50.94101139559258, + "manhattan_pearson": 52.6647237400892, + "manhattan_spearman": 50.922441325406176, + "cosine_pearson": 50.25985700105725, + "cosine_spearman": 51.28815934593989, + "main_score": 51.28815934593989 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-zh/external/AmazonReviewsClassification.json b/results/jinaai__jina-embeddings-v2-base-zh/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..cf80ff4b4 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-zh/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 34.944, + "f1": 34.06478860660109, + "main_score": 34.944 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-zh/external/BQ.json b/results/jinaai__jina-embeddings-v2-base-zh/external/BQ.json new file mode 100644 index 000000000..073648a94 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-zh/external/BQ.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 65.15667035488342, + "cos_sim_spearman": 66.07110142081, + "euclidean_pearson": 60.447598102249714, + "euclidean_spearman": 61.826575796578766, + "manhattan_pearson": 60.39364279354984, + "manhattan_spearman": 61.78743491223281, + "cosine_pearson": 65.15667035488342, + "cosine_spearman": 66.07110142081, + "main_score": 66.07110142081 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-zh/external/CLSClusteringP2P.json b/results/jinaai__jina-embeddings-v2-base-zh/external/CLSClusteringP2P.json new file mode 100644 index 000000000..a4400c875 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-zh/external/CLSClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 39.96714175391701, + "main_score": 39.96714175391701 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-zh/external/CLSClusteringS2S.json b/results/jinaai__jina-embeddings-v2-base-zh/external/CLSClusteringS2S.json new file mode 100644 index 000000000..427432ac8 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-zh/external/CLSClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 38.39863566717934, + "main_score": 38.39863566717934 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-zh/external/CmedqaRetrieval.json b/results/jinaai__jina-embeddings-v2-base-zh/external/CmedqaRetrieval.json new file mode 100644 index 000000000..7e6854971 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-zh/external/CmedqaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 22.072, + "map_at_10": 32.942, + "map_at_100": 34.768, + "map_at_1000": 34.902, + "map_at_3": 29.357, + "map_at_5": 31.236000000000004, + "mrr_at_1": 34.259, + "mrr_at_10": 41.957, + "mrr_at_100": 42.982, + "mrr_at_1000": 43.042, + "mrr_at_3": 39.722, + "mrr_at_5": 40.898, + "ndcg_at_1": 34.259, + "ndcg_at_10": 39.153, + "ndcg_at_100": 46.493, + "ndcg_at_1000": 49.01, + "ndcg_at_3": 34.636, + "ndcg_at_5": 36.278, + "precision_at_1": 34.259, + "precision_at_10": 8.815000000000001, + "precision_at_100": 1.474, + "precision_at_1000": 0.179, + "precision_at_3": 19.73, + "precision_at_5": 14.174000000000001, + "recall_at_1": 22.072, + "recall_at_10": 48.484, + "recall_at_100": 79.035, + "recall_at_1000": 96.15, + "recall_at_3": 34.607, + "recall_at_5": 40.064, + "main_score": 39.153 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-zh/external/Cmnli.json b/results/jinaai__jina-embeddings-v2-base-zh/external/Cmnli.json new file mode 100644 index 000000000..c24220809 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-zh/external/Cmnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Cmnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 76.7047504509922, + "cos_sim_ap": 85.26649874800871, + "cos_sim_f1": 78.13528724646915, + "cos_sim_precision": 71.57587548638132, + "cos_sim_recall": 86.01823708206688, + "dot_accuracy": 70.13830426939266, + "dot_ap": 77.01510412382171, + "dot_f1": 73.56710042713817, + "dot_precision": 63.955094991364426, + "dot_recall": 86.57937806873977, + "euclidean_accuracy": 75.53818400481059, + "euclidean_ap": 84.34668448241264, + "euclidean_f1": 77.51741608613047, + "euclidean_precision": 70.65614777756399, + "euclidean_recall": 85.85457096095394, + "manhattan_accuracy": 75.49007817197835, + "manhattan_ap": 84.40297506704299, + "manhattan_f1": 77.63185324160932, + "manhattan_precision": 70.03949595636637, + "manhattan_recall": 87.07037643207856, + "max_accuracy": 76.7047504509922, + "max_ap": 85.26649874800871, + "max_f1": 78.13528724646915, + "main_score": 76.7047504509922 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-zh/external/CovidRetrieval.json b/results/jinaai__jina-embeddings-v2-base-zh/external/CovidRetrieval.json new file mode 100644 index 000000000..5083c5189 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-zh/external/CovidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 69.178, + "map_at_10": 77.523, + "map_at_100": 77.793, + "map_at_1000": 77.79899999999999, + "map_at_3": 75.878, + "map_at_5": 76.849, + "mrr_at_1": 69.44200000000001, + "mrr_at_10": 77.55, + "mrr_at_100": 77.819, + "mrr_at_1000": 77.826, + "mrr_at_3": 75.957, + "mrr_at_5": 76.916, + "ndcg_at_1": 69.44200000000001, + "ndcg_at_10": 81.217, + "ndcg_at_100": 82.45, + "ndcg_at_1000": 82.636, + "ndcg_at_3": 77.931, + "ndcg_at_5": 79.655, + "precision_at_1": 69.44200000000001, + "precision_at_10": 9.357, + "precision_at_100": 0.993, + "precision_at_1000": 0.101, + "precision_at_3": 28.1, + "precision_at_5": 17.724, + "recall_at_1": 69.178, + "recall_at_10": 92.624, + "recall_at_100": 98.209, + "recall_at_1000": 99.684, + "recall_at_3": 83.772, + "recall_at_5": 87.882, + "main_score": 81.217 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-zh/external/DuRetrieval.json b/results/jinaai__jina-embeddings-v2-base-zh/external/DuRetrieval.json new file mode 100644 index 000000000..f6413bdaf --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-zh/external/DuRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 25.163999999999998, + "map_at_10": 76.386, + "map_at_100": 79.339, + "map_at_1000": 79.39500000000001, + "map_at_3": 52.959, + "map_at_5": 66.59, + "mrr_at_1": 87.9, + "mrr_at_10": 91.682, + "mrr_at_100": 91.747, + "mrr_at_1000": 91.751, + "mrr_at_3": 91.267, + "mrr_at_5": 91.527, + "ndcg_at_1": 87.9, + "ndcg_at_10": 84.569, + "ndcg_at_100": 87.83800000000001, + "ndcg_at_1000": 88.322, + "ndcg_at_3": 83.473, + "ndcg_at_5": 82.178, + "precision_at_1": 87.9, + "precision_at_10": 40.605000000000004, + "precision_at_100": 4.752, + "precision_at_1000": 0.488, + "precision_at_3": 74.9, + "precision_at_5": 62.96000000000001, + "recall_at_1": 25.163999999999998, + "recall_at_10": 85.97399999999999, + "recall_at_100": 96.63000000000001, + "recall_at_1000": 99.016, + "recall_at_3": 55.611999999999995, + "recall_at_5": 71.936, + "main_score": 84.569 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-zh/external/EcomRetrieval.json b/results/jinaai__jina-embeddings-v2-base-zh/external/EcomRetrieval.json new file mode 100644 index 000000000..a61b8f4ed --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-zh/external/EcomRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 48.6, + "map_at_10": 58.831, + "map_at_100": 59.427, + "map_at_1000": 59.44199999999999, + "map_at_3": 56.383, + "map_at_5": 57.753, + "mrr_at_1": 48.6, + "mrr_at_10": 58.831, + "mrr_at_100": 59.427, + "mrr_at_1000": 59.44199999999999, + "mrr_at_3": 56.383, + "mrr_at_5": 57.753, + "ndcg_at_1": 48.6, + "ndcg_at_10": 63.951, + "ndcg_at_100": 66.72200000000001, + "ndcg_at_1000": 67.13900000000001, + "ndcg_at_3": 58.882, + "ndcg_at_5": 61.373, + "precision_at_1": 48.6, + "precision_at_10": 8.01, + "precision_at_100": 0.928, + "precision_at_1000": 0.096, + "precision_at_3": 22.033, + "precision_at_5": 14.44, + "recall_at_1": 48.6, + "recall_at_10": 80.10000000000001, + "recall_at_100": 92.80000000000001, + "recall_at_1000": 96.1, + "recall_at_3": 66.10000000000001, + "recall_at_5": 72.2, + "main_score": 63.951 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-zh/external/IFlyTek.json b/results/jinaai__jina-embeddings-v2-base-zh/external/IFlyTek.json new file mode 100644 index 000000000..fde9fa7a1 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-zh/external/IFlyTek.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 47.36437091188918, + "f1": 36.60946954228577, + "main_score": 47.36437091188918 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-zh/external/JDReview.json b/results/jinaai__jina-embeddings-v2-base-zh/external/JDReview.json new file mode 100644 index 000000000..8f647c663 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-zh/external/JDReview.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 79.5684803001876, + "ap": 42.671935929201524, + "f1": 73.31912729103752, + "main_score": 79.5684803001876 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-zh/external/LCQMC.json b/results/jinaai__jina-embeddings-v2-base-zh/external/LCQMC.json new file mode 100644 index 000000000..3642480c8 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-zh/external/LCQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 68.62670112113864, + "cos_sim_spearman": 75.74009123170768, + "euclidean_pearson": 73.93002595958237, + "euclidean_spearman": 75.35222935003587, + "manhattan_pearson": 73.89870445158144, + "manhattan_spearman": 75.31714936339398, + "cosine_pearson": 68.62670112113864, + "cosine_spearman": 75.74009123170768, + "main_score": 75.74009123170768 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-zh/external/MMarcoReranking.json b/results/jinaai__jina-embeddings-v2-base-zh/external/MMarcoReranking.json new file mode 100644 index 000000000..14d29958f --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-zh/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 31.5372713650176, + "mrr": 30.163095238095238, + "main_score": 31.5372713650176 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-zh/external/MMarcoRetrieval.json b/results/jinaai__jina-embeddings-v2-base-zh/external/MMarcoRetrieval.json new file mode 100644 index 000000000..cb7ebc40e --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-zh/external/MMarcoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 65.054, + "map_at_10": 74.156, + "map_at_100": 74.523, + "map_at_1000": 74.535, + "map_at_3": 72.269, + "map_at_5": 73.41, + "mrr_at_1": 67.24900000000001, + "mrr_at_10": 74.78399999999999, + "mrr_at_100": 75.107, + "mrr_at_1000": 75.117, + "mrr_at_3": 73.13499999999999, + "mrr_at_5": 74.13499999999999, + "ndcg_at_1": 67.24900000000001, + "ndcg_at_10": 77.96300000000001, + "ndcg_at_100": 79.584, + "ndcg_at_1000": 79.884, + "ndcg_at_3": 74.342, + "ndcg_at_5": 76.278, + "precision_at_1": 67.24900000000001, + "precision_at_10": 9.466, + "precision_at_100": 1.027, + "precision_at_1000": 0.105, + "precision_at_3": 27.955999999999996, + "precision_at_5": 17.817, + "recall_at_1": 65.054, + "recall_at_10": 89.113, + "recall_at_100": 96.369, + "recall_at_1000": 98.714, + "recall_at_3": 79.45400000000001, + "recall_at_5": 84.06, + "main_score": 77.96300000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-zh/external/MassiveIntentClassification.json b/results/jinaai__jina-embeddings-v2-base-zh/external/MassiveIntentClassification.json new file mode 100644 index 000000000..dfad255d8 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-zh/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 68.1977135171486, + "f1": 67.23114308718404, + "main_score": 68.1977135171486 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-zh/external/MassiveScenarioClassification.json b/results/jinaai__jina-embeddings-v2-base-zh/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..cda6fe5a8 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-zh/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 71.92669804976462, + "f1": 72.90628475628779, + "main_score": 71.92669804976462 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-zh/external/MedicalRetrieval.json b/results/jinaai__jina-embeddings-v2-base-zh/external/MedicalRetrieval.json new file mode 100644 index 000000000..d205ecca3 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-zh/external/MedicalRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 49.2, + "map_at_10": 54.539, + "map_at_100": 55.135, + "map_at_1000": 55.19199999999999, + "map_at_3": 53.383, + "map_at_5": 54.142999999999994, + "mrr_at_1": 49.2, + "mrr_at_10": 54.539, + "mrr_at_100": 55.135999999999996, + "mrr_at_1000": 55.19199999999999, + "mrr_at_3": 53.383, + "mrr_at_5": 54.142999999999994, + "ndcg_at_1": 49.2, + "ndcg_at_10": 57.123000000000005, + "ndcg_at_100": 60.21300000000001, + "ndcg_at_1000": 61.915, + "ndcg_at_3": 54.772, + "ndcg_at_5": 56.157999999999994, + "precision_at_1": 49.2, + "precision_at_10": 6.52, + "precision_at_100": 0.8009999999999999, + "precision_at_1000": 0.094, + "precision_at_3": 19.6, + "precision_at_5": 12.44, + "recall_at_1": 49.2, + "recall_at_10": 65.2, + "recall_at_100": 80.10000000000001, + "recall_at_1000": 93.89999999999999, + "recall_at_3": 58.8, + "recall_at_5": 62.2, + "main_score": 57.123000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-zh/external/MultilingualSentiment.json b/results/jinaai__jina-embeddings-v2-base-zh/external/MultilingualSentiment.json new file mode 100644 index 000000000..197ee37d3 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-zh/external/MultilingualSentiment.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 63.29333333333334, + "f1": 63.03293854259612, + "main_score": 63.29333333333334 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-zh/external/Ocnli.json b/results/jinaai__jina-embeddings-v2-base-zh/external/Ocnli.json new file mode 100644 index 000000000..467f5dec1 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-zh/external/Ocnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Ocnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 75.69030860855442, + "cos_sim_ap": 80.6157833772759, + "cos_sim_f1": 77.87524366471735, + "cos_sim_precision": 72.3076923076923, + "cos_sim_recall": 84.37170010559663, + "dot_accuracy": 67.78559826746074, + "dot_ap": 72.00871467527499, + "dot_f1": 72.58722247394654, + "dot_precision": 63.57142857142857, + "dot_recall": 84.58289334741288, + "euclidean_accuracy": 75.20303194369248, + "euclidean_ap": 80.98587256415605, + "euclidean_f1": 77.26396917148362, + "euclidean_precision": 71.03631532329496, + "euclidean_recall": 84.68848996832101, + "manhattan_accuracy": 75.20303194369248, + "manhattan_ap": 80.93460699513219, + "manhattan_f1": 77.124773960217, + "manhattan_precision": 67.43083003952569, + "manhattan_recall": 90.07391763463569, + "max_accuracy": 75.69030860855442, + "max_ap": 80.98587256415605, + "max_f1": 77.87524366471735, + "main_score": 75.69030860855442 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-zh/external/OnlineShopping.json b/results/jinaai__jina-embeddings-v2-base-zh/external/OnlineShopping.json new file mode 100644 index 000000000..2e44d4881 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-zh/external/OnlineShopping.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 87.00000000000001, + "ap": 83.24372135949511, + "f1": 86.95554191530607, + "main_score": 87.00000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-zh/external/PAWSX.json b/results/jinaai__jina-embeddings-v2-base-zh/external/PAWSX.json new file mode 100644 index 000000000..445344f7c --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-zh/external/PAWSX.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 37.57616811591219, + "cos_sim_spearman": 41.490259084930045, + "euclidean_pearson": 38.9155043692188, + "euclidean_spearman": 39.16056534305623, + "manhattan_pearson": 38.76569892264335, + "manhattan_spearman": 38.99891685590743, + "cosine_pearson": 37.57616811591219, + "cosine_spearman": 41.490259084930045, + "main_score": 41.490259084930045 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-zh/external/QBQTC.json b/results/jinaai__jina-embeddings-v2-base-zh/external/QBQTC.json new file mode 100644 index 000000000..0f36d3e28 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-zh/external/QBQTC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "QBQTC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 35.44858610359665, + "cos_sim_spearman": 38.11128146262466, + "euclidean_pearson": 31.928644189822457, + "euclidean_spearman": 34.384936631696554, + "manhattan_pearson": 31.90586687414376, + "manhattan_spearman": 34.35770153777186, + "cosine_pearson": 35.44858610359665, + "cosine_spearman": 38.11128146262466, + "main_score": 38.11128146262466 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-zh/external/STS22.json b/results/jinaai__jina-embeddings-v2-base-zh/external/STS22.json new file mode 100644 index 000000000..10eecc700 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-zh/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 66.54931957553592, + "cos_sim_spearman": 69.25068863016632, + "euclidean_pearson": 50.26525596106869, + "euclidean_spearman": 63.83352741910006, + "manhattan_pearson": 49.98798282198196, + "manhattan_spearman": 63.87649521907841, + "cosine_pearson": 66.54931957553592, + "cosine_spearman": 69.25068863016632, + "main_score": 69.25068863016632 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-zh/external/STSB.json b/results/jinaai__jina-embeddings-v2-base-zh/external/STSB.json new file mode 100644 index 000000000..1b6d288e4 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-zh/external/STSB.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 82.52782476625825, + "cos_sim_spearman": 82.55618986168398, + "euclidean_pearson": 78.48190631687673, + "euclidean_spearman": 78.39479731354655, + "manhattan_pearson": 78.51176592165885, + "manhattan_spearman": 78.42363787303265, + "cosine_pearson": 82.52782476625825, + "cosine_spearman": 82.55618986168398, + "main_score": 82.55618986168398 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-zh/external/T2Reranking.json b/results/jinaai__jina-embeddings-v2-base-zh/external/T2Reranking.json new file mode 100644 index 000000000..94998d462 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-zh/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 67.36693873615643, + "mrr": 77.83847701797939, + "main_score": 67.36693873615643 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-zh/external/T2Retrieval.json b/results/jinaai__jina-embeddings-v2-base-zh/external/T2Retrieval.json new file mode 100644 index 000000000..b1b2f9458 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-zh/external/T2Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 25.795, + "map_at_10": 72.258, + "map_at_100": 76.049, + "map_at_1000": 76.134, + "map_at_3": 50.697, + "map_at_5": 62.324999999999996, + "mrr_at_1": 86.634, + "mrr_at_10": 89.792, + "mrr_at_100": 89.91900000000001, + "mrr_at_1000": 89.923, + "mrr_at_3": 89.224, + "mrr_at_5": 89.608, + "ndcg_at_1": 86.634, + "ndcg_at_10": 80.589, + "ndcg_at_100": 84.812, + "ndcg_at_1000": 85.662, + "ndcg_at_3": 82.169, + "ndcg_at_5": 80.619, + "precision_at_1": 86.634, + "precision_at_10": 40.389, + "precision_at_100": 4.93, + "precision_at_1000": 0.513, + "precision_at_3": 72.104, + "precision_at_5": 60.425, + "recall_at_1": 25.795, + "recall_at_10": 79.565, + "recall_at_100": 93.24799999999999, + "recall_at_1000": 97.595, + "recall_at_3": 52.583999999999996, + "recall_at_5": 66.175, + "main_score": 80.589 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-zh/external/TNews.json b/results/jinaai__jina-embeddings-v2-base-zh/external/TNews.json new file mode 100644 index 000000000..feb265c49 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-zh/external/TNews.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 47.648999999999994, + "f1": 46.28925837008413, + "main_score": 47.648999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-zh/external/ThuNewsClusteringP2P.json b/results/jinaai__jina-embeddings-v2-base-zh/external/ThuNewsClusteringP2P.json new file mode 100644 index 000000000..2d738861b --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-zh/external/ThuNewsClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 54.07641891287953, + "main_score": 54.07641891287953 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-zh/external/ThuNewsClusteringS2S.json b/results/jinaai__jina-embeddings-v2-base-zh/external/ThuNewsClusteringS2S.json new file mode 100644 index 000000000..98341ed18 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-zh/external/ThuNewsClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 53.423702062353954, + "main_score": 53.423702062353954 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-zh/external/VideoRetrieval.json b/results/jinaai__jina-embeddings-v2-base-zh/external/VideoRetrieval.json new file mode 100644 index 000000000..58753f3bf --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-zh/external/VideoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 55.7, + "map_at_10": 65.923, + "map_at_100": 66.42, + "map_at_1000": 66.431, + "map_at_3": 63.9, + "map_at_5": 65.225, + "mrr_at_1": 55.60000000000001, + "mrr_at_10": 65.873, + "mrr_at_100": 66.36999999999999, + "mrr_at_1000": 66.381, + "mrr_at_3": 63.849999999999994, + "mrr_at_5": 65.17500000000001, + "ndcg_at_1": 55.7, + "ndcg_at_10": 70.621, + "ndcg_at_100": 72.944, + "ndcg_at_1000": 73.25399999999999, + "ndcg_at_3": 66.547, + "ndcg_at_5": 68.93599999999999, + "precision_at_1": 55.7, + "precision_at_10": 8.52, + "precision_at_100": 0.958, + "precision_at_1000": 0.098, + "precision_at_3": 24.733, + "precision_at_5": 16, + "recall_at_1": 55.7, + "recall_at_10": 85.2, + "recall_at_100": 95.8, + "recall_at_1000": 98.3, + "recall_at_3": 74.2, + "recall_at_5": 80, + "main_score": 70.621 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-zh/external/Waimai.json b/results/jinaai__jina-embeddings-v2-base-zh/external/Waimai.json new file mode 100644 index 000000000..c9f446d49 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-zh/external/Waimai.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 84.54, + "ap": 66.13603199670062, + "f1": 82.61420654584116, + "main_score": 84.54 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-base-zh/external/model_meta.json b/results/jinaai__jina-embeddings-v2-base-zh/external/model_meta.json new file mode 100644 index 000000000..0a1dc44da --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-base-zh/external/model_meta.json @@ -0,0 +1,25 @@ +{ + "name": "jinaai/jina-embeddings-v2-base-zh", + "revision": "af9362d224bb396d3801c8b0370040f349c4b83c", + "release_date": "2024-01-10", + "languages": [ + "en", + "zh" + ], + "loader": null, + "n_parameters": 160813824, + "memory_usage": null, + "max_tokens": 8192, + "embed_dim": 768, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/AmazonCounterfactualClassification.json b/results/jinaai__jina-embeddings-v2-small-en/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..1888c6644 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.35820895522387, + "ap": 33.99931933598115, + "f1": 65.3853685535555, + "main_score": 71.35820895522387 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/AmazonPolarityClassification.json b/results/jinaai__jina-embeddings-v2-small-en/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..917c10e79 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 82.90140000000001, + "ap": 78.01434597815617, + "f1": 82.83357802722676, + "main_score": 82.90140000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/AmazonReviewsClassification.json b/results/jinaai__jina-embeddings-v2-small-en/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..c72313bbe --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 40.88999999999999, + "f1": 39.209432767163456, + "main_score": 40.88999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/ArguAna.json b/results/jinaai__jina-embeddings-v2-small-en/external/ArguAna.json new file mode 100644 index 000000000..213b9be86 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.257, + "map_at_10": 37.946000000000005, + "map_at_100": 39.17, + "map_at_1000": 39.181, + "map_at_3": 32.99, + "map_at_5": 35.467999999999996, + "mrr_at_1": 23.541999999999998, + "mrr_at_10": 38.057, + "mrr_at_100": 39.289, + "mrr_at_1000": 39.299, + "mrr_at_3": 33.096, + "mrr_at_5": 35.628, + "ndcg_at_1": 23.257, + "ndcg_at_10": 46.729, + "ndcg_at_100": 51.900999999999996, + "ndcg_at_1000": 52.16, + "ndcg_at_3": 36.323, + "ndcg_at_5": 40.766999999999996, + "precision_at_1": 23.257, + "precision_at_10": 7.510999999999999, + "precision_at_100": 0.976, + "precision_at_1000": 0.1, + "precision_at_3": 15.339, + "precision_at_5": 11.350999999999999, + "recall_at_1": 23.257, + "recall_at_10": 75.107, + "recall_at_100": 97.58200000000001, + "recall_at_1000": 99.57300000000001, + "recall_at_3": 46.017, + "recall_at_5": 56.757000000000005, + "main_score": 46.729 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/ArxivClusteringP2P.json b/results/jinaai__jina-embeddings-v2-small-en/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..10275fab8 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 44.02420878391967, + "main_score": 44.02420878391967 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/ArxivClusteringS2S.json b/results/jinaai__jina-embeddings-v2-small-en/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..1b57bb2dc --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.16136856000258, + "main_score": 35.16136856000258 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/AskUbuntuDupQuestions.json b/results/jinaai__jina-embeddings-v2-small-en/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..9f2658d39 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 59.61809790513646, + "mrr": 73.07215406938397, + "main_score": 59.61809790513646 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/BIOSSES.json b/results/jinaai__jina-embeddings-v2-small-en/external/BIOSSES.json new file mode 100644 index 000000000..e4eb612dd --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.0167350090749, + "cos_sim_spearman": 80.51569002630401, + "euclidean_pearson": 81.46820525099726, + "euclidean_spearman": 80.51569002630401, + "manhattan_pearson": 81.35596555056757, + "manhattan_spearman": 80.12592210903303, + "cosine_pearson": 82.0167350090749, + "cosine_spearman": 80.51569002630401, + "main_score": 80.51569002630401 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/Banking77Classification.json b/results/jinaai__jina-embeddings-v2-small-en/external/Banking77Classification.json new file mode 100644 index 000000000..d2bf07dea --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.25, + "f1": 77.34950913540605, + "main_score": 78.25 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/BiorxivClusteringP2P.json b/results/jinaai__jina-embeddings-v2-small-en/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..31b1ac82f --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.57238596005698, + "main_score": 35.57238596005698 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/BiorxivClusteringS2S.json b/results/jinaai__jina-embeddings-v2-small-en/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..d9a9bb683 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 29.066444306196683, + "main_score": 29.066444306196683 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/CQADupstackAndroidRetrieval.json b/results/jinaai__jina-embeddings-v2-small-en/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..1b2679cac --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.891000000000002, + "map_at_10": 42.772, + "map_at_100": 44.108999999999995, + "map_at_1000": 44.236, + "map_at_3": 39.289, + "map_at_5": 41.113, + "mrr_at_1": 39.342, + "mrr_at_10": 48.852000000000004, + "mrr_at_100": 49.534, + "mrr_at_1000": 49.582, + "mrr_at_3": 46.089999999999996, + "mrr_at_5": 47.685, + "ndcg_at_1": 39.342, + "ndcg_at_10": 48.988, + "ndcg_at_100": 53.854, + "ndcg_at_1000": 55.955, + "ndcg_at_3": 43.877, + "ndcg_at_5": 46.027, + "precision_at_1": 39.342, + "precision_at_10": 9.285, + "precision_at_100": 1.488, + "precision_at_1000": 0.194, + "precision_at_3": 20.696, + "precision_at_5": 14.878, + "recall_at_1": 31.891000000000002, + "recall_at_10": 60.608, + "recall_at_100": 81.025, + "recall_at_1000": 94.883, + "recall_at_3": 45.694, + "recall_at_5": 51.684, + "main_score": 48.988 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.778, + "map_at_10": 37.632, + "map_at_100": 38.800000000000004, + "map_at_1000": 38.934999999999995, + "map_at_3": 35.293, + "map_at_5": 36.547000000000004, + "mrr_at_1": 35.35, + "mrr_at_10": 42.936, + "mrr_at_100": 43.69, + "mrr_at_1000": 43.739, + "mrr_at_3": 41.062, + "mrr_at_5": 42.097, + "ndcg_at_1": 35.35, + "ndcg_at_10": 42.528, + "ndcg_at_100": 46.983000000000004, + "ndcg_at_1000": 49.187999999999995, + "ndcg_at_3": 39.271, + "ndcg_at_5": 40.654, + "precision_at_1": 35.35, + "precision_at_10": 7.828, + "precision_at_100": 1.3010000000000002, + "precision_at_1000": 0.17700000000000002, + "precision_at_3": 18.96, + "precision_at_5": 13.120999999999999, + "recall_at_1": 28.778, + "recall_at_10": 50.775000000000006, + "recall_at_100": 69.66799999999999, + "recall_at_1000": 83.638, + "recall_at_3": 40.757, + "recall_at_5": 44.86, + "main_score": 42.528 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 37.584, + "map_at_10": 49.69, + "map_at_100": 50.639, + "map_at_1000": 50.702999999999996, + "map_at_3": 46.61, + "map_at_5": 48.486000000000004, + "mrr_at_1": 43.009, + "mrr_at_10": 52.949999999999996, + "mrr_at_100": 53.618, + "mrr_at_1000": 53.65299999999999, + "mrr_at_3": 50.605999999999995, + "mrr_at_5": 52.095, + "ndcg_at_1": 43.009, + "ndcg_at_10": 55.278000000000006, + "ndcg_at_100": 59.134, + "ndcg_at_1000": 60.528999999999996, + "ndcg_at_3": 50.184, + "ndcg_at_5": 52.919000000000004, + "precision_at_1": 43.009, + "precision_at_10": 8.821, + "precision_at_100": 1.161, + "precision_at_1000": 0.133, + "precision_at_3": 22.424, + "precision_at_5": 15.436, + "recall_at_1": 37.584, + "recall_at_10": 68.514, + "recall_at_100": 85.099, + "recall_at_1000": 95.123, + "recall_at_3": 55.007, + "recall_at_5": 61.714999999999996, + "main_score": 55.278000000000006 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.7, + "map_at_10": 32.804, + "map_at_100": 33.738, + "map_at_1000": 33.825, + "map_at_3": 30.639, + "map_at_5": 31.781, + "mrr_at_1": 26.328000000000003, + "mrr_at_10": 34.679, + "mrr_at_100": 35.510000000000005, + "mrr_at_1000": 35.577999999999996, + "mrr_at_3": 32.58, + "mrr_at_5": 33.687, + "ndcg_at_1": 26.328000000000003, + "ndcg_at_10": 37.313, + "ndcg_at_100": 42.004000000000005, + "ndcg_at_1000": 44.232, + "ndcg_at_3": 33.076, + "ndcg_at_5": 34.966, + "precision_at_1": 26.328000000000003, + "precision_at_10": 5.627, + "precision_at_100": 0.8410000000000001, + "precision_at_1000": 0.106, + "precision_at_3": 14.011000000000001, + "precision_at_5": 9.582, + "recall_at_1": 24.7, + "recall_at_10": 49.324, + "recall_at_100": 71.018, + "recall_at_1000": 87.905, + "recall_at_3": 37.7, + "recall_at_5": 42.281, + "main_score": 37.313 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 14.350999999999999, + "map_at_10": 21.745, + "map_at_100": 22.731, + "map_at_1000": 22.852, + "map_at_3": 19.245, + "map_at_5": 20.788, + "mrr_at_1": 18.159, + "mrr_at_10": 25.833000000000002, + "mrr_at_100": 26.728, + "mrr_at_1000": 26.802, + "mrr_at_3": 23.383000000000003, + "mrr_at_5": 24.887999999999998, + "ndcg_at_1": 18.159, + "ndcg_at_10": 26.518000000000004, + "ndcg_at_100": 31.473000000000003, + "ndcg_at_1000": 34.576, + "ndcg_at_3": 21.907, + "ndcg_at_5": 24.39, + "precision_at_1": 18.159, + "precision_at_10": 4.938, + "precision_at_100": 0.853, + "precision_at_1000": 0.125, + "precision_at_3": 10.655000000000001, + "precision_at_5": 7.985, + "recall_at_1": 14.350999999999999, + "recall_at_10": 37.284, + "recall_at_100": 59.11300000000001, + "recall_at_1000": 81.634, + "recall_at_3": 24.753, + "recall_at_5": 30.979, + "main_score": 26.518000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.978, + "map_at_10": 36.276, + "map_at_100": 37.547000000000004, + "map_at_1000": 37.678, + "map_at_3": 33.674, + "map_at_5": 35.119, + "mrr_at_1": 32.916000000000004, + "mrr_at_10": 41.798, + "mrr_at_100": 42.72, + "mrr_at_1000": 42.778, + "mrr_at_3": 39.493, + "mrr_at_5": 40.927, + "ndcg_at_1": 32.916000000000004, + "ndcg_at_10": 41.81, + "ndcg_at_100": 47.284, + "ndcg_at_1000": 49.702, + "ndcg_at_3": 37.486999999999995, + "ndcg_at_5": 39.597, + "precision_at_1": 32.916000000000004, + "precision_at_10": 7.411, + "precision_at_100": 1.189, + "precision_at_1000": 0.158, + "precision_at_3": 17.581, + "precision_at_5": 12.397, + "recall_at_1": 26.978, + "recall_at_10": 52.869, + "recall_at_100": 75.78399999999999, + "recall_at_1000": 91.545, + "recall_at_3": 40.717, + "recall_at_5": 46.168, + "main_score": 41.81 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.641, + "map_at_10": 32.916000000000004, + "map_at_100": 34.165, + "map_at_1000": 34.286, + "map_at_3": 30.335, + "map_at_5": 31.569000000000003, + "mrr_at_1": 30.593999999999998, + "mrr_at_10": 38.448, + "mrr_at_100": 39.299, + "mrr_at_1000": 39.362, + "mrr_at_3": 36.244, + "mrr_at_5": 37.232, + "ndcg_at_1": 30.593999999999998, + "ndcg_at_10": 38.2, + "ndcg_at_100": 43.742, + "ndcg_at_1000": 46.217000000000006, + "ndcg_at_3": 33.925, + "ndcg_at_5": 35.394, + "precision_at_1": 30.593999999999998, + "precision_at_10": 6.895, + "precision_at_100": 1.1320000000000001, + "precision_at_1000": 0.153, + "precision_at_3": 16.096, + "precision_at_5": 11.05, + "recall_at_1": 24.641, + "recall_at_10": 48.588, + "recall_at_100": 72.841, + "recall_at_1000": 89.535, + "recall_at_3": 36.087, + "recall_at_5": 40.346, + "main_score": 38.2 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.79425, + "map_at_10": 33.12033333333333, + "map_at_100": 34.221333333333334, + "map_at_1000": 34.3435, + "map_at_3": 30.636583333333338, + "map_at_5": 31.974083333333326, + "mrr_at_1": 29.242416666666664, + "mrr_at_10": 37.11675, + "mrr_at_100": 37.93783333333334, + "mrr_at_1000": 38.003083333333336, + "mrr_at_3": 34.904666666666664, + "mrr_at_5": 36.12916666666667, + "ndcg_at_1": 29.242416666666664, + "ndcg_at_10": 38.03416666666667, + "ndcg_at_100": 42.86674999999999, + "ndcg_at_1000": 45.34550000000001, + "ndcg_at_3": 33.76466666666666, + "ndcg_at_5": 35.668666666666674, + "precision_at_1": 29.242416666666664, + "precision_at_10": 6.589833333333334, + "precision_at_100": 1.0693333333333332, + "precision_at_1000": 0.14641666666666667, + "precision_at_3": 15.430749999999998, + "precision_at_5": 10.833833333333333, + "recall_at_1": 24.79425, + "recall_at_10": 48.582916666666655, + "recall_at_100": 69.88499999999999, + "recall_at_1000": 87.211, + "recall_at_3": 36.625499999999995, + "recall_at_5": 41.553999999999995, + "main_score": 38.03416666666667 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.767, + "map_at_10": 28.450999999999997, + "map_at_100": 29.332, + "map_at_1000": 29.426000000000002, + "map_at_3": 26.379, + "map_at_5": 27.584999999999997, + "mrr_at_1": 25.46, + "mrr_at_10": 30.974, + "mrr_at_100": 31.784000000000002, + "mrr_at_1000": 31.857999999999997, + "mrr_at_3": 28.962, + "mrr_at_5": 30.066, + "ndcg_at_1": 25.46, + "ndcg_at_10": 32.041, + "ndcg_at_100": 36.522, + "ndcg_at_1000": 39.101, + "ndcg_at_3": 28.152, + "ndcg_at_5": 30.03, + "precision_at_1": 25.46, + "precision_at_10": 4.893, + "precision_at_100": 0.77, + "precision_at_1000": 0.107, + "precision_at_3": 11.605, + "precision_at_5": 8.19, + "recall_at_1": 22.767, + "recall_at_10": 40.71, + "recall_at_100": 61.334999999999994, + "recall_at_1000": 80.567, + "recall_at_3": 30.198000000000004, + "recall_at_5": 34.803, + "main_score": 32.041 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.722, + "map_at_10": 22.794, + "map_at_100": 23.7, + "map_at_1000": 23.822, + "map_at_3": 20.781, + "map_at_5": 22.024, + "mrr_at_1": 20.061999999999998, + "mrr_at_10": 26.346999999999998, + "mrr_at_100": 27.153, + "mrr_at_1000": 27.233, + "mrr_at_3": 24.375, + "mrr_at_5": 25.593, + "ndcg_at_1": 20.061999999999998, + "ndcg_at_10": 26.785999999999998, + "ndcg_at_100": 31.319999999999997, + "ndcg_at_1000": 34.346, + "ndcg_at_3": 23.219, + "ndcg_at_5": 25.107000000000003, + "precision_at_1": 20.061999999999998, + "precision_at_10": 4.78, + "precision_at_100": 0.83, + "precision_at_1000": 0.125, + "precision_at_3": 10.874, + "precision_at_5": 7.956, + "recall_at_1": 16.722, + "recall_at_10": 35.204, + "recall_at_100": 55.797, + "recall_at_1000": 77.689, + "recall_at_3": 25.245, + "recall_at_5": 30.115, + "main_score": 26.785999999999998 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.842, + "map_at_10": 32.917, + "map_at_100": 33.961000000000006, + "map_at_1000": 34.069, + "map_at_3": 30.595, + "map_at_5": 31.837, + "mrr_at_1": 29.011, + "mrr_at_10": 36.977, + "mrr_at_100": 37.814, + "mrr_at_1000": 37.885999999999996, + "mrr_at_3": 34.966, + "mrr_at_5": 36.043, + "ndcg_at_1": 29.011, + "ndcg_at_10": 37.735, + "ndcg_at_100": 42.683, + "ndcg_at_1000": 45.198, + "ndcg_at_3": 33.650000000000006, + "ndcg_at_5": 35.386, + "precision_at_1": 29.011, + "precision_at_10": 6.259, + "precision_at_100": 0.984, + "precision_at_1000": 0.13, + "precision_at_3": 15.329999999999998, + "precision_at_5": 10.541, + "recall_at_1": 24.842, + "recall_at_10": 48.304, + "recall_at_100": 70.04899999999999, + "recall_at_1000": 87.82600000000001, + "recall_at_3": 36.922, + "recall_at_5": 41.449999999999996, + "main_score": 37.735 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.252000000000002, + "map_at_10": 32.293, + "map_at_100": 33.816, + "map_at_1000": 34.053, + "map_at_3": 29.781999999999996, + "map_at_5": 31.008000000000003, + "mrr_at_1": 29.051, + "mrr_at_10": 36.722, + "mrr_at_100": 37.663000000000004, + "mrr_at_1000": 37.734, + "mrr_at_3": 34.354, + "mrr_at_5": 35.609, + "ndcg_at_1": 29.051, + "ndcg_at_10": 37.775999999999996, + "ndcg_at_100": 43.221, + "ndcg_at_1000": 46.116, + "ndcg_at_3": 33.403, + "ndcg_at_5": 35.118, + "precision_at_1": 29.051, + "precision_at_10": 7.332, + "precision_at_100": 1.49, + "precision_at_1000": 0.23600000000000002, + "precision_at_3": 15.415000000000001, + "precision_at_5": 11.107, + "recall_at_1": 24.252000000000002, + "recall_at_10": 47.861, + "recall_at_100": 72.21600000000001, + "recall_at_1000": 90.886, + "recall_at_3": 35.533, + "recall_at_5": 39.959, + "main_score": 37.775999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.025000000000002, + "map_at_10": 27.154, + "map_at_100": 28.118, + "map_at_1000": 28.237000000000002, + "map_at_3": 25.017, + "map_at_5": 25.832, + "mrr_at_1": 21.627, + "mrr_at_10": 28.884999999999998, + "mrr_at_100": 29.741, + "mrr_at_1000": 29.831999999999997, + "mrr_at_3": 26.741, + "mrr_at_5": 27.628000000000004, + "ndcg_at_1": 21.627, + "ndcg_at_10": 31.436999999999998, + "ndcg_at_100": 36.181000000000004, + "ndcg_at_1000": 38.986, + "ndcg_at_3": 27.025, + "ndcg_at_5": 28.436, + "precision_at_1": 21.627, + "precision_at_10": 5.009, + "precision_at_100": 0.7929999999999999, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 11.522, + "precision_at_5": 7.763000000000001, + "recall_at_1": 20.025000000000002, + "recall_at_10": 42.954, + "recall_at_100": 64.67500000000001, + "recall_at_1000": 85.301, + "recall_at_3": 30.892999999999997, + "recall_at_5": 34.288000000000004, + "main_score": 31.436999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/ClimateFEVER.json b/results/jinaai__jina-embeddings-v2-small-en/external/ClimateFEVER.json new file mode 100644 index 000000000..2fd9ea097 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 10.079, + "map_at_10": 16.930999999999997, + "map_at_100": 18.398999999999997, + "map_at_1000": 18.561, + "map_at_3": 14.294, + "map_at_5": 15.579, + "mrr_at_1": 22.606, + "mrr_at_10": 32.513, + "mrr_at_100": 33.463, + "mrr_at_1000": 33.513999999999996, + "mrr_at_3": 29.479, + "mrr_at_5": 31.3, + "ndcg_at_1": 22.606, + "ndcg_at_10": 24.053, + "ndcg_at_100": 30.258000000000003, + "ndcg_at_1000": 33.516, + "ndcg_at_3": 19.721, + "ndcg_at_5": 21.144, + "precision_at_1": 22.606, + "precision_at_10": 7.55, + "precision_at_100": 1.399, + "precision_at_1000": 0.2, + "precision_at_3": 14.701, + "precision_at_5": 11.192, + "recall_at_1": 10.079, + "recall_at_10": 28.970000000000002, + "recall_at_100": 50.805, + "recall_at_1000": 69.378, + "recall_at_3": 18.199, + "recall_at_5": 22.442, + "main_score": 24.053 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/DBPedia.json b/results/jinaai__jina-embeddings-v2-small-en/external/DBPedia.json new file mode 100644 index 000000000..0f5e02958 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 7.794, + "map_at_10": 15.165999999999999, + "map_at_100": 20.508000000000003, + "map_at_1000": 21.809, + "map_at_3": 11.568000000000001, + "map_at_5": 13.059000000000001, + "mrr_at_1": 56.49999999999999, + "mrr_at_10": 65.90899999999999, + "mrr_at_100": 66.352, + "mrr_at_1000": 66.369, + "mrr_at_3": 64.0, + "mrr_at_5": 65.10000000000001, + "ndcg_at_1": 44.25, + "ndcg_at_10": 32.649, + "ndcg_at_100": 36.668, + "ndcg_at_1000": 43.918, + "ndcg_at_3": 37.096000000000004, + "ndcg_at_5": 34.048, + "precision_at_1": 56.49999999999999, + "precision_at_10": 25.45, + "precision_at_100": 8.055, + "precision_at_1000": 1.7489999999999999, + "precision_at_3": 41.0, + "precision_at_5": 32.85, + "recall_at_1": 7.794, + "recall_at_10": 20.101, + "recall_at_100": 42.448, + "recall_at_1000": 65.88000000000001, + "recall_at_3": 12.753, + "recall_at_5": 15.307, + "main_score": 32.649 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/EmotionClassification.json b/results/jinaai__jina-embeddings-v2-small-en/external/EmotionClassification.json new file mode 100644 index 000000000..fb4bd6114 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 44.01, + "f1": 38.659680951114964, + "main_score": 44.01 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/FEVER.json b/results/jinaai__jina-embeddings-v2-small-en/external/FEVER.json new file mode 100644 index 000000000..ae273323e --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 49.713, + "map_at_10": 61.79, + "map_at_100": 62.28, + "map_at_1000": 62.297000000000004, + "map_at_3": 59.361, + "map_at_5": 60.92100000000001, + "mrr_at_1": 53.405, + "mrr_at_10": 65.79899999999999, + "mrr_at_100": 66.219, + "mrr_at_1000": 66.227, + "mrr_at_3": 63.431000000000004, + "mrr_at_5": 64.98, + "ndcg_at_1": 53.405, + "ndcg_at_10": 68.01899999999999, + "ndcg_at_100": 70.197, + "ndcg_at_1000": 70.571, + "ndcg_at_3": 63.352, + "ndcg_at_5": 66.018, + "precision_at_1": 53.405, + "precision_at_10": 9.119, + "precision_at_100": 1.03, + "precision_at_1000": 0.107, + "precision_at_3": 25.602999999999998, + "precision_at_5": 16.835, + "recall_at_1": 49.713, + "recall_at_10": 83.306, + "recall_at_100": 92.92, + "recall_at_1000": 95.577, + "recall_at_3": 70.798, + "recall_at_5": 77.254, + "main_score": 68.01899999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/FiQA2018.json b/results/jinaai__jina-embeddings-v2-small-en/external/FiQA2018.json new file mode 100644 index 000000000..030a8f08b --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.310000000000002, + "map_at_10": 26.204, + "map_at_100": 27.932000000000002, + "map_at_1000": 28.121000000000002, + "map_at_3": 22.481, + "map_at_5": 24.678, + "mrr_at_1": 29.784, + "mrr_at_10": 39.582, + "mrr_at_100": 40.52, + "mrr_at_1000": 40.568, + "mrr_at_3": 37.114000000000004, + "mrr_at_5": 38.596000000000004, + "ndcg_at_1": 29.784, + "ndcg_at_10": 33.432, + "ndcg_at_100": 40.281, + "ndcg_at_1000": 43.653999999999996, + "ndcg_at_3": 29.612, + "ndcg_at_5": 31.223, + "precision_at_1": 29.784, + "precision_at_10": 9.645, + "precision_at_100": 1.645, + "precision_at_1000": 0.22499999999999998, + "precision_at_3": 20.165, + "precision_at_5": 15.401000000000002, + "recall_at_1": 15.310000000000002, + "recall_at_10": 40.499, + "recall_at_100": 66.643, + "recall_at_1000": 87.059, + "recall_at_3": 27.492, + "recall_at_5": 33.748, + "main_score": 33.432 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/HotpotQA.json b/results/jinaai__jina-embeddings-v2-small-en/external/HotpotQA.json new file mode 100644 index 000000000..edc22f5fe --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 33.599000000000004, + "map_at_10": 47.347, + "map_at_100": 48.191, + "map_at_1000": 48.263, + "map_at_3": 44.698, + "map_at_5": 46.278999999999996, + "mrr_at_1": 67.19800000000001, + "mrr_at_10": 74.054, + "mrr_at_100": 74.376, + "mrr_at_1000": 74.392, + "mrr_at_3": 72.849, + "mrr_at_5": 73.643, + "ndcg_at_1": 67.19800000000001, + "ndcg_at_10": 56.482, + "ndcg_at_100": 59.694, + "ndcg_at_1000": 61.204, + "ndcg_at_3": 52.43299999999999, + "ndcg_at_5": 54.608000000000004, + "precision_at_1": 67.19800000000001, + "precision_at_10": 11.613999999999999, + "precision_at_100": 1.415, + "precision_at_1000": 0.16199999999999998, + "precision_at_3": 32.726, + "precision_at_5": 21.349999999999998, + "recall_at_1": 33.599000000000004, + "recall_at_10": 58.069, + "recall_at_100": 70.736, + "recall_at_1000": 80.804, + "recall_at_3": 49.088, + "recall_at_5": 53.376000000000005, + "main_score": 56.482 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/ImdbClassification.json b/results/jinaai__jina-embeddings-v2-small-en/external/ImdbClassification.json new file mode 100644 index 000000000..1fa77c28e --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.64359999999999, + "ap": 67.54685976014599, + "f1": 73.55148707559482, + "main_score": 73.64359999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/MSMARCO.json b/results/jinaai__jina-embeddings-v2-small-en/external/MSMARCO.json new file mode 100644 index 000000000..c765f9587 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.502, + "map_at_10": 30.816, + "map_at_100": 32.007999999999996, + "map_at_1000": 32.067, + "map_at_3": 27.215, + "map_at_5": 29.304000000000002, + "mrr_at_1": 20.072000000000003, + "mrr_at_10": 31.406, + "mrr_at_100": 32.549, + "mrr_at_1000": 32.602, + "mrr_at_3": 27.839000000000002, + "mrr_at_5": 29.926000000000002, + "ndcg_at_1": 20.086000000000002, + "ndcg_at_10": 37.282, + "ndcg_at_100": 43.206, + "ndcg_at_1000": 44.690000000000005, + "ndcg_at_3": 29.932, + "ndcg_at_5": 33.668, + "precision_at_1": 20.086000000000002, + "precision_at_10": 5.961, + "precision_at_100": 0.898, + "precision_at_1000": 0.10200000000000001, + "precision_at_3": 12.856000000000002, + "precision_at_5": 9.596, + "recall_at_1": 19.502, + "recall_at_10": 57.182, + "recall_at_100": 84.952, + "recall_at_1000": 96.34700000000001, + "recall_at_3": 37.193, + "recall_at_5": 46.157, + "main_score": 37.282 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/MTOPDomainClassification.json b/results/jinaai__jina-embeddings-v2-small-en/external/MTOPDomainClassification.json new file mode 100644 index 000000000..fa8086fd4 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.96488828089375, + "f1": 93.32119260543482, + "main_score": 93.96488828089375 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/MTOPIntentClassification.json b/results/jinaai__jina-embeddings-v2-small-en/external/MTOPIntentClassification.json new file mode 100644 index 000000000..fffdeb01a --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.4965800273598, + "f1": 49.34896217536082, + "main_score": 72.4965800273598 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/MassiveIntentClassification.json b/results/jinaai__jina-embeddings-v2-small-en/external/MassiveIntentClassification.json new file mode 100644 index 000000000..9ae01affc --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 67.60928043039678, + "f1": 64.34244712074538, + "main_score": 67.60928043039678 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/MassiveScenarioClassification.json b/results/jinaai__jina-embeddings-v2-small-en/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..6d89f3e32 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.75453934095493, + "f1": 68.39224867489249, + "main_score": 69.75453934095493 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/MedrxivClusteringP2P.json b/results/jinaai__jina-embeddings-v2-small-en/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..9f8842090 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.862573504920082, + "main_score": 31.862573504920082 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/MedrxivClusteringS2S.json b/results/jinaai__jina-embeddings-v2-small-en/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..af223007e --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 27.511123551196803, + "main_score": 27.511123551196803 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/MindSmallReranking.json b/results/jinaai__jina-embeddings-v2-small-en/external/MindSmallReranking.json new file mode 100644 index 000000000..82db70429 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 30.99145104942086, + "mrr": 32.03606480418627, + "main_score": 30.99145104942086 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/NFCorpus.json b/results/jinaai__jina-embeddings-v2-small-en/external/NFCorpus.json new file mode 100644 index 000000000..d4d58215b --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.015, + "map_at_10": 11.054, + "map_at_100": 13.773, + "map_at_1000": 15.082999999999998, + "map_at_3": 8.253, + "map_at_5": 9.508999999999999, + "mrr_at_1": 42.105, + "mrr_at_10": 50.44499999999999, + "mrr_at_100": 51.080000000000005, + "mrr_at_1000": 51.129999999999995, + "mrr_at_3": 48.555, + "mrr_at_5": 49.84, + "ndcg_at_1": 40.402, + "ndcg_at_10": 30.403000000000002, + "ndcg_at_100": 28.216, + "ndcg_at_1000": 37.021, + "ndcg_at_3": 35.53, + "ndcg_at_5": 33.202999999999996, + "precision_at_1": 42.105, + "precision_at_10": 22.353, + "precision_at_100": 7.266, + "precision_at_1000": 2.011, + "precision_at_3": 32.921, + "precision_at_5": 28.297, + "recall_at_1": 5.015, + "recall_at_10": 14.393, + "recall_at_100": 28.893, + "recall_at_1000": 60.18, + "recall_at_3": 9.184000000000001, + "recall_at_5": 11.39, + "main_score": 30.403000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/NQ.json b/results/jinaai__jina-embeddings-v2-small-en/external/NQ.json new file mode 100644 index 000000000..e5d2dfba7 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.524, + "map_at_10": 44.182, + "map_at_100": 45.228, + "map_at_1000": 45.265, + "map_at_3": 39.978, + "map_at_5": 42.482, + "mrr_at_1": 33.256, + "mrr_at_10": 46.661, + "mrr_at_100": 47.47, + "mrr_at_1000": 47.496, + "mrr_at_3": 43.187999999999995, + "mrr_at_5": 45.330999999999996, + "ndcg_at_1": 33.227000000000004, + "ndcg_at_10": 51.589, + "ndcg_at_100": 56.043, + "ndcg_at_1000": 56.937000000000005, + "ndcg_at_3": 43.751, + "ndcg_at_5": 47.937000000000005, + "precision_at_1": 33.227000000000004, + "precision_at_10": 8.556999999999999, + "precision_at_100": 1.103, + "precision_at_1000": 0.11900000000000001, + "precision_at_3": 19.921, + "precision_at_5": 14.396999999999998, + "recall_at_1": 29.524, + "recall_at_10": 71.615, + "recall_at_100": 91.056, + "recall_at_1000": 97.72800000000001, + "recall_at_3": 51.451, + "recall_at_5": 61.119, + "main_score": 51.589 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/QuoraRetrieval.json b/results/jinaai__jina-embeddings-v2-small-en/external/QuoraRetrieval.json new file mode 100644 index 000000000..8cbd39ce0 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 69.596, + "map_at_10": 83.281, + "map_at_100": 83.952, + "map_at_1000": 83.97200000000001, + "map_at_3": 80.315, + "map_at_5": 82.223, + "mrr_at_1": 80.17, + "mrr_at_10": 86.522, + "mrr_at_100": 86.644, + "mrr_at_1000": 86.64500000000001, + "mrr_at_3": 85.438, + "mrr_at_5": 86.21799999999999, + "ndcg_at_1": 80.19, + "ndcg_at_10": 87.19, + "ndcg_at_100": 88.567, + "ndcg_at_1000": 88.70400000000001, + "ndcg_at_3": 84.17999999999999, + "ndcg_at_5": 85.931, + "precision_at_1": 80.19, + "precision_at_10": 13.209000000000001, + "precision_at_100": 1.518, + "precision_at_1000": 0.157, + "precision_at_3": 36.717, + "precision_at_5": 24.248, + "recall_at_1": 69.596, + "recall_at_10": 94.533, + "recall_at_100": 99.322, + "recall_at_1000": 99.965, + "recall_at_3": 85.911, + "recall_at_5": 90.809, + "main_score": 87.19 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/RedditClustering.json b/results/jinaai__jina-embeddings-v2-small-en/external/RedditClustering.json new file mode 100644 index 000000000..2fa53fd75 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 49.27650627571912, + "main_score": 49.27650627571912 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/RedditClusteringP2P.json b/results/jinaai__jina-embeddings-v2-small-en/external/RedditClusteringP2P.json new file mode 100644 index 000000000..24b6dd07b --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 57.08550946534183, + "main_score": 57.08550946534183 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/SCIDOCS.json b/results/jinaai__jina-embeddings-v2-small-en/external/SCIDOCS.json new file mode 100644 index 000000000..a04d94eee --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.568, + "map_at_10": 10.862, + "map_at_100": 12.757, + "map_at_1000": 13.031, + "map_at_3": 7.960000000000001, + "map_at_5": 9.337, + "mrr_at_1": 22.5, + "mrr_at_10": 32.6, + "mrr_at_100": 33.603, + "mrr_at_1000": 33.672000000000004, + "mrr_at_3": 29.299999999999997, + "mrr_at_5": 31.25, + "ndcg_at_1": 22.5, + "ndcg_at_10": 18.605, + "ndcg_at_100": 26.029999999999998, + "ndcg_at_1000": 31.256, + "ndcg_at_3": 17.873, + "ndcg_at_5": 15.511, + "precision_at_1": 22.5, + "precision_at_10": 9.58, + "precision_at_100": 2.033, + "precision_at_1000": 0.33, + "precision_at_3": 16.633, + "precision_at_5": 13.54, + "recall_at_1": 4.568, + "recall_at_10": 19.402, + "recall_at_100": 41.277, + "recall_at_1000": 66.963, + "recall_at_3": 10.112, + "recall_at_5": 13.712, + "main_score": 18.605 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/SICK-R.json b/results/jinaai__jina-embeddings-v2-small-en/external/SICK-R.json new file mode 100644 index 000000000..408696354 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.31992291680787, + "cos_sim_spearman": 76.7212346922664, + "euclidean_pearson": 80.42189271706478, + "euclidean_spearman": 76.7212342532493, + "manhattan_pearson": 80.33171093031578, + "manhattan_spearman": 76.63192883074694, + "cosine_pearson": 83.31992291680787, + "cosine_spearman": 76.7212346922664, + "main_score": 76.7212346922664 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/STS12.json b/results/jinaai__jina-embeddings-v2-small-en/external/STS12.json new file mode 100644 index 000000000..fb290dec8 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.16654278886763, + "cos_sim_spearman": 73.66390263429565, + "euclidean_pearson": 79.7485360086639, + "euclidean_spearman": 73.66389870373436, + "manhattan_pearson": 79.73652237443706, + "manhattan_spearman": 73.65296117151647, + "cosine_pearson": 83.16654278886763, + "cosine_spearman": 73.66390263429565, + "main_score": 73.66390263429565 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/STS13.json b/results/jinaai__jina-embeddings-v2-small-en/external/STS13.json new file mode 100644 index 000000000..1aa1d3a9c --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.40389689929246, + "cos_sim_spearman": 83.29727595993955, + "euclidean_pearson": 82.23970587854079, + "euclidean_spearman": 83.29727595993955, + "manhattan_pearson": 82.18823600831897, + "manhattan_spearman": 83.20746192209594, + "cosine_pearson": 82.40389689929246, + "cosine_spearman": 83.29727595993955, + "main_score": 83.29727595993955 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/STS14.json b/results/jinaai__jina-embeddings-v2-small-en/external/STS14.json new file mode 100644 index 000000000..5abcd01f5 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.73505246913413, + "cos_sim_spearman": 79.1686548248754, + "euclidean_pearson": 80.48889135993412, + "euclidean_spearman": 79.16864112930354, + "manhattan_pearson": 80.40720651057302, + "manhattan_spearman": 79.0640155089286, + "cosine_pearson": 81.73505246913413, + "cosine_spearman": 79.1686548248754, + "main_score": 79.1686548248754 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/STS15.json b/results/jinaai__jina-embeddings-v2-small-en/external/STS15.json new file mode 100644 index 000000000..f787c6130 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.3953512879065, + "cos_sim_spearman": 87.29947322714338, + "euclidean_pearson": 86.59759438529645, + "euclidean_spearman": 87.29947511092824, + "manhattan_pearson": 86.52097806169155, + "manhattan_spearman": 87.22987242146534, + "cosine_pearson": 86.3953512879065, + "cosine_spearman": 87.29947322714338, + "main_score": 87.29947322714338 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/STS16.json b/results/jinaai__jina-embeddings-v2-small-en/external/STS16.json new file mode 100644 index 000000000..8fe12cf92 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.48565753792056, + "cos_sim_spearman": 83.6049720319893, + "euclidean_pearson": 82.56452023172913, + "euclidean_spearman": 83.60490168191697, + "manhattan_pearson": 82.58079941137872, + "manhattan_spearman": 83.60975807374051, + "cosine_pearson": 82.48565753792056, + "cosine_spearman": 83.6049720319893, + "main_score": 83.6049720319893 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/STS17.json b/results/jinaai__jina-embeddings-v2-small-en/external/STS17.json new file mode 100644 index 000000000..518e74c0e --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.18239976618212, + "cos_sim_spearman": 88.23061724730616, + "euclidean_pearson": 87.78482472776658, + "euclidean_spearman": 88.23061724730616, + "manhattan_pearson": 87.75059641730239, + "manhattan_spearman": 88.22527413524622, + "cosine_pearson": 88.18239976618212, + "cosine_spearman": 88.23061724730616, + "main_score": 88.23061724730616 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/STS22.json b/results/jinaai__jina-embeddings-v2-small-en/external/STS22.json new file mode 100644 index 000000000..8a947c0b4 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 63.42816418706765, + "cos_sim_spearman": 63.4569864520124, + "euclidean_pearson": 64.35405409953853, + "euclidean_spearman": 63.4569864520124, + "manhattan_pearson": 63.96649236073056, + "manhattan_spearman": 63.01448583722708, + "cosine_pearson": 63.42816418706765, + "cosine_spearman": 63.4569864520124, + "main_score": 63.4569864520124 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/STSBenchmark.json b/results/jinaai__jina-embeddings-v2-small-en/external/STSBenchmark.json new file mode 100644 index 000000000..82ad0c214 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.41659638047614, + "cos_sim_spearman": 84.03893866106175, + "euclidean_pearson": 84.2251203953798, + "euclidean_spearman": 84.03893866106175, + "manhattan_pearson": 84.22733643205514, + "manhattan_spearman": 84.06504411263612, + "cosine_pearson": 83.41659638047614, + "cosine_spearman": 84.03893866106175, + "main_score": 84.03893866106175 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/SciDocsRR.json b/results/jinaai__jina-embeddings-v2-small-en/external/SciDocsRR.json new file mode 100644 index 000000000..29df9f888 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 79.75608022582414, + "mrr": 94.0947732369301, + "main_score": 79.75608022582414 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/SciFact.json b/results/jinaai__jina-embeddings-v2-small-en/external/SciFact.json new file mode 100644 index 000000000..b89ead5e5 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 50.161, + "map_at_10": 59.458999999999996, + "map_at_100": 60.156, + "map_at_1000": 60.194, + "map_at_3": 56.45400000000001, + "map_at_5": 58.165, + "mrr_at_1": 53.333, + "mrr_at_10": 61.050000000000004, + "mrr_at_100": 61.586, + "mrr_at_1000": 61.624, + "mrr_at_3": 58.889, + "mrr_at_5": 60.122, + "ndcg_at_1": 53.333, + "ndcg_at_10": 63.888999999999996, + "ndcg_at_100": 66.963, + "ndcg_at_1000": 68.062, + "ndcg_at_3": 59.01, + "ndcg_at_5": 61.373999999999995, + "precision_at_1": 53.333, + "precision_at_10": 8.633000000000001, + "precision_at_100": 1.027, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 23.111, + "precision_at_5": 15.467, + "recall_at_1": 50.161, + "recall_at_10": 75.922, + "recall_at_100": 90.0, + "recall_at_1000": 98.667, + "recall_at_3": 62.90599999999999, + "recall_at_5": 68.828, + "main_score": 63.888999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/SprintDuplicateQuestions.json b/results/jinaai__jina-embeddings-v2-small-en/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..8ac338e92 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.81188118811882, + "cos_sim_ap": 95.11619225962413, + "cos_sim_f1": 90.35840484603736, + "cos_sim_precision": 91.23343527013252, + "cos_sim_recall": 89.5, + "dot_accuracy": 99.81188118811882, + "dot_ap": 95.11619225962413, + "dot_f1": 90.35840484603736, + "dot_precision": 91.23343527013252, + "dot_recall": 89.5, + "euclidean_accuracy": 99.81188118811882, + "euclidean_ap": 95.11619225962413, + "euclidean_f1": 90.35840484603736, + "euclidean_precision": 91.23343527013252, + "euclidean_recall": 89.5, + "manhattan_accuracy": 99.80891089108911, + "manhattan_ap": 95.07294266220966, + "manhattan_f1": 90.21794221996959, + "manhattan_precision": 91.46968139773895, + "manhattan_recall": 89.0, + "max_accuracy": 99.81188118811882, + "max_ap": 95.11619225962413, + "max_f1": 90.35840484603736, + "main_score": 95.11619225962413 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/StackExchangeClustering.json b/results/jinaai__jina-embeddings-v2-small-en/external/StackExchangeClustering.json new file mode 100644 index 000000000..4417cba53 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 55.3481874105239, + "main_score": 55.3481874105239 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/StackExchangeClusteringP2P.json b/results/jinaai__jina-embeddings-v2-small-en/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..f3c9572f5 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.421291695525, + "main_score": 34.421291695525 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/StackOverflowDupQuestions.json b/results/jinaai__jina-embeddings-v2-small-en/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..20b36d948 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 49.98746633276634, + "mrr": 50.63143249724133, + "main_score": 49.98746633276634 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/SummEval.json b/results/jinaai__jina-embeddings-v2-small-en/external/SummEval.json new file mode 100644 index 000000000..5e3f805cb --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.009961979844036, + "cos_sim_spearman": 30.558416108881044, + "dot_pearson": 31.009964941134253, + "dot_spearman": 30.545760761761393, + "cosine_pearson": 31.009961979844036, + "cosine_spearman": 30.558416108881044, + "main_score": 30.558416108881044 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/TRECCOVID.json b/results/jinaai__jina-embeddings-v2-small-en/external/TRECCOVID.json new file mode 100644 index 000000000..1a1bc879a --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.207, + "map_at_10": 1.6, + "map_at_100": 8.594, + "map_at_1000": 20.213, + "map_at_3": 0.585, + "map_at_5": 0.9039999999999999, + "mrr_at_1": 78.0, + "mrr_at_10": 87.4, + "mrr_at_100": 87.4, + "mrr_at_1000": 87.4, + "mrr_at_3": 86.667, + "mrr_at_5": 87.06700000000001, + "ndcg_at_1": 73.0, + "ndcg_at_10": 65.18, + "ndcg_at_100": 49.631, + "ndcg_at_1000": 43.498999999999995, + "ndcg_at_3": 71.83800000000001, + "ndcg_at_5": 69.271, + "precision_at_1": 78.0, + "precision_at_10": 69.19999999999999, + "precision_at_100": 50.980000000000004, + "precision_at_1000": 19.426, + "precision_at_3": 77.333, + "precision_at_5": 74.0, + "recall_at_1": 0.207, + "recall_at_10": 1.822, + "recall_at_100": 11.849, + "recall_at_1000": 40.492, + "recall_at_3": 0.622, + "recall_at_5": 0.9809999999999999, + "main_score": 65.18 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/Touche2020.json b/results/jinaai__jina-embeddings-v2-small-en/external/Touche2020.json new file mode 100644 index 000000000..e6532ebf1 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.001, + "map_at_10": 10.376000000000001, + "map_at_100": 16.936999999999998, + "map_at_1000": 18.615000000000002, + "map_at_3": 5.335999999999999, + "map_at_5": 7.374, + "mrr_at_1": 20.408, + "mrr_at_10": 38.29, + "mrr_at_100": 39.33, + "mrr_at_1000": 39.347, + "mrr_at_3": 32.993, + "mrr_at_5": 36.973, + "ndcg_at_1": 17.347, + "ndcg_at_10": 23.515, + "ndcg_at_100": 37.457, + "ndcg_at_1000": 49.439, + "ndcg_at_3": 22.762999999999998, + "ndcg_at_5": 22.622, + "precision_at_1": 20.408, + "precision_at_10": 22.448999999999998, + "precision_at_100": 8.184, + "precision_at_1000": 1.608, + "precision_at_3": 25.85, + "precision_at_5": 25.306, + "recall_at_1": 2.001, + "recall_at_10": 17.422, + "recall_at_100": 51.532999999999994, + "recall_at_1000": 87.466, + "recall_at_3": 6.861000000000001, + "recall_at_5": 10.502, + "main_score": 23.515 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/ToxicConversationsClassification.json b/results/jinaai__jina-embeddings-v2-small-en/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..a26102606 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.54419999999999, + "ap": 14.372170450843907, + "f1": 54.94420257390529, + "main_score": 71.54419999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/TweetSentimentExtractionClassification.json b/results/jinaai__jina-embeddings-v2-small-en/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..90d6286be --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 59.402942840973395, + "f1": 59.4166538875571, + "main_score": 59.402942840973395 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/TwentyNewsgroupsClustering.json b/results/jinaai__jina-embeddings-v2-small-en/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..aac8ba772 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 41.569064336457906, + "main_score": 41.569064336457906 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/TwitterSemEval2015.json b/results/jinaai__jina-embeddings-v2-small-en/external/TwitterSemEval2015.json new file mode 100644 index 000000000..890e85463 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 85.31322644096085, + "cos_sim_ap": 72.14518894837381, + "cos_sim_f1": 66.67489813557229, + "cos_sim_precision": 62.65954977953121, + "cos_sim_recall": 71.2401055408971, + "dot_accuracy": 85.31322644096085, + "dot_ap": 72.14521480685293, + "dot_f1": 66.67489813557229, + "dot_precision": 62.65954977953121, + "dot_recall": 71.2401055408971, + "euclidean_accuracy": 85.31322644096085, + "euclidean_ap": 72.14520820485349, + "euclidean_f1": 66.67489813557229, + "euclidean_precision": 62.65954977953121, + "euclidean_recall": 71.2401055408971, + "manhattan_accuracy": 85.21785778148656, + "manhattan_ap": 72.01177147657364, + "manhattan_f1": 66.62594673833374, + "manhattan_precision": 62.0336669699727, + "manhattan_recall": 71.95250659630607, + "max_accuracy": 85.31322644096085, + "max_ap": 72.14521480685293, + "max_f1": 66.67489813557229, + "main_score": 72.14521480685293 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/TwitterURLCorpus.json b/results/jinaai__jina-embeddings-v2-small-en/external/TwitterURLCorpus.json new file mode 100644 index 000000000..e3694ca14 --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.12756626693057, + "cos_sim_ap": 86.05430786440826, + "cos_sim_f1": 78.27759692216631, + "cos_sim_precision": 75.33466248931929, + "cos_sim_recall": 81.45980905451185, + "dot_accuracy": 89.12950673341872, + "dot_ap": 86.05431161145492, + "dot_f1": 78.27759692216631, + "dot_precision": 75.33466248931929, + "dot_recall": 81.45980905451185, + "euclidean_accuracy": 89.12756626693057, + "euclidean_ap": 86.05431303247397, + "euclidean_f1": 78.27759692216631, + "euclidean_precision": 75.33466248931929, + "euclidean_recall": 81.45980905451185, + "manhattan_accuracy": 89.04994760740482, + "manhattan_ap": 86.00860610892074, + "manhattan_f1": 78.1846776005392, + "manhattan_precision": 76.10438839480975, + "manhattan_recall": 80.3818909762858, + "max_accuracy": 89.12950673341872, + "max_ap": 86.05431303247397, + "max_f1": 78.27759692216631, + "main_score": 86.05431303247397 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v2-small-en/external/model_meta.json b/results/jinaai__jina-embeddings-v2-small-en/external/model_meta.json new file mode 100644 index 000000000..fd9002f1a --- /dev/null +++ b/results/jinaai__jina-embeddings-v2-small-en/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "jinaai/jina-embeddings-v2-small-en", + "revision": "796cff318cdd4e5fbe8b7303a1ef8cbec36996ef", + "release_date": "2023-09-27", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 32690688, + "memory_usage": null, + "max_tokens": 8192, + "embed_dim": 512, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/AFQMC.json b/results/jinaai__jina-embeddings-v3/external/AFQMC.json new file mode 100644 index 000000000..8e5479056 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/AFQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b44c3b011063adb25877c13823db83bb193913c4", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 41.74237700998808, + "cosine_spearman": 43.4726782647566, + "euclidean_pearson": 42.244585459479964, + "euclidean_spearman": 43.525070045169606, + "main_score": 43.4726782647566, + "manhattan_pearson": 42.04616728224863, + "manhattan_spearman": 43.308828270754645, + "pearson": 41.74237700998808, + "spearman": 43.4726782647566 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/ATEC.json b/results/jinaai__jina-embeddings-v3/external/ATEC.json new file mode 100644 index 000000000..f1168f774 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/ATEC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "0f319b1142f28d00e055a6770f3f726ae9b7d865", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 47.541497334563296, + "cosine_spearman": 49.06268944206629, + "euclidean_pearson": 51.838926748581635, + "euclidean_spearman": 48.930697157135356, + "main_score": 49.06268944206629, + "manhattan_pearson": 51.835306769406365, + "manhattan_spearman": 48.86135493444834, + "pearson": 47.541497334563296, + "spearman": 49.06268944206629 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/AllegroReviews.json b/results/jinaai__jina-embeddings-v3/external/AllegroReviews.json new file mode 100644 index 000000000..1eed7538c --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/AllegroReviews.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "b89853e6de927b0e3bfa8ecc0e56fe4e02ceafc6", + "task_name": "AllegroReviews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 49.51292246520874, + "f1": 44.14350234332397, + "f1_weighted": 51.65508998354552, + "main_score": 49.51292246520874 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/AlloProfClusteringP2P.json b/results/jinaai__jina-embeddings-v3/external/AlloProfClusteringP2P.json new file mode 100644 index 000000000..1d276dda7 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/AlloProfClusteringP2P.json @@ -0,0 +1,175 @@ +{ + "dataset_revision": "392ba3f5bcc8c51f578786c1fc3dae648662cb9b", + "task_name": "AlloProfClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "main_score": 63.883383458621665, + "v_measure": 63.883383458621665, + "v_measure_std": 2.693666879958465 + }, + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "main_score": 46.85924588755251, + "v_measure": 46.85924588755251, + "v_measure_std": 2.1918258880872377 + }, + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "main_score": 54.284, + "map_at_1": 37.047000000000004, + "map_at_10": 48.53, + "map_at_100": 49.357, + "map_at_1000": 49.39, + "map_at_20": 49.064, + "map_at_3": 45.675, + "map_at_5": 47.441, + "mrr_at_1": 37.04663212435233, + "mrr_at_10": 48.5300326232969, + "mrr_at_100": 49.35708199037581, + "mrr_at_1000": 49.39005824603193, + "mrr_at_20": 49.06417416464799, + "mrr_at_3": 45.67501439263105, + "mrr_at_5": 47.44099021301103, + "nauc_map_at_1000_diff1": 43.32474221868009, + "nauc_map_at_1000_max": 39.407334029058575, + "nauc_map_at_1000_std": -2.3728154448932606, + "nauc_map_at_100_diff1": 43.32336300929909, + "nauc_map_at_100_max": 39.432174777554835, + "nauc_map_at_100_std": -2.356396922384349, + "nauc_map_at_10_diff1": 43.1606520154482, + "nauc_map_at_10_max": 39.33734650558226, + "nauc_map_at_10_std": -2.5156222475075256, + "nauc_map_at_1_diff1": 46.2178975214499, + "nauc_map_at_1_max": 36.26173199049361, + "nauc_map_at_1_std": -3.0897555582816443, + "nauc_map_at_20_diff1": 43.272980702916456, + "nauc_map_at_20_max": 39.4896977052276, + "nauc_map_at_20_std": -2.3305501742917043, + "nauc_map_at_3_diff1": 43.49525042967079, + "nauc_map_at_3_max": 38.66352501824728, + "nauc_map_at_3_std": -3.202794391620473, + "nauc_map_at_5_diff1": 43.2266692546611, + "nauc_map_at_5_max": 38.77368661115743, + "nauc_map_at_5_std": -3.0897532130127954, + "nauc_mrr_at_1000_diff1": 43.32474221868009, + "nauc_mrr_at_1000_max": 39.407334029058575, + "nauc_mrr_at_1000_std": -2.3728154448932606, + "nauc_mrr_at_100_diff1": 43.32336300929909, + "nauc_mrr_at_100_max": 39.432174777554835, + "nauc_mrr_at_100_std": -2.356396922384349, + "nauc_mrr_at_10_diff1": 43.1606520154482, + "nauc_mrr_at_10_max": 39.33734650558226, + "nauc_mrr_at_10_std": -2.5156222475075256, + "nauc_mrr_at_1_diff1": 46.2178975214499, + "nauc_mrr_at_1_max": 36.26173199049361, + "nauc_mrr_at_1_std": -3.0897555582816443, + "nauc_mrr_at_20_diff1": 43.272980702916456, + "nauc_mrr_at_20_max": 39.4896977052276, + "nauc_mrr_at_20_std": -2.3305501742917043, + "nauc_mrr_at_3_diff1": 43.49525042967079, + "nauc_mrr_at_3_max": 38.66352501824728, + "nauc_mrr_at_3_std": -3.202794391620473, + "nauc_mrr_at_5_diff1": 43.2266692546611, + "nauc_mrr_at_5_max": 38.77368661115743, + "nauc_mrr_at_5_std": -3.0897532130127954, + "nauc_ndcg_at_1000_diff1": 43.01903168202974, + "nauc_ndcg_at_1000_max": 40.75496622942232, + "nauc_ndcg_at_1000_std": -1.3150412981845496, + "nauc_ndcg_at_100_diff1": 42.98016493758145, + "nauc_ndcg_at_100_max": 41.55869635162325, + "nauc_ndcg_at_100_std": -0.5355252976886055, + "nauc_ndcg_at_10_diff1": 42.218755211347506, + "nauc_ndcg_at_10_max": 41.305042275175765, + "nauc_ndcg_at_10_std": -1.4034484444573714, + "nauc_ndcg_at_1_diff1": 46.2178975214499, + "nauc_ndcg_at_1_max": 36.26173199049361, + "nauc_ndcg_at_1_std": -3.0897555582816443, + "nauc_ndcg_at_20_diff1": 42.66574440095576, + "nauc_ndcg_at_20_max": 42.014620115124515, + "nauc_ndcg_at_20_std": -0.5176162553751498, + "nauc_ndcg_at_3_diff1": 42.837450505106055, + "nauc_ndcg_at_3_max": 39.525369733082414, + "nauc_ndcg_at_3_std": -3.1605948245795155, + "nauc_ndcg_at_5_diff1": 42.37951815451173, + "nauc_ndcg_at_5_max": 39.78840132935179, + "nauc_ndcg_at_5_std": -2.936898430768135, + "nauc_precision_at_1000_diff1": 49.69224988612385, + "nauc_precision_at_1000_max": 79.57897547128005, + "nauc_precision_at_1000_std": 45.040371354764645, + "nauc_precision_at_100_diff1": 42.70597486048422, + "nauc_precision_at_100_max": 65.74628759606188, + "nauc_precision_at_100_std": 25.49157745244855, + "nauc_precision_at_10_diff1": 38.565609931689345, + "nauc_precision_at_10_max": 50.0239696180852, + "nauc_precision_at_10_std": 3.976354829503967, + "nauc_precision_at_1_diff1": 46.2178975214499, + "nauc_precision_at_1_max": 36.26173199049361, + "nauc_precision_at_1_std": -3.0897555582816443, + "nauc_precision_at_20_diff1": 40.4134718566864, + "nauc_precision_at_20_max": 57.121778108665374, + "nauc_precision_at_20_std": 11.46021975428544, + "nauc_precision_at_3_diff1": 40.90538379461529, + "nauc_precision_at_3_max": 42.18393248057992, + "nauc_precision_at_3_std": -3.005249943837297, + "nauc_precision_at_5_diff1": 39.60162965860782, + "nauc_precision_at_5_max": 43.28317158174058, + "nauc_precision_at_5_std": -2.3469094487738054, + "nauc_recall_at_1000_diff1": 49.69224988612252, + "nauc_recall_at_1000_max": 79.57897547127862, + "nauc_recall_at_1000_std": 45.04037135476256, + "nauc_recall_at_100_diff1": 42.70597486048432, + "nauc_recall_at_100_max": 65.74628759606213, + "nauc_recall_at_100_std": 25.491577452448727, + "nauc_recall_at_10_diff1": 38.56560993168935, + "nauc_recall_at_10_max": 50.02396961808522, + "nauc_recall_at_10_std": 3.9763548295040314, + "nauc_recall_at_1_diff1": 46.2178975214499, + "nauc_recall_at_1_max": 36.26173199049361, + "nauc_recall_at_1_std": -3.0897555582816443, + "nauc_recall_at_20_diff1": 40.41347185668637, + "nauc_recall_at_20_max": 57.12177810866533, + "nauc_recall_at_20_std": 11.460219754285431, + "nauc_recall_at_3_diff1": 40.90538379461527, + "nauc_recall_at_3_max": 42.18393248057989, + "nauc_recall_at_3_std": -3.005249943837297, + "nauc_recall_at_5_diff1": 39.601629658607784, + "nauc_recall_at_5_max": 43.28317158174053, + "nauc_recall_at_5_std": -2.3469094487738054, + "ndcg_at_1": 37.047000000000004, + "ndcg_at_10": 54.284, + "ndcg_at_100": 58.34, + "ndcg_at_1000": 59.303, + "ndcg_at_20": 56.235, + "ndcg_at_3": 48.503, + "ndcg_at_5": 51.686, + "precision_at_1": 37.047000000000004, + "precision_at_10": 7.237, + "precision_at_100": 0.914, + "precision_at_1000": 0.099, + "precision_at_20": 4.005, + "precision_at_3": 18.898, + "precision_at_5": 12.884, + "recall_at_1": 37.047000000000004, + "recall_at_10": 72.366, + "recall_at_100": 91.408, + "recall_at_1000": 99.136, + "recall_at_20": 80.095, + "recall_at_3": 56.693000000000005, + "recall_at_5": 64.42099999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/AlloprofReranking.json b/results/jinaai__jina-embeddings-v3/external/AlloprofReranking.json new file mode 100644 index 000000000..5b9ec1fc4 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/AlloprofReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e40c8a63ce02da43200eccb5b0846fcaa888f562", + "task_name": "AlloprofReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map": 66.39013753839347, + "mrr": 67.68045617786551, + "main_score": 66.39013753839347 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/AmazonCounterfactualClassification.json b/results/jinaai__jina-embeddings-v3/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..fa66fea8c --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/AmazonCounterfactualClassification.json @@ -0,0 +1,34 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 89.49253731343283, + "ap": 61.88098616359918, + "ap_weighted": 61.88098616359918, + "f1": 84.76516623679144, + "f1_weighted": 89.92745276292968, + "main_score": 89.49253731343283 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 89.61456102783727, + "ap": 93.11816566733742, + "ap_weighted": 93.11816566733742, + "f1": 88.27635757733722, + "f1_weighted": 89.82581568285453, + "main_score": 89.61456102783727 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/AmazonPolarityClassification.json b/results/jinaai__jina-embeddings-v3/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..9e25895e4 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/AmazonPolarityClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 95.3825, + "ap": 93.393033869502, + "ap_weighted": 93.393033869502, + "f1": 95.38109007966307, + "f1_weighted": 95.38109007966305, + "main_score": 95.3825 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/AmazonReviewsClassification.json b/results/jinaai__jina-embeddings-v3/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..432461aba --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/AmazonReviewsClassification.json @@ -0,0 +1,60 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 49.768, + "f1": 48.95084821944411, + "f1_weighted": 48.9508482194441, + "main_score": 49.768 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 48.071999999999996, + "f1": 47.24171107487612, + "f1_weighted": 47.24171107487612, + "main_score": 48.071999999999996 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 48.102000000000004, + "f1": 47.27193805278696, + "f1_weighted": 47.27193805278696, + "main_score": 48.102000000000004 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 47.30800000000001, + "f1": 46.41683358017851, + "f1_weighted": 46.41683358017851, + "main_score": 47.30800000000001 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 44.944, + "f1": 44.223824487744395, + "f1_weighted": 44.22382448774439, + "main_score": 44.944 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/ArguAna-PL.json b/results/jinaai__jina-embeddings-v3/external/ArguAna-PL.json new file mode 100644 index 000000000..dbc1f77ef --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/ArguAna-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "63fc86750af76253e8c760fc9e534bbf24d260a2", + "task_name": "ArguAna-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 50.117999999999995, + "map_at_1": 24.253, + "map_at_10": 40.725, + "map_at_100": 41.699999999999996, + "map_at_1000": 41.707, + "map_at_20": 41.467999999999996, + "map_at_3": 35.467, + "map_at_5": 38.291, + "mrr_at_1": 24.751066856330013, + "mrr_at_10": 40.91063808169072, + "mrr_at_100": 41.885497923928675, + "mrr_at_1000": 41.89301098419842, + "mrr_at_20": 41.653552355442514, + "mrr_at_3": 35.656709340919775, + "mrr_at_5": 38.466097676623946, + "nauc_map_at_1000_diff1": 7.503000359807567, + "nauc_map_at_1000_max": -11.030405164830546, + "nauc_map_at_1000_std": -8.902792782585117, + "nauc_map_at_100_diff1": 7.509899249593199, + "nauc_map_at_100_max": -11.023581259404406, + "nauc_map_at_100_std": -8.892241185067272, + "nauc_map_at_10_diff1": 7.24369711881512, + "nauc_map_at_10_max": -10.810000200433278, + "nauc_map_at_10_std": -8.987230542165776, + "nauc_map_at_1_diff1": 11.37175831832417, + "nauc_map_at_1_max": -13.315221903223055, + "nauc_map_at_1_std": -9.398199605510275, + "nauc_map_at_20_diff1": 7.477364530860648, + "nauc_map_at_20_max": -10.901251218105566, + "nauc_map_at_20_std": -8.868148116405925, + "nauc_map_at_3_diff1": 6.555548802174882, + "nauc_map_at_3_max": -12.247274800542934, + "nauc_map_at_3_std": -9.879475250984811, + "nauc_map_at_5_diff1": 7.426588563355882, + "nauc_map_at_5_max": -11.347695686001805, + "nauc_map_at_5_std": -9.34441892203972, + "nauc_mrr_at_1000_diff1": 5.99737552143614, + "nauc_mrr_at_1000_max": -11.327205136505727, + "nauc_mrr_at_1000_std": -8.791079115519503, + "nauc_mrr_at_100_diff1": 6.004622525255784, + "nauc_mrr_at_100_max": -11.320336759899723, + "nauc_mrr_at_100_std": -8.780602249831777, + "nauc_mrr_at_10_diff1": 5.783623516930227, + "nauc_mrr_at_10_max": -11.095971693467078, + "nauc_mrr_at_10_std": -8.877242032013582, + "nauc_mrr_at_1_diff1": 9.694937537703797, + "nauc_mrr_at_1_max": -12.531905083727912, + "nauc_mrr_at_1_std": -8.903992940100146, + "nauc_mrr_at_20_diff1": 5.984841206233873, + "nauc_mrr_at_20_max": -11.195236951048969, + "nauc_mrr_at_20_std": -8.757266039186018, + "nauc_mrr_at_3_diff1": 5.114333824261379, + "nauc_mrr_at_3_max": -12.64809799843464, + "nauc_mrr_at_3_std": -9.791146138025184, + "nauc_mrr_at_5_diff1": 5.88941606224512, + "nauc_mrr_at_5_max": -11.763903418071918, + "nauc_mrr_at_5_std": -9.279175712709446, + "nauc_ndcg_at_1000_diff1": 7.076950652226086, + "nauc_ndcg_at_1000_max": -10.386482092087371, + "nauc_ndcg_at_1000_std": -8.309190917074046, + "nauc_ndcg_at_100_diff1": 7.2329220284865245, + "nauc_ndcg_at_100_max": -10.208048403220337, + "nauc_ndcg_at_100_std": -7.997975874274613, + "nauc_ndcg_at_10_diff1": 6.065391100006953, + "nauc_ndcg_at_10_max": -9.046164377601153, + "nauc_ndcg_at_10_std": -8.34724889697153, + "nauc_ndcg_at_1_diff1": 11.37175831832417, + "nauc_ndcg_at_1_max": -13.315221903223055, + "nauc_ndcg_at_1_std": -9.398199605510275, + "nauc_ndcg_at_20_diff1": 6.949389989202601, + "nauc_ndcg_at_20_max": -9.35740451760307, + "nauc_ndcg_at_20_std": -7.761295171828212, + "nauc_ndcg_at_3_diff1": 5.051471796151364, + "nauc_ndcg_at_3_max": -12.158763333711653, + "nauc_ndcg_at_3_std": -10.078902544421926, + "nauc_ndcg_at_5_diff1": 6.527454512611454, + "nauc_ndcg_at_5_max": -10.525118233848586, + "nauc_ndcg_at_5_std": -9.120055125584031, + "nauc_precision_at_1000_diff1": -10.6495668199151, + "nauc_precision_at_1000_max": 12.070656425217841, + "nauc_precision_at_1000_std": 55.844551709649004, + "nauc_precision_at_100_diff1": 19.206967129266285, + "nauc_precision_at_100_max": 16.296851020813456, + "nauc_precision_at_100_std": 45.60378984257811, + "nauc_precision_at_10_diff1": 0.6490335354304879, + "nauc_precision_at_10_max": 0.5757198255366447, + "nauc_precision_at_10_std": -4.875847131691451, + "nauc_precision_at_1_diff1": 11.37175831832417, + "nauc_precision_at_1_max": -13.315221903223055, + "nauc_precision_at_1_std": -9.398199605510275, + "nauc_precision_at_20_diff1": 4.899369866929203, + "nauc_precision_at_20_max": 5.988537297189552, + "nauc_precision_at_20_std": 4.830900387582837, + "nauc_precision_at_3_diff1": 0.8791156910997744, + "nauc_precision_at_3_max": -11.983373635905993, + "nauc_precision_at_3_std": -10.646185111581257, + "nauc_precision_at_5_diff1": 3.9314486166548432, + "nauc_precision_at_5_max": -7.798591396895839, + "nauc_precision_at_5_std": -8.293043407234125, + "nauc_recall_at_1000_diff1": -10.649566819918673, + "nauc_recall_at_1000_max": 12.070656425214647, + "nauc_recall_at_1000_std": 55.84455170965023, + "nauc_recall_at_100_diff1": 19.206967129265127, + "nauc_recall_at_100_max": 16.296851020813722, + "nauc_recall_at_100_std": 45.60378984257728, + "nauc_recall_at_10_diff1": 0.6490335354304176, + "nauc_recall_at_10_max": 0.5757198255366095, + "nauc_recall_at_10_std": -4.875847131691468, + "nauc_recall_at_1_diff1": 11.37175831832417, + "nauc_recall_at_1_max": -13.315221903223055, + "nauc_recall_at_1_std": -9.398199605510275, + "nauc_recall_at_20_diff1": 4.899369866929402, + "nauc_recall_at_20_max": 5.98853729718968, + "nauc_recall_at_20_std": 4.830900387582967, + "nauc_recall_at_3_diff1": 0.8791156910997652, + "nauc_recall_at_3_max": -11.983373635905997, + "nauc_recall_at_3_std": -10.64618511158124, + "nauc_recall_at_5_diff1": 3.9314486166548472, + "nauc_recall_at_5_max": -7.7985913968958585, + "nauc_recall_at_5_std": -8.293043407234132, + "ndcg_at_1": 24.253, + "ndcg_at_10": 50.117999999999995, + "ndcg_at_100": 54.291999999999994, + "ndcg_at_1000": 54.44799999999999, + "ndcg_at_20": 52.771, + "ndcg_at_3": 39.296, + "ndcg_at_5": 44.373000000000005, + "precision_at_1": 24.253, + "precision_at_10": 8.016, + "precision_at_100": 0.984, + "precision_at_1000": 0.1, + "precision_at_20": 4.527, + "precision_at_3": 16.808999999999997, + "precision_at_5": 12.546, + "recall_at_1": 24.253, + "recall_at_10": 80.156, + "recall_at_100": 98.43499999999999, + "recall_at_1000": 99.57300000000001, + "recall_at_20": 90.54100000000001, + "recall_at_3": 50.427, + "recall_at_5": 62.731 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/ArguAna.json b/results/jinaai__jina-embeddings-v3/external/ArguAna.json new file mode 100644 index 000000000..34c9931c9 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/ArguAna.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.232000000000003, + "map_at_10": 45.117000000000004, + "map_at_100": 45.977000000000004, + "map_at_1000": 45.98, + "map_at_20": 45.815, + "map_at_3": 39.912, + "map_at_5": 42.693, + "mrr_at_1": 29.659000000000002, + "mrr_at_10": 45.253, + "mrr_at_100": 46.125, + "mrr_at_1000": 46.129, + "mrr_at_20": 45.964, + "mrr_at_3": 40.043, + "mrr_at_5": 42.870000000000005, + "ndcg_at_1": 29.232000000000003, + "ndcg_at_10": 54.327999999999996, + "ndcg_at_100": 57.86, + "ndcg_at_1000": 57.935, + "ndcg_at_20": 56.794, + "ndcg_at_3": 43.516, + "ndcg_at_5": 48.512, + "precision_at_1": 29.232000000000003, + "precision_at_10": 8.393, + "precision_at_100": 0.991, + "precision_at_1000": 0.1, + "precision_at_20": 4.676, + "precision_at_3": 17.994, + "precision_at_5": 13.215, + "recall_at_1": 29.232000000000003, + "recall_at_10": 83.926, + "recall_at_100": 99.075, + "recall_at_1000": 99.644, + "recall_at_20": 93.528, + "recall_at_3": 53.983000000000004, + "recall_at_5": 66.074, + "main_score": 54.327999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/ArxivClusteringP2P.json b/results/jinaai__jina-embeddings-v3/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..c34287600 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/ArxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 46.6636824632419, + "v_measure": 46.6636824632419, + "v_measure_std": 13.817129140714963 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/ArxivClusteringS2S.json b/results/jinaai__jina-embeddings-v3/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..211f674a4 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/ArxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 39.271141892800024, + "v_measure": 39.271141892800024, + "v_measure_std": 14.276782483454827 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/AskUbuntuDupQuestions.json b/results/jinaai__jina-embeddings-v3/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..c3f30b7e0 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 65.04363277324629, + "mrr": 78.2372598162072, + "main_score": 65.04363277324629 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/BIOSSES.json b/results/jinaai__jina-embeddings-v3/external/BIOSSES.json new file mode 100644 index 000000000..3019883d4 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 88.80382082011027, + "cosine_spearman": 88.68876782169106, + "euclidean_pearson": 87.00802890147176, + "euclidean_spearman": 87.43211268192712, + "main_score": 88.68876782169106, + "manhattan_pearson": 87.14062537179474, + "manhattan_spearman": 87.59115245033443, + "pearson": 88.80382082011027, + "spearman": 88.68876782169106 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/BQ.json b/results/jinaai__jina-embeddings-v3/external/BQ.json new file mode 100644 index 000000000..b279a30fb --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/BQ.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e3dda5e115e487b39ec7e618c0c6a29137052a55", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 61.588006604878196, + "cosine_spearman": 63.20615427154465, + "euclidean_pearson": 61.818547092516496, + "euclidean_spearman": 63.21558009151778, + "main_score": 63.20615427154465, + "manhattan_pearson": 61.665588158487616, + "manhattan_spearman": 63.051544488238584, + "pearson": 61.588006604878196, + "spearman": 63.20615427154465 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/BSARDRetrieval.json b/results/jinaai__jina-embeddings-v3/external/BSARDRetrieval.json new file mode 100644 index 000000000..ca273bae5 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/BSARDRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "5effa1b9b5fa3b0f9e12523e6e43e5f86a6e6d59", + "task_name": "BSARDRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "main_score": 64.414, + "map_at_1": 14.865, + "map_at_10": 21.605, + "map_at_100": 22.762, + "map_at_1000": 22.854, + "map_at_20": 22.259999999999998, + "map_at_3": 20.119999999999997, + "map_at_5": 20.931, + "mrr_at_1": 14.864864864864865, + "mrr_at_10": 21.605176605176606, + "mrr_at_100": 22.7622306460065, + "mrr_at_1000": 22.85383406410312, + "mrr_at_20": 22.259528463088845, + "mrr_at_3": 20.12012012012012, + "mrr_at_5": 20.930930930930934, + "nauc_map_at_1000_diff1": 17.486265968689338, + "nauc_map_at_1000_max": 22.736799291688836, + "nauc_map_at_1000_std": 9.831687441977147, + "nauc_map_at_100_diff1": 17.50754492049086, + "nauc_map_at_100_max": 22.77693662806787, + "nauc_map_at_100_std": 9.853899509675395, + "nauc_map_at_10_diff1": 17.42133968580952, + "nauc_map_at_10_max": 22.45861793882279, + "nauc_map_at_10_std": 8.964888472915938, + "nauc_map_at_1_diff1": 19.433947086968093, + "nauc_map_at_1_max": 24.75657047550517, + "nauc_map_at_1_std": 15.122329157218505, + "nauc_map_at_20_diff1": 17.429856756008785, + "nauc_map_at_20_max": 22.438850987431017, + "nauc_map_at_20_std": 9.172746012213558, + "nauc_map_at_3_diff1": 18.218182689678475, + "nauc_map_at_3_max": 23.57169444088667, + "nauc_map_at_3_std": 10.464473559366356, + "nauc_map_at_5_diff1": 18.6075342519133, + "nauc_map_at_5_max": 23.308845973576673, + "nauc_map_at_5_std": 9.364009996445652, + "nauc_mrr_at_1000_diff1": 17.486265968689338, + "nauc_mrr_at_1000_max": 22.736799291688836, + "nauc_mrr_at_1000_std": 9.831687441977147, + "nauc_mrr_at_100_diff1": 17.50754492049086, + "nauc_mrr_at_100_max": 22.77693662806787, + "nauc_mrr_at_100_std": 9.853899509675395, + "nauc_mrr_at_10_diff1": 17.42133968580952, + "nauc_mrr_at_10_max": 22.45861793882279, + "nauc_mrr_at_10_std": 8.964888472915938, + "nauc_mrr_at_1_diff1": 19.433947086968093, + "nauc_mrr_at_1_max": 24.75657047550517, + "nauc_mrr_at_1_std": 15.122329157218505, + "nauc_mrr_at_20_diff1": 17.429856756008785, + "nauc_mrr_at_20_max": 22.438850987431017, + "nauc_mrr_at_20_std": 9.172746012213558, + "nauc_mrr_at_3_diff1": 18.218182689678475, + "nauc_mrr_at_3_max": 23.57169444088667, + "nauc_mrr_at_3_std": 10.464473559366356, + "nauc_mrr_at_5_diff1": 18.6075342519133, + "nauc_mrr_at_5_max": 23.308845973576673, + "nauc_mrr_at_5_std": 9.364009996445652, + "nauc_ndcg_at_1000_diff1": 16.327871824135745, + "nauc_ndcg_at_1000_max": 23.308241052911495, + "nauc_ndcg_at_1000_std": 11.50905911184097, + "nauc_ndcg_at_100_diff1": 16.676226744692773, + "nauc_ndcg_at_100_max": 24.323253721240974, + "nauc_ndcg_at_100_std": 11.952612443651557, + "nauc_ndcg_at_10_diff1": 16.030325121764594, + "nauc_ndcg_at_10_max": 21.306799242079542, + "nauc_ndcg_at_10_std": 6.63359364302513, + "nauc_ndcg_at_1_diff1": 19.433947086968093, + "nauc_ndcg_at_1_max": 24.75657047550517, + "nauc_ndcg_at_1_std": 15.122329157218505, + "nauc_ndcg_at_20_diff1": 16.013173605999857, + "nauc_ndcg_at_20_max": 21.607217260736576, + "nauc_ndcg_at_20_std": 7.319482417138996, + "nauc_ndcg_at_3_diff1": 17.97958548328493, + "nauc_ndcg_at_3_max": 23.58346522810145, + "nauc_ndcg_at_3_std": 9.392582854708314, + "nauc_ndcg_at_5_diff1": 18.734733324685287, + "nauc_ndcg_at_5_max": 23.273244317623742, + "nauc_ndcg_at_5_std": 7.638611545253834, + "nauc_precision_at_1000_diff1": 7.919843339380295, + "nauc_precision_at_1000_max": 31.575386234270486, + "nauc_precision_at_1000_std": 39.332224386769404, + "nauc_precision_at_100_diff1": 15.018050960000052, + "nauc_precision_at_100_max": 34.98209513759861, + "nauc_precision_at_100_std": 26.970034484359022, + "nauc_precision_at_10_diff1": 12.102191084210922, + "nauc_precision_at_10_max": 18.112541150340675, + "nauc_precision_at_10_std": 0.7358784689406018, + "nauc_precision_at_1_diff1": 19.433947086968093, + "nauc_precision_at_1_max": 24.75657047550517, + "nauc_precision_at_1_std": 15.122329157218505, + "nauc_precision_at_20_diff1": 12.018814361204328, + "nauc_precision_at_20_max": 19.75123746049928, + "nauc_precision_at_20_std": 3.012204650582264, + "nauc_precision_at_3_diff1": 17.41375604940955, + "nauc_precision_at_3_max": 23.699834627021037, + "nauc_precision_at_3_std": 6.793486779050103, + "nauc_precision_at_5_diff1": 19.194631963780257, + "nauc_precision_at_5_max": 23.31708702442155, + "nauc_precision_at_5_std": 3.4591358279667332, + "nauc_recall_at_1000_diff1": 7.919843339380378, + "nauc_recall_at_1000_max": 31.57538623427063, + "nauc_recall_at_1000_std": 39.332224386769546, + "nauc_recall_at_100_diff1": 15.018050960000085, + "nauc_recall_at_100_max": 34.9820951375986, + "nauc_recall_at_100_std": 26.97003448435901, + "nauc_recall_at_10_diff1": 12.102191084210837, + "nauc_recall_at_10_max": 18.112541150340594, + "nauc_recall_at_10_std": 0.7358784689405188, + "nauc_recall_at_1_diff1": 19.433947086968093, + "nauc_recall_at_1_max": 24.75657047550517, + "nauc_recall_at_1_std": 15.122329157218505, + "nauc_recall_at_20_diff1": 12.01881436120429, + "nauc_recall_at_20_max": 19.751237460499222, + "nauc_recall_at_20_std": 3.0122046505822135, + "nauc_recall_at_3_diff1": 17.413756049409503, + "nauc_recall_at_3_max": 23.699834627020998, + "nauc_recall_at_3_std": 6.793486779050083, + "nauc_recall_at_5_diff1": 19.194631963780203, + "nauc_recall_at_5_max": 23.3170870244215, + "nauc_recall_at_5_std": 3.459135827966664, + "ndcg_at_1": 14.865, + "ndcg_at_10": 24.764, + "ndcg_at_100": 30.861, + "ndcg_at_1000": 33.628, + "ndcg_at_20": 27.078000000000003, + "ndcg_at_3": 21.675, + "ndcg_at_5": 23.148, + "precision_at_1": 14.865, + "precision_at_10": 3.4680000000000004, + "precision_at_100": 0.644, + "precision_at_1000": 0.087, + "precision_at_20": 2.185, + "precision_at_3": 8.709, + "precision_at_5": 5.946, + "recall_at_1": 14.865, + "recall_at_10": 34.685, + "recall_at_100": 64.414, + "recall_at_1000": 86.937, + "recall_at_20": 43.694, + "recall_at_3": 26.125999999999998, + "recall_at_5": 29.73 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/Banking77Classification.json b/results/jinaai__jina-embeddings-v3/external/Banking77Classification.json new file mode 100644 index 000000000..33a44abef --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/Banking77Classification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 84.08116883116882, + "f1": 84.05587055990273, + "f1_weighted": 84.05587055990274, + "main_score": 84.08116883116882 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/BiorxivClusteringP2P.json b/results/jinaai__jina-embeddings-v3/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..6c292980b --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/BiorxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 38.1941007822277, + "v_measure": 38.1941007822277, + "v_measure_std": 0.7502113547288178 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/BiorxivClusteringS2S.json b/results/jinaai__jina-embeddings-v3/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..d454da954 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/BiorxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 34.42075599178318, + "v_measure": 34.42075599178318, + "v_measure_std": 0.600256720497283 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/BlurbsClusteringP2P.json b/results/jinaai__jina-embeddings-v3/external/BlurbsClusteringP2P.json new file mode 100644 index 000000000..618fdb5bb --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/BlurbsClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a2dd5b02a77de3466a3eaa98ae586b5610314496", + "task_name": "BlurbsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "deu-Latn" + ], + "main_score": 41.634627363047265, + "v_measure": 41.634627363047265, + "v_measure_std": 9.726923191225307 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/BlurbsClusteringS2S.json b/results/jinaai__jina-embeddings-v3/external/BlurbsClusteringS2S.json new file mode 100644 index 000000000..6e06fdfd3 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/BlurbsClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "22793b6a6465bf00120ad525e38c51210858132c", + "task_name": "BlurbsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "deu-Latn" + ], + "main_score": 20.996468295584197, + "v_measure": 20.996468295584197, + "v_measure_std": 9.225766688272197 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/CBD.json b/results/jinaai__jina-embeddings-v3/external/CBD.json new file mode 100644 index 000000000..c37b4999c --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/CBD.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "36ddb419bcffe6a5374c3891957912892916f28d", + "task_name": "CBD", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 69.99, + "ap": 22.57826353116948, + "ap_weighted": 22.57826353116948, + "f1": 59.04574955548393, + "f1_weighted": 74.36235022309789, + "main_score": 69.99 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/CDSC-E.json b/results/jinaai__jina-embeddings-v3/external/CDSC-E.json new file mode 100644 index 000000000..e1e54825e --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/CDSC-E.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "0a3d4aa409b22f80eb22cbf59b492637637b536d", + "task_name": "CDSC-E", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cosine_accuracy": 88.7, + "cosine_accuracy_threshold": 97.37848043441772, + "cosine_ap": 73.0405088928302, + "cosine_f1": 63.52201257861635, + "cosine_f1_threshold": 96.98888063430786, + "cosine_precision": 78.90625, + "cosine_recall": 53.1578947368421, + "dot_accuracy": 84.89999999999999, + "dot_accuracy_threshold": 43603.09753417969, + "dot_ap": 56.98157569085279, + "dot_f1": 57.606490872210955, + "dot_f1_threshold": 40406.23779296875, + "dot_precision": 46.864686468646866, + "dot_recall": 74.73684210526315, + "euclidean_accuracy": 88.5, + "euclidean_accuracy_threshold": 498.0483055114746, + "euclidean_ap": 72.97328234816734, + "euclidean_f1": 63.722397476340696, + "euclidean_f1_threshold": 508.6186408996582, + "euclidean_precision": 79.52755905511812, + "euclidean_recall": 53.1578947368421, + "main_score": 73.0405088928302, + "manhattan_accuracy": 88.6, + "manhattan_accuracy_threshold": 12233.079528808594, + "manhattan_ap": 72.92148503992615, + "manhattan_f1": 63.69426751592356, + "manhattan_f1_threshold": 12392.754364013672, + "manhattan_precision": 80.64516129032258, + "manhattan_recall": 52.63157894736842, + "max_accuracy": 88.7, + "max_ap": 73.0405088928302, + "max_f1": 63.722397476340696, + "max_precision": 80.64516129032258, + "max_recall": 74.73684210526315, + "similarity_accuracy": 88.7, + "similarity_accuracy_threshold": 97.37848043441772, + "similarity_ap": 73.0405088928302, + "similarity_f1": 63.52201257861635, + "similarity_f1_threshold": 96.98888063430786, + "similarity_precision": 78.90625, + "similarity_recall": 53.1578947368421 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/CDSC-R.json b/results/jinaai__jina-embeddings-v3/external/CDSC-R.json new file mode 100644 index 000000000..62e063123 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/CDSC-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "1cd6abbb00df7d14be3dbd76a7dcc64b3a79a7cd", + "task_name": "CDSC-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cosine_pearson": 92.97492495289738, + "cosine_spearman": 92.63248098608472, + "euclidean_pearson": 92.04712487782031, + "euclidean_spearman": 92.19679486755008, + "main_score": 92.63248098608472, + "manhattan_pearson": 92.0101187740438, + "manhattan_spearman": 92.20926859332754, + "pearson": 92.97492495289738, + "spearman": 92.63248098608472 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/CEDRClassification.json b/results/jinaai__jina-embeddings-v3/external/CEDRClassification.json new file mode 100644 index 000000000..5c9a695d1 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/CEDRClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "c0ba03d058e3e1b2f3fd20518875a4563dd12db4", + "task_name": "CEDRClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 47.30605738575983, + "f1": 41.26091043925065, + "lrap": 72.89452709883206, + "main_score": 47.30605738575983 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/CLSClusteringP2P.json b/results/jinaai__jina-embeddings-v3/external/CLSClusteringP2P.json new file mode 100644 index 000000000..8f977bc34 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/CLSClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4b6227591c6c1a73bc76b1055f3b7f3588e72476", + "task_name": "CLSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 39.96377851800628, + "v_measure": 39.96377851800628, + "v_measure_std": 0.9793033243093288 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/CLSClusteringS2S.json b/results/jinaai__jina-embeddings-v3/external/CLSClusteringS2S.json new file mode 100644 index 000000000..ccd23e0d5 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/CLSClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e458b3f5414b62b7f9f83499ac1f5497ae2e869f", + "task_name": "CLSClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 38.788850224595784, + "v_measure": 38.788850224595784, + "v_measure_std": 1.0712604145916924 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/CQADupstackAndroidRetrieval.json b/results/jinaai__jina-embeddings-v3/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..f5ad46d47 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "f46a197baaae43b4f621051089b82a364682dfeb", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 33.377, + "map_at_10": 46.371, + "map_at_100": 47.829, + "map_at_1000": 47.94, + "map_at_20": 47.205000000000005, + "map_at_3": 42.782, + "map_at_5": 44.86, + "mrr_at_1": 41.345, + "mrr_at_10": 52.187, + "mrr_at_100": 52.893, + "mrr_at_1000": 52.929, + "mrr_at_20": 52.637, + "mrr_at_3": 49.714000000000006, + "mrr_at_5": 51.373000000000005, + "ndcg_at_1": 41.345, + "ndcg_at_10": 52.946000000000005, + "ndcg_at_100": 57.92699999999999, + "ndcg_at_1000": 59.609, + "ndcg_at_20": 54.900999999999996, + "ndcg_at_3": 48.357, + "ndcg_at_5": 50.739000000000004, + "precision_at_1": 41.345, + "precision_at_10": 10.186, + "precision_at_100": 1.554, + "precision_at_1000": 0.2, + "precision_at_20": 5.959, + "precision_at_3": 23.796, + "precision_at_5": 17.024, + "recall_at_1": 33.377, + "recall_at_10": 65.067, + "recall_at_100": 86.04899999999999, + "recall_at_1000": 96.54899999999999, + "recall_at_20": 72.071, + "recall_at_3": 51.349999999999994, + "recall_at_5": 58.41, + "main_score": 52.946000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/CQADupstackEnglishRetrieval.json b/results/jinaai__jina-embeddings-v3/external/CQADupstackEnglishRetrieval.json new file mode 100644 index 000000000..e9440d022 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/CQADupstackEnglishRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "ad9991cb51e31e31e430383c75ffb2885547b5f0", + "task_name": "CQADupstackEnglishRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.097, + "map_at_10": 42.183, + "map_at_100": 43.580999999999996, + "map_at_1000": 43.718, + "map_at_20": 42.921, + "map_at_3": 38.963, + "map_at_5": 40.815, + "mrr_at_1": 39.745000000000005, + "mrr_at_10": 48.736000000000004, + "mrr_at_100": 49.405, + "mrr_at_1000": 49.452, + "mrr_at_20": 49.118, + "mrr_at_3": 46.497, + "mrr_at_5": 47.827999999999996, + "ndcg_at_1": 39.745000000000005, + "ndcg_at_10": 48.248000000000005, + "ndcg_at_100": 52.956, + "ndcg_at_1000": 54.99699999999999, + "ndcg_at_20": 50.01, + "ndcg_at_3": 43.946000000000005, + "ndcg_at_5": 46.038000000000004, + "precision_at_1": 39.745000000000005, + "precision_at_10": 9.229, + "precision_at_100": 1.5070000000000001, + "precision_at_1000": 0.199, + "precision_at_20": 5.489999999999999, + "precision_at_3": 21.38, + "precision_at_5": 15.274, + "recall_at_1": 31.097, + "recall_at_10": 58.617, + "recall_at_100": 78.55199999999999, + "recall_at_1000": 91.13900000000001, + "recall_at_20": 64.92, + "recall_at_3": 45.672000000000004, + "recall_at_5": 51.669, + "main_score": 48.248000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/CQADupstackGamingRetrieval.json b/results/jinaai__jina-embeddings-v3/external/CQADupstackGamingRetrieval.json new file mode 100644 index 000000000..27c75f658 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/CQADupstackGamingRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "4885aa143210c98657558c04aaf3dc47cfb54340", + "task_name": "CQADupstackGamingRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 39.745000000000005, + "map_at_10": 52.063, + "map_at_100": 53.077, + "map_at_1000": 53.13, + "map_at_20": 52.66, + "map_at_3": 48.662, + "map_at_5": 50.507000000000005, + "mrr_at_1": 45.391999999999996, + "mrr_at_10": 55.528, + "mrr_at_100": 56.16100000000001, + "mrr_at_1000": 56.192, + "mrr_at_20": 55.923, + "mrr_at_3": 52.93600000000001, + "mrr_at_5": 54.435, + "ndcg_at_1": 45.391999999999996, + "ndcg_at_10": 58.019, + "ndcg_at_100": 61.936, + "ndcg_at_1000": 63.015, + "ndcg_at_20": 59.691, + "ndcg_at_3": 52.294, + "ndcg_at_5": 55.017, + "precision_at_1": 45.391999999999996, + "precision_at_10": 9.386, + "precision_at_100": 1.232, + "precision_at_1000": 0.136, + "precision_at_20": 5.223, + "precision_at_3": 23.177, + "precision_at_5": 15.9, + "recall_at_1": 39.745000000000005, + "recall_at_10": 72.08099999999999, + "recall_at_100": 88.85300000000001, + "recall_at_1000": 96.569, + "recall_at_20": 78.203, + "recall_at_3": 56.957, + "recall_at_5": 63.63100000000001, + "main_score": 58.019 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/CQADupstackGisRetrieval.json b/results/jinaai__jina-embeddings-v3/external/CQADupstackGisRetrieval.json new file mode 100644 index 000000000..caab76c07 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/CQADupstackGisRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "5003b3064772da1887988e05400cf3806fe491f2", + "task_name": "CQADupstackGisRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.651999999999997, + "map_at_10": 35.799, + "map_at_100": 36.846000000000004, + "map_at_1000": 36.931000000000004, + "map_at_20": 36.341, + "map_at_3": 32.999, + "map_at_5": 34.597, + "mrr_at_1": 28.814, + "mrr_at_10": 37.869, + "mrr_at_100": 38.728, + "mrr_at_1000": 38.795, + "mrr_at_20": 38.317, + "mrr_at_3": 35.235, + "mrr_at_5": 36.738, + "ndcg_at_1": 28.814, + "ndcg_at_10": 41.028, + "ndcg_at_100": 46.162, + "ndcg_at_1000": 48.15, + "ndcg_at_20": 42.824, + "ndcg_at_3": 35.621, + "ndcg_at_5": 38.277, + "precision_at_1": 28.814, + "precision_at_10": 6.361999999999999, + "precision_at_100": 0.9450000000000001, + "precision_at_1000": 0.11399999999999999, + "precision_at_20": 3.6159999999999997, + "precision_at_3": 15.140999999999998, + "precision_at_5": 10.712000000000002, + "recall_at_1": 26.651999999999997, + "recall_at_10": 55.038, + "recall_at_100": 78.806, + "recall_at_1000": 93.485, + "recall_at_20": 61.742, + "recall_at_3": 40.682, + "recall_at_5": 46.855000000000004, + "main_score": 41.028 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/CQADupstackMathematicaRetrieval.json b/results/jinaai__jina-embeddings-v3/external/CQADupstackMathematicaRetrieval.json new file mode 100644 index 000000000..cf121ecf7 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/CQADupstackMathematicaRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "90fceea13679c63fe563ded68f3b6f06e50061de", + "task_name": "CQADupstackMathematicaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.627000000000002, + "map_at_10": 26.436999999999998, + "map_at_100": 27.85, + "map_at_1000": 27.955999999999996, + "map_at_20": 27.233, + "map_at_3": 23.777, + "map_at_5": 25.122, + "mrr_at_1": 22.387999999999998, + "mrr_at_10": 31.589, + "mrr_at_100": 32.641999999999996, + "mrr_at_1000": 32.696999999999996, + "mrr_at_20": 32.201, + "mrr_at_3": 28.98, + "mrr_at_5": 30.342000000000002, + "ndcg_at_1": 22.387999999999998, + "ndcg_at_10": 32.129999999999995, + "ndcg_at_100": 38.562999999999995, + "ndcg_at_1000": 40.903, + "ndcg_at_20": 34.652, + "ndcg_at_3": 27.26, + "ndcg_at_5": 29.235, + "precision_at_1": 22.387999999999998, + "precision_at_10": 5.970000000000001, + "precision_at_100": 1.068, + "precision_at_1000": 0.13899999999999998, + "precision_at_20": 3.6999999999999997, + "precision_at_3": 13.267000000000001, + "precision_at_5": 9.403, + "recall_at_1": 17.627000000000002, + "recall_at_10": 44.71, + "recall_at_100": 72.426, + "recall_at_1000": 88.64699999999999, + "recall_at_20": 53.65, + "recall_at_3": 30.989, + "recall_at_5": 36.237, + "main_score": 32.129999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/CQADupstackPhysicsRetrieval.json b/results/jinaai__jina-embeddings-v3/external/CQADupstackPhysicsRetrieval.json new file mode 100644 index 000000000..367057375 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/CQADupstackPhysicsRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "79531abbd1fb92d06c6d6315a0cbbbf5bb247ea4", + "task_name": "CQADupstackPhysicsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.891000000000002, + "map_at_10": 41.519, + "map_at_100": 42.896, + "map_at_1000": 42.992999999999995, + "map_at_20": 42.287, + "map_at_3": 37.822, + "map_at_5": 39.976, + "mrr_at_1": 37.921, + "mrr_at_10": 47.260999999999996, + "mrr_at_100": 48.044, + "mrr_at_1000": 48.08, + "mrr_at_20": 47.699999999999996, + "mrr_at_3": 44.513999999999996, + "mrr_at_5": 46.064, + "ndcg_at_1": 37.921, + "ndcg_at_10": 47.806, + "ndcg_at_100": 53.274, + "ndcg_at_1000": 55.021, + "ndcg_at_20": 49.973, + "ndcg_at_3": 42.046, + "ndcg_at_5": 44.835, + "precision_at_1": 37.921, + "precision_at_10": 8.767999999999999, + "precision_at_100": 1.353, + "precision_at_1000": 0.168, + "precision_at_20": 5.135, + "precision_at_3": 20.051, + "precision_at_5": 14.398, + "recall_at_1": 30.891000000000002, + "recall_at_10": 60.897999999999996, + "recall_at_100": 83.541, + "recall_at_1000": 94.825, + "recall_at_20": 68.356, + "recall_at_3": 44.65, + "recall_at_5": 51.919000000000004, + "main_score": 47.806 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/CQADupstackProgrammersRetrieval.json b/results/jinaai__jina-embeddings-v3/external/CQADupstackProgrammersRetrieval.json new file mode 100644 index 000000000..64bf5f725 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/CQADupstackProgrammersRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "6184bc1440d2dbc7612be22b50686b8826d22b32", + "task_name": "CQADupstackProgrammersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.654, + "map_at_10": 38.025999999999996, + "map_at_100": 39.425, + "map_at_1000": 39.528, + "map_at_20": 38.838, + "map_at_3": 34.745, + "map_at_5": 36.537, + "mrr_at_1": 34.018, + "mrr_at_10": 43.314, + "mrr_at_100": 44.283, + "mrr_at_1000": 44.327, + "mrr_at_20": 43.929, + "mrr_at_3": 40.868, + "mrr_at_5": 42.317, + "ndcg_at_1": 34.018, + "ndcg_at_10": 43.887, + "ndcg_at_100": 49.791000000000004, + "ndcg_at_1000": 51.834, + "ndcg_at_20": 46.376, + "ndcg_at_3": 38.769999999999996, + "ndcg_at_5": 41.144, + "precision_at_1": 34.018, + "precision_at_10": 8.001999999999999, + "precision_at_100": 1.2630000000000001, + "precision_at_1000": 0.16, + "precision_at_20": 4.737, + "precision_at_3": 18.417, + "precision_at_5": 13.150999999999998, + "recall_at_1": 27.654, + "recall_at_10": 56.111, + "recall_at_100": 81.136, + "recall_at_1000": 94.788, + "recall_at_20": 65.068, + "recall_at_3": 41.713, + "recall_at_5": 48.106, + "main_score": 43.887 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/CQADupstackStatsRetrieval.json b/results/jinaai__jina-embeddings-v3/external/CQADupstackStatsRetrieval.json new file mode 100644 index 000000000..aaf816ced --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/CQADupstackStatsRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "65ac3a16b8e91f9cee4c9828cc7c335575432a2a", + "task_name": "CQADupstackStatsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.501, + "map_at_10": 32.814, + "map_at_100": 33.754, + "map_at_1000": 33.859, + "map_at_20": 33.324, + "map_at_3": 30.758000000000003, + "map_at_5": 31.936999999999998, + "mrr_at_1": 27.761000000000003, + "mrr_at_10": 35.662, + "mrr_at_100": 36.443999999999996, + "mrr_at_1000": 36.516999999999996, + "mrr_at_20": 36.085, + "mrr_at_3": 33.742, + "mrr_at_5": 34.931, + "ndcg_at_1": 27.761000000000003, + "ndcg_at_10": 37.208000000000006, + "ndcg_at_100": 41.839, + "ndcg_at_1000": 44.421, + "ndcg_at_20": 38.917, + "ndcg_at_3": 33.544000000000004, + "ndcg_at_5": 35.374, + "precision_at_1": 27.761000000000003, + "precision_at_10": 5.92, + "precision_at_100": 0.899, + "precision_at_1000": 0.12, + "precision_at_20": 3.4130000000000003, + "precision_at_3": 15.031, + "precision_at_5": 10.306999999999999, + "recall_at_1": 24.501, + "recall_at_10": 47.579, + "recall_at_100": 69.045, + "recall_at_1000": 88.032, + "recall_at_20": 54.125, + "recall_at_3": 37.202, + "recall_at_5": 41.927, + "main_score": 37.208000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/CQADupstackTexRetrieval.json b/results/jinaai__jina-embeddings-v3/external/CQADupstackTexRetrieval.json new file mode 100644 index 000000000..906a3dd11 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/CQADupstackTexRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "46989137a86843e03a6195de44b09deda022eec7", + "task_name": "CQADupstackTexRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.29, + "map_at_10": 26.183, + "map_at_100": 27.351999999999997, + "map_at_1000": 27.483999999999998, + "map_at_20": 26.798, + "map_at_3": 23.629, + "map_at_5": 24.937, + "mrr_at_1": 22.299, + "mrr_at_10": 30.189, + "mrr_at_100": 31.098, + "mrr_at_1000": 31.177, + "mrr_at_20": 30.697000000000003, + "mrr_at_3": 27.862, + "mrr_at_5": 29.066, + "ndcg_at_1": 22.299, + "ndcg_at_10": 31.202, + "ndcg_at_100": 36.617, + "ndcg_at_1000": 39.544000000000004, + "ndcg_at_20": 33.177, + "ndcg_at_3": 26.639000000000003, + "ndcg_at_5": 28.526, + "precision_at_1": 22.299, + "precision_at_10": 5.8020000000000005, + "precision_at_100": 1.0070000000000001, + "precision_at_1000": 0.14400000000000002, + "precision_at_20": 3.505, + "precision_at_3": 12.698, + "precision_at_5": 9.174, + "recall_at_1": 18.29, + "recall_at_10": 42.254999999999995, + "recall_at_100": 66.60000000000001, + "recall_at_1000": 87.31400000000001, + "recall_at_20": 49.572, + "recall_at_3": 29.342000000000002, + "recall_at_5": 34.221000000000004, + "main_score": 31.202 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/CQADupstackUnixRetrieval.json b/results/jinaai__jina-embeddings-v3/external/CQADupstackUnixRetrieval.json new file mode 100644 index 000000000..f8c0e1fb9 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/CQADupstackUnixRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "6c6430d3a6d36f8d2a829195bc5dc94d7e063e53", + "task_name": "CQADupstackUnixRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.722, + "map_at_10": 37.698, + "map_at_100": 38.899, + "map_at_1000": 38.998, + "map_at_20": 38.381, + "map_at_3": 34.244, + "map_at_5": 36.295, + "mrr_at_1": 32.183, + "mrr_at_10": 41.429, + "mrr_at_100": 42.308, + "mrr_at_1000": 42.358000000000004, + "mrr_at_20": 41.957, + "mrr_at_3": 38.401999999999994, + "mrr_at_5": 40.294999999999995, + "ndcg_at_1": 32.183, + "ndcg_at_10": 43.519000000000005, + "ndcg_at_100": 48.786, + "ndcg_at_1000": 50.861999999999995, + "ndcg_at_20": 45.654, + "ndcg_at_3": 37.521, + "ndcg_at_5": 40.615, + "precision_at_1": 32.183, + "precision_at_10": 7.603, + "precision_at_100": 1.135, + "precision_at_1000": 0.14200000000000002, + "precision_at_20": 4.408, + "precision_at_3": 17.071, + "precision_at_5": 12.668, + "recall_at_1": 27.722, + "recall_at_10": 57.230000000000004, + "recall_at_100": 79.97999999999999, + "recall_at_1000": 94.217, + "recall_at_20": 64.864, + "recall_at_3": 41.215, + "recall_at_5": 48.774, + "main_score": 43.519000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/CQADupstackWebmastersRetrieval.json b/results/jinaai__jina-embeddings-v3/external/CQADupstackWebmastersRetrieval.json new file mode 100644 index 000000000..fb301a198 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/CQADupstackWebmastersRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "160c094312a0e1facb97e55eeddb698c0abe3571", + "task_name": "CQADupstackWebmastersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.852999999999998, + "map_at_10": 35.394999999999996, + "map_at_100": 37.291999999999994, + "map_at_1000": 37.495, + "map_at_20": 36.372, + "map_at_3": 32.336, + "map_at_5": 34.159, + "mrr_at_1": 31.818, + "mrr_at_10": 40.677, + "mrr_at_100": 41.728, + "mrr_at_1000": 41.778, + "mrr_at_20": 41.301, + "mrr_at_3": 38.208, + "mrr_at_5": 39.592, + "ndcg_at_1": 31.818, + "ndcg_at_10": 41.559000000000005, + "ndcg_at_100": 48.012, + "ndcg_at_1000": 50.234, + "ndcg_at_20": 44.15, + "ndcg_at_3": 36.918, + "ndcg_at_5": 39.227000000000004, + "precision_at_1": 31.818, + "precision_at_10": 8.043, + "precision_at_100": 1.625, + "precision_at_1000": 0.245, + "precision_at_20": 5.2170000000000005, + "precision_at_3": 17.655, + "precision_at_5": 12.845999999999998, + "recall_at_1": 25.852999999999998, + "recall_at_10": 53.093, + "recall_at_100": 81.05799999999999, + "recall_at_1000": 94.657, + "recall_at_20": 62.748000000000005, + "recall_at_3": 39.300000000000004, + "recall_at_5": 45.754, + "main_score": 41.559000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/CQADupstackWordpressRetrieval.json b/results/jinaai__jina-embeddings-v3/external/CQADupstackWordpressRetrieval.json new file mode 100644 index 000000000..03d8da397 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/CQADupstackWordpressRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "4ffe81d471b1924886b33c7567bfb200e9eec5c4", + "task_name": "CQADupstackWordpressRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.23, + "map_at_10": 28.128999999999998, + "map_at_100": 29.195, + "map_at_1000": 29.310000000000002, + "map_at_20": 28.713, + "map_at_3": 25.191000000000003, + "map_at_5": 26.69, + "mrr_at_1": 21.257, + "mrr_at_10": 30.253999999999998, + "mrr_at_100": 31.195, + "mrr_at_1000": 31.270999999999997, + "mrr_at_20": 30.747999999999998, + "mrr_at_3": 27.633999999999997, + "mrr_at_5": 28.937, + "ndcg_at_1": 21.257, + "ndcg_at_10": 33.511, + "ndcg_at_100": 38.733000000000004, + "ndcg_at_1000": 41.489, + "ndcg_at_20": 35.476, + "ndcg_at_3": 27.845, + "ndcg_at_5": 30.264999999999997, + "precision_at_1": 21.257, + "precision_at_10": 5.619, + "precision_at_100": 0.893, + "precision_at_1000": 0.124, + "precision_at_20": 3.29, + "precision_at_3": 12.508, + "precision_at_5": 8.946, + "recall_at_1": 19.23, + "recall_at_10": 48.185, + "recall_at_100": 71.932, + "recall_at_1000": 92.587, + "recall_at_20": 55.533, + "recall_at_3": 32.865, + "recall_at_5": 38.577, + "main_score": 33.511 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/ClimateFEVER.json b/results/jinaai__jina-embeddings-v3/external/ClimateFEVER.json new file mode 100644 index 000000000..0865a2b1f --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/ClimateFEVER.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.594, + "map_at_10": 32.519, + "map_at_100": 34.1, + "map_at_1000": 34.263, + "map_at_20": 33.353, + "map_at_3": 27.898, + "map_at_5": 30.524, + "mrr_at_1": 46.515, + "mrr_at_10": 56.958, + "mrr_at_100": 57.54899999999999, + "mrr_at_1000": 57.574999999999996, + "mrr_at_20": 57.315000000000005, + "mrr_at_3": 54.852999999999994, + "mrr_at_5": 56.153, + "ndcg_at_1": 46.515, + "ndcg_at_10": 42.363, + "ndcg_at_100": 48.233, + "ndcg_at_1000": 50.993, + "ndcg_at_20": 44.533, + "ndcg_at_3": 37.297000000000004, + "ndcg_at_5": 38.911, + "precision_at_1": 46.515, + "precision_at_10": 12.520999999999999, + "precision_at_100": 1.8980000000000001, + "precision_at_1000": 0.242, + "precision_at_20": 7.212000000000001, + "precision_at_3": 27.752, + "precision_at_5": 20.391000000000002, + "recall_at_1": 19.594, + "recall_at_10": 46.539, + "recall_at_100": 66.782, + "recall_at_1000": 82.049, + "recall_at_20": 52.611, + "recall_at_3": 32.528, + "recall_at_5": 38.933, + "main_score": 42.363 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/CmedqaRetrieval.json b/results/jinaai__jina-embeddings-v3/external/CmedqaRetrieval.json new file mode 100644 index 000000000..1cbd092f8 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/CmedqaRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "cd540c506dae1cf9e9a59c3e06f42030d54e7301", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 35.927, + "map_at_1": 20.144000000000002, + "map_at_10": 29.94, + "map_at_100": 31.630000000000003, + "map_at_1000": 31.778000000000002, + "map_at_20": 30.798, + "map_at_3": 26.534999999999997, + "map_at_5": 28.33, + "mrr_at_1": 31.23280820205051, + "mrr_at_10": 38.66781179421835, + "mrr_at_100": 39.656936166081785, + "mrr_at_1000": 39.724602893117414, + "mrr_at_20": 39.21272461558451, + "mrr_at_3": 36.30907726931729, + "mrr_at_5": 37.59814953738436, + "nauc_map_at_1000_diff1": 44.5755334437146, + "nauc_map_at_1000_max": 40.726916781400746, + "nauc_map_at_1000_std": -19.591835061497367, + "nauc_map_at_100_diff1": 44.54542899921038, + "nauc_map_at_100_max": 40.68305902532837, + "nauc_map_at_100_std": -19.658902089283487, + "nauc_map_at_10_diff1": 44.56110529630953, + "nauc_map_at_10_max": 39.89826167846008, + "nauc_map_at_10_std": -20.62910633667902, + "nauc_map_at_1_diff1": 50.82120107004449, + "nauc_map_at_1_max": 33.208851367861584, + "nauc_map_at_1_std": -20.29409730258174, + "nauc_map_at_20_diff1": 44.51171242433788, + "nauc_map_at_20_max": 40.30431132782945, + "nauc_map_at_20_std": -20.290524142792417, + "nauc_map_at_3_diff1": 45.80394138665133, + "nauc_map_at_3_max": 37.766191281426956, + "nauc_map_at_3_std": -21.223601997333876, + "nauc_map_at_5_diff1": 45.00457218474283, + "nauc_map_at_5_max": 38.901044576388365, + "nauc_map_at_5_std": -20.893069613941634, + "nauc_mrr_at_1000_diff1": 50.09855359231429, + "nauc_mrr_at_1000_max": 46.481000170008826, + "nauc_mrr_at_1000_std": -16.053461377096102, + "nauc_mrr_at_100_diff1": 50.08205026347746, + "nauc_mrr_at_100_max": 46.47262126963331, + "nauc_mrr_at_100_std": -16.049112778748693, + "nauc_mrr_at_10_diff1": 50.02363239081706, + "nauc_mrr_at_10_max": 46.39287859062042, + "nauc_mrr_at_10_std": -16.280866744769657, + "nauc_mrr_at_1_diff1": 55.692503735317445, + "nauc_mrr_at_1_max": 47.334834529801014, + "nauc_mrr_at_1_std": -16.985483585693512, + "nauc_mrr_at_20_diff1": 50.07725225722074, + "nauc_mrr_at_20_max": 46.47279295070193, + "nauc_mrr_at_20_std": -16.15168364678318, + "nauc_mrr_at_3_diff1": 51.18685337274134, + "nauc_mrr_at_3_max": 46.7286365021621, + "nauc_mrr_at_3_std": -16.708451287313718, + "nauc_mrr_at_5_diff1": 50.46777237893576, + "nauc_mrr_at_5_max": 46.5352076502249, + "nauc_mrr_at_5_std": -16.557413659905034, + "nauc_ndcg_at_1000_diff1": 43.974299434438066, + "nauc_ndcg_at_1000_max": 43.44628675071857, + "nauc_ndcg_at_1000_std": -15.3495102005021, + "nauc_ndcg_at_100_diff1": 43.336365081508504, + "nauc_ndcg_at_100_max": 43.11345604460776, + "nauc_ndcg_at_100_std": -15.571128070860615, + "nauc_ndcg_at_10_diff1": 43.41266214720136, + "nauc_ndcg_at_10_max": 41.519676787851914, + "nauc_ndcg_at_10_std": -19.217175017223568, + "nauc_ndcg_at_1_diff1": 55.692503735317445, + "nauc_ndcg_at_1_max": 47.334834529801014, + "nauc_ndcg_at_1_std": -16.985483585693512, + "nauc_ndcg_at_20_diff1": 43.351653862834496, + "nauc_ndcg_at_20_max": 42.11608469750499, + "nauc_ndcg_at_20_std": -18.485363540641664, + "nauc_ndcg_at_3_diff1": 45.64193888236677, + "nauc_ndcg_at_3_max": 42.497135099009995, + "nauc_ndcg_at_3_std": -18.764012041130094, + "nauc_ndcg_at_5_diff1": 44.523392133895186, + "nauc_ndcg_at_5_max": 41.564242030096345, + "nauc_ndcg_at_5_std": -19.31080790984941, + "nauc_precision_at_1000_diff1": 6.383464615714393, + "nauc_precision_at_1000_max": 27.439930931284657, + "nauc_precision_at_1000_std": 19.070716188143034, + "nauc_precision_at_100_diff1": 12.599136754501284, + "nauc_precision_at_100_max": 35.886310962337795, + "nauc_precision_at_100_std": 14.06587592659196, + "nauc_precision_at_10_diff1": 25.388891173150206, + "nauc_precision_at_10_max": 46.10269270777384, + "nauc_precision_at_10_std": -5.993803607158499, + "nauc_precision_at_1_diff1": 55.692503735317445, + "nauc_precision_at_1_max": 47.334834529801014, + "nauc_precision_at_1_std": -16.985483585693512, + "nauc_precision_at_20_diff1": 20.984013463099707, + "nauc_precision_at_20_max": 42.9471854616888, + "nauc_precision_at_20_std": -0.8045549929346024, + "nauc_precision_at_3_diff1": 36.191850547148356, + "nauc_precision_at_3_max": 48.09923832376049, + "nauc_precision_at_3_std": -13.159407051271321, + "nauc_precision_at_5_diff1": 31.04967966700407, + "nauc_precision_at_5_max": 47.62867673349624, + "nauc_precision_at_5_std": -10.345790325137353, + "nauc_recall_at_1000_diff1": 11.03436839065707, + "nauc_recall_at_1000_max": 42.32265076651575, + "nauc_recall_at_1000_std": 30.478521053399206, + "nauc_recall_at_100_diff1": 24.788349084510806, + "nauc_recall_at_100_max": 36.72097184821956, + "nauc_recall_at_100_std": -0.2241144179522076, + "nauc_recall_at_10_diff1": 31.613053567704885, + "nauc_recall_at_10_max": 34.4597322828833, + "nauc_recall_at_10_std": -18.00022912690819, + "nauc_recall_at_1_diff1": 50.82120107004449, + "nauc_recall_at_1_max": 33.208851367861584, + "nauc_recall_at_1_std": -20.29409730258174, + "nauc_recall_at_20_diff1": 30.277002670708384, + "nauc_recall_at_20_max": 35.212475675060375, + "nauc_recall_at_20_std": -15.822788854733687, + "nauc_recall_at_3_diff1": 38.87844958322257, + "nauc_recall_at_3_max": 34.66914910044104, + "nauc_recall_at_3_std": -20.234707300209127, + "nauc_recall_at_5_diff1": 35.551139991687776, + "nauc_recall_at_5_max": 34.61009958820695, + "nauc_recall_at_5_std": -19.519180149293444, + "ndcg_at_1": 31.233, + "ndcg_at_10": 35.927, + "ndcg_at_100": 43.037, + "ndcg_at_1000": 45.900999999999996, + "ndcg_at_20": 38.39, + "ndcg_at_3": 31.366, + "ndcg_at_5": 33.108, + "precision_at_1": 31.233, + "precision_at_10": 8.15, + "precision_at_100": 1.402, + "precision_at_1000": 0.17700000000000002, + "precision_at_20": 4.91, + "precision_at_3": 17.871000000000002, + "precision_at_5": 12.948, + "recall_at_1": 20.144000000000002, + "recall_at_10": 44.985, + "recall_at_100": 74.866, + "recall_at_1000": 94.477, + "recall_at_20": 53.37, + "recall_at_3": 31.141000000000002, + "recall_at_5": 36.721 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/Cmnli.json b/results/jinaai__jina-embeddings-v3/external/Cmnli.json new file mode 100644 index 000000000..69926ff35 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/Cmnli.json @@ -0,0 +1,48 @@ +{ + "dataset_revision": "None", + "task_name": "Cmnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 71.25676488274203, + "cos_sim_accuracy_threshold": 78.11152935028076, + "cos_sim_ap": 79.10444825556077, + "cos_sim_f1": 74.10750923266312, + "cos_sim_f1_threshold": 75.2312421798706, + "cos_sim_precision": 66.02083714129044, + "cos_sim_recall": 84.45171849427169, + "dot_accuracy": 68.11785929043896, + "dot_accuracy_threshold": 34783.23974609375, + "dot_ap": 75.80201827987712, + "dot_f1": 72.31670990679349, + "dot_f1_threshold": 31978.036499023438, + "dot_precision": 61.386623164763456, + "dot_recall": 87.98223053542202, + "euclidean_accuracy": 71.41310883944678, + "euclidean_accuracy_threshold": 1374.9353408813477, + "euclidean_ap": 79.23359768836457, + "euclidean_f1": 74.38512297540491, + "euclidean_f1_threshold": 1512.6035690307617, + "euclidean_precision": 64.97816593886463, + "euclidean_recall": 86.97685293429974, + "manhattan_accuracy": 71.32892363199038, + "manhattan_accuracy_threshold": 33340.49072265625, + "manhattan_ap": 79.11973684118587, + "manhattan_f1": 74.29401993355481, + "manhattan_f1_threshold": 36012.52746582031, + "manhattan_precision": 66.81605975723622, + "manhattan_recall": 83.65676876315175, + "max_accuracy": 71.41310883944678, + "max_ap": 79.23359768836457, + "max_f1": 74.38512297540491, + "main_score": 71.41310883944678 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/CovidRetrieval.json b/results/jinaai__jina-embeddings-v3/external/CovidRetrieval.json new file mode 100644 index 000000000..825f9ae3f --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/CovidRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "1271c7809071a13532e05f25fb53511ffce77117", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 78.917, + "map_at_1": 67.281, + "map_at_10": 75.262, + "map_at_100": 75.60900000000001, + "map_at_1000": 75.618, + "map_at_20": 75.50200000000001, + "map_at_3": 73.455, + "map_at_5": 74.657, + "mrr_at_1": 67.43940990516333, + "mrr_at_10": 75.27367989696756, + "mrr_at_100": 75.62029353306437, + "mrr_at_1000": 75.62934741874726, + "mrr_at_20": 75.51356607409173, + "mrr_at_3": 73.5159817351598, + "mrr_at_5": 74.73832103969093, + "nauc_map_at_1000_diff1": 77.26666391867634, + "nauc_map_at_1000_max": 49.928541012203496, + "nauc_map_at_1000_std": -40.494469470474456, + "nauc_map_at_100_diff1": 77.26087423162396, + "nauc_map_at_100_max": 49.944275615664424, + "nauc_map_at_100_std": -40.48299992715398, + "nauc_map_at_10_diff1": 76.97400113500906, + "nauc_map_at_10_max": 49.84177029115674, + "nauc_map_at_10_std": -40.829250876511445, + "nauc_map_at_1_diff1": 81.44050620630395, + "nauc_map_at_1_max": 48.97711944070578, + "nauc_map_at_1_std": -38.963689457570254, + "nauc_map_at_20_diff1": 77.21791353089375, + "nauc_map_at_20_max": 49.958206759079424, + "nauc_map_at_20_std": -40.53067571658996, + "nauc_map_at_3_diff1": 77.3555925208868, + "nauc_map_at_3_max": 49.32158146451256, + "nauc_map_at_3_std": -41.93552426981978, + "nauc_map_at_5_diff1": 77.07099950431504, + "nauc_map_at_5_max": 49.54190504495002, + "nauc_map_at_5_std": -41.814968130918096, + "nauc_mrr_at_1000_diff1": 77.31388774540477, + "nauc_mrr_at_1000_max": 49.96779699175759, + "nauc_mrr_at_1000_std": -40.43739645160277, + "nauc_mrr_at_100_diff1": 77.30817786449413, + "nauc_mrr_at_100_max": 49.982514428937655, + "nauc_mrr_at_100_std": -40.42876582797744, + "nauc_mrr_at_10_diff1": 77.02048060465756, + "nauc_mrr_at_10_max": 49.87937207270602, + "nauc_mrr_at_10_std": -40.77596560333177, + "nauc_mrr_at_1_diff1": 81.27219599516599, + "nauc_mrr_at_1_max": 49.3083394026327, + "nauc_mrr_at_1_std": -38.31023037552026, + "nauc_mrr_at_20_diff1": 77.26497089316055, + "nauc_mrr_at_20_max": 49.996257597621415, + "nauc_mrr_at_20_std": -40.476723608868014, + "nauc_mrr_at_3_diff1": 77.38971294099257, + "nauc_mrr_at_3_max": 49.38110328987404, + "nauc_mrr_at_3_std": -41.7118646715979, + "nauc_mrr_at_5_diff1": 77.08286142519952, + "nauc_mrr_at_5_max": 49.655249374588685, + "nauc_mrr_at_5_std": -41.48173039989406, + "nauc_ndcg_at_1000_diff1": 76.47399204021758, + "nauc_ndcg_at_1000_max": 50.55770139961048, + "nauc_ndcg_at_1000_std": -39.55650430279072, + "nauc_ndcg_at_100_diff1": 76.29355616618253, + "nauc_ndcg_at_100_max": 51.003608112592936, + "nauc_ndcg_at_100_std": -39.24769744605206, + "nauc_ndcg_at_10_diff1": 74.88697528447634, + "nauc_ndcg_at_10_max": 50.398416372815234, + "nauc_ndcg_at_10_std": -40.76526585772833, + "nauc_ndcg_at_1_diff1": 81.27219599516599, + "nauc_ndcg_at_1_max": 49.3083394026327, + "nauc_ndcg_at_1_std": -38.31023037552026, + "nauc_ndcg_at_20_diff1": 75.85463512091866, + "nauc_ndcg_at_20_max": 50.97338683654334, + "nauc_ndcg_at_20_std": -39.353128774903404, + "nauc_ndcg_at_3_diff1": 75.94015726123543, + "nauc_ndcg_at_3_max": 49.22194251063148, + "nauc_ndcg_at_3_std": -43.040457030630435, + "nauc_ndcg_at_5_diff1": 75.19166189770303, + "nauc_ndcg_at_5_max": 49.65696229797189, + "nauc_ndcg_at_5_std": -42.81534909184424, + "nauc_precision_at_1000_diff1": -14.830901395815788, + "nauc_precision_at_1000_max": 19.686297136854623, + "nauc_precision_at_1000_std": 61.19310360166978, + "nauc_precision_at_100_diff1": 20.55469986751769, + "nauc_precision_at_100_max": 50.78431835075583, + "nauc_precision_at_100_std": 31.54986568374813, + "nauc_precision_at_10_diff1": 45.991938532558656, + "nauc_precision_at_10_max": 46.386318595630385, + "nauc_precision_at_10_std": -23.463011435224608, + "nauc_precision_at_1_diff1": 81.27219599516599, + "nauc_precision_at_1_max": 49.3083394026327, + "nauc_precision_at_1_std": -38.31023037552026, + "nauc_precision_at_20_diff1": 41.53180472410822, + "nauc_precision_at_20_max": 49.89800247204318, + "nauc_precision_at_20_std": -2.4192847331537095, + "nauc_precision_at_3_diff1": 67.37504651209993, + "nauc_precision_at_3_max": 47.893537208629496, + "nauc_precision_at_3_std": -43.2362212382819, + "nauc_precision_at_5_diff1": 60.03438883791718, + "nauc_precision_at_5_max": 48.29770502354206, + "nauc_precision_at_5_std": -40.39588448271546, + "nauc_recall_at_1000_diff1": 71.04741174480844, + "nauc_recall_at_1000_max": 93.19056506596002, + "nauc_recall_at_1000_std": 62.96994797650912, + "nauc_recall_at_100_diff1": 65.00418176852641, + "nauc_recall_at_100_max": 85.27352708427193, + "nauc_recall_at_100_std": 2.8812005546518886, + "nauc_recall_at_10_diff1": 61.263254794998865, + "nauc_recall_at_10_max": 54.17618329507141, + "nauc_recall_at_10_std": -39.80603966142593, + "nauc_recall_at_1_diff1": 81.44050620630395, + "nauc_recall_at_1_max": 48.97711944070578, + "nauc_recall_at_1_std": -38.963689457570254, + "nauc_recall_at_20_diff1": 64.42106091745396, + "nauc_recall_at_20_max": 63.10796640821887, + "nauc_recall_at_20_std": -22.60117424572222, + "nauc_recall_at_3_diff1": 70.66311436592945, + "nauc_recall_at_3_max": 48.69498944323469, + "nauc_recall_at_3_std": -47.37847524874532, + "nauc_recall_at_5_diff1": 66.12701111728848, + "nauc_recall_at_5_max": 49.91763957934711, + "nauc_recall_at_5_std": -48.173252920584126, + "ndcg_at_1": 67.43900000000001, + "ndcg_at_10": 78.917, + "ndcg_at_100": 80.53399999999999, + "ndcg_at_1000": 80.768, + "ndcg_at_20": 79.813, + "ndcg_at_3": 75.37, + "ndcg_at_5": 77.551, + "precision_at_1": 67.43900000000001, + "precision_at_10": 9.115, + "precision_at_100": 0.985, + "precision_at_1000": 0.1, + "precision_at_20": 4.737, + "precision_at_3": 27.081, + "precision_at_5": 17.345, + "recall_at_1": 67.281, + "recall_at_10": 90.2, + "recall_at_100": 97.576, + "recall_at_1000": 99.368, + "recall_at_20": 93.783, + "recall_at_3": 80.822, + "recall_at_5": 86.091 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/DBPedia-PL.json b/results/jinaai__jina-embeddings-v3/external/DBPedia-PL.json new file mode 100644 index 000000000..e36e8c8e9 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/DBPedia-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "76afe41d9af165cc40999fcaa92312b8b012064a", + "task_name": "DBPedia-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 34.827000000000005, + "map_at_1": 7.049999999999999, + "map_at_10": 14.982999999999999, + "map_at_100": 20.816000000000003, + "map_at_1000": 22.33, + "map_at_20": 17.272000000000002, + "map_at_3": 10.661, + "map_at_5": 12.498, + "mrr_at_1": 57.25, + "mrr_at_10": 65.81934523809524, + "mrr_at_100": 66.2564203928212, + "mrr_at_1000": 66.27993662923856, + "mrr_at_20": 66.0732139130649, + "mrr_at_3": 64.08333333333333, + "mrr_at_5": 65.27083333333333, + "nauc_map_at_1000_diff1": 16.41780871174038, + "nauc_map_at_1000_max": 30.193946325654654, + "nauc_map_at_1000_std": 31.46095497039037, + "nauc_map_at_100_diff1": 18.57903165498531, + "nauc_map_at_100_max": 29.541476938623262, + "nauc_map_at_100_std": 28.228604103301052, + "nauc_map_at_10_diff1": 24.109434489748946, + "nauc_map_at_10_max": 21.475954208048968, + "nauc_map_at_10_std": 9.964464537806988, + "nauc_map_at_1_diff1": 38.67437644802124, + "nauc_map_at_1_max": 14.52136658726491, + "nauc_map_at_1_std": -2.8981666782088755, + "nauc_map_at_20_diff1": 21.42547228801935, + "nauc_map_at_20_max": 25.04510402960458, + "nauc_map_at_20_std": 16.533079346431155, + "nauc_map_at_3_diff1": 26.63648858245477, + "nauc_map_at_3_max": 13.632235789780415, + "nauc_map_at_3_std": -0.40129174577700716, + "nauc_map_at_5_diff1": 24.513861031197933, + "nauc_map_at_5_max": 16.599888813946688, + "nauc_map_at_5_std": 3.4448514739556346, + "nauc_mrr_at_1000_diff1": 36.57353464537154, + "nauc_mrr_at_1000_max": 55.34763483979515, + "nauc_mrr_at_1000_std": 40.3722796438533, + "nauc_mrr_at_100_diff1": 36.555989566513134, + "nauc_mrr_at_100_max": 55.347805216808396, + "nauc_mrr_at_100_std": 40.38465945075711, + "nauc_mrr_at_10_diff1": 36.771572999261984, + "nauc_mrr_at_10_max": 55.41239897909165, + "nauc_mrr_at_10_std": 40.52058934624793, + "nauc_mrr_at_1_diff1": 38.2472828531032, + "nauc_mrr_at_1_max": 51.528473828685705, + "nauc_mrr_at_1_std": 33.03676467942882, + "nauc_mrr_at_20_diff1": 36.642602571889036, + "nauc_mrr_at_20_max": 55.3763342076553, + "nauc_mrr_at_20_std": 40.41520090500838, + "nauc_mrr_at_3_diff1": 36.79451847426628, + "nauc_mrr_at_3_max": 54.59778581826193, + "nauc_mrr_at_3_std": 39.48392075873095, + "nauc_mrr_at_5_diff1": 36.92150807529304, + "nauc_mrr_at_5_max": 55.03553978718272, + "nauc_mrr_at_5_std": 40.20147745489917, + "nauc_ndcg_at_1000_diff1": 21.843092744321268, + "nauc_ndcg_at_1000_max": 44.93275990394279, + "nauc_ndcg_at_1000_std": 47.09186225236347, + "nauc_ndcg_at_100_diff1": 25.180282568979095, + "nauc_ndcg_at_100_max": 41.737709709508394, + "nauc_ndcg_at_100_std": 38.80950644139446, + "nauc_ndcg_at_10_diff1": 24.108368037214046, + "nauc_ndcg_at_10_max": 41.29298370689967, + "nauc_ndcg_at_10_std": 35.06450769738732, + "nauc_ndcg_at_1_diff1": 35.51010679525079, + "nauc_ndcg_at_1_max": 42.40790024212412, + "nauc_ndcg_at_1_std": 26.696412036243157, + "nauc_ndcg_at_20_diff1": 23.909989673256195, + "nauc_ndcg_at_20_max": 39.78444647091927, + "nauc_ndcg_at_20_std": 33.39544470364529, + "nauc_ndcg_at_3_diff1": 22.50484297956035, + "nauc_ndcg_at_3_max": 39.14551926034168, + "nauc_ndcg_at_3_std": 30.330135925392014, + "nauc_ndcg_at_5_diff1": 21.7798872028265, + "nauc_ndcg_at_5_max": 40.23856975248015, + "nauc_ndcg_at_5_std": 32.438381067440396, + "nauc_precision_at_1000_diff1": -21.62692442272279, + "nauc_precision_at_1000_max": 0.9689046974430882, + "nauc_precision_at_1000_std": 18.54001058230465, + "nauc_precision_at_100_diff1": -10.132258779856192, + "nauc_precision_at_100_max": 23.74516110444681, + "nauc_precision_at_100_std": 47.03416663319965, + "nauc_precision_at_10_diff1": 1.543656509571949, + "nauc_precision_at_10_max": 36.98864812757555, + "nauc_precision_at_10_std": 46.56427199077426, + "nauc_precision_at_1_diff1": 38.2472828531032, + "nauc_precision_at_1_max": 51.528473828685705, + "nauc_precision_at_1_std": 33.03676467942882, + "nauc_precision_at_20_diff1": -4.612864872734335, + "nauc_precision_at_20_max": 34.03565449182125, + "nauc_precision_at_20_std": 48.880727648349534, + "nauc_precision_at_3_diff1": 6.360850444467829, + "nauc_precision_at_3_max": 36.25816942368427, + "nauc_precision_at_3_std": 34.48882647419187, + "nauc_precision_at_5_diff1": 2.6445596936740037, + "nauc_precision_at_5_max": 37.174463388899056, + "nauc_precision_at_5_std": 40.25254370626113, + "nauc_recall_at_1000_diff1": 13.041227176748077, + "nauc_recall_at_1000_max": 39.722336427072094, + "nauc_recall_at_1000_std": 52.04032890059214, + "nauc_recall_at_100_diff1": 18.286096899139153, + "nauc_recall_at_100_max": 34.072389201930314, + "nauc_recall_at_100_std": 37.73637623416653, + "nauc_recall_at_10_diff1": 22.35560419280504, + "nauc_recall_at_10_max": 19.727247199595197, + "nauc_recall_at_10_std": 8.58498575109203, + "nauc_recall_at_1_diff1": 38.67437644802124, + "nauc_recall_at_1_max": 14.52136658726491, + "nauc_recall_at_1_std": -2.8981666782088755, + "nauc_recall_at_20_diff1": 19.026320886902916, + "nauc_recall_at_20_max": 22.753562309469867, + "nauc_recall_at_20_std": 14.89994263882445, + "nauc_recall_at_3_diff1": 23.428129702129684, + "nauc_recall_at_3_max": 10.549153954790542, + "nauc_recall_at_3_std": -1.7590608997055206, + "nauc_recall_at_5_diff1": 21.27448645803921, + "nauc_recall_at_5_max": 13.620279707461677, + "nauc_recall_at_5_std": 2.0577962208292675, + "ndcg_at_1": 46.75, + "ndcg_at_10": 34.827000000000005, + "ndcg_at_100": 38.157999999999994, + "ndcg_at_1000": 44.816, + "ndcg_at_20": 34.152, + "ndcg_at_3": 39.009, + "ndcg_at_5": 36.826, + "precision_at_1": 57.25, + "precision_at_10": 27.575, + "precision_at_100": 8.84, + "precision_at_1000": 1.949, + "precision_at_20": 20.724999999999998, + "precision_at_3": 41.167, + "precision_at_5": 35.199999999999996, + "recall_at_1": 7.049999999999999, + "recall_at_10": 19.817999999999998, + "recall_at_100": 42.559999999999995, + "recall_at_1000": 63.744, + "recall_at_20": 25.968000000000004, + "recall_at_3": 11.959, + "recall_at_5": 14.939 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/DBPedia.json b/results/jinaai__jina-embeddings-v3/external/DBPedia.json new file mode 100644 index 000000000..351c1314c --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/DBPedia.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.041, + "map_at_10": 18.662, + "map_at_100": 26.054, + "map_at_1000": 27.769, + "map_at_20": 21.499, + "map_at_3": 13.628000000000002, + "map_at_5": 15.617, + "mrr_at_1": 67.25, + "mrr_at_10": 74.673, + "mrr_at_100": 75.022, + "mrr_at_1000": 75.031, + "mrr_at_20": 74.895, + "mrr_at_3": 73.042, + "mrr_at_5": 74.179, + "ndcg_at_1": 55.75, + "ndcg_at_10": 41.004000000000005, + "ndcg_at_100": 44.912, + "ndcg_at_1000": 51.946000000000005, + "ndcg_at_20": 40.195, + "ndcg_at_3": 45.803, + "ndcg_at_5": 42.976, + "precision_at_1": 67.25, + "precision_at_10": 31.874999999999996, + "precision_at_100": 10.37, + "precision_at_1000": 2.1430000000000002, + "precision_at_20": 24.275, + "precision_at_3": 48.417, + "precision_at_5": 40.2, + "recall_at_1": 9.041, + "recall_at_10": 23.592, + "recall_at_100": 49.476, + "recall_at_1000": 71.677, + "recall_at_20": 30.153000000000002, + "recall_at_3": 14.777000000000001, + "recall_at_5": 17.829, + "main_score": 41.004000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/DuRetrieval.json b/results/jinaai__jina-embeddings-v3/external/DuRetrieval.json new file mode 100644 index 000000000..98d7b1b91 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/DuRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "a1a333e290fe30b10f3f56498e3a0d911a693ced", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 83.134, + "map_at_1": 23.907999999999998, + "map_at_10": 74.566, + "map_at_100": 77.706, + "map_at_1000": 77.762, + "map_at_20": 76.943, + "map_at_3": 50.971999999999994, + "map_at_5": 64.429, + "mrr_at_1": 84.8, + "mrr_at_10": 89.73218253968246, + "mrr_at_100": 89.82853630655774, + "mrr_at_1000": 89.83170411703153, + "mrr_at_20": 89.79582030091501, + "mrr_at_3": 89.32499999999992, + "mrr_at_5": 89.58749999999992, + "nauc_map_at_1000_diff1": -2.2736020650163717, + "nauc_map_at_1000_max": 45.3937519555142, + "nauc_map_at_1000_std": 10.824778228268581, + "nauc_map_at_100_diff1": -2.2662939752750066, + "nauc_map_at_100_max": 45.423960626031366, + "nauc_map_at_100_std": 10.804239351738717, + "nauc_map_at_10_diff1": 0.9395752585654343, + "nauc_map_at_10_max": 42.53814836940551, + "nauc_map_at_10_std": 0.7199313235265218, + "nauc_map_at_1_diff1": 45.19415865267676, + "nauc_map_at_1_max": -1.7261947382471912, + "nauc_map_at_1_std": -32.16144291613605, + "nauc_map_at_20_diff1": -1.884514152147472, + "nauc_map_at_20_max": 44.830401115927174, + "nauc_map_at_20_std": 8.118530414377219, + "nauc_map_at_3_diff1": 25.678881127059967, + "nauc_map_at_3_max": 12.191400431839758, + "nauc_map_at_3_std": -27.201740587642327, + "nauc_map_at_5_diff1": 13.227128780829572, + "nauc_map_at_5_max": 26.978282739708977, + "nauc_map_at_5_std": -17.555610348070584, + "nauc_mrr_at_1000_diff1": 21.073512437502178, + "nauc_mrr_at_1000_max": 64.9680257861005, + "nauc_mrr_at_1000_std": 19.626288754404293, + "nauc_mrr_at_100_diff1": 21.074637426957732, + "nauc_mrr_at_100_max": 64.97612675661915, + "nauc_mrr_at_100_std": 19.649504127800878, + "nauc_mrr_at_10_diff1": 21.12003267626651, + "nauc_mrr_at_10_max": 65.24362289059766, + "nauc_mrr_at_10_std": 19.92351276180984, + "nauc_mrr_at_1_diff1": 22.711430629147635, + "nauc_mrr_at_1_max": 58.4059429497403, + "nauc_mrr_at_1_std": 11.967886722567973, + "nauc_mrr_at_20_diff1": 20.98220830510272, + "nauc_mrr_at_20_max": 65.05737535197835, + "nauc_mrr_at_20_std": 19.66672900782771, + "nauc_mrr_at_3_diff1": 20.924796220048528, + "nauc_mrr_at_3_max": 65.71388669932584, + "nauc_mrr_at_3_std": 20.05912197134477, + "nauc_mrr_at_5_diff1": 20.61978649468208, + "nauc_mrr_at_5_max": 65.50709154526211, + "nauc_mrr_at_5_std": 20.241434276181838, + "nauc_ndcg_at_1000_diff1": 0.25363171946133656, + "nauc_ndcg_at_1000_max": 54.12840465309885, + "nauc_ndcg_at_1000_std": 20.749184325412546, + "nauc_ndcg_at_100_diff1": 0.15649430250272792, + "nauc_ndcg_at_100_max": 54.47995322413234, + "nauc_ndcg_at_100_std": 21.266786634233267, + "nauc_ndcg_at_10_diff1": 0.14579250840386346, + "nauc_ndcg_at_10_max": 49.8643037948353, + "nauc_ndcg_at_10_std": 12.960701643914216, + "nauc_ndcg_at_1_diff1": 22.711430629147635, + "nauc_ndcg_at_1_max": 58.4059429497403, + "nauc_ndcg_at_1_std": 11.967886722567973, + "nauc_ndcg_at_20_diff1": -0.6701559981776763, + "nauc_ndcg_at_20_max": 52.95443437012488, + "nauc_ndcg_at_20_std": 16.708883972005758, + "nauc_ndcg_at_3_diff1": -0.19084922341962388, + "nauc_ndcg_at_3_max": 46.2110230886874, + "nauc_ndcg_at_3_std": 13.363250229683038, + "nauc_ndcg_at_5_diff1": 0.9840019268192548, + "nauc_ndcg_at_5_max": 43.56594891798146, + "nauc_ndcg_at_5_std": 8.577017104088146, + "nauc_precision_at_1000_diff1": -30.779179091501145, + "nauc_precision_at_1000_max": 16.056094258615673, + "nauc_precision_at_1000_std": 49.96303902363283, + "nauc_precision_at_100_diff1": -31.583236638899585, + "nauc_precision_at_100_max": 19.16571713603373, + "nauc_precision_at_100_std": 51.870647903980036, + "nauc_precision_at_10_diff1": -35.62134572732597, + "nauc_precision_at_10_max": 31.6935186494612, + "nauc_precision_at_10_std": 46.68659723766723, + "nauc_precision_at_1_diff1": 22.711430629147635, + "nauc_precision_at_1_max": 58.4059429497403, + "nauc_precision_at_1_std": 11.967886722567973, + "nauc_precision_at_20_diff1": -33.875460046920495, + "nauc_precision_at_20_max": 24.188420133566442, + "nauc_precision_at_20_std": 50.02387762958483, + "nauc_precision_at_3_diff1": -28.875998450906827, + "nauc_precision_at_3_max": 44.77058831167941, + "nauc_precision_at_3_std": 31.77993710437207, + "nauc_precision_at_5_diff1": -34.92525440306491, + "nauc_precision_at_5_max": 39.855219917077086, + "nauc_precision_at_5_std": 37.95432046169299, + "nauc_recall_at_1000_diff1": -14.293309371874733, + "nauc_recall_at_1000_max": 59.06948692482579, + "nauc_recall_at_1000_std": 62.586254868312686, + "nauc_recall_at_100_diff1": -4.344100947212704, + "nauc_recall_at_100_max": 58.42120421043602, + "nauc_recall_at_100_std": 46.48562009316997, + "nauc_recall_at_10_diff1": 0.04948662912161709, + "nauc_recall_at_10_max": 42.42809687119093, + "nauc_recall_at_10_std": 0.6892504250411409, + "nauc_recall_at_1_diff1": 45.19415865267676, + "nauc_recall_at_1_max": -1.7261947382471912, + "nauc_recall_at_1_std": -32.16144291613605, + "nauc_recall_at_20_diff1": -7.634587864605111, + "nauc_recall_at_20_max": 49.21327187174134, + "nauc_recall_at_20_std": 16.408481068336346, + "nauc_recall_at_3_diff1": 24.72546591038644, + "nauc_recall_at_3_max": 6.620763400972902, + "nauc_recall_at_3_std": -29.994703323331684, + "nauc_recall_at_5_diff1": 12.65527364845842, + "nauc_recall_at_5_max": 20.400121385794694, + "nauc_recall_at_5_std": -22.34284568447213, + "ndcg_at_1": 84.8, + "ndcg_at_10": 83.134, + "ndcg_at_100": 86.628, + "ndcg_at_1000": 87.151, + "ndcg_at_20": 85.092, + "ndcg_at_3": 81.228, + "ndcg_at_5": 80.2, + "precision_at_1": 84.8, + "precision_at_10": 40.394999999999996, + "precision_at_100": 4.745, + "precision_at_1000": 0.488, + "precision_at_20": 22.245, + "precision_at_3": 73.25, + "precision_at_5": 61.86000000000001, + "recall_at_1": 23.907999999999998, + "recall_at_10": 85.346, + "recall_at_100": 96.515, + "recall_at_1000": 99.156, + "recall_at_20": 91.377, + "recall_at_3": 54.135, + "recall_at_5": 70.488 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/EcomRetrieval.json b/results/jinaai__jina-embeddings-v3/external/EcomRetrieval.json new file mode 100644 index 000000000..45a53a238 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/EcomRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "687de13dc7294d6fd9be10c6945f9e8fec8166b9", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 60.887, + "map_at_1": 46.6, + "map_at_10": 56.035000000000004, + "map_at_100": 56.741, + "map_at_1000": 56.764, + "map_at_20": 56.513999999999996, + "map_at_3": 53.733, + "map_at_5": 54.913000000000004, + "mrr_at_1": 46.6, + "mrr_at_10": 56.034523809523776, + "mrr_at_100": 56.74056360434383, + "mrr_at_1000": 56.76373487222486, + "mrr_at_20": 56.51374873879128, + "mrr_at_3": 53.73333333333328, + "mrr_at_5": 54.91333333333327, + "nauc_map_at_1000_diff1": 65.13546939953387, + "nauc_map_at_1000_max": 43.358890946774494, + "nauc_map_at_1000_std": -9.973282105235036, + "nauc_map_at_100_diff1": 65.12449309472493, + "nauc_map_at_100_max": 43.377100882923145, + "nauc_map_at_100_std": -9.971781228240555, + "nauc_map_at_10_diff1": 64.83020018537475, + "nauc_map_at_10_max": 43.25969482323034, + "nauc_map_at_10_std": -10.120272176001547, + "nauc_map_at_1_diff1": 69.58727592100516, + "nauc_map_at_1_max": 38.236494689522026, + "nauc_map_at_1_std": -14.833390831689597, + "nauc_map_at_20_diff1": 65.01159809914586, + "nauc_map_at_20_max": 43.33440319829618, + "nauc_map_at_20_std": -10.039958228659726, + "nauc_map_at_3_diff1": 65.2396323885909, + "nauc_map_at_3_max": 42.26904017378952, + "nauc_map_at_3_std": -11.793017036934044, + "nauc_map_at_5_diff1": 64.96397227898036, + "nauc_map_at_5_max": 43.231333789145424, + "nauc_map_at_5_std": -10.349933732151372, + "nauc_mrr_at_1000_diff1": 65.13546939953387, + "nauc_mrr_at_1000_max": 43.358890946774494, + "nauc_mrr_at_1000_std": -9.973282105235036, + "nauc_mrr_at_100_diff1": 65.12449309472493, + "nauc_mrr_at_100_max": 43.377100882923145, + "nauc_mrr_at_100_std": -9.971781228240555, + "nauc_mrr_at_10_diff1": 64.83020018537475, + "nauc_mrr_at_10_max": 43.25969482323034, + "nauc_mrr_at_10_std": -10.120272176001547, + "nauc_mrr_at_1_diff1": 69.58727592100516, + "nauc_mrr_at_1_max": 38.236494689522026, + "nauc_mrr_at_1_std": -14.833390831689597, + "nauc_mrr_at_20_diff1": 65.01159809914586, + "nauc_mrr_at_20_max": 43.33440319829618, + "nauc_mrr_at_20_std": -10.039958228659726, + "nauc_mrr_at_3_diff1": 65.2396323885909, + "nauc_mrr_at_3_max": 42.26904017378952, + "nauc_mrr_at_3_std": -11.793017036934044, + "nauc_mrr_at_5_diff1": 64.96397227898036, + "nauc_mrr_at_5_max": 43.231333789145424, + "nauc_mrr_at_5_std": -10.349933732151372, + "nauc_ndcg_at_1000_diff1": 64.26802655199876, + "nauc_ndcg_at_1000_max": 45.854310744745185, + "nauc_ndcg_at_1000_std": -6.184417305204082, + "nauc_ndcg_at_100_diff1": 63.99268329609827, + "nauc_ndcg_at_100_max": 46.31270128748375, + "nauc_ndcg_at_100_std": -6.1393433180558965, + "nauc_ndcg_at_10_diff1": 62.6735104141137, + "nauc_ndcg_at_10_max": 45.54954799462398, + "nauc_ndcg_at_10_std": -7.348851199024871, + "nauc_ndcg_at_1_diff1": 69.58727592100516, + "nauc_ndcg_at_1_max": 38.236494689522026, + "nauc_ndcg_at_1_std": -14.833390831689597, + "nauc_ndcg_at_20_diff1": 63.25899651677274, + "nauc_ndcg_at_20_max": 45.952196968886014, + "nauc_ndcg_at_20_std": -6.807607465125713, + "nauc_ndcg_at_3_diff1": 63.65618337476822, + "nauc_ndcg_at_3_max": 43.507890965228945, + "nauc_ndcg_at_3_std": -10.73845622217601, + "nauc_ndcg_at_5_diff1": 63.079162432921855, + "nauc_ndcg_at_5_max": 45.38303443868148, + "nauc_ndcg_at_5_std": -8.063657824835534, + "nauc_precision_at_1000_diff1": 63.01459977930557, + "nauc_precision_at_1000_max": 92.4253034547151, + "nauc_precision_at_1000_std": 84.4845513963158, + "nauc_precision_at_100_diff1": 57.17217119405878, + "nauc_precision_at_100_max": 80.70049725316484, + "nauc_precision_at_100_std": 41.78392287147403, + "nauc_precision_at_10_diff1": 53.115665404390725, + "nauc_precision_at_10_max": 55.73825657341263, + "nauc_precision_at_10_std": 5.406226305013257, + "nauc_precision_at_1_diff1": 69.58727592100516, + "nauc_precision_at_1_max": 38.236494689522026, + "nauc_precision_at_1_std": -14.833390831689597, + "nauc_precision_at_20_diff1": 53.77730697622828, + "nauc_precision_at_20_max": 61.88170819253054, + "nauc_precision_at_20_std": 13.678730470003856, + "nauc_precision_at_3_diff1": 58.580196992291455, + "nauc_precision_at_3_max": 47.404834585376626, + "nauc_precision_at_3_std": -7.374978769024051, + "nauc_precision_at_5_diff1": 56.44564652606437, + "nauc_precision_at_5_max": 53.08973975162324, + "nauc_precision_at_5_std": 0.22762700141423803, + "nauc_recall_at_1000_diff1": 63.01459977930565, + "nauc_recall_at_1000_max": 92.42530345471532, + "nauc_recall_at_1000_std": 84.48455139631602, + "nauc_recall_at_100_diff1": 57.17217119405904, + "nauc_recall_at_100_max": 80.70049725316468, + "nauc_recall_at_100_std": 41.783922871474275, + "nauc_recall_at_10_diff1": 53.11566540439087, + "nauc_recall_at_10_max": 55.738256573412656, + "nauc_recall_at_10_std": 5.406226305013377, + "nauc_recall_at_1_diff1": 69.58727592100516, + "nauc_recall_at_1_max": 38.236494689522026, + "nauc_recall_at_1_std": -14.833390831689597, + "nauc_recall_at_20_diff1": 53.77730697622846, + "nauc_recall_at_20_max": 61.881708192530525, + "nauc_recall_at_20_std": 13.678730470003947, + "nauc_recall_at_3_diff1": 58.5801969922914, + "nauc_recall_at_3_max": 47.40483458537654, + "nauc_recall_at_3_std": -7.37497876902413, + "nauc_recall_at_5_diff1": 56.445646526064394, + "nauc_recall_at_5_max": 53.08973975162332, + "nauc_recall_at_5_std": 0.22762700141428024, + "ndcg_at_1": 46.6, + "ndcg_at_10": 60.887, + "ndcg_at_100": 64.18199999999999, + "ndcg_at_1000": 64.726, + "ndcg_at_20": 62.614999999999995, + "ndcg_at_3": 56.038, + "ndcg_at_5": 58.150999999999996, + "precision_at_1": 46.6, + "precision_at_10": 7.630000000000001, + "precision_at_100": 0.914, + "precision_at_1000": 0.096, + "precision_at_20": 4.154999999999999, + "precision_at_3": 20.9, + "precision_at_5": 13.56, + "recall_at_1": 46.6, + "recall_at_10": 76.3, + "recall_at_100": 91.4, + "recall_at_1000": 95.6, + "recall_at_20": 83.1, + "recall_at_3": 62.7, + "recall_at_5": 67.80000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/EmotionClassification.json b/results/jinaai__jina-embeddings-v3/external/EmotionClassification.json new file mode 100644 index 000000000..6a305aa7b --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/EmotionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.29999999999998, + "f1": 67.71473706580302, + "f1_weighted": 74.83537255312045, + "main_score": 73.29999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/FEVER.json b/results/jinaai__jina-embeddings-v3/external/FEVER.json new file mode 100644 index 000000000..0b79a9d9f --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/FEVER.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 78.371, + "map_at_10": 85.762, + "map_at_100": 85.954, + "map_at_1000": 85.966, + "map_at_20": 85.887, + "map_at_3": 84.854, + "map_at_5": 85.408, + "mrr_at_1": 84.443, + "mrr_at_10": 90.432, + "mrr_at_100": 90.483, + "mrr_at_1000": 90.484, + "mrr_at_20": 90.473, + "mrr_at_3": 89.89399999999999, + "mrr_at_5": 90.244, + "ndcg_at_1": 84.443, + "ndcg_at_10": 89.05499999999999, + "ndcg_at_100": 89.68, + "ndcg_at_1000": 89.87899999999999, + "ndcg_at_20": 89.381, + "ndcg_at_3": 87.73100000000001, + "ndcg_at_5": 88.425, + "precision_at_1": 84.443, + "precision_at_10": 10.520999999999999, + "precision_at_100": 1.103, + "precision_at_1000": 0.11399999999999999, + "precision_at_20": 5.362, + "precision_at_3": 33.198, + "precision_at_5": 20.441000000000003, + "recall_at_1": 78.371, + "recall_at_10": 94.594, + "recall_at_100": 96.97099999999999, + "recall_at_1000": 98.18, + "recall_at_20": 95.707, + "recall_at_3": 90.853, + "recall_at_5": 92.74799999999999, + "main_score": 89.05499999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/FiQA-PL.json b/results/jinaai__jina-embeddings-v3/external/FiQA-PL.json new file mode 100644 index 000000000..009494f90 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/FiQA-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "2e535829717f8bf9dc829b7f911cc5bbd4e6608e", + "task_name": "FiQA-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 38.828, + "map_at_1": 19.126, + "map_at_10": 31.002000000000002, + "map_at_100": 32.736, + "map_at_1000": 32.933, + "map_at_20": 31.894, + "map_at_3": 26.583000000000002, + "map_at_5": 28.904000000000003, + "mrr_at_1": 37.808641975308646, + "mrr_at_10": 46.36745541838134, + "mrr_at_100": 47.14140915794908, + "mrr_at_1000": 47.190701435388846, + "mrr_at_20": 46.81387776440309, + "mrr_at_3": 43.750000000000014, + "mrr_at_5": 45.23919753086418, + "nauc_map_at_1000_diff1": 38.5532285881503, + "nauc_map_at_1000_max": 34.44383884813453, + "nauc_map_at_1000_std": -1.3963497949476722, + "nauc_map_at_100_diff1": 38.49292464176943, + "nauc_map_at_100_max": 34.33752755618645, + "nauc_map_at_100_std": -1.4794032905848582, + "nauc_map_at_10_diff1": 38.26061536370962, + "nauc_map_at_10_max": 33.16977912721411, + "nauc_map_at_10_std": -2.3853370604730393, + "nauc_map_at_1_diff1": 46.288767289528344, + "nauc_map_at_1_max": 25.67706785013364, + "nauc_map_at_1_std": -6.989769609924645, + "nauc_map_at_20_diff1": 38.507270129330685, + "nauc_map_at_20_max": 33.70963328055982, + "nauc_map_at_20_std": -1.9835510011554272, + "nauc_map_at_3_diff1": 39.81061518646884, + "nauc_map_at_3_max": 30.101186374147748, + "nauc_map_at_3_std": -4.027120247237715, + "nauc_map_at_5_diff1": 38.55602589746512, + "nauc_map_at_5_max": 31.515174267015983, + "nauc_map_at_5_std": -3.4064239358570303, + "nauc_mrr_at_1000_diff1": 45.030514454725726, + "nauc_mrr_at_1000_max": 43.878919881666164, + "nauc_mrr_at_1000_std": 2.517594250297626, + "nauc_mrr_at_100_diff1": 45.00868212878687, + "nauc_mrr_at_100_max": 43.87437011120001, + "nauc_mrr_at_100_std": 2.5257874265014966, + "nauc_mrr_at_10_diff1": 44.855044606754056, + "nauc_mrr_at_10_max": 43.946617058785186, + "nauc_mrr_at_10_std": 2.5173751662794044, + "nauc_mrr_at_1_diff1": 49.441510997817346, + "nauc_mrr_at_1_max": 43.08547383044357, + "nauc_mrr_at_1_std": -1.8747770703324347, + "nauc_mrr_at_20_diff1": 45.019880416584215, + "nauc_mrr_at_20_max": 43.85691473662242, + "nauc_mrr_at_20_std": 2.4625487605091303, + "nauc_mrr_at_3_diff1": 45.322041658604036, + "nauc_mrr_at_3_max": 43.95079293074395, + "nauc_mrr_at_3_std": 2.4644274393435737, + "nauc_mrr_at_5_diff1": 44.99461837803437, + "nauc_mrr_at_5_max": 43.97934275090601, + "nauc_mrr_at_5_std": 2.5353091695125096, + "nauc_ndcg_at_1000_diff1": 39.38449023275524, + "nauc_ndcg_at_1000_max": 39.48382767312788, + "nauc_ndcg_at_1000_std": 3.414789408343409, + "nauc_ndcg_at_100_diff1": 38.29675861135578, + "nauc_ndcg_at_100_max": 38.2674786507297, + "nauc_ndcg_at_100_std": 2.7094055381218207, + "nauc_ndcg_at_10_diff1": 38.09514955708717, + "nauc_ndcg_at_10_max": 36.664923238906525, + "nauc_ndcg_at_10_std": 0.6901410544967921, + "nauc_ndcg_at_1_diff1": 49.441510997817346, + "nauc_ndcg_at_1_max": 43.08547383044357, + "nauc_ndcg_at_1_std": -1.8747770703324347, + "nauc_ndcg_at_20_diff1": 38.44967736231759, + "nauc_ndcg_at_20_max": 36.871179313622584, + "nauc_ndcg_at_20_std": 1.157560360065234, + "nauc_ndcg_at_3_diff1": 39.02419271805571, + "nauc_ndcg_at_3_max": 37.447669442586324, + "nauc_ndcg_at_3_std": 0.41502589779297794, + "nauc_ndcg_at_5_diff1": 38.10233452742001, + "nauc_ndcg_at_5_max": 35.816381905465676, + "nauc_ndcg_at_5_std": -0.3704499913387088, + "nauc_precision_at_1000_diff1": 2.451267097838658, + "nauc_precision_at_1000_max": 29.116394969085306, + "nauc_precision_at_1000_std": 14.85900786538363, + "nauc_precision_at_100_diff1": 8.10919082251277, + "nauc_precision_at_100_max": 36.28388256191417, + "nauc_precision_at_100_std": 14.830039904317657, + "nauc_precision_at_10_diff1": 15.02446609920477, + "nauc_precision_at_10_max": 41.008463775454054, + "nauc_precision_at_10_std": 10.431403152334486, + "nauc_precision_at_1_diff1": 49.441510997817346, + "nauc_precision_at_1_max": 43.08547383044357, + "nauc_precision_at_1_std": -1.8747770703324347, + "nauc_precision_at_20_diff1": 14.222022201169926, + "nauc_precision_at_20_max": 40.10189643835305, + "nauc_precision_at_20_std": 12.204443815975527, + "nauc_precision_at_3_diff1": 25.41905395341234, + "nauc_precision_at_3_max": 41.56133905339819, + "nauc_precision_at_3_std": 5.575516915590082, + "nauc_precision_at_5_diff1": 20.20081221089351, + "nauc_precision_at_5_max": 40.95218555916681, + "nauc_precision_at_5_std": 7.2040745500708745, + "nauc_recall_at_1000_diff1": 28.021198234033395, + "nauc_recall_at_1000_max": 36.165148684597504, + "nauc_recall_at_1000_std": 28.28852356008973, + "nauc_recall_at_100_diff1": 21.882447802741897, + "nauc_recall_at_100_max": 26.979684607567222, + "nauc_recall_at_100_std": 9.783658817010082, + "nauc_recall_at_10_diff1": 28.493097951178818, + "nauc_recall_at_10_max": 29.40937476550134, + "nauc_recall_at_10_std": 2.7593763576979353, + "nauc_recall_at_1_diff1": 46.288767289528344, + "nauc_recall_at_1_max": 25.67706785013364, + "nauc_recall_at_1_std": -6.989769609924645, + "nauc_recall_at_20_diff1": 27.638381299425234, + "nauc_recall_at_20_max": 27.942035836106328, + "nauc_recall_at_20_std": 3.489835161380808, + "nauc_recall_at_3_diff1": 33.90054781392646, + "nauc_recall_at_3_max": 27.778812533030322, + "nauc_recall_at_3_std": -0.03054068020022706, + "nauc_recall_at_5_diff1": 30.279060732221346, + "nauc_recall_at_5_max": 27.49854749597931, + "nauc_recall_at_5_std": 0.5434664581939099, + "ndcg_at_1": 37.809, + "ndcg_at_10": 38.828, + "ndcg_at_100": 45.218, + "ndcg_at_1000": 48.510999999999996, + "ndcg_at_20": 41.11, + "ndcg_at_3": 34.466, + "ndcg_at_5": 35.843, + "precision_at_1": 37.809, + "precision_at_10": 11.157, + "precision_at_100": 1.762, + "precision_at_1000": 0.233, + "precision_at_20": 6.497, + "precision_at_3": 23.044999999999998, + "precision_at_5": 17.284, + "recall_at_1": 19.126, + "recall_at_10": 46.062, + "recall_at_100": 70.22800000000001, + "recall_at_1000": 89.803, + "recall_at_20": 53.217999999999996, + "recall_at_3": 30.847, + "recall_at_5": 37.11 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/FiQA2018.json b/results/jinaai__jina-embeddings-v3/external/FiQA2018.json new file mode 100644 index 000000000..67d0507c9 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/FiQA2018.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.810000000000002, + "map_at_10": 39.051, + "map_at_100": 41.231, + "map_at_1000": 41.376000000000005, + "map_at_20": 40.227000000000004, + "map_at_3": 33.915, + "map_at_5": 36.459, + "mrr_at_1": 48.148, + "mrr_at_10": 55.765, + "mrr_at_100": 56.495, + "mrr_at_1000": 56.525999999999996, + "mrr_at_20": 56.213, + "mrr_at_3": 53.086, + "mrr_at_5": 54.513999999999996, + "ndcg_at_1": 48.148, + "ndcg_at_10": 47.349999999999994, + "ndcg_at_100": 54.61899999999999, + "ndcg_at_1000": 56.830000000000005, + "ndcg_at_20": 50.143, + "ndcg_at_3": 43.108000000000004, + "ndcg_at_5": 44.023, + "precision_at_1": 48.148, + "precision_at_10": 13.441, + "precision_at_100": 2.085, + "precision_at_1000": 0.248, + "precision_at_20": 7.870000000000001, + "precision_at_3": 28.909000000000002, + "precision_at_5": 20.957, + "recall_at_1": 23.810000000000002, + "recall_at_10": 54.303000000000004, + "recall_at_100": 81.363, + "recall_at_1000": 94.391, + "recall_at_20": 63.056999999999995, + "recall_at_3": 38.098, + "recall_at_5": 44.414, + "main_score": 47.349999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/GeoreviewClassification.json b/results/jinaai__jina-embeddings-v3/external/GeoreviewClassification.json new file mode 100644 index 000000000..a4dd6e8ce --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/GeoreviewClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3765c0d1de6b7d264bc459433c45e5a75513839c", + "task_name": "GeoreviewClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 48.0126953125, + "f1": 47.65764016160488, + "f1_weighted": 47.65701659482088, + "main_score": 48.0126953125 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/GeoreviewClusteringP2P.json b/results/jinaai__jina-embeddings-v3/external/GeoreviewClusteringP2P.json new file mode 100644 index 000000000..735e07624 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/GeoreviewClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "97a313c8fc85b47f13f33e7e9a95c1ad888c7fec", + "task_name": "GeoreviewClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "main_score": 73.62357853672266, + "v_measure": 73.62357853672266, + "v_measure_std": 0.5942247545535766 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/GerDaLIR.json b/results/jinaai__jina-embeddings-v3/external/GerDaLIR.json new file mode 100644 index 000000000..26279c43c --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/GerDaLIR.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "0bb47f1d73827e96964edb84dfe552f62f4fd5eb", + "task_name": "GerDaLIR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "deu-Latn" + ], + "main_score": 16.227, + "map_at_1": 8.082, + "map_at_10": 12.959999999999999, + "map_at_100": 13.923, + "map_at_1000": 14.030999999999999, + "map_at_20": 13.453000000000001, + "map_at_3": 11.018, + "map_at_5": 12.056000000000001, + "mrr_at_1": 8.993332249146203, + "mrr_at_10": 13.994013092850247, + "mrr_at_100": 14.913737673149308, + "mrr_at_1000": 15.00843809934407, + "mrr_at_20": 14.470268462334007, + "mrr_at_3": 12.000596302921846, + "mrr_at_5": 13.070689000921561, + "nauc_map_at_1000_diff1": 28.559639584013286, + "nauc_map_at_1000_max": 25.533800126086714, + "nauc_map_at_1000_std": 9.826551026628666, + "nauc_map_at_100_diff1": 28.544724499331696, + "nauc_map_at_100_max": 25.46734324526386, + "nauc_map_at_100_std": 9.739314481785591, + "nauc_map_at_10_diff1": 28.77447517718118, + "nauc_map_at_10_max": 24.7431615237795, + "nauc_map_at_10_std": 8.349878188033646, + "nauc_map_at_1_diff1": 37.405452629895514, + "nauc_map_at_1_max": 24.444208978394023, + "nauc_map_at_1_std": 4.043820373810528, + "nauc_map_at_20_diff1": 28.69764217789062, + "nauc_map_at_20_max": 25.111848355996496, + "nauc_map_at_20_std": 9.034829905305918, + "nauc_map_at_3_diff1": 30.89053285076882, + "nauc_map_at_3_max": 24.862886115911152, + "nauc_map_at_3_std": 6.654260832396586, + "nauc_map_at_5_diff1": 29.230629676604263, + "nauc_map_at_5_max": 24.374302288018583, + "nauc_map_at_5_std": 7.341846952319046, + "nauc_mrr_at_1000_diff1": 28.086147932781426, + "nauc_mrr_at_1000_max": 25.98698528264653, + "nauc_mrr_at_1000_std": 9.917554348624545, + "nauc_mrr_at_100_diff1": 28.069163279791336, + "nauc_mrr_at_100_max": 25.949440010886804, + "nauc_mrr_at_100_std": 9.874340979732578, + "nauc_mrr_at_10_diff1": 28.239920869530046, + "nauc_mrr_at_10_max": 25.351271409498576, + "nauc_mrr_at_10_std": 8.669862759875162, + "nauc_mrr_at_1_diff1": 35.96543040207856, + "nauc_mrr_at_1_max": 25.488936487231967, + "nauc_mrr_at_1_std": 4.76439131038345, + "nauc_mrr_at_20_diff1": 28.18865871284607, + "nauc_mrr_at_20_max": 25.67121763344746, + "nauc_mrr_at_20_std": 9.297910707519472, + "nauc_mrr_at_3_diff1": 30.166714199740717, + "nauc_mrr_at_3_max": 25.541792491964877, + "nauc_mrr_at_3_std": 7.083090296398472, + "nauc_mrr_at_5_diff1": 28.68475284656478, + "nauc_mrr_at_5_max": 24.994071363482835, + "nauc_mrr_at_5_std": 7.687507254902365, + "nauc_ndcg_at_1000_diff1": 25.292792613586467, + "nauc_ndcg_at_1000_max": 29.211905289377178, + "nauc_ndcg_at_1000_std": 18.088867467320355, + "nauc_ndcg_at_100_diff1": 25.026905011089152, + "nauc_ndcg_at_100_max": 27.98822281254431, + "nauc_ndcg_at_100_std": 16.69456904301902, + "nauc_ndcg_at_10_diff1": 25.972279051109503, + "nauc_ndcg_at_10_max": 24.86486482734957, + "nauc_ndcg_at_10_std": 10.398605822106353, + "nauc_ndcg_at_1_diff1": 36.134710485184826, + "nauc_ndcg_at_1_max": 25.384572790326025, + "nauc_ndcg_at_1_std": 4.591863033771824, + "nauc_ndcg_at_20_diff1": 25.850033660205536, + "nauc_ndcg_at_20_max": 25.944243193140515, + "nauc_ndcg_at_20_std": 12.392409721204892, + "nauc_ndcg_at_3_diff1": 29.1966056380018, + "nauc_ndcg_at_3_max": 24.978843156259913, + "nauc_ndcg_at_3_std": 7.353914459205087, + "nauc_ndcg_at_5_diff1": 26.795315295756282, + "nauc_ndcg_at_5_max": 24.1196789150412, + "nauc_ndcg_at_5_std": 8.311970988265172, + "nauc_precision_at_1000_diff1": 9.128270550217984, + "nauc_precision_at_1000_max": 35.79286915973607, + "nauc_precision_at_1000_std": 39.15669472887154, + "nauc_precision_at_100_diff1": 14.770289799034384, + "nauc_precision_at_100_max": 34.58262232264337, + "nauc_precision_at_100_std": 34.101148102981384, + "nauc_precision_at_10_diff1": 19.899104673118178, + "nauc_precision_at_10_max": 26.636940338985625, + "nauc_precision_at_10_std": 15.73871357255849, + "nauc_precision_at_1_diff1": 36.134710485184826, + "nauc_precision_at_1_max": 25.384572790326025, + "nauc_precision_at_1_std": 4.591863033771824, + "nauc_precision_at_20_diff1": 19.423457975148942, + "nauc_precision_at_20_max": 29.58123490878582, + "nauc_precision_at_20_std": 20.847850110821618, + "nauc_precision_at_3_diff1": 24.986416623492918, + "nauc_precision_at_3_max": 25.973548400472975, + "nauc_precision_at_3_std": 9.486410455972823, + "nauc_precision_at_5_diff1": 21.237741424923332, + "nauc_precision_at_5_max": 24.647141028200164, + "nauc_precision_at_5_std": 11.102785032334147, + "nauc_recall_at_1000_diff1": 15.999714888817829, + "nauc_recall_at_1000_max": 44.34701908906545, + "nauc_recall_at_1000_std": 51.13471291594717, + "nauc_recall_at_100_diff1": 17.401714890483706, + "nauc_recall_at_100_max": 33.39042631654808, + "nauc_recall_at_100_std": 33.944446168451584, + "nauc_recall_at_10_diff1": 20.30036232399894, + "nauc_recall_at_10_max": 24.006718284396786, + "nauc_recall_at_10_std": 14.049375108518669, + "nauc_recall_at_1_diff1": 37.405452629895514, + "nauc_recall_at_1_max": 24.444208978394023, + "nauc_recall_at_1_std": 4.043820373810528, + "nauc_recall_at_20_diff1": 20.23582802609045, + "nauc_recall_at_20_max": 26.408063410785243, + "nauc_recall_at_20_std": 18.617479515468112, + "nauc_recall_at_3_diff1": 25.53221830103098, + "nauc_recall_at_3_max": 24.283712329152678, + "nauc_recall_at_3_std": 8.428947805841867, + "nauc_recall_at_5_diff1": 21.741499601020823, + "nauc_recall_at_5_max": 22.754924586295296, + "nauc_recall_at_5_std": 9.966736688169814, + "ndcg_at_1": 8.977, + "ndcg_at_10": 16.227, + "ndcg_at_100": 21.417, + "ndcg_at_1000": 24.451, + "ndcg_at_20": 17.982, + "ndcg_at_3": 12.206999999999999, + "ndcg_at_5": 14.059, + "precision_at_1": 8.977, + "precision_at_10": 2.933, + "precision_at_100": 0.59, + "precision_at_1000": 0.087, + "precision_at_20": 1.8599999999999999, + "precision_at_3": 5.550999999999999, + "precision_at_5": 4.340999999999999, + "recall_at_1": 8.082, + "recall_at_10": 25.52, + "recall_at_100": 50.32, + "recall_at_1000": 74.021, + "recall_at_20": 32.229, + "recall_at_3": 14.66, + "recall_at_5": 19.062 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/GermanDPR.json b/results/jinaai__jina-embeddings-v3/external/GermanDPR.json new file mode 100644 index 000000000..fe4ac3f4f --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/GermanDPR.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "5129d02422a66be600ac89cd3e8531b4f97d347d", + "task_name": "GermanDPR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "deu-Latn" + ], + "main_score": 82.422, + "map_at_1": 64.39, + "map_at_10": 77.273, + "map_at_100": 77.375, + "map_at_1000": 77.376, + "map_at_20": 77.351, + "map_at_3": 75.46300000000001, + "map_at_5": 76.878, + "mrr_at_1": 64.19512195121952, + "mrr_at_10": 77.15842044134736, + "mrr_at_100": 77.2604854308704, + "mrr_at_1000": 77.26087882190109, + "mrr_at_20": 77.23572154560611, + "mrr_at_3": 75.34959349593504, + "mrr_at_5": 76.76422764227652, + "nauc_map_at_1000_diff1": 49.73135253389972, + "nauc_map_at_1000_max": 8.665570717396145, + "nauc_map_at_1000_std": -25.920927572114522, + "nauc_map_at_100_diff1": 49.729170775336605, + "nauc_map_at_100_max": 8.66717979705074, + "nauc_map_at_100_std": -25.918338868918596, + "nauc_map_at_10_diff1": 49.708681691445925, + "nauc_map_at_10_max": 8.830640635692113, + "nauc_map_at_10_std": -25.843238986304858, + "nauc_map_at_1_diff1": 51.750022350988914, + "nauc_map_at_1_max": 3.599863010364626, + "nauc_map_at_1_std": -27.670122127567314, + "nauc_map_at_20_diff1": 49.72609185887161, + "nauc_map_at_20_max": 8.766556053409218, + "nauc_map_at_20_std": -25.85975887517904, + "nauc_map_at_3_diff1": 49.328512536255595, + "nauc_map_at_3_max": 9.475682028996795, + "nauc_map_at_3_std": -26.277349632171017, + "nauc_map_at_5_diff1": 49.42801822186142, + "nauc_map_at_5_max": 8.788822474357252, + "nauc_map_at_5_std": -25.959260882028573, + "nauc_mrr_at_1000_diff1": 50.13038598302397, + "nauc_mrr_at_1000_max": 8.734338637484832, + "nauc_mrr_at_1000_std": -26.653343549855908, + "nauc_mrr_at_100_diff1": 50.12820392111392, + "nauc_mrr_at_100_max": 8.735940503917966, + "nauc_mrr_at_100_std": -26.65074918231251, + "nauc_mrr_at_10_diff1": 50.10567888458267, + "nauc_mrr_at_10_max": 8.898451291748575, + "nauc_mrr_at_10_std": -26.572046921975655, + "nauc_mrr_at_1_diff1": 52.22769994409465, + "nauc_mrr_at_1_max": 3.6490820146062015, + "nauc_mrr_at_1_std": -28.535100562320498, + "nauc_mrr_at_20_diff1": 50.12462222100699, + "nauc_mrr_at_20_max": 8.83487018268756, + "nauc_mrr_at_20_std": -26.591437036958332, + "nauc_mrr_at_3_diff1": 49.6987353700016, + "nauc_mrr_at_3_max": 9.531003760756258, + "nauc_mrr_at_3_std": -26.949799063124818, + "nauc_mrr_at_5_diff1": 49.823881656376585, + "nauc_mrr_at_5_max": 8.850404667985085, + "nauc_mrr_at_5_std": -26.680008966088582, + "nauc_ndcg_at_1000_diff1": 49.41721203361181, + "nauc_ndcg_at_1000_max": 9.41093067609825, + "nauc_ndcg_at_1000_std": -25.499543637737567, + "nauc_ndcg_at_100_diff1": 49.32810419509252, + "nauc_ndcg_at_100_max": 9.476216458766897, + "nauc_ndcg_at_100_std": -25.393856250990414, + "nauc_ndcg_at_10_diff1": 49.181984436623694, + "nauc_ndcg_at_10_max": 10.65234732763274, + "nauc_ndcg_at_10_std": -24.737669349012297, + "nauc_ndcg_at_1_diff1": 51.750022350988914, + "nauc_ndcg_at_1_max": 3.599863010364626, + "nauc_ndcg_at_1_std": -27.670122127567314, + "nauc_ndcg_at_20_diff1": 49.275394594995056, + "nauc_ndcg_at_20_max": 10.402059796651923, + "nauc_ndcg_at_20_std": -24.82329915806705, + "nauc_ndcg_at_3_diff1": 48.22614352152889, + "nauc_ndcg_at_3_max": 11.67464280791404, + "nauc_ndcg_at_3_std": -25.867824868234095, + "nauc_ndcg_at_5_diff1": 48.35583502987241, + "nauc_ndcg_at_5_max": 10.494278750448451, + "nauc_ndcg_at_5_std": -25.11599634172764, + "nauc_precision_at_1000_diff1": NaN, + "nauc_precision_at_1000_max": NaN, + "nauc_precision_at_1000_std": NaN, + "nauc_precision_at_100_diff1": -56.39478136433852, + "nauc_precision_at_100_max": 86.93518577529493, + "nauc_precision_at_100_std": 100.0, + "nauc_precision_at_10_diff1": 38.662829729133094, + "nauc_precision_at_10_max": 56.38018435740605, + "nauc_precision_at_10_std": 6.288091897081105, + "nauc_precision_at_1_diff1": 51.750022350988914, + "nauc_precision_at_1_max": 3.599863010364626, + "nauc_precision_at_1_std": -27.670122127567314, + "nauc_precision_at_20_diff1": 34.739153182429085, + "nauc_precision_at_20_max": 84.86908403000989, + "nauc_precision_at_20_std": 29.156199421219455, + "nauc_precision_at_3_diff1": 42.09287362529135, + "nauc_precision_at_3_max": 23.629152759287074, + "nauc_precision_at_3_std": -23.721376911302492, + "nauc_precision_at_5_diff1": 36.03866171924644, + "nauc_precision_at_5_max": 29.166173558775327, + "nauc_precision_at_5_std": -15.096374563068448, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": -56.39478136433541, + "nauc_recall_at_100_max": 86.93518577528111, + "nauc_recall_at_100_std": 100.0, + "nauc_recall_at_10_diff1": 38.66282972913384, + "nauc_recall_at_10_max": 56.3801843574071, + "nauc_recall_at_10_std": 6.288091897082639, + "nauc_recall_at_1_diff1": 51.750022350988914, + "nauc_recall_at_1_max": 3.599863010364626, + "nauc_recall_at_1_std": -27.670122127567314, + "nauc_recall_at_20_diff1": 34.7391531824321, + "nauc_recall_at_20_max": 84.86908403001016, + "nauc_recall_at_20_std": 29.156199421220748, + "nauc_recall_at_3_diff1": 42.09287362529107, + "nauc_recall_at_3_max": 23.629152759286946, + "nauc_recall_at_3_std": -23.72137691130291, + "nauc_recall_at_5_diff1": 36.0386617192469, + "nauc_recall_at_5_max": 29.1661735587759, + "nauc_recall_at_5_std": -15.09637456306774, + "ndcg_at_1": 64.39, + "ndcg_at_10": 82.422, + "ndcg_at_100": 82.86099999999999, + "ndcg_at_1000": 82.87299999999999, + "ndcg_at_20": 82.67999999999999, + "ndcg_at_3": 78.967, + "ndcg_at_5": 81.50699999999999, + "precision_at_1": 64.39, + "precision_at_10": 9.795, + "precision_at_100": 0.9990000000000001, + "precision_at_1000": 0.1, + "precision_at_20": 4.946, + "precision_at_3": 29.691000000000003, + "precision_at_5": 19.044, + "recall_at_1": 64.39, + "recall_at_10": 97.951, + "recall_at_100": 99.902, + "recall_at_1000": 100.0, + "recall_at_20": 98.92699999999999, + "recall_at_3": 89.07300000000001, + "recall_at_5": 95.22 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/GermanQuAD-Retrieval.json b/results/jinaai__jina-embeddings-v3/external/GermanQuAD-Retrieval.json new file mode 100644 index 000000000..7c0e470ad --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/GermanQuAD-Retrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f5c87ae5a2e7a5106606314eef45255f03151bb3", + "task_name": "GermanQuAD-Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "deu-Latn" + ], + "main_score": 94.15532365396247, + "map_at_1": 90.789, + "map_at_10": 94.24, + "map_at_100": 94.283, + "map_at_1000": 94.284, + "map_at_20": 94.272, + "map_at_3": 93.913, + "map_at_5": 94.155, + "mrr_at_1": 90.78947368421053, + "mrr_at_10": 94.23987411056376, + "mrr_at_100": 94.28320936825, + "mrr_at_1000": 94.28350209115848, + "mrr_at_20": 94.271919092559, + "mrr_at_3": 93.91258318209313, + "mrr_at_5": 94.15532365396247, + "nauc_map_at_1000_diff1": 89.29089310650436, + "nauc_map_at_1000_max": 73.83868784032414, + "nauc_map_at_1000_std": -11.635778561889989, + "nauc_map_at_100_diff1": 89.29077225707755, + "nauc_map_at_100_max": 73.84002740580378, + "nauc_map_at_100_std": -11.644096256165092, + "nauc_map_at_10_diff1": 89.29117612292366, + "nauc_map_at_10_max": 73.97487984981221, + "nauc_map_at_10_std": -11.35191794373827, + "nauc_map_at_1_diff1": 89.35436544117584, + "nauc_map_at_1_max": 70.35936815057701, + "nauc_map_at_1_std": -13.598996360976903, + "nauc_map_at_20_diff1": 89.2530394052653, + "nauc_map_at_20_max": 73.83537529419839, + "nauc_map_at_20_std": -11.628272822028478, + "nauc_map_at_3_diff1": 89.375111893546, + "nauc_map_at_3_max": 74.78900366026112, + "nauc_map_at_3_std": -12.720905253503274, + "nauc_map_at_5_diff1": 89.35358300820893, + "nauc_map_at_5_max": 74.31996219723239, + "nauc_map_at_5_std": -10.768642638210867, + "nauc_mrr_at_1000_diff1": 89.29089310650436, + "nauc_mrr_at_1000_max": 73.83868784032414, + "nauc_mrr_at_1000_std": -11.635778561889989, + "nauc_mrr_at_100_diff1": 89.29077225707755, + "nauc_mrr_at_100_max": 73.84002740580378, + "nauc_mrr_at_100_std": -11.644096256165092, + "nauc_mrr_at_10_diff1": 89.29117612292366, + "nauc_mrr_at_10_max": 73.97487984981221, + "nauc_mrr_at_10_std": -11.35191794373827, + "nauc_mrr_at_1_diff1": 89.35436544117584, + "nauc_mrr_at_1_max": 70.35936815057701, + "nauc_mrr_at_1_std": -13.598996360976903, + "nauc_mrr_at_20_diff1": 89.2530394052653, + "nauc_mrr_at_20_max": 73.83537529419839, + "nauc_mrr_at_20_std": -11.628272822028478, + "nauc_mrr_at_3_diff1": 89.375111893546, + "nauc_mrr_at_3_max": 74.78900366026112, + "nauc_mrr_at_3_std": -12.720905253503274, + "nauc_mrr_at_5_diff1": 89.35358300820893, + "nauc_mrr_at_5_max": 74.31996219723239, + "nauc_mrr_at_5_std": -10.768642638210867, + "nauc_ndcg_at_1000_diff1": 89.27620775856863, + "nauc_ndcg_at_1000_max": 74.2985757362615, + "nauc_ndcg_at_1000_std": -11.236142819703023, + "nauc_ndcg_at_100_diff1": 89.27284787540731, + "nauc_ndcg_at_100_max": 74.33539303365968, + "nauc_ndcg_at_100_std": -11.469413615851936, + "nauc_ndcg_at_10_diff1": 89.21496710661724, + "nauc_ndcg_at_10_max": 75.02035398490516, + "nauc_ndcg_at_10_std": -9.903255803665814, + "nauc_ndcg_at_1_diff1": 89.35436544117584, + "nauc_ndcg_at_1_max": 70.35936815057701, + "nauc_ndcg_at_1_std": -13.598996360976903, + "nauc_ndcg_at_20_diff1": 89.03561289544179, + "nauc_ndcg_at_20_max": 74.4006766600049, + "nauc_ndcg_at_20_std": -11.129237862587743, + "nauc_ndcg_at_3_diff1": 89.46540193201693, + "nauc_ndcg_at_3_max": 76.87093548368378, + "nauc_ndcg_at_3_std": -12.484902872086767, + "nauc_ndcg_at_5_diff1": 89.39924941584766, + "nauc_ndcg_at_5_max": 75.96975269092722, + "nauc_ndcg_at_5_std": -8.180295581144833, + "nauc_precision_at_1000_diff1": 100.0, + "nauc_precision_at_1000_max": 100.0, + "nauc_precision_at_1000_std": 100.0, + "nauc_precision_at_100_diff1": 86.93074003795302, + "nauc_precision_at_100_max": 100.0, + "nauc_precision_at_100_std": -174.07785375176616, + "nauc_precision_at_10_diff1": 87.43064119412082, + "nauc_precision_at_10_max": 90.60785783417448, + "nauc_precision_at_10_std": 15.378710059645906, + "nauc_precision_at_1_diff1": 89.35436544117584, + "nauc_precision_at_1_max": 70.35936815057701, + "nauc_precision_at_1_std": -13.598996360976903, + "nauc_precision_at_20_diff1": 78.78206037685919, + "nauc_precision_at_20_max": 82.52264166455923, + "nauc_precision_at_20_std": -5.95806599216658, + "nauc_precision_at_3_diff1": 90.12709256456401, + "nauc_precision_at_3_max": 90.72678805838154, + "nauc_precision_at_3_std": -11.047599315631993, + "nauc_precision_at_5_diff1": 89.9066873566561, + "nauc_precision_at_5_max": 93.51571626543664, + "nauc_precision_at_5_std": 22.632403279126162, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": 86.93074003793416, + "nauc_recall_at_100_max": 100.0, + "nauc_recall_at_100_std": -174.07785375175723, + "nauc_recall_at_10_diff1": 87.43064119411991, + "nauc_recall_at_10_max": 90.60785783417579, + "nauc_recall_at_10_std": 15.378710059643607, + "nauc_recall_at_1_diff1": 89.35436544117584, + "nauc_recall_at_1_max": 70.35936815057701, + "nauc_recall_at_1_std": -13.598996360976903, + "nauc_recall_at_20_diff1": 78.78206037685645, + "nauc_recall_at_20_max": 82.52264166455791, + "nauc_recall_at_20_std": -5.958065992168697, + "nauc_recall_at_3_diff1": 90.12709256456463, + "nauc_recall_at_3_max": 90.7267880583832, + "nauc_recall_at_3_std": -11.047599315631881, + "nauc_recall_at_5_diff1": 89.90668735665676, + "nauc_recall_at_5_max": 93.51571626543753, + "nauc_recall_at_5_std": 22.632403279126112, + "ndcg_at_1": 90.789, + "ndcg_at_10": 95.46, + "ndcg_at_100": 95.652, + "ndcg_at_1000": 95.659, + "ndcg_at_20": 95.575, + "ndcg_at_3": 94.82000000000001, + "ndcg_at_5": 95.26400000000001, + "precision_at_1": 90.789, + "precision_at_10": 9.908999999999999, + "precision_at_100": 1.0, + "precision_at_1000": 0.1, + "precision_at_20": 4.977, + "precision_at_3": 32.471, + "precision_at_5": 19.701, + "recall_at_1": 90.789, + "recall_at_10": 99.093, + "recall_at_100": 99.955, + "recall_at_1000": 100.0, + "recall_at_20": 99.546, + "recall_at_3": 97.414, + "recall_at_5": 98.503 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/GermanSTSBenchmark.json b/results/jinaai__jina-embeddings-v3/external/GermanSTSBenchmark.json new file mode 100644 index 000000000..85477a531 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/GermanSTSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e36907544d44c3a247898ed81540310442329e20", + "task_name": "GermanSTSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "deu-Latn" + ], + "cosine_pearson": 86.55319003300265, + "cosine_spearman": 87.50267373081324, + "euclidean_pearson": 87.41630636501863, + "euclidean_spearman": 88.02170803409365, + "main_score": 87.50267373081324, + "manhattan_pearson": 87.33703179056744, + "manhattan_spearman": 87.99192826922514, + "pearson": 86.55319003300265, + "spearman": 87.50267373081324 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/HALClusteringS2S.json b/results/jinaai__jina-embeddings-v3/external/HALClusteringS2S.json new file mode 100644 index 000000000..4a1249e77 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/HALClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e06ebbbb123f8144bef1a5d18796f3dec9ae2915", + "task_name": "HALClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "main_score": 27.477557517301303, + "v_measure": 27.477557517301303, + "v_measure_std": 3.3525736581861336 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/HeadlineClassification.json b/results/jinaai__jina-embeddings-v3/external/HeadlineClassification.json new file mode 100644 index 000000000..26f3065b9 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/HeadlineClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "2fe05ee6b5832cda29f2ef7aaad7b7fe6a3609eb", + "task_name": "HeadlineClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 75.0830078125, + "f1": 75.08863209267814, + "f1_weighted": 75.08895979060917, + "main_score": 75.0830078125 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/HotpotQA-PL.json b/results/jinaai__jina-embeddings-v3/external/HotpotQA-PL.json new file mode 100644 index 000000000..ee6f03a7a --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/HotpotQA-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "a0bd479ac97b4ccb5bd6ce320c415d0bb4beb907", + "task_name": "HotpotQA-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 60.27, + "map_at_1": 35.199000000000005, + "map_at_10": 51.369, + "map_at_100": 52.212, + "map_at_1000": 52.28, + "map_at_20": 51.864, + "map_at_3": 48.446, + "map_at_5": 50.302, + "mrr_at_1": 70.39837947332883, + "mrr_at_10": 76.8346141067273, + "mrr_at_100": 77.10724392048137, + "mrr_at_1000": 77.12037412892865, + "mrr_at_20": 77.01061532947222, + "mrr_at_3": 75.5908170155299, + "mrr_at_5": 76.39095205941899, + "nauc_map_at_1000_diff1": 24.701387884989117, + "nauc_map_at_1000_max": 23.25553235642178, + "nauc_map_at_1000_std": 7.1803506915661774, + "nauc_map_at_100_diff1": 24.674498622483103, + "nauc_map_at_100_max": 23.234948525052175, + "nauc_map_at_100_std": 7.168677997105447, + "nauc_map_at_10_diff1": 24.676025039755626, + "nauc_map_at_10_max": 23.171971872726964, + "nauc_map_at_10_std": 6.485610909852058, + "nauc_map_at_1_diff1": 68.90178464319715, + "nauc_map_at_1_max": 46.05537868917558, + "nauc_map_at_1_std": 1.7658552480698708, + "nauc_map_at_20_diff1": 24.69297151842494, + "nauc_map_at_20_max": 23.213064691673637, + "nauc_map_at_20_std": 6.9357946556849, + "nauc_map_at_3_diff1": 26.279128947950507, + "nauc_map_at_3_max": 23.929537354117922, + "nauc_map_at_3_std": 4.625061565714759, + "nauc_map_at_5_diff1": 25.04448959482816, + "nauc_map_at_5_max": 23.432012857899338, + "nauc_map_at_5_std": 5.845744681998008, + "nauc_mrr_at_1000_diff1": 66.7503918108276, + "nauc_mrr_at_1000_max": 48.42897342336844, + "nauc_mrr_at_1000_std": 5.3097517971144415, + "nauc_mrr_at_100_diff1": 66.74645215862695, + "nauc_mrr_at_100_max": 48.4368663009989, + "nauc_mrr_at_100_std": 5.322297898555188, + "nauc_mrr_at_10_diff1": 66.69310166180729, + "nauc_mrr_at_10_max": 48.475437698330225, + "nauc_mrr_at_10_std": 5.258183461631702, + "nauc_mrr_at_1_diff1": 68.90178464319715, + "nauc_mrr_at_1_max": 46.05537868917558, + "nauc_mrr_at_1_std": 1.7658552480698708, + "nauc_mrr_at_20_diff1": 66.72000262431975, + "nauc_mrr_at_20_max": 48.45593642981319, + "nauc_mrr_at_20_std": 5.353665929072101, + "nauc_mrr_at_3_diff1": 66.84936676396276, + "nauc_mrr_at_3_max": 48.466611276778295, + "nauc_mrr_at_3_std": 4.485810398557475, + "nauc_mrr_at_5_diff1": 66.62362565394174, + "nauc_mrr_at_5_max": 48.456431835482014, + "nauc_mrr_at_5_std": 5.08482458391903, + "nauc_ndcg_at_1000_diff1": 29.984825173719443, + "nauc_ndcg_at_1000_max": 27.289179238639893, + "nauc_ndcg_at_1000_std": 10.661480455527526, + "nauc_ndcg_at_100_diff1": 29.322074257047877, + "nauc_ndcg_at_100_max": 26.850650276220605, + "nauc_ndcg_at_100_std": 10.599247982501902, + "nauc_ndcg_at_10_diff1": 29.659909113886094, + "nauc_ndcg_at_10_max": 26.836139599331005, + "nauc_ndcg_at_10_std": 8.12844399452719, + "nauc_ndcg_at_1_diff1": 68.90178464319715, + "nauc_ndcg_at_1_max": 46.05537868917558, + "nauc_ndcg_at_1_std": 1.7658552480698708, + "nauc_ndcg_at_20_diff1": 29.510802214854294, + "nauc_ndcg_at_20_max": 26.775562637730722, + "nauc_ndcg_at_20_std": 9.341342661702363, + "nauc_ndcg_at_3_diff1": 32.741885846292966, + "nauc_ndcg_at_3_max": 28.44225108761343, + "nauc_ndcg_at_3_std": 5.204440768465042, + "nauc_ndcg_at_5_diff1": 30.57856348635919, + "nauc_ndcg_at_5_max": 27.475007474301698, + "nauc_ndcg_at_5_std": 6.961546044312487, + "nauc_precision_at_1000_diff1": 0.002113156309413332, + "nauc_precision_at_1000_max": 11.198242419541286, + "nauc_precision_at_1000_std": 28.69676419166541, + "nauc_precision_at_100_diff1": 3.6049575557782627, + "nauc_precision_at_100_max": 12.499173524574791, + "nauc_precision_at_100_std": 23.3755281004721, + "nauc_precision_at_10_diff1": 10.922574784853193, + "nauc_precision_at_10_max": 16.23221529562036, + "nauc_precision_at_10_std": 12.45014808813857, + "nauc_precision_at_1_diff1": 68.90178464319715, + "nauc_precision_at_1_max": 46.05537868917558, + "nauc_precision_at_1_std": 1.7658552480698708, + "nauc_precision_at_20_diff1": 8.840710781302827, + "nauc_precision_at_20_max": 14.804644554205524, + "nauc_precision_at_20_std": 16.245009770815237, + "nauc_precision_at_3_diff1": 19.447291487137573, + "nauc_precision_at_3_max": 21.47123471597057, + "nauc_precision_at_3_std": 6.441862800128802, + "nauc_precision_at_5_diff1": 14.078545719721108, + "nauc_precision_at_5_max": 18.468288046016387, + "nauc_precision_at_5_std": 9.58650641691393, + "nauc_recall_at_1000_diff1": 0.0021131563095336584, + "nauc_recall_at_1000_max": 11.198242419541558, + "nauc_recall_at_1000_std": 28.6967641916655, + "nauc_recall_at_100_diff1": 3.6049575557781393, + "nauc_recall_at_100_max": 12.499173524574765, + "nauc_recall_at_100_std": 23.375528100472074, + "nauc_recall_at_10_diff1": 10.922574784853168, + "nauc_recall_at_10_max": 16.2322152956203, + "nauc_recall_at_10_std": 12.450148088138535, + "nauc_recall_at_1_diff1": 68.90178464319715, + "nauc_recall_at_1_max": 46.05537868917558, + "nauc_recall_at_1_std": 1.7658552480698708, + "nauc_recall_at_20_diff1": 8.840710781302905, + "nauc_recall_at_20_max": 14.804644554205515, + "nauc_recall_at_20_std": 16.245009770815273, + "nauc_recall_at_3_diff1": 19.447291487137498, + "nauc_recall_at_3_max": 21.47123471597054, + "nauc_recall_at_3_std": 6.441862800128763, + "nauc_recall_at_5_diff1": 14.07854571972115, + "nauc_recall_at_5_max": 18.468288046016337, + "nauc_recall_at_5_std": 9.586506416913904, + "ndcg_at_1": 70.39800000000001, + "ndcg_at_10": 60.27, + "ndcg_at_100": 63.400999999999996, + "ndcg_at_1000": 64.847, + "ndcg_at_20": 61.571, + "ndcg_at_3": 55.875, + "ndcg_at_5": 58.36599999999999, + "precision_at_1": 70.39800000000001, + "precision_at_10": 12.46, + "precision_at_100": 1.493, + "precision_at_1000": 0.169, + "precision_at_20": 6.65, + "precision_at_3": 35.062, + "precision_at_5": 23.009, + "recall_at_1": 35.199000000000005, + "recall_at_10": 62.302, + "recall_at_100": 74.666, + "recall_at_1000": 84.355, + "recall_at_20": 66.496, + "recall_at_3": 52.593, + "recall_at_5": 57.522 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/HotpotQA.json b/results/jinaai__jina-embeddings-v3/external/HotpotQA.json new file mode 100644 index 000000000..36ad8f0f0 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/HotpotQA.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.143, + "map_at_10": 55.916999999999994, + "map_at_100": 56.706, + "map_at_1000": 56.77100000000001, + "map_at_20": 56.367, + "map_at_3": 53.111, + "map_at_5": 54.839000000000006, + "mrr_at_1": 76.286, + "mrr_at_10": 81.879, + "mrr_at_100": 82.09100000000001, + "mrr_at_1000": 82.101, + "mrr_at_20": 82.01, + "mrr_at_3": 80.972, + "mrr_at_5": 81.537, + "ndcg_at_1": 76.286, + "ndcg_at_10": 64.673, + "ndcg_at_100": 67.527, + "ndcg_at_1000": 68.857, + "ndcg_at_20": 65.822, + "ndcg_at_3": 60.616, + "ndcg_at_5": 62.827999999999996, + "precision_at_1": 76.286, + "precision_at_10": 13.196, + "precision_at_100": 1.544, + "precision_at_1000": 0.172, + "precision_at_20": 6.968000000000001, + "precision_at_3": 37.992, + "precision_at_5": 24.54, + "recall_at_1": 38.143, + "recall_at_10": 65.982, + "recall_at_100": 77.225, + "recall_at_1000": 86.077, + "recall_at_20": 69.68299999999999, + "recall_at_3": 56.989000000000004, + "recall_at_5": 61.35, + "main_score": 64.673 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/IFlyTek.json b/results/jinaai__jina-embeddings-v3/external/IFlyTek.json new file mode 100644 index 000000000..ea7b4ef05 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/IFlyTek.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "421605374b29664c5fc098418fe20ada9bd55f8a", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 41.67756829549827, + "f1": 33.929325579581636, + "f1_weighted": 43.03952025643197, + "main_score": 41.67756829549827 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/ImdbClassification.json b/results/jinaai__jina-embeddings-v3/external/ImdbClassification.json new file mode 100644 index 000000000..05587719f --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/ImdbClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.90440000000001, + "ap": 88.78663714603425, + "ap_weighted": 88.78663714603425, + "f1": 91.89564361975891, + "f1_weighted": 91.89564361975891, + "main_score": 91.90440000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/InappropriatenessClassification.json b/results/jinaai__jina-embeddings-v3/external/InappropriatenessClassification.json new file mode 100644 index 000000000..3464eba22 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/InappropriatenessClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "601651fdc45ef243751676e62dd7a19f491c0285", + "task_name": "InappropriatenessClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 61.0498046875, + "ap": 57.04240566648215, + "ap_weighted": 57.04240566648215, + "f1": 60.867630038606954, + "f1_weighted": 60.867630038606954, + "main_score": 61.0498046875 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/JDReview.json b/results/jinaai__jina-embeddings-v3/external/JDReview.json new file mode 100644 index 000000000..5f71ee752 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/JDReview.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "b7c64bd89eb87f8ded463478346f76731f07bf8b", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 83.50844277673546, + "ap": 48.46732380712268, + "ap_weighted": 48.46732380712268, + "f1": 77.43967451387445, + "f1_weighted": 84.78462929014114, + "main_score": 83.50844277673546 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/KinopoiskClassification.json b/results/jinaai__jina-embeddings-v3/external/KinopoiskClassification.json new file mode 100644 index 000000000..1c7f2b819 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/KinopoiskClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "5911f26666ac11af46cb9c6849d0dc80a378af24", + "task_name": "KinopoiskClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 62.393333333333324, + "f1": 61.35940129568015, + "f1_weighted": 61.35940129568015, + "main_score": 62.393333333333324 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/LCQMC.json b/results/jinaai__jina-embeddings-v3/external/LCQMC.json new file mode 100644 index 000000000..cd7ebd277 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/LCQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "17f9b096f80380fce5ed12a9be8be7784b337daf", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 67.74375505907872, + "cosine_spearman": 75.94582231399434, + "euclidean_pearson": 74.52501692443582, + "euclidean_spearman": 75.88428434746646, + "main_score": 75.94582231399434, + "manhattan_pearson": 74.55015441749529, + "manhattan_spearman": 75.83288262176175, + "pearson": 67.74375505907872, + "spearman": 75.94582231399434 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/LEMBNarrativeQARetrieval.json b/results/jinaai__jina-embeddings-v3/external/LEMBNarrativeQARetrieval.json new file mode 100644 index 000000000..5a09264cd --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/LEMBNarrativeQARetrieval.json @@ -0,0 +1,266 @@ +{ + "dataset_revision": "6e346642246bfb4928c560ee08640dc84d074e8c", + "task_name": "LEMBNarrativeQARetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.093, + "map_at_10": 30.227999999999998, + "map_at_100": 31.423000000000002, + "map_at_1000": 31.533, + "map_at_20": 30.835, + "map_at_3": 27.983999999999998, + "map_at_5": 29.253, + "mrr_at_1": 23.093, + "mrr_at_10": 30.227999999999998, + "mrr_at_100": 31.423000000000002, + "mrr_at_1000": 31.533, + "mrr_at_20": 30.835, + "mrr_at_3": 27.983999999999998, + "mrr_at_5": 29.253, + "ndcg_at_1": 23.093, + "ndcg_at_10": 34.297, + "ndcg_at_100": 41.049, + "ndcg_at_1000": 43.566, + "ndcg_at_20": 36.52, + "ndcg_at_3": 29.629, + "ndcg_at_5": 31.926, + "precision_at_1": 23.093, + "precision_at_10": 4.735, + "precision_at_100": 0.8109999999999999, + "precision_at_1000": 0.1, + "precision_at_20": 2.8080000000000003, + "precision_at_3": 11.468, + "precision_at_5": 8.001, + "recall_at_1": 23.093, + "recall_at_10": 47.354, + "recall_at_100": 81.147, + "recall_at_1000": 100.0, + "recall_at_20": 56.16799999999999, + "recall_at_3": 34.405, + "recall_at_5": 40.004, + "main_score": 34.297 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.361, + "map_at_10": 33.641, + "map_at_100": 35.104, + "map_at_1000": 35.127, + "map_at_20": 34.388999999999996, + "map_at_3": 30.255, + "map_at_5": 32.079, + "mrr_at_1": 24.361, + "mrr_at_10": 33.641, + "mrr_at_100": 35.104, + "mrr_at_1000": 35.127, + "mrr_at_20": 34.388999999999996, + "mrr_at_3": 30.255, + "mrr_at_5": 32.079, + "ndcg_at_1": 24.361, + "ndcg_at_10": 39.337, + "ndcg_at_100": 47.384, + "ndcg_at_1000": 47.75, + "ndcg_at_20": 42.077999999999996, + "ndcg_at_3": 32.235, + "ndcg_at_5": 35.524, + "precision_at_1": 24.361, + "precision_at_10": 5.783, + "precision_at_100": 0.975, + "precision_at_1000": 0.1, + "precision_at_20": 3.435, + "precision_at_3": 12.661, + "precision_at_5": 9.193999999999999, + "recall_at_1": 24.361, + "recall_at_10": 57.826, + "recall_at_100": 97.51100000000001, + "recall_at_1000": 100.0, + "recall_at_20": 68.697, + "recall_at_3": 37.983, + "recall_at_5": 45.972, + "main_score": 39.337 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 53.667, + "map_at_10": 61.719, + "map_at_100": 62.471, + "map_at_1000": 62.492000000000004, + "map_at_20": 62.153000000000006, + "map_at_3": 59.167, + "map_at_5": 60.95, + "mrr_at_1": 53.667, + "mrr_at_10": 61.719, + "mrr_at_100": 62.471, + "mrr_at_1000": 62.492000000000004, + "mrr_at_20": 62.153000000000006, + "mrr_at_3": 59.167, + "mrr_at_5": 60.95, + "ndcg_at_1": 53.667, + "ndcg_at_10": 66.018, + "ndcg_at_100": 69.726, + "ndcg_at_1000": 70.143, + "ndcg_at_20": 67.61399999999999, + "ndcg_at_3": 60.924, + "ndcg_at_5": 64.10900000000001, + "precision_at_1": 53.667, + "precision_at_10": 7.9670000000000005, + "precision_at_100": 0.97, + "precision_at_1000": 0.1, + "precision_at_20": 4.3, + "precision_at_3": 22.0, + "precision_at_5": 14.732999999999999, + "recall_at_1": 53.667, + "recall_at_10": 79.667, + "recall_at_100": 97.0, + "recall_at_1000": 100.0, + "recall_at_20": 86.0, + "recall_at_3": 66.0, + "recall_at_5": 73.667, + "main_score": 66.018 + } + ], + "test_256": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 64.0, + "map_at_10": 77.083, + "map_at_100": 77.265, + "map_at_1000": 77.265, + "map_at_20": 77.265, + "map_at_3": 76.333, + "map_at_5": 76.833, + "mrr_at_1": 64.0, + "mrr_at_10": 77.083, + "mrr_at_100": 77.265, + "mrr_at_1000": 77.265, + "mrr_at_20": 77.265, + "mrr_at_3": 76.333, + "mrr_at_5": 76.833, + "ndcg_at_1": 64.0, + "ndcg_at_10": 82.325, + "ndcg_at_100": 82.883, + "ndcg_at_1000": 82.883, + "ndcg_at_20": 82.883, + "ndcg_at_3": 80.833, + "ndcg_at_5": 81.694, + "precision_at_1": 64.0, + "precision_at_10": 9.8, + "precision_at_100": 1.0, + "precision_at_1000": 0.1, + "precision_at_20": 5.0, + "precision_at_3": 31.333, + "precision_at_5": 19.2, + "recall_at_1": 64.0, + "recall_at_10": 98.0, + "recall_at_100": 100.0, + "recall_at_1000": 100.0, + "recall_at_20": 100.0, + "recall_at_3": 94.0, + "recall_at_5": 96.0, + "main_score": 64.0 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 100.0, + "map_at_10": 100.0, + "map_at_100": 100.0, + "map_at_1000": 100.0, + "map_at_20": 100.0, + "map_at_3": 100.0, + "map_at_5": 100.0, + "mrr_at_1": 100.0, + "mrr_at_10": 100.0, + "mrr_at_100": 100.0, + "mrr_at_1000": 100.0, + "mrr_at_20": 100.0, + "mrr_at_3": 100.0, + "mrr_at_5": 100.0, + "ndcg_at_1": 100.0, + "ndcg_at_10": 100.0, + "ndcg_at_100": 100.0, + "ndcg_at_1000": 100.0, + "ndcg_at_20": 100.0, + "ndcg_at_3": 100.0, + "ndcg_at_5": 100.0, + "precision_at_1": 100.0, + "precision_at_10": 10.0, + "precision_at_100": 1.0, + "precision_at_1000": 0.1, + "precision_at_20": 5.0, + "precision_at_3": 33.333, + "precision_at_5": 20.0, + "recall_at_1": 100.0, + "recall_at_10": 100.0, + "recall_at_100": 100.0, + "recall_at_1000": 100.0, + "recall_at_20": 100.0, + "recall_at_3": 100.0, + "recall_at_5": 100.0, + "main_score": 100.0 + } + ], + "validation": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 84.821, + "map_at_10": 90.11200000000001, + "map_at_100": 90.158, + "map_at_1000": 90.158, + "map_at_20": 90.137, + "map_at_3": 89.385, + "map_at_5": 89.876, + "mrr_at_1": 84.821, + "mrr_at_10": 90.11200000000001, + "mrr_at_100": 90.158, + "mrr_at_1000": 90.158, + "mrr_at_20": 90.137, + "mrr_at_3": 89.385, + "mrr_at_5": 89.876, + "ndcg_at_1": 84.821, + "ndcg_at_10": 92.334, + "ndcg_at_100": 92.535, + "ndcg_at_1000": 92.535, + "ndcg_at_20": 92.414, + "ndcg_at_3": 90.887, + "ndcg_at_5": 91.758, + "precision_at_1": 84.821, + "precision_at_10": 9.911, + "precision_at_100": 1.0, + "precision_at_1000": 0.1, + "precision_at_20": 4.97, + "precision_at_3": 31.746000000000002, + "precision_at_5": 19.464000000000002, + "recall_at_1": 84.821, + "recall_at_10": 99.107, + "recall_at_100": 100.0, + "recall_at_1000": 100.0, + "recall_at_20": 99.405, + "recall_at_3": 95.238, + "recall_at_5": 97.321, + "main_score": 92.334 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/MIRACLReranking.json b/results/jinaai__jina-embeddings-v3/external/MIRACLReranking.json new file mode 100644 index 000000000..c9ac323f4 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/MIRACLReranking.json @@ -0,0 +1,129 @@ +{ + "dataset_revision": "6d1962c527217f8927fca80f890f14f36b2802af", + "task_name": "MIRACLReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "MAP@1(MIRACL)": 20.721999999999998, + "MAP@10(MIRACL)": 33.900999999999996, + "MAP@100(MIRACL)": 36.813, + "MAP@1000(MIRACL)": 36.813, + "MAP@20(MIRACL)": 35.684, + "MAP@3(MIRACL)": 28.141, + "MAP@5(MIRACL)": 31.075000000000003, + "NDCG@1(MIRACL)": 32.799, + "NDCG@10(MIRACL)": 42.065000000000005, + "NDCG@100(MIRACL)": 49.730999999999995, + "NDCG@1000(MIRACL)": 49.730999999999995, + "NDCG@20(MIRACL)": 46.0, + "NDCG@3(MIRACL)": 34.481, + "NDCG@5(MIRACL)": 37.452999999999996, + "P@1(MIRACL)": 32.799, + "P@10(MIRACL)": 11.668000000000001, + "P@100(MIRACL)": 1.9529999999999998, + "P@1000(MIRACL)": 0.19499999999999998, + "P@20(MIRACL)": 7.51, + "P@3(MIRACL)": 20.823, + "P@5(MIRACL)": 16.728, + "Recall@1(MIRACL)": 20.721999999999998, + "Recall@10(MIRACL)": 54.762, + "Recall@100(MIRACL)": 79.952, + "Recall@1000(MIRACL)": 79.952, + "Recall@20(MIRACL)": 66.26100000000001, + "Recall@3(MIRACL)": 34.410000000000004, + "Recall@5(MIRACL)": 42.659000000000006, + "main_score": 42.065000000000005, + "nAUC_MAP@1000_diff1(MIRACL)": 14.33534992502818, + "nAUC_MAP@1000_max(MIRACL)": 12.367998764646115, + "nAUC_MAP@1000_std(MIRACL)": 4.569686002935006, + "nAUC_MAP@100_diff1(MIRACL)": 14.33534992502818, + "nAUC_MAP@100_max(MIRACL)": 12.367998764646115, + "nAUC_MAP@100_std(MIRACL)": 4.569686002935006, + "nAUC_MAP@10_diff1(MIRACL)": 16.920323975680027, + "nAUC_MAP@10_max(MIRACL)": 9.327171297204082, + "nAUC_MAP@10_std(MIRACL)": 3.2039133783079015, + "nAUC_MAP@1_diff1(MIRACL)": 28.698973487482206, + "nAUC_MAP@1_max(MIRACL)": 2.9217687660885034, + "nAUC_MAP@1_std(MIRACL)": -1.1247408800976524, + "nAUC_MAP@20_diff1(MIRACL)": 15.359083081640476, + "nAUC_MAP@20_max(MIRACL)": 11.310494233946345, + "nAUC_MAP@20_std(MIRACL)": 4.4171898386022885, + "nAUC_MAP@3_diff1(MIRACL)": 22.27430591851617, + "nAUC_MAP@3_max(MIRACL)": 6.407438291284658, + "nAUC_MAP@3_std(MIRACL)": 0.9799184530397409, + "nAUC_MAP@5_diff1(MIRACL)": 19.20571689941054, + "nAUC_MAP@5_max(MIRACL)": 7.987468654026893, + "nAUC_MAP@5_std(MIRACL)": 1.8324246565938962, + "nAUC_NDCG@1000_diff1(MIRACL)": 3.7537669018914768, + "nAUC_NDCG@1000_max(MIRACL)": 20.7944707840533, + "nAUC_NDCG@1000_std(MIRACL)": 8.444837055303063, + "nAUC_NDCG@100_diff1(MIRACL)": 3.7537669018914768, + "nAUC_NDCG@100_max(MIRACL)": 20.7944707840533, + "nAUC_NDCG@100_std(MIRACL)": 8.444837055303063, + "nAUC_NDCG@10_diff1(MIRACL)": 10.829575656103888, + "nAUC_NDCG@10_max(MIRACL)": 13.0445496498929, + "nAUC_NDCG@10_std(MIRACL)": 6.050412212625362, + "nAUC_NDCG@1_diff1(MIRACL)": 19.1388712233292, + "nAUC_NDCG@1_max(MIRACL)": 10.871900994781642, + "nAUC_NDCG@1_std(MIRACL)": 3.218568248751811, + "nAUC_NDCG@20_diff1(MIRACL)": 7.093172181746442, + "nAUC_NDCG@20_max(MIRACL)": 16.955238078958836, + "nAUC_NDCG@20_std(MIRACL)": 8.325656379573035, + "nAUC_NDCG@3_diff1(MIRACL)": 17.134437303330802, + "nAUC_NDCG@3_max(MIRACL)": 10.235328822955793, + "nAUC_NDCG@3_std(MIRACL)": 3.2341358691084814, + "nAUC_NDCG@5_diff1(MIRACL)": 14.733664618337636, + "nAUC_NDCG@5_max(MIRACL)": 11.181897412035282, + "nAUC_NDCG@5_std(MIRACL)": 3.642277088791985, + "nAUC_P@1000_diff1(MIRACL)": -26.330038284867573, + "nAUC_P@1000_max(MIRACL)": 28.450694137240458, + "nAUC_P@1000_std(MIRACL)": 9.892993775474912, + "nAUC_P@100_diff1(MIRACL)": -26.330038284867552, + "nAUC_P@100_max(MIRACL)": 28.45069413724051, + "nAUC_P@100_std(MIRACL)": 9.892993775474928, + "nAUC_P@10_diff1(MIRACL)": -17.436937353231112, + "nAUC_P@10_max(MIRACL)": 24.327018012947857, + "nAUC_P@10_std(MIRACL)": 11.78803527706634, + "nAUC_P@1_diff1(MIRACL)": 19.1388712233292, + "nAUC_P@1_max(MIRACL)": 10.871900994781642, + "nAUC_P@1_std(MIRACL)": 3.218568248751811, + "nAUC_P@20_diff1(MIRACL)": -22.947528755272426, + "nAUC_P@20_max(MIRACL)": 27.773093471902538, + "nAUC_P@20_std(MIRACL)": 14.898619107087221, + "nAUC_P@3_diff1(MIRACL)": 1.4100426412400944, + "nAUC_P@3_max(MIRACL)": 17.397472872058845, + "nAUC_P@3_std(MIRACL)": 8.240008229861875, + "nAUC_P@5_diff1(MIRACL)": -7.971349332207021, + "nAUC_P@5_max(MIRACL)": 22.198441167940963, + "nAUC_P@5_std(MIRACL)": 9.00265164460082, + "nAUC_Recall@1000_diff1(MIRACL)": -38.69835271863148, + "nAUC_Recall@1000_max(MIRACL)": 50.9545152809108, + "nAUC_Recall@1000_std(MIRACL)": 20.44270887092116, + "nAUC_Recall@100_diff1(MIRACL)": -38.69835271863148, + "nAUC_Recall@100_max(MIRACL)": 50.9545152809108, + "nAUC_Recall@100_std(MIRACL)": 20.44270887092116, + "nAUC_Recall@10_diff1(MIRACL)": -0.08109036309433801, + "nAUC_Recall@10_max(MIRACL)": 12.696619907773568, + "nAUC_Recall@10_std(MIRACL)": 8.791982704261589, + "nAUC_Recall@1_diff1(MIRACL)": 28.698973487482206, + "nAUC_Recall@1_max(MIRACL)": 2.9217687660885034, + "nAUC_Recall@1_std(MIRACL)": -1.1247408800976524, + "nAUC_Recall@20_diff1(MIRACL)": -13.312171017942623, + "nAUC_Recall@20_max(MIRACL)": 24.19847346821666, + "nAUC_Recall@20_std(MIRACL)": 15.8157702609797, + "nAUC_Recall@3_diff1(MIRACL)": 16.909128321353343, + "nAUC_Recall@3_max(MIRACL)": 6.552122731902991, + "nAUC_Recall@3_std(MIRACL)": 1.9963898223457228, + "nAUC_Recall@5_diff1(MIRACL)": 9.990292655247721, + "nAUC_Recall@5_max(MIRACL)": 9.361722273507574, + "nAUC_Recall@5_std(MIRACL)": 3.270918827854495 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/MLQARetrieval.json b/results/jinaai__jina-embeddings-v3/external/MLQARetrieval.json new file mode 100644 index 000000000..ee274e0fa --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/MLQARetrieval.json @@ -0,0 +1,1342 @@ +{ + "dataset_revision": "397ed406c1a7902140303e7faf60fff35b58d285", + "task_name": "MLQARetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "deu-deu", + "languages": [ + "deu-Latn", + "deu-Latn" + ], + "main_score": 67.548, + "map_at_1": 56.559000000000005, + "map_at_10": 63.867, + "map_at_100": 64.429, + "map_at_1000": 64.457, + "map_at_20": 64.215, + "map_at_3": 62.109, + "map_at_5": 63.101, + "mrr_at_1": 56.56990915134057, + "mrr_at_10": 63.86820789324668, + "mrr_at_100": 64.42973602152581, + "mrr_at_1000": 64.45818598090155, + "mrr_at_20": 64.2163052263868, + "mrr_at_3": 62.10946155550634, + "mrr_at_5": 63.10104143585199, + "nauc_map_at_1000_diff1": 73.78440163370111, + "nauc_map_at_1000_max": 66.37875518052162, + "nauc_map_at_1000_std": -17.063915098135396, + "nauc_map_at_100_diff1": 73.77180802985815, + "nauc_map_at_100_max": 66.38365998362033, + "nauc_map_at_100_std": -17.053345109661972, + "nauc_map_at_10_diff1": 73.70041876696037, + "nauc_map_at_10_max": 66.33213342705997, + "nauc_map_at_10_std": -17.40657791273925, + "nauc_map_at_1_diff1": 76.8784374396948, + "nauc_map_at_1_max": 64.07170606935357, + "nauc_map_at_1_std": -18.464213686790654, + "nauc_map_at_20_diff1": 73.72371377231813, + "nauc_map_at_20_max": 66.42108121059451, + "nauc_map_at_20_std": -17.05384923889036, + "nauc_map_at_3_diff1": 74.08287018839246, + "nauc_map_at_3_max": 66.42422337760333, + "nauc_map_at_3_std": -17.79503404131652, + "nauc_map_at_5_diff1": 73.9294779027339, + "nauc_map_at_5_max": 66.51752041065726, + "nauc_map_at_5_std": -17.67309805113804, + "nauc_mrr_at_1000_diff1": 73.78389736923545, + "nauc_mrr_at_1000_max": 66.37929720858341, + "nauc_mrr_at_1000_std": -17.058591711291278, + "nauc_mrr_at_100_diff1": 73.77126451253136, + "nauc_mrr_at_100_max": 66.38405917246607, + "nauc_mrr_at_100_std": -17.047251035212863, + "nauc_mrr_at_10_diff1": 73.69960470665124, + "nauc_mrr_at_10_max": 66.33265194210313, + "nauc_mrr_at_10_std": -17.399659076827998, + "nauc_mrr_at_1_diff1": 76.8689850260726, + "nauc_mrr_at_1_max": 64.09858188287487, + "nauc_mrr_at_1_std": -18.46064784201847, + "nauc_mrr_at_20_diff1": 73.72312682063128, + "nauc_mrr_at_20_max": 66.42181932858745, + "nauc_mrr_at_20_std": -17.04690257511092, + "nauc_mrr_at_3_diff1": 74.08287018839246, + "nauc_mrr_at_3_max": 66.42422337760333, + "nauc_mrr_at_3_std": -17.79503404131652, + "nauc_mrr_at_5_diff1": 73.9294779027339, + "nauc_mrr_at_5_max": 66.51752041065726, + "nauc_mrr_at_5_std": -17.67309805113804, + "nauc_ndcg_at_1000_diff1": 72.97825548342801, + "nauc_ndcg_at_1000_max": 66.96275437178257, + "nauc_ndcg_at_1000_std": -15.611902299641587, + "nauc_ndcg_at_100_diff1": 72.58724738936613, + "nauc_ndcg_at_100_max": 67.16774012704182, + "nauc_ndcg_at_100_std": -14.945088654796812, + "nauc_ndcg_at_10_diff1": 72.16253640477947, + "nauc_ndcg_at_10_max": 67.01746849484621, + "nauc_ndcg_at_10_std": -16.46102507270809, + "nauc_ndcg_at_1_diff1": 76.8689850260726, + "nauc_ndcg_at_1_max": 64.09858188287487, + "nauc_ndcg_at_1_std": -18.46064784201847, + "nauc_ndcg_at_20_diff1": 72.19995325129975, + "nauc_ndcg_at_20_max": 67.39639713797962, + "nauc_ndcg_at_20_std": -15.091689370748531, + "nauc_ndcg_at_3_diff1": 73.13123604206514, + "nauc_ndcg_at_3_max": 67.23123167871547, + "nauc_ndcg_at_3_std": -17.492755234009156, + "nauc_ndcg_at_5_diff1": 72.8154718929895, + "nauc_ndcg_at_5_max": 67.44578008373777, + "nauc_ndcg_at_5_std": -17.251840358751362, + "nauc_precision_at_1000_diff1": 47.89748325983604, + "nauc_precision_at_1000_max": 70.47466197804906, + "nauc_precision_at_1000_std": 72.66193512114775, + "nauc_precision_at_100_diff1": 59.493743734005356, + "nauc_precision_at_100_max": 74.02140147220713, + "nauc_precision_at_100_std": 17.26664098026236, + "nauc_precision_at_10_diff1": 64.94415011040277, + "nauc_precision_at_10_max": 69.6963814950747, + "nauc_precision_at_10_std": -11.663043657012954, + "nauc_precision_at_1_diff1": 76.8689850260726, + "nauc_precision_at_1_max": 64.09858188287487, + "nauc_precision_at_1_std": -18.46064784201847, + "nauc_precision_at_20_diff1": 63.145886909986416, + "nauc_precision_at_20_max": 72.95708033630744, + "nauc_precision_at_20_std": -1.5039593629280323, + "nauc_precision_at_3_diff1": 69.88902201644449, + "nauc_precision_at_3_max": 69.80499971089935, + "nauc_precision_at_3_std": -16.444680766676647, + "nauc_precision_at_5_diff1": 68.60869967062919, + "nauc_precision_at_5_max": 70.75998207564281, + "nauc_precision_at_5_std": -15.62613396998262, + "nauc_recall_at_1000_diff1": 62.6646436338833, + "nauc_recall_at_1000_max": 86.17801636476078, + "nauc_recall_at_1000_std": 71.84718775540334, + "nauc_recall_at_100_diff1": 61.110492191439505, + "nauc_recall_at_100_max": 75.45730686603042, + "nauc_recall_at_100_std": 16.202465011589428, + "nauc_recall_at_10_diff1": 65.1522196516815, + "nauc_recall_at_10_max": 69.7626435962161, + "nauc_recall_at_10_std": -11.801178474770449, + "nauc_recall_at_1_diff1": 76.8784374396948, + "nauc_recall_at_1_max": 64.07170606935357, + "nauc_recall_at_1_std": -18.464213686790654, + "nauc_recall_at_20_diff1": 63.40332739504143, + "nauc_recall_at_20_max": 73.04113661090965, + "nauc_recall_at_20_std": -1.6609741140266947, + "nauc_recall_at_3_diff1": 70.03728086098866, + "nauc_recall_at_3_max": 69.85953774320521, + "nauc_recall_at_3_std": -16.482993123411706, + "nauc_recall_at_5_diff1": 68.77396121765933, + "nauc_recall_at_5_max": 70.8231205493519, + "nauc_recall_at_5_std": -15.668037770700863, + "ndcg_at_1": 56.57, + "ndcg_at_10": 67.548, + "ndcg_at_100": 70.421, + "ndcg_at_1000": 71.198, + "ndcg_at_20": 68.829, + "ndcg_at_3": 63.88700000000001, + "ndcg_at_5": 65.689, + "precision_at_1": 56.57, + "precision_at_10": 7.922, + "precision_at_100": 0.9299999999999999, + "precision_at_1000": 0.099, + "precision_at_20": 4.216, + "precision_at_3": 23.015, + "precision_at_5": 14.691, + "recall_at_1": 56.559000000000005, + "recall_at_10": 79.182, + "recall_at_100": 92.946, + "recall_at_1000": 99.092, + "recall_at_20": 84.27900000000001, + "recall_at_3": 69.023, + "recall_at_5": 73.432 + }, + { + "hf_subset": "deu-spa", + "languages": [ + "deu-Latn", + "spa-Latn" + ], + "main_score": 70.645, + "map_at_1": 58.423, + "map_at_10": 66.613, + "map_at_100": 67.14099999999999, + "map_at_1000": 67.161, + "map_at_20": 66.965, + "map_at_3": 64.714, + "map_at_5": 65.835, + "mrr_at_1": 58.4225352112676, + "mrr_at_10": 66.61321260898735, + "mrr_at_100": 67.13991570812132, + "mrr_at_1000": 67.1598532168174, + "mrr_at_20": 66.96384710024888, + "mrr_at_3": 64.71361502347425, + "mrr_at_5": 65.83474178403769, + "nauc_map_at_1000_diff1": 73.9485117118935, + "nauc_map_at_1000_max": 65.74479869396299, + "nauc_map_at_1000_std": -20.300269749495563, + "nauc_map_at_100_diff1": 73.93900406302829, + "nauc_map_at_100_max": 65.75508449194885, + "nauc_map_at_100_std": -20.265330791570175, + "nauc_map_at_10_diff1": 73.84863233472605, + "nauc_map_at_10_max": 65.89377317378211, + "nauc_map_at_10_std": -20.404123131964695, + "nauc_map_at_1_diff1": 76.73627284218519, + "nauc_map_at_1_max": 62.94957512510876, + "nauc_map_at_1_std": -20.99649749330682, + "nauc_map_at_20_diff1": 73.88712006109598, + "nauc_map_at_20_max": 65.82057018162664, + "nauc_map_at_20_std": -20.269476512431915, + "nauc_map_at_3_diff1": 74.21419190161502, + "nauc_map_at_3_max": 65.64993368062119, + "nauc_map_at_3_std": -21.34641749007071, + "nauc_map_at_5_diff1": 74.0119419385777, + "nauc_map_at_5_max": 65.69809416369732, + "nauc_map_at_5_std": -21.16901556082261, + "nauc_mrr_at_1000_diff1": 73.94915184134923, + "nauc_mrr_at_1000_max": 65.74522469633418, + "nauc_mrr_at_1000_std": -20.303028367132246, + "nauc_mrr_at_100_diff1": 73.93964394728808, + "nauc_mrr_at_100_max": 65.75550992323707, + "nauc_mrr_at_100_std": -20.26808820438918, + "nauc_mrr_at_10_diff1": 73.84863233472605, + "nauc_mrr_at_10_max": 65.89377317378211, + "nauc_mrr_at_10_std": -20.404123131964695, + "nauc_mrr_at_1_diff1": 76.73627284218519, + "nauc_mrr_at_1_max": 62.94957512510876, + "nauc_mrr_at_1_std": -20.99649749330682, + "nauc_mrr_at_20_diff1": 73.88775721128745, + "nauc_mrr_at_20_max": 65.820991355628, + "nauc_mrr_at_20_std": -20.272216587019734, + "nauc_mrr_at_3_diff1": 74.21419190161502, + "nauc_mrr_at_3_max": 65.64993368062119, + "nauc_mrr_at_3_std": -21.34641749007071, + "nauc_mrr_at_5_diff1": 74.0119419385777, + "nauc_mrr_at_5_max": 65.69809416369732, + "nauc_mrr_at_5_std": -21.16901556082261, + "nauc_ndcg_at_1000_diff1": 73.29396365944277, + "nauc_ndcg_at_1000_max": 66.44879592109541, + "nauc_ndcg_at_1000_std": -19.285991058788195, + "nauc_ndcg_at_100_diff1": 73.0159172721162, + "nauc_ndcg_at_100_max": 66.76216389231388, + "nauc_ndcg_at_100_std": -18.27931368094887, + "nauc_ndcg_at_10_diff1": 72.42096650774693, + "nauc_ndcg_at_10_max": 67.48592688463306, + "nauc_ndcg_at_10_std": -18.91453756077581, + "nauc_ndcg_at_1_diff1": 76.73627284218519, + "nauc_ndcg_at_1_max": 62.94957512510876, + "nauc_ndcg_at_1_std": -20.99649749330682, + "nauc_ndcg_at_20_diff1": 72.53699362385684, + "nauc_ndcg_at_20_max": 67.22763976357872, + "nauc_ndcg_at_20_std": -18.299910635008338, + "nauc_ndcg_at_3_diff1": 73.3698453761989, + "nauc_ndcg_at_3_max": 66.71056987289383, + "nauc_ndcg_at_3_std": -21.405154376652803, + "nauc_ndcg_at_5_diff1": 72.9491030712935, + "nauc_ndcg_at_5_max": 66.85786103137077, + "nauc_ndcg_at_5_std": -21.04005053344073, + "nauc_precision_at_1000_diff1": 17.02462370967451, + "nauc_precision_at_1000_max": 48.03260752496052, + "nauc_precision_at_1000_std": 87.56077915079334, + "nauc_precision_at_100_diff1": 58.590352501194985, + "nauc_precision_at_100_max": 78.2649015433222, + "nauc_precision_at_100_std": 28.05030453158992, + "nauc_precision_at_10_diff1": 64.89497928764766, + "nauc_precision_at_10_max": 75.93257124951242, + "nauc_precision_at_10_std": -9.825306994117462, + "nauc_precision_at_1_diff1": 76.73627284218519, + "nauc_precision_at_1_max": 62.94957512510876, + "nauc_precision_at_1_std": -20.99649749330682, + "nauc_precision_at_20_diff1": 62.11366204321558, + "nauc_precision_at_20_max": 75.9571427846493, + "nauc_precision_at_20_std": -0.94585212808191, + "nauc_precision_at_3_diff1": 70.52940972112398, + "nauc_precision_at_3_max": 70.3402053170779, + "nauc_precision_at_3_std": -21.579778424241304, + "nauc_precision_at_5_diff1": 68.78962580223575, + "nauc_precision_at_5_max": 71.41410894398376, + "nauc_precision_at_5_std": -20.415603405161956, + "nauc_recall_at_1000_diff1": 55.88625447348128, + "nauc_recall_at_1000_max": 100.0, + "nauc_recall_at_1000_std": 100.0, + "nauc_recall_at_100_diff1": 61.17942268389525, + "nauc_recall_at_100_max": 81.12207841563487, + "nauc_recall_at_100_std": 27.141215257528113, + "nauc_recall_at_10_diff1": 64.8949792876478, + "nauc_recall_at_10_max": 75.93257124951249, + "nauc_recall_at_10_std": -9.825306994117323, + "nauc_recall_at_1_diff1": 76.73627284218519, + "nauc_recall_at_1_max": 62.94957512510876, + "nauc_recall_at_1_std": -20.99649749330682, + "nauc_recall_at_20_diff1": 63.07808719241162, + "nauc_recall_at_20_max": 76.96808746317542, + "nauc_recall_at_20_std": -1.5235053258631275, + "nauc_recall_at_3_diff1": 70.52940972112405, + "nauc_recall_at_3_max": 70.3402053170779, + "nauc_recall_at_3_std": -21.57977842424124, + "nauc_recall_at_5_diff1": 68.78962580223575, + "nauc_recall_at_5_max": 71.41410894398392, + "nauc_recall_at_5_std": -20.415603405161793, + "ndcg_at_1": 58.423, + "ndcg_at_10": 70.645, + "ndcg_at_100": 73.277, + "ndcg_at_1000": 73.785, + "ndcg_at_20": 71.918, + "ndcg_at_3": 66.679, + "ndcg_at_5": 68.72200000000001, + "precision_at_1": 58.423, + "precision_at_10": 8.338, + "precision_at_100": 0.959, + "precision_at_1000": 0.1, + "precision_at_20": 4.423, + "precision_at_3": 24.113, + "precision_at_5": 15.47, + "recall_at_1": 58.423, + "recall_at_10": 83.38, + "recall_at_100": 95.887, + "recall_at_1000": 99.831, + "recall_at_20": 88.39399999999999, + "recall_at_3": 72.33800000000001, + "recall_at_5": 77.352 + }, + { + "hf_subset": "deu-eng", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "main_score": 67.067, + "map_at_1": 55.861000000000004, + "map_at_10": 63.42100000000001, + "map_at_100": 64.03, + "map_at_1000": 64.05999999999999, + "map_at_20": 63.819, + "map_at_3": 61.773, + "map_at_5": 62.736999999999995, + "mrr_at_1": 55.88300465322402, + "mrr_at_10": 63.43111082973707, + "mrr_at_100": 64.03962373590272, + "mrr_at_1000": 64.0698259866376, + "mrr_at_20": 63.82871766489112, + "mrr_at_3": 61.78447448112865, + "mrr_at_5": 62.74835659945346, + "nauc_map_at_1000_diff1": 74.58505763417352, + "nauc_map_at_1000_max": 66.26060764852198, + "nauc_map_at_1000_std": -16.896178230873897, + "nauc_map_at_100_diff1": 74.57057487892857, + "nauc_map_at_100_max": 66.26600433283826, + "nauc_map_at_100_std": -16.87596113104189, + "nauc_map_at_10_diff1": 74.53453636322749, + "nauc_map_at_10_max": 66.27501737773804, + "nauc_map_at_10_std": -17.178743257781775, + "nauc_map_at_1_diff1": 77.63067209375254, + "nauc_map_at_1_max": 64.17718675702672, + "nauc_map_at_1_std": -17.639521106853717, + "nauc_map_at_20_diff1": 74.52007402431164, + "nauc_map_at_20_max": 66.28276291359268, + "nauc_map_at_20_std": -16.939292897754758, + "nauc_map_at_3_diff1": 74.79187974631951, + "nauc_map_at_3_max": 66.23256568210611, + "nauc_map_at_3_std": -17.894889918934112, + "nauc_map_at_5_diff1": 74.63011328882517, + "nauc_map_at_5_max": 66.35411054978499, + "nauc_map_at_5_std": -17.50140342194211, + "nauc_mrr_at_1000_diff1": 74.57520089771667, + "nauc_mrr_at_1000_max": 66.27270912845914, + "nauc_mrr_at_1000_std": -16.84012675362397, + "nauc_mrr_at_100_diff1": 74.56070964572156, + "nauc_mrr_at_100_max": 66.2780701126926, + "nauc_mrr_at_100_std": -16.820035083069865, + "nauc_mrr_at_10_diff1": 74.52455978435117, + "nauc_mrr_at_10_max": 66.28697244023137, + "nauc_mrr_at_10_std": -17.122477723330523, + "nauc_mrr_at_1_diff1": 77.60643512422061, + "nauc_mrr_at_1_max": 64.21736966061896, + "nauc_mrr_at_1_std": -17.56627338275146, + "nauc_mrr_at_20_diff1": 74.5099814266373, + "nauc_mrr_at_20_max": 66.29485560556576, + "nauc_mrr_at_20_std": -16.882350027335306, + "nauc_mrr_at_3_diff1": 74.78132817375507, + "nauc_mrr_at_3_max": 66.24761860047623, + "nauc_mrr_at_3_std": -17.833128575678998, + "nauc_mrr_at_5_diff1": 74.6193031207433, + "nauc_mrr_at_5_max": 66.36951764432901, + "nauc_mrr_at_5_std": -17.438203106324227, + "nauc_ndcg_at_1000_diff1": 73.79386161629151, + "nauc_ndcg_at_1000_max": 66.84013038018082, + "nauc_ndcg_at_1000_std": -15.387358822700667, + "nauc_ndcg_at_100_diff1": 73.36132885277745, + "nauc_ndcg_at_100_max": 67.04416926901568, + "nauc_ndcg_at_100_std": -14.503256942521972, + "nauc_ndcg_at_10_diff1": 73.11847332785027, + "nauc_ndcg_at_10_max": 67.02149621303091, + "nauc_ndcg_at_10_std": -16.142234662067782, + "nauc_ndcg_at_1_diff1": 77.60643512422061, + "nauc_ndcg_at_1_max": 64.21736966061896, + "nauc_ndcg_at_1_std": -17.56627338275146, + "nauc_ndcg_at_20_diff1": 72.97961452569768, + "nauc_ndcg_at_20_max": 67.12369127081152, + "nauc_ndcg_at_20_std": -15.11921773223936, + "nauc_ndcg_at_3_diff1": 73.77769312598772, + "nauc_ndcg_at_3_max": 66.94438755852309, + "nauc_ndcg_at_3_std": -17.75960443830741, + "nauc_ndcg_at_5_diff1": 73.43991209562891, + "nauc_ndcg_at_5_max": 67.21682951737418, + "nauc_ndcg_at_5_std": -17.013510008231805, + "nauc_precision_at_1000_diff1": 51.30633281948362, + "nauc_precision_at_1000_max": 76.78675288883846, + "nauc_precision_at_1000_std": 71.70041985304397, + "nauc_precision_at_100_diff1": 59.86656455853326, + "nauc_precision_at_100_max": 74.41958422732161, + "nauc_precision_at_100_std": 22.098920296069124, + "nauc_precision_at_10_diff1": 66.4696166928741, + "nauc_precision_at_10_max": 69.88463108697104, + "nauc_precision_at_10_std": -10.707950954702742, + "nauc_precision_at_1_diff1": 77.60643512422061, + "nauc_precision_at_1_max": 64.21736966061896, + "nauc_precision_at_1_std": -17.56627338275146, + "nauc_precision_at_20_diff1": 63.45094585276983, + "nauc_precision_at_20_max": 71.57741245347195, + "nauc_precision_at_20_std": -2.2211545419051744, + "nauc_precision_at_3_diff1": 70.28060818081384, + "nauc_precision_at_3_max": 69.22652927816439, + "nauc_precision_at_3_std": -17.158576243559434, + "nauc_precision_at_5_diff1": 68.90765418427162, + "nauc_precision_at_5_max": 70.32585273389111, + "nauc_precision_at_5_std": -14.950363729664524, + "nauc_recall_at_1000_diff1": 65.11255117927331, + "nauc_recall_at_1000_max": 88.35641213283338, + "nauc_recall_at_1000_std": 69.89792573640547, + "nauc_recall_at_100_diff1": 61.46376457272238, + "nauc_recall_at_100_max": 75.48265142243015, + "nauc_recall_at_100_std": 21.223182712042178, + "nauc_recall_at_10_diff1": 66.89353375308997, + "nauc_recall_at_10_max": 70.06655416883785, + "nauc_recall_at_10_std": -11.100871879439435, + "nauc_recall_at_1_diff1": 77.63067209375254, + "nauc_recall_at_1_max": 64.17718675702672, + "nauc_recall_at_1_std": -17.639521106853717, + "nauc_recall_at_20_diff1": 63.98532276331878, + "nauc_recall_at_20_max": 71.81562599791899, + "nauc_recall_at_20_std": -2.696537977147695, + "nauc_recall_at_3_diff1": 70.4507655865698, + "nauc_recall_at_3_max": 69.25705030141037, + "nauc_recall_at_3_std": -17.299948348202836, + "nauc_recall_at_5_diff1": 69.09152857901888, + "nauc_recall_at_5_max": 70.35609636026405, + "nauc_recall_at_5_std": -15.105012139255896, + "ndcg_at_1": 55.883, + "ndcg_at_10": 67.067, + "ndcg_at_100": 70.07, + "ndcg_at_1000": 70.875, + "ndcg_at_20": 68.498, + "ndcg_at_3": 63.666, + "ndcg_at_5": 65.40599999999999, + "precision_at_1": 55.883, + "precision_at_10": 7.8549999999999995, + "precision_at_100": 0.928, + "precision_at_1000": 0.099, + "precision_at_20": 4.2090000000000005, + "precision_at_3": 23.052, + "precision_at_5": 14.677999999999999, + "recall_at_1": 55.861000000000004, + "recall_at_10": 78.495, + "recall_at_100": 92.688, + "recall_at_1000": 99.02499999999999, + "recall_at_20": 84.124, + "recall_at_3": 69.123, + "recall_at_5": 73.355 + }, + { + "hf_subset": "spa-deu", + "languages": [ + "spa-Latn", + "deu-Latn" + ], + "main_score": 73.90299999999999, + "map_at_1": 61.236000000000004, + "map_at_10": 69.88799999999999, + "map_at_100": 70.319, + "map_at_1000": 70.341, + "map_at_20": 70.16799999999999, + "map_at_3": 68.104, + "map_at_5": 69.164, + "mrr_at_1": 61.2739571589628, + "mrr_at_10": 69.92589162684993, + "mrr_at_100": 70.35245455509234, + "mrr_at_1000": 70.37438351396742, + "mrr_at_20": 70.20247469915404, + "mrr_at_3": 68.14167606163099, + "mrr_at_5": 69.20142803457354, + "nauc_map_at_1000_diff1": 74.70416754842327, + "nauc_map_at_1000_max": 65.86915994583384, + "nauc_map_at_1000_std": -19.04437483534443, + "nauc_map_at_100_diff1": 74.70011798058674, + "nauc_map_at_100_max": 65.88507779167188, + "nauc_map_at_100_std": -19.018670970643786, + "nauc_map_at_10_diff1": 74.6362126804427, + "nauc_map_at_10_max": 66.05733054427198, + "nauc_map_at_10_std": -19.034317737897354, + "nauc_map_at_1_diff1": 77.24970536833601, + "nauc_map_at_1_max": 62.07820573048406, + "nauc_map_at_1_std": -20.917086586335078, + "nauc_map_at_20_diff1": 74.64113920401083, + "nauc_map_at_20_max": 65.89991740166793, + "nauc_map_at_20_std": -19.09987515041243, + "nauc_map_at_3_diff1": 74.6518162332119, + "nauc_map_at_3_max": 66.10312348194024, + "nauc_map_at_3_std": -18.95881457716116, + "nauc_map_at_5_diff1": 74.55141020670321, + "nauc_map_at_5_max": 65.94345752979342, + "nauc_map_at_5_std": -19.453976877992304, + "nauc_mrr_at_1000_diff1": 74.64458488344088, + "nauc_mrr_at_1000_max": 65.84575328456057, + "nauc_mrr_at_1000_std": -18.901614615119904, + "nauc_mrr_at_100_diff1": 74.64058497924627, + "nauc_mrr_at_100_max": 65.86170461767928, + "nauc_mrr_at_100_std": -18.87601697091505, + "nauc_mrr_at_10_diff1": 74.57266634464752, + "nauc_mrr_at_10_max": 66.03331587645152, + "nauc_mrr_at_10_std": -18.87888060105393, + "nauc_mrr_at_1_diff1": 77.19578272647183, + "nauc_mrr_at_1_max": 62.05252035478773, + "nauc_mrr_at_1_std": -20.790530940625267, + "nauc_mrr_at_20_diff1": 74.5808171250021, + "nauc_mrr_at_20_max": 65.87643606587798, + "nauc_mrr_at_20_std": -18.95476583474199, + "nauc_mrr_at_3_diff1": 74.5917053289191, + "nauc_mrr_at_3_max": 66.08044079438714, + "nauc_mrr_at_3_std": -18.81168463163586, + "nauc_mrr_at_5_diff1": 74.48934579694608, + "nauc_mrr_at_5_max": 65.91993162383771, + "nauc_mrr_at_5_std": -19.302710791338797, + "nauc_ndcg_at_1000_diff1": 74.20191283992186, + "nauc_ndcg_at_1000_max": 66.60831175771229, + "nauc_ndcg_at_1000_std": -18.175208725175484, + "nauc_ndcg_at_100_diff1": 74.07713451642955, + "nauc_ndcg_at_100_max": 67.02028626335476, + "nauc_ndcg_at_100_std": -17.36560972181693, + "nauc_ndcg_at_10_diff1": 73.63235521598476, + "nauc_ndcg_at_10_max": 67.8118473312638, + "nauc_ndcg_at_10_std": -17.647560577355915, + "nauc_ndcg_at_1_diff1": 77.19578272647183, + "nauc_ndcg_at_1_max": 62.05252035478773, + "nauc_ndcg_at_1_std": -20.790530940625267, + "nauc_ndcg_at_20_diff1": 73.65300308228291, + "nauc_ndcg_at_20_max": 67.18353402731985, + "nauc_ndcg_at_20_std": -17.9240756389792, + "nauc_ndcg_at_3_diff1": 73.73764900202292, + "nauc_ndcg_at_3_max": 67.60840957876889, + "nauc_ndcg_at_3_std": -17.962667543518933, + "nauc_ndcg_at_5_diff1": 73.49040500302092, + "nauc_ndcg_at_5_max": 67.41251918514402, + "nauc_ndcg_at_5_std": -18.851877225955523, + "nauc_precision_at_1000_diff1": -18.652906102973922, + "nauc_precision_at_1000_max": 2.1701672475574885, + "nauc_precision_at_1000_std": 61.713411950188835, + "nauc_precision_at_100_diff1": 62.37565302288498, + "nauc_precision_at_100_max": 76.96921843049006, + "nauc_precision_at_100_std": 19.152009040219678, + "nauc_precision_at_10_diff1": 68.14047344105212, + "nauc_precision_at_10_max": 77.7177273849099, + "nauc_precision_at_10_std": -9.124325941493698, + "nauc_precision_at_1_diff1": 77.19578272647183, + "nauc_precision_at_1_max": 62.05252035478773, + "nauc_precision_at_1_std": -20.790530940625267, + "nauc_precision_at_20_diff1": 65.38487456362745, + "nauc_precision_at_20_max": 74.61122933443669, + "nauc_precision_at_20_std": -8.129775929648341, + "nauc_precision_at_3_diff1": 70.45937744142297, + "nauc_precision_at_3_max": 73.03004233073901, + "nauc_precision_at_3_std": -14.246554579025158, + "nauc_precision_at_5_diff1": 69.02821772428955, + "nauc_precision_at_5_max": 73.52949774726446, + "nauc_precision_at_5_std": -16.355747231517757, + "nauc_recall_at_1000_diff1": 35.804192824985755, + "nauc_recall_at_1000_max": 61.367785756485894, + "nauc_recall_at_1000_std": 54.01380822466869, + "nauc_recall_at_100_diff1": 67.96210883597479, + "nauc_recall_at_100_max": 82.38124823732169, + "nauc_recall_at_100_std": 16.814922595309966, + "nauc_recall_at_10_diff1": 68.21964459634341, + "nauc_recall_at_10_max": 77.68301934858845, + "nauc_recall_at_10_std": -9.430792913885066, + "nauc_recall_at_1_diff1": 77.24970536833601, + "nauc_recall_at_1_max": 62.07820573048406, + "nauc_recall_at_1_std": -20.917086586335078, + "nauc_recall_at_20_diff1": 66.60569906579487, + "nauc_recall_at_20_max": 75.66163186604354, + "nauc_recall_at_20_std": -9.09826205489828, + "nauc_recall_at_3_diff1": 70.52323701841641, + "nauc_recall_at_3_max": 73.03478107411232, + "nauc_recall_at_3_std": -14.432325989967962, + "nauc_recall_at_5_diff1": 69.08521261524373, + "nauc_recall_at_5_max": 73.51150270382094, + "nauc_recall_at_5_std": -16.569387503524368, + "ndcg_at_1": 61.273999999999994, + "ndcg_at_10": 73.90299999999999, + "ndcg_at_100": 75.983, + "ndcg_at_1000": 76.488, + "ndcg_at_20": 74.921, + "ndcg_at_3": 70.277, + "ndcg_at_5": 72.172, + "precision_at_1": 61.273999999999994, + "precision_at_10": 8.641, + "precision_at_100": 0.962, + "precision_at_1000": 0.1, + "precision_at_20": 4.524, + "precision_at_3": 25.517, + "precision_at_5": 16.223000000000003, + "recall_at_1": 61.236000000000004, + "recall_at_10": 86.37700000000001, + "recall_at_100": 96.054, + "recall_at_1000": 99.887, + "recall_at_20": 90.398, + "recall_at_3": 76.51299999999999, + "recall_at_5": 81.07900000000001 + }, + { + "hf_subset": "spa-spa", + "languages": [ + "spa-Latn", + "spa-Latn" + ], + "main_score": 68.632, + "map_at_1": 57.046, + "map_at_10": 64.869, + "map_at_100": 65.384, + "map_at_1000": 65.413, + "map_at_20": 65.185, + "map_at_3": 63.178, + "map_at_5": 64.12, + "mrr_at_1": 57.05579889544848, + "mrr_at_10": 64.8806425382317, + "mrr_at_100": 65.39469233244084, + "mrr_at_1000": 65.42342199403159, + "mrr_at_20": 65.19634815919534, + "mrr_at_3": 63.18796419729591, + "mrr_at_5": 64.13159398209874, + "nauc_map_at_1000_diff1": 73.23803038674018, + "nauc_map_at_1000_max": 67.44156201421714, + "nauc_map_at_1000_std": -8.60143026450049, + "nauc_map_at_100_diff1": 73.22575613034235, + "nauc_map_at_100_max": 67.44735143420195, + "nauc_map_at_100_std": -8.576905069492895, + "nauc_map_at_10_diff1": 73.11950129610865, + "nauc_map_at_10_max": 67.45107232305055, + "nauc_map_at_10_std": -8.799837857015392, + "nauc_map_at_1_diff1": 76.18354072047988, + "nauc_map_at_1_max": 65.03342186728786, + "nauc_map_at_1_std": -10.867650288695796, + "nauc_map_at_20_diff1": 73.21570748770948, + "nauc_map_at_20_max": 67.50340321088724, + "nauc_map_at_20_std": -8.594057184944676, + "nauc_map_at_3_diff1": 73.17239276163892, + "nauc_map_at_3_max": 67.06319504819103, + "nauc_map_at_3_std": -9.883216310270528, + "nauc_map_at_5_diff1": 73.11913507367727, + "nauc_map_at_5_max": 67.27497019567078, + "nauc_map_at_5_std": -9.497714822103118, + "nauc_mrr_at_1000_diff1": 73.22971233311306, + "nauc_mrr_at_1000_max": 67.42977229057223, + "nauc_mrr_at_1000_std": -8.550068702273297, + "nauc_mrr_at_100_diff1": 73.21744467317815, + "nauc_mrr_at_100_max": 67.43557491068093, + "nauc_mrr_at_100_std": -8.52559275190607, + "nauc_mrr_at_10_diff1": 73.11075619726137, + "nauc_mrr_at_10_max": 67.43889760205286, + "nauc_mrr_at_10_std": -8.74617232559183, + "nauc_mrr_at_1_diff1": 76.17529975949547, + "nauc_mrr_at_1_max": 65.02401127001608, + "nauc_mrr_at_1_std": -10.817814457633952, + "nauc_mrr_at_20_diff1": 73.20689275225138, + "nauc_mrr_at_20_max": 67.49111752272192, + "nauc_mrr_at_20_std": -8.539827528410353, + "nauc_mrr_at_3_diff1": 73.16291729623958, + "nauc_mrr_at_3_max": 67.05300993427998, + "nauc_mrr_at_3_std": -9.827915885680811, + "nauc_mrr_at_5_diff1": 73.11055686484109, + "nauc_mrr_at_5_max": 67.26299851089122, + "nauc_mrr_at_5_std": -9.445190276650903, + "nauc_ndcg_at_1000_diff1": 72.58833638407177, + "nauc_ndcg_at_1000_max": 68.10447506371374, + "nauc_ndcg_at_1000_std": -6.910306241546282, + "nauc_ndcg_at_100_diff1": 72.24524849631476, + "nauc_ndcg_at_100_max": 68.30659210081238, + "nauc_ndcg_at_100_std": -6.04305364268931, + "nauc_ndcg_at_10_diff1": 71.87363502582961, + "nauc_ndcg_at_10_max": 68.5010009653693, + "nauc_ndcg_at_10_std": -7.021281296450588, + "nauc_ndcg_at_1_diff1": 76.17529975949547, + "nauc_ndcg_at_1_max": 65.02401127001608, + "nauc_ndcg_at_1_std": -10.817814457633952, + "nauc_ndcg_at_20_diff1": 72.21241010439327, + "nauc_ndcg_at_20_max": 68.71743274030551, + "nauc_ndcg_at_20_std": -6.186629577195946, + "nauc_ndcg_at_3_diff1": 72.08204674794459, + "nauc_ndcg_at_3_max": 67.5958365046156, + "nauc_ndcg_at_3_std": -9.576418336610345, + "nauc_ndcg_at_5_diff1": 71.93179095844508, + "nauc_ndcg_at_5_max": 68.01914639754217, + "nauc_ndcg_at_5_std": -8.833768332910777, + "nauc_precision_at_1000_diff1": 63.0051360227489, + "nauc_precision_at_1000_max": 79.93532442313229, + "nauc_precision_at_1000_std": 52.869517607133254, + "nauc_precision_at_100_diff1": 62.43301501857154, + "nauc_precision_at_100_max": 75.57280416668183, + "nauc_precision_at_100_std": 26.758300486132747, + "nauc_precision_at_10_diff1": 66.29806375971134, + "nauc_precision_at_10_max": 73.40301413754797, + "nauc_precision_at_10_std": 1.9858547295235462, + "nauc_precision_at_1_diff1": 76.17529975949547, + "nauc_precision_at_1_max": 65.02401127001608, + "nauc_precision_at_1_std": -10.817814457633952, + "nauc_precision_at_20_diff1": 67.05111836051105, + "nauc_precision_at_20_max": 76.09783190824155, + "nauc_precision_at_20_std": 9.906010659515564, + "nauc_precision_at_3_diff1": 68.44186679250453, + "nauc_precision_at_3_max": 69.30301351119388, + "nauc_precision_at_3_std": -8.566522518882348, + "nauc_precision_at_5_diff1": 67.51737199297388, + "nauc_precision_at_5_max": 70.75887601590472, + "nauc_precision_at_5_std": -6.278983102710238, + "nauc_recall_at_1000_diff1": 65.12360093170948, + "nauc_recall_at_1000_max": 82.60209843191132, + "nauc_recall_at_1000_std": 51.740179583368636, + "nauc_recall_at_100_diff1": 62.82007697326819, + "nauc_recall_at_100_max": 76.04844844677562, + "nauc_recall_at_100_std": 26.4678415019248, + "nauc_recall_at_10_diff1": 66.28557566848767, + "nauc_recall_at_10_max": 73.40302709828738, + "nauc_recall_at_10_std": 1.9224272854613582, + "nauc_recall_at_1_diff1": 76.18354072047988, + "nauc_recall_at_1_max": 65.03342186728786, + "nauc_recall_at_1_std": -10.867650288695796, + "nauc_recall_at_20_diff1": 67.03430451094992, + "nauc_recall_at_20_max": 76.09474005171319, + "nauc_recall_at_20_std": 9.815888637851074, + "nauc_recall_at_3_diff1": 68.44411411344718, + "nauc_recall_at_3_max": 69.30502737137265, + "nauc_recall_at_3_std": -8.629526329714132, + "nauc_recall_at_5_diff1": 67.51469265953514, + "nauc_recall_at_5_max": 70.76969893818111, + "nauc_recall_at_5_std": -6.325600167105444, + "ndcg_at_1": 57.056, + "ndcg_at_10": 68.632, + "ndcg_at_100": 71.202, + "ndcg_at_1000": 71.97099999999999, + "ndcg_at_20": 69.785, + "ndcg_at_3": 65.131, + "ndcg_at_5": 66.834, + "precision_at_1": 57.056, + "precision_at_10": 8.044, + "precision_at_100": 0.9259999999999999, + "precision_at_1000": 0.099, + "precision_at_20": 4.251, + "precision_at_3": 23.589, + "precision_at_5": 14.984, + "recall_at_1": 57.046, + "recall_at_10": 80.423, + "recall_at_100": 92.582, + "recall_at_1000": 98.638, + "recall_at_20": 84.993, + "recall_at_3": 70.758, + "recall_at_5": 74.9 + }, + { + "hf_subset": "spa-eng", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "main_score": 68.765, + "map_at_1": 56.538999999999994, + "map_at_10": 64.816, + "map_at_100": 65.325, + "map_at_1000": 65.352, + "map_at_20": 65.113, + "map_at_3": 62.934999999999995, + "map_at_5": 64.063, + "mrr_at_1": 56.539120502569965, + "mrr_at_10": 64.81561556661505, + "mrr_at_100": 65.32464238613954, + "mrr_at_1000": 65.35206516602133, + "mrr_at_20": 65.11270445292227, + "mrr_at_3": 62.935465448315384, + "mrr_at_5": 64.06339234723022, + "nauc_map_at_1000_diff1": 73.20701050428072, + "nauc_map_at_1000_max": 67.32797480614404, + "nauc_map_at_1000_std": -6.211540626528362, + "nauc_map_at_100_diff1": 73.19497683923063, + "nauc_map_at_100_max": 67.33392646467817, + "nauc_map_at_100_std": -6.196671563900051, + "nauc_map_at_10_diff1": 73.16010547612956, + "nauc_map_at_10_max": 67.37793741307372, + "nauc_map_at_10_std": -6.3443240322521675, + "nauc_map_at_1_diff1": 76.63696578575964, + "nauc_map_at_1_max": 65.08189618178105, + "nauc_map_at_1_std": -8.594195451782733, + "nauc_map_at_20_diff1": 73.15233479381568, + "nauc_map_at_20_max": 67.3679607256072, + "nauc_map_at_20_std": -6.175928265286352, + "nauc_map_at_3_diff1": 73.14853380980746, + "nauc_map_at_3_max": 67.10354198073468, + "nauc_map_at_3_std": -7.409679815529866, + "nauc_map_at_5_diff1": 73.13425961877715, + "nauc_map_at_5_max": 67.22452899371224, + "nauc_map_at_5_std": -6.895257774506354, + "nauc_mrr_at_1000_diff1": 73.20701050428072, + "nauc_mrr_at_1000_max": 67.32797480614404, + "nauc_mrr_at_1000_std": -6.211540626528362, + "nauc_mrr_at_100_diff1": 73.19497683923063, + "nauc_mrr_at_100_max": 67.33392646467817, + "nauc_mrr_at_100_std": -6.196671563900051, + "nauc_mrr_at_10_diff1": 73.16010547612956, + "nauc_mrr_at_10_max": 67.37793741307372, + "nauc_mrr_at_10_std": -6.3443240322521675, + "nauc_mrr_at_1_diff1": 76.63696578575964, + "nauc_mrr_at_1_max": 65.08189618178105, + "nauc_mrr_at_1_std": -8.594195451782733, + "nauc_mrr_at_20_diff1": 73.15233479381568, + "nauc_mrr_at_20_max": 67.3679607256072, + "nauc_mrr_at_20_std": -6.175928265286352, + "nauc_mrr_at_3_diff1": 73.14853380980746, + "nauc_mrr_at_3_max": 67.10354198073468, + "nauc_mrr_at_3_std": -7.409679815529866, + "nauc_mrr_at_5_diff1": 73.13425961877715, + "nauc_mrr_at_5_max": 67.22452899371224, + "nauc_mrr_at_5_std": -6.895257774506354, + "nauc_ndcg_at_1000_diff1": 72.44364625096874, + "nauc_ndcg_at_1000_max": 67.93635761141552, + "nauc_ndcg_at_1000_std": -4.616429464350954, + "nauc_ndcg_at_100_diff1": 72.11352383758482, + "nauc_ndcg_at_100_max": 68.1627312575955, + "nauc_ndcg_at_100_std": -3.894213672131282, + "nauc_ndcg_at_10_diff1": 71.8526850770812, + "nauc_ndcg_at_10_max": 68.41366561888562, + "nauc_ndcg_at_10_std": -4.472146861145989, + "nauc_ndcg_at_1_diff1": 76.63696578575964, + "nauc_ndcg_at_1_max": 65.08189618178105, + "nauc_ndcg_at_1_std": -8.594195451782733, + "nauc_ndcg_at_20_diff1": 71.76464418138866, + "nauc_ndcg_at_20_max": 68.41174963313698, + "nauc_ndcg_at_20_std": -3.7449762037540157, + "nauc_ndcg_at_3_diff1": 71.93808990683131, + "nauc_ndcg_at_3_max": 67.7010029507334, + "nauc_ndcg_at_3_std": -6.971858419379321, + "nauc_ndcg_at_5_diff1": 71.8505224811326, + "nauc_ndcg_at_5_max": 67.97139549500251, + "nauc_ndcg_at_5_std": -5.958491308070017, + "nauc_precision_at_1000_diff1": 62.20956180320043, + "nauc_precision_at_1000_max": 82.53412670611299, + "nauc_precision_at_1000_std": 55.57278124999575, + "nauc_precision_at_100_diff1": 62.03792857023201, + "nauc_precision_at_100_max": 76.77130713424538, + "nauc_precision_at_100_std": 26.674102719959564, + "nauc_precision_at_10_diff1": 65.89798055049931, + "nauc_precision_at_10_max": 73.41908620140674, + "nauc_precision_at_10_std": 5.21818573283179, + "nauc_precision_at_1_diff1": 76.63696578575964, + "nauc_precision_at_1_max": 65.08189618178105, + "nauc_precision_at_1_std": -8.594195451782733, + "nauc_precision_at_20_diff1": 63.734308542647355, + "nauc_precision_at_20_max": 74.69578825096144, + "nauc_precision_at_20_std": 12.627842502659162, + "nauc_precision_at_3_diff1": 67.91189666671904, + "nauc_precision_at_3_max": 69.64986036783209, + "nauc_precision_at_3_std": -5.505669087429055, + "nauc_precision_at_5_diff1": 67.01880006360248, + "nauc_precision_at_5_max": 70.78916423358686, + "nauc_precision_at_5_std": -2.2273742736401045, + "nauc_recall_at_1000_diff1": 62.20956180319936, + "nauc_recall_at_1000_max": 82.53412670611287, + "nauc_recall_at_1000_std": 55.57278124999549, + "nauc_recall_at_100_diff1": 62.03792857023208, + "nauc_recall_at_100_max": 76.77130713424577, + "nauc_recall_at_100_std": 26.67410271995973, + "nauc_recall_at_10_diff1": 65.8979805504994, + "nauc_recall_at_10_max": 73.41908620140678, + "nauc_recall_at_10_std": 5.2181857328318655, + "nauc_recall_at_1_diff1": 76.63696578575964, + "nauc_recall_at_1_max": 65.08189618178105, + "nauc_recall_at_1_std": -8.594195451782733, + "nauc_recall_at_20_diff1": 63.734308542647334, + "nauc_recall_at_20_max": 74.69578825096123, + "nauc_recall_at_20_std": 12.627842502658982, + "nauc_recall_at_3_diff1": 67.91189666671897, + "nauc_recall_at_3_max": 69.64986036783203, + "nauc_recall_at_3_std": -5.505669087428989, + "nauc_recall_at_5_diff1": 67.01880006360243, + "nauc_recall_at_5_max": 70.78916423358686, + "nauc_recall_at_5_std": -2.227374273640135, + "ndcg_at_1": 56.538999999999994, + "ndcg_at_10": 68.765, + "ndcg_at_100": 71.314, + "ndcg_at_1000": 72.038, + "ndcg_at_20": 69.828, + "ndcg_at_3": 64.937, + "ndcg_at_5": 66.956, + "precision_at_1": 56.538999999999994, + "precision_at_10": 8.113, + "precision_at_100": 0.932, + "precision_at_1000": 0.099, + "precision_at_20": 4.265, + "precision_at_3": 23.567, + "precision_at_5": 15.115, + "recall_at_1": 56.538999999999994, + "recall_at_10": 81.135, + "recall_at_100": 93.223, + "recall_at_1000": 98.896, + "recall_at_20": 85.304, + "recall_at_3": 70.702, + "recall_at_5": 75.576 + }, + { + "hf_subset": "eng-deu", + "languages": [ + "eng-Latn", + "deu-Latn" + ], + "main_score": 69.298, + "map_at_1": 58.553, + "map_at_10": 65.769, + "map_at_100": 66.298, + "map_at_1000": 66.328, + "map_at_20": 66.101, + "map_at_3": 64.048, + "map_at_5": 65.09, + "mrr_at_1": 58.564148016840235, + "mrr_at_10": 65.7685997066675, + "mrr_at_100": 66.29874034432214, + "mrr_at_1000": 66.32844979939088, + "mrr_at_20": 66.10120513957821, + "mrr_at_3": 64.04830489696437, + "mrr_at_5": 65.08974074894746, + "nauc_map_at_1000_diff1": 76.8409650183994, + "nauc_map_at_1000_max": 71.86367015521367, + "nauc_map_at_1000_std": -14.464881539957256, + "nauc_map_at_100_diff1": 76.82536521842064, + "nauc_map_at_100_max": 71.86811127965429, + "nauc_map_at_100_std": -14.441105539722244, + "nauc_map_at_10_diff1": 76.75522453447859, + "nauc_map_at_10_max": 71.87677500176706, + "nauc_map_at_10_std": -14.741331625103559, + "nauc_map_at_1_diff1": 79.64060747740989, + "nauc_map_at_1_max": 69.84278563569617, + "nauc_map_at_1_std": -15.936904929655832, + "nauc_map_at_20_diff1": 76.78894776059715, + "nauc_map_at_20_max": 71.89637938044827, + "nauc_map_at_20_std": -14.500564106990769, + "nauc_map_at_3_diff1": 77.20562577450342, + "nauc_map_at_3_max": 71.80578229361525, + "nauc_map_at_3_std": -15.344134588512201, + "nauc_map_at_5_diff1": 77.00480147367867, + "nauc_map_at_5_max": 71.98335924076163, + "nauc_map_at_5_std": -15.16537653041026, + "nauc_mrr_at_1000_diff1": 76.84165367691193, + "nauc_mrr_at_1000_max": 71.8642679499795, + "nauc_mrr_at_1000_std": -14.461717954593158, + "nauc_mrr_at_100_diff1": 76.8263363557998, + "nauc_mrr_at_100_max": 71.86874522368626, + "nauc_mrr_at_100_std": -14.437105168707426, + "nauc_mrr_at_10_diff1": 76.75522453447859, + "nauc_mrr_at_10_max": 71.87677500176706, + "nauc_mrr_at_10_std": -14.741331625103559, + "nauc_mrr_at_1_diff1": 79.65642669321981, + "nauc_mrr_at_1_max": 69.89135358784799, + "nauc_mrr_at_1_std": -15.919357002229589, + "nauc_mrr_at_20_diff1": 76.78883171270601, + "nauc_mrr_at_20_max": 71.89806887245291, + "nauc_mrr_at_20_std": -14.497139746907905, + "nauc_mrr_at_3_diff1": 77.20562577450342, + "nauc_mrr_at_3_max": 71.80578229361525, + "nauc_mrr_at_3_std": -15.344134588512201, + "nauc_mrr_at_5_diff1": 77.00480147367867, + "nauc_mrr_at_5_max": 71.98335924076163, + "nauc_mrr_at_5_std": -15.16537653041026, + "nauc_ndcg_at_1000_diff1": 76.07802417817047, + "nauc_ndcg_at_1000_max": 72.31792804426776, + "nauc_ndcg_at_1000_std": -13.049160715132244, + "nauc_ndcg_at_100_diff1": 75.63343849116544, + "nauc_ndcg_at_100_max": 72.48362076101817, + "nauc_ndcg_at_100_std": -12.089600993516777, + "nauc_ndcg_at_10_diff1": 75.23387929929208, + "nauc_ndcg_at_10_max": 72.51436288271807, + "nauc_ndcg_at_10_std": -13.624132103038104, + "nauc_ndcg_at_1_diff1": 79.65642669321981, + "nauc_ndcg_at_1_max": 69.89135358784799, + "nauc_ndcg_at_1_std": -15.919357002229589, + "nauc_ndcg_at_20_diff1": 75.32926047656296, + "nauc_ndcg_at_20_max": 72.61254165918145, + "nauc_ndcg_at_20_std": -12.683157599238701, + "nauc_ndcg_at_3_diff1": 76.3089337665469, + "nauc_ndcg_at_3_max": 72.40014674426054, + "nauc_ndcg_at_3_std": -15.08624226353458, + "nauc_ndcg_at_5_diff1": 75.88857331641834, + "nauc_ndcg_at_5_max": 72.7719386827224, + "nauc_ndcg_at_5_std": -14.70546521089236, + "nauc_precision_at_1000_diff1": 59.66563879069911, + "nauc_precision_at_1000_max": 74.57123562956772, + "nauc_precision_at_1000_std": 58.61396866718965, + "nauc_precision_at_100_diff1": 62.8695896550042, + "nauc_precision_at_100_max": 77.81408796785, + "nauc_precision_at_100_std": 23.819735672317826, + "nauc_precision_at_10_diff1": 68.08051625224569, + "nauc_precision_at_10_max": 75.14432336036869, + "nauc_precision_at_10_std": -7.97602345252735, + "nauc_precision_at_1_diff1": 79.65642669321981, + "nauc_precision_at_1_max": 69.89135358784799, + "nauc_precision_at_1_std": -15.919357002229589, + "nauc_precision_at_20_diff1": 66.7168005185165, + "nauc_precision_at_20_max": 76.58522761697147, + "nauc_precision_at_20_std": -0.17923428317323292, + "nauc_precision_at_3_diff1": 73.23394851561207, + "nauc_precision_at_3_max": 74.32517846819215, + "nauc_precision_at_3_std": -14.142301336188348, + "nauc_precision_at_5_diff1": 71.5666882547012, + "nauc_precision_at_5_max": 75.71098205440033, + "nauc_precision_at_5_std": -12.808362513638052, + "nauc_recall_at_1000_diff1": 71.73736112325805, + "nauc_recall_at_1000_max": 86.70743436225898, + "nauc_recall_at_1000_std": 54.45802578371167, + "nauc_recall_at_100_diff1": 64.07053861428128, + "nauc_recall_at_100_max": 78.8348308099261, + "nauc_recall_at_100_std": 22.72263677785103, + "nauc_recall_at_10_diff1": 68.20272901407903, + "nauc_recall_at_10_max": 75.16315335381938, + "nauc_recall_at_10_std": -8.060716748913386, + "nauc_recall_at_1_diff1": 79.64060747740989, + "nauc_recall_at_1_max": 69.84278563569617, + "nauc_recall_at_1_std": -15.936904929655832, + "nauc_recall_at_20_diff1": 66.88206981973654, + "nauc_recall_at_20_max": 76.54824917595687, + "nauc_recall_at_20_std": -0.40294589316962287, + "nauc_recall_at_3_diff1": 73.33076087258938, + "nauc_recall_at_3_max": 74.33763112508771, + "nauc_recall_at_3_std": -14.213355414905399, + "nauc_recall_at_5_diff1": 71.67487623469464, + "nauc_recall_at_5_max": 75.72770292516316, + "nauc_recall_at_5_std": -12.887572274644818, + "ndcg_at_1": 58.56400000000001, + "ndcg_at_10": 69.298, + "ndcg_at_100": 71.95899999999999, + "ndcg_at_1000": 72.735, + "ndcg_at_20": 70.50699999999999, + "ndcg_at_3": 65.81700000000001, + "ndcg_at_5": 67.681, + "precision_at_1": 58.56400000000001, + "precision_at_10": 8.039, + "precision_at_100": 0.931, + "precision_at_1000": 0.099, + "precision_at_20": 4.259, + "precision_at_3": 23.65, + "precision_at_5": 15.09, + "recall_at_1": 58.553, + "recall_at_10": 80.368, + "recall_at_100": 93.013, + "recall_at_1000": 99.092, + "recall_at_20": 85.143, + "recall_at_3": 70.928, + "recall_at_5": 75.42699999999999 + }, + { + "hf_subset": "eng-spa", + "languages": [ + "eng-Latn", + "spa-Latn" + ], + "main_score": 66.374, + "map_at_1": 55.494, + "map_at_10": 62.763999999999996, + "map_at_100": 63.33, + "map_at_1000": 63.36000000000001, + "map_at_20": 63.104000000000006, + "map_at_3": 61.065000000000005, + "map_at_5": 62.053000000000004, + "mrr_at_1": 55.49419158255571, + "mrr_at_10": 62.765195140457095, + "mrr_at_100": 63.33083349354529, + "mrr_at_1000": 63.3611897014839, + "mrr_at_20": 63.10543590095977, + "mrr_at_3": 61.06455913159412, + "mrr_at_5": 62.052942296705474, + "nauc_map_at_1000_diff1": 75.04200018088618, + "nauc_map_at_1000_max": 70.49937782771909, + "nauc_map_at_1000_std": -5.257206317083184, + "nauc_map_at_100_diff1": 75.02786834256312, + "nauc_map_at_100_max": 70.5016476500189, + "nauc_map_at_100_std": -5.228770832077681, + "nauc_map_at_10_diff1": 74.9626552701647, + "nauc_map_at_10_max": 70.56253732243214, + "nauc_map_at_10_std": -5.359037281768563, + "nauc_map_at_1_diff1": 78.46858307815857, + "nauc_map_at_1_max": 69.03908373759435, + "nauc_map_at_1_std": -7.479412070736642, + "nauc_map_at_20_diff1": 74.98121458084796, + "nauc_map_at_20_max": 70.51885366822565, + "nauc_map_at_20_std": -5.286051287133815, + "nauc_map_at_3_diff1": 75.36078454383373, + "nauc_map_at_3_max": 70.34997144546014, + "nauc_map_at_3_std": -6.663517224039184, + "nauc_map_at_5_diff1": 75.0274512828238, + "nauc_map_at_5_max": 70.45292551591874, + "nauc_map_at_5_std": -6.029224488640147, + "nauc_mrr_at_1000_diff1": 75.04018768469983, + "nauc_mrr_at_1000_max": 70.49855509132635, + "nauc_mrr_at_1000_std": -5.258929961409948, + "nauc_mrr_at_100_diff1": 75.02605732810112, + "nauc_mrr_at_100_max": 70.50082584929103, + "nauc_mrr_at_100_std": -5.2304917988542154, + "nauc_mrr_at_10_diff1": 74.96079080525713, + "nauc_mrr_at_10_max": 70.56167294920391, + "nauc_mrr_at_10_std": -5.360650630655072, + "nauc_mrr_at_1_diff1": 78.46858307815857, + "nauc_mrr_at_1_max": 69.03908373759435, + "nauc_mrr_at_1_std": -7.479412070736642, + "nauc_mrr_at_20_diff1": 74.97939804960517, + "nauc_mrr_at_20_max": 70.51804078965411, + "nauc_mrr_at_20_std": -5.287681954889177, + "nauc_mrr_at_3_diff1": 75.36078454383373, + "nauc_mrr_at_3_max": 70.34997144546014, + "nauc_mrr_at_3_std": -6.663517224039184, + "nauc_mrr_at_5_diff1": 75.0274512828238, + "nauc_mrr_at_5_max": 70.45292551591874, + "nauc_mrr_at_5_std": -6.029224488640147, + "nauc_ndcg_at_1000_diff1": 74.22106834748942, + "nauc_ndcg_at_1000_max": 70.93625922934912, + "nauc_ndcg_at_1000_std": -3.4878399005946017, + "nauc_ndcg_at_100_diff1": 73.74068883646733, + "nauc_ndcg_at_100_max": 71.02357018347472, + "nauc_ndcg_at_100_std": -2.462293184201324, + "nauc_ndcg_at_10_diff1": 73.40967965536565, + "nauc_ndcg_at_10_max": 71.29379828672067, + "nauc_ndcg_at_10_std": -3.295547756383108, + "nauc_ndcg_at_1_diff1": 78.46858307815857, + "nauc_ndcg_at_1_max": 69.03908373759435, + "nauc_ndcg_at_1_std": -7.479412070736642, + "nauc_ndcg_at_20_diff1": 73.45790057693699, + "nauc_ndcg_at_20_max": 71.16598432419126, + "nauc_ndcg_at_20_std": -2.962877157646097, + "nauc_ndcg_at_3_diff1": 74.30696173964847, + "nauc_ndcg_at_3_max": 70.79878978459556, + "nauc_ndcg_at_3_std": -6.297286578628299, + "nauc_ndcg_at_5_diff1": 73.65858211199816, + "nauc_ndcg_at_5_max": 71.01122417463776, + "nauc_ndcg_at_5_std": -5.075990882646765, + "nauc_precision_at_1000_diff1": 68.71065091972568, + "nauc_precision_at_1000_max": 81.38173585624777, + "nauc_precision_at_1000_std": 58.035497889797895, + "nauc_precision_at_100_diff1": 61.93634256957017, + "nauc_precision_at_100_max": 74.84191770203093, + "nauc_precision_at_100_std": 31.3325983123831, + "nauc_precision_at_10_diff1": 66.68247010944937, + "nauc_precision_at_10_max": 74.48773524654571, + "nauc_precision_at_10_std": 6.560421880785153, + "nauc_precision_at_1_diff1": 78.46858307815857, + "nauc_precision_at_1_max": 69.03908373759435, + "nauc_precision_at_1_std": -7.479412070736642, + "nauc_precision_at_20_diff1": 65.51592872758067, + "nauc_precision_at_20_max": 74.50684066823096, + "nauc_precision_at_20_std": 10.830479877698208, + "nauc_precision_at_3_diff1": 70.89587884861588, + "nauc_precision_at_3_max": 72.25310558370424, + "nauc_precision_at_3_std": -5.0796100900749765, + "nauc_precision_at_5_diff1": 68.71885719845497, + "nauc_precision_at_5_max": 73.02601751485672, + "nauc_precision_at_5_std": -1.4382681421626857, + "nauc_recall_at_1000_diff1": 71.95510299834734, + "nauc_recall_at_1000_max": 84.03647166092985, + "nauc_recall_at_1000_std": 56.87490604776847, + "nauc_recall_at_100_diff1": 62.446624924715955, + "nauc_recall_at_100_max": 75.25666892464507, + "nauc_recall_at_100_std": 31.068789794554686, + "nauc_recall_at_10_diff1": 66.70676336328988, + "nauc_recall_at_10_max": 74.4963699656397, + "nauc_recall_at_10_std": 6.57498399706916, + "nauc_recall_at_1_diff1": 78.46858307815857, + "nauc_recall_at_1_max": 69.03908373759435, + "nauc_recall_at_1_std": -7.479412070736642, + "nauc_recall_at_20_diff1": 65.54082767974772, + "nauc_recall_at_20_max": 74.5111529838772, + "nauc_recall_at_20_std": 10.84574829707354, + "nauc_recall_at_3_diff1": 70.89587884861584, + "nauc_recall_at_3_max": 72.25310558370421, + "nauc_recall_at_3_std": -5.07961009007491, + "nauc_recall_at_5_diff1": 68.71885719845501, + "nauc_recall_at_5_max": 73.02601751485666, + "nauc_recall_at_5_std": -1.4382681421626995, + "ndcg_at_1": 55.494, + "ndcg_at_10": 66.374, + "ndcg_at_100": 69.254, + "ndcg_at_1000": 70.136, + "ndcg_at_20": 67.599, + "ndcg_at_3": 62.863, + "ndcg_at_5": 64.644, + "precision_at_1": 55.494, + "precision_at_10": 7.776, + "precision_at_100": 0.9159999999999999, + "precision_at_1000": 0.099, + "precision_at_20": 4.1290000000000004, + "precision_at_3": 22.688, + "precision_at_5": 14.477, + "recall_at_1": 55.494, + "recall_at_10": 77.747, + "recall_at_100": 91.535, + "recall_at_1000": 98.619, + "recall_at_20": 82.565, + "recall_at_3": 68.063, + "recall_at_5": 72.386 + }, + { + "hf_subset": "eng-eng", + "languages": [ + "eng-Latn", + "eng-Latn" + ], + "main_score": 64.723, + "map_at_1": 54.308, + "map_at_10": 61.26200000000001, + "map_at_100": 61.82299999999999, + "map_at_1000": 61.856, + "map_at_20": 61.575, + "map_at_3": 59.565, + "map_at_5": 60.561, + "mrr_at_1": 54.31704368848212, + "mrr_at_10": 61.26520216098834, + "mrr_at_100": 61.82588321127103, + "mrr_at_1000": 61.859333030574334, + "mrr_at_20": 61.57780339921337, + "mrr_at_3": 59.569446842801646, + "mrr_at_5": 60.56323029989004, + "nauc_map_at_1000_diff1": 74.21413722468635, + "nauc_map_at_1000_max": 70.41741227882316, + "nauc_map_at_1000_std": -2.5438707209848506, + "nauc_map_at_100_diff1": 74.19812315947975, + "nauc_map_at_100_max": 70.41589146728445, + "nauc_map_at_100_std": -2.5336117059429553, + "nauc_map_at_10_diff1": 74.21810561152937, + "nauc_map_at_10_max": 70.48816115200171, + "nauc_map_at_10_std": -2.7443834681406734, + "nauc_map_at_1_diff1": 77.69378738778958, + "nauc_map_at_1_max": 68.64652310701173, + "nauc_map_at_1_std": -4.667071946448379, + "nauc_map_at_20_diff1": 74.16105697562438, + "nauc_map_at_20_max": 70.42491994631179, + "nauc_map_at_20_std": -2.6070416022440472, + "nauc_map_at_3_diff1": 74.60449392878863, + "nauc_map_at_3_max": 70.39888609914269, + "nauc_map_at_3_std": -3.5401151125723986, + "nauc_map_at_5_diff1": 74.2423420992663, + "nauc_map_at_5_max": 70.36574501826757, + "nauc_map_at_5_std": -3.2707393116898964, + "nauc_mrr_at_1000_diff1": 74.21029843731323, + "nauc_mrr_at_1000_max": 70.43020492688913, + "nauc_mrr_at_1000_std": -2.526895582202081, + "nauc_mrr_at_100_diff1": 74.19440960479243, + "nauc_mrr_at_100_max": 70.4288998824232, + "nauc_mrr_at_100_std": -2.5160929945118107, + "nauc_mrr_at_10_diff1": 74.2141357266166, + "nauc_mrr_at_10_max": 70.5005683347807, + "nauc_mrr_at_10_std": -2.727154557882168, + "nauc_mrr_at_1_diff1": 77.69891248239793, + "nauc_mrr_at_1_max": 68.68255231164922, + "nauc_mrr_at_1_std": -4.630226727154317, + "nauc_mrr_at_20_diff1": 74.15705434409723, + "nauc_mrr_at_20_max": 70.43741835972747, + "nauc_mrr_at_20_std": -2.5896756472464495, + "nauc_mrr_at_3_diff1": 74.5981844349412, + "nauc_mrr_at_3_max": 70.41834937080564, + "nauc_mrr_at_3_std": -3.5161656408031163, + "nauc_mrr_at_5_diff1": 74.23847535424844, + "nauc_mrr_at_5_max": 70.37763810013656, + "nauc_mrr_at_5_std": -3.2560955164581733, + "nauc_ndcg_at_1000_diff1": 73.20994496725493, + "nauc_ndcg_at_1000_max": 70.8903016277125, + "nauc_ndcg_at_1000_std": -0.625772298462309, + "nauc_ndcg_at_100_diff1": 72.6847141682645, + "nauc_ndcg_at_100_max": 70.86564422034162, + "nauc_ndcg_at_100_std": -0.07195786766326141, + "nauc_ndcg_at_10_diff1": 72.78806493754281, + "nauc_ndcg_at_10_max": 71.21957067926769, + "nauc_ndcg_at_10_std": -1.2760418313382227, + "nauc_ndcg_at_1_diff1": 77.69891248239793, + "nauc_ndcg_at_1_max": 68.68255231164922, + "nauc_ndcg_at_1_std": -4.630226727154317, + "nauc_ndcg_at_20_diff1": 72.52082440882546, + "nauc_ndcg_at_20_max": 70.98185004796734, + "nauc_ndcg_at_20_std": -0.6908280874815464, + "nauc_ndcg_at_3_diff1": 73.59870660843939, + "nauc_ndcg_at_3_max": 70.94391957288654, + "nauc_ndcg_at_3_std": -3.147723179140428, + "nauc_ndcg_at_5_diff1": 72.90122868193457, + "nauc_ndcg_at_5_max": 70.89376368965165, + "nauc_ndcg_at_5_std": -2.6451807385626744, + "nauc_precision_at_1000_diff1": 58.14737201864067, + "nauc_precision_at_1000_max": 78.79011251144826, + "nauc_precision_at_1000_std": 59.98985420476577, + "nauc_precision_at_100_diff1": 59.21069121644552, + "nauc_precision_at_100_max": 73.00557835912306, + "nauc_precision_at_100_std": 26.85027406282173, + "nauc_precision_at_10_diff1": 66.8760831023675, + "nauc_precision_at_10_max": 74.21167950452596, + "nauc_precision_at_10_std": 5.453652499335947, + "nauc_precision_at_1_diff1": 77.69891248239793, + "nauc_precision_at_1_max": 68.68255231164922, + "nauc_precision_at_1_std": -4.630226727154317, + "nauc_precision_at_20_diff1": 64.3118559132602, + "nauc_precision_at_20_max": 73.33078184673825, + "nauc_precision_at_20_std": 9.993299523049402, + "nauc_precision_at_3_diff1": 70.38667185155593, + "nauc_precision_at_3_max": 72.66495006030951, + "nauc_precision_at_3_std": -1.8532839591326276, + "nauc_precision_at_5_diff1": 68.12161337583686, + "nauc_precision_at_5_max": 72.65644960375046, + "nauc_precision_at_5_std": -0.33317164167012875, + "nauc_recall_at_1000_diff1": 61.63204394739985, + "nauc_recall_at_1000_max": 81.77241537319897, + "nauc_recall_at_1000_std": 58.44841544062308, + "nauc_recall_at_100_diff1": 59.72072697224705, + "nauc_recall_at_100_max": 73.28519507061553, + "nauc_recall_at_100_std": 26.27318390763456, + "nauc_recall_at_10_diff1": 66.9757135465418, + "nauc_recall_at_10_max": 74.21919493374149, + "nauc_recall_at_10_std": 5.323369605377166, + "nauc_recall_at_1_diff1": 77.69378738778958, + "nauc_recall_at_1_max": 68.64652310701173, + "nauc_recall_at_1_std": -4.667071946448379, + "nauc_recall_at_20_diff1": 64.42290081731899, + "nauc_recall_at_20_max": 73.3358289439033, + "nauc_recall_at_20_std": 9.846598361586073, + "nauc_recall_at_3_diff1": 70.41211290964785, + "nauc_recall_at_3_max": 72.64451776775402, + "nauc_recall_at_3_std": -1.916280959835826, + "nauc_recall_at_5_diff1": 68.20695272727916, + "nauc_recall_at_5_max": 72.66404224006101, + "nauc_recall_at_5_std": -0.431125323007886, + "ndcg_at_1": 54.31700000000001, + "ndcg_at_10": 64.723, + "ndcg_at_100": 67.648, + "ndcg_at_1000": 68.619, + "ndcg_at_20": 65.85499999999999, + "ndcg_at_3": 61.244, + "ndcg_at_5": 63.038000000000004, + "precision_at_1": 54.31700000000001, + "precision_at_10": 7.564, + "precision_at_100": 0.898, + "precision_at_1000": 0.098, + "precision_at_20": 4.005, + "precision_at_3": 22.034000000000002, + "precision_at_5": 14.093, + "recall_at_1": 54.308, + "recall_at_10": 75.622, + "recall_at_100": 89.744, + "recall_at_1000": 97.539, + "recall_at_20": 80.085, + "recall_at_3": 66.09, + "recall_at_5": 70.446 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/MLSUMClusteringP2P.json b/results/jinaai__jina-embeddings-v3/external/MLSUMClusteringP2P.json new file mode 100644 index 000000000..0a071e859 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/MLSUMClusteringP2P.json @@ -0,0 +1,82 @@ +{ + "dataset_revision": "b5d54f8f3b61ae17845046286940f03c6bc79bc7", + "task_name": "MLSUMClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "main_score": 41.267647761702854, + "v_measure": 41.267647761702854, + "v_measure_std": 10.93390895077248 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "main_score": 44.68714862333979, + "v_measure": 44.68714862333979, + "v_measure_std": 1.811036989797814 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "main_score": 41.92518785753813, + "v_measure": 41.92518785753813, + "v_measure_std": 5.9356661900220775 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "main_score": 48.69875719812033, + "v_measure": 48.69875719812033, + "v_measure_std": 1.204253881950113 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "main_score": 40.07927325071353, + "v_measure": 40.07927325071353, + "v_measure_std": 9.296680835266145 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "main_score": 44.88484854069901, + "v_measure": 44.88484854069901, + "v_measure_std": 2.3704247819781843 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "main_score": 43.97657450929179, + "v_measure": 43.97657450929179, + "v_measure_std": 6.087547931333613 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "main_score": 48.41108671948728, + "v_measure": 48.41108671948728, + "v_measure_std": 1.3848320630151243 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/MMarcoReranking.json b/results/jinaai__jina-embeddings-v3/external/MMarcoReranking.json new file mode 100644 index 000000000..863ec2d2b --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "8e0c766dbe9e16e1d221116a3f36795fbade07f6", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 21.050447576170395, + "mrr": 20.201984126984126, + "main_score": 21.050447576170395 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/MMarcoRetrieval.json b/results/jinaai__jina-embeddings-v3/external/MMarcoRetrieval.json new file mode 100644 index 000000000..41723aaa5 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/MMarcoRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "539bbde593d947e2a124ba72651aafc09eb33fc2", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 79.687, + "map_at_1": 66.872, + "map_at_10": 75.949, + "map_at_100": 76.25, + "map_at_1000": 76.259, + "map_at_20": 76.145, + "map_at_3": 74.01299999999999, + "map_at_5": 75.232, + "mrr_at_1": 69.18338108882521, + "mrr_at_10": 76.5424227952881, + "mrr_at_100": 76.8019342792628, + "mrr_at_1000": 76.81002278342808, + "mrr_at_20": 76.7115234815896, + "mrr_at_3": 74.83046800382044, + "mrr_at_5": 75.88490926456515, + "nauc_map_at_1000_diff1": 78.06933310424179, + "nauc_map_at_1000_max": 49.392948209665896, + "nauc_map_at_1000_std": -15.126109322591166, + "nauc_map_at_100_diff1": 78.06612779298378, + "nauc_map_at_100_max": 49.40761618630397, + "nauc_map_at_100_std": -15.099282408159349, + "nauc_map_at_10_diff1": 77.94565685470538, + "nauc_map_at_10_max": 49.50559610363201, + "nauc_map_at_10_std": -15.182130695916355, + "nauc_map_at_1_diff1": 79.84814509858211, + "nauc_map_at_1_max": 40.78978466656547, + "nauc_map_at_1_std": -19.96189264026715, + "nauc_map_at_20_diff1": 78.03597839981245, + "nauc_map_at_20_max": 49.49477427223376, + "nauc_map_at_20_std": -15.084990000838378, + "nauc_map_at_3_diff1": 78.0637014655507, + "nauc_map_at_3_max": 48.63214001973341, + "nauc_map_at_3_std": -17.093950563306596, + "nauc_map_at_5_diff1": 77.94068229240348, + "nauc_map_at_5_max": 49.38930719689204, + "nauc_map_at_5_std": -15.9919454201954, + "nauc_mrr_at_1000_diff1": 78.34582398092816, + "nauc_mrr_at_1000_max": 49.623566992784156, + "nauc_mrr_at_1000_std": -14.381347765493265, + "nauc_mrr_at_100_diff1": 78.3429966714221, + "nauc_mrr_at_100_max": 49.63684922240546, + "nauc_mrr_at_100_std": -14.354914066301236, + "nauc_mrr_at_10_diff1": 78.2208070219624, + "nauc_mrr_at_10_max": 49.77720536573364, + "nauc_mrr_at_10_std": -14.316233764741812, + "nauc_mrr_at_1_diff1": 80.22305496572142, + "nauc_mrr_at_1_max": 44.30231210192536, + "nauc_mrr_at_1_std": -18.942549914934492, + "nauc_mrr_at_20_diff1": 78.31006724240147, + "nauc_mrr_at_20_max": 49.72338465276142, + "nauc_mrr_at_20_std": -14.30722621948953, + "nauc_mrr_at_3_diff1": 78.39832634634523, + "nauc_mrr_at_3_max": 49.24985961036677, + "nauc_mrr_at_3_std": -15.966286866763191, + "nauc_mrr_at_5_diff1": 78.2406507247798, + "nauc_mrr_at_5_max": 49.71276359754787, + "nauc_mrr_at_5_std": -14.979526226149698, + "nauc_ndcg_at_1000_diff1": 77.74892471071016, + "nauc_ndcg_at_1000_max": 51.11543344053061, + "nauc_ndcg_at_1000_std": -12.208878737005096, + "nauc_ndcg_at_100_diff1": 77.67462502211228, + "nauc_ndcg_at_100_max": 51.593977338939034, + "nauc_ndcg_at_100_std": -11.312126179513802, + "nauc_ndcg_at_10_diff1": 77.0571291760012, + "nauc_ndcg_at_10_max": 52.35435572808972, + "nauc_ndcg_at_10_std": -11.33242546164059, + "nauc_ndcg_at_1_diff1": 80.22305496572142, + "nauc_ndcg_at_1_max": 44.30231210192536, + "nauc_ndcg_at_1_std": -18.942549914934492, + "nauc_ndcg_at_20_diff1": 77.4141216117471, + "nauc_ndcg_at_20_max": 52.340600871365375, + "nauc_ndcg_at_20_std": -10.989010161550912, + "nauc_ndcg_at_3_diff1": 77.43971989259062, + "nauc_ndcg_at_3_max": 50.59251358320663, + "nauc_ndcg_at_3_std": -15.59337960636058, + "nauc_ndcg_at_5_diff1": 77.12174287031847, + "nauc_ndcg_at_5_max": 51.97108510288907, + "nauc_ndcg_at_5_std": -13.474902612427167, + "nauc_precision_at_1000_diff1": -19.36793534929367, + "nauc_precision_at_1000_max": 11.803383262344036, + "nauc_precision_at_1000_std": 24.304436015177046, + "nauc_precision_at_100_diff1": -6.273790806909921, + "nauc_precision_at_100_max": 23.372606271300747, + "nauc_precision_at_100_std": 29.085768971612342, + "nauc_precision_at_10_diff1": 21.67045907336595, + "nauc_precision_at_10_max": 41.68948432407223, + "nauc_precision_at_10_std": 17.837055074458092, + "nauc_precision_at_1_diff1": 80.22305496572142, + "nauc_precision_at_1_max": 44.30231210192536, + "nauc_precision_at_1_std": -18.942549914934492, + "nauc_precision_at_20_diff1": 12.577671896684803, + "nauc_precision_at_20_max": 37.44944702246691, + "nauc_precision_at_20_std": 23.635897665206087, + "nauc_precision_at_3_diff1": 47.165335112814056, + "nauc_precision_at_3_max": 47.0458691263379, + "nauc_precision_at_3_std": -3.3181861146890217, + "nauc_precision_at_5_diff1": 35.406205343514806, + "nauc_precision_at_5_max": 45.56549449285401, + "nauc_precision_at_5_std": 5.612378074562386, + "nauc_recall_at_1000_diff1": 72.32762520815842, + "nauc_recall_at_1000_max": 85.64979256307343, + "nauc_recall_at_1000_std": 73.61925297037476, + "nauc_recall_at_100_diff1": 72.31946328709962, + "nauc_recall_at_100_max": 83.76576070068353, + "nauc_recall_at_100_std": 57.39376538662535, + "nauc_recall_at_10_diff1": 69.51307788072499, + "nauc_recall_at_10_max": 69.60124733654142, + "nauc_recall_at_10_std": 13.483540424716892, + "nauc_recall_at_1_diff1": 79.84814509858211, + "nauc_recall_at_1_max": 40.78978466656547, + "nauc_recall_at_1_std": -19.96189264026715, + "nauc_recall_at_20_diff1": 70.92168324710599, + "nauc_recall_at_20_max": 76.09106252420084, + "nauc_recall_at_20_std": 25.406842300761447, + "nauc_recall_at_3_diff1": 74.1212680517145, + "nauc_recall_at_3_max": 56.24921832879403, + "nauc_recall_at_3_std": -11.55542913578436, + "nauc_recall_at_5_diff1": 72.31262959872993, + "nauc_recall_at_5_max": 62.761214896697915, + "nauc_recall_at_5_std": -3.280167584070396, + "ndcg_at_1": 69.18299999999999, + "ndcg_at_10": 79.687, + "ndcg_at_100": 81.062, + "ndcg_at_1000": 81.312, + "ndcg_at_20": 80.34599999999999, + "ndcg_at_3": 75.98700000000001, + "ndcg_at_5": 78.039, + "precision_at_1": 69.18299999999999, + "precision_at_10": 9.636, + "precision_at_100": 1.0330000000000001, + "precision_at_1000": 0.105, + "precision_at_20": 4.958, + "precision_at_3": 28.515, + "precision_at_5": 18.201, + "recall_at_1": 66.872, + "recall_at_10": 90.688, + "recall_at_100": 96.99, + "recall_at_1000": 98.958, + "recall_at_20": 93.21199999999999, + "recall_at_3": 80.84599999999999, + "recall_at_5": 85.732 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/MSMARCO-PL.json b/results/jinaai__jina-embeddings-v3/external/MSMARCO-PL.json new file mode 100644 index 000000000..6a99461b6 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/MSMARCO-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "8634c07806d5cce3a6138e260e59b81760a0a640", + "task_name": "MSMARCO-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 64.886, + "map_at_1": 1.644, + "map_at_10": 12.24, + "map_at_100": 28.248, + "map_at_1000": 33.506, + "map_at_20": 17.497, + "map_at_3": 4.9399999999999995, + "map_at_5": 8.272, + "mrr_at_1": 83.72093023255815, + "mrr_at_10": 91.08527131782945, + "mrr_at_100": 91.08527131782945, + "mrr_at_1000": 91.08527131782945, + "mrr_at_20": 91.08527131782945, + "mrr_at_3": 91.08527131782945, + "mrr_at_5": 91.08527131782945, + "nauc_map_at_1000_diff1": -36.428271627303424, + "nauc_map_at_1000_max": 44.87615127218638, + "nauc_map_at_1000_std": 67.92696808824724, + "nauc_map_at_100_diff1": -28.11674206786188, + "nauc_map_at_100_max": 36.422779766334955, + "nauc_map_at_100_std": 49.99876313755116, + "nauc_map_at_10_diff1": -5.838593619806058, + "nauc_map_at_10_max": 11.026519190509742, + "nauc_map_at_10_std": 2.5268752263522045, + "nauc_map_at_1_diff1": 17.897907271073016, + "nauc_map_at_1_max": 12.229062762540844, + "nauc_map_at_1_std": -4.088830895573149, + "nauc_map_at_20_diff1": -13.871097716255626, + "nauc_map_at_20_max": 19.291271635609533, + "nauc_map_at_20_std": 16.745335606507826, + "nauc_map_at_3_diff1": 4.425238457033843, + "nauc_map_at_3_max": 4.611864744680824, + "nauc_map_at_3_std": -8.986916608582863, + "nauc_map_at_5_diff1": -6.254849256920095, + "nauc_map_at_5_max": 2.729437079919823, + "nauc_map_at_5_std": -7.235906279913092, + "nauc_mrr_at_1000_diff1": 52.18669104947672, + "nauc_mrr_at_1000_max": 68.26259125411818, + "nauc_mrr_at_1000_std": 56.345086428353575, + "nauc_mrr_at_100_diff1": 52.18669104947672, + "nauc_mrr_at_100_max": 68.26259125411818, + "nauc_mrr_at_100_std": 56.345086428353575, + "nauc_mrr_at_10_diff1": 52.18669104947672, + "nauc_mrr_at_10_max": 68.26259125411818, + "nauc_mrr_at_10_std": 56.345086428353575, + "nauc_mrr_at_1_diff1": 56.55126663944154, + "nauc_mrr_at_1_max": 66.37014285522565, + "nauc_mrr_at_1_std": 53.2508271389779, + "nauc_mrr_at_20_diff1": 52.18669104947672, + "nauc_mrr_at_20_max": 68.26259125411818, + "nauc_mrr_at_20_std": 56.345086428353575, + "nauc_mrr_at_3_diff1": 52.18669104947672, + "nauc_mrr_at_3_max": 68.26259125411818, + "nauc_mrr_at_3_std": 56.345086428353575, + "nauc_mrr_at_5_diff1": 52.18669104947672, + "nauc_mrr_at_5_max": 68.26259125411818, + "nauc_mrr_at_5_std": 56.345086428353575, + "nauc_ndcg_at_1000_diff1": -19.06422926483731, + "nauc_ndcg_at_1000_max": 56.30853514590265, + "nauc_ndcg_at_1000_std": 70.30810947505557, + "nauc_ndcg_at_100_diff1": -25.72587586459692, + "nauc_ndcg_at_100_max": 51.433781241604194, + "nauc_ndcg_at_100_std": 68.37678512652792, + "nauc_ndcg_at_10_diff1": -23.21198108212602, + "nauc_ndcg_at_10_max": 43.5450720846516, + "nauc_ndcg_at_10_std": 48.78307907005605, + "nauc_ndcg_at_1_diff1": 44.00179301267447, + "nauc_ndcg_at_1_max": 48.202370455680395, + "nauc_ndcg_at_1_std": 25.69655992704088, + "nauc_ndcg_at_20_diff1": -33.88168753446507, + "nauc_ndcg_at_20_max": 45.16199742613164, + "nauc_ndcg_at_20_std": 61.87098383164902, + "nauc_ndcg_at_3_diff1": 11.19174449544048, + "nauc_ndcg_at_3_max": 44.34069860560555, + "nauc_ndcg_at_3_std": 27.451258369798115, + "nauc_ndcg_at_5_diff1": -7.186520929432436, + "nauc_ndcg_at_5_max": 43.41869981139378, + "nauc_ndcg_at_5_std": 34.89898115995178, + "nauc_precision_at_1000_diff1": -34.43998154563451, + "nauc_precision_at_1000_max": 29.172655907480372, + "nauc_precision_at_1000_std": 65.15824469614837, + "nauc_precision_at_100_diff1": -37.82409643259692, + "nauc_precision_at_100_max": 38.24986991317909, + "nauc_precision_at_100_std": 72.74768183105327, + "nauc_precision_at_10_diff1": -32.21556182780535, + "nauc_precision_at_10_max": 34.27170432382651, + "nauc_precision_at_10_std": 58.358255004394664, + "nauc_precision_at_1_diff1": 56.55126663944154, + "nauc_precision_at_1_max": 66.37014285522565, + "nauc_precision_at_1_std": 53.2508271389779, + "nauc_precision_at_20_diff1": -40.18751579026395, + "nauc_precision_at_20_max": 33.960783153758896, + "nauc_precision_at_20_std": 65.42918390184195, + "nauc_precision_at_3_diff1": -7.073870209006578, + "nauc_precision_at_3_max": 50.81535269862325, + "nauc_precision_at_3_std": 59.248681565955685, + "nauc_precision_at_5_diff1": -31.136580596983876, + "nauc_precision_at_5_max": 45.88147792380426, + "nauc_precision_at_5_std": 67.46814230928243, + "nauc_recall_at_1000_diff1": -23.15699999594577, + "nauc_recall_at_1000_max": 39.77277799761876, + "nauc_recall_at_1000_std": 60.326168012901114, + "nauc_recall_at_100_diff1": -21.636664823598498, + "nauc_recall_at_100_max": 31.104969346131583, + "nauc_recall_at_100_std": 38.811686891592096, + "nauc_recall_at_10_diff1": -10.542765625053569, + "nauc_recall_at_10_max": 2.043876058107446, + "nauc_recall_at_10_std": -5.578449908984766, + "nauc_recall_at_1_diff1": 17.897907271073016, + "nauc_recall_at_1_max": 12.229062762540844, + "nauc_recall_at_1_std": -4.088830895573149, + "nauc_recall_at_20_diff1": -15.132909355710103, + "nauc_recall_at_20_max": 12.659765287241065, + "nauc_recall_at_20_std": 8.277887800815819, + "nauc_recall_at_3_diff1": -3.1975017812715016, + "nauc_recall_at_3_max": -3.5539857085038538, + "nauc_recall_at_3_std": -14.712102851318118, + "nauc_recall_at_5_diff1": -14.040507717380743, + "nauc_recall_at_5_max": -6.126912150131701, + "nauc_recall_at_5_std": -13.821624015640355, + "ndcg_at_1": 71.318, + "ndcg_at_10": 64.886, + "ndcg_at_100": 53.187, + "ndcg_at_1000": 59.897999999999996, + "ndcg_at_20": 58.96, + "ndcg_at_3": 69.736, + "ndcg_at_5": 70.14099999999999, + "precision_at_1": 83.721, + "precision_at_10": 71.163, + "precision_at_100": 29.465000000000003, + "precision_at_1000": 5.665, + "precision_at_20": 57.791000000000004, + "precision_at_3": 82.171, + "precision_at_5": 81.86, + "recall_at_1": 1.644, + "recall_at_10": 14.238000000000001, + "recall_at_100": 39.831, + "recall_at_1000": 64.057, + "recall_at_20": 21.021, + "recall_at_3": 5.53, + "recall_at_5": 9.623 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/MSMARCO.json b/results/jinaai__jina-embeddings-v3/external/MSMARCO.json new file mode 100644 index 000000000..dcbdaac67 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/MSMARCO.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.861, + "map_at_10": 34.008, + "map_at_100": 35.174, + "map_at_1000": 35.224, + "map_at_20": 34.705999999999996, + "map_at_3": 30.209000000000003, + "map_at_5": 32.351, + "mrr_at_1": 22.493, + "mrr_at_10": 34.583999999999996, + "mrr_at_100": 35.691, + "mrr_at_1000": 35.736000000000004, + "mrr_at_20": 35.257, + "mrr_at_3": 30.85, + "mrr_at_5": 32.962, + "ndcg_at_1": 22.493, + "ndcg_at_10": 40.815, + "ndcg_at_100": 46.483999999999995, + "ndcg_at_1000": 47.73, + "ndcg_at_20": 43.302, + "ndcg_at_3": 33.056000000000004, + "ndcg_at_5": 36.879, + "precision_at_1": 22.493, + "precision_at_10": 6.465999999999999, + "precision_at_100": 0.932, + "precision_at_1000": 0.104, + "precision_at_20": 3.752, + "precision_at_3": 14.069, + "precision_at_5": 10.384, + "recall_at_1": 21.861, + "recall_at_10": 61.781, + "recall_at_100": 88.095, + "recall_at_1000": 97.625, + "recall_at_20": 71.44500000000001, + "recall_at_3": 40.653, + "recall_at_5": 49.841, + "main_score": 40.815 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/MTOPDomainClassification.json b/results/jinaai__jina-embeddings-v3/external/MTOPDomainClassification.json new file mode 100644 index 000000000..ad99ba5cd --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/MTOPDomainClassification.json @@ -0,0 +1,50 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 97.4874601003192, + "f1": 97.19067544931094, + "f1_weighted": 97.49331776181019, + "main_score": 97.4874601003192 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 96.89489997182305, + "f1": 96.51138586512977, + "f1_weighted": 96.89723065967186, + "main_score": 96.89489997182305 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 97.17144763175452, + "f1": 96.81785681878274, + "f1_weighted": 97.1778974586874, + "main_score": 97.17144763175452 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 96.30128405887879, + "f1": 95.94555923088487, + "f1_weighted": 96.30399416794926, + "main_score": 96.30128405887879 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/MTOPIntentClassification.json b/results/jinaai__jina-embeddings-v3/external/MTOPIntentClassification.json new file mode 100644 index 000000000..188c1a8ca --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/MTOPIntentClassification.json @@ -0,0 +1,50 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 84.53488372093022, + "f1": 61.77995074251401, + "f1_weighted": 86.8005170485101, + "main_score": 84.53488372093022 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 80.79459002535924, + "f1": 56.08938302001448, + "f1_weighted": 83.66582131948252, + "main_score": 80.79459002535924 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 84.7765176784523, + "f1": 61.39860057885528, + "f1_weighted": 86.94881745670745, + "main_score": 84.7765176784523 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 82.2079549013467, + "f1": 59.90260478749016, + "f1_weighted": 84.36861708593257, + "main_score": 82.2079549013467 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/MasakhaNEWSClassification.json b/results/jinaai__jina-embeddings-v3/external/MasakhaNEWSClassification.json new file mode 100644 index 000000000..17428e9d9 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/MasakhaNEWSClassification.json @@ -0,0 +1,30 @@ +{ + "dataset_revision": "18193f187b92da67168c655c9973a165ed9593dd", + "task_name": "MasakhaNEWSClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "eng", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.98945147679325, + "f1": 74.3157483560261, + "f1_weighted": 75.01179008904884, + "main_score": 74.98945147679325 + }, + { + "hf_subset": "fra", + "languages": [ + "fra-Latn" + ], + "accuracy": 74.02843601895735, + "f1": 70.40326349620732, + "f1_weighted": 74.6596277063484, + "main_score": 74.02843601895735 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/MasakhaNEWSClusteringP2P.json b/results/jinaai__jina-embeddings-v3/external/MasakhaNEWSClusteringP2P.json new file mode 100644 index 000000000..ddaabe2e4 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/MasakhaNEWSClusteringP2P.json @@ -0,0 +1,298 @@ +{ + "dataset_revision": "8ccc72e69e65f40c70e117d8b3c08306bb788b60", + "task_name": "MasakhaNEWSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "amh", + "languages": [ + "amh-Ethi" + ], + "main_score": 69.45780291725053, + "v_measure": 69.45780291725053, + "v_measure_std": 36.54340055904091 + }, + { + "hf_subset": "eng", + "languages": [ + "eng-Latn" + ], + "main_score": 64.88996119332239, + "v_measure": 64.88996119332239, + "v_measure_std": 30.017223408197268 + }, + { + "hf_subset": "fra", + "languages": [ + "fra-Latn" + ], + "main_score": 42.362383958691666, + "v_measure": 42.362383958691666, + "v_measure_std": 37.61076788039063 + }, + { + "hf_subset": "hau", + "languages": [ + "hau-Latn" + ], + "main_score": 43.29201252405562, + "v_measure": 43.29201252405562, + "v_measure_std": 34.31987945146255 + }, + { + "hf_subset": "ibo", + "languages": [ + "ibo-Latn" + ], + "main_score": 33.59926542995238, + "v_measure": 33.59926542995238, + "v_measure_std": 35.70048601084112 + }, + { + "hf_subset": "lin", + "languages": [ + "lin-Latn" + ], + "main_score": 67.58487601893106, + "v_measure": 67.58487601893106, + "v_measure_std": 35.16784970777931 + }, + { + "hf_subset": "lug", + "languages": [ + "lug-Latn" + ], + "main_score": 50.01220872023533, + "v_measure": 50.01220872023533, + "v_measure_std": 41.87411574676182 + }, + { + "hf_subset": "orm", + "languages": [ + "orm-Ethi" + ], + "main_score": 29.007847502598317, + "v_measure": 29.007847502598317, + "v_measure_std": 38.374997395079994 + }, + { + "hf_subset": "pcm", + "languages": [ + "pcm-Latn" + ], + "main_score": 79.13520228554611, + "v_measure": 79.13520228554611, + "v_measure_std": 18.501843848275183 + }, + { + "hf_subset": "run", + "languages": [ + "run-Latn" + ], + "main_score": 60.317213909746656, + "v_measure": 60.317213909746656, + "v_measure_std": 36.500281823747386 + }, + { + "hf_subset": "sna", + "languages": [ + "sna-Latn" + ], + "main_score": 59.395277358240946, + "v_measure": 59.395277358240946, + "v_measure_std": 37.500916816164654 + }, + { + "hf_subset": "som", + "languages": [ + "som-Latn" + ], + "main_score": 38.18638688704302, + "v_measure": 38.18638688704302, + "v_measure_std": 35.453681137564466 + }, + { + "hf_subset": "swa", + "languages": [ + "swa-Latn" + ], + "main_score": 29.49230755729658, + "v_measure": 29.49230755729658, + "v_measure_std": 28.284313285264645 + }, + { + "hf_subset": "tir", + "languages": [ + "tir-Ethi" + ], + "main_score": 60.632258622750115, + "v_measure": 60.632258622750115, + "v_measure_std": 34.429711214740564 + }, + { + "hf_subset": "xho", + "languages": [ + "xho-Latn" + ], + "main_score": 41.76322918806381, + "v_measure": 41.76322918806381, + "v_measure_std": 36.43245296200775 + }, + { + "hf_subset": "yor", + "languages": [ + "yor-Latn" + ], + "main_score": 33.17083910808645, + "v_measure": 33.17083910808645, + "v_measure_std": 34.87547994284835 + }, + { + "hf_subset": "amh", + "languages": [ + "amh-Ethi" + ], + "main_score": 60.95132147787602, + "v_measure": 60.95132147787602, + "v_measure_std": 37.330148394033365 + }, + { + "hf_subset": "eng", + "languages": [ + "eng-Latn" + ], + "main_score": 60.974810831426595, + "v_measure": 60.974810831426595, + "v_measure_std": 24.934675467507827 + }, + { + "hf_subset": "fra", + "languages": [ + "fra-Latn" + ], + "main_score": 44.479206673553335, + "v_measure": 44.479206673553335, + "v_measure_std": 32.58254804499339 + }, + { + "hf_subset": "hau", + "languages": [ + "hau-Latn" + ], + "main_score": 26.4742082741682, + "v_measure": 26.4742082741682, + "v_measure_std": 22.344929192323097 + }, + { + "hf_subset": "ibo", + "languages": [ + "ibo-Latn" + ], + "main_score": 38.906129911741985, + "v_measure": 38.906129911741985, + "v_measure_std": 34.785601792668444 + }, + { + "hf_subset": "lin", + "languages": [ + "lin-Latn" + ], + "main_score": 62.60982020876592, + "v_measure": 62.60982020876592, + "v_measure_std": 40.7368955715045 + }, + { + "hf_subset": "lug", + "languages": [ + "lug-Latn" + ], + "main_score": 42.70424106365967, + "v_measure": 42.70424106365967, + "v_measure_std": 46.80946241135087 + }, + { + "hf_subset": "orm", + "languages": [ + "orm-Ethi" + ], + "main_score": 28.609942199922322, + "v_measure": 28.609942199922322, + "v_measure_std": 38.46685040191088 + }, + { + "hf_subset": "pcm", + "languages": [ + "pcm-Latn" + ], + "main_score": 76.83901348810822, + "v_measure": 76.83901348810822, + "v_measure_std": 17.57617141269189 + }, + { + "hf_subset": "run", + "languages": [ + "run-Latn" + ], + "main_score": 46.89757547846193, + "v_measure": 46.89757547846193, + "v_measure_std": 44.58903590203438 + }, + { + "hf_subset": "sna", + "languages": [ + "sna-Latn" + ], + "main_score": 55.37185207068829, + "v_measure": 55.37185207068829, + "v_measure_std": 36.944574863543004 + }, + { + "hf_subset": "som", + "languages": [ + "som-Latn" + ], + "main_score": 37.44211021681754, + "v_measure": 37.44211021681754, + "v_measure_std": 33.41469994463241 + }, + { + "hf_subset": "swa", + "languages": [ + "swa-Latn" + ], + "main_score": 26.020680621216062, + "v_measure": 26.020680621216062, + "v_measure_std": 25.480037522570413 + }, + { + "hf_subset": "tir", + "languages": [ + "tir-Ethi" + ], + "main_score": 63.74306846771303, + "v_measure": 63.74306846771303, + "v_measure_std": 32.19119631078685 + }, + { + "hf_subset": "xho", + "languages": [ + "xho-Latn" + ], + "main_score": 24.580890519243777, + "v_measure": 24.580890519243777, + "v_measure_std": 37.941836363967106 + }, + { + "hf_subset": "yor", + "languages": [ + "yor-Latn" + ], + "main_score": 43.63458888828314, + "v_measure": 43.63458888828314, + "v_measure_std": 31.28169350649098 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/MassiveIntentClassification.json b/results/jinaai__jina-embeddings-v3/external/MassiveIntentClassification.json new file mode 100644 index 000000000..98aac6dc9 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/MassiveIntentClassification.json @@ -0,0 +1,80 @@ +{ + "dataset_revision": "4672e20407010da34463acc759c162ca9734bca6", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 75.37323470073974, + "f1": 71.1836877753734, + "f1_weighted": 75.72073213955457, + "main_score": 75.37323470073974 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 74.83523873570948, + "f1": 70.72375821116886, + "f1_weighted": 75.20800490010755, + "main_score": 74.83523873570948 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 75.31607262945528, + "f1": 72.06063554897662, + "f1_weighted": 75.72438161355252, + "main_score": 75.31607262945528 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 76.7955615332885, + "f1": 73.08099648499756, + "f1_weighted": 77.18482068239668, + "main_score": 76.7955615332885 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.60591795561534, + "f1": 74.46676705370395, + "f1_weighted": 77.69888062336614, + "main_score": 77.60591795561534 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 76.32145258910558, + "f1": 72.89824154178328, + "f1_weighted": 76.6539327979472, + "main_score": 76.32145258910558 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 73.21788836583724, + "f1": 70.45594512246377, + "f1_weighted": 73.67862536499393, + "main_score": 73.21788836583724 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/MassiveScenarioClassification.json b/results/jinaai__jina-embeddings-v3/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..83c890a3d --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/MassiveScenarioClassification.json @@ -0,0 +1,80 @@ +{ + "dataset_revision": "fad2c6e8459f9e1c45d9315f4953d921437d70f8", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 80.82044384667114, + "f1": 80.53217664465089, + "f1_weighted": 80.94535087010512, + "main_score": 80.82044384667114 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 82.1049092131809, + "f1": 81.55343463694733, + "f1_weighted": 82.33509098770782, + "main_score": 82.1049092131809 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 82.58238063214526, + "f1": 82.27974449333072, + "f1_weighted": 82.81337569618209, + "main_score": 82.58238063214526 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 83.97108271687962, + "f1": 83.56285606936076, + "f1_weighted": 84.10198745390771, + "main_score": 83.97108271687962 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 84.71082716879623, + "f1": 84.09447062371402, + "f1_weighted": 84.73765765551342, + "main_score": 84.71082716879623 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 83.093476798924, + "f1": 82.72656900752943, + "f1_weighted": 83.26606516503364, + "main_score": 83.093476798924 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 84.05850706119705, + "f1": 83.64234048881222, + "f1_weighted": 84.17315768381876, + "main_score": 84.05850706119705 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/MedicalRetrieval.json b/results/jinaai__jina-embeddings-v3/external/MedicalRetrieval.json new file mode 100644 index 000000000..09b2c94b8 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/MedicalRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "2039188fb5800a9803ba5048df7b76e6fb151fc6", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 56.635999999999996, + "map_at_1": 48.699999999999996, + "map_at_10": 53.991, + "map_at_100": 54.449999999999996, + "map_at_1000": 54.515, + "map_at_20": 54.212, + "map_at_3": 52.833, + "map_at_5": 53.503, + "mrr_at_1": 48.699999999999996, + "mrr_at_10": 53.991309523809505, + "mrr_at_100": 54.45008993448266, + "mrr_at_1000": 54.515253990549795, + "mrr_at_20": 54.21201762247036, + "mrr_at_3": 52.8333333333333, + "mrr_at_5": 53.50333333333328, + "nauc_map_at_1000_diff1": 79.96867989401643, + "nauc_map_at_1000_max": 69.75230895599029, + "nauc_map_at_1000_std": 2.6418738289740213, + "nauc_map_at_100_diff1": 79.95343709599133, + "nauc_map_at_100_max": 69.751282671507, + "nauc_map_at_100_std": 2.621719966106279, + "nauc_map_at_10_diff1": 80.02875864565634, + "nauc_map_at_10_max": 69.80948662290187, + "nauc_map_at_10_std": 2.329151604733765, + "nauc_map_at_1_diff1": 83.616940281383, + "nauc_map_at_1_max": 69.08142651929452, + "nauc_map_at_1_std": 1.9687791394035643, + "nauc_map_at_20_diff1": 79.95555601275339, + "nauc_map_at_20_max": 69.76604695002925, + "nauc_map_at_20_std": 2.556184141901367, + "nauc_map_at_3_diff1": 80.74790131023668, + "nauc_map_at_3_max": 70.57797991892402, + "nauc_map_at_3_std": 2.7115149849964117, + "nauc_map_at_5_diff1": 80.31796539878381, + "nauc_map_at_5_max": 69.93573796420061, + "nauc_map_at_5_std": 2.0731614029506606, + "nauc_mrr_at_1000_diff1": 79.96867999907981, + "nauc_mrr_at_1000_max": 69.57395578976896, + "nauc_mrr_at_1000_std": 2.46351945887829, + "nauc_mrr_at_100_diff1": 79.95343709599133, + "nauc_mrr_at_100_max": 69.57322054130803, + "nauc_mrr_at_100_std": 2.4436578359073433, + "nauc_mrr_at_10_diff1": 80.02875864565634, + "nauc_mrr_at_10_max": 69.63292630937411, + "nauc_mrr_at_10_std": 2.1525912912060012, + "nauc_mrr_at_1_diff1": 83.616940281383, + "nauc_mrr_at_1_max": 68.74717310480305, + "nauc_mrr_at_1_std": 1.6345257249120868, + "nauc_mrr_at_20_diff1": 79.95555601275339, + "nauc_mrr_at_20_max": 69.58883608470444, + "nauc_mrr_at_20_std": 2.378973276576547, + "nauc_mrr_at_3_diff1": 80.74790131023668, + "nauc_mrr_at_3_max": 70.40430475488604, + "nauc_mrr_at_3_std": 2.5378398209583817, + "nauc_mrr_at_5_diff1": 80.31796539878381, + "nauc_mrr_at_5_max": 69.7605991748183, + "nauc_mrr_at_5_std": 1.898022613568352, + "nauc_ndcg_at_1000_diff1": 78.35504059321225, + "nauc_ndcg_at_1000_max": 69.06752522437093, + "nauc_ndcg_at_1000_std": 3.9624036886099265, + "nauc_ndcg_at_100_diff1": 77.79729140249833, + "nauc_ndcg_at_100_max": 68.93113791506029, + "nauc_ndcg_at_100_std": 3.642178826886181, + "nauc_ndcg_at_10_diff1": 78.160158293918, + "nauc_ndcg_at_10_max": 69.28122202281361, + "nauc_ndcg_at_10_std": 2.438976810940962, + "nauc_ndcg_at_1_diff1": 83.616940281383, + "nauc_ndcg_at_1_max": 69.08142651929452, + "nauc_ndcg_at_1_std": 1.9687791394035643, + "nauc_ndcg_at_20_diff1": 77.88514432874997, + "nauc_ndcg_at_20_max": 69.06148818508873, + "nauc_ndcg_at_20_std": 3.1800249272363676, + "nauc_ndcg_at_3_diff1": 79.73510384405803, + "nauc_ndcg_at_3_max": 70.78000695123832, + "nauc_ndcg_at_3_std": 2.9041415468363274, + "nauc_ndcg_at_5_diff1": 78.91872808866195, + "nauc_ndcg_at_5_max": 69.61478429620091, + "nauc_ndcg_at_5_std": 1.734699636301054, + "nauc_precision_at_1000_diff1": 66.37858395390673, + "nauc_precision_at_1000_max": 60.651659037598534, + "nauc_precision_at_1000_std": 27.388353715469798, + "nauc_precision_at_100_diff1": 66.34325807776025, + "nauc_precision_at_100_max": 63.63855305621111, + "nauc_precision_at_100_std": 10.641748149575351, + "nauc_precision_at_10_diff1": 71.3784685491089, + "nauc_precision_at_10_max": 67.05313695174542, + "nauc_precision_at_10_std": 3.000406867930561, + "nauc_precision_at_1_diff1": 83.616940281383, + "nauc_precision_at_1_max": 69.08142651929452, + "nauc_precision_at_1_std": 1.9687791394035643, + "nauc_precision_at_20_diff1": 69.73407910977694, + "nauc_precision_at_20_max": 65.77426240320742, + "nauc_precision_at_20_std": 6.204416838482586, + "nauc_precision_at_3_diff1": 76.63737537643107, + "nauc_precision_at_3_max": 71.29710200719668, + "nauc_precision_at_3_std": 3.47180961484546, + "nauc_precision_at_5_diff1": 74.36945983536717, + "nauc_precision_at_5_max": 68.33292218003061, + "nauc_precision_at_5_std": 0.47128762620258075, + "nauc_recall_at_1000_diff1": 66.37858395390681, + "nauc_recall_at_1000_max": 60.65165903759889, + "nauc_recall_at_1000_std": 27.388353715469822, + "nauc_recall_at_100_diff1": 66.34325807776025, + "nauc_recall_at_100_max": 63.63855305621116, + "nauc_recall_at_100_std": 10.641748149575351, + "nauc_recall_at_10_diff1": 71.37846854910892, + "nauc_recall_at_10_max": 67.05313695174546, + "nauc_recall_at_10_std": 3.000406867930663, + "nauc_recall_at_1_diff1": 83.616940281383, + "nauc_recall_at_1_max": 69.08142651929452, + "nauc_recall_at_1_std": 1.9687791394035643, + "nauc_recall_at_20_diff1": 69.73407910977691, + "nauc_recall_at_20_max": 65.77426240320746, + "nauc_recall_at_20_std": 6.204416838482536, + "nauc_recall_at_3_diff1": 76.63737537643112, + "nauc_recall_at_3_max": 71.29710200719668, + "nauc_recall_at_3_std": 3.471809614845442, + "nauc_recall_at_5_diff1": 74.36945983536715, + "nauc_recall_at_5_max": 68.33292218003065, + "nauc_recall_at_5_std": 0.4712876262026442, + "ndcg_at_1": 48.699999999999996, + "ndcg_at_10": 56.635999999999996, + "ndcg_at_100": 59.193, + "ndcg_at_1000": 60.97, + "ndcg_at_20": 57.426, + "ndcg_at_3": 54.186, + "ndcg_at_5": 55.407, + "precision_at_1": 48.699999999999996, + "precision_at_10": 6.5, + "precision_at_100": 0.777, + "precision_at_1000": 0.092, + "precision_at_20": 3.405, + "precision_at_3": 19.367, + "precision_at_5": 12.22, + "recall_at_1": 48.699999999999996, + "recall_at_10": 65.0, + "recall_at_100": 77.7, + "recall_at_1000": 91.8, + "recall_at_20": 68.10000000000001, + "recall_at_3": 58.099999999999994, + "recall_at_5": 61.1 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/MedrxivClusteringP2P.json b/results/jinaai__jina-embeddings-v3/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..b485b7d3c --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/MedrxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 34.80188561439236, + "v_measure": 34.80188561439236, + "v_measure_std": 1.5703148841573102 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/MedrxivClusteringS2S.json b/results/jinaai__jina-embeddings-v3/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..fbe72f54e --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/MedrxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 32.42285513996236, + "v_measure": 32.42285513996236, + "v_measure_std": 1.3769867487457566 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/MindSmallReranking.json b/results/jinaai__jina-embeddings-v3/external/MindSmallReranking.json new file mode 100644 index 000000000..383d5b602 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/MindSmallReranking.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 30.83, + "main_score": 30.83 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/MintakaRetrieval.json b/results/jinaai__jina-embeddings-v3/external/MintakaRetrieval.json new file mode 100644 index 000000000..6d3007f74 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/MintakaRetrieval.json @@ -0,0 +1,451 @@ +{ + "dataset_revision": "efa78cc2f74bbcd21eff2261f9e13aebe40b814e", + "task_name": "MintakaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "main_score": 27.025, + "map_at_1": 14.532, + "map_at_10": 22.612, + "map_at_100": 23.802, + "map_at_1000": 23.9, + "map_at_20": 23.275000000000002, + "map_at_3": 20.226, + "map_at_5": 21.490000000000002, + "mrr_at_1": 14.532434709351305, + "mrr_at_10": 22.612077265615575, + "mrr_at_100": 23.801523356874675, + "mrr_at_1000": 23.900118499340238, + "mrr_at_20": 23.275466430108995, + "mrr_at_3": 20.22606009547877, + "mrr_at_5": 21.489750070204945, + "nauc_map_at_1000_diff1": 14.148987799763596, + "nauc_map_at_1000_max": 44.70338461387784, + "nauc_map_at_1000_std": 15.868006767707637, + "nauc_map_at_100_diff1": 14.11371769080442, + "nauc_map_at_100_max": 44.67995540936296, + "nauc_map_at_100_std": 15.890796502029076, + "nauc_map_at_10_diff1": 14.29066834165688, + "nauc_map_at_10_max": 45.10997111765282, + "nauc_map_at_10_std": 15.508568918629864, + "nauc_map_at_1_diff1": 23.473291302576396, + "nauc_map_at_1_max": 44.68942599764586, + "nauc_map_at_1_std": 12.424377262427253, + "nauc_map_at_20_diff1": 14.112652046087831, + "nauc_map_at_20_max": 44.82014861413682, + "nauc_map_at_20_std": 15.739350613646385, + "nauc_map_at_3_diff1": 16.119659221396347, + "nauc_map_at_3_max": 46.04766378953525, + "nauc_map_at_3_std": 13.969878046315925, + "nauc_map_at_5_diff1": 15.095453434076184, + "nauc_map_at_5_max": 45.802128149314406, + "nauc_map_at_5_std": 14.957442173319949, + "nauc_mrr_at_1000_diff1": 14.148987799763596, + "nauc_mrr_at_1000_max": 44.70338461387784, + "nauc_mrr_at_1000_std": 15.868006767707637, + "nauc_mrr_at_100_diff1": 14.11371769080442, + "nauc_mrr_at_100_max": 44.67995540936296, + "nauc_mrr_at_100_std": 15.890796502029076, + "nauc_mrr_at_10_diff1": 14.29066834165688, + "nauc_mrr_at_10_max": 45.10997111765282, + "nauc_mrr_at_10_std": 15.508568918629864, + "nauc_mrr_at_1_diff1": 23.473291302576396, + "nauc_mrr_at_1_max": 44.68942599764586, + "nauc_mrr_at_1_std": 12.424377262427253, + "nauc_mrr_at_20_diff1": 14.112652046087831, + "nauc_mrr_at_20_max": 44.82014861413682, + "nauc_mrr_at_20_std": 15.739350613646385, + "nauc_mrr_at_3_diff1": 16.119659221396347, + "nauc_mrr_at_3_max": 46.04766378953525, + "nauc_mrr_at_3_std": 13.969878046315925, + "nauc_mrr_at_5_diff1": 15.095453434076184, + "nauc_mrr_at_5_max": 45.802128149314406, + "nauc_mrr_at_5_std": 14.957442173319949, + "nauc_ndcg_at_1000_diff1": 11.626606894574028, + "nauc_ndcg_at_1000_max": 43.328592841065536, + "nauc_ndcg_at_1000_std": 18.049446272245547, + "nauc_ndcg_at_100_diff1": 10.485720606660239, + "nauc_ndcg_at_100_max": 42.405317674170966, + "nauc_ndcg_at_100_std": 19.107151641936987, + "nauc_ndcg_at_10_diff1": 11.029351078162982, + "nauc_ndcg_at_10_max": 44.36855031964681, + "nauc_ndcg_at_10_std": 17.302796171409305, + "nauc_ndcg_at_1_diff1": 23.473291302576396, + "nauc_ndcg_at_1_max": 44.68942599764586, + "nauc_ndcg_at_1_std": 12.424377262427253, + "nauc_ndcg_at_20_diff1": 10.356662718168412, + "nauc_ndcg_at_20_max": 43.31602680430083, + "nauc_ndcg_at_20_std": 18.162891267850316, + "nauc_ndcg_at_3_diff1": 14.42844952297869, + "nauc_ndcg_at_3_max": 46.26603339466543, + "nauc_ndcg_at_3_std": 14.449362723887857, + "nauc_ndcg_at_5_diff1": 12.783416563486396, + "nauc_ndcg_at_5_max": 45.852176479124424, + "nauc_ndcg_at_5_std": 16.11775016428085, + "nauc_precision_at_1000_diff1": -8.045361059399795, + "nauc_precision_at_1000_max": 21.970273281738777, + "nauc_precision_at_1000_std": 49.564650488193266, + "nauc_precision_at_100_diff1": -2.118628861593353, + "nauc_precision_at_100_max": 31.32498977104778, + "nauc_precision_at_100_std": 32.96087731883451, + "nauc_precision_at_10_diff1": 3.0335517475367615, + "nauc_precision_at_10_max": 42.21620215030219, + "nauc_precision_at_10_std": 21.90159732315962, + "nauc_precision_at_1_diff1": 23.473291302576396, + "nauc_precision_at_1_max": 44.68942599764586, + "nauc_precision_at_1_std": 12.424377262427253, + "nauc_precision_at_20_diff1": 0.4087201843719047, + "nauc_precision_at_20_max": 38.485034773895734, + "nauc_precision_at_20_std": 25.077397979916682, + "nauc_precision_at_3_diff1": 10.408327736589833, + "nauc_precision_at_3_max": 46.757216289175076, + "nauc_precision_at_3_std": 15.62594354926867, + "nauc_precision_at_5_diff1": 7.326752744229544, + "nauc_precision_at_5_max": 45.89190518573553, + "nauc_precision_at_5_std": 19.01717163438957, + "nauc_recall_at_1000_diff1": -8.045361059400387, + "nauc_recall_at_1000_max": 21.97027328173812, + "nauc_recall_at_1000_std": 49.56465048819266, + "nauc_recall_at_100_diff1": -2.118628861593277, + "nauc_recall_at_100_max": 31.324989771047818, + "nauc_recall_at_100_std": 32.96087731883457, + "nauc_recall_at_10_diff1": 3.0335517475367166, + "nauc_recall_at_10_max": 42.21620215030217, + "nauc_recall_at_10_std": 21.901597323159606, + "nauc_recall_at_1_diff1": 23.473291302576396, + "nauc_recall_at_1_max": 44.68942599764586, + "nauc_recall_at_1_std": 12.424377262427253, + "nauc_recall_at_20_diff1": 0.40872018437190905, + "nauc_recall_at_20_max": 38.485034773895734, + "nauc_recall_at_20_std": 25.077397979916693, + "nauc_recall_at_3_diff1": 10.408327736589843, + "nauc_recall_at_3_max": 46.75721628917507, + "nauc_recall_at_3_std": 15.625943549268664, + "nauc_recall_at_5_diff1": 7.326752744229548, + "nauc_recall_at_5_max": 45.89190518573557, + "nauc_recall_at_5_std": 19.01717163438958, + "ndcg_at_1": 14.532, + "ndcg_at_10": 27.025, + "ndcg_at_100": 33.305, + "ndcg_at_1000": 36.38, + "ndcg_at_20": 29.443, + "ndcg_at_3": 22.035, + "ndcg_at_5": 24.319, + "precision_at_1": 14.532, + "precision_at_10": 4.115, + "precision_at_100": 0.717, + "precision_at_1000": 0.097, + "precision_at_20": 2.536, + "precision_at_3": 9.085, + "precision_at_5": 6.563, + "recall_at_1": 14.532, + "recall_at_10": 41.154, + "recall_at_100": 71.651, + "recall_at_1000": 96.841, + "recall_at_20": 50.71600000000001, + "recall_at_3": 27.254, + "recall_at_5": 32.814 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "main_score": 26.912000000000003, + "map_at_1": 14.686, + "map_at_10": 22.569, + "map_at_100": 23.679, + "map_at_1000": 23.777, + "map_at_20": 23.169, + "map_at_3": 20.201, + "map_at_5": 21.566, + "mrr_at_1": 14.686468646864686, + "mrr_at_10": 22.569346220336296, + "mrr_at_100": 23.678819125817146, + "mrr_at_1000": 23.77713511338264, + "mrr_at_20": 23.16850858443442, + "mrr_at_3": 20.200770077007665, + "mrr_at_5": 21.56628162816276, + "nauc_map_at_1000_diff1": 14.129007578838381, + "nauc_map_at_1000_max": 44.4255501141499, + "nauc_map_at_1000_std": 19.95906154868176, + "nauc_map_at_100_diff1": 14.09071870575231, + "nauc_map_at_100_max": 44.403179928955566, + "nauc_map_at_100_std": 20.00413657519976, + "nauc_map_at_10_diff1": 14.149535953153688, + "nauc_map_at_10_max": 44.66529917634685, + "nauc_map_at_10_std": 19.580235989479394, + "nauc_map_at_1_diff1": 23.489813522176636, + "nauc_map_at_1_max": 46.54578639925787, + "nauc_map_at_1_std": 16.39083721709994, + "nauc_map_at_20_diff1": 14.021560420656181, + "nauc_map_at_20_max": 44.4825455452467, + "nauc_map_at_20_std": 19.886927750826878, + "nauc_map_at_3_diff1": 16.182977890477723, + "nauc_map_at_3_max": 46.1840554029258, + "nauc_map_at_3_std": 18.735671900228958, + "nauc_map_at_5_diff1": 14.779126395472833, + "nauc_map_at_5_max": 45.23237213817556, + "nauc_map_at_5_std": 19.348508580412872, + "nauc_mrr_at_1000_diff1": 14.129007578838381, + "nauc_mrr_at_1000_max": 44.4255501141499, + "nauc_mrr_at_1000_std": 19.95906154868176, + "nauc_mrr_at_100_diff1": 14.09071870575231, + "nauc_mrr_at_100_max": 44.403179928955566, + "nauc_mrr_at_100_std": 20.00413657519976, + "nauc_mrr_at_10_diff1": 14.149535953153688, + "nauc_mrr_at_10_max": 44.66529917634685, + "nauc_mrr_at_10_std": 19.580235989479394, + "nauc_mrr_at_1_diff1": 23.489813522176636, + "nauc_mrr_at_1_max": 46.54578639925787, + "nauc_mrr_at_1_std": 16.39083721709994, + "nauc_mrr_at_20_diff1": 14.021560420656181, + "nauc_mrr_at_20_max": 44.4825455452467, + "nauc_mrr_at_20_std": 19.886927750826878, + "nauc_mrr_at_3_diff1": 16.182977890477723, + "nauc_mrr_at_3_max": 46.1840554029258, + "nauc_mrr_at_3_std": 18.735671900228958, + "nauc_mrr_at_5_diff1": 14.779126395472833, + "nauc_mrr_at_5_max": 45.23237213817556, + "nauc_mrr_at_5_std": 19.348508580412872, + "nauc_ndcg_at_1000_diff1": 11.762470380481101, + "nauc_ndcg_at_1000_max": 42.8233203033089, + "nauc_ndcg_at_1000_std": 21.78503705117719, + "nauc_ndcg_at_100_diff1": 10.45886076220022, + "nauc_ndcg_at_100_max": 41.85472899256818, + "nauc_ndcg_at_100_std": 23.20955486335138, + "nauc_ndcg_at_10_diff1": 10.605912468659469, + "nauc_ndcg_at_10_max": 43.150942448104715, + "nauc_ndcg_at_10_std": 21.120035764826085, + "nauc_ndcg_at_1_diff1": 23.489813522176636, + "nauc_ndcg_at_1_max": 46.54578639925787, + "nauc_ndcg_at_1_std": 16.39083721709994, + "nauc_ndcg_at_20_diff1": 10.11291783888644, + "nauc_ndcg_at_20_max": 42.51260678842788, + "nauc_ndcg_at_20_std": 22.1744949382252, + "nauc_ndcg_at_3_diff1": 14.25625326760802, + "nauc_ndcg_at_3_max": 45.96162916377383, + "nauc_ndcg_at_3_std": 19.557832728215523, + "nauc_ndcg_at_5_diff1": 11.956317653823053, + "nauc_ndcg_at_5_max": 44.35971268886807, + "nauc_ndcg_at_5_std": 20.581696730374233, + "nauc_precision_at_1000_diff1": 5.132291843566577, + "nauc_precision_at_1000_max": 25.293354576835263, + "nauc_precision_at_1000_std": 40.36005126087624, + "nauc_precision_at_100_diff1": -1.5252854375008238, + "nauc_precision_at_100_max": 31.007586474495984, + "nauc_precision_at_100_std": 37.297552993548386, + "nauc_precision_at_10_diff1": 1.9663657370770737, + "nauc_precision_at_10_max": 39.194092293625125, + "nauc_precision_at_10_std": 24.956542621999542, + "nauc_precision_at_1_diff1": 23.489813522176636, + "nauc_precision_at_1_max": 46.54578639925787, + "nauc_precision_at_1_std": 16.39083721709994, + "nauc_precision_at_20_diff1": 0.011112090390932373, + "nauc_precision_at_20_max": 36.9357074392519, + "nauc_precision_at_20_std": 28.611387115093876, + "nauc_precision_at_3_diff1": 9.596831091013703, + "nauc_precision_at_3_max": 45.3905541893809, + "nauc_precision_at_3_std": 21.599314388526945, + "nauc_precision_at_5_diff1": 5.175887949900142, + "nauc_precision_at_5_max": 42.129467510414464, + "nauc_precision_at_5_std": 23.607251548776677, + "nauc_recall_at_1000_diff1": 5.132291843566257, + "nauc_recall_at_1000_max": 25.29335457683396, + "nauc_recall_at_1000_std": 40.36005126087638, + "nauc_recall_at_100_diff1": -1.5252854375008988, + "nauc_recall_at_100_max": 31.00758647449594, + "nauc_recall_at_100_std": 37.29755299354834, + "nauc_recall_at_10_diff1": 1.9663657370770793, + "nauc_recall_at_10_max": 39.19409229362512, + "nauc_recall_at_10_std": 24.956542621999546, + "nauc_recall_at_1_diff1": 23.489813522176636, + "nauc_recall_at_1_max": 46.54578639925787, + "nauc_recall_at_1_std": 16.39083721709994, + "nauc_recall_at_20_diff1": 0.011112090390923075, + "nauc_recall_at_20_max": 36.93570743925189, + "nauc_recall_at_20_std": 28.611387115093883, + "nauc_recall_at_3_diff1": 9.596831091013714, + "nauc_recall_at_3_max": 45.39055418938087, + "nauc_recall_at_3_std": 21.599314388526956, + "nauc_recall_at_5_diff1": 5.17588794990012, + "nauc_recall_at_5_max": 42.12946751041448, + "nauc_recall_at_5_std": 23.607251548776695, + "ndcg_at_1": 14.686, + "ndcg_at_10": 26.912000000000003, + "ndcg_at_100": 32.919, + "ndcg_at_1000": 36.119, + "ndcg_at_20": 29.079, + "ndcg_at_3": 21.995, + "ndcg_at_5": 24.474999999999998, + "precision_at_1": 14.686, + "precision_at_10": 4.08, + "precision_at_100": 0.703, + "precision_at_1000": 0.097, + "precision_at_20": 2.467, + "precision_at_3": 9.062000000000001, + "precision_at_5": 6.65, + "recall_at_1": 14.686, + "recall_at_10": 40.8, + "recall_at_100": 70.338, + "recall_at_1000": 96.82300000000001, + "recall_at_20": 49.34, + "recall_at_3": 27.186, + "recall_at_5": 33.251 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "main_score": 26.909, + "map_at_1": 14.701, + "map_at_10": 22.613, + "map_at_100": 23.729, + "map_at_1000": 23.837, + "map_at_20": 23.262, + "map_at_3": 20.236, + "map_at_5": 21.673000000000002, + "mrr_at_1": 14.7010647010647, + "mrr_at_10": 22.613165113165113, + "mrr_at_100": 23.72877605989423, + "mrr_at_1000": 23.837150802746805, + "mrr_at_20": 23.261627081110596, + "mrr_at_3": 20.2361452361452, + "mrr_at_5": 21.673491673491625, + "nauc_map_at_1000_diff1": 17.08927788889635, + "nauc_map_at_1000_max": 47.240929150603336, + "nauc_map_at_1000_std": 20.559244258100275, + "nauc_map_at_100_diff1": 17.029461792796777, + "nauc_map_at_100_max": 47.207381115550696, + "nauc_map_at_100_std": 20.581498156895265, + "nauc_map_at_10_diff1": 17.351456007804536, + "nauc_map_at_10_max": 47.815880040221344, + "nauc_map_at_10_std": 20.292999107555794, + "nauc_map_at_1_diff1": 27.297525357600776, + "nauc_map_at_1_max": 47.18835074959486, + "nauc_map_at_1_std": 18.304203168281834, + "nauc_map_at_20_diff1": 17.157460199542136, + "nauc_map_at_20_max": 47.4776610667456, + "nauc_map_at_20_std": 20.499186342964478, + "nauc_map_at_3_diff1": 19.393119961356277, + "nauc_map_at_3_max": 49.02841822452882, + "nauc_map_at_3_std": 19.293122796321292, + "nauc_map_at_5_diff1": 17.76275044752008, + "nauc_map_at_5_max": 48.01292548040298, + "nauc_map_at_5_std": 19.928449977400504, + "nauc_mrr_at_1000_diff1": 17.08927788889635, + "nauc_mrr_at_1000_max": 47.240929150603336, + "nauc_mrr_at_1000_std": 20.559244258100275, + "nauc_mrr_at_100_diff1": 17.029461792796777, + "nauc_mrr_at_100_max": 47.207381115550696, + "nauc_mrr_at_100_std": 20.581498156895265, + "nauc_mrr_at_10_diff1": 17.351456007804536, + "nauc_mrr_at_10_max": 47.815880040221344, + "nauc_mrr_at_10_std": 20.292999107555794, + "nauc_mrr_at_1_diff1": 27.297525357600776, + "nauc_mrr_at_1_max": 47.18835074959486, + "nauc_mrr_at_1_std": 18.304203168281834, + "nauc_mrr_at_20_diff1": 17.157460199542136, + "nauc_mrr_at_20_max": 47.4776610667456, + "nauc_mrr_at_20_std": 20.499186342964478, + "nauc_mrr_at_3_diff1": 19.393119961356277, + "nauc_mrr_at_3_max": 49.02841822452882, + "nauc_mrr_at_3_std": 19.293122796321292, + "nauc_mrr_at_5_diff1": 17.76275044752008, + "nauc_mrr_at_5_max": 48.01292548040298, + "nauc_mrr_at_5_std": 19.928449977400504, + "nauc_ndcg_at_1000_diff1": 13.989496006047975, + "nauc_ndcg_at_1000_max": 45.626323944336114, + "nauc_ndcg_at_1000_std": 22.125600410796515, + "nauc_ndcg_at_100_diff1": 12.302204843705244, + "nauc_ndcg_at_100_max": 44.46856314559079, + "nauc_ndcg_at_100_std": 23.084984546328677, + "nauc_ndcg_at_10_diff1": 14.001226213368275, + "nauc_ndcg_at_10_max": 47.37780636546918, + "nauc_ndcg_at_10_std": 21.702709032840637, + "nauc_ndcg_at_1_diff1": 27.297525357600776, + "nauc_ndcg_at_1_max": 47.18835074959486, + "nauc_ndcg_at_1_std": 18.304203168281834, + "nauc_ndcg_at_20_diff1": 13.317759910171056, + "nauc_ndcg_at_20_max": 46.25171251043813, + "nauc_ndcg_at_20_std": 22.309331575402595, + "nauc_ndcg_at_3_diff1": 17.555381234893872, + "nauc_ndcg_at_3_max": 49.48635590260059, + "nauc_ndcg_at_3_std": 19.734570962933674, + "nauc_ndcg_at_5_diff1": 14.844841165765061, + "nauc_ndcg_at_5_max": 47.76437065028708, + "nauc_ndcg_at_5_std": 20.816034479453954, + "nauc_precision_at_1000_diff1": -15.591898698252546, + "nauc_precision_at_1000_max": 20.545984285353892, + "nauc_precision_at_1000_std": 38.9013414992826, + "nauc_precision_at_100_diff1": -5.290395978742176, + "nauc_precision_at_100_max": 31.340480360546845, + "nauc_precision_at_100_std": 33.6897935720505, + "nauc_precision_at_10_diff1": 5.965001997926562, + "nauc_precision_at_10_max": 46.12515296162247, + "nauc_precision_at_10_std": 25.409433135253558, + "nauc_precision_at_1_diff1": 27.297525357600776, + "nauc_precision_at_1_max": 47.18835074959486, + "nauc_precision_at_1_std": 18.304203168281834, + "nauc_precision_at_20_diff1": 3.4438127279827744, + "nauc_precision_at_20_max": 42.36095587714494, + "nauc_precision_at_20_std": 27.367900512797906, + "nauc_precision_at_3_diff1": 13.165017224718916, + "nauc_precision_at_3_max": 50.58931825484506, + "nauc_precision_at_3_std": 20.852009214609442, + "nauc_precision_at_5_diff1": 7.840087177549876, + "nauc_precision_at_5_max": 46.99388755575109, + "nauc_precision_at_5_std": 23.048702393099834, + "nauc_recall_at_1000_diff1": -15.591898698252932, + "nauc_recall_at_1000_max": 20.5459842853537, + "nauc_recall_at_1000_std": 38.901341499282395, + "nauc_recall_at_100_diff1": -5.290395978742165, + "nauc_recall_at_100_max": 31.340480360546863, + "nauc_recall_at_100_std": 33.68979357205046, + "nauc_recall_at_10_diff1": 5.96500199792656, + "nauc_recall_at_10_max": 46.1251529616225, + "nauc_recall_at_10_std": 25.409433135253543, + "nauc_recall_at_1_diff1": 27.297525357600776, + "nauc_recall_at_1_max": 47.18835074959486, + "nauc_recall_at_1_std": 18.304203168281834, + "nauc_recall_at_20_diff1": 3.4438127279827833, + "nauc_recall_at_20_max": 42.36095587714498, + "nauc_recall_at_20_std": 27.36790051279787, + "nauc_recall_at_3_diff1": 13.165017224718916, + "nauc_recall_at_3_max": 50.589318254845054, + "nauc_recall_at_3_std": 20.852009214609435, + "nauc_recall_at_5_diff1": 7.840087177549891, + "nauc_recall_at_5_max": 46.99388755575112, + "nauc_recall_at_5_std": 23.048702393099845, + "ndcg_at_1": 14.701, + "ndcg_at_10": 26.909, + "ndcg_at_100": 32.727000000000004, + "ndcg_at_1000": 36.086, + "ndcg_at_20": 29.236, + "ndcg_at_3": 22.004, + "ndcg_at_5": 24.615000000000002, + "precision_at_1": 14.701, + "precision_at_10": 4.062, + "precision_at_100": 0.688, + "precision_at_1000": 0.096, + "precision_at_20": 2.488, + "precision_at_3": 9.036, + "precision_at_5": 6.699, + "recall_at_1": 14.701, + "recall_at_10": 40.622, + "recall_at_100": 68.796, + "recall_at_1000": 96.314, + "recall_at_20": 49.754, + "recall_at_3": 27.108999999999998, + "recall_at_5": 33.497 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/MultilingualSentiment.json b/results/jinaai__jina-embeddings-v3/external/MultilingualSentiment.json new file mode 100644 index 000000000..ab6396085 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/MultilingualSentiment.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "46958b007a63fdbf239b7672c25d0bea67b5ea1a", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 73.20999999999998, + "f1": 73.18755986777474, + "f1_weighted": 73.18755986777475, + "main_score": 73.20999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/NFCorpus-PL.json b/results/jinaai__jina-embeddings-v3/external/NFCorpus-PL.json new file mode 100644 index 000000000..aa3e50acc --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/NFCorpus-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "9a6f9567fda928260afed2de480d79c98bf0bec0", + "task_name": "NFCorpus-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 31.391000000000002, + "map_at_1": 4.163, + "map_at_10": 10.744, + "map_at_100": 14.038999999999998, + "map_at_1000": 15.434999999999999, + "map_at_20": 12.16, + "map_at_3": 7.614999999999999, + "map_at_5": 9.027000000000001, + "mrr_at_1": 39.0092879256966, + "mrr_at_10": 48.69809327239668, + "mrr_at_100": 49.20788148442068, + "mrr_at_1000": 49.25509336494706, + "mrr_at_20": 48.99606551850896, + "mrr_at_3": 46.284829721362236, + "mrr_at_5": 47.77089783281735, + "nauc_map_at_1000_diff1": 22.75421477116417, + "nauc_map_at_1000_max": 49.242283787799046, + "nauc_map_at_1000_std": 29.056888272331832, + "nauc_map_at_100_diff1": 23.585977398585594, + "nauc_map_at_100_max": 48.25845199409498, + "nauc_map_at_100_std": 24.944264511223693, + "nauc_map_at_10_diff1": 27.386613094780255, + "nauc_map_at_10_max": 41.52415346691586, + "nauc_map_at_10_std": 12.93872448563755, + "nauc_map_at_1_diff1": 46.78688143865053, + "nauc_map_at_1_max": 37.20408843995871, + "nauc_map_at_1_std": 4.383444959401098, + "nauc_map_at_20_diff1": 25.590969047740288, + "nauc_map_at_20_max": 44.57109307999418, + "nauc_map_at_20_std": 16.45855141821407, + "nauc_map_at_3_diff1": 36.30017108362863, + "nauc_map_at_3_max": 34.66149613991648, + "nauc_map_at_3_std": 5.67985905078467, + "nauc_map_at_5_diff1": 31.157644795417223, + "nauc_map_at_5_max": 37.274738661636825, + "nauc_map_at_5_std": 8.70088872394168, + "nauc_mrr_at_1000_diff1": 25.638564218157384, + "nauc_mrr_at_1000_max": 57.77788270285353, + "nauc_mrr_at_1000_std": 43.507586592911274, + "nauc_mrr_at_100_diff1": 25.662002580561584, + "nauc_mrr_at_100_max": 57.80578394278584, + "nauc_mrr_at_100_std": 43.543905743986635, + "nauc_mrr_at_10_diff1": 25.426034796339835, + "nauc_mrr_at_10_max": 57.68443186258669, + "nauc_mrr_at_10_std": 43.438009108331215, + "nauc_mrr_at_1_diff1": 26.073028156311075, + "nauc_mrr_at_1_max": 52.11817916720053, + "nauc_mrr_at_1_std": 37.41073893153695, + "nauc_mrr_at_20_diff1": 25.548645553336147, + "nauc_mrr_at_20_max": 57.78552760401915, + "nauc_mrr_at_20_std": 43.521687428822325, + "nauc_mrr_at_3_diff1": 25.72662577397805, + "nauc_mrr_at_3_max": 56.891263536265605, + "nauc_mrr_at_3_std": 41.384872305390104, + "nauc_mrr_at_5_diff1": 25.552211551655386, + "nauc_mrr_at_5_max": 57.976813828353926, + "nauc_mrr_at_5_std": 43.504564461855544, + "nauc_ndcg_at_1000_diff1": 23.456158044182757, + "nauc_ndcg_at_1000_max": 60.05411773552709, + "nauc_ndcg_at_1000_std": 47.857510017262584, + "nauc_ndcg_at_100_diff1": 19.711635700390772, + "nauc_ndcg_at_100_max": 56.178746740470665, + "nauc_ndcg_at_100_std": 42.36829180286942, + "nauc_ndcg_at_10_diff1": 18.364428967788413, + "nauc_ndcg_at_10_max": 54.38372506578223, + "nauc_ndcg_at_10_std": 41.75765411340369, + "nauc_ndcg_at_1_diff1": 26.571093272640773, + "nauc_ndcg_at_1_max": 51.061788341958284, + "nauc_ndcg_at_1_std": 36.514987974075986, + "nauc_ndcg_at_20_diff1": 18.345487193027697, + "nauc_ndcg_at_20_max": 54.62621882656994, + "nauc_ndcg_at_20_std": 41.42835554714241, + "nauc_ndcg_at_3_diff1": 23.260105658139025, + "nauc_ndcg_at_3_max": 52.07747385334546, + "nauc_ndcg_at_3_std": 36.91985577837284, + "nauc_ndcg_at_5_diff1": 20.40428109665566, + "nauc_ndcg_at_5_max": 53.52015347884604, + "nauc_ndcg_at_5_std": 39.46008849580017, + "nauc_precision_at_1000_diff1": -7.3487344916380035, + "nauc_precision_at_1000_max": 16.58045221394852, + "nauc_precision_at_1000_std": 38.94030932397075, + "nauc_precision_at_100_diff1": -5.257743986683922, + "nauc_precision_at_100_max": 34.43071687475306, + "nauc_precision_at_100_std": 53.499519170670474, + "nauc_precision_at_10_diff1": 2.385136433119139, + "nauc_precision_at_10_max": 47.210743878631064, + "nauc_precision_at_10_std": 47.22767704186548, + "nauc_precision_at_1_diff1": 26.073028156311075, + "nauc_precision_at_1_max": 52.11817916720053, + "nauc_precision_at_1_std": 37.41073893153695, + "nauc_precision_at_20_diff1": -0.3531531127238474, + "nauc_precision_at_20_max": 44.78044604856974, + "nauc_precision_at_20_std": 49.532804150743615, + "nauc_precision_at_3_diff1": 15.350050569991447, + "nauc_precision_at_3_max": 51.01572315596549, + "nauc_precision_at_3_std": 38.801125728413155, + "nauc_precision_at_5_diff1": 9.109003666144694, + "nauc_precision_at_5_max": 50.935269774898494, + "nauc_precision_at_5_std": 43.323548180559676, + "nauc_recall_at_1000_diff1": 16.64743647648886, + "nauc_recall_at_1000_max": 38.46012283772285, + "nauc_recall_at_1000_std": 36.02016164796441, + "nauc_recall_at_100_diff1": 14.005834785186744, + "nauc_recall_at_100_max": 37.70026105513647, + "nauc_recall_at_100_std": 27.085222642129697, + "nauc_recall_at_10_diff1": 21.204106627422632, + "nauc_recall_at_10_max": 36.737624881893424, + "nauc_recall_at_10_std": 13.755054514272702, + "nauc_recall_at_1_diff1": 46.78688143865053, + "nauc_recall_at_1_max": 37.20408843995871, + "nauc_recall_at_1_std": 4.383444959401098, + "nauc_recall_at_20_diff1": 19.740977611421933, + "nauc_recall_at_20_max": 39.21908969539783, + "nauc_recall_at_20_std": 16.560269670318494, + "nauc_recall_at_3_diff1": 32.189359545367815, + "nauc_recall_at_3_max": 31.693634445562758, + "nauc_recall_at_3_std": 6.246326281543587, + "nauc_recall_at_5_diff1": 25.51586860499901, + "nauc_recall_at_5_max": 33.15934725342885, + "nauc_recall_at_5_std": 9.677778511696705, + "ndcg_at_1": 37.307, + "ndcg_at_10": 31.391000000000002, + "ndcg_at_100": 28.877999999999997, + "ndcg_at_1000": 37.16, + "ndcg_at_20": 29.314, + "ndcg_at_3": 35.405, + "ndcg_at_5": 33.922999999999995, + "precision_at_1": 39.009, + "precision_at_10": 24.52, + "precision_at_100": 7.703, + "precision_at_1000": 2.04, + "precision_at_20": 18.08, + "precision_at_3": 34.469, + "precision_at_5": 30.712, + "recall_at_1": 4.163, + "recall_at_10": 15.015999999999998, + "recall_at_100": 30.606, + "recall_at_1000": 59.606, + "recall_at_20": 19.09, + "recall_at_3": 9.139, + "recall_at_5": 11.477 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/NFCorpus.json b/results/jinaai__jina-embeddings-v3/external/NFCorpus.json new file mode 100644 index 000000000..5afe07928 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/NFCorpus.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.822, + "map_at_10": 13.144, + "map_at_100": 17.254, + "map_at_1000": 18.931, + "map_at_20": 14.834, + "map_at_3": 8.975, + "map_at_5": 10.922, + "mrr_at_1": 47.059, + "mrr_at_10": 55.806999999999995, + "mrr_at_100": 56.286, + "mrr_at_1000": 56.327000000000005, + "mrr_at_20": 56.00000000000001, + "mrr_at_3": 54.17999999999999, + "mrr_at_5": 55.155, + "ndcg_at_1": 44.427, + "ndcg_at_10": 36.623, + "ndcg_at_100": 33.664, + "ndcg_at_1000": 42.538, + "ndcg_at_20": 34.066, + "ndcg_at_3": 41.118, + "ndcg_at_5": 39.455, + "precision_at_1": 46.44, + "precision_at_10": 28.607, + "precision_at_100": 9.189, + "precision_at_1000": 2.261, + "precision_at_20": 21.238, + "precision_at_3": 39.628, + "precision_at_5": 35.604, + "recall_at_1": 4.822, + "recall_at_10": 17.488999999999997, + "recall_at_100": 35.052, + "recall_at_1000": 66.67999999999999, + "recall_at_20": 21.343999999999998, + "recall_at_3": 10.259, + "recall_at_5": 13.406, + "main_score": 36.623 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/NQ-PL.json b/results/jinaai__jina-embeddings-v3/external/NQ-PL.json new file mode 100644 index 000000000..58d362b5b --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/NQ-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f171245712cf85dd4700b06bef18001578d0ca8d", + "task_name": "NQ-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 54.017, + "map_at_1": 34.193, + "map_at_10": 47.497, + "map_at_100": 48.441, + "map_at_1000": 48.481, + "map_at_20": 48.093, + "map_at_3": 44.017, + "map_at_5": 46.111000000000004, + "mrr_at_1": 37.949015063731174, + "mrr_at_10": 49.915772315105954, + "mrr_at_100": 50.62841255829997, + "mrr_at_1000": 50.656773027666745, + "mrr_at_20": 50.37785276657083, + "mrr_at_3": 46.98725376593267, + "mrr_at_5": 48.763035921205066, + "nauc_map_at_1000_diff1": 39.5632191792873, + "nauc_map_at_1000_max": 37.4728247053629, + "nauc_map_at_1000_std": 5.742498414663762, + "nauc_map_at_100_diff1": 39.555570352061906, + "nauc_map_at_100_max": 37.497880976847334, + "nauc_map_at_100_std": 5.7798021019465375, + "nauc_map_at_10_diff1": 39.5423723444454, + "nauc_map_at_10_max": 37.41661971723365, + "nauc_map_at_10_std": 5.2378002164144695, + "nauc_map_at_1_diff1": 41.52697034146981, + "nauc_map_at_1_max": 28.558995576942863, + "nauc_map_at_1_std": 0.13094542859192052, + "nauc_map_at_20_diff1": 39.55484628943701, + "nauc_map_at_20_max": 37.5247794933719, + "nauc_map_at_20_std": 5.702881342279231, + "nauc_map_at_3_diff1": 39.949323925425325, + "nauc_map_at_3_max": 35.770298168901924, + "nauc_map_at_3_std": 2.9127112432479874, + "nauc_map_at_5_diff1": 39.768310617004545, + "nauc_map_at_5_max": 37.1549191664796, + "nauc_map_at_5_std": 4.4681285748269515, + "nauc_mrr_at_1000_diff1": 39.14001746706457, + "nauc_mrr_at_1000_max": 37.477376518267775, + "nauc_mrr_at_1000_std": 6.8088891531621565, + "nauc_mrr_at_100_diff1": 39.13054707413684, + "nauc_mrr_at_100_max": 37.498126443766274, + "nauc_mrr_at_100_std": 6.839411380129971, + "nauc_mrr_at_10_diff1": 39.09764730048156, + "nauc_mrr_at_10_max": 37.58593798217306, + "nauc_mrr_at_10_std": 6.713795164982413, + "nauc_mrr_at_1_diff1": 41.581599918664075, + "nauc_mrr_at_1_max": 31.500589231378722, + "nauc_mrr_at_1_std": 2.059116370339438, + "nauc_mrr_at_20_diff1": 39.09011023988447, + "nauc_mrr_at_20_max": 37.55856008791344, + "nauc_mrr_at_20_std": 6.847165397615844, + "nauc_mrr_at_3_diff1": 39.382542043738, + "nauc_mrr_at_3_max": 36.49265363659468, + "nauc_mrr_at_3_std": 4.759157976438336, + "nauc_mrr_at_5_diff1": 39.304826333759976, + "nauc_mrr_at_5_max": 37.46326016736024, + "nauc_mrr_at_5_std": 6.122608305766621, + "nauc_ndcg_at_1000_diff1": 38.568500038453266, + "nauc_ndcg_at_1000_max": 39.799710882413166, + "nauc_ndcg_at_1000_std": 9.357010223096639, + "nauc_ndcg_at_100_diff1": 38.38026091343228, + "nauc_ndcg_at_100_max": 40.48398173542486, + "nauc_ndcg_at_100_std": 10.373054013302214, + "nauc_ndcg_at_10_diff1": 38.27340980909964, + "nauc_ndcg_at_10_max": 40.35241649744093, + "nauc_ndcg_at_10_std": 8.579139930345168, + "nauc_ndcg_at_1_diff1": 41.581599918664075, + "nauc_ndcg_at_1_max": 31.500589231378722, + "nauc_ndcg_at_1_std": 2.059116370339438, + "nauc_ndcg_at_20_diff1": 38.26453028884807, + "nauc_ndcg_at_20_max": 40.70517858426641, + "nauc_ndcg_at_20_std": 9.987693876137905, + "nauc_ndcg_at_3_diff1": 39.2078971733273, + "nauc_ndcg_at_3_max": 37.48672195565316, + "nauc_ndcg_at_3_std": 4.051464994659221, + "nauc_ndcg_at_5_diff1": 38.883693595665285, + "nauc_ndcg_at_5_max": 39.763115634437135, + "nauc_ndcg_at_5_std": 6.738980451582073, + "nauc_precision_at_1000_diff1": -7.223215910619012, + "nauc_precision_at_1000_max": 13.075844604892161, + "nauc_precision_at_1000_std": 19.864336920890107, + "nauc_precision_at_100_diff1": 1.3305994810812418, + "nauc_precision_at_100_max": 25.9219108557104, + "nauc_precision_at_100_std": 27.5076605928207, + "nauc_precision_at_10_diff1": 18.441551484970326, + "nauc_precision_at_10_max": 39.85995330437054, + "nauc_precision_at_10_std": 20.561269077428914, + "nauc_precision_at_1_diff1": 41.581599918664075, + "nauc_precision_at_1_max": 31.500589231378722, + "nauc_precision_at_1_std": 2.059116370339438, + "nauc_precision_at_20_diff1": 12.579593891480531, + "nauc_precision_at_20_max": 36.620221830588775, + "nauc_precision_at_20_std": 26.40364876775059, + "nauc_precision_at_3_diff1": 30.158859294487073, + "nauc_precision_at_3_max": 41.168215766389174, + "nauc_precision_at_3_std": 9.44345004450809, + "nauc_precision_at_5_diff1": 25.438624678672785, + "nauc_precision_at_5_max": 42.72802023518524, + "nauc_precision_at_5_std": 15.357657388511099, + "nauc_recall_at_1000_diff1": 24.987564782718003, + "nauc_recall_at_1000_max": 70.508416373353, + "nauc_recall_at_1000_std": 69.75092280398808, + "nauc_recall_at_100_diff1": 29.504202856421397, + "nauc_recall_at_100_max": 63.41356585545318, + "nauc_recall_at_100_std": 50.09250954437847, + "nauc_recall_at_10_diff1": 32.355776022971774, + "nauc_recall_at_10_max": 49.47121901667283, + "nauc_recall_at_10_std": 19.418439406631244, + "nauc_recall_at_1_diff1": 41.52697034146981, + "nauc_recall_at_1_max": 28.558995576942863, + "nauc_recall_at_1_std": 0.13094542859192052, + "nauc_recall_at_20_diff1": 31.57334731023589, + "nauc_recall_at_20_max": 54.06567225197383, + "nauc_recall_at_20_std": 29.222029720570468, + "nauc_recall_at_3_diff1": 36.45033533275773, + "nauc_recall_at_3_max": 40.39529713780803, + "nauc_recall_at_3_std": 5.21893897772794, + "nauc_recall_at_5_diff1": 35.18471678478859, + "nauc_recall_at_5_max": 46.20100816867823, + "nauc_recall_at_5_std": 11.94481894633221, + "ndcg_at_1": 37.949, + "ndcg_at_10": 54.017, + "ndcg_at_100": 58.126, + "ndcg_at_1000": 59.073, + "ndcg_at_20": 55.928, + "ndcg_at_3": 47.494, + "ndcg_at_5": 50.975, + "precision_at_1": 37.949, + "precision_at_10": 8.450000000000001, + "precision_at_100": 1.083, + "precision_at_1000": 0.117, + "precision_at_20": 4.689, + "precision_at_3": 21.051000000000002, + "precision_at_5": 14.664, + "recall_at_1": 34.193, + "recall_at_10": 71.357, + "recall_at_100": 89.434, + "recall_at_1000": 96.536, + "recall_at_20": 78.363, + "recall_at_3": 54.551, + "recall_at_5": 62.543000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/NQ.json b/results/jinaai__jina-embeddings-v3/external/NQ.json new file mode 100644 index 000000000..3b0f0a8e2 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/NQ.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 41.411, + "map_at_10": 57.179, + "map_at_100": 57.945, + "map_at_1000": 57.967999999999996, + "map_at_20": 57.687, + "map_at_3": 53.46300000000001, + "map_at_5": 55.696999999999996, + "mrr_at_1": 46.233999999999995, + "mrr_at_10": 59.831999999999994, + "mrr_at_100": 60.33500000000001, + "mrr_at_1000": 60.348, + "mrr_at_20": 60.167, + "mrr_at_3": 56.972, + "mrr_at_5": 58.74, + "ndcg_at_1": 46.205, + "ndcg_at_10": 64.23100000000001, + "ndcg_at_100": 67.242, + "ndcg_at_1000": 67.72500000000001, + "ndcg_at_20": 65.77300000000001, + "ndcg_at_3": 57.516, + "ndcg_at_5": 61.11600000000001, + "precision_at_1": 46.205, + "precision_at_10": 9.873, + "precision_at_100": 1.158, + "precision_at_1000": 0.12, + "precision_at_20": 5.319, + "precision_at_3": 25.424999999999997, + "precision_at_5": 17.375, + "recall_at_1": 41.411, + "recall_at_10": 82.761, + "recall_at_100": 95.52199999999999, + "recall_at_1000": 99.02499999999999, + "recall_at_20": 88.34, + "recall_at_3": 65.73, + "recall_at_5": 73.894, + "main_score": 64.23100000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/Ocnli.json b/results/jinaai__jina-embeddings-v3/external/Ocnli.json new file mode 100644 index 000000000..3628e0687 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/Ocnli.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "66e76a618a34d6d565d5538088562851e6daa7ec", + "task_name": "Ocnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_accuracy": 62.3714131023281, + "cosine_accuracy_threshold": 79.70921993255615, + "cosine_ap": 66.41380155495659, + "cosine_f1": 68.89547185780786, + "cosine_f1_threshold": 72.91591167449951, + "cosine_precision": 57.485875706214685, + "cosine_recall": 85.95564941921859, + "dot_accuracy": 60.47644829453167, + "dot_accuracy_threshold": 36627.362060546875, + "dot_ap": 63.696303449293204, + "dot_f1": 68.3986041101202, + "dot_f1_threshold": 30452.72216796875, + "dot_precision": 54.04411764705882, + "dot_recall": 93.13621964097149, + "euclidean_accuracy": 63.02111532214402, + "euclidean_accuracy_threshold": 1392.76762008667, + "euclidean_ap": 66.65907089443218, + "euclidean_f1": 69.05036524413688, + "euclidean_f1_threshold": 1711.5310668945312, + "euclidean_precision": 54.29262394195889, + "euclidean_recall": 94.82576557550159, + "main_score": 63.02111532214402, + "manhattan_accuracy": 62.75040606388739, + "manhattan_accuracy_threshold": 32475.347900390625, + "manhattan_ap": 66.50943585125434, + "manhattan_f1": 69.08382066276802, + "manhattan_f1_threshold": 41238.470458984375, + "manhattan_precision": 54.75896168108776, + "manhattan_recall": 93.55860612460401, + "max_accuracy": 63.02111532214402, + "max_ap": 66.65907089443218, + "max_f1": 69.08382066276802, + "max_precision": 57.485875706214685, + "max_recall": 94.82576557550159, + "similarity_accuracy": 62.3714131023281, + "similarity_accuracy_threshold": 79.70921993255615, + "similarity_ap": 66.41380155495659, + "similarity_f1": 68.89547185780786, + "similarity_f1_threshold": 72.91591167449951, + "similarity_precision": 57.485875706214685, + "similarity_recall": 85.95564941921859 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/OnlineShopping.json b/results/jinaai__jina-embeddings-v3/external/OnlineShopping.json new file mode 100644 index 000000000..c65dab362 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/OnlineShopping.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "e610f2ebd179a8fda30ae534c3878750a96db120", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 91.88000000000001, + "ap": 89.52463684448476, + "ap_weighted": 89.52463684448476, + "f1": 91.86313022306673, + "f1_weighted": 91.87806318146912, + "main_score": 91.88000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/OpusparcusPC.json b/results/jinaai__jina-embeddings-v3/external/OpusparcusPC.json new file mode 100644 index 000000000..e7e9c66d5 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/OpusparcusPC.json @@ -0,0 +1,198 @@ +{ + "dataset_revision": "9e9b1f8ef51616073f47f306f7f47dd91663f86a", + "task_name": "OpusparcusPC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test.full": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 92.65578635014838, + "cosine_accuracy_threshold": 74.02530312538147, + "cosine_ap": 98.3834226153613, + "cosine_f1": 94.92567913890312, + "cosine_f1_threshold": 74.02530312538147, + "cosine_precision": 95.562435500516, + "cosine_recall": 94.29735234215886, + "dot_accuracy": 91.54302670623146, + "dot_accuracy_threshold": 34452.29187011719, + "dot_ap": 98.1237257754439, + "dot_f1": 94.22400803616273, + "dot_f1_threshold": 33670.41931152344, + "dot_precision": 92.9633300297324, + "dot_recall": 95.5193482688391, + "euclidean_accuracy": 92.28486646884274, + "euclidean_accuracy_threshold": 1602.8022766113281, + "euclidean_ap": 98.3099021504706, + "euclidean_f1": 94.75277497477296, + "euclidean_f1_threshold": 1604.7462463378906, + "euclidean_precision": 93.89999999999999, + "euclidean_recall": 95.62118126272912, + "main_score": 98.3834226153613, + "manhattan_accuracy": 92.2106824925816, + "manhattan_accuracy_threshold": 38872.90954589844, + "manhattan_ap": 98.28694101230218, + "manhattan_f1": 94.67815509376584, + "manhattan_f1_threshold": 38872.90954589844, + "manhattan_precision": 94.24823410696267, + "manhattan_recall": 95.11201629327903, + "max_accuracy": 92.65578635014838, + "max_ap": 98.3834226153613, + "max_f1": 94.92567913890312, + "max_precision": 95.562435500516, + "max_recall": 95.62118126272912, + "similarity_accuracy": 92.65578635014838, + "similarity_accuracy_threshold": 74.02530312538147, + "similarity_ap": 98.3834226153613, + "similarity_f1": 94.92567913890312, + "similarity_f1_threshold": 74.02530312538147, + "similarity_precision": 95.562435500516, + "similarity_recall": 94.29735234215886 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "cosine_accuracy": 87.72178850248403, + "cosine_accuracy_threshold": 73.33863377571106, + "cosine_ap": 96.98901408834976, + "cosine_f1": 91.89944134078212, + "cosine_f1_threshold": 71.45810127258301, + "cosine_precision": 89.64577656675749, + "cosine_recall": 94.26934097421203, + "dot_accuracy": 86.30234208658624, + "dot_accuracy_threshold": 32027.130126953125, + "dot_ap": 96.12260574893256, + "dot_f1": 91.31602506714414, + "dot_f1_threshold": 30804.376220703125, + "dot_precision": 85.93091828138164, + "dot_recall": 97.42120343839542, + "euclidean_accuracy": 87.9347054648687, + "euclidean_accuracy_threshold": 1609.6670150756836, + "euclidean_ap": 97.00238860358252, + "euclidean_f1": 92.1089063221043, + "euclidean_f1_threshold": 1641.8487548828125, + "euclidean_precision": 89.10714285714286, + "euclidean_recall": 95.31996179560649, + "main_score": 97.00238860358252, + "manhattan_accuracy": 87.72178850248403, + "manhattan_accuracy_threshold": 40137.060546875, + "manhattan_ap": 96.98653728159941, + "manhattan_f1": 92.03865623561896, + "manhattan_f1_threshold": 40137.060546875, + "manhattan_precision": 88.80994671403198, + "manhattan_recall": 95.51098376313276, + "max_accuracy": 87.9347054648687, + "max_ap": 97.00238860358252, + "max_f1": 92.1089063221043, + "max_precision": 89.64577656675749, + "max_recall": 97.42120343839542, + "similarity_accuracy": 87.72178850248403, + "similarity_accuracy_threshold": 73.33863377571106, + "similarity_ap": 96.98901408834976, + "similarity_f1": 91.89944134078212, + "similarity_f1_threshold": 71.45810127258301, + "similarity_precision": 89.64577656675749, + "similarity_recall": 94.26934097421203 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cosine_accuracy": 80.92643051771117, + "cosine_accuracy_threshold": 76.68856382369995, + "cosine_ap": 93.74622381534307, + "cosine_f1": 87.12328767123287, + "cosine_f1_threshold": 71.64022922515869, + "cosine_precision": 80.64243448858834, + "cosine_recall": 94.73684210526315, + "dot_accuracy": 80.858310626703, + "dot_accuracy_threshold": 34028.3935546875, + "dot_ap": 91.18448457633308, + "dot_f1": 86.82606657290202, + "dot_f1_threshold": 34028.3935546875, + "dot_precision": 82.2380106571936, + "dot_recall": 91.9563058589871, + "euclidean_accuracy": 80.858310626703, + "euclidean_accuracy_threshold": 1595.7651138305664, + "euclidean_ap": 93.8182717829648, + "euclidean_f1": 87.04044117647058, + "euclidean_f1_threshold": 1609.2475891113281, + "euclidean_precision": 81.00940975192472, + "euclidean_recall": 94.04170804369414, + "main_score": 93.8182717829648, + "manhattan_accuracy": 80.99455040871935, + "manhattan_accuracy_threshold": 38092.132568359375, + "manhattan_ap": 93.77563401151711, + "manhattan_f1": 86.91983122362869, + "manhattan_f1_threshold": 38092.132568359375, + "manhattan_precision": 82.32682060390763, + "manhattan_recall": 92.05561072492551, + "max_accuracy": 80.99455040871935, + "max_ap": 93.8182717829648, + "max_f1": 87.12328767123287, + "max_precision": 82.32682060390763, + "max_recall": 94.73684210526315, + "similarity_accuracy": 80.92643051771117, + "similarity_accuracy_threshold": 76.68856382369995, + "similarity_ap": 93.74622381534307, + "similarity_f1": 87.12328767123287, + "similarity_f1_threshold": 71.64022922515869, + "similarity_precision": 80.64243448858834, + "similarity_recall": 94.73684210526315 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "cosine_accuracy": 76.83823529411765, + "cosine_accuracy_threshold": 72.70769476890564, + "cosine_ap": 89.56692049908222, + "cosine_f1": 83.99832003359934, + "cosine_f1_threshold": 70.9052324295044, + "cosine_precision": 76.16146230007617, + "cosine_recall": 93.63295880149812, + "dot_accuracy": 76.28676470588235, + "dot_accuracy_threshold": 33740.68908691406, + "dot_ap": 87.77185177141567, + "dot_f1": 83.62251375370292, + "dot_f1_threshold": 32726.611328125, + "dot_precision": 76.29343629343629, + "dot_recall": 92.50936329588015, + "euclidean_accuracy": 77.32843137254902, + "euclidean_accuracy_threshold": 1566.510009765625, + "euclidean_ap": 89.60605626791111, + "euclidean_f1": 84.06546080964686, + "euclidean_f1_threshold": 1576.4202117919922, + "euclidean_precision": 77.83094098883574, + "euclidean_recall": 91.38576779026218, + "main_score": 89.60605626791111, + "manhattan_accuracy": 76.89950980392157, + "manhattan_accuracy_threshold": 38202.215576171875, + "manhattan_ap": 89.55766894104868, + "manhattan_f1": 83.80462724935732, + "manhattan_f1_threshold": 38934.375, + "manhattan_precision": 77.25118483412322, + "manhattan_recall": 91.57303370786516, + "max_accuracy": 77.32843137254902, + "max_ap": 89.60605626791111, + "max_f1": 84.06546080964686, + "max_precision": 77.83094098883574, + "max_recall": 93.63295880149812, + "similarity_accuracy": 76.83823529411765, + "similarity_accuracy_threshold": 72.70769476890564, + "similarity_ap": 89.56692049908222, + "similarity_f1": 83.99832003359934, + "similarity_f1_threshold": 70.9052324295044, + "similarity_precision": 76.16146230007617, + "similarity_recall": 93.63295880149812 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/PAC.json b/results/jinaai__jina-embeddings-v3/external/PAC.json new file mode 100644 index 000000000..6d1e3f720 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/PAC.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "fc69d1c153a8ccdcf1eef52f4e2a27f88782f543", + "task_name": "PAC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 68.39559803069794, + "ap": 77.68074206719457, + "ap_weighted": 77.68074206719457, + "f1": 66.23485605467732, + "f1_weighted": 69.03201442129347, + "main_score": 68.39559803069794 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/PAWSX.json b/results/jinaai__jina-embeddings-v3/external/PAWSX.json new file mode 100644 index 000000000..af8d852e6 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/PAWSX.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "9c6a90e430ac22b5779fb019a23e820b11a8b5e1", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 13.161523266433587, + "cosine_spearman": 15.557333873773386, + "euclidean_pearson": 17.147508431907525, + "euclidean_spearman": 15.664112857732146, + "main_score": 15.557333873773386, + "manhattan_pearson": 17.130875906264386, + "manhattan_spearman": 15.624397342229637, + "pearson": 13.161523266433587, + "spearman": 15.557333873773386 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/PSC.json b/results/jinaai__jina-embeddings-v3/external/PSC.json new file mode 100644 index 000000000..b574a4723 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/PSC.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "d05a294af9e1d3ff2bfb6b714e08a24a6cabc669", + "task_name": "PSC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cosine_accuracy": 97.86641929499072, + "cosine_accuracy_threshold": 79.0391206741333, + "cosine_ap": 99.19403807771533, + "cosine_f1": 96.45608628659475, + "cosine_f1_threshold": 79.0391206741333, + "cosine_precision": 97.50778816199377, + "cosine_recall": 95.42682926829268, + "dot_accuracy": 98.14471243042672, + "dot_accuracy_threshold": 29808.1787109375, + "dot_ap": 99.331999859971, + "dot_f1": 97.01492537313433, + "dot_f1_threshold": 29808.1787109375, + "dot_precision": 95.02923976608187, + "dot_recall": 99.08536585365853, + "euclidean_accuracy": 97.49536178107606, + "euclidean_accuracy_threshold": 1276.227855682373, + "euclidean_ap": 98.91056467717377, + "euclidean_f1": 95.83975346687212, + "euclidean_f1_threshold": 1276.227855682373, + "euclidean_precision": 96.88473520249221, + "euclidean_recall": 94.8170731707317, + "main_score": 99.331999859971, + "manhattan_accuracy": 97.49536178107606, + "manhattan_accuracy_threshold": 31097.674560546875, + "manhattan_ap": 98.95694691792707, + "manhattan_f1": 95.83975346687212, + "manhattan_f1_threshold": 31097.674560546875, + "manhattan_precision": 96.88473520249221, + "manhattan_recall": 94.8170731707317, + "max_accuracy": 98.14471243042672, + "max_ap": 99.331999859971, + "max_f1": 97.01492537313433, + "max_precision": 97.50778816199377, + "max_recall": 99.08536585365853, + "similarity_accuracy": 97.86641929499072, + "similarity_accuracy_threshold": 79.0391206741333, + "similarity_ap": 99.19403807771533, + "similarity_f1": 96.45608628659475, + "similarity_f1_threshold": 79.0391206741333, + "similarity_precision": 97.50778816199377, + "similarity_recall": 95.42682926829268 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/PawsXPairClassification.json b/results/jinaai__jina-embeddings-v3/external/PawsXPairClassification.json new file mode 100644 index 000000000..cb2496d38 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/PawsXPairClassification.json @@ -0,0 +1,245 @@ +{ + "dataset_revision": "8a04d940a42cd40658986fdd8e3da561533a3646", + "task_name": "PawsXPairClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 61.8, + "cosine_accuracy_threshold": 99.5664119720459, + "cosine_ap": 60.679317786040585, + "cosine_f1": 63.17354143441101, + "cosine_f1_threshold": 97.22164869308472, + "cosine_precision": 47.6457399103139, + "cosine_recall": 93.71554575523705, + "dot_accuracy": 55.7, + "dot_accuracy_threshold": 48353.62548828125, + "dot_ap": 48.53805970536875, + "dot_f1": 62.42214532871972, + "dot_f1_threshold": 38215.53955078125, + "dot_precision": 45.48663640948058, + "dot_recall": 99.44873208379272, + "euclidean_accuracy": 61.75000000000001, + "euclidean_accuracy_threshold": 189.0761137008667, + "euclidean_ap": 60.55517418691518, + "euclidean_f1": 63.07977736549165, + "euclidean_f1_threshold": 504.3168067932129, + "euclidean_precision": 47.53914988814318, + "euclidean_recall": 93.71554575523705, + "main_score": 60.679317786040585, + "manhattan_accuracy": 61.9, + "manhattan_accuracy_threshold": 4695.778274536133, + "manhattan_ap": 60.48686620413608, + "manhattan_f1": 62.92880855772778, + "manhattan_f1_threshold": 12542.36831665039, + "manhattan_precision": 47.28381374722838, + "manhattan_recall": 94.04630650496141, + "max_accuracy": 61.9, + "max_ap": 60.679317786040585, + "max_f1": 63.17354143441101, + "max_precision": 47.6457399103139, + "max_recall": 99.44873208379272, + "similarity_accuracy": 61.8, + "similarity_accuracy_threshold": 99.5664119720459, + "similarity_ap": 60.679317786040585, + "similarity_f1": 63.17354143441101, + "similarity_f1_threshold": 97.22164869308472, + "similarity_precision": 47.6457399103139, + "similarity_recall": 93.71554575523705 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "cosine_accuracy": 60.25, + "cosine_accuracy_threshold": 99.54338073730469, + "cosine_ap": 56.7863613689054, + "cosine_f1": 62.23499820337766, + "cosine_f1_threshold": 89.95014429092407, + "cosine_precision": 45.86864406779661, + "cosine_recall": 96.75977653631284, + "dot_accuracy": 56.8, + "dot_accuracy_threshold": 47349.78332519531, + "dot_ap": 49.7857806061729, + "dot_f1": 62.31225986727209, + "dot_f1_threshold": 30143.206787109375, + "dot_precision": 45.32520325203252, + "dot_recall": 99.66480446927373, + "euclidean_accuracy": 60.3, + "euclidean_accuracy_threshold": 219.78106498718262, + "euclidean_ap": 56.731544327179606, + "euclidean_f1": 62.19895287958115, + "euclidean_f1_threshold": 1792.1623229980469, + "euclidean_precision": 45.22842639593909, + "euclidean_recall": 99.55307262569832, + "main_score": 56.7863613689054, + "manhattan_accuracy": 60.150000000000006, + "manhattan_accuracy_threshold": 5104.503631591797, + "manhattan_ap": 56.70304479768734, + "manhattan_f1": 62.22067039106145, + "manhattan_f1_threshold": 42839.471435546875, + "manhattan_precision": 45.2513966480447, + "manhattan_recall": 99.55307262569832, + "max_accuracy": 60.3, + "max_ap": 56.7863613689054, + "max_f1": 62.31225986727209, + "max_precision": 45.86864406779661, + "max_recall": 99.66480446927373, + "similarity_accuracy": 60.25, + "similarity_accuracy_threshold": 99.54338073730469, + "similarity_ap": 56.7863613689054, + "similarity_f1": 62.23499820337766, + "similarity_f1_threshold": 89.95014429092407, + "similarity_precision": 45.86864406779661, + "similarity_recall": 96.75977653631284 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "cosine_accuracy": 59.699999999999996, + "cosine_accuracy_threshold": 99.55930709838867, + "cosine_ap": 57.31662248806265, + "cosine_f1": 62.444061962134256, + "cosine_f1_threshold": 74.75898265838623, + "cosine_precision": 45.3953953953954, + "cosine_recall": 100.0, + "dot_accuracy": 55.900000000000006, + "dot_accuracy_threshold": 47512.90283203125, + "dot_ap": 49.39339147787568, + "dot_f1": 62.487082328625554, + "dot_f1_threshold": 34989.03503417969, + "dot_precision": 45.44088176352705, + "dot_recall": 100.0, + "euclidean_accuracy": 59.599999999999994, + "euclidean_accuracy_threshold": 200.82547664642334, + "euclidean_ap": 57.19737488445163, + "euclidean_f1": 62.444061962134256, + "euclidean_f1_threshold": 1538.8837814331055, + "euclidean_precision": 45.3953953953954, + "euclidean_recall": 100.0, + "main_score": 57.31662248806265, + "manhattan_accuracy": 59.550000000000004, + "manhattan_accuracy_threshold": 5016.501617431641, + "manhattan_ap": 57.089959907945065, + "manhattan_f1": 62.444061962134256, + "manhattan_f1_threshold": 37523.53515625, + "manhattan_precision": 45.3953953953954, + "manhattan_recall": 100.0, + "max_accuracy": 59.699999999999996, + "max_ap": 57.31662248806265, + "max_f1": 62.487082328625554, + "max_precision": 45.44088176352705, + "max_recall": 100.0, + "similarity_accuracy": 59.699999999999996, + "similarity_accuracy_threshold": 99.55930709838867, + "similarity_ap": 57.31662248806265, + "similarity_f1": 62.444061962134256, + "similarity_f1_threshold": 74.75898265838623, + "similarity_precision": 45.3953953953954, + "similarity_recall": 100.0 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cosine_accuracy": 61.150000000000006, + "cosine_accuracy_threshold": 99.36153888702393, + "cosine_ap": 59.43845317938599, + "cosine_f1": 62.51298026998961, + "cosine_f1_threshold": 76.77866220474243, + "cosine_precision": 45.468277945619334, + "cosine_recall": 100.0, + "dot_accuracy": 55.75, + "dot_accuracy_threshold": 48931.55212402344, + "dot_ap": 50.15949290538757, + "dot_f1": 62.53462603878117, + "dot_f1_threshold": 34415.7958984375, + "dot_precision": 45.4911838790932, + "dot_recall": 100.0, + "euclidean_accuracy": 61.050000000000004, + "euclidean_accuracy_threshold": 240.8097267150879, + "euclidean_ap": 59.367971294226216, + "euclidean_f1": 62.51298026998961, + "euclidean_f1_threshold": 1444.132423400879, + "euclidean_precision": 45.468277945619334, + "euclidean_recall": 100.0, + "main_score": 59.43845317938599, + "manhattan_accuracy": 60.95, + "manhattan_accuracy_threshold": 5701.206207275391, + "manhattan_ap": 59.30094096378774, + "manhattan_f1": 62.53462603878117, + "manhattan_f1_threshold": 33445.672607421875, + "manhattan_precision": 45.4911838790932, + "manhattan_recall": 100.0, + "max_accuracy": 61.150000000000006, + "max_ap": 59.43845317938599, + "max_f1": 62.53462603878117, + "max_precision": 45.4911838790932, + "max_recall": 100.0, + "similarity_accuracy": 61.150000000000006, + "similarity_accuracy_threshold": 99.36153888702393, + "similarity_ap": 59.43845317938599, + "similarity_f1": 62.51298026998961, + "similarity_f1_threshold": 76.77866220474243, + "similarity_precision": 45.468277945619334, + "similarity_recall": 100.0 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cosine_accuracy": 58.85, + "cosine_accuracy_threshold": 99.73838329315186, + "cosine_ap": 54.66913160570546, + "cosine_f1": 62.32136632973162, + "cosine_f1_threshold": 76.4499306678772, + "cosine_precision": 45.265822784810126, + "cosine_recall": 100.0, + "dot_accuracy": 56.25, + "dot_accuracy_threshold": 47351.9287109375, + "dot_ap": 48.5266232989438, + "dot_f1": 62.277951933124356, + "dot_f1_threshold": 31325.28076171875, + "dot_precision": 45.220030349013655, + "dot_recall": 100.0, + "euclidean_accuracy": 58.9, + "euclidean_accuracy_threshold": 144.24468278884888, + "euclidean_ap": 54.66981490353506, + "euclidean_f1": 62.32136632973162, + "euclidean_f1_threshold": 1484.908676147461, + "euclidean_precision": 45.265822784810126, + "euclidean_recall": 100.0, + "main_score": 54.66981490353506, + "manhattan_accuracy": 58.9, + "manhattan_accuracy_threshold": 3586.785125732422, + "manhattan_ap": 54.668355260247736, + "manhattan_f1": 62.32136632973162, + "manhattan_f1_threshold": 36031.22863769531, + "manhattan_precision": 45.265822784810126, + "manhattan_recall": 100.0, + "max_accuracy": 58.9, + "max_ap": 54.66981490353506, + "max_f1": 62.32136632973162, + "max_precision": 45.265822784810126, + "max_recall": 100.0, + "similarity_accuracy": 58.85, + "similarity_accuracy_threshold": 99.73838329315186, + "similarity_ap": 54.66913160570546, + "similarity_f1": 62.32136632973162, + "similarity_f1_threshold": 76.4499306678772, + "similarity_precision": 45.265822784810126, + "similarity_recall": 100.0 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/PolEmo2.0-IN.json b/results/jinaai__jina-embeddings-v3/external/PolEmo2.0-IN.json new file mode 100644 index 000000000..0e0b7d466 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/PolEmo2.0-IN.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d90724373c70959f17d2331ad51fb60c71176b03", + "task_name": "PolEmo2.0-IN", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 83.75346260387812, + "f1": 81.98304891214909, + "f1_weighted": 84.29623200830078, + "main_score": 83.75346260387812 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/PolEmo2.0-OUT.json b/results/jinaai__jina-embeddings-v3/external/PolEmo2.0-OUT.json new file mode 100644 index 000000000..cd7f8dade --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/PolEmo2.0-OUT.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "6a21ab8716e255ab1867265f8b396105e8aa63d4", + "task_name": "PolEmo2.0-OUT", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 66.53846153846153, + "f1": 52.71826064368638, + "f1_weighted": 69.10010124630334, + "main_score": 66.53846153846153 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/Quora-PL.json b/results/jinaai__jina-embeddings-v3/external/Quora-PL.json new file mode 100644 index 000000000..3411f0107 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/Quora-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "0be27e93455051e531182b85e85e425aba12e9d4", + "task_name": "Quora-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 84.114, + "map_at_1": 65.848, + "map_at_10": 79.85900000000001, + "map_at_100": 80.582, + "map_at_1000": 80.60300000000001, + "map_at_20": 80.321, + "map_at_3": 76.741, + "map_at_5": 78.72200000000001, + "mrr_at_1": 75.97, + "mrr_at_10": 83.04630158730119, + "mrr_at_100": 83.22785731032968, + "mrr_at_1000": 83.23123717623899, + "mrr_at_20": 83.17412021320565, + "mrr_at_3": 81.83333333333287, + "mrr_at_5": 82.61933333333275, + "nauc_map_at_1000_diff1": 73.26316553371083, + "nauc_map_at_1000_max": 27.92567859085245, + "nauc_map_at_1000_std": -47.477909533360446, + "nauc_map_at_100_diff1": 73.2690602807223, + "nauc_map_at_100_max": 27.915868327849996, + "nauc_map_at_100_std": -47.525777766107595, + "nauc_map_at_10_diff1": 73.45464428464894, + "nauc_map_at_10_max": 27.451611487246296, + "nauc_map_at_10_std": -49.35818715843809, + "nauc_map_at_1_diff1": 77.29690208952982, + "nauc_map_at_1_max": 19.839875762282293, + "nauc_map_at_1_std": -45.355684654708284, + "nauc_map_at_20_diff1": 73.35102731979796, + "nauc_map_at_20_max": 27.741506490134583, + "nauc_map_at_20_std": -48.22006207310331, + "nauc_map_at_3_diff1": 73.94878241064137, + "nauc_map_at_3_max": 24.761321386766728, + "nauc_map_at_3_std": -51.20638883618126, + "nauc_map_at_5_diff1": 73.66143558047698, + "nauc_map_at_5_max": 26.53483405013543, + "nauc_map_at_5_std": -50.697541279640056, + "nauc_mrr_at_1000_diff1": 73.84632320009759, + "nauc_mrr_at_1000_max": 30.50182733610048, + "nauc_mrr_at_1000_std": -44.3021647995251, + "nauc_mrr_at_100_diff1": 73.84480792662302, + "nauc_mrr_at_100_max": 30.50749424571614, + "nauc_mrr_at_100_std": -44.29615086388113, + "nauc_mrr_at_10_diff1": 73.79442772949346, + "nauc_mrr_at_10_max": 30.55724252219984, + "nauc_mrr_at_10_std": -44.50997069462057, + "nauc_mrr_at_1_diff1": 75.23369827945945, + "nauc_mrr_at_1_max": 29.20073967447664, + "nauc_mrr_at_1_std": -43.1920147658285, + "nauc_mrr_at_20_diff1": 73.82731678072307, + "nauc_mrr_at_20_max": 30.566328605497667, + "nauc_mrr_at_20_std": -44.24683607643705, + "nauc_mrr_at_3_diff1": 73.61997576749954, + "nauc_mrr_at_3_max": 30.150393853381917, + "nauc_mrr_at_3_std": -44.96847297506626, + "nauc_mrr_at_5_diff1": 73.69084310616132, + "nauc_mrr_at_5_max": 30.578033703441125, + "nauc_mrr_at_5_std": -44.74920746066566, + "nauc_ndcg_at_1000_diff1": 72.89349862557452, + "nauc_ndcg_at_1000_max": 29.824725190462086, + "nauc_ndcg_at_1000_std": -44.96284395063211, + "nauc_ndcg_at_100_diff1": 72.85212753715273, + "nauc_ndcg_at_100_max": 29.933114207845605, + "nauc_ndcg_at_100_std": -44.944225570663754, + "nauc_ndcg_at_10_diff1": 72.80576740454528, + "nauc_ndcg_at_10_max": 29.16829118320828, + "nauc_ndcg_at_10_std": -48.149473740079614, + "nauc_ndcg_at_1_diff1": 75.00032534968587, + "nauc_ndcg_at_1_max": 29.61849062038547, + "nauc_ndcg_at_1_std": -42.560207043864054, + "nauc_ndcg_at_20_diff1": 72.88440406302502, + "nauc_ndcg_at_20_max": 29.65496676092656, + "nauc_ndcg_at_20_std": -46.21238462167732, + "nauc_ndcg_at_3_diff1": 72.37916962766987, + "nauc_ndcg_at_3_max": 27.125094834547586, + "nauc_ndcg_at_3_std": -48.62942991399391, + "nauc_ndcg_at_5_diff1": 72.57017330527658, + "nauc_ndcg_at_5_max": 28.470485561757254, + "nauc_ndcg_at_5_std": -49.07593345591059, + "nauc_precision_at_1000_diff1": -41.67915575853946, + "nauc_precision_at_1000_max": 1.2012264478568844, + "nauc_precision_at_1000_std": 44.723834559400466, + "nauc_precision_at_100_diff1": -40.45196679236971, + "nauc_precision_at_100_max": 2.3525450401714894, + "nauc_precision_at_100_std": 43.7092529413952, + "nauc_precision_at_10_diff1": -30.256026923068767, + "nauc_precision_at_10_max": 8.313422052132559, + "nauc_precision_at_10_std": 25.929372356449694, + "nauc_precision_at_1_diff1": 75.00032534968587, + "nauc_precision_at_1_max": 29.61849062038547, + "nauc_precision_at_1_std": -42.560207043864054, + "nauc_precision_at_20_diff1": -35.61971069986584, + "nauc_precision_at_20_max": 5.4664303079116765, + "nauc_precision_at_20_std": 34.992352471692826, + "nauc_precision_at_3_diff1": -5.691231842471157, + "nauc_precision_at_3_max": 14.797949087742444, + "nauc_precision_at_3_std": -0.1930317395644928, + "nauc_precision_at_5_diff1": -20.03913781462645, + "nauc_precision_at_5_max": 11.956771408712749, + "nauc_precision_at_5_std": 13.179251389859731, + "nauc_recall_at_1000_diff1": 64.03509042729674, + "nauc_recall_at_1000_max": 40.91691485428493, + "nauc_recall_at_1000_std": 16.12968625875372, + "nauc_recall_at_100_diff1": 63.83116179628575, + "nauc_recall_at_100_max": 43.72908117676382, + "nauc_recall_at_100_std": -20.50966716852155, + "nauc_recall_at_10_diff1": 66.42071960186394, + "nauc_recall_at_10_max": 28.983207818687205, + "nauc_recall_at_10_std": -56.61417798753744, + "nauc_recall_at_1_diff1": 77.29690208952982, + "nauc_recall_at_1_max": 19.839875762282293, + "nauc_recall_at_1_std": -45.355684654708284, + "nauc_recall_at_20_diff1": 66.32360705219874, + "nauc_recall_at_20_max": 33.30698111822631, + "nauc_recall_at_20_std": -43.89233781737452, + "nauc_recall_at_3_diff1": 69.67029394927077, + "nauc_recall_at_3_max": 22.67803039327696, + "nauc_recall_at_3_std": -56.43327209861502, + "nauc_recall_at_5_diff1": 68.05622143936131, + "nauc_recall_at_5_max": 26.67795559040675, + "nauc_recall_at_5_std": -58.158231198510954, + "ndcg_at_1": 76.08, + "ndcg_at_10": 84.114, + "ndcg_at_100": 85.784, + "ndcg_at_1000": 85.992, + "ndcg_at_20": 84.976, + "ndcg_at_3": 80.74799999999999, + "ndcg_at_5": 82.626, + "precision_at_1": 76.08, + "precision_at_10": 12.926000000000002, + "precision_at_100": 1.509, + "precision_at_1000": 0.156, + "precision_at_20": 6.912999999999999, + "precision_at_3": 35.5, + "precision_at_5": 23.541999999999998, + "recall_at_1": 65.848, + "recall_at_10": 92.611, + "recall_at_100": 98.69, + "recall_at_1000": 99.83999999999999, + "recall_at_20": 95.47200000000001, + "recall_at_3": 83.122, + "recall_at_5": 88.23 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/QuoraRetrieval.json b/results/jinaai__jina-embeddings-v3/external/QuoraRetrieval.json new file mode 100644 index 000000000..4688bd4b1 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/QuoraRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "e4e08e0b7dbe3c8700f0daef558ff32256715259", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 71.419, + "map_at_10": 85.542, + "map_at_100": 86.161, + "map_at_1000": 86.175, + "map_at_20": 85.949, + "map_at_3": 82.623, + "map_at_5": 84.5, + "mrr_at_1": 82.27, + "mrr_at_10": 88.21900000000001, + "mrr_at_100": 88.313, + "mrr_at_1000": 88.31400000000001, + "mrr_at_20": 88.286, + "mrr_at_3": 87.325, + "mrr_at_5": 87.97500000000001, + "ndcg_at_1": 82.3, + "ndcg_at_10": 89.088, + "ndcg_at_100": 90.217, + "ndcg_at_1000": 90.29700000000001, + "ndcg_at_20": 89.697, + "ndcg_at_3": 86.435, + "ndcg_at_5": 87.966, + "precision_at_1": 82.3, + "precision_at_10": 13.527000000000001, + "precision_at_100": 1.537, + "precision_at_1000": 0.157, + "precision_at_20": 7.165000000000001, + "precision_at_3": 37.92, + "precision_at_5": 24.914, + "recall_at_1": 71.419, + "recall_at_10": 95.831, + "recall_at_100": 99.64, + "recall_at_1000": 99.988, + "recall_at_20": 97.76599999999999, + "recall_at_3": 88.081, + "recall_at_5": 92.50500000000001, + "main_score": 89.088 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/RUParaPhraserSTS.json b/results/jinaai__jina-embeddings-v3/external/RUParaPhraserSTS.json new file mode 100644 index 000000000..7450b65e3 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/RUParaPhraserSTS.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "43265056790b8f7c59e0139acb4be0a8dad2c8f4", + "task_name": "RUParaPhraserSTS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "cosine_pearson": 67.91177744712421, + "cosine_spearman": 76.77113726753656, + "euclidean_pearson": 73.81454206068638, + "euclidean_spearman": 76.92529493599028, + "main_score": 76.77113726753656, + "manhattan_pearson": 73.81690454439168, + "manhattan_spearman": 76.87333776705002, + "pearson": 67.91177744712421, + "spearman": 76.77113726753656 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/RedditClustering.json b/results/jinaai__jina-embeddings-v3/external/RedditClustering.json new file mode 100644 index 000000000..7858d78e9 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/RedditClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 55.39924225216962, + "v_measure": 55.39924225216962, + "v_measure_std": 4.723802279292467 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/RedditClusteringP2P.json b/results/jinaai__jina-embeddings-v3/external/RedditClusteringP2P.json new file mode 100644 index 000000000..73a605e96 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/RedditClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 62.87465161304012, + "v_measure": 62.87465161304012, + "v_measure_std": 12.082670914488473 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/RiaNewsRetrieval.json b/results/jinaai__jina-embeddings-v3/external/RiaNewsRetrieval.json new file mode 100644 index 000000000..8f27130ef --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/RiaNewsRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "82374b0bbacda6114f39ff9c5b925fa1512ca5d7", + "task_name": "RiaNewsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "main_score": 79.209, + "map_at_1": 67.33, + "map_at_10": 75.633, + "map_at_100": 75.897, + "map_at_1000": 75.907, + "map_at_20": 75.804, + "map_at_3": 74.2, + "map_at_5": 75.13300000000001, + "mrr_at_1": 67.31, + "mrr_at_10": 75.62709126984095, + "mrr_at_100": 75.89105697041113, + "mrr_at_1000": 75.90115653883124, + "mrr_at_20": 75.79802332308172, + "mrr_at_3": 74.19499999999961, + "mrr_at_5": 75.12849999999939, + "nauc_map_at_1000_diff1": 74.30304869630591, + "nauc_map_at_1000_max": 36.477146725784046, + "nauc_map_at_1000_std": -20.862772498461723, + "nauc_map_at_100_diff1": 74.29833058090355, + "nauc_map_at_100_max": 36.483678619667884, + "nauc_map_at_100_std": -20.856274849980135, + "nauc_map_at_10_diff1": 74.20729220697967, + "nauc_map_at_10_max": 36.56543146170092, + "nauc_map_at_10_std": -20.991081015484728, + "nauc_map_at_1_diff1": 77.38899022125185, + "nauc_map_at_1_max": 32.45918619669731, + "nauc_map_at_1_std": -22.149586336167324, + "nauc_map_at_20_diff1": 74.2447573558587, + "nauc_map_at_20_max": 36.50383130240387, + "nauc_map_at_20_std": -20.87013743041831, + "nauc_map_at_3_diff1": 74.3054577294586, + "nauc_map_at_3_max": 36.484530586652724, + "nauc_map_at_3_std": -21.90543024607988, + "nauc_map_at_5_diff1": 74.21062368961503, + "nauc_map_at_5_max": 36.55670532498779, + "nauc_map_at_5_std": -21.488786900676942, + "nauc_mrr_at_1000_diff1": 74.31619177956684, + "nauc_mrr_at_1000_max": 36.53498918453189, + "nauc_mrr_at_1000_std": -20.75986704931237, + "nauc_mrr_at_100_diff1": 74.31146790382356, + "nauc_mrr_at_100_max": 36.54149252857106, + "nauc_mrr_at_100_std": -20.75341959250079, + "nauc_mrr_at_10_diff1": 74.22027806145095, + "nauc_mrr_at_10_max": 36.622542969971725, + "nauc_mrr_at_10_std": -20.889417384064117, + "nauc_mrr_at_1_diff1": 77.4306709551449, + "nauc_mrr_at_1_max": 32.57259463438259, + "nauc_mrr_at_1_std": -21.964402859613937, + "nauc_mrr_at_20_diff1": 74.25784396230718, + "nauc_mrr_at_20_max": 36.561412224507336, + "nauc_mrr_at_20_std": -20.767665000065723, + "nauc_mrr_at_3_diff1": 74.31423253547214, + "nauc_mrr_at_3_max": 36.537745749488906, + "nauc_mrr_at_3_std": -21.81259529019546, + "nauc_mrr_at_5_diff1": 74.22404613312771, + "nauc_mrr_at_5_max": 36.60743768455219, + "nauc_mrr_at_5_std": -21.39479216331971, + "nauc_ndcg_at_1000_diff1": 73.48182819705742, + "nauc_ndcg_at_1000_max": 37.86991608461793, + "nauc_ndcg_at_1000_std": -19.021499322688904, + "nauc_ndcg_at_100_diff1": 73.34941250585759, + "nauc_ndcg_at_100_max": 38.11150275625829, + "nauc_ndcg_at_100_std": -18.70624087206104, + "nauc_ndcg_at_10_diff1": 72.82520265115987, + "nauc_ndcg_at_10_max": 38.43323357650525, + "nauc_ndcg_at_10_std": -19.410953792830878, + "nauc_ndcg_at_1_diff1": 77.38899022125185, + "nauc_ndcg_at_1_max": 32.45918619669731, + "nauc_ndcg_at_1_std": -22.149586336167324, + "nauc_ndcg_at_20_diff1": 72.93309285256507, + "nauc_ndcg_at_20_max": 38.217372819067755, + "nauc_ndcg_at_20_std": -18.864113576359333, + "nauc_ndcg_at_3_diff1": 73.18253776744112, + "nauc_ndcg_at_3_max": 38.008109328364, + "nauc_ndcg_at_3_std": -21.68785687594153, + "nauc_ndcg_at_5_diff1": 72.90474739784793, + "nauc_ndcg_at_5_max": 38.29483039202184, + "nauc_ndcg_at_5_std": -20.833049811453474, + "nauc_precision_at_1000_diff1": 59.306217613750334, + "nauc_precision_at_1000_max": 72.20747948302262, + "nauc_precision_at_1000_std": 45.58837180096227, + "nauc_precision_at_100_diff1": 62.87286844562389, + "nauc_precision_at_100_max": 61.33108214045868, + "nauc_precision_at_100_std": 20.67481963545654, + "nauc_precision_at_10_diff1": 64.11222984256685, + "nauc_precision_at_10_max": 50.323697746037496, + "nauc_precision_at_10_std": -7.9994544634332625, + "nauc_precision_at_1_diff1": 77.38899022125185, + "nauc_precision_at_1_max": 32.45918619669731, + "nauc_precision_at_1_std": -22.149586336167324, + "nauc_precision_at_20_diff1": 62.30228127286973, + "nauc_precision_at_20_max": 52.02090746208407, + "nauc_precision_at_20_std": 0.7629898806370331, + "nauc_precision_at_3_diff1": 68.82856645994157, + "nauc_precision_at_3_max": 43.94171571306625, + "nauc_precision_at_3_std": -20.78595255410148, + "nauc_precision_at_5_diff1": 66.62157622497887, + "nauc_precision_at_5_max": 46.69398173603811, + "nauc_precision_at_5_std": -17.412423571163057, + "nauc_recall_at_1000_diff1": 59.30621761375148, + "nauc_recall_at_1000_max": 72.20747948302191, + "nauc_recall_at_1000_std": 45.588371800962655, + "nauc_recall_at_100_diff1": 62.872868445623894, + "nauc_recall_at_100_max": 61.33108214045813, + "nauc_recall_at_100_std": 20.67481963545666, + "nauc_recall_at_10_diff1": 64.11222984256698, + "nauc_recall_at_10_max": 50.32369774603755, + "nauc_recall_at_10_std": -7.999454463433321, + "nauc_recall_at_1_diff1": 77.38899022125185, + "nauc_recall_at_1_max": 32.45918619669731, + "nauc_recall_at_1_std": -22.149586336167324, + "nauc_recall_at_20_diff1": 62.3022812728695, + "nauc_recall_at_20_max": 52.02090746208397, + "nauc_recall_at_20_std": 0.7629898806369458, + "nauc_recall_at_3_diff1": 68.82856645994157, + "nauc_recall_at_3_max": 43.94171571306612, + "nauc_recall_at_3_std": -20.78595255410157, + "nauc_recall_at_5_diff1": 66.62157622497897, + "nauc_recall_at_5_max": 46.693981736038246, + "nauc_recall_at_5_std": -17.412423571162954, + "ndcg_at_1": 67.33, + "ndcg_at_10": 79.209, + "ndcg_at_100": 80.463, + "ndcg_at_1000": 80.74799999999999, + "ndcg_at_20": 79.81899999999999, + "ndcg_at_3": 76.335, + "ndcg_at_5": 78.011, + "precision_at_1": 67.33, + "precision_at_10": 9.020999999999999, + "precision_at_100": 0.96, + "precision_at_1000": 0.098, + "precision_at_20": 4.63, + "precision_at_3": 27.493000000000002, + "precision_at_5": 17.308, + "recall_at_1": 67.33, + "recall_at_10": 90.21000000000001, + "recall_at_100": 96.00999999999999, + "recall_at_1000": 98.29, + "recall_at_20": 92.60000000000001, + "recall_at_3": 82.48, + "recall_at_5": 86.53999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/RuBQReranking.json b/results/jinaai__jina-embeddings-v3/external/RuBQReranking.json new file mode 100644 index 000000000..8f9a130e2 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/RuBQReranking.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "2e96b8f098fa4b0950fc58eacadeb31c0d0c7fa2", + "task_name": "RuBQReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "main_score": 65.57453932493252, + "map": 65.57453932493252, + "mrr": 70.51408205663526, + "nAUC_map_diff1": 26.69583260609023, + "nAUC_map_max": 12.928262749610663, + "nAUC_map_std": 11.702468857903128, + "nAUC_mrr_diff1": 28.5206955462174, + "nAUC_mrr_max": 14.207162454694227, + "nAUC_mrr_std": 10.725721001555296 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/RuBQRetrieval.json b/results/jinaai__jina-embeddings-v3/external/RuBQRetrieval.json new file mode 100644 index 000000000..c6b1a94ae --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/RuBQRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "e19b6ffa60b3bc248e0b41f4cc37c26a55c2a67b", + "task_name": "RuBQRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "main_score": 72.306, + "map_at_1": 44.187, + "map_at_10": 64.836, + "map_at_100": 65.771, + "map_at_1000": 65.8, + "map_at_20": 65.497, + "map_at_3": 59.692, + "map_at_5": 63.105, + "mrr_at_1": 62.23404255319149, + "mrr_at_10": 73.40810161732159, + "mrr_at_100": 73.67949305473395, + "mrr_at_1000": 73.68707852294746, + "mrr_at_20": 73.60429051697479, + "mrr_at_3": 71.47360126083535, + "mrr_at_5": 72.8447596532704, + "nauc_map_at_1000_diff1": 39.838449035736886, + "nauc_map_at_1000_max": 32.29962306877408, + "nauc_map_at_1000_std": -6.324859592714388, + "nauc_map_at_100_diff1": 39.824361938745426, + "nauc_map_at_100_max": 32.32055222704763, + "nauc_map_at_100_std": -6.301641111869559, + "nauc_map_at_10_diff1": 39.50155328718487, + "nauc_map_at_10_max": 31.745730244960672, + "nauc_map_at_10_std": -6.867215137329693, + "nauc_map_at_1_diff1": 47.66181128677822, + "nauc_map_at_1_max": 21.75204233166764, + "nauc_map_at_1_std": -8.06951079061697, + "nauc_map_at_20_diff1": 39.78364637902108, + "nauc_map_at_20_max": 32.39065528029405, + "nauc_map_at_20_std": -6.368994332729006, + "nauc_map_at_3_diff1": 39.51829474433183, + "nauc_map_at_3_max": 28.633292697821673, + "nauc_map_at_3_std": -7.2561170814963925, + "nauc_map_at_5_diff1": 39.288433237676266, + "nauc_map_at_5_max": 31.007702201615515, + "nauc_map_at_5_std": -7.235131195162474, + "nauc_mrr_at_1000_diff1": 49.599102391215226, + "nauc_mrr_at_1000_max": 38.25521825911133, + "nauc_mrr_at_1000_std": -10.448180939809435, + "nauc_mrr_at_100_diff1": 49.5957067716212, + "nauc_mrr_at_100_max": 38.26760703964535, + "nauc_mrr_at_100_std": -10.438443051971081, + "nauc_mrr_at_10_diff1": 49.35269710190271, + "nauc_mrr_at_10_max": 38.43782589127069, + "nauc_mrr_at_10_std": -10.404402063509815, + "nauc_mrr_at_1_diff1": 53.32206103688421, + "nauc_mrr_at_1_max": 33.52402390241035, + "nauc_mrr_at_1_std": -12.73473393949936, + "nauc_mrr_at_20_diff1": 49.550630850826636, + "nauc_mrr_at_20_max": 38.35964703941151, + "nauc_mrr_at_20_std": -10.444577766284766, + "nauc_mrr_at_3_diff1": 49.12029127633829, + "nauc_mrr_at_3_max": 38.01631275124067, + "nauc_mrr_at_3_std": -10.523724301481309, + "nauc_mrr_at_5_diff1": 49.04606949432458, + "nauc_mrr_at_5_max": 38.33647550077891, + "nauc_mrr_at_5_std": -10.47076409263114, + "nauc_ndcg_at_1000_diff1": 41.342785916264226, + "nauc_ndcg_at_1000_max": 35.75731064862711, + "nauc_ndcg_at_1000_std": -5.45573422899229, + "nauc_ndcg_at_100_diff1": 40.972974559636086, + "nauc_ndcg_at_100_max": 36.32938573321036, + "nauc_ndcg_at_100_std": -4.749631537590004, + "nauc_ndcg_at_10_diff1": 39.67813474464166, + "nauc_ndcg_at_10_max": 35.480200504848966, + "nauc_ndcg_at_10_std": -6.318561293935512, + "nauc_ndcg_at_1_diff1": 53.45970160222764, + "nauc_ndcg_at_1_max": 33.14759013278075, + "nauc_ndcg_at_1_std": -12.579833891774847, + "nauc_ndcg_at_20_diff1": 40.67492861219249, + "nauc_ndcg_at_20_max": 36.84960799838019, + "nauc_ndcg_at_20_std": -5.202530835850179, + "nauc_ndcg_at_3_diff1": 39.574906207408844, + "nauc_ndcg_at_3_max": 31.76512164509258, + "nauc_ndcg_at_3_std": -7.656143208565999, + "nauc_ndcg_at_5_diff1": 39.096348529742095, + "nauc_ndcg_at_5_max": 34.075926475544165, + "nauc_ndcg_at_5_std": -7.238045445366631, + "nauc_precision_at_1000_diff1": -14.283799754212609, + "nauc_precision_at_1000_max": 6.449741756717101, + "nauc_precision_at_1000_std": 4.862828679759048, + "nauc_precision_at_100_diff1": -13.23173132700258, + "nauc_precision_at_100_max": 11.058898534529195, + "nauc_precision_at_100_std": 7.343683941814956, + "nauc_precision_at_10_diff1": -7.202951643546464, + "nauc_precision_at_10_max": 17.499446869433278, + "nauc_precision_at_10_std": 2.8367985220406307, + "nauc_precision_at_1_diff1": 53.45970160222764, + "nauc_precision_at_1_max": 33.14759013278075, + "nauc_precision_at_1_std": -12.579833891774847, + "nauc_precision_at_20_diff1": -9.477122699154124, + "nauc_precision_at_20_max": 16.80556031564312, + "nauc_precision_at_20_std": 6.420218284416923, + "nauc_precision_at_3_diff1": 5.5276143574150245, + "nauc_precision_at_3_max": 23.65952688481666, + "nauc_precision_at_3_std": -1.8730348729295785, + "nauc_precision_at_5_diff1": -2.4537029093721308, + "nauc_precision_at_5_max": 21.41469327545133, + "nauc_precision_at_5_std": 0.1543890645722277, + "nauc_recall_at_1000_diff1": -1.7474947956413491, + "nauc_recall_at_1000_max": 46.22670991970479, + "nauc_recall_at_1000_std": 62.582840705588794, + "nauc_recall_at_100_diff1": 16.116089801097345, + "nauc_recall_at_100_max": 52.54794580975103, + "nauc_recall_at_100_std": 33.720245696003246, + "nauc_recall_at_10_diff1": 23.134924318655482, + "nauc_recall_at_10_max": 38.73754275649077, + "nauc_recall_at_10_std": 0.6137471711639239, + "nauc_recall_at_1_diff1": 47.66181128677822, + "nauc_recall_at_1_max": 21.75204233166764, + "nauc_recall_at_1_std": -8.06951079061697, + "nauc_recall_at_20_diff1": 24.130616271355017, + "nauc_recall_at_20_max": 48.306178640146136, + "nauc_recall_at_20_std": 9.290819557000022, + "nauc_recall_at_3_diff1": 29.767415016250226, + "nauc_recall_at_3_max": 28.54289782140701, + "nauc_recall_at_3_std": -5.1395675072005576, + "nauc_recall_at_5_diff1": 25.410613126870174, + "nauc_recall_at_5_max": 33.24658754857624, + "nauc_recall_at_5_std": -4.211226036746632, + "ndcg_at_1": 62.175000000000004, + "ndcg_at_10": 72.306, + "ndcg_at_100": 75.074, + "ndcg_at_1000": 75.581, + "ndcg_at_20": 73.875, + "ndcg_at_3": 65.641, + "ndcg_at_5": 69.48299999999999, + "precision_at_1": 62.175000000000004, + "precision_at_10": 13.907, + "precision_at_100": 1.591, + "precision_at_1000": 0.166, + "precision_at_20": 7.446999999999999, + "precision_at_3": 35.619, + "precision_at_5": 24.917, + "recall_at_1": 44.187, + "recall_at_10": 85.10600000000001, + "recall_at_100": 95.488, + "recall_at_1000": 98.831, + "recall_at_20": 90.22200000000001, + "recall_at_3": 68.789, + "recall_at_5": 77.85499999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/RuReviewsClassification.json b/results/jinaai__jina-embeddings-v3/external/RuReviewsClassification.json new file mode 100644 index 000000000..c959c2da3 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/RuReviewsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "f6d2c31f4dc6b88f468552750bfec05b4b41b05a", + "task_name": "RuReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 67.5830078125, + "f1": 67.56931936632446, + "f1_weighted": 67.57137733752779, + "main_score": 67.5830078125 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/RuSTSBenchmarkSTS.json b/results/jinaai__jina-embeddings-v3/external/RuSTSBenchmarkSTS.json new file mode 100644 index 000000000..de051767a --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/RuSTSBenchmarkSTS.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7cf24f325c6da6195df55bef3d86b5e0616f3018", + "task_name": "RuSTSBenchmarkSTS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "cosine_pearson": 85.90493484626788, + "cosine_spearman": 86.21965691667411, + "euclidean_pearson": 86.07499842984909, + "euclidean_spearman": 86.55506818735688, + "main_score": 86.21965691667411, + "manhattan_pearson": 85.95976420231729, + "manhattan_spearman": 86.48604243661234, + "pearson": 85.90493484626788, + "spearman": 86.21965691667411 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/RuSciBenchGRNTIClassification.json b/results/jinaai__jina-embeddings-v3/external/RuSciBenchGRNTIClassification.json new file mode 100644 index 000000000..427bd2eac --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/RuSciBenchGRNTIClassification.json @@ -0,0 +1,29 @@ +{ + "dataset_revision": "673a610d6d3dd91a547a0d57ae1b56f37ebbf6a1", + "task_name": "RuSciBenchGRNTIClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 59.1943359375, + "f1": 58.894480861440414, + "f1_weighted": 58.903615560240866, + "main_score": 59.1943359375 + }, + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "main_score": 57.99209448663228, + "v_measure": 57.99209448663228, + "v_measure_std": 1.0381163861993816 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/RuSciBenchOECDClassification.json b/results/jinaai__jina-embeddings-v3/external/RuSciBenchOECDClassification.json new file mode 100644 index 000000000..5ae241460 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/RuSciBenchOECDClassification.json @@ -0,0 +1,29 @@ +{ + "dataset_revision": "26c88e99dcaba32bb45d0e1bfc21902337f6d471", + "task_name": "RuSciBenchOECDClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 45.556640625, + "f1": 45.159163104085906, + "f1_weighted": 45.16098316398626, + "main_score": 45.556640625 + }, + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "main_score": 50.787548070488974, + "v_measure": 50.787548070488974, + "v_measure_std": 0.8569958168946827 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/SCIDOCS-PL.json b/results/jinaai__jina-embeddings-v3/external/SCIDOCS-PL.json new file mode 100644 index 000000000..d9be1a821 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/SCIDOCS-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "45452b03f05560207ef19149545f168e596c9337", + "task_name": "SCIDOCS-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 15.379999999999999, + "map_at_1": 3.6029999999999998, + "map_at_10": 8.843, + "map_at_100": 10.433, + "map_at_1000": 10.689, + "map_at_20": 9.597, + "map_at_3": 6.363, + "map_at_5": 7.603, + "mrr_at_1": 17.7, + "mrr_at_10": 26.58900793650793, + "mrr_at_100": 27.699652322890987, + "mrr_at_1000": 27.78065313118353, + "mrr_at_20": 27.215020950411816, + "mrr_at_3": 23.36666666666668, + "mrr_at_5": 25.211666666666666, + "nauc_map_at_1000_diff1": 21.92235143827129, + "nauc_map_at_1000_max": 37.50300940750989, + "nauc_map_at_1000_std": 20.872586122198552, + "nauc_map_at_100_diff1": 21.917408170465833, + "nauc_map_at_100_max": 37.4654466815513, + "nauc_map_at_100_std": 20.621643878648534, + "nauc_map_at_10_diff1": 22.914388723621183, + "nauc_map_at_10_max": 36.468131213468794, + "nauc_map_at_10_std": 16.760980140791492, + "nauc_map_at_1_diff1": 29.00799502838457, + "nauc_map_at_1_max": 26.64926291797503, + "nauc_map_at_1_std": 8.167291261637361, + "nauc_map_at_20_diff1": 22.46580947804047, + "nauc_map_at_20_max": 36.656294842562275, + "nauc_map_at_20_std": 18.099232417722078, + "nauc_map_at_3_diff1": 23.436009032045934, + "nauc_map_at_3_max": 31.325807212280914, + "nauc_map_at_3_std": 9.780905232048852, + "nauc_map_at_5_diff1": 22.891704394665528, + "nauc_map_at_5_max": 35.40584466642894, + "nauc_map_at_5_std": 13.476986099394656, + "nauc_mrr_at_1000_diff1": 25.052937655397866, + "nauc_mrr_at_1000_max": 29.64431912670108, + "nauc_mrr_at_1000_std": 14.549744963988044, + "nauc_mrr_at_100_diff1": 25.070871266969224, + "nauc_mrr_at_100_max": 29.68743604652336, + "nauc_mrr_at_100_std": 14.582010154574432, + "nauc_mrr_at_10_diff1": 24.88881466938897, + "nauc_mrr_at_10_max": 29.488430770768144, + "nauc_mrr_at_10_std": 14.269241073852266, + "nauc_mrr_at_1_diff1": 29.220540327267503, + "nauc_mrr_at_1_max": 26.81908580507911, + "nauc_mrr_at_1_std": 8.00840295809718, + "nauc_mrr_at_20_diff1": 25.067912695721944, + "nauc_mrr_at_20_max": 29.759227563849628, + "nauc_mrr_at_20_std": 14.685076859257357, + "nauc_mrr_at_3_diff1": 24.645848739182696, + "nauc_mrr_at_3_max": 27.73368549660351, + "nauc_mrr_at_3_std": 11.475742805586943, + "nauc_mrr_at_5_diff1": 24.895295760909946, + "nauc_mrr_at_5_max": 29.130755033240423, + "nauc_mrr_at_5_std": 12.955802929145404, + "nauc_ndcg_at_1000_diff1": 20.68434434777729, + "nauc_ndcg_at_1000_max": 37.67055146424174, + "nauc_ndcg_at_1000_std": 29.57493715069776, + "nauc_ndcg_at_100_diff1": 20.396834816492383, + "nauc_ndcg_at_100_max": 37.460575228670514, + "nauc_ndcg_at_100_std": 27.826534756761944, + "nauc_ndcg_at_10_diff1": 22.640844106236027, + "nauc_ndcg_at_10_max": 35.21291764462327, + "nauc_ndcg_at_10_std": 19.53289455984506, + "nauc_ndcg_at_1_diff1": 29.220540327267503, + "nauc_ndcg_at_1_max": 26.81908580507911, + "nauc_ndcg_at_1_std": 8.00840295809718, + "nauc_ndcg_at_20_diff1": 22.117126657768623, + "nauc_ndcg_at_20_max": 35.79395781940806, + "nauc_ndcg_at_20_std": 22.242748346260786, + "nauc_ndcg_at_3_diff1": 23.00596063212187, + "nauc_ndcg_at_3_max": 30.149013627580523, + "nauc_ndcg_at_3_std": 11.07904064662722, + "nauc_ndcg_at_5_diff1": 22.81875419630523, + "nauc_ndcg_at_5_max": 34.24267468356626, + "nauc_ndcg_at_5_std": 15.307780280752088, + "nauc_precision_at_1000_diff1": 9.606677689029972, + "nauc_precision_at_1000_max": 32.74855550489271, + "nauc_precision_at_1000_std": 42.65372585937895, + "nauc_precision_at_100_diff1": 11.528981313529545, + "nauc_precision_at_100_max": 35.642529490132404, + "nauc_precision_at_100_std": 38.146151426052306, + "nauc_precision_at_10_diff1": 18.783957183811836, + "nauc_precision_at_10_max": 36.1982008334257, + "nauc_precision_at_10_std": 25.09349473195891, + "nauc_precision_at_1_diff1": 29.220540327267503, + "nauc_precision_at_1_max": 26.81908580507911, + "nauc_precision_at_1_std": 8.00840295809718, + "nauc_precision_at_20_diff1": 17.458766320828214, + "nauc_precision_at_20_max": 36.000404903025235, + "nauc_precision_at_20_std": 29.1608044138323, + "nauc_precision_at_3_diff1": 20.213669462067166, + "nauc_precision_at_3_max": 31.120650847205912, + "nauc_precision_at_3_std": 12.390972418818118, + "nauc_precision_at_5_diff1": 20.114245715785678, + "nauc_precision_at_5_max": 37.30360111495823, + "nauc_precision_at_5_std": 19.053109037822853, + "nauc_recall_at_1000_diff1": 9.85800049032612, + "nauc_recall_at_1000_max": 32.48319160802687, + "nauc_recall_at_1000_std": 43.79941601741161, + "nauc_recall_at_100_diff1": 11.375255270968337, + "nauc_recall_at_100_max": 35.1868784124497, + "nauc_recall_at_100_std": 38.422680583482666, + "nauc_recall_at_10_diff1": 18.445783123521938, + "nauc_recall_at_10_max": 35.633267936276766, + "nauc_recall_at_10_std": 24.94469506254716, + "nauc_recall_at_1_diff1": 29.00799502838457, + "nauc_recall_at_1_max": 26.64926291797503, + "nauc_recall_at_1_std": 8.167291261637361, + "nauc_recall_at_20_diff1": 17.314906604151936, + "nauc_recall_at_20_max": 35.66067699203996, + "nauc_recall_at_20_std": 29.400137012506082, + "nauc_recall_at_3_diff1": 19.873710875648698, + "nauc_recall_at_3_max": 30.92404718742849, + "nauc_recall_at_3_std": 12.400871018075199, + "nauc_recall_at_5_diff1": 19.869948324233192, + "nauc_recall_at_5_max": 37.06832511687574, + "nauc_recall_at_5_std": 19.0798814966156, + "ndcg_at_1": 17.7, + "ndcg_at_10": 15.379999999999999, + "ndcg_at_100": 22.09, + "ndcg_at_1000": 27.151999999999997, + "ndcg_at_20": 17.576, + "ndcg_at_3": 14.219999999999999, + "ndcg_at_5": 12.579, + "precision_at_1": 17.7, + "precision_at_10": 8.08, + "precision_at_100": 1.7840000000000003, + "precision_at_1000": 0.3, + "precision_at_20": 5.305, + "precision_at_3": 13.167000000000002, + "precision_at_5": 11.06, + "recall_at_1": 3.6029999999999998, + "recall_at_10": 16.413, + "recall_at_100": 36.263, + "recall_at_1000": 61.016999999999996, + "recall_at_20": 21.587999999999997, + "recall_at_3": 8.013, + "recall_at_5": 11.198 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/SCIDOCS.json b/results/jinaai__jina-embeddings-v3/external/SCIDOCS.json new file mode 100644 index 000000000..43d9dee7e --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/SCIDOCS.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "f8c2fcf00f625baaa80f62ec5bd9e1fff3b8ae88", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.843, + "map_at_10": 11.752, + "map_at_100": 13.919, + "map_at_1000": 14.198, + "map_at_20": 12.898000000000001, + "map_at_3": 8.603, + "map_at_5": 10.069, + "mrr_at_1": 23.799999999999997, + "mrr_at_10": 34.449999999999996, + "mrr_at_100": 35.64, + "mrr_at_1000": 35.691, + "mrr_at_20": 35.213, + "mrr_at_3": 31.383, + "mrr_at_5": 33.062999999999995, + "ndcg_at_1": 23.799999999999997, + "ndcg_at_10": 19.811, + "ndcg_at_100": 28.108, + "ndcg_at_1000": 33.1, + "ndcg_at_20": 22.980999999999998, + "ndcg_at_3": 19.153000000000002, + "ndcg_at_5": 16.408, + "precision_at_1": 23.799999999999997, + "precision_at_10": 10.16, + "precision_at_100": 2.1999999999999997, + "precision_at_1000": 0.34099999999999997, + "precision_at_20": 6.915, + "precision_at_3": 17.8, + "precision_at_5": 14.14, + "recall_at_1": 4.843, + "recall_at_10": 20.595, + "recall_at_100": 44.66, + "recall_at_1000": 69.152, + "recall_at_20": 28.04, + "recall_at_3": 10.833, + "recall_at_5": 14.346999999999998, + "main_score": 19.811 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/SICK-E-PL.json b/results/jinaai__jina-embeddings-v3/external/SICK-E-PL.json new file mode 100644 index 000000000..04bbc74a1 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/SICK-E-PL.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "71bba34b0ece6c56dfcf46d9758a27f7a90f17e9", + "task_name": "SICK-E-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cosine_accuracy": 80.90093762739502, + "cosine_accuracy_threshold": 94.40930485725403, + "cosine_ap": 71.15400909912427, + "cosine_f1": 66.8213457076566, + "cosine_f1_threshold": 91.53673648834229, + "cosine_precision": 62.4922504649721, + "cosine_recall": 71.7948717948718, + "dot_accuracy": 78.41418671015083, + "dot_accuracy_threshold": 42924.45068359375, + "dot_ap": 63.34003025365763, + "dot_f1": 62.518258837277244, + "dot_f1_threshold": 40900.738525390625, + "dot_precision": 52.99653293709758, + "dot_recall": 76.21082621082621, + "euclidean_accuracy": 80.67672238075826, + "euclidean_accuracy_threshold": 696.0524559020996, + "euclidean_ap": 70.88762835990224, + "euclidean_f1": 66.711051930759, + "euclidean_f1_threshold": 878.5581588745117, + "euclidean_precision": 62.625, + "euclidean_recall": 71.36752136752136, + "main_score": 71.15400909912427, + "manhattan_accuracy": 80.65633917651854, + "manhattan_accuracy_threshold": 17277.72674560547, + "manhattan_ap": 70.67105336611716, + "manhattan_f1": 66.51346027577151, + "manhattan_f1_threshold": 21687.957763671875, + "manhattan_precision": 61.69305724725944, + "manhattan_recall": 72.15099715099716, + "max_accuracy": 80.90093762739502, + "max_ap": 71.15400909912427, + "max_f1": 66.8213457076566, + "max_precision": 62.625, + "max_recall": 76.21082621082621, + "similarity_accuracy": 80.90093762739502, + "similarity_accuracy_threshold": 94.40930485725403, + "similarity_ap": 71.15400909912427, + "similarity_f1": 66.8213457076566, + "similarity_f1_threshold": 91.53673648834229, + "similarity_precision": 62.4922504649721, + "similarity_recall": 71.7948717948718 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/SICK-R-PL.json b/results/jinaai__jina-embeddings-v3/external/SICK-R-PL.json new file mode 100644 index 000000000..c2555c7c9 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/SICK-R-PL.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "fd5c2441b7eeff8676768036142af4cfa42c1339", + "task_name": "SICK-R-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cosine_pearson": 85.27883048457821, + "cosine_spearman": 80.53204892678619, + "euclidean_pearson": 82.78520705216168, + "euclidean_spearman": 80.27848359873212, + "main_score": 80.53204892678619, + "manhattan_pearson": 82.63270640583454, + "manhattan_spearman": 80.21507977473146, + "pearson": 85.27883048457821, + "spearman": 80.53204892678619 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/SICK-R.json b/results/jinaai__jina-embeddings-v3/external/SICK-R.json new file mode 100644 index 000000000..8dac12270 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 92.3339946866199, + "cosine_spearman": 89.61697355115497, + "euclidean_pearson": 90.3264916449669, + "euclidean_spearman": 89.36270451308866, + "main_score": 89.61697355115497, + "manhattan_pearson": 90.18909339052534, + "manhattan_spearman": 89.28337093097377, + "pearson": 92.3339946866199, + "spearman": 89.61697355115497 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/SICKFr.json b/results/jinaai__jina-embeddings-v3/external/SICKFr.json new file mode 100644 index 000000000..9b26544ab --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/SICKFr.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e077ab4cf4774a1e36d86d593b150422fafd8e8a", + "task_name": "SICKFr", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "cosine_pearson": 88.77029361817212, + "cosine_spearman": 83.9453600346894, + "euclidean_pearson": 85.85331086208573, + "euclidean_spearman": 83.70852031985308, + "main_score": 83.9453600346894, + "manhattan_pearson": 85.66222265885914, + "manhattan_spearman": 83.60833111525962, + "pearson": 88.77029361817212, + "spearman": 83.9453600346894 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/STS12.json b/results/jinaai__jina-embeddings-v3/external/STS12.json new file mode 100644 index 000000000..05517c3d2 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 88.76435859522375, + "cosine_spearman": 82.43768167804375, + "euclidean_pearson": 87.43566183874832, + "euclidean_spearman": 82.82166873757507, + "main_score": 82.43768167804375, + "manhattan_pearson": 87.39450871380951, + "manhattan_spearman": 82.89253043430163, + "pearson": 88.76435859522375, + "spearman": 82.43768167804375 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/STS13.json b/results/jinaai__jina-embeddings-v3/external/STS13.json new file mode 100644 index 000000000..937e04bfb --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 88.86627241652141, + "cosine_spearman": 89.49011599120688, + "euclidean_pearson": 89.3314120073772, + "euclidean_spearman": 89.8226502776963, + "main_score": 89.49011599120688, + "manhattan_pearson": 89.2252179076963, + "manhattan_spearman": 89.74573844021225, + "pearson": 88.86627241652141, + "spearman": 89.49011599120688 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/STS14.json b/results/jinaai__jina-embeddings-v3/external/STS14.json new file mode 100644 index 000000000..7df9b5310 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 87.22891405215968, + "cosine_spearman": 84.9467188157614, + "euclidean_pearson": 87.20330004726237, + "euclidean_spearman": 85.34806059461808, + "main_score": 84.9467188157614, + "manhattan_pearson": 87.15224666107623, + "manhattan_spearman": 85.34596898699708, + "pearson": 87.22891405215968, + "spearman": 84.9467188157614 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/STS15.json b/results/jinaai__jina-embeddings-v3/external/STS15.json new file mode 100644 index 000000000..cbd1da7fd --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 88.14066430111033, + "cosine_spearman": 89.31337445552545, + "euclidean_pearson": 89.08039335366983, + "euclidean_spearman": 89.6658762856415, + "main_score": 89.31337445552545, + "manhattan_pearson": 89.08057438154486, + "manhattan_spearman": 89.68673984203022, + "pearson": 88.14066430111033, + "spearman": 89.31337445552545 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/STS16.json b/results/jinaai__jina-embeddings-v3/external/STS16.json new file mode 100644 index 000000000..1939a0476 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 85.14908856657084, + "cosine_spearman": 86.84648320786727, + "euclidean_pearson": 86.11454713131947, + "euclidean_spearman": 86.77738862047961, + "main_score": 86.84648320786727, + "manhattan_pearson": 86.07804821916372, + "manhattan_spearman": 86.78676064310474, + "pearson": 85.14908856657084, + "spearman": 86.84648320786727 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/STS17.json b/results/jinaai__jina-embeddings-v3/external/STS17.json new file mode 100644 index 000000000..07a5b16cf --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/STS17.json @@ -0,0 +1,88 @@ +{ + "dataset_revision": "faeb762787bd10488a50c8b5be4a3b82e411949c", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 89.61633502468356, + "cosine_spearman": 89.99772663224805, + "euclidean_pearson": 90.14056501501044, + "euclidean_spearman": 90.04496896837503, + "main_score": 89.99772663224805, + "manhattan_pearson": 90.08964860311801, + "manhattan_spearman": 90.00091712362196, + "pearson": 89.61633502468356, + "spearman": 89.99772663224805 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cosine_pearson": 86.44548026840202, + "cosine_spearman": 87.26263108768539, + "euclidean_pearson": 86.42844593583838, + "euclidean_spearman": 86.89388428664364, + "main_score": 87.26263108768539, + "manhattan_pearson": 86.47186940800881, + "manhattan_spearman": 87.02163091089946, + "pearson": 86.44548026840202, + "spearman": 87.26263108768539 + }, + { + "hf_subset": "en-de", + "languages": [ + "eng-Latn", + "deu-Latn" + ], + "cosine_pearson": 87.89345132532758, + "cosine_spearman": 87.96246221327699, + "euclidean_pearson": 88.49013032701419, + "euclidean_spearman": 87.81981265317344, + "main_score": 87.96246221327699, + "manhattan_pearson": 88.31360914178538, + "manhattan_spearman": 87.62734530005075, + "pearson": 87.89345132532758, + "spearman": 87.96246221327699 + }, + { + "hf_subset": "es-es", + "languages": [ + "spa-Latn" + ], + "cosine_pearson": 88.4084678497171, + "cosine_spearman": 88.77640638748285, + "euclidean_pearson": 89.60124312475843, + "euclidean_spearman": 88.4321442688528, + "main_score": 88.77640638748285, + "manhattan_pearson": 89.62375118021299, + "manhattan_spearman": 88.46998118661577, + "pearson": 88.4084678497171, + "spearman": 88.77640638748285 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "cosine_pearson": 87.30688801326498, + "cosine_spearman": 87.55684697258378, + "euclidean_pearson": 87.89672951056794, + "euclidean_spearman": 87.28050429201674, + "main_score": 87.55684697258378, + "manhattan_pearson": 87.74292745320572, + "manhattan_spearman": 87.16383993876582, + "pearson": 87.30688801326498, + "spearman": 87.55684697258378 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/STS22.json b/results/jinaai__jina-embeddings-v3/external/STS22.json new file mode 100644 index 000000000..221083d64 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/STS22.json @@ -0,0 +1,227 @@ +{ + "dataset_revision": "de9d86b3b84231dc21f76c7b7af1f28e2f57f6e3", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "cosine_pearson": 73.46180375170147, + "cosine_spearman": 73.39559590127081, + "euclidean_pearson": 73.72613901293681, + "euclidean_spearman": 71.85465165176795, + "main_score": 73.39559590127081, + "manhattan_pearson": 73.07859140869076, + "manhattan_spearman": 71.22047343718893, + "pearson": 73.46180375170147, + "spearman": 73.39559590127081 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 62.47531620842637, + "cosine_spearman": 66.22504667157702, + "euclidean_pearson": 66.76201254783692, + "euclidean_spearman": 66.86115760269463, + "main_score": 66.22504667157702, + "manhattan_pearson": 66.73847836793489, + "manhattan_spearman": 66.7677116377695, + "pearson": 62.47531620842637, + "spearman": 66.22504667157702 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "cosine_pearson": 69.89707002436481, + "cosine_spearman": 72.2054865735116, + "euclidean_pearson": 71.81856615570756, + "euclidean_spearman": 72.72593304629407, + "main_score": 72.2054865735116, + "manhattan_pearson": 72.00362684700072, + "manhattan_spearman": 72.62783534769964, + "pearson": 69.89707002436481, + "spearman": 72.2054865735116 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cosine_pearson": 81.59623734395916, + "cosine_spearman": 83.28946105111358, + "euclidean_pearson": 79.377330171466, + "euclidean_spearman": 81.81029781662205, + "main_score": 83.28946105111358, + "manhattan_pearson": 78.96970881689698, + "manhattan_spearman": 81.91773236079703, + "pearson": 81.59623734395916, + "spearman": 83.28946105111358 + }, + { + "hf_subset": "de-fr", + "languages": [ + "deu-Latn", + "fra-Latn" + ], + "cosine_pearson": 55.03825643126142, + "cosine_spearman": 58.25792501780429, + "euclidean_pearson": 50.38007603973409, + "euclidean_spearman": 59.39961789383097, + "main_score": 58.25792501780429, + "manhattan_pearson": 50.518568927999155, + "manhattan_spearman": 59.84185466003894, + "pearson": 55.03825643126142, + "spearman": 58.25792501780429 + }, + { + "hf_subset": "pl-en", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "cosine_pearson": 77.77233721490776, + "cosine_spearman": 76.17596588017625, + "euclidean_pearson": 74.47600468156611, + "euclidean_spearman": 72.61278728057012, + "main_score": 76.17596588017625, + "manhattan_pearson": 74.48118910099699, + "manhattan_spearman": 73.33167419101696, + "pearson": 77.77233721490776, + "spearman": 76.17596588017625 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "cosine_pearson": 42.87453608131507, + "cosine_spearman": 45.137849894401185, + "euclidean_pearson": 31.66964197694796, + "euclidean_spearman": 44.1014900837869, + "main_score": 45.137849894401185, + "manhattan_pearson": 31.007199259384745, + "manhattan_spearman": 43.48181523288926, + "pearson": 42.87453608131507, + "spearman": 45.137849894401185 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 66.87400150638176, + "cosine_spearman": 67.27861354834066, + "euclidean_pearson": 66.81789582140216, + "euclidean_spearman": 66.44220479858708, + "main_score": 67.27861354834066, + "manhattan_pearson": 66.92509859033235, + "manhattan_spearman": 66.46841124185076, + "pearson": 66.87400150638176, + "spearman": 67.27861354834066 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "cosine_pearson": 61.819804551576084, + "cosine_spearman": 65.0864146772135, + "euclidean_pearson": 62.518151090361876, + "euclidean_spearman": 65.13608138548017, + "main_score": 65.0864146772135, + "manhattan_pearson": 62.51413246915267, + "manhattan_spearman": 65.19077543064323, + "pearson": 61.819804551576084, + "spearman": 65.0864146772135 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "cosine_pearson": 54.85728696035389, + "cosine_spearman": 61.60906359227576, + "euclidean_pearson": 52.57582587901851, + "euclidean_spearman": 61.41823097598308, + "main_score": 61.60906359227576, + "manhattan_pearson": 52.500978361080506, + "manhattan_spearman": 61.30365596659758, + "pearson": 54.85728696035389, + "spearman": 61.60906359227576 + }, + { + "hf_subset": "fr-pl", + "languages": [ + "fra-Latn", + "pol-Latn" + ], + "cosine_pearson": 67.68016005631422, + "cosine_spearman": 84.51542547285167, + "euclidean_pearson": 66.19871164667245, + "euclidean_spearman": 73.24670207647144, + "main_score": 84.51542547285167, + "manhattan_pearson": 67.0443525268974, + "manhattan_spearman": 73.24670207647144, + "pearson": 67.68016005631422, + "spearman": 84.51542547285167 + }, + { + "hf_subset": "de-pl", + "languages": [ + "deu-Latn", + "pol-Latn" + ], + "cosine_pearson": 47.49467414030747, + "cosine_spearman": 56.81512095681289, + "euclidean_pearson": 48.42860221765214, + "euclidean_spearman": 58.63197306329092, + "main_score": 56.81512095681289, + "manhattan_pearson": 48.39594959260441, + "manhattan_spearman": 58.63197306329092, + "pearson": 47.49467414030747, + "spearman": 56.81512095681289 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cosine_pearson": 76.8364678896155, + "cosine_spearman": 78.45516413087114, + "euclidean_pearson": 78.62779318576634, + "euclidean_spearman": 78.88760695649488, + "main_score": 78.45516413087114, + "manhattan_pearson": 78.62131335760031, + "manhattan_spearman": 78.81861844200388, + "pearson": 76.8364678896155, + "spearman": 78.45516413087114 + }, + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "cosine_pearson": 65.16640313911604, + "cosine_spearman": 60.887608967403914, + "euclidean_pearson": 67.49902244990913, + "euclidean_spearman": 59.2458787136538, + "main_score": 60.887608967403914, + "manhattan_pearson": 67.34313506388378, + "manhattan_spearman": 59.05283429200166, + "pearson": 65.16640313911604, + "spearman": 60.887608967403914 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/STSB.json b/results/jinaai__jina-embeddings-v3/external/STSB.json new file mode 100644 index 000000000..0ab38078b --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/STSB.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "0cde68302b3541bb8b3c340dc0644b0b745b3dc0", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 81.5092853013241, + "cosine_spearman": 83.54005474244292, + "euclidean_pearson": 83.7246578378554, + "euclidean_spearman": 84.46767551087716, + "main_score": 83.54005474244292, + "manhattan_pearson": 83.65922665594636, + "manhattan_spearman": 84.42431449101848, + "pearson": 81.5092853013241, + "spearman": 83.54005474244292 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/STSBenchmark.json b/results/jinaai__jina-embeddings-v3/external/STSBenchmark.json new file mode 100644 index 000000000..d38e57fff --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 87.70246866744966, + "cosine_spearman": 89.44070045346106, + "euclidean_pearson": 89.56956519641007, + "euclidean_spearman": 89.95830112784283, + "main_score": 89.44070045346106, + "manhattan_pearson": 89.48264471425145, + "manhattan_spearman": 89.87900732483114, + "pearson": 87.70246866744966, + "spearman": 89.44070045346106 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/STSBenchmarkMultilingualSTS.json b/results/jinaai__jina-embeddings-v3/external/STSBenchmarkMultilingualSTS.json new file mode 100644 index 000000000..ce95691af --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/STSBenchmarkMultilingualSTS.json @@ -0,0 +1,115 @@ +{ + "dataset_revision": "29afa2569dcedaaa2fe6a3dcfebab33d28b82e8c", + "task_name": "STSBenchmarkMultilingualSTS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "cosine_pearson": 86.83701990805217, + "cosine_spearman": 87.80280785492258, + "euclidean_pearson": 87.77325330043514, + "euclidean_spearman": 88.3564607283144, + "main_score": 87.80280785492258, + "manhattan_pearson": 87.6745449945946, + "manhattan_spearman": 88.30660465978795, + "pearson": 86.83701990805217, + "spearman": 87.80280785492258 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 84.27751020600267, + "cosine_spearman": 85.63500407412486, + "euclidean_pearson": 85.21829891649696, + "euclidean_spearman": 85.9384575715382, + "main_score": 85.63500407412486, + "manhattan_pearson": 85.10797194089801, + "manhattan_spearman": 85.8770162042784, + "pearson": 84.27751020600267, + "spearman": 85.63500407412486 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cosine_pearson": 86.56833656723254, + "cosine_spearman": 87.4393978501382, + "euclidean_pearson": 87.45171512751267, + "euclidean_spearman": 88.13106516566947, + "main_score": 87.4393978501382, + "manhattan_pearson": 87.33010961793333, + "manhattan_spearman": 88.06707425102182, + "pearson": 86.56833656723254, + "spearman": 87.4393978501382 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "cosine_pearson": 85.45065540325523, + "cosine_spearman": 85.47881076789359, + "euclidean_pearson": 85.1999493863155, + "euclidean_spearman": 85.7874947669187, + "main_score": 85.47881076789359, + "manhattan_pearson": 85.06075305990376, + "manhattan_spearman": 85.71563015639558, + "pearson": 85.45065540325523, + "spearman": 85.47881076789359 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "cosine_pearson": 87.11952824079832, + "cosine_spearman": 87.9643473573153, + "euclidean_pearson": 88.11750364639971, + "euclidean_spearman": 88.63695109016498, + "main_score": 87.9643473573153, + "manhattan_pearson": 88.00294453126699, + "manhattan_spearman": 88.53750241758391, + "pearson": 87.11952824079832, + "spearman": 87.9643473573153 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "cosine_pearson": 85.99804354414991, + "cosine_spearman": 86.30252111551002, + "euclidean_pearson": 86.1880652037762, + "euclidean_spearman": 86.69556223944502, + "main_score": 86.30252111551002, + "manhattan_pearson": 86.0736400320898, + "manhattan_spearman": 86.61747927593393, + "pearson": 85.99804354414991, + "spearman": 86.30252111551002 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 87.70246861738103, + "cosine_spearman": 89.44070045346106, + "euclidean_pearson": 89.56956518833663, + "euclidean_spearman": 89.95830112784283, + "main_score": 89.44070045346106, + "manhattan_pearson": 89.48264470792915, + "manhattan_spearman": 89.87900732483114, + "pearson": 87.70246861738103, + "spearman": 89.44070045346106 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/SciDocsRR.json b/results/jinaai__jina-embeddings-v3/external/SciDocsRR.json new file mode 100644 index 000000000..bb374b228 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 84.88064122814694, + "mrr": 95.84832651009123, + "main_score": 84.88064122814694 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/SciFact-PL.json b/results/jinaai__jina-embeddings-v3/external/SciFact-PL.json new file mode 100644 index 000000000..a48499139 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/SciFact-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "47932a35f045ef8ed01ba82bf9ff67f6e109207e", + "task_name": "SciFact-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 64.764, + "map_at_1": 49.778, + "map_at_10": 59.88, + "map_at_100": 60.707, + "map_at_1000": 60.729, + "map_at_20": 60.419999999999995, + "map_at_3": 57.45400000000001, + "map_at_5": 58.729, + "mrr_at_1": 52.33333333333333, + "mrr_at_10": 61.29193121693122, + "mrr_at_100": 61.95817765126313, + "mrr_at_1000": 61.97583284368782, + "mrr_at_20": 61.72469949641003, + "mrr_at_3": 59.44444444444444, + "mrr_at_5": 60.494444444444454, + "nauc_map_at_1000_diff1": 62.21235294015774, + "nauc_map_at_1000_max": 48.83996609100249, + "nauc_map_at_1000_std": 5.23892781043174, + "nauc_map_at_100_diff1": 62.20170226789429, + "nauc_map_at_100_max": 48.8391766453537, + "nauc_map_at_100_std": 5.2664077457917715, + "nauc_map_at_10_diff1": 61.961975488329024, + "nauc_map_at_10_max": 48.397109987625186, + "nauc_map_at_10_std": 4.314859710827481, + "nauc_map_at_1_diff1": 65.0865197011516, + "nauc_map_at_1_max": 41.38862781954889, + "nauc_map_at_1_std": -0.9182122632530586, + "nauc_map_at_20_diff1": 61.99173935851292, + "nauc_map_at_20_max": 48.79961814179307, + "nauc_map_at_20_std": 5.262181845825118, + "nauc_map_at_3_diff1": 62.37910539880477, + "nauc_map_at_3_max": 47.13627890977091, + "nauc_map_at_3_std": 2.327897198087264, + "nauc_map_at_5_diff1": 61.60080757149592, + "nauc_map_at_5_max": 47.60052458345962, + "nauc_map_at_5_std": 3.1770196981231047, + "nauc_mrr_at_1000_diff1": 62.86810952814966, + "nauc_mrr_at_1000_max": 52.13248094447774, + "nauc_mrr_at_1000_std": 10.100485746570733, + "nauc_mrr_at_100_diff1": 62.85364829491874, + "nauc_mrr_at_100_max": 52.134528010631854, + "nauc_mrr_at_100_std": 10.120945685447369, + "nauc_mrr_at_10_diff1": 62.65679301829915, + "nauc_mrr_at_10_max": 52.09270719182349, + "nauc_mrr_at_10_std": 9.913834434725441, + "nauc_mrr_at_1_diff1": 66.84108271415636, + "nauc_mrr_at_1_max": 46.67646429855176, + "nauc_mrr_at_1_std": 5.5505252956352304, + "nauc_mrr_at_20_diff1": 62.72473227039611, + "nauc_mrr_at_20_max": 52.13479097802757, + "nauc_mrr_at_20_std": 10.188278833464084, + "nauc_mrr_at_3_diff1": 63.797429185518496, + "nauc_mrr_at_3_max": 52.16486999573481, + "nauc_mrr_at_3_std": 9.094360767062762, + "nauc_mrr_at_5_diff1": 62.592917975475494, + "nauc_mrr_at_5_max": 52.330741486107414, + "nauc_mrr_at_5_std": 9.742175534421389, + "nauc_ndcg_at_1000_diff1": 61.38859337672476, + "nauc_ndcg_at_1000_max": 51.48380058339184, + "nauc_ndcg_at_1000_std": 9.670547660897673, + "nauc_ndcg_at_100_diff1": 61.02438489641434, + "nauc_ndcg_at_100_max": 51.781246646780865, + "nauc_ndcg_at_100_std": 10.592961553245187, + "nauc_ndcg_at_10_diff1": 60.03678353308358, + "nauc_ndcg_at_10_max": 50.70725688848762, + "nauc_ndcg_at_10_std": 7.9472446491016315, + "nauc_ndcg_at_1_diff1": 66.84108271415636, + "nauc_ndcg_at_1_max": 46.67646429855176, + "nauc_ndcg_at_1_std": 5.5505252956352304, + "nauc_ndcg_at_20_diff1": 59.828482718480224, + "nauc_ndcg_at_20_max": 51.45831789601284, + "nauc_ndcg_at_20_std": 10.722673683272049, + "nauc_ndcg_at_3_diff1": 61.68982937524109, + "nauc_ndcg_at_3_max": 49.745326748604775, + "nauc_ndcg_at_3_std": 4.948298621202247, + "nauc_ndcg_at_5_diff1": 59.67396171973207, + "nauc_ndcg_at_5_max": 49.87855139298281, + "nauc_ndcg_at_5_std": 6.08990428055584, + "nauc_precision_at_1000_diff1": -1.594227972036865, + "nauc_precision_at_1000_max": 32.48431723086185, + "nauc_precision_at_1000_std": 53.84748466965268, + "nauc_precision_at_100_diff1": 8.06411455192293, + "nauc_precision_at_100_max": 39.91003601878948, + "nauc_precision_at_100_std": 55.52979711075091, + "nauc_precision_at_10_diff1": 26.610514456014066, + "nauc_precision_at_10_max": 47.09062494321172, + "nauc_precision_at_10_std": 33.91984226498748, + "nauc_precision_at_1_diff1": 66.84108271415636, + "nauc_precision_at_1_max": 46.67646429855176, + "nauc_precision_at_1_std": 5.5505252956352304, + "nauc_precision_at_20_diff1": 16.947688843085583, + "nauc_precision_at_20_max": 45.40488186572008, + "nauc_precision_at_20_std": 48.354421924500905, + "nauc_precision_at_3_diff1": 49.11263981720622, + "nauc_precision_at_3_max": 52.7084625111683, + "nauc_precision_at_3_std": 16.734612173556453, + "nauc_precision_at_5_diff1": 39.06503705015792, + "nauc_precision_at_5_max": 52.21710506893391, + "nauc_precision_at_5_std": 23.350948149460233, + "nauc_recall_at_1000_diff1": 43.1559290382817, + "nauc_recall_at_1000_max": 83.66013071895456, + "nauc_recall_at_1000_std": 86.27450980392177, + "nauc_recall_at_100_diff1": 46.016860850620375, + "nauc_recall_at_100_max": 69.3944888744547, + "nauc_recall_at_100_std": 55.286945696152735, + "nauc_recall_at_10_diff1": 49.65877895350921, + "nauc_recall_at_10_max": 53.02636695700889, + "nauc_recall_at_10_std": 13.967608945823828, + "nauc_recall_at_1_diff1": 65.0865197011516, + "nauc_recall_at_1_max": 41.38862781954889, + "nauc_recall_at_1_std": -0.9182122632530586, + "nauc_recall_at_20_diff1": 43.355308229973524, + "nauc_recall_at_20_max": 57.04187909533764, + "nauc_recall_at_20_std": 33.578720846660524, + "nauc_recall_at_3_diff1": 56.922996057428165, + "nauc_recall_at_3_max": 50.74417041895424, + "nauc_recall_at_3_std": 5.623890124328387, + "nauc_recall_at_5_diff1": 50.55620076865238, + "nauc_recall_at_5_max": 51.3316854622085, + "nauc_recall_at_5_std": 8.995457887269255, + "ndcg_at_1": 52.333, + "ndcg_at_10": 64.764, + "ndcg_at_100": 68.167, + "ndcg_at_1000": 68.816, + "ndcg_at_20": 66.457, + "ndcg_at_3": 60.346, + "ndcg_at_5": 62.365, + "precision_at_1": 52.333, + "precision_at_10": 8.799999999999999, + "precision_at_100": 1.057, + "precision_at_1000": 0.11100000000000002, + "precision_at_20": 4.8, + "precision_at_3": 23.889, + "precision_at_5": 15.6, + "recall_at_1": 49.778, + "recall_at_10": 78.206, + "recall_at_100": 93.10000000000001, + "recall_at_1000": 98.333, + "recall_at_20": 84.467, + "recall_at_3": 66.367, + "recall_at_5": 71.35000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/SciFact.json b/results/jinaai__jina-embeddings-v3/external/SciFact.json new file mode 100644 index 000000000..0a87cf9c5 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/SciFact.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 57.289, + "map_at_10": 67.88499999999999, + "map_at_100": 68.477, + "map_at_1000": 68.50500000000001, + "map_at_20": 68.33500000000001, + "map_at_3": 65.08, + "map_at_5": 67.001, + "mrr_at_1": 59.667, + "mrr_at_10": 68.626, + "mrr_at_100": 69.082, + "mrr_at_1000": 69.108, + "mrr_at_20": 68.958, + "mrr_at_3": 66.667, + "mrr_at_5": 67.983, + "ndcg_at_1": 59.667, + "ndcg_at_10": 72.309, + "ndcg_at_100": 74.58399999999999, + "ndcg_at_1000": 75.25500000000001, + "ndcg_at_20": 73.656, + "ndcg_at_3": 67.791, + "ndcg_at_5": 70.45, + "precision_at_1": 59.667, + "precision_at_10": 9.567, + "precision_at_100": 1.073, + "precision_at_1000": 0.11299999999999999, + "precision_at_20": 5.083, + "precision_at_3": 26.333000000000002, + "precision_at_5": 17.666999999999998, + "recall_at_1": 57.289, + "recall_at_10": 84.756, + "recall_at_100": 94.5, + "recall_at_1000": 99.667, + "recall_at_20": 89.7, + "recall_at_3": 73.22800000000001, + "recall_at_5": 79.444, + "main_score": 72.309 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/SensitiveTopicsClassification.json b/results/jinaai__jina-embeddings-v3/external/SensitiveTopicsClassification.json new file mode 100644 index 000000000..9556d97a7 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/SensitiveTopicsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "416b34a802308eac30e4192afc0ff99bb8dcc7f2", + "task_name": "SensitiveTopicsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 30.634765625, + "f1": 32.647559808678665, + "lrap": 45.94319661458259, + "main_score": 30.634765625 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/SpanishNewsClusteringP2P.json b/results/jinaai__jina-embeddings-v3/external/SpanishNewsClusteringP2P.json new file mode 100644 index 000000000..a162298b4 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/SpanishNewsClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "bf8ca8ddc5b7da4f7004720ddf99bbe0483480e6", + "task_name": "SpanishNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "spa-Latn" + ], + "main_score": 45.04477709795154, + "v_measure": 45.04477709795154, + "v_measure_std": 0.0 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/SpanishPassageRetrievalS2S.json b/results/jinaai__jina-embeddings-v3/external/SpanishPassageRetrievalS2S.json new file mode 100644 index 000000000..62be1f0e7 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/SpanishPassageRetrievalS2S.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "9cddf2ce5209ade52c2115ccfa00eb22c6d3a837", + "task_name": "SpanishPassageRetrievalS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "spa-Latn" + ], + "main_score": 69.83, + "map_at_1": 15.736, + "map_at_10": 52.027, + "map_at_100": 65.08800000000001, + "map_at_1000": 65.08800000000001, + "map_at_20": 60.79900000000001, + "map_at_3": 32.869, + "map_at_5": 41.436, + "mrr_at_1": 75.44910179640718, + "mrr_at_10": 84.43446440452426, + "mrr_at_100": 84.48052612723271, + "mrr_at_1000": 84.48052612723271, + "mrr_at_20": 84.48052612723271, + "mrr_at_3": 83.13373253493013, + "mrr_at_5": 84.3013972055888, + "nauc_map_at_1000_diff1": 50.611540149694356, + "nauc_map_at_1000_max": 2.1102430434260238, + "nauc_map_at_1000_std": -18.88993521335793, + "nauc_map_at_100_diff1": 50.611540149694356, + "nauc_map_at_100_max": 2.1102430434260238, + "nauc_map_at_100_std": -18.88993521335793, + "nauc_map_at_10_diff1": 59.13518981755268, + "nauc_map_at_10_max": -9.810386627392807, + "nauc_map_at_10_std": -38.31810152345078, + "nauc_map_at_1_diff1": 74.96782567287174, + "nauc_map_at_1_max": -29.648279252607875, + "nauc_map_at_1_std": -54.017459339141595, + "nauc_map_at_20_diff1": 55.26694458629849, + "nauc_map_at_20_max": -1.9490244535020729, + "nauc_map_at_20_std": -25.22211659104076, + "nauc_map_at_3_diff1": 71.67607885031732, + "nauc_map_at_3_max": -25.078101661694507, + "nauc_map_at_3_std": -50.55408861920259, + "nauc_map_at_5_diff1": 61.50111515417668, + "nauc_map_at_5_max": -16.4114670513168, + "nauc_map_at_5_std": -44.391416134859135, + "nauc_mrr_at_1000_diff1": 74.18848063283234, + "nauc_mrr_at_1000_max": 21.929205946778005, + "nauc_mrr_at_1000_std": -36.27399268489433, + "nauc_mrr_at_100_diff1": 74.18848063283234, + "nauc_mrr_at_100_max": 21.929205946778005, + "nauc_mrr_at_100_std": -36.27399268489433, + "nauc_mrr_at_10_diff1": 74.27231582268745, + "nauc_mrr_at_10_max": 21.481133301135337, + "nauc_mrr_at_10_std": -36.72070854872902, + "nauc_mrr_at_1_diff1": 76.54855950439561, + "nauc_mrr_at_1_max": 26.99938321212366, + "nauc_mrr_at_1_std": -33.098742603429635, + "nauc_mrr_at_20_diff1": 74.18848063283234, + "nauc_mrr_at_20_max": 21.929205946778005, + "nauc_mrr_at_20_std": -36.27399268489433, + "nauc_mrr_at_3_diff1": 72.05379526740143, + "nauc_mrr_at_3_max": 18.875831185752528, + "nauc_mrr_at_3_std": -37.27302006456391, + "nauc_mrr_at_5_diff1": 74.25342356682029, + "nauc_mrr_at_5_max": 20.756340085088738, + "nauc_mrr_at_5_std": -37.99507208540703, + "nauc_ndcg_at_1000_diff1": 53.259363764380275, + "nauc_ndcg_at_1000_max": 12.936954959423218, + "nauc_ndcg_at_1000_std": -16.953898675672153, + "nauc_ndcg_at_100_diff1": 53.259363764380275, + "nauc_ndcg_at_100_max": 12.936954959423218, + "nauc_ndcg_at_100_std": -16.953898675672153, + "nauc_ndcg_at_10_diff1": 53.70942345413554, + "nauc_ndcg_at_10_max": -3.8465093347016186, + "nauc_ndcg_at_10_std": -31.208127919994755, + "nauc_ndcg_at_1_diff1": 75.30551289259554, + "nauc_ndcg_at_1_max": 25.53292054129834, + "nauc_ndcg_at_1_std": -33.285498788395145, + "nauc_ndcg_at_20_diff1": 57.62409278278133, + "nauc_ndcg_at_20_max": 2.8040586426056233, + "nauc_ndcg_at_20_std": -26.270875776221704, + "nauc_ndcg_at_3_diff1": 48.42294834754225, + "nauc_ndcg_at_3_max": 16.912467881065822, + "nauc_ndcg_at_3_std": -13.324841189277873, + "nauc_ndcg_at_5_diff1": 47.512819802794596, + "nauc_ndcg_at_5_max": 14.645518203506594, + "nauc_ndcg_at_5_std": -17.641450435599275, + "nauc_precision_at_1000_diff1": -34.43320975829637, + "nauc_precision_at_1000_max": 29.08585622578186, + "nauc_precision_at_1000_std": 46.55117940162061, + "nauc_precision_at_100_diff1": -34.433209758296364, + "nauc_precision_at_100_max": 29.085856225781885, + "nauc_precision_at_100_std": 46.55117940162065, + "nauc_precision_at_10_diff1": -21.895306304096902, + "nauc_precision_at_10_max": 33.190476527593745, + "nauc_precision_at_10_std": 37.64916268614298, + "nauc_precision_at_1_diff1": 75.30551289259554, + "nauc_precision_at_1_max": 25.53292054129834, + "nauc_precision_at_1_std": -33.285498788395145, + "nauc_precision_at_20_diff1": -27.63076748060466, + "nauc_precision_at_20_max": 30.689810416086154, + "nauc_precision_at_20_std": 46.164191636131626, + "nauc_precision_at_3_diff1": 20.547345067837288, + "nauc_precision_at_3_max": 26.177050942827528, + "nauc_precision_at_3_std": 5.960466052973099, + "nauc_precision_at_5_diff1": -8.928755534002669, + "nauc_precision_at_5_max": 40.83262650073459, + "nauc_precision_at_5_std": 26.158537031161494, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": NaN, + "nauc_recall_at_100_max": NaN, + "nauc_recall_at_100_std": NaN, + "nauc_recall_at_10_diff1": 53.08654386169444, + "nauc_recall_at_10_max": -23.276269379519356, + "nauc_recall_at_10_std": -50.80707792706157, + "nauc_recall_at_1_diff1": 74.96782567287174, + "nauc_recall_at_1_max": -29.648279252607875, + "nauc_recall_at_1_std": -54.017459339141595, + "nauc_recall_at_20_diff1": 51.60121897059633, + "nauc_recall_at_20_max": -14.241779530735387, + "nauc_recall_at_20_std": -37.877451525215456, + "nauc_recall_at_3_diff1": 66.99474984329694, + "nauc_recall_at_3_max": -30.802787353187966, + "nauc_recall_at_3_std": -53.58737792129713, + "nauc_recall_at_5_diff1": 54.64214444958567, + "nauc_recall_at_5_max": -23.341309362104703, + "nauc_recall_at_5_std": -51.381363923145265, + "ndcg_at_1": 76.048, + "ndcg_at_10": 69.83, + "ndcg_at_100": 82.11500000000001, + "ndcg_at_1000": 82.11500000000001, + "ndcg_at_20": 75.995, + "ndcg_at_3": 69.587, + "ndcg_at_5": 69.062, + "precision_at_1": 76.048, + "precision_at_10": 43.653, + "precision_at_100": 7.718999999999999, + "precision_at_1000": 0.772, + "precision_at_20": 31.108000000000004, + "precision_at_3": 63.87199999999999, + "precision_at_5": 56.407, + "recall_at_1": 15.736, + "recall_at_10": 66.873, + "recall_at_100": 100.0, + "recall_at_1000": 100.0, + "recall_at_20": 85.01100000000001, + "recall_at_3": 36.441, + "recall_at_5": 49.109 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/SprintDuplicateQuestions.json b/results/jinaai__jina-embeddings-v3/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..24a2d3fc9 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/SprintDuplicateQuestions.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 99.87326732673267, + "cosine_accuracy_threshold": 86.0752820968628, + "cosine_ap": 96.98758090713252, + "cosine_f1": 93.52881698685542, + "cosine_f1_threshold": 86.0752820968628, + "cosine_precision": 94.58077709611452, + "cosine_recall": 92.5, + "dot_accuracy": 99.82574257425742, + "dot_accuracy_threshold": 40484.73815917969, + "dot_ap": 95.68959907254845, + "dot_f1": 91.31293188548865, + "dot_f1_threshold": 40336.810302734375, + "dot_precision": 90.15594541910332, + "dot_recall": 92.5, + "euclidean_accuracy": 99.87128712871286, + "euclidean_accuracy_threshold": 1162.5749588012695, + "euclidean_ap": 96.92640435656577, + "euclidean_f1": 93.4475806451613, + "euclidean_f1_threshold": 1162.5749588012695, + "euclidean_precision": 94.20731707317073, + "euclidean_recall": 92.7, + "main_score": 96.98758090713252, + "manhattan_accuracy": 99.86930693069307, + "manhattan_accuracy_threshold": 28348.71826171875, + "manhattan_ap": 96.93832673967925, + "manhattan_f1": 93.33333333333333, + "manhattan_f1_threshold": 28348.71826171875, + "manhattan_precision": 94.28571428571428, + "manhattan_recall": 92.4, + "max_accuracy": 99.87326732673267, + "max_ap": 96.98758090713252, + "max_f1": 93.52881698685542, + "max_precision": 94.58077709611452, + "max_recall": 92.7, + "similarity_accuracy": 99.87326732673267, + "similarity_accuracy_threshold": 86.0752820968628, + "similarity_ap": 96.98758090713252, + "similarity_f1": 93.52881698685542, + "similarity_f1_threshold": 86.0752820968628, + "similarity_precision": 94.58077709611452, + "similarity_recall": 92.5 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/StackExchangeClustering.json b/results/jinaai__jina-embeddings-v3/external/StackExchangeClustering.json new file mode 100644 index 000000000..ea9a02462 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/StackExchangeClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 65.6560129719848, + "v_measure": 65.6560129719848, + "v_measure_std": 4.781229811487539 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/StackExchangeClusteringP2P.json b/results/jinaai__jina-embeddings-v3/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..ab70f3497 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/StackExchangeClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 35.07546243853692, + "v_measure": 35.07546243853692, + "v_measure_std": 1.1978740356240998 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/StackOverflowDupQuestions.json b/results/jinaai__jina-embeddings-v3/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..4b471cbf9 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 51.771005199508835, + "mrr": 52.65443298531534, + "main_score": 51.771005199508835 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/SummEval.json b/results/jinaai__jina-embeddings-v3/external/SummEval.json new file mode 100644 index 000000000..80ec436ba --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 29.48686238342228, + "cosine_spearman": 29.706543509170054, + "dot_pearson": 27.95853155597859, + "dot_spearman": 27.604287986935162, + "main_score": 29.706543509170054, + "pearson": 29.48686238342228, + "spearman": 29.706543509170054 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/SummEvalFr.json b/results/jinaai__jina-embeddings-v3/external/SummEvalFr.json new file mode 100644 index 000000000..01629ace7 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/SummEvalFr.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "b385812de6a9577b6f4d0f88c6a6e35395a94054", + "task_name": "SummEvalFr", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "cosine_pearson": 31.551301434917868, + "cosine_spearman": 30.709049789175186, + "dot_pearson": 27.77050901756549, + "dot_spearman": 26.715505953561795, + "main_score": 30.709049789175186, + "pearson": 31.551301434917868, + "spearman": 30.709049789175186 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/SyntecReranking.json b/results/jinaai__jina-embeddings-v3/external/SyntecReranking.json new file mode 100644 index 000000000..9a50cd1ae --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/SyntecReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "b205c5084a0934ce8af14338bf03feb19499c84d", + "task_name": "SyntecReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map": 73.31666666666666, + "mrr": 73.31666666666666, + "main_score": 73.31666666666666 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/SyntecRetrieval.json b/results/jinaai__jina-embeddings-v3/external/SyntecRetrieval.json new file mode 100644 index 000000000..5f8ccc7b0 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/SyntecRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "19661ccdca4dfc2d15122d776b61685f48c68ca9", + "task_name": "SyntecRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "main_score": 83.851, + "map_at_1": 68.0, + "map_at_10": 79.187, + "map_at_100": 79.32900000000001, + "map_at_1000": 79.32900000000001, + "map_at_20": 79.32900000000001, + "map_at_3": 77.333, + "map_at_5": 78.93299999999999, + "mrr_at_1": 68.0, + "mrr_at_10": 79.18730158730159, + "mrr_at_100": 79.32945845004669, + "mrr_at_1000": 79.32945845004669, + "mrr_at_20": 79.32945845004669, + "mrr_at_3": 77.33333333333333, + "mrr_at_5": 78.93333333333332, + "nauc_map_at_1000_diff1": 63.31103256935259, + "nauc_map_at_1000_max": 11.073749121365623, + "nauc_map_at_1000_std": 7.4973309839738, + "nauc_map_at_100_diff1": 63.31103256935259, + "nauc_map_at_100_max": 11.073749121365623, + "nauc_map_at_100_std": 7.4973309839738, + "nauc_map_at_10_diff1": 62.91585737195978, + "nauc_map_at_10_max": 11.770664508983133, + "nauc_map_at_10_std": 8.179883948527962, + "nauc_map_at_1_diff1": 66.1236265634718, + "nauc_map_at_1_max": 7.000207311173955, + "nauc_map_at_1_std": 6.54412272821497, + "nauc_map_at_20_diff1": 63.31103256935259, + "nauc_map_at_20_max": 11.073749121365623, + "nauc_map_at_20_std": 7.4973309839738, + "nauc_map_at_3_diff1": 62.14039574010254, + "nauc_map_at_3_max": 11.06996398110187, + "nauc_map_at_3_std": 7.288759297085769, + "nauc_map_at_5_diff1": 63.0401271126211, + "nauc_map_at_5_max": 10.779317801858609, + "nauc_map_at_5_std": 6.476660484760681, + "nauc_mrr_at_1000_diff1": 63.31103256935259, + "nauc_mrr_at_1000_max": 11.073749121365623, + "nauc_mrr_at_1000_std": 7.4973309839738, + "nauc_mrr_at_100_diff1": 63.31103256935259, + "nauc_mrr_at_100_max": 11.073749121365623, + "nauc_mrr_at_100_std": 7.4973309839738, + "nauc_mrr_at_10_diff1": 62.91585737195978, + "nauc_mrr_at_10_max": 11.770664508983133, + "nauc_mrr_at_10_std": 8.179883948527962, + "nauc_mrr_at_1_diff1": 66.1236265634718, + "nauc_mrr_at_1_max": 7.000207311173955, + "nauc_mrr_at_1_std": 6.54412272821497, + "nauc_mrr_at_20_diff1": 63.31103256935259, + "nauc_mrr_at_20_max": 11.073749121365623, + "nauc_mrr_at_20_std": 7.4973309839738, + "nauc_mrr_at_3_diff1": 62.14039574010254, + "nauc_mrr_at_3_max": 11.06996398110187, + "nauc_mrr_at_3_std": 7.288759297085769, + "nauc_mrr_at_5_diff1": 63.0401271126211, + "nauc_mrr_at_5_max": 10.779317801858609, + "nauc_mrr_at_5_std": 6.476660484760681, + "nauc_ndcg_at_1000_diff1": 62.9544299483241, + "nauc_ndcg_at_1000_max": 11.577079766964538, + "nauc_ndcg_at_1000_std": 7.703856790100716, + "nauc_ndcg_at_100_diff1": 62.9544299483241, + "nauc_ndcg_at_100_max": 11.577079766964538, + "nauc_ndcg_at_100_std": 7.703856790100716, + "nauc_ndcg_at_10_diff1": 61.29907952217381, + "nauc_ndcg_at_10_max": 14.760627422715425, + "nauc_ndcg_at_10_std": 10.805573898143368, + "nauc_ndcg_at_1_diff1": 66.1236265634718, + "nauc_ndcg_at_1_max": 7.000207311173955, + "nauc_ndcg_at_1_std": 6.54412272821497, + "nauc_ndcg_at_20_diff1": 62.9544299483241, + "nauc_ndcg_at_20_max": 11.577079766964538, + "nauc_ndcg_at_20_std": 7.703856790100716, + "nauc_ndcg_at_3_diff1": 60.25643527856101, + "nauc_ndcg_at_3_max": 12.236302709487546, + "nauc_ndcg_at_3_std": 7.36883189112067, + "nauc_ndcg_at_5_diff1": 61.65220590318238, + "nauc_ndcg_at_5_max": 11.39969101913945, + "nauc_ndcg_at_5_std": 5.406207922379402, + "nauc_precision_at_1000_diff1": NaN, + "nauc_precision_at_1000_max": NaN, + "nauc_precision_at_1000_std": NaN, + "nauc_precision_at_100_diff1": NaN, + "nauc_precision_at_100_max": NaN, + "nauc_precision_at_100_std": NaN, + "nauc_precision_at_10_diff1": 19.14098972922579, + "nauc_precision_at_10_max": 100.0, + "nauc_precision_at_10_std": 93.46405228758135, + "nauc_precision_at_1_diff1": 66.1236265634718, + "nauc_precision_at_1_max": 7.000207311173955, + "nauc_precision_at_1_std": 6.54412272821497, + "nauc_precision_at_20_diff1": 100.0, + "nauc_precision_at_20_max": 100.0, + "nauc_precision_at_20_std": 100.0, + "nauc_precision_at_3_diff1": 50.29636629155561, + "nauc_precision_at_3_max": 18.00532600292076, + "nauc_precision_at_3_std": 7.649686453053768, + "nauc_precision_at_5_diff1": 43.522408963585356, + "nauc_precision_at_5_max": 16.923436041082983, + "nauc_precision_at_5_std": -10.854341736694092, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": NaN, + "nauc_recall_at_100_max": NaN, + "nauc_recall_at_100_std": NaN, + "nauc_recall_at_10_diff1": 19.1409897292252, + "nauc_recall_at_10_max": 100.0, + "nauc_recall_at_10_std": 93.46405228758134, + "nauc_recall_at_1_diff1": 66.1236265634718, + "nauc_recall_at_1_max": 7.000207311173955, + "nauc_recall_at_1_std": 6.54412272821497, + "nauc_recall_at_20_diff1": NaN, + "nauc_recall_at_20_max": NaN, + "nauc_recall_at_20_std": NaN, + "nauc_recall_at_3_diff1": 50.29636629155569, + "nauc_recall_at_3_max": 18.005326002920754, + "nauc_recall_at_3_std": 7.649686453053851, + "nauc_recall_at_5_diff1": 43.5224089635856, + "nauc_recall_at_5_max": 16.92343604108335, + "nauc_recall_at_5_std": -10.854341736694499, + "ndcg_at_1": 68.0, + "ndcg_at_10": 83.851, + "ndcg_at_100": 84.36099999999999, + "ndcg_at_1000": 84.36099999999999, + "ndcg_at_20": 84.36099999999999, + "ndcg_at_3": 80.333, + "ndcg_at_5": 83.21600000000001, + "precision_at_1": 68.0, + "precision_at_10": 9.8, + "precision_at_100": 1.0, + "precision_at_1000": 0.1, + "precision_at_20": 5.0, + "precision_at_3": 29.666999999999998, + "precision_at_5": 19.2, + "recall_at_1": 68.0, + "recall_at_10": 98.0, + "recall_at_100": 100.0, + "recall_at_1000": 100.0, + "recall_at_20": 100.0, + "recall_at_3": 89.0, + "recall_at_5": 96.0 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/T2Reranking.json b/results/jinaai__jina-embeddings-v3/external/T2Reranking.json new file mode 100644 index 000000000..ca3f43774 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "76631901a18387f85eaa53e5450019b87ad58ef9", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 65.3088203970324, + "mrr": 74.79505862376546, + "main_score": 65.3088203970324 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/T2Retrieval.json b/results/jinaai__jina-embeddings-v3/external/T2Retrieval.json new file mode 100644 index 000000000..f3a234239 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/T2Retrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "8731a845f1bf500a4f111cf1070785c793d10e64", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 83.163, + "map_at_1": 26.875, + "map_at_10": 75.454, + "map_at_100": 79.036, + "map_at_1000": 79.111, + "map_at_20": 78.145, + "map_at_3": 53.181, + "map_at_5": 65.362, + "mrr_at_1": 88.90057864281957, + "mrr_at_10": 91.53186397301344, + "mrr_at_100": 91.62809075510003, + "mrr_at_1000": 91.63198173030787, + "mrr_at_20": 91.59414668799909, + "mrr_at_3": 91.0792565316499, + "mrr_at_5": 91.35718043135199, + "nauc_map_at_1000_diff1": 12.364843957982409, + "nauc_map_at_1000_max": 52.07043464458799, + "nauc_map_at_1000_std": 16.040095055100494, + "nauc_map_at_100_diff1": 12.370621073823022, + "nauc_map_at_100_max": 51.960738727635636, + "nauc_map_at_100_std": 15.935832440430747, + "nauc_map_at_10_diff1": 16.852819486606585, + "nauc_map_at_10_max": 40.11184760756059, + "nauc_map_at_10_std": 0.9306648364102376, + "nauc_map_at_1_diff1": 52.87356542654683, + "nauc_map_at_1_max": -22.210039746171255, + "nauc_map_at_1_std": -38.11345358035342, + "nauc_map_at_20_diff1": 13.045089059562837, + "nauc_map_at_20_max": 49.591383082160036, + "nauc_map_at_20_std": 12.54330050352008, + "nauc_map_at_3_diff1": 38.08172234377615, + "nauc_map_at_3_max": -6.868621684867697, + "nauc_map_at_3_std": -35.4712388845996, + "nauc_map_at_5_diff1": 29.665551705577474, + "nauc_map_at_5_max": 10.958628576519045, + "nauc_map_at_5_std": -25.113120842097057, + "nauc_mrr_at_1000_diff1": 47.39372999496945, + "nauc_mrr_at_1000_max": 83.11274997493808, + "nauc_mrr_at_1000_std": 39.74195374546631, + "nauc_mrr_at_100_diff1": 47.396678946057676, + "nauc_mrr_at_100_max": 83.1192584274415, + "nauc_mrr_at_100_std": 39.75840860374685, + "nauc_mrr_at_10_diff1": 47.35365644138715, + "nauc_mrr_at_10_max": 83.189165639531, + "nauc_mrr_at_10_std": 39.83653157887758, + "nauc_mrr_at_1_diff1": 47.98740362820094, + "nauc_mrr_at_1_max": 80.32340034580369, + "nauc_mrr_at_1_std": 34.57857131423388, + "nauc_mrr_at_20_diff1": 47.399132055537194, + "nauc_mrr_at_20_max": 83.16329919869686, + "nauc_mrr_at_20_std": 39.84204692042734, + "nauc_mrr_at_3_diff1": 47.09295580511751, + "nauc_mrr_at_3_max": 82.95831045602642, + "nauc_mrr_at_3_std": 38.98036804692351, + "nauc_mrr_at_5_diff1": 47.20100268549764, + "nauc_mrr_at_5_max": 83.16652480381642, + "nauc_mrr_at_5_std": 39.55690491560902, + "nauc_ndcg_at_1000_diff1": 17.201962509184547, + "nauc_ndcg_at_1000_max": 63.75820559259539, + "nauc_ndcg_at_1000_std": 29.28676096486067, + "nauc_ndcg_at_100_diff1": 16.76847216096811, + "nauc_ndcg_at_100_max": 62.646517934470744, + "nauc_ndcg_at_100_std": 28.7441617667637, + "nauc_ndcg_at_10_diff1": 16.559511980751886, + "nauc_ndcg_at_10_max": 54.35027464277944, + "nauc_ndcg_at_10_std": 16.98089333577716, + "nauc_ndcg_at_1_diff1": 47.98740362820094, + "nauc_ndcg_at_1_max": 80.32340034580369, + "nauc_ndcg_at_1_std": 34.57857131423388, + "nauc_ndcg_at_20_diff1": 16.721525245428243, + "nauc_ndcg_at_20_max": 57.683661870555724, + "nauc_ndcg_at_20_std": 21.736044200026853, + "nauc_ndcg_at_3_diff1": 12.488009696556192, + "nauc_ndcg_at_3_max": 69.2365575305502, + "nauc_ndcg_at_3_std": 30.622418945055323, + "nauc_ndcg_at_5_diff1": 12.364114556230609, + "nauc_ndcg_at_5_max": 62.33360746285387, + "nauc_ndcg_at_5_std": 24.898000803570227, + "nauc_precision_at_1000_diff1": -35.14745130154524, + "nauc_precision_at_1000_max": 48.811507982849065, + "nauc_precision_at_1000_std": 62.43036496029399, + "nauc_precision_at_100_diff1": -35.15276411320076, + "nauc_precision_at_100_max": 50.87010333741109, + "nauc_precision_at_100_std": 63.418221030407175, + "nauc_precision_at_10_diff1": -34.84255710936113, + "nauc_precision_at_10_max": 56.588401051428825, + "nauc_precision_at_10_std": 57.4763370653757, + "nauc_precision_at_1_diff1": 47.98740362820094, + "nauc_precision_at_1_max": 80.32340034580369, + "nauc_precision_at_1_std": 34.57857131423388, + "nauc_precision_at_20_diff1": -35.165762365233505, + "nauc_precision_at_20_max": 54.148762449660424, + "nauc_precision_at_20_std": 61.569719669368716, + "nauc_precision_at_3_diff1": -28.63023175340299, + "nauc_precision_at_3_max": 68.69825987618499, + "nauc_precision_at_3_std": 48.15479495755423, + "nauc_precision_at_5_diff1": -34.13811355456687, + "nauc_precision_at_5_max": 62.369363941490604, + "nauc_precision_at_5_std": 52.282904411187914, + "nauc_recall_at_1000_diff1": 8.686444579162663, + "nauc_recall_at_1000_max": 59.58864478011338, + "nauc_recall_at_1000_std": 56.692774954297455, + "nauc_recall_at_100_diff1": 8.820596225758342, + "nauc_recall_at_100_max": 53.15048885657892, + "nauc_recall_at_100_std": 39.78931159236714, + "nauc_recall_at_10_diff1": 16.022301106315027, + "nauc_recall_at_10_max": 29.83242342459543, + "nauc_recall_at_10_std": -4.805965555875844, + "nauc_recall_at_1_diff1": 52.87356542654683, + "nauc_recall_at_1_max": -22.210039746171255, + "nauc_recall_at_1_std": -38.11345358035342, + "nauc_recall_at_20_diff1": 10.35772828627265, + "nauc_recall_at_20_max": 43.06420839754062, + "nauc_recall_at_20_std": 15.040522218235692, + "nauc_recall_at_3_diff1": 36.23953684770224, + "nauc_recall_at_3_max": -11.709269151700374, + "nauc_recall_at_3_std": -38.13943178150384, + "nauc_recall_at_5_diff1": 28.644872415763384, + "nauc_recall_at_5_max": 2.062151266111129, + "nauc_recall_at_5_std": -30.81114034774277, + "ndcg_at_1": 88.901, + "ndcg_at_10": 83.163, + "ndcg_at_100": 86.854, + "ndcg_at_1000": 87.602, + "ndcg_at_20": 84.908, + "ndcg_at_3": 84.848, + "ndcg_at_5": 83.372, + "precision_at_1": 88.901, + "precision_at_10": 41.343, + "precision_at_100": 4.957000000000001, + "precision_at_1000": 0.513, + "precision_at_20": 22.955000000000002, + "precision_at_3": 74.29599999999999, + "precision_at_5": 62.251999999999995, + "recall_at_1": 26.875, + "recall_at_10": 81.902, + "recall_at_100": 93.988, + "recall_at_1000": 97.801, + "recall_at_20": 87.809, + "recall_at_3": 54.869, + "recall_at_5": 68.728 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/TERRa.json b/results/jinaai__jina-embeddings-v3/external/TERRa.json new file mode 100644 index 000000000..2249ccfb5 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/TERRa.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "7b58f24536063837d644aab9a023c62199b2a612", + "task_name": "TERRa", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "cosine_accuracy": 60.586319218241044, + "cosine_accuracy_threshold": 82.49806761741638, + "cosine_ap": 58.73198048427448, + "cosine_f1": 67.37967914438502, + "cosine_f1_threshold": 77.46461033821106, + "cosine_precision": 57.01357466063348, + "cosine_recall": 82.35294117647058, + "dot_accuracy": 60.26058631921825, + "dot_accuracy_threshold": 35627.020263671875, + "dot_ap": 57.418783612898224, + "dot_f1": 66.51982378854623, + "dot_f1_threshold": 27620.843505859375, + "dot_precision": 50.16611295681063, + "dot_recall": 98.69281045751634, + "euclidean_accuracy": 60.26058631921825, + "euclidean_accuracy_threshold": 1255.4466247558594, + "euclidean_ap": 58.748656145387955, + "euclidean_f1": 66.99029126213591, + "euclidean_f1_threshold": 1565.1330947875977, + "euclidean_precision": 53.28185328185329, + "euclidean_recall": 90.19607843137256, + "main_score": 58.8479126365766, + "manhattan_accuracy": 59.934853420195445, + "manhattan_accuracy_threshold": 29897.271728515625, + "manhattan_ap": 58.8479126365766, + "manhattan_f1": 66.81318681318683, + "manhattan_f1_threshold": 46291.802978515625, + "manhattan_precision": 50.331125827814574, + "manhattan_recall": 99.34640522875817, + "max_accuracy": 60.586319218241044, + "max_ap": 58.8479126365766, + "max_f1": 67.37967914438502, + "max_precision": 57.01357466063348, + "max_recall": 99.34640522875817, + "similarity_accuracy": 60.586319218241044, + "similarity_accuracy_threshold": 82.49806761741638, + "similarity_ap": 58.73198048427448, + "similarity_f1": 67.37967914438502, + "similarity_f1_threshold": 77.46461033821106, + "similarity_precision": 57.01357466063348, + "similarity_recall": 82.35294117647058 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/TNews.json b/results/jinaai__jina-embeddings-v3/external/TNews.json new file mode 100644 index 000000000..1da8e84b5 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/TNews.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "317f262bf1e6126357bbe89e875451e4b0938fe4", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 45.967999999999996, + "f1": 44.699306100915706, + "f1_weighted": 46.03730319014832, + "main_score": 45.967999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/TRECCOVID-PL.json b/results/jinaai__jina-embeddings-v3/external/TRECCOVID-PL.json new file mode 100644 index 000000000..d77ae7c8a --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/TRECCOVID-PL.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "81bcb408f33366c2a20ac54adafad1ae7e877fdd", + "task_name": "TRECCOVID-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "main_score": 72.18900000000001, + "map_at_1": 0.214, + "map_at_10": 1.755, + "map_at_100": 9.944, + "map_at_1000": 24.205, + "map_at_20": 3.1510000000000002, + "map_at_3": 0.6, + "map_at_5": 0.9560000000000001, + "mrr_at_1": 82.0, + "mrr_at_10": 89.06666666666666, + "mrr_at_100": 89.06666666666666, + "mrr_at_1000": 89.06666666666666, + "mrr_at_20": 89.06666666666666, + "mrr_at_3": 87.66666666666666, + "mrr_at_5": 89.06666666666666, + "nauc_map_at_1000_diff1": -9.342037623635543, + "nauc_map_at_1000_max": 45.71499810252398, + "nauc_map_at_1000_std": 76.86482845196852, + "nauc_map_at_100_diff1": -6.932395299866198, + "nauc_map_at_100_max": 36.097801891181604, + "nauc_map_at_100_std": 65.6085215411685, + "nauc_map_at_10_diff1": -6.3654843824342775, + "nauc_map_at_10_max": 9.564437521432714, + "nauc_map_at_10_std": 21.8377319336476, + "nauc_map_at_1_diff1": 8.269590874255034, + "nauc_map_at_1_max": 3.482498491294516, + "nauc_map_at_1_std": 8.985226819412189, + "nauc_map_at_20_diff1": -4.971435767877232, + "nauc_map_at_20_max": 22.88801858567121, + "nauc_map_at_20_std": 32.38492618534027, + "nauc_map_at_3_diff1": 1.1615973694623123, + "nauc_map_at_3_max": 1.935417800315643, + "nauc_map_at_3_std": 10.289328305818698, + "nauc_map_at_5_diff1": -2.4675967231444105, + "nauc_map_at_5_max": 2.4611483736622373, + "nauc_map_at_5_std": 15.082324305750811, + "nauc_mrr_at_1000_diff1": 13.098526703499063, + "nauc_mrr_at_1000_max": 56.37362177417431, + "nauc_mrr_at_1000_std": 73.2456769749587, + "nauc_mrr_at_100_diff1": 13.098526703499063, + "nauc_mrr_at_100_max": 56.37362177417431, + "nauc_mrr_at_100_std": 73.2456769749587, + "nauc_mrr_at_10_diff1": 13.098526703499063, + "nauc_mrr_at_10_max": 56.37362177417431, + "nauc_mrr_at_10_std": 73.2456769749587, + "nauc_mrr_at_1_diff1": 12.099350148694809, + "nauc_mrr_at_1_max": 53.75041304108387, + "nauc_mrr_at_1_std": 68.84018063663402, + "nauc_mrr_at_20_diff1": 13.098526703499063, + "nauc_mrr_at_20_max": 56.37362177417431, + "nauc_mrr_at_20_std": 73.2456769749587, + "nauc_mrr_at_3_diff1": 12.173557857011161, + "nauc_mrr_at_3_max": 57.540780562363395, + "nauc_mrr_at_3_std": 75.42098189580211, + "nauc_mrr_at_5_diff1": 13.098526703499063, + "nauc_mrr_at_5_max": 56.37362177417431, + "nauc_mrr_at_5_std": 73.2456769749587, + "nauc_ndcg_at_1000_diff1": -8.951471847310401, + "nauc_ndcg_at_1000_max": 43.86942237288822, + "nauc_ndcg_at_1000_std": 74.61077735148591, + "nauc_ndcg_at_100_diff1": -17.754559361083817, + "nauc_ndcg_at_100_max": 53.97187119773482, + "nauc_ndcg_at_100_std": 80.7944136146514, + "nauc_ndcg_at_10_diff1": -26.637734697836414, + "nauc_ndcg_at_10_max": 47.70102699133149, + "nauc_ndcg_at_10_std": 70.26909560828646, + "nauc_ndcg_at_1_diff1": -1.2250530785563207, + "nauc_ndcg_at_1_max": 46.60509554140131, + "nauc_ndcg_at_1_std": 62.63906581740976, + "nauc_ndcg_at_20_diff1": -22.44286466550908, + "nauc_ndcg_at_20_max": 55.40492058090103, + "nauc_ndcg_at_20_std": 72.11813912145738, + "nauc_ndcg_at_3_diff1": -14.8152721896563, + "nauc_ndcg_at_3_max": 38.952259383027595, + "nauc_ndcg_at_3_std": 59.819750166537766, + "nauc_ndcg_at_5_diff1": -19.150105688904375, + "nauc_ndcg_at_5_max": 42.311180547775315, + "nauc_ndcg_at_5_std": 66.6632229321094, + "nauc_precision_at_1000_diff1": -11.555591477978941, + "nauc_precision_at_1000_max": 43.7311644834851, + "nauc_precision_at_1000_std": 52.10644767999648, + "nauc_precision_at_100_diff1": -16.94803099801117, + "nauc_precision_at_100_max": 54.08281631067633, + "nauc_precision_at_100_std": 82.77237347891331, + "nauc_precision_at_10_diff1": -27.351332814863355, + "nauc_precision_at_10_max": 48.08237549065846, + "nauc_precision_at_10_std": 69.37250843534329, + "nauc_precision_at_1_diff1": 12.099350148694809, + "nauc_precision_at_1_max": 53.75041304108387, + "nauc_precision_at_1_std": 68.84018063663402, + "nauc_precision_at_20_diff1": -18.2422222283388, + "nauc_precision_at_20_max": 59.517328129343696, + "nauc_precision_at_20_std": 72.05149307342747, + "nauc_precision_at_3_diff1": -10.226547543075897, + "nauc_precision_at_3_max": 43.14684818832875, + "nauc_precision_at_3_std": 57.31936467418288, + "nauc_precision_at_5_diff1": -14.28521589468673, + "nauc_precision_at_5_max": 41.633426753962596, + "nauc_precision_at_5_std": 64.94400576804541, + "nauc_recall_at_1000_diff1": -0.9648831207497152, + "nauc_recall_at_1000_max": 31.70832946085005, + "nauc_recall_at_1000_std": 63.21471613968869, + "nauc_recall_at_100_diff1": -1.360254380933586, + "nauc_recall_at_100_max": 25.960597782099605, + "nauc_recall_at_100_std": 51.52757589609674, + "nauc_recall_at_10_diff1": -0.3899439424189566, + "nauc_recall_at_10_max": 5.094341897886072, + "nauc_recall_at_10_std": 11.266045616925698, + "nauc_recall_at_1_diff1": 8.269590874255034, + "nauc_recall_at_1_max": 3.482498491294516, + "nauc_recall_at_1_std": 8.985226819412189, + "nauc_recall_at_20_diff1": 6.4797098359254175, + "nauc_recall_at_20_max": 15.663700985336124, + "nauc_recall_at_20_std": 17.154099587904913, + "nauc_recall_at_3_diff1": 3.7245972450393507, + "nauc_recall_at_3_max": 0.4063857187240345, + "nauc_recall_at_3_std": 6.641948062821941, + "nauc_recall_at_5_diff1": 4.013879477591466, + "nauc_recall_at_5_max": -1.4266586618013566, + "nauc_recall_at_5_std": 7.311601874411205, + "ndcg_at_1": 75.0, + "ndcg_at_10": 72.18900000000001, + "ndcg_at_100": 54.022999999999996, + "ndcg_at_1000": 49.492000000000004, + "ndcg_at_20": 68.51, + "ndcg_at_3": 73.184, + "ndcg_at_5": 72.811, + "precision_at_1": 82.0, + "precision_at_10": 77.4, + "precision_at_100": 55.24, + "precision_at_1000": 21.822, + "precision_at_20": 73.0, + "precision_at_3": 79.333, + "precision_at_5": 79.2, + "recall_at_1": 0.214, + "recall_at_10": 1.9980000000000002, + "recall_at_100": 13.328999999999999, + "recall_at_1000": 47.204, + "recall_at_20": 3.7310000000000003, + "recall_at_3": 0.628, + "recall_at_5": 1.049 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/TRECCOVID.json b/results/jinaai__jina-embeddings-v3/external/TRECCOVID.json new file mode 100644 index 000000000..801d60cf4 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/TRECCOVID.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "bb9466bac8153a0349341eb1b22e06409e78ef4e", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.251, + "map_at_10": 1.9480000000000002, + "map_at_100": 11.082, + "map_at_1000": 26.700000000000003, + "map_at_20": 3.3529999999999998, + "map_at_3": 0.679, + "map_at_5": 1.079, + "mrr_at_1": 94.0, + "mrr_at_10": 95.786, + "mrr_at_100": 95.786, + "mrr_at_1000": 95.786, + "mrr_at_20": 95.786, + "mrr_at_3": 95.0, + "mrr_at_5": 95.5, + "ndcg_at_1": 91.0, + "ndcg_at_10": 77.71900000000001, + "ndcg_at_100": 57.726, + "ndcg_at_1000": 52.737, + "ndcg_at_20": 72.54, + "ndcg_at_3": 83.397, + "ndcg_at_5": 80.806, + "precision_at_1": 94.0, + "precision_at_10": 81.0, + "precision_at_100": 59.199999999999996, + "precision_at_1000": 23.244, + "precision_at_20": 75.2, + "precision_at_3": 88.0, + "precision_at_5": 84.8, + "recall_at_1": 0.251, + "recall_at_10": 2.1229999999999998, + "recall_at_100": 14.496999999999998, + "recall_at_1000": 50.09, + "recall_at_20": 3.8309999999999995, + "recall_at_3": 0.696, + "recall_at_5": 1.1400000000000001, + "main_score": 77.71900000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/TenKGnadClusteringP2P.json b/results/jinaai__jina-embeddings-v3/external/TenKGnadClusteringP2P.json new file mode 100644 index 000000000..a2da90956 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/TenKGnadClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "5c59e41555244b7e45c9a6be2d720ab4bafae558", + "task_name": "TenKGnadClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "deu-Latn" + ], + "main_score": 43.763609722295215, + "v_measure": 43.763609722295215, + "v_measure_std": 2.8751199473862457 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/TenKGnadClusteringS2S.json b/results/jinaai__jina-embeddings-v3/external/TenKGnadClusteringS2S.json new file mode 100644 index 000000000..03339bef0 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/TenKGnadClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6cddbe003f12b9b140aec477b583ac4191f01786", + "task_name": "TenKGnadClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "deu-Latn" + ], + "main_score": 39.762424448504355, + "v_measure": 39.762424448504355, + "v_measure_std": 3.30146124979502 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/ThuNewsClusteringP2P.json b/results/jinaai__jina-embeddings-v3/external/ThuNewsClusteringP2P.json new file mode 100644 index 000000000..fde58f975 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/ThuNewsClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "5798586b105c0434e4f0fe5e767abe619442cf93", + "task_name": "ThuNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 63.133819258289456, + "v_measure": 63.133819258289456, + "v_measure_std": 1.8854253356479695 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/ThuNewsClusteringS2S.json b/results/jinaai__jina-embeddings-v3/external/ThuNewsClusteringS2S.json new file mode 100644 index 000000000..b3ebeb402 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/ThuNewsClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "8a8b2caeda43f39e13c4bc5bea0f8a667896e10d", + "task_name": "ThuNewsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 58.98195851785808, + "v_measure": 58.98195851785808, + "v_measure_std": 1.6237600076393737 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/Touche2020.json b/results/jinaai__jina-embeddings-v3/external/Touche2020.json new file mode 100644 index 000000000..9d12ff3a1 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/Touche2020.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.3550000000000004, + "map_at_10": 10.08, + "map_at_100": 16.136, + "map_at_1000": 17.605, + "map_at_20": 12.561, + "map_at_3": 5.641, + "map_at_5": 7.3260000000000005, + "mrr_at_1": 46.939, + "mrr_at_10": 58.152, + "mrr_at_100": 58.594, + "mrr_at_1000": 58.601000000000006, + "mrr_at_20": 58.279, + "mrr_at_3": 55.102, + "mrr_at_5": 56.531, + "ndcg_at_1": 44.897999999999996, + "ndcg_at_10": 26.298, + "ndcg_at_100": 37.596000000000004, + "ndcg_at_1000": 49.424, + "ndcg_at_20": 27.066000000000003, + "ndcg_at_3": 31.528, + "ndcg_at_5": 28.219, + "precision_at_1": 46.939, + "precision_at_10": 22.245, + "precision_at_100": 7.531000000000001, + "precision_at_1000": 1.5350000000000001, + "precision_at_20": 17.041, + "precision_at_3": 30.612000000000002, + "precision_at_5": 26.122, + "recall_at_1": 3.3550000000000004, + "recall_at_10": 16.41, + "recall_at_100": 47.272, + "recall_at_1000": 83.584, + "recall_at_20": 24.091, + "recall_at_3": 6.8180000000000005, + "recall_at_5": 9.677, + "main_score": 26.298 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/ToxicConversationsClassification.json b/results/jinaai__jina-embeddings-v3/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..29db843dc --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/ToxicConversationsClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.2890625, + "ap": 33.95547153875715, + "ap_weighted": 33.95547153875715, + "f1": 75.10768597556462, + "f1_weighted": 92.00161208992606, + "main_score": 91.2890625 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/TweetSentimentExtractionClassification.json b/results/jinaai__jina-embeddings-v3/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..df09ffed9 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.3978494623656, + "f1": 71.7194818511814, + "f1_weighted": 71.13860187349744, + "main_score": 71.3978494623656 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/TwentyNewsgroupsClustering.json b/results/jinaai__jina-embeddings-v3/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..1a0276f0e --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 52.4921688720602, + "v_measure": 52.4921688720602, + "v_measure_std": 0.992768152658908 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/TwitterSemEval2015.json b/results/jinaai__jina-embeddings-v3/external/TwitterSemEval2015.json new file mode 100644 index 000000000..50c6240cd --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/TwitterSemEval2015.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 85.11652858079513, + "cosine_accuracy_threshold": 87.90839910507202, + "cosine_ap": 70.90459908851724, + "cosine_f1": 65.66581227877457, + "cosine_f1_threshold": 85.13308763504028, + "cosine_precision": 61.094708153531684, + "cosine_recall": 70.97625329815304, + "dot_accuracy": 83.41181379269239, + "dot_accuracy_threshold": 43110.113525390625, + "dot_ap": 65.64869491143095, + "dot_f1": 62.05308447460914, + "dot_f1_threshold": 41412.542724609375, + "dot_precision": 57.38623626989464, + "dot_recall": 67.54617414248021, + "euclidean_accuracy": 85.15229182809799, + "euclidean_accuracy_threshold": 1043.08500289917, + "euclidean_ap": 70.71204383269375, + "euclidean_f1": 65.20304568527919, + "euclidean_f1_threshold": 1179.2595863342285, + "euclidean_precision": 62.81173594132029, + "euclidean_recall": 67.78364116094987, + "main_score": 70.90459908851724, + "manhattan_accuracy": 85.1820945341837, + "manhattan_accuracy_threshold": 26115.0390625, + "manhattan_ap": 70.66113937117431, + "manhattan_f1": 65.33383628819313, + "manhattan_f1_threshold": 29105.181884765625, + "manhattan_precision": 62.40691808791736, + "manhattan_recall": 68.54881266490766, + "max_accuracy": 85.1820945341837, + "max_ap": 70.90459908851724, + "max_f1": 65.66581227877457, + "max_precision": 62.81173594132029, + "max_recall": 70.97625329815304, + "similarity_accuracy": 85.11652858079513, + "similarity_accuracy_threshold": 87.90839910507202, + "similarity_ap": 70.90459908851724, + "similarity_f1": 65.66581227877457, + "similarity_f1_threshold": 85.13308763504028, + "similarity_precision": 61.094708153531684, + "similarity_recall": 70.97625329815304 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/TwitterURLCorpus.json b/results/jinaai__jina-embeddings-v3/external/TwitterURLCorpus.json new file mode 100644 index 000000000..d06c11d64 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/TwitterURLCorpus.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 88.10299996119068, + "cosine_accuracy_threshold": 84.34982895851135, + "cosine_ap": 84.13755787769226, + "cosine_f1": 76.0967548076923, + "cosine_f1_threshold": 82.8936219215393, + "cosine_precision": 74.28864769727193, + "cosine_recall": 77.99507237449954, + "dot_accuracy": 86.64182869561843, + "dot_accuracy_threshold": 38794.677734375, + "dot_ap": 80.20301567411457, + "dot_f1": 73.50650291634967, + "dot_f1_threshold": 37447.23205566406, + "dot_precision": 69.41498460485802, + "dot_recall": 78.11056359716662, + "euclidean_accuracy": 87.9361198432103, + "euclidean_accuracy_threshold": 1184.421157836914, + "euclidean_ap": 83.79582690117218, + "euclidean_f1": 75.81431709042175, + "euclidean_f1_threshold": 1258.2727432250977, + "euclidean_precision": 73.39099099099099, + "euclidean_recall": 78.40314136125654, + "main_score": 84.13755787769226, + "manhattan_accuracy": 87.96134590755618, + "manhattan_accuracy_threshold": 29077.291870117188, + "manhattan_ap": 83.79487172269923, + "manhattan_f1": 75.82421603424935, + "manhattan_f1_threshold": 31224.124145507812, + "manhattan_precision": 72.24740255212329, + "manhattan_recall": 79.77363720357253, + "max_accuracy": 88.10299996119068, + "max_ap": 84.13755787769226, + "max_f1": 76.0967548076923, + "max_precision": 74.28864769727193, + "max_recall": 79.77363720357253, + "similarity_accuracy": 88.10299996119068, + "similarity_accuracy_threshold": 84.34982895851135, + "similarity_ap": 84.13755787769226, + "similarity_f1": 76.0967548076923, + "similarity_f1_threshold": 82.8936219215393, + "similarity_precision": 74.28864769727193, + "similarity_recall": 77.99507237449954 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/VideoRetrieval.json b/results/jinaai__jina-embeddings-v3/external/VideoRetrieval.json new file mode 100644 index 000000000..eb44c3ef2 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/VideoRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "58c2597a5943a2ba48f4668c3b90d796283c5639", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 70.433, + "map_at_1": 55.7, + "map_at_10": 66.013, + "map_at_100": 66.534, + "map_at_1000": 66.547, + "map_at_20": 66.334, + "map_at_3": 64.2, + "map_at_5": 65.445, + "mrr_at_1": 55.7, + "mrr_at_10": 66.01329365079364, + "mrr_at_100": 66.53350061744233, + "mrr_at_1000": 66.54744831962995, + "mrr_at_20": 66.3335147364675, + "mrr_at_3": 64.2, + "mrr_at_5": 65.44500000000002, + "nauc_map_at_1000_diff1": 76.26428836976245, + "nauc_map_at_1000_max": 35.41847367373575, + "nauc_map_at_1000_std": -33.04639860831992, + "nauc_map_at_100_diff1": 76.25793229023193, + "nauc_map_at_100_max": 35.43663260110076, + "nauc_map_at_100_std": -33.04238139882945, + "nauc_map_at_10_diff1": 76.2108281297711, + "nauc_map_at_10_max": 35.59442419423183, + "nauc_map_at_10_std": -33.32346518997277, + "nauc_map_at_1_diff1": 79.17728405262736, + "nauc_map_at_1_max": 31.880738163589527, + "nauc_map_at_1_std": -30.891888718004584, + "nauc_map_at_20_diff1": 76.2181333410193, + "nauc_map_at_20_max": 35.43448818430876, + "nauc_map_at_20_std": -33.35682442863193, + "nauc_map_at_3_diff1": 76.10046541433466, + "nauc_map_at_3_max": 34.6831278555291, + "nauc_map_at_3_std": -34.030826044831116, + "nauc_map_at_5_diff1": 75.96513023582064, + "nauc_map_at_5_max": 34.66920832438069, + "nauc_map_at_5_std": -33.79799777830796, + "nauc_mrr_at_1000_diff1": 76.26428836976245, + "nauc_mrr_at_1000_max": 35.41847367373575, + "nauc_mrr_at_1000_std": -33.04639860831992, + "nauc_mrr_at_100_diff1": 76.25793229023193, + "nauc_mrr_at_100_max": 35.43663260110076, + "nauc_mrr_at_100_std": -33.04238139882945, + "nauc_mrr_at_10_diff1": 76.2108281297711, + "nauc_mrr_at_10_max": 35.59442419423183, + "nauc_mrr_at_10_std": -33.32346518997277, + "nauc_mrr_at_1_diff1": 79.17728405262736, + "nauc_mrr_at_1_max": 31.880738163589527, + "nauc_mrr_at_1_std": -30.891888718004584, + "nauc_mrr_at_20_diff1": 76.2181333410193, + "nauc_mrr_at_20_max": 35.43448818430876, + "nauc_mrr_at_20_std": -33.35682442863193, + "nauc_mrr_at_3_diff1": 76.10046541433466, + "nauc_mrr_at_3_max": 34.6831278555291, + "nauc_mrr_at_3_std": -34.030826044831116, + "nauc_mrr_at_5_diff1": 75.96513023582064, + "nauc_mrr_at_5_max": 34.66920832438069, + "nauc_mrr_at_5_std": -33.79799777830796, + "nauc_ndcg_at_1000_diff1": 75.68118206798317, + "nauc_ndcg_at_1000_max": 37.12252980787349, + "nauc_ndcg_at_1000_std": -31.457578337430505, + "nauc_ndcg_at_100_diff1": 75.46730761564156, + "nauc_ndcg_at_100_max": 37.549890025544265, + "nauc_ndcg_at_100_std": -31.35066985945112, + "nauc_ndcg_at_10_diff1": 75.09890404887037, + "nauc_ndcg_at_10_max": 38.024147790014204, + "nauc_ndcg_at_10_std": -33.67408368593356, + "nauc_ndcg_at_1_diff1": 79.17728405262736, + "nauc_ndcg_at_1_max": 31.880738163589527, + "nauc_ndcg_at_1_std": -30.891888718004584, + "nauc_ndcg_at_20_diff1": 75.12977548171354, + "nauc_ndcg_at_20_max": 37.524926748917956, + "nauc_ndcg_at_20_std": -33.771344674947485, + "nauc_ndcg_at_3_diff1": 74.94037476984154, + "nauc_ndcg_at_3_max": 35.60345554050552, + "nauc_ndcg_at_3_std": -35.256991346321854, + "nauc_ndcg_at_5_diff1": 74.54265907753783, + "nauc_ndcg_at_5_max": 35.57662819978585, + "nauc_ndcg_at_5_std": -34.879794448418465, + "nauc_precision_at_1000_diff1": 74.52277207179142, + "nauc_precision_at_1000_max": 94.25510945118707, + "nauc_precision_at_1000_std": 91.6874157070222, + "nauc_precision_at_100_diff1": 65.98346655735419, + "nauc_precision_at_100_max": 78.81168727653687, + "nauc_precision_at_100_std": 27.241465691967708, + "nauc_precision_at_10_diff1": 69.55050319096688, + "nauc_precision_at_10_max": 51.827749140893374, + "nauc_precision_at_10_std": -34.60818605792837, + "nauc_precision_at_1_diff1": 79.17728405262736, + "nauc_precision_at_1_max": 31.880738163589527, + "nauc_precision_at_1_std": -30.891888718004584, + "nauc_precision_at_20_diff1": 68.08078305042736, + "nauc_precision_at_20_max": 52.83318878288501, + "nauc_precision_at_20_std": -35.46070292817927, + "nauc_precision_at_3_diff1": 70.76249609881901, + "nauc_precision_at_3_max": 38.86561868624655, + "nauc_precision_at_3_std": -39.68917853446992, + "nauc_precision_at_5_diff1": 68.39110629013278, + "nauc_precision_at_5_max": 39.28677163904683, + "nauc_precision_at_5_std": -39.39101423819562, + "nauc_recall_at_1000_diff1": 74.52277207179175, + "nauc_recall_at_1000_max": 94.25510945118776, + "nauc_recall_at_1000_std": 91.68741570702382, + "nauc_recall_at_100_diff1": 65.9834665573548, + "nauc_recall_at_100_max": 78.81168727653679, + "nauc_recall_at_100_std": 27.241465691967598, + "nauc_recall_at_10_diff1": 69.55050319096708, + "nauc_recall_at_10_max": 51.82774914089347, + "nauc_recall_at_10_std": -34.6081860579283, + "nauc_recall_at_1_diff1": 79.17728405262736, + "nauc_recall_at_1_max": 31.880738163589527, + "nauc_recall_at_1_std": -30.891888718004584, + "nauc_recall_at_20_diff1": 68.08078305042746, + "nauc_recall_at_20_max": 52.833188782885244, + "nauc_recall_at_20_std": -35.46070292817895, + "nauc_recall_at_3_diff1": 70.76249609881896, + "nauc_recall_at_3_max": 38.865618686246464, + "nauc_recall_at_3_std": -39.68917853446999, + "nauc_recall_at_5_diff1": 68.39110629013274, + "nauc_recall_at_5_max": 39.28677163904688, + "nauc_recall_at_5_std": -39.39101423819562, + "ndcg_at_1": 55.7, + "ndcg_at_10": 70.433, + "ndcg_at_100": 72.975, + "ndcg_at_1000": 73.283, + "ndcg_at_20": 71.58, + "ndcg_at_3": 66.83099999999999, + "ndcg_at_5": 69.085, + "precision_at_1": 55.7, + "precision_at_10": 8.4, + "precision_at_100": 0.959, + "precision_at_1000": 0.098, + "precision_at_20": 4.425, + "precision_at_3": 24.8, + "precision_at_5": 15.98, + "recall_at_1": 55.7, + "recall_at_10": 84.0, + "recall_at_100": 95.89999999999999, + "recall_at_1000": 98.2, + "recall_at_20": 88.5, + "recall_at_3": 74.4, + "recall_at_5": 79.9 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/Waimai.json b/results/jinaai__jina-embeddings-v3/external/Waimai.json new file mode 100644 index 000000000..262fdbccb --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/Waimai.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "339287def212450dcaa9df8c22bf93e9980c7023", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 86.58999999999999, + "ap": 70.02619249927523, + "ap_weighted": 70.02619249927523, + "f1": 84.97572770889423, + "f1_weighted": 86.6865713531272, + "main_score": 86.58999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/XMarket.json b/results/jinaai__jina-embeddings-v3/external/XMarket.json new file mode 100644 index 000000000..88ba69262 --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/XMarket.json @@ -0,0 +1,451 @@ +{ + "dataset_revision": "dfe57acff5b62c23732a7b7d3e3fb84ff501708b", + "task_name": "XMarket", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "main_score": 34.772999999999996, + "map_at_1": 7.2620000000000005, + "map_at_10": 17.98, + "map_at_100": 24.828, + "map_at_1000": 26.633000000000003, + "map_at_20": 20.699, + "map_at_3": 12.383, + "map_at_5": 14.871, + "mrr_at_1": 34.718100890207715, + "mrr_at_10": 43.9336827525092, + "mrr_at_100": 44.66474011066837, + "mrr_at_1000": 44.7075592197356, + "mrr_at_20": 44.35984436569346, + "mrr_at_3": 41.73901893981052, + "mrr_at_5": 43.025973550207134, + "nauc_map_at_1000_diff1": 13.899869081196364, + "nauc_map_at_1000_max": 46.60452816386231, + "nauc_map_at_1000_std": 24.87925799401773, + "nauc_map_at_100_diff1": 16.164805650871084, + "nauc_map_at_100_max": 44.720912958558095, + "nauc_map_at_100_std": 20.236734536210477, + "nauc_map_at_10_diff1": 23.58580520913581, + "nauc_map_at_10_max": 31.276151869914216, + "nauc_map_at_10_std": -0.1833326246041355, + "nauc_map_at_1_diff1": 37.02663305598722, + "nauc_map_at_1_max": 14.931071531116528, + "nauc_map_at_1_std": -12.478790028708453, + "nauc_map_at_20_diff1": 20.718297881540593, + "nauc_map_at_20_max": 36.62264094841859, + "nauc_map_at_20_std": 6.658514770057742, + "nauc_map_at_3_diff1": 29.379034581120006, + "nauc_map_at_3_max": 21.387214269548803, + "nauc_map_at_3_std": -9.3404121914247, + "nauc_map_at_5_diff1": 26.627169792839485, + "nauc_map_at_5_max": 25.393331109666388, + "nauc_map_at_5_std": -6.023485287246353, + "nauc_mrr_at_1000_diff1": 12.047232036652295, + "nauc_mrr_at_1000_max": 46.611862580860645, + "nauc_mrr_at_1000_std": 27.89146066442305, + "nauc_mrr_at_100_diff1": 12.05261747449997, + "nauc_mrr_at_100_max": 46.61328535381203, + "nauc_mrr_at_100_std": 27.886145596874535, + "nauc_mrr_at_10_diff1": 12.006935553036941, + "nauc_mrr_at_10_max": 46.53351686240496, + "nauc_mrr_at_10_std": 27.708742470257462, + "nauc_mrr_at_1_diff1": 13.323408127738782, + "nauc_mrr_at_1_max": 43.78884661002012, + "nauc_mrr_at_1_std": 25.164417588165673, + "nauc_mrr_at_20_diff1": 12.036022973968011, + "nauc_mrr_at_20_max": 46.56537838037131, + "nauc_mrr_at_20_std": 27.78189157249635, + "nauc_mrr_at_3_diff1": 11.943896700976381, + "nauc_mrr_at_3_max": 46.33644663073225, + "nauc_mrr_at_3_std": 27.523915405053845, + "nauc_mrr_at_5_diff1": 12.03108009033769, + "nauc_mrr_at_5_max": 46.49103616896692, + "nauc_mrr_at_5_std": 27.630879129863366, + "nauc_ndcg_at_1000_diff1": 9.766823796017324, + "nauc_ndcg_at_1000_max": 52.85844801910602, + "nauc_ndcg_at_1000_std": 36.43271437761207, + "nauc_ndcg_at_100_diff1": 12.035059298282036, + "nauc_ndcg_at_100_max": 50.05520240705682, + "nauc_ndcg_at_100_std": 29.87678724506636, + "nauc_ndcg_at_10_diff1": 10.281893031139424, + "nauc_ndcg_at_10_max": 47.02153679426017, + "nauc_ndcg_at_10_std": 26.624948330369126, + "nauc_ndcg_at_1_diff1": 13.323408127738782, + "nauc_ndcg_at_1_max": 43.78884661002012, + "nauc_ndcg_at_1_std": 25.164417588165673, + "nauc_ndcg_at_20_diff1": 11.463524849646598, + "nauc_ndcg_at_20_max": 47.415073186019704, + "nauc_ndcg_at_20_std": 26.359019620164307, + "nauc_ndcg_at_3_diff1": 9.689199913805394, + "nauc_ndcg_at_3_max": 45.68151849572808, + "nauc_ndcg_at_3_std": 26.559193219799486, + "nauc_ndcg_at_5_diff1": 9.448823370356575, + "nauc_ndcg_at_5_max": 46.19999662690141, + "nauc_ndcg_at_5_std": 26.8411706726069, + "nauc_precision_at_1000_diff1": -20.379065598727024, + "nauc_precision_at_1000_max": 13.162562437268427, + "nauc_precision_at_1000_std": 22.658226157785812, + "nauc_precision_at_100_diff1": -16.458155977309282, + "nauc_precision_at_100_max": 35.97956789169889, + "nauc_precision_at_100_std": 48.878375009979194, + "nauc_precision_at_10_diff1": -7.810992317607771, + "nauc_precision_at_10_max": 49.307339277444754, + "nauc_precision_at_10_std": 42.82533951854582, + "nauc_precision_at_1_diff1": 13.323408127738782, + "nauc_precision_at_1_max": 43.78884661002012, + "nauc_precision_at_1_std": 25.164417588165673, + "nauc_precision_at_20_diff1": -11.43933465149542, + "nauc_precision_at_20_max": 46.93722753460038, + "nauc_precision_at_20_std": 47.36223769029678, + "nauc_precision_at_3_diff1": 1.3230178593599737, + "nauc_precision_at_3_max": 48.49039534395576, + "nauc_precision_at_3_std": 33.161384183129194, + "nauc_precision_at_5_diff1": -3.185516457926519, + "nauc_precision_at_5_max": 49.5814309394308, + "nauc_precision_at_5_std": 37.57637865900281, + "nauc_recall_at_1000_diff1": 7.839499443984168, + "nauc_recall_at_1000_max": 52.67165467640894, + "nauc_recall_at_1000_std": 48.85318316702583, + "nauc_recall_at_100_diff1": 14.117557049589418, + "nauc_recall_at_100_max": 40.59046301348715, + "nauc_recall_at_100_std": 24.379680901739505, + "nauc_recall_at_10_diff1": 20.04536052614054, + "nauc_recall_at_10_max": 25.54148839721574, + "nauc_recall_at_10_std": -1.938182527562211, + "nauc_recall_at_1_diff1": 37.02663305598722, + "nauc_recall_at_1_max": 14.931071531116528, + "nauc_recall_at_1_std": -12.478790028708453, + "nauc_recall_at_20_diff1": 17.959977483235566, + "nauc_recall_at_20_max": 29.88502687870809, + "nauc_recall_at_20_std": 4.26527395196852, + "nauc_recall_at_3_diff1": 26.297810954500456, + "nauc_recall_at_3_max": 18.819406079307402, + "nauc_recall_at_3_std": -10.002237229729081, + "nauc_recall_at_5_diff1": 22.739080899568485, + "nauc_recall_at_5_max": 21.0322968243985, + "nauc_recall_at_5_std": -6.927749435306422, + "ndcg_at_1": 34.717999999999996, + "ndcg_at_10": 34.772999999999996, + "ndcg_at_100": 39.407, + "ndcg_at_1000": 44.830999999999996, + "ndcg_at_20": 35.667, + "ndcg_at_3": 34.332, + "ndcg_at_5": 34.408, + "precision_at_1": 34.717999999999996, + "precision_at_10": 23.430999999999997, + "precision_at_100": 9.31, + "precision_at_1000": 2.259, + "precision_at_20": 18.826999999999998, + "precision_at_3": 30.553, + "precision_at_5": 27.792, + "recall_at_1": 7.2620000000000005, + "recall_at_10": 26.384, + "recall_at_100": 52.506, + "recall_at_1000": 73.38, + "recall_at_20": 34.032000000000004, + "recall_at_3": 14.821000000000002, + "recall_at_5": 19.481 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "main_score": 28.316000000000003, + "map_at_1": 8.667, + "map_at_10": 17.351, + "map_at_100": 21.02, + "map_at_1000": 21.951, + "map_at_20": 18.994, + "map_at_3": 13.23, + "map_at_5": 15.17, + "mrr_at_1": 27.27272727272727, + "mrr_at_10": 36.10858487561485, + "mrr_at_100": 36.92033814316568, + "mrr_at_1000": 36.972226653870365, + "mrr_at_20": 36.58914906427944, + "mrr_at_3": 33.642969201552305, + "mrr_at_5": 35.13417554289494, + "nauc_map_at_1000_diff1": 23.345116790998063, + "nauc_map_at_1000_max": 44.447240670835725, + "nauc_map_at_1000_std": 18.34636500680144, + "nauc_map_at_100_diff1": 24.458120909292347, + "nauc_map_at_100_max": 43.31851431140378, + "nauc_map_at_100_std": 15.654778355549965, + "nauc_map_at_10_diff1": 29.376508937265044, + "nauc_map_at_10_max": 36.650196725140795, + "nauc_map_at_10_std": 4.682465435374843, + "nauc_map_at_1_diff1": 40.382365672683214, + "nauc_map_at_1_max": 22.894341150096785, + "nauc_map_at_1_std": -5.610725673968323, + "nauc_map_at_20_diff1": 27.197033425732908, + "nauc_map_at_20_max": 39.71672400647207, + "nauc_map_at_20_std": 8.944436813309933, + "nauc_map_at_3_diff1": 34.49739294661502, + "nauc_map_at_3_max": 29.006972420735284, + "nauc_map_at_3_std": -3.0372650571243986, + "nauc_map_at_5_diff1": 32.764901537277105, + "nauc_map_at_5_max": 32.658533295918154, + "nauc_map_at_5_std": 0.029626452286996906, + "nauc_mrr_at_1000_diff1": 19.521229956280603, + "nauc_mrr_at_1000_max": 44.39409866211472, + "nauc_mrr_at_1000_std": 23.580697307036058, + "nauc_mrr_at_100_diff1": 19.51312676591073, + "nauc_mrr_at_100_max": 44.39559153963895, + "nauc_mrr_at_100_std": 23.57913711397437, + "nauc_mrr_at_10_diff1": 19.584635617935145, + "nauc_mrr_at_10_max": 44.44842226236198, + "nauc_mrr_at_10_std": 23.382684909390434, + "nauc_mrr_at_1_diff1": 20.92594790923806, + "nauc_mrr_at_1_max": 40.593939625252816, + "nauc_mrr_at_1_std": 20.37467598073644, + "nauc_mrr_at_20_diff1": 19.590641822115725, + "nauc_mrr_at_20_max": 44.42512299604718, + "nauc_mrr_at_20_std": 23.45564260800024, + "nauc_mrr_at_3_diff1": 20.005307129527232, + "nauc_mrr_at_3_max": 43.68300366192776, + "nauc_mrr_at_3_std": 22.297190480842005, + "nauc_mrr_at_5_diff1": 19.852896386271716, + "nauc_mrr_at_5_max": 44.20641808920062, + "nauc_mrr_at_5_std": 22.966517330852895, + "nauc_ndcg_at_1000_diff1": 17.800116251376103, + "nauc_ndcg_at_1000_max": 50.98332718061365, + "nauc_ndcg_at_1000_std": 31.464484658102577, + "nauc_ndcg_at_100_diff1": 19.555159680541088, + "nauc_ndcg_at_100_max": 48.56377130899141, + "nauc_ndcg_at_100_std": 25.77572748714817, + "nauc_ndcg_at_10_diff1": 20.003008726679415, + "nauc_ndcg_at_10_max": 45.1293725480628, + "nauc_ndcg_at_10_std": 21.149213260765872, + "nauc_ndcg_at_1_diff1": 21.00986278773023, + "nauc_ndcg_at_1_max": 40.524637076774894, + "nauc_ndcg_at_1_std": 20.29682194006685, + "nauc_ndcg_at_20_diff1": 20.659734137312284, + "nauc_ndcg_at_20_max": 45.73108736599869, + "nauc_ndcg_at_20_std": 21.200736170346133, + "nauc_ndcg_at_3_diff1": 19.200120542882544, + "nauc_ndcg_at_3_max": 42.89772612963168, + "nauc_ndcg_at_3_std": 20.713292754978983, + "nauc_ndcg_at_5_diff1": 19.96329647992544, + "nauc_ndcg_at_5_max": 44.296627037787324, + "nauc_ndcg_at_5_std": 21.200135784971973, + "nauc_precision_at_1000_diff1": -11.543221249009427, + "nauc_precision_at_1000_max": 9.132801614448221, + "nauc_precision_at_1000_std": 21.203720655381055, + "nauc_precision_at_100_diff1": -12.510945425786039, + "nauc_precision_at_100_max": 31.42530963666252, + "nauc_precision_at_100_std": 44.99672783467617, + "nauc_precision_at_10_diff1": -4.025802651746804, + "nauc_precision_at_10_max": 47.50967924227793, + "nauc_precision_at_10_std": 41.1558559268985, + "nauc_precision_at_1_diff1": 21.00986278773023, + "nauc_precision_at_1_max": 40.524637076774894, + "nauc_precision_at_1_std": 20.29682194006685, + "nauc_precision_at_20_diff1": -8.059482951110002, + "nauc_precision_at_20_max": 44.28832115946278, + "nauc_precision_at_20_std": 45.2005585353651, + "nauc_precision_at_3_diff1": 8.53530005716248, + "nauc_precision_at_3_max": 46.48353678905102, + "nauc_precision_at_3_std": 28.868791323881972, + "nauc_precision_at_5_diff1": 3.093619954821814, + "nauc_precision_at_5_max": 48.43294475817019, + "nauc_precision_at_5_std": 34.83430452745434, + "nauc_recall_at_1000_diff1": 9.93680206699751, + "nauc_recall_at_1000_max": 52.97840222394363, + "nauc_recall_at_1000_std": 46.370023604436255, + "nauc_recall_at_100_diff1": 14.100542445524972, + "nauc_recall_at_100_max": 42.853775131475224, + "nauc_recall_at_100_std": 26.93029971231028, + "nauc_recall_at_10_diff1": 22.774547475714716, + "nauc_recall_at_10_max": 33.984586405015044, + "nauc_recall_at_10_std": 5.332325172373655, + "nauc_recall_at_1_diff1": 40.382365672683214, + "nauc_recall_at_1_max": 22.894341150096785, + "nauc_recall_at_1_std": -5.610725673968323, + "nauc_recall_at_20_diff1": 19.751060483835936, + "nauc_recall_at_20_max": 36.18774034635102, + "nauc_recall_at_20_std": 10.362242090308577, + "nauc_recall_at_3_diff1": 30.29462372902671, + "nauc_recall_at_3_max": 27.377175450099635, + "nauc_recall_at_3_std": -3.015752705993425, + "nauc_recall_at_5_diff1": 28.096893312615723, + "nauc_recall_at_5_max": 30.485075571512425, + "nauc_recall_at_5_std": 0.09106417003502826, + "ndcg_at_1": 27.248, + "ndcg_at_10": 28.316000000000003, + "ndcg_at_100": 33.419, + "ndcg_at_1000": 38.134, + "ndcg_at_20": 29.707, + "ndcg_at_3": 26.93, + "ndcg_at_5": 27.363, + "precision_at_1": 27.248, + "precision_at_10": 15.073, + "precision_at_100": 5.061, + "precision_at_1000": 1.325, + "precision_at_20": 11.407, + "precision_at_3": 21.823, + "precision_at_5": 18.984, + "recall_at_1": 8.667, + "recall_at_10": 26.984, + "recall_at_100": 49.753, + "recall_at_1000": 70.354, + "recall_at_20": 33.955999999999996, + "recall_at_3": 16.086, + "recall_at_5": 20.544999999999998 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "main_score": 26.592, + "map_at_1": 8.081000000000001, + "map_at_10": 16.486, + "map_at_100": 19.996, + "map_at_1000": 20.889, + "map_at_20": 18.088, + "map_at_3": 12.864, + "map_at_5": 14.515, + "mrr_at_1": 24.643356643356643, + "mrr_at_10": 33.755599955599926, + "mrr_at_100": 34.55914769326114, + "mrr_at_1000": 34.614384237219745, + "mrr_at_20": 34.228909650276194, + "mrr_at_3": 31.445221445221456, + "mrr_at_5": 32.71375291375297, + "nauc_map_at_1000_diff1": 19.17751654240679, + "nauc_map_at_1000_max": 43.493743561136434, + "nauc_map_at_1000_std": 21.14477911550252, + "nauc_map_at_100_diff1": 20.259227234415395, + "nauc_map_at_100_max": 42.510860292169106, + "nauc_map_at_100_std": 18.63085160442346, + "nauc_map_at_10_diff1": 24.12419385640694, + "nauc_map_at_10_max": 35.99892932069915, + "nauc_map_at_10_std": 8.488520124325058, + "nauc_map_at_1_diff1": 35.09239143996649, + "nauc_map_at_1_max": 23.72498533914286, + "nauc_map_at_1_std": -4.164387883546102, + "nauc_map_at_20_diff1": 22.411418237320817, + "nauc_map_at_20_max": 39.12496266094892, + "nauc_map_at_20_std": 12.371656353894227, + "nauc_map_at_3_diff1": 28.106972376813506, + "nauc_map_at_3_max": 29.57824316865409, + "nauc_map_at_3_std": 1.8928791254813127, + "nauc_map_at_5_diff1": 26.4958239149419, + "nauc_map_at_5_max": 32.45906016649239, + "nauc_map_at_5_std": 4.612735963224018, + "nauc_mrr_at_1000_diff1": 17.614812607094446, + "nauc_mrr_at_1000_max": 41.13031556228715, + "nauc_mrr_at_1000_std": 22.564112871230318, + "nauc_mrr_at_100_diff1": 17.614044568011085, + "nauc_mrr_at_100_max": 41.129436273086796, + "nauc_mrr_at_100_std": 22.566763500658766, + "nauc_mrr_at_10_diff1": 17.61869494452089, + "nauc_mrr_at_10_max": 41.091542329381426, + "nauc_mrr_at_10_std": 22.370473458633594, + "nauc_mrr_at_1_diff1": 20.321421442201913, + "nauc_mrr_at_1_max": 38.36531448180009, + "nauc_mrr_at_1_std": 18.422203207777688, + "nauc_mrr_at_20_diff1": 17.614767736091625, + "nauc_mrr_at_20_max": 41.11221420736687, + "nauc_mrr_at_20_std": 22.44271891522012, + "nauc_mrr_at_3_diff1": 17.98184651584625, + "nauc_mrr_at_3_max": 40.424293610470144, + "nauc_mrr_at_3_std": 21.554750947206706, + "nauc_mrr_at_5_diff1": 17.72088314927416, + "nauc_mrr_at_5_max": 40.662724739072694, + "nauc_mrr_at_5_std": 21.822957528431928, + "nauc_ndcg_at_1000_diff1": 15.310699428328398, + "nauc_ndcg_at_1000_max": 48.83921393349997, + "nauc_ndcg_at_1000_std": 32.22600294110774, + "nauc_ndcg_at_100_diff1": 16.62672763977423, + "nauc_ndcg_at_100_max": 47.36060653537392, + "nauc_ndcg_at_100_std": 27.879865162871575, + "nauc_ndcg_at_10_diff1": 16.436684176028116, + "nauc_ndcg_at_10_max": 43.00026520872974, + "nauc_ndcg_at_10_std": 22.507354939162806, + "nauc_ndcg_at_1_diff1": 20.321421442201913, + "nauc_ndcg_at_1_max": 38.36531448180009, + "nauc_ndcg_at_1_std": 18.422203207777688, + "nauc_ndcg_at_20_diff1": 17.127747123248835, + "nauc_ndcg_at_20_max": 44.57322943752733, + "nauc_ndcg_at_20_std": 23.146541187377036, + "nauc_ndcg_at_3_diff1": 16.372742984728514, + "nauc_ndcg_at_3_max": 40.91938017883993, + "nauc_ndcg_at_3_std": 21.50917089194154, + "nauc_ndcg_at_5_diff1": 16.40486505525073, + "nauc_ndcg_at_5_max": 41.94597203181329, + "nauc_ndcg_at_5_std": 22.068260809047562, + "nauc_precision_at_1000_diff1": -15.9415313729527, + "nauc_precision_at_1000_max": 12.653329948983643, + "nauc_precision_at_1000_std": 26.371820703256173, + "nauc_precision_at_100_diff1": -11.851070166675289, + "nauc_precision_at_100_max": 32.164365923950115, + "nauc_precision_at_100_std": 45.930226426725426, + "nauc_precision_at_10_diff1": -3.1352660378259163, + "nauc_precision_at_10_max": 45.48359878733272, + "nauc_precision_at_10_std": 40.2917038044196, + "nauc_precision_at_1_diff1": 20.321421442201913, + "nauc_precision_at_1_max": 38.36531448180009, + "nauc_precision_at_1_std": 18.422203207777688, + "nauc_precision_at_20_diff1": -7.087513342144751, + "nauc_precision_at_20_max": 43.66272019058357, + "nauc_precision_at_20_std": 44.22863351071686, + "nauc_precision_at_3_diff1": 7.836185032609045, + "nauc_precision_at_3_max": 44.85412904097269, + "nauc_precision_at_3_std": 30.209139149500057, + "nauc_precision_at_5_diff1": 3.028150537253791, + "nauc_precision_at_5_max": 45.73661708882973, + "nauc_precision_at_5_std": 34.65500311185052, + "nauc_recall_at_1000_diff1": 9.526124668370704, + "nauc_recall_at_1000_max": 51.4190208452196, + "nauc_recall_at_1000_std": 45.694891695646426, + "nauc_recall_at_100_diff1": 12.68466215400009, + "nauc_recall_at_100_max": 42.79112054268112, + "nauc_recall_at_100_std": 28.61954251400998, + "nauc_recall_at_10_diff1": 17.95124413416829, + "nauc_recall_at_10_max": 33.1192036755167, + "nauc_recall_at_10_std": 9.3588175959525, + "nauc_recall_at_1_diff1": 35.09239143996649, + "nauc_recall_at_1_max": 23.72498533914286, + "nauc_recall_at_1_std": -4.164387883546102, + "nauc_recall_at_20_diff1": 16.24916980445646, + "nauc_recall_at_20_max": 36.51316122236076, + "nauc_recall_at_20_std": 13.641588062425736, + "nauc_recall_at_3_diff1": 23.263199724138786, + "nauc_recall_at_3_max": 27.67354561610614, + "nauc_recall_at_3_std": 3.103127242654415, + "nauc_recall_at_5_diff1": 20.719704839229635, + "nauc_recall_at_5_max": 29.66480839111333, + "nauc_recall_at_5_std": 5.514884455797986, + "ndcg_at_1": 24.643, + "ndcg_at_10": 26.592, + "ndcg_at_100": 31.887, + "ndcg_at_1000": 36.695, + "ndcg_at_20": 28.166000000000004, + "ndcg_at_3": 25.238, + "ndcg_at_5": 25.545, + "precision_at_1": 24.643, + "precision_at_10": 13.730999999999998, + "precision_at_100": 4.744000000000001, + "precision_at_1000": 1.167, + "precision_at_20": 10.562000000000001, + "precision_at_3": 20.288999999999998, + "precision_at_5": 17.337, + "recall_at_1": 8.081000000000001, + "recall_at_10": 25.911, + "recall_at_100": 48.176, + "recall_at_1000": 69.655, + "recall_at_20": 32.924, + "recall_at_3": 16.125, + "recall_at_5": 19.988 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/XPQARetrieval.json b/results/jinaai__jina-embeddings-v3/external/XPQARetrieval.json new file mode 100644 index 000000000..598a45c9b --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/XPQARetrieval.json @@ -0,0 +1,2230 @@ +{ + "dataset_revision": "c99d599f0a6ab9b85b065da6f9d94f9cf731679f", + "task_name": "XPQARetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "deu-deu", + "languages": [ + "deu-Latn", + "deu-Latn" + ], + "main_score": 84.552, + "map_at_1": 59.023, + "map_at_10": 81.051, + "map_at_100": 81.539, + "map_at_1000": 81.54299999999999, + "map_at_20": 81.401, + "map_at_3": 76.969, + "map_at_5": 80.07600000000001, + "mrr_at_1": 77.67624020887729, + "mrr_at_10": 83.30509967259314, + "mrr_at_100": 83.58599391639456, + "mrr_at_1000": 83.58970114722587, + "mrr_at_20": 83.50275980440317, + "mrr_at_3": 82.07136640557006, + "mrr_at_5": 82.94604003481287, + "nauc_map_at_1000_diff1": 63.12885104269942, + "nauc_map_at_1000_max": 57.7017996674959, + "nauc_map_at_1000_std": -24.951068985070513, + "nauc_map_at_100_diff1": 63.12866509393162, + "nauc_map_at_100_max": 57.70176426013332, + "nauc_map_at_100_std": -24.96012290790273, + "nauc_map_at_10_diff1": 62.847709436211204, + "nauc_map_at_10_max": 57.408873624779524, + "nauc_map_at_10_std": -25.635130363219062, + "nauc_map_at_1_diff1": 71.89683981857102, + "nauc_map_at_1_max": 20.204460967432645, + "nauc_map_at_1_std": -23.07894656629493, + "nauc_map_at_20_diff1": 63.00504457011043, + "nauc_map_at_20_max": 57.66009512514262, + "nauc_map_at_20_std": -25.100138593754885, + "nauc_map_at_3_diff1": 63.199874607788274, + "nauc_map_at_3_max": 47.54482033763308, + "nauc_map_at_3_std": -27.714557098916963, + "nauc_map_at_5_diff1": 63.01006523518669, + "nauc_map_at_5_max": 56.501965964288495, + "nauc_map_at_5_std": -25.367825762790925, + "nauc_mrr_at_1000_diff1": 66.24988063948112, + "nauc_mrr_at_1000_max": 63.56921667744273, + "nauc_mrr_at_1000_std": -22.073973768031863, + "nauc_mrr_at_100_diff1": 66.24919554296275, + "nauc_mrr_at_100_max": 63.57382447608361, + "nauc_mrr_at_100_std": -22.084627248538187, + "nauc_mrr_at_10_diff1": 66.0143885124066, + "nauc_mrr_at_10_max": 63.51277586011898, + "nauc_mrr_at_10_std": -22.477523960705454, + "nauc_mrr_at_1_diff1": 68.25415199323474, + "nauc_mrr_at_1_max": 63.069019003272416, + "nauc_mrr_at_1_std": -18.77085924093244, + "nauc_mrr_at_20_diff1": 66.16203167351055, + "nauc_mrr_at_20_max": 63.607477776215845, + "nauc_mrr_at_20_std": -22.15083176017266, + "nauc_mrr_at_3_diff1": 66.39368842782302, + "nauc_mrr_at_3_max": 63.11411066585295, + "nauc_mrr_at_3_std": -22.63174342814071, + "nauc_mrr_at_5_diff1": 66.17932562332354, + "nauc_mrr_at_5_max": 63.70434825329594, + "nauc_mrr_at_5_std": -21.704012812430438, + "nauc_ndcg_at_1000_diff1": 63.958010361549356, + "nauc_ndcg_at_1000_max": 60.516445000134624, + "nauc_ndcg_at_1000_std": -24.264672248289923, + "nauc_ndcg_at_100_diff1": 63.97654644758022, + "nauc_ndcg_at_100_max": 60.62187552803407, + "nauc_ndcg_at_100_std": -24.317149225778312, + "nauc_ndcg_at_10_diff1": 62.505321221321566, + "nauc_ndcg_at_10_max": 59.77891112351258, + "nauc_ndcg_at_10_std": -26.90910005589911, + "nauc_ndcg_at_1_diff1": 68.25415199323474, + "nauc_ndcg_at_1_max": 63.069019003272416, + "nauc_ndcg_at_1_std": -18.77085924093244, + "nauc_ndcg_at_20_diff1": 63.04281805056225, + "nauc_ndcg_at_20_max": 60.600957307444226, + "nauc_ndcg_at_20_std": -24.954862079889203, + "nauc_ndcg_at_3_diff1": 62.970441139740316, + "nauc_ndcg_at_3_max": 57.543715669055295, + "nauc_ndcg_at_3_std": -25.659388431714703, + "nauc_ndcg_at_5_diff1": 62.82652127664541, + "nauc_ndcg_at_5_max": 58.6970443258532, + "nauc_ndcg_at_5_std": -25.66329354851023, + "nauc_precision_at_1000_diff1": -33.38530947486223, + "nauc_precision_at_1000_max": 25.972468024345414, + "nauc_precision_at_1000_std": 17.460222955117978, + "nauc_precision_at_100_diff1": -32.45175999251703, + "nauc_precision_at_100_max": 26.367996120487337, + "nauc_precision_at_100_std": 17.097957946391208, + "nauc_precision_at_10_diff1": -26.97411235289487, + "nauc_precision_at_10_max": 31.504961687240762, + "nauc_precision_at_10_std": 11.125341183874687, + "nauc_precision_at_1_diff1": 68.25415199323474, + "nauc_precision_at_1_max": 63.069019003272416, + "nauc_precision_at_1_std": -18.77085924093244, + "nauc_precision_at_20_diff1": -29.8678078736273, + "nauc_precision_at_20_max": 29.031222186584504, + "nauc_precision_at_20_std": 14.943600563087928, + "nauc_precision_at_3_diff1": -15.92947221299854, + "nauc_precision_at_3_max": 37.73833494235097, + "nauc_precision_at_3_std": 3.1573228443500847, + "nauc_precision_at_5_diff1": -22.269156821101642, + "nauc_precision_at_5_max": 35.65821838116355, + "nauc_precision_at_5_std": 9.265930386198972, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": 66.17058859539249, + "nauc_recall_at_100_max": 78.066942935192, + "nauc_recall_at_100_std": -22.213377762074686, + "nauc_recall_at_10_diff1": 50.82149700700275, + "nauc_recall_at_10_max": 56.68053325008221, + "nauc_recall_at_10_std": -41.81657941433277, + "nauc_recall_at_1_diff1": 71.89683981857102, + "nauc_recall_at_1_max": 20.204460967432645, + "nauc_recall_at_1_std": -23.07894656629493, + "nauc_recall_at_20_diff1": 48.28076011857885, + "nauc_recall_at_20_max": 63.29641555519295, + "nauc_recall_at_20_std": -32.953559708819405, + "nauc_recall_at_3_diff1": 58.15516956312558, + "nauc_recall_at_3_max": 42.66315890283056, + "nauc_recall_at_3_std": -32.16572530544806, + "nauc_recall_at_5_diff1": 55.900844052439766, + "nauc_recall_at_5_max": 55.23702018862884, + "nauc_recall_at_5_std": -30.105929528165, + "ndcg_at_1": 77.676, + "ndcg_at_10": 84.552, + "ndcg_at_100": 86.232, + "ndcg_at_1000": 86.33800000000001, + "ndcg_at_20": 85.515, + "ndcg_at_3": 81.112, + "ndcg_at_5": 82.943, + "precision_at_1": 77.676, + "precision_at_10": 15.17, + "precision_at_100": 1.6230000000000002, + "precision_at_1000": 0.163, + "precision_at_20": 7.858999999999999, + "precision_at_3": 42.994, + "precision_at_5": 28.747, + "recall_at_1": 59.023, + "recall_at_10": 92.465, + "recall_at_100": 99.18400000000001, + "recall_at_1000": 100.0, + "recall_at_20": 95.844, + "recall_at_3": 81.826, + "recall_at_5": 88.22 + }, + { + "hf_subset": "deu-eng", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "main_score": 82.149, + "map_at_1": 56.277, + "map_at_10": 78.36999999999999, + "map_at_100": 78.94, + "map_at_1000": 78.95, + "map_at_20": 78.818, + "map_at_3": 74.25, + "map_at_5": 77.11099999999999, + "mrr_at_1": 74.28198433420366, + "mrr_at_10": 80.57487877657589, + "mrr_at_100": 80.94025764149008, + "mrr_at_1000": 80.94608738871234, + "mrr_at_20": 80.86240675885023, + "mrr_at_3": 79.4604003481288, + "mrr_at_5": 80.10008703220191, + "nauc_map_at_1000_diff1": 60.44369249057189, + "nauc_map_at_1000_max": 49.822240441830246, + "nauc_map_at_1000_std": -27.34026380762817, + "nauc_map_at_100_diff1": 60.44635668050401, + "nauc_map_at_100_max": 49.838675926660684, + "nauc_map_at_100_std": -27.310365556055583, + "nauc_map_at_10_diff1": 60.18546951726522, + "nauc_map_at_10_max": 49.72075398096832, + "nauc_map_at_10_std": -27.86056102461558, + "nauc_map_at_1_diff1": 71.2906657099758, + "nauc_map_at_1_max": 18.970399251589, + "nauc_map_at_1_std": -27.260776614286602, + "nauc_map_at_20_diff1": 60.3525975566164, + "nauc_map_at_20_max": 49.852487866710646, + "nauc_map_at_20_std": -27.305173830170332, + "nauc_map_at_3_diff1": 60.66803500571236, + "nauc_map_at_3_max": 41.18191941521972, + "nauc_map_at_3_std": -28.71383593401732, + "nauc_map_at_5_diff1": 60.57216514504887, + "nauc_map_at_5_max": 47.99837400446299, + "nauc_map_at_5_std": -28.756183015949986, + "nauc_mrr_at_1000_diff1": 63.77031955602516, + "nauc_mrr_at_1000_max": 54.26907383811417, + "nauc_mrr_at_1000_std": -26.227442087164714, + "nauc_mrr_at_100_diff1": 63.77196650108669, + "nauc_mrr_at_100_max": 54.281801457913126, + "nauc_mrr_at_100_std": -26.216077891830793, + "nauc_mrr_at_10_diff1": 63.50095284903051, + "nauc_mrr_at_10_max": 54.3186301730016, + "nauc_mrr_at_10_std": -26.29570241722173, + "nauc_mrr_at_1_diff1": 65.15855770999057, + "nauc_mrr_at_1_max": 53.213286738515066, + "nauc_mrr_at_1_std": -24.683178252901943, + "nauc_mrr_at_20_diff1": 63.74936550280859, + "nauc_mrr_at_20_max": 54.355343751439065, + "nauc_mrr_at_20_std": -26.197316900009817, + "nauc_mrr_at_3_diff1": 63.912612979082695, + "nauc_mrr_at_3_max": 53.75399024225975, + "nauc_mrr_at_3_std": -27.194143264554675, + "nauc_mrr_at_5_diff1": 63.72491059053639, + "nauc_mrr_at_5_max": 53.66107604019352, + "nauc_mrr_at_5_std": -26.92281560584754, + "nauc_ndcg_at_1000_diff1": 61.304218998714354, + "nauc_ndcg_at_1000_max": 52.409135743660386, + "nauc_ndcg_at_1000_std": -26.539796489464056, + "nauc_ndcg_at_100_diff1": 61.40355045085304, + "nauc_ndcg_at_100_max": 52.79402259608008, + "nauc_ndcg_at_100_std": -25.927273456979965, + "nauc_ndcg_at_10_diff1": 59.93675608684116, + "nauc_ndcg_at_10_max": 52.617848197542706, + "nauc_ndcg_at_10_std": -27.314820020095887, + "nauc_ndcg_at_1_diff1": 65.15855770999057, + "nauc_ndcg_at_1_max": 53.213286738515066, + "nauc_ndcg_at_1_std": -24.683178252901943, + "nauc_ndcg_at_20_diff1": 60.85093704358376, + "nauc_ndcg_at_20_max": 53.14529242671602, + "nauc_ndcg_at_20_std": -25.93187916231906, + "nauc_ndcg_at_3_diff1": 60.42301123518882, + "nauc_ndcg_at_3_max": 49.59021992975956, + "nauc_ndcg_at_3_std": -27.397117967810363, + "nauc_ndcg_at_5_diff1": 60.78655153154219, + "nauc_ndcg_at_5_max": 49.54194799556953, + "nauc_ndcg_at_5_std": -29.467910172913413, + "nauc_precision_at_1000_diff1": -34.35027108027456, + "nauc_precision_at_1000_max": 23.762671066858815, + "nauc_precision_at_1000_std": 16.1704780298982, + "nauc_precision_at_100_diff1": -32.66610016754961, + "nauc_precision_at_100_max": 25.504044603109588, + "nauc_precision_at_100_std": 16.932402988816786, + "nauc_precision_at_10_diff1": -25.720903145017342, + "nauc_precision_at_10_max": 30.37029690599926, + "nauc_precision_at_10_std": 10.560753160200314, + "nauc_precision_at_1_diff1": 65.15855770999057, + "nauc_precision_at_1_max": 53.213286738515066, + "nauc_precision_at_1_std": -24.683178252901943, + "nauc_precision_at_20_diff1": -29.577582332619084, + "nauc_precision_at_20_max": 27.984145595920417, + "nauc_precision_at_20_std": 15.083711704044727, + "nauc_precision_at_3_diff1": -14.736267532892697, + "nauc_precision_at_3_max": 36.12211021824307, + "nauc_precision_at_3_std": 3.068643876519412, + "nauc_precision_at_5_diff1": -19.846707283120825, + "nauc_precision_at_5_max": 33.573804532177896, + "nauc_precision_at_5_std": 5.700545622744924, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": 68.24749796604452, + "nauc_recall_at_100_max": 83.30024864929815, + "nauc_recall_at_100_std": 21.23763053711522, + "nauc_recall_at_10_diff1": 50.704049683241436, + "nauc_recall_at_10_max": 57.64578984555556, + "nauc_recall_at_10_std": -26.632759037746073, + "nauc_recall_at_1_diff1": 71.2906657099758, + "nauc_recall_at_1_max": 18.970399251589, + "nauc_recall_at_1_std": -27.260776614286602, + "nauc_recall_at_20_diff1": 54.124480837579505, + "nauc_recall_at_20_max": 66.4641515433479, + "nauc_recall_at_20_std": -14.615911455379393, + "nauc_recall_at_3_diff1": 56.54358788321059, + "nauc_recall_at_3_max": 37.765735322465744, + "nauc_recall_at_3_std": -30.824147408598574, + "nauc_recall_at_5_diff1": 56.392894535029214, + "nauc_recall_at_5_max": 45.959268387521554, + "nauc_recall_at_5_std": -33.58175576925282, + "ndcg_at_1": 74.28200000000001, + "ndcg_at_10": 82.149, + "ndcg_at_100": 84.129, + "ndcg_at_1000": 84.307, + "ndcg_at_20": 83.39999999999999, + "ndcg_at_3": 78.583, + "ndcg_at_5": 80.13900000000001, + "precision_at_1": 74.28200000000001, + "precision_at_10": 14.960999999999999, + "precision_at_100": 1.6119999999999999, + "precision_at_1000": 0.163, + "precision_at_20": 7.813000000000001, + "precision_at_3": 41.819, + "precision_at_5": 27.911, + "recall_at_1": 56.277, + "recall_at_10": 90.729, + "recall_at_100": 98.792, + "recall_at_1000": 100.0, + "recall_at_20": 95.148, + "recall_at_3": 79.989, + "recall_at_5": 85.603 + }, + { + "hf_subset": "eng-deu", + "languages": [ + "eng-Latn", + "deu-Latn" + ], + "main_score": 60.428000000000004, + "map_at_1": 33.453, + "map_at_10": 54.217000000000006, + "map_at_100": 55.832, + "map_at_1000": 55.884, + "map_at_20": 55.236, + "map_at_3": 48.302, + "map_at_5": 51.902, + "mrr_at_1": 53.916449086161876, + "mrr_at_10": 61.4685647975465, + "mrr_at_100": 62.13718159287348, + "mrr_at_1000": 62.15799113826325, + "mrr_at_20": 61.885388764243544, + "mrr_at_3": 59.44299390774582, + "mrr_at_5": 60.26544821583981, + "nauc_map_at_1000_diff1": 39.824412602121804, + "nauc_map_at_1000_max": 39.49332709959374, + "nauc_map_at_1000_std": -17.27462623749702, + "nauc_map_at_100_diff1": 39.80528910003463, + "nauc_map_at_100_max": 39.51471609156093, + "nauc_map_at_100_std": -17.275536933094937, + "nauc_map_at_10_diff1": 39.28558292349772, + "nauc_map_at_10_max": 38.13220294838968, + "nauc_map_at_10_std": -18.235985574392863, + "nauc_map_at_1_diff1": 43.68892397816937, + "nauc_map_at_1_max": 14.478978190224353, + "nauc_map_at_1_std": -18.435031919225477, + "nauc_map_at_20_diff1": 39.8733530971344, + "nauc_map_at_20_max": 39.30513202591992, + "nauc_map_at_20_std": -17.62362848144766, + "nauc_map_at_3_diff1": 40.31116611188815, + "nauc_map_at_3_max": 31.107314675202165, + "nauc_map_at_3_std": -19.52930881946966, + "nauc_map_at_5_diff1": 39.1241499095765, + "nauc_map_at_5_max": 37.330543901034055, + "nauc_map_at_5_std": -17.893862772447548, + "nauc_mrr_at_1000_diff1": 43.07490530140024, + "nauc_mrr_at_1000_max": 42.28469195779226, + "nauc_mrr_at_1000_std": -15.583217110180737, + "nauc_mrr_at_100_diff1": 43.068836494603886, + "nauc_mrr_at_100_max": 42.29612450479168, + "nauc_mrr_at_100_std": -15.57218089438229, + "nauc_mrr_at_10_diff1": 42.88685919151777, + "nauc_mrr_at_10_max": 41.89944452003811, + "nauc_mrr_at_10_std": -15.909673572763165, + "nauc_mrr_at_1_diff1": 45.67646898532131, + "nauc_mrr_at_1_max": 43.0541870425035, + "nauc_mrr_at_1_std": -15.597124291613563, + "nauc_mrr_at_20_diff1": 43.14141873150977, + "nauc_mrr_at_20_max": 42.33063543184022, + "nauc_mrr_at_20_std": -15.607612016107304, + "nauc_mrr_at_3_diff1": 43.18370928261982, + "nauc_mrr_at_3_max": 42.18529980773961, + "nauc_mrr_at_3_std": -15.900151400673629, + "nauc_mrr_at_5_diff1": 42.43443044877765, + "nauc_mrr_at_5_max": 42.05818605278972, + "nauc_mrr_at_5_std": -15.436502733299893, + "nauc_ndcg_at_1000_diff1": 40.60606676178781, + "nauc_ndcg_at_1000_max": 41.71923393878376, + "nauc_ndcg_at_1000_std": -15.694740326899556, + "nauc_ndcg_at_100_diff1": 40.15270376312309, + "nauc_ndcg_at_100_max": 42.234126305709225, + "nauc_ndcg_at_100_std": -15.436051984708952, + "nauc_ndcg_at_10_diff1": 39.142259831299455, + "nauc_ndcg_at_10_max": 38.61470104273746, + "nauc_ndcg_at_10_std": -18.577452829132742, + "nauc_ndcg_at_1_diff1": 45.67646898532131, + "nauc_ndcg_at_1_max": 43.0541870425035, + "nauc_ndcg_at_1_std": -15.597124291613563, + "nauc_ndcg_at_20_diff1": 40.805159395901306, + "nauc_ndcg_at_20_max": 41.58685629374952, + "nauc_ndcg_at_20_std": -16.862408156222592, + "nauc_ndcg_at_3_diff1": 39.12028215488432, + "nauc_ndcg_at_3_max": 39.70580596343164, + "nauc_ndcg_at_3_std": -16.705546903936213, + "nauc_ndcg_at_5_diff1": 38.42075404927361, + "nauc_ndcg_at_5_max": 38.064219879504385, + "nauc_ndcg_at_5_std": -17.20282111665876, + "nauc_precision_at_1000_diff1": -4.419224540552891, + "nauc_precision_at_1000_max": 35.686022591225246, + "nauc_precision_at_1000_std": 15.023520191032972, + "nauc_precision_at_100_diff1": -2.9027602601603895, + "nauc_precision_at_100_max": 39.99864013028808, + "nauc_precision_at_100_std": 13.863497117255525, + "nauc_precision_at_10_diff1": 5.539104839809501, + "nauc_precision_at_10_max": 42.41625740557432, + "nauc_precision_at_10_std": 1.0894693748662556, + "nauc_precision_at_1_diff1": 45.67646898532131, + "nauc_precision_at_1_max": 43.0541870425035, + "nauc_precision_at_1_std": -15.597124291613563, + "nauc_precision_at_20_diff1": 4.734562571681868, + "nauc_precision_at_20_max": 44.35081213316202, + "nauc_precision_at_20_std": 6.642891478284595, + "nauc_precision_at_3_diff1": 13.936559341472101, + "nauc_precision_at_3_max": 45.426668552497524, + "nauc_precision_at_3_std": -5.219785419247125, + "nauc_precision_at_5_diff1": 8.366706789546015, + "nauc_precision_at_5_max": 46.161942989326896, + "nauc_precision_at_5_std": -0.193140343545876, + "nauc_recall_at_1000_diff1": 45.61785312444842, + "nauc_recall_at_1000_max": 75.68258976531774, + "nauc_recall_at_1000_std": 37.469059422121575, + "nauc_recall_at_100_diff1": 26.798748531805096, + "nauc_recall_at_100_max": 54.72134095197765, + "nauc_recall_at_100_std": -1.5967608233799417, + "nauc_recall_at_10_diff1": 32.13211696200521, + "nauc_recall_at_10_max": 31.13866254975895, + "nauc_recall_at_10_std": -22.31404161136118, + "nauc_recall_at_1_diff1": 43.68892397816937, + "nauc_recall_at_1_max": 14.478978190224353, + "nauc_recall_at_1_std": -18.435031919225477, + "nauc_recall_at_20_diff1": 38.597996930461385, + "nauc_recall_at_20_max": 42.49849027366794, + "nauc_recall_at_20_std": -16.536471900752154, + "nauc_recall_at_3_diff1": 35.343730012759266, + "nauc_recall_at_3_max": 26.898722085043392, + "nauc_recall_at_3_std": -19.4459792273884, + "nauc_recall_at_5_diff1": 31.8310298012186, + "nauc_recall_at_5_max": 32.67800489655844, + "nauc_recall_at_5_std": -16.800929103347283, + "ndcg_at_1": 53.916, + "ndcg_at_10": 60.428000000000004, + "ndcg_at_100": 65.95, + "ndcg_at_1000": 66.88, + "ndcg_at_20": 62.989, + "ndcg_at_3": 55.204, + "ndcg_at_5": 56.42700000000001, + "precision_at_1": 53.916, + "precision_at_10": 14.346999999999998, + "precision_at_100": 1.849, + "precision_at_1000": 0.196, + "precision_at_20": 8.022, + "precision_at_3": 34.552, + "precision_at_5": 24.569, + "recall_at_1": 33.453, + "recall_at_10": 71.07900000000001, + "recall_at_100": 93.207, + "recall_at_1000": 99.60799999999999, + "recall_at_20": 79.482, + "recall_at_3": 53.98, + "recall_at_5": 60.781 + }, + { + "hf_subset": "eng-pol", + "languages": [ + "eng-Latn", + "pol-Latn" + ], + "main_score": 34.042, + "map_at_1": 13.236, + "map_at_10": 27.839999999999996, + "map_at_100": 30.171999999999997, + "map_at_1000": 30.349999999999998, + "map_at_20": 29.044999999999998, + "map_at_3": 22.58, + "map_at_5": 25.83, + "mrr_at_1": 30.318471337579616, + "mrr_at_10": 37.4983823678091, + "mrr_at_100": 38.5784523175009, + "mrr_at_1000": 38.63608698968148, + "mrr_at_20": 38.02996157871825, + "mrr_at_3": 34.798301486199584, + "mrr_at_5": 36.39702760084925, + "nauc_map_at_1000_diff1": 21.07199789609177, + "nauc_map_at_1000_max": 25.959233507893277, + "nauc_map_at_1000_std": -28.011925372852826, + "nauc_map_at_100_diff1": 21.086788412737548, + "nauc_map_at_100_max": 25.8611620203686, + "nauc_map_at_100_std": -28.179239912057515, + "nauc_map_at_10_diff1": 21.23841745922078, + "nauc_map_at_10_max": 25.44290342378288, + "nauc_map_at_10_std": -28.75578689110275, + "nauc_map_at_1_diff1": 28.87454015638211, + "nauc_map_at_1_max": 17.50681123879997, + "nauc_map_at_1_std": -30.382831850562432, + "nauc_map_at_20_diff1": 21.076559713540455, + "nauc_map_at_20_max": 25.538154202494535, + "nauc_map_at_20_std": -28.518764617658555, + "nauc_map_at_3_diff1": 22.159185358766468, + "nauc_map_at_3_max": 23.01652660927249, + "nauc_map_at_3_std": -29.567722713221862, + "nauc_map_at_5_diff1": 21.35578810370897, + "nauc_map_at_5_max": 25.550550437767395, + "nauc_map_at_5_std": -28.7889035461355, + "nauc_mrr_at_1000_diff1": 22.28633009221923, + "nauc_mrr_at_1000_max": 26.920205393136392, + "nauc_mrr_at_1000_std": -25.887791634977642, + "nauc_mrr_at_100_diff1": 22.2754975739755, + "nauc_mrr_at_100_max": 26.90235716615346, + "nauc_mrr_at_100_std": -25.891596020584345, + "nauc_mrr_at_10_diff1": 22.415076305593534, + "nauc_mrr_at_10_max": 26.504643796222222, + "nauc_mrr_at_10_std": -26.6046081215833, + "nauc_mrr_at_1_diff1": 23.406748619244368, + "nauc_mrr_at_1_max": 29.058228240823553, + "nauc_mrr_at_1_std": -26.450169820901078, + "nauc_mrr_at_20_diff1": 22.29233141817678, + "nauc_mrr_at_20_max": 26.69021351064081, + "nauc_mrr_at_20_std": -26.086596227376656, + "nauc_mrr_at_3_diff1": 22.20746187500145, + "nauc_mrr_at_3_max": 27.143725946169457, + "nauc_mrr_at_3_std": -26.7017708594376, + "nauc_mrr_at_5_diff1": 22.71898965233195, + "nauc_mrr_at_5_max": 26.932386658571662, + "nauc_mrr_at_5_std": -26.725541058780234, + "nauc_ndcg_at_1000_diff1": 20.541734305148466, + "nauc_ndcg_at_1000_max": 27.180534238090758, + "nauc_ndcg_at_1000_std": -23.74197745177845, + "nauc_ndcg_at_100_diff1": 20.570052839937468, + "nauc_ndcg_at_100_max": 26.21605034405486, + "nauc_ndcg_at_100_std": -25.359817188805028, + "nauc_ndcg_at_10_diff1": 21.241423075073467, + "nauc_ndcg_at_10_max": 24.599199195239475, + "nauc_ndcg_at_10_std": -28.404540333309008, + "nauc_ndcg_at_1_diff1": 23.406748619244368, + "nauc_ndcg_at_1_max": 29.058228240823553, + "nauc_ndcg_at_1_std": -26.450169820901078, + "nauc_ndcg_at_20_diff1": 20.740460046196873, + "nauc_ndcg_at_20_max": 24.82380195169634, + "nauc_ndcg_at_20_std": -27.376298834244313, + "nauc_ndcg_at_3_diff1": 19.994948682426504, + "nauc_ndcg_at_3_max": 26.153790759405105, + "nauc_ndcg_at_3_std": -27.194548404540885, + "nauc_ndcg_at_5_diff1": 21.48414272096384, + "nauc_ndcg_at_5_max": 25.239652015076373, + "nauc_ndcg_at_5_std": -28.2620160957961, + "nauc_precision_at_1000_diff1": -0.7557639926687744, + "nauc_precision_at_1000_max": 24.265591636994436, + "nauc_precision_at_1000_std": 16.833104654292654, + "nauc_precision_at_100_diff1": 4.647847665941115, + "nauc_precision_at_100_max": 24.42192644844434, + "nauc_precision_at_100_std": 0.2718848568876648, + "nauc_precision_at_10_diff1": 9.465969286722654, + "nauc_precision_at_10_max": 27.448993150448043, + "nauc_precision_at_10_std": -16.519099596502212, + "nauc_precision_at_1_diff1": 23.406748619244368, + "nauc_precision_at_1_max": 29.058228240823553, + "nauc_precision_at_1_std": -26.450169820901078, + "nauc_precision_at_20_diff1": 8.021421615668114, + "nauc_precision_at_20_max": 26.18556481398635, + "nauc_precision_at_20_std": -12.207152108668367, + "nauc_precision_at_3_diff1": 11.783572803634241, + "nauc_precision_at_3_max": 29.259715774978893, + "nauc_precision_at_3_std": -20.407524967717425, + "nauc_precision_at_5_diff1": 10.371728615220821, + "nauc_precision_at_5_max": 30.270642833482864, + "nauc_precision_at_5_std": -18.407334880575494, + "nauc_recall_at_1000_diff1": 6.008969959111555, + "nauc_recall_at_1000_max": 39.79691734058127, + "nauc_recall_at_1000_std": 32.43591825510109, + "nauc_recall_at_100_diff1": 15.2374566058917, + "nauc_recall_at_100_max": 23.058785539503717, + "nauc_recall_at_100_std": -15.962888794058165, + "nauc_recall_at_10_diff1": 19.46184821807753, + "nauc_recall_at_10_max": 19.001003513986866, + "nauc_recall_at_10_std": -27.753332786663876, + "nauc_recall_at_1_diff1": 28.87454015638211, + "nauc_recall_at_1_max": 17.50681123879997, + "nauc_recall_at_1_std": -30.382831850562432, + "nauc_recall_at_20_diff1": 17.237090858517405, + "nauc_recall_at_20_max": 18.42118474134871, + "nauc_recall_at_20_std": -24.862787724031957, + "nauc_recall_at_3_diff1": 18.813019521758577, + "nauc_recall_at_3_max": 19.198572333053544, + "nauc_recall_at_3_std": -28.5644958605618, + "nauc_recall_at_5_diff1": 20.247501986329482, + "nauc_recall_at_5_max": 21.121526202170358, + "nauc_recall_at_5_std": -27.220378617864853, + "ndcg_at_1": 30.318, + "ndcg_at_10": 34.042, + "ndcg_at_100": 42.733, + "ndcg_at_1000": 46.015, + "ndcg_at_20": 37.053999999999995, + "ndcg_at_3": 29.254, + "ndcg_at_5": 30.514000000000003, + "precision_at_1": 30.318, + "precision_at_10": 10.981, + "precision_at_100": 1.889, + "precision_at_1000": 0.234, + "precision_at_20": 6.643000000000001, + "precision_at_3": 22.166, + "precision_at_5": 17.477999999999998, + "recall_at_1": 13.236, + "recall_at_10": 41.461, + "recall_at_100": 75.008, + "recall_at_1000": 96.775, + "recall_at_20": 50.754, + "recall_at_3": 26.081, + "recall_at_5": 33.168 + }, + { + "hf_subset": "eng-cmn", + "languages": [ + "eng-Latn", + "cmn-Hans" + ], + "main_score": 37.504, + "map_at_1": 16.019, + "map_at_10": 30.794, + "map_at_100": 33.157, + "map_at_1000": 33.324999999999996, + "map_at_20": 32.161, + "map_at_3": 25.372, + "map_at_5": 28.246, + "mrr_at_1": 30.461165048543688, + "mrr_at_10": 39.393107566651224, + "mrr_at_100": 40.570039540602295, + "mrr_at_1000": 40.6306116407744, + "mrr_at_20": 40.09428159978876, + "mrr_at_3": 37.176375404530745, + "mrr_at_5": 38.09870550161812, + "nauc_map_at_1000_diff1": 30.82306881892873, + "nauc_map_at_1000_max": 5.877636000666466, + "nauc_map_at_1000_std": -30.7140513386797, + "nauc_map_at_100_diff1": 30.85192449151961, + "nauc_map_at_100_max": 5.809195131550909, + "nauc_map_at_100_std": -30.838556702972063, + "nauc_map_at_10_diff1": 30.50359163635058, + "nauc_map_at_10_max": 6.373491595869303, + "nauc_map_at_10_std": -29.89368007827676, + "nauc_map_at_1_diff1": 38.60240510083884, + "nauc_map_at_1_max": 10.407392664609139, + "nauc_map_at_1_std": -17.76327278732833, + "nauc_map_at_20_diff1": 30.897489125753598, + "nauc_map_at_20_max": 5.9303381898248, + "nauc_map_at_20_std": -30.863345188760515, + "nauc_map_at_3_diff1": 32.8150951852729, + "nauc_map_at_3_max": 7.671931402215177, + "nauc_map_at_3_std": -25.654809758216533, + "nauc_map_at_5_diff1": 31.19558194781019, + "nauc_map_at_5_max": 6.426885613116939, + "nauc_map_at_5_std": -28.609027858850016, + "nauc_mrr_at_1000_diff1": 30.7596332048733, + "nauc_mrr_at_1000_max": 1.1970748115580212, + "nauc_mrr_at_1000_std": -34.647570668150216, + "nauc_mrr_at_100_diff1": 30.74693370788581, + "nauc_mrr_at_100_max": 1.1673272262754841, + "nauc_mrr_at_100_std": -34.67761028542745, + "nauc_mrr_at_10_diff1": 30.537820575183076, + "nauc_mrr_at_10_max": 1.0261868725502707, + "nauc_mrr_at_10_std": -34.999990560631204, + "nauc_mrr_at_1_diff1": 35.51868580113285, + "nauc_mrr_at_1_max": 5.117103773147307, + "nauc_mrr_at_1_std": -30.633913466736956, + "nauc_mrr_at_20_diff1": 30.67318175430903, + "nauc_mrr_at_20_max": 1.0979983974981327, + "nauc_mrr_at_20_std": -34.8388339739997, + "nauc_mrr_at_3_diff1": 30.884642006045702, + "nauc_mrr_at_3_max": 1.7970996544095983, + "nauc_mrr_at_3_std": -34.290172894906085, + "nauc_mrr_at_5_diff1": 30.89687518368571, + "nauc_mrr_at_5_max": 1.2123714988495347, + "nauc_mrr_at_5_std": -35.01704580471926, + "nauc_ndcg_at_1000_diff1": 29.214476799077342, + "nauc_ndcg_at_1000_max": 3.6379035546112872, + "nauc_ndcg_at_1000_std": -32.35757522049194, + "nauc_ndcg_at_100_diff1": 29.130004541376298, + "nauc_ndcg_at_100_max": 2.9580589185293045, + "nauc_ndcg_at_100_std": -33.26884643871724, + "nauc_ndcg_at_10_diff1": 28.521001084366393, + "nauc_ndcg_at_10_max": 3.630223957267483, + "nauc_ndcg_at_10_std": -33.14524140940815, + "nauc_ndcg_at_1_diff1": 35.51868580113285, + "nauc_ndcg_at_1_max": 5.117103773147307, + "nauc_ndcg_at_1_std": -30.633913466736956, + "nauc_ndcg_at_20_diff1": 29.194462756848782, + "nauc_ndcg_at_20_max": 2.61162903136461, + "nauc_ndcg_at_20_std": -34.59161403211834, + "nauc_ndcg_at_3_diff1": 30.183555327135203, + "nauc_ndcg_at_3_max": 5.61949040917093, + "nauc_ndcg_at_3_std": -30.350117794058175, + "nauc_ndcg_at_5_diff1": 29.74420394139971, + "nauc_ndcg_at_5_max": 3.952183813937688, + "nauc_ndcg_at_5_std": -31.807833795302038, + "nauc_precision_at_1000_diff1": -5.467049121617333, + "nauc_precision_at_1000_max": -3.993986884198271, + "nauc_precision_at_1000_std": -13.703967324212224, + "nauc_precision_at_100_diff1": 1.5585428307943647, + "nauc_precision_at_100_max": -4.250455723613214, + "nauc_precision_at_100_std": -22.294689856776493, + "nauc_precision_at_10_diff1": 11.076036917255259, + "nauc_precision_at_10_max": -1.5859394644365377, + "nauc_precision_at_10_std": -34.94912594413202, + "nauc_precision_at_1_diff1": 35.51868580113285, + "nauc_precision_at_1_max": 5.117103773147307, + "nauc_precision_at_1_std": -30.633913466736956, + "nauc_precision_at_20_diff1": 9.311484455773828, + "nauc_precision_at_20_max": -3.678383428592432, + "nauc_precision_at_20_std": -33.700002761401635, + "nauc_precision_at_3_diff1": 19.2787260874381, + "nauc_precision_at_3_max": 0.18292109396940018, + "nauc_precision_at_3_std": -35.23939824276542, + "nauc_precision_at_5_diff1": 14.97930592298584, + "nauc_precision_at_5_max": -1.63540635880963, + "nauc_precision_at_5_std": -35.908283558321315, + "nauc_recall_at_1000_diff1": 26.63056473607804, + "nauc_recall_at_1000_max": 62.7304558520689, + "nauc_recall_at_1000_std": 58.12421701377561, + "nauc_recall_at_100_diff1": 21.42127379898579, + "nauc_recall_at_100_max": 1.4748203516921914, + "nauc_recall_at_100_std": -27.56467339041136, + "nauc_recall_at_10_diff1": 21.20479652609812, + "nauc_recall_at_10_max": 1.7394881489709888, + "nauc_recall_at_10_std": -32.15116902585072, + "nauc_recall_at_1_diff1": 38.60240510083884, + "nauc_recall_at_1_max": 10.407392664609139, + "nauc_recall_at_1_std": -17.76327278732833, + "nauc_recall_at_20_diff1": 23.049652721582632, + "nauc_recall_at_20_max": -1.7715787106286838, + "nauc_recall_at_20_std": -36.14203686002867, + "nauc_recall_at_3_diff1": 26.522179829461873, + "nauc_recall_at_3_max": 6.078208732431124, + "nauc_recall_at_3_std": -25.02625711226274, + "nauc_recall_at_5_diff1": 24.19538553561693, + "nauc_recall_at_5_max": 2.4963810785503524, + "nauc_recall_at_5_std": -30.449635496921257, + "ndcg_at_1": 30.461, + "ndcg_at_10": 37.504, + "ndcg_at_100": 46.156000000000006, + "ndcg_at_1000": 48.985, + "ndcg_at_20": 41.025, + "ndcg_at_3": 32.165, + "ndcg_at_5": 33.072, + "precision_at_1": 30.461, + "precision_at_10": 11.032, + "precision_at_100": 1.8870000000000002, + "precision_at_1000": 0.22499999999999998, + "precision_at_20": 6.833, + "precision_at_3": 22.532, + "precision_at_5": 16.966, + "recall_at_1": 16.019, + "recall_at_10": 47.557, + "recall_at_100": 80.376, + "recall_at_1000": 98.904, + "recall_at_20": 58.48100000000001, + "recall_at_3": 30.682, + "recall_at_5": 36.714999999999996 + }, + { + "hf_subset": "eng-spa", + "languages": [ + "eng-Latn", + "spa-Latn" + ], + "main_score": 53.359, + "map_at_1": 22.892000000000003, + "map_at_10": 45.773, + "map_at_100": 47.778999999999996, + "map_at_1000": 47.882999999999996, + "map_at_20": 46.869, + "map_at_3": 37.643, + "map_at_5": 43.120999999999995, + "mrr_at_1": 47.28877679697352, + "mrr_at_10": 56.95890630316857, + "mrr_at_100": 57.71103367009639, + "mrr_at_1000": 57.73661441948852, + "mrr_at_20": 57.37701091311334, + "mrr_at_3": 54.74989491382929, + "mrr_at_5": 56.08659100462372, + "nauc_map_at_1000_diff1": 27.8347129954991, + "nauc_map_at_1000_max": 38.04300600762859, + "nauc_map_at_1000_std": -18.294653328262868, + "nauc_map_at_100_diff1": 27.818449297770858, + "nauc_map_at_100_max": 38.03533462156633, + "nauc_map_at_100_std": -18.332989980880644, + "nauc_map_at_10_diff1": 27.520664180018358, + "nauc_map_at_10_max": 37.67109855753314, + "nauc_map_at_10_std": -18.496721673888683, + "nauc_map_at_1_diff1": 37.56020148060502, + "nauc_map_at_1_max": 10.298394230150745, + "nauc_map_at_1_std": -20.41359936101547, + "nauc_map_at_20_diff1": 27.615023038189722, + "nauc_map_at_20_max": 37.808525116320254, + "nauc_map_at_20_std": -18.49235775420803, + "nauc_map_at_3_diff1": 30.797347567428424, + "nauc_map_at_3_max": 29.374407828869497, + "nauc_map_at_3_std": -19.75905772914969, + "nauc_map_at_5_diff1": 28.431802888884803, + "nauc_map_at_5_max": 35.57723911610521, + "nauc_map_at_5_std": -19.093588845366824, + "nauc_mrr_at_1000_diff1": 33.263611009054586, + "nauc_mrr_at_1000_max": 40.620639901613664, + "nauc_mrr_at_1000_std": -17.083016011032036, + "nauc_mrr_at_100_diff1": 33.25375012559163, + "nauc_mrr_at_100_max": 40.62376205172005, + "nauc_mrr_at_100_std": -17.091930575226684, + "nauc_mrr_at_10_diff1": 33.05787202690095, + "nauc_mrr_at_10_max": 40.4516362611674, + "nauc_mrr_at_10_std": -17.088910666499892, + "nauc_mrr_at_1_diff1": 36.424151087824555, + "nauc_mrr_at_1_max": 40.955715626650445, + "nauc_mrr_at_1_std": -16.56636409111209, + "nauc_mrr_at_20_diff1": 33.12029456858138, + "nauc_mrr_at_20_max": 40.56409347292635, + "nauc_mrr_at_20_std": -17.102034817242068, + "nauc_mrr_at_3_diff1": 33.52377926814156, + "nauc_mrr_at_3_max": 40.824911575046876, + "nauc_mrr_at_3_std": -16.855935748811092, + "nauc_mrr_at_5_diff1": 33.08646471768442, + "nauc_mrr_at_5_max": 40.59323589955881, + "nauc_mrr_at_5_std": -16.77829710500156, + "nauc_ndcg_at_1000_diff1": 28.741186244590207, + "nauc_ndcg_at_1000_max": 40.0113825410539, + "nauc_ndcg_at_1000_std": -17.15655081742458, + "nauc_ndcg_at_100_diff1": 28.680521359782972, + "nauc_ndcg_at_100_max": 39.94751899984445, + "nauc_ndcg_at_100_std": -17.82813814043932, + "nauc_ndcg_at_10_diff1": 27.22858072673168, + "nauc_ndcg_at_10_max": 38.600188968554725, + "nauc_ndcg_at_10_std": -18.517203924893614, + "nauc_ndcg_at_1_diff1": 36.424151087824555, + "nauc_ndcg_at_1_max": 40.955715626650445, + "nauc_ndcg_at_1_std": -16.56636409111209, + "nauc_ndcg_at_20_diff1": 27.56875900623774, + "nauc_ndcg_at_20_max": 38.95264310199067, + "nauc_ndcg_at_20_std": -18.709973965688445, + "nauc_ndcg_at_3_diff1": 28.682842749851574, + "nauc_ndcg_at_3_max": 38.361215408395964, + "nauc_ndcg_at_3_std": -16.800291231827515, + "nauc_ndcg_at_5_diff1": 28.178239259093484, + "nauc_ndcg_at_5_max": 36.77096292606479, + "nauc_ndcg_at_5_std": -18.718861696641145, + "nauc_precision_at_1000_diff1": -7.3686253252869305, + "nauc_precision_at_1000_max": 31.98896996987639, + "nauc_precision_at_1000_std": 13.125659676392267, + "nauc_precision_at_100_diff1": -2.8239113056969156, + "nauc_precision_at_100_max": 36.95062472971812, + "nauc_precision_at_100_std": 7.230228733647562, + "nauc_precision_at_10_diff1": 2.5515545798843555, + "nauc_precision_at_10_max": 45.46146019314904, + "nauc_precision_at_10_std": -1.3249340536211553, + "nauc_precision_at_1_diff1": 36.424151087824555, + "nauc_precision_at_1_max": 40.955715626650445, + "nauc_precision_at_1_std": -16.56636409111209, + "nauc_precision_at_20_diff1": 0.7202861770489576, + "nauc_precision_at_20_max": 41.9937596214609, + "nauc_precision_at_20_std": 0.2756400069730064, + "nauc_precision_at_3_diff1": 12.89221206929447, + "nauc_precision_at_3_max": 48.57775126381142, + "nauc_precision_at_3_std": -8.042242254131068, + "nauc_precision_at_5_diff1": 7.063616193387763, + "nauc_precision_at_5_max": 47.26496887331675, + "nauc_precision_at_5_std": -4.735805200913049, + "nauc_recall_at_1000_diff1": 2.6650052980682224, + "nauc_recall_at_1000_max": 81.94826279951472, + "nauc_recall_at_1000_std": 48.46012388224573, + "nauc_recall_at_100_diff1": 24.516371948375827, + "nauc_recall_at_100_max": 39.17639620389552, + "nauc_recall_at_100_std": -17.884197602579533, + "nauc_recall_at_10_diff1": 19.93892097640112, + "nauc_recall_at_10_max": 33.079079440022106, + "nauc_recall_at_10_std": -20.22227622801884, + "nauc_recall_at_1_diff1": 37.56020148060502, + "nauc_recall_at_1_max": 10.298394230150745, + "nauc_recall_at_1_std": -20.41359936101547, + "nauc_recall_at_20_diff1": 20.363784035670633, + "nauc_recall_at_20_max": 33.39352971625336, + "nauc_recall_at_20_std": -21.712050932168875, + "nauc_recall_at_3_diff1": 26.220072121604655, + "nauc_recall_at_3_max": 25.853218030218507, + "nauc_recall_at_3_std": -17.830613372910907, + "nauc_recall_at_5_diff1": 22.25850162680252, + "nauc_recall_at_5_max": 30.89620539042785, + "nauc_recall_at_5_std": -19.16786434439169, + "ndcg_at_1": 47.288999999999994, + "ndcg_at_10": 53.359, + "ndcg_at_100": 60.25899999999999, + "ndcg_at_1000": 61.902, + "ndcg_at_20": 56.025000000000006, + "ndcg_at_3": 47.221999999999994, + "ndcg_at_5": 49.333, + "precision_at_1": 47.288999999999994, + "precision_at_10": 16.003, + "precision_at_100": 2.221, + "precision_at_1000": 0.246, + "precision_at_20": 8.985, + "precision_at_3": 34.510000000000005, + "precision_at_5": 26.961000000000002, + "recall_at_1": 22.892000000000003, + "recall_at_10": 62.928, + "recall_at_100": 89.105, + "recall_at_1000": 99.319, + "recall_at_20": 71.387, + "recall_at_3": 43.492999999999995, + "recall_at_5": 53.529 + }, + { + "hf_subset": "eng-fra", + "languages": [ + "eng-Latn", + "fra-Latn" + ], + "main_score": 54.888000000000005, + "map_at_1": 26.079, + "map_at_10": 47.434, + "map_at_100": 49.376, + "map_at_1000": 49.461, + "map_at_20": 48.634, + "map_at_3": 40.409, + "map_at_5": 44.531, + "mrr_at_1": 46.86248331108144, + "mrr_at_10": 56.45506177548896, + "mrr_at_100": 57.20360629445577, + "mrr_at_1000": 57.227004696897986, + "mrr_at_20": 56.905302765737865, + "mrr_at_3": 54.09434801958164, + "mrr_at_5": 55.40943480195811, + "nauc_map_at_1000_diff1": 37.739936045535885, + "nauc_map_at_1000_max": 35.92625003516368, + "nauc_map_at_1000_std": -15.825119611638398, + "nauc_map_at_100_diff1": 37.71697833661983, + "nauc_map_at_100_max": 35.91174068136317, + "nauc_map_at_100_std": -15.838841891589006, + "nauc_map_at_10_diff1": 37.52309268219689, + "nauc_map_at_10_max": 35.4887130483351, + "nauc_map_at_10_std": -16.61132378136234, + "nauc_map_at_1_diff1": 42.705087329207984, + "nauc_map_at_1_max": 12.047671550242974, + "nauc_map_at_1_std": -17.156030827065834, + "nauc_map_at_20_diff1": 37.59446680137666, + "nauc_map_at_20_max": 35.80559546695052, + "nauc_map_at_20_std": -16.158338316249786, + "nauc_map_at_3_diff1": 38.618415267131816, + "nauc_map_at_3_max": 27.030227996183925, + "nauc_map_at_3_std": -18.962500694157857, + "nauc_map_at_5_diff1": 37.980845601534256, + "nauc_map_at_5_max": 32.82374761283266, + "nauc_map_at_5_std": -17.856875825229565, + "nauc_mrr_at_1000_diff1": 40.26059509279346, + "nauc_mrr_at_1000_max": 39.28453752990871, + "nauc_mrr_at_1000_std": -13.306217279524212, + "nauc_mrr_at_100_diff1": 40.23390833398881, + "nauc_mrr_at_100_max": 39.26041461025653, + "nauc_mrr_at_100_std": -13.317700798873153, + "nauc_mrr_at_10_diff1": 40.163737640180145, + "nauc_mrr_at_10_max": 39.27138538165913, + "nauc_mrr_at_10_std": -13.472971360323038, + "nauc_mrr_at_1_diff1": 42.95339241383707, + "nauc_mrr_at_1_max": 40.62982307619158, + "nauc_mrr_at_1_std": -10.429597045942748, + "nauc_mrr_at_20_diff1": 40.23703505923782, + "nauc_mrr_at_20_max": 39.27051308063652, + "nauc_mrr_at_20_std": -13.390197643922038, + "nauc_mrr_at_3_diff1": 40.5721313555661, + "nauc_mrr_at_3_max": 39.254774354468594, + "nauc_mrr_at_3_std": -13.773803807863827, + "nauc_mrr_at_5_diff1": 40.41081287079734, + "nauc_mrr_at_5_max": 39.515241132077335, + "nauc_mrr_at_5_std": -13.306544090087336, + "nauc_ndcg_at_1000_diff1": 38.04772268296103, + "nauc_ndcg_at_1000_max": 38.03364565521176, + "nauc_ndcg_at_1000_std": -14.203182726102263, + "nauc_ndcg_at_100_diff1": 37.51752795463643, + "nauc_ndcg_at_100_max": 37.809671511710604, + "nauc_ndcg_at_100_std": -13.880578225081408, + "nauc_ndcg_at_10_diff1": 36.78438984005559, + "nauc_ndcg_at_10_max": 36.98105155993232, + "nauc_ndcg_at_10_std": -16.886308645939113, + "nauc_ndcg_at_1_diff1": 42.95339241383707, + "nauc_ndcg_at_1_max": 40.62982307619158, + "nauc_ndcg_at_1_std": -10.429597045942748, + "nauc_ndcg_at_20_diff1": 36.94164323893683, + "nauc_ndcg_at_20_max": 37.333583379288285, + "nauc_ndcg_at_20_std": -15.853318071434716, + "nauc_ndcg_at_3_diff1": 36.905604845477384, + "nauc_ndcg_at_3_max": 35.10252586688781, + "nauc_ndcg_at_3_std": -17.128435988977742, + "nauc_ndcg_at_5_diff1": 37.96742463612705, + "nauc_ndcg_at_5_max": 34.65945109443365, + "nauc_ndcg_at_5_std": -17.916428667861183, + "nauc_precision_at_1000_diff1": -3.740861894117653, + "nauc_precision_at_1000_max": 31.993854396874177, + "nauc_precision_at_1000_std": 17.445629474196448, + "nauc_precision_at_100_diff1": -0.4825948747911606, + "nauc_precision_at_100_max": 35.834638448782954, + "nauc_precision_at_100_std": 16.82718796079511, + "nauc_precision_at_10_diff1": 8.285949866268147, + "nauc_precision_at_10_max": 45.3292519726866, + "nauc_precision_at_10_std": 4.5574850748441555, + "nauc_precision_at_1_diff1": 42.95339241383707, + "nauc_precision_at_1_max": 40.62982307619158, + "nauc_precision_at_1_std": -10.429597045942748, + "nauc_precision_at_20_diff1": 4.890590733611442, + "nauc_precision_at_20_max": 41.83051757078859, + "nauc_precision_at_20_std": 9.197347125630467, + "nauc_precision_at_3_diff1": 17.79940075411976, + "nauc_precision_at_3_max": 45.224103632426946, + "nauc_precision_at_3_std": -5.017203435609909, + "nauc_precision_at_5_diff1": 13.548063145911929, + "nauc_precision_at_5_max": 46.84837547409909, + "nauc_precision_at_5_std": -0.8925939386354484, + "nauc_recall_at_1000_diff1": 74.48441717138078, + "nauc_recall_at_1000_max": 74.66717137705027, + "nauc_recall_at_1000_std": 0.24030117471512125, + "nauc_recall_at_100_diff1": 22.553777341988656, + "nauc_recall_at_100_max": 31.67861029246527, + "nauc_recall_at_100_std": 0.2707450517253687, + "nauc_recall_at_10_diff1": 28.490866614443235, + "nauc_recall_at_10_max": 31.722970141434352, + "nauc_recall_at_10_std": -21.97893365028007, + "nauc_recall_at_1_diff1": 42.705087329207984, + "nauc_recall_at_1_max": 12.047671550242974, + "nauc_recall_at_1_std": -17.156030827065834, + "nauc_recall_at_20_diff1": 27.44043454173112, + "nauc_recall_at_20_max": 31.454281772040716, + "nauc_recall_at_20_std": -20.1735695305415, + "nauc_recall_at_3_diff1": 34.08447534706394, + "nauc_recall_at_3_max": 21.793973773840865, + "nauc_recall_at_3_std": -22.753978372378906, + "nauc_recall_at_5_diff1": 33.59686526199479, + "nauc_recall_at_5_max": 29.188889073761302, + "nauc_recall_at_5_std": -21.96156333744562, + "ndcg_at_1": 46.861999999999995, + "ndcg_at_10": 54.888000000000005, + "ndcg_at_100": 61.477000000000004, + "ndcg_at_1000": 62.768, + "ndcg_at_20": 57.812, + "ndcg_at_3": 48.721, + "ndcg_at_5": 50.282000000000004, + "precision_at_1": 46.861999999999995, + "precision_at_10": 15.167, + "precision_at_100": 2.072, + "precision_at_1000": 0.22499999999999998, + "precision_at_20": 8.672, + "precision_at_3": 33.066, + "precision_at_5": 24.726, + "recall_at_1": 26.079, + "recall_at_10": 66.095, + "recall_at_100": 91.65299999999999, + "recall_at_1000": 99.83999999999999, + "recall_at_20": 75.28, + "recall_at_3": 46.874, + "recall_at_5": 55.062 + }, + { + "hf_subset": "pol-eng", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "main_score": 50.831, + "map_at_1": 25.549, + "map_at_10": 44.432, + "map_at_100": 46.431, + "map_at_1000": 46.525, + "map_at_20": 45.595, + "map_at_3": 38.574000000000005, + "map_at_5": 42.266999999999996, + "mrr_at_1": 43.5006435006435, + "mrr_at_10": 51.561255132683684, + "mrr_at_100": 52.59912482635216, + "mrr_at_1000": 52.631337587043056, + "mrr_at_20": 52.23234440063273, + "mrr_at_3": 48.97039897039895, + "mrr_at_5": 50.31531531531527, + "nauc_map_at_1000_diff1": 35.907901295900174, + "nauc_map_at_1000_max": 24.573763602041687, + "nauc_map_at_1000_std": -29.524077960309313, + "nauc_map_at_100_diff1": 35.86869121827827, + "nauc_map_at_100_max": 24.532343818487494, + "nauc_map_at_100_std": -29.613979124488864, + "nauc_map_at_10_diff1": 35.90171794022391, + "nauc_map_at_10_max": 23.90914892943268, + "nauc_map_at_10_std": -30.43698820061533, + "nauc_map_at_1_diff1": 50.80313333312038, + "nauc_map_at_1_max": 16.649890421888156, + "nauc_map_at_1_std": -22.323989416471683, + "nauc_map_at_20_diff1": 35.77755470212964, + "nauc_map_at_20_max": 24.199895270297034, + "nauc_map_at_20_std": -30.223411960170647, + "nauc_map_at_3_diff1": 38.964124882315936, + "nauc_map_at_3_max": 21.187432510177167, + "nauc_map_at_3_std": -28.976663506389887, + "nauc_map_at_5_diff1": 36.04644236616672, + "nauc_map_at_5_max": 23.501186429317094, + "nauc_map_at_5_std": -30.068144596060748, + "nauc_mrr_at_1000_diff1": 41.36555452105447, + "nauc_mrr_at_1000_max": 26.376799280402867, + "nauc_mrr_at_1000_std": -30.008603028757424, + "nauc_mrr_at_100_diff1": 41.35523965220727, + "nauc_mrr_at_100_max": 26.402612115967706, + "nauc_mrr_at_100_std": -29.991754627128024, + "nauc_mrr_at_10_diff1": 41.001395127259315, + "nauc_mrr_at_10_max": 26.104860505051384, + "nauc_mrr_at_10_std": -30.38420449487516, + "nauc_mrr_at_1_diff1": 44.882846373248206, + "nauc_mrr_at_1_max": 26.61905322890808, + "nauc_mrr_at_1_std": -28.724565662206153, + "nauc_mrr_at_20_diff1": 41.278009142648834, + "nauc_mrr_at_20_max": 26.284565529087295, + "nauc_mrr_at_20_std": -30.19549140549242, + "nauc_mrr_at_3_diff1": 41.74663893951077, + "nauc_mrr_at_3_max": 26.263048464325884, + "nauc_mrr_at_3_std": -30.676733442965688, + "nauc_mrr_at_5_diff1": 41.11461477846568, + "nauc_mrr_at_5_max": 25.94713927964926, + "nauc_mrr_at_5_std": -30.317066480767817, + "nauc_ndcg_at_1000_diff1": 36.34161052445199, + "nauc_ndcg_at_1000_max": 26.321036033696206, + "nauc_ndcg_at_1000_std": -27.59146917115399, + "nauc_ndcg_at_100_diff1": 35.66557800007035, + "nauc_ndcg_at_100_max": 26.282211208336136, + "nauc_ndcg_at_100_std": -27.905634124461333, + "nauc_ndcg_at_10_diff1": 35.34872687407275, + "nauc_ndcg_at_10_max": 24.018561915792272, + "nauc_ndcg_at_10_std": -31.57712772869015, + "nauc_ndcg_at_1_diff1": 44.882846373248206, + "nauc_ndcg_at_1_max": 26.865602442152554, + "nauc_ndcg_at_1_std": -28.509295454329152, + "nauc_ndcg_at_20_diff1": 35.46177768045546, + "nauc_ndcg_at_20_max": 24.921273675141542, + "nauc_ndcg_at_20_std": -30.84348812979793, + "nauc_ndcg_at_3_diff1": 36.84688489063923, + "nauc_ndcg_at_3_max": 24.088513229463736, + "nauc_ndcg_at_3_std": -30.05640995379297, + "nauc_ndcg_at_5_diff1": 35.623143276796185, + "nauc_ndcg_at_5_max": 23.76654250474061, + "nauc_ndcg_at_5_std": -30.87847710074466, + "nauc_precision_at_1000_diff1": -16.270532533886932, + "nauc_precision_at_1000_max": 17.37365042394671, + "nauc_precision_at_1000_std": 16.27166715693082, + "nauc_precision_at_100_diff1": -13.175264889436313, + "nauc_precision_at_100_max": 19.488571046893963, + "nauc_precision_at_100_std": 9.055429698007798, + "nauc_precision_at_10_diff1": 0.6806938753592942, + "nauc_precision_at_10_max": 21.933083960522616, + "nauc_precision_at_10_std": -18.2147036942157, + "nauc_precision_at_1_diff1": 44.882846373248206, + "nauc_precision_at_1_max": 26.865602442152554, + "nauc_precision_at_1_std": -28.509295454329152, + "nauc_precision_at_20_diff1": -4.318119150162302, + "nauc_precision_at_20_max": 21.089702301041687, + "nauc_precision_at_20_std": -10.333077681479546, + "nauc_precision_at_3_diff1": 11.496076462671107, + "nauc_precision_at_3_max": 23.018301549827008, + "nauc_precision_at_3_std": -23.98652995416454, + "nauc_precision_at_5_diff1": 4.271050668117355, + "nauc_precision_at_5_max": 23.61051327966779, + "nauc_precision_at_5_std": -21.557618503107847, + "nauc_recall_at_1000_diff1": 62.23955911850697, + "nauc_recall_at_1000_max": 83.20491723365542, + "nauc_recall_at_1000_std": 66.5173462601958, + "nauc_recall_at_100_diff1": 20.503778602988177, + "nauc_recall_at_100_max": 29.379026288767506, + "nauc_recall_at_100_std": -16.139120874540573, + "nauc_recall_at_10_diff1": 27.659110249896557, + "nauc_recall_at_10_max": 19.69557968026332, + "nauc_recall_at_10_std": -33.95657132767551, + "nauc_recall_at_1_diff1": 50.80313333312038, + "nauc_recall_at_1_max": 16.649890421888156, + "nauc_recall_at_1_std": -22.323989416471683, + "nauc_recall_at_20_diff1": 27.084453724565176, + "nauc_recall_at_20_max": 21.40080632474994, + "nauc_recall_at_20_std": -32.83683639340239, + "nauc_recall_at_3_diff1": 34.32950941333572, + "nauc_recall_at_3_max": 18.55616615958199, + "nauc_recall_at_3_std": -30.375983327454076, + "nauc_recall_at_5_diff1": 29.44516734974564, + "nauc_recall_at_5_max": 20.630543534300312, + "nauc_recall_at_5_std": -31.30763062499127, + "ndcg_at_1": 43.501, + "ndcg_at_10": 50.831, + "ndcg_at_100": 58.17099999999999, + "ndcg_at_1000": 59.705, + "ndcg_at_20": 54.047999999999995, + "ndcg_at_3": 44.549, + "ndcg_at_5": 46.861000000000004, + "precision_at_1": 43.501, + "precision_at_10": 12.895999999999999, + "precision_at_100": 1.9, + "precision_at_1000": 0.21, + "precision_at_20": 7.593, + "precision_at_3": 29.215000000000003, + "precision_at_5": 21.57, + "recall_at_1": 25.549, + "recall_at_10": 61.795, + "recall_at_100": 90.019, + "recall_at_1000": 99.807, + "recall_at_20": 72.096, + "recall_at_3": 43.836999999999996, + "recall_at_5": 51.714000000000006 + }, + { + "hf_subset": "pol-pol", + "languages": [ + "pol-Latn", + "pol-Latn" + ], + "main_score": 53.70399999999999, + "map_at_1": 27.739000000000004, + "map_at_10": 47.469, + "map_at_100": 49.392, + "map_at_1000": 49.483, + "map_at_20": 48.646, + "map_at_3": 41.467, + "map_at_5": 45.467, + "mrr_at_1": 47.00636942675159, + "mrr_at_10": 54.63699322616519, + "mrr_at_100": 55.54525182833755, + "mrr_at_1000": 55.581331515356155, + "mrr_at_20": 55.22918377451415, + "mrr_at_3": 52.03821656050952, + "mrr_at_5": 53.38216560509549, + "nauc_map_at_1000_diff1": 45.03530825034854, + "nauc_map_at_1000_max": 34.22740272603397, + "nauc_map_at_1000_std": -30.428880484199244, + "nauc_map_at_100_diff1": 44.978704455592805, + "nauc_map_at_100_max": 34.20908357964765, + "nauc_map_at_100_std": -30.47325365059666, + "nauc_map_at_10_diff1": 44.9560579177672, + "nauc_map_at_10_max": 33.70097588985278, + "nauc_map_at_10_std": -31.205563222357885, + "nauc_map_at_1_diff1": 57.94711780881773, + "nauc_map_at_1_max": 21.60278071836319, + "nauc_map_at_1_std": -23.273741268035923, + "nauc_map_at_20_diff1": 44.97859054699532, + "nauc_map_at_20_max": 34.153729150181846, + "nauc_map_at_20_std": -30.97482545902907, + "nauc_map_at_3_diff1": 47.52016138686765, + "nauc_map_at_3_max": 30.176197065298417, + "nauc_map_at_3_std": -29.90628984041898, + "nauc_map_at_5_diff1": 45.36581638257985, + "nauc_map_at_5_max": 33.697200263698036, + "nauc_map_at_5_std": -31.165331120088453, + "nauc_mrr_at_1000_diff1": 53.32889526818364, + "nauc_mrr_at_1000_max": 36.104118340589736, + "nauc_mrr_at_1000_std": -31.321132494516984, + "nauc_mrr_at_100_diff1": 53.30695875258367, + "nauc_mrr_at_100_max": 36.114890079024455, + "nauc_mrr_at_100_std": -31.291749322117447, + "nauc_mrr_at_10_diff1": 53.189084772141435, + "nauc_mrr_at_10_max": 35.939061062282484, + "nauc_mrr_at_10_std": -31.502185884653645, + "nauc_mrr_at_1_diff1": 56.89368291041337, + "nauc_mrr_at_1_max": 36.07581125496313, + "nauc_mrr_at_1_std": -29.703764232519475, + "nauc_mrr_at_20_diff1": 53.23955737199497, + "nauc_mrr_at_20_max": 36.068824838215676, + "nauc_mrr_at_20_std": -31.420039428197594, + "nauc_mrr_at_3_diff1": 53.74385074861207, + "nauc_mrr_at_3_max": 35.57054587735015, + "nauc_mrr_at_3_std": -32.356894834537684, + "nauc_mrr_at_5_diff1": 53.66669556981826, + "nauc_mrr_at_5_max": 36.02102289605049, + "nauc_mrr_at_5_std": -32.030437067359124, + "nauc_ndcg_at_1000_diff1": 46.34900536768847, + "nauc_ndcg_at_1000_max": 35.6314995837715, + "nauc_ndcg_at_1000_std": -28.965103958822624, + "nauc_ndcg_at_100_diff1": 45.1587893788861, + "nauc_ndcg_at_100_max": 35.62430753595297, + "nauc_ndcg_at_100_std": -28.77303405812772, + "nauc_ndcg_at_10_diff1": 44.928781590765965, + "nauc_ndcg_at_10_max": 34.315200006430366, + "nauc_ndcg_at_10_std": -32.05164097076614, + "nauc_ndcg_at_1_diff1": 57.228262350455125, + "nauc_ndcg_at_1_max": 35.645285703387366, + "nauc_ndcg_at_1_std": -29.893553821348718, + "nauc_ndcg_at_20_diff1": 44.959903633039865, + "nauc_ndcg_at_20_max": 35.493022926282755, + "nauc_ndcg_at_20_std": -31.54989291850644, + "nauc_ndcg_at_3_diff1": 46.65266185996905, + "nauc_ndcg_at_3_max": 33.74458119579594, + "nauc_ndcg_at_3_std": -31.493683304534176, + "nauc_ndcg_at_5_diff1": 46.08707037187612, + "nauc_ndcg_at_5_max": 34.7401426055243, + "nauc_ndcg_at_5_std": -32.44390676345172, + "nauc_precision_at_1000_diff1": -12.11355300492561, + "nauc_precision_at_1000_max": 14.490738062121233, + "nauc_precision_at_1000_std": 14.448811005059097, + "nauc_precision_at_100_diff1": -9.742085657181239, + "nauc_precision_at_100_max": 18.030305489251223, + "nauc_precision_at_100_std": 8.213089709529765, + "nauc_precision_at_10_diff1": 5.153466672774969, + "nauc_precision_at_10_max": 27.29412644661678, + "nauc_precision_at_10_std": -15.505053884112355, + "nauc_precision_at_1_diff1": 57.228262350455125, + "nauc_precision_at_1_max": 35.645285703387366, + "nauc_precision_at_1_std": -29.893553821348718, + "nauc_precision_at_20_diff1": -0.6812430761066635, + "nauc_precision_at_20_max": 25.81911286466295, + "nauc_precision_at_20_std": -8.388506222482595, + "nauc_precision_at_3_diff1": 18.263873866510576, + "nauc_precision_at_3_max": 30.879576105862345, + "nauc_precision_at_3_std": -24.0342929870108, + "nauc_precision_at_5_diff1": 10.9905804265327, + "nauc_precision_at_5_max": 30.88468087429045, + "nauc_precision_at_5_std": -20.458684056213507, + "nauc_recall_at_1000_diff1": -64.887668417171, + "nauc_recall_at_1000_max": 52.25501730358092, + "nauc_recall_at_1000_std": 85.13647916200132, + "nauc_recall_at_100_diff1": 18.956777346127655, + "nauc_recall_at_100_max": 36.10473493564588, + "nauc_recall_at_100_std": -10.007474558899949, + "nauc_recall_at_10_diff1": 33.810344497568046, + "nauc_recall_at_10_max": 31.395430183214245, + "nauc_recall_at_10_std": -33.12920524433795, + "nauc_recall_at_1_diff1": 57.94711780881773, + "nauc_recall_at_1_max": 21.60278071836319, + "nauc_recall_at_1_std": -23.273741268035923, + "nauc_recall_at_20_diff1": 31.449657437065397, + "nauc_recall_at_20_max": 34.519574934321945, + "nauc_recall_at_20_std": -33.43406862055647, + "nauc_recall_at_3_diff1": 42.07841848382365, + "nauc_recall_at_3_max": 28.7648772833266, + "nauc_recall_at_3_std": -31.56367736320086, + "nauc_recall_at_5_diff1": 39.21392858246301, + "nauc_recall_at_5_max": 34.28338202081927, + "nauc_recall_at_5_std": -33.725680523721906, + "ndcg_at_1": 46.879, + "ndcg_at_10": 53.70399999999999, + "ndcg_at_100": 60.532, + "ndcg_at_1000": 61.997, + "ndcg_at_20": 56.818999999999996, + "ndcg_at_3": 47.441, + "ndcg_at_5": 49.936, + "precision_at_1": 46.879, + "precision_at_10": 13.376, + "precision_at_100": 1.8980000000000001, + "precision_at_1000": 0.208, + "precision_at_20": 7.771, + "precision_at_3": 30.658, + "precision_at_5": 22.828, + "recall_at_1": 27.739000000000004, + "recall_at_10": 64.197, + "recall_at_100": 90.54100000000001, + "recall_at_1000": 99.90400000000001, + "recall_at_20": 74.178, + "recall_at_3": 46.312, + "recall_at_5": 54.581999999999994 + }, + { + "hf_subset": "cmn-eng", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "main_score": 64.64, + "map_at_1": 35.858000000000004, + "map_at_10": 58.547000000000004, + "map_at_100": 60.108, + "map_at_1000": 60.153999999999996, + "map_at_20": 59.528000000000006, + "map_at_3": 51.578, + "map_at_5": 56.206999999999994, + "mrr_at_1": 56.95121951219512, + "mrr_at_10": 64.93975029036001, + "mrr_at_100": 65.63357055718294, + "mrr_at_1000": 65.64844109026834, + "mrr_at_20": 65.41280668715439, + "mrr_at_3": 62.68292682926826, + "mrr_at_5": 64.1585365853658, + "nauc_map_at_1000_diff1": 45.82740870907091, + "nauc_map_at_1000_max": 21.9696540066807, + "nauc_map_at_1000_std": -32.028262356639495, + "nauc_map_at_100_diff1": 45.802053117616396, + "nauc_map_at_100_max": 21.946002070290966, + "nauc_map_at_100_std": -32.06190418866229, + "nauc_map_at_10_diff1": 46.017774155748945, + "nauc_map_at_10_max": 21.876909086095544, + "nauc_map_at_10_std": -32.13913568843985, + "nauc_map_at_1_diff1": 56.34671160956164, + "nauc_map_at_1_max": 17.6796949796236, + "nauc_map_at_1_std": -13.741140688066045, + "nauc_map_at_20_diff1": 46.027469176858716, + "nauc_map_at_20_max": 21.80738432042703, + "nauc_map_at_20_std": -32.430379634015395, + "nauc_map_at_3_diff1": 48.40096725254027, + "nauc_map_at_3_max": 21.15442803574233, + "nauc_map_at_3_std": -26.205850292181417, + "nauc_map_at_5_diff1": 45.77800041356389, + "nauc_map_at_5_max": 22.11718771798752, + "nauc_map_at_5_std": -30.32876338031471, + "nauc_mrr_at_1000_diff1": 49.748274798877944, + "nauc_mrr_at_1000_max": 24.547774167219906, + "nauc_mrr_at_1000_std": -32.728447209433504, + "nauc_mrr_at_100_diff1": 49.734549290377856, + "nauc_mrr_at_100_max": 24.536933315055222, + "nauc_mrr_at_100_std": -32.74076335880697, + "nauc_mrr_at_10_diff1": 49.82827711456392, + "nauc_mrr_at_10_max": 24.536773657485075, + "nauc_mrr_at_10_std": -33.05707547166962, + "nauc_mrr_at_1_diff1": 51.954289992321044, + "nauc_mrr_at_1_max": 26.336255074856886, + "nauc_mrr_at_1_std": -29.042962019692446, + "nauc_mrr_at_20_diff1": 49.70938465628863, + "nauc_mrr_at_20_max": 24.433219849576947, + "nauc_mrr_at_20_std": -32.94123791846049, + "nauc_mrr_at_3_diff1": 50.289486880347134, + "nauc_mrr_at_3_max": 24.978796972860142, + "nauc_mrr_at_3_std": -32.11305594784892, + "nauc_mrr_at_5_diff1": 49.95013396316144, + "nauc_mrr_at_5_max": 24.514452761198303, + "nauc_mrr_at_5_std": -32.865859962984146, + "nauc_ndcg_at_1000_diff1": 45.73806489233998, + "nauc_ndcg_at_1000_max": 22.404941391043867, + "nauc_ndcg_at_1000_std": -33.063445720849685, + "nauc_ndcg_at_100_diff1": 45.1046206923062, + "nauc_ndcg_at_100_max": 22.081133719684658, + "nauc_ndcg_at_100_std": -33.299291459450146, + "nauc_ndcg_at_10_diff1": 46.140608688357496, + "nauc_ndcg_at_10_max": 21.442489279388916, + "nauc_ndcg_at_10_std": -35.115870342856006, + "nauc_ndcg_at_1_diff1": 51.954289992321044, + "nauc_ndcg_at_1_max": 26.336255074856886, + "nauc_ndcg_at_1_std": -29.042962019692446, + "nauc_ndcg_at_20_diff1": 45.966784725457046, + "nauc_ndcg_at_20_max": 21.166632858613145, + "nauc_ndcg_at_20_std": -35.65112890375392, + "nauc_ndcg_at_3_diff1": 46.7404863978999, + "nauc_ndcg_at_3_max": 22.701743709129456, + "nauc_ndcg_at_3_std": -30.907633466983192, + "nauc_ndcg_at_5_diff1": 45.86487199083486, + "nauc_ndcg_at_5_max": 22.088804840002513, + "nauc_ndcg_at_5_std": -32.3853481632832, + "nauc_precision_at_1000_diff1": -25.69710612774455, + "nauc_precision_at_1000_max": 1.3964400247388091, + "nauc_precision_at_1000_std": -8.873947511634814, + "nauc_precision_at_100_diff1": -24.013497191077978, + "nauc_precision_at_100_max": 2.0197725715909343, + "nauc_precision_at_100_std": -11.387423148770633, + "nauc_precision_at_10_diff1": -6.47728645242781, + "nauc_precision_at_10_max": 6.815261443768304, + "nauc_precision_at_10_std": -26.825062292855943, + "nauc_precision_at_1_diff1": 51.954289992321044, + "nauc_precision_at_1_max": 26.336255074856886, + "nauc_precision_at_1_std": -29.042962019692446, + "nauc_precision_at_20_diff1": -12.355232044747511, + "nauc_precision_at_20_max": 4.022126850949725, + "nauc_precision_at_20_std": -23.688935769326772, + "nauc_precision_at_3_diff1": 7.662671665835864, + "nauc_precision_at_3_max": 14.372394760986248, + "nauc_precision_at_3_std": -28.635125665532453, + "nauc_precision_at_5_diff1": -1.4592476425511611, + "nauc_precision_at_5_max": 11.124310161474174, + "nauc_precision_at_5_std": -27.89526669318053, + "nauc_recall_at_1000_diff1": -19.58450046684932, + "nauc_recall_at_1000_max": 70.71661998133165, + "nauc_recall_at_1000_std": 93.05555555556315, + "nauc_recall_at_100_diff1": 15.06356457571853, + "nauc_recall_at_100_max": 14.051414749344806, + "nauc_recall_at_100_std": -29.461874235153008, + "nauc_recall_at_10_diff1": 41.29842726117901, + "nauc_recall_at_10_max": 15.768699673830898, + "nauc_recall_at_10_std": -42.11585661287712, + "nauc_recall_at_1_diff1": 56.34671160956164, + "nauc_recall_at_1_max": 17.6796949796236, + "nauc_recall_at_1_std": -13.741140688066045, + "nauc_recall_at_20_diff1": 38.8078283585263, + "nauc_recall_at_20_max": 12.06816084005326, + "nauc_recall_at_20_std": -48.20956170056591, + "nauc_recall_at_3_diff1": 44.71028758038993, + "nauc_recall_at_3_max": 19.1059093689162, + "nauc_recall_at_3_std": -26.795164453784253, + "nauc_recall_at_5_diff1": 41.06320797773054, + "nauc_recall_at_5_max": 19.117028272530998, + "nauc_recall_at_5_std": -33.985747504612156, + "ndcg_at_1": 56.95099999999999, + "ndcg_at_10": 64.64, + "ndcg_at_100": 70.017, + "ndcg_at_1000": 70.662, + "ndcg_at_20": 67.256, + "ndcg_at_3": 58.269000000000005, + "ndcg_at_5": 60.94199999999999, + "precision_at_1": 56.95099999999999, + "precision_at_10": 15.671, + "precision_at_100": 2.002, + "precision_at_1000": 0.208, + "precision_at_20": 8.689, + "precision_at_3": 36.341, + "precision_at_5": 26.854, + "recall_at_1": 35.858000000000004, + "recall_at_10": 75.02, + "recall_at_100": 95.76, + "recall_at_1000": 99.837, + "recall_at_20": 83.732, + "recall_at_3": 57.093, + "recall_at_5": 66.193 + }, + { + "hf_subset": "cmn-cmn", + "languages": [ + "cmn-Hans", + "cmn-Hans" + ], + "main_score": 69.446, + "map_at_1": 39.995999999999995, + "map_at_10": 64.033, + "map_at_100": 65.51599999999999, + "map_at_1000": 65.545, + "map_at_20": 64.958, + "map_at_3": 57.767, + "map_at_5": 61.998, + "mrr_at_1": 63.3495145631068, + "mrr_at_10": 70.21146363075978, + "mrr_at_100": 70.82810974202124, + "mrr_at_1000": 70.83816803303915, + "mrr_at_20": 70.60140248428802, + "mrr_at_3": 68.66909385113267, + "mrr_at_5": 69.56108414239482, + "nauc_map_at_1000_diff1": 51.649897072831465, + "nauc_map_at_1000_max": 38.25222728655331, + "nauc_map_at_1000_std": -39.10327919949334, + "nauc_map_at_100_diff1": 51.644205886401465, + "nauc_map_at_100_max": 38.23611154355255, + "nauc_map_at_100_std": -39.1677073977285, + "nauc_map_at_10_diff1": 51.81444145636039, + "nauc_map_at_10_max": 38.03382104326485, + "nauc_map_at_10_std": -38.999395639812015, + "nauc_map_at_1_diff1": 59.785298201044704, + "nauc_map_at_1_max": 23.273537759937785, + "nauc_map_at_1_std": -17.838712689290194, + "nauc_map_at_20_diff1": 51.680208795601004, + "nauc_map_at_20_max": 38.23334583518634, + "nauc_map_at_20_std": -39.24344495939061, + "nauc_map_at_3_diff1": 52.180913298194056, + "nauc_map_at_3_max": 33.45482478000481, + "nauc_map_at_3_std": -31.682911030586297, + "nauc_map_at_5_diff1": 50.804900676175436, + "nauc_map_at_5_max": 37.68924816012326, + "nauc_map_at_5_std": -36.85016896616712, + "nauc_mrr_at_1000_diff1": 56.371477471577535, + "nauc_mrr_at_1000_max": 42.773877962050086, + "nauc_mrr_at_1000_std": -40.41765081873682, + "nauc_mrr_at_100_diff1": 56.3619751528192, + "nauc_mrr_at_100_max": 42.76298794859916, + "nauc_mrr_at_100_std": -40.44070582448831, + "nauc_mrr_at_10_diff1": 56.33810523477712, + "nauc_mrr_at_10_max": 42.76591937795783, + "nauc_mrr_at_10_std": -40.69339583030244, + "nauc_mrr_at_1_diff1": 58.90399906884378, + "nauc_mrr_at_1_max": 43.38806571165292, + "nauc_mrr_at_1_std": -38.224015285584, + "nauc_mrr_at_20_diff1": 56.32629070537032, + "nauc_mrr_at_20_max": 42.79615263472604, + "nauc_mrr_at_20_std": -40.496777397603076, + "nauc_mrr_at_3_diff1": 55.96989454480743, + "nauc_mrr_at_3_max": 42.49832220744744, + "nauc_mrr_at_3_std": -39.883799467132384, + "nauc_mrr_at_5_diff1": 56.003080766475755, + "nauc_mrr_at_5_max": 42.73308051011805, + "nauc_mrr_at_5_std": -39.87179511166683, + "nauc_ndcg_at_1000_diff1": 52.49054229225255, + "nauc_ndcg_at_1000_max": 39.61644750719859, + "nauc_ndcg_at_1000_std": -40.89845763194674, + "nauc_ndcg_at_100_diff1": 52.33511250864434, + "nauc_ndcg_at_100_max": 39.25530146124452, + "nauc_ndcg_at_100_std": -41.92444498004374, + "nauc_ndcg_at_10_diff1": 52.62031505931842, + "nauc_ndcg_at_10_max": 38.667195545396766, + "nauc_ndcg_at_10_std": -42.59503924641507, + "nauc_ndcg_at_1_diff1": 58.90399906884378, + "nauc_ndcg_at_1_max": 43.38806571165292, + "nauc_ndcg_at_1_std": -38.224015285584, + "nauc_ndcg_at_20_diff1": 52.15061629809436, + "nauc_ndcg_at_20_max": 39.09332400054708, + "nauc_ndcg_at_20_std": -42.80018671618001, + "nauc_ndcg_at_3_diff1": 51.04210728138207, + "nauc_ndcg_at_3_max": 38.19034802567046, + "nauc_ndcg_at_3_std": -38.179821090765216, + "nauc_ndcg_at_5_diff1": 51.04399574045204, + "nauc_ndcg_at_5_max": 38.42492210204548, + "nauc_ndcg_at_5_std": -38.868073241617715, + "nauc_precision_at_1000_diff1": -25.151369907213734, + "nauc_precision_at_1000_max": 9.012549147054989, + "nauc_precision_at_1000_std": -9.319786589947698, + "nauc_precision_at_100_diff1": -23.20945211843088, + "nauc_precision_at_100_max": 9.860701593969862, + "nauc_precision_at_100_std": -13.073877818347231, + "nauc_precision_at_10_diff1": -6.970781124246847, + "nauc_precision_at_10_max": 19.392675322254487, + "nauc_precision_at_10_std": -26.74943490717657, + "nauc_precision_at_1_diff1": 58.90399906884378, + "nauc_precision_at_1_max": 43.38806571165292, + "nauc_precision_at_1_std": -38.224015285584, + "nauc_precision_at_20_diff1": -13.046456108081102, + "nauc_precision_at_20_max": 15.69439950383875, + "nauc_precision_at_20_std": -23.836004512018093, + "nauc_precision_at_3_diff1": 3.5444232965528846, + "nauc_precision_at_3_max": 27.08858445453865, + "nauc_precision_at_3_std": -29.12757283665593, + "nauc_precision_at_5_diff1": -3.6853986353320267, + "nauc_precision_at_5_max": 24.32059689571271, + "nauc_precision_at_5_std": -27.46188072134163, + "nauc_recall_at_1000_diff1": 86.93515141907919, + "nauc_recall_at_1000_max": 100.0, + "nauc_recall_at_1000_std": 100.0, + "nauc_recall_at_100_diff1": 39.7052887613879, + "nauc_recall_at_100_max": 18.40943977796887, + "nauc_recall_at_100_std": -88.74014854144974, + "nauc_recall_at_10_diff1": 48.85342500870892, + "nauc_recall_at_10_max": 32.69617204234419, + "nauc_recall_at_10_std": -51.9937231860804, + "nauc_recall_at_1_diff1": 59.785298201044704, + "nauc_recall_at_1_max": 23.273537759937785, + "nauc_recall_at_1_std": -17.838712689290194, + "nauc_recall_at_20_diff1": 45.40839773314378, + "nauc_recall_at_20_max": 33.02458321493215, + "nauc_recall_at_20_std": -55.97800739448166, + "nauc_recall_at_3_diff1": 47.05565693416531, + "nauc_recall_at_3_max": 28.743850400344297, + "nauc_recall_at_3_std": -32.436470486397475, + "nauc_recall_at_5_diff1": 45.30223758669577, + "nauc_recall_at_5_max": 33.6567274747059, + "nauc_recall_at_5_std": -39.946712017948514, + "ndcg_at_1": 63.349999999999994, + "ndcg_at_10": 69.446, + "ndcg_at_100": 74.439, + "ndcg_at_1000": 74.834, + "ndcg_at_20": 71.763, + "ndcg_at_3": 64.752, + "ndcg_at_5": 66.316, + "precision_at_1": 63.349999999999994, + "precision_at_10": 16.286, + "precision_at_100": 2.024, + "precision_at_1000": 0.207, + "precision_at_20": 8.908000000000001, + "precision_at_3": 40.655, + "precision_at_5": 28.859, + "recall_at_1": 39.995999999999995, + "recall_at_10": 78.107, + "recall_at_100": 97.538, + "recall_at_1000": 99.96000000000001, + "recall_at_20": 85.72, + "recall_at_3": 63.291, + "recall_at_5": 70.625 + }, + { + "hf_subset": "spa-eng", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "main_score": 68.258, + "map_at_1": 33.06, + "map_at_10": 61.590999999999994, + "map_at_100": 63.341, + "map_at_1000": 63.385999999999996, + "map_at_20": 62.77700000000001, + "map_at_3": 52.547999999999995, + "map_at_5": 58.824, + "mrr_at_1": 63.80832282471627, + "mrr_at_10": 70.76848015372607, + "mrr_at_100": 71.33996704518061, + "mrr_at_1000": 71.35368444388072, + "mrr_at_20": 71.18191741103522, + "mrr_at_3": 68.83144178226142, + "mrr_at_5": 69.88440521227405, + "nauc_map_at_1000_diff1": 41.59255746310511, + "nauc_map_at_1000_max": 42.064075373358065, + "nauc_map_at_1000_std": -25.130730194381723, + "nauc_map_at_100_diff1": 41.56447648820406, + "nauc_map_at_100_max": 42.06711634651607, + "nauc_map_at_100_std": -25.14871585556968, + "nauc_map_at_10_diff1": 41.28968387107058, + "nauc_map_at_10_max": 41.511538272139774, + "nauc_map_at_10_std": -25.99906440164276, + "nauc_map_at_1_diff1": 51.09859596320021, + "nauc_map_at_1_max": 12.406789321338222, + "nauc_map_at_1_std": -18.227486548655076, + "nauc_map_at_20_diff1": 41.39469672947315, + "nauc_map_at_20_max": 41.98309315808902, + "nauc_map_at_20_std": -25.44704720985219, + "nauc_map_at_3_diff1": 43.16164995512842, + "nauc_map_at_3_max": 30.935400935562818, + "nauc_map_at_3_std": -23.53095555148866, + "nauc_map_at_5_diff1": 41.23474352142375, + "nauc_map_at_5_max": 39.03088859147947, + "nauc_map_at_5_std": -26.046526443708366, + "nauc_mrr_at_1000_diff1": 51.79649678213789, + "nauc_mrr_at_1000_max": 50.50340748045259, + "nauc_mrr_at_1000_std": -24.777183703493407, + "nauc_mrr_at_100_diff1": 51.78609028166551, + "nauc_mrr_at_100_max": 50.51732896833555, + "nauc_mrr_at_100_std": -24.760054686874717, + "nauc_mrr_at_10_diff1": 51.705268395036995, + "nauc_mrr_at_10_max": 50.35818415293149, + "nauc_mrr_at_10_std": -25.170367120250404, + "nauc_mrr_at_1_diff1": 53.91475115581825, + "nauc_mrr_at_1_max": 49.122529616282016, + "nauc_mrr_at_1_std": -22.377647552937155, + "nauc_mrr_at_20_diff1": 51.778984221197774, + "nauc_mrr_at_20_max": 50.5070957827813, + "nauc_mrr_at_20_std": -24.908935023607285, + "nauc_mrr_at_3_diff1": 51.82683773090423, + "nauc_mrr_at_3_max": 50.77993196421369, + "nauc_mrr_at_3_std": -24.3925832021831, + "nauc_mrr_at_5_diff1": 51.722232683543034, + "nauc_mrr_at_5_max": 50.334865493961864, + "nauc_mrr_at_5_std": -25.513593495703297, + "nauc_ndcg_at_1000_diff1": 44.21851582991263, + "nauc_ndcg_at_1000_max": 45.73539068637836, + "nauc_ndcg_at_1000_std": -24.716522467580397, + "nauc_ndcg_at_100_diff1": 43.8002401615357, + "nauc_ndcg_at_100_max": 45.801409410061915, + "nauc_ndcg_at_100_std": -24.73171742499903, + "nauc_ndcg_at_10_diff1": 42.540922778755885, + "nauc_ndcg_at_10_max": 44.348836943874595, + "nauc_ndcg_at_10_std": -28.05403666494785, + "nauc_ndcg_at_1_diff1": 53.91475115581825, + "nauc_ndcg_at_1_max": 49.122529616282016, + "nauc_ndcg_at_1_std": -22.377647552937155, + "nauc_ndcg_at_20_diff1": 43.10347921163421, + "nauc_ndcg_at_20_max": 45.53253270265022, + "nauc_ndcg_at_20_std": -26.63902791862846, + "nauc_ndcg_at_3_diff1": 42.41720274782384, + "nauc_ndcg_at_3_max": 42.91778219334943, + "nauc_ndcg_at_3_std": -24.793252033594076, + "nauc_ndcg_at_5_diff1": 42.51515034945093, + "nauc_ndcg_at_5_max": 41.62080576508792, + "nauc_ndcg_at_5_std": -28.209669314955065, + "nauc_precision_at_1000_diff1": -14.89794075433148, + "nauc_precision_at_1000_max": 27.85387929356412, + "nauc_precision_at_1000_std": 10.728618597190849, + "nauc_precision_at_100_diff1": -13.075270046295856, + "nauc_precision_at_100_max": 29.77208946756632, + "nauc_precision_at_100_std": 8.491662697326039, + "nauc_precision_at_10_diff1": -4.0826025188781205, + "nauc_precision_at_10_max": 39.04278085180075, + "nauc_precision_at_10_std": -5.925408651372333, + "nauc_precision_at_1_diff1": 53.91475115581825, + "nauc_precision_at_1_max": 49.122529616282016, + "nauc_precision_at_1_std": -22.377647552937155, + "nauc_precision_at_20_diff1": -7.93186440645135, + "nauc_precision_at_20_max": 35.81281308891365, + "nauc_precision_at_20_std": 0.1241277857515697, + "nauc_precision_at_3_diff1": 7.563562511484409, + "nauc_precision_at_3_max": 43.43738862378524, + "nauc_precision_at_3_std": -11.958059731912615, + "nauc_precision_at_5_diff1": -0.1801152449011624, + "nauc_precision_at_5_max": 41.32486715619513, + "nauc_precision_at_5_std": -10.088699021919552, + "nauc_recall_at_1000_diff1": 86.93359696819986, + "nauc_recall_at_1000_max": 100.0, + "nauc_recall_at_1000_std": 72.21843645604022, + "nauc_recall_at_100_diff1": 29.86050842714198, + "nauc_recall_at_100_max": 48.106658251136245, + "nauc_recall_at_100_std": -14.981886214880035, + "nauc_recall_at_10_diff1": 33.67119240737528, + "nauc_recall_at_10_max": 39.271984859561414, + "nauc_recall_at_10_std": -35.6434883839217, + "nauc_recall_at_1_diff1": 51.09859596320021, + "nauc_recall_at_1_max": 12.406789321338222, + "nauc_recall_at_1_std": -18.227486548655076, + "nauc_recall_at_20_diff1": 33.211979983240724, + "nauc_recall_at_20_max": 43.47676074743184, + "nauc_recall_at_20_std": -33.88107138395349, + "nauc_recall_at_3_diff1": 39.22513750146998, + "nauc_recall_at_3_max": 27.066674083840166, + "nauc_recall_at_3_std": -26.963282529629893, + "nauc_recall_at_5_diff1": 36.53718917129459, + "nauc_recall_at_5_max": 35.40550013169686, + "nauc_recall_at_5_std": -34.209159379410806, + "ndcg_at_1": 63.808, + "ndcg_at_10": 68.258, + "ndcg_at_100": 73.38799999999999, + "ndcg_at_1000": 74.03, + "ndcg_at_20": 70.968, + "ndcg_at_3": 62.33, + "ndcg_at_5": 64.096, + "precision_at_1": 63.808, + "precision_at_10": 19.243, + "precision_at_100": 2.367, + "precision_at_1000": 0.245, + "precision_at_20": 10.599, + "precision_at_3": 44.515, + "precision_at_5": 33.467999999999996, + "recall_at_1": 33.06, + "recall_at_10": 77.423, + "recall_at_100": 95.923, + "recall_at_1000": 99.874, + "recall_at_20": 85.782, + "recall_at_3": 57.098000000000006, + "recall_at_5": 67.472 + }, + { + "hf_subset": "spa-spa", + "languages": [ + "spa-Latn", + "spa-Latn" + ], + "main_score": 72.004, + "map_at_1": 36.248000000000005, + "map_at_10": 65.679, + "map_at_100": 67.22399999999999, + "map_at_1000": 67.264, + "map_at_20": 66.705, + "map_at_3": 56.455, + "map_at_5": 62.997, + "mrr_at_1": 67.71752837326608, + "mrr_at_10": 74.59782021257429, + "mrr_at_100": 75.0640960767943, + "mrr_at_1000": 75.07324799466076, + "mrr_at_20": 74.9323963386884, + "mrr_at_3": 72.95081967213115, + "mrr_at_5": 73.82723833543506, + "nauc_map_at_1000_diff1": 43.111810717567714, + "nauc_map_at_1000_max": 44.835247208972476, + "nauc_map_at_1000_std": -32.798405973931985, + "nauc_map_at_100_diff1": 43.090223482932764, + "nauc_map_at_100_max": 44.83392441557943, + "nauc_map_at_100_std": -32.81149166676563, + "nauc_map_at_10_diff1": 42.87841934951979, + "nauc_map_at_10_max": 43.9838653389494, + "nauc_map_at_10_std": -33.588084643627084, + "nauc_map_at_1_diff1": 54.509245848379095, + "nauc_map_at_1_max": 10.05921648322742, + "nauc_map_at_1_std": -24.652326014826762, + "nauc_map_at_20_diff1": 43.07468612984794, + "nauc_map_at_20_max": 44.75663122615032, + "nauc_map_at_20_std": -33.11788887878321, + "nauc_map_at_3_diff1": 44.63272828938906, + "nauc_map_at_3_max": 32.1584369869227, + "nauc_map_at_3_std": -30.761662210142944, + "nauc_map_at_5_diff1": 42.77296997803048, + "nauc_map_at_5_max": 41.78894616737652, + "nauc_map_at_5_std": -33.56459774477362, + "nauc_mrr_at_1000_diff1": 53.097544131833494, + "nauc_mrr_at_1000_max": 50.61134979184588, + "nauc_mrr_at_1000_std": -35.6221191487669, + "nauc_mrr_at_100_diff1": 53.096609856182106, + "nauc_mrr_at_100_max": 50.61951585642645, + "nauc_mrr_at_100_std": -35.62396157508327, + "nauc_mrr_at_10_diff1": 52.771534471912304, + "nauc_mrr_at_10_max": 50.430863224435726, + "nauc_mrr_at_10_std": -36.027992076620365, + "nauc_mrr_at_1_diff1": 55.05316238884337, + "nauc_mrr_at_1_max": 49.461858515275196, + "nauc_mrr_at_1_std": -31.87492636319712, + "nauc_mrr_at_20_diff1": 53.083253469629746, + "nauc_mrr_at_20_max": 50.62156424256193, + "nauc_mrr_at_20_std": -35.879153692447154, + "nauc_mrr_at_3_diff1": 52.98283109188415, + "nauc_mrr_at_3_max": 50.83561260429378, + "nauc_mrr_at_3_std": -35.30839538038797, + "nauc_mrr_at_5_diff1": 52.93270510879709, + "nauc_mrr_at_5_max": 50.54595596761199, + "nauc_mrr_at_5_std": -35.84059376434395, + "nauc_ndcg_at_1000_diff1": 45.343685089209416, + "nauc_ndcg_at_1000_max": 47.801141576669465, + "nauc_ndcg_at_1000_std": -33.512958862879195, + "nauc_ndcg_at_100_diff1": 45.255590461515894, + "nauc_ndcg_at_100_max": 47.99240031881967, + "nauc_ndcg_at_100_std": -33.614465006695205, + "nauc_ndcg_at_10_diff1": 43.93472511731019, + "nauc_ndcg_at_10_max": 45.92599752897053, + "nauc_ndcg_at_10_std": -36.43629114491574, + "nauc_ndcg_at_1_diff1": 55.05316238884337, + "nauc_ndcg_at_1_max": 49.461858515275196, + "nauc_ndcg_at_1_std": -31.87492636319712, + "nauc_ndcg_at_20_diff1": 44.93534591273201, + "nauc_ndcg_at_20_max": 47.55153940713458, + "nauc_ndcg_at_20_std": -35.56392448745206, + "nauc_ndcg_at_3_diff1": 43.17916122133396, + "nauc_ndcg_at_3_max": 45.603634205103276, + "nauc_ndcg_at_3_std": -32.473227507181214, + "nauc_ndcg_at_5_diff1": 44.10242961669216, + "nauc_ndcg_at_5_max": 43.61666669031808, + "nauc_ndcg_at_5_std": -35.98808321497782, + "nauc_precision_at_1000_diff1": -23.264714449991146, + "nauc_precision_at_1000_max": 28.505729576735465, + "nauc_precision_at_1000_std": 11.987379232920926, + "nauc_precision_at_100_diff1": -21.156119174614627, + "nauc_precision_at_100_max": 30.711646221646255, + "nauc_precision_at_100_std": 9.650486536340322, + "nauc_precision_at_10_diff1": -10.98001328477502, + "nauc_precision_at_10_max": 39.25638073760597, + "nauc_precision_at_10_std": -4.3456859257488, + "nauc_precision_at_1_diff1": 55.05316238884337, + "nauc_precision_at_1_max": 49.461858515275196, + "nauc_precision_at_1_std": -31.87492636319712, + "nauc_precision_at_20_diff1": -14.97565390664424, + "nauc_precision_at_20_max": 36.383835295942355, + "nauc_precision_at_20_std": 1.525158880381114, + "nauc_precision_at_3_diff1": 1.0448345623903483, + "nauc_precision_at_3_max": 45.69772060667404, + "nauc_precision_at_3_std": -13.002685018948293, + "nauc_precision_at_5_diff1": -5.434185597628904, + "nauc_precision_at_5_max": 42.99162431099203, + "nauc_precision_at_5_std": -9.789308817624534, + "nauc_recall_at_1000_diff1": 12.309303236094845, + "nauc_recall_at_1000_max": 100.0, + "nauc_recall_at_1000_std": 86.93359696819986, + "nauc_recall_at_100_diff1": 39.093544920901415, + "nauc_recall_at_100_max": 55.62814395062938, + "nauc_recall_at_100_std": -22.6919033301514, + "nauc_recall_at_10_diff1": 35.50100141633622, + "nauc_recall_at_10_max": 39.25750019586647, + "nauc_recall_at_10_std": -43.01273078031791, + "nauc_recall_at_1_diff1": 54.509245848379095, + "nauc_recall_at_1_max": 10.05921648322742, + "nauc_recall_at_1_std": -24.652326014826762, + "nauc_recall_at_20_diff1": 38.1281707132327, + "nauc_recall_at_20_max": 43.97950642900301, + "nauc_recall_at_20_std": -44.049952771307574, + "nauc_recall_at_3_diff1": 40.01986938242728, + "nauc_recall_at_3_max": 27.517114421061173, + "nauc_recall_at_3_std": -32.99056780232045, + "nauc_recall_at_5_diff1": 38.52035606499483, + "nauc_recall_at_5_max": 37.05834604678859, + "nauc_recall_at_5_std": -39.86196378897912, + "ndcg_at_1": 67.718, + "ndcg_at_10": 72.004, + "ndcg_at_100": 76.554, + "ndcg_at_1000": 77.07300000000001, + "ndcg_at_20": 74.37899999999999, + "ndcg_at_3": 66.379, + "ndcg_at_5": 68.082, + "precision_at_1": 67.718, + "precision_at_10": 19.849, + "precision_at_100": 2.3800000000000003, + "precision_at_1000": 0.245, + "precision_at_20": 10.813, + "precision_at_3": 46.574, + "precision_at_5": 34.83, + "recall_at_1": 36.248000000000005, + "recall_at_10": 80.252, + "recall_at_100": 96.73, + "recall_at_1000": 99.874, + "recall_at_20": 87.703, + "recall_at_3": 60.815, + "recall_at_5": 71.16 + }, + { + "hf_subset": "fra-eng", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "main_score": 73.729, + "map_at_1": 43.964999999999996, + "map_at_10": 67.803, + "map_at_100": 69.188, + "map_at_1000": 69.21000000000001, + "map_at_20": 68.747, + "map_at_3": 60.972, + "map_at_5": 65.39399999999999, + "mrr_at_1": 68.4913217623498, + "mrr_at_10": 75.2600822260368, + "mrr_at_100": 75.6599169808848, + "mrr_at_1000": 75.66720883727534, + "mrr_at_20": 75.52375865860405, + "mrr_at_3": 73.54250111259452, + "mrr_at_5": 74.51713395638626, + "nauc_map_at_1000_diff1": 46.81533703002097, + "nauc_map_at_1000_max": 46.30794757084772, + "nauc_map_at_1000_std": -14.953470500312335, + "nauc_map_at_100_diff1": 46.82464740277745, + "nauc_map_at_100_max": 46.32852879948254, + "nauc_map_at_100_std": -14.950035098066172, + "nauc_map_at_10_diff1": 46.31406143369831, + "nauc_map_at_10_max": 45.337593270786634, + "nauc_map_at_10_std": -16.011789445907876, + "nauc_map_at_1_diff1": 57.097134715065835, + "nauc_map_at_1_max": 21.93931500350721, + "nauc_map_at_1_std": -15.134457251301637, + "nauc_map_at_20_diff1": 46.47030891134173, + "nauc_map_at_20_max": 46.29169960276292, + "nauc_map_at_20_std": -15.14241106541829, + "nauc_map_at_3_diff1": 50.27064228648596, + "nauc_map_at_3_max": 39.43058773971639, + "nauc_map_at_3_std": -16.16545993089126, + "nauc_map_at_5_diff1": 46.974867679747426, + "nauc_map_at_5_max": 44.31091104855002, + "nauc_map_at_5_std": -16.50175337658926, + "nauc_mrr_at_1000_diff1": 55.20294005110399, + "nauc_mrr_at_1000_max": 51.947725719119966, + "nauc_mrr_at_1000_std": -14.586112939597232, + "nauc_mrr_at_100_diff1": 55.20426251109304, + "nauc_mrr_at_100_max": 51.95648725402534, + "nauc_mrr_at_100_std": -14.579769236539143, + "nauc_mrr_at_10_diff1": 54.93870506205835, + "nauc_mrr_at_10_max": 51.89312772900638, + "nauc_mrr_at_10_std": -14.692635010092939, + "nauc_mrr_at_1_diff1": 56.54945935175171, + "nauc_mrr_at_1_max": 51.28134504197991, + "nauc_mrr_at_1_std": -12.909042186563061, + "nauc_mrr_at_20_diff1": 55.10667018041461, + "nauc_mrr_at_20_max": 51.98236870783707, + "nauc_mrr_at_20_std": -14.599377575198025, + "nauc_mrr_at_3_diff1": 55.67124311746892, + "nauc_mrr_at_3_max": 51.77903236246767, + "nauc_mrr_at_3_std": -14.94452633860763, + "nauc_mrr_at_5_diff1": 55.42849172366371, + "nauc_mrr_at_5_max": 51.76902965753959, + "nauc_mrr_at_5_std": -15.357993534727072, + "nauc_ndcg_at_1000_diff1": 48.736844959280326, + "nauc_ndcg_at_1000_max": 48.92891159935398, + "nauc_ndcg_at_1000_std": -13.983968675611056, + "nauc_ndcg_at_100_diff1": 48.73859328503975, + "nauc_ndcg_at_100_max": 49.31867149556439, + "nauc_ndcg_at_100_std": -13.72387564912742, + "nauc_ndcg_at_10_diff1": 46.50313862975287, + "nauc_ndcg_at_10_max": 47.13599793554596, + "nauc_ndcg_at_10_std": -16.317919977400113, + "nauc_ndcg_at_1_diff1": 56.54945935175171, + "nauc_ndcg_at_1_max": 51.28134504197991, + "nauc_ndcg_at_1_std": -12.909042186563061, + "nauc_ndcg_at_20_diff1": 47.01727117133912, + "nauc_ndcg_at_20_max": 49.121366036709105, + "nauc_ndcg_at_20_std": -14.411078677638775, + "nauc_ndcg_at_3_diff1": 49.229581145458276, + "nauc_ndcg_at_3_max": 47.427609717032, + "nauc_ndcg_at_3_std": -16.52066627289908, + "nauc_ndcg_at_5_diff1": 48.0152514127505, + "nauc_ndcg_at_5_max": 46.12152407850816, + "nauc_ndcg_at_5_std": -17.613295491954656, + "nauc_precision_at_1000_diff1": -25.959006032642463, + "nauc_precision_at_1000_max": 12.81002362947137, + "nauc_precision_at_1000_std": 12.575312826061513, + "nauc_precision_at_100_diff1": -24.35413527283394, + "nauc_precision_at_100_max": 14.878359236477303, + "nauc_precision_at_100_std": 12.384426050018428, + "nauc_precision_at_10_diff1": -17.93220761770618, + "nauc_precision_at_10_max": 23.523485811847294, + "nauc_precision_at_10_std": 4.424456968716939, + "nauc_precision_at_1_diff1": 56.54945935175171, + "nauc_precision_at_1_max": 51.28134504197991, + "nauc_precision_at_1_std": -12.909042186563061, + "nauc_precision_at_20_diff1": -21.776871398686936, + "nauc_precision_at_20_max": 21.18436338264366, + "nauc_precision_at_20_std": 9.937274986573321, + "nauc_precision_at_3_diff1": -1.2411845580934435, + "nauc_precision_at_3_max": 34.962281941875, + "nauc_precision_at_3_std": -2.447892908501237, + "nauc_precision_at_5_diff1": -11.134164534114085, + "nauc_precision_at_5_max": 30.22079740070525, + "nauc_precision_at_5_std": -0.24232594421765946, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": 43.3647412452869, + "nauc_recall_at_100_max": 63.50094950500327, + "nauc_recall_at_100_std": 2.3911909633714044, + "nauc_recall_at_10_diff1": 33.993445071666855, + "nauc_recall_at_10_max": 41.38694129134144, + "nauc_recall_at_10_std": -19.308698266099096, + "nauc_recall_at_1_diff1": 57.097134715065835, + "nauc_recall_at_1_max": 21.93931500350721, + "nauc_recall_at_1_std": -15.134457251301637, + "nauc_recall_at_20_diff1": 32.03888531880772, + "nauc_recall_at_20_max": 49.660787482562085, + "nauc_recall_at_20_std": -12.641456758778382, + "nauc_recall_at_3_diff1": 47.94527082900579, + "nauc_recall_at_3_max": 36.51733131437679, + "nauc_recall_at_3_std": -18.65511713247495, + "nauc_recall_at_5_diff1": 42.04545772092305, + "nauc_recall_at_5_max": 41.21440912972303, + "nauc_recall_at_5_std": -21.47386527081128, + "ndcg_at_1": 68.491, + "ndcg_at_10": 73.729, + "ndcg_at_100": 77.684, + "ndcg_at_1000": 78.084, + "ndcg_at_20": 75.795, + "ndcg_at_3": 68.568, + "ndcg_at_5": 70.128, + "precision_at_1": 68.491, + "precision_at_10": 16.996, + "precision_at_100": 2.023, + "precision_at_1000": 0.207, + "precision_at_20": 9.246, + "precision_at_3": 41.923, + "precision_at_5": 29.826000000000004, + "recall_at_1": 43.964999999999996, + "recall_at_10": 82.777, + "recall_at_100": 97.287, + "recall_at_1000": 100.0, + "recall_at_20": 89.183, + "recall_at_3": 65.803, + "recall_at_5": 74.119 + }, + { + "hf_subset": "fra-fra", + "languages": [ + "fra-Latn", + "fra-Latn" + ], + "main_score": 77.581, + "map_at_1": 46.444, + "map_at_10": 72.084, + "map_at_100": 73.175, + "map_at_1000": 73.193, + "map_at_20": 72.77799999999999, + "map_at_3": 65.242, + "map_at_5": 69.926, + "mrr_at_1": 71.82910547396529, + "mrr_at_10": 78.66594612923046, + "mrr_at_100": 78.97334934049613, + "mrr_at_1000": 78.97687021803557, + "mrr_at_20": 78.85701141744282, + "mrr_at_3": 76.96929238985311, + "mrr_at_5": 77.99732977303067, + "nauc_map_at_1000_diff1": 49.090956807097804, + "nauc_map_at_1000_max": 52.01095354889508, + "nauc_map_at_1000_std": -12.182870421711026, + "nauc_map_at_100_diff1": 49.091664766684566, + "nauc_map_at_100_max": 52.017499797253755, + "nauc_map_at_100_std": -12.188342487271528, + "nauc_map_at_10_diff1": 48.6619338205362, + "nauc_map_at_10_max": 50.93591260329888, + "nauc_map_at_10_std": -12.899399261673365, + "nauc_map_at_1_diff1": 61.89699552471587, + "nauc_map_at_1_max": 22.387748207421946, + "nauc_map_at_1_std": -17.139518194308437, + "nauc_map_at_20_diff1": 48.72828404686453, + "nauc_map_at_20_max": 51.781074586075434, + "nauc_map_at_20_std": -12.174270605093136, + "nauc_map_at_3_diff1": 53.11509580126934, + "nauc_map_at_3_max": 42.1768380145106, + "nauc_map_at_3_std": -14.98340833032363, + "nauc_map_at_5_diff1": 49.60521390803235, + "nauc_map_at_5_max": 49.80360562029127, + "nauc_map_at_5_std": -13.900652140457618, + "nauc_mrr_at_1000_diff1": 58.10782478654255, + "nauc_mrr_at_1000_max": 61.31083013535486, + "nauc_mrr_at_1000_std": -9.624904298545921, + "nauc_mrr_at_100_diff1": 58.11041683306092, + "nauc_mrr_at_100_max": 61.31590199755797, + "nauc_mrr_at_100_std": -9.625991053580865, + "nauc_mrr_at_10_diff1": 57.883701815695375, + "nauc_mrr_at_10_max": 61.36276126424689, + "nauc_mrr_at_10_std": -9.495072468420386, + "nauc_mrr_at_1_diff1": 60.18176977079093, + "nauc_mrr_at_1_max": 59.697615236642555, + "nauc_mrr_at_1_std": -9.396133077966779, + "nauc_mrr_at_20_diff1": 57.964817434006754, + "nauc_mrr_at_20_max": 61.34073539502932, + "nauc_mrr_at_20_std": -9.602378876645131, + "nauc_mrr_at_3_diff1": 58.44338049427257, + "nauc_mrr_at_3_max": 60.92272989411293, + "nauc_mrr_at_3_std": -9.928970439416162, + "nauc_mrr_at_5_diff1": 58.01513016866578, + "nauc_mrr_at_5_max": 61.46805302986586, + "nauc_mrr_at_5_std": -9.842227002440984, + "nauc_ndcg_at_1000_diff1": 50.99293152828167, + "nauc_ndcg_at_1000_max": 56.14232784664811, + "nauc_ndcg_at_1000_std": -10.529213072410288, + "nauc_ndcg_at_100_diff1": 50.99385944312529, + "nauc_ndcg_at_100_max": 56.34825518954588, + "nauc_ndcg_at_100_std": -10.398943874846047, + "nauc_ndcg_at_10_diff1": 48.51273364357823, + "nauc_ndcg_at_10_max": 53.77871849486298, + "nauc_ndcg_at_10_std": -11.82105972112472, + "nauc_ndcg_at_1_diff1": 60.18176977079093, + "nauc_ndcg_at_1_max": 59.697615236642555, + "nauc_ndcg_at_1_std": -9.396133077966779, + "nauc_ndcg_at_20_diff1": 49.04268319033412, + "nauc_ndcg_at_20_max": 55.47011381097071, + "nauc_ndcg_at_20_std": -10.486452945493042, + "nauc_ndcg_at_3_diff1": 50.95112745400584, + "nauc_ndcg_at_3_max": 53.45473828705577, + "nauc_ndcg_at_3_std": -13.420699384045728, + "nauc_ndcg_at_5_diff1": 50.313156212000074, + "nauc_ndcg_at_5_max": 52.78539129309866, + "nauc_ndcg_at_5_std": -13.586274096509122, + "nauc_precision_at_1000_diff1": -31.13772049254778, + "nauc_precision_at_1000_max": 17.2847598361294, + "nauc_precision_at_1000_std": 15.497531773816887, + "nauc_precision_at_100_diff1": -29.98812263553739, + "nauc_precision_at_100_max": 19.048620003227654, + "nauc_precision_at_100_std": 15.38499952171958, + "nauc_precision_at_10_diff1": -25.33028097412579, + "nauc_precision_at_10_max": 26.077919168306853, + "nauc_precision_at_10_std": 11.35352933466097, + "nauc_precision_at_1_diff1": 60.18176977079093, + "nauc_precision_at_1_max": 59.697615236642555, + "nauc_precision_at_1_std": -9.396133077966779, + "nauc_precision_at_20_diff1": -28.417606311068905, + "nauc_precision_at_20_max": 23.958679828637692, + "nauc_precision_at_20_std": 14.442021499194205, + "nauc_precision_at_3_diff1": -8.127396049790482, + "nauc_precision_at_3_max": 37.348067982957076, + "nauc_precision_at_3_std": 4.747913619596849, + "nauc_precision_at_5_diff1": -16.902418446058395, + "nauc_precision_at_5_max": 32.73583852552014, + "nauc_precision_at_5_std": 7.031446423850052, + "nauc_recall_at_1000_diff1": -14.485978369112514, + "nauc_recall_at_1000_max": 78.59123887333172, + "nauc_recall_at_1000_std": 90.7384575424963, + "nauc_recall_at_100_diff1": 41.47842281590715, + "nauc_recall_at_100_max": 67.47271545727422, + "nauc_recall_at_100_std": 14.555561992253999, + "nauc_recall_at_10_diff1": 33.05308907973924, + "nauc_recall_at_10_max": 45.49878918493155, + "nauc_recall_at_10_std": -11.560069806810926, + "nauc_recall_at_1_diff1": 61.89699552471587, + "nauc_recall_at_1_max": 22.387748207421946, + "nauc_recall_at_1_std": -17.139518194308437, + "nauc_recall_at_20_diff1": 31.305721376453754, + "nauc_recall_at_20_max": 51.24817763724019, + "nauc_recall_at_20_std": -5.0809908162023145, + "nauc_recall_at_3_diff1": 49.27109038342917, + "nauc_recall_at_3_max": 37.69188317998447, + "nauc_recall_at_3_std": -17.119900758664336, + "nauc_recall_at_5_diff1": 42.74501803377967, + "nauc_recall_at_5_max": 46.877008503354844, + "nauc_recall_at_5_std": -15.704892082115975, + "ndcg_at_1": 71.829, + "ndcg_at_10": 77.581, + "ndcg_at_100": 80.75, + "ndcg_at_1000": 81.026, + "ndcg_at_20": 79.092, + "ndcg_at_3": 72.81, + "ndcg_at_5": 74.22999999999999, + "precision_at_1": 71.829, + "precision_at_10": 17.717, + "precision_at_100": 2.031, + "precision_at_1000": 0.207, + "precision_at_20": 9.399000000000001, + "precision_at_3": 44.458999999999996, + "precision_at_5": 31.535000000000004, + "recall_at_1": 46.444, + "recall_at_10": 86.275, + "recall_at_100": 98.017, + "recall_at_1000": 99.8, + "recall_at_20": 90.935, + "recall_at_3": 70.167, + "recall_at_5": 78.2 + } + ] + } +} \ No newline at end of file diff --git a/results/jinaai__jina-embeddings-v3/external/model_meta.json b/results/jinaai__jina-embeddings-v3/external/model_meta.json new file mode 100644 index 000000000..5e1b2742c --- /dev/null +++ b/results/jinaai__jina-embeddings-v3/external/model_meta.json @@ -0,0 +1,115 @@ +{ + "name": "jinaai/jina-embeddings-v3", + "revision": "c445d96389595a6e93b1b63baa69a116a8b4af68", + "release_date": "2024-09-05", + "languages": [ + "multilingual", + "af", + "am", + "ar", + "as", + "az", + "be", + "bg", + "bn", + "br", + "bs", + "ca", + "cs", + "cy", + "da", + "de", + "el", + "en", + "eo", + "es", + "et", + "eu", + "fa", + "fi", + "fr", + "fy", + "ga", + "gd", + "gl", + "gu", + "ha", + "he", + "hi", + "hr", + "hu", + "hy", + "id", + "is", + "it", + "ja", + "jv", + "ka", + "kk", + "km", + "kn", + "ko", + "ku", + "ky", + "la", + "lo", + "lt", + "lv", + "mg", + "mk", + "ml", + "mn", + "mr", + "ms", + "my", + "ne", + "nl", + "no", + "om", + "or", + "pa", + "pl", + "ps", + "pt", + "ro", + "ru", + "sa", + "sd", + "si", + "sk", + "sl", + "so", + "sq", + "sr", + "su", + "sv", + "sw", + "ta", + "te", + "th", + "tl", + "tr", + "ug", + "uk", + "ur", + "uz", + "vi", + "xh", + "yi", + "zh" + ], + "loader": null, + "n_parameters": 572310396, + "memory_usage": null, + "max_tokens": 8194, + "embed_dim": 1024, + "license": "cc-by-nc-4.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/jingyeom__korean_embedding_model/external/BIOSSES.json b/results/jingyeom__korean_embedding_model/external/BIOSSES.json new file mode 100644 index 000000000..1dbe6c031 --- /dev/null +++ b/results/jingyeom__korean_embedding_model/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 62.462024005162874, + "cos_sim_spearman": 59.04592371468026, + "euclidean_pearson": 60.118409297960774, + "euclidean_spearman": 59.04592371468026, + "manhattan_pearson": 59.6758261833799, + "manhattan_spearman": 59.10255151100711, + "cosine_pearson": 62.462024005162874, + "cosine_spearman": 59.04592371468026, + "main_score": 59.04592371468026 + } + ] + } +} \ No newline at end of file diff --git a/results/jingyeom__korean_embedding_model/external/SICK-R.json b/results/jingyeom__korean_embedding_model/external/SICK-R.json new file mode 100644 index 000000000..da78228c3 --- /dev/null +++ b/results/jingyeom__korean_embedding_model/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 69.54306440280438, + "cos_sim_spearman": 62.859142390813574, + "euclidean_pearson": 65.6949193466544, + "euclidean_spearman": 62.859152754778854, + "manhattan_pearson": 65.65986839533139, + "manhattan_spearman": 62.82868162534342, + "cosine_pearson": 69.54306440280438, + "cosine_spearman": 62.859142390813574, + "main_score": 62.859142390813574 + } + ] + } +} \ No newline at end of file diff --git a/results/jingyeom__korean_embedding_model/external/STS12.json b/results/jingyeom__korean_embedding_model/external/STS12.json new file mode 100644 index 000000000..b313b8126 --- /dev/null +++ b/results/jingyeom__korean_embedding_model/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 66.06384755873458, + "cos_sim_spearman": 62.589736136651894, + "euclidean_pearson": 62.78577890775041, + "euclidean_spearman": 62.588858379781634, + "manhattan_pearson": 62.827478623777985, + "manhattan_spearman": 62.617997229102706, + "cosine_pearson": 66.06384755873458, + "cosine_spearman": 62.589736136651894, + "main_score": 62.589736136651894 + } + ] + } +} \ No newline at end of file diff --git a/results/jingyeom__korean_embedding_model/external/STS13.json b/results/jingyeom__korean_embedding_model/external/STS13.json new file mode 100644 index 000000000..aa253e263 --- /dev/null +++ b/results/jingyeom__korean_embedding_model/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 71.86398880834443, + "cos_sim_spearman": 72.1348002553312, + "euclidean_pearson": 71.6796109730168, + "euclidean_spearman": 72.1349022685911, + "manhattan_pearson": 71.66477952415218, + "manhattan_spearman": 72.09093373400123, + "cosine_pearson": 71.86398880834443, + "cosine_spearman": 72.1348002553312, + "main_score": 72.1348002553312 + } + ] + } +} \ No newline at end of file diff --git a/results/jingyeom__korean_embedding_model/external/STS14.json b/results/jingyeom__korean_embedding_model/external/STS14.json new file mode 100644 index 000000000..17cbfa2a5 --- /dev/null +++ b/results/jingyeom__korean_embedding_model/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 70.22680219584427, + "cos_sim_spearman": 67.0818395499375, + "euclidean_pearson": 68.24498247750782, + "euclidean_spearman": 67.0818306104199, + "manhattan_pearson": 68.23186143435814, + "manhattan_spearman": 67.06973319437314, + "cosine_pearson": 70.22680219584427, + "cosine_spearman": 67.0818395499375, + "main_score": 67.0818395499375 + } + ] + } +} \ No newline at end of file diff --git a/results/jingyeom__korean_embedding_model/external/STS15.json b/results/jingyeom__korean_embedding_model/external/STS15.json new file mode 100644 index 000000000..0d187337c --- /dev/null +++ b/results/jingyeom__korean_embedding_model/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 75.54853695205654, + "cos_sim_spearman": 75.93775396598934, + "euclidean_pearson": 75.10618334577337, + "euclidean_spearman": 75.93775372510834, + "manhattan_pearson": 75.123200749426, + "manhattan_spearman": 75.95755907955946, + "cosine_pearson": 75.54853695205654, + "cosine_spearman": 75.93775396598934, + "main_score": 75.93775396598934 + } + ] + } +} \ No newline at end of file diff --git a/results/jingyeom__korean_embedding_model/external/STS16.json b/results/jingyeom__korean_embedding_model/external/STS16.json new file mode 100644 index 000000000..1bd40d8f6 --- /dev/null +++ b/results/jingyeom__korean_embedding_model/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 70.22928051288379, + "cos_sim_spearman": 70.13385961598065, + "euclidean_pearson": 69.66948135244029, + "euclidean_spearman": 70.13385923761084, + "manhattan_pearson": 69.66975130970742, + "manhattan_spearman": 70.16415157887303, + "cosine_pearson": 70.22928051288379, + "cosine_spearman": 70.13385961598065, + "main_score": 70.13385961598065 + } + ] + } +} \ No newline at end of file diff --git a/results/jingyeom__korean_embedding_model/external/STS17.json b/results/jingyeom__korean_embedding_model/external/STS17.json new file mode 100644 index 000000000..5e0a98bc0 --- /dev/null +++ b/results/jingyeom__korean_embedding_model/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 77.12344529924287, + "cos_sim_spearman": 77.13355009366349, + "euclidean_pearson": 77.73092283054677, + "euclidean_spearman": 77.13355009366349, + "manhattan_pearson": 77.59037018668798, + "manhattan_spearman": 77.00181739561044, + "cosine_pearson": 77.12344529924287, + "cosine_spearman": 77.13355009366349, + "main_score": 77.13355009366349 + } + ] + } +} \ No newline at end of file diff --git a/results/jingyeom__korean_embedding_model/external/STS22.json b/results/jingyeom__korean_embedding_model/external/STS22.json new file mode 100644 index 000000000..ac0df64cd --- /dev/null +++ b/results/jingyeom__korean_embedding_model/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "eea2b4fe26a775864c896887d910b76a8098ad3f", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 60.402875441797896, + "cos_sim_spearman": 62.21971197434699, + "euclidean_pearson": 63.08540172189354, + "euclidean_spearman": 62.21971197434699, + "manhattan_pearson": 62.971870200624714, + "manhattan_spearman": 62.17079870601948, + "cosine_pearson": 60.402875441797896, + "cosine_spearman": 62.21971197434699, + "main_score": 62.21971197434699 + } + ] + } +} \ No newline at end of file diff --git a/results/jingyeom__korean_embedding_model/external/STSBenchmark.json b/results/jingyeom__korean_embedding_model/external/STSBenchmark.json new file mode 100644 index 000000000..0d8600dc9 --- /dev/null +++ b/results/jingyeom__korean_embedding_model/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 69.14110875934769, + "cos_sim_spearman": 67.83869999603111, + "euclidean_pearson": 68.32930987602938, + "euclidean_spearman": 67.8387112205369, + "manhattan_pearson": 68.385068161592, + "manhattan_spearman": 67.86635507968924, + "cosine_pearson": 69.14110875934769, + "cosine_spearman": 67.83869999603111, + "main_score": 67.83869999603111 + } + ] + } +} \ No newline at end of file diff --git a/results/jingyeom__korean_embedding_model/external/SummEval.json b/results/jingyeom__korean_embedding_model/external/SummEval.json new file mode 100644 index 000000000..fd0c509e7 --- /dev/null +++ b/results/jingyeom__korean_embedding_model/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 29.185534982566132, + "cos_sim_spearman": 28.71714958933386, + "dot_pearson": 29.185527195235316, + "dot_spearman": 28.71714958933386, + "cosine_pearson": 29.185534982566132, + "cosine_spearman": 28.71714958933386, + "main_score": 28.71714958933386 + } + ] + } +} \ No newline at end of file diff --git a/results/jingyeom__korean_embedding_model/external/model_meta.json b/results/jingyeom__korean_embedding_model/external/model_meta.json new file mode 100644 index 000000000..639b1ef55 --- /dev/null +++ b/results/jingyeom__korean_embedding_model/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "jingyeom/korean_embedding_model", + "revision": "4c7891c0acd0d1701fe63b10bfacfac32dd7930e", + "release_date": "2024-01-15", + "languages": [], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": null, + "embed_dim": null, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/AmazonCounterfactualClassification.json b/results/jxm__cde-small-v1/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..605d986de --- /dev/null +++ b/results/jxm__cde-small-v1/external/AmazonCounterfactualClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 87.02985074626866, + "ap": 56.706190238632956, + "ap_weighted": 56.706190238632956, + "f1": 81.93161953007674, + "f1_weighted": 87.7650174177188, + "main_score": 87.02985074626866 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/AmazonPolarityClassification.json b/results/jxm__cde-small-v1/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..e7fff04bc --- /dev/null +++ b/results/jxm__cde-small-v1/external/AmazonPolarityClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 94.664175, + "ap": 91.68668057762052, + "ap_weighted": 91.68668057762052, + "f1": 94.65859470333152, + "f1_weighted": 94.65859470333152, + "main_score": 94.664175 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/AmazonReviewsClassification.json b/results/jxm__cde-small-v1/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..c235bbac3 --- /dev/null +++ b/results/jxm__cde-small-v1/external/AmazonReviewsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 55.762, + "f1": 55.06427827477677, + "f1_weighted": 55.06427827477677, + "main_score": 55.762 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/ArguAna.json b/results/jxm__cde-small-v1/external/ArguAna.json new file mode 100644 index 000000000..1bfd6c3fd --- /dev/null +++ b/results/jxm__cde-small-v1/external/ArguAna.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 71.99600000000001, + "map_at_1": 49.004, + "map_at_10": 64.741, + "map_at_100": 65.045, + "map_at_1000": 65.048, + "map_at_20": 64.999, + "map_at_3": 61.344, + "map_at_5": 63.595, + "mrr_at_1": 50.71123755334281, + "mrr_at_10": 65.32688703741336, + "mrr_at_100": 65.63793917015693, + "mrr_at_1000": 65.64038101143724, + "mrr_at_20": 65.59178002869953, + "mrr_at_3": 61.960644855381695, + "mrr_at_5": 64.12636320531058, + "nauc_map_at_1000_diff1": 15.961240220366024, + "nauc_map_at_1000_max": -7.44765810583741, + "nauc_map_at_1000_std": -17.07167824225605, + "nauc_map_at_100_diff1": 15.965616911760689, + "nauc_map_at_100_max": -7.440609797442297, + "nauc_map_at_100_std": -17.069175070766125, + "nauc_map_at_10_diff1": 16.0053641689455, + "nauc_map_at_10_max": -7.292003400856069, + "nauc_map_at_10_std": -17.21891231777586, + "nauc_map_at_1_diff1": 16.775859614223965, + "nauc_map_at_1_max": -10.812150486389175, + "nauc_map_at_1_std": -18.447209756110635, + "nauc_map_at_20_diff1": 16.00477985164213, + "nauc_map_at_20_max": -7.344399709169316, + "nauc_map_at_20_std": -17.011815937847548, + "nauc_map_at_3_diff1": 15.730294091913994, + "nauc_map_at_3_max": -7.13902722192326, + "nauc_map_at_3_std": -16.846251134000045, + "nauc_map_at_5_diff1": 15.952653874864062, + "nauc_map_at_5_max": -6.730509527119155, + "nauc_map_at_5_std": -16.586379153220353, + "nauc_mrr_at_1000_diff1": 10.221278338563085, + "nauc_mrr_at_1000_max": -10.513831642963527, + "nauc_mrr_at_1000_std": -16.340880407651863, + "nauc_mrr_at_100_diff1": 10.226217465992063, + "nauc_mrr_at_100_max": -10.506478667638874, + "nauc_mrr_at_100_std": -16.33847358633176, + "nauc_mrr_at_10_diff1": 10.293491655887369, + "nauc_mrr_at_10_max": -10.357229664747909, + "nauc_mrr_at_10_std": -16.496874845739885, + "nauc_mrr_at_1_diff1": 12.049863016253427, + "nauc_mrr_at_1_max": -11.968579522299635, + "nauc_mrr_at_1_std": -16.65245790056632, + "nauc_mrr_at_20_diff1": 10.276109067921565, + "nauc_mrr_at_20_max": -10.404100283652397, + "nauc_mrr_at_20_std": -16.282098762560164, + "nauc_mrr_at_3_diff1": 10.338008940592475, + "nauc_mrr_at_3_max": -10.123508259477648, + "nauc_mrr_at_3_std": -16.218834894850918, + "nauc_mrr_at_5_diff1": 10.114375457049043, + "nauc_mrr_at_5_max": -9.987361588255437, + "nauc_mrr_at_5_std": -15.723897501895118, + "nauc_ndcg_at_1000_diff1": 16.00889445347496, + "nauc_ndcg_at_1000_max": -6.746746500535893, + "nauc_ndcg_at_1000_std": -16.567047531839382, + "nauc_ndcg_at_100_diff1": 16.10719535312808, + "nauc_ndcg_at_100_max": -6.59354665730934, + "nauc_ndcg_at_100_std": -16.513298001700566, + "nauc_ndcg_at_10_diff1": 16.396485814351973, + "nauc_ndcg_at_10_max": -5.7111859345525895, + "nauc_ndcg_at_10_std": -17.13416103510026, + "nauc_ndcg_at_1_diff1": 16.775859614223965, + "nauc_ndcg_at_1_max": -10.812150486389175, + "nauc_ndcg_at_1_std": -18.447209756110635, + "nauc_ndcg_at_20_diff1": 16.414235526534497, + "nauc_ndcg_at_20_max": -5.890463457153039, + "nauc_ndcg_at_20_std": -16.124783371499017, + "nauc_ndcg_at_3_diff1": 15.683431770601713, + "nauc_ndcg_at_3_max": -5.546675513691499, + "nauc_ndcg_at_3_std": -15.973244504586676, + "nauc_ndcg_at_5_diff1": 16.193847874581166, + "nauc_ndcg_at_5_max": -4.471638454091411, + "nauc_ndcg_at_5_std": -15.517824617814629, + "nauc_precision_at_1000_diff1": 3.170440311533737, + "nauc_precision_at_1000_max": 25.521992526080666, + "nauc_precision_at_1000_std": 68.4373013145641, + "nauc_precision_at_100_diff1": 30.283338663457897, + "nauc_precision_at_100_max": 44.33747104624998, + "nauc_precision_at_100_std": 42.28887350925609, + "nauc_precision_at_10_diff1": 23.390956301235633, + "nauc_precision_at_10_max": 15.468288261126773, + "nauc_precision_at_10_std": -18.2942744669977, + "nauc_precision_at_1_diff1": 16.775859614223965, + "nauc_precision_at_1_max": -10.812150486389175, + "nauc_precision_at_1_std": -18.447209756110635, + "nauc_precision_at_20_diff1": 37.14254275219614, + "nauc_precision_at_20_max": 46.984729023754824, + "nauc_precision_at_20_std": 22.763524786900717, + "nauc_precision_at_3_diff1": 15.651406928218881, + "nauc_precision_at_3_max": 0.7775458885343681, + "nauc_precision_at_3_std": -12.438132482295773, + "nauc_precision_at_5_diff1": 18.10074574210355, + "nauc_precision_at_5_max": 9.373350504221532, + "nauc_precision_at_5_std": -9.13125987784625, + "nauc_recall_at_1000_diff1": 3.1704403115262325, + "nauc_recall_at_1000_max": 25.521992526077756, + "nauc_recall_at_1000_std": 68.4373013145603, + "nauc_recall_at_100_diff1": 30.283338663455616, + "nauc_recall_at_100_max": 44.337471046250556, + "nauc_recall_at_100_std": 42.28887350925341, + "nauc_recall_at_10_diff1": 23.390956301235168, + "nauc_recall_at_10_max": 15.468288261126578, + "nauc_recall_at_10_std": -18.294274466997873, + "nauc_recall_at_1_diff1": 16.775859614223965, + "nauc_recall_at_1_max": -10.812150486389175, + "nauc_recall_at_1_std": -18.447209756110635, + "nauc_recall_at_20_diff1": 37.14254275219513, + "nauc_recall_at_20_max": 46.98472902375421, + "nauc_recall_at_20_std": 22.763524786899644, + "nauc_recall_at_3_diff1": 15.65140692821902, + "nauc_recall_at_3_max": 0.7775458885343522, + "nauc_recall_at_3_std": -12.43813248229578, + "nauc_recall_at_5_diff1": 18.10074574210355, + "nauc_recall_at_5_max": 9.373350504221595, + "nauc_recall_at_5_std": -9.131259877846116, + "ndcg_at_1": 49.004, + "ndcg_at_10": 71.99600000000001, + "ndcg_at_100": 73.173, + "ndcg_at_1000": 73.214, + "ndcg_at_20": 72.91, + "ndcg_at_3": 65.21900000000001, + "ndcg_at_5": 69.284, + "precision_at_1": 49.004, + "precision_at_10": 9.452, + "precision_at_100": 0.9939999999999999, + "precision_at_1000": 0.1, + "precision_at_20": 4.904, + "precision_at_3": 25.462, + "precision_at_5": 17.255000000000003, + "recall_at_1": 49.004, + "recall_at_10": 94.523, + "recall_at_100": 99.36, + "recall_at_1000": 99.644, + "recall_at_20": 98.08, + "recall_at_3": 76.387, + "recall_at_5": 86.273 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/ArxivClusteringP2P.json b/results/jxm__cde-small-v1/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..caa3668d8 --- /dev/null +++ b/results/jxm__cde-small-v1/external/ArxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 48.629569816593516, + "v_measure": 48.629569816593516, + "v_measure_std": 14.01810149072028 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/ArxivClusteringS2S.json b/results/jxm__cde-small-v1/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..a6c4a3b30 --- /dev/null +++ b/results/jxm__cde-small-v1/external/ArxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 40.52366904677561, + "v_measure": 40.52366904677561, + "v_measure_std": 14.375876773823757 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/AskUbuntuDupQuestions.json b/results/jxm__cde-small-v1/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..cf7a468dc --- /dev/null +++ b/results/jxm__cde-small-v1/external/AskUbuntuDupQuestions.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 61.27347206107508, + "map": 61.27347206107508, + "mrr": 74.49105219188321, + "nAUC_map_diff1": 13.442645655149457, + "nAUC_map_max": 25.013363268430027, + "nAUC_map_std": 17.60175231611674, + "nAUC_mrr_diff1": 25.217675209249435, + "nAUC_mrr_max": 32.37381560372622, + "nAUC_mrr_std": 22.584922632508412 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/BIOSSES.json b/results/jxm__cde-small-v1/external/BIOSSES.json new file mode 100644 index 000000000..df58c6bac --- /dev/null +++ b/results/jxm__cde-small-v1/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 89.09452267906886, + "cosine_spearman": 86.73450642504955, + "euclidean_pearson": 87.1275130552617, + "euclidean_spearman": 86.93812552248012, + "main_score": 86.73450642504955, + "manhattan_pearson": 86.79403606129864, + "manhattan_spearman": 86.76824213349957, + "pearson": 89.09452267906886, + "spearman": 86.73450642504955 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/Banking77Classification.json b/results/jxm__cde-small-v1/external/Banking77Classification.json new file mode 100644 index 000000000..3d23f4c2a --- /dev/null +++ b/results/jxm__cde-small-v1/external/Banking77Classification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 88.58116883116884, + "f1": 88.54536316207125, + "f1_weighted": 88.54536316207125, + "main_score": 88.58116883116884 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/BiorxivClusteringP2P.json b/results/jxm__cde-small-v1/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..e62ce5454 --- /dev/null +++ b/results/jxm__cde-small-v1/external/BiorxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 44.89554099528695, + "v_measure": 44.89554099528695, + "v_measure_std": 0.6101675839696261 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/BiorxivClusteringS2S.json b/results/jxm__cde-small-v1/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..d3507b388 --- /dev/null +++ b/results/jxm__cde-small-v1/external/BiorxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 37.89775676199564, + "v_measure": 37.89775676199564, + "v_measure_std": 0.6980439644171996 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/CQADupstackAndroidRetrieval.json b/results/jxm__cde-small-v1/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..9c969cc60 --- /dev/null +++ b/results/jxm__cde-small-v1/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f46a197baaae43b4f621051089b82a364682dfeb", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 49.239, + "map_at_1": 31.407, + "map_at_10": 42.788, + "map_at_100": 44.163999999999994, + "map_at_1000": 44.285000000000004, + "map_at_20": 43.531, + "map_at_3": 39.381, + "map_at_5": 41.296, + "mrr_at_1": 38.91273247496424, + "mrr_at_10": 48.82553307446011, + "mrr_at_100": 49.5278584841276, + "mrr_at_1000": 49.56897938168851, + "mrr_at_20": 49.27034318525701, + "mrr_at_3": 46.423462088698145, + "mrr_at_5": 47.83261802575108, + "nauc_map_at_1000_diff1": 51.50772644391144, + "nauc_map_at_1000_max": 39.57698592158747, + "nauc_map_at_1000_std": -5.092734127689174, + "nauc_map_at_100_diff1": 51.51650908644926, + "nauc_map_at_100_max": 39.579607215550325, + "nauc_map_at_100_std": -5.112306014245407, + "nauc_map_at_10_diff1": 51.80732269410239, + "nauc_map_at_10_max": 39.312012392020854, + "nauc_map_at_10_std": -5.844192947783184, + "nauc_map_at_1_diff1": 58.51885994004338, + "nauc_map_at_1_max": 35.306905646597656, + "nauc_map_at_1_std": -6.4627870729629455, + "nauc_map_at_20_diff1": 51.560698537725294, + "nauc_map_at_20_max": 39.40865218451427, + "nauc_map_at_20_std": -5.46140640509653, + "nauc_map_at_3_diff1": 52.845784777873305, + "nauc_map_at_3_max": 38.55976877563459, + "nauc_map_at_3_std": -5.72430771104222, + "nauc_map_at_5_diff1": 52.29343919325049, + "nauc_map_at_5_max": 38.98194700024613, + "nauc_map_at_5_std": -6.062278166282727, + "nauc_mrr_at_1000_diff1": 48.824012243253904, + "nauc_mrr_at_1000_max": 40.36119735345816, + "nauc_mrr_at_1000_std": -4.371172318529068, + "nauc_mrr_at_100_diff1": 48.80142209066577, + "nauc_mrr_at_100_max": 40.35371141231279, + "nauc_mrr_at_100_std": -4.382000140837231, + "nauc_mrr_at_10_diff1": 48.89408963706152, + "nauc_mrr_at_10_max": 40.48043029859513, + "nauc_mrr_at_10_std": -4.5927306729163835, + "nauc_mrr_at_1_diff1": 53.18491414251319, + "nauc_mrr_at_1_max": 38.43746618754316, + "nauc_mrr_at_1_std": -6.2489159406458965, + "nauc_mrr_at_20_diff1": 48.763867640789634, + "nauc_mrr_at_20_max": 40.369114351255135, + "nauc_mrr_at_20_std": -4.400065130027329, + "nauc_mrr_at_3_diff1": 48.87375252127912, + "nauc_mrr_at_3_max": 40.810763259212116, + "nauc_mrr_at_3_std": -3.4938483699692657, + "nauc_mrr_at_5_diff1": 49.186967577714285, + "nauc_mrr_at_5_max": 40.48882253846611, + "nauc_mrr_at_5_std": -4.621076155915746, + "nauc_ndcg_at_1000_diff1": 49.24642669558249, + "nauc_ndcg_at_1000_max": 41.00404222082434, + "nauc_ndcg_at_1000_std": -2.7356065308278392, + "nauc_ndcg_at_100_diff1": 48.92939354546236, + "nauc_ndcg_at_100_max": 40.972699158281586, + "nauc_ndcg_at_100_std": -3.0561983632108776, + "nauc_ndcg_at_10_diff1": 49.60179215238792, + "nauc_ndcg_at_10_max": 40.89678771623847, + "nauc_ndcg_at_10_std": -5.096633756025252, + "nauc_ndcg_at_1_diff1": 53.18491414251319, + "nauc_ndcg_at_1_max": 38.43746618754316, + "nauc_ndcg_at_1_std": -6.2489159406458965, + "nauc_ndcg_at_20_diff1": 48.826483305583984, + "nauc_ndcg_at_20_max": 40.592200374154466, + "nauc_ndcg_at_20_std": -4.185196398682058, + "nauc_ndcg_at_3_diff1": 49.9798291819845, + "nauc_ndcg_at_3_max": 40.50211559049151, + "nauc_ndcg_at_3_std": -3.9606100546649, + "nauc_ndcg_at_5_diff1": 50.222364976292454, + "nauc_ndcg_at_5_max": 40.477461845726694, + "nauc_ndcg_at_5_std": -5.025922873253527, + "nauc_precision_at_1000_diff1": -24.208256297106363, + "nauc_precision_at_1000_max": -10.21103761078881, + "nauc_precision_at_1000_std": -0.06753142735419307, + "nauc_precision_at_100_diff1": -15.392095697703853, + "nauc_precision_at_100_max": 3.3764259600400375, + "nauc_precision_at_100_std": 7.032273000803224, + "nauc_precision_at_10_diff1": 8.050911372676126, + "nauc_precision_at_10_max": 26.426542125643365, + "nauc_precision_at_10_std": 2.3142807003880423, + "nauc_precision_at_1_diff1": 53.18491414251319, + "nauc_precision_at_1_max": 38.43746618754316, + "nauc_precision_at_1_std": -6.2489159406458965, + "nauc_precision_at_20_diff1": -2.4038370945777605, + "nauc_precision_at_20_max": 18.29255413962441, + "nauc_precision_at_20_std": 6.963786700698579, + "nauc_precision_at_3_diff1": 27.590923102137978, + "nauc_precision_at_3_max": 36.809716569640635, + "nauc_precision_at_3_std": -0.4588749991090731, + "nauc_precision_at_5_diff1": 18.31451430104417, + "nauc_precision_at_5_max": 31.76792278657563, + "nauc_precision_at_5_std": -0.23205753470623663, + "nauc_recall_at_1000_diff1": 38.6186488416617, + "nauc_recall_at_1000_max": 58.02448766170835, + "nauc_recall_at_1000_std": 43.005151313404625, + "nauc_recall_at_100_diff1": 36.14901358957452, + "nauc_recall_at_100_max": 42.97412072448754, + "nauc_recall_at_100_std": 8.434723462734665, + "nauc_recall_at_10_diff1": 42.953316965307245, + "nauc_recall_at_10_max": 40.54865147159118, + "nauc_recall_at_10_std": -4.9425741693714125, + "nauc_recall_at_1_diff1": 58.51885994004338, + "nauc_recall_at_1_max": 35.306905646597656, + "nauc_recall_at_1_std": -6.4627870729629455, + "nauc_recall_at_20_diff1": 38.27628659312007, + "nauc_recall_at_20_max": 39.50607176714142, + "nauc_recall_at_20_std": -1.002089290215587, + "nauc_recall_at_3_diff1": 47.263415527062676, + "nauc_recall_at_3_max": 40.82836525135613, + "nauc_recall_at_3_std": -2.2314232915782504, + "nauc_recall_at_5_diff1": 46.13867315478644, + "nauc_recall_at_5_max": 39.93028001594826, + "nauc_recall_at_5_std": -4.809283400175646, + "ndcg_at_1": 38.913, + "ndcg_at_10": 49.239, + "ndcg_at_100": 54.325, + "ndcg_at_1000": 56.226, + "ndcg_at_20": 51.212999999999994, + "ndcg_at_3": 44.559, + "ndcg_at_5": 46.69, + "precision_at_1": 38.913, + "precision_at_10": 9.227, + "precision_at_100": 1.4909999999999999, + "precision_at_1000": 0.197, + "precision_at_20": 5.494000000000001, + "precision_at_3": 21.65, + "precision_at_5": 15.336, + "recall_at_1": 31.407, + "recall_at_10": 61.961999999999996, + "recall_at_100": 82.993, + "recall_at_1000": 94.887, + "recall_at_20": 68.771, + "recall_at_3": 47.77, + "recall_at_5": 53.895 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/CQADupstackEnglishRetrieval.json b/results/jxm__cde-small-v1/external/CQADupstackEnglishRetrieval.json new file mode 100644 index 000000000..e36513666 --- /dev/null +++ b/results/jxm__cde-small-v1/external/CQADupstackEnglishRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ad9991cb51e31e31e430383c75ffb2885547b5f0", + "task_name": "CQADupstackEnglishRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 44.391000000000005, + "map_at_1": 29.157, + "map_at_10": 38.723, + "map_at_100": 39.864, + "map_at_1000": 39.995999999999995, + "map_at_20": 39.287, + "map_at_3": 35.751, + "map_at_5": 37.373, + "mrr_at_1": 36.81528662420382, + "mrr_at_10": 44.82939035486806, + "mrr_at_100": 45.437834419775484, + "mrr_at_1000": 45.48695197590834, + "mrr_at_20": 45.15519263295387, + "mrr_at_3": 42.55838641188959, + "mrr_at_5": 43.87685774946922, + "nauc_map_at_1000_diff1": 51.086880931657944, + "nauc_map_at_1000_max": 36.870501109568856, + "nauc_map_at_1000_std": -9.041748740450098, + "nauc_map_at_100_diff1": 51.13349280885669, + "nauc_map_at_100_max": 36.81376788959824, + "nauc_map_at_100_std": -9.168817557968493, + "nauc_map_at_10_diff1": 51.43767101896258, + "nauc_map_at_10_max": 36.13512723388837, + "nauc_map_at_10_std": -10.340353132146591, + "nauc_map_at_1_diff1": 57.97216876426843, + "nauc_map_at_1_max": 32.093932122348804, + "nauc_map_at_1_std": -12.44326469749823, + "nauc_map_at_20_diff1": 51.35742644989209, + "nauc_map_at_20_max": 36.362008583908754, + "nauc_map_at_20_std": -9.925604455959942, + "nauc_map_at_3_diff1": 52.97191265890149, + "nauc_map_at_3_max": 35.216095114265, + "nauc_map_at_3_std": -11.505843284384989, + "nauc_map_at_5_diff1": 52.13435748405322, + "nauc_map_at_5_max": 35.63014323147684, + "nauc_map_at_5_std": -11.15253714131609, + "nauc_mrr_at_1000_diff1": 49.806361508243526, + "nauc_mrr_at_1000_max": 39.60825242174082, + "nauc_mrr_at_1000_std": -4.581320333963986, + "nauc_mrr_at_100_diff1": 49.794023465886575, + "nauc_mrr_at_100_max": 39.606036503563935, + "nauc_mrr_at_100_std": -4.580524433129927, + "nauc_mrr_at_10_diff1": 49.62511317783946, + "nauc_mrr_at_10_max": 39.524849843022054, + "nauc_mrr_at_10_std": -4.784364837521214, + "nauc_mrr_at_1_diff1": 55.03485605539673, + "nauc_mrr_at_1_max": 38.26074360694823, + "nauc_mrr_at_1_std": -6.990940922024673, + "nauc_mrr_at_20_diff1": 49.77823031843402, + "nauc_mrr_at_20_max": 39.62943812120721, + "nauc_mrr_at_20_std": -4.664971744136187, + "nauc_mrr_at_3_diff1": 50.60933103133387, + "nauc_mrr_at_3_max": 39.920174010377444, + "nauc_mrr_at_3_std": -5.404917304425809, + "nauc_mrr_at_5_diff1": 50.137405938227886, + "nauc_mrr_at_5_max": 39.7046033416223, + "nauc_mrr_at_5_std": -4.9683994219777965, + "nauc_ndcg_at_1000_diff1": 48.26320826156127, + "nauc_ndcg_at_1000_max": 39.11158925773445, + "nauc_ndcg_at_1000_std": -3.958164717220878, + "nauc_ndcg_at_100_diff1": 48.29325255469789, + "nauc_ndcg_at_100_max": 39.00224428862792, + "nauc_ndcg_at_100_std": -4.739309326434606, + "nauc_ndcg_at_10_diff1": 48.62405764367444, + "nauc_ndcg_at_10_max": 38.04015783804633, + "nauc_ndcg_at_10_std": -7.379427256377835, + "nauc_ndcg_at_1_diff1": 55.03485605539673, + "nauc_ndcg_at_1_max": 38.26074360694823, + "nauc_ndcg_at_1_std": -6.990940922024673, + "nauc_ndcg_at_20_diff1": 48.793146636748155, + "nauc_ndcg_at_20_max": 38.188247609309734, + "nauc_ndcg_at_20_std": -6.893163590780488, + "nauc_ndcg_at_3_diff1": 49.72527867128085, + "nauc_ndcg_at_3_max": 38.397771643337876, + "nauc_ndcg_at_3_std": -7.396734926261662, + "nauc_ndcg_at_5_diff1": 49.45897046963514, + "nauc_ndcg_at_5_max": 38.00788817919171, + "nauc_ndcg_at_5_std": -7.98773024373368, + "nauc_precision_at_1000_diff1": -15.203088093712378, + "nauc_precision_at_1000_max": 13.932931359528938, + "nauc_precision_at_1000_std": 28.443903216719125, + "nauc_precision_at_100_diff1": -9.833515062825485, + "nauc_precision_at_100_max": 25.501133048619252, + "nauc_precision_at_100_std": 29.28522368814619, + "nauc_precision_at_10_diff1": 11.048052024883837, + "nauc_precision_at_10_max": 35.12225756686281, + "nauc_precision_at_10_std": 13.549314875239492, + "nauc_precision_at_1_diff1": 55.03485605539673, + "nauc_precision_at_1_max": 38.26074360694823, + "nauc_precision_at_1_std": -6.990940922024673, + "nauc_precision_at_20_diff1": 3.6119660166254564, + "nauc_precision_at_20_max": 31.80991909502872, + "nauc_precision_at_20_std": 19.289172474937768, + "nauc_precision_at_3_diff1": 30.93845075141858, + "nauc_precision_at_3_max": 41.2363485550859, + "nauc_precision_at_3_std": 3.304016059128308, + "nauc_precision_at_5_diff1": 22.383511628600537, + "nauc_precision_at_5_max": 38.3094647733712, + "nauc_precision_at_5_std": 7.010497480008379, + "nauc_recall_at_1000_diff1": 31.611750140993035, + "nauc_recall_at_1000_max": 42.982693130692894, + "nauc_recall_at_1000_std": 25.50352029753317, + "nauc_recall_at_100_diff1": 36.466866132011525, + "nauc_recall_at_100_max": 39.8896195569174, + "nauc_recall_at_100_std": 8.056466272308052, + "nauc_recall_at_10_diff1": 40.55869867748143, + "nauc_recall_at_10_max": 35.35219000254458, + "nauc_recall_at_10_std": -6.935500599977123, + "nauc_recall_at_1_diff1": 57.97216876426843, + "nauc_recall_at_1_max": 32.093932122348804, + "nauc_recall_at_1_std": -12.44326469749823, + "nauc_recall_at_20_diff1": 40.699604166249046, + "nauc_recall_at_20_max": 36.441366652406835, + "nauc_recall_at_20_std": -4.519436682877613, + "nauc_recall_at_3_diff1": 47.15019730046201, + "nauc_recall_at_3_max": 35.1649979105234, + "nauc_recall_at_3_std": -10.908395079450377, + "nauc_recall_at_5_diff1": 44.535088248003156, + "nauc_recall_at_5_max": 34.89949777715303, + "nauc_recall_at_5_std": -10.361237744830412, + "ndcg_at_1": 36.815, + "ndcg_at_10": 44.391000000000005, + "ndcg_at_100": 48.515, + "ndcg_at_1000": 50.76199999999999, + "ndcg_at_20": 45.788000000000004, + "ndcg_at_3": 40.178000000000004, + "ndcg_at_5": 42.045, + "precision_at_1": 36.815, + "precision_at_10": 8.408, + "precision_at_100": 1.343, + "precision_at_1000": 0.182, + "precision_at_20": 4.873, + "precision_at_3": 19.299, + "precision_at_5": 13.758000000000001, + "recall_at_1": 29.157, + "recall_at_10": 54.214, + "recall_at_100": 71.929, + "recall_at_1000": 86.533, + "recall_at_20": 59.421, + "recall_at_3": 41.569, + "recall_at_5": 46.791 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/CQADupstackGamingRetrieval.json b/results/jxm__cde-small-v1/external/CQADupstackGamingRetrieval.json new file mode 100644 index 000000000..5e049dfee --- /dev/null +++ b/results/jxm__cde-small-v1/external/CQADupstackGamingRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "4885aa143210c98657558c04aaf3dc47cfb54340", + "task_name": "CQADupstackGamingRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 59.03699999999999, + "map_at_1": 41.476, + "map_at_10": 53.400000000000006, + "map_at_100": 54.452999999999996, + "map_at_1000": 54.504, + "map_at_20": 54.045, + "map_at_3": 50.153999999999996, + "map_at_5": 52.079, + "mrr_at_1": 46.95924764890282, + "mrr_at_10": 56.68495297805642, + "mrr_at_100": 57.34582096937295, + "mrr_at_1000": 57.37100347158495, + "mrr_at_20": 57.10508892444508, + "mrr_at_3": 54.242424242424235, + "mrr_at_5": 55.76593521421108, + "nauc_map_at_1000_diff1": 53.36527106664, + "nauc_map_at_1000_max": 43.486776333687835, + "nauc_map_at_1000_std": -5.509558143849234, + "nauc_map_at_100_diff1": 53.34097797467696, + "nauc_map_at_100_max": 43.476003610937234, + "nauc_map_at_100_std": -5.520166623777559, + "nauc_map_at_10_diff1": 53.432351035276746, + "nauc_map_at_10_max": 42.75788423195968, + "nauc_map_at_10_std": -6.504192409274652, + "nauc_map_at_1_diff1": 57.34963186677463, + "nauc_map_at_1_max": 36.95146202384373, + "nauc_map_at_1_std": -9.460645936916988, + "nauc_map_at_20_diff1": 53.29779847033195, + "nauc_map_at_20_max": 43.22342023309121, + "nauc_map_at_20_std": -5.953002390034157, + "nauc_map_at_3_diff1": 54.09550124289603, + "nauc_map_at_3_max": 41.09664412682725, + "nauc_map_at_3_std": -8.797917588156473, + "nauc_map_at_5_diff1": 53.47735307728038, + "nauc_map_at_5_max": 42.1420557369995, + "nauc_map_at_5_std": -6.982023249979087, + "nauc_mrr_at_1000_diff1": 53.84548396450655, + "nauc_mrr_at_1000_max": 45.70711475929243, + "nauc_mrr_at_1000_std": -3.572519075485509, + "nauc_mrr_at_100_diff1": 53.831585937143345, + "nauc_mrr_at_100_max": 45.71866605712688, + "nauc_mrr_at_100_std": -3.5531077992494087, + "nauc_mrr_at_10_diff1": 53.77550386915942, + "nauc_mrr_at_10_max": 45.61906078824265, + "nauc_mrr_at_10_std": -3.7647971491069567, + "nauc_mrr_at_1_diff1": 57.59578262230993, + "nauc_mrr_at_1_max": 43.132298775083996, + "nauc_mrr_at_1_std": -6.820570895500843, + "nauc_mrr_at_20_diff1": 53.757844034161984, + "nauc_mrr_at_20_max": 45.67787807420582, + "nauc_mrr_at_20_std": -3.6741549159529816, + "nauc_mrr_at_3_diff1": 54.41366916196891, + "nauc_mrr_at_3_max": 45.48753195460355, + "nauc_mrr_at_3_std": -4.536347261239106, + "nauc_mrr_at_5_diff1": 53.81844478829885, + "nauc_mrr_at_5_max": 45.77186226917752, + "nauc_mrr_at_5_std": -3.560088004877736, + "nauc_ndcg_at_1000_diff1": 52.474274223239945, + "nauc_ndcg_at_1000_max": 45.88297620389939, + "nauc_ndcg_at_1000_std": -2.236689460240769, + "nauc_ndcg_at_100_diff1": 51.99537297728399, + "nauc_ndcg_at_100_max": 46.162105938598245, + "nauc_ndcg_at_100_std": -1.636252027390496, + "nauc_ndcg_at_10_diff1": 51.981635840094334, + "nauc_ndcg_at_10_max": 44.72098290105285, + "nauc_ndcg_at_10_std": -4.26133599970984, + "nauc_ndcg_at_1_diff1": 57.43124530432752, + "nauc_ndcg_at_1_max": 42.987773648572045, + "nauc_ndcg_at_1_std": -6.975930064288375, + "nauc_ndcg_at_20_diff1": 51.709989593496665, + "nauc_ndcg_at_20_max": 45.35511346806507, + "nauc_ndcg_at_20_std": -3.441945043133369, + "nauc_ndcg_at_3_diff1": 52.83956836083957, + "nauc_ndcg_at_3_max": 43.14243257908553, + "nauc_ndcg_at_3_std": -6.906786756066083, + "nauc_ndcg_at_5_diff1": 51.92395247597085, + "nauc_ndcg_at_5_max": 44.28584104560978, + "nauc_ndcg_at_5_std": -4.432556679370336, + "nauc_precision_at_1000_diff1": -10.137271271355312, + "nauc_precision_at_1000_max": 21.053415390964915, + "nauc_precision_at_1000_std": 31.437645188936003, + "nauc_precision_at_100_diff1": -5.869005161223761, + "nauc_precision_at_100_max": 28.74652505762229, + "nauc_precision_at_100_std": 33.42249624017563, + "nauc_precision_at_10_diff1": 14.075300860742587, + "nauc_precision_at_10_max": 36.90717719533496, + "nauc_precision_at_10_std": 15.27522825163519, + "nauc_precision_at_1_diff1": 57.43124530432752, + "nauc_precision_at_1_max": 42.987773648572045, + "nauc_precision_at_1_std": -6.975930064288375, + "nauc_precision_at_20_diff1": 4.831146517476065, + "nauc_precision_at_20_max": 34.600390709037775, + "nauc_precision_at_20_std": 21.879191470976977, + "nauc_precision_at_3_diff1": 33.75586535854295, + "nauc_precision_at_3_max": 41.8963728460937, + "nauc_precision_at_3_std": 0.30853391781218725, + "nauc_precision_at_5_diff1": 23.619374234162443, + "nauc_precision_at_5_max": 40.26315749312306, + "nauc_precision_at_5_std": 9.496779653807806, + "nauc_recall_at_1000_diff1": 39.650899433995065, + "nauc_recall_at_1000_max": 65.95997046182639, + "nauc_recall_at_1000_std": 41.52010213404674, + "nauc_recall_at_100_diff1": 37.021652104886904, + "nauc_recall_at_100_max": 57.901229136609636, + "nauc_recall_at_100_std": 27.173492395498428, + "nauc_recall_at_10_diff1": 44.29968361744853, + "nauc_recall_at_10_max": 44.18295286662639, + "nauc_recall_at_10_std": -1.5721790203147754, + "nauc_recall_at_1_diff1": 57.34963186677463, + "nauc_recall_at_1_max": 36.95146202384373, + "nauc_recall_at_1_std": -9.460645936916988, + "nauc_recall_at_20_diff1": 41.603580598985126, + "nauc_recall_at_20_max": 47.702934198286876, + "nauc_recall_at_20_std": 3.019298754051616, + "nauc_recall_at_3_diff1": 49.02194332102533, + "nauc_recall_at_3_max": 41.38275177493884, + "nauc_recall_at_3_std": -8.055685087264179, + "nauc_recall_at_5_diff1": 45.213060998923496, + "nauc_recall_at_5_max": 43.53976038303946, + "nauc_recall_at_5_std": -1.7312187150046634, + "ndcg_at_1": 47.022000000000006, + "ndcg_at_10": 59.03699999999999, + "ndcg_at_100": 63.077000000000005, + "ndcg_at_1000": 64.098, + "ndcg_at_20": 60.84, + "ndcg_at_3": 53.657999999999994, + "ndcg_at_5": 56.501000000000005, + "precision_at_1": 47.022000000000006, + "precision_at_10": 9.342, + "precision_at_100": 1.2309999999999999, + "precision_at_1000": 0.136, + "precision_at_20": 5.232, + "precision_at_3": 23.552999999999997, + "precision_at_5": 16.250999999999998, + "recall_at_1": 41.476, + "recall_at_10": 72.283, + "recall_at_100": 89.545, + "recall_at_1000": 96.798, + "recall_at_20": 78.84100000000001, + "recall_at_3": 58.114, + "recall_at_5": 65.007 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/CQADupstackGisRetrieval.json b/results/jxm__cde-small-v1/external/CQADupstackGisRetrieval.json new file mode 100644 index 000000000..566932107 --- /dev/null +++ b/results/jxm__cde-small-v1/external/CQADupstackGisRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "5003b3064772da1887988e05400cf3806fe491f2", + "task_name": "CQADupstackGisRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 37.673, + "map_at_1": 25.324, + "map_at_10": 33.17, + "map_at_100": 34.095, + "map_at_1000": 34.182, + "map_at_20": 33.654, + "map_at_3": 30.879, + "map_at_5": 32.26, + "mrr_at_1": 27.34463276836158, + "mrr_at_10": 35.2258541834813, + "mrr_at_100": 36.00404498547979, + "mrr_at_1000": 36.07566444493976, + "mrr_at_20": 35.63110644891617, + "mrr_at_3": 32.95668549905838, + "mrr_at_5": 34.25612052730697, + "nauc_map_at_1000_diff1": 46.058990680271485, + "nauc_map_at_1000_max": 28.600543996662374, + "nauc_map_at_1000_std": -3.8218348925653505, + "nauc_map_at_100_diff1": 46.04742556273763, + "nauc_map_at_100_max": 28.58845010683153, + "nauc_map_at_100_std": -3.8241454424665746, + "nauc_map_at_10_diff1": 46.318380971509015, + "nauc_map_at_10_max": 28.445154969629815, + "nauc_map_at_10_std": -4.668418336182435, + "nauc_map_at_1_diff1": 50.84712517695217, + "nauc_map_at_1_max": 24.956820608742856, + "nauc_map_at_1_std": -7.408652214171463, + "nauc_map_at_20_diff1": 46.02082882551024, + "nauc_map_at_20_max": 28.71729950175136, + "nauc_map_at_20_std": -3.8899400482521864, + "nauc_map_at_3_diff1": 47.017578094263065, + "nauc_map_at_3_max": 27.57393258045568, + "nauc_map_at_3_std": -5.578535499711579, + "nauc_map_at_5_diff1": 46.64174901816308, + "nauc_map_at_5_max": 28.12934751037357, + "nauc_map_at_5_std": -4.623605944585039, + "nauc_mrr_at_1000_diff1": 44.80745580850706, + "nauc_mrr_at_1000_max": 30.08660965092525, + "nauc_mrr_at_1000_std": -1.8483739575689273, + "nauc_mrr_at_100_diff1": 44.79929065561873, + "nauc_mrr_at_100_max": 30.068319004487208, + "nauc_mrr_at_100_std": -1.8439865469408845, + "nauc_mrr_at_10_diff1": 45.04202172389592, + "nauc_mrr_at_10_max": 30.006082516512294, + "nauc_mrr_at_10_std": -2.4476357227718673, + "nauc_mrr_at_1_diff1": 49.710330210449705, + "nauc_mrr_at_1_max": 27.652926800227444, + "nauc_mrr_at_1_std": -4.963221847243473, + "nauc_mrr_at_20_diff1": 44.74348822631581, + "nauc_mrr_at_20_max": 30.232310892837866, + "nauc_mrr_at_20_std": -1.8627482467585263, + "nauc_mrr_at_3_diff1": 45.63996732955718, + "nauc_mrr_at_3_max": 29.71071543929027, + "nauc_mrr_at_3_std": -2.9488868732728264, + "nauc_mrr_at_5_diff1": 45.31282418942023, + "nauc_mrr_at_5_max": 29.59225270015164, + "nauc_mrr_at_5_std": -2.571596169990907, + "nauc_ndcg_at_1000_diff1": 43.44153526801899, + "nauc_ndcg_at_1000_max": 30.264809827186745, + "nauc_ndcg_at_1000_std": -0.3673459026557417, + "nauc_ndcg_at_100_diff1": 42.9260780049435, + "nauc_ndcg_at_100_max": 29.971290021267254, + "nauc_ndcg_at_100_std": 0.07223943237736839, + "nauc_ndcg_at_10_diff1": 43.89936991271991, + "nauc_ndcg_at_10_max": 29.883246789724915, + "nauc_ndcg_at_10_std": -2.842441401911265, + "nauc_ndcg_at_1_diff1": 50.14865712693543, + "nauc_ndcg_at_1_max": 27.111609058341863, + "nauc_ndcg_at_1_std": -5.5675174385570925, + "nauc_ndcg_at_20_diff1": 42.84709307426253, + "nauc_ndcg_at_20_max": 30.76378099168594, + "nauc_ndcg_at_20_std": -0.42561135386508475, + "nauc_ndcg_at_3_diff1": 45.4326566931524, + "nauc_ndcg_at_3_max": 28.61889737624481, + "nauc_ndcg_at_3_std": -4.348200281698876, + "nauc_ndcg_at_5_diff1": 44.630092727271034, + "nauc_ndcg_at_5_max": 29.04891878562973, + "nauc_ndcg_at_5_std": -2.8900608482934165, + "nauc_precision_at_1000_diff1": 1.563823692486198, + "nauc_precision_at_1000_max": 18.07524759715147, + "nauc_precision_at_1000_std": 10.75651488435518, + "nauc_precision_at_100_diff1": 15.84032553897459, + "nauc_precision_at_100_max": 26.9982332859951, + "nauc_precision_at_100_std": 13.809307316031362, + "nauc_precision_at_10_diff1": 33.44005568824001, + "nauc_precision_at_10_max": 35.31365313654245, + "nauc_precision_at_10_std": 2.1516208493844817, + "nauc_precision_at_1_diff1": 50.14865712693543, + "nauc_precision_at_1_max": 27.111609058341863, + "nauc_precision_at_1_std": -5.5675174385570925, + "nauc_precision_at_20_diff1": 26.453560867406594, + "nauc_precision_at_20_max": 36.754320258234735, + "nauc_precision_at_20_std": 10.960004664156314, + "nauc_precision_at_3_diff1": 39.5339842087826, + "nauc_precision_at_3_max": 32.43079763654043, + "nauc_precision_at_3_std": -1.1149107052174205, + "nauc_precision_at_5_diff1": 36.75997042257077, + "nauc_precision_at_5_max": 32.936394052992256, + "nauc_precision_at_5_std": 2.253739058194602, + "nauc_recall_at_1000_diff1": 26.620883791876672, + "nauc_recall_at_1000_max": 40.036249354126255, + "nauc_recall_at_1000_std": 24.67019914079094, + "nauc_recall_at_100_diff1": 29.06050311303032, + "nauc_recall_at_100_max": 31.719103788027674, + "nauc_recall_at_100_std": 16.517714390661105, + "nauc_recall_at_10_diff1": 36.292924258716106, + "nauc_recall_at_10_max": 32.02173242085442, + "nauc_recall_at_10_std": 1.016713326361783, + "nauc_recall_at_1_diff1": 50.84712517695217, + "nauc_recall_at_1_max": 24.956820608742856, + "nauc_recall_at_1_std": -7.408652214171463, + "nauc_recall_at_20_diff1": 31.875810510992398, + "nauc_recall_at_20_max": 35.1225435012755, + "nauc_recall_at_20_std": 10.08081240374867, + "nauc_recall_at_3_diff1": 41.31843254728666, + "nauc_recall_at_3_max": 29.083015930837323, + "nauc_recall_at_3_std": -2.6812306676938906, + "nauc_recall_at_5_diff1": 38.74912094651174, + "nauc_recall_at_5_max": 29.713413529317663, + "nauc_recall_at_5_std": 0.6429485746621083, + "ndcg_at_1": 27.232, + "ndcg_at_10": 37.673, + "ndcg_at_100": 42.379, + "ndcg_at_1000": 44.664, + "ndcg_at_20": 39.282000000000004, + "ndcg_at_3": 33.178999999999995, + "ndcg_at_5": 35.481, + "precision_at_1": 27.232, + "precision_at_10": 5.593, + "precision_at_100": 0.845, + "precision_at_1000": 0.108, + "precision_at_20": 3.1809999999999996, + "precision_at_3": 13.898, + "precision_at_5": 9.605, + "recall_at_1": 25.324, + "recall_at_10": 49.66, + "recall_at_100": 71.702, + "recall_at_1000": 88.884, + "recall_at_20": 55.63399999999999, + "recall_at_3": 37.557, + "recall_at_5": 43.086 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/CQADupstackMathematicaRetrieval.json b/results/jxm__cde-small-v1/external/CQADupstackMathematicaRetrieval.json new file mode 100644 index 000000000..a1fd9c4c8 --- /dev/null +++ b/results/jxm__cde-small-v1/external/CQADupstackMathematicaRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "90fceea13679c63fe563ded68f3b6f06e50061de", + "task_name": "CQADupstackMathematicaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 27.683000000000003, + "map_at_1": 15.440000000000001, + "map_at_10": 22.708000000000002, + "map_at_100": 23.891000000000002, + "map_at_1000": 24.009, + "map_at_20": 23.362, + "map_at_3": 20.173, + "map_at_5": 21.512999999999998, + "mrr_at_1": 19.154228855721392, + "mrr_at_10": 27.14907604832978, + "mrr_at_100": 28.134401799106946, + "mrr_at_1000": 28.210652971960727, + "mrr_at_20": 27.743116715423334, + "mrr_at_3": 24.64759535655058, + "mrr_at_5": 26.0530679933665, + "nauc_map_at_1000_diff1": 26.45225395954919, + "nauc_map_at_1000_max": 18.88821201176001, + "nauc_map_at_1000_std": -6.743073428818526, + "nauc_map_at_100_diff1": 26.46163797092885, + "nauc_map_at_100_max": 18.91020517272631, + "nauc_map_at_100_std": -6.715512753190824, + "nauc_map_at_10_diff1": 25.93830061738008, + "nauc_map_at_10_max": 18.230821464212788, + "nauc_map_at_10_std": -7.723714557953293, + "nauc_map_at_1_diff1": 32.6143819833978, + "nauc_map_at_1_max": 18.229434406703447, + "nauc_map_at_1_std": -8.826503266807608, + "nauc_map_at_20_diff1": 26.267375356189532, + "nauc_map_at_20_max": 18.74372577827996, + "nauc_map_at_20_std": -7.1213741256387495, + "nauc_map_at_3_diff1": 26.502658255222222, + "nauc_map_at_3_max": 17.34676548965769, + "nauc_map_at_3_std": -8.661705532483479, + "nauc_map_at_5_diff1": 25.947975266973, + "nauc_map_at_5_max": 18.26579025252041, + "nauc_map_at_5_std": -7.988152286698193, + "nauc_mrr_at_1000_diff1": 27.43240261182634, + "nauc_mrr_at_1000_max": 19.59851548113691, + "nauc_mrr_at_1000_std": -5.8659045748819505, + "nauc_mrr_at_100_diff1": 27.42860371902458, + "nauc_mrr_at_100_max": 19.61291439961396, + "nauc_mrr_at_100_std": -5.840170365425997, + "nauc_mrr_at_10_diff1": 26.996629286135576, + "nauc_mrr_at_10_max": 19.09125992187832, + "nauc_mrr_at_10_std": -6.401949732007706, + "nauc_mrr_at_1_diff1": 33.20355103883785, + "nauc_mrr_at_1_max": 18.84271700427976, + "nauc_mrr_at_1_std": -6.846362536084065, + "nauc_mrr_at_20_diff1": 27.342295700872445, + "nauc_mrr_at_20_max": 19.59730195635629, + "nauc_mrr_at_20_std": -6.045183866074472, + "nauc_mrr_at_3_diff1": 27.921898978571868, + "nauc_mrr_at_3_max": 19.028747822887816, + "nauc_mrr_at_3_std": -6.651966049443023, + "nauc_mrr_at_5_diff1": 27.280695824148392, + "nauc_mrr_at_5_max": 19.430798343725524, + "nauc_mrr_at_5_std": -6.747383339145715, + "nauc_ndcg_at_1000_diff1": 25.38902736172073, + "nauc_ndcg_at_1000_max": 20.45917423943934, + "nauc_ndcg_at_1000_std": -3.2757947022252076, + "nauc_ndcg_at_100_diff1": 25.732803165259238, + "nauc_ndcg_at_100_max": 20.836040539884642, + "nauc_ndcg_at_100_std": -2.9535785746014396, + "nauc_ndcg_at_10_diff1": 23.946041122415746, + "nauc_ndcg_at_10_max": 18.62752297015455, + "nauc_ndcg_at_10_std": -6.405272980276195, + "nauc_ndcg_at_1_diff1": 33.20355103883785, + "nauc_ndcg_at_1_max": 18.84271700427976, + "nauc_ndcg_at_1_std": -6.846362536084065, + "nauc_ndcg_at_20_diff1": 24.77178243398418, + "nauc_ndcg_at_20_max": 20.27057276120682, + "nauc_ndcg_at_20_std": -4.789054638686646, + "nauc_ndcg_at_3_diff1": 25.93797698971861, + "nauc_ndcg_at_3_max": 17.7626073837572, + "nauc_ndcg_at_3_std": -8.049324539903097, + "nauc_ndcg_at_5_diff1": 24.628424554881647, + "nauc_ndcg_at_5_max": 18.989213649165613, + "nauc_ndcg_at_5_std": -7.173452770970873, + "nauc_precision_at_1000_diff1": 5.456508320365408, + "nauc_precision_at_1000_max": 4.8136815217087205, + "nauc_precision_at_1000_std": 4.947456448109757, + "nauc_precision_at_100_diff1": 16.260577000896543, + "nauc_precision_at_100_max": 16.7039900850556, + "nauc_precision_at_100_std": 9.11227641718042, + "nauc_precision_at_10_diff1": 16.365122567702535, + "nauc_precision_at_10_max": 17.065003280187348, + "nauc_precision_at_10_std": -2.229290931287804, + "nauc_precision_at_1_diff1": 33.20355103883785, + "nauc_precision_at_1_max": 18.84271700427976, + "nauc_precision_at_1_std": -6.846362536084065, + "nauc_precision_at_20_diff1": 16.91214381595962, + "nauc_precision_at_20_max": 19.58308083494222, + "nauc_precision_at_20_std": 2.253335365165219, + "nauc_precision_at_3_diff1": 19.85085379824151, + "nauc_precision_at_3_max": 16.27352732420782, + "nauc_precision_at_3_std": -7.201882607059234, + "nauc_precision_at_5_diff1": 17.966240404329092, + "nauc_precision_at_5_max": 18.231425958226044, + "nauc_precision_at_5_std": -4.043751510938105, + "nauc_recall_at_1000_diff1": 13.957143176090353, + "nauc_recall_at_1000_max": 25.052247631159652, + "nauc_recall_at_1000_std": 17.326355613640054, + "nauc_recall_at_100_diff1": 21.440869340994407, + "nauc_recall_at_100_max": 24.311867728047343, + "nauc_recall_at_100_std": 9.336321796584325, + "nauc_recall_at_10_diff1": 16.696814266222432, + "nauc_recall_at_10_max": 17.145710052014486, + "nauc_recall_at_10_std": -4.135339167818864, + "nauc_recall_at_1_diff1": 32.6143819833978, + "nauc_recall_at_1_max": 18.229434406703447, + "nauc_recall_at_1_std": -8.826503266807608, + "nauc_recall_at_20_diff1": 18.34311797149379, + "nauc_recall_at_20_max": 21.832943514273143, + "nauc_recall_at_20_std": 0.8894706565637946, + "nauc_recall_at_3_diff1": 20.992985988081557, + "nauc_recall_at_3_max": 16.255791972442506, + "nauc_recall_at_3_std": -7.097037821828232, + "nauc_recall_at_5_diff1": 18.60326978035633, + "nauc_recall_at_5_max": 18.615371576760275, + "nauc_recall_at_5_std": -6.049891295196573, + "ndcg_at_1": 19.154, + "ndcg_at_10": 27.683000000000003, + "ndcg_at_100": 33.213, + "ndcg_at_1000": 36.141, + "ndcg_at_20": 29.854999999999997, + "ndcg_at_3": 22.987, + "ndcg_at_5": 25.106, + "precision_at_1": 19.154, + "precision_at_10": 5.224, + "precision_at_100": 0.919, + "precision_at_1000": 0.13, + "precision_at_20": 3.215, + "precision_at_3": 11.318, + "precision_at_5": 8.383000000000001, + "recall_at_1": 15.440000000000001, + "recall_at_10": 38.734, + "recall_at_100": 62.576, + "recall_at_1000": 83.541, + "recall_at_20": 46.45, + "recall_at_3": 25.438, + "recall_at_5": 30.891000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/CQADupstackPhysicsRetrieval.json b/results/jxm__cde-small-v1/external/CQADupstackPhysicsRetrieval.json new file mode 100644 index 000000000..d2d89a41b --- /dev/null +++ b/results/jxm__cde-small-v1/external/CQADupstackPhysicsRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "79531abbd1fb92d06c6d6315a0cbbbf5bb247ea4", + "task_name": "CQADupstackPhysicsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 45.196999999999996, + "map_at_1": 29.438, + "map_at_10": 39.497, + "map_at_100": 40.757, + "map_at_1000": 40.865, + "map_at_20": 40.21, + "map_at_3": 36.649, + "map_at_5": 38.278, + "mrr_at_1": 35.514918190567855, + "mrr_at_10": 44.939158531555066, + "mrr_at_100": 45.71399223764184, + "mrr_at_1000": 45.767047236444185, + "mrr_at_20": 45.40064162616659, + "mrr_at_3": 42.49278152069297, + "mrr_at_5": 43.999037536092395, + "nauc_map_at_1000_diff1": 48.2911083967695, + "nauc_map_at_1000_max": 33.0567223033294, + "nauc_map_at_1000_std": -7.5831018828087435, + "nauc_map_at_100_diff1": 48.266195527072156, + "nauc_map_at_100_max": 33.03915960499412, + "nauc_map_at_100_std": -7.606925986310037, + "nauc_map_at_10_diff1": 48.328320797346294, + "nauc_map_at_10_max": 32.7070148720631, + "nauc_map_at_10_std": -8.512811841258646, + "nauc_map_at_1_diff1": 52.88608162356222, + "nauc_map_at_1_max": 31.24794941358492, + "nauc_map_at_1_std": -11.706848009285954, + "nauc_map_at_20_diff1": 48.2969260156472, + "nauc_map_at_20_max": 32.86081996380274, + "nauc_map_at_20_std": -8.020958942798524, + "nauc_map_at_3_diff1": 48.743817641945114, + "nauc_map_at_3_max": 32.605458230621856, + "nauc_map_at_3_std": -8.638274842287737, + "nauc_map_at_5_diff1": 48.78806923732555, + "nauc_map_at_5_max": 32.61566250570677, + "nauc_map_at_5_std": -8.780064299161241, + "nauc_mrr_at_1000_diff1": 48.402407250061934, + "nauc_mrr_at_1000_max": 32.73963018253408, + "nauc_mrr_at_1000_std": -7.600714897746363, + "nauc_mrr_at_100_diff1": 48.38722402499983, + "nauc_mrr_at_100_max": 32.74291939054888, + "nauc_mrr_at_100_std": -7.584196436282831, + "nauc_mrr_at_10_diff1": 48.324992370558576, + "nauc_mrr_at_10_max": 32.65326566012142, + "nauc_mrr_at_10_std": -7.960957871756174, + "nauc_mrr_at_1_diff1": 52.51790849738347, + "nauc_mrr_at_1_max": 31.979743734335504, + "nauc_mrr_at_1_std": -11.101383949942232, + "nauc_mrr_at_20_diff1": 48.375346158446725, + "nauc_mrr_at_20_max": 32.73895555822591, + "nauc_mrr_at_20_std": -7.642914670396977, + "nauc_mrr_at_3_diff1": 48.83160990949774, + "nauc_mrr_at_3_max": 32.80880922901924, + "nauc_mrr_at_3_std": -7.760362168094019, + "nauc_mrr_at_5_diff1": 48.60255139323125, + "nauc_mrr_at_5_max": 32.72728351371156, + "nauc_mrr_at_5_std": -8.038189749481258, + "nauc_ndcg_at_1000_diff1": 46.67101320125475, + "nauc_ndcg_at_1000_max": 34.0504701772667, + "nauc_ndcg_at_1000_std": -4.032878112637376, + "nauc_ndcg_at_100_diff1": 46.248748827447265, + "nauc_ndcg_at_100_max": 33.74751928599088, + "nauc_ndcg_at_100_std": -3.991862266355337, + "nauc_ndcg_at_10_diff1": 46.46100196084458, + "nauc_ndcg_at_10_max": 32.807685888284794, + "nauc_ndcg_at_10_std": -7.457478747984192, + "nauc_ndcg_at_1_diff1": 52.51790849738347, + "nauc_ndcg_at_1_max": 31.979743734335504, + "nauc_ndcg_at_1_std": -11.101383949942232, + "nauc_ndcg_at_20_diff1": 46.410656199509944, + "nauc_ndcg_at_20_max": 33.1581309808876, + "nauc_ndcg_at_20_std": -5.99183846380811, + "nauc_ndcg_at_3_diff1": 47.26764972559635, + "nauc_ndcg_at_3_max": 33.08614197399897, + "nauc_ndcg_at_3_std": -7.0742507391341345, + "nauc_ndcg_at_5_diff1": 47.35898227835041, + "nauc_ndcg_at_5_max": 32.84468179240444, + "nauc_ndcg_at_5_std": -7.714927192881523, + "nauc_precision_at_1000_diff1": -9.52692395683019, + "nauc_precision_at_1000_max": 7.374303479576268, + "nauc_precision_at_1000_std": 20.79761650113592, + "nauc_precision_at_100_diff1": -0.5511806256392863, + "nauc_precision_at_100_max": 14.260122126630634, + "nauc_precision_at_100_std": 20.84530821188996, + "nauc_precision_at_10_diff1": 19.572115874106533, + "nauc_precision_at_10_max": 24.556082924046027, + "nauc_precision_at_10_std": 5.323857400679805, + "nauc_precision_at_1_diff1": 52.51790849738347, + "nauc_precision_at_1_max": 31.979743734335504, + "nauc_precision_at_1_std": -11.101383949942232, + "nauc_precision_at_20_diff1": 12.356576945971826, + "nauc_precision_at_20_max": 21.121689225096056, + "nauc_precision_at_20_std": 12.177075559439556, + "nauc_precision_at_3_diff1": 33.671667659871865, + "nauc_precision_at_3_max": 30.98143183174062, + "nauc_precision_at_3_std": 0.520604608152502, + "nauc_precision_at_5_diff1": 30.06980809430162, + "nauc_precision_at_5_max": 28.454115294663602, + "nauc_precision_at_5_std": 0.8596400708828538, + "nauc_recall_at_1000_diff1": 24.965587031650884, + "nauc_recall_at_1000_max": 40.72840120992986, + "nauc_recall_at_1000_std": 38.76857796467627, + "nauc_recall_at_100_diff1": 32.790892696170374, + "nauc_recall_at_100_max": 32.970070123139564, + "nauc_recall_at_100_std": 14.657654854897062, + "nauc_recall_at_10_diff1": 38.309181873423476, + "nauc_recall_at_10_max": 30.28707855794435, + "nauc_recall_at_10_std": -5.568997608502203, + "nauc_recall_at_1_diff1": 52.88608162356222, + "nauc_recall_at_1_max": 31.24794941358492, + "nauc_recall_at_1_std": -11.706848009285954, + "nauc_recall_at_20_diff1": 37.44816940285688, + "nauc_recall_at_20_max": 31.24736990052554, + "nauc_recall_at_20_std": -0.17027260910961897, + "nauc_recall_at_3_diff1": 42.921582034772726, + "nauc_recall_at_3_max": 31.861184780950513, + "nauc_recall_at_3_std": -6.209754089638474, + "nauc_recall_at_5_diff1": 41.74803396821156, + "nauc_recall_at_5_max": 31.13023590637421, + "nauc_recall_at_5_std": -6.608370086504567, + "ndcg_at_1": 35.515, + "ndcg_at_10": 45.196999999999996, + "ndcg_at_100": 50.38399999999999, + "ndcg_at_1000": 52.596, + "ndcg_at_20": 47.233000000000004, + "ndcg_at_3": 40.573, + "ndcg_at_5": 42.853, + "precision_at_1": 35.515, + "precision_at_10": 8.017000000000001, + "precision_at_100": 1.237, + "precision_at_1000": 0.159, + "precision_at_20": 4.687, + "precision_at_3": 18.961, + "precision_at_5": 13.34, + "recall_at_1": 29.438, + "recall_at_10": 56.603, + "recall_at_100": 78.281, + "recall_at_1000": 93.172, + "recall_at_20": 63.571, + "recall_at_3": 43.763000000000005, + "recall_at_5": 49.717 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/CQADupstackProgrammersRetrieval.json b/results/jxm__cde-small-v1/external/CQADupstackProgrammersRetrieval.json new file mode 100644 index 000000000..f339bbba5 --- /dev/null +++ b/results/jxm__cde-small-v1/external/CQADupstackProgrammersRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "6184bc1440d2dbc7612be22b50686b8826d22b32", + "task_name": "CQADupstackProgrammersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 41.967999999999996, + "map_at_1": 27.991, + "map_at_10": 36.815, + "map_at_100": 38.14, + "map_at_1000": 38.257999999999996, + "map_at_20": 37.561, + "map_at_3": 34.094, + "map_at_5": 35.557, + "mrr_at_1": 34.817351598173516, + "mrr_at_10": 42.56500507356672, + "mrr_at_100": 43.460463999764066, + "mrr_at_1000": 43.52348583643295, + "mrr_at_20": 43.11992252647868, + "mrr_at_3": 40.20167427701675, + "mrr_at_5": 41.45738203957382, + "nauc_map_at_1000_diff1": 41.67048775212967, + "nauc_map_at_1000_max": 43.99159244124849, + "nauc_map_at_1000_std": 2.573128018829387, + "nauc_map_at_100_diff1": 41.674051168864544, + "nauc_map_at_100_max": 43.98147916359051, + "nauc_map_at_100_std": 2.5254111056725157, + "nauc_map_at_10_diff1": 41.7125704403198, + "nauc_map_at_10_max": 43.474100183989364, + "nauc_map_at_10_std": 1.6477791314522445, + "nauc_map_at_1_diff1": 48.1867206901292, + "nauc_map_at_1_max": 40.525641468978996, + "nauc_map_at_1_std": -0.7568533902855162, + "nauc_map_at_20_diff1": 41.64339598055937, + "nauc_map_at_20_max": 43.62356989148736, + "nauc_map_at_20_std": 2.087731774178381, + "nauc_map_at_3_diff1": 43.473195638597325, + "nauc_map_at_3_max": 42.94377216167118, + "nauc_map_at_3_std": 0.2505945238603998, + "nauc_map_at_5_diff1": 42.39542158097317, + "nauc_map_at_5_max": 43.67892698262521, + "nauc_map_at_5_std": 0.9895905882223653, + "nauc_mrr_at_1000_diff1": 41.09671003865924, + "nauc_mrr_at_1000_max": 46.28436379929593, + "nauc_mrr_at_1000_std": 4.354037919152363, + "nauc_mrr_at_100_diff1": 41.09244756994191, + "nauc_mrr_at_100_max": 46.29034043110901, + "nauc_mrr_at_100_std": 4.351726070204726, + "nauc_mrr_at_10_diff1": 40.977946444819096, + "nauc_mrr_at_10_max": 46.10718374892125, + "nauc_mrr_at_10_std": 4.18336707456262, + "nauc_mrr_at_1_diff1": 45.599332453292675, + "nauc_mrr_at_1_max": 45.84726261326186, + "nauc_mrr_at_1_std": 2.4345971000548854, + "nauc_mrr_at_20_diff1": 40.95961993815576, + "nauc_mrr_at_20_max": 46.18592650660265, + "nauc_mrr_at_20_std": 4.305161755438331, + "nauc_mrr_at_3_diff1": 42.32692907673492, + "nauc_mrr_at_3_max": 46.26011359406279, + "nauc_mrr_at_3_std": 2.948567577936104, + "nauc_mrr_at_5_diff1": 41.34052580040367, + "nauc_mrr_at_5_max": 46.34383226431204, + "nauc_mrr_at_5_std": 3.633823850306508, + "nauc_ndcg_at_1000_diff1": 39.93215369321293, + "nauc_ndcg_at_1000_max": 45.687802170808574, + "nauc_ndcg_at_1000_std": 6.430986118631789, + "nauc_ndcg_at_100_diff1": 39.684859990483915, + "nauc_ndcg_at_100_max": 45.80031091479213, + "nauc_ndcg_at_100_std": 6.36066573145881, + "nauc_ndcg_at_10_diff1": 39.23880630958678, + "nauc_ndcg_at_10_max": 43.80038181935968, + "nauc_ndcg_at_10_std": 3.3533556819103074, + "nauc_ndcg_at_1_diff1": 45.94736367846991, + "nauc_ndcg_at_1_max": 46.105763729560294, + "nauc_ndcg_at_1_std": 2.5515460950343622, + "nauc_ndcg_at_20_diff1": 39.077143576829634, + "nauc_ndcg_at_20_max": 44.175755846357006, + "nauc_ndcg_at_20_std": 4.5499430823825, + "nauc_ndcg_at_3_diff1": 41.55043893779763, + "nauc_ndcg_at_3_max": 44.369396288268, + "nauc_ndcg_at_3_std": 1.8135062317910333, + "nauc_ndcg_at_5_diff1": 40.27727274546977, + "nauc_ndcg_at_5_max": 44.58055714919917, + "nauc_ndcg_at_5_std": 2.3858438655025895, + "nauc_precision_at_1000_diff1": -15.82921590565681, + "nauc_precision_at_1000_max": 5.3200324911551276, + "nauc_precision_at_1000_std": 17.059441605068066, + "nauc_precision_at_100_diff1": -3.477661270951154, + "nauc_precision_at_100_max": 23.102213467508363, + "nauc_precision_at_100_std": 22.61050030511951, + "nauc_precision_at_10_diff1": 13.022774804120216, + "nauc_precision_at_10_max": 38.41004452998074, + "nauc_precision_at_10_std": 15.569153607416283, + "nauc_precision_at_1_diff1": 45.94736367846991, + "nauc_precision_at_1_max": 46.105763729560294, + "nauc_precision_at_1_std": 2.5515460950343622, + "nauc_precision_at_20_diff1": 6.552231339783917, + "nauc_precision_at_20_max": 33.144348451578914, + "nauc_precision_at_20_std": 19.55599724769983, + "nauc_precision_at_3_diff1": 28.52937551899466, + "nauc_precision_at_3_max": 45.2056127705799, + "nauc_precision_at_3_std": 7.5353087497146785, + "nauc_precision_at_5_diff1": 21.680390063172492, + "nauc_precision_at_5_max": 44.075542142279645, + "nauc_precision_at_5_std": 10.933211341141087, + "nauc_recall_at_1000_diff1": 31.550619753305593, + "nauc_recall_at_1000_max": 49.1096811911254, + "nauc_recall_at_1000_std": 39.51532818925666, + "nauc_recall_at_100_diff1": 30.696662503429863, + "nauc_recall_at_100_max": 47.21608565384206, + "nauc_recall_at_100_std": 20.894556840831438, + "nauc_recall_at_10_diff1": 30.61623779072834, + "nauc_recall_at_10_max": 38.964392138468114, + "nauc_recall_at_10_std": 5.00024473264126, + "nauc_recall_at_1_diff1": 48.1867206901292, + "nauc_recall_at_1_max": 40.525641468978996, + "nauc_recall_at_1_std": -0.7568533902855162, + "nauc_recall_at_20_diff1": 29.07251333097125, + "nauc_recall_at_20_max": 39.03312242614524, + "nauc_recall_at_20_std": 8.959922224970903, + "nauc_recall_at_3_diff1": 38.724975690747826, + "nauc_recall_at_3_max": 41.3025635407677, + "nauc_recall_at_3_std": 0.6484284398052167, + "nauc_recall_at_5_diff1": 34.09423664395091, + "nauc_recall_at_5_max": 41.34844327450573, + "nauc_recall_at_5_std": 2.3349428535301424, + "ndcg_at_1": 34.703, + "ndcg_at_10": 41.967999999999996, + "ndcg_at_100": 47.607, + "ndcg_at_1000": 49.984, + "ndcg_at_20": 44.285000000000004, + "ndcg_at_3": 37.582, + "ndcg_at_5": 39.454, + "precision_at_1": 34.703, + "precision_at_10": 7.306, + "precision_at_100": 1.191, + "precision_at_1000": 0.156, + "precision_at_20": 4.406000000000001, + "precision_at_3": 17.541999999999998, + "precision_at_5": 12.26, + "recall_at_1": 27.991, + "recall_at_10": 52.016, + "recall_at_100": 75.807, + "recall_at_1000": 91.84400000000001, + "recall_at_20": 60.171, + "recall_at_3": 39.268, + "recall_at_5": 44.548 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/CQADupstackStatsRetrieval.json b/results/jxm__cde-small-v1/external/CQADupstackStatsRetrieval.json new file mode 100644 index 000000000..9466cd665 --- /dev/null +++ b/results/jxm__cde-small-v1/external/CQADupstackStatsRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "65ac3a16b8e91f9cee4c9828cc7c335575432a2a", + "task_name": "CQADupstackStatsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 34.888999999999996, + "map_at_1": 24.257, + "map_at_10": 30.85, + "map_at_100": 31.653, + "map_at_1000": 31.744, + "map_at_20": 31.235000000000003, + "map_at_3": 28.742, + "map_at_5": 29.743000000000002, + "mrr_at_1": 26.68711656441718, + "mrr_at_10": 33.22828415619827, + "mrr_at_100": 33.9510074708967, + "mrr_at_1000": 34.019092955305204, + "mrr_at_20": 33.600871234124, + "mrr_at_3": 31.160531697341508, + "mrr_at_5": 32.14212678936605, + "nauc_map_at_1000_diff1": 52.717440487225275, + "nauc_map_at_1000_max": 44.60170963845081, + "nauc_map_at_1000_std": -3.1996706483359136, + "nauc_map_at_100_diff1": 52.71189673586013, + "nauc_map_at_100_max": 44.57163638567482, + "nauc_map_at_100_std": -3.2345902627286436, + "nauc_map_at_10_diff1": 53.02449930693637, + "nauc_map_at_10_max": 44.35369795372346, + "nauc_map_at_10_std": -3.8104783477282513, + "nauc_map_at_1_diff1": 61.69412555489549, + "nauc_map_at_1_max": 45.687572761686425, + "nauc_map_at_1_std": -5.706950124921224, + "nauc_map_at_20_diff1": 52.762382597962855, + "nauc_map_at_20_max": 44.42527816578249, + "nauc_map_at_20_std": -3.62442115557958, + "nauc_map_at_3_diff1": 54.218133325934595, + "nauc_map_at_3_max": 43.886110491155, + "nauc_map_at_3_std": -5.373779809729606, + "nauc_map_at_5_diff1": 53.87314356227072, + "nauc_map_at_5_max": 44.19838867906011, + "nauc_map_at_5_std": -4.657996273921579, + "nauc_mrr_at_1000_diff1": 52.608759486406065, + "nauc_mrr_at_1000_max": 46.43225035608919, + "nauc_mrr_at_1000_std": -1.0825740469149292, + "nauc_mrr_at_100_diff1": 52.59290039623913, + "nauc_mrr_at_100_max": 46.43031739568791, + "nauc_mrr_at_100_std": -1.110101172332684, + "nauc_mrr_at_10_diff1": 52.860476269889055, + "nauc_mrr_at_10_max": 46.48418329087753, + "nauc_mrr_at_10_std": -1.3374238019386193, + "nauc_mrr_at_1_diff1": 61.441947428807666, + "nauc_mrr_at_1_max": 48.54756533074311, + "nauc_mrr_at_1_std": -2.3680485432053135, + "nauc_mrr_at_20_diff1": 52.665535367800906, + "nauc_mrr_at_20_max": 46.41185879304558, + "nauc_mrr_at_20_std": -1.3444595758714797, + "nauc_mrr_at_3_diff1": 54.172851649909134, + "nauc_mrr_at_3_max": 46.15833772250591, + "nauc_mrr_at_3_std": -2.6730529379570642, + "nauc_mrr_at_5_diff1": 53.723702014945175, + "nauc_mrr_at_5_max": 46.297316686693016, + "nauc_mrr_at_5_std": -2.159788610857334, + "nauc_ndcg_at_1000_diff1": 48.49475884804671, + "nauc_ndcg_at_1000_max": 45.2504813678727, + "nauc_ndcg_at_1000_std": 1.3660441371017331, + "nauc_ndcg_at_100_diff1": 48.328439839293004, + "nauc_ndcg_at_100_max": 45.1976848279064, + "nauc_ndcg_at_100_std": 0.984414559030773, + "nauc_ndcg_at_10_diff1": 49.57495706841805, + "nauc_ndcg_at_10_max": 44.32422841398523, + "nauc_ndcg_at_10_std": -1.8938863954712948, + "nauc_ndcg_at_1_diff1": 61.441947428807666, + "nauc_ndcg_at_1_max": 48.54756533074311, + "nauc_ndcg_at_1_std": -2.3680485432053135, + "nauc_ndcg_at_20_diff1": 48.698704369155664, + "nauc_ndcg_at_20_max": 44.32085785234671, + "nauc_ndcg_at_20_std": -1.5370200957389617, + "nauc_ndcg_at_3_diff1": 51.87602761155865, + "nauc_ndcg_at_3_max": 43.836423952288946, + "nauc_ndcg_at_3_std": -4.519331726990856, + "nauc_ndcg_at_5_diff1": 51.536849644847216, + "nauc_ndcg_at_5_max": 44.05267508410536, + "nauc_ndcg_at_5_std": -3.7646800644981484, + "nauc_precision_at_1000_diff1": -3.114425136121477, + "nauc_precision_at_1000_max": 21.219654091584214, + "nauc_precision_at_1000_std": 23.620715661080197, + "nauc_precision_at_100_diff1": 13.781387623485253, + "nauc_precision_at_100_max": 37.7816424452238, + "nauc_precision_at_100_std": 24.719409110027726, + "nauc_precision_at_10_diff1": 29.300018648484276, + "nauc_precision_at_10_max": 42.111386830242296, + "nauc_precision_at_10_std": 10.14768426081145, + "nauc_precision_at_1_diff1": 61.441947428807666, + "nauc_precision_at_1_max": 48.54756533074311, + "nauc_precision_at_1_std": -2.3680485432053135, + "nauc_precision_at_20_diff1": 24.056049155242437, + "nauc_precision_at_20_max": 41.1201344685915, + "nauc_precision_at_20_std": 12.97512554259156, + "nauc_precision_at_3_diff1": 40.917570494530224, + "nauc_precision_at_3_max": 42.15043236961856, + "nauc_precision_at_3_std": -0.589880165120388, + "nauc_precision_at_5_diff1": 36.58196834265981, + "nauc_precision_at_5_max": 41.630431483145955, + "nauc_precision_at_5_std": 2.792434474028848, + "nauc_recall_at_1000_diff1": 22.038599119727685, + "nauc_recall_at_1000_max": 40.92494951502034, + "nauc_recall_at_1000_std": 30.098168212129906, + "nauc_recall_at_100_diff1": 30.27278930698841, + "nauc_recall_at_100_max": 43.08655404016066, + "nauc_recall_at_100_std": 16.415020332792015, + "nauc_recall_at_10_diff1": 38.75370707674917, + "nauc_recall_at_10_max": 40.98674256815627, + "nauc_recall_at_10_std": 1.4170954879979862, + "nauc_recall_at_1_diff1": 61.69412555489549, + "nauc_recall_at_1_max": 45.687572761686425, + "nauc_recall_at_1_std": -5.706950124921224, + "nauc_recall_at_20_diff1": 34.95998605858319, + "nauc_recall_at_20_max": 40.10527957275843, + "nauc_recall_at_20_std": 2.1856254846998895, + "nauc_recall_at_3_diff1": 46.10618270844218, + "nauc_recall_at_3_max": 39.94724438255762, + "nauc_recall_at_3_std": -6.261263180948628, + "nauc_recall_at_5_diff1": 45.37034670682598, + "nauc_recall_at_5_max": 40.996211974958655, + "nauc_recall_at_5_std": -3.8795589504838945, + "ndcg_at_1": 26.687, + "ndcg_at_10": 34.888999999999996, + "ndcg_at_100": 38.967, + "ndcg_at_1000": 41.408, + "ndcg_at_20": 36.202, + "ndcg_at_3": 30.763, + "ndcg_at_5": 32.369, + "precision_at_1": 26.687, + "precision_at_10": 5.428999999999999, + "precision_at_100": 0.8099999999999999, + "precision_at_1000": 0.11, + "precision_at_20": 3.0669999999999997, + "precision_at_3": 12.883, + "precision_at_5": 8.895999999999999, + "recall_at_1": 24.257, + "recall_at_10": 45.013999999999996, + "recall_at_100": 63.55800000000001, + "recall_at_1000": 81.649, + "recall_at_20": 49.786, + "recall_at_3": 33.623, + "recall_at_5": 37.489 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/CQADupstackTexRetrieval.json b/results/jxm__cde-small-v1/external/CQADupstackTexRetrieval.json new file mode 100644 index 000000000..5c8408563 --- /dev/null +++ b/results/jxm__cde-small-v1/external/CQADupstackTexRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "46989137a86843e03a6195de44b09deda022eec7", + "task_name": "CQADupstackTexRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 27.174, + "map_at_1": 16.683, + "map_at_10": 22.965, + "map_at_100": 23.954, + "map_at_1000": 24.078, + "map_at_20": 23.49, + "map_at_3": 20.918999999999997, + "map_at_5": 22.027, + "mrr_at_1": 19.92429456297316, + "mrr_at_10": 26.551319656102862, + "mrr_at_100": 27.428968210944316, + "mrr_at_1000": 27.510501144435317, + "mrr_at_20": 27.051813881383698, + "mrr_at_3": 24.483826565726083, + "mrr_at_5": 25.624569855471435, + "nauc_map_at_1000_diff1": 39.70294552750383, + "nauc_map_at_1000_max": 31.317466455201227, + "nauc_map_at_1000_std": -1.762559086629105, + "nauc_map_at_100_diff1": 39.71390899838813, + "nauc_map_at_100_max": 31.29204970199068, + "nauc_map_at_100_std": -1.791535537876596, + "nauc_map_at_10_diff1": 40.01482969019678, + "nauc_map_at_10_max": 31.23314156393745, + "nauc_map_at_10_std": -2.3274535397042513, + "nauc_map_at_1_diff1": 46.72895932959986, + "nauc_map_at_1_max": 29.819875651168548, + "nauc_map_at_1_std": -3.6639434506444912, + "nauc_map_at_20_diff1": 39.79895580803141, + "nauc_map_at_20_max": 31.18209733793537, + "nauc_map_at_20_std": -2.052399285243834, + "nauc_map_at_3_diff1": 41.98314483627424, + "nauc_map_at_3_max": 31.410399587944422, + "nauc_map_at_3_std": -3.1256987241100957, + "nauc_map_at_5_diff1": 40.68955549018378, + "nauc_map_at_5_max": 31.529138053527888, + "nauc_map_at_5_std": -2.5106031609548727, + "nauc_mrr_at_1000_diff1": 38.843425454050774, + "nauc_mrr_at_1000_max": 32.080747972542476, + "nauc_mrr_at_1000_std": -1.8813140227198037, + "nauc_mrr_at_100_diff1": 38.844774433232246, + "nauc_mrr_at_100_max": 32.07767547525176, + "nauc_mrr_at_100_std": -1.8853968240347412, + "nauc_mrr_at_10_diff1": 38.9943638829038, + "nauc_mrr_at_10_max": 32.113199636613224, + "nauc_mrr_at_10_std": -2.2808765253620997, + "nauc_mrr_at_1_diff1": 45.204551111582504, + "nauc_mrr_at_1_max": 31.33271495263982, + "nauc_mrr_at_1_std": -4.310808417520686, + "nauc_mrr_at_20_diff1": 38.809653957002475, + "nauc_mrr_at_20_max": 32.00087958077687, + "nauc_mrr_at_20_std": -2.077240815930647, + "nauc_mrr_at_3_diff1": 40.640559615359884, + "nauc_mrr_at_3_max": 32.499874311042085, + "nauc_mrr_at_3_std": -3.0250204118059623, + "nauc_mrr_at_5_diff1": 39.730384199123904, + "nauc_mrr_at_5_max": 32.54797498951286, + "nauc_mrr_at_5_std": -2.483752446190051, + "nauc_ndcg_at_1000_diff1": 35.67309434839137, + "nauc_ndcg_at_1000_max": 31.968665383689366, + "nauc_ndcg_at_1000_std": 1.8902841143765996, + "nauc_ndcg_at_100_diff1": 35.532320541105456, + "nauc_ndcg_at_100_max": 31.39262363611392, + "nauc_ndcg_at_100_std": 1.3738974219360591, + "nauc_ndcg_at_10_diff1": 36.89304493982828, + "nauc_ndcg_at_10_max": 31.413699188823262, + "nauc_ndcg_at_10_std": -1.4406496834360265, + "nauc_ndcg_at_1_diff1": 45.204551111582504, + "nauc_ndcg_at_1_max": 31.33271495263982, + "nauc_ndcg_at_1_std": -4.310808417520686, + "nauc_ndcg_at_20_diff1": 36.10603668893203, + "nauc_ndcg_at_20_max": 31.08596071268814, + "nauc_ndcg_at_20_std": -0.5716127582631676, + "nauc_ndcg_at_3_diff1": 40.3406275054372, + "nauc_ndcg_at_3_max": 32.30746163378498, + "nauc_ndcg_at_3_std": -2.9826906381184086, + "nauc_ndcg_at_5_diff1": 38.435436080533805, + "nauc_ndcg_at_5_max": 32.28159769507487, + "nauc_ndcg_at_5_std": -1.896502637808091, + "nauc_precision_at_1000_diff1": -1.3272380913114576, + "nauc_precision_at_1000_max": 16.97452439042005, + "nauc_precision_at_1000_std": 6.727514561355023, + "nauc_precision_at_100_diff1": 9.050886288633748, + "nauc_precision_at_100_max": 22.793531578995857, + "nauc_precision_at_100_std": 9.041251836945914, + "nauc_precision_at_10_diff1": 23.58024783123664, + "nauc_precision_at_10_max": 30.911229044947746, + "nauc_precision_at_10_std": 0.49206924465533297, + "nauc_precision_at_1_diff1": 45.204551111582504, + "nauc_precision_at_1_max": 31.33271495263982, + "nauc_precision_at_1_std": -4.310808417520686, + "nauc_precision_at_20_diff1": 18.72722750869453, + "nauc_precision_at_20_max": 28.168309388621456, + "nauc_precision_at_20_std": 3.5580796098534906, + "nauc_precision_at_3_diff1": 34.21934456307853, + "nauc_precision_at_3_max": 34.50963041596628, + "nauc_precision_at_3_std": -2.1474684485851876, + "nauc_precision_at_5_diff1": 29.967346999613596, + "nauc_precision_at_5_max": 33.958476515854954, + "nauc_precision_at_5_std": -0.45778793347456004, + "nauc_recall_at_1000_diff1": 12.06453658572338, + "nauc_recall_at_1000_max": 30.788667195142633, + "nauc_recall_at_1000_std": 27.271269189751713, + "nauc_recall_at_100_diff1": 19.6231994553196, + "nauc_recall_at_100_max": 27.00238503628109, + "nauc_recall_at_100_std": 13.294514312384601, + "nauc_recall_at_10_diff1": 27.755272572613222, + "nauc_recall_at_10_max": 28.332855891388125, + "nauc_recall_at_10_std": 0.8241434995618968, + "nauc_recall_at_1_diff1": 46.72895932959986, + "nauc_recall_at_1_max": 29.819875651168548, + "nauc_recall_at_1_std": -3.6639434506444912, + "nauc_recall_at_20_diff1": 24.731671276025146, + "nauc_recall_at_20_max": 26.949426211227795, + "nauc_recall_at_20_std": 3.412457763382852, + "nauc_recall_at_3_diff1": 36.38111388907899, + "nauc_recall_at_3_max": 31.47754397495634, + "nauc_recall_at_3_std": -2.1874715383733956, + "nauc_recall_at_5_diff1": 31.68529930399809, + "nauc_recall_at_5_max": 31.090941464639744, + "nauc_recall_at_5_std": -0.1674878655815559, + "ndcg_at_1": 19.924, + "ndcg_at_10": 27.174, + "ndcg_at_100": 32.065, + "ndcg_at_1000": 35.106, + "ndcg_at_20": 28.939999999999998, + "ndcg_at_3": 23.372999999999998, + "ndcg_at_5": 25.096, + "precision_at_1": 19.924, + "precision_at_10": 4.855, + "precision_at_100": 0.857, + "precision_at_1000": 0.129, + "precision_at_20": 2.94, + "precision_at_3": 10.897, + "precision_at_5": 7.7909999999999995, + "recall_at_1": 16.683, + "recall_at_10": 36.276, + "recall_at_100": 58.437, + "recall_at_1000": 80.35900000000001, + "recall_at_20": 42.79, + "recall_at_3": 25.663999999999998, + "recall_at_5": 30.213 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/CQADupstackUnixRetrieval.json b/results/jxm__cde-small-v1/external/CQADupstackUnixRetrieval.json new file mode 100644 index 000000000..72898241d --- /dev/null +++ b/results/jxm__cde-small-v1/external/CQADupstackUnixRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "6c6430d3a6d36f8d2a829195bc5dc94d7e063e53", + "task_name": "CQADupstackUnixRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 38.34, + "map_at_1": 25.924999999999997, + "map_at_10": 33.53, + "map_at_100": 34.635, + "map_at_1000": 34.739, + "map_at_20": 34.117999999999995, + "map_at_3": 30.94, + "map_at_5": 32.411, + "mrr_at_1": 30.223880597014922, + "mrr_at_10": 37.598873193556024, + "mrr_at_100": 38.48001202116003, + "mrr_at_1000": 38.53998687212744, + "mrr_at_20": 38.0922428291824, + "mrr_at_3": 35.26119402985074, + "mrr_at_5": 36.627798507462686, + "nauc_map_at_1000_diff1": 48.99658121611321, + "nauc_map_at_1000_max": 43.36514689969973, + "nauc_map_at_1000_std": 1.2743138438292323, + "nauc_map_at_100_diff1": 49.00383839256485, + "nauc_map_at_100_max": 43.34421843813268, + "nauc_map_at_100_std": 1.2381577394429648, + "nauc_map_at_10_diff1": 48.976968357570804, + "nauc_map_at_10_max": 43.21656545934543, + "nauc_map_at_10_std": 0.8806229946576106, + "nauc_map_at_1_diff1": 54.79429701172901, + "nauc_map_at_1_max": 44.94497297225627, + "nauc_map_at_1_std": 0.3424876477921997, + "nauc_map_at_20_diff1": 49.05500453067965, + "nauc_map_at_20_max": 43.313867184227114, + "nauc_map_at_20_std": 1.0599077751868857, + "nauc_map_at_3_diff1": 50.202191345168735, + "nauc_map_at_3_max": 43.16428713411531, + "nauc_map_at_3_std": 0.33035782399351366, + "nauc_map_at_5_diff1": 49.43896179760421, + "nauc_map_at_5_max": 43.36309937252455, + "nauc_map_at_5_std": 0.6152011411226946, + "nauc_mrr_at_1000_diff1": 48.359023685110486, + "nauc_mrr_at_1000_max": 42.5315010808791, + "nauc_mrr_at_1000_std": 0.5920431228924952, + "nauc_mrr_at_100_diff1": 48.33949213883611, + "nauc_mrr_at_100_max": 42.501697399914725, + "nauc_mrr_at_100_std": 0.5683233598385363, + "nauc_mrr_at_10_diff1": 48.17405374349975, + "nauc_mrr_at_10_max": 42.36829702421452, + "nauc_mrr_at_10_std": 0.3918636512799242, + "nauc_mrr_at_1_diff1": 54.41613067936997, + "nauc_mrr_at_1_max": 44.91551488557509, + "nauc_mrr_at_1_std": -0.7697411188700982, + "nauc_mrr_at_20_diff1": 48.29085774083497, + "nauc_mrr_at_20_max": 42.46692350994534, + "nauc_mrr_at_20_std": 0.49667689004854476, + "nauc_mrr_at_3_diff1": 49.32403876113614, + "nauc_mrr_at_3_max": 42.420974899262816, + "nauc_mrr_at_3_std": -0.17054785857862576, + "nauc_mrr_at_5_diff1": 48.5386866012484, + "nauc_mrr_at_5_max": 42.49752447209939, + "nauc_mrr_at_5_std": -0.030068724695007015, + "nauc_ndcg_at_1000_diff1": 46.482903430093685, + "nauc_ndcg_at_1000_max": 43.18727440958746, + "nauc_ndcg_at_1000_std": 3.8397045352936874, + "nauc_ndcg_at_100_diff1": 46.272241119098105, + "nauc_ndcg_at_100_max": 42.44044067518221, + "nauc_ndcg_at_100_std": 3.0744093549329374, + "nauc_ndcg_at_10_diff1": 46.35820553525149, + "nauc_ndcg_at_10_max": 42.05754989284268, + "nauc_ndcg_at_10_std": 1.6140781134179982, + "nauc_ndcg_at_1_diff1": 54.41613067936997, + "nauc_ndcg_at_1_max": 44.91551488557509, + "nauc_ndcg_at_1_std": -0.7697411188700982, + "nauc_ndcg_at_20_diff1": 46.56173859192192, + "nauc_ndcg_at_20_max": 42.39990803441754, + "nauc_ndcg_at_20_std": 2.2301958940613518, + "nauc_ndcg_at_3_diff1": 48.45451921294981, + "nauc_ndcg_at_3_max": 42.1519683087422, + "nauc_ndcg_at_3_std": 0.43355376702150983, + "nauc_ndcg_at_5_diff1": 47.329516258529, + "nauc_ndcg_at_5_max": 42.39325493165628, + "nauc_ndcg_at_5_std": 0.8719863795035224, + "nauc_precision_at_1000_diff1": -10.427395700183098, + "nauc_precision_at_1000_max": 1.3695831886594074, + "nauc_precision_at_1000_std": 5.396211335976429, + "nauc_precision_at_100_diff1": 4.170216285720574, + "nauc_precision_at_100_max": 14.393676436386233, + "nauc_precision_at_100_std": 7.356250144868687, + "nauc_precision_at_10_diff1": 25.406793843503, + "nauc_precision_at_10_max": 30.469137431378485, + "nauc_precision_at_10_std": 4.262031333274362, + "nauc_precision_at_1_diff1": 54.41613067936997, + "nauc_precision_at_1_max": 44.91551488557509, + "nauc_precision_at_1_std": -0.7697411188700982, + "nauc_precision_at_20_diff1": 20.989784339763254, + "nauc_precision_at_20_max": 27.616892902118735, + "nauc_precision_at_20_std": 5.021785061675381, + "nauc_precision_at_3_diff1": 39.66665542900266, + "nauc_precision_at_3_max": 37.76686222170862, + "nauc_precision_at_3_std": 1.04925540752191, + "nauc_precision_at_5_diff1": 32.88141076318413, + "nauc_precision_at_5_max": 35.90401974619475, + "nauc_precision_at_5_std": 2.2695242286100408, + "nauc_recall_at_1000_diff1": 30.248973513875526, + "nauc_recall_at_1000_max": 48.439331789791325, + "nauc_recall_at_1000_std": 38.857189673518135, + "nauc_recall_at_100_diff1": 33.090255913758874, + "nauc_recall_at_100_max": 35.45818452208663, + "nauc_recall_at_100_std": 12.58439358264515, + "nauc_recall_at_10_diff1": 37.462082402733785, + "nauc_recall_at_10_max": 36.99065942533105, + "nauc_recall_at_10_std": 3.948587023033947, + "nauc_recall_at_1_diff1": 54.79429701172901, + "nauc_recall_at_1_max": 44.94497297225627, + "nauc_recall_at_1_std": 0.3424876477921997, + "nauc_recall_at_20_diff1": 37.34159405112872, + "nauc_recall_at_20_max": 37.50873448555206, + "nauc_recall_at_20_std": 6.669489660177887, + "nauc_recall_at_3_diff1": 43.751405924588184, + "nauc_recall_at_3_max": 38.5280847003097, + "nauc_recall_at_3_std": 0.8234291612745726, + "nauc_recall_at_5_diff1": 40.75537181461394, + "nauc_recall_at_5_max": 38.64761171801593, + "nauc_recall_at_5_std": 1.9783778065563666, + "ndcg_at_1": 30.224, + "ndcg_at_10": 38.34, + "ndcg_at_100": 43.564, + "ndcg_at_1000": 45.888, + "ndcg_at_20": 40.285, + "ndcg_at_3": 33.613, + "ndcg_at_5": 35.868, + "precision_at_1": 30.224, + "precision_at_10": 6.343, + "precision_at_100": 1.0030000000000001, + "precision_at_1000": 0.131, + "precision_at_20": 3.689, + "precision_at_3": 14.832, + "precision_at_5": 10.504, + "recall_at_1": 25.924999999999997, + "recall_at_10": 49.01, + "recall_at_100": 71.935, + "recall_at_1000": 88.191, + "recall_at_20": 56.076, + "recall_at_3": 36.344, + "recall_at_5": 41.942 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/CQADupstackWebmastersRetrieval.json b/results/jxm__cde-small-v1/external/CQADupstackWebmastersRetrieval.json new file mode 100644 index 000000000..ed4718eea --- /dev/null +++ b/results/jxm__cde-small-v1/external/CQADupstackWebmastersRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "160c094312a0e1facb97e55eeddb698c0abe3571", + "task_name": "CQADupstackWebmastersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 39.007, + "map_at_1": 25.195, + "map_at_10": 33.29, + "map_at_100": 34.919, + "map_at_1000": 35.132999999999996, + "map_at_20": 34.184, + "map_at_3": 30.501, + "map_at_5": 31.917, + "mrr_at_1": 30.237154150197625, + "mrr_at_10": 37.97901373988331, + "mrr_at_100": 38.89357624578056, + "mrr_at_1000": 38.96172508462875, + "mrr_at_20": 38.489908488593, + "mrr_at_3": 35.44137022397892, + "mrr_at_5": 36.755599472990774, + "nauc_map_at_1000_diff1": 54.52234288345771, + "nauc_map_at_1000_max": 37.02933259777875, + "nauc_map_at_1000_std": -1.8802414735497839, + "nauc_map_at_100_diff1": 54.592085424308564, + "nauc_map_at_100_max": 37.13861558972853, + "nauc_map_at_100_std": -1.8864900602925623, + "nauc_map_at_10_diff1": 55.32701084932018, + "nauc_map_at_10_max": 36.97158176818064, + "nauc_map_at_10_std": -3.364570079568588, + "nauc_map_at_1_diff1": 62.56234442022803, + "nauc_map_at_1_max": 37.725553737446866, + "nauc_map_at_1_std": -5.9573495367577705, + "nauc_map_at_20_diff1": 54.92567471295049, + "nauc_map_at_20_max": 36.980006282091985, + "nauc_map_at_20_std": -2.7416738048891243, + "nauc_map_at_3_diff1": 57.6202035201006, + "nauc_map_at_3_max": 36.85083307496426, + "nauc_map_at_3_std": -4.929088209082444, + "nauc_map_at_5_diff1": 56.43034014992742, + "nauc_map_at_5_max": 36.65006798835753, + "nauc_map_at_5_std": -4.776147213332607, + "nauc_mrr_at_1000_diff1": 51.91684536214369, + "nauc_mrr_at_1000_max": 35.50047477073224, + "nauc_mrr_at_1000_std": -0.9638166168094422, + "nauc_mrr_at_100_diff1": 51.89735751581897, + "nauc_mrr_at_100_max": 35.48371938892366, + "nauc_mrr_at_100_std": -0.9444977007097576, + "nauc_mrr_at_10_diff1": 51.82990105533963, + "nauc_mrr_at_10_max": 35.41678096580625, + "nauc_mrr_at_10_std": -1.2998439543197369, + "nauc_mrr_at_1_diff1": 57.36601705972182, + "nauc_mrr_at_1_max": 36.90602990003092, + "nauc_mrr_at_1_std": -3.4080880251307044, + "nauc_mrr_at_20_diff1": 51.8613947241447, + "nauc_mrr_at_20_max": 35.42345819928662, + "nauc_mrr_at_20_std": -1.093870308993923, + "nauc_mrr_at_3_diff1": 53.01993009463089, + "nauc_mrr_at_3_max": 35.822666497908806, + "nauc_mrr_at_3_std": -2.1165600076512474, + "nauc_mrr_at_5_diff1": 52.34611304656942, + "nauc_mrr_at_5_max": 35.49696929205688, + "nauc_mrr_at_5_std": -2.0955274926266982, + "nauc_ndcg_at_1000_diff1": 51.41120348218975, + "nauc_ndcg_at_1000_max": 36.685342768279675, + "nauc_ndcg_at_1000_std": 1.7205313748343651, + "nauc_ndcg_at_100_diff1": 50.93701708514895, + "nauc_ndcg_at_100_max": 36.162627377243275, + "nauc_ndcg_at_100_std": 1.7640807675244328, + "nauc_ndcg_at_10_diff1": 50.63098923593871, + "nauc_ndcg_at_10_max": 35.34361464083639, + "nauc_ndcg_at_10_std": -0.9402862458857915, + "nauc_ndcg_at_1_diff1": 57.36601705972182, + "nauc_ndcg_at_1_max": 36.90602990003092, + "nauc_ndcg_at_1_std": -3.4080880251307044, + "nauc_ndcg_at_20_diff1": 50.73961693837964, + "nauc_ndcg_at_20_max": 35.01998564289338, + "nauc_ndcg_at_20_std": -0.5241446967120867, + "nauc_ndcg_at_3_diff1": 53.23302956511971, + "nauc_ndcg_at_3_max": 35.708980757056295, + "nauc_ndcg_at_3_std": -3.017125347557592, + "nauc_ndcg_at_5_diff1": 52.335636773583396, + "nauc_ndcg_at_5_max": 35.34227057005852, + "nauc_ndcg_at_5_std": -2.9708664518544508, + "nauc_precision_at_1000_diff1": -18.554677236277232, + "nauc_precision_at_1000_max": -15.659740900843067, + "nauc_precision_at_1000_std": 8.228155770924415, + "nauc_precision_at_100_diff1": -12.195998995692928, + "nauc_precision_at_100_max": -0.5888781565639164, + "nauc_precision_at_100_std": 19.312752223375448, + "nauc_precision_at_10_diff1": 12.921470127228105, + "nauc_precision_at_10_max": 21.317929458256238, + "nauc_precision_at_10_std": 13.148202187911012, + "nauc_precision_at_1_diff1": 57.36601705972182, + "nauc_precision_at_1_max": 36.90602990003092, + "nauc_precision_at_1_std": -3.4080880251307044, + "nauc_precision_at_20_diff1": 2.4696353004069906, + "nauc_precision_at_20_max": 14.284343093524058, + "nauc_precision_at_20_std": 17.480976091077217, + "nauc_precision_at_3_diff1": 35.82856720298558, + "nauc_precision_at_3_max": 29.613454822718143, + "nauc_precision_at_3_std": 0.38030095211645343, + "nauc_precision_at_5_diff1": 27.632641276435354, + "nauc_precision_at_5_max": 27.238425775328967, + "nauc_precision_at_5_std": 3.152744091929671, + "nauc_recall_at_1000_diff1": 33.28570370310322, + "nauc_recall_at_1000_max": 44.315453433115785, + "nauc_recall_at_1000_std": 43.371884128363, + "nauc_recall_at_100_diff1": 35.77059425104567, + "nauc_recall_at_100_max": 31.48054575812204, + "nauc_recall_at_100_std": 17.639416832754303, + "nauc_recall_at_10_diff1": 40.179789202687914, + "nauc_recall_at_10_max": 30.466946546206923, + "nauc_recall_at_10_std": 0.8385433327977754, + "nauc_recall_at_1_diff1": 62.56234442022803, + "nauc_recall_at_1_max": 37.725553737446866, + "nauc_recall_at_1_std": -5.9573495367577705, + "nauc_recall_at_20_diff1": 38.70371818511684, + "nauc_recall_at_20_max": 28.305350175132567, + "nauc_recall_at_20_std": 3.8854966962347746, + "nauc_recall_at_3_diff1": 51.22347884414916, + "nauc_recall_at_3_max": 33.21612425601433, + "nauc_recall_at_3_std": -4.48370860005988, + "nauc_recall_at_5_diff1": 46.848014408337676, + "nauc_recall_at_5_max": 31.254476917525555, + "nauc_recall_at_5_std": -4.903427133365656, + "ndcg_at_1": 30.237000000000002, + "ndcg_at_10": 39.007, + "ndcg_at_100": 44.585, + "ndcg_at_1000": 47.464, + "ndcg_at_20": 41.278999999999996, + "ndcg_at_3": 34.472, + "ndcg_at_5": 36.315, + "precision_at_1": 30.237000000000002, + "precision_at_10": 7.51, + "precision_at_100": 1.478, + "precision_at_1000": 0.234, + "precision_at_20": 4.7829999999999995, + "precision_at_3": 16.14, + "precision_at_5": 11.462, + "recall_at_1": 25.195, + "recall_at_10": 49.507, + "recall_at_100": 74.083, + "recall_at_1000": 92.899, + "recall_at_20": 58.291000000000004, + "recall_at_3": 36.167, + "recall_at_5": 41.749 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/CQADupstackWordpressRetrieval.json b/results/jxm__cde-small-v1/external/CQADupstackWordpressRetrieval.json new file mode 100644 index 000000000..b23b90b8b --- /dev/null +++ b/results/jxm__cde-small-v1/external/CQADupstackWordpressRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "4ffe81d471b1924886b33c7567bfb200e9eec5c4", + "task_name": "CQADupstackWordpressRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 33.06, + "map_at_1": 22.683, + "map_at_10": 29.115000000000002, + "map_at_100": 30.035, + "map_at_1000": 30.141000000000002, + "map_at_20": 29.585, + "map_at_3": 27.436, + "map_at_5": 28.186, + "mrr_at_1": 24.953789279112755, + "mrr_at_10": 31.512190828272157, + "mrr_at_100": 32.30661079835987, + "mrr_at_1000": 32.388485948646846, + "mrr_at_20": 31.898454977555428, + "mrr_at_3": 29.852125693160815, + "mrr_at_5": 30.64695009242144, + "nauc_map_at_1000_diff1": 41.37097481409692, + "nauc_map_at_1000_max": 21.819472065390062, + "nauc_map_at_1000_std": -5.511851233031371, + "nauc_map_at_100_diff1": 41.38580981484577, + "nauc_map_at_100_max": 21.796410887298222, + "nauc_map_at_100_std": -5.56736379242138, + "nauc_map_at_10_diff1": 41.63629903410976, + "nauc_map_at_10_max": 21.90371149884218, + "nauc_map_at_10_std": -6.152274677121426, + "nauc_map_at_1_diff1": 45.84841941041374, + "nauc_map_at_1_max": 20.461574274794568, + "nauc_map_at_1_std": -7.769870515581234, + "nauc_map_at_20_diff1": 41.616159838791376, + "nauc_map_at_20_max": 21.879572436615728, + "nauc_map_at_20_std": -6.001760143925003, + "nauc_map_at_3_diff1": 42.690213994915474, + "nauc_map_at_3_max": 21.35340820982141, + "nauc_map_at_3_std": -6.118720026868332, + "nauc_map_at_5_diff1": 42.107817663484575, + "nauc_map_at_5_max": 22.02508826703247, + "nauc_map_at_5_std": -5.655849953120985, + "nauc_mrr_at_1000_diff1": 39.66954612386224, + "nauc_mrr_at_1000_max": 22.150137067327954, + "nauc_mrr_at_1000_std": -4.798006812425386, + "nauc_mrr_at_100_diff1": 39.66409024535208, + "nauc_mrr_at_100_max": 22.121525365416538, + "nauc_mrr_at_100_std": -4.806603240713894, + "nauc_mrr_at_10_diff1": 39.87117352487735, + "nauc_mrr_at_10_max": 22.298568726426076, + "nauc_mrr_at_10_std": -5.1451772190015195, + "nauc_mrr_at_1_diff1": 43.86075692062394, + "nauc_mrr_at_1_max": 20.51270620979276, + "nauc_mrr_at_1_std": -7.589704558075294, + "nauc_mrr_at_20_diff1": 39.820424398881215, + "nauc_mrr_at_20_max": 22.173944895852095, + "nauc_mrr_at_20_std": -5.0727540461865335, + "nauc_mrr_at_3_diff1": 40.73278435693193, + "nauc_mrr_at_3_max": 21.930995553135812, + "nauc_mrr_at_3_std": -5.980722775097277, + "nauc_mrr_at_5_diff1": 39.89679395564144, + "nauc_mrr_at_5_max": 22.02821777103734, + "nauc_mrr_at_5_std": -5.072135508421082, + "nauc_ndcg_at_1000_diff1": 37.957587605367785, + "nauc_ndcg_at_1000_max": 22.362257192820255, + "nauc_ndcg_at_1000_std": -1.7757428668228084, + "nauc_ndcg_at_100_diff1": 37.908544407246104, + "nauc_ndcg_at_100_max": 21.536623476432354, + "nauc_ndcg_at_100_std": -2.678355870833651, + "nauc_ndcg_at_10_diff1": 39.36845261271005, + "nauc_ndcg_at_10_max": 22.3150793248212, + "nauc_ndcg_at_10_std": -5.646375413170874, + "nauc_ndcg_at_1_diff1": 43.86075692062394, + "nauc_ndcg_at_1_max": 20.51270620979276, + "nauc_ndcg_at_1_std": -7.589704558075294, + "nauc_ndcg_at_20_diff1": 39.30711049883703, + "nauc_ndcg_at_20_max": 21.935544953883415, + "nauc_ndcg_at_20_std": -5.20402304183158, + "nauc_ndcg_at_3_diff1": 41.113286498750305, + "nauc_ndcg_at_3_max": 21.635397999914282, + "nauc_ndcg_at_3_std": -5.72866713630757, + "nauc_ndcg_at_5_diff1": 40.06783309225114, + "nauc_ndcg_at_5_max": 22.416356942701672, + "nauc_ndcg_at_5_std": -4.886519038213331, + "nauc_precision_at_1000_diff1": -17.52292838463402, + "nauc_precision_at_1000_max": -5.389818321213827, + "nauc_precision_at_1000_std": 26.772552854570375, + "nauc_precision_at_100_diff1": 3.543169641476175, + "nauc_precision_at_100_max": 9.574510694378198, + "nauc_precision_at_100_std": 17.92832693421059, + "nauc_precision_at_10_diff1": 24.894375565187694, + "nauc_precision_at_10_max": 22.273016884986628, + "nauc_precision_at_10_std": -0.32355612520474136, + "nauc_precision_at_1_diff1": 43.86075692062394, + "nauc_precision_at_1_max": 20.51270620979276, + "nauc_precision_at_1_std": -7.589704558075294, + "nauc_precision_at_20_diff1": 21.29826064932648, + "nauc_precision_at_20_max": 19.79498027543001, + "nauc_precision_at_20_std": 2.804941576632282, + "nauc_precision_at_3_diff1": 33.72177316592598, + "nauc_precision_at_3_max": 22.691241202228518, + "nauc_precision_at_3_std": -2.7085967541341853, + "nauc_precision_at_5_diff1": 30.51704379057159, + "nauc_precision_at_5_max": 24.287775910544436, + "nauc_precision_at_5_std": 0.6318618555538418, + "nauc_recall_at_1000_diff1": 16.14163529457628, + "nauc_recall_at_1000_max": 30.255937330833625, + "nauc_recall_at_1000_std": 34.82149396857235, + "nauc_recall_at_100_diff1": 24.81738199141423, + "nauc_recall_at_100_max": 17.622405730191517, + "nauc_recall_at_100_std": 9.943278532212068, + "nauc_recall_at_10_diff1": 34.03447281460739, + "nauc_recall_at_10_max": 22.077681180504047, + "nauc_recall_at_10_std": -5.772153803762581, + "nauc_recall_at_1_diff1": 45.84841941041374, + "nauc_recall_at_1_max": 20.461574274794568, + "nauc_recall_at_1_std": -7.769870515581234, + "nauc_recall_at_20_diff1": 33.91749085377916, + "nauc_recall_at_20_max": 20.226869969726543, + "nauc_recall_at_20_std": -4.369285076602888, + "nauc_recall_at_3_diff1": 38.25575445199975, + "nauc_recall_at_3_max": 21.402983769895837, + "nauc_recall_at_3_std": -5.96278802416301, + "nauc_recall_at_5_diff1": 36.17314539524256, + "nauc_recall_at_5_max": 23.115551795773314, + "nauc_recall_at_5_std": -3.8407187471333697, + "ndcg_at_1": 24.954, + "ndcg_at_10": 33.06, + "ndcg_at_100": 37.751000000000005, + "ndcg_at_1000": 40.477000000000004, + "ndcg_at_20": 34.587, + "ndcg_at_3": 29.666999999999998, + "ndcg_at_5": 30.929000000000002, + "precision_at_1": 24.954, + "precision_at_10": 4.972, + "precision_at_100": 0.799, + "precision_at_1000": 0.11499999999999999, + "precision_at_20": 2.874, + "precision_at_3": 12.446, + "precision_at_5": 8.244, + "recall_at_1": 22.683, + "recall_at_10": 42.775, + "recall_at_100": 65.05300000000001, + "recall_at_1000": 85.251, + "recall_at_20": 48.512, + "recall_at_3": 33.423, + "recall_at_5": 36.571 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/ClimateFEVER.json b/results/jxm__cde-small-v1/external/ClimateFEVER.json new file mode 100644 index 000000000..3afda96ce --- /dev/null +++ b/results/jxm__cde-small-v1/external/ClimateFEVER.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 25.713, + "map_at_1": 10.995000000000001, + "map_at_10": 18.183, + "map_at_100": 19.758, + "map_at_1000": 19.93, + "map_at_20": 19.023, + "map_at_3": 15.126999999999999, + "map_at_5": 16.521, + "mrr_at_1": 23.908794788273617, + "mrr_at_10": 34.419626699756996, + "mrr_at_100": 35.42205880765744, + "mrr_at_1000": 35.465636585855435, + "mrr_at_20": 35.04560320193987, + "mrr_at_3": 31.31378935939197, + "mrr_at_5": 32.98154180238871, + "nauc_map_at_1000_diff1": 30.808649871031978, + "nauc_map_at_1000_max": 38.44733700268257, + "nauc_map_at_1000_std": 24.83849154952647, + "nauc_map_at_100_diff1": 30.817681439188565, + "nauc_map_at_100_max": 38.38165009049118, + "nauc_map_at_100_std": 24.75945437667734, + "nauc_map_at_10_diff1": 31.016072728955457, + "nauc_map_at_10_max": 37.78482154934025, + "nauc_map_at_10_std": 22.73087477402899, + "nauc_map_at_1_diff1": 38.13786017193742, + "nauc_map_at_1_max": 34.897924276187446, + "nauc_map_at_1_std": 15.197914019142733, + "nauc_map_at_20_diff1": 30.93811389613207, + "nauc_map_at_20_max": 38.018621558175084, + "nauc_map_at_20_std": 23.87402074626538, + "nauc_map_at_3_diff1": 32.694558487234204, + "nauc_map_at_3_max": 37.452175644150344, + "nauc_map_at_3_std": 20.06796990357737, + "nauc_map_at_5_diff1": 31.654957870346784, + "nauc_map_at_5_max": 37.04115114192235, + "nauc_map_at_5_std": 21.129693545324375, + "nauc_mrr_at_1000_diff1": 29.802772421913403, + "nauc_mrr_at_1000_max": 38.000278050301176, + "nauc_mrr_at_1000_std": 23.48992856904152, + "nauc_mrr_at_100_diff1": 29.788014379597026, + "nauc_mrr_at_100_max": 38.0070275486147, + "nauc_mrr_at_100_std": 23.522736661530086, + "nauc_mrr_at_10_diff1": 29.5812602078958, + "nauc_mrr_at_10_max": 37.73314132006107, + "nauc_mrr_at_10_std": 23.34339817425411, + "nauc_mrr_at_1_diff1": 36.24696165314146, + "nauc_mrr_at_1_max": 36.63498565688475, + "nauc_mrr_at_1_std": 16.627906626261446, + "nauc_mrr_at_20_diff1": 29.765297131181562, + "nauc_mrr_at_20_max": 37.8739248069123, + "nauc_mrr_at_20_std": 23.44526626055555, + "nauc_mrr_at_3_diff1": 30.428492046004795, + "nauc_mrr_at_3_max": 37.917848006886125, + "nauc_mrr_at_3_std": 21.90161780585706, + "nauc_mrr_at_5_diff1": 29.93977431566972, + "nauc_mrr_at_5_max": 37.69690203746751, + "nauc_mrr_at_5_std": 22.75274068799061, + "nauc_ndcg_at_1000_diff1": 27.523183792167266, + "nauc_ndcg_at_1000_max": 40.93757048012577, + "nauc_ndcg_at_1000_std": 32.30396817658341, + "nauc_ndcg_at_100_diff1": 27.454763301587064, + "nauc_ndcg_at_100_max": 40.45039618287942, + "nauc_ndcg_at_100_std": 31.795801743619663, + "nauc_ndcg_at_10_diff1": 28.012456489936806, + "nauc_ndcg_at_10_max": 38.045278212869825, + "nauc_ndcg_at_10_std": 25.963041085823978, + "nauc_ndcg_at_1_diff1": 35.99513984271449, + "nauc_ndcg_at_1_max": 36.62771507516844, + "nauc_ndcg_at_1_std": 16.726124822038052, + "nauc_ndcg_at_20_diff1": 28.012111240688963, + "nauc_ndcg_at_20_max": 38.667107321330555, + "nauc_ndcg_at_20_std": 28.198245721076976, + "nauc_ndcg_at_3_diff1": 30.33073102826854, + "nauc_ndcg_at_3_max": 37.995789997615354, + "nauc_ndcg_at_3_std": 22.304331918813876, + "nauc_ndcg_at_5_diff1": 29.141028641237632, + "nauc_ndcg_at_5_max": 37.2113360591228, + "nauc_ndcg_at_5_std": 23.53066714165745, + "nauc_precision_at_1000_diff1": -1.0646702024743917, + "nauc_precision_at_1000_max": 19.304218995700534, + "nauc_precision_at_1000_std": 31.73840122818843, + "nauc_precision_at_100_diff1": 5.427804568412734, + "nauc_precision_at_100_max": 27.90881278884377, + "nauc_precision_at_100_std": 38.45326235114876, + "nauc_precision_at_10_diff1": 14.252021242340863, + "nauc_precision_at_10_max": 32.047078663067914, + "nauc_precision_at_10_std": 30.621835328899426, + "nauc_precision_at_1_diff1": 35.99513984271449, + "nauc_precision_at_1_max": 36.62771507516844, + "nauc_precision_at_1_std": 16.726124822038052, + "nauc_precision_at_20_diff1": 12.017354269524972, + "nauc_precision_at_20_max": 29.906152963561322, + "nauc_precision_at_20_std": 33.764105037332264, + "nauc_precision_at_3_diff1": 23.486354895398577, + "nauc_precision_at_3_max": 38.45096435794749, + "nauc_precision_at_3_std": 26.636452479567645, + "nauc_precision_at_5_diff1": 19.574760607896973, + "nauc_precision_at_5_max": 34.51474571826715, + "nauc_precision_at_5_std": 28.514859235740904, + "nauc_recall_at_1000_diff1": 12.801905007251246, + "nauc_recall_at_1000_max": 37.49463996225108, + "nauc_recall_at_1000_std": 45.46087045204742, + "nauc_recall_at_100_diff1": 15.082886168560034, + "nauc_recall_at_100_max": 35.720813725614, + "nauc_recall_at_100_std": 39.876934524809215, + "nauc_recall_at_10_diff1": 20.08086437796489, + "nauc_recall_at_10_max": 33.418507169063815, + "nauc_recall_at_10_std": 27.309080075299562, + "nauc_recall_at_1_diff1": 38.13786017193742, + "nauc_recall_at_1_max": 34.897924276187446, + "nauc_recall_at_1_std": 15.197914019142733, + "nauc_recall_at_20_diff1": 18.984980462200134, + "nauc_recall_at_20_max": 32.95474022914299, + "nauc_recall_at_20_std": 30.77553423574554, + "nauc_recall_at_3_diff1": 26.670776366276865, + "nauc_recall_at_3_max": 37.07230392845629, + "nauc_recall_at_3_std": 23.385309818709757, + "nauc_recall_at_5_diff1": 23.45569235165577, + "nauc_recall_at_5_max": 34.014688386664524, + "nauc_recall_at_5_std": 24.50194439244803, + "ndcg_at_1": 23.974, + "ndcg_at_10": 25.713, + "ndcg_at_100": 32.349, + "ndcg_at_1000": 35.615, + "ndcg_at_20": 28.28, + "ndcg_at_3": 20.761, + "ndcg_at_5": 22.225, + "precision_at_1": 23.974, + "precision_at_10": 8.052, + "precision_at_100": 1.5110000000000001, + "precision_at_1000": 0.211, + "precision_at_20": 5.106999999999999, + "precision_at_3": 15.157000000000002, + "precision_at_5": 11.557, + "recall_at_1": 10.995000000000001, + "recall_at_10": 31.05, + "recall_at_100": 54.233, + "recall_at_1000": 72.75500000000001, + "recall_at_20": 38.442, + "recall_at_3": 18.839, + "recall_at_5": 23.26 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/DBPedia.json b/results/jxm__cde-small-v1/external/DBPedia.json new file mode 100644 index 000000000..7133cb9fb --- /dev/null +++ b/results/jxm__cde-small-v1/external/DBPedia.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 40.091, + "map_at_1": 8.112, + "map_at_10": 18.911, + "map_at_100": 27.29, + "map_at_1000": 28.749000000000002, + "map_at_20": 22.187, + "map_at_3": 13.177, + "map_at_5": 15.723999999999998, + "mrr_at_1": 64.75, + "mrr_at_10": 73.0328373015873, + "mrr_at_100": 73.3904467983012, + "mrr_at_1000": 73.40582528487944, + "mrr_at_20": 73.25613317925624, + "mrr_at_3": 71.58333333333333, + "mrr_at_5": 72.52083333333333, + "nauc_map_at_1000_diff1": 30.326073419291667, + "nauc_map_at_1000_max": 41.2485655499243, + "nauc_map_at_1000_std": 34.68797882732488, + "nauc_map_at_100_diff1": 30.250567651424635, + "nauc_map_at_100_max": 39.591743243203275, + "nauc_map_at_100_std": 32.14962028433263, + "nauc_map_at_10_diff1": 28.30330426974147, + "nauc_map_at_10_max": 24.685858800003153, + "nauc_map_at_10_std": 6.991461788881313, + "nauc_map_at_1_diff1": 37.84825245885128, + "nauc_map_at_1_max": 10.784383140794167, + "nauc_map_at_1_std": -12.413788028731759, + "nauc_map_at_20_diff1": 30.56644002866712, + "nauc_map_at_20_max": 32.09850095008104, + "nauc_map_at_20_std": 17.68312732143373, + "nauc_map_at_3_diff1": 26.94636553986902, + "nauc_map_at_3_max": 13.716258156642672, + "nauc_map_at_3_std": -7.919396887763491, + "nauc_map_at_5_diff1": 26.703766272524305, + "nauc_map_at_5_max": 18.493432579075815, + "nauc_map_at_5_std": -1.7953102028408285, + "nauc_mrr_at_1000_diff1": 56.5585700690547, + "nauc_mrr_at_1000_max": 68.59723304665478, + "nauc_mrr_at_1000_std": 41.65741817361127, + "nauc_mrr_at_100_diff1": 56.56488475063903, + "nauc_mrr_at_100_max": 68.59436880973041, + "nauc_mrr_at_100_std": 41.64008885243909, + "nauc_mrr_at_10_diff1": 56.57992847970396, + "nauc_mrr_at_10_max": 68.54809322422658, + "nauc_mrr_at_10_std": 41.637196787701605, + "nauc_mrr_at_1_diff1": 59.49013430944212, + "nauc_mrr_at_1_max": 67.51266363522255, + "nauc_mrr_at_1_std": 39.159077933489094, + "nauc_mrr_at_20_diff1": 56.322141799066195, + "nauc_mrr_at_20_max": 68.41241085079113, + "nauc_mrr_at_20_std": 41.74023776153815, + "nauc_mrr_at_3_diff1": 56.43465566121455, + "nauc_mrr_at_3_max": 69.32027688455301, + "nauc_mrr_at_3_std": 42.35441414676036, + "nauc_mrr_at_5_diff1": 56.185426652218126, + "nauc_mrr_at_5_max": 68.68507625781251, + "nauc_mrr_at_5_std": 42.227673261247816, + "nauc_ndcg_at_1000_diff1": 38.452991805224926, + "nauc_ndcg_at_1000_max": 55.49295294630129, + "nauc_ndcg_at_1000_std": 47.669258273236046, + "nauc_ndcg_at_100_diff1": 37.94112950003329, + "nauc_ndcg_at_100_max": 50.68816850295493, + "nauc_ndcg_at_100_std": 40.72315230606931, + "nauc_ndcg_at_10_diff1": 38.47467764455152, + "nauc_ndcg_at_10_max": 49.25673297040027, + "nauc_ndcg_at_10_std": 36.76815739343767, + "nauc_ndcg_at_1_diff1": 54.434593584664995, + "nauc_ndcg_at_1_max": 57.61369658753043, + "nauc_ndcg_at_1_std": 33.10284117958805, + "nauc_ndcg_at_20_diff1": 38.3053661549299, + "nauc_ndcg_at_20_max": 49.26702623701029, + "nauc_ndcg_at_20_std": 36.78366426340987, + "nauc_ndcg_at_3_diff1": 38.34783510078573, + "nauc_ndcg_at_3_max": 51.181351973892085, + "nauc_ndcg_at_3_std": 35.13771937716931, + "nauc_ndcg_at_5_diff1": 38.73137682217783, + "nauc_ndcg_at_5_max": 51.289826741923875, + "nauc_ndcg_at_5_std": 36.76670998246709, + "nauc_precision_at_1000_diff1": -8.37698697546597, + "nauc_precision_at_1000_max": 4.649648259545355, + "nauc_precision_at_1000_std": 15.100762512885371, + "nauc_precision_at_100_diff1": 4.538510496829277, + "nauc_precision_at_100_max": 33.573044920932965, + "nauc_precision_at_100_std": 50.15177354474223, + "nauc_precision_at_10_diff1": 16.03217990213501, + "nauc_precision_at_10_max": 45.22978979054545, + "nauc_precision_at_10_std": 53.103286665555295, + "nauc_precision_at_1_diff1": 59.49013430944212, + "nauc_precision_at_1_max": 67.51266363522255, + "nauc_precision_at_1_std": 39.159077933489094, + "nauc_precision_at_20_diff1": 13.705605238285958, + "nauc_precision_at_20_max": 44.08365262009368, + "nauc_precision_at_20_std": 56.050420219607155, + "nauc_precision_at_3_diff1": 21.409861522316014, + "nauc_precision_at_3_max": 48.93702948445578, + "nauc_precision_at_3_std": 42.8419067771303, + "nauc_precision_at_5_diff1": 20.1310639195609, + "nauc_precision_at_5_max": 49.59134352761235, + "nauc_precision_at_5_std": 48.98546957350543, + "nauc_recall_at_1000_diff1": 27.181172941984112, + "nauc_recall_at_1000_max": 49.20832060504127, + "nauc_recall_at_1000_std": 50.58754027710416, + "nauc_recall_at_100_diff1": 25.831239736658713, + "nauc_recall_at_100_max": 37.92978899965714, + "nauc_recall_at_100_std": 32.84155059838547, + "nauc_recall_at_10_diff1": 21.03971256731199, + "nauc_recall_at_10_max": 16.34542184400448, + "nauc_recall_at_10_std": 1.624004078039708, + "nauc_recall_at_1_diff1": 37.84825245885128, + "nauc_recall_at_1_max": 10.784383140794167, + "nauc_recall_at_1_std": -12.413788028731759, + "nauc_recall_at_20_diff1": 23.612410438391652, + "nauc_recall_at_20_max": 24.731496668584725, + "nauc_recall_at_20_std": 11.94162779763853, + "nauc_recall_at_3_diff1": 21.124250217970754, + "nauc_recall_at_3_max": 9.581953839031879, + "nauc_recall_at_3_std": -9.955224094610848, + "nauc_recall_at_5_diff1": 20.272821143755714, + "nauc_recall_at_5_max": 12.80122421686649, + "nauc_recall_at_5_std": -4.822509659730001, + "ndcg_at_1": 52.87500000000001, + "ndcg_at_10": 40.091, + "ndcg_at_100": 45.007999999999996, + "ndcg_at_1000": 51.522, + "ndcg_at_20": 39.953, + "ndcg_at_3": 44.627, + "ndcg_at_5": 41.748000000000005, + "precision_at_1": 64.75, + "precision_at_10": 32.324999999999996, + "precision_at_100": 10.583, + "precision_at_1000": 1.992, + "precision_at_20": 25.15, + "precision_at_3": 48.5, + "precision_at_5": 40.8, + "recall_at_1": 8.112, + "recall_at_10": 24.769, + "recall_at_100": 51.92400000000001, + "recall_at_1000": 72.60799999999999, + "recall_at_20": 32.085, + "recall_at_3": 14.707999999999998, + "recall_at_5": 18.881 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/EmotionClassification.json b/results/jxm__cde-small-v1/external/EmotionClassification.json new file mode 100644 index 000000000..238cce9bf --- /dev/null +++ b/results/jxm__cde-small-v1/external/EmotionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.88499999999999, + "f1": 69.55769956653745, + "f1_weighted": 75.98938892167276, + "main_score": 74.88499999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/FEVER.json b/results/jxm__cde-small-v1/external/FEVER.json new file mode 100644 index 000000000..3053e93fd --- /dev/null +++ b/results/jxm__cde-small-v1/external/FEVER.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 86.088, + "map_at_1": 74.21, + "map_at_10": 82.238, + "map_at_100": 82.467, + "map_at_1000": 82.48, + "map_at_20": 82.38, + "map_at_3": 81.178, + "map_at_5": 81.882, + "mrr_at_1": 80.04800480048004, + "mrr_at_10": 87.28162697222103, + "mrr_at_100": 87.36425501689853, + "mrr_at_1000": 87.36494888408146, + "mrr_at_20": 87.33488767030532, + "mrr_at_3": 86.5011501150115, + "mrr_at_5": 87.04345434543454, + "nauc_map_at_1000_diff1": 46.86807158039652, + "nauc_map_at_1000_max": 17.537735239936584, + "nauc_map_at_1000_std": -6.180991548000637, + "nauc_map_at_100_diff1": 46.840981153123515, + "nauc_map_at_100_max": 17.51241604543591, + "nauc_map_at_100_std": -6.19572402233368, + "nauc_map_at_10_diff1": 46.63164937877156, + "nauc_map_at_10_max": 17.396231277218714, + "nauc_map_at_10_std": -6.328960389468633, + "nauc_map_at_1_diff1": 51.91442444295392, + "nauc_map_at_1_max": 14.772868336313651, + "nauc_map_at_1_std": -7.924628073687737, + "nauc_map_at_20_diff1": 46.78996154399, + "nauc_map_at_20_max": 17.52594082408568, + "nauc_map_at_20_std": -6.2535816636418255, + "nauc_map_at_3_diff1": 46.86720061616425, + "nauc_map_at_3_max": 17.17282268255638, + "nauc_map_at_3_std": -7.100454400283953, + "nauc_map_at_5_diff1": 46.743320728340485, + "nauc_map_at_5_max": 17.22026822962506, + "nauc_map_at_5_std": -6.593983297795947, + "nauc_mrr_at_1000_diff1": 64.22963921921831, + "nauc_mrr_at_1000_max": 22.50147928007347, + "nauc_mrr_at_1000_std": -10.753338651031981, + "nauc_mrr_at_100_diff1": 64.22599646741416, + "nauc_mrr_at_100_max": 22.49976292804203, + "nauc_mrr_at_100_std": -10.753324625089736, + "nauc_mrr_at_10_diff1": 64.24857003564016, + "nauc_mrr_at_10_max": 22.721448283312323, + "nauc_mrr_at_10_std": -10.698659951469375, + "nauc_mrr_at_1_diff1": 65.80017393845672, + "nauc_mrr_at_1_max": 19.56658619771462, + "nauc_mrr_at_1_std": -10.691529848056236, + "nauc_mrr_at_20_diff1": 64.22606211105564, + "nauc_mrr_at_20_max": 22.60630203277465, + "nauc_mrr_at_20_std": -10.698352035527936, + "nauc_mrr_at_3_diff1": 64.03189495070804, + "nauc_mrr_at_3_max": 23.197599099302078, + "nauc_mrr_at_3_std": -10.941260656610341, + "nauc_mrr_at_5_diff1": 64.21946450636831, + "nauc_mrr_at_5_max": 22.869883457504613, + "nauc_mrr_at_5_std": -10.773375222905306, + "nauc_ndcg_at_1000_diff1": 48.18634946007256, + "nauc_ndcg_at_1000_max": 19.635685645181443, + "nauc_ndcg_at_1000_std": -5.008615485203909, + "nauc_ndcg_at_100_diff1": 47.460702424024646, + "nauc_ndcg_at_100_max": 19.197829510466093, + "nauc_ndcg_at_100_std": -5.141098235552701, + "nauc_ndcg_at_10_diff1": 46.75967320832195, + "nauc_ndcg_at_10_max": 19.162998560532944, + "nauc_ndcg_at_10_std": -5.680454888720109, + "nauc_ndcg_at_1_diff1": 65.80017393845672, + "nauc_ndcg_at_1_max": 19.56658619771462, + "nauc_ndcg_at_1_std": -10.691529848056236, + "nauc_ndcg_at_20_diff1": 47.15063801450417, + "nauc_ndcg_at_20_max": 19.387976860064036, + "nauc_ndcg_at_20_std": -5.434429887556901, + "nauc_ndcg_at_3_diff1": 48.48013879703285, + "nauc_ndcg_at_3_max": 19.563845683013074, + "nauc_ndcg_at_3_std": -7.306366856511263, + "nauc_ndcg_at_5_diff1": 47.4477936851643, + "nauc_ndcg_at_5_max": 19.12745930840238, + "nauc_ndcg_at_5_std": -6.338914655492511, + "nauc_precision_at_1000_diff1": -4.975768805829236, + "nauc_precision_at_1000_max": 10.078421203817527, + "nauc_precision_at_1000_std": 10.15753365579419, + "nauc_precision_at_100_diff1": -7.411336519288538, + "nauc_precision_at_100_max": 11.116507499213043, + "nauc_precision_at_100_std": 11.608241877542543, + "nauc_precision_at_10_diff1": 2.6403449208341274, + "nauc_precision_at_10_max": 20.668398953238633, + "nauc_precision_at_10_std": 7.433281722501917, + "nauc_precision_at_1_diff1": 65.80017393845672, + "nauc_precision_at_1_max": 19.56658619771462, + "nauc_precision_at_1_std": -10.691529848056236, + "nauc_precision_at_20_diff1": -1.286553967637511, + "nauc_precision_at_20_max": 17.30405603464926, + "nauc_precision_at_20_std": 9.234773655809756, + "nauc_precision_at_3_diff1": 31.364166410646675, + "nauc_precision_at_3_max": 26.397101881343527, + "nauc_precision_at_3_std": -5.0543954546843946, + "nauc_precision_at_5_diff1": 17.1466778085294, + "nauc_precision_at_5_max": 23.18905254179433, + "nauc_precision_at_5_std": 1.6051724821489612, + "nauc_recall_at_1000_diff1": -3.9377049069087935, + "nauc_recall_at_1000_max": 27.168346654704095, + "nauc_recall_at_1000_std": 38.58463265497753, + "nauc_recall_at_100_diff1": -1.886570080947599, + "nauc_recall_at_100_max": 16.12930964320666, + "nauc_recall_at_100_std": 21.616391259129152, + "nauc_recall_at_10_diff1": 15.941506685002588, + "nauc_recall_at_10_max": 19.141995524332728, + "nauc_recall_at_10_std": 5.860480767168416, + "nauc_recall_at_1_diff1": 51.91442444295392, + "nauc_recall_at_1_max": 14.772868336313651, + "nauc_recall_at_1_std": -7.924628073687737, + "nauc_recall_at_20_diff1": 11.583722825668058, + "nauc_recall_at_20_max": 19.867221612869876, + "nauc_recall_at_20_std": 10.141960757453084, + "nauc_recall_at_3_diff1": 32.30936424972365, + "nauc_recall_at_3_max": 20.11705236473992, + "nauc_recall_at_3_std": -3.525144821962635, + "nauc_recall_at_5_diff1": 25.68392975410304, + "nauc_recall_at_5_max": 19.221295609032595, + "nauc_recall_at_5_std": 0.576160647152633, + "ndcg_at_1": 80.048, + "ndcg_at_10": 86.088, + "ndcg_at_100": 86.911, + "ndcg_at_1000": 87.125, + "ndcg_at_20": 86.468, + "ndcg_at_3": 84.375, + "ndcg_at_5": 85.384, + "precision_at_1": 80.048, + "precision_at_10": 10.236, + "precision_at_100": 1.085, + "precision_at_1000": 0.11199999999999999, + "precision_at_20": 5.2330000000000005, + "precision_at_3": 32.078, + "precision_at_5": 19.895, + "recall_at_1": 74.21, + "recall_at_10": 93.077, + "recall_at_100": 96.348, + "recall_at_1000": 97.65700000000001, + "recall_at_20": 94.36099999999999, + "recall_at_3": 88.337, + "recall_at_5": 90.948 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/FiQA2018.json b/results/jxm__cde-small-v1/external/FiQA2018.json new file mode 100644 index 000000000..b0c2e4c22 --- /dev/null +++ b/results/jxm__cde-small-v1/external/FiQA2018.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 45.405, + "map_at_1": 22.325, + "map_at_10": 36.975, + "map_at_100": 38.846000000000004, + "map_at_1000": 39.012, + "map_at_20": 37.958999999999996, + "map_at_3": 32.208, + "map_at_5": 34.928, + "mrr_at_1": 44.29012345679013, + "mrr_at_10": 54.02030668234372, + "mrr_at_100": 54.72897336245347, + "mrr_at_1000": 54.76320283944561, + "mrr_at_20": 54.50419077165938, + "mrr_at_3": 51.41460905349795, + "mrr_at_5": 53.11213991769548, + "nauc_map_at_1000_diff1": 42.33950505310022, + "nauc_map_at_1000_max": 32.814158723141745, + "nauc_map_at_1000_std": -4.5297230544932825, + "nauc_map_at_100_diff1": 42.316327406548695, + "nauc_map_at_100_max": 32.706900013479725, + "nauc_map_at_100_std": -4.564571222935577, + "nauc_map_at_10_diff1": 42.17734361420548, + "nauc_map_at_10_max": 31.527366385827854, + "nauc_map_at_10_std": -5.559289874353945, + "nauc_map_at_1_diff1": 47.33003471166015, + "nauc_map_at_1_max": 21.535228737020457, + "nauc_map_at_1_std": -11.649016586524858, + "nauc_map_at_20_diff1": 42.11015618170868, + "nauc_map_at_20_max": 32.18582282622051, + "nauc_map_at_20_std": -5.042968429993695, + "nauc_map_at_3_diff1": 43.26686524198236, + "nauc_map_at_3_max": 28.849395895564083, + "nauc_map_at_3_std": -6.976952334117308, + "nauc_map_at_5_diff1": 42.95893517901293, + "nauc_map_at_5_max": 30.871999781837612, + "nauc_map_at_5_std": -6.149645006139908, + "nauc_mrr_at_1000_diff1": 51.23708914241626, + "nauc_mrr_at_1000_max": 40.298960389709, + "nauc_mrr_at_1000_std": -5.188577391773796, + "nauc_mrr_at_100_diff1": 51.24001351681103, + "nauc_mrr_at_100_max": 40.318755039260886, + "nauc_mrr_at_100_std": -5.164744512057911, + "nauc_mrr_at_10_diff1": 51.116323465364566, + "nauc_mrr_at_10_max": 40.18322650792177, + "nauc_mrr_at_10_std": -5.42707335446156, + "nauc_mrr_at_1_diff1": 54.623685354463625, + "nauc_mrr_at_1_max": 38.52800456113852, + "nauc_mrr_at_1_std": -8.561342078884513, + "nauc_mrr_at_20_diff1": 51.082878864924076, + "nauc_mrr_at_20_max": 40.25224355621811, + "nauc_mrr_at_20_std": -5.1386035874860925, + "nauc_mrr_at_3_diff1": 51.28771495504919, + "nauc_mrr_at_3_max": 40.167661702884644, + "nauc_mrr_at_3_std": -6.672938174195537, + "nauc_mrr_at_5_diff1": 51.386811950131026, + "nauc_mrr_at_5_max": 40.29452825209631, + "nauc_mrr_at_5_std": -6.134184637482388, + "nauc_ndcg_at_1000_diff1": 44.46948002237412, + "nauc_ndcg_at_1000_max": 37.882877667376576, + "nauc_ndcg_at_1000_std": -0.2441149985965938, + "nauc_ndcg_at_100_diff1": 43.96014037390138, + "nauc_ndcg_at_100_max": 36.96423036666587, + "nauc_ndcg_at_100_std": 0.21228554480998071, + "nauc_ndcg_at_10_diff1": 42.889923047150226, + "nauc_ndcg_at_10_max": 33.95406097914127, + "nauc_ndcg_at_10_std": -3.3077129078149796, + "nauc_ndcg_at_1_diff1": 54.623685354463625, + "nauc_ndcg_at_1_max": 38.52800456113852, + "nauc_ndcg_at_1_std": -8.561342078884513, + "nauc_ndcg_at_20_diff1": 42.806846626799626, + "nauc_ndcg_at_20_max": 35.01566424207401, + "nauc_ndcg_at_20_std": -2.01466646308545, + "nauc_ndcg_at_3_diff1": 43.29070711758635, + "nauc_ndcg_at_3_max": 35.81474510295669, + "nauc_ndcg_at_3_std": -4.937712863159993, + "nauc_ndcg_at_5_diff1": 43.533204764747346, + "nauc_ndcg_at_5_max": 34.67200578229001, + "nauc_ndcg_at_5_std": -4.220153646752217, + "nauc_precision_at_1000_diff1": -0.24162611684046686, + "nauc_precision_at_1000_max": 26.610031730319122, + "nauc_precision_at_1000_std": 12.85473387814076, + "nauc_precision_at_100_diff1": 6.593767812518609, + "nauc_precision_at_100_max": 32.89478475065496, + "nauc_precision_at_100_std": 16.66995461135905, + "nauc_precision_at_10_diff1": 17.48446148168886, + "nauc_precision_at_10_max": 36.54732448382068, + "nauc_precision_at_10_std": 6.7478320020402, + "nauc_precision_at_1_diff1": 54.623685354463625, + "nauc_precision_at_1_max": 38.52800456113852, + "nauc_precision_at_1_std": -8.561342078884513, + "nauc_precision_at_20_diff1": 13.039974734569537, + "nauc_precision_at_20_max": 36.49695572253983, + "nauc_precision_at_20_std": 10.476938728091008, + "nauc_precision_at_3_diff1": 30.19928557150241, + "nauc_precision_at_3_max": 38.897101267116554, + "nauc_precision_at_3_std": 1.121533090916794, + "nauc_precision_at_5_diff1": 25.33029636435617, + "nauc_precision_at_5_max": 39.59677600835699, + "nauc_precision_at_5_std": 3.4416095155763244, + "nauc_recall_at_1000_diff1": 34.823080033440434, + "nauc_recall_at_1000_max": 43.87066795154745, + "nauc_recall_at_1000_std": 42.23182031662749, + "nauc_recall_at_100_diff1": 30.70809572521992, + "nauc_recall_at_100_max": 31.598064007837852, + "nauc_recall_at_100_std": 20.758185821213164, + "nauc_recall_at_10_diff1": 30.674660204386957, + "nauc_recall_at_10_max": 25.13675931430177, + "nauc_recall_at_10_std": 1.1493152709013974, + "nauc_recall_at_1_diff1": 47.33003471166015, + "nauc_recall_at_1_max": 21.535228737020457, + "nauc_recall_at_1_std": -11.649016586524858, + "nauc_recall_at_20_diff1": 28.60023313868174, + "nauc_recall_at_20_max": 26.576577612640655, + "nauc_recall_at_20_std": 6.331498880910594, + "nauc_recall_at_3_diff1": 36.61359637854836, + "nauc_recall_at_3_max": 26.205709444189345, + "nauc_recall_at_3_std": -4.41772315378875, + "nauc_recall_at_5_diff1": 34.721622588958894, + "nauc_recall_at_5_max": 26.870375540274104, + "nauc_recall_at_5_std": -1.2959303042762926, + "ndcg_at_1": 44.29, + "ndcg_at_10": 45.405, + "ndcg_at_100": 52.027, + "ndcg_at_1000": 54.688, + "ndcg_at_20": 47.967999999999996, + "ndcg_at_3": 41.496, + "ndcg_at_5": 42.902, + "precision_at_1": 44.29, + "precision_at_10": 12.469, + "precision_at_100": 1.9349999999999998, + "precision_at_1000": 0.243, + "precision_at_20": 7.323, + "precision_at_3": 27.622999999999998, + "precision_at_5": 20.34, + "recall_at_1": 22.325, + "recall_at_10": 52.788999999999994, + "recall_at_100": 77.274, + "recall_at_1000": 92.94, + "recall_at_20": 60.714, + "recall_at_3": 37.502, + "recall_at_5": 44.808 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/HotpotQA.json b/results/jxm__cde-small-v1/external/HotpotQA.json new file mode 100644 index 000000000..6461655d3 --- /dev/null +++ b/results/jxm__cde-small-v1/external/HotpotQA.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 66.661, + "map_at_1": 41.418, + "map_at_10": 57.086999999999996, + "map_at_100": 57.888, + "map_at_1000": 57.955, + "map_at_20": 57.544, + "map_at_3": 54.112, + "map_at_5": 55.942, + "mrr_at_1": 82.79540850776502, + "mrr_at_10": 87.24545298650632, + "mrr_at_100": 87.3943716521154, + "mrr_at_1000": 87.40052014901985, + "mrr_at_20": 87.3376988773675, + "mrr_at_3": 86.54287643484132, + "mrr_at_5": 87.0162052667117, + "nauc_map_at_1000_diff1": 13.347058320450778, + "nauc_map_at_1000_max": 19.172918193696585, + "nauc_map_at_1000_std": 1.6085652199402172, + "nauc_map_at_100_diff1": 13.309459563369677, + "nauc_map_at_100_max": 19.142490361521045, + "nauc_map_at_100_std": 1.5997757026480046, + "nauc_map_at_10_diff1": 13.821467981397284, + "nauc_map_at_10_max": 19.47388049912085, + "nauc_map_at_10_std": 0.7945082440633815, + "nauc_map_at_1_diff1": 80.17822133984255, + "nauc_map_at_1_max": 56.93232002015388, + "nauc_map_at_1_std": -9.565010407038201, + "nauc_map_at_20_diff1": 13.447193497393146, + "nauc_map_at_20_max": 19.208078541028097, + "nauc_map_at_20_std": 1.2699537557176803, + "nauc_map_at_3_diff1": 16.854345839107967, + "nauc_map_at_3_max": 21.648192526975727, + "nauc_map_at_3_std": -0.6137487567045511, + "nauc_map_at_5_diff1": 14.543663008536509, + "nauc_map_at_5_max": 20.155541895741532, + "nauc_map_at_5_std": 0.25148082760110224, + "nauc_mrr_at_1000_diff1": 79.11825919796162, + "nauc_mrr_at_1000_max": 60.10563640048739, + "nauc_mrr_at_1000_std": -6.726621618014327, + "nauc_mrr_at_100_diff1": 79.11854278578646, + "nauc_mrr_at_100_max": 60.11377258817985, + "nauc_mrr_at_100_std": -6.704065951576038, + "nauc_mrr_at_10_diff1": 79.07961808239499, + "nauc_mrr_at_10_max": 60.2138079214177, + "nauc_mrr_at_10_std": -6.74779578820509, + "nauc_mrr_at_1_diff1": 80.25371155548501, + "nauc_mrr_at_1_max": 57.01027352172217, + "nauc_mrr_at_1_std": -9.682353752598317, + "nauc_mrr_at_20_diff1": 79.08786670986484, + "nauc_mrr_at_20_max": 60.139471646688925, + "nauc_mrr_at_20_std": -6.720404576075471, + "nauc_mrr_at_3_diff1": 78.93741620023842, + "nauc_mrr_at_3_max": 60.31902114928829, + "nauc_mrr_at_3_std": -7.066082480981481, + "nauc_mrr_at_5_diff1": 79.06255305350973, + "nauc_mrr_at_5_max": 60.344631571197546, + "nauc_mrr_at_5_std": -6.788165280997917, + "nauc_ndcg_at_1000_diff1": 17.006951693217548, + "nauc_ndcg_at_1000_max": 21.854859924097646, + "nauc_ndcg_at_1000_std": 4.70138835806943, + "nauc_ndcg_at_100_diff1": 16.195007796313384, + "nauc_ndcg_at_100_max": 21.264332841663858, + "nauc_ndcg_at_100_std": 4.620999926841355, + "nauc_ndcg_at_10_diff1": 18.327522629298294, + "nauc_ndcg_at_10_max": 22.686509071566917, + "nauc_ndcg_at_10_std": 1.5527071297942836, + "nauc_ndcg_at_1_diff1": 80.17822133984255, + "nauc_ndcg_at_1_max": 56.93232002015388, + "nauc_ndcg_at_1_std": -9.565010407038201, + "nauc_ndcg_at_20_diff1": 17.11074173500959, + "nauc_ndcg_at_20_max": 21.81160814631424, + "nauc_ndcg_at_20_std": 2.858829825220597, + "nauc_ndcg_at_3_diff1": 23.797089205140068, + "nauc_ndcg_at_3_max": 26.659269305908296, + "nauc_ndcg_at_3_std": -0.7545654502076451, + "nauc_ndcg_at_5_diff1": 20.067483031938934, + "nauc_ndcg_at_5_max": 24.23026610511652, + "nauc_ndcg_at_5_std": 0.5097749208107711, + "nauc_precision_at_1000_diff1": -21.807728330326697, + "nauc_precision_at_1000_max": -2.9835997103120344, + "nauc_precision_at_1000_std": 25.81739799194849, + "nauc_precision_at_100_diff1": -16.05478872817429, + "nauc_precision_at_100_max": 0.2665969008515287, + "nauc_precision_at_100_std": 19.352798394287323, + "nauc_precision_at_10_diff1": -3.3507602135961037, + "nauc_precision_at_10_max": 8.867034772304718, + "nauc_precision_at_10_std": 6.545361194526079, + "nauc_precision_at_1_diff1": 80.17822133984255, + "nauc_precision_at_1_max": 56.93232002015388, + "nauc_precision_at_1_std": -9.565010407038201, + "nauc_precision_at_20_diff1": -7.902542409127802, + "nauc_precision_at_20_max": 5.62428878283396, + "nauc_precision_at_20_std": 10.592045512127914, + "nauc_precision_at_3_diff1": 8.132713424441485, + "nauc_precision_at_3_max": 17.99416677485544, + "nauc_precision_at_3_std": 1.9785114664304215, + "nauc_precision_at_5_diff1": 1.38596734740728, + "nauc_precision_at_5_max": 13.214138500817723, + "nauc_precision_at_5_std": 4.15378198762281, + "nauc_recall_at_1000_diff1": -21.807728330326455, + "nauc_recall_at_1000_max": -2.9835997103117293, + "nauc_recall_at_1000_std": 25.8173979919487, + "nauc_recall_at_100_diff1": -16.054788728174266, + "nauc_recall_at_100_max": 0.26659690085157123, + "nauc_recall_at_100_std": 19.35279839428729, + "nauc_recall_at_10_diff1": -3.350760213596107, + "nauc_recall_at_10_max": 8.86703477230471, + "nauc_recall_at_10_std": 6.5453611945261505, + "nauc_recall_at_1_diff1": 80.17822133984255, + "nauc_recall_at_1_max": 56.93232002015388, + "nauc_recall_at_1_std": -9.565010407038201, + "nauc_recall_at_20_diff1": -7.902542409127704, + "nauc_recall_at_20_max": 5.6242887828340375, + "nauc_recall_at_20_std": 10.592045512127953, + "nauc_recall_at_3_diff1": 8.132713424441446, + "nauc_recall_at_3_max": 17.99416677485538, + "nauc_recall_at_3_std": 1.9785114664303751, + "nauc_recall_at_5_diff1": 1.3859673474071779, + "nauc_recall_at_5_max": 13.214138500817668, + "nauc_recall_at_5_std": 4.153781987622754, + "ndcg_at_1": 82.836, + "ndcg_at_10": 66.661, + "ndcg_at_100": 69.42399999999999, + "ndcg_at_1000": 70.722, + "ndcg_at_20": 67.777, + "ndcg_at_3": 62.517, + "ndcg_at_5": 64.79700000000001, + "precision_at_1": 82.836, + "precision_at_10": 13.350000000000001, + "precision_at_100": 1.552, + "precision_at_1000": 0.172, + "precision_at_20": 7.034, + "precision_at_3": 38.375, + "precision_at_5": 24.829, + "recall_at_1": 41.418, + "recall_at_10": 66.752, + "recall_at_100": 77.576, + "recall_at_1000": 86.199, + "recall_at_20": 70.338, + "recall_at_3": 57.562000000000005, + "recall_at_5": 62.073 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/ImdbClassification.json b/results/jxm__cde-small-v1/external/ImdbClassification.json new file mode 100644 index 000000000..a4ba018af --- /dev/null +++ b/results/jxm__cde-small-v1/external/ImdbClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.58840000000001, + "ap": 90.234834378287, + "ap_weighted": 90.234834378287, + "f1": 93.58346966422063, + "f1_weighted": 93.58346966422063, + "main_score": 93.58840000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/MSMARCO.json b/results/jxm__cde-small-v1/external/MSMARCO.json new file mode 100644 index 000000000..3d7968e91 --- /dev/null +++ b/results/jxm__cde-small-v1/external/MSMARCO.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 41.48, + "map_at_1": 22.078999999999997, + "map_at_10": 34.416000000000004, + "map_at_100": 35.541, + "map_at_1000": 35.592, + "map_at_20": 35.106, + "map_at_3": 30.470000000000002, + "map_at_5": 32.774, + "mrr_at_1": 22.693409742120345, + "mrr_at_10": 35.02055760221949, + "mrr_at_100": 36.07282466487795, + "mrr_at_1000": 36.11725121701468, + "mrr_at_20": 35.667140877547986, + "mrr_at_3": 31.122254059216814, + "mrr_at_5": 33.40592168099331, + "nauc_map_at_1000_diff1": 33.00333472064972, + "nauc_map_at_1000_max": 5.156444947074947, + "nauc_map_at_1000_std": -23.103939979826375, + "nauc_map_at_100_diff1": 32.99943906977456, + "nauc_map_at_100_max": 5.156792638157342, + "nauc_map_at_100_std": -23.09927789432014, + "nauc_map_at_10_diff1": 32.93427060211673, + "nauc_map_at_10_max": 5.009847068055439, + "nauc_map_at_10_std": -23.69229778425936, + "nauc_map_at_1_diff1": 35.879541770806426, + "nauc_map_at_1_max": 4.037000551161811, + "nauc_map_at_1_std": -21.066913542507095, + "nauc_map_at_20_diff1": 32.94459306136245, + "nauc_map_at_20_max": 5.08450123260384, + "nauc_map_at_20_std": -23.367858842401674, + "nauc_map_at_3_diff1": 33.186734646971495, + "nauc_map_at_3_max": 4.52958372002426, + "nauc_map_at_3_std": -23.407182657661863, + "nauc_map_at_5_diff1": 33.09447602825229, + "nauc_map_at_5_max": 4.8295482352066275, + "nauc_map_at_5_std": -23.977226416616457, + "nauc_mrr_at_1000_diff1": 32.90248885790994, + "nauc_mrr_at_1000_max": 5.345915497836417, + "nauc_mrr_at_1000_std": -22.775176728644926, + "nauc_mrr_at_100_diff1": 32.89830733234614, + "nauc_mrr_at_100_max": 5.354794932204688, + "nauc_mrr_at_100_std": -22.76281634843283, + "nauc_mrr_at_10_diff1": 32.85362740239939, + "nauc_mrr_at_10_max": 5.22277263020967, + "nauc_mrr_at_10_std": -23.29890783663585, + "nauc_mrr_at_1_diff1": 35.8004961400585, + "nauc_mrr_at_1_max": 4.07480515690297, + "nauc_mrr_at_1_std": -21.157419860722133, + "nauc_mrr_at_20_diff1": 32.831058277421675, + "nauc_mrr_at_20_max": 5.30231502729234, + "nauc_mrr_at_20_std": -22.995188734787643, + "nauc_mrr_at_3_diff1": 33.06512398614513, + "nauc_mrr_at_3_max": 4.6832127086497675, + "nauc_mrr_at_3_std": -23.185466086324016, + "nauc_mrr_at_5_diff1": 32.95656016095678, + "nauc_mrr_at_5_max": 5.0055516099566475, + "nauc_mrr_at_5_std": -23.648076417104612, + "nauc_ndcg_at_1000_diff1": 32.23911068627994, + "nauc_ndcg_at_1000_max": 6.340890121521923, + "nauc_ndcg_at_1000_std": -21.64542687396577, + "nauc_ndcg_at_100_diff1": 32.11878167303473, + "nauc_ndcg_at_100_max": 6.597128552520879, + "nauc_ndcg_at_100_std": -21.03041945862791, + "nauc_ndcg_at_10_diff1": 31.78511231016483, + "nauc_ndcg_at_10_max": 5.784417481640047, + "nauc_ndcg_at_10_std": -24.161027978905647, + "nauc_ndcg_at_1_diff1": 35.74394132968329, + "nauc_ndcg_at_1_max": 4.0476454646619215, + "nauc_ndcg_at_1_std": -21.16866068260486, + "nauc_ndcg_at_20_diff1": 31.722628551526604, + "nauc_ndcg_at_20_max": 6.085473579598258, + "nauc_ndcg_at_20_std": -23.01301453978275, + "nauc_ndcg_at_3_diff1": 32.38743175334077, + "nauc_ndcg_at_3_max": 4.708074286110014, + "nauc_ndcg_at_3_std": -24.005841131351065, + "nauc_ndcg_at_5_diff1": 32.19107640366649, + "nauc_ndcg_at_5_max": 5.248392125691872, + "nauc_ndcg_at_5_std": -24.9544454485758, + "nauc_precision_at_1000_diff1": -2.0283123762593203, + "nauc_precision_at_1000_max": 14.569550330630554, + "nauc_precision_at_1000_std": 18.01811212416059, + "nauc_precision_at_100_diff1": 14.463485381374719, + "nauc_precision_at_100_max": 16.06415646423591, + "nauc_precision_at_100_std": 8.987627462107199, + "nauc_precision_at_10_diff1": 25.530846925228666, + "nauc_precision_at_10_max": 8.075830710803086, + "nauc_precision_at_10_std": -24.00010341583341, + "nauc_precision_at_1_diff1": 35.74394132968329, + "nauc_precision_at_1_max": 4.0476454646619215, + "nauc_precision_at_1_std": -21.16866068260486, + "nauc_precision_at_20_diff1": 22.490315165998652, + "nauc_precision_at_20_max": 9.695438542678712, + "nauc_precision_at_20_std": -16.779150840743586, + "nauc_precision_at_3_diff1": 29.653053865297718, + "nauc_precision_at_3_max": 4.956580341717329, + "nauc_precision_at_3_std": -25.716768027801912, + "nauc_precision_at_5_diff1": 28.466584677280675, + "nauc_precision_at_5_max": 6.035813186905091, + "nauc_precision_at_5_std": -27.40096435134959, + "nauc_recall_at_1000_diff1": 16.188777617075157, + "nauc_recall_at_1000_max": 45.1160674872711, + "nauc_recall_at_1000_std": 50.8993030763505, + "nauc_recall_at_100_diff1": 26.462748511423666, + "nauc_recall_at_100_max": 20.17057177381908, + "nauc_recall_at_100_std": 6.567222385661084, + "nauc_recall_at_10_diff1": 27.694042744869897, + "nauc_recall_at_10_max": 8.193922397003126, + "nauc_recall_at_10_std": -25.428481461107726, + "nauc_recall_at_1_diff1": 35.879541770806426, + "nauc_recall_at_1_max": 4.037000551161811, + "nauc_recall_at_1_std": -21.066913542507095, + "nauc_recall_at_20_diff1": 26.412542837917503, + "nauc_recall_at_20_max": 10.119778040160208, + "nauc_recall_at_20_std": -20.353583276762542, + "nauc_recall_at_3_diff1": 30.1723792933633, + "nauc_recall_at_3_max": 4.991021506511908, + "nauc_recall_at_3_std": -25.61028187578253, + "nauc_recall_at_5_diff1": 29.546460816157307, + "nauc_recall_at_5_max": 6.257065735729789, + "nauc_recall_at_5_std": -27.757268209659046, + "ndcg_at_1": 22.708000000000002, + "ndcg_at_10": 41.48, + "ndcg_at_100": 46.894999999999996, + "ndcg_at_1000": 48.14, + "ndcg_at_20": 43.918, + "ndcg_at_3": 33.423, + "ndcg_at_5": 37.553, + "precision_at_1": 22.708000000000002, + "precision_at_10": 6.6049999999999995, + "precision_at_100": 0.9329999999999999, + "precision_at_1000": 0.104, + "precision_at_20": 3.811, + "precision_at_3": 14.283999999999999, + "precision_at_5": 10.685, + "recall_at_1": 22.078999999999997, + "recall_at_10": 63.269, + "recall_at_100": 88.318, + "recall_at_1000": 97.80799999999999, + "recall_at_20": 72.741, + "recall_at_3": 41.347, + "recall_at_5": 51.271 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/MTOPDomainClassification.json b/results/jxm__cde-small-v1/external/MTOPDomainClassification.json new file mode 100644 index 000000000..886bd3bbf --- /dev/null +++ b/results/jxm__cde-small-v1/external/MTOPDomainClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 96.0373917008664, + "f1": 95.77672920037678, + "f1_weighted": 96.06299804062722, + "main_score": 96.0373917008664 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/MTOPIntentClassification.json b/results/jxm__cde-small-v1/external/MTOPIntentClassification.json new file mode 100644 index 000000000..47c34d364 --- /dev/null +++ b/results/jxm__cde-small-v1/external/MTOPIntentClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 89.1655266757866, + "f1": 71.6595596649587, + "f1_weighted": 90.44597470884298, + "main_score": 89.1655266757866 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/MassiveIntentClassification.json b/results/jxm__cde-small-v1/external/MassiveIntentClassification.json new file mode 100644 index 000000000..13730704f --- /dev/null +++ b/results/jxm__cde-small-v1/external/MassiveIntentClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "4672e20407010da34463acc759c162ca9734bca6", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.60390047074647, + "f1": 74.0382414657559, + "f1_weighted": 76.53055023019932, + "main_score": 76.60390047074647 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/MassiveScenarioClassification.json b/results/jxm__cde-small-v1/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..7197ef76f --- /dev/null +++ b/results/jxm__cde-small-v1/external/MassiveScenarioClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "fad2c6e8459f9e1c45d9315f4953d921437d70f8", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.93073301950236, + "f1": 78.58195068346751, + "f1_weighted": 78.86975899493798, + "main_score": 78.93073301950236 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/MedrxivClusteringP2P.json b/results/jxm__cde-small-v1/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..7e9b8c5d7 --- /dev/null +++ b/results/jxm__cde-small-v1/external/MedrxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 37.66500681777215, + "v_measure": 37.66500681777215, + "v_measure_std": 1.4953449515069268 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/MedrxivClusteringS2S.json b/results/jxm__cde-small-v1/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..684d0e88d --- /dev/null +++ b/results/jxm__cde-small-v1/external/MedrxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 35.51021437644991, + "v_measure": 35.51021437644991, + "v_measure_std": 1.3321174913629759 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/MindSmallReranking.json b/results/jxm__cde-small-v1/external/MindSmallReranking.json new file mode 100644 index 000000000..d83fe2be3 --- /dev/null +++ b/results/jxm__cde-small-v1/external/MindSmallReranking.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "59042f120c80e8afa9cdbb224f67076cec0fc9a7", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 30.10020452046386, + "map": 30.10020452046386, + "mrr": 31.096861019258043, + "nAUC_map_diff1": 12.853085612418742, + "nAUC_map_max": -20.97077158351351, + "nAUC_map_std": -2.459841546804226, + "nAUC_mrr_diff1": 12.08750595893558, + "nAUC_mrr_max": -15.502813020230475, + "nAUC_mrr_std": -0.8069966088331175 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/NFCorpus.json b/results/jxm__cde-small-v1/external/NFCorpus.json new file mode 100644 index 000000000..1872b2380 --- /dev/null +++ b/results/jxm__cde-small-v1/external/NFCorpus.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 34.725, + "map_at_1": 5.901, + "map_at_10": 12.992999999999999, + "map_at_100": 16.402, + "map_at_1000": 17.896, + "map_at_20": 14.411, + "map_at_3": 9.3, + "map_at_5": 10.906, + "mrr_at_1": 46.13003095975232, + "mrr_at_10": 54.67123691581895, + "mrr_at_100": 55.13154466663215, + "mrr_at_1000": 55.18028030923489, + "mrr_at_20": 54.89203403371564, + "mrr_at_3": 52.47678018575851, + "mrr_at_5": 54.10216718266254, + "nauc_map_at_1000_diff1": 26.097980547292376, + "nauc_map_at_1000_max": 31.716612190607847, + "nauc_map_at_1000_std": 10.484226609845875, + "nauc_map_at_100_diff1": 26.903184213500687, + "nauc_map_at_100_max": 30.254077338590847, + "nauc_map_at_100_std": 5.721213154053636, + "nauc_map_at_10_diff1": 30.41995975934737, + "nauc_map_at_10_max": 23.720851152044826, + "nauc_map_at_10_std": -6.968119243629756, + "nauc_map_at_1_diff1": 45.91087927776542, + "nauc_map_at_1_max": 11.368756627277754, + "nauc_map_at_1_std": -21.987291617576854, + "nauc_map_at_20_diff1": 28.907069629931854, + "nauc_map_at_20_max": 26.70846407056094, + "nauc_map_at_20_std": -1.9126005785897775, + "nauc_map_at_3_diff1": 38.73155355719495, + "nauc_map_at_3_max": 17.769925571726496, + "nauc_map_at_3_std": -15.240426410962574, + "nauc_map_at_5_diff1": 34.6278617589197, + "nauc_map_at_5_max": 20.54601986245645, + "nauc_map_at_5_std": -11.566817873968779, + "nauc_mrr_at_1000_diff1": 36.64991509982144, + "nauc_mrr_at_1000_max": 49.697173212531744, + "nauc_mrr_at_1000_std": 26.86511696261478, + "nauc_mrr_at_100_diff1": 36.68743394598715, + "nauc_mrr_at_100_max": 49.744202083676264, + "nauc_mrr_at_100_std": 26.90232555840209, + "nauc_mrr_at_10_diff1": 36.47029954847764, + "nauc_mrr_at_10_max": 49.439023284006, + "nauc_mrr_at_10_std": 26.690706480930444, + "nauc_mrr_at_1_diff1": 36.59190142546215, + "nauc_mrr_at_1_max": 41.74235868276634, + "nauc_mrr_at_1_std": 18.414274177675807, + "nauc_mrr_at_20_diff1": 36.681072119690086, + "nauc_mrr_at_20_max": 49.800936007548934, + "nauc_mrr_at_20_std": 26.961504252981683, + "nauc_mrr_at_3_diff1": 36.63303178691115, + "nauc_mrr_at_3_max": 48.628730526802904, + "nauc_mrr_at_3_std": 25.157181938589225, + "nauc_mrr_at_5_diff1": 36.41948638139246, + "nauc_mrr_at_5_max": 49.180007480727134, + "nauc_mrr_at_5_std": 26.145567865350543, + "nauc_ndcg_at_1000_diff1": 26.257313381009283, + "nauc_ndcg_at_1000_max": 46.45094846583072, + "nauc_ndcg_at_1000_std": 30.74855470405661, + "nauc_ndcg_at_100_diff1": 25.337713280261774, + "nauc_ndcg_at_100_max": 42.51314175786316, + "nauc_ndcg_at_100_std": 25.717600091835052, + "nauc_ndcg_at_10_diff1": 27.28963504973803, + "nauc_ndcg_at_10_max": 45.07020624629025, + "nauc_ndcg_at_10_std": 29.017215904691902, + "nauc_ndcg_at_1_diff1": 39.69547779212674, + "nauc_ndcg_at_1_max": 39.944550572400225, + "nauc_ndcg_at_1_std": 17.27308663512775, + "nauc_ndcg_at_20_diff1": 26.88029364873597, + "nauc_ndcg_at_20_max": 43.89319625918324, + "nauc_ndcg_at_20_std": 29.182590252122804, + "nauc_ndcg_at_3_diff1": 32.49288862835273, + "nauc_ndcg_at_3_max": 45.57318753977976, + "nauc_ndcg_at_3_std": 23.953534500127557, + "nauc_ndcg_at_5_diff1": 29.578845399866545, + "nauc_ndcg_at_5_max": 46.601862971633544, + "nauc_ndcg_at_5_std": 27.55565792973463, + "nauc_precision_at_1000_diff1": -4.397392180783799, + "nauc_precision_at_1000_max": 17.406927055459345, + "nauc_precision_at_1000_std": 47.8835834302276, + "nauc_precision_at_100_diff1": -3.582470870457778, + "nauc_precision_at_100_max": 30.6298826448415, + "nauc_precision_at_100_std": 55.54858727751579, + "nauc_precision_at_10_diff1": 6.591245947478634, + "nauc_precision_at_10_max": 44.36069671353394, + "nauc_precision_at_10_std": 45.85949796089425, + "nauc_precision_at_1_diff1": 39.90620183792372, + "nauc_precision_at_1_max": 41.93832955553217, + "nauc_precision_at_1_std": 17.78208215842155, + "nauc_precision_at_20_diff1": 3.1763559888676305, + "nauc_precision_at_20_max": 40.19013491290661, + "nauc_precision_at_20_std": 50.30896997510246, + "nauc_precision_at_3_diff1": 21.346541990363338, + "nauc_precision_at_3_max": 46.358486907663234, + "nauc_precision_at_3_std": 30.30796100013066, + "nauc_precision_at_5_diff1": 13.764960158282511, + "nauc_precision_at_5_max": 47.38189520644064, + "nauc_precision_at_5_std": 38.83370975791448, + "nauc_recall_at_1000_diff1": 3.111013627981912, + "nauc_recall_at_1000_max": 17.453303474327654, + "nauc_recall_at_1000_std": 16.831446977812252, + "nauc_recall_at_100_diff1": 16.59425078697382, + "nauc_recall_at_100_max": 25.400896109980174, + "nauc_recall_at_100_std": 10.794971059479254, + "nauc_recall_at_10_diff1": 23.63271460212068, + "nauc_recall_at_10_max": 20.991264958049598, + "nauc_recall_at_10_std": -6.022250169253036, + "nauc_recall_at_1_diff1": 45.91087927776542, + "nauc_recall_at_1_max": 11.368756627277754, + "nauc_recall_at_1_std": -21.987291617576854, + "nauc_recall_at_20_diff1": 22.615984500854555, + "nauc_recall_at_20_max": 23.637250829352997, + "nauc_recall_at_20_std": 0.41128528477486354, + "nauc_recall_at_3_diff1": 37.308271400820985, + "nauc_recall_at_3_max": 18.63584930406467, + "nauc_recall_at_3_std": -13.472251033244428, + "nauc_recall_at_5_diff1": 31.142005435540852, + "nauc_recall_at_5_max": 20.5834454794761, + "nauc_recall_at_5_std": -9.81034234508067, + "ndcg_at_1": 42.879, + "ndcg_at_10": 34.725, + "ndcg_at_100": 31.798, + "ndcg_at_1000": 40.486, + "ndcg_at_20": 32.535, + "ndcg_at_3": 38.97, + "ndcg_at_5": 37.602000000000004, + "precision_at_1": 44.891999999999996, + "precision_at_10": 26.192, + "precision_at_100": 8.241, + "precision_at_1000": 2.085, + "precision_at_20": 19.52, + "precision_at_3": 36.842000000000006, + "precision_at_5": 33.312999999999995, + "recall_at_1": 5.901, + "recall_at_10": 17.171, + "recall_at_100": 31.709, + "recall_at_1000": 63.589, + "recall_at_20": 20.782999999999998, + "recall_at_3": 10.194, + "recall_at_5": 12.934999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/NQ.json b/results/jxm__cde-small-v1/external/NQ.json new file mode 100644 index 000000000..4f99b1f76 --- /dev/null +++ b/results/jxm__cde-small-v1/external/NQ.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 59.951, + "map_at_1": 36.718, + "map_at_10": 52.518, + "map_at_100": 53.373000000000005, + "map_at_1000": 53.400000000000006, + "map_at_20": 53.11, + "map_at_3": 48.606, + "map_at_5": 50.922999999999995, + "mrr_at_1": 41.22247972190035, + "mrr_at_10": 55.10211471610661, + "mrr_at_100": 55.690424468447944, + "mrr_at_1000": 55.709587669000626, + "mrr_at_20": 55.51307514935747, + "mrr_at_3": 52.10023174971031, + "mrr_at_5": 53.85139049826188, + "nauc_map_at_1000_diff1": 36.084432495766244, + "nauc_map_at_1000_max": 32.106683448614696, + "nauc_map_at_1000_std": 0.28114600458421135, + "nauc_map_at_100_diff1": 36.076754155834685, + "nauc_map_at_100_max": 32.124501222653386, + "nauc_map_at_100_std": 0.3074172933687319, + "nauc_map_at_10_diff1": 35.95846264899338, + "nauc_map_at_10_max": 32.268962480678645, + "nauc_map_at_10_std": -0.10550275250265802, + "nauc_map_at_1_diff1": 39.29370524773578, + "nauc_map_at_1_max": 25.991296131217062, + "nauc_map_at_1_std": -2.5540466996583753, + "nauc_map_at_20_diff1": 35.98377971994357, + "nauc_map_at_20_max": 32.15683504409824, + "nauc_map_at_20_std": 0.19145693127134786, + "nauc_map_at_3_diff1": 36.0944254890347, + "nauc_map_at_3_max": 30.2128510665515, + "nauc_map_at_3_std": -1.9611081461308983, + "nauc_map_at_5_diff1": 36.00156289591984, + "nauc_map_at_5_max": 31.56149465902775, + "nauc_map_at_5_std": -0.8373235686244762, + "nauc_mrr_at_1000_diff1": 36.09152753153953, + "nauc_mrr_at_1000_max": 32.43454228496553, + "nauc_mrr_at_1000_std": 1.8517892571605596, + "nauc_mrr_at_100_diff1": 36.09112009133751, + "nauc_mrr_at_100_max": 32.44951869408173, + "nauc_mrr_at_100_std": 1.8714844618486277, + "nauc_mrr_at_10_diff1": 35.930421137614914, + "nauc_mrr_at_10_max": 32.65451978743636, + "nauc_mrr_at_10_std": 1.7723190829619009, + "nauc_mrr_at_1_diff1": 39.396024242346954, + "nauc_mrr_at_1_max": 28.132740347350953, + "nauc_mrr_at_1_std": -0.5935576215439111, + "nauc_mrr_at_20_diff1": 35.99903536497898, + "nauc_mrr_at_20_max": 32.50256539352071, + "nauc_mrr_at_20_std": 1.8829977887370852, + "nauc_mrr_at_3_diff1": 35.91812477028109, + "nauc_mrr_at_3_max": 31.595134192404796, + "nauc_mrr_at_3_std": 0.6749658339604261, + "nauc_mrr_at_5_diff1": 35.90541524153257, + "nauc_mrr_at_5_max": 32.375076970871106, + "nauc_mrr_at_5_std": 1.4530009988326982, + "nauc_ndcg_at_1000_diff1": 35.52189976546703, + "nauc_ndcg_at_1000_max": 33.97534043055662, + "nauc_ndcg_at_1000_std": 2.7358127566748025, + "nauc_ndcg_at_100_diff1": 35.32967760887528, + "nauc_ndcg_at_100_max": 34.51536712950666, + "nauc_ndcg_at_100_std": 3.561484184520643, + "nauc_ndcg_at_10_diff1": 34.63981443982384, + "nauc_ndcg_at_10_max": 35.2466755214177, + "nauc_ndcg_at_10_std": 2.163469830591493, + "nauc_ndcg_at_1_diff1": 39.47234805254548, + "nauc_ndcg_at_1_max": 27.949377920983448, + "nauc_ndcg_at_1_std": -0.7016496183295023, + "nauc_ndcg_at_20_diff1": 34.77193782885647, + "nauc_ndcg_at_20_max": 34.79563187118757, + "nauc_ndcg_at_20_std": 3.0333339734937326, + "nauc_ndcg_at_3_diff1": 34.84410905343334, + "nauc_ndcg_at_3_max": 31.53857235413653, + "nauc_ndcg_at_3_std": -1.2121011083371147, + "nauc_ndcg_at_5_diff1": 34.70655373953545, + "nauc_ndcg_at_5_max": 33.692790095442994, + "nauc_ndcg_at_5_std": 0.6612260001056149, + "nauc_precision_at_1000_diff1": -6.531497758654776, + "nauc_precision_at_1000_max": 6.592383443768815, + "nauc_precision_at_1000_std": 15.266065986503547, + "nauc_precision_at_100_diff1": -2.0738709139302003, + "nauc_precision_at_100_max": 15.324594432362842, + "nauc_precision_at_100_std": 20.825895623533857, + "nauc_precision_at_10_diff1": 9.98637582589397, + "nauc_precision_at_10_max": 30.50457748285925, + "nauc_precision_at_10_std": 13.73313229149034, + "nauc_precision_at_1_diff1": 39.47234805254548, + "nauc_precision_at_1_max": 27.949377920983448, + "nauc_precision_at_1_std": -0.7016496183295023, + "nauc_precision_at_20_diff1": 4.338247023429635, + "nauc_precision_at_20_max": 23.76589815146598, + "nauc_precision_at_20_std": 17.322633618978386, + "nauc_precision_at_3_diff1": 23.17326950999716, + "nauc_precision_at_3_max": 31.075717350827293, + "nauc_precision_at_3_std": 2.762436540576557, + "nauc_precision_at_5_diff1": 17.362008096246633, + "nauc_precision_at_5_max": 32.08805696305664, + "nauc_precision_at_5_std": 8.12524167169048, + "nauc_recall_at_1000_diff1": 34.18415215294108, + "nauc_recall_at_1000_max": 79.77930971993527, + "nauc_recall_at_1000_std": 70.27189175741741, + "nauc_recall_at_100_diff1": 28.249629521143465, + "nauc_recall_at_100_max": 62.21529072406605, + "nauc_recall_at_100_std": 46.23141649265807, + "nauc_recall_at_10_diff1": 27.302420328273612, + "nauc_recall_at_10_max": 47.57999826869166, + "nauc_recall_at_10_std": 9.807109630878386, + "nauc_recall_at_1_diff1": 39.29370524773578, + "nauc_recall_at_1_max": 25.991296131217062, + "nauc_recall_at_1_std": -2.5540466996583753, + "nauc_recall_at_20_diff1": 26.264363964930997, + "nauc_recall_at_20_max": 49.762297304442136, + "nauc_recall_at_20_std": 18.650695925686502, + "nauc_recall_at_3_diff1": 29.95231482486556, + "nauc_recall_at_3_max": 33.054441143791394, + "nauc_recall_at_3_std": -1.4133288694811754, + "nauc_recall_at_5_diff1": 28.978660648633802, + "nauc_recall_at_5_max": 38.844300548161186, + "nauc_recall_at_5_std": 3.19644809086287, + "ndcg_at_1": 41.193999999999996, + "ndcg_at_10": 59.951, + "ndcg_at_100": 63.343, + "ndcg_at_1000": 63.941, + "ndcg_at_20": 61.781, + "ndcg_at_3": 52.756, + "ndcg_at_5": 56.486999999999995, + "precision_at_1": 41.193999999999996, + "precision_at_10": 9.528, + "precision_at_100": 1.145, + "precision_at_1000": 0.12, + "precision_at_20": 5.206, + "precision_at_3": 23.696, + "precision_at_5": 16.419, + "recall_at_1": 36.718, + "recall_at_10": 79.84, + "recall_at_100": 94.228, + "recall_at_1000": 98.648, + "recall_at_20": 86.542, + "recall_at_3": 61.31999999999999, + "recall_at_5": 69.836 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/QuoraRetrieval.json b/results/jxm__cde-small-v1/external/QuoraRetrieval.json new file mode 100644 index 000000000..45ef17fec --- /dev/null +++ b/results/jxm__cde-small-v1/external/QuoraRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "e4e08e0b7dbe3c8700f0daef558ff32256715259", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 89.838, + "map_at_1": 72.44500000000001, + "map_at_10": 86.332, + "map_at_100": 86.936, + "map_at_1000": 86.95, + "map_at_20": 86.72999999999999, + "map_at_3": 83.417, + "map_at_5": 85.292, + "mrr_at_1": 83.5, + "mrr_at_10": 89.20519444444444, + "mrr_at_100": 89.2819086258491, + "mrr_at_1000": 89.28214505128291, + "mrr_at_20": 89.26673258007042, + "mrr_at_3": 88.36, + "mrr_at_5": 88.95100000000001, + "nauc_map_at_1000_diff1": 76.90740671940051, + "nauc_map_at_1000_max": 36.46444946338708, + "nauc_map_at_1000_std": -56.60380240532508, + "nauc_map_at_100_diff1": 76.91112078761572, + "nauc_map_at_100_max": 36.45304363618243, + "nauc_map_at_100_std": -56.67988410741111, + "nauc_map_at_10_diff1": 77.09598611046616, + "nauc_map_at_10_max": 35.96689922341558, + "nauc_map_at_10_std": -58.68604909203303, + "nauc_map_at_1_diff1": 80.37641963929528, + "nauc_map_at_1_max": 27.046973659136057, + "nauc_map_at_1_std": -49.41187376826384, + "nauc_map_at_20_diff1": 76.9541622063172, + "nauc_map_at_20_max": 36.29817666157097, + "nauc_map_at_20_std": -57.58995860118392, + "nauc_map_at_3_diff1": 77.79036430390953, + "nauc_map_at_3_max": 33.23673927645347, + "nauc_map_at_3_std": -60.10156884287652, + "nauc_map_at_5_diff1": 77.33636903512307, + "nauc_map_at_5_max": 35.003919992106006, + "nauc_map_at_5_std": -59.97787405958172, + "nauc_mrr_at_1000_diff1": 77.73000572331905, + "nauc_mrr_at_1000_max": 38.561364157585324, + "nauc_mrr_at_1000_std": -53.44976098044828, + "nauc_mrr_at_100_diff1": 77.72981689727108, + "nauc_mrr_at_100_max": 38.561425387623785, + "nauc_mrr_at_100_std": -53.45033750871979, + "nauc_mrr_at_10_diff1": 77.71709626439586, + "nauc_mrr_at_10_max": 38.624900686387214, + "nauc_mrr_at_10_std": -53.58765986161691, + "nauc_mrr_at_1_diff1": 78.37565253706408, + "nauc_mrr_at_1_max": 38.23888076842768, + "nauc_mrr_at_1_std": -50.20603764579538, + "nauc_mrr_at_20_diff1": 77.7306939391157, + "nauc_mrr_at_20_max": 38.59165749191751, + "nauc_mrr_at_20_std": -53.48812024214872, + "nauc_mrr_at_3_diff1": 77.54353349806524, + "nauc_mrr_at_3_max": 38.713759549229785, + "nauc_mrr_at_3_std": -53.94582165002703, + "nauc_mrr_at_5_diff1": 77.70283049254654, + "nauc_mrr_at_5_max": 38.716317005111215, + "nauc_mrr_at_5_std": -53.92085356926888, + "nauc_ndcg_at_1000_diff1": 76.89855290894926, + "nauc_ndcg_at_1000_max": 37.772216233524325, + "nauc_ndcg_at_1000_std": -54.86144177114646, + "nauc_ndcg_at_100_diff1": 76.90257905740786, + "nauc_ndcg_at_100_max": 37.739876618823274, + "nauc_ndcg_at_100_std": -55.18253534518033, + "nauc_ndcg_at_10_diff1": 76.82906119719216, + "nauc_ndcg_at_10_max": 37.09739956129085, + "nauc_ndcg_at_10_std": -58.49646829288816, + "nauc_ndcg_at_1_diff1": 78.37565253706408, + "nauc_ndcg_at_1_max": 38.335351847985045, + "nauc_ndcg_at_1_std": -50.212302001610745, + "nauc_ndcg_at_20_diff1": 76.86843611975287, + "nauc_ndcg_at_20_max": 37.38859864360577, + "nauc_ndcg_at_20_std": -57.243383699901386, + "nauc_ndcg_at_3_diff1": 76.43700144403104, + "nauc_ndcg_at_3_max": 35.849266604568456, + "nauc_ndcg_at_3_std": -58.26941196366757, + "nauc_ndcg_at_5_diff1": 76.65368894551763, + "nauc_ndcg_at_5_max": 36.67820873138469, + "nauc_ndcg_at_5_std": -59.167875261562884, + "nauc_precision_at_1000_diff1": -44.61035236776975, + "nauc_precision_at_1000_max": -6.9906519553038535, + "nauc_precision_at_1000_std": 45.26673634956755, + "nauc_precision_at_100_diff1": -44.471568524106466, + "nauc_precision_at_100_max": -6.513827405878257, + "nauc_precision_at_100_std": 43.61461800235919, + "nauc_precision_at_10_diff1": -40.63269213674181, + "nauc_precision_at_10_max": -2.176686756124717, + "nauc_precision_at_10_std": 29.834023361852225, + "nauc_precision_at_1_diff1": 78.37565253706408, + "nauc_precision_at_1_max": 38.335351847985045, + "nauc_precision_at_1_std": -50.212302001610745, + "nauc_precision_at_20_diff1": -43.166138321174, + "nauc_precision_at_20_max": -4.551647757465525, + "nauc_precision_at_20_std": 36.236925649882664, + "nauc_precision_at_3_diff1": -22.241887562444298, + "nauc_precision_at_3_max": 6.147594412705473, + "nauc_precision_at_3_std": 6.206594648276548, + "nauc_precision_at_5_diff1": -33.948204035499955, + "nauc_precision_at_5_max": 1.551952866668139, + "nauc_precision_at_5_std": 19.086692514199573, + "nauc_recall_at_1000_diff1": 56.00550359595701, + "nauc_recall_at_1000_max": 0.25076313433895114, + "nauc_recall_at_1000_std": -19.767447908090993, + "nauc_recall_at_100_diff1": 71.09157100014333, + "nauc_recall_at_100_max": 36.803937541332566, + "nauc_recall_at_100_std": -68.4065523296009, + "nauc_recall_at_10_diff1": 72.74150240606814, + "nauc_recall_at_10_max": 34.20323841659202, + "nauc_recall_at_10_std": -81.23057156799683, + "nauc_recall_at_1_diff1": 80.37641963929528, + "nauc_recall_at_1_max": 27.046973659136057, + "nauc_recall_at_1_std": -49.41187376826384, + "nauc_recall_at_20_diff1": 72.23679243300582, + "nauc_recall_at_20_max": 35.472624896485584, + "nauc_recall_at_20_std": -83.96453691324263, + "nauc_recall_at_3_diff1": 74.4436126143353, + "nauc_recall_at_3_max": 30.220293116530584, + "nauc_recall_at_3_std": -68.23230306181532, + "nauc_recall_at_5_diff1": 72.89682914794618, + "nauc_recall_at_5_max": 32.220311115253786, + "nauc_recall_at_5_std": -74.53623789048245, + "ndcg_at_1": 83.5, + "ndcg_at_10": 89.838, + "ndcg_at_100": 90.879, + "ndcg_at_1000": 90.955, + "ndcg_at_20": 90.422, + "ndcg_at_3": 87.21799999999999, + "ndcg_at_5": 88.727, + "precision_at_1": 83.5, + "precision_at_10": 13.571, + "precision_at_100": 1.5350000000000001, + "precision_at_1000": 0.157, + "precision_at_20": 7.175, + "precision_at_3": 38.12, + "precision_at_5": 25.041999999999998, + "recall_at_1": 72.44500000000001, + "recall_at_10": 96.298, + "recall_at_100": 99.696, + "recall_at_1000": 99.98599999999999, + "recall_at_20": 98.15700000000001, + "recall_at_3": 88.633, + "recall_at_5": 92.985 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/RedditClustering.json b/results/jxm__cde-small-v1/external/RedditClustering.json new file mode 100644 index 000000000..22bb4b519 --- /dev/null +++ b/results/jxm__cde-small-v1/external/RedditClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 59.36225093784713, + "v_measure": 59.36225093784713, + "v_measure_std": 3.9911509588570393 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/RedditClusteringP2P.json b/results/jxm__cde-small-v1/external/RedditClusteringP2P.json new file mode 100644 index 000000000..28f72de9c --- /dev/null +++ b/results/jxm__cde-small-v1/external/RedditClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 64.46282036246124, + "v_measure": 64.46282036246124, + "v_measure_std": 12.49196304240264 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/SCIDOCS.json b/results/jxm__cde-small-v1/external/SCIDOCS.json new file mode 100644 index 000000000..d60397fc3 --- /dev/null +++ b/results/jxm__cde-small-v1/external/SCIDOCS.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f8c2fcf00f625baaa80f62ec5bd9e1fff3b8ae88", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 21.781, + "map_at_1": 5.103, + "map_at_10": 13.152, + "map_at_100": 15.421000000000001, + "map_at_1000": 15.738, + "map_at_20": 14.313, + "map_at_3": 9.277000000000001, + "map_at_5": 11.079, + "mrr_at_1": 25.2, + "mrr_at_10": 36.30464285714286, + "mrr_at_100": 37.37083205414486, + "mrr_at_1000": 37.41889994963302, + "mrr_at_20": 36.99006600941199, + "mrr_at_3": 33.11666666666667, + "mrr_at_5": 34.971666666666664, + "nauc_map_at_1000_diff1": 13.3829110188465, + "nauc_map_at_1000_max": 26.200548089249203, + "nauc_map_at_1000_std": 15.782390299656376, + "nauc_map_at_100_diff1": 13.434823562595197, + "nauc_map_at_100_max": 26.19757227269967, + "nauc_map_at_100_std": 15.666149403001597, + "nauc_map_at_10_diff1": 13.136752265014085, + "nauc_map_at_10_max": 24.37704176159032, + "nauc_map_at_10_std": 11.875468320642725, + "nauc_map_at_1_diff1": 23.91080785158353, + "nauc_map_at_1_max": 21.714915496600813, + "nauc_map_at_1_std": 4.523659534794796, + "nauc_map_at_20_diff1": 13.08994175195148, + "nauc_map_at_20_max": 25.564250916023035, + "nauc_map_at_20_std": 13.758854620282229, + "nauc_map_at_3_diff1": 15.629634284012711, + "nauc_map_at_3_max": 20.94416328947656, + "nauc_map_at_3_std": 5.443733090008665, + "nauc_map_at_5_diff1": 13.717844004379067, + "nauc_map_at_5_max": 21.93083811259854, + "nauc_map_at_5_std": 7.496869394816883, + "nauc_mrr_at_1000_diff1": 19.466105991639516, + "nauc_mrr_at_1000_max": 23.857199036893714, + "nauc_mrr_at_1000_std": 10.400833057932964, + "nauc_mrr_at_100_diff1": 19.45377482442327, + "nauc_mrr_at_100_max": 23.86931198998342, + "nauc_mrr_at_100_std": 10.43160252915245, + "nauc_mrr_at_10_diff1": 19.595100505906498, + "nauc_mrr_at_10_max": 23.828564831729913, + "nauc_mrr_at_10_std": 10.158332218550582, + "nauc_mrr_at_1_diff1": 23.639623316387265, + "nauc_mrr_at_1_max": 21.91276584516334, + "nauc_mrr_at_1_std": 4.555063005377011, + "nauc_mrr_at_20_diff1": 19.42312083502562, + "nauc_mrr_at_20_max": 23.998031015425354, + "nauc_mrr_at_20_std": 10.507801798326819, + "nauc_mrr_at_3_diff1": 20.50499706447941, + "nauc_mrr_at_3_max": 22.89975536944602, + "nauc_mrr_at_3_std": 8.976243818880809, + "nauc_mrr_at_5_diff1": 19.59735376368769, + "nauc_mrr_at_5_max": 23.079995863526243, + "nauc_mrr_at_5_std": 9.558077494050336, + "nauc_ndcg_at_1000_diff1": 13.411221925319488, + "nauc_ndcg_at_1000_max": 28.874659943874605, + "nauc_ndcg_at_1000_std": 22.92179424488089, + "nauc_ndcg_at_100_diff1": 14.177059117246053, + "nauc_ndcg_at_100_max": 29.49863202457167, + "nauc_ndcg_at_100_std": 23.415432542915244, + "nauc_ndcg_at_10_diff1": 14.034714269886518, + "nauc_ndcg_at_10_max": 26.529324449228014, + "nauc_ndcg_at_10_std": 15.0835036529515, + "nauc_ndcg_at_1_diff1": 23.639623316387265, + "nauc_ndcg_at_1_max": 21.91276584516334, + "nauc_ndcg_at_1_std": 4.555063005377011, + "nauc_ndcg_at_20_diff1": 13.639153726908837, + "nauc_ndcg_at_20_max": 28.34934989257701, + "nauc_ndcg_at_20_std": 18.346102705103505, + "nauc_ndcg_at_3_diff1": 16.310949228363334, + "nauc_ndcg_at_3_max": 21.96244399696209, + "nauc_ndcg_at_3_std": 7.79248819842006, + "nauc_ndcg_at_5_diff1": 14.630417187709366, + "nauc_ndcg_at_5_max": 23.28452419937793, + "nauc_ndcg_at_5_std": 10.132485346479228, + "nauc_precision_at_1000_diff1": 0.4617378903286949, + "nauc_precision_at_1000_max": 23.084163863883607, + "nauc_precision_at_1000_std": 34.74028918125758, + "nauc_precision_at_100_diff1": 7.744924657665058, + "nauc_precision_at_100_max": 28.822902541968237, + "nauc_precision_at_100_std": 35.872958881610344, + "nauc_precision_at_10_diff1": 9.242022361674694, + "nauc_precision_at_10_max": 27.707443555826906, + "nauc_precision_at_10_std": 20.465290637452664, + "nauc_precision_at_1_diff1": 23.639623316387265, + "nauc_precision_at_1_max": 21.91276584516334, + "nauc_precision_at_1_std": 4.555063005377011, + "nauc_precision_at_20_diff1": 7.901785657316664, + "nauc_precision_at_20_max": 29.678603802205057, + "nauc_precision_at_20_std": 25.65946048724345, + "nauc_precision_at_3_diff1": 13.650585769886394, + "nauc_precision_at_3_max": 22.03045956299473, + "nauc_precision_at_3_std": 9.155456520493106, + "nauc_precision_at_5_diff1": 10.200134466214287, + "nauc_precision_at_5_max": 23.308672947117167, + "nauc_precision_at_5_std": 12.695862040385645, + "nauc_recall_at_1000_diff1": 1.7286393025447204, + "nauc_recall_at_1000_max": 23.322719223507704, + "nauc_recall_at_1000_std": 36.358257876511956, + "nauc_recall_at_100_diff1": 8.230846619688952, + "nauc_recall_at_100_max": 28.880569830494963, + "nauc_recall_at_100_std": 36.29115706966346, + "nauc_recall_at_10_diff1": 9.362248846760513, + "nauc_recall_at_10_max": 27.475538879580885, + "nauc_recall_at_10_std": 20.314461649538373, + "nauc_recall_at_1_diff1": 23.91080785158353, + "nauc_recall_at_1_max": 21.714915496600813, + "nauc_recall_at_1_std": 4.523659534794796, + "nauc_recall_at_20_diff1": 8.140101636033602, + "nauc_recall_at_20_max": 29.59131501693498, + "nauc_recall_at_20_std": 25.876120433055316, + "nauc_recall_at_3_diff1": 13.725759049941843, + "nauc_recall_at_3_max": 21.75055584058006, + "nauc_recall_at_3_std": 8.965766944507815, + "nauc_recall_at_5_diff1": 10.366069494614596, + "nauc_recall_at_5_max": 23.031784865881054, + "nauc_recall_at_5_std": 12.411188897743521, + "ndcg_at_1": 25.2, + "ndcg_at_10": 21.781, + "ndcg_at_100": 30.273, + "ndcg_at_1000": 35.768, + "ndcg_at_20": 24.967, + "ndcg_at_3": 20.580000000000002, + "ndcg_at_5": 17.926000000000002, + "precision_at_1": 25.2, + "precision_at_10": 11.4, + "precision_at_100": 2.359, + "precision_at_1000": 0.368, + "precision_at_20": 7.545, + "precision_at_3": 19.3, + "precision_at_5": 15.78, + "recall_at_1": 5.103, + "recall_at_10": 23.083000000000002, + "recall_at_100": 47.882999999999996, + "recall_at_1000": 74.783, + "recall_at_20": 30.592000000000002, + "recall_at_3": 11.753, + "recall_at_5": 15.983 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/SICK-R.json b/results/jxm__cde-small-v1/external/SICK-R.json new file mode 100644 index 000000000..f15fdda78 --- /dev/null +++ b/results/jxm__cde-small-v1/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 83.9841377195369, + "cosine_spearman": 77.44919890597407, + "euclidean_pearson": 81.21238548422511, + "euclidean_spearman": 76.94405730272983, + "main_score": 77.44919890597407, + "manhattan_pearson": 81.16824677968528, + "manhattan_spearman": 76.94296468591867, + "pearson": 83.9841377195369, + "spearman": 77.44919890597407 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/STS12.json b/results/jxm__cde-small-v1/external/STS12.json new file mode 100644 index 000000000..a0db1be8e --- /dev/null +++ b/results/jxm__cde-small-v1/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 81.36071984442052, + "cosine_spearman": 74.2212823495219, + "euclidean_pearson": 78.31139429452078, + "euclidean_spearman": 74.02790834412275, + "main_score": 74.2212823495219, + "manhattan_pearson": 78.26141328104697, + "manhattan_spearman": 74.02545007676329, + "pearson": 81.36071984442052, + "spearman": 74.2212823495219 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/STS13.json b/results/jxm__cde-small-v1/external/STS13.json new file mode 100644 index 000000000..8c2bf2aa1 --- /dev/null +++ b/results/jxm__cde-small-v1/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 85.49925337918731, + "cosine_spearman": 86.12368715292688, + "euclidean_pearson": 85.71147581542367, + "euclidean_spearman": 86.64112317821541, + "main_score": 86.12368715292688, + "manhattan_pearson": 85.58242941611371, + "manhattan_spearman": 86.51041533466731, + "pearson": 85.49925337918731, + "spearman": 86.12368715292688 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/STS14.json b/results/jxm__cde-small-v1/external/STS14.json new file mode 100644 index 000000000..5539bd5bd --- /dev/null +++ b/results/jxm__cde-small-v1/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 82.24735192639226, + "cosine_spearman": 78.88155361224834, + "euclidean_pearson": 80.52048132030517, + "euclidean_spearman": 78.1335955670817, + "main_score": 78.88155361224834, + "manhattan_pearson": 80.48178866605353, + "manhattan_spearman": 78.08994918255844, + "pearson": 82.24735192639226, + "spearman": 78.88155361224834 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/STS15.json b/results/jxm__cde-small-v1/external/STS15.json new file mode 100644 index 000000000..c80a6275e --- /dev/null +++ b/results/jxm__cde-small-v1/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 86.27381322229758, + "cosine_spearman": 87.5038962579188, + "euclidean_pearson": 86.7575259976948, + "euclidean_spearman": 87.3358778981031, + "main_score": 87.5038962579188, + "manhattan_pearson": 86.72177109814491, + "manhattan_spearman": 87.30593609243358, + "pearson": 86.27381322229758, + "spearman": 87.5038962579188 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/STS16.json b/results/jxm__cde-small-v1/external/STS16.json new file mode 100644 index 000000000..2085e76f3 --- /dev/null +++ b/results/jxm__cde-small-v1/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 82.90364706517789, + "cosine_spearman": 84.25854334490232, + "euclidean_pearson": 83.30065780824273, + "euclidean_spearman": 84.17467271748362, + "main_score": 84.25854334490232, + "manhattan_pearson": 83.21239264085494, + "manhattan_spearman": 84.05456832118482, + "pearson": 82.90364706517789, + "spearman": 84.25854334490232 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/STS17.json b/results/jxm__cde-small-v1/external/STS17.json new file mode 100644 index 000000000..b8599be26 --- /dev/null +++ b/results/jxm__cde-small-v1/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "faeb762787bd10488a50c8b5be4a3b82e411949c", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 88.88258729094343, + "cosine_spearman": 89.68436656381257, + "euclidean_pearson": 88.23417725579127, + "euclidean_spearman": 87.96688277361433, + "main_score": 89.68436656381257, + "manhattan_pearson": 88.07673471897155, + "manhattan_spearman": 87.7976329721765, + "pearson": 88.88258729094343, + "spearman": 89.68436656381257 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/STS22.json b/results/jxm__cde-small-v1/external/STS22.json new file mode 100644 index 000000000..280900831 --- /dev/null +++ b/results/jxm__cde-small-v1/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "de9d86b3b84231dc21f76c7b7af1f28e2f57f6e3", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 65.24627744968292, + "cosine_spearman": 65.96283849168346, + "euclidean_pearson": 66.2111925054528, + "euclidean_spearman": 65.83563143944401, + "main_score": 65.96283849168346, + "manhattan_pearson": 66.25664281582083, + "manhattan_spearman": 65.8830797513158, + "pearson": 65.24627744968292, + "spearman": 65.96283849168346 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/STSBenchmark.json b/results/jxm__cde-small-v1/external/STSBenchmark.json new file mode 100644 index 000000000..488168aea --- /dev/null +++ b/results/jxm__cde-small-v1/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 85.57515090752183, + "cosine_spearman": 85.54441587714372, + "euclidean_pearson": 85.53938106211463, + "euclidean_spearman": 85.28473579067878, + "main_score": 85.54441587714372, + "manhattan_pearson": 85.51025100057596, + "manhattan_spearman": 85.260887707662, + "pearson": 85.57515090752183, + "spearman": 85.54441587714372 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/SciDocsRR.json b/results/jxm__cde-small-v1/external/SciDocsRR.json new file mode 100644 index 000000000..44a5d2a77 --- /dev/null +++ b/results/jxm__cde-small-v1/external/SciDocsRR.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 82.9058801876062, + "map": 82.9058801876062, + "mrr": 95.256220721907, + "nAUC_map_diff1": 0.13078953297011875, + "nAUC_map_max": 59.173980738758026, + "nAUC_map_std": 73.35735418975649, + "nAUC_mrr_diff1": 46.534353907114514, + "nAUC_mrr_max": 89.56255914950661, + "nAUC_mrr_std": 85.6716185155955 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/SciFact.json b/results/jxm__cde-small-v1/external/SciFact.json new file mode 100644 index 000000000..c3b9d35d8 --- /dev/null +++ b/results/jxm__cde-small-v1/external/SciFact.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 71.844, + "map_at_1": 57.278, + "map_at_10": 67.109, + "map_at_100": 67.66499999999999, + "map_at_1000": 67.685, + "map_at_20": 67.482, + "map_at_3": 64.16199999999999, + "map_at_5": 65.82900000000001, + "mrr_at_1": 60.0, + "mrr_at_10": 68.19960317460317, + "mrr_at_100": 68.62748949394921, + "mrr_at_1000": 68.64515905414915, + "mrr_at_20": 68.472601010101, + "mrr_at_3": 66.0, + "mrr_at_5": 67.21666666666667, + "nauc_map_at_1000_diff1": 70.04313292027558, + "nauc_map_at_1000_max": 57.24529193476731, + "nauc_map_at_1000_std": -4.8888921470785585, + "nauc_map_at_100_diff1": 70.04624674117014, + "nauc_map_at_100_max": 57.25302539508853, + "nauc_map_at_100_std": -4.907703072069842, + "nauc_map_at_10_diff1": 70.06943109940849, + "nauc_map_at_10_max": 57.39452715929109, + "nauc_map_at_10_std": -4.743417671263566, + "nauc_map_at_1_diff1": 76.61111479875207, + "nauc_map_at_1_max": 52.822124992902374, + "nauc_map_at_1_std": -7.6071857283495445, + "nauc_map_at_20_diff1": 69.95251393140202, + "nauc_map_at_20_max": 57.328356768833146, + "nauc_map_at_20_std": -4.871357691032887, + "nauc_map_at_3_diff1": 69.71499509001714, + "nauc_map_at_3_max": 53.645107897260026, + "nauc_map_at_3_std": -7.908850295935557, + "nauc_map_at_5_diff1": 69.7531280646943, + "nauc_map_at_5_max": 55.71038914997073, + "nauc_map_at_5_std": -6.7813041970848476, + "nauc_mrr_at_1000_diff1": 69.61840192382927, + "nauc_mrr_at_1000_max": 58.419734360225696, + "nauc_mrr_at_1000_std": -1.8503761885586425, + "nauc_mrr_at_100_diff1": 69.6153571701724, + "nauc_mrr_at_100_max": 58.422378816414565, + "nauc_mrr_at_100_std": -1.8731915889302972, + "nauc_mrr_at_10_diff1": 69.5874772943516, + "nauc_mrr_at_10_max": 58.78121978366665, + "nauc_mrr_at_10_std": -1.2843146465927913, + "nauc_mrr_at_1_diff1": 74.35688136934793, + "nauc_mrr_at_1_max": 57.487384980706416, + "nauc_mrr_at_1_std": -1.3005837538340144, + "nauc_mrr_at_20_diff1": 69.53988639045606, + "nauc_mrr_at_20_max": 58.49631860342686, + "nauc_mrr_at_20_std": -1.7220227513588833, + "nauc_mrr_at_3_diff1": 68.94320178615871, + "nauc_mrr_at_3_max": 56.60856449749424, + "nauc_mrr_at_3_std": -3.3432894595086866, + "nauc_mrr_at_5_diff1": 68.94240340867633, + "nauc_mrr_at_5_max": 58.27068018852665, + "nauc_mrr_at_5_std": -2.320192066949136, + "nauc_ndcg_at_1000_diff1": 69.15093538086137, + "nauc_ndcg_at_1000_max": 58.6801221127507, + "nauc_ndcg_at_1000_std": -3.002038837722594, + "nauc_ndcg_at_100_diff1": 69.11507044508373, + "nauc_ndcg_at_100_max": 58.843490113137605, + "nauc_ndcg_at_100_std": -3.2810475322338566, + "nauc_ndcg_at_10_diff1": 68.71920945656667, + "nauc_ndcg_at_10_max": 60.13600198034469, + "nauc_ndcg_at_10_std": -1.6190106644777749, + "nauc_ndcg_at_1_diff1": 74.35688136934793, + "nauc_ndcg_at_1_max": 57.487384980706416, + "nauc_ndcg_at_1_std": -1.3005837538340144, + "nauc_ndcg_at_20_diff1": 68.33714726670162, + "nauc_ndcg_at_20_max": 59.45907982196103, + "nauc_ndcg_at_20_std": -2.5953063304797754, + "nauc_ndcg_at_3_diff1": 67.33605891922716, + "nauc_ndcg_at_3_max": 55.01142849375101, + "nauc_ndcg_at_3_std": -6.5632981093508205, + "nauc_ndcg_at_5_diff1": 67.59450950578172, + "nauc_ndcg_at_5_max": 57.50106057747294, + "nauc_ndcg_at_5_std": -5.415038422866616, + "nauc_precision_at_1000_diff1": -33.21156082089814, + "nauc_precision_at_1000_max": 19.132732038554398, + "nauc_precision_at_1000_std": 44.091281225705714, + "nauc_precision_at_100_diff1": -20.015823755259245, + "nauc_precision_at_100_max": 26.507243354636085, + "nauc_precision_at_100_std": 37.87274756817076, + "nauc_precision_at_10_diff1": 8.35057694800983, + "nauc_precision_at_10_max": 49.60611953844157, + "nauc_precision_at_10_std": 32.18410475820039, + "nauc_precision_at_1_diff1": 74.35688136934793, + "nauc_precision_at_1_max": 57.487384980706416, + "nauc_precision_at_1_std": -1.3005837538340144, + "nauc_precision_at_20_diff1": -3.0872665961524612, + "nauc_precision_at_20_max": 40.5565038905005, + "nauc_precision_at_20_std": 32.15291813716766, + "nauc_precision_at_3_diff1": 34.627722605371545, + "nauc_precision_at_3_max": 49.65219072739979, + "nauc_precision_at_3_std": 7.7588985130719434, + "nauc_precision_at_5_diff1": 22.06911561993657, + "nauc_precision_at_5_max": 49.09578970278826, + "nauc_precision_at_5_std": 16.038789872070705, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": 64.77257569694551, + "nauc_recall_at_100_max": 65.07269574496497, + "nauc_recall_at_100_std": -10.979947534569218, + "nauc_recall_at_10_diff1": 62.14297161941494, + "nauc_recall_at_10_max": 70.41353364022896, + "nauc_recall_at_10_std": 9.172932719542075, + "nauc_recall_at_1_diff1": 76.61111479875207, + "nauc_recall_at_1_max": 52.822124992902374, + "nauc_recall_at_1_std": -7.6071857283495445, + "nauc_recall_at_20_diff1": 57.631464811333224, + "nauc_recall_at_20_max": 67.83558221740536, + "nauc_recall_at_20_std": 3.110691973832695, + "nauc_recall_at_3_diff1": 60.39078444139112, + "nauc_recall_at_3_max": 51.122425596651574, + "nauc_recall_at_3_std": -10.307895490015559, + "nauc_recall_at_5_diff1": 59.703727953513145, + "nauc_recall_at_5_max": 59.81893786534298, + "nauc_recall_at_5_std": -6.231017907901268, + "ndcg_at_1": 60.0, + "ndcg_at_10": 71.844, + "ndcg_at_100": 74.278, + "ndcg_at_1000": 74.74199999999999, + "ndcg_at_20": 72.99, + "ndcg_at_3": 66.721, + "ndcg_at_5": 69.137, + "precision_at_1": 60.0, + "precision_at_10": 9.6, + "precision_at_100": 1.093, + "precision_at_1000": 0.11299999999999999, + "precision_at_20": 5.067, + "precision_at_3": 26.111, + "precision_at_5": 17.267, + "recall_at_1": 57.278, + "recall_at_10": 85.344, + "recall_at_100": 96.5, + "recall_at_1000": 100.0, + "recall_at_20": 89.589, + "recall_at_3": 71.45, + "recall_at_5": 77.361 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/SprintDuplicateQuestions.json b/results/jxm__cde-small-v1/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..b791fc13c --- /dev/null +++ b/results/jxm__cde-small-v1/external/SprintDuplicateQuestions.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 99.8019801980198, + "cosine_accuracy_threshold": 74.77510571479797, + "cosine_ap": 95.30006120252773, + "cosine_f1": 89.75265017667844, + "cosine_f1_threshold": 72.93492555618286, + "cosine_precision": 90.62181447502549, + "cosine_recall": 88.9, + "dot_accuracy": 99.74554455445545, + "dot_accuracy_threshold": 794.2790985107422, + "dot_ap": 93.33073289508414, + "dot_f1": 87.11779448621553, + "dot_f1_threshold": 793.5191631317139, + "dot_precision": 87.33668341708542, + "dot_recall": 86.9, + "euclidean_accuracy": 99.7960396039604, + "euclidean_accuracy_threshold": 238.72876167297363, + "euclidean_ap": 95.04815354196363, + "euclidean_f1": 89.53252032520325, + "euclidean_f1_threshold": 241.42813682556152, + "euclidean_precision": 91.01239669421489, + "euclidean_recall": 88.1, + "main_score": 95.30006120252773, + "manhattan_accuracy": 99.7960396039604, + "manhattan_accuracy_threshold": 5224.44953918457, + "manhattan_ap": 95.02798265540767, + "manhattan_f1": 89.4552723638181, + "manhattan_f1_threshold": 5434.450531005859, + "manhattan_precision": 89.41058941058941, + "manhattan_recall": 89.5, + "max_accuracy": 99.8019801980198, + "max_ap": 95.30006120252773, + "max_f1": 89.75265017667844, + "max_precision": 91.01239669421489, + "max_recall": 89.5, + "similarity_accuracy": 99.8019801980198, + "similarity_accuracy_threshold": 74.77510571479797, + "similarity_ap": 95.30006120252773, + "similarity_f1": 89.75265017667844, + "similarity_f1_threshold": 72.93492555618286, + "similarity_precision": 90.62181447502549, + "similarity_recall": 88.9 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/StackExchangeClustering.json b/results/jxm__cde-small-v1/external/StackExchangeClustering.json new file mode 100644 index 000000000..76cc3e990 --- /dev/null +++ b/results/jxm__cde-small-v1/external/StackExchangeClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 66.76593843797666, + "v_measure": 66.76593843797666, + "v_measure_std": 3.5421488096435416 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/StackExchangeClusteringP2P.json b/results/jxm__cde-small-v1/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..3db2adca5 --- /dev/null +++ b/results/jxm__cde-small-v1/external/StackExchangeClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 38.90007255920144, + "v_measure": 38.90007255920144, + "v_measure_std": 1.440894289494648 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/StackOverflowDupQuestions.json b/results/jxm__cde-small-v1/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..40d398bd6 --- /dev/null +++ b/results/jxm__cde-small-v1/external/StackOverflowDupQuestions.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 52.71807785910519, + "map": 52.71807785910519, + "mrr": 53.51011427298192, + "nAUC_map_diff1": 38.489341755206404, + "nAUC_map_max": 12.810459097227756, + "nAUC_map_std": 10.001723368468545, + "nAUC_mrr_diff1": 38.1795784067288, + "nAUC_mrr_max": 13.876071274342735, + "nAUC_mrr_std": 10.809361649584433 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/SummEval.json b/results/jxm__cde-small-v1/external/SummEval.json new file mode 100644 index 000000000..166c0bf89 --- /dev/null +++ b/results/jxm__cde-small-v1/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 31.51422308323083, + "cosine_spearman": 31.22821719703179, + "dot_pearson": 30.692806438778554, + "dot_spearman": 30.440095026481913, + "main_score": 31.22821719703179, + "pearson": 31.51422308323083, + "spearman": 31.22821719703179 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/TRECCOVID.json b/results/jxm__cde-small-v1/external/TRECCOVID.json new file mode 100644 index 000000000..ac21ab8d2 --- /dev/null +++ b/results/jxm__cde-small-v1/external/TRECCOVID.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "bb9466bac8153a0349341eb1b22e06409e78ef4e", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 79.38199999999999, + "map_at_1": 0.258, + "map_at_10": 2.077, + "map_at_100": 12.062000000000001, + "map_at_1000": 28.717, + "map_at_20": 3.6630000000000003, + "map_at_3": 0.7040000000000001, + "map_at_5": 1.114, + "mrr_at_1": 96.0, + "mrr_at_10": 97.66666666666667, + "mrr_at_100": 97.66666666666667, + "mrr_at_1000": 97.66666666666667, + "mrr_at_20": 97.66666666666667, + "mrr_at_3": 97.66666666666667, + "mrr_at_5": 97.66666666666667, + "nauc_map_at_1000_diff1": -19.606457542469276, + "nauc_map_at_1000_max": 62.23126542837836, + "nauc_map_at_1000_std": 78.11491433681955, + "nauc_map_at_100_diff1": 1.056950862100428, + "nauc_map_at_100_max": 43.14707718269215, + "nauc_map_at_100_std": 54.99119932336741, + "nauc_map_at_10_diff1": 31.26313513848752, + "nauc_map_at_10_max": 18.729050164831303, + "nauc_map_at_10_std": 12.501346100150942, + "nauc_map_at_1_diff1": 50.67428371303766, + "nauc_map_at_1_max": 8.26350705716926, + "nauc_map_at_1_std": -2.802747360156509, + "nauc_map_at_20_diff1": 23.85177292094862, + "nauc_map_at_20_max": 24.907498374862385, + "nauc_map_at_20_std": 23.15361092830954, + "nauc_map_at_3_diff1": 44.34113488392741, + "nauc_map_at_3_max": 16.13816628219856, + "nauc_map_at_3_std": 1.64493293742063, + "nauc_map_at_5_diff1": 43.35667417997146, + "nauc_map_at_5_max": 16.651525778549175, + "nauc_map_at_5_std": 5.344297729807275, + "nauc_mrr_at_1000_diff1": 65.01934106976137, + "nauc_mrr_at_1000_max": 74.5231425903695, + "nauc_mrr_at_1000_std": 84.12698412698381, + "nauc_mrr_at_100_diff1": 65.01934106976137, + "nauc_mrr_at_100_max": 74.5231425903695, + "nauc_mrr_at_100_std": 84.12698412698381, + "nauc_mrr_at_10_diff1": 65.01934106976137, + "nauc_mrr_at_10_max": 74.5231425903695, + "nauc_mrr_at_10_std": 84.12698412698381, + "nauc_mrr_at_1_diff1": 63.81886087768457, + "nauc_mrr_at_1_max": 77.70774976657333, + "nauc_mrr_at_1_std": 86.11111111111124, + "nauc_mrr_at_20_diff1": 65.01934106976137, + "nauc_mrr_at_20_max": 74.5231425903695, + "nauc_mrr_at_20_std": 84.12698412698381, + "nauc_mrr_at_3_diff1": 65.01934106976137, + "nauc_mrr_at_3_max": 74.5231425903695, + "nauc_mrr_at_3_std": 84.12698412698381, + "nauc_mrr_at_5_diff1": 65.01934106976137, + "nauc_mrr_at_5_max": 74.5231425903695, + "nauc_mrr_at_5_std": 84.12698412698381, + "nauc_ndcg_at_1000_diff1": -12.207934630430895, + "nauc_ndcg_at_1000_max": 63.27131989733247, + "nauc_ndcg_at_1000_std": 77.77862783776057, + "nauc_ndcg_at_100_diff1": -31.139043418906777, + "nauc_ndcg_at_100_max": 56.29288690229761, + "nauc_ndcg_at_100_std": 80.54207709212822, + "nauc_ndcg_at_10_diff1": -21.623075757241335, + "nauc_ndcg_at_10_max": 42.00930185115019, + "nauc_ndcg_at_10_std": 63.90085820733794, + "nauc_ndcg_at_1_diff1": 27.03957293721711, + "nauc_ndcg_at_1_max": 18.687865072917816, + "nauc_ndcg_at_1_std": 40.65606746354093, + "nauc_ndcg_at_20_diff1": -27.059567337111528, + "nauc_ndcg_at_20_max": 44.873490488692845, + "nauc_ndcg_at_20_std": 68.27056244238835, + "nauc_ndcg_at_3_diff1": -2.2768439107759253, + "nauc_ndcg_at_3_max": 33.16972612805963, + "nauc_ndcg_at_3_std": 49.35785810423734, + "nauc_ndcg_at_5_diff1": -8.380892599544165, + "nauc_ndcg_at_5_max": 39.7045491756542, + "nauc_ndcg_at_5_std": 56.662696632820044, + "nauc_precision_at_1000_diff1": -39.853246552685256, + "nauc_precision_at_1000_max": 45.82687391914263, + "nauc_precision_at_1000_std": 51.6573155072073, + "nauc_precision_at_100_diff1": -35.334152199143055, + "nauc_precision_at_100_max": 57.74163988146608, + "nauc_precision_at_100_std": 78.83424294782806, + "nauc_precision_at_10_diff1": -29.572269138136193, + "nauc_precision_at_10_max": 45.16249504588279, + "nauc_precision_at_10_std": 63.92716685466912, + "nauc_precision_at_1_diff1": 63.81886087768457, + "nauc_precision_at_1_max": 77.70774976657333, + "nauc_precision_at_1_std": 86.11111111111124, + "nauc_precision_at_20_diff1": -31.155129521710613, + "nauc_precision_at_20_max": 46.072522169609606, + "nauc_precision_at_20_std": 64.29857883516294, + "nauc_precision_at_3_diff1": -5.644268209909603, + "nauc_precision_at_3_max": 54.62437037830888, + "nauc_precision_at_3_std": 52.27021040974535, + "nauc_precision_at_5_diff1": -15.560278135078049, + "nauc_precision_at_5_max": 50.21344816658272, + "nauc_precision_at_5_std": 58.94711332326674, + "nauc_recall_at_1000_diff1": -8.016557237167058, + "nauc_recall_at_1000_max": 58.857938362714165, + "nauc_recall_at_1000_std": 66.83850522737738, + "nauc_recall_at_100_diff1": 15.447588986377317, + "nauc_recall_at_100_max": 37.515788055189084, + "nauc_recall_at_100_std": 42.326000614078026, + "nauc_recall_at_10_diff1": 34.99067421432679, + "nauc_recall_at_10_max": 13.792789030946933, + "nauc_recall_at_10_std": 7.066206327262477, + "nauc_recall_at_1_diff1": 50.67428371303766, + "nauc_recall_at_1_max": 8.26350705716926, + "nauc_recall_at_1_std": -2.802747360156509, + "nauc_recall_at_20_diff1": 31.277397618992136, + "nauc_recall_at_20_max": 20.296127261717054, + "nauc_recall_at_20_std": 16.117931287068437, + "nauc_recall_at_3_diff1": 46.303571802817025, + "nauc_recall_at_3_max": 14.03073426897129, + "nauc_recall_at_3_std": -0.39592906337357797, + "nauc_recall_at_5_diff1": 45.51206018811467, + "nauc_recall_at_5_max": 12.263182926616867, + "nauc_recall_at_5_std": 1.5451403387758214, + "ndcg_at_1": 87.0, + "ndcg_at_10": 79.38199999999999, + "ndcg_at_100": 59.941, + "ndcg_at_1000": 53.581999999999994, + "ndcg_at_20": 74.244, + "ndcg_at_3": 84.05, + "ndcg_at_5": 82.328, + "precision_at_1": 96.0, + "precision_at_10": 85.2, + "precision_at_100": 61.519999999999996, + "precision_at_1000": 23.328, + "precision_at_20": 78.4, + "precision_at_3": 90.667, + "precision_at_5": 88.4, + "recall_at_1": 0.258, + "recall_at_10": 2.225, + "recall_at_100": 15.190999999999999, + "recall_at_1000": 50.656, + "recall_at_20": 4.063, + "recall_at_3": 0.722, + "recall_at_5": 1.168 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/Touche2020.json b/results/jxm__cde-small-v1/external/Touche2020.json new file mode 100644 index 000000000..1689a3596 --- /dev/null +++ b/results/jxm__cde-small-v1/external/Touche2020.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 24.254, + "map_at_1": 2.355, + "map_at_10": 9.554, + "map_at_100": 14.856, + "map_at_1000": 16.320999999999998, + "map_at_20": 11.594, + "map_at_3": 5.624, + "map_at_5": 6.948, + "mrr_at_1": 28.57142857142857, + "mrr_at_10": 45.30855199222546, + "mrr_at_100": 46.29196367191565, + "mrr_at_1000": 46.31499833524485, + "mrr_at_20": 46.113797167218536, + "mrr_at_3": 42.17687074829932, + "mrr_at_5": 43.70748299319728, + "nauc_map_at_1000_diff1": 16.20923402096991, + "nauc_map_at_1000_max": -1.0790035381754648, + "nauc_map_at_1000_std": 7.195462252108266, + "nauc_map_at_100_diff1": 18.389136986949936, + "nauc_map_at_100_max": -2.05569038009456, + "nauc_map_at_100_std": 2.571693024788773, + "nauc_map_at_10_diff1": 21.066136452964642, + "nauc_map_at_10_max": 1.5731034935019352, + "nauc_map_at_10_std": -10.470562156435545, + "nauc_map_at_1_diff1": 18.809274247757674, + "nauc_map_at_1_max": -8.68104031396317, + "nauc_map_at_1_std": -30.619138463973307, + "nauc_map_at_20_diff1": 23.36148432932364, + "nauc_map_at_20_max": -0.38560029617230923, + "nauc_map_at_20_std": -6.8825311118744485, + "nauc_map_at_3_diff1": 18.9370153117886, + "nauc_map_at_3_max": 2.2032967783435375, + "nauc_map_at_3_std": -12.532694022066659, + "nauc_map_at_5_diff1": 21.434904521858602, + "nauc_map_at_5_max": 6.094611630406942, + "nauc_map_at_5_std": -12.492795788667474, + "nauc_mrr_at_1000_diff1": 11.961046636239269, + "nauc_mrr_at_1000_max": -15.748297693665677, + "nauc_mrr_at_1000_std": -12.067130971523385, + "nauc_mrr_at_100_diff1": 11.95534277650038, + "nauc_mrr_at_100_max": -15.684486171307041, + "nauc_mrr_at_100_std": -11.98247014226321, + "nauc_mrr_at_10_diff1": 12.191520381511925, + "nauc_mrr_at_10_max": -16.510285123987302, + "nauc_mrr_at_10_std": -11.93784570526233, + "nauc_mrr_at_1_diff1": 18.162553375605516, + "nauc_mrr_at_1_max": -18.920009881475387, + "nauc_mrr_at_1_std": -31.201005281857086, + "nauc_mrr_at_20_diff1": 11.85035482221006, + "nauc_mrr_at_20_max": -16.18704935368085, + "nauc_mrr_at_20_std": -11.424991900511088, + "nauc_mrr_at_3_diff1": 14.733201594965836, + "nauc_mrr_at_3_max": -11.75899459749356, + "nauc_mrr_at_3_std": -11.499870896820976, + "nauc_mrr_at_5_diff1": 12.874017458219845, + "nauc_mrr_at_5_max": -13.642689819875791, + "nauc_mrr_at_5_std": -11.64117086557618, + "nauc_ndcg_at_1000_diff1": -6.849400123979281, + "nauc_ndcg_at_1000_max": -3.8209628417621393, + "nauc_ndcg_at_1000_std": 31.393629472927504, + "nauc_ndcg_at_100_diff1": 5.4656320972286485, + "nauc_ndcg_at_100_max": -11.571250999652408, + "nauc_ndcg_at_100_std": 16.5511179303082, + "nauc_ndcg_at_10_diff1": 9.553502614400788, + "nauc_ndcg_at_10_max": -14.08266102380929, + "nauc_ndcg_at_10_std": -5.404201943794988, + "nauc_ndcg_at_1_diff1": 11.37824691229176, + "nauc_ndcg_at_1_max": -21.31215334708879, + "nauc_ndcg_at_1_std": -29.749958184219334, + "nauc_ndcg_at_20_diff1": 13.396975021395857, + "nauc_ndcg_at_20_max": -14.5189405742469, + "nauc_ndcg_at_20_std": -1.6276921520570502, + "nauc_ndcg_at_3_diff1": 2.3132968948746226, + "nauc_ndcg_at_3_max": -11.351646560904848, + "nauc_ndcg_at_3_std": -0.15036952995361091, + "nauc_ndcg_at_5_diff1": 6.214320727021392, + "nauc_ndcg_at_5_max": -9.797994041679638, + "nauc_ndcg_at_5_std": -3.3742904276844223, + "nauc_precision_at_1000_diff1": -32.78708155144845, + "nauc_precision_at_1000_max": 34.81622247650308, + "nauc_precision_at_1000_std": 47.996245254718744, + "nauc_precision_at_100_diff1": -10.867559709952797, + "nauc_precision_at_100_max": 6.681915188055671, + "nauc_precision_at_100_std": 61.989390090979356, + "nauc_precision_at_10_diff1": 6.511211593484189, + "nauc_precision_at_10_max": -16.842566662697454, + "nauc_precision_at_10_std": 5.002600740433903, + "nauc_precision_at_1_diff1": 18.162553375605516, + "nauc_precision_at_1_max": -18.920009881475387, + "nauc_precision_at_1_std": -31.201005281857086, + "nauc_precision_at_20_diff1": 9.640744611970522, + "nauc_precision_at_20_max": -18.27653996056668, + "nauc_precision_at_20_std": 22.021814503656543, + "nauc_precision_at_3_diff1": 6.916201107284145, + "nauc_precision_at_3_max": -0.039381527098944095, + "nauc_precision_at_3_std": 9.096821181866671, + "nauc_precision_at_5_diff1": 9.032683328748616, + "nauc_precision_at_5_max": -3.5989814795848223, + "nauc_precision_at_5_std": 2.506947866544208, + "nauc_recall_at_1000_diff1": -27.92405572104993, + "nauc_recall_at_1000_max": 14.256848434706395, + "nauc_recall_at_1000_std": 69.3546817240148, + "nauc_recall_at_100_diff1": 6.613753533249129, + "nauc_recall_at_100_max": -8.405822616363144, + "nauc_recall_at_100_std": 29.430588706591397, + "nauc_recall_at_10_diff1": 18.481730784371077, + "nauc_recall_at_10_max": -7.763172381505888, + "nauc_recall_at_10_std": -7.48570052741164, + "nauc_recall_at_1_diff1": 18.809274247757674, + "nauc_recall_at_1_max": -8.68104031396317, + "nauc_recall_at_1_std": -30.619138463973307, + "nauc_recall_at_20_diff1": 20.639977762281493, + "nauc_recall_at_20_max": -11.301201172125623, + "nauc_recall_at_20_std": 0.38755705583239786, + "nauc_recall_at_3_diff1": 18.279383297820562, + "nauc_recall_at_3_max": 5.287795698059438, + "nauc_recall_at_3_std": -3.7312167565958316, + "nauc_recall_at_5_diff1": 21.115852302465356, + "nauc_recall_at_5_max": 5.318139212101227, + "nauc_recall_at_5_std": -7.792885381250281, + "ndcg_at_1": 25.509999999999998, + "ndcg_at_10": 24.254, + "ndcg_at_100": 34.660000000000004, + "ndcg_at_1000": 45.798, + "ndcg_at_20": 24.988, + "ndcg_at_3": 29.273, + "ndcg_at_5": 25.453, + "precision_at_1": 28.571, + "precision_at_10": 21.02, + "precision_at_100": 7.122000000000001, + "precision_at_1000": 1.435, + "precision_at_20": 16.326999999999998, + "precision_at_3": 31.293, + "precision_at_5": 24.898, + "recall_at_1": 2.355, + "recall_at_10": 15.397, + "recall_at_100": 43.647000000000006, + "recall_at_1000": 77.089, + "recall_at_20": 22.792, + "recall_at_3": 6.847, + "recall_at_5": 9.136 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/ToxicConversationsClassification.json b/results/jxm__cde-small-v1/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..065848275 --- /dev/null +++ b/results/jxm__cde-small-v1/external/ToxicConversationsClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.7734375, + "ap": 15.655230461083708, + "ap_weighted": 15.655230461083708, + "f1": 56.31497978454638, + "f1_weighted": 78.70509613747345, + "main_score": 72.7734375 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/TweetSentimentExtractionClassification.json b/results/jxm__cde-small-v1/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..a1f99fe7d --- /dev/null +++ b/results/jxm__cde-small-v1/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.56366723259762, + "f1": 72.90413275122202, + "f1_weighted": 72.19948169084057, + "main_score": 72.56366723259762 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/TwentyNewsgroupsClustering.json b/results/jxm__cde-small-v1/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..6733fc037 --- /dev/null +++ b/results/jxm__cde-small-v1/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 56.90970017457857, + "v_measure": 56.90970017457857, + "v_measure_std": 1.5885885070403738 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/TwitterSemEval2015.json b/results/jxm__cde-small-v1/external/TwitterSemEval2015.json new file mode 100644 index 000000000..1ec8b6d86 --- /dev/null +++ b/results/jxm__cde-small-v1/external/TwitterSemEval2015.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 85.7006616200751, + "cosine_accuracy_threshold": 75.78572630882263, + "cosine_ap": 72.87577990245127, + "cosine_f1": 67.36422521175885, + "cosine_f1_threshold": 70.15678882598877, + "cosine_precision": 63.80368098159509, + "cosine_recall": 71.34564643799473, + "dot_accuracy": 83.60851165285807, + "dot_accuracy_threshold": 744.7918891906738, + "dot_ap": 64.82619159813649, + "dot_f1": 62.62379263968699, + "dot_f1_threshold": 696.7735290527344, + "dot_precision": 58.350421508316245, + "dot_recall": 67.57255936675462, + "euclidean_accuracy": 85.84371460928652, + "euclidean_accuracy_threshold": 220.4747200012207, + "euclidean_ap": 72.47837433257799, + "euclidean_f1": 67.2811059907834, + "euclidean_f1_threshold": 240.81902503967285, + "euclidean_precision": 65.34062655395326, + "euclidean_recall": 69.34036939313984, + "main_score": 72.87577990245127, + "manhattan_accuracy": 85.83179352685224, + "manhattan_accuracy_threshold": 4910.404205322266, + "manhattan_ap": 72.44111617709422, + "manhattan_f1": 67.09989806320081, + "manhattan_f1_threshold": 5333.793640136719, + "manhattan_precision": 64.88417939871857, + "manhattan_recall": 69.47229551451187, + "max_accuracy": 85.84371460928652, + "max_ap": 72.87577990245127, + "max_f1": 67.36422521175885, + "max_precision": 65.34062655395326, + "max_recall": 71.34564643799473, + "similarity_accuracy": 85.7006616200751, + "similarity_accuracy_threshold": 75.78572630882263, + "similarity_ap": 72.87577990245127, + "similarity_f1": 67.36422521175885, + "similarity_f1_threshold": 70.15678882598877, + "similarity_precision": 63.80368098159509, + "similarity_recall": 71.34564643799473 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/TwitterURLCorpus.json b/results/jxm__cde-small-v1/external/TwitterURLCorpus.json new file mode 100644 index 000000000..6b4725fcc --- /dev/null +++ b/results/jxm__cde-small-v1/external/TwitterURLCorpus.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 88.88112702293631, + "cosine_accuracy_threshold": 71.48405313491821, + "cosine_ap": 85.88088882163336, + "cosine_f1": 78.2251744598276, + "cosine_f1_threshold": 70.09605169296265, + "cosine_precision": 75.8997755087262, + "cosine_recall": 80.69756698490914, + "dot_accuracy": 88.04672643303451, + "dot_accuracy_threshold": 700.6264686584473, + "dot_ap": 83.52072844458456, + "dot_f1": 76.24239256244634, + "dot_f1_threshold": 664.9115562438965, + "dot_precision": 74.0123233055455, + "dot_recall": 78.61102556205728, + "euclidean_accuracy": 88.72588970388482, + "euclidean_accuracy_threshold": 226.53303146362305, + "euclidean_ap": 85.51788295919707, + "euclidean_f1": 77.73453426739316, + "euclidean_f1_threshold": 238.7503147125244, + "euclidean_precision": 74.94818097348296, + "euclidean_recall": 80.73606405913151, + "main_score": 85.88088882163336, + "manhattan_accuracy": 88.68902084061008, + "manhattan_accuracy_threshold": 5034.079742431641, + "manhattan_ap": 85.49952903626239, + "manhattan_f1": 77.74326743888625, + "manhattan_f1_threshold": 5334.531021118164, + "manhattan_precision": 73.98289171708741, + "manhattan_recall": 81.90637511549123, + "max_accuracy": 88.88112702293631, + "max_ap": 85.88088882163336, + "max_f1": 78.2251744598276, + "max_precision": 75.8997755087262, + "max_recall": 81.90637511549123, + "similarity_accuracy": 88.88112702293631, + "similarity_accuracy_threshold": 71.48405313491821, + "similarity_ap": 85.88088882163336, + "similarity_f1": 78.2251744598276, + "similarity_f1_threshold": 70.09605169296265, + "similarity_precision": 75.8997755087262, + "similarity_recall": 80.69756698490914 + } + ] + } +} \ No newline at end of file diff --git a/results/jxm__cde-small-v1/external/model_meta.json b/results/jxm__cde-small-v1/external/model_meta.json new file mode 100644 index 000000000..9b1f61df0 --- /dev/null +++ b/results/jxm__cde-small-v1/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "jxm/cde-small-v1", + "revision": "9e2ed1d8d569d34458913d2d246935c1b2324d11", + "release_date": "2024-09-24", + "languages": [], + "loader": null, + "n_parameters": 281140992, + "memory_usage": null, + "max_tokens": null, + "embed_dim": null, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/karsar__gte-multilingual-base-hu/external/BelebeleRetrieval.json b/results/karsar__gte-multilingual-base-hu/external/BelebeleRetrieval.json new file mode 100644 index 000000000..4e0cba0ab --- /dev/null +++ b/results/karsar__gte-multilingual-base-hu/external/BelebeleRetrieval.json @@ -0,0 +1,454 @@ +{ + "dataset_revision": "75b399394a9803252cfec289d103de462763db7c", + "task_name": "BelebeleRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "hun_Latn-hun_Latn", + "languages": [ + "hun-Latn", + "hun-Latn" + ], + "main_score": 84.52, + "map_at_1": 75.333, + "map_at_10": 81.589, + "map_at_100": 81.857, + "map_at_1000": 81.86099999999999, + "map_at_20": 81.772, + "map_at_3": 80.259, + "map_at_5": 81.12, + "mrr_at_1": 75.33333333333333, + "mrr_at_10": 81.58880070546738, + "mrr_at_100": 81.857421688991, + "mrr_at_1000": 81.8609779154476, + "mrr_at_20": 81.7720978955112, + "mrr_at_3": 80.25925925925928, + "mrr_at_5": 81.1203703703704, + "nauc_map_at_1000_diff1": 83.1406785314172, + "nauc_map_at_1000_max": 74.7920064826056, + "nauc_map_at_1000_std": 9.75306995524627, + "nauc_map_at_100_diff1": 83.13919284407014, + "nauc_map_at_100_max": 74.79391249403568, + "nauc_map_at_100_std": 9.755401974764572, + "nauc_map_at_10_diff1": 83.08701108108275, + "nauc_map_at_10_max": 74.88545349132366, + "nauc_map_at_10_std": 9.997628643756531, + "nauc_map_at_1_diff1": 84.86601118180064, + "nauc_map_at_1_max": 72.13766122623628, + "nauc_map_at_1_std": 5.8448184250495, + "nauc_map_at_20_diff1": 83.08965421576404, + "nauc_map_at_20_max": 74.814343891307, + "nauc_map_at_20_std": 9.79543760958976, + "nauc_map_at_3_diff1": 83.26947789593788, + "nauc_map_at_3_max": 75.09180014138512, + "nauc_map_at_3_std": 8.869243589731436, + "nauc_map_at_5_diff1": 82.80692098415378, + "nauc_map_at_5_max": 74.78410118423497, + "nauc_map_at_5_std": 9.918556165939222, + "nauc_mrr_at_1000_diff1": 83.1406785314172, + "nauc_mrr_at_1000_max": 74.7920064826056, + "nauc_mrr_at_1000_std": 9.75306995524627, + "nauc_mrr_at_100_diff1": 83.13919284407014, + "nauc_mrr_at_100_max": 74.79391249403568, + "nauc_mrr_at_100_std": 9.755401974764572, + "nauc_mrr_at_10_diff1": 83.08701108108275, + "nauc_mrr_at_10_max": 74.88545349132366, + "nauc_mrr_at_10_std": 9.997628643756531, + "nauc_mrr_at_1_diff1": 84.86601118180064, + "nauc_mrr_at_1_max": 72.13766122623628, + "nauc_mrr_at_1_std": 5.8448184250495, + "nauc_mrr_at_20_diff1": 83.08965421576404, + "nauc_mrr_at_20_max": 74.814343891307, + "nauc_mrr_at_20_std": 9.79543760958976, + "nauc_mrr_at_3_diff1": 83.26947789593788, + "nauc_mrr_at_3_max": 75.09180014138512, + "nauc_mrr_at_3_std": 8.869243589731436, + "nauc_mrr_at_5_diff1": 82.80692098415378, + "nauc_mrr_at_5_max": 74.78410118423497, + "nauc_mrr_at_5_std": 9.918556165939222, + "nauc_ndcg_at_1000_diff1": 82.87191315538433, + "nauc_ndcg_at_1000_max": 75.16982102922016, + "nauc_ndcg_at_1000_std": 10.52683594414672, + "nauc_ndcg_at_100_diff1": 82.85309969623432, + "nauc_ndcg_at_100_max": 75.23344364153238, + "nauc_ndcg_at_100_std": 10.607493012936814, + "nauc_ndcg_at_10_diff1": 82.4777695687479, + "nauc_ndcg_at_10_max": 75.7487283699043, + "nauc_ndcg_at_10_std": 12.106303697974104, + "nauc_ndcg_at_1_diff1": 84.86601118180064, + "nauc_ndcg_at_1_max": 72.13766122623628, + "nauc_ndcg_at_1_std": 5.8448184250495, + "nauc_ndcg_at_20_diff1": 82.4859742044606, + "nauc_ndcg_at_20_max": 75.47876530790867, + "nauc_ndcg_at_20_std": 11.182962707766247, + "nauc_ndcg_at_3_diff1": 82.7287522547649, + "nauc_ndcg_at_3_max": 76.05573841110964, + "nauc_ndcg_at_3_std": 9.697064965813148, + "nauc_ndcg_at_5_diff1": 81.75303729599945, + "nauc_ndcg_at_5_max": 75.49363885293647, + "nauc_ndcg_at_5_std": 11.862780018840077, + "nauc_precision_at_1000_diff1": NaN, + "nauc_precision_at_1000_max": NaN, + "nauc_precision_at_1000_std": NaN, + "nauc_precision_at_100_diff1": 81.02240896358386, + "nauc_precision_at_100_max": 84.94397759103616, + "nauc_precision_at_100_std": 23.023653906007944, + "nauc_precision_at_10_diff1": 78.26428817140886, + "nauc_precision_at_10_max": 81.97044899831255, + "nauc_precision_at_10_std": 28.695922813569396, + "nauc_precision_at_1_diff1": 84.86601118180064, + "nauc_precision_at_1_max": 72.13766122623628, + "nauc_precision_at_1_std": 5.8448184250495, + "nauc_precision_at_20_diff1": 75.53546671193718, + "nauc_precision_at_20_max": 82.53543841779138, + "nauc_precision_at_20_std": 26.165011459129044, + "nauc_precision_at_3_diff1": 80.63337345511478, + "nauc_precision_at_3_max": 79.77311525965087, + "nauc_precision_at_3_std": 12.808288688017747, + "nauc_precision_at_5_diff1": 76.24293162958055, + "nauc_precision_at_5_max": 78.78492220858374, + "nauc_precision_at_5_std": 21.992467398944566, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": 81.02240896358384, + "nauc_recall_at_100_max": 84.94397759103697, + "nauc_recall_at_100_std": 23.02365390600609, + "nauc_recall_at_10_diff1": 78.26428817140881, + "nauc_recall_at_10_max": 81.97044899831292, + "nauc_recall_at_10_std": 28.69592281356998, + "nauc_recall_at_1_diff1": 84.86601118180064, + "nauc_recall_at_1_max": 72.13766122623628, + "nauc_recall_at_1_std": 5.8448184250495, + "nauc_recall_at_20_diff1": 75.53546671193709, + "nauc_recall_at_20_max": 82.53543841779138, + "nauc_recall_at_20_std": 26.165011459128955, + "nauc_recall_at_3_diff1": 80.63337345511479, + "nauc_recall_at_3_max": 79.77311525965078, + "nauc_recall_at_3_std": 12.808288688017635, + "nauc_recall_at_5_diff1": 76.24293162958065, + "nauc_recall_at_5_max": 78.78492220858384, + "nauc_recall_at_5_std": 21.9924673989446, + "ndcg_at_1": 75.333, + "ndcg_at_10": 84.52, + "ndcg_at_100": 85.765, + "ndcg_at_1000": 85.85199999999999, + "ndcg_at_20": 85.19200000000001, + "ndcg_at_3": 81.82300000000001, + "ndcg_at_5": 83.377, + "precision_at_1": 75.333, + "precision_at_10": 9.367, + "precision_at_100": 0.993, + "precision_at_1000": 0.1, + "precision_at_20": 4.817, + "precision_at_3": 28.778, + "precision_at_5": 18.022, + "recall_at_1": 75.333, + "recall_at_10": 93.667, + "recall_at_100": 99.333, + "recall_at_1000": 100.0, + "recall_at_20": 96.333, + "recall_at_3": 86.333, + "recall_at_5": 90.11099999999999 + }, + { + "hf_subset": "hun_Latn-eng_Latn", + "languages": [ + "hun-Latn", + "eng-Latn" + ], + "main_score": 83.101, + "map_at_1": 73.556, + "map_at_10": 80.011, + "map_at_100": 80.284, + "map_at_1000": 80.28999999999999, + "map_at_20": 80.167, + "map_at_3": 78.556, + "map_at_5": 79.45, + "mrr_at_1": 73.55555555555556, + "mrr_at_10": 80.01075837742505, + "mrr_at_100": 80.28385145874786, + "mrr_at_1000": 80.29037744428379, + "mrr_at_20": 80.16723881362682, + "mrr_at_3": 78.55555555555557, + "mrr_at_5": 79.45000000000005, + "nauc_map_at_1000_diff1": 82.98075224524453, + "nauc_map_at_1000_max": 70.44697913937723, + "nauc_map_at_1000_std": 2.870876330916836, + "nauc_map_at_100_diff1": 82.98154927855126, + "nauc_map_at_100_max": 70.45314001730156, + "nauc_map_at_100_std": 2.8835564687908257, + "nauc_map_at_10_diff1": 82.84678746705569, + "nauc_map_at_10_max": 70.60564910219685, + "nauc_map_at_10_std": 3.2173817428023015, + "nauc_map_at_1_diff1": 84.96087414405248, + "nauc_map_at_1_max": 67.37556822473925, + "nauc_map_at_1_std": -0.18018778633416485, + "nauc_map_at_20_diff1": 82.99903430984571, + "nauc_map_at_20_max": 70.5101842247085, + "nauc_map_at_20_std": 2.8656500581185083, + "nauc_map_at_3_diff1": 82.73317866665256, + "nauc_map_at_3_max": 70.82189092891453, + "nauc_map_at_3_std": 2.877404014763454, + "nauc_map_at_5_diff1": 82.62883699148186, + "nauc_map_at_5_max": 70.43732522032901, + "nauc_map_at_5_std": 2.33684448635595, + "nauc_mrr_at_1000_diff1": 82.98075224524453, + "nauc_mrr_at_1000_max": 70.44697913937723, + "nauc_mrr_at_1000_std": 2.870876330916836, + "nauc_mrr_at_100_diff1": 82.98154927855126, + "nauc_mrr_at_100_max": 70.45314001730156, + "nauc_mrr_at_100_std": 2.8835564687908257, + "nauc_mrr_at_10_diff1": 82.84678746705569, + "nauc_mrr_at_10_max": 70.60564910219685, + "nauc_mrr_at_10_std": 3.2173817428023015, + "nauc_mrr_at_1_diff1": 84.96087414405248, + "nauc_mrr_at_1_max": 67.37556822473925, + "nauc_mrr_at_1_std": -0.18018778633416485, + "nauc_mrr_at_20_diff1": 82.99903430984571, + "nauc_mrr_at_20_max": 70.5101842247085, + "nauc_mrr_at_20_std": 2.8656500581185083, + "nauc_mrr_at_3_diff1": 82.73317866665256, + "nauc_mrr_at_3_max": 70.82189092891453, + "nauc_mrr_at_3_std": 2.877404014763454, + "nauc_mrr_at_5_diff1": 82.62883699148186, + "nauc_mrr_at_5_max": 70.43732522032901, + "nauc_mrr_at_5_std": 2.33684448635595, + "nauc_ndcg_at_1000_diff1": 82.79629619444499, + "nauc_ndcg_at_1000_max": 71.0076319722781, + "nauc_ndcg_at_1000_std": 3.7381182242930464, + "nauc_ndcg_at_100_diff1": 82.83397899949976, + "nauc_ndcg_at_100_max": 71.18500075519282, + "nauc_ndcg_at_100_std": 4.132633921815649, + "nauc_ndcg_at_10_diff1": 82.27523217182016, + "nauc_ndcg_at_10_max": 72.0518800681147, + "nauc_ndcg_at_10_std": 5.790750391790079, + "nauc_ndcg_at_1_diff1": 84.96087414405248, + "nauc_ndcg_at_1_max": 67.37556822473925, + "nauc_ndcg_at_1_std": -0.18018778633416485, + "nauc_ndcg_at_20_diff1": 82.97351669681734, + "nauc_ndcg_at_20_max": 71.696223879848, + "nauc_ndcg_at_20_std": 4.317621313606248, + "nauc_ndcg_at_3_diff1": 81.94856814665425, + "nauc_ndcg_at_3_max": 72.12618276320369, + "nauc_ndcg_at_3_std": 4.24079481069279, + "nauc_ndcg_at_5_diff1": 81.70729227032065, + "nauc_ndcg_at_5_max": 71.49462564098667, + "nauc_ndcg_at_5_std": 3.2972695951356026, + "nauc_precision_at_1000_diff1": NaN, + "nauc_precision_at_1000_max": NaN, + "nauc_precision_at_1000_std": NaN, + "nauc_precision_at_100_diff1": 87.0577860773934, + "nauc_precision_at_100_max": 89.96265172735775, + "nauc_precision_at_100_std": 46.50378669986745, + "nauc_precision_at_10_diff1": 78.78833584715922, + "nauc_precision_at_10_max": 82.80399339222852, + "nauc_precision_at_10_std": 26.482798247504043, + "nauc_precision_at_1_diff1": 84.96087414405248, + "nauc_precision_at_1_max": 67.37556822473925, + "nauc_precision_at_1_std": -0.18018778633416485, + "nauc_precision_at_20_diff1": 85.8989050165519, + "nauc_precision_at_20_max": 83.69302266361063, + "nauc_precision_at_20_std": 18.366437484084422, + "nauc_precision_at_3_diff1": 78.9832574887652, + "nauc_precision_at_3_max": 77.09635804306849, + "nauc_precision_at_3_std": 9.522746282198423, + "nauc_precision_at_5_diff1": 77.29170153028011, + "nauc_precision_at_5_max": 76.44009966344971, + "nauc_precision_at_5_std": 7.807590041092263, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": 87.05778607739357, + "nauc_recall_at_100_max": 89.96265172735798, + "nauc_recall_at_100_std": 46.50378669986473, + "nauc_recall_at_10_diff1": 78.78833584715929, + "nauc_recall_at_10_max": 82.80399339222863, + "nauc_recall_at_10_std": 26.482798247504114, + "nauc_recall_at_1_diff1": 84.96087414405248, + "nauc_recall_at_1_max": 67.37556822473925, + "nauc_recall_at_1_std": -0.18018778633416485, + "nauc_recall_at_20_diff1": 85.89890501655198, + "nauc_recall_at_20_max": 83.69302266361105, + "nauc_recall_at_20_std": 18.366437484084596, + "nauc_recall_at_3_diff1": 78.98325748876506, + "nauc_recall_at_3_max": 77.09635804306843, + "nauc_recall_at_3_std": 9.522746282198543, + "nauc_recall_at_5_diff1": 77.29170153028014, + "nauc_recall_at_5_max": 76.44009966345003, + "nauc_recall_at_5_std": 7.807590041092628, + "ndcg_at_1": 73.556, + "ndcg_at_10": 83.101, + "ndcg_at_100": 84.44, + "ndcg_at_1000": 84.576, + "ndcg_at_20": 83.685, + "ndcg_at_3": 80.12899999999999, + "ndcg_at_5": 81.76, + "precision_at_1": 73.556, + "precision_at_10": 9.278, + "precision_at_100": 0.9900000000000001, + "precision_at_1000": 0.1, + "precision_at_20": 4.756, + "precision_at_3": 28.222, + "precision_at_5": 17.732999999999997, + "recall_at_1": 73.556, + "recall_at_10": 92.778, + "recall_at_100": 99.0, + "recall_at_1000": 100.0, + "recall_at_20": 95.111, + "recall_at_3": 84.667, + "recall_at_5": 88.667 + }, + { + "hf_subset": "eng_Latn-hun_Latn", + "languages": [ + "eng-Latn", + "hun-Latn" + ], + "main_score": 79.566, + "map_at_1": 68.77799999999999, + "map_at_10": 76.066, + "map_at_100": 76.458, + "map_at_1000": 76.461, + "map_at_20": 76.31700000000001, + "map_at_3": 74.574, + "map_at_5": 75.313, + "mrr_at_1": 68.77777777777779, + "mrr_at_10": 76.06582892416228, + "mrr_at_100": 76.4576917776982, + "mrr_at_1000": 76.4606772011712, + "mrr_at_20": 76.31707897652173, + "mrr_at_3": 74.57407407407408, + "mrr_at_5": 75.31296296296298, + "nauc_map_at_1000_diff1": 78.84953659186075, + "nauc_map_at_1000_max": 72.95319354945482, + "nauc_map_at_1000_std": 10.486309697258944, + "nauc_map_at_100_diff1": 78.85001032587249, + "nauc_map_at_100_max": 72.95426928056654, + "nauc_map_at_100_std": 10.483813797190445, + "nauc_map_at_10_diff1": 78.70526630685885, + "nauc_map_at_10_max": 73.08594298926852, + "nauc_map_at_10_std": 10.738816033415464, + "nauc_map_at_1_diff1": 81.09615388366655, + "nauc_map_at_1_max": 71.1979198161698, + "nauc_map_at_1_std": 8.331854082828887, + "nauc_map_at_20_diff1": 78.79122644457274, + "nauc_map_at_20_max": 73.01380930608467, + "nauc_map_at_20_std": 10.704116143456673, + "nauc_map_at_3_diff1": 78.74281223888761, + "nauc_map_at_3_max": 72.63559145253599, + "nauc_map_at_3_std": 8.949203596261594, + "nauc_map_at_5_diff1": 78.65419312305616, + "nauc_map_at_5_max": 72.9058122628293, + "nauc_map_at_5_std": 9.7937096286835, + "nauc_mrr_at_1000_diff1": 78.84953659186075, + "nauc_mrr_at_1000_max": 72.95319354945482, + "nauc_mrr_at_1000_std": 10.486309697258944, + "nauc_mrr_at_100_diff1": 78.85001032587249, + "nauc_mrr_at_100_max": 72.95426928056654, + "nauc_mrr_at_100_std": 10.483813797190445, + "nauc_mrr_at_10_diff1": 78.70526630685885, + "nauc_mrr_at_10_max": 73.08594298926852, + "nauc_mrr_at_10_std": 10.738816033415464, + "nauc_mrr_at_1_diff1": 81.09615388366655, + "nauc_mrr_at_1_max": 71.1979198161698, + "nauc_mrr_at_1_std": 8.331854082828887, + "nauc_mrr_at_20_diff1": 78.79122644457274, + "nauc_mrr_at_20_max": 73.01380930608467, + "nauc_mrr_at_20_std": 10.704116143456673, + "nauc_mrr_at_3_diff1": 78.74281223888761, + "nauc_mrr_at_3_max": 72.63559145253599, + "nauc_mrr_at_3_std": 8.949203596261594, + "nauc_mrr_at_5_diff1": 78.65419312305616, + "nauc_mrr_at_5_max": 72.9058122628293, + "nauc_mrr_at_5_std": 9.7937096286835, + "nauc_ndcg_at_1000_diff1": 78.52448995680614, + "nauc_ndcg_at_1000_max": 73.37903474635324, + "nauc_ndcg_at_1000_std": 11.392330178257408, + "nauc_ndcg_at_100_diff1": 78.53878497635209, + "nauc_ndcg_at_100_max": 73.42928694892305, + "nauc_ndcg_at_100_std": 11.423236407965893, + "nauc_ndcg_at_10_diff1": 77.78729543542663, + "nauc_ndcg_at_10_max": 74.27536294287631, + "nauc_ndcg_at_10_std": 13.367470230818531, + "nauc_ndcg_at_1_diff1": 81.09615388366655, + "nauc_ndcg_at_1_max": 71.1979198161698, + "nauc_ndcg_at_1_std": 8.331854082828887, + "nauc_ndcg_at_20_diff1": 78.11371876111158, + "nauc_ndcg_at_20_max": 74.02257268275582, + "nauc_ndcg_at_20_std": 13.38983541565397, + "nauc_ndcg_at_3_diff1": 77.90927387771217, + "nauc_ndcg_at_3_max": 73.13407026390954, + "nauc_ndcg_at_3_std": 9.168566635087503, + "nauc_ndcg_at_5_diff1": 77.67838156766508, + "nauc_ndcg_at_5_max": 73.69372140026746, + "nauc_ndcg_at_5_std": 10.869564941918753, + "nauc_precision_at_1000_diff1": NaN, + "nauc_precision_at_1000_max": NaN, + "nauc_precision_at_1000_std": NaN, + "nauc_precision_at_100_diff1": 81.13134142545822, + "nauc_precision_at_100_max": 83.58232181761284, + "nauc_precision_at_100_std": 21.934329287273574, + "nauc_precision_at_10_diff1": 72.03877629483148, + "nauc_precision_at_10_max": 82.56879222277134, + "nauc_precision_at_10_std": 32.573735376503436, + "nauc_precision_at_1_diff1": 81.09615388366655, + "nauc_precision_at_1_max": 71.1979198161698, + "nauc_precision_at_1_std": 8.331854082828887, + "nauc_precision_at_20_diff1": 72.38870390923626, + "nauc_precision_at_20_max": 84.61321635572419, + "nauc_precision_at_20_std": 44.62061554181373, + "nauc_precision_at_3_diff1": 74.8060913337046, + "nauc_precision_at_3_max": 74.98517702862958, + "nauc_precision_at_3_std": 9.985540040173424, + "nauc_precision_at_5_diff1": 73.36844940809873, + "nauc_precision_at_5_max": 77.25002548160217, + "nauc_precision_at_5_std": 15.98642922666964, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": 81.13134142545819, + "nauc_recall_at_100_max": 83.58232181761542, + "nauc_recall_at_100_std": 21.934329287270415, + "nauc_recall_at_10_diff1": 72.03877629483173, + "nauc_recall_at_10_max": 82.56879222277149, + "nauc_recall_at_10_std": 32.57373537650351, + "nauc_recall_at_1_diff1": 81.09615388366655, + "nauc_recall_at_1_max": 71.1979198161698, + "nauc_recall_at_1_std": 8.331854082828887, + "nauc_recall_at_20_diff1": 72.3887039092368, + "nauc_recall_at_20_max": 84.61321635572472, + "nauc_recall_at_20_std": 44.62061554181426, + "nauc_recall_at_3_diff1": 74.80609133370437, + "nauc_recall_at_3_max": 74.98517702862947, + "nauc_recall_at_3_std": 9.985540040173234, + "nauc_recall_at_5_diff1": 73.36844940809881, + "nauc_recall_at_5_max": 77.2500254816023, + "nauc_recall_at_5_std": 15.986429226669795, + "ndcg_at_1": 68.77799999999999, + "ndcg_at_10": 79.566, + "ndcg_at_100": 81.453, + "ndcg_at_1000": 81.538, + "ndcg_at_20": 80.47, + "ndcg_at_3": 76.427, + "ndcg_at_5": 77.78, + "precision_at_1": 68.77799999999999, + "precision_at_10": 9.056000000000001, + "precision_at_100": 0.993, + "precision_at_1000": 0.1, + "precision_at_20": 4.7059999999999995, + "precision_at_3": 27.259, + "precision_at_5": 17.022000000000002, + "recall_at_1": 68.77799999999999, + "recall_at_10": 90.556, + "recall_at_100": 99.333, + "recall_at_1000": 100.0, + "recall_at_20": 94.111, + "recall_at_3": 81.77799999999999, + "recall_at_5": 85.111 + } + ] + } +} \ No newline at end of file diff --git a/results/karsar__gte-multilingual-base-hu/external/BibleNLPBitextMining.json b/results/karsar__gte-multilingual-base-hu/external/BibleNLPBitextMining.json new file mode 100644 index 000000000..108ecb5c6 --- /dev/null +++ b/results/karsar__gte-multilingual-base-hu/external/BibleNLPBitextMining.json @@ -0,0 +1,34 @@ +{ + "dataset_revision": "264a18480c529d9e922483839b4b9758e690b762", + "task_name": "BibleNLPBitextMining", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "train": [ + { + "hf_subset": "eng_Latn-hun_Latn", + "languages": [ + "eng-Latn", + "hun-Latn" + ], + "accuracy": 76.953125, + "f1": 71.86197916666667, + "main_score": 71.86197916666667, + "precision": 69.81770833333334, + "recall": 76.953125 + }, + { + "hf_subset": "hun_Latn-eng_Latn", + "languages": [ + "hun-Latn", + "eng-Latn" + ], + "accuracy": 85.15625, + "f1": 81.11979166666667, + "main_score": 81.11979166666667, + "precision": 79.23177083333334, + "recall": 85.15625 + } + ] + } +} \ No newline at end of file diff --git a/results/karsar__gte-multilingual-base-hu/external/HunSum2AbstractiveRetrieval.json b/results/karsar__gte-multilingual-base-hu/external/HunSum2AbstractiveRetrieval.json new file mode 100644 index 000000000..370e1e093 --- /dev/null +++ b/results/karsar__gte-multilingual-base-hu/external/HunSum2AbstractiveRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "24e1445c8180d937f0a16f8ae8a62e77cc952e56", + "task_name": "HunSum2AbstractiveRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "hun-Latn" + ], + "main_score": 80.28, + "map_at_1": 80.28, + "map_at_10": 84.904, + "map_at_100": 85.146, + "map_at_1000": 85.151, + "map_at_20": 85.06, + "map_at_3": 83.94200000000001, + "map_at_5": 84.568, + "mrr_at_1": 80.28028028028028, + "mrr_at_10": 84.90418990418983, + "mrr_at_100": 85.14630746415321, + "mrr_at_1000": 85.15092295233896, + "mrr_at_20": 85.0602092982553, + "mrr_at_3": 83.94227560894221, + "mrr_at_5": 84.56790123456784, + "nauc_map_at_1000_diff1": 88.79097723803582, + "nauc_map_at_1000_max": 73.98309940197979, + "nauc_map_at_1000_std": 8.542178772436394, + "nauc_map_at_100_diff1": 88.78960257384884, + "nauc_map_at_100_max": 73.98791845872987, + "nauc_map_at_100_std": 8.548067869435512, + "nauc_map_at_10_diff1": 88.69014462571421, + "nauc_map_at_10_max": 74.14057877906977, + "nauc_map_at_10_std": 8.859912246907557, + "nauc_map_at_1_diff1": 89.97737048914607, + "nauc_map_at_1_max": 71.45737401142345, + "nauc_map_at_1_std": 4.759040523357649, + "nauc_map_at_20_diff1": 88.77444892974766, + "nauc_map_at_20_max": 74.02582129341143, + "nauc_map_at_20_std": 8.540371486769867, + "nauc_map_at_3_diff1": 88.63122911038182, + "nauc_map_at_3_max": 74.00939999585503, + "nauc_map_at_3_std": 8.800123446309959, + "nauc_map_at_5_diff1": 88.60660773314059, + "nauc_map_at_5_max": 74.22116501727933, + "nauc_map_at_5_std": 9.32259867764275, + "nauc_mrr_at_1000_diff1": 88.79097723803582, + "nauc_mrr_at_1000_max": 73.98309940197979, + "nauc_mrr_at_1000_std": 8.542178772436394, + "nauc_mrr_at_100_diff1": 88.78960257384884, + "nauc_mrr_at_100_max": 73.98791845872987, + "nauc_mrr_at_100_std": 8.548067869435512, + "nauc_mrr_at_10_diff1": 88.69014462571421, + "nauc_mrr_at_10_max": 74.14057877906977, + "nauc_mrr_at_10_std": 8.859912246907557, + "nauc_mrr_at_1_diff1": 89.97737048914607, + "nauc_mrr_at_1_max": 71.45737401142345, + "nauc_mrr_at_1_std": 4.759040523357649, + "nauc_mrr_at_20_diff1": 88.77444892974766, + "nauc_mrr_at_20_max": 74.02582129341143, + "nauc_mrr_at_20_std": 8.540371486769867, + "nauc_mrr_at_3_diff1": 88.63122911038182, + "nauc_mrr_at_3_max": 74.00939999585503, + "nauc_mrr_at_3_std": 8.800123446309959, + "nauc_mrr_at_5_diff1": 88.60660773314059, + "nauc_mrr_at_5_max": 74.22116501727933, + "nauc_mrr_at_5_std": 9.32259867764275, + "nauc_ndcg_at_1000_diff1": 88.63409129211333, + "nauc_ndcg_at_1000_max": 74.5309057755214, + "nauc_ndcg_at_1000_std": 9.413371605896351, + "nauc_ndcg_at_100_diff1": 88.59861614511203, + "nauc_ndcg_at_100_max": 74.70664505666113, + "nauc_ndcg_at_100_std": 9.763156219113043, + "nauc_ndcg_at_10_diff1": 88.1528125374064, + "nauc_ndcg_at_10_max": 75.41722645550642, + "nauc_ndcg_at_10_std": 10.681431101624623, + "nauc_ndcg_at_1_diff1": 89.97737048914607, + "nauc_ndcg_at_1_max": 71.45737401142345, + "nauc_ndcg_at_1_std": 4.759040523357649, + "nauc_ndcg_at_20_diff1": 88.50160845988172, + "nauc_ndcg_at_20_max": 74.96664595209074, + "nauc_ndcg_at_20_std": 9.380512837396632, + "nauc_ndcg_at_3_diff1": 88.05768683477201, + "nauc_ndcg_at_3_max": 75.02313831321838, + "nauc_ndcg_at_3_std": 10.537764520686949, + "nauc_ndcg_at_5_diff1": 87.97191682703232, + "nauc_ndcg_at_5_max": 75.52848194372503, + "nauc_ndcg_at_5_std": 11.774494710346415, + "nauc_precision_at_1000_diff1": 100.0, + "nauc_precision_at_1000_max": 95.64221684222578, + "nauc_precision_at_1000_std": 90.73902903394449, + "nauc_precision_at_100_diff1": 87.42504295503302, + "nauc_precision_at_100_max": 92.05171886330325, + "nauc_precision_at_100_std": 52.07235965498117, + "nauc_precision_at_10_diff1": 84.8336822266199, + "nauc_precision_at_10_max": 83.65267406867247, + "nauc_precision_at_10_std": 21.99447008561385, + "nauc_precision_at_1_diff1": 89.97737048914607, + "nauc_precision_at_1_max": 71.45737401142345, + "nauc_precision_at_1_std": 4.759040523357649, + "nauc_precision_at_20_diff1": 86.96846782406944, + "nauc_precision_at_20_max": 82.96275580308742, + "nauc_precision_at_20_std": 13.610628290924112, + "nauc_precision_at_3_diff1": 85.85061149321128, + "nauc_precision_at_3_max": 78.89652765257202, + "nauc_precision_at_3_std": 17.23042587138826, + "nauc_precision_at_5_diff1": 84.94624842605198, + "nauc_precision_at_5_max": 81.81787797176683, + "nauc_precision_at_5_std": 23.760497470734563, + "nauc_recall_at_1000_diff1": 100.0, + "nauc_recall_at_1000_max": 95.64221684223966, + "nauc_recall_at_1000_std": 90.73902903396089, + "nauc_recall_at_100_diff1": 87.42504295503399, + "nauc_recall_at_100_max": 92.0517188633039, + "nauc_recall_at_100_std": 52.07235965498028, + "nauc_recall_at_10_diff1": 84.83368222661971, + "nauc_recall_at_10_max": 83.65267406867238, + "nauc_recall_at_10_std": 21.99447008561354, + "nauc_recall_at_1_diff1": 89.97737048914607, + "nauc_recall_at_1_max": 71.45737401142345, + "nauc_recall_at_1_std": 4.759040523357649, + "nauc_recall_at_20_diff1": 86.96846782406952, + "nauc_recall_at_20_max": 82.96275580308719, + "nauc_recall_at_20_std": 13.610628290923948, + "nauc_recall_at_3_diff1": 85.85061149321133, + "nauc_recall_at_3_max": 78.89652765257206, + "nauc_recall_at_3_std": 17.23042587138828, + "nauc_recall_at_5_diff1": 84.94624842605192, + "nauc_recall_at_5_max": 81.81787797176689, + "nauc_recall_at_5_std": 23.760497470734606, + "ndcg_at_1": 80.28, + "ndcg_at_10": 86.997, + "ndcg_at_100": 88.161, + "ndcg_at_1000": 88.28200000000001, + "ndcg_at_20": 87.566, + "ndcg_at_3": 85.064, + "ndcg_at_5": 86.195, + "precision_at_1": 80.28, + "precision_at_10": 9.349, + "precision_at_100": 0.989, + "precision_at_1000": 0.1, + "precision_at_20": 4.787, + "precision_at_3": 29.429, + "precision_at_5": 18.208, + "recall_at_1": 80.28, + "recall_at_10": 93.49300000000001, + "recall_at_100": 98.899, + "recall_at_1000": 99.85000000000001, + "recall_at_20": 95.746, + "recall_at_3": 88.288, + "recall_at_5": 91.04100000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/karsar__gte-multilingual-base-hu/external/MassiveIntentClassification.json b/results/karsar__gte-multilingual-base-hu/external/MassiveIntentClassification.json new file mode 100644 index 000000000..2eb26ba23 --- /dev/null +++ b/results/karsar__gte-multilingual-base-hu/external/MassiveIntentClassification.json @@ -0,0 +1,32 @@ +{ + "dataset_revision": "4672e20407010da34463acc759c162ca9734bca6", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 55.823806321452594, + "f1": 50.78756643922222, + "f1_weighted": 55.11520680706619, + "main_score": 55.823806321452594 + } + ], + "validation": [ + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 54.66797835710773, + "f1": 49.5096347438473, + "f1_weighted": 53.73310190085533, + "main_score": 54.66797835710773 + } + ] + } +} \ No newline at end of file diff --git a/results/karsar__gte-multilingual-base-hu/external/MassiveScenarioClassification.json b/results/karsar__gte-multilingual-base-hu/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..eb000d6fe --- /dev/null +++ b/results/karsar__gte-multilingual-base-hu/external/MassiveScenarioClassification.json @@ -0,0 +1,32 @@ +{ + "dataset_revision": "fad2c6e8459f9e1c45d9315f4953d921437d70f8", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 63.37256220578345, + "f1": 61.58399629628825, + "f1_weighted": 63.13464436259451, + "main_score": 63.37256220578345 + } + ], + "validation": [ + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 62.03148057058534, + "f1": 60.9893800714451, + "f1_weighted": 61.85509382597554, + "main_score": 62.03148057058534 + } + ] + } +} \ No newline at end of file diff --git a/results/karsar__gte-multilingual-base-hu/external/MultiEURLEXMultilabelClassification.json b/results/karsar__gte-multilingual-base-hu/external/MultiEURLEXMultilabelClassification.json new file mode 100644 index 000000000..4185e7b6e --- /dev/null +++ b/results/karsar__gte-multilingual-base-hu/external/MultiEURLEXMultilabelClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "2aea5a6dc8fdcfeca41d0fb963c0a338930bde5c", + "task_name": "MultiEURLEXMultilabelClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 3.0380000000000003, + "f1": 27.32839484028383, + "lrap": 41.09644076719448, + "main_score": 3.0380000000000003 + } + ] + } +} \ No newline at end of file diff --git a/results/karsar__gte-multilingual-base-hu/external/NTREXBitextMining.json b/results/karsar__gte-multilingual-base-hu/external/NTREXBitextMining.json new file mode 100644 index 000000000..50d20c8f4 --- /dev/null +++ b/results/karsar__gte-multilingual-base-hu/external/NTREXBitextMining.json @@ -0,0 +1,658 @@ +{ + "dataset_revision": "ed9a4403ed4adbfaf4aab56d5b2709e9f6c3ba33", + "task_name": "NTREXBitextMining", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "arb_Arab-hun_Latn", + "languages": [ + "arb-Arab", + "hun-Latn" + ], + "accuracy": 83.07461191787682, + "f1": 78.97012184944082, + "main_score": 78.97012184944082, + "precision": 77.16324486730095, + "recall": 83.07461191787682 + }, + { + "hf_subset": "ben_Beng-hun_Latn", + "languages": [ + "ben-Beng", + "hun-Latn" + ], + "accuracy": 81.2719078617927, + "f1": 76.6133724396118, + "main_score": 76.6133724396118, + "precision": 74.5247633354794, + "recall": 81.2719078617927 + }, + { + "hf_subset": "deu_Latn-hun_Latn", + "languages": [ + "deu-Latn", + "hun-Latn" + ], + "accuracy": 90.78617926890335, + "f1": 88.27073944249707, + "main_score": 88.27073944249707, + "precision": 87.1056584877316, + "recall": 90.78617926890335 + }, + { + "hf_subset": "ell_Grek-hun_Latn", + "languages": [ + "ell-Grek", + "hun-Latn" + ], + "accuracy": 89.08362543815723, + "f1": 86.19429143715574, + "main_score": 86.19429143715574, + "precision": 84.85728592889333, + "recall": 89.08362543815723 + }, + { + "hf_subset": "eng_Latn-hun_Latn", + "languages": [ + "eng-Latn", + "hun-Latn" + ], + "accuracy": 93.23985978968453, + "f1": 91.4087798364213, + "main_score": 91.4087798364213, + "precision": 90.57753296611585, + "recall": 93.23985978968453 + }, + { + "hf_subset": "fas_Arab-hun_Latn", + "languages": [ + "fas-Arab", + "hun-Latn" + ], + "accuracy": 86.37956935403105, + "f1": 82.8442663995994, + "main_score": 82.8442663995994, + "precision": 81.2635620096812, + "recall": 86.37956935403105 + }, + { + "hf_subset": "fin_Latn-hun_Latn", + "languages": [ + "fin-Latn", + "hun-Latn" + ], + "accuracy": 85.42814221331997, + "f1": 81.80031952690942, + "main_score": 81.80031952690942, + "precision": 80.1235186112502, + "recall": 85.42814221331997 + }, + { + "hf_subset": "fra_Latn-hun_Latn", + "languages": [ + "fra-Latn", + "hun-Latn" + ], + "accuracy": 90.83625438157236, + "f1": 88.31079953263227, + "main_score": 88.31079953263227, + "precision": 87.11817726589885, + "recall": 90.83625438157236 + }, + { + "hf_subset": "heb_Hebr-hun_Latn", + "languages": [ + "heb-Hebr", + "hun-Latn" + ], + "accuracy": 81.32198297446169, + "f1": 76.4972458688032, + "main_score": 76.4972458688032, + "precision": 74.3578462932494, + "recall": 81.32198297446169 + }, + { + "hf_subset": "hin_Deva-hun_Latn", + "languages": [ + "hin-Deva", + "hun-Latn" + ], + "accuracy": 86.37956935403105, + "f1": 82.83341679185445, + "main_score": 82.83341679185445, + "precision": 81.21563297326942, + "recall": 86.37956935403105 + }, + { + "hf_subset": "hun_Latn-arb_Arab", + "languages": [ + "hun-Latn", + "arb-Arab" + ], + "accuracy": 82.22333500250375, + "f1": 77.76760378663232, + "main_score": 77.76760378663232, + "precision": 75.81634356296348, + "recall": 82.22333500250375 + }, + { + "hf_subset": "hun_Latn-ben_Beng", + "languages": [ + "hun-Latn", + "ben-Beng" + ], + "accuracy": 77.56634952428642, + "f1": 72.28537250319926, + "main_score": 72.28537250319926, + "precision": 70.02032811121445, + "recall": 77.56634952428642 + }, + { + "hf_subset": "hun_Latn-deu_Latn", + "languages": [ + "hun-Latn", + "deu-Latn" + ], + "accuracy": 91.4371557336004, + "f1": 89.27391086629945, + "main_score": 89.27391086629945, + "precision": 88.24904022700719, + "recall": 91.4371557336004 + }, + { + "hf_subset": "hun_Latn-ell_Grek", + "languages": [ + "hun-Latn", + "ell-Grek" + ], + "accuracy": 88.3825738607912, + "f1": 85.36900588978705, + "main_score": 85.36900588978705, + "precision": 83.98848272408614, + "recall": 88.3825738607912 + }, + { + "hf_subset": "hun_Latn-eng_Latn", + "languages": [ + "hun-Latn", + "eng-Latn" + ], + "accuracy": 94.2914371557336, + "f1": 92.68903355032549, + "main_score": 92.68903355032549, + "precision": 91.92121515606743, + "recall": 94.2914371557336 + }, + { + "hf_subset": "hun_Latn-fas_Arab", + "languages": [ + "hun-Latn", + "fas-Arab" + ], + "accuracy": 84.72709063595393, + "f1": 80.81622433650475, + "main_score": 80.81622433650475, + "precision": 79.05524954097814, + "recall": 84.72709063595393 + }, + { + "hf_subset": "hun_Latn-fin_Latn", + "languages": [ + "hun-Latn", + "fin-Latn" + ], + "accuracy": 83.57536304456686, + "f1": 79.32338984667477, + "main_score": 79.32338984667477, + "precision": 77.45833035267187, + "recall": 83.57536304456686 + }, + { + "hf_subset": "hun_Latn-fra_Latn", + "languages": [ + "hun-Latn", + "fra-Latn" + ], + "accuracy": 90.48572859288933, + "f1": 87.94954336266304, + "main_score": 87.94954336266304, + "precision": 86.75429811383744, + "recall": 90.48572859288933 + }, + { + "hf_subset": "hun_Latn-heb_Hebr", + "languages": [ + "hun-Latn", + "heb-Hebr" + ], + "accuracy": 77.21582373560341, + "f1": 71.82277384330463, + "main_score": 71.82277384330463, + "precision": 69.55856403653098, + "recall": 77.21582373560341 + }, + { + "hf_subset": "hun_Latn-hin_Deva", + "languages": [ + "hun-Latn", + "hin-Deva" + ], + "accuracy": 84.77716574862293, + "f1": 80.97423913648251, + "main_score": 80.97423913648251, + "precision": 79.27265898848273, + "recall": 84.77716574862293 + }, + { + "hf_subset": "hun_Latn-ind_Latn", + "languages": [ + "hun-Latn", + "ind-Latn" + ], + "accuracy": 90.0350525788683, + "f1": 87.28592889334, + "main_score": 87.28592889334, + "precision": 85.99732932732432, + "recall": 90.0350525788683 + }, + { + "hf_subset": "hun_Latn-jpn_Jpan", + "languages": [ + "hun-Latn", + "jpn-Jpan" + ], + "accuracy": 84.37656484727091, + "f1": 80.59017097074182, + "main_score": 80.59017097074182, + "precision": 78.94508429310633, + "recall": 84.37656484727091 + }, + { + "hf_subset": "hun_Latn-kor_Hang", + "languages": [ + "hun-Latn", + "kor-Hang" + ], + "accuracy": 80.77115673510265, + "f1": 76.35683684256543, + "main_score": 76.35683684256543, + "precision": 74.47361699114327, + "recall": 80.77115673510265 + }, + { + "hf_subset": "hun_Latn-lav_Latn", + "languages": [ + "hun-Latn", + "lav-Latn" + ], + "accuracy": 76.81522283425137, + "f1": 71.24067052960392, + "main_score": 71.24067052960392, + "precision": 68.94003703968652, + "recall": 76.81522283425137 + }, + { + "hf_subset": "hun_Latn-lit_Latn", + "languages": [ + "hun-Latn", + "lit-Latn" + ], + "accuracy": 77.3159739609414, + "f1": 71.92622266733433, + "main_score": 71.92622266733433, + "precision": 69.58461501776473, + "recall": 77.3159739609414 + }, + { + "hf_subset": "hun_Latn-nld_Latn", + "languages": [ + "hun-Latn", + "nld-Latn" + ], + "accuracy": 90.98647971957938, + "f1": 88.5027541311968, + "main_score": 88.5027541311968, + "precision": 87.33683859122017, + "recall": 90.98647971957938 + }, + { + "hf_subset": "hun_Latn-pol_Latn", + "languages": [ + "hun-Latn", + "pol-Latn" + ], + "accuracy": 88.43264897346019, + "f1": 85.33896082218565, + "main_score": 85.33896082218565, + "precision": 83.90919712902688, + "recall": 88.43264897346019 + }, + { + "hf_subset": "hun_Latn-por_Latn", + "languages": [ + "hun-Latn", + "por-Latn" + ], + "accuracy": 90.68602904356536, + "f1": 88.09046903688868, + "main_score": 88.09046903688868, + "precision": 86.88449340677683, + "recall": 90.68602904356536 + }, + { + "hf_subset": "hun_Latn-rus_Cyrl", + "languages": [ + "hun-Latn", + "rus-Cyrl" + ], + "accuracy": 90.0350525788683, + "f1": 87.35770322149892, + "main_score": 87.35770322149892, + "precision": 86.10832916040727, + "recall": 90.0350525788683 + }, + { + "hf_subset": "hun_Latn-spa_Latn", + "languages": [ + "hun-Latn", + "spa-Latn" + ], + "accuracy": 92.58888332498748, + "f1": 90.64763812385245, + "main_score": 90.64763812385245, + "precision": 89.75880487397765, + "recall": 92.58888332498748 + }, + { + "hf_subset": "hun_Latn-swa_Latn", + "languages": [ + "hun-Latn", + "swa-Latn" + ], + "accuracy": 72.60891337005508, + "f1": 66.62728580605396, + "main_score": 66.62728580605396, + "precision": 64.22842597229177, + "recall": 72.60891337005508 + }, + { + "hf_subset": "hun_Latn-swe_Latn", + "languages": [ + "hun-Latn", + "swe-Latn" + ], + "accuracy": 89.03355032548824, + "f1": 86.01569020196962, + "main_score": 86.01569020196962, + "precision": 84.59105324653648, + "recall": 89.03355032548824 + }, + { + "hf_subset": "hun_Latn-tam_Taml", + "languages": [ + "hun-Latn", + "tam-Taml" + ], + "accuracy": 74.66199298948423, + "f1": 68.7971639999682, + "main_score": 68.7971639999682, + "precision": 66.36091041323891, + "recall": 74.66199298948423 + }, + { + "hf_subset": "hun_Latn-tur_Latn", + "languages": [ + "hun-Latn", + "tur-Latn" + ], + "accuracy": 87.08062093139709, + "f1": 83.79736271073277, + "main_score": 83.79736271073277, + "precision": 82.33278489162315, + "recall": 87.08062093139709 + }, + { + "hf_subset": "hun_Latn-vie_Latn", + "languages": [ + "hun-Latn", + "vie-Latn" + ], + "accuracy": 89.78467701552329, + "f1": 87.0288766483058, + "main_score": 87.0288766483058, + "precision": 85.76781839425806, + "recall": 89.78467701552329 + }, + { + "hf_subset": "hun_Latn-zho_Hant", + "languages": [ + "hun-Latn", + "zho-Hant" + ], + "accuracy": 87.33099649474211, + "f1": 84.02103154732097, + "main_score": 84.02103154732097, + "precision": 82.51877816725089, + "recall": 87.33099649474211 + }, + { + "hf_subset": "hun_Latn-zul_Latn", + "languages": [ + "hun-Latn", + "zul-Latn" + ], + "accuracy": 51.92789183775663, + "f1": 43.912175926815536, + "main_score": 43.912175926815536, + "precision": 41.09881091478487, + "recall": 51.92789183775663 + }, + { + "hf_subset": "ind_Latn-hun_Latn", + "languages": [ + "ind-Latn", + "hun-Latn" + ], + "accuracy": 90.1352028042063, + "f1": 87.51722822328732, + "main_score": 87.51722822328732, + "precision": 86.31280253713905, + "recall": 90.1352028042063 + }, + { + "hf_subset": "jpn_Jpan-hun_Latn", + "languages": [ + "jpn-Jpan", + "hun-Latn" + ], + "accuracy": 84.37656484727091, + "f1": 80.56084126189283, + "main_score": 80.56084126189283, + "precision": 78.84743782340176, + "recall": 84.37656484727091 + }, + { + "hf_subset": "kor_Hang-hun_Latn", + "languages": [ + "kor-Hang", + "hun-Latn" + ], + "accuracy": 83.47521281922884, + "f1": 79.41519421990128, + "main_score": 79.41519421990128, + "precision": 77.57350311181057, + "recall": 83.47521281922884 + }, + { + "hf_subset": "lav_Latn-hun_Latn", + "languages": [ + "lav-Latn", + "hun-Latn" + ], + "accuracy": 82.12318477716575, + "f1": 78.18656556262967, + "main_score": 78.18656556262967, + "precision": 76.41879485895511, + "recall": 82.12318477716575 + }, + { + "hf_subset": "lit_Latn-hun_Latn", + "languages": [ + "lit-Latn", + "hun-Latn" + ], + "accuracy": 81.67250876314472, + "f1": 77.52628943415122, + "main_score": 77.52628943415122, + "precision": 75.62426973794024, + "recall": 81.67250876314472 + }, + { + "hf_subset": "nld_Latn-hun_Latn", + "languages": [ + "nld-Latn", + "hun-Latn" + ], + "accuracy": 91.03655483224837, + "f1": 88.62404718188392, + "main_score": 88.62404718188392, + "precision": 87.50584209647806, + "recall": 91.03655483224837 + }, + { + "hf_subset": "pol_Latn-hun_Latn", + "languages": [ + "pol-Latn", + "hun-Latn" + ], + "accuracy": 88.73309964947421, + "f1": 85.63869613944726, + "main_score": 85.63869613944726, + "precision": 84.21799365715239, + "recall": 88.73309964947421 + }, + { + "hf_subset": "por_Latn-hun_Latn", + "languages": [ + "por-Latn", + "hun-Latn" + ], + "accuracy": 91.03655483224837, + "f1": 88.54782173259889, + "main_score": 88.54782173259889, + "precision": 87.39108662994491, + "recall": 91.03655483224837 + }, + { + "hf_subset": "rus_Cyrl-hun_Latn", + "languages": [ + "rus-Cyrl", + "hun-Latn" + ], + "accuracy": 88.88332498748123, + "f1": 85.8447194601426, + "main_score": 85.8447194601426, + "precision": 84.45751961275246, + "recall": 88.88332498748123 + }, + { + "hf_subset": "spa_Latn-hun_Latn", + "languages": [ + "spa-Latn", + "hun-Latn" + ], + "accuracy": 92.13820731096645, + "f1": 89.933233183108, + "main_score": 89.933233183108, + "precision": 88.92004673677182, + "recall": 92.13820731096645 + }, + { + "hf_subset": "swa_Latn-hun_Latn", + "languages": [ + "swa-Latn", + "hun-Latn" + ], + "accuracy": 75.7636454682023, + "f1": 71.19297994610965, + "main_score": 71.19297994610965, + "precision": 69.29461652796655, + "recall": 75.7636454682023 + }, + { + "hf_subset": "swe_Latn-hun_Latn", + "languages": [ + "swe-Latn", + "hun-Latn" + ], + "accuracy": 89.83475212819229, + "f1": 87.25779144907837, + "main_score": 87.25779144907837, + "precision": 86.05408112168253, + "recall": 89.83475212819229 + }, + { + "hf_subset": "tam_Taml-hun_Latn", + "languages": [ + "tam-Taml", + "hun-Latn" + ], + "accuracy": 78.01702553830746, + "f1": 72.70886488462853, + "main_score": 72.70886488462853, + "precision": 70.39064549204758, + "recall": 78.01702553830746 + }, + { + "hf_subset": "tur_Latn-hun_Latn", + "languages": [ + "tur-Latn", + "hun-Latn" + ], + "accuracy": 87.33099649474211, + "f1": 84.28094522736485, + "main_score": 84.28094522736485, + "precision": 82.89100317142379, + "recall": 87.33099649474211 + }, + { + "hf_subset": "vie_Latn-hun_Latn", + "languages": [ + "vie-Latn", + "hun-Latn" + ], + "accuracy": 89.23385077616425, + "f1": 86.38290769487564, + "main_score": 86.38290769487564, + "precision": 85.08763144717074, + "recall": 89.23385077616425 + }, + { + "hf_subset": "zho_Hant-hun_Latn", + "languages": [ + "zho-Hant", + "hun-Latn" + ], + "accuracy": 86.52979469203805, + "f1": 82.964446670005, + "main_score": 82.964446670005, + "precision": 81.4104490068436, + "recall": 86.52979469203805 + }, + { + "hf_subset": "zul_Latn-hun_Latn", + "languages": [ + "zul-Latn", + "hun-Latn" + ], + "accuracy": 54.98247371056585, + "f1": 48.79136275731169, + "main_score": 48.79136275731169, + "precision": 46.53637850035387, + "recall": 54.98247371056585 + } + ] + } +} \ No newline at end of file diff --git a/results/karsar__gte-multilingual-base-hu/external/RomaTalesBitextMining.json b/results/karsar__gte-multilingual-base-hu/external/RomaTalesBitextMining.json new file mode 100644 index 000000000..575bed7e4 --- /dev/null +++ b/results/karsar__gte-multilingual-base-hu/external/RomaTalesBitextMining.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "f4394dbca6845743cd33eba77431767b232ef489", + "task_name": "RomaTalesBitextMining", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "rom-hun", + "languages": [ + "rom-Latn", + "hun-Latn" + ], + "accuracy": 10.69767441860465, + "f1": 6.300343882963222, + "main_score": 6.300343882963222, + "precision": 5.2912513842746405, + "recall": 10.69767441860465 + } + ] + } +} \ No newline at end of file diff --git a/results/karsar__gte-multilingual-base-hu/external/SIB200Classification.json b/results/karsar__gte-multilingual-base-hu/external/SIB200Classification.json new file mode 100644 index 000000000..3b892b5c1 --- /dev/null +++ b/results/karsar__gte-multilingual-base-hu/external/SIB200Classification.json @@ -0,0 +1,53 @@ +{ + "dataset_revision": "a74d7350ea12af010cfb1c21e34f1f81fd2e615b", + "task_name": "SIB200Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "hun_Latn", + "languages": [ + "hun-Latn" + ], + "accuracy": 70.7843137254902, + "f1": 69.54715341688494, + "f1_weighted": 70.80982490835149, + "main_score": 70.7843137254902 + }, + { + "hf_subset": "hun_Latn", + "languages": [ + "hun-Latn" + ], + "main_score": 37.555486757695725, + "v_measure": 37.555486757695725, + "v_measure_std": 5.704486435014278 + } + ], + "train": [ + { + "hf_subset": "hun_Latn", + "languages": [ + "hun-Latn" + ], + "accuracy": 71.04136947218261, + "f1": 69.53067958950989, + "f1_weighted": 71.08855534234819, + "main_score": 71.04136947218261 + } + ], + "validation": [ + { + "hf_subset": "hun_Latn", + "languages": [ + "hun-Latn" + ], + "accuracy": 67.77777777777779, + "f1": 65.81682696212664, + "f1_weighted": 68.15630936254685, + "main_score": 67.77777777777779 + } + ] + } +} \ No newline at end of file diff --git a/results/karsar__gte-multilingual-base-hu/external/Tatoeba.json b/results/karsar__gte-multilingual-base-hu/external/Tatoeba.json new file mode 100644 index 000000000..fe46c6faa --- /dev/null +++ b/results/karsar__gte-multilingual-base-hu/external/Tatoeba.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "69e8f12da6e31d59addadda9a9c8a2e601a0e282", + "task_name": "Tatoeba", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "hun-eng", + "languages": [ + "hun-Latn", + "eng-Latn" + ], + "accuracy": 80.9, + "f1": 76.77888888888889, + "main_score": 76.77888888888889, + "precision": 74.9825, + "recall": 80.9 + } + ] + } +} \ No newline at end of file diff --git a/results/karsar__gte-multilingual-base-hu/external/model_meta.json b/results/karsar__gte-multilingual-base-hu/external/model_meta.json new file mode 100644 index 000000000..186b63557 --- /dev/null +++ b/results/karsar__gte-multilingual-base-hu/external/model_meta.json @@ -0,0 +1,20 @@ +{ + "name": "karsar/gte-multilingual-base-hu", + "revision": "cc991b5ff0bb9a9eb4d7976fdf609ef9b04bf36d", + "release_date": "2024-10-25", + "languages": [], + "loader": null, + "n_parameters": 305368320, + "memory_usage": null, + "max_tokens": 8192, + "embed_dim": 768, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/karsar__paraphrase-multilingual-MiniLM-L12-hu-v2/external/BelebeleRetrieval.json b/results/karsar__paraphrase-multilingual-MiniLM-L12-hu-v2/external/BelebeleRetrieval.json new file mode 100644 index 000000000..ec9558552 --- /dev/null +++ b/results/karsar__paraphrase-multilingual-MiniLM-L12-hu-v2/external/BelebeleRetrieval.json @@ -0,0 +1,454 @@ +{ + "dataset_revision": "75b399394a9803252cfec289d103de462763db7c", + "task_name": "BelebeleRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "hun_Latn-hun_Latn", + "languages": [ + "hun-Latn", + "hun-Latn" + ], + "main_score": 80.204, + "map_at_1": 69.111, + "map_at_10": 76.773, + "map_at_100": 77.169, + "map_at_1000": 77.173, + "map_at_20": 77.033, + "map_at_3": 75.333, + "map_at_5": 76.19399999999999, + "mrr_at_1": 69.11111111111111, + "mrr_at_10": 76.77345679012352, + "mrr_at_100": 77.16929744881674, + "mrr_at_1000": 77.17269244765126, + "mrr_at_20": 77.03286768605402, + "mrr_at_3": 75.33333333333334, + "mrr_at_5": 76.19444444444449, + "nauc_map_at_1000_diff1": 80.43265248651925, + "nauc_map_at_1000_max": 71.870230668987, + "nauc_map_at_1000_std": -3.0084092423300604, + "nauc_map_at_100_diff1": 80.42911054177607, + "nauc_map_at_100_max": 71.86888714337594, + "nauc_map_at_100_std": -3.0086379837670716, + "nauc_map_at_10_diff1": 80.36522921472617, + "nauc_map_at_10_max": 71.97959119190223, + "nauc_map_at_10_std": -2.7429598598137104, + "nauc_map_at_1_diff1": 83.07496179427446, + "nauc_map_at_1_max": 70.1472835630915, + "nauc_map_at_1_std": -4.892100745257178, + "nauc_map_at_20_diff1": 80.4010557171958, + "nauc_map_at_20_max": 71.9262402987486, + "nauc_map_at_20_std": -2.855142719268829, + "nauc_map_at_3_diff1": 80.21618957663902, + "nauc_map_at_3_max": 72.32078865805673, + "nauc_map_at_3_std": -3.307117509227628, + "nauc_map_at_5_diff1": 80.25726339569668, + "nauc_map_at_5_max": 71.96694381406756, + "nauc_map_at_5_std": -2.835991564758579, + "nauc_mrr_at_1000_diff1": 80.43265248651925, + "nauc_mrr_at_1000_max": 71.870230668987, + "nauc_mrr_at_1000_std": -3.0084092423300604, + "nauc_mrr_at_100_diff1": 80.42911054177607, + "nauc_mrr_at_100_max": 71.86888714337594, + "nauc_mrr_at_100_std": -3.0086379837670716, + "nauc_mrr_at_10_diff1": 80.36522921472617, + "nauc_mrr_at_10_max": 71.97959119190223, + "nauc_mrr_at_10_std": -2.7429598598137104, + "nauc_mrr_at_1_diff1": 83.07496179427446, + "nauc_mrr_at_1_max": 70.1472835630915, + "nauc_mrr_at_1_std": -4.892100745257178, + "nauc_mrr_at_20_diff1": 80.4010557171958, + "nauc_mrr_at_20_max": 71.9262402987486, + "nauc_mrr_at_20_std": -2.855142719268829, + "nauc_mrr_at_3_diff1": 80.21618957663902, + "nauc_mrr_at_3_max": 72.32078865805673, + "nauc_mrr_at_3_std": -3.307117509227628, + "nauc_mrr_at_5_diff1": 80.25726339569668, + "nauc_mrr_at_5_max": 71.96694381406756, + "nauc_mrr_at_5_std": -2.835991564758579, + "nauc_ndcg_at_1000_diff1": 79.98494037296896, + "nauc_ndcg_at_1000_max": 72.09578054274171, + "nauc_ndcg_at_1000_std": -2.480464992138408, + "nauc_ndcg_at_100_diff1": 79.80423727797705, + "nauc_ndcg_at_100_max": 72.0536867142539, + "nauc_ndcg_at_100_std": -2.344303480460221, + "nauc_ndcg_at_10_diff1": 79.4824234416871, + "nauc_ndcg_at_10_max": 72.68066855765318, + "nauc_ndcg_at_10_std": -1.0802283735752285, + "nauc_ndcg_at_1_diff1": 83.07496179427446, + "nauc_ndcg_at_1_max": 70.1472835630915, + "nauc_ndcg_at_1_std": -4.892100745257178, + "nauc_ndcg_at_20_diff1": 79.57286963155312, + "nauc_ndcg_at_20_max": 72.45565146275474, + "nauc_ndcg_at_20_std": -1.5388256709848513, + "nauc_ndcg_at_3_diff1": 79.27965557528921, + "nauc_ndcg_at_3_max": 73.21665805867235, + "nauc_ndcg_at_3_std": -2.325102213384337, + "nauc_ndcg_at_5_diff1": 79.24430450556383, + "nauc_ndcg_at_5_max": 72.55798047361041, + "nauc_ndcg_at_5_std": -1.346397266164686, + "nauc_precision_at_1000_diff1": NaN, + "nauc_precision_at_1000_max": NaN, + "nauc_precision_at_1000_std": NaN, + "nauc_precision_at_100_diff1": 48.65946378551628, + "nauc_precision_at_100_max": 65.39282379618602, + "nauc_precision_at_100_std": 24.616513271977254, + "nauc_precision_at_10_diff1": 74.02416251053245, + "nauc_precision_at_10_max": 77.2101523536241, + "nauc_precision_at_10_std": 10.31518298376219, + "nauc_precision_at_1_diff1": 83.07496179427446, + "nauc_precision_at_1_max": 70.1472835630915, + "nauc_precision_at_1_std": -4.892100745257178, + "nauc_precision_at_20_diff1": 71.5107376283843, + "nauc_precision_at_20_max": 77.21568627450955, + "nauc_precision_at_20_std": 11.723622782445986, + "nauc_precision_at_3_diff1": 75.76535137737912, + "nauc_precision_at_3_max": 76.6685040168277, + "nauc_precision_at_3_std": 1.5867736131175436, + "nauc_precision_at_5_diff1": 74.58750059437934, + "nauc_precision_at_5_max": 75.14502860946868, + "nauc_precision_at_5_std": 5.935474156377063, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": 48.6594637855143, + "nauc_recall_at_100_max": 65.39282379618471, + "nauc_recall_at_100_std": 24.616513271975943, + "nauc_recall_at_10_diff1": 74.0241625105327, + "nauc_recall_at_10_max": 77.21015235362442, + "nauc_recall_at_10_std": 10.31518298376255, + "nauc_recall_at_1_diff1": 83.07496179427446, + "nauc_recall_at_1_max": 70.1472835630915, + "nauc_recall_at_1_std": -4.892100745257178, + "nauc_recall_at_20_diff1": 71.51073762838479, + "nauc_recall_at_20_max": 77.21568627450962, + "nauc_recall_at_20_std": 11.72362278244639, + "nauc_recall_at_3_diff1": 75.7653513773791, + "nauc_recall_at_3_max": 76.66850401682761, + "nauc_recall_at_3_std": 1.5867736131174044, + "nauc_recall_at_5_diff1": 74.58750059437952, + "nauc_recall_at_5_max": 75.1450286094688, + "nauc_recall_at_5_std": 5.935474156377355, + "ndcg_at_1": 69.111, + "ndcg_at_10": 80.204, + "ndcg_at_100": 82.03399999999999, + "ndcg_at_1000": 82.132, + "ndcg_at_20": 81.119, + "ndcg_at_3": 77.227, + "ndcg_at_5": 78.781, + "precision_at_1": 69.111, + "precision_at_10": 9.089, + "precision_at_100": 0.992, + "precision_at_1000": 0.1, + "precision_at_20": 4.7219999999999995, + "precision_at_3": 27.556000000000004, + "precision_at_5": 17.288999999999998, + "recall_at_1": 69.111, + "recall_at_10": 90.889, + "recall_at_100": 99.222, + "recall_at_1000": 100.0, + "recall_at_20": 94.44399999999999, + "recall_at_3": 82.667, + "recall_at_5": 86.444 + }, + { + "hf_subset": "hun_Latn-eng_Latn", + "languages": [ + "hun-Latn", + "eng-Latn" + ], + "main_score": 75.395, + "map_at_1": 62.666999999999994, + "map_at_10": 71.30300000000001, + "map_at_100": 71.774, + "map_at_1000": 71.782, + "map_at_20": 71.584, + "map_at_3": 69.352, + "map_at_5": 70.53, + "mrr_at_1": 62.66666666666667, + "mrr_at_10": 71.3027777777778, + "mrr_at_100": 71.77425164712943, + "mrr_at_1000": 71.78156792911966, + "mrr_at_20": 71.58381913064578, + "mrr_at_3": 69.35185185185185, + "mrr_at_5": 70.52962962962965, + "nauc_map_at_1000_diff1": 75.881602960504, + "nauc_map_at_1000_max": 68.66296274339753, + "nauc_map_at_1000_std": 7.517075184571474, + "nauc_map_at_100_diff1": 75.8786843747508, + "nauc_map_at_100_max": 68.66828124033619, + "nauc_map_at_100_std": 7.525587871036576, + "nauc_map_at_10_diff1": 75.5973833371205, + "nauc_map_at_10_max": 68.65021557056664, + "nauc_map_at_10_std": 7.562660323790659, + "nauc_map_at_1_diff1": 79.25984371863814, + "nauc_map_at_1_max": 66.56457853173036, + "nauc_map_at_1_std": 3.9501186990857162, + "nauc_map_at_20_diff1": 75.85810159356491, + "nauc_map_at_20_max": 68.76976086961005, + "nauc_map_at_20_std": 7.819971956110064, + "nauc_map_at_3_diff1": 75.89565847594535, + "nauc_map_at_3_max": 68.86426509148927, + "nauc_map_at_3_std": 6.916006381683043, + "nauc_map_at_5_diff1": 75.61832788795184, + "nauc_map_at_5_max": 68.66734871116772, + "nauc_map_at_5_std": 7.108445006055354, + "nauc_mrr_at_1000_diff1": 75.881602960504, + "nauc_mrr_at_1000_max": 68.66296274339753, + "nauc_mrr_at_1000_std": 7.517075184571474, + "nauc_mrr_at_100_diff1": 75.8786843747508, + "nauc_mrr_at_100_max": 68.66828124033619, + "nauc_mrr_at_100_std": 7.525587871036576, + "nauc_mrr_at_10_diff1": 75.5973833371205, + "nauc_mrr_at_10_max": 68.65021557056664, + "nauc_mrr_at_10_std": 7.562660323790659, + "nauc_mrr_at_1_diff1": 79.25984371863814, + "nauc_mrr_at_1_max": 66.56457853173036, + "nauc_mrr_at_1_std": 3.9501186990857162, + "nauc_mrr_at_20_diff1": 75.85810159356491, + "nauc_mrr_at_20_max": 68.76976086961005, + "nauc_mrr_at_20_std": 7.819971956110064, + "nauc_mrr_at_3_diff1": 75.89565847594535, + "nauc_mrr_at_3_max": 68.86426509148927, + "nauc_mrr_at_3_std": 6.916006381683043, + "nauc_mrr_at_5_diff1": 75.61832788795184, + "nauc_mrr_at_5_max": 68.66734871116772, + "nauc_mrr_at_5_std": 7.108445006055354, + "nauc_ndcg_at_1000_diff1": 75.2994418691362, + "nauc_ndcg_at_1000_max": 69.06426768849241, + "nauc_ndcg_at_1000_std": 8.535785357759078, + "nauc_ndcg_at_100_diff1": 75.24120510322648, + "nauc_ndcg_at_100_max": 69.20598137031494, + "nauc_ndcg_at_100_std": 8.809082971368174, + "nauc_ndcg_at_10_diff1": 73.85929786184265, + "nauc_ndcg_at_10_max": 69.35906735202224, + "nauc_ndcg_at_10_std": 9.803390649271314, + "nauc_ndcg_at_1_diff1": 79.25984371863814, + "nauc_ndcg_at_1_max": 66.56457853173036, + "nauc_ndcg_at_1_std": 3.9501186990857162, + "nauc_ndcg_at_20_diff1": 74.908346673254, + "nauc_ndcg_at_20_max": 69.94089128246969, + "nauc_ndcg_at_20_std": 11.040261082698441, + "nauc_ndcg_at_3_diff1": 74.63723173221176, + "nauc_ndcg_at_3_max": 69.66882097579499, + "nauc_ndcg_at_3_std": 8.070938288986905, + "nauc_ndcg_at_5_diff1": 74.03823148610475, + "nauc_ndcg_at_5_max": 69.35847081273427, + "nauc_ndcg_at_5_std": 8.544629619697409, + "nauc_precision_at_1000_diff1": NaN, + "nauc_precision_at_1000_max": NaN, + "nauc_precision_at_1000_std": NaN, + "nauc_precision_at_100_diff1": 68.52007469654558, + "nauc_precision_at_100_max": 86.99813258636793, + "nauc_precision_at_100_std": 44.83193277310911, + "nauc_precision_at_10_diff1": 63.121147314127334, + "nauc_precision_at_10_max": 73.48453534137256, + "nauc_precision_at_10_std": 24.29146523372198, + "nauc_precision_at_1_diff1": 79.25984371863814, + "nauc_precision_at_1_max": 66.56457853173036, + "nauc_precision_at_1_std": 3.9501186990857162, + "nauc_precision_at_20_diff1": 68.71215152727741, + "nauc_precision_at_20_max": 81.60730959050274, + "nauc_precision_at_20_std": 44.10897692410284, + "nauc_precision_at_3_diff1": 70.11884635511014, + "nauc_precision_at_3_max": 72.53602624481753, + "nauc_precision_at_3_std": 12.235337922151093, + "nauc_precision_at_5_diff1": 67.13640746909785, + "nauc_precision_at_5_max": 72.25763628849465, + "nauc_precision_at_5_std": 14.868376560758348, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": 68.52007469654454, + "nauc_recall_at_100_max": 86.99813258636755, + "nauc_recall_at_100_std": 44.83193277310874, + "nauc_recall_at_10_diff1": 63.121147314127604, + "nauc_recall_at_10_max": 73.48453534137263, + "nauc_recall_at_10_std": 24.291465233722057, + "nauc_recall_at_1_diff1": 79.25984371863814, + "nauc_recall_at_1_max": 66.56457853173036, + "nauc_recall_at_1_std": 3.9501186990857162, + "nauc_recall_at_20_diff1": 68.71215152727751, + "nauc_recall_at_20_max": 81.60730959050267, + "nauc_recall_at_20_std": 44.10897692410295, + "nauc_recall_at_3_diff1": 70.11884635511011, + "nauc_recall_at_3_max": 72.5360262448175, + "nauc_recall_at_3_std": 12.23533792215117, + "nauc_recall_at_5_diff1": 67.13640746909788, + "nauc_recall_at_5_max": 72.25763628849458, + "nauc_recall_at_5_std": 14.868376560758476, + "ndcg_at_1": 62.666999999999994, + "ndcg_at_10": 75.395, + "ndcg_at_100": 77.684, + "ndcg_at_1000": 77.836, + "ndcg_at_20": 76.41, + "ndcg_at_3": 71.411, + "ndcg_at_5": 73.52499999999999, + "precision_at_1": 62.666999999999994, + "precision_at_10": 8.822000000000001, + "precision_at_100": 0.989, + "precision_at_1000": 0.1, + "precision_at_20": 4.611, + "precision_at_3": 25.778000000000002, + "precision_at_5": 16.489, + "recall_at_1": 62.666999999999994, + "recall_at_10": 88.222, + "recall_at_100": 98.88900000000001, + "recall_at_1000": 100.0, + "recall_at_20": 92.22200000000001, + "recall_at_3": 77.333, + "recall_at_5": 82.44399999999999 + }, + { + "hf_subset": "eng_Latn-hun_Latn", + "languages": [ + "eng-Latn", + "hun-Latn" + ], + "main_score": 76.872, + "map_at_1": 65.0, + "map_at_10": 72.896, + "map_at_100": 73.358, + "map_at_1000": 73.36500000000001, + "map_at_20": 73.2, + "map_at_3": 70.907, + "map_at_5": 72.002, + "mrr_at_1": 65.0, + "mrr_at_10": 72.89603174603175, + "mrr_at_100": 73.3579205518051, + "mrr_at_1000": 73.3654112460061, + "mrr_at_20": 73.19952956877624, + "mrr_at_3": 70.90740740740742, + "mrr_at_5": 72.00185185185185, + "nauc_map_at_1000_diff1": 77.77369357560062, + "nauc_map_at_1000_max": 70.94830494912476, + "nauc_map_at_1000_std": 6.522974403262641, + "nauc_map_at_100_diff1": 77.77362905601957, + "nauc_map_at_100_max": 70.95095989526841, + "nauc_map_at_100_std": 6.5352551972569435, + "nauc_map_at_10_diff1": 77.5247904322094, + "nauc_map_at_10_max": 71.02603340796348, + "nauc_map_at_10_std": 6.757278192437519, + "nauc_map_at_1_diff1": 80.6553286136653, + "nauc_map_at_1_max": 68.35724812614716, + "nauc_map_at_1_std": 4.038661494923131, + "nauc_map_at_20_diff1": 77.68304529150893, + "nauc_map_at_20_max": 70.95365196926124, + "nauc_map_at_20_std": 6.459235608230074, + "nauc_map_at_3_diff1": 77.65108311925263, + "nauc_map_at_3_max": 71.27300229679268, + "nauc_map_at_3_std": 6.421413249698873, + "nauc_map_at_5_diff1": 77.62058612073584, + "nauc_map_at_5_max": 71.28166308466814, + "nauc_map_at_5_std": 7.148832281239676, + "nauc_mrr_at_1000_diff1": 77.77369357560062, + "nauc_mrr_at_1000_max": 70.94830494912476, + "nauc_mrr_at_1000_std": 6.522974403262641, + "nauc_mrr_at_100_diff1": 77.77362905601957, + "nauc_mrr_at_100_max": 70.95095989526841, + "nauc_mrr_at_100_std": 6.5352551972569435, + "nauc_mrr_at_10_diff1": 77.5247904322094, + "nauc_mrr_at_10_max": 71.02603340796348, + "nauc_mrr_at_10_std": 6.757278192437519, + "nauc_mrr_at_1_diff1": 80.6553286136653, + "nauc_mrr_at_1_max": 68.35724812614716, + "nauc_mrr_at_1_std": 4.038661494923131, + "nauc_mrr_at_20_diff1": 77.68304529150893, + "nauc_mrr_at_20_max": 70.95365196926124, + "nauc_mrr_at_20_std": 6.459235608230074, + "nauc_mrr_at_3_diff1": 77.65108311925263, + "nauc_mrr_at_3_max": 71.27300229679268, + "nauc_mrr_at_3_std": 6.421413249698873, + "nauc_mrr_at_5_diff1": 77.62058612073584, + "nauc_mrr_at_5_max": 71.28166308466814, + "nauc_mrr_at_5_std": 7.148832281239676, + "nauc_ndcg_at_1000_diff1": 77.32834118213609, + "nauc_ndcg_at_1000_max": 71.28407034639005, + "nauc_ndcg_at_1000_std": 7.054791737753761, + "nauc_ndcg_at_100_diff1": 77.3138740535263, + "nauc_ndcg_at_100_max": 71.38841430408482, + "nauc_ndcg_at_100_std": 7.495181794448738, + "nauc_ndcg_at_10_diff1": 76.09808428652988, + "nauc_ndcg_at_10_max": 71.69225339870586, + "nauc_ndcg_at_10_std": 8.049899262534995, + "nauc_ndcg_at_1_diff1": 80.6553286136653, + "nauc_ndcg_at_1_max": 68.35724812614716, + "nauc_ndcg_at_1_std": 4.038661494923131, + "nauc_ndcg_at_20_diff1": 76.72021561109376, + "nauc_ndcg_at_20_max": 71.44696555289187, + "nauc_ndcg_at_20_std": 6.921724399287313, + "nauc_ndcg_at_3_diff1": 76.56243231944167, + "nauc_ndcg_at_3_max": 72.19254115417164, + "nauc_ndcg_at_3_std": 7.41142651827797, + "nauc_ndcg_at_5_diff1": 76.42995455832103, + "nauc_ndcg_at_5_max": 72.29448332833202, + "nauc_ndcg_at_5_std": 8.945757639249557, + "nauc_precision_at_1000_diff1": NaN, + "nauc_precision_at_1000_max": NaN, + "nauc_precision_at_1000_std": NaN, + "nauc_precision_at_100_diff1": 75.5835667600378, + "nauc_precision_at_100_max": 81.91840838899772, + "nauc_precision_at_100_std": 50.65000359118282, + "nauc_precision_at_10_diff1": 66.80290959473481, + "nauc_precision_at_10_max": 75.3540501756643, + "nauc_precision_at_10_std": 16.157652531050392, + "nauc_precision_at_1_diff1": 80.6553286136653, + "nauc_precision_at_1_max": 68.35724812614716, + "nauc_precision_at_1_std": 4.038661494923131, + "nauc_precision_at_20_diff1": 68.47710835746726, + "nauc_precision_at_20_max": 74.90069474117318, + "nauc_precision_at_20_std": 8.589311430786644, + "nauc_precision_at_3_diff1": 72.69790694125835, + "nauc_precision_at_3_max": 75.40287436733661, + "nauc_precision_at_3_std": 10.97556244649672, + "nauc_precision_at_5_diff1": 71.35323836023953, + "nauc_precision_at_5_max": 76.56660725505522, + "nauc_precision_at_5_std": 17.011489094336106, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": 75.58356676003798, + "nauc_recall_at_100_max": 81.9184083889972, + "nauc_recall_at_100_std": 50.65000359118012, + "nauc_recall_at_10_diff1": 66.80290959473508, + "nauc_recall_at_10_max": 75.35405017566428, + "nauc_recall_at_10_std": 16.157652531050555, + "nauc_recall_at_1_diff1": 80.6553286136653, + "nauc_recall_at_1_max": 68.35724812614716, + "nauc_recall_at_1_std": 4.038661494923131, + "nauc_recall_at_20_diff1": 68.47710835746722, + "nauc_recall_at_20_max": 74.90069474117321, + "nauc_recall_at_20_std": 8.589311430787212, + "nauc_recall_at_3_diff1": 72.69790694125835, + "nauc_recall_at_3_max": 75.40287436733665, + "nauc_recall_at_3_std": 10.97556244649683, + "nauc_recall_at_5_diff1": 71.35323836023952, + "nauc_recall_at_5_max": 76.56660725505535, + "nauc_recall_at_5_std": 17.011489094336287, + "ndcg_at_1": 65.0, + "ndcg_at_10": 76.872, + "ndcg_at_100": 78.914, + "ndcg_at_1000": 79.103, + "ndcg_at_20": 77.916, + "ndcg_at_3": 72.763, + "ndcg_at_5": 74.733, + "precision_at_1": 65.0, + "precision_at_10": 8.944, + "precision_at_100": 0.9860000000000001, + "precision_at_1000": 0.1, + "precision_at_20": 4.672, + "precision_at_3": 26.037, + "precision_at_5": 16.578, + "recall_at_1": 65.0, + "recall_at_10": 89.444, + "recall_at_100": 98.556, + "recall_at_1000": 100.0, + "recall_at_20": 93.444, + "recall_at_3": 78.11099999999999, + "recall_at_5": 82.889 + } + ] + } +} \ No newline at end of file diff --git a/results/karsar__paraphrase-multilingual-MiniLM-L12-hu-v2/external/BibleNLPBitextMining.json b/results/karsar__paraphrase-multilingual-MiniLM-L12-hu-v2/external/BibleNLPBitextMining.json new file mode 100644 index 000000000..57784751b --- /dev/null +++ b/results/karsar__paraphrase-multilingual-MiniLM-L12-hu-v2/external/BibleNLPBitextMining.json @@ -0,0 +1,34 @@ +{ + "dataset_revision": "264a18480c529d9e922483839b4b9758e690b762", + "task_name": "BibleNLPBitextMining", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "train": [ + { + "hf_subset": "eng_Latn-hun_Latn", + "languages": [ + "eng-Latn", + "hun-Latn" + ], + "accuracy": 90.234375, + "f1": 87.39583333333334, + "main_score": 87.39583333333334, + "precision": 86.16536458333334, + "recall": 90.234375 + }, + { + "hf_subset": "hun_Latn-eng_Latn", + "languages": [ + "hun-Latn", + "eng-Latn" + ], + "accuracy": 94.140625, + "f1": 92.31770833333333, + "main_score": 92.31770833333333, + "precision": 91.47135416666667, + "recall": 94.140625 + } + ] + } +} \ No newline at end of file diff --git a/results/karsar__paraphrase-multilingual-MiniLM-L12-hu-v2/external/HunSum2AbstractiveRetrieval.json b/results/karsar__paraphrase-multilingual-MiniLM-L12-hu-v2/external/HunSum2AbstractiveRetrieval.json new file mode 100644 index 000000000..2e3f2aa3b --- /dev/null +++ b/results/karsar__paraphrase-multilingual-MiniLM-L12-hu-v2/external/HunSum2AbstractiveRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "24e1445c8180d937f0a16f8ae8a62e77cc952e56", + "task_name": "HunSum2AbstractiveRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "hun-Latn" + ], + "main_score": 65.616, + "map_at_1": 65.616, + "map_at_10": 72.17, + "map_at_100": 72.596, + "map_at_1000": 72.615, + "map_at_20": 72.418, + "map_at_3": 70.596, + "map_at_5": 71.532, + "mrr_at_1": 65.61561561561562, + "mrr_at_10": 72.17006689228913, + "mrr_at_100": 72.59630726413003, + "mrr_at_1000": 72.61533408042457, + "mrr_at_20": 72.41848803381308, + "mrr_at_3": 70.59559559559558, + "mrr_at_5": 71.53153153153156, + "nauc_map_at_1000_diff1": 82.11477551036097, + "nauc_map_at_1000_max": 69.93216235961877, + "nauc_map_at_1000_std": -4.901120373521347, + "nauc_map_at_100_diff1": 82.10806987112343, + "nauc_map_at_100_max": 69.93576246377116, + "nauc_map_at_100_std": -4.888276482937281, + "nauc_map_at_10_diff1": 82.04302562091283, + "nauc_map_at_10_max": 69.98073646418275, + "nauc_map_at_10_std": -4.939406021960221, + "nauc_map_at_1_diff1": 85.20668775288361, + "nauc_map_at_1_max": 69.09789335497814, + "nauc_map_at_1_std": -6.442884331049151, + "nauc_map_at_20_diff1": 82.0225558509114, + "nauc_map_at_20_max": 69.91856798991726, + "nauc_map_at_20_std": -4.865775113195285, + "nauc_map_at_3_diff1": 82.27637852190405, + "nauc_map_at_3_max": 70.15220150711396, + "nauc_map_at_3_std": -5.459983423558685, + "nauc_map_at_5_diff1": 81.99868387570363, + "nauc_map_at_5_max": 69.96808732325626, + "nauc_map_at_5_std": -5.066978528413986, + "nauc_mrr_at_1000_diff1": 82.11477551036097, + "nauc_mrr_at_1000_max": 69.93216235961877, + "nauc_mrr_at_1000_std": -4.901120373521347, + "nauc_mrr_at_100_diff1": 82.10806987112343, + "nauc_mrr_at_100_max": 69.93576246377116, + "nauc_mrr_at_100_std": -4.888276482937281, + "nauc_mrr_at_10_diff1": 82.04302562091283, + "nauc_mrr_at_10_max": 69.98073646418275, + "nauc_mrr_at_10_std": -4.939406021960221, + "nauc_mrr_at_1_diff1": 85.20668775288361, + "nauc_mrr_at_1_max": 69.09789335497814, + "nauc_mrr_at_1_std": -6.442884331049151, + "nauc_mrr_at_20_diff1": 82.0225558509114, + "nauc_mrr_at_20_max": 69.91856798991726, + "nauc_mrr_at_20_std": -4.865775113195285, + "nauc_mrr_at_3_diff1": 82.27637852190405, + "nauc_mrr_at_3_max": 70.15220150711396, + "nauc_mrr_at_3_std": -5.459983423558685, + "nauc_mrr_at_5_diff1": 81.99868387570363, + "nauc_mrr_at_5_max": 69.96808732325626, + "nauc_mrr_at_5_std": -5.066978528413986, + "nauc_ndcg_at_1000_diff1": 81.5126840771622, + "nauc_ndcg_at_1000_max": 70.12763018849093, + "nauc_ndcg_at_1000_std": -3.990763331803255, + "nauc_ndcg_at_100_diff1": 81.35314690542201, + "nauc_ndcg_at_100_max": 70.29954500310211, + "nauc_ndcg_at_100_std": -3.4200000144945704, + "nauc_ndcg_at_10_diff1": 80.79088866851619, + "nauc_ndcg_at_10_max": 70.32243683355195, + "nauc_ndcg_at_10_std": -3.661632655363061, + "nauc_ndcg_at_1_diff1": 85.20668775288361, + "nauc_ndcg_at_1_max": 69.09789335497814, + "nauc_ndcg_at_1_std": -6.442884331049151, + "nauc_ndcg_at_20_diff1": 80.65723696292129, + "nauc_ndcg_at_20_max": 70.0781627958487, + "nauc_ndcg_at_20_std": -3.3268850467427455, + "nauc_ndcg_at_3_diff1": 81.30422620216359, + "nauc_ndcg_at_3_max": 70.57201377939089, + "nauc_ndcg_at_3_std": -4.867226820935226, + "nauc_ndcg_at_5_diff1": 80.73570523236309, + "nauc_ndcg_at_5_max": 70.26219056465638, + "nauc_ndcg_at_5_std": -4.058787558085215, + "nauc_precision_at_1000_diff1": 74.43924751465183, + "nauc_precision_at_1000_max": 86.51759703882918, + "nauc_precision_at_1000_std": 82.31711770484912, + "nauc_precision_at_100_diff1": 75.70004441716591, + "nauc_precision_at_100_max": 77.61085332471666, + "nauc_precision_at_100_std": 22.502459762868824, + "nauc_precision_at_10_diff1": 74.62622879461453, + "nauc_precision_at_10_max": 72.02341591543264, + "nauc_precision_at_10_std": 3.227096017453475, + "nauc_precision_at_1_diff1": 85.20668775288361, + "nauc_precision_at_1_max": 69.09789335497814, + "nauc_precision_at_1_std": -6.442884331049151, + "nauc_precision_at_20_diff1": 71.82812396378273, + "nauc_precision_at_20_max": 70.67250776468195, + "nauc_precision_at_20_std": 7.67961919934869, + "nauc_precision_at_3_diff1": 78.00819461913801, + "nauc_precision_at_3_max": 72.02361600228878, + "nauc_precision_at_3_std": -2.749950579759329, + "nauc_precision_at_5_diff1": 75.76784513448565, + "nauc_precision_at_5_max": 71.38070257500367, + "nauc_precision_at_5_std": 0.14048678160511355, + "nauc_recall_at_1000_diff1": 74.43924751465049, + "nauc_recall_at_1000_max": 86.51759703883047, + "nauc_recall_at_1000_std": 82.31711770484824, + "nauc_recall_at_100_diff1": 75.70004441716617, + "nauc_recall_at_100_max": 77.61085332471673, + "nauc_recall_at_100_std": 22.502459762868686, + "nauc_recall_at_10_diff1": 74.62622879461455, + "nauc_recall_at_10_max": 72.02341591543261, + "nauc_recall_at_10_std": 3.2270960174534973, + "nauc_recall_at_1_diff1": 85.20668775288361, + "nauc_recall_at_1_max": 69.09789335497814, + "nauc_recall_at_1_std": -6.442884331049151, + "nauc_recall_at_20_diff1": 71.82812396378263, + "nauc_recall_at_20_max": 70.6725077646819, + "nauc_recall_at_20_std": 7.679619199348971, + "nauc_recall_at_3_diff1": 78.00819461913807, + "nauc_recall_at_3_max": 72.02361600228886, + "nauc_recall_at_3_std": -2.749950579759317, + "nauc_recall_at_5_diff1": 75.76784513448574, + "nauc_recall_at_5_max": 71.38070257500377, + "nauc_recall_at_5_std": 0.1404867816050954, + "ndcg_at_1": 65.616, + "ndcg_at_10": 75.372, + "ndcg_at_100": 77.536, + "ndcg_at_1000": 78.051, + "ndcg_at_20": 76.281, + "ndcg_at_3": 72.162, + "ndcg_at_5": 73.83999999999999, + "precision_at_1": 65.616, + "precision_at_10": 8.544, + "precision_at_100": 0.9570000000000001, + "precision_at_1000": 0.1, + "precision_at_20": 4.452, + "precision_at_3": 25.558999999999997, + "precision_at_5": 16.146, + "recall_at_1": 65.616, + "recall_at_10": 85.435, + "recall_at_100": 95.746, + "recall_at_1000": 99.8, + "recall_at_20": 89.039, + "recall_at_3": 76.67699999999999, + "recall_at_5": 80.731 + } + ] + } +} \ No newline at end of file diff --git a/results/karsar__paraphrase-multilingual-MiniLM-L12-hu-v2/external/MassiveIntentClassification.json b/results/karsar__paraphrase-multilingual-MiniLM-L12-hu-v2/external/MassiveIntentClassification.json new file mode 100644 index 000000000..afa1a332e --- /dev/null +++ b/results/karsar__paraphrase-multilingual-MiniLM-L12-hu-v2/external/MassiveIntentClassification.json @@ -0,0 +1,32 @@ +{ + "dataset_revision": "4672e20407010da34463acc759c162ca9734bca6", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 61.93678547410896, + "f1": 59.18089758951288, + "f1_weighted": 62.33480431880768, + "main_score": 61.93678547410896 + } + ], + "validation": [ + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 61.65272995573046, + "f1": 59.300294731108615, + "f1_weighted": 61.95329485924452, + "main_score": 61.65272995573046 + } + ] + } +} \ No newline at end of file diff --git a/results/karsar__paraphrase-multilingual-MiniLM-L12-hu-v2/external/MassiveScenarioClassification.json b/results/karsar__paraphrase-multilingual-MiniLM-L12-hu-v2/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..bb876f1e4 --- /dev/null +++ b/results/karsar__paraphrase-multilingual-MiniLM-L12-hu-v2/external/MassiveScenarioClassification.json @@ -0,0 +1,32 @@ +{ + "dataset_revision": "fad2c6e8459f9e1c45d9315f4953d921437d70f8", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 66.93342299932749, + "f1": 66.09393745126239, + "f1_weighted": 67.11013732647363, + "main_score": 66.93342299932749 + } + ], + "validation": [ + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 66.27643876045252, + "f1": 65.84263838771432, + "f1_weighted": 66.48633782928637, + "main_score": 66.27643876045252 + } + ] + } +} \ No newline at end of file diff --git a/results/karsar__paraphrase-multilingual-MiniLM-L12-hu-v2/external/MultiEURLEXMultilabelClassification.json b/results/karsar__paraphrase-multilingual-MiniLM-L12-hu-v2/external/MultiEURLEXMultilabelClassification.json new file mode 100644 index 000000000..85aae8df6 --- /dev/null +++ b/results/karsar__paraphrase-multilingual-MiniLM-L12-hu-v2/external/MultiEURLEXMultilabelClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "2aea5a6dc8fdcfeca41d0fb963c0a338930bde5c", + "task_name": "MultiEURLEXMultilabelClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 2.6879999999999997, + "f1": 25.112198433514166, + "lrap": 41.790686190475135, + "main_score": 2.6879999999999997 + } + ] + } +} \ No newline at end of file diff --git a/results/karsar__paraphrase-multilingual-MiniLM-L12-hu-v2/external/NTREXBitextMining.json b/results/karsar__paraphrase-multilingual-MiniLM-L12-hu-v2/external/NTREXBitextMining.json new file mode 100644 index 000000000..0f46b7dfe --- /dev/null +++ b/results/karsar__paraphrase-multilingual-MiniLM-L12-hu-v2/external/NTREXBitextMining.json @@ -0,0 +1,658 @@ +{ + "dataset_revision": "ed9a4403ed4adbfaf4aab56d5b2709e9f6c3ba33", + "task_name": "NTREXBitextMining", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "arb_Arab-hun_Latn", + "languages": [ + "arb-Arab", + "hun-Latn" + ], + "accuracy": 86.07911867801702, + "f1": 82.34184610248707, + "main_score": 82.34184610248707, + "precision": 80.65598397596395, + "recall": 86.07911867801702 + }, + { + "hf_subset": "ben_Beng-hun_Latn", + "languages": [ + "ben-Beng", + "hun-Latn" + ], + "accuracy": 40.91136705057586, + "f1": 36.01175728956383, + "main_score": 36.01175728956383, + "precision": 34.36916434339978, + "recall": 40.91136705057586 + }, + { + "hf_subset": "deu_Latn-hun_Latn", + "languages": [ + "deu-Latn", + "hun-Latn" + ], + "accuracy": 93.54031046569855, + "f1": 91.73760640961443, + "main_score": 91.73760640961443, + "precision": 90.87130696044066, + "recall": 93.54031046569855 + }, + { + "hf_subset": "ell_Grek-hun_Latn", + "languages": [ + "ell-Grek", + "hun-Latn" + ], + "accuracy": 91.3870806209314, + "f1": 88.87998664663662, + "main_score": 88.87998664663662, + "precision": 87.69821398764815, + "recall": 91.3870806209314 + }, + { + "hf_subset": "eng_Latn-hun_Latn", + "languages": [ + "eng-Latn", + "hun-Latn" + ], + "accuracy": 94.69203805708563, + "f1": 93.04790519112001, + "main_score": 93.04790519112001, + "precision": 92.24670338841595, + "recall": 94.69203805708563 + }, + { + "hf_subset": "fas_Arab-hun_Latn", + "languages": [ + "fas-Arab", + "hun-Latn" + ], + "accuracy": 89.43415122684027, + "f1": 86.48138874979135, + "main_score": 86.48138874979135, + "precision": 85.1235186112502, + "recall": 89.43415122684027 + }, + { + "hf_subset": "fin_Latn-hun_Latn", + "languages": [ + "fin-Latn", + "hun-Latn" + ], + "accuracy": 90.73610415623435, + "f1": 88.10716074111167, + "main_score": 88.10716074111167, + "precision": 86.84860624269739, + "recall": 90.73610415623435 + }, + { + "hf_subset": "fra_Latn-hun_Latn", + "languages": [ + "fra-Latn", + "hun-Latn" + ], + "accuracy": 93.03955933900852, + "f1": 90.97312635620098, + "main_score": 90.97312635620098, + "precision": 89.97245868803205, + "recall": 93.03955933900852 + }, + { + "hf_subset": "heb_Hebr-hun_Latn", + "languages": [ + "heb-Hebr", + "hun-Latn" + ], + "accuracy": 88.03204807210815, + "f1": 84.71540644299783, + "main_score": 84.71540644299783, + "precision": 83.14972458688032, + "recall": 88.03204807210815 + }, + { + "hf_subset": "hin_Deva-hun_Latn", + "languages": [ + "hin-Deva", + "hun-Latn" + ], + "accuracy": 86.9804707060591, + "f1": 83.51527290936404, + "main_score": 83.51527290936404, + "precision": 81.92038057085628, + "recall": 86.9804707060591 + }, + { + "hf_subset": "hun_Latn-arb_Arab", + "languages": [ + "hun-Latn", + "arb-Arab" + ], + "accuracy": 86.47971957936905, + "f1": 82.83592054748789, + "main_score": 82.83592054748789, + "precision": 81.18260724419963, + "recall": 86.47971957936905 + }, + { + "hf_subset": "hun_Latn-ben_Beng", + "languages": [ + "hun-Latn", + "ben-Beng" + ], + "accuracy": 41.86279419128693, + "f1": 33.232896964494365, + "main_score": 33.232896964494365, + "precision": 30.249043850094402, + "recall": 41.86279419128693 + }, + { + "hf_subset": "hun_Latn-deu_Latn", + "languages": [ + "hun-Latn", + "deu-Latn" + ], + "accuracy": 93.94091136705057, + "f1": 92.14989150392255, + "main_score": 92.14989150392255, + "precision": 91.28275746953764, + "recall": 93.94091136705057 + }, + { + "hf_subset": "hun_Latn-ell_Grek", + "languages": [ + "hun-Latn", + "ell-Grek" + ], + "accuracy": 92.8392588883325, + "f1": 90.86296110832916, + "main_score": 90.86296110832916, + "precision": 89.93072942747456, + "recall": 92.8392588883325 + }, + { + "hf_subset": "hun_Latn-eng_Latn", + "languages": [ + "hun-Latn", + "eng-Latn" + ], + "accuracy": 95.54331497245869, + "f1": 94.2330161909531, + "main_score": 94.2330161909531, + "precision": 93.59873143047905, + "recall": 95.54331497245869 + }, + { + "hf_subset": "hun_Latn-fas_Arab", + "languages": [ + "hun-Latn", + "fas-Arab" + ], + "accuracy": 89.43415122684027, + "f1": 86.54481722583876, + "main_score": 86.54481722583876, + "precision": 85.20447337673176, + "recall": 89.43415122684027 + }, + { + "hf_subset": "hun_Latn-fin_Latn", + "languages": [ + "hun-Latn", + "fin-Latn" + ], + "accuracy": 89.58437656484726, + "f1": 86.70839592722417, + "main_score": 86.70839592722417, + "precision": 85.37389417459522, + "recall": 89.58437656484726 + }, + { + "hf_subset": "hun_Latn-fra_Latn", + "languages": [ + "hun-Latn", + "fra-Latn" + ], + "accuracy": 92.13820731096645, + "f1": 89.883158070439, + "main_score": 89.883158070439, + "precision": 88.81822734101151, + "recall": 92.13820731096645 + }, + { + "hf_subset": "hun_Latn-heb_Hebr", + "languages": [ + "hun-Latn", + "heb-Hebr" + ], + "accuracy": 86.93039559339009, + "f1": 83.32336166587544, + "main_score": 83.32336166587544, + "precision": 81.67334334835587, + "recall": 86.93039559339009 + }, + { + "hf_subset": "hun_Latn-hin_Deva", + "languages": [ + "hun-Latn", + "hin-Deva" + ], + "accuracy": 85.97896845267901, + "f1": 82.34685361375396, + "main_score": 82.34685361375396, + "precision": 80.72859288933401, + "recall": 85.97896845267901 + }, + { + "hf_subset": "hun_Latn-ind_Latn", + "languages": [ + "hun-Latn", + "ind-Latn" + ], + "accuracy": 92.33850776164246, + "f1": 90.06843598731432, + "main_score": 90.06843598731432, + "precision": 88.97512936070773, + "recall": 92.33850776164246 + }, + { + "hf_subset": "hun_Latn-jpn_Jpan", + "languages": [ + "hun-Latn", + "jpn-Jpan" + ], + "accuracy": 87.48122183274913, + "f1": 84.08779836421299, + "main_score": 84.08779836421299, + "precision": 82.53380070105159, + "recall": 87.48122183274913 + }, + { + "hf_subset": "hun_Latn-kor_Hang", + "languages": [ + "hun-Latn", + "kor-Hang" + ], + "accuracy": 84.82724086129194, + "f1": 80.77859213062017, + "main_score": 80.77859213062017, + "precision": 78.98931730929726, + "recall": 84.82724086129194 + }, + { + "hf_subset": "hun_Latn-lav_Latn", + "languages": [ + "hun-Latn", + "lav-Latn" + ], + "accuracy": 89.9849774661993, + "f1": 87.0422300116842, + "main_score": 87.0422300116842, + "precision": 85.65932231680856, + "recall": 89.9849774661993 + }, + { + "hf_subset": "hun_Latn-lit_Latn", + "languages": [ + "hun-Latn", + "lit-Latn" + ], + "accuracy": 90.38557836755132, + "f1": 87.60474044399933, + "main_score": 87.60474044399933, + "precision": 86.28776498080455, + "recall": 90.38557836755132 + }, + { + "hf_subset": "hun_Latn-nld_Latn", + "languages": [ + "hun-Latn", + "nld-Latn" + ], + "accuracy": 93.64046069103655, + "f1": 91.81271907861792, + "main_score": 91.81271907861792, + "precision": 90.93807377733266, + "recall": 93.64046069103655 + }, + { + "hf_subset": "hun_Latn-pol_Latn", + "languages": [ + "hun-Latn", + "pol-Latn" + ], + "accuracy": 91.2368552829244, + "f1": 88.85924124281661, + "main_score": 88.85924124281661, + "precision": 87.7524620263729, + "recall": 91.2368552829244 + }, + { + "hf_subset": "hun_Latn-por_Latn", + "languages": [ + "hun-Latn", + "por-Latn" + ], + "accuracy": 93.18978467701552, + "f1": 91.15172759138709, + "main_score": 91.15172759138709, + "precision": 90.19362376898682, + "recall": 93.18978467701552 + }, + { + "hf_subset": "hun_Latn-rus_Cyrl", + "languages": [ + "hun-Latn", + "rus-Cyrl" + ], + "accuracy": 92.23835753630446, + "f1": 89.9382406943749, + "main_score": 89.9382406943749, + "precision": 88.85411450509096, + "recall": 92.23835753630446 + }, + { + "hf_subset": "hun_Latn-spa_Latn", + "languages": [ + "hun-Latn", + "spa-Latn" + ], + "accuracy": 93.34001001502253, + "f1": 91.47888499415792, + "main_score": 91.47888499415792, + "precision": 90.58587881822734, + "recall": 93.34001001502253 + }, + { + "hf_subset": "hun_Latn-swa_Latn", + "languages": [ + "hun-Latn", + "swa-Latn" + ], + "accuracy": 40.76114171256886, + "f1": 32.341475401874824, + "main_score": 32.341475401874824, + "precision": 29.515621549076144, + "recall": 40.76114171256886 + }, + { + "hf_subset": "hun_Latn-swe_Latn", + "languages": [ + "hun-Latn", + "swe-Latn" + ], + "accuracy": 93.44016024036054, + "f1": 91.490569187114, + "main_score": 91.490569187114, + "precision": 90.56501418794859, + "recall": 93.44016024036054 + }, + { + "hf_subset": "hun_Latn-tam_Taml", + "languages": [ + "hun-Latn", + "tam-Taml" + ], + "accuracy": 27.591387080620933, + "f1": 18.875023187991868, + "main_score": 18.875023187991868, + "precision": 16.43982939607956, + "recall": 27.591387080620933 + }, + { + "hf_subset": "hun_Latn-tur_Latn", + "languages": [ + "hun-Latn", + "tur-Latn" + ], + "accuracy": 91.3870806209314, + "f1": 88.90836254381573, + "main_score": 88.90836254381573, + "precision": 87.72325154398266, + "recall": 91.3870806209314 + }, + { + "hf_subset": "hun_Latn-vie_Latn", + "languages": [ + "hun-Latn", + "vie-Latn" + ], + "accuracy": 91.13670505758637, + "f1": 88.62054987242769, + "main_score": 88.62054987242769, + "precision": 87.41445501585711, + "recall": 91.13670505758637 + }, + { + "hf_subset": "hun_Latn-zho_Hant", + "languages": [ + "hun-Latn", + "zho-Hant" + ], + "accuracy": 90.33550325488233, + "f1": 87.71574027708229, + "main_score": 87.71574027708229, + "precision": 86.53861744998451, + "recall": 90.33550325488233 + }, + { + "hf_subset": "hun_Latn-zul_Latn", + "languages": [ + "hun-Latn", + "zul-Latn" + ], + "accuracy": 17.626439659489236, + "f1": 11.826546194507252, + "main_score": 11.826546194507252, + "precision": 10.340822386979896, + "recall": 17.626439659489236 + }, + { + "hf_subset": "ind_Latn-hun_Latn", + "languages": [ + "ind-Latn", + "hun-Latn" + ], + "accuracy": 92.93940911367051, + "f1": 90.91470539142045, + "main_score": 90.91470539142045, + "precision": 89.96411283592055, + "recall": 92.93940911367051 + }, + { + "hf_subset": "jpn_Jpan-hun_Latn", + "languages": [ + "jpn-Jpan", + "hun-Latn" + ], + "accuracy": 88.33249874812218, + "f1": 85.07260891337006, + "main_score": 85.07260891337006, + "precision": 83.54114505090969, + "recall": 88.33249874812218 + }, + { + "hf_subset": "kor_Hang-hun_Latn", + "languages": [ + "kor-Hang", + "hun-Latn" + ], + "accuracy": 86.07911867801702, + "f1": 82.32348522784176, + "main_score": 82.32348522784176, + "precision": 80.59339008512768, + "recall": 86.07911867801702 + }, + { + "hf_subset": "lav_Latn-hun_Latn", + "languages": [ + "lav-Latn", + "hun-Latn" + ], + "accuracy": 90.73610415623435, + "f1": 88.25833989078856, + "main_score": 88.25833989078856, + "precision": 87.09480887998664, + "recall": 90.73610415623435 + }, + { + "hf_subset": "lit_Latn-hun_Latn", + "languages": [ + "lit-Latn", + "hun-Latn" + ], + "accuracy": 91.88783174762143, + "f1": 89.59105324653646, + "main_score": 89.59105324653646, + "precision": 88.49106993824068, + "recall": 91.88783174762143 + }, + { + "hf_subset": "nld_Latn-hun_Latn", + "languages": [ + "nld-Latn", + "hun-Latn" + ], + "accuracy": 92.98948422633951, + "f1": 90.93139709564348, + "main_score": 90.93139709564348, + "precision": 89.93072942747456, + "recall": 92.98948422633951 + }, + { + "hf_subset": "pol_Latn-hun_Latn", + "languages": [ + "pol-Latn", + "hun-Latn" + ], + "accuracy": 91.4371557336004, + "f1": 89.10699382406943, + "main_score": 89.10699382406943, + "precision": 88.00701051577366, + "recall": 91.4371557336004 + }, + { + "hf_subset": "por_Latn-hun_Latn", + "languages": [ + "por-Latn", + "hun-Latn" + ], + "accuracy": 92.98948422633951, + "f1": 91.02320146886997, + "main_score": 91.02320146886997, + "precision": 90.09764646970456, + "recall": 92.98948422633951 + }, + { + "hf_subset": "rus_Cyrl-hun_Latn", + "languages": [ + "rus-Cyrl", + "hun-Latn" + ], + "accuracy": 90.98647971957938, + "f1": 88.3942580537473, + "main_score": 88.3942580537473, + "precision": 87.16992154899015, + "recall": 90.98647971957938 + }, + { + "hf_subset": "spa_Latn-hun_Latn", + "languages": [ + "spa-Latn", + "hun-Latn" + ], + "accuracy": 93.13970956434652, + "f1": 91.19846436321149, + "main_score": 91.19846436321149, + "precision": 90.26456351193457, + "recall": 93.13970956434652 + }, + { + "hf_subset": "swa_Latn-hun_Latn", + "languages": [ + "swa-Latn", + "hun-Latn" + ], + "accuracy": 39.05858788182273, + "f1": 33.98323169908456, + "main_score": 33.98323169908456, + "precision": 32.41376425186998, + "recall": 39.05858788182273 + }, + { + "hf_subset": "swe_Latn-hun_Latn", + "languages": [ + "swe-Latn", + "hun-Latn" + ], + "accuracy": 93.03955933900852, + "f1": 91.01485561675847, + "main_score": 91.01485561675847, + "precision": 90.04757135703555, + "recall": 93.03955933900852 + }, + { + "hf_subset": "tam_Taml-hun_Latn", + "languages": [ + "tam-Taml", + "hun-Latn" + ], + "accuracy": 27.341011517275916, + "f1": 24.114490363365103, + "main_score": 24.114490363365103, + "precision": 23.01465131730559, + "recall": 27.341011517275916 + }, + { + "hf_subset": "tur_Latn-hun_Latn", + "languages": [ + "tur-Latn", + "hun-Latn" + ], + "accuracy": 91.03655483224837, + "f1": 88.4843932565515, + "main_score": 88.4843932565515, + "precision": 87.31180103488568, + "recall": 91.03655483224837 + }, + { + "hf_subset": "vie_Latn-hun_Latn", + "languages": [ + "vie-Latn", + "hun-Latn" + ], + "accuracy": 90.38557836755132, + "f1": 87.73493573693874, + "main_score": 87.73493573693874, + "precision": 86.5005842096478, + "recall": 90.38557836755132 + }, + { + "hf_subset": "zho_Hant-hun_Latn", + "languages": [ + "zho-Hant", + "hun-Latn" + ], + "accuracy": 90.33550325488233, + "f1": 87.59806376231013, + "main_score": 87.59806376231013, + "precision": 86.3253213153063, + "recall": 90.33550325488233 + }, + { + "hf_subset": "zul_Latn-hun_Latn", + "languages": [ + "zul-Latn", + "hun-Latn" + ], + "accuracy": 17.676514772158235, + "f1": 13.907186347256669, + "main_score": 13.907186347256669, + "precision": 12.923210518264245, + "recall": 17.676514772158235 + } + ] + } +} \ No newline at end of file diff --git a/results/karsar__paraphrase-multilingual-MiniLM-L12-hu-v2/external/RomaTalesBitextMining.json b/results/karsar__paraphrase-multilingual-MiniLM-L12-hu-v2/external/RomaTalesBitextMining.json new file mode 100644 index 000000000..e9d24653d --- /dev/null +++ b/results/karsar__paraphrase-multilingual-MiniLM-L12-hu-v2/external/RomaTalesBitextMining.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "f4394dbca6845743cd33eba77431767b232ef489", + "task_name": "RomaTalesBitextMining", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "rom-hun", + "languages": [ + "rom-Latn", + "hun-Latn" + ], + "accuracy": 5.116279069767442, + "f1": 1.8488798023681745, + "main_score": 1.8488798023681745, + "precision": 1.472523686477175, + "recall": 5.116279069767442 + } + ] + } +} \ No newline at end of file diff --git a/results/karsar__paraphrase-multilingual-MiniLM-L12-hu-v2/external/SIB200Classification.json b/results/karsar__paraphrase-multilingual-MiniLM-L12-hu-v2/external/SIB200Classification.json new file mode 100644 index 000000000..0b79a0781 --- /dev/null +++ b/results/karsar__paraphrase-multilingual-MiniLM-L12-hu-v2/external/SIB200Classification.json @@ -0,0 +1,53 @@ +{ + "dataset_revision": "a74d7350ea12af010cfb1c21e34f1f81fd2e615b", + "task_name": "SIB200Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "hun_Latn", + "languages": [ + "hun-Latn" + ], + "accuracy": 68.43137254901961, + "f1": 67.64424216338097, + "f1_weighted": 68.34815340541722, + "main_score": 68.43137254901961 + }, + { + "hf_subset": "hun_Latn", + "languages": [ + "hun-Latn" + ], + "main_score": 34.91858402487903, + "v_measure": 34.91858402487903, + "v_measure_std": 3.377463869658173 + } + ], + "train": [ + { + "hf_subset": "hun_Latn", + "languages": [ + "hun-Latn" + ], + "accuracy": 69.04422253922966, + "f1": 67.9515950437183, + "f1_weighted": 69.07832158763667, + "main_score": 69.04422253922966 + } + ], + "validation": [ + { + "hf_subset": "hun_Latn", + "languages": [ + "hun-Latn" + ], + "accuracy": 64.54545454545453, + "f1": 63.78373491440388, + "f1_weighted": 64.98788954233397, + "main_score": 64.54545454545453 + } + ] + } +} \ No newline at end of file diff --git a/results/karsar__paraphrase-multilingual-MiniLM-L12-hu-v2/external/Tatoeba.json b/results/karsar__paraphrase-multilingual-MiniLM-L12-hu-v2/external/Tatoeba.json new file mode 100644 index 000000000..ab63909b0 --- /dev/null +++ b/results/karsar__paraphrase-multilingual-MiniLM-L12-hu-v2/external/Tatoeba.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "69e8f12da6e31d59addadda9a9c8a2e601a0e282", + "task_name": "Tatoeba", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "hun-eng", + "languages": [ + "hun-Latn", + "eng-Latn" + ], + "accuracy": 91.5, + "f1": 89.06666666666666, + "main_score": 89.06666666666666, + "precision": 87.9, + "recall": 91.5 + } + ] + } +} \ No newline at end of file diff --git a/results/karsar__paraphrase-multilingual-MiniLM-L12-hu-v2/external/model_meta.json b/results/karsar__paraphrase-multilingual-MiniLM-L12-hu-v2/external/model_meta.json new file mode 100644 index 000000000..0c1eacc07 --- /dev/null +++ b/results/karsar__paraphrase-multilingual-MiniLM-L12-hu-v2/external/model_meta.json @@ -0,0 +1,20 @@ +{ + "name": "karsar/paraphrase-multilingual-MiniLM-L12-hu-v2", + "revision": "3f154db23946b4f9d098cef79df9c9f92ed11264", + "release_date": "2024-10-25", + "languages": [], + "loader": null, + "n_parameters": 117653760, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 384, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/karsar__paraphrase-multilingual-MiniLM-L12-hu_v1/external/BelebeleRetrieval.json b/results/karsar__paraphrase-multilingual-MiniLM-L12-hu_v1/external/BelebeleRetrieval.json new file mode 100644 index 000000000..72d35ec88 --- /dev/null +++ b/results/karsar__paraphrase-multilingual-MiniLM-L12-hu_v1/external/BelebeleRetrieval.json @@ -0,0 +1,454 @@ +{ + "dataset_revision": "75b399394a9803252cfec289d103de462763db7c", + "task_name": "BelebeleRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "hun_Latn-hun_Latn", + "languages": [ + "hun-Latn", + "hun-Latn" + ], + "main_score": 77.865, + "map_at_1": 67.333, + "map_at_10": 74.404, + "map_at_100": 74.802, + "map_at_1000": 74.809, + "map_at_20": 74.63, + "map_at_3": 72.796, + "map_at_5": 73.67399999999999, + "mrr_at_1": 67.33333333333333, + "mrr_at_10": 74.40396825396829, + "mrr_at_100": 74.80177264047548, + "mrr_at_1000": 74.80937346439818, + "mrr_at_20": 74.62979204843244, + "mrr_at_3": 72.7962962962963, + "mrr_at_5": 73.6740740740741, + "nauc_map_at_1000_diff1": 76.08133094195743, + "nauc_map_at_1000_max": 61.727834175182736, + "nauc_map_at_1000_std": -2.3231732437794568, + "nauc_map_at_100_diff1": 76.07916259051902, + "nauc_map_at_100_max": 61.72703450852774, + "nauc_map_at_100_std": -2.3175338063349575, + "nauc_map_at_10_diff1": 75.97996147738112, + "nauc_map_at_10_max": 61.860784493617224, + "nauc_map_at_10_std": -2.4887315051072356, + "nauc_map_at_1_diff1": 78.13561632940586, + "nauc_map_at_1_max": 59.243520843511746, + "nauc_map_at_1_std": -2.6689239089679515, + "nauc_map_at_20_diff1": 76.06883452011327, + "nauc_map_at_20_max": 61.775589074510826, + "nauc_map_at_20_std": -2.3905575770447585, + "nauc_map_at_3_diff1": 75.85937006372846, + "nauc_map_at_3_max": 61.819093557650895, + "nauc_map_at_3_std": -2.5207238945764647, + "nauc_map_at_5_diff1": 76.06929563357589, + "nauc_map_at_5_max": 61.93563829360039, + "nauc_map_at_5_std": -1.9424637593671918, + "nauc_mrr_at_1000_diff1": 76.08133094195743, + "nauc_mrr_at_1000_max": 61.727834175182736, + "nauc_mrr_at_1000_std": -2.3231732437794568, + "nauc_mrr_at_100_diff1": 76.07916259051902, + "nauc_mrr_at_100_max": 61.72703450852774, + "nauc_mrr_at_100_std": -2.3175338063349575, + "nauc_mrr_at_10_diff1": 75.97996147738112, + "nauc_mrr_at_10_max": 61.860784493617224, + "nauc_mrr_at_10_std": -2.4887315051072356, + "nauc_mrr_at_1_diff1": 78.13561632940586, + "nauc_mrr_at_1_max": 59.243520843511746, + "nauc_mrr_at_1_std": -2.6689239089679515, + "nauc_mrr_at_20_diff1": 76.06883452011327, + "nauc_mrr_at_20_max": 61.775589074510826, + "nauc_mrr_at_20_std": -2.3905575770447585, + "nauc_mrr_at_3_diff1": 75.85937006372846, + "nauc_mrr_at_3_max": 61.819093557650895, + "nauc_mrr_at_3_std": -2.5207238945764647, + "nauc_mrr_at_5_diff1": 76.06929563357589, + "nauc_mrr_at_5_max": 61.93563829360039, + "nauc_mrr_at_5_std": -1.9424637593671918, + "nauc_ndcg_at_1000_diff1": 75.7057240434196, + "nauc_ndcg_at_1000_max": 62.021717989510385, + "nauc_ndcg_at_1000_std": -2.2522490330905103, + "nauc_ndcg_at_100_diff1": 75.62156032414751, + "nauc_ndcg_at_100_max": 61.97932968109654, + "nauc_ndcg_at_100_std": -2.0118635701265375, + "nauc_ndcg_at_10_diff1": 75.09836101324169, + "nauc_ndcg_at_10_max": 62.703427209156736, + "nauc_ndcg_at_10_std": -2.9287738405282395, + "nauc_ndcg_at_1_diff1": 78.13561632940586, + "nauc_ndcg_at_1_max": 59.243520843511746, + "nauc_ndcg_at_1_std": -2.6689239089679515, + "nauc_ndcg_at_20_diff1": 75.46348763248093, + "nauc_ndcg_at_20_max": 62.35498579351012, + "nauc_ndcg_at_20_std": -2.577338920595739, + "nauc_ndcg_at_3_diff1": 74.92773626606146, + "nauc_ndcg_at_3_max": 62.55812080913172, + "nauc_ndcg_at_3_std": -2.5630879822636476, + "nauc_ndcg_at_5_diff1": 75.3100398038724, + "nauc_ndcg_at_5_max": 62.81733471459409, + "nauc_ndcg_at_5_std": -1.501748019065971, + "nauc_precision_at_1000_diff1": NaN, + "nauc_precision_at_1000_max": NaN, + "nauc_precision_at_1000_std": NaN, + "nauc_precision_at_100_diff1": 66.63165266106552, + "nauc_precision_at_100_max": 57.60582010582053, + "nauc_precision_at_100_std": 23.844537815126937, + "nauc_precision_at_10_diff1": 70.08984254109942, + "nauc_precision_at_10_max": 67.45880653843606, + "nauc_precision_at_10_std": -6.3555626412584, + "nauc_precision_at_1_diff1": 78.13561632940586, + "nauc_precision_at_1_max": 59.243520843511746, + "nauc_precision_at_1_std": -2.6689239089679515, + "nauc_precision_at_20_diff1": 71.63306637208878, + "nauc_precision_at_20_max": 65.99137307505141, + "nauc_precision_at_20_std": -4.675767020423249, + "nauc_precision_at_3_diff1": 71.57608769475272, + "nauc_precision_at_3_max": 65.10683383365713, + "nauc_precision_at_3_std": -2.7514636167292985, + "nauc_precision_at_5_diff1": 72.21412151067312, + "nauc_precision_at_5_max": 66.43448275862069, + "nauc_precision_at_5_std": 0.4555008210180189, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": 66.63165266106327, + "nauc_recall_at_100_max": 57.60582010581922, + "nauc_recall_at_100_std": 23.844537815125907, + "nauc_recall_at_10_diff1": 70.08984254109967, + "nauc_recall_at_10_max": 67.45880653843632, + "nauc_recall_at_10_std": -6.355562641258283, + "nauc_recall_at_1_diff1": 78.13561632940586, + "nauc_recall_at_1_max": 59.243520843511746, + "nauc_recall_at_1_std": -2.6689239089679515, + "nauc_recall_at_20_diff1": 71.6330663720887, + "nauc_recall_at_20_max": 65.9913730750516, + "nauc_recall_at_20_std": -4.675767020422999, + "nauc_recall_at_3_diff1": 71.57608769475274, + "nauc_recall_at_3_max": 65.106833833657, + "nauc_recall_at_3_std": -2.7514636167294, + "nauc_recall_at_5_diff1": 72.21412151067315, + "nauc_recall_at_5_max": 66.43448275862077, + "nauc_recall_at_5_std": 0.4555008210180812, + "ndcg_at_1": 67.333, + "ndcg_at_10": 77.865, + "ndcg_at_100": 79.927, + "ndcg_at_1000": 80.104, + "ndcg_at_20": 78.701, + "ndcg_at_3": 74.509, + "ndcg_at_5": 76.101, + "precision_at_1": 67.333, + "precision_at_10": 8.878, + "precision_at_100": 0.987, + "precision_at_1000": 0.1, + "precision_at_20": 4.606, + "precision_at_3": 26.480999999999998, + "precision_at_5": 16.667, + "recall_at_1": 67.333, + "recall_at_10": 88.778, + "recall_at_100": 98.667, + "recall_at_1000": 100.0, + "recall_at_20": 92.111, + "recall_at_3": 79.444, + "recall_at_5": 83.333 + }, + { + "hf_subset": "hun_Latn-eng_Latn", + "languages": [ + "hun-Latn", + "eng-Latn" + ], + "main_score": 71.307, + "map_at_1": 57.778, + "map_at_10": 66.843, + "map_at_100": 67.368, + "map_at_1000": 67.38300000000001, + "map_at_20": 67.162, + "map_at_3": 64.704, + "map_at_5": 65.97, + "mrr_at_1": 57.77777777777777, + "mrr_at_10": 66.8428130511464, + "mrr_at_100": 67.36803803097415, + "mrr_at_1000": 67.38317813286176, + "mrr_at_20": 67.16164827986293, + "mrr_at_3": 64.7037037037037, + "mrr_at_5": 65.97037037037038, + "nauc_map_at_1000_diff1": 69.02219987684592, + "nauc_map_at_1000_max": 60.114123597785785, + "nauc_map_at_1000_std": 4.880216382742553, + "nauc_map_at_100_diff1": 69.01116363727591, + "nauc_map_at_100_max": 60.11716622079215, + "nauc_map_at_100_std": 4.890393343425179, + "nauc_map_at_10_diff1": 68.95240309900163, + "nauc_map_at_10_max": 60.124170478386105, + "nauc_map_at_10_std": 4.819161459028938, + "nauc_map_at_1_diff1": 72.45335820895522, + "nauc_map_at_1_max": 59.127316006176, + "nauc_map_at_1_std": 6.580191713844538, + "nauc_map_at_20_diff1": 68.87249492072671, + "nauc_map_at_20_max": 60.04834608184139, + "nauc_map_at_20_std": 4.807958211395879, + "nauc_map_at_3_diff1": 69.38092756897547, + "nauc_map_at_3_max": 60.30271451423346, + "nauc_map_at_3_std": 3.9374045068220322, + "nauc_map_at_5_diff1": 69.10875854889262, + "nauc_map_at_5_max": 60.24557626138646, + "nauc_map_at_5_std": 4.271289591515184, + "nauc_mrr_at_1000_diff1": 69.02219987684592, + "nauc_mrr_at_1000_max": 60.114123597785785, + "nauc_mrr_at_1000_std": 4.880216382742553, + "nauc_mrr_at_100_diff1": 69.01116363727591, + "nauc_mrr_at_100_max": 60.11716622079215, + "nauc_mrr_at_100_std": 4.890393343425179, + "nauc_mrr_at_10_diff1": 68.95240309900163, + "nauc_mrr_at_10_max": 60.124170478386105, + "nauc_mrr_at_10_std": 4.819161459028938, + "nauc_mrr_at_1_diff1": 72.45335820895522, + "nauc_mrr_at_1_max": 59.127316006176, + "nauc_mrr_at_1_std": 6.580191713844538, + "nauc_mrr_at_20_diff1": 68.87249492072671, + "nauc_mrr_at_20_max": 60.04834608184139, + "nauc_mrr_at_20_std": 4.807958211395879, + "nauc_mrr_at_3_diff1": 69.38092756897547, + "nauc_mrr_at_3_max": 60.30271451423346, + "nauc_mrr_at_3_std": 3.9374045068220322, + "nauc_mrr_at_5_diff1": 69.10875854889262, + "nauc_mrr_at_5_max": 60.24557626138646, + "nauc_mrr_at_5_std": 4.271289591515184, + "nauc_ndcg_at_1000_diff1": 68.36151731152576, + "nauc_ndcg_at_1000_max": 60.21499073164881, + "nauc_ndcg_at_1000_std": 5.019374170320369, + "nauc_ndcg_at_100_diff1": 68.12777182930174, + "nauc_ndcg_at_100_max": 60.293069076013296, + "nauc_ndcg_at_100_std": 5.375522795479381, + "nauc_ndcg_at_10_diff1": 67.46914440211127, + "nauc_ndcg_at_10_max": 60.210209508170976, + "nauc_ndcg_at_10_std": 4.921793458534013, + "nauc_ndcg_at_1_diff1": 72.45335820895522, + "nauc_ndcg_at_1_max": 59.127316006176, + "nauc_ndcg_at_1_std": 6.580191713844538, + "nauc_ndcg_at_20_diff1": 67.09692054164125, + "nauc_ndcg_at_20_max": 59.89689460185056, + "nauc_ndcg_at_20_std": 4.977631579372532, + "nauc_ndcg_at_3_diff1": 68.54468748113734, + "nauc_ndcg_at_3_max": 60.66886257099051, + "nauc_ndcg_at_3_std": 3.073807310026356, + "nauc_ndcg_at_5_diff1": 67.94441056262235, + "nauc_ndcg_at_5_max": 60.47774252804478, + "nauc_ndcg_at_5_std": 3.572034464519458, + "nauc_precision_at_1000_diff1": NaN, + "nauc_precision_at_1000_max": NaN, + "nauc_precision_at_1000_std": NaN, + "nauc_precision_at_100_diff1": 52.808123249299676, + "nauc_precision_at_100_max": 65.81699346405254, + "nauc_precision_at_100_std": 31.809056956116383, + "nauc_precision_at_10_diff1": 59.02820830750145, + "nauc_precision_at_10_max": 60.33787972721626, + "nauc_precision_at_10_std": 6.405175213296739, + "nauc_precision_at_1_diff1": 72.45335820895522, + "nauc_precision_at_1_max": 59.127316006176, + "nauc_precision_at_1_std": 6.580191713844538, + "nauc_precision_at_20_diff1": 52.242994576107485, + "nauc_precision_at_20_max": 57.56617253643015, + "nauc_precision_at_20_std": 7.9884388212213455, + "nauc_precision_at_3_diff1": 65.73191064426206, + "nauc_precision_at_3_max": 61.92373010829596, + "nauc_precision_at_3_std": 0.096317142458587, + "nauc_precision_at_5_diff1": 63.20464039592358, + "nauc_precision_at_5_max": 61.25721735891223, + "nauc_precision_at_5_std": 0.7937099220392029, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": 52.80812324929921, + "nauc_recall_at_100_max": 65.81699346405242, + "nauc_recall_at_100_std": 31.809056956115235, + "nauc_recall_at_10_diff1": 59.02820830750159, + "nauc_recall_at_10_max": 60.337879727216446, + "nauc_recall_at_10_std": 6.405175213296646, + "nauc_recall_at_1_diff1": 72.45335820895522, + "nauc_recall_at_1_max": 59.127316006176, + "nauc_recall_at_1_std": 6.580191713844538, + "nauc_recall_at_20_diff1": 52.242994576107534, + "nauc_recall_at_20_max": 57.56617253643034, + "nauc_recall_at_20_std": 7.988438821221468, + "nauc_recall_at_3_diff1": 65.73191064426209, + "nauc_recall_at_3_max": 61.923730108295906, + "nauc_recall_at_3_std": 0.09631714245861488, + "nauc_recall_at_5_diff1": 63.204640395923626, + "nauc_recall_at_5_max": 61.25721735891235, + "nauc_recall_at_5_std": 0.7937099220392697, + "ndcg_at_1": 57.778, + "ndcg_at_10": 71.307, + "ndcg_at_100": 73.942, + "ndcg_at_1000": 74.248, + "ndcg_at_20": 72.499, + "ndcg_at_3": 66.95, + "ndcg_at_5": 69.21199999999999, + "precision_at_1": 57.778, + "precision_at_10": 8.533, + "precision_at_100": 0.9780000000000001, + "precision_at_1000": 0.1, + "precision_at_20": 4.506, + "precision_at_3": 24.481, + "precision_at_5": 15.778, + "recall_at_1": 57.778, + "recall_at_10": 85.333, + "recall_at_100": 97.77799999999999, + "recall_at_1000": 100.0, + "recall_at_20": 90.11099999999999, + "recall_at_3": 73.444, + "recall_at_5": 78.889 + }, + { + "hf_subset": "eng_Latn-hun_Latn", + "languages": [ + "eng-Latn", + "hun-Latn" + ], + "main_score": 73.668, + "map_at_1": 60.778, + "map_at_10": 69.571, + "map_at_100": 70.114, + "map_at_1000": 70.124, + "map_at_20": 69.93700000000001, + "map_at_3": 67.778, + "map_at_5": 68.872, + "mrr_at_1": 60.77777777777777, + "mrr_at_10": 69.57142857142857, + "mrr_at_100": 70.1136336675579, + "mrr_at_1000": 70.12432347462514, + "mrr_at_20": 69.93690215204663, + "mrr_at_3": 67.77777777777779, + "mrr_at_5": 68.87222222222223, + "nauc_map_at_1000_diff1": 70.84789011327231, + "nauc_map_at_1000_max": 60.852088181225824, + "nauc_map_at_1000_std": 6.549993568212846, + "nauc_map_at_100_diff1": 70.84603146007751, + "nauc_map_at_100_max": 60.859417397516125, + "nauc_map_at_100_std": 6.577244018939677, + "nauc_map_at_10_diff1": 70.71490936568583, + "nauc_map_at_10_max": 60.94472236517367, + "nauc_map_at_10_std": 6.53657697773106, + "nauc_map_at_1_diff1": 74.59301032751448, + "nauc_map_at_1_max": 59.251209223705935, + "nauc_map_at_1_std": 6.536579330592454, + "nauc_map_at_20_diff1": 70.69902333418673, + "nauc_map_at_20_max": 60.84819592450007, + "nauc_map_at_20_std": 6.487171209675751, + "nauc_map_at_3_diff1": 70.94073456299253, + "nauc_map_at_3_max": 61.117845574972286, + "nauc_map_at_3_std": 5.824524654602759, + "nauc_map_at_5_diff1": 70.64337838638826, + "nauc_map_at_5_max": 60.69375707294804, + "nauc_map_at_5_std": 6.1403804587682025, + "nauc_mrr_at_1000_diff1": 70.84789011327231, + "nauc_mrr_at_1000_max": 60.852088181225824, + "nauc_mrr_at_1000_std": 6.549993568212846, + "nauc_mrr_at_100_diff1": 70.84603146007751, + "nauc_mrr_at_100_max": 60.859417397516125, + "nauc_mrr_at_100_std": 6.577244018939677, + "nauc_mrr_at_10_diff1": 70.71490936568583, + "nauc_mrr_at_10_max": 60.94472236517367, + "nauc_mrr_at_10_std": 6.53657697773106, + "nauc_mrr_at_1_diff1": 74.59301032751448, + "nauc_mrr_at_1_max": 59.251209223705935, + "nauc_mrr_at_1_std": 6.536579330592454, + "nauc_mrr_at_20_diff1": 70.69902333418673, + "nauc_mrr_at_20_max": 60.84819592450007, + "nauc_mrr_at_20_std": 6.487171209675751, + "nauc_mrr_at_3_diff1": 70.94073456299253, + "nauc_mrr_at_3_max": 61.117845574972286, + "nauc_mrr_at_3_std": 5.824524654602759, + "nauc_mrr_at_5_diff1": 70.64337838638826, + "nauc_mrr_at_5_max": 60.69375707294804, + "nauc_mrr_at_5_std": 6.1403804587682025, + "nauc_ndcg_at_1000_diff1": 70.2568421673153, + "nauc_ndcg_at_1000_max": 61.154155762479746, + "nauc_ndcg_at_1000_std": 6.987492117976732, + "nauc_ndcg_at_100_diff1": 70.23106290886678, + "nauc_ndcg_at_100_max": 61.387176821366296, + "nauc_ndcg_at_100_std": 7.782749694416603, + "nauc_ndcg_at_10_diff1": 69.26227190907855, + "nauc_ndcg_at_10_max": 61.634434826859874, + "nauc_ndcg_at_10_std": 7.185316156791736, + "nauc_ndcg_at_1_diff1": 74.59301032751448, + "nauc_ndcg_at_1_max": 59.251209223705935, + "nauc_ndcg_at_1_std": 6.536579330592454, + "nauc_ndcg_at_20_diff1": 69.1954116973286, + "nauc_ndcg_at_20_max": 61.38887961478062, + "nauc_ndcg_at_20_std": 7.1318041010309585, + "nauc_ndcg_at_3_diff1": 69.75775816678905, + "nauc_ndcg_at_3_max": 61.67436817540673, + "nauc_ndcg_at_3_std": 5.650531149732009, + "nauc_ndcg_at_5_diff1": 69.1651947412561, + "nauc_ndcg_at_5_max": 60.97882565960433, + "nauc_ndcg_at_5_std": 6.203128058155249, + "nauc_precision_at_1000_diff1": NaN, + "nauc_precision_at_1000_max": NaN, + "nauc_precision_at_1000_std": NaN, + "nauc_precision_at_100_diff1": 68.65491294557121, + "nauc_precision_at_100_max": 80.36744109408565, + "nauc_precision_at_100_std": 70.92327126929257, + "nauc_precision_at_10_diff1": 61.29162638094176, + "nauc_precision_at_10_max": 65.7264903076506, + "nauc_precision_at_10_std": 11.47548778748128, + "nauc_precision_at_1_diff1": 74.59301032751448, + "nauc_precision_at_1_max": 59.251209223705935, + "nauc_precision_at_1_std": 6.536579330592454, + "nauc_precision_at_20_diff1": 56.51478369125409, + "nauc_precision_at_20_max": 66.28882664176771, + "nauc_precision_at_20_std": 14.05415499533146, + "nauc_precision_at_3_diff1": 65.55150000975934, + "nauc_precision_at_3_max": 63.631594870493636, + "nauc_precision_at_3_std": 5.057287295297996, + "nauc_precision_at_5_diff1": 62.93787770906014, + "nauc_precision_at_5_max": 62.06285784899278, + "nauc_precision_at_5_std": 6.577948558011871, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": 68.6549129455701, + "nauc_recall_at_100_max": 80.36744109408454, + "nauc_recall_at_100_std": 70.92327126929207, + "nauc_recall_at_10_diff1": 61.29162638094184, + "nauc_recall_at_10_max": 65.72649030765079, + "nauc_recall_at_10_std": 11.475487787481537, + "nauc_recall_at_1_diff1": 74.59301032751448, + "nauc_recall_at_1_max": 59.251209223705935, + "nauc_recall_at_1_std": 6.536579330592454, + "nauc_recall_at_20_diff1": 56.514783691254266, + "nauc_recall_at_20_max": 66.28882664176774, + "nauc_recall_at_20_std": 14.054154995331741, + "nauc_recall_at_3_diff1": 65.55150000975928, + "nauc_recall_at_3_max": 63.63159487049364, + "nauc_recall_at_3_std": 5.05728729529798, + "nauc_recall_at_5_diff1": 62.937877709060295, + "nauc_recall_at_5_max": 62.06285784899285, + "nauc_recall_at_5_std": 6.577948558011953, + "ndcg_at_1": 60.778, + "ndcg_at_10": 73.668, + "ndcg_at_100": 76.21, + "ndcg_at_1000": 76.459, + "ndcg_at_20": 74.993, + "ndcg_at_3": 70.00800000000001, + "ndcg_at_5": 71.978, + "precision_at_1": 60.778, + "precision_at_10": 8.644, + "precision_at_100": 0.9809999999999999, + "precision_at_1000": 0.1, + "precision_at_20": 4.583, + "precision_at_3": 25.480999999999998, + "precision_at_5": 16.244, + "recall_at_1": 60.778, + "recall_at_10": 86.444, + "recall_at_100": 98.111, + "recall_at_1000": 100.0, + "recall_at_20": 91.667, + "recall_at_3": 76.444, + "recall_at_5": 81.22200000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/karsar__paraphrase-multilingual-MiniLM-L12-hu_v1/external/BibleNLPBitextMining.json b/results/karsar__paraphrase-multilingual-MiniLM-L12-hu_v1/external/BibleNLPBitextMining.json new file mode 100644 index 000000000..533957e50 --- /dev/null +++ b/results/karsar__paraphrase-multilingual-MiniLM-L12-hu_v1/external/BibleNLPBitextMining.json @@ -0,0 +1,34 @@ +{ + "dataset_revision": "264a18480c529d9e922483839b4b9758e690b762", + "task_name": "BibleNLPBitextMining", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "train": [ + { + "hf_subset": "eng_Latn-hun_Latn", + "languages": [ + "eng-Latn", + "hun-Latn" + ], + "accuracy": 88.671875, + "f1": 85.859375, + "main_score": 85.859375, + "precision": 84.71354166666667, + "recall": 88.671875 + }, + { + "hf_subset": "hun_Latn-eng_Latn", + "languages": [ + "hun-Latn", + "eng-Latn" + ], + "accuracy": 91.796875, + "f1": 89.41406249999999, + "main_score": 89.41406249999999, + "precision": 88.31380208333334, + "recall": 91.796875 + } + ] + } +} \ No newline at end of file diff --git a/results/karsar__paraphrase-multilingual-MiniLM-L12-hu_v1/external/HunSum2AbstractiveRetrieval.json b/results/karsar__paraphrase-multilingual-MiniLM-L12-hu_v1/external/HunSum2AbstractiveRetrieval.json new file mode 100644 index 000000000..1e6c8d84b --- /dev/null +++ b/results/karsar__paraphrase-multilingual-MiniLM-L12-hu_v1/external/HunSum2AbstractiveRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "24e1445c8180d937f0a16f8ae8a62e77cc952e56", + "task_name": "HunSum2AbstractiveRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "hun-Latn" + ], + "main_score": 63.263000000000005, + "map_at_1": 63.263000000000005, + "map_at_10": 69.717, + "map_at_100": 70.19999999999999, + "map_at_1000": 70.223, + "map_at_20": 69.987, + "map_at_3": 68.126, + "map_at_5": 69.11500000000001, + "mrr_at_1": 63.263263263263255, + "mrr_at_10": 69.71656179989505, + "mrr_at_100": 70.20005091433352, + "mrr_at_1000": 70.22300238535382, + "mrr_at_20": 69.98650484718584, + "mrr_at_3": 68.12645979312641, + "mrr_at_5": 69.11494828161491, + "nauc_map_at_1000_diff1": 78.57062147162597, + "nauc_map_at_1000_max": 67.50701502337495, + "nauc_map_at_1000_std": -0.5617129044803558, + "nauc_map_at_100_diff1": 78.55994402867587, + "nauc_map_at_100_max": 67.50751346612932, + "nauc_map_at_100_std": -0.5527533150571393, + "nauc_map_at_10_diff1": 78.40366721771652, + "nauc_map_at_10_max": 67.49241622659412, + "nauc_map_at_10_std": -0.48552097268197614, + "nauc_map_at_1_diff1": 82.01486923813978, + "nauc_map_at_1_max": 65.96265600324601, + "nauc_map_at_1_std": -3.3920974069100702, + "nauc_map_at_20_diff1": 78.47160921094391, + "nauc_map_at_20_max": 67.53010937556571, + "nauc_map_at_20_std": -0.5304810036230149, + "nauc_map_at_3_diff1": 78.82728109994231, + "nauc_map_at_3_max": 67.67886259360823, + "nauc_map_at_3_std": -0.8390404611287001, + "nauc_map_at_5_diff1": 78.64851152021848, + "nauc_map_at_5_max": 67.56443643847581, + "nauc_map_at_5_std": -0.5438994708241538, + "nauc_mrr_at_1000_diff1": 78.57062147162597, + "nauc_mrr_at_1000_max": 67.50701502337495, + "nauc_mrr_at_1000_std": -0.5617129044803558, + "nauc_mrr_at_100_diff1": 78.55994402867587, + "nauc_mrr_at_100_max": 67.50751346612932, + "nauc_mrr_at_100_std": -0.5527533150571393, + "nauc_mrr_at_10_diff1": 78.40366721771652, + "nauc_mrr_at_10_max": 67.49241622659412, + "nauc_mrr_at_10_std": -0.48552097268197614, + "nauc_mrr_at_1_diff1": 82.01486923813978, + "nauc_mrr_at_1_max": 65.96265600324601, + "nauc_mrr_at_1_std": -3.3920974069100702, + "nauc_mrr_at_20_diff1": 78.47160921094391, + "nauc_mrr_at_20_max": 67.53010937556571, + "nauc_mrr_at_20_std": -0.5304810036230149, + "nauc_mrr_at_3_diff1": 78.82728109994231, + "nauc_mrr_at_3_max": 67.67886259360823, + "nauc_mrr_at_3_std": -0.8390404611287001, + "nauc_mrr_at_5_diff1": 78.64851152021848, + "nauc_mrr_at_5_max": 67.56443643847581, + "nauc_mrr_at_5_std": -0.5438994708241538, + "nauc_ndcg_at_1000_diff1": 77.85313935589254, + "nauc_ndcg_at_1000_max": 67.79745016701565, + "nauc_ndcg_at_1000_std": 0.3743893992928968, + "nauc_ndcg_at_100_diff1": 77.54895730138853, + "nauc_ndcg_at_100_max": 67.90017248869928, + "nauc_ndcg_at_100_std": 0.859162358234398, + "nauc_ndcg_at_10_diff1": 76.71113405671676, + "nauc_ndcg_at_10_max": 67.96034182778398, + "nauc_ndcg_at_10_std": 1.1822837192182254, + "nauc_ndcg_at_1_diff1": 82.01486923813978, + "nauc_ndcg_at_1_max": 65.96265600324601, + "nauc_ndcg_at_1_std": -3.3920974069100702, + "nauc_ndcg_at_20_diff1": 76.93959621702203, + "nauc_ndcg_at_20_max": 68.11195662698223, + "nauc_ndcg_at_20_std": 1.04309687394849, + "nauc_ndcg_at_3_diff1": 77.79565059957739, + "nauc_ndcg_at_3_max": 68.28729385816999, + "nauc_ndcg_at_3_std": 0.2325515867720005, + "nauc_ndcg_at_5_diff1": 77.37740780039985, + "nauc_ndcg_at_5_max": 68.0591693716456, + "nauc_ndcg_at_5_std": 0.8419316054801026, + "nauc_precision_at_1000_diff1": 70.06119288295852, + "nauc_precision_at_1000_max": 56.300969751588504, + "nauc_precision_at_1000_std": 42.8131104675957, + "nauc_precision_at_100_diff1": 67.53252742986358, + "nauc_precision_at_100_max": 71.63984328411749, + "nauc_precision_at_100_std": 20.467710864542678, + "nauc_precision_at_10_diff1": 68.62375685620702, + "nauc_precision_at_10_max": 70.02532507228068, + "nauc_precision_at_10_std": 9.35439782317633, + "nauc_precision_at_1_diff1": 82.01486923813978, + "nauc_precision_at_1_max": 65.96265600324601, + "nauc_precision_at_1_std": -3.3920974069100702, + "nauc_precision_at_20_diff1": 67.96187481073133, + "nauc_precision_at_20_max": 71.59854027319963, + "nauc_precision_at_20_std": 10.641909874113086, + "nauc_precision_at_3_diff1": 74.38802810704372, + "nauc_precision_at_3_max": 70.31804260818862, + "nauc_precision_at_3_std": 3.8694413447531946, + "nauc_precision_at_5_diff1": 72.53680275396366, + "nauc_precision_at_5_max": 69.84127154759457, + "nauc_precision_at_5_std": 6.232801743816592, + "nauc_recall_at_1000_diff1": 70.06119288296337, + "nauc_recall_at_1000_max": 56.30096975158339, + "nauc_recall_at_1000_std": 42.81311046760523, + "nauc_recall_at_100_diff1": 67.53252742986345, + "nauc_recall_at_100_max": 71.63984328411706, + "nauc_recall_at_100_std": 20.46771086454334, + "nauc_recall_at_10_diff1": 68.62375685620707, + "nauc_recall_at_10_max": 70.02532507228068, + "nauc_recall_at_10_std": 9.354397823176459, + "nauc_recall_at_1_diff1": 82.01486923813978, + "nauc_recall_at_1_max": 65.96265600324601, + "nauc_recall_at_1_std": -3.3920974069100702, + "nauc_recall_at_20_diff1": 67.96187481073152, + "nauc_recall_at_20_max": 71.59854027319979, + "nauc_recall_at_20_std": 10.641909874113258, + "nauc_recall_at_3_diff1": 74.3880281070437, + "nauc_recall_at_3_max": 70.31804260818865, + "nauc_recall_at_3_std": 3.8694413447530995, + "nauc_recall_at_5_diff1": 72.53680275396374, + "nauc_recall_at_5_max": 69.84127154759464, + "nauc_recall_at_5_std": 6.232801743816686, + "ndcg_at_1": 63.263000000000005, + "ndcg_at_10": 72.89099999999999, + "ndcg_at_100": 75.421, + "ndcg_at_1000": 76.027, + "ndcg_at_20": 73.919, + "ndcg_at_3": 69.646, + "ndcg_at_5": 71.434, + "precision_at_1": 63.263000000000005, + "precision_at_10": 8.288, + "precision_at_100": 0.95, + "precision_at_1000": 0.1, + "precision_at_20": 4.352, + "precision_at_3": 24.675, + "precision_at_5": 15.676000000000002, + "recall_at_1": 63.263000000000005, + "recall_at_10": 82.883, + "recall_at_100": 95.045, + "recall_at_1000": 99.8, + "recall_at_20": 87.03699999999999, + "recall_at_3": 74.024, + "recall_at_5": 78.378 + } + ] + } +} \ No newline at end of file diff --git a/results/karsar__paraphrase-multilingual-MiniLM-L12-hu_v1/external/MassiveIntentClassification.json b/results/karsar__paraphrase-multilingual-MiniLM-L12-hu_v1/external/MassiveIntentClassification.json new file mode 100644 index 000000000..bd2d9a5a6 --- /dev/null +++ b/results/karsar__paraphrase-multilingual-MiniLM-L12-hu_v1/external/MassiveIntentClassification.json @@ -0,0 +1,32 @@ +{ + "dataset_revision": "4672e20407010da34463acc759c162ca9734bca6", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 60.08406186953599, + "f1": 56.958742875652455, + "f1_weighted": 60.57068245324919, + "main_score": 60.08406186953599 + } + ], + "validation": [ + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 60.201672405312344, + "f1": 57.03816512332761, + "f1_weighted": 60.53109947438201, + "main_score": 60.201672405312344 + } + ] + } +} \ No newline at end of file diff --git a/results/karsar__paraphrase-multilingual-MiniLM-L12-hu_v1/external/MassiveScenarioClassification.json b/results/karsar__paraphrase-multilingual-MiniLM-L12-hu_v1/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..f874976a9 --- /dev/null +++ b/results/karsar__paraphrase-multilingual-MiniLM-L12-hu_v1/external/MassiveScenarioClassification.json @@ -0,0 +1,32 @@ +{ + "dataset_revision": "fad2c6e8459f9e1c45d9315f4953d921437d70f8", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 66.61398789509079, + "f1": 65.88647044935249, + "f1_weighted": 66.80145146976484, + "main_score": 66.61398789509079 + } + ], + "validation": [ + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 66.11411706837187, + "f1": 65.76717397996951, + "f1_weighted": 66.29902597756885, + "main_score": 66.11411706837187 + } + ] + } +} \ No newline at end of file diff --git a/results/karsar__paraphrase-multilingual-MiniLM-L12-hu_v1/external/MultiEURLEXMultilabelClassification.json b/results/karsar__paraphrase-multilingual-MiniLM-L12-hu_v1/external/MultiEURLEXMultilabelClassification.json new file mode 100644 index 000000000..4f19ca6d3 --- /dev/null +++ b/results/karsar__paraphrase-multilingual-MiniLM-L12-hu_v1/external/MultiEURLEXMultilabelClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "2aea5a6dc8fdcfeca41d0fb963c0a338930bde5c", + "task_name": "MultiEURLEXMultilabelClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 3.0839999999999996, + "f1": 27.860225486785566, + "lrap": 43.02579150793552, + "main_score": 3.0839999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/karsar__paraphrase-multilingual-MiniLM-L12-hu_v1/external/NTREXBitextMining.json b/results/karsar__paraphrase-multilingual-MiniLM-L12-hu_v1/external/NTREXBitextMining.json new file mode 100644 index 000000000..4771ed52c --- /dev/null +++ b/results/karsar__paraphrase-multilingual-MiniLM-L12-hu_v1/external/NTREXBitextMining.json @@ -0,0 +1,658 @@ +{ + "dataset_revision": "ed9a4403ed4adbfaf4aab56d5b2709e9f6c3ba33", + "task_name": "NTREXBitextMining", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "arb_Arab-hun_Latn", + "languages": [ + "arb-Arab", + "hun-Latn" + ], + "accuracy": 85.678517776665, + "f1": 81.92049979731502, + "main_score": 81.92049979731502, + "precision": 80.21115005842097, + "recall": 85.678517776665 + }, + { + "hf_subset": "ben_Beng-hun_Latn", + "languages": [ + "ben-Beng", + "hun-Latn" + ], + "accuracy": 44.566850275413124, + "f1": 39.07033025889276, + "main_score": 39.07033025889276, + "precision": 37.07348327291399, + "recall": 44.566850275413124 + }, + { + "hf_subset": "deu_Latn-hun_Latn", + "languages": [ + "deu-Latn", + "hun-Latn" + ], + "accuracy": 93.44016024036054, + "f1": 91.61909530963112, + "main_score": 91.61909530963112, + "precision": 90.75279586045735, + "recall": 93.44016024036054 + }, + { + "hf_subset": "ell_Grek-hun_Latn", + "languages": [ + "ell-Grek", + "hun-Latn" + ], + "accuracy": 91.4371557336004, + "f1": 89.0261582850466, + "main_score": 89.0261582850466, + "precision": 87.9043565348022, + "recall": 91.4371557336004 + }, + { + "hf_subset": "eng_Latn-hun_Latn", + "languages": [ + "eng-Latn", + "hun-Latn" + ], + "accuracy": 94.44166249374061, + "f1": 92.8092138207311, + "main_score": 92.8092138207311, + "precision": 92.0422300116842, + "recall": 94.44166249374061 + }, + { + "hf_subset": "fas_Arab-hun_Latn", + "languages": [ + "fas-Arab", + "hun-Latn" + ], + "accuracy": 89.53430145217827, + "f1": 86.72270310227245, + "main_score": 86.72270310227245, + "precision": 85.42814221331997, + "recall": 89.53430145217827 + }, + { + "hf_subset": "fin_Latn-hun_Latn", + "languages": [ + "fin-Latn", + "hun-Latn" + ], + "accuracy": 90.98647971957938, + "f1": 88.44600233683859, + "main_score": 88.44600233683859, + "precision": 87.2575529961609, + "recall": 90.98647971957938 + }, + { + "hf_subset": "fra_Latn-hun_Latn", + "languages": [ + "fra-Latn", + "hun-Latn" + ], + "accuracy": 92.28843264897347, + "f1": 90.12518778167251, + "main_score": 90.12518778167251, + "precision": 89.12535469871473, + "recall": 92.28843264897347 + }, + { + "hf_subset": "heb_Hebr-hun_Latn", + "languages": [ + "heb-Hebr", + "hun-Latn" + ], + "accuracy": 87.33099649474211, + "f1": 83.88582874311467, + "main_score": 83.88582874311467, + "precision": 82.31263562009681, + "recall": 87.33099649474211 + }, + { + "hf_subset": "hin_Deva-hun_Latn", + "languages": [ + "hin-Deva", + "hun-Latn" + ], + "accuracy": 86.52979469203805, + "f1": 83.08240137984755, + "main_score": 83.08240137984755, + "precision": 81.51352028042064, + "recall": 86.52979469203805 + }, + { + "hf_subset": "hun_Latn-arb_Arab", + "languages": [ + "hun-Latn", + "arb-Arab" + ], + "accuracy": 86.73009514271406, + "f1": 83.12397167179341, + "main_score": 83.12397167179341, + "precision": 81.47805040894676, + "recall": 86.73009514271406 + }, + { + "hf_subset": "hun_Latn-ben_Beng", + "languages": [ + "hun-Latn", + "ben-Beng" + ], + "accuracy": 41.16174261392088, + "f1": 32.73025519520262, + "main_score": 32.73025519520262, + "precision": 29.859172986363774, + "recall": 41.16174261392088 + }, + { + "hf_subset": "hun_Latn-deu_Latn", + "languages": [ + "hun-Latn", + "deu-Latn" + ], + "accuracy": 93.39008512769153, + "f1": 91.5456518110499, + "main_score": 91.5456518110499, + "precision": 90.66099148723085, + "recall": 93.39008512769153 + }, + { + "hf_subset": "hun_Latn-ell_Grek", + "languages": [ + "hun-Latn", + "ell-Grek" + ], + "accuracy": 92.03805708562844, + "f1": 89.81305291270239, + "main_score": 89.81305291270239, + "precision": 88.78317476214322, + "recall": 92.03805708562844 + }, + { + "hf_subset": "hun_Latn-eng_Latn", + "languages": [ + "hun-Latn", + "eng-Latn" + ], + "accuracy": 94.74211316975463, + "f1": 93.23985978968453, + "main_score": 93.23985978968453, + "precision": 92.51377065598398, + "recall": 94.74211316975463 + }, + { + "hf_subset": "hun_Latn-fas_Arab", + "languages": [ + "hun-Latn", + "fas-Arab" + ], + "accuracy": 88.5327991987982, + "f1": 85.49240527457853, + "main_score": 85.49240527457853, + "precision": 84.10413238905979, + "recall": 88.5327991987982 + }, + { + "hf_subset": "hun_Latn-fin_Latn", + "languages": [ + "hun-Latn", + "fin-Latn" + ], + "accuracy": 90.23535302954431, + "f1": 87.53296611584042, + "main_score": 87.53296611584042, + "precision": 86.26690035052579, + "recall": 90.23535302954431 + }, + { + "hf_subset": "hun_Latn-fra_Latn", + "languages": [ + "hun-Latn", + "fra-Latn" + ], + "accuracy": 92.63895843765648, + "f1": 90.47070605908863, + "main_score": 90.47070605908863, + "precision": 89.42163244867301, + "recall": 92.63895843765648 + }, + { + "hf_subset": "hun_Latn-heb_Hebr", + "languages": [ + "hun-Latn", + "heb-Hebr" + ], + "accuracy": 86.62994491737606, + "f1": 83.19388173168845, + "main_score": 83.19388173168845, + "precision": 81.65832081455517, + "recall": 86.62994491737606 + }, + { + "hf_subset": "hun_Latn-hin_Deva", + "languages": [ + "hun-Latn", + "hin-Deva" + ], + "accuracy": 83.97596394591888, + "f1": 79.85502062617736, + "main_score": 79.85502062617736, + "precision": 78.01758192844824, + "recall": 83.97596394591888 + }, + { + "hf_subset": "hun_Latn-ind_Latn", + "languages": [ + "hun-Latn", + "ind-Latn" + ], + "accuracy": 92.68903355032549, + "f1": 90.64596895343014, + "main_score": 90.64596895343014, + "precision": 89.68869971624103, + "recall": 92.68903355032549 + }, + { + "hf_subset": "hun_Latn-jpn_Jpan", + "languages": [ + "hun-Latn", + "jpn-Jpan" + ], + "accuracy": 85.778668002003, + "f1": 82.19829744616925, + "main_score": 82.19829744616925, + "precision": 80.62426973794025, + "recall": 85.778668002003 + }, + { + "hf_subset": "hun_Latn-kor_Hang", + "languages": [ + "hun-Latn", + "kor-Hang" + ], + "accuracy": 84.17626439659489, + "f1": 80.26746468909714, + "main_score": 80.26746468909714, + "precision": 78.5646097351155, + "recall": 84.17626439659489 + }, + { + "hf_subset": "hun_Latn-lav_Latn", + "languages": [ + "hun-Latn", + "lav-Latn" + ], + "accuracy": 90.1352028042063, + "f1": 87.30262059756302, + "main_score": 87.30262059756302, + "precision": 85.98731430479052, + "recall": 90.1352028042063 + }, + { + "hf_subset": "hun_Latn-lit_Latn", + "languages": [ + "hun-Latn", + "lit-Latn" + ], + "accuracy": 89.58437656484726, + "f1": 86.8252378567852, + "main_score": 86.8252378567852, + "precision": 85.54581872809214, + "recall": 89.58437656484726 + }, + { + "hf_subset": "hun_Latn-nld_Latn", + "languages": [ + "hun-Latn", + "nld-Latn" + ], + "accuracy": 93.03955933900852, + "f1": 91.03989317309296, + "main_score": 91.03989317309296, + "precision": 90.08930061759305, + "recall": 93.03955933900852 + }, + { + "hf_subset": "hun_Latn-pol_Latn", + "languages": [ + "hun-Latn", + "pol-Latn" + ], + "accuracy": 91.58738107160741, + "f1": 89.28225671841095, + "main_score": 89.28225671841095, + "precision": 88.18227341011517, + "recall": 91.58738107160741 + }, + { + "hf_subset": "hun_Latn-por_Latn", + "languages": [ + "hun-Latn", + "por-Latn" + ], + "accuracy": 93.59038557836755, + "f1": 91.71256885327992, + "main_score": 91.71256885327992, + "precision": 90.80287097312635, + "recall": 93.59038557836755 + }, + { + "hf_subset": "hun_Latn-rus_Cyrl", + "languages": [ + "hun-Latn", + "rus-Cyrl" + ], + "accuracy": 91.3370055082624, + "f1": 88.88916708395926, + "main_score": 88.88916708395926, + "precision": 87.75961561389704, + "recall": 91.3370055082624 + }, + { + "hf_subset": "hun_Latn-spa_Latn", + "languages": [ + "hun-Latn", + "spa-Latn" + ], + "accuracy": 93.69053580370556, + "f1": 91.94959105324652, + "main_score": 91.94959105324652, + "precision": 91.12418627941913, + "recall": 93.69053580370556 + }, + { + "hf_subset": "hun_Latn-swa_Latn", + "languages": [ + "hun-Latn", + "swa-Latn" + ], + "accuracy": 35.803705558337505, + "f1": 27.79832969518814, + "main_score": 27.79832969518814, + "precision": 25.370895920971037, + "recall": 35.803705558337505 + }, + { + "hf_subset": "hun_Latn-swe_Latn", + "languages": [ + "hun-Latn", + "swe-Latn" + ], + "accuracy": 93.59038557836755, + "f1": 91.66249374061091, + "main_score": 91.66249374061091, + "precision": 90.74445000834585, + "recall": 93.59038557836755 + }, + { + "hf_subset": "hun_Latn-tam_Taml", + "languages": [ + "hun-Latn", + "tam-Taml" + ], + "accuracy": 27.391086629944915, + "f1": 19.094552675413095, + "main_score": 19.094552675413095, + "precision": 16.88288208814635, + "recall": 27.391086629944915 + }, + { + "hf_subset": "hun_Latn-tur_Latn", + "languages": [ + "hun-Latn", + "tur-Latn" + ], + "accuracy": 91.48723084626941, + "f1": 89.11700884660323, + "main_score": 89.11700884660323, + "precision": 87.99031881155067, + "recall": 91.48723084626941 + }, + { + "hf_subset": "hun_Latn-vie_Latn", + "languages": [ + "hun-Latn", + "vie-Latn" + ], + "accuracy": 91.13670505758637, + "f1": 88.6696711734268, + "main_score": 88.6696711734268, + "precision": 87.49374061091638, + "recall": 91.13670505758637 + }, + { + "hf_subset": "hun_Latn-zho_Hant", + "languages": [ + "hun-Latn", + "zho-Hant" + ], + "accuracy": 89.33400100150224, + "f1": 86.55745523046474, + "main_score": 86.55745523046474, + "precision": 85.29794692038057, + "recall": 89.33400100150224 + }, + { + "hf_subset": "hun_Latn-zul_Latn", + "languages": [ + "hun-Latn", + "zul-Latn" + ], + "accuracy": 16.675012518778168, + "f1": 11.21636405139599, + "main_score": 11.21636405139599, + "precision": 9.903070059112947, + "recall": 16.675012518778168 + }, + { + "hf_subset": "ind_Latn-hun_Latn", + "languages": [ + "ind-Latn", + "hun-Latn" + ], + "accuracy": 92.93940911367051, + "f1": 90.96478050408946, + "main_score": 90.96478050408946, + "precision": 90.03922550492406, + "recall": 92.93940911367051 + }, + { + "hf_subset": "jpn_Jpan-hun_Latn", + "languages": [ + "jpn-Jpan", + "hun-Latn" + ], + "accuracy": 88.28242363545317, + "f1": 85.11433817392756, + "main_score": 85.11433817392756, + "precision": 83.67551326990485, + "recall": 88.28242363545317 + }, + { + "hf_subset": "kor_Hang-hun_Latn", + "languages": [ + "kor-Hang", + "hun-Latn" + ], + "accuracy": 85.778668002003, + "f1": 81.83608746453012, + "main_score": 81.83608746453012, + "precision": 80.0233683859122, + "recall": 85.778668002003 + }, + { + "hf_subset": "lav_Latn-hun_Latn", + "languages": [ + "lav-Latn", + "hun-Latn" + ], + "accuracy": 91.73760640961443, + "f1": 89.42914371557336, + "main_score": 89.42914371557336, + "precision": 88.32832582206642, + "recall": 91.73760640961443 + }, + { + "hf_subset": "lit_Latn-hun_Latn", + "languages": [ + "lit-Latn", + "hun-Latn" + ], + "accuracy": 91.78768152228342, + "f1": 89.50926389584376, + "main_score": 89.50926389584376, + "precision": 88.39926556501419, + "recall": 91.78768152228342 + }, + { + "hf_subset": "nld_Latn-hun_Latn", + "languages": [ + "nld-Latn", + "hun-Latn" + ], + "accuracy": 93.49023535302955, + "f1": 91.6190953096311, + "main_score": 91.6190953096311, + "precision": 90.72775830412286, + "recall": 93.49023535302955 + }, + { + "hf_subset": "pol_Latn-hun_Latn", + "languages": [ + "pol-Latn", + "hun-Latn" + ], + "accuracy": 91.28693039559339, + "f1": 88.99515940577533, + "main_score": 88.99515940577533, + "precision": 87.9293940911367, + "recall": 91.28693039559339 + }, + { + "hf_subset": "por_Latn-hun_Latn", + "languages": [ + "por-Latn", + "hun-Latn" + ], + "accuracy": 93.03955933900852, + "f1": 91.08496077449509, + "main_score": 91.08496077449509, + "precision": 90.17860123518612, + "recall": 93.03955933900852 + }, + { + "hf_subset": "rus_Cyrl-hun_Latn", + "languages": [ + "rus-Cyrl", + "hun-Latn" + ], + "accuracy": 90.98647971957938, + "f1": 88.43932565514937, + "main_score": 88.43932565514937, + "precision": 87.2475379736271, + "recall": 90.98647971957938 + }, + { + "hf_subset": "spa_Latn-hun_Latn", + "languages": [ + "spa-Latn", + "hun-Latn" + ], + "accuracy": 93.23985978968453, + "f1": 91.3386746786847, + "main_score": 91.3386746786847, + "precision": 90.43148055416457, + "recall": 93.23985978968453 + }, + { + "hf_subset": "swa_Latn-hun_Latn", + "languages": [ + "swa-Latn", + "hun-Latn" + ], + "accuracy": 35.95393089634452, + "f1": 30.612257939034187, + "main_score": 30.612257939034187, + "precision": 28.995078568906944, + "recall": 35.95393089634452 + }, + { + "hf_subset": "swe_Latn-hun_Latn", + "languages": [ + "swe-Latn", + "hun-Latn" + ], + "accuracy": 93.64046069103655, + "f1": 91.86613253213153, + "main_score": 91.86613253213153, + "precision": 91.04072775830413, + "recall": 93.64046069103655 + }, + { + "hf_subset": "tam_Taml-hun_Latn", + "languages": [ + "tam-Taml", + "hun-Latn" + ], + "accuracy": 29.04356534802203, + "f1": 25.164093122029808, + "main_score": 25.164093122029808, + "precision": 23.849573878565543, + "recall": 29.04356534802203 + }, + { + "hf_subset": "tur_Latn-hun_Latn", + "languages": [ + "tur-Latn", + "hun-Latn" + ], + "accuracy": 90.83625438157236, + "f1": 88.36087464530128, + "main_score": 88.36087464530128, + "precision": 87.19829744616925, + "recall": 90.83625438157236 + }, + { + "hf_subset": "vie_Latn-hun_Latn", + "languages": [ + "vie-Latn", + "hun-Latn" + ], + "accuracy": 90.68602904356536, + "f1": 88.10882991153397, + "main_score": 88.10882991153397, + "precision": 86.90118511099983, + "recall": 90.68602904356536 + }, + { + "hf_subset": "zho_Hant-hun_Latn", + "languages": [ + "zho-Hant", + "hun-Latn" + ], + "accuracy": 90.1352028042063, + "f1": 87.46035720247039, + "main_score": 87.46035720247039, + "precision": 86.19810668383528, + "recall": 90.1352028042063 + }, + { + "hf_subset": "zul_Latn-hun_Latn", + "languages": [ + "zul-Latn", + "hun-Latn" + ], + "accuracy": 17.1256885327992, + "f1": 13.692538409811572, + "main_score": 13.692538409811572, + "precision": 12.811084017018844, + "recall": 17.1256885327992 + } + ] + } +} \ No newline at end of file diff --git a/results/karsar__paraphrase-multilingual-MiniLM-L12-hu_v1/external/RomaTalesBitextMining.json b/results/karsar__paraphrase-multilingual-MiniLM-L12-hu_v1/external/RomaTalesBitextMining.json new file mode 100644 index 000000000..012100585 --- /dev/null +++ b/results/karsar__paraphrase-multilingual-MiniLM-L12-hu_v1/external/RomaTalesBitextMining.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "f4394dbca6845743cd33eba77431767b232ef489", + "task_name": "RomaTalesBitextMining", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "rom-hun", + "languages": [ + "rom-Latn", + "hun-Latn" + ], + "accuracy": 6.046511627906977, + "f1": 2.950830564784053, + "main_score": 2.950830564784053, + "precision": 2.295127353266888, + "recall": 6.046511627906977 + } + ] + } +} \ No newline at end of file diff --git a/results/karsar__paraphrase-multilingual-MiniLM-L12-hu_v1/external/SIB200Classification.json b/results/karsar__paraphrase-multilingual-MiniLM-L12-hu_v1/external/SIB200Classification.json new file mode 100644 index 000000000..e7f9da6d7 --- /dev/null +++ b/results/karsar__paraphrase-multilingual-MiniLM-L12-hu_v1/external/SIB200Classification.json @@ -0,0 +1,53 @@ +{ + "dataset_revision": "a74d7350ea12af010cfb1c21e34f1f81fd2e615b", + "task_name": "SIB200Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "hun_Latn", + "languages": [ + "hun-Latn" + ], + "accuracy": 72.74509803921569, + "f1": 71.6748881571977, + "f1_weighted": 72.7699432186266, + "main_score": 72.74509803921569 + }, + { + "hf_subset": "hun_Latn", + "languages": [ + "hun-Latn" + ], + "main_score": 39.24288169703154, + "v_measure": 39.24288169703154, + "v_measure_std": 2.214708184335194 + } + ], + "train": [ + { + "hf_subset": "hun_Latn", + "languages": [ + "hun-Latn" + ], + "accuracy": 71.92582025677605, + "f1": 70.9175403606058, + "f1_weighted": 71.9988920000764, + "main_score": 71.92582025677605 + } + ], + "validation": [ + { + "hf_subset": "hun_Latn", + "languages": [ + "hun-Latn" + ], + "accuracy": 66.76767676767676, + "f1": 66.07599012119566, + "f1_weighted": 67.15823510190054, + "main_score": 66.76767676767676 + } + ] + } +} \ No newline at end of file diff --git a/results/karsar__paraphrase-multilingual-MiniLM-L12-hu_v1/external/Tatoeba.json b/results/karsar__paraphrase-multilingual-MiniLM-L12-hu_v1/external/Tatoeba.json new file mode 100644 index 000000000..b4780641f --- /dev/null +++ b/results/karsar__paraphrase-multilingual-MiniLM-L12-hu_v1/external/Tatoeba.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "69e8f12da6e31d59addadda9a9c8a2e601a0e282", + "task_name": "Tatoeba", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "hun-eng", + "languages": [ + "hun-Latn", + "eng-Latn" + ], + "accuracy": 91.0, + "f1": 88.47999999999999, + "main_score": 88.47999999999999, + "precision": 87.3, + "recall": 91.0 + } + ] + } +} \ No newline at end of file diff --git a/results/karsar__paraphrase-multilingual-MiniLM-L12-hu_v1/external/model_meta.json b/results/karsar__paraphrase-multilingual-MiniLM-L12-hu_v1/external/model_meta.json new file mode 100644 index 000000000..587634db5 --- /dev/null +++ b/results/karsar__paraphrase-multilingual-MiniLM-L12-hu_v1/external/model_meta.json @@ -0,0 +1,20 @@ +{ + "name": "karsar/paraphrase-multilingual-MiniLM-L12-hu_v1", + "revision": "898e1f0baa33cb46609d961a2284a0579e99da3e", + "release_date": "2024-10-23", + "languages": [], + "loader": null, + "n_parameters": 117653760, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 384, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/AmazonCounterfactualClassification.json b/results/katanemo__bge-large-en-v1.5/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..b000af11f --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.8507462686567, + "ap": 38.566457320228245, + "f1": 69.69386648043475, + "main_score": 75.8507462686567 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/AmazonPolarityClassification.json b/results/katanemo__bge-large-en-v1.5/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..16be0c533 --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.416675, + "ap": 89.1928861155922, + "f1": 92.39477019574215, + "main_score": 92.416675 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/AmazonReviewsClassification.json b/results/katanemo__bge-large-en-v1.5/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..a2e323137 --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 48.175999999999995, + "f1": 47.80712792870253, + "main_score": 48.175999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/ArguAna.json b/results/katanemo__bge-large-en-v1.5/external/ArguAna.json new file mode 100644 index 000000000..de00f62be --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.184999999999995, + "map_at_10": 55.654, + "map_at_100": 56.25, + "map_at_1000": 56.255, + "map_at_3": 51.742999999999995, + "map_at_5": 54.129000000000005, + "mrr_at_1": 40.967, + "mrr_at_10": 55.96, + "mrr_at_100": 56.54900000000001, + "mrr_at_1000": 56.554, + "mrr_at_3": 51.980000000000004, + "mrr_at_5": 54.44, + "ndcg_at_1": 40.184999999999995, + "ndcg_at_10": 63.542, + "ndcg_at_100": 65.96499999999999, + "ndcg_at_1000": 66.08699999999999, + "ndcg_at_3": 55.582, + "ndcg_at_5": 59.855000000000004, + "precision_at_1": 40.184999999999995, + "precision_at_10": 8.841000000000001, + "precision_at_100": 0.987, + "precision_at_1000": 0.1, + "precision_at_3": 22.238, + "precision_at_5": 15.405, + "recall_at_1": 40.184999999999995, + "recall_at_10": 88.407, + "recall_at_100": 98.72, + "recall_at_1000": 99.644, + "recall_at_3": 66.714, + "recall_at_5": 77.027, + "main_score": 63.542 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/ArxivClusteringP2P.json b/results/katanemo__bge-large-en-v1.5/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..f8f3798ed --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.567077926750066, + "main_score": 48.567077926750066 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/ArxivClusteringS2S.json b/results/katanemo__bge-large-en-v1.5/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..3bbdfa23f --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 43.19453389182364, + "main_score": 43.19453389182364 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/AskUbuntuDupQuestions.json b/results/katanemo__bge-large-en-v1.5/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..50f36bc02 --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 64.46555939623092, + "mrr": 77.82361605768807, + "main_score": 64.46555939623092 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/BIOSSES.json b/results/katanemo__bge-large-en-v1.5/external/BIOSSES.json new file mode 100644 index 000000000..3b36b2f7a --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.9554128814735, + "cos_sim_spearman": 84.65373612172036, + "euclidean_pearson": 83.2905059954138, + "euclidean_spearman": 84.52240782811128, + "manhattan_pearson": 82.99533802997436, + "manhattan_spearman": 84.20673798475734, + "cosine_pearson": 84.9554128814735, + "cosine_spearman": 84.65373612172036, + "main_score": 84.65373612172036 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/Banking77Classification.json b/results/katanemo__bge-large-en-v1.5/external/Banking77Classification.json new file mode 100644 index 000000000..41279087f --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 87.78896103896103, + "f1": 87.77189310964883, + "main_score": 87.78896103896103 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/BiorxivClusteringP2P.json b/results/katanemo__bge-large-en-v1.5/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..55f0de8d5 --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.714538337650495, + "main_score": 39.714538337650495 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/BiorxivClusteringS2S.json b/results/katanemo__bge-large-en-v1.5/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..ac4543ace --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.90108349284447, + "main_score": 36.90108349284447 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/CQADupstackAndroidRetrieval.json b/results/katanemo__bge-large-en-v1.5/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..0b92a0877 --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.795, + "map_at_10": 43.669000000000004, + "map_at_100": 45.151, + "map_at_1000": 45.278, + "map_at_3": 40.006, + "map_at_5": 42.059999999999995, + "mrr_at_1": 39.771, + "mrr_at_10": 49.826, + "mrr_at_100": 50.504000000000005, + "mrr_at_1000": 50.549, + "mrr_at_3": 47.115, + "mrr_at_5": 48.832, + "ndcg_at_1": 39.771, + "ndcg_at_10": 50.217999999999996, + "ndcg_at_100": 55.454, + "ndcg_at_1000": 57.37, + "ndcg_at_3": 44.885000000000005, + "ndcg_at_5": 47.419, + "precision_at_1": 39.771, + "precision_at_10": 9.642000000000001, + "precision_at_100": 1.538, + "precision_at_1000": 0.198, + "precision_at_3": 21.268, + "precision_at_5": 15.536, + "recall_at_1": 32.795, + "recall_at_10": 62.580999999999996, + "recall_at_100": 84.438, + "recall_at_1000": 96.492, + "recall_at_3": 47.071000000000005, + "recall_at_5": 54.079, + "main_score": 50.217999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.671, + "map_at_10": 43.334, + "map_at_100": 44.566, + "map_at_1000": 44.702999999999996, + "map_at_3": 40.343, + "map_at_5": 41.983, + "mrr_at_1": 40.764, + "mrr_at_10": 49.382, + "mrr_at_100": 49.988, + "mrr_at_1000": 50.03300000000001, + "mrr_at_3": 47.293, + "mrr_at_5": 48.51, + "ndcg_at_1": 40.764, + "ndcg_at_10": 49.039, + "ndcg_at_100": 53.259, + "ndcg_at_1000": 55.253, + "ndcg_at_3": 45.091, + "ndcg_at_5": 46.839999999999996, + "precision_at_1": 40.764, + "precision_at_10": 9.191, + "precision_at_100": 1.476, + "precision_at_1000": 0.19499999999999998, + "precision_at_3": 21.72, + "precision_at_5": 15.299, + "recall_at_1": 32.671, + "recall_at_10": 58.816, + "recall_at_100": 76.654, + "recall_at_1000": 89.05999999999999, + "recall_at_3": 46.743, + "recall_at_5": 51.783, + "main_score": 49.039 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.328, + "map_at_10": 53.32599999999999, + "map_at_100": 54.37499999999999, + "map_at_1000": 54.429, + "map_at_3": 49.902, + "map_at_5": 52.002, + "mrr_at_1": 46.332, + "mrr_at_10": 56.858, + "mrr_at_100": 57.522, + "mrr_at_1000": 57.54899999999999, + "mrr_at_3": 54.472, + "mrr_at_5": 55.996, + "ndcg_at_1": 46.332, + "ndcg_at_10": 59.313, + "ndcg_at_100": 63.266999999999996, + "ndcg_at_1000": 64.36, + "ndcg_at_3": 53.815000000000005, + "ndcg_at_5": 56.814, + "precision_at_1": 46.332, + "precision_at_10": 9.53, + "precision_at_100": 1.238, + "precision_at_1000": 0.13699999999999998, + "precision_at_3": 24.054000000000002, + "precision_at_5": 16.589000000000002, + "recall_at_1": 40.328, + "recall_at_10": 73.421, + "recall_at_100": 90.059, + "recall_at_1000": 97.81, + "recall_at_3": 59.009, + "recall_at_5": 66.352, + "main_score": 59.313 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.424, + "map_at_10": 36.332, + "map_at_100": 37.347, + "map_at_1000": 37.422, + "map_at_3": 33.743, + "map_at_5": 35.176, + "mrr_at_1": 29.153000000000002, + "mrr_at_10": 38.233, + "mrr_at_100": 39.109, + "mrr_at_1000": 39.164, + "mrr_at_3": 35.876000000000005, + "mrr_at_5": 37.169000000000004, + "ndcg_at_1": 29.153000000000002, + "ndcg_at_10": 41.439, + "ndcg_at_100": 46.42, + "ndcg_at_1000": 48.242000000000004, + "ndcg_at_3": 36.362, + "ndcg_at_5": 38.743, + "precision_at_1": 29.153000000000002, + "precision_at_10": 6.315999999999999, + "precision_at_100": 0.927, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 15.443000000000001, + "precision_at_5": 10.644, + "recall_at_1": 27.424, + "recall_at_10": 55.364000000000004, + "recall_at_100": 78.211, + "recall_at_1000": 91.74600000000001, + "recall_at_3": 41.379, + "recall_at_5": 47.14, + "main_score": 41.439 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.601, + "map_at_10": 27.826, + "map_at_100": 29.017, + "map_at_1000": 29.137, + "map_at_3": 25.125999999999998, + "map_at_5": 26.765, + "mrr_at_1": 24.005000000000003, + "mrr_at_10": 32.716, + "mrr_at_100": 33.631, + "mrr_at_1000": 33.694, + "mrr_at_3": 29.934, + "mrr_at_5": 31.630999999999997, + "ndcg_at_1": 24.005000000000003, + "ndcg_at_10": 33.158, + "ndcg_at_100": 38.739000000000004, + "ndcg_at_1000": 41.495, + "ndcg_at_3": 28.185, + "ndcg_at_5": 30.796, + "precision_at_1": 24.005000000000003, + "precision_at_10": 5.908, + "precision_at_100": 1.005, + "precision_at_1000": 0.13899999999999998, + "precision_at_3": 13.391, + "precision_at_5": 9.876, + "recall_at_1": 19.601, + "recall_at_10": 44.746, + "recall_at_100": 68.82300000000001, + "recall_at_1000": 88.215, + "recall_at_3": 31.239, + "recall_at_5": 37.695, + "main_score": 33.158 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.130000000000003, + "map_at_10": 40.96, + "map_at_100": 42.282, + "map_at_1000": 42.392, + "map_at_3": 37.889, + "map_at_5": 39.661, + "mrr_at_1": 36.958999999999996, + "mrr_at_10": 46.835, + "mrr_at_100": 47.644, + "mrr_at_1000": 47.688, + "mrr_at_3": 44.562000000000005, + "mrr_at_5": 45.938, + "ndcg_at_1": 36.958999999999996, + "ndcg_at_10": 47.06, + "ndcg_at_100": 52.345, + "ndcg_at_1000": 54.35, + "ndcg_at_3": 42.301, + "ndcg_at_5": 44.635999999999996, + "precision_at_1": 36.958999999999996, + "precision_at_10": 8.479000000000001, + "precision_at_100": 1.284, + "precision_at_1000": 0.163, + "precision_at_3": 20.244, + "precision_at_5": 14.224999999999998, + "recall_at_1": 30.130000000000003, + "recall_at_10": 59.27, + "recall_at_100": 81.195, + "recall_at_1000": 94.21199999999999, + "recall_at_3": 45.885, + "recall_at_5": 52.016, + "main_score": 47.06 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.169999999999998, + "map_at_10": 36.451, + "map_at_100": 37.791000000000004, + "map_at_1000": 37.897, + "map_at_3": 33.109, + "map_at_5": 34.937000000000005, + "mrr_at_1": 32.877, + "mrr_at_10": 42.368, + "mrr_at_100": 43.201, + "mrr_at_1000": 43.259, + "mrr_at_3": 39.763999999999996, + "mrr_at_5": 41.260000000000005, + "ndcg_at_1": 32.877, + "ndcg_at_10": 42.659000000000006, + "ndcg_at_100": 48.161, + "ndcg_at_1000": 50.345, + "ndcg_at_3": 37.302, + "ndcg_at_5": 39.722, + "precision_at_1": 32.877, + "precision_at_10": 7.9, + "precision_at_100": 1.236, + "precision_at_1000": 0.158, + "precision_at_3": 17.846, + "precision_at_5": 12.9, + "recall_at_1": 26.169999999999998, + "recall_at_10": 55.35, + "recall_at_100": 78.755, + "recall_at_1000": 93.518, + "recall_at_3": 40.176, + "recall_at_5": 46.589000000000006, + "main_score": 42.659000000000006 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.15516666666667, + "map_at_10": 36.65741666666667, + "map_at_100": 37.84991666666666, + "map_at_1000": 37.96316666666667, + "map_at_3": 33.74974999999999, + "map_at_5": 35.3765, + "mrr_at_1": 32.08233333333334, + "mrr_at_10": 41.033833333333334, + "mrr_at_100": 41.84524999999999, + "mrr_at_1000": 41.89983333333333, + "mrr_at_3": 38.62008333333333, + "mrr_at_5": 40.03441666666666, + "ndcg_at_1": 32.08233333333334, + "ndcg_at_10": 42.229, + "ndcg_at_100": 47.26716666666667, + "ndcg_at_1000": 49.43466666666667, + "ndcg_at_3": 37.36408333333333, + "ndcg_at_5": 39.6715, + "precision_at_1": 32.08233333333334, + "precision_at_10": 7.382583333333334, + "precision_at_100": 1.16625, + "precision_at_1000": 0.15408333333333332, + "precision_at_3": 17.218, + "precision_at_5": 12.21875, + "recall_at_1": 27.15516666666667, + "recall_at_10": 54.36683333333333, + "recall_at_100": 76.37183333333333, + "recall_at_1000": 91.26183333333333, + "recall_at_3": 40.769916666666674, + "recall_at_5": 46.702333333333335, + "main_score": 42.229 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.749, + "map_at_10": 33.001999999999995, + "map_at_100": 33.891, + "map_at_1000": 33.993, + "map_at_3": 30.703999999999997, + "map_at_5": 31.959, + "mrr_at_1": 28.834, + "mrr_at_10": 35.955, + "mrr_at_100": 36.709, + "mrr_at_1000": 36.779, + "mrr_at_3": 33.947, + "mrr_at_5": 35.089, + "ndcg_at_1": 28.834, + "ndcg_at_10": 37.329, + "ndcg_at_100": 41.79, + "ndcg_at_1000": 44.169000000000004, + "ndcg_at_3": 33.184999999999995, + "ndcg_at_5": 35.107, + "precision_at_1": 28.834, + "precision_at_10": 5.7669999999999995, + "precision_at_100": 0.876, + "precision_at_1000": 0.11399999999999999, + "precision_at_3": 14.213000000000001, + "precision_at_5": 9.754999999999999, + "recall_at_1": 25.749, + "recall_at_10": 47.791, + "recall_at_100": 68.255, + "recall_at_1000": 85.749, + "recall_at_3": 36.199, + "recall_at_5": 41.071999999999996, + "main_score": 37.329 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.777, + "map_at_10": 25.201, + "map_at_100": 26.423999999999996, + "map_at_1000": 26.544, + "map_at_3": 22.869, + "map_at_5": 24.023, + "mrr_at_1": 21.473, + "mrr_at_10": 29.12, + "mrr_at_100": 30.144, + "mrr_at_1000": 30.215999999999998, + "mrr_at_3": 26.933, + "mrr_at_5": 28.051, + "ndcg_at_1": 21.473, + "ndcg_at_10": 30.003, + "ndcg_at_100": 35.766, + "ndcg_at_1000": 38.501000000000005, + "ndcg_at_3": 25.773000000000003, + "ndcg_at_5": 27.462999999999997, + "precision_at_1": 21.473, + "precision_at_10": 5.482, + "precision_at_100": 0.975, + "precision_at_1000": 0.13799999999999998, + "precision_at_3": 12.205, + "precision_at_5": 8.692, + "recall_at_1": 17.777, + "recall_at_10": 40.582, + "recall_at_100": 66.305, + "recall_at_1000": 85.636, + "recall_at_3": 28.687, + "recall_at_5": 33.089, + "main_score": 30.003 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.677, + "map_at_10": 36.309000000000005, + "map_at_100": 37.403999999999996, + "map_at_1000": 37.496, + "map_at_3": 33.382, + "map_at_5": 34.98, + "mrr_at_1": 31.343, + "mrr_at_10": 40.549, + "mrr_at_100": 41.342, + "mrr_at_1000": 41.397, + "mrr_at_3": 38.029, + "mrr_at_5": 39.451, + "ndcg_at_1": 31.343, + "ndcg_at_10": 42.1, + "ndcg_at_100": 47.089999999999996, + "ndcg_at_1000": 49.222, + "ndcg_at_3": 36.836999999999996, + "ndcg_at_5": 39.21, + "precision_at_1": 31.343, + "precision_at_10": 7.164, + "precision_at_100": 1.0959999999999999, + "precision_at_1000": 0.13899999999999998, + "precision_at_3": 16.915, + "precision_at_5": 11.940000000000001, + "recall_at_1": 26.677, + "recall_at_10": 55.54599999999999, + "recall_at_100": 77.094, + "recall_at_1000": 92.01, + "recall_at_3": 41.191, + "recall_at_5": 47.006, + "main_score": 42.1 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.501, + "map_at_10": 33.102, + "map_at_100": 34.676, + "map_at_1000": 34.888000000000005, + "map_at_3": 29.944, + "map_at_5": 31.613999999999997, + "mrr_at_1": 29.447000000000003, + "mrr_at_10": 37.996, + "mrr_at_100": 38.946, + "mrr_at_1000": 38.995000000000005, + "mrr_at_3": 35.079, + "mrr_at_5": 36.69, + "ndcg_at_1": 29.447000000000003, + "ndcg_at_10": 39.232, + "ndcg_at_100": 45.247, + "ndcg_at_1000": 47.613, + "ndcg_at_3": 33.922999999999995, + "ndcg_at_5": 36.284, + "precision_at_1": 29.447000000000003, + "precision_at_10": 7.648000000000001, + "precision_at_100": 1.516, + "precision_at_1000": 0.23900000000000002, + "precision_at_3": 16.008, + "precision_at_5": 11.779, + "recall_at_1": 24.501, + "recall_at_10": 51.18899999999999, + "recall_at_100": 78.437, + "recall_at_1000": 92.842, + "recall_at_3": 35.808, + "recall_at_5": 42.197, + "main_score": 39.232 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.039, + "map_at_10": 30.377, + "map_at_100": 31.275, + "map_at_1000": 31.379, + "map_at_3": 27.98, + "map_at_5": 29.358, + "mrr_at_1": 24.03, + "mrr_at_10": 32.568000000000005, + "mrr_at_100": 33.403, + "mrr_at_1000": 33.475, + "mrr_at_3": 30.436999999999998, + "mrr_at_5": 31.796000000000003, + "ndcg_at_1": 24.03, + "ndcg_at_10": 35.198, + "ndcg_at_100": 39.668, + "ndcg_at_1000": 42.296, + "ndcg_at_3": 30.709999999999997, + "ndcg_at_5": 33.024, + "precision_at_1": 24.03, + "precision_at_10": 5.564, + "precision_at_100": 0.828, + "precision_at_1000": 0.117, + "precision_at_3": 13.309000000000001, + "precision_at_5": 9.39, + "recall_at_1": 22.039, + "recall_at_10": 47.746, + "recall_at_100": 68.23599999999999, + "recall_at_1000": 87.852, + "recall_at_3": 35.852000000000004, + "recall_at_5": 41.410000000000004, + "main_score": 35.198 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/ClimateFEVER.json b/results/katanemo__bge-large-en-v1.5/external/ClimateFEVER.json new file mode 100644 index 000000000..fdda4132b --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.692999999999998, + "map_at_10": 26.903, + "map_at_100": 28.987000000000002, + "map_at_1000": 29.176999999999996, + "map_at_3": 22.137, + "map_at_5": 24.758, + "mrr_at_1": 35.57, + "mrr_at_10": 47.821999999999996, + "mrr_at_100": 48.608000000000004, + "mrr_at_1000": 48.638999999999996, + "mrr_at_3": 44.452000000000005, + "mrr_at_5": 46.546, + "ndcg_at_1": 35.57, + "ndcg_at_10": 36.567, + "ndcg_at_100": 44.085, + "ndcg_at_1000": 47.24, + "ndcg_at_3": 29.964000000000002, + "ndcg_at_5": 32.511, + "precision_at_1": 35.57, + "precision_at_10": 11.485, + "precision_at_100": 1.9619999999999997, + "precision_at_1000": 0.256, + "precision_at_3": 22.237000000000002, + "precision_at_5": 17.471999999999998, + "recall_at_1": 15.692999999999998, + "recall_at_10": 43.056, + "recall_at_100": 68.628, + "recall_at_1000": 86.075, + "recall_at_3": 26.918999999999997, + "recall_at_5": 34.14, + "main_score": 36.567 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/DBPedia.json b/results/katanemo__bge-large-en-v1.5/external/DBPedia.json new file mode 100644 index 000000000..7dea0b89b --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.53, + "map_at_10": 20.951, + "map_at_100": 30.136000000000003, + "map_at_1000": 31.801000000000002, + "map_at_3": 15.021, + "map_at_5": 17.471999999999998, + "mrr_at_1": 71.0, + "mrr_at_10": 79.176, + "mrr_at_100": 79.418, + "mrr_at_1000": 79.426, + "mrr_at_3": 78.125, + "mrr_at_5": 78.61200000000001, + "ndcg_at_1": 58.5, + "ndcg_at_10": 44.106, + "ndcg_at_100": 49.268, + "ndcg_at_1000": 56.711999999999996, + "ndcg_at_3": 48.934, + "ndcg_at_5": 45.826, + "precision_at_1": 71.0, + "precision_at_10": 35.0, + "precision_at_100": 11.360000000000001, + "precision_at_1000": 2.046, + "precision_at_3": 52.833, + "precision_at_5": 44.15, + "recall_at_1": 9.53, + "recall_at_10": 26.811, + "recall_at_100": 55.916999999999994, + "recall_at_1000": 79.973, + "recall_at_3": 16.413, + "recall_at_5": 19.980999999999998, + "main_score": 44.106 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/EmotionClassification.json b/results/katanemo__bge-large-en-v1.5/external/EmotionClassification.json new file mode 100644 index 000000000..dbfb9355d --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 51.519999999999996, + "f1": 46.36601294761231, + "main_score": 51.519999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/FEVER.json b/results/katanemo__bge-large-en-v1.5/external/FEVER.json new file mode 100644 index 000000000..c5a69793e --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 74.413, + "map_at_10": 83.414, + "map_at_100": 83.621, + "map_at_1000": 83.635, + "map_at_3": 82.337, + "map_at_5": 83.039, + "mrr_at_1": 80.19800000000001, + "mrr_at_10": 87.715, + "mrr_at_100": 87.778, + "mrr_at_1000": 87.779, + "mrr_at_3": 87.106, + "mrr_at_5": 87.555, + "ndcg_at_1": 80.19800000000001, + "ndcg_at_10": 87.182, + "ndcg_at_100": 87.90299999999999, + "ndcg_at_1000": 88.143, + "ndcg_at_3": 85.60600000000001, + "ndcg_at_5": 86.541, + "precision_at_1": 80.19800000000001, + "precision_at_10": 10.531, + "precision_at_100": 1.113, + "precision_at_1000": 0.11499999999999999, + "precision_at_3": 32.933, + "precision_at_5": 20.429, + "recall_at_1": 74.413, + "recall_at_10": 94.363, + "recall_at_100": 97.165, + "recall_at_1000": 98.668, + "recall_at_3": 90.108, + "recall_at_5": 92.52, + "main_score": 87.182 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/FiQA2018.json b/results/katanemo__bge-large-en-v1.5/external/FiQA2018.json new file mode 100644 index 000000000..fab9612a2 --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.701, + "map_at_10": 37.122, + "map_at_100": 39.178000000000004, + "map_at_1000": 39.326, + "map_at_3": 32.971000000000004, + "map_at_5": 35.332, + "mrr_at_1": 44.753, + "mrr_at_10": 53.452, + "mrr_at_100": 54.198, + "mrr_at_1000": 54.225, + "mrr_at_3": 50.952, + "mrr_at_5": 52.464, + "ndcg_at_1": 44.753, + "ndcg_at_10": 45.021, + "ndcg_at_100": 52.028, + "ndcg_at_1000": 54.596000000000004, + "ndcg_at_3": 41.622, + "ndcg_at_5": 42.736000000000004, + "precision_at_1": 44.753, + "precision_at_10": 12.284, + "precision_at_100": 1.955, + "precision_at_1000": 0.243, + "precision_at_3": 27.828999999999997, + "precision_at_5": 20.061999999999998, + "recall_at_1": 22.701, + "recall_at_10": 51.432, + "recall_at_100": 77.009, + "recall_at_1000": 92.511, + "recall_at_3": 37.919000000000004, + "recall_at_5": 44.131, + "main_score": 45.021 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/HotpotQA.json b/results/katanemo__bge-large-en-v1.5/external/HotpotQA.json new file mode 100644 index 000000000..aae49a00c --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.189, + "map_at_10": 66.24600000000001, + "map_at_100": 67.098, + "map_at_1000": 67.149, + "map_at_3": 62.684, + "map_at_5": 64.974, + "mrr_at_1": 80.378, + "mrr_at_10": 86.127, + "mrr_at_100": 86.29299999999999, + "mrr_at_1000": 86.297, + "mrr_at_3": 85.31400000000001, + "mrr_at_5": 85.858, + "ndcg_at_1": 80.378, + "ndcg_at_10": 74.101, + "ndcg_at_100": 76.993, + "ndcg_at_1000": 77.948, + "ndcg_at_3": 69.232, + "ndcg_at_5": 72.04599999999999, + "precision_at_1": 80.378, + "precision_at_10": 15.595999999999998, + "precision_at_100": 1.7840000000000003, + "precision_at_1000": 0.191, + "precision_at_3": 44.884, + "precision_at_5": 29.145, + "recall_at_1": 40.189, + "recall_at_10": 77.981, + "recall_at_100": 89.21, + "recall_at_1000": 95.48299999999999, + "recall_at_3": 67.326, + "recall_at_5": 72.863, + "main_score": 74.101 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/ImdbClassification.json b/results/katanemo__bge-large-en-v1.5/external/ImdbClassification.json new file mode 100644 index 000000000..34c4cb3b0 --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.84599999999999, + "ap": 89.4710787567357, + "f1": 92.83752676932258, + "main_score": 92.84599999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/MSMARCO.json b/results/katanemo__bge-large-en-v1.5/external/MSMARCO.json new file mode 100644 index 000000000..97dc51b8d --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.132, + "map_at_10": 35.543, + "map_at_100": 36.702, + "map_at_1000": 36.748999999999995, + "map_at_3": 31.737, + "map_at_5": 33.927, + "mrr_at_1": 23.782, + "mrr_at_10": 36.204, + "mrr_at_100": 37.29, + "mrr_at_1000": 37.330999999999996, + "mrr_at_3": 32.458999999999996, + "mrr_at_5": 34.631, + "ndcg_at_1": 23.782, + "ndcg_at_10": 42.492999999999995, + "ndcg_at_100": 47.985, + "ndcg_at_1000": 49.141, + "ndcg_at_3": 34.748000000000005, + "ndcg_at_5": 38.651, + "precision_at_1": 23.782, + "precision_at_10": 6.665, + "precision_at_100": 0.941, + "precision_at_1000": 0.104, + "precision_at_3": 14.776, + "precision_at_5": 10.84, + "recall_at_1": 23.132, + "recall_at_10": 63.794, + "recall_at_100": 89.027, + "recall_at_1000": 97.807, + "recall_at_3": 42.765, + "recall_at_5": 52.11, + "main_score": 42.492999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/MTOPDomainClassification.json b/results/katanemo__bge-large-en-v1.5/external/MTOPDomainClassification.json new file mode 100644 index 000000000..4c264fe75 --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 94.59188326493388, + "f1": 94.3842594786827, + "main_score": 94.59188326493388 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/MTOPIntentClassification.json b/results/katanemo__bge-large-en-v1.5/external/MTOPIntentClassification.json new file mode 100644 index 000000000..3c3d897d3 --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.49384404924761, + "f1": 59.7580539534629, + "main_score": 79.49384404924761 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/MassiveIntentClassification.json b/results/katanemo__bge-large-en-v1.5/external/MassiveIntentClassification.json new file mode 100644 index 000000000..3a63a41c7 --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.56220578345663, + "f1": 75.27228165561478, + "main_score": 77.56220578345663 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/MassiveScenarioClassification.json b/results/katanemo__bge-large-en-v1.5/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..3f8ef4084 --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.53463349024884, + "f1": 80.4893958236536, + "main_score": 80.53463349024884 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/MedrxivClusteringP2P.json b/results/katanemo__bge-large-en-v1.5/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..1d8a09a72 --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.56100273484962, + "main_score": 32.56100273484962 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/MedrxivClusteringS2S.json b/results/katanemo__bge-large-en-v1.5/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..dc9720806 --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.470380028839607, + "main_score": 31.470380028839607 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/MindSmallReranking.json b/results/katanemo__bge-large-en-v1.5/external/MindSmallReranking.json new file mode 100644 index 000000000..393853523 --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 32.06102792457849, + "mrr": 33.30709199672238, + "main_score": 32.06102792457849 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/NFCorpus.json b/results/katanemo__bge-large-en-v1.5/external/NFCorpus.json new file mode 100644 index 000000000..0d557607a --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.776999999999999, + "map_at_10": 14.924000000000001, + "map_at_100": 18.955, + "map_at_1000": 20.538999999999998, + "map_at_3": 10.982, + "map_at_5": 12.679000000000002, + "mrr_at_1": 47.988, + "mrr_at_10": 57.232000000000006, + "mrr_at_100": 57.818999999999996, + "mrr_at_1000": 57.847, + "mrr_at_3": 54.901999999999994, + "mrr_at_5": 56.481, + "ndcg_at_1": 46.594, + "ndcg_at_10": 38.129000000000005, + "ndcg_at_100": 35.54, + "ndcg_at_1000": 44.172, + "ndcg_at_3": 43.025999999999996, + "ndcg_at_5": 41.052, + "precision_at_1": 47.988, + "precision_at_10": 28.111000000000004, + "precision_at_100": 8.929, + "precision_at_1000": 2.185, + "precision_at_3": 40.144000000000005, + "precision_at_5": 35.232, + "recall_at_1": 6.776999999999999, + "recall_at_10": 19.289, + "recall_at_100": 36.359, + "recall_at_1000": 67.54, + "recall_at_3": 11.869, + "recall_at_5": 14.999, + "main_score": 38.129000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/NQ.json b/results/katanemo__bge-large-en-v1.5/external/NQ.json new file mode 100644 index 000000000..bd0df5b6f --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.108000000000004, + "map_at_10": 47.126000000000005, + "map_at_100": 48.171, + "map_at_1000": 48.199, + "map_at_3": 42.734, + "map_at_5": 45.362, + "mrr_at_1": 34.936, + "mrr_at_10": 49.571, + "mrr_at_100": 50.345, + "mrr_at_1000": 50.363, + "mrr_at_3": 45.959, + "mrr_at_5": 48.165, + "ndcg_at_1": 34.936, + "ndcg_at_10": 55.028999999999996, + "ndcg_at_100": 59.244, + "ndcg_at_1000": 59.861, + "ndcg_at_3": 46.872, + "ndcg_at_5": 51.217999999999996, + "precision_at_1": 34.936, + "precision_at_10": 9.099, + "precision_at_100": 1.145, + "precision_at_1000": 0.12, + "precision_at_3": 21.456, + "precision_at_5": 15.411, + "recall_at_1": 31.108000000000004, + "recall_at_10": 76.53999999999999, + "recall_at_100": 94.39, + "recall_at_1000": 98.947, + "recall_at_3": 55.572, + "recall_at_5": 65.525, + "main_score": 55.028999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/QuoraRetrieval.json b/results/katanemo__bge-large-en-v1.5/external/QuoraRetrieval.json new file mode 100644 index 000000000..3fa9dbd51 --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 71.56400000000001, + "map_at_10": 85.482, + "map_at_100": 86.114, + "map_at_1000": 86.13, + "map_at_3": 82.607, + "map_at_5": 84.405, + "mrr_at_1": 82.42, + "mrr_at_10": 88.304, + "mrr_at_100": 88.399, + "mrr_at_1000": 88.399, + "mrr_at_3": 87.37, + "mrr_at_5": 88.024, + "ndcg_at_1": 82.45, + "ndcg_at_10": 89.06500000000001, + "ndcg_at_100": 90.232, + "ndcg_at_1000": 90.305, + "ndcg_at_3": 86.375, + "ndcg_at_5": 87.85300000000001, + "precision_at_1": 82.45, + "precision_at_10": 13.486999999999998, + "precision_at_100": 1.534, + "precision_at_1000": 0.157, + "precision_at_3": 37.813, + "precision_at_5": 24.773999999999997, + "recall_at_1": 71.56400000000001, + "recall_at_10": 95.812, + "recall_at_100": 99.7, + "recall_at_1000": 99.979, + "recall_at_3": 87.966, + "recall_at_5": 92.268, + "main_score": 89.06500000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/RedditClustering.json b/results/katanemo__bge-large-en-v1.5/external/RedditClustering.json new file mode 100644 index 000000000..94b1ea690 --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 57.241876648614145, + "main_score": 57.241876648614145 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/RedditClusteringP2P.json b/results/katanemo__bge-large-en-v1.5/external/RedditClusteringP2P.json new file mode 100644 index 000000000..739a75a1b --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 64.66212576446223, + "main_score": 64.66212576446223 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/SCIDOCS.json b/results/katanemo__bge-large-en-v1.5/external/SCIDOCS.json new file mode 100644 index 000000000..3c42b9064 --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.308, + "map_at_10": 13.803, + "map_at_100": 16.176, + "map_at_1000": 16.561, + "map_at_3": 9.761000000000001, + "map_at_5": 11.802, + "mrr_at_1": 26.200000000000003, + "mrr_at_10": 37.621, + "mrr_at_100": 38.767, + "mrr_at_1000": 38.815, + "mrr_at_3": 34.117, + "mrr_at_5": 36.107, + "ndcg_at_1": 26.200000000000003, + "ndcg_at_10": 22.64, + "ndcg_at_100": 31.567, + "ndcg_at_1000": 37.623, + "ndcg_at_3": 21.435000000000002, + "ndcg_at_5": 18.87, + "precision_at_1": 26.200000000000003, + "precision_at_10": 11.74, + "precision_at_100": 2.465, + "precision_at_1000": 0.391, + "precision_at_3": 20.033, + "precision_at_5": 16.64, + "recall_at_1": 5.308, + "recall_at_10": 23.794999999999998, + "recall_at_100": 50.015, + "recall_at_1000": 79.283, + "recall_at_3": 12.178, + "recall_at_5": 16.882, + "main_score": 22.64 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/SICK-R.json b/results/katanemo__bge-large-en-v1.5/external/SICK-R.json new file mode 100644 index 000000000..3e4e715a1 --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.93231134675553, + "cos_sim_spearman": 81.68319292603205, + "euclidean_pearson": 81.8396814380367, + "euclidean_spearman": 81.24641903349945, + "manhattan_pearson": 81.84698799204274, + "manhattan_spearman": 81.24269997904105, + "cosine_pearson": 84.93231134675553, + "cosine_spearman": 81.68319292603205, + "main_score": 81.68319292603205 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/STS12.json b/results/katanemo__bge-large-en-v1.5/external/STS12.json new file mode 100644 index 000000000..fdc886ca4 --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.73241671587446, + "cos_sim_spearman": 79.05091082971826, + "euclidean_pearson": 83.91146869578044, + "euclidean_spearman": 79.87978465370936, + "manhattan_pearson": 83.90888338917678, + "manhattan_spearman": 79.87482848584241, + "cosine_pearson": 86.73241671587446, + "cosine_spearman": 79.05091082971826, + "main_score": 79.05091082971826 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/STS13.json b/results/katanemo__bge-large-en-v1.5/external/STS13.json new file mode 100644 index 000000000..a0c7b2fa7 --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.14970731146177, + "cos_sim_spearman": 86.37363490084627, + "euclidean_pearson": 83.02154218530433, + "euclidean_spearman": 83.80258761957367, + "manhattan_pearson": 83.01664495119347, + "manhattan_spearman": 83.77567458007952, + "cosine_pearson": 85.14970731146177, + "cosine_spearman": 86.37363490084627, + "main_score": 86.37363490084627 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/STS14.json b/results/katanemo__bge-large-en-v1.5/external/STS14.json new file mode 100644 index 000000000..f6188fb41 --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.40474139886784, + "cos_sim_spearman": 82.77768789165984, + "euclidean_pearson": 80.7065877443695, + "euclidean_spearman": 81.375940662505, + "manhattan_pearson": 80.6507552270278, + "manhattan_spearman": 81.32782179098741, + "cosine_pearson": 83.40474139886784, + "cosine_spearman": 82.77768789165984, + "main_score": 82.77768789165984 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/STS15.json b/results/katanemo__bge-large-en-v1.5/external/STS15.json new file mode 100644 index 000000000..29519a919 --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.08585968722274, + "cos_sim_spearman": 88.03110031451399, + "euclidean_pearson": 85.74012019602384, + "euclidean_spearman": 86.13592849438209, + "manhattan_pearson": 85.74404842369206, + "manhattan_spearman": 86.14492318960154, + "cosine_pearson": 87.08585968722274, + "cosine_spearman": 88.03110031451399, + "main_score": 88.03110031451399 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/STS16.json b/results/katanemo__bge-large-en-v1.5/external/STS16.json new file mode 100644 index 000000000..612cb58d9 --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.95069052788875, + "cos_sim_spearman": 86.4867991595147, + "euclidean_pearson": 84.31013325754635, + "euclidean_spearman": 85.01529258006482, + "manhattan_pearson": 84.26995570085374, + "manhattan_spearman": 84.96982104986162, + "cosine_pearson": 84.95069052788875, + "cosine_spearman": 86.4867991595147, + "main_score": 86.4867991595147 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/STS17.json b/results/katanemo__bge-large-en-v1.5/external/STS17.json new file mode 100644 index 000000000..aaa0e1620 --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.54617647971897, + "cos_sim_spearman": 87.49834181751034, + "euclidean_pearson": 86.01015322577122, + "euclidean_spearman": 84.63362652063199, + "manhattan_pearson": 86.13807574475706, + "manhattan_spearman": 84.7772370721132, + "cosine_pearson": 87.54617647971897, + "cosine_spearman": 87.49834181751034, + "main_score": 87.49834181751034 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/STS22.json b/results/katanemo__bge-large-en-v1.5/external/STS22.json new file mode 100644 index 000000000..ff077007c --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 67.20047755786615, + "cos_sim_spearman": 67.05324077987636, + "euclidean_pearson": 66.91930642976601, + "euclidean_spearman": 65.21491856099105, + "manhattan_pearson": 66.78756851976624, + "manhattan_spearman": 65.12356257740728, + "cosine_pearson": 67.20047755786615, + "cosine_spearman": 67.05324077987636, + "main_score": 67.05324077987636 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/STSBenchmark.json b/results/katanemo__bge-large-en-v1.5/external/STSBenchmark.json new file mode 100644 index 000000000..bcc00d565 --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.19852871539686, + "cos_sim_spearman": 87.5161895296395, + "euclidean_pearson": 84.59848645207485, + "euclidean_spearman": 85.26427328757919, + "manhattan_pearson": 84.59747366996524, + "manhattan_spearman": 85.24045855146915, + "cosine_pearson": 86.19852871539686, + "cosine_spearman": 87.5161895296395, + "main_score": 87.5161895296395 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/SciDocsRR.json b/results/katanemo__bge-large-en-v1.5/external/SciDocsRR.json new file mode 100644 index 000000000..de899c793 --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 87.63320317811032, + "mrr": 96.26242947321379, + "main_score": 87.63320317811032 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/SciFact.json b/results/katanemo__bge-large-en-v1.5/external/SciFact.json new file mode 100644 index 000000000..81756554f --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 60.928000000000004, + "map_at_10": 70.112, + "map_at_100": 70.59299999999999, + "map_at_1000": 70.623, + "map_at_3": 66.846, + "map_at_5": 68.447, + "mrr_at_1": 64.0, + "mrr_at_10": 71.212, + "mrr_at_100": 71.616, + "mrr_at_1000": 71.64500000000001, + "mrr_at_3": 68.77799999999999, + "mrr_at_5": 70.094, + "ndcg_at_1": 64.0, + "ndcg_at_10": 74.607, + "ndcg_at_100": 76.416, + "ndcg_at_1000": 77.102, + "ndcg_at_3": 69.126, + "ndcg_at_5": 71.41300000000001, + "precision_at_1": 64.0, + "precision_at_10": 9.933, + "precision_at_100": 1.077, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 26.556, + "precision_at_5": 17.467, + "recall_at_1": 60.928000000000004, + "recall_at_10": 87.322, + "recall_at_100": 94.833, + "recall_at_1000": 100.0, + "recall_at_3": 72.628, + "recall_at_5": 78.428, + "main_score": 74.607 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/SprintDuplicateQuestions.json b/results/katanemo__bge-large-en-v1.5/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..7990e03bd --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.86237623762376, + "cos_sim_ap": 96.72586477206649, + "cos_sim_f1": 93.01858362631845, + "cos_sim_precision": 93.4409687184662, + "cos_sim_recall": 92.60000000000001, + "dot_accuracy": 99.78019801980199, + "dot_ap": 93.72748205246228, + "dot_f1": 89.04109589041096, + "dot_precision": 87.16475095785441, + "dot_recall": 91.0, + "euclidean_accuracy": 99.85445544554456, + "euclidean_ap": 96.6661459876145, + "euclidean_f1": 92.58337481333997, + "euclidean_precision": 92.17046580773042, + "euclidean_recall": 93.0, + "manhattan_accuracy": 99.85445544554456, + "manhattan_ap": 96.6883549244056, + "manhattan_f1": 92.57598405580468, + "manhattan_precision": 92.25422045680239, + "manhattan_recall": 92.9, + "max_accuracy": 99.86237623762376, + "max_ap": 96.72586477206649, + "max_f1": 93.01858362631845, + "main_score": 96.72586477206649 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/StackExchangeClustering.json b/results/katanemo__bge-large-en-v1.5/external/StackExchangeClustering.json new file mode 100644 index 000000000..811a1dcc2 --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 66.39930057069995, + "main_score": 66.39930057069995 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/StackExchangeClusteringP2P.json b/results/katanemo__bge-large-en-v1.5/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..bc57100ba --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.96398659903402, + "main_score": 34.96398659903402 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/StackOverflowDupQuestions.json b/results/katanemo__bge-large-en-v1.5/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..6f458ee6e --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 55.946944700355395, + "mrr": 56.97151398438164, + "main_score": 55.946944700355395 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/SummEval.json b/results/katanemo__bge-large-en-v1.5/external/SummEval.json new file mode 100644 index 000000000..4094b2845 --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.541657650692905, + "cos_sim_spearman": 31.605804192286303, + "dot_pearson": 28.26905996736398, + "dot_spearman": 27.864801765851187, + "cosine_pearson": 31.541657650692905, + "cosine_spearman": 31.605804192286303, + "main_score": 31.605804192286303 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/TRECCOVID.json b/results/katanemo__bge-large-en-v1.5/external/TRECCOVID.json new file mode 100644 index 000000000..d2ec899ce --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.22599999999999998, + "map_at_10": 1.8870000000000002, + "map_at_100": 9.78, + "map_at_1000": 22.514, + "map_at_3": 0.6669999999999999, + "map_at_5": 1.077, + "mrr_at_1": 82.0, + "mrr_at_10": 89.86699999999999, + "mrr_at_100": 89.86699999999999, + "mrr_at_1000": 89.86699999999999, + "mrr_at_3": 89.667, + "mrr_at_5": 89.667, + "ndcg_at_1": 79.0, + "ndcg_at_10": 74.818, + "ndcg_at_100": 53.715999999999994, + "ndcg_at_1000": 47.082, + "ndcg_at_3": 82.134, + "ndcg_at_5": 79.81899999999999, + "precision_at_1": 82.0, + "precision_at_10": 78.0, + "precision_at_100": 54.48, + "precision_at_1000": 20.518, + "precision_at_3": 87.333, + "precision_at_5": 85.2, + "recall_at_1": 0.22599999999999998, + "recall_at_10": 2.072, + "recall_at_100": 13.013, + "recall_at_1000": 43.462, + "recall_at_3": 0.695, + "recall_at_5": 1.139, + "main_score": 74.818 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/Touche2020.json b/results/katanemo__bge-large-en-v1.5/external/Touche2020.json new file mode 100644 index 000000000..4e42886db --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.328, + "map_at_10": 9.795, + "map_at_100": 15.801000000000002, + "map_at_1000": 17.23, + "map_at_3": 4.734, + "map_at_5": 6.644, + "mrr_at_1": 30.612000000000002, + "mrr_at_10": 46.902, + "mrr_at_100": 47.495, + "mrr_at_1000": 47.495, + "mrr_at_3": 41.156, + "mrr_at_5": 44.218, + "ndcg_at_1": 28.571, + "ndcg_at_10": 24.806, + "ndcg_at_100": 36.419000000000004, + "ndcg_at_1000": 47.272999999999996, + "ndcg_at_3": 25.666, + "ndcg_at_5": 25.448999999999998, + "precision_at_1": 30.612000000000002, + "precision_at_10": 23.061, + "precision_at_100": 7.714, + "precision_at_1000": 1.484, + "precision_at_3": 26.531, + "precision_at_5": 26.122, + "recall_at_1": 2.328, + "recall_at_10": 16.524, + "recall_at_100": 47.179, + "recall_at_1000": 81.22200000000001, + "recall_at_3": 5.745, + "recall_at_5": 9.339, + "main_score": 24.806 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/ToxicConversationsClassification.json b/results/katanemo__bge-large-en-v1.5/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..a1bb4e3a3 --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.9142, + "ap": 14.335574772555415, + "f1": 54.62839595194111, + "main_score": 70.9142 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/TweetSentimentExtractionClassification.json b/results/katanemo__bge-large-en-v1.5/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..4d6df3be5 --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 59.94340690435768, + "f1": 60.286487936731916, + "main_score": 59.94340690435768 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/TwentyNewsgroupsClustering.json b/results/katanemo__bge-large-en-v1.5/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..017b5c503 --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 51.26597708987974, + "main_score": 51.26597708987974 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/TwitterSemEval2015.json b/results/katanemo__bge-large-en-v1.5/external/TwitterSemEval2015.json new file mode 100644 index 000000000..221ac4747 --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 87.48882398521786, + "cos_sim_ap": 79.04326607602204, + "cos_sim_f1": 71.64566826860633, + "cos_sim_precision": 70.55512918905092, + "cos_sim_recall": 72.77044854881267, + "dot_accuracy": 84.19264469213805, + "dot_ap": 67.96360043562528, + "dot_f1": 64.06418393006827, + "dot_precision": 58.64941898706424, + "dot_recall": 70.58047493403694, + "euclidean_accuracy": 87.45902127913214, + "euclidean_ap": 78.9742237648272, + "euclidean_f1": 71.5553235908142, + "euclidean_precision": 70.77955601445535, + "euclidean_recall": 72.34828496042216, + "manhattan_accuracy": 87.41729749061214, + "manhattan_ap": 78.90073137580596, + "manhattan_f1": 71.3942611553533, + "manhattan_precision": 68.52705653967483, + "manhattan_recall": 74.51187335092348, + "max_accuracy": 87.48882398521786, + "max_ap": 79.04326607602204, + "max_f1": 71.64566826860633, + "main_score": 79.04326607602204 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/TwitterURLCorpus.json b/results/katanemo__bge-large-en-v1.5/external/TwitterURLCorpus.json new file mode 100644 index 000000000..80fd92942 --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.68125897465751, + "cos_sim_ap": 85.6003454431979, + "cos_sim_f1": 77.6957163958641, + "cos_sim_precision": 73.0110366307807, + "cos_sim_recall": 83.02279026793964, + "dot_accuracy": 87.7672992587418, + "dot_ap": 82.4971301112899, + "dot_f1": 75.90528233151184, + "dot_precision": 72.0370626469368, + "dot_recall": 80.21250384970742, + "euclidean_accuracy": 88.4503434625684, + "euclidean_ap": 84.91949884748384, + "euclidean_f1": 76.92365018444684, + "euclidean_precision": 74.53245721712759, + "euclidean_recall": 79.47336002463813, + "manhattan_accuracy": 88.47556952691427, + "manhattan_ap": 84.8963689101517, + "manhattan_f1": 76.85901249256395, + "manhattan_precision": 74.31693989071039, + "manhattan_recall": 79.58115183246073, + "max_accuracy": 88.68125897465751, + "max_ap": 85.6003454431979, + "max_f1": 77.6957163958641, + "main_score": 85.6003454431979 + } + ] + } +} \ No newline at end of file diff --git a/results/katanemo__bge-large-en-v1.5/external/model_meta.json b/results/katanemo__bge-large-en-v1.5/external/model_meta.json new file mode 100644 index 000000000..cfc5b198d --- /dev/null +++ b/results/katanemo__bge-large-en-v1.5/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "katanemo/bge-large-en-v1.5", + "revision": "c495a59773a79714b4b11aed4cceeb5320805285", + "release_date": "2024-10-08", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 335142400, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 1024, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/AmazonCounterfactualClassification.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..3cdf82e1e --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.79104477611939, + "ap": 37.21923821573361, + "f1": 68.0914945617093, + "main_score": 73.79104477611939 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/AmazonPolarityClassification.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..cc0889b72 --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.75377499999999, + "ap": 89.46766124546022, + "f1": 92.73884001331487, + "main_score": 92.75377499999999 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/AmazonReviewsClassification.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..caf2f79ec --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 46.986, + "f1": 46.55936786727896, + "main_score": 46.986 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/ArguAna.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/ArguAna.json new file mode 100644 index 000000000..16d68f098 --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 35.846000000000004, + "map_at_10": 51.388, + "map_at_100": 52.132999999999996, + "map_at_1000": 52.141000000000005, + "map_at_3": 47.037, + "map_at_5": 49.579, + "mrr_at_1": 36.558, + "mrr_at_10": 51.658, + "mrr_at_100": 52.402, + "mrr_at_1000": 52.410000000000004, + "mrr_at_3": 47.345, + "mrr_at_5": 49.797999999999995, + "ndcg_at_1": 35.846000000000004, + "ndcg_at_10": 59.550000000000004, + "ndcg_at_100": 62.596, + "ndcg_at_1000": 62.759, + "ndcg_at_3": 50.666999999999994, + "ndcg_at_5": 55.228, + "precision_at_1": 35.846000000000004, + "precision_at_10": 8.542, + "precision_at_100": 0.984, + "precision_at_1000": 0.1, + "precision_at_3": 20.389, + "precision_at_5": 14.438, + "recall_at_1": 35.846000000000004, + "recall_at_10": 85.42, + "recall_at_100": 98.43499999999999, + "recall_at_1000": 99.644, + "recall_at_3": 61.166, + "recall_at_5": 72.191, + "main_score": 59.550000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/ArxivClusteringP2P.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..464de0e45 --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 47.402770198163594, + "main_score": 47.402770198163594 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/ArxivClusteringS2S.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..c34dd98b1 --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.01545436974177, + "main_score": 40.01545436974177 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/AskUbuntuDupQuestions.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..e9eecfdb5 --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 62.586465273207196, + "mrr": 74.42169019038825, + "main_score": 62.586465273207196 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/BIOSSES.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/BIOSSES.json new file mode 100644 index 000000000..65f192199 --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.1891186537969, + "cos_sim_spearman": 83.75492046087288, + "euclidean_pearson": 84.11766204805357, + "euclidean_spearman": 84.01456493126516, + "manhattan_pearson": 84.2132950502772, + "manhattan_spearman": 83.89227298813377, + "cosine_pearson": 85.1891186537969, + "cosine_spearman": 83.75492046087288, + "main_score": 83.75492046087288 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/Banking77Classification.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/Banking77Classification.json new file mode 100644 index 000000000..90a96897c --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 85.74025974025975, + "f1": 85.71493566466381, + "main_score": 85.74025974025975 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/BiorxivClusteringP2P.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..ba4bc05b6 --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.467181385006434, + "main_score": 38.467181385006434 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/BiorxivClusteringS2S.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..eb69d2b71 --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.719496037339056, + "main_score": 34.719496037339056 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/CQADupstackAndroidRetrieval.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..694e191a9 --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.587000000000003, + "map_at_10": 41.114, + "map_at_100": 42.532, + "map_at_1000": 42.661, + "map_at_3": 37.483, + "map_at_5": 39.652, + "mrr_at_1": 36.338, + "mrr_at_10": 46.763, + "mrr_at_100": 47.393, + "mrr_at_1000": 47.445, + "mrr_at_3": 43.538, + "mrr_at_5": 45.556000000000004, + "ndcg_at_1": 36.338, + "ndcg_at_10": 47.658, + "ndcg_at_100": 52.824000000000005, + "ndcg_at_1000": 54.913999999999994, + "ndcg_at_3": 41.989, + "ndcg_at_5": 44.944, + "precision_at_1": 36.338, + "precision_at_10": 9.156, + "precision_at_100": 1.4789999999999999, + "precision_at_1000": 0.196, + "precision_at_3": 20.076, + "precision_at_5": 14.85, + "recall_at_1": 29.587000000000003, + "recall_at_10": 60.746, + "recall_at_100": 82.157, + "recall_at_1000": 95.645, + "recall_at_3": 44.821, + "recall_at_5": 52.819, + "main_score": 47.658 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.239, + "map_at_10": 39.989000000000004, + "map_at_100": 41.196, + "map_at_1000": 41.325, + "map_at_3": 37.261, + "map_at_5": 38.833, + "mrr_at_1": 37.516, + "mrr_at_10": 46.177, + "mrr_at_100": 46.806, + "mrr_at_1000": 46.849000000000004, + "mrr_at_3": 44.002, + "mrr_at_5": 45.34, + "ndcg_at_1": 37.516, + "ndcg_at_10": 45.586, + "ndcg_at_100": 49.897000000000006, + "ndcg_at_1000": 51.955, + "ndcg_at_3": 41.684, + "ndcg_at_5": 43.617, + "precision_at_1": 37.516, + "precision_at_10": 8.522, + "precision_at_100": 1.374, + "precision_at_1000": 0.184, + "precision_at_3": 20.105999999999998, + "precision_at_5": 14.152999999999999, + "recall_at_1": 30.239, + "recall_at_10": 55.03, + "recall_at_100": 73.375, + "recall_at_1000": 86.29599999999999, + "recall_at_3": 43.269000000000005, + "recall_at_5": 48.878, + "main_score": 45.586 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.338, + "map_at_10": 50.468999999999994, + "map_at_100": 51.553000000000004, + "map_at_1000": 51.608, + "map_at_3": 47.107, + "map_at_5": 49.101, + "mrr_at_1": 44.201, + "mrr_at_10": 54.057, + "mrr_at_100": 54.764, + "mrr_at_1000": 54.791000000000004, + "mrr_at_3": 51.56699999999999, + "mrr_at_5": 53.05, + "ndcg_at_1": 44.201, + "ndcg_at_10": 56.379000000000005, + "ndcg_at_100": 60.645, + "ndcg_at_1000": 61.73499999999999, + "ndcg_at_3": 50.726000000000006, + "ndcg_at_5": 53.58500000000001, + "precision_at_1": 44.201, + "precision_at_10": 9.141, + "precision_at_100": 1.216, + "precision_at_1000": 0.135, + "precision_at_3": 22.654, + "precision_at_5": 15.723999999999998, + "recall_at_1": 38.338, + "recall_at_10": 70.30499999999999, + "recall_at_100": 88.77199999999999, + "recall_at_1000": 96.49799999999999, + "recall_at_3": 55.218, + "recall_at_5": 62.104000000000006, + "main_score": 56.379000000000005 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.682, + "map_at_10": 33.498, + "map_at_100": 34.461000000000006, + "map_at_1000": 34.544000000000004, + "map_at_3": 30.503999999999998, + "map_at_5": 32.216, + "mrr_at_1": 27.683999999999997, + "mrr_at_10": 35.467999999999996, + "mrr_at_100": 36.32, + "mrr_at_1000": 36.386, + "mrr_at_3": 32.618, + "mrr_at_5": 34.262, + "ndcg_at_1": 27.683999999999997, + "ndcg_at_10": 38.378, + "ndcg_at_100": 43.288, + "ndcg_at_1000": 45.413, + "ndcg_at_3": 32.586, + "ndcg_at_5": 35.499, + "precision_at_1": 27.683999999999997, + "precision_at_10": 5.864, + "precision_at_100": 0.882, + "precision_at_1000": 0.11, + "precision_at_3": 13.446, + "precision_at_5": 9.718, + "recall_at_1": 25.682, + "recall_at_10": 51.712, + "recall_at_100": 74.446, + "recall_at_1000": 90.472, + "recall_at_3": 36.236000000000004, + "recall_at_5": 43.234, + "main_score": 38.378 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.073999999999998, + "map_at_10": 24.352999999999998, + "map_at_100": 25.438, + "map_at_1000": 25.545, + "map_at_3": 21.614, + "map_at_5": 23.104, + "mrr_at_1": 19.776, + "mrr_at_10": 28.837000000000003, + "mrr_at_100": 29.755, + "mrr_at_1000": 29.817, + "mrr_at_3": 26.201999999999998, + "mrr_at_5": 27.714, + "ndcg_at_1": 19.776, + "ndcg_at_10": 29.701, + "ndcg_at_100": 35.307, + "ndcg_at_1000": 37.942, + "ndcg_at_3": 24.764, + "ndcg_at_5": 27.025, + "precision_at_1": 19.776, + "precision_at_10": 5.659, + "precision_at_100": 0.971, + "precision_at_1000": 0.133, + "precision_at_3": 12.065, + "precision_at_5": 8.905000000000001, + "recall_at_1": 16.073999999999998, + "recall_at_10": 41.647, + "recall_at_100": 66.884, + "recall_at_1000": 85.91499999999999, + "recall_at_3": 27.916, + "recall_at_5": 33.729, + "main_score": 29.701 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.444999999999997, + "map_at_10": 38.218999999999994, + "map_at_100": 39.595, + "map_at_1000": 39.709, + "map_at_3": 35.586, + "map_at_5": 36.895, + "mrr_at_1": 34.841, + "mrr_at_10": 44.106, + "mrr_at_100": 44.98, + "mrr_at_1000": 45.03, + "mrr_at_3": 41.979, + "mrr_at_5": 43.047999999999995, + "ndcg_at_1": 34.841, + "ndcg_at_10": 43.922, + "ndcg_at_100": 49.504999999999995, + "ndcg_at_1000": 51.675000000000004, + "ndcg_at_3": 39.858, + "ndcg_at_5": 41.408, + "precision_at_1": 34.841, + "precision_at_10": 7.872999999999999, + "precision_at_100": 1.2449999999999999, + "precision_at_1000": 0.161, + "precision_at_3": 18.993, + "precision_at_5": 13.032, + "recall_at_1": 28.444999999999997, + "recall_at_10": 54.984, + "recall_at_100": 78.342, + "recall_at_1000": 92.77, + "recall_at_3": 42.842999999999996, + "recall_at_5": 47.247, + "main_score": 43.922 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.072, + "map_at_10": 32.354, + "map_at_100": 33.800000000000004, + "map_at_1000": 33.908, + "map_at_3": 29.232000000000003, + "map_at_5": 31.049, + "mrr_at_1": 29.110000000000003, + "mrr_at_10": 38.03, + "mrr_at_100": 39.032, + "mrr_at_1000": 39.086999999999996, + "mrr_at_3": 35.407, + "mrr_at_5": 36.76, + "ndcg_at_1": 29.110000000000003, + "ndcg_at_10": 38.231, + "ndcg_at_100": 44.425, + "ndcg_at_1000": 46.771, + "ndcg_at_3": 33.095, + "ndcg_at_5": 35.459, + "precision_at_1": 29.110000000000003, + "precision_at_10": 7.215000000000001, + "precision_at_100": 1.2109999999999999, + "precision_at_1000": 0.157, + "precision_at_3": 16.058, + "precision_at_5": 11.644, + "recall_at_1": 23.072, + "recall_at_10": 50.285999999999994, + "recall_at_100": 76.596, + "recall_at_1000": 92.861, + "recall_at_3": 35.702, + "recall_at_5": 42.152, + "main_score": 38.231 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.937916666666666, + "map_at_10": 33.755250000000004, + "map_at_100": 34.955999999999996, + "map_at_1000": 35.070499999999996, + "map_at_3": 30.98708333333333, + "map_at_5": 32.51491666666666, + "mrr_at_1": 29.48708333333333, + "mrr_at_10": 37.92183333333334, + "mrr_at_100": 38.76583333333333, + "mrr_at_1000": 38.82466666666667, + "mrr_at_3": 35.45125, + "mrr_at_5": 36.827000000000005, + "ndcg_at_1": 29.48708333333333, + "ndcg_at_10": 39.05225, + "ndcg_at_100": 44.25983333333334, + "ndcg_at_1000": 46.568333333333335, + "ndcg_at_3": 34.271583333333325, + "ndcg_at_5": 36.483916666666666, + "precision_at_1": 29.48708333333333, + "precision_at_10": 6.865749999999999, + "precision_at_100": 1.1195833333333332, + "precision_at_1000": 0.15058333333333335, + "precision_at_3": 15.742083333333333, + "precision_at_5": 11.221916666666667, + "recall_at_1": 24.937916666666666, + "recall_at_10": 50.650416666666665, + "recall_at_100": 73.55383333333334, + "recall_at_1000": 89.61691666666667, + "recall_at_3": 37.27808333333334, + "recall_at_5": 42.99475, + "main_score": 39.05225 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.947, + "map_at_10": 30.575000000000003, + "map_at_100": 31.465, + "map_at_1000": 31.558000000000003, + "map_at_3": 28.814, + "map_at_5": 29.738999999999997, + "mrr_at_1": 26.994, + "mrr_at_10": 33.415, + "mrr_at_100": 34.18, + "mrr_at_1000": 34.245, + "mrr_at_3": 31.621, + "mrr_at_5": 32.549, + "ndcg_at_1": 26.994, + "ndcg_at_10": 34.482, + "ndcg_at_100": 38.915, + "ndcg_at_1000": 41.355, + "ndcg_at_3": 31.139, + "ndcg_at_5": 32.589, + "precision_at_1": 26.994, + "precision_at_10": 5.322, + "precision_at_100": 0.8160000000000001, + "precision_at_1000": 0.11100000000000002, + "precision_at_3": 13.344000000000001, + "precision_at_5": 8.988, + "recall_at_1": 23.947, + "recall_at_10": 43.647999999999996, + "recall_at_100": 63.851, + "recall_at_1000": 82.0, + "recall_at_3": 34.288000000000004, + "recall_at_5": 38.117000000000004, + "main_score": 34.482 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.197, + "map_at_10": 22.968, + "map_at_100": 24.095, + "map_at_1000": 24.217, + "map_at_3": 20.771, + "map_at_5": 21.995, + "mrr_at_1": 19.511, + "mrr_at_10": 26.55, + "mrr_at_100": 27.500999999999998, + "mrr_at_1000": 27.578999999999997, + "mrr_at_3": 24.421, + "mrr_at_5": 25.604, + "ndcg_at_1": 19.511, + "ndcg_at_10": 27.386, + "ndcg_at_100": 32.828, + "ndcg_at_1000": 35.739, + "ndcg_at_3": 23.405, + "ndcg_at_5": 25.255, + "precision_at_1": 19.511, + "precision_at_10": 5.017, + "precision_at_100": 0.91, + "precision_at_1000": 0.133, + "precision_at_3": 11.023, + "precision_at_5": 8.025, + "recall_at_1": 16.197, + "recall_at_10": 37.09, + "recall_at_100": 61.778, + "recall_at_1000": 82.56599999999999, + "recall_at_3": 26.034000000000002, + "recall_at_5": 30.762, + "main_score": 27.386 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.41, + "map_at_10": 33.655, + "map_at_100": 34.892, + "map_at_1000": 34.995, + "map_at_3": 30.94, + "map_at_5": 32.303, + "mrr_at_1": 29.477999999999998, + "mrr_at_10": 37.443, + "mrr_at_100": 38.383, + "mrr_at_1000": 38.440000000000005, + "mrr_at_3": 34.949999999999996, + "mrr_at_5": 36.228, + "ndcg_at_1": 29.477999999999998, + "ndcg_at_10": 38.769, + "ndcg_at_100": 44.245000000000005, + "ndcg_at_1000": 46.593, + "ndcg_at_3": 33.623, + "ndcg_at_5": 35.766, + "precision_at_1": 29.477999999999998, + "precision_at_10": 6.455, + "precision_at_100": 1.032, + "precision_at_1000": 0.135, + "precision_at_3": 14.893999999999998, + "precision_at_5": 10.485, + "recall_at_1": 25.41, + "recall_at_10": 50.669, + "recall_at_100": 74.084, + "recall_at_1000": 90.435, + "recall_at_3": 36.679, + "recall_at_5": 41.94, + "main_score": 38.769 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.339, + "map_at_10": 31.852000000000004, + "map_at_100": 33.411, + "map_at_1000": 33.62, + "map_at_3": 28.929, + "map_at_5": 30.542, + "mrr_at_1": 28.063, + "mrr_at_10": 36.301, + "mrr_at_100": 37.288, + "mrr_at_1000": 37.349, + "mrr_at_3": 33.663, + "mrr_at_5": 35.165, + "ndcg_at_1": 28.063, + "ndcg_at_10": 37.462, + "ndcg_at_100": 43.620999999999995, + "ndcg_at_1000": 46.211, + "ndcg_at_3": 32.68, + "ndcg_at_5": 34.981, + "precision_at_1": 28.063, + "precision_at_10": 7.1739999999999995, + "precision_at_100": 1.486, + "precision_at_1000": 0.23500000000000001, + "precision_at_3": 15.217, + "precision_at_5": 11.265, + "recall_at_1": 23.339, + "recall_at_10": 48.376999999999995, + "recall_at_100": 76.053, + "recall_at_1000": 92.455, + "recall_at_3": 34.735, + "recall_at_5": 40.71, + "main_score": 37.462 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.925, + "map_at_10": 26.017000000000003, + "map_at_100": 27.034000000000002, + "map_at_1000": 27.156000000000002, + "map_at_3": 23.604, + "map_at_5": 24.75, + "mrr_at_1": 20.333000000000002, + "mrr_at_10": 27.915, + "mrr_at_100": 28.788000000000004, + "mrr_at_1000": 28.877999999999997, + "mrr_at_3": 25.446999999999996, + "mrr_at_5": 26.648, + "ndcg_at_1": 20.333000000000002, + "ndcg_at_10": 30.673000000000002, + "ndcg_at_100": 35.618, + "ndcg_at_1000": 38.517, + "ndcg_at_3": 25.71, + "ndcg_at_5": 27.679, + "precision_at_1": 20.333000000000002, + "precision_at_10": 4.9910000000000005, + "precision_at_100": 0.8130000000000001, + "precision_at_1000": 0.117, + "precision_at_3": 11.029, + "precision_at_5": 7.8740000000000006, + "recall_at_1": 18.925, + "recall_at_10": 43.311, + "recall_at_100": 66.308, + "recall_at_1000": 87.49, + "recall_at_3": 29.596, + "recall_at_5": 34.245, + "main_score": 30.673000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/ClimateFEVER.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/ClimateFEVER.json new file mode 100644 index 000000000..8d604ca3d --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 13.714, + "map_at_10": 23.194, + "map_at_100": 24.976000000000003, + "map_at_1000": 25.166, + "map_at_3": 19.709, + "map_at_5": 21.523999999999997, + "mrr_at_1": 30.619000000000003, + "mrr_at_10": 42.563, + "mrr_at_100": 43.386, + "mrr_at_1000": 43.423, + "mrr_at_3": 39.555, + "mrr_at_5": 41.268, + "ndcg_at_1": 30.619000000000003, + "ndcg_at_10": 31.836, + "ndcg_at_100": 38.652, + "ndcg_at_1000": 42.088, + "ndcg_at_3": 26.733, + "ndcg_at_5": 28.435, + "precision_at_1": 30.619000000000003, + "precision_at_10": 9.751999999999999, + "precision_at_100": 1.71, + "precision_at_1000": 0.23500000000000001, + "precision_at_3": 19.935, + "precision_at_5": 14.984, + "recall_at_1": 13.714, + "recall_at_10": 37.26, + "recall_at_100": 60.546, + "recall_at_1000": 79.899, + "recall_at_3": 24.325, + "recall_at_5": 29.725, + "main_score": 31.836 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/DBPedia.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/DBPedia.json new file mode 100644 index 000000000..b293dc046 --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.462, + "map_at_10": 18.637, + "map_at_100": 26.131999999999998, + "map_at_1000": 27.607, + "map_at_3": 13.333, + "map_at_5": 15.654000000000002, + "mrr_at_1": 66.25, + "mrr_at_10": 74.32600000000001, + "mrr_at_100": 74.60900000000001, + "mrr_at_1000": 74.62, + "mrr_at_3": 72.667, + "mrr_at_5": 73.817, + "ndcg_at_1": 53.87499999999999, + "ndcg_at_10": 40.028999999999996, + "ndcg_at_100": 44.199, + "ndcg_at_1000": 51.629999999999995, + "ndcg_at_3": 44.113, + "ndcg_at_5": 41.731, + "precision_at_1": 66.25, + "precision_at_10": 31.900000000000002, + "precision_at_100": 10.043000000000001, + "precision_at_1000": 1.926, + "precision_at_3": 47.417, + "precision_at_5": 40.65, + "recall_at_1": 8.462, + "recall_at_10": 24.293, + "recall_at_100": 50.146, + "recall_at_1000": 74.034, + "recall_at_3": 14.967, + "recall_at_5": 18.682000000000002, + "main_score": 40.028999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/EmotionClassification.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/EmotionClassification.json new file mode 100644 index 000000000..e978108ab --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 47.84499999999999, + "f1": 42.48106691979349, + "main_score": 47.84499999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/FEVER.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/FEVER.json new file mode 100644 index 000000000..20cb1c252 --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 74.034, + "map_at_10": 82.76, + "map_at_100": 82.968, + "map_at_1000": 82.98299999999999, + "map_at_3": 81.768, + "map_at_5": 82.418, + "mrr_at_1": 80.048, + "mrr_at_10": 87.64999999999999, + "mrr_at_100": 87.712, + "mrr_at_1000": 87.713, + "mrr_at_3": 87.01100000000001, + "mrr_at_5": 87.466, + "ndcg_at_1": 80.048, + "ndcg_at_10": 86.643, + "ndcg_at_100": 87.361, + "ndcg_at_1000": 87.606, + "ndcg_at_3": 85.137, + "ndcg_at_5": 86.016, + "precision_at_1": 80.048, + "precision_at_10": 10.372, + "precision_at_100": 1.093, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 32.638, + "precision_at_5": 20.177, + "recall_at_1": 74.034, + "recall_at_10": 93.769, + "recall_at_100": 96.569, + "recall_at_1000": 98.039, + "recall_at_3": 89.581, + "recall_at_5": 91.906, + "main_score": 86.643 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/FiQA2018.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/FiQA2018.json new file mode 100644 index 000000000..0a00920bf --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.5, + "map_at_10": 32.857, + "map_at_100": 34.589, + "map_at_1000": 34.778, + "map_at_3": 29.160999999999998, + "map_at_5": 31.033, + "mrr_at_1": 40.123, + "mrr_at_10": 48.776, + "mrr_at_100": 49.495, + "mrr_at_1000": 49.539, + "mrr_at_3": 46.605000000000004, + "mrr_at_5": 47.654, + "ndcg_at_1": 40.123, + "ndcg_at_10": 40.343, + "ndcg_at_100": 46.56, + "ndcg_at_1000": 49.777, + "ndcg_at_3": 37.322, + "ndcg_at_5": 37.791000000000004, + "precision_at_1": 40.123, + "precision_at_10": 11.08, + "precision_at_100": 1.752, + "precision_at_1000": 0.232, + "precision_at_3": 24.897, + "precision_at_5": 17.809, + "recall_at_1": 20.5, + "recall_at_10": 46.388, + "recall_at_100": 69.552, + "recall_at_1000": 89.011, + "recall_at_3": 33.617999999999995, + "recall_at_5": 38.211, + "main_score": 40.343 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/HotpotQA.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/HotpotQA.json new file mode 100644 index 000000000..afa6cdf6c --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 39.135999999999996, + "map_at_10": 61.673, + "map_at_100": 62.562, + "map_at_1000": 62.62, + "map_at_3": 58.467999999999996, + "map_at_5": 60.463, + "mrr_at_1": 78.271, + "mrr_at_10": 84.119, + "mrr_at_100": 84.29299999999999, + "mrr_at_1000": 84.299, + "mrr_at_3": 83.18900000000001, + "mrr_at_5": 83.786, + "ndcg_at_1": 78.271, + "ndcg_at_10": 69.935, + "ndcg_at_100": 73.01299999999999, + "ndcg_at_1000": 74.126, + "ndcg_at_3": 65.388, + "ndcg_at_5": 67.906, + "precision_at_1": 78.271, + "precision_at_10": 14.562, + "precision_at_100": 1.6969999999999998, + "precision_at_1000": 0.184, + "precision_at_3": 41.841, + "precision_at_5": 27.087, + "recall_at_1": 39.135999999999996, + "recall_at_10": 72.809, + "recall_at_100": 84.86200000000001, + "recall_at_1000": 92.208, + "recall_at_3": 62.76199999999999, + "recall_at_5": 67.718, + "main_score": 69.935 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/ImdbClassification.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/ImdbClassification.json new file mode 100644 index 000000000..956f20f99 --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 90.60600000000001, + "ap": 86.6579587804335, + "f1": 90.5938853929307, + "main_score": 90.60600000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/MSMARCO.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/MSMARCO.json new file mode 100644 index 000000000..8a58339c2 --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.852, + "map_at_10": 33.982, + "map_at_100": 35.116, + "map_at_1000": 35.167, + "map_at_3": 30.134, + "map_at_5": 32.340999999999994, + "mrr_at_1": 22.479, + "mrr_at_10": 34.594, + "mrr_at_100": 35.672, + "mrr_at_1000": 35.716, + "mrr_at_3": 30.84, + "mrr_at_5": 32.998, + "ndcg_at_1": 22.493, + "ndcg_at_10": 40.833000000000006, + "ndcg_at_100": 46.357, + "ndcg_at_1000": 47.637, + "ndcg_at_3": 32.995999999999995, + "ndcg_at_5": 36.919000000000004, + "precision_at_1": 22.493, + "precision_at_10": 6.465999999999999, + "precision_at_100": 0.9249999999999999, + "precision_at_1000": 0.104, + "precision_at_3": 14.030999999999999, + "precision_at_5": 10.413, + "recall_at_1": 21.852, + "recall_at_10": 61.934999999999995, + "recall_at_100": 87.611, + "recall_at_1000": 97.441, + "recall_at_3": 40.583999999999996, + "recall_at_5": 49.992999999999995, + "main_score": 40.833000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/MTOPDomainClassification.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/MTOPDomainClassification.json new file mode 100644 index 000000000..f4d154c5d --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.36069311445507, + "f1": 93.16456330371453, + "main_score": 93.36069311445507 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/MTOPIntentClassification.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/MTOPIntentClassification.json new file mode 100644 index 000000000..cb16dc453 --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.74692202462381, + "f1": 58.17903579421599, + "main_score": 74.74692202462381 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/MassiveIntentClassification.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/MassiveIntentClassification.json new file mode 100644 index 000000000..db2dce802 --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.80833893745796, + "f1": 72.70786592684664, + "main_score": 74.80833893745796 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/MassiveScenarioClassification.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..97f027d88 --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.69872225958305, + "f1": 78.61626934504731, + "main_score": 78.69872225958305 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/MedrxivClusteringP2P.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..9015f60b1 --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.058658628717694, + "main_score": 33.058658628717694 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/MedrxivClusteringS2S.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..623f2f90b --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.85561739360599, + "main_score": 30.85561739360599 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/MindSmallReranking.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/MindSmallReranking.json new file mode 100644 index 000000000..47a771a67 --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.290259910144385, + "mrr": 32.44223046102856, + "main_score": 31.290259910144385 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/NFCorpus.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/NFCorpus.json new file mode 100644 index 000000000..b7ef1a224 --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.288, + "map_at_10": 12.267999999999999, + "map_at_100": 15.557000000000002, + "map_at_1000": 16.98, + "map_at_3": 8.866, + "map_at_5": 10.418, + "mrr_at_1": 43.653, + "mrr_at_10": 52.681, + "mrr_at_100": 53.315999999999995, + "mrr_at_1000": 53.357, + "mrr_at_3": 51.393, + "mrr_at_5": 51.903999999999996, + "ndcg_at_1": 42.415000000000006, + "ndcg_at_10": 34.305, + "ndcg_at_100": 30.825999999999997, + "ndcg_at_1000": 39.393, + "ndcg_at_3": 39.931, + "ndcg_at_5": 37.519999999999996, + "precision_at_1": 43.653, + "precision_at_10": 25.728, + "precision_at_100": 7.932, + "precision_at_1000": 2.07, + "precision_at_3": 38.184000000000005, + "precision_at_5": 32.879000000000005, + "recall_at_1": 5.288, + "recall_at_10": 16.195, + "recall_at_100": 31.135, + "recall_at_1000": 61.531000000000006, + "recall_at_3": 10.313, + "recall_at_5": 12.754999999999999, + "main_score": 34.305 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/NQ.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/NQ.json new file mode 100644 index 000000000..3c5647972 --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.216, + "map_at_10": 42.588, + "map_at_100": 43.702999999999996, + "map_at_1000": 43.739, + "map_at_3": 38.177, + "map_at_5": 40.754000000000005, + "mrr_at_1": 31.866, + "mrr_at_10": 45.189, + "mrr_at_100": 46.056000000000004, + "mrr_at_1000": 46.081, + "mrr_at_3": 41.526999999999994, + "mrr_at_5": 43.704, + "ndcg_at_1": 31.837, + "ndcg_at_10": 50.178, + "ndcg_at_100": 54.98800000000001, + "ndcg_at_1000": 55.812, + "ndcg_at_3": 41.853, + "ndcg_at_5": 46.153, + "precision_at_1": 31.837, + "precision_at_10": 8.43, + "precision_at_100": 1.1119999999999999, + "precision_at_1000": 0.11900000000000001, + "precision_at_3": 19.023, + "precision_at_5": 13.911000000000001, + "recall_at_1": 28.216, + "recall_at_10": 70.8, + "recall_at_100": 91.857, + "recall_at_1000": 97.941, + "recall_at_3": 49.196, + "recall_at_5": 59.072, + "main_score": 50.178 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/QuoraRetrieval.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/QuoraRetrieval.json new file mode 100644 index 000000000..9d20726fd --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 71.22800000000001, + "map_at_10": 85.115, + "map_at_100": 85.72, + "map_at_1000": 85.737, + "map_at_3": 82.149, + "map_at_5": 84.029, + "mrr_at_1": 81.96, + "mrr_at_10": 88.00200000000001, + "mrr_at_100": 88.088, + "mrr_at_1000": 88.089, + "mrr_at_3": 87.055, + "mrr_at_5": 87.715, + "ndcg_at_1": 82.01, + "ndcg_at_10": 88.78, + "ndcg_at_100": 89.91, + "ndcg_at_1000": 90.013, + "ndcg_at_3": 85.957, + "ndcg_at_5": 87.56, + "precision_at_1": 82.01, + "precision_at_10": 13.462, + "precision_at_100": 1.528, + "precision_at_1000": 0.157, + "precision_at_3": 37.553, + "precision_at_5": 24.732000000000003, + "recall_at_1": 71.22800000000001, + "recall_at_10": 95.69, + "recall_at_100": 99.531, + "recall_at_1000": 99.98, + "recall_at_3": 87.632, + "recall_at_5": 92.117, + "main_score": 88.78 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/RedditClustering.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/RedditClustering.json new file mode 100644 index 000000000..b292d342e --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 52.31768034366916, + "main_score": 52.31768034366916 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/RedditClusteringP2P.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/RedditClusteringP2P.json new file mode 100644 index 000000000..5eda7ffaa --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 60.640266772723606, + "main_score": 60.640266772723606 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/SCIDOCS.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/SCIDOCS.json new file mode 100644 index 000000000..69dc82ab5 --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.7780000000000005, + "map_at_10": 12.299, + "map_at_100": 14.363000000000001, + "map_at_1000": 14.71, + "map_at_3": 8.738999999999999, + "map_at_5": 10.397, + "mrr_at_1": 23.599999999999998, + "mrr_at_10": 34.845, + "mrr_at_100": 35.916, + "mrr_at_1000": 35.973, + "mrr_at_3": 31.7, + "mrr_at_5": 33.535, + "ndcg_at_1": 23.599999999999998, + "ndcg_at_10": 20.522000000000002, + "ndcg_at_100": 28.737000000000002, + "ndcg_at_1000": 34.596, + "ndcg_at_3": 19.542, + "ndcg_at_5": 16.958000000000002, + "precision_at_1": 23.599999999999998, + "precision_at_10": 10.67, + "precision_at_100": 2.259, + "precision_at_1000": 0.367, + "precision_at_3": 18.333, + "precision_at_5": 14.879999999999999, + "recall_at_1": 4.7780000000000005, + "recall_at_10": 21.617, + "recall_at_100": 45.905, + "recall_at_1000": 74.42, + "recall_at_3": 11.148, + "recall_at_5": 15.082999999999998, + "main_score": 20.522000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/SICK-R.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/SICK-R.json new file mode 100644 index 000000000..6ce15e50d --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.22372750297885, + "cos_sim_spearman": 79.40972617119405, + "euclidean_pearson": 80.6101072020434, + "euclidean_spearman": 79.53844217225202, + "manhattan_pearson": 80.57265975286111, + "manhattan_spearman": 79.46335611792958, + "cosine_pearson": 83.22372750297885, + "cosine_spearman": 79.40972617119405, + "main_score": 79.40972617119405 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/STS12.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/STS12.json new file mode 100644 index 000000000..47ab52fe9 --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.43713315520749, + "cos_sim_spearman": 77.44128693329532, + "euclidean_pearson": 81.63869928101123, + "euclidean_spearman": 77.29512977961515, + "manhattan_pearson": 81.63704185566183, + "manhattan_spearman": 77.29909412738657, + "cosine_pearson": 85.43713315520749, + "cosine_spearman": 77.44128693329532, + "main_score": 77.44128693329532 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/STS13.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/STS13.json new file mode 100644 index 000000000..b9be50e8e --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.59451537860527, + "cos_sim_spearman": 82.97994638856723, + "euclidean_pearson": 82.89478688288412, + "euclidean_spearman": 83.58740751053104, + "manhattan_pearson": 82.69140840941608, + "manhattan_spearman": 83.33665956040555, + "cosine_pearson": 81.59451537860527, + "cosine_spearman": 82.97994638856723, + "main_score": 82.97994638856723 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/STS14.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/STS14.json new file mode 100644 index 000000000..af2b05802 --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.00756527711764, + "cos_sim_spearman": 81.83560996841379, + "euclidean_pearson": 82.07684151976518, + "euclidean_spearman": 82.00913052060511, + "manhattan_pearson": 82.05690778488794, + "manhattan_spearman": 82.02260252019525, + "cosine_pearson": 82.00756527711764, + "cosine_spearman": 81.83560996841379, + "main_score": 81.83560996841379 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/STS15.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/STS15.json new file mode 100644 index 000000000..17e40e4fd --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.13710262895447, + "cos_sim_spearman": 87.26412811156248, + "euclidean_pearson": 86.94151453230228, + "euclidean_spearman": 87.5363796699571, + "manhattan_pearson": 86.86989424083748, + "manhattan_spearman": 87.47315940781353, + "cosine_pearson": 86.13710262895447, + "cosine_spearman": 87.26412811156248, + "main_score": 87.26412811156248 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/STS16.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/STS16.json new file mode 100644 index 000000000..5d2d6484c --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.0230597603627, + "cos_sim_spearman": 84.93344499318864, + "euclidean_pearson": 84.23754743431141, + "euclidean_spearman": 85.09707376597099, + "manhattan_pearson": 84.04325160987763, + "manhattan_spearman": 84.89353071339909, + "cosine_pearson": 83.0230597603627, + "cosine_spearman": 84.93344499318864, + "main_score": 84.93344499318864 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/STS17.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/STS17.json new file mode 100644 index 000000000..855e53b27 --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.75620824563921, + "cos_sim_spearman": 87.15065513706398, + "euclidean_pearson": 88.26281533633521, + "euclidean_spearman": 87.51963738643983, + "manhattan_pearson": 88.25599267618065, + "manhattan_spearman": 87.58048736047483, + "cosine_pearson": 86.75620824563921, + "cosine_spearman": 87.15065513706398, + "main_score": 87.15065513706398 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/STS22.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/STS22.json new file mode 100644 index 000000000..ae79f8234 --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 64.74645319195137, + "cos_sim_spearman": 65.29996325037214, + "euclidean_pearson": 67.04297794086443, + "euclidean_spearman": 65.43841726694343, + "manhattan_pearson": 67.39459955690904, + "manhattan_spearman": 65.92864704413651, + "cosine_pearson": 64.74645319195137, + "cosine_spearman": 65.29996325037214, + "main_score": 65.29996325037214 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/STSBenchmark.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/STSBenchmark.json new file mode 100644 index 000000000..6446834e0 --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.31291020270801, + "cos_sim_spearman": 85.86473738688068, + "euclidean_pearson": 85.65537275064152, + "euclidean_spearman": 86.13087454209642, + "manhattan_pearson": 85.43946955047609, + "manhattan_spearman": 85.91568175344916, + "cosine_pearson": 84.31291020270801, + "cosine_spearman": 85.86473738688068, + "main_score": 85.86473738688068 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/SciDocsRR.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/SciDocsRR.json new file mode 100644 index 000000000..e3ec3f8dd --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 85.93798118350695, + "mrr": 95.93536274908824, + "main_score": 85.93798118350695 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/SciFact.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/SciFact.json new file mode 100644 index 000000000..146986bae --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 57.594, + "map_at_10": 66.81899999999999, + "map_at_100": 67.368, + "map_at_1000": 67.4, + "map_at_3": 64.061, + "map_at_5": 65.47, + "mrr_at_1": 60.667, + "mrr_at_10": 68.219, + "mrr_at_100": 68.655, + "mrr_at_1000": 68.684, + "mrr_at_3": 66.22200000000001, + "mrr_at_5": 67.289, + "ndcg_at_1": 60.667, + "ndcg_at_10": 71.275, + "ndcg_at_100": 73.642, + "ndcg_at_1000": 74.373, + "ndcg_at_3": 66.521, + "ndcg_at_5": 68.581, + "precision_at_1": 60.667, + "precision_at_10": 9.433, + "precision_at_100": 1.0699999999999998, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 25.556, + "precision_at_5": 16.8, + "recall_at_1": 57.594, + "recall_at_10": 83.622, + "recall_at_100": 94.167, + "recall_at_1000": 99.667, + "recall_at_3": 70.64399999999999, + "recall_at_5": 75.983, + "main_score": 71.275 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/SprintDuplicateQuestions.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..51a922448 --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.85841584158416, + "cos_sim_ap": 96.66996142314342, + "cos_sim_f1": 92.83208020050125, + "cos_sim_precision": 93.06532663316584, + "cos_sim_recall": 92.60000000000001, + "dot_accuracy": 99.85841584158416, + "dot_ap": 96.6775307676576, + "dot_f1": 92.69289729177312, + "dot_precision": 94.77533960292581, + "dot_recall": 90.7, + "euclidean_accuracy": 99.86138613861387, + "euclidean_ap": 96.6338454403108, + "euclidean_f1": 92.92214357937311, + "euclidean_precision": 93.96728016359918, + "euclidean_recall": 91.9, + "manhattan_accuracy": 99.86237623762376, + "manhattan_ap": 96.60370449645053, + "manhattan_f1": 92.91177970423253, + "manhattan_precision": 94.7970863683663, + "manhattan_recall": 91.10000000000001, + "max_accuracy": 99.86237623762376, + "max_ap": 96.6775307676576, + "max_f1": 92.92214357937311, + "main_score": 96.6775307676576 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/StackExchangeClustering.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/StackExchangeClustering.json new file mode 100644 index 000000000..b94e41edc --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 60.77977058695198, + "main_score": 60.77977058695198 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/StackExchangeClusteringP2P.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..7ee617935 --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.2725272535638, + "main_score": 35.2725272535638 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/StackOverflowDupQuestions.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..eec9df806 --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 53.64052466362125, + "mrr": 54.533067014684654, + "main_score": 53.64052466362125 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/SummEval.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/SummEval.json new file mode 100644 index 000000000..3143b3222 --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.677624219206578, + "cos_sim_spearman": 30.121368518123447, + "dot_pearson": 30.69870088041608, + "dot_spearman": 29.61284927093751, + "cosine_pearson": 30.677624219206578, + "cosine_spearman": 30.121368518123447, + "main_score": 30.121368518123447 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/TRECCOVID.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/TRECCOVID.json new file mode 100644 index 000000000..f68722e48 --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.22, + "map_at_10": 1.855, + "map_at_100": 9.885, + "map_at_1000": 23.416999999999998, + "map_at_3": 0.637, + "map_at_5": 1.024, + "mrr_at_1": 88.0, + "mrr_at_10": 93.067, + "mrr_at_100": 93.067, + "mrr_at_1000": 93.067, + "mrr_at_3": 92.667, + "mrr_at_5": 93.067, + "ndcg_at_1": 82.0, + "ndcg_at_10": 75.899, + "ndcg_at_100": 55.115, + "ndcg_at_1000": 48.368, + "ndcg_at_3": 79.704, + "ndcg_at_5": 78.39699999999999, + "precision_at_1": 88.0, + "precision_at_10": 79.60000000000001, + "precision_at_100": 56.06, + "precision_at_1000": 21.206, + "precision_at_3": 84.667, + "precision_at_5": 83.2, + "recall_at_1": 0.22, + "recall_at_10": 2.078, + "recall_at_100": 13.297, + "recall_at_1000": 44.979, + "recall_at_3": 0.6689999999999999, + "recall_at_5": 1.106, + "main_score": 75.899 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/Touche2020.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/Touche2020.json new file mode 100644 index 000000000..40864d95a --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.258, + "map_at_10": 10.439, + "map_at_100": 16.89, + "map_at_1000": 18.407999999999998, + "map_at_3": 5.668, + "map_at_5": 7.718, + "mrr_at_1": 32.653, + "mrr_at_10": 51.159, + "mrr_at_100": 51.714000000000006, + "mrr_at_1000": 51.714000000000006, + "mrr_at_3": 47.959, + "mrr_at_5": 50.407999999999994, + "ndcg_at_1": 29.592000000000002, + "ndcg_at_10": 26.037, + "ndcg_at_100": 37.924, + "ndcg_at_1000": 49.126999999999995, + "ndcg_at_3": 30.631999999999998, + "ndcg_at_5": 28.571, + "precision_at_1": 32.653, + "precision_at_10": 22.857, + "precision_at_100": 7.754999999999999, + "precision_at_1000": 1.529, + "precision_at_3": 34.014, + "precision_at_5": 29.796, + "recall_at_1": 2.258, + "recall_at_10": 16.554, + "recall_at_100": 48.439, + "recall_at_1000": 82.80499999999999, + "recall_at_3": 7.283, + "recall_at_5": 10.732, + "main_score": 26.037 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/ToxicConversationsClassification.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..707e0fab6 --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.8858, + "ap": 13.835684144362109, + "f1": 53.803351693244586, + "main_score": 69.8858 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/TweetSentimentExtractionClassification.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..746554a44 --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 60.50650820599886, + "f1": 60.84357825979259, + "main_score": 60.50650820599886 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/TwentyNewsgroupsClustering.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..a17488408 --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.52131044852134, + "main_score": 48.52131044852134 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/TwitterSemEval2015.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/TwitterSemEval2015.json new file mode 100644 index 000000000..77096bdc2 --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 85.59337187816654, + "cos_sim_ap": 73.23925826533437, + "cos_sim_f1": 67.34693877551021, + "cos_sim_precision": 62.40432237730752, + "cos_sim_recall": 73.13984168865434, + "dot_accuracy": 85.31322644096085, + "dot_ap": 72.30723963807422, + "dot_f1": 66.47051612112296, + "dot_precision": 62.0792305930845, + "dot_recall": 71.53034300791556, + "euclidean_accuracy": 85.61125350181797, + "euclidean_ap": 73.32843720487845, + "euclidean_f1": 67.36549633745895, + "euclidean_precision": 64.60755813953489, + "euclidean_recall": 70.36939313984169, + "manhattan_accuracy": 85.63509566668654, + "manhattan_ap": 73.16658488311325, + "manhattan_f1": 67.20597386434349, + "manhattan_precision": 63.60424028268551, + "manhattan_recall": 71.2401055408971, + "max_accuracy": 85.63509566668654, + "max_ap": 73.32843720487845, + "max_f1": 67.36549633745895, + "main_score": 73.32843720487845 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/TwitterURLCorpus.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/TwitterURLCorpus.json new file mode 100644 index 000000000..47c33fcb3 --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.33779640625606, + "cos_sim_ap": 84.83868375898157, + "cos_sim_f1": 77.16506154017773, + "cos_sim_precision": 74.62064005753327, + "cos_sim_recall": 79.88912842623961, + "dot_accuracy": 88.02732176815307, + "dot_ap": 83.95089283763002, + "dot_f1": 76.29635101196631, + "dot_precision": 73.31771720613288, + "dot_recall": 79.52725592854944, + "euclidean_accuracy": 88.44452206310397, + "euclidean_ap": 84.98384576824827, + "euclidean_f1": 77.29311047696697, + "euclidean_precision": 74.51232583065381, + "euclidean_recall": 80.28949799815214, + "manhattan_accuracy": 88.47362906042613, + "manhattan_ap": 84.91421462218432, + "manhattan_f1": 77.05107637204792, + "manhattan_precision": 74.74484256243214, + "manhattan_recall": 79.50415768401602, + "max_accuracy": 88.47362906042613, + "max_ap": 84.98384576824827, + "max_f1": 77.29311047696697, + "main_score": 84.98384576824827 + } + ] + } +} \ No newline at end of file diff --git a/results/khoa-klaytn__bge-small-en-v1.5-angle/external/model_meta.json b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/model_meta.json new file mode 100644 index 000000000..e9bc27648 --- /dev/null +++ b/results/khoa-klaytn__bge-small-en-v1.5-angle/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "khoa-klaytn/bge-small-en-v1.5-angle", + "revision": "0727416c5922bb4ea3c846793f8333cf1836ee46", + "release_date": "2024-01-09", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 33360000, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 384, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/AFQMC.json b/results/krilecy__e5-mistral-7b-instruct/external/AFQMC.json new file mode 100644 index 000000000..8af5b82c8 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/AFQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 37.863226091673866, + "cos_sim_spearman": 38.98733013335281, + "euclidean_pearson": 37.51783380497874, + "euclidean_spearman": 38.98733012753365, + "manhattan_pearson": 37.26706888081721, + "manhattan_spearman": 38.709750161903834, + "cosine_pearson": 37.863226091673866, + "cosine_spearman": 38.98733013335281, + "main_score": 38.98733013335281 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/ATEC.json b/results/krilecy__e5-mistral-7b-instruct/external/ATEC.json new file mode 100644 index 000000000..e1fa7c8c5 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/ATEC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 43.33924583134623, + "cos_sim_spearman": 42.84316155158754, + "euclidean_pearson": 45.62709879515238, + "euclidean_spearman": 42.843155921732404, + "manhattan_pearson": 45.4786950991229, + "manhattan_spearman": 42.657334751855984, + "cosine_pearson": 43.33924583134623, + "cosine_spearman": 42.84316155158754, + "main_score": 42.84316155158754 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/AmazonCounterfactualClassification.json b/results/krilecy__e5-mistral-7b-instruct/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..d2c48605d --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/AmazonCounterfactualClassification.json @@ -0,0 +1,50 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.68656716417911, + "ap": 41.71522322900398, + "f1": 72.37207703532552, + "main_score": 78.68656716417911 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 74.04710920770879, + "ap": 83.42622221864045, + "f1": 72.14388257905772, + "main_score": 74.04710920770879 + }, + { + "hf_subset": "en-ext", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.93103448275862, + "ap": 26.039284760509513, + "f1": 64.81092954450712, + "main_score": 77.93103448275862 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 77.21627408993577, + "ap": 24.876490553983036, + "f1": 63.8773359684989, + "main_score": 77.21627408993577 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/AmazonPolarityClassification.json b/results/krilecy__e5-mistral-7b-instruct/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..b4d880a5c --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 95.90679999999999, + "ap": 94.32357863164454, + "f1": 95.90485634708557, + "main_score": 95.90679999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/AmazonReviewsClassification.json b/results/krilecy__e5-mistral-7b-instruct/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..14881bce9 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/AmazonReviewsClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 55.786, + "f1": 55.31211995815146, + "main_score": 55.786 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 53.26, + "f1": 52.156230111544986, + "main_score": 53.26 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 50.33, + "f1": 49.195023008878145, + "main_score": 50.33 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 49.3, + "f1": 48.434470184108, + "main_score": 49.3 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 48.68599999999999, + "f1": 47.62681775202072, + "main_score": 48.68599999999999 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 46.238, + "f1": 45.014030559653705, + "main_score": 46.238 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/ArguAna.json b/results/krilecy__e5-mistral-7b-instruct/external/ArguAna.json new file mode 100644 index 000000000..31f39bf9b --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 36.486000000000004, + "map_at_10": 53.076, + "map_at_100": 53.657999999999994, + "map_at_1000": 53.659, + "map_at_3": 48.234, + "map_at_5": 51.121, + "mrr_at_1": 37.269000000000005, + "mrr_at_10": 53.335, + "mrr_at_100": 53.916, + "mrr_at_1000": 53.918, + "mrr_at_3": 48.518, + "mrr_at_5": 51.406, + "ndcg_at_1": 36.486000000000004, + "ndcg_at_10": 61.882000000000005, + "ndcg_at_100": 64.165, + "ndcg_at_1000": 64.203, + "ndcg_at_3": 52.049, + "ndcg_at_5": 57.199, + "precision_at_1": 36.486000000000004, + "precision_at_10": 8.982999999999999, + "precision_at_100": 0.9939999999999999, + "precision_at_1000": 0.1, + "precision_at_3": 21.029, + "precision_at_5": 15.092, + "recall_at_1": 36.486000000000004, + "recall_at_10": 89.82900000000001, + "recall_at_100": 99.36, + "recall_at_1000": 99.644, + "recall_at_3": 63.087, + "recall_at_5": 75.46199999999999, + "main_score": 61.882000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/ArxivClusteringP2P.json b/results/krilecy__e5-mistral-7b-instruct/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..d86159aa9 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 50.45119266859667, + "main_score": 50.45119266859667 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/ArxivClusteringS2S.json b/results/krilecy__e5-mistral-7b-instruct/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..f1d0a15bf --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 45.4958298992051, + "main_score": 45.4958298992051 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/AskUbuntuDupQuestions.json b/results/krilecy__e5-mistral-7b-instruct/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..5508607a8 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 66.98177472838887, + "mrr": 79.91854636591478, + "main_score": 66.98177472838887 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/BIOSSES.json b/results/krilecy__e5-mistral-7b-instruct/external/BIOSSES.json new file mode 100644 index 000000000..99a14d02e --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.67086498650698, + "cos_sim_spearman": 85.54773239564638, + "euclidean_pearson": 86.48229161588425, + "euclidean_spearman": 85.54773239564638, + "manhattan_pearson": 86.67533327742343, + "manhattan_spearman": 85.76099026691983, + "cosine_pearson": 87.67086498650698, + "cosine_spearman": 85.54773239564638, + "main_score": 85.54773239564638 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/BQ.json b/results/krilecy__e5-mistral-7b-instruct/external/BQ.json new file mode 100644 index 000000000..00ddcf98b --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/BQ.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 50.31998888922809, + "cos_sim_spearman": 50.6369940530675, + "euclidean_pearson": 50.055544636296055, + "euclidean_spearman": 50.63699405154838, + "manhattan_pearson": 50.00739378036807, + "manhattan_spearman": 50.607237418676945, + "cosine_pearson": 50.31998888922809, + "cosine_spearman": 50.6369940530675, + "main_score": 50.6369940530675 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/BUCC.json b/results/krilecy__e5-mistral-7b-instruct/external/BUCC.json new file mode 100644 index 000000000..c8e901da9 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/BUCC.json @@ -0,0 +1,58 @@ +{ + "dataset_revision": "d51519689f32196a32af33b075a01d0e7c51e252", + "task_name": "BUCC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "accuracy": 99.5615866388309, + "f1": 99.49895615866389, + "precision": 99.46764091858039, + "recall": 99.5615866388309, + "main_score": 99.49895615866389 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "accuracy": 99.19656614571869, + "f1": 99.08650671362535, + "precision": 99.0314769975787, + "recall": 99.19656614571869, + "main_score": 99.08650671362535 + }, + { + "hf_subset": "ru-en", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "accuracy": 98.0256321440942, + "f1": 97.83743216718624, + "precision": 97.74390947927492, + "recall": 98.0256321440942, + "main_score": 97.83743216718624 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "accuracy": 99.26276987888363, + "f1": 99.22766368264, + "precision": 99.21011058451816, + "recall": 99.26276987888363, + "main_score": 99.22766368264 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/Banking77Classification.json b/results/krilecy__e5-mistral-7b-instruct/external/Banking77Classification.json new file mode 100644 index 000000000..0466ab429 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 88.22727272727272, + "f1": 88.17411732496673, + "main_score": 88.22727272727272 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/BiorxivClusteringP2P.json b/results/krilecy__e5-mistral-7b-instruct/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..75be13105 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 43.530637846246975, + "main_score": 43.530637846246975 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/BiorxivClusteringS2S.json b/results/krilecy__e5-mistral-7b-instruct/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..27a994908 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.23505728593893, + "main_score": 40.23505728593893 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/CLSClusteringP2P.json b/results/krilecy__e5-mistral-7b-instruct/external/CLSClusteringP2P.json new file mode 100644 index 000000000..908b46596 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/CLSClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 44.419028279451275, + "main_score": 44.419028279451275 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/CLSClusteringS2S.json b/results/krilecy__e5-mistral-7b-instruct/external/CLSClusteringS2S.json new file mode 100644 index 000000000..e7861d86f --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/CLSClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 42.5820277929776, + "main_score": 42.5820277929776 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/ClimateFEVER.json b/results/krilecy__e5-mistral-7b-instruct/external/ClimateFEVER.json new file mode 100644 index 000000000..a8aa40879 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.539, + "map_at_10": 28.494999999999997, + "map_at_100": 30.568, + "map_at_1000": 30.741000000000003, + "map_at_3": 23.846999999999998, + "map_at_5": 26.275, + "mrr_at_1": 37.394, + "mrr_at_10": 50.068, + "mrr_at_100": 50.727, + "mrr_at_1000": 50.751000000000005, + "mrr_at_3": 46.938, + "mrr_at_5": 48.818, + "ndcg_at_1": 37.394, + "ndcg_at_10": 38.349, + "ndcg_at_100": 45.512, + "ndcg_at_1000": 48.321, + "ndcg_at_3": 32.172, + "ndcg_at_5": 34.265, + "precision_at_1": 37.394, + "precision_at_10": 11.927999999999999, + "precision_at_100": 1.966, + "precision_at_1000": 0.25, + "precision_at_3": 24.126, + "precision_at_5": 18.306, + "recall_at_1": 16.539, + "recall_at_10": 44.504, + "recall_at_100": 68.605, + "recall_at_1000": 84.1, + "recall_at_3": 29.008, + "recall_at_5": 35.58, + "main_score": 38.349 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/CmedqaRetrieval.json b/results/krilecy__e5-mistral-7b-instruct/external/CmedqaRetrieval.json new file mode 100644 index 000000000..845ed4677 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/CmedqaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 19.482, + "map_at_10": 28.622999999999998, + "map_at_100": 30.262, + "map_at_1000": 30.432, + "map_at_3": 25.647, + "map_at_5": 27.128000000000004, + "mrr_at_1": 30.408, + "mrr_at_10": 37.188, + "mrr_at_100": 38.196000000000005, + "mrr_at_1000": 38.273, + "mrr_at_3": 35.067, + "mrr_at_5": 36.124, + "ndcg_at_1": 30.408, + "ndcg_at_10": 34.215, + "ndcg_at_100": 41.349999999999994, + "ndcg_at_1000": 44.689, + "ndcg_at_3": 30.264999999999997, + "ndcg_at_5": 31.572, + "precision_at_1": 30.408, + "precision_at_10": 7.6770000000000005, + "precision_at_100": 1.352, + "precision_at_1000": 0.178, + "precision_at_3": 17.213, + "precision_at_5": 12.198, + "recall_at_1": 19.482, + "recall_at_10": 42.368, + "recall_at_100": 72.694, + "recall_at_1000": 95.602, + "recall_at_3": 30.101, + "recall_at_5": 34.708, + "main_score": 34.215 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/Cmnli.json b/results/krilecy__e5-mistral-7b-instruct/external/Cmnli.json new file mode 100644 index 000000000..e98605814 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/Cmnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Cmnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 71.16055321707758, + "cos_sim_ap": 80.21073839711723, + "cos_sim_f1": 72.9740932642487, + "cos_sim_precision": 65.53136050623488, + "cos_sim_recall": 82.3240589198036, + "dot_accuracy": 71.16055321707758, + "dot_ap": 80.212299264122, + "dot_f1": 72.9740932642487, + "dot_precision": 65.53136050623488, + "dot_recall": 82.3240589198036, + "euclidean_accuracy": 71.16055321707758, + "euclidean_ap": 80.21076298680417, + "euclidean_f1": 72.9740932642487, + "euclidean_precision": 65.53136050623488, + "euclidean_recall": 82.3240589198036, + "manhattan_accuracy": 70.71557426337944, + "manhattan_ap": 79.93448977199749, + "manhattan_f1": 72.83962726826877, + "manhattan_precision": 62.7407908077053, + "manhattan_recall": 86.81318681318682, + "max_accuracy": 71.16055321707758, + "max_ap": 80.212299264122, + "max_f1": 72.9740932642487, + "main_score": 71.16055321707758 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/CovidRetrieval.json b/results/krilecy__e5-mistral-7b-instruct/external/CovidRetrieval.json new file mode 100644 index 000000000..4d2e13ad8 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/CovidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 60.643, + "map_at_10": 69.011, + "map_at_100": 69.533, + "map_at_1000": 69.545, + "map_at_3": 67.167, + "map_at_5": 68.12700000000001, + "mrr_at_1": 60.801, + "mrr_at_10": 69.111, + "mrr_at_100": 69.6, + "mrr_at_1000": 69.611, + "mrr_at_3": 67.229, + "mrr_at_5": 68.214, + "ndcg_at_1": 60.801, + "ndcg_at_10": 73.128, + "ndcg_at_100": 75.614, + "ndcg_at_1000": 75.92, + "ndcg_at_3": 69.261, + "ndcg_at_5": 70.973, + "precision_at_1": 60.801, + "precision_at_10": 8.662, + "precision_at_100": 0.9860000000000001, + "precision_at_1000": 0.101, + "precision_at_3": 25.149, + "precision_at_5": 15.953999999999999, + "recall_at_1": 60.643, + "recall_at_10": 85.959, + "recall_at_100": 97.576, + "recall_at_1000": 100.0, + "recall_at_3": 75.184, + "recall_at_5": 79.32000000000001, + "main_score": 73.128 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/DBPedia.json b/results/krilecy__e5-mistral-7b-instruct/external/DBPedia.json new file mode 100644 index 000000000..ecc676a70 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 10.183, + "map_at_10": 23.958, + "map_at_100": 34.354, + "map_at_1000": 36.442, + "map_at_3": 16.345000000000002, + "map_at_5": 19.647000000000002, + "mrr_at_1": 74.25, + "mrr_at_10": 80.976, + "mrr_at_100": 81.256, + "mrr_at_1000": 81.262, + "mrr_at_3": 79.958, + "mrr_at_5": 80.37100000000001, + "ndcg_at_1": 62.0, + "ndcg_at_10": 48.894999999999996, + "ndcg_at_100": 53.867, + "ndcg_at_1000": 61.304, + "ndcg_at_3": 53.688, + "ndcg_at_5": 50.900999999999996, + "precision_at_1": 74.25, + "precision_at_10": 39.525, + "precision_at_100": 12.323, + "precision_at_1000": 2.539, + "precision_at_3": 57.49999999999999, + "precision_at_5": 49.1, + "recall_at_1": 10.183, + "recall_at_10": 29.296, + "recall_at_100": 60.394999999999996, + "recall_at_1000": 83.12, + "recall_at_3": 17.495, + "recall_at_5": 22.235, + "main_score": 48.894999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/DuRetrieval.json b/results/krilecy__e5-mistral-7b-instruct/external/DuRetrieval.json new file mode 100644 index 000000000..12593069c --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/DuRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 26.613999999999997, + "map_at_10": 79.77300000000001, + "map_at_100": 82.71, + "map_at_1000": 82.75, + "map_at_3": 55.92700000000001, + "map_at_5": 70.085, + "mrr_at_1": 90.7, + "mrr_at_10": 93.438, + "mrr_at_100": 93.504, + "mrr_at_1000": 93.50699999999999, + "mrr_at_3": 93.125, + "mrr_at_5": 93.34, + "ndcg_at_1": 90.7, + "ndcg_at_10": 87.023, + "ndcg_at_100": 90.068, + "ndcg_at_1000": 90.43299999999999, + "ndcg_at_3": 86.339, + "ndcg_at_5": 85.013, + "precision_at_1": 90.7, + "precision_at_10": 41.339999999999996, + "precision_at_100": 4.806, + "precision_at_1000": 0.48900000000000005, + "precision_at_3": 76.983, + "precision_at_5": 64.69, + "recall_at_1": 26.613999999999997, + "recall_at_10": 87.681, + "recall_at_100": 97.44699999999999, + "recall_at_1000": 99.348, + "recall_at_3": 57.809999999999995, + "recall_at_5": 74.258, + "main_score": 87.023 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/EcomRetrieval.json b/results/krilecy__e5-mistral-7b-instruct/external/EcomRetrieval.json new file mode 100644 index 000000000..43689ed9d --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/EcomRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 30.9, + "map_at_10": 40.467, + "map_at_100": 41.423, + "map_at_1000": 41.463, + "map_at_3": 37.25, + "map_at_5": 39.31, + "mrr_at_1": 30.9, + "mrr_at_10": 40.467, + "mrr_at_100": 41.423, + "mrr_at_1000": 41.463, + "mrr_at_3": 37.25, + "mrr_at_5": 39.31, + "ndcg_at_1": 30.9, + "ndcg_at_10": 45.957, + "ndcg_at_100": 50.735, + "ndcg_at_1000": 51.861999999999995, + "ndcg_at_3": 39.437, + "ndcg_at_5": 43.146, + "precision_at_1": 30.9, + "precision_at_10": 6.35, + "precision_at_100": 0.861, + "precision_at_1000": 0.095, + "precision_at_3": 15.267, + "precision_at_5": 10.96, + "recall_at_1": 30.9, + "recall_at_10": 63.5, + "recall_at_100": 86.1, + "recall_at_1000": 95.1, + "recall_at_3": 45.800000000000004, + "recall_at_5": 54.800000000000004, + "main_score": 45.957 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/EmotionClassification.json b/results/krilecy__e5-mistral-7b-instruct/external/EmotionClassification.json new file mode 100644 index 000000000..ef2159b78 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 49.765, + "f1": 45.93242203574485, + "main_score": 49.765 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/FEVER.json b/results/krilecy__e5-mistral-7b-instruct/external/FEVER.json new file mode 100644 index 000000000..e03811be3 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 75.138, + "map_at_10": 84.21300000000001, + "map_at_100": 84.43, + "map_at_1000": 84.441, + "map_at_3": 83.071, + "map_at_5": 83.853, + "mrr_at_1": 80.948, + "mrr_at_10": 88.175, + "mrr_at_100": 88.24, + "mrr_at_1000": 88.241, + "mrr_at_3": 87.516, + "mrr_at_5": 87.997, + "ndcg_at_1": 80.948, + "ndcg_at_10": 87.84100000000001, + "ndcg_at_100": 88.576, + "ndcg_at_1000": 88.75699999999999, + "ndcg_at_3": 86.176, + "ndcg_at_5": 87.214, + "precision_at_1": 80.948, + "precision_at_10": 10.632, + "precision_at_100": 1.123, + "precision_at_1000": 0.11499999999999999, + "precision_at_3": 33.193, + "precision_at_5": 20.663, + "recall_at_1": 75.138, + "recall_at_10": 94.89699999999999, + "recall_at_100": 97.751, + "recall_at_1000": 98.833, + "recall_at_3": 90.455, + "recall_at_5": 93.085, + "main_score": 87.84100000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/FiQA2018.json b/results/krilecy__e5-mistral-7b-instruct/external/FiQA2018.json new file mode 100644 index 000000000..6f88a1256 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.45, + "map_at_10": 48.596000000000004, + "map_at_100": 50.70400000000001, + "map_at_1000": 50.83800000000001, + "map_at_3": 42.795, + "map_at_5": 46.085, + "mrr_at_1": 56.172999999999995, + "mrr_at_10": 64.35300000000001, + "mrr_at_100": 64.947, + "mrr_at_1000": 64.967, + "mrr_at_3": 62.653999999999996, + "mrr_at_5": 63.534, + "ndcg_at_1": 56.172999999999995, + "ndcg_at_10": 56.593, + "ndcg_at_100": 62.942, + "ndcg_at_1000": 64.801, + "ndcg_at_3": 53.024, + "ndcg_at_5": 53.986999999999995, + "precision_at_1": 56.172999999999995, + "precision_at_10": 15.494, + "precision_at_100": 2.222, + "precision_at_1000": 0.254, + "precision_at_3": 35.185, + "precision_at_5": 25.556, + "recall_at_1": 29.45, + "recall_at_10": 62.882000000000005, + "recall_at_100": 85.56099999999999, + "recall_at_1000": 96.539, + "recall_at_3": 47.911, + "recall_at_5": 54.52, + "main_score": 56.593 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/HotpotQA.json b/results/krilecy__e5-mistral-7b-instruct/external/HotpotQA.json new file mode 100644 index 000000000..4ab84bfee --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 39.581, + "map_at_10": 68.401, + "map_at_100": 69.207, + "map_at_1000": 69.25200000000001, + "map_at_3": 64.689, + "map_at_5": 67.158, + "mrr_at_1": 79.163, + "mrr_at_10": 85.22999999999999, + "mrr_at_100": 85.386, + "mrr_at_1000": 85.39099999999999, + "mrr_at_3": 84.432, + "mrr_at_5": 84.952, + "ndcg_at_1": 79.163, + "ndcg_at_10": 75.721, + "ndcg_at_100": 78.411, + "ndcg_at_1000": 79.23599999999999, + "ndcg_at_3": 70.68799999999999, + "ndcg_at_5": 73.694, + "precision_at_1": 79.163, + "precision_at_10": 16.134, + "precision_at_100": 1.821, + "precision_at_1000": 0.193, + "precision_at_3": 46.446, + "precision_at_5": 30.242, + "recall_at_1": 39.581, + "recall_at_10": 80.66799999999999, + "recall_at_100": 91.033, + "recall_at_1000": 96.408, + "recall_at_3": 69.669, + "recall_at_5": 75.604, + "main_score": 75.721 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/IFlyTek.json b/results/krilecy__e5-mistral-7b-instruct/external/IFlyTek.json new file mode 100644 index 000000000..0a55dd31e --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/IFlyTek.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 45.04809542131589, + "f1": 37.01181779071118, + "main_score": 45.04809542131589 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/ImdbClassification.json b/results/krilecy__e5-mistral-7b-instruct/external/ImdbClassification.json new file mode 100644 index 000000000..7a73cd97c --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 94.78120000000001, + "ap": 92.52931921594387, + "f1": 94.77902110732532, + "main_score": 94.78120000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/JDReview.json b/results/krilecy__e5-mistral-7b-instruct/external/JDReview.json new file mode 100644 index 000000000..5408c7931 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/JDReview.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 85.81613508442777, + "ap": 52.430320593468394, + "f1": 79.95467268178068, + "main_score": 85.81613508442777 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/LCQMC.json b/results/krilecy__e5-mistral-7b-instruct/external/LCQMC.json new file mode 100644 index 000000000..9b29f22a1 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/LCQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 71.05801751913393, + "cos_sim_spearman": 75.47954644971965, + "euclidean_pearson": 74.27472296759713, + "euclidean_spearman": 75.47954201369866, + "manhattan_pearson": 74.30508190186474, + "manhattan_spearman": 75.51326518159436, + "cosine_pearson": 71.05801751913393, + "cosine_spearman": 75.47954644971965, + "main_score": 75.47954644971965 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/MMarcoReranking.json b/results/krilecy__e5-mistral-7b-instruct/external/MMarcoReranking.json new file mode 100644 index 000000000..782c2e8a8 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 24.21110921666315, + "mrr": 22.863492063492064, + "main_score": 24.21110921666315 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/MMarcoRetrieval.json b/results/krilecy__e5-mistral-7b-instruct/external/MMarcoRetrieval.json new file mode 100644 index 000000000..7875fdafb --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/MMarcoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 61.38400000000001, + "map_at_10": 70.895, + "map_at_100": 71.314, + "map_at_1000": 71.331, + "map_at_3": 69.016, + "map_at_5": 70.179, + "mrr_at_1": 63.481, + "mrr_at_10": 71.543, + "mrr_at_100": 71.91300000000001, + "mrr_at_1000": 71.928, + "mrr_at_3": 69.90899999999999, + "mrr_at_5": 70.907, + "ndcg_at_1": 63.481, + "ndcg_at_10": 74.833, + "ndcg_at_100": 76.705, + "ndcg_at_1000": 77.13600000000001, + "ndcg_at_3": 71.236, + "ndcg_at_5": 73.199, + "precision_at_1": 63.481, + "precision_at_10": 9.179, + "precision_at_100": 1.011, + "precision_at_1000": 0.105, + "precision_at_3": 27.044, + "precision_at_5": 17.272000000000002, + "recall_at_1": 61.38400000000001, + "recall_at_10": 86.318, + "recall_at_100": 94.786, + "recall_at_1000": 98.14500000000001, + "recall_at_3": 76.717, + "recall_at_5": 81.416, + "main_score": 74.833 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/MSMARCO.json b/results/krilecy__e5-mistral-7b-instruct/external/MSMARCO.json new file mode 100644 index 000000000..98456e08e --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.363999999999997, + "map_at_10": 36.022, + "map_at_100": 37.229, + "map_at_1000": 37.274, + "map_at_3": 32.131, + "map_at_5": 34.391, + "mrr_at_1": 24.069, + "mrr_at_10": 36.620000000000005, + "mrr_at_100": 37.769999999999996, + "mrr_at_1000": 37.809, + "mrr_at_3": 32.846, + "mrr_at_5": 35.02, + "ndcg_at_1": 24.069, + "ndcg_at_10": 43.056, + "ndcg_at_100": 48.754, + "ndcg_at_1000": 49.829, + "ndcg_at_3": 35.167, + "ndcg_at_5": 39.168, + "precision_at_1": 24.069, + "precision_at_10": 6.762, + "precision_at_100": 0.96, + "precision_at_1000": 0.105, + "precision_at_3": 14.957, + "precision_at_5": 11.023, + "recall_at_1": 23.363999999999997, + "recall_at_10": 64.696, + "recall_at_100": 90.795, + "recall_at_1000": 98.892, + "recall_at_3": 43.247, + "recall_at_5": 52.86300000000001, + "main_score": 43.056 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/MTOPDomainClassification.json b/results/krilecy__e5-mistral-7b-instruct/external/MTOPDomainClassification.json new file mode 100644 index 000000000..668a6de42 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/MTOPDomainClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 96.11947104423166, + "f1": 95.89561841159332, + "main_score": 96.11947104423166 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 92.97548605240912, + "f1": 92.17133696717212, + "main_score": 92.97548605240912 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 93.37224816544364, + "f1": 93.19978829237863, + "main_score": 93.37224816544364 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 91.28719072972127, + "f1": 91.28448045979604, + "main_score": 91.28719072972127 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 88.8131946934385, + "f1": 88.27883019362747, + "main_score": 88.8131946934385 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 85.52260397830018, + "f1": 85.15528226728568, + "main_score": 85.52260397830018 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/MTOPIntentClassification.json b/results/krilecy__e5-mistral-7b-instruct/external/MTOPIntentClassification.json new file mode 100644 index 000000000..daba6fd4f --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/MTOPIntentClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.10807113543093, + "f1": 70.88498219072167, + "main_score": 86.10807113543093 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 77.77120315581854, + "f1": 57.97153920153224, + "main_score": 77.77120315581854 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 79.93995997331554, + "f1": 58.839203810064866, + "main_score": 79.93995997331554 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 77.801440651425, + "f1": 58.68009647839332, + "main_score": 77.801440651425 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 72.90785227680172, + "f1": 49.83760954655788, + "main_score": 72.90785227680172 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 73.24050632911391, + "f1": 52.0562553541082, + "main_score": 73.24050632911391 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/MassiveIntentClassification.json b/results/krilecy__e5-mistral-7b-instruct/external/MassiveIntentClassification.json new file mode 100644 index 000000000..59f365913 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/MassiveIntentClassification.json @@ -0,0 +1,469 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 66.47948890383321, + "f1": 63.334877563135485, + "main_score": 66.47948890383321 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 44.2871553463349, + "f1": 43.17658050605427, + "main_score": 44.2871553463349 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 63.174176193678555, + "f1": 59.236659587042425, + "main_score": 63.174176193678555 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 64.226630800269, + "f1": 60.951842696956184, + "main_score": 64.226630800269 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 64.94283792871555, + "f1": 61.40057652844215, + "main_score": 64.94283792871555 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 55.480833893745796, + "f1": 52.5298332072816, + "main_score": 55.480833893745796 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 72.52858103564223, + "f1": 69.3770851919204, + "main_score": 72.52858103564223 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 74.09213180901143, + "f1": 71.13518469365879, + "main_score": 74.09213180901143 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 68.31203765971756, + "f1": 66.05906970865144, + "main_score": 68.31203765971756 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.57162071284465, + "f1": 77.7866172598823, + "main_score": 80.57162071284465 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 75.09414929388029, + "f1": 72.5712594833695, + "main_score": 75.09414929388029 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 72.20914593140553, + "f1": 68.90619124909186, + "main_score": 72.20914593140553 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 68.74243443174176, + "f1": 64.72743141749955, + "main_score": 68.74243443174176 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 75.11096166778749, + "f1": 72.61849933064694, + "main_score": 75.11096166778749 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 66.22394082044384, + "f1": 62.43648797607235, + "main_score": 66.22394082044384 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 69.44855413584399, + "f1": 66.56851670913659, + "main_score": 69.44855413584399 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 69.4149293880296, + "f1": 66.12960877904776, + "main_score": 69.4149293880296 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 56.916610625420304, + "f1": 54.02534600927991, + "main_score": 56.916610625420304 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 72.71351714862138, + "f1": 69.70227985126316, + "main_score": 72.71351714862138 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 59.91257565568257, + "f1": 57.06811572144974, + "main_score": 59.91257565568257 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 75.25218560860793, + "f1": 72.48057563104247, + "main_score": 75.25218560860793 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 76.35507733691998, + "f1": 73.03024649541128, + "main_score": 76.35507733691998 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 57.918628110289184, + "f1": 54.75590124456177, + "main_score": 57.918628110289184 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 52.548755884330866, + "f1": 51.5356975360209, + "main_score": 52.548755884330866 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 46.44922663080027, + "f1": 44.561114416830975, + "main_score": 46.44922663080027 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 53.95763281775386, + "f1": 50.68367245122476, + "main_score": 53.95763281775386 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 74.20645595158035, + "f1": 71.78450093258185, + "main_score": 74.20645595158035 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 59.226630800269, + "f1": 57.53988988993337, + "main_score": 59.226630800269 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 51.44922663080027, + "f1": 48.58809018065056, + "main_score": 51.44922663080027 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 51.3752521856086, + "f1": 49.91373941436425, + "main_score": 51.3752521856086 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 69.85205110961668, + "f1": 67.05660019588582, + "main_score": 69.85205110961668 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 49.1492938802959, + "f1": 46.717578025393195, + "main_score": 49.1492938802959 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 70.93140551445865, + "f1": 67.45406609372205, + "main_score": 70.93140551445865 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 74.82851378614662, + "f1": 71.15951964393868, + "main_score": 74.82851378614662 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 74.84868863483524, + "f1": 71.76056802364877, + "main_score": 74.84868863483524 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 75.27236045729657, + "f1": 72.48733090101163, + "main_score": 75.27236045729657 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 69.63012777404168, + "f1": 66.56444015346203, + "main_score": 69.63012777404168 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 76.62743779421655, + "f1": 73.82720656992142, + "main_score": 76.62743779421655 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 67.15198386012105, + "f1": 64.41418309797744, + "main_score": 67.15198386012105 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 58.8399462004035, + "f1": 56.050989519693886, + "main_score": 58.8399462004035 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 73.86684599865501, + "f1": 70.80682480844303, + "main_score": 73.86684599865501 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 57.36718224613316, + "f1": 54.998746471013774, + "main_score": 57.36718224613316 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 53.150638870208475, + "f1": 49.79179342620099, + "main_score": 53.150638870208475 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 51.50638870208473, + "f1": 49.778960742003555, + "main_score": 51.50638870208473 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 66.906523201076, + "f1": 66.75784022138245, + "main_score": 66.906523201076 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 68.73234700739744, + "f1": 65.75016141148413, + "main_score": 68.73234700739744 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 72.06792199058508, + "f1": 67.90334782594083, + "main_score": 72.06792199058508 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 62.09145931405515, + "f1": 58.88703095210731, + "main_score": 62.09145931405515 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 71.17014122394083, + "f1": 68.43676277921544, + "main_score": 71.17014122394083 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 74.99327505043712, + "f1": 72.26813373392943, + "main_score": 74.99327505043712 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 71.13987895090787, + "f1": 70.29309514467575, + "main_score": 71.13987895090787 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/MassiveScenarioClassification.json b/results/krilecy__e5-mistral-7b-instruct/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..0be46000f --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/MassiveScenarioClassification.json @@ -0,0 +1,469 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 73.37256220578345, + "f1": 72.56456170538992, + "main_score": 73.37256220578345 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 47.205783456624076, + "f1": 45.905999859074434, + "main_score": 47.205783456624076 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 69.8352387357095, + "f1": 69.43553987525273, + "main_score": 69.8352387357095 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 67.00403496973773, + "f1": 65.97477215779143, + "main_score": 67.00403496973773 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 68.04976462676531, + "f1": 67.24581993778398, + "main_score": 68.04976462676531 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 61.882985877605925, + "f1": 59.995293199988794, + "main_score": 61.882985877605925 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 76.75857431069267, + "f1": 76.52031675299841, + "main_score": 76.75857431069267 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 79.03496973772697, + "f1": 79.25548063175344, + "main_score": 79.03496973772697 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 72.96570275722931, + "f1": 72.19110435289122, + "main_score": 72.96570275722931 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 82.38735709482178, + "f1": 82.34495627619785, + "main_score": 82.38735709482178 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 78.83994620040352, + "f1": 78.91526355393667, + "main_score": 78.83994620040352 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 76.7350369872226, + "f1": 75.919437344927, + "main_score": 76.7350369872226 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 71.21721587088096, + "f1": 70.82973286243262, + "main_score": 71.21721587088096 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 78.59784801613988, + "f1": 78.47383161087423, + "main_score": 78.59784801613988 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 69.64021519838602, + "f1": 68.45118053027653, + "main_score": 69.64021519838602 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 73.51042367182245, + "f1": 72.90013022879003, + "main_score": 73.51042367182245 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 74.0551445864156, + "f1": 73.45871761713292, + "main_score": 74.0551445864156 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 59.54606590450571, + "f1": 57.72711794953869, + "main_score": 59.54606590450571 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 77.40753194351042, + "f1": 76.8157455506521, + "main_score": 77.40753194351042 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 66.58372562205783, + "f1": 65.2654868709758, + "main_score": 66.58372562205783 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 78.39273705447208, + "f1": 78.3592956594837, + "main_score": 78.39273705447208 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 79.62004034969739, + "f1": 79.78673754501855, + "main_score": 79.62004034969739 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 64.29051782111634, + "f1": 63.12502587609454, + "main_score": 64.29051782111634 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 57.51849361129791, + "f1": 56.32320906403241, + "main_score": 57.51849361129791 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 52.41761936785474, + "f1": 49.113762010098306, + "main_score": 52.41761936785474 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 58.547410894418284, + "f1": 56.87580674198118, + "main_score": 58.547410894418284 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 78.89038332212507, + "f1": 79.09210140529848, + "main_score": 78.89038332212507 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 63.503698722259585, + "f1": 61.45718858568352, + "main_score": 63.503698722259585 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 54.02824478816408, + "f1": 52.732738981386504, + "main_score": 54.02824478816408 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 54.23671822461331, + "f1": 52.688080372545286, + "main_score": 54.23671822461331 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 75.5312710154674, + "f1": 74.59368478550698, + "main_score": 75.5312710154674 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 52.192333557498316, + "f1": 50.18302290152229, + "main_score": 52.192333557498316 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 75.6960322797579, + "f1": 75.25331182714856, + "main_score": 75.6960322797579 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 78.47679892400808, + "f1": 78.24044732352424, + "main_score": 78.47679892400808 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 77.36718224613315, + "f1": 77.2714452985389, + "main_score": 77.36718224613315 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 77.96234028244788, + "f1": 78.21282127011372, + "main_score": 77.96234028244788 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 73.19435104236717, + "f1": 73.1963711292812, + "main_score": 73.19435104236717 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 80.52118359112306, + "f1": 80.4179964390288, + "main_score": 80.52118359112306 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 73.65837256220577, + "f1": 73.07156989634905, + "main_score": 73.65837256220577 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 64.02824478816409, + "f1": 62.972399027713664, + "main_score": 64.02824478816409 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 78.87020847343645, + "f1": 78.224240866849, + "main_score": 78.87020847343645 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 64.6570275722932, + "f1": 63.274871811412545, + "main_score": 64.6570275722932 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 57.760591795561524, + "f1": 56.73711528075771, + "main_score": 57.760591795561524 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 57.26967047747142, + "f1": 55.74735330863165, + "main_score": 57.26967047747142 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 72.46133154001345, + "f1": 71.9644168952811, + "main_score": 72.46133154001345 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 73.70880968392737, + "f1": 73.61543141070884, + "main_score": 73.70880968392737 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 75.0437121721587, + "f1": 74.83359868879921, + "main_score": 75.0437121721587 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 67.05110961667788, + "f1": 66.25869819274315, + "main_score": 67.05110961667788 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 75.52118359112306, + "f1": 75.92098546052303, + "main_score": 75.52118359112306 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 79.92938802958977, + "f1": 79.79833572573796, + "main_score": 79.92938802958977 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 76.86617350369872, + "f1": 77.42645654909516, + "main_score": 76.86617350369872 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/MedicalRetrieval.json b/results/krilecy__e5-mistral-7b-instruct/external/MedicalRetrieval.json new file mode 100644 index 000000000..84784500f --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/MedicalRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 44.6, + "map_at_10": 50.019000000000005, + "map_at_100": 50.611, + "map_at_1000": 50.67, + "map_at_3": 48.699999999999996, + "map_at_5": 49.455, + "mrr_at_1": 44.800000000000004, + "mrr_at_10": 50.119, + "mrr_at_100": 50.711, + "mrr_at_1000": 50.77, + "mrr_at_3": 48.8, + "mrr_at_5": 49.555, + "ndcg_at_1": 44.6, + "ndcg_at_10": 52.754, + "ndcg_at_100": 55.935, + "ndcg_at_1000": 57.607, + "ndcg_at_3": 50.012, + "ndcg_at_5": 51.393, + "precision_at_1": 44.6, + "precision_at_10": 6.140000000000001, + "precision_at_100": 0.77, + "precision_at_1000": 0.09, + "precision_at_3": 17.933, + "precision_at_5": 11.44, + "recall_at_1": 44.6, + "recall_at_10": 61.4, + "recall_at_100": 77.0, + "recall_at_1000": 90.4, + "recall_at_3": 53.800000000000004, + "recall_at_5": 57.199999999999996, + "main_score": 52.754 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/MedrxivClusteringP2P.json b/results/krilecy__e5-mistral-7b-instruct/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..4831eeb67 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.192667527616315, + "main_score": 38.192667527616315 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/MedrxivClusteringS2S.json b/results/krilecy__e5-mistral-7b-instruct/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..a7bf9c320 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.44738902946689, + "main_score": 37.44738902946689 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/MindSmallReranking.json b/results/krilecy__e5-mistral-7b-instruct/external/MindSmallReranking.json new file mode 100644 index 000000000..ae409d3b6 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 32.59661273103955, + "mrr": 33.82024242497473, + "main_score": 32.59661273103955 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/MultilingualSentiment.json b/results/krilecy__e5-mistral-7b-instruct/external/MultilingualSentiment.json new file mode 100644 index 000000000..3b8d07e5c --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/MultilingualSentiment.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 73.31333333333335, + "f1": 73.0873466527602, + "main_score": 73.31333333333335 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/NFCorpus.json b/results/krilecy__e5-mistral-7b-instruct/external/NFCorpus.json new file mode 100644 index 000000000..7c608d014 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.471, + "map_at_10": 14.142, + "map_at_100": 18.179000000000002, + "map_at_1000": 19.772000000000002, + "map_at_3": 9.716, + "map_at_5": 11.763, + "mrr_at_1": 51.393, + "mrr_at_10": 58.814, + "mrr_at_100": 59.330000000000005, + "mrr_at_1000": 59.35, + "mrr_at_3": 56.398, + "mrr_at_5": 58.038999999999994, + "ndcg_at_1": 49.69, + "ndcg_at_10": 38.615, + "ndcg_at_100": 35.268, + "ndcg_at_1000": 43.745, + "ndcg_at_3": 43.187, + "ndcg_at_5": 41.528999999999996, + "precision_at_1": 51.083999999999996, + "precision_at_10": 29.474, + "precision_at_100": 9.167, + "precision_at_1000": 2.2089999999999996, + "precision_at_3": 40.351, + "precision_at_5": 36.285000000000004, + "recall_at_1": 5.471, + "recall_at_10": 19.242, + "recall_at_100": 37.14, + "recall_at_1000": 68.35900000000001, + "recall_at_3": 10.896, + "recall_at_5": 14.75, + "main_score": 38.615 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/NQ.json b/results/krilecy__e5-mistral-7b-instruct/external/NQ.json new file mode 100644 index 000000000..c63b6daf3 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 39.499, + "map_at_10": 55.862, + "map_at_100": 56.667, + "map_at_1000": 56.684999999999995, + "map_at_3": 51.534, + "map_at_5": 54.2, + "mrr_at_1": 44.351, + "mrr_at_10": 58.567, + "mrr_at_100": 59.099000000000004, + "mrr_at_1000": 59.109, + "mrr_at_3": 55.218999999999994, + "mrr_at_5": 57.391999999999996, + "ndcg_at_1": 44.322, + "ndcg_at_10": 63.535, + "ndcg_at_100": 66.654, + "ndcg_at_1000": 66.991, + "ndcg_at_3": 55.701, + "ndcg_at_5": 60.06700000000001, + "precision_at_1": 44.322, + "precision_at_10": 10.026, + "precision_at_100": 1.18, + "precision_at_1000": 0.121, + "precision_at_3": 24.865000000000002, + "precision_at_5": 17.48, + "recall_at_1": 39.499, + "recall_at_10": 84.053, + "recall_at_100": 97.11, + "recall_at_1000": 99.493, + "recall_at_3": 64.091, + "recall_at_5": 74.063, + "main_score": 63.535 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/Ocnli.json b/results/krilecy__e5-mistral-7b-instruct/external/Ocnli.json new file mode 100644 index 000000000..1a908b616 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/Ocnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Ocnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 61.18029236599891, + "cos_sim_ap": 64.18398769398412, + "cos_sim_f1": 67.96347757046446, + "cos_sim_precision": 54.4529262086514, + "cos_sim_recall": 90.3907074973601, + "dot_accuracy": 61.18029236599891, + "dot_ap": 64.18393484706077, + "dot_f1": 67.96347757046446, + "dot_precision": 54.4529262086514, + "dot_recall": 90.3907074973601, + "euclidean_accuracy": 61.18029236599891, + "euclidean_ap": 64.18395024821486, + "euclidean_f1": 67.96347757046446, + "euclidean_precision": 54.4529262086514, + "euclidean_recall": 90.3907074973601, + "manhattan_accuracy": 61.451001624255554, + "manhattan_ap": 64.38232708763513, + "manhattan_f1": 68.05860805860804, + "manhattan_precision": 52.10319685922602, + "manhattan_recall": 98.09926082365365, + "max_accuracy": 61.451001624255554, + "max_ap": 64.38232708763513, + "max_f1": 68.05860805860804, + "main_score": 61.451001624255554 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/OnlineShopping.json b/results/krilecy__e5-mistral-7b-instruct/external/OnlineShopping.json new file mode 100644 index 000000000..8bf61e1fb --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/OnlineShopping.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 92.19000000000001, + "ap": 89.73918431886767, + "f1": 92.17175032574507, + "main_score": 92.19000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/PAWSX.json b/results/krilecy__e5-mistral-7b-instruct/external/PAWSX.json new file mode 100644 index 000000000..adc91bff6 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/PAWSX.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 15.079320253752224, + "cos_sim_spearman": 16.813772504404263, + "euclidean_pearson": 19.476541162041762, + "euclidean_spearman": 16.813772498098782, + "manhattan_pearson": 19.497429832915277, + "manhattan_spearman": 16.869600674180607, + "cosine_pearson": 15.079320253752224, + "cosine_spearman": 16.813772504404263, + "main_score": 16.813772504404263 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/QBQTC.json b/results/krilecy__e5-mistral-7b-instruct/external/QBQTC.json new file mode 100644 index 000000000..b9c15338e --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/QBQTC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "QBQTC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 30.36139599797913, + "cos_sim_spearman": 31.80296402851347, + "euclidean_pearson": 30.10387888252793, + "euclidean_spearman": 31.80297780103808, + "manhattan_pearson": 30.86720382849436, + "manhattan_spearman": 32.70491131366606, + "cosine_pearson": 30.36139599797913, + "cosine_spearman": 31.80296402851347, + "main_score": 31.80296402851347 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/QuoraRetrieval.json b/results/krilecy__e5-mistral-7b-instruct/external/QuoraRetrieval.json new file mode 100644 index 000000000..f396ffcc2 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 71.911, + "map_at_10": 86.087, + "map_at_100": 86.701, + "map_at_1000": 86.715, + "map_at_3": 83.231, + "map_at_5": 85.051, + "mrr_at_1": 82.75, + "mrr_at_10": 88.759, + "mrr_at_100": 88.844, + "mrr_at_1000": 88.844, + "mrr_at_3": 87.935, + "mrr_at_5": 88.504, + "ndcg_at_1": 82.75, + "ndcg_at_10": 89.605, + "ndcg_at_100": 90.664, + "ndcg_at_1000": 90.733, + "ndcg_at_3": 87.03, + "ndcg_at_5": 88.473, + "precision_at_1": 82.75, + "precision_at_10": 13.575000000000001, + "precision_at_100": 1.539, + "precision_at_1000": 0.157, + "precision_at_3": 38.153, + "precision_at_5": 25.008000000000003, + "recall_at_1": 71.911, + "recall_at_10": 96.261, + "recall_at_100": 99.72800000000001, + "recall_at_1000": 99.993, + "recall_at_3": 88.762, + "recall_at_5": 92.949, + "main_score": 89.605 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/RedditClustering.json b/results/krilecy__e5-mistral-7b-instruct/external/RedditClustering.json new file mode 100644 index 000000000..90460b5af --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 57.711581165572376, + "main_score": 57.711581165572376 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/RedditClusteringP2P.json b/results/krilecy__e5-mistral-7b-instruct/external/RedditClusteringP2P.json new file mode 100644 index 000000000..ee097fbc6 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 66.48938885750297, + "main_score": 66.48938885750297 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/SCIDOCS.json b/results/krilecy__e5-mistral-7b-instruct/external/SCIDOCS.json new file mode 100644 index 000000000..6fdef6194 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.7379999999999995, + "map_at_10": 9.261, + "map_at_100": 11.001, + "map_at_1000": 11.262, + "map_at_3": 6.816, + "map_at_5": 8.0, + "mrr_at_1": 18.4, + "mrr_at_10": 28.755999999999997, + "mrr_at_100": 29.892000000000003, + "mrr_at_1000": 29.961, + "mrr_at_3": 25.467000000000002, + "mrr_at_5": 27.332, + "ndcg_at_1": 18.4, + "ndcg_at_10": 16.296, + "ndcg_at_100": 23.52, + "ndcg_at_1000": 28.504, + "ndcg_at_3": 15.485, + "ndcg_at_5": 13.471, + "precision_at_1": 18.4, + "precision_at_10": 8.469999999999999, + "precision_at_100": 1.8950000000000002, + "precision_at_1000": 0.309, + "precision_at_3": 14.6, + "precision_at_5": 11.84, + "recall_at_1": 3.7379999999999995, + "recall_at_10": 17.185, + "recall_at_100": 38.397, + "recall_at_1000": 62.798, + "recall_at_3": 8.896999999999998, + "recall_at_5": 12.021999999999998, + "main_score": 16.296 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/SICK-R.json b/results/krilecy__e5-mistral-7b-instruct/external/SICK-R.json new file mode 100644 index 000000000..7447779d2 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.43977757480083, + "cos_sim_spearman": 82.64182475199533, + "euclidean_pearson": 83.71756009999591, + "euclidean_spearman": 82.64182331395057, + "manhattan_pearson": 83.8028936913025, + "manhattan_spearman": 82.71024597804252, + "cosine_pearson": 86.43977757480083, + "cosine_spearman": 82.64182475199533, + "main_score": 82.64182475199533 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/STS12.json b/results/krilecy__e5-mistral-7b-instruct/external/STS12.json new file mode 100644 index 000000000..a1b42964b --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.85653060698912, + "cos_sim_spearman": 79.65598885228324, + "euclidean_pearson": 83.1205137628455, + "euclidean_spearman": 79.65629387709038, + "manhattan_pearson": 83.71108853545837, + "manhattan_spearman": 80.25617619716708, + "cosine_pearson": 86.85653060698912, + "cosine_spearman": 79.65598885228324, + "main_score": 79.65598885228324 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/STS13.json b/results/krilecy__e5-mistral-7b-instruct/external/STS13.json new file mode 100644 index 000000000..06492b4aa --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.22921688565664, + "cos_sim_spearman": 88.42662103041957, + "euclidean_pearson": 87.91679798473325, + "euclidean_spearman": 88.42662103041957, + "manhattan_pearson": 88.16927537961303, + "manhattan_spearman": 88.81581680062541, + "cosine_pearson": 88.22921688565664, + "cosine_spearman": 88.42662103041957, + "main_score": 88.42662103041957 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/STS14.json b/results/krilecy__e5-mistral-7b-instruct/external/STS14.json new file mode 100644 index 000000000..10a64a1dd --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.77261424554293, + "cos_sim_spearman": 84.53930146434155, + "euclidean_pearson": 85.67420491389697, + "euclidean_spearman": 84.53929771783851, + "manhattan_pearson": 85.74306784515618, + "manhattan_spearman": 84.7399304675314, + "cosine_pearson": 86.77261424554293, + "cosine_spearman": 84.53930146434155, + "main_score": 84.53930146434155 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/STS15.json b/results/krilecy__e5-mistral-7b-instruct/external/STS15.json new file mode 100644 index 000000000..51e349694 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 89.86138395166455, + "cos_sim_spearman": 90.42577823022054, + "euclidean_pearson": 89.8787763797515, + "euclidean_spearman": 90.42577823022054, + "manhattan_pearson": 89.9592937492158, + "manhattan_spearman": 90.63535505335524, + "cosine_pearson": 89.86138395166455, + "cosine_spearman": 90.42577823022054, + "main_score": 90.42577823022054 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/STS16.json b/results/krilecy__e5-mistral-7b-instruct/external/STS16.json new file mode 100644 index 000000000..8ff305d22 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.5176674585941, + "cos_sim_spearman": 87.6842917085397, + "euclidean_pearson": 86.70213081520711, + "euclidean_spearman": 87.6842917085397, + "manhattan_pearson": 86.83702628983627, + "manhattan_spearman": 87.87791000374443, + "cosine_pearson": 86.5176674585941, + "cosine_spearman": 87.6842917085397, + "main_score": 87.6842917085397 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/STS17.json b/results/krilecy__e5-mistral-7b-instruct/external/STS17.json new file mode 100644 index 000000000..c597922a2 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/STS17.json @@ -0,0 +1,182 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "ko-ko", + "languages": [ + "kor-Hang" + ], + "cos_sim_pearson": 83.86395454805867, + "cos_sim_spearman": 83.69454595252267, + "euclidean_pearson": 83.04743892608313, + "euclidean_spearman": 83.69454026433006, + "manhattan_pearson": 83.4032095553322, + "manhattan_spearman": 84.11527379013802, + "cosine_pearson": 83.86395454805867, + "cosine_spearman": 83.69454595252267, + "main_score": 83.69454595252267 + }, + { + "hf_subset": "ar-ar", + "languages": [ + "ara-Arab" + ], + "cos_sim_pearson": 81.80249894729546, + "cos_sim_spearman": 81.87004960533409, + "euclidean_pearson": 80.0392760044179, + "euclidean_spearman": 81.87004960533409, + "manhattan_pearson": 80.38096542355912, + "manhattan_spearman": 82.40774679630341, + "cosine_pearson": 81.80249894729546, + "cosine_spearman": 81.87004960533409, + "main_score": 81.87004960533409 + }, + { + "hf_subset": "en-ar", + "languages": [ + "eng-Latn", + "ara-Arab" + ], + "cos_sim_pearson": 77.6158201787172, + "cos_sim_spearman": 77.934651044009, + "euclidean_pearson": 77.7874683895269, + "euclidean_spearman": 77.934651044009, + "manhattan_pearson": 78.36151849193052, + "manhattan_spearman": 78.52439586349938, + "cosine_pearson": 77.6158201787172, + "cosine_spearman": 77.934651044009, + "main_score": 77.934651044009 + }, + { + "hf_subset": "en-de", + "languages": [ + "eng-Latn", + "deu-Latn" + ], + "cos_sim_pearson": 87.04363311392207, + "cos_sim_spearman": 87.30483659369973, + "euclidean_pearson": 87.62634489502616, + "euclidean_spearman": 87.30483659369973, + "manhattan_pearson": 88.02340837141445, + "manhattan_spearman": 87.55012003294, + "cosine_pearson": 87.04363311392207, + "cosine_spearman": 87.30483659369973, + "main_score": 87.30483659369973 + }, + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 91.69172851958248, + "cos_sim_spearman": 91.7546879482416, + "euclidean_pearson": 91.84843039183963, + "euclidean_spearman": 91.7546879482416, + "manhattan_pearson": 91.72325753804357, + "manhattan_spearman": 91.55330259513397, + "cosine_pearson": 91.69172851958248, + "cosine_spearman": 91.7546879482416, + "main_score": 91.7546879482416 + }, + { + "hf_subset": "en-tr", + "languages": [ + "eng-Latn", + "tur-Latn" + ], + "cos_sim_pearson": 73.95572901084864, + "cos_sim_spearman": 72.56217821552626, + "euclidean_pearson": 74.24242980323574, + "euclidean_spearman": 72.56217821552626, + "manhattan_pearson": 74.57473362519922, + "manhattan_spearman": 72.76048826648497, + "cosine_pearson": 73.95572901084864, + "cosine_spearman": 72.56217821552626, + "main_score": 72.56217821552626 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 86.93329396008296, + "cos_sim_spearman": 88.2406635486219, + "euclidean_pearson": 87.49687343908533, + "euclidean_spearman": 88.2406635486219, + "manhattan_pearson": 88.14088309231084, + "manhattan_spearman": 88.93314020908534, + "cosine_pearson": 86.93329396008296, + "cosine_spearman": 88.2406635486219, + "main_score": 88.2406635486219 + }, + { + "hf_subset": "es-es", + "languages": [ + "spa-Latn" + ], + "cos_sim_pearson": 88.70124451546057, + "cos_sim_spearman": 87.45988160052252, + "euclidean_pearson": 88.44395505247728, + "euclidean_spearman": 87.45988160052252, + "manhattan_pearson": 88.69269783495425, + "manhattan_spearman": 87.65383425621, + "cosine_pearson": 88.70124451546057, + "cosine_spearman": 87.45988160052252, + "main_score": 87.45988160052252 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 87.64109149761346, + "cos_sim_spearman": 88.06459637689733, + "euclidean_pearson": 88.02313315797703, + "euclidean_spearman": 88.06459637689733, + "manhattan_pearson": 88.28328539133253, + "manhattan_spearman": 88.06605708379142, + "cosine_pearson": 87.64109149761346, + "cosine_spearman": 88.06459637689733, + "main_score": 88.06459637689733 + }, + { + "hf_subset": "it-en", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 88.9040028177525, + "cos_sim_spearman": 89.68152202933464, + "euclidean_pearson": 89.23684469601253, + "euclidean_spearman": 89.68152202933464, + "manhattan_pearson": 89.59504307277454, + "manhattan_spearman": 89.88060100313582, + "cosine_pearson": 88.9040028177525, + "cosine_spearman": 89.68152202933464, + "main_score": 89.68152202933464 + }, + { + "hf_subset": "nl-en", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 87.69891585325125, + "cos_sim_spearman": 88.25252785071736, + "euclidean_pearson": 87.99932873748662, + "euclidean_spearman": 88.25252785071736, + "manhattan_pearson": 88.26959683009446, + "manhattan_spearman": 88.32583227300715, + "cosine_pearson": 87.69891585325125, + "cosine_spearman": 88.25252785071736, + "main_score": 88.25252785071736 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/STS22.json b/results/krilecy__e5-mistral-7b-instruct/external/STS22.json new file mode 100644 index 000000000..aa1ddcd6c --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/STS22.json @@ -0,0 +1,288 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 67.53235909794135, + "cos_sim_spearman": 66.97521740529574, + "euclidean_pearson": 68.19502223613912, + "euclidean_spearman": 66.97521740529574, + "manhattan_pearson": 68.39070714774539, + "manhattan_spearman": 67.1072812364868, + "cosine_pearson": 67.53235909794135, + "cosine_spearman": 66.97521740529574, + "main_score": 66.97521740529574 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "cos_sim_pearson": 43.715742021204775, + "cos_sim_spearman": 49.12255971271453, + "euclidean_pearson": 40.76848562610837, + "euclidean_spearman": 49.12255971271453, + "manhattan_pearson": 40.92204625614112, + "manhattan_spearman": 49.23333793661129, + "cosine_pearson": 43.715742021204775, + "cosine_spearman": 49.12255971271453, + "main_score": 49.12255971271453 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "cos_sim_pearson": 63.35268345563588, + "cos_sim_spearman": 66.99661626042061, + "euclidean_pearson": 65.85589122857066, + "euclidean_spearman": 66.99661626042061, + "manhattan_pearson": 66.78454301512294, + "manhattan_spearman": 67.17570330149233, + "cosine_pearson": 63.35268345563588, + "cosine_spearman": 66.99661626042061, + "main_score": 66.99661626042061 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "cos_sim_pearson": 33.36599908204445, + "cos_sim_spearman": 39.20768331939503, + "euclidean_pearson": 22.16066769530468, + "euclidean_spearman": 39.20768331939503, + "manhattan_pearson": 22.386053195546022, + "manhattan_spearman": 39.70172817465986, + "cosine_pearson": 33.36599908204445, + "cosine_spearman": 39.20768331939503, + "main_score": 39.20768331939503 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "cos_sim_pearson": 63.06813956986753, + "cos_sim_spearman": 68.72065117995668, + "euclidean_pearson": 66.97373456344194, + "euclidean_spearman": 68.72065117995668, + "manhattan_pearson": 67.34907265771595, + "manhattan_spearman": 68.73705769957843, + "cosine_pearson": 63.06813956986753, + "cosine_spearman": 68.72065117995668, + "main_score": 68.72065117995668 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "cos_sim_pearson": 47.17664865207108, + "cos_sim_spearman": 54.115568323148864, + "euclidean_pearson": 48.56418162879182, + "euclidean_spearman": 54.115568323148864, + "manhattan_pearson": 48.85951643453165, + "manhattan_spearman": 54.13599784169052, + "cosine_pearson": 47.17664865207108, + "cosine_spearman": 54.115568323148864, + "main_score": 54.115568323148864 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "cos_sim_pearson": 55.87514136275987, + "cos_sim_spearman": 60.82923573674973, + "euclidean_pearson": 53.724183308215615, + "euclidean_spearman": 60.82923573674973, + "manhattan_pearson": 53.954305573102445, + "manhattan_spearman": 60.957483900644526, + "cosine_pearson": 55.87514136275987, + "cosine_spearman": 60.82923573674973, + "main_score": 60.82923573674973 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 59.55001413648593, + "cos_sim_spearman": 63.395777040381276, + "euclidean_pearson": 59.869972550293305, + "euclidean_spearman": 63.395777040381276, + "manhattan_pearson": 61.16195496847885, + "manhattan_spearman": 63.41968682525581, + "cosine_pearson": 59.55001413648593, + "cosine_spearman": 63.395777040381276, + "main_score": 63.395777040381276 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 79.13334972675852, + "cos_sim_spearman": 79.86263136371802, + "euclidean_pearson": 78.2433603592541, + "euclidean_spearman": 79.86263136371802, + "manhattan_pearson": 78.87337106318412, + "manhattan_spearman": 80.31230584758441, + "cosine_pearson": 79.13334972675852, + "cosine_spearman": 79.86263136371802, + "main_score": 79.86263136371802 + }, + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 63.559700748242356, + "cos_sim_spearman": 60.92342109509558, + "euclidean_pearson": 66.07256437521119, + "euclidean_spearman": 60.92342109509558, + "manhattan_pearson": 67.72769744612663, + "manhattan_spearman": 59.64714507774168, + "cosine_pearson": 63.559700748242356, + "cosine_spearman": 60.92342109509558, + "main_score": 60.92342109509558 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 73.93491616145891, + "cos_sim_spearman": 75.84242594400156, + "euclidean_pearson": 74.87279745626121, + "euclidean_spearman": 75.84242594400156, + "manhattan_pearson": 76.47764144677505, + "manhattan_spearman": 77.08411157845183, + "cosine_pearson": 73.93491616145891, + "cosine_spearman": 75.84242594400156, + "main_score": 75.84242594400156 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "cos_sim_pearson": 72.75624124540954, + "cos_sim_spearman": 75.8667941654703, + "euclidean_pearson": 73.74314588451925, + "euclidean_spearman": 75.8667941654703, + "manhattan_pearson": 73.99641425871518, + "manhattan_spearman": 76.1982840205817, + "cosine_pearson": 72.75624124540954, + "cosine_spearman": 75.8667941654703, + "main_score": 75.8667941654703 + }, + { + "hf_subset": "pl-en", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 75.20898141298767, + "cos_sim_spearman": 73.18060375331436, + "euclidean_pearson": 75.44489280944619, + "euclidean_spearman": 73.18060375331436, + "manhattan_pearson": 75.65451039552286, + "manhattan_spearman": 72.97744006123156, + "cosine_pearson": 75.20898141298767, + "cosine_spearman": 73.18060375331436, + "main_score": 73.18060375331436 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "cos_sim_pearson": 72.04278252247816, + "cos_sim_spearman": 71.8846446821539, + "euclidean_pearson": 73.16043307050612, + "euclidean_spearman": 71.8846446821539, + "manhattan_pearson": 74.76905116839777, + "manhattan_spearman": 72.66237093518471, + "cosine_pearson": 72.04278252247816, + "cosine_spearman": 71.8846446821539, + "main_score": 71.8846446821539 + }, + { + "hf_subset": "es-it", + "languages": [ + "spa-Latn", + "ita-Latn" + ], + "cos_sim_pearson": 71.71033173838558, + "cos_sim_spearman": 75.043122881885, + "euclidean_pearson": 72.77579680345087, + "euclidean_spearman": 75.043122881885, + "manhattan_pearson": 72.99901534854922, + "manhattan_spearman": 75.15418335015957, + "cosine_pearson": 71.71033173838558, + "cosine_spearman": 75.043122881885, + "main_score": 75.043122881885 + }, + { + "hf_subset": "de-fr", + "languages": [ + "deu-Latn", + "fra-Latn" + ], + "cos_sim_pearson": 55.75733447190482, + "cos_sim_spearman": 61.38968334176681, + "euclidean_pearson": 55.479231520643744, + "euclidean_spearman": 61.38968334176681, + "manhattan_pearson": 56.05230571465244, + "manhattan_spearman": 62.69383054007398, + "cosine_pearson": 55.75733447190482, + "cosine_spearman": 61.38968334176681, + "main_score": 61.38968334176681 + }, + { + "hf_subset": "de-pl", + "languages": [ + "deu-Latn", + "pol-Latn" + ], + "cos_sim_pearson": 41.72244325050302, + "cos_sim_spearman": 54.47476909084119, + "euclidean_pearson": 43.94629756436873, + "euclidean_spearman": 54.47476909084119, + "manhattan_pearson": 46.36533046394657, + "manhattan_spearman": 54.87509243633636, + "cosine_pearson": 41.72244325050302, + "cosine_spearman": 54.47476909084119, + "main_score": 54.47476909084119 + }, + { + "hf_subset": "fr-pl", + "languages": [ + "fra-Latn", + "pol-Latn" + ], + "cos_sim_pearson": 70.75183711835146, + "cos_sim_spearman": 84.51542547285167, + "euclidean_pearson": 71.84188960126669, + "euclidean_spearman": 84.51542547285167, + "manhattan_pearson": 73.94847166379994, + "manhattan_spearman": 84.51542547285167, + "cosine_pearson": 70.75183711835146, + "cosine_spearman": 84.51542547285167, + "main_score": 84.51542547285167 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/STSB.json b/results/krilecy__e5-mistral-7b-instruct/external/STSB.json new file mode 100644 index 000000000..1a4f38634 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/STSB.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 81.78690149086131, + "cos_sim_spearman": 81.81202616916873, + "euclidean_pearson": 80.98792254251062, + "euclidean_spearman": 81.81202616916873, + "manhattan_pearson": 81.46953021346732, + "manhattan_spearman": 82.34259562492315, + "cosine_pearson": 81.78690149086131, + "cosine_spearman": 81.81202616916873, + "main_score": 81.81202616916873 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/STSBenchmark.json b/results/krilecy__e5-mistral-7b-instruct/external/STSBenchmark.json new file mode 100644 index 000000000..5d16d1319 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.68273341294419, + "cos_sim_spearman": 88.59927164210958, + "euclidean_pearson": 88.10745681818025, + "euclidean_spearman": 88.59927164210958, + "manhattan_pearson": 88.25166703784649, + "manhattan_spearman": 88.85343247873482, + "cosine_pearson": 87.68273341294419, + "cosine_spearman": 88.59927164210958, + "main_score": 88.59927164210958 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/SciDocsRR.json b/results/krilecy__e5-mistral-7b-instruct/external/SciDocsRR.json new file mode 100644 index 000000000..14d38796b --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 86.3340463345719, + "mrr": 96.5182611506141, + "main_score": 86.3340463345719 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/SciFact.json b/results/krilecy__e5-mistral-7b-instruct/external/SciFact.json new file mode 100644 index 000000000..74252c59b --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 60.967000000000006, + "map_at_10": 71.873, + "map_at_100": 72.271, + "map_at_1000": 72.292, + "map_at_3": 69.006, + "map_at_5": 70.856, + "mrr_at_1": 63.666999999999994, + "mrr_at_10": 72.929, + "mrr_at_100": 73.26, + "mrr_at_1000": 73.282, + "mrr_at_3": 71.111, + "mrr_at_5": 72.328, + "ndcg_at_1": 63.666999999999994, + "ndcg_at_10": 76.414, + "ndcg_at_100": 78.152, + "ndcg_at_1000": 78.604, + "ndcg_at_3": 71.841, + "ndcg_at_5": 74.435, + "precision_at_1": 63.666999999999994, + "precision_at_10": 10.067, + "precision_at_100": 1.097, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 27.667, + "precision_at_5": 18.467, + "recall_at_1": 60.967000000000006, + "recall_at_10": 88.922, + "recall_at_100": 96.667, + "recall_at_1000": 100.0, + "recall_at_3": 77.228, + "recall_at_5": 83.428, + "main_score": 76.414 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/SprintDuplicateQuestions.json b/results/krilecy__e5-mistral-7b-instruct/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..b585a9c78 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.82277227722773, + "cos_sim_ap": 95.66279851444406, + "cos_sim_f1": 90.9367088607595, + "cos_sim_precision": 92.1025641025641, + "cos_sim_recall": 89.8, + "dot_accuracy": 99.82277227722773, + "dot_ap": 95.66279851444406, + "dot_f1": 90.9367088607595, + "dot_precision": 92.1025641025641, + "dot_recall": 89.8, + "euclidean_accuracy": 99.82277227722773, + "euclidean_ap": 95.66279851444406, + "euclidean_f1": 90.9367088607595, + "euclidean_precision": 92.1025641025641, + "euclidean_recall": 89.8, + "manhattan_accuracy": 99.82673267326733, + "manhattan_ap": 95.86094873177069, + "manhattan_f1": 91.26788357178096, + "manhattan_precision": 90.06815968841285, + "manhattan_recall": 92.5, + "max_accuracy": 99.82673267326733, + "max_ap": 95.86094873177069, + "max_f1": 91.26788357178096, + "main_score": 95.86094873177069 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/StackExchangeClustering.json b/results/krilecy__e5-mistral-7b-instruct/external/StackExchangeClustering.json new file mode 100644 index 000000000..e70463e7a --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 73.09533925852372, + "main_score": 73.09533925852372 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/StackExchangeClusteringP2P.json b/results/krilecy__e5-mistral-7b-instruct/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..fe7936849 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 45.90745648090035, + "main_score": 45.90745648090035 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/StackOverflowDupQuestions.json b/results/krilecy__e5-mistral-7b-instruct/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..4737aed12 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 54.91147686504404, + "mrr": 56.03900082760377, + "main_score": 54.91147686504404 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/SummEval.json b/results/krilecy__e5-mistral-7b-instruct/external/SummEval.json new file mode 100644 index 000000000..7a5a473cc --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.46908662038217, + "cos_sim_spearman": 31.40325730367437, + "dot_pearson": 31.469083969291894, + "dot_spearman": 31.40325730367437, + "cosine_pearson": 31.46908662038217, + "cosine_spearman": 31.40325730367437, + "main_score": 31.40325730367437 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/T2Reranking.json b/results/krilecy__e5-mistral-7b-instruct/external/T2Reranking.json new file mode 100644 index 000000000..91516cd28 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 66.90300783402137, + "mrr": 77.06451972574179, + "main_score": 66.90300783402137 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/T2Retrieval.json b/results/krilecy__e5-mistral-7b-instruct/external/T2Retrieval.json new file mode 100644 index 000000000..0ef954d9a --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/T2Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 25.82, + "map_at_10": 72.32300000000001, + "map_at_100": 76.198, + "map_at_1000": 76.281, + "map_at_3": 50.719, + "map_at_5": 62.326, + "mrr_at_1": 86.599, + "mrr_at_10": 89.751, + "mrr_at_100": 89.876, + "mrr_at_1000": 89.88000000000001, + "mrr_at_3": 89.151, + "mrr_at_5": 89.519, + "ndcg_at_1": 86.599, + "ndcg_at_10": 80.676, + "ndcg_at_100": 85.03, + "ndcg_at_1000": 85.854, + "ndcg_at_3": 82.057, + "ndcg_at_5": 80.537, + "precision_at_1": 86.599, + "precision_at_10": 40.373, + "precision_at_100": 4.95, + "precision_at_1000": 0.514, + "precision_at_3": 71.918, + "precision_at_5": 60.246, + "recall_at_1": 25.82, + "recall_at_10": 79.905, + "recall_at_100": 93.88499999999999, + "recall_at_1000": 98.073, + "recall_at_3": 52.623, + "recall_at_5": 66.233, + "main_score": 80.676 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/TNews.json b/results/krilecy__e5-mistral-7b-instruct/external/TNews.json new file mode 100644 index 000000000..0af6cc01a --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/TNews.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 47.050000000000004, + "f1": 45.704071498353294, + "main_score": 47.050000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/TRECCOVID.json b/results/krilecy__e5-mistral-7b-instruct/external/TRECCOVID.json new file mode 100644 index 000000000..56fbc79d1 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.243, + "map_at_10": 2.278, + "map_at_100": 14.221, + "map_at_1000": 33.474, + "map_at_3": 0.7270000000000001, + "map_at_5": 1.183, + "mrr_at_1": 94.0, + "mrr_at_10": 97.0, + "mrr_at_100": 97.0, + "mrr_at_1000": 97.0, + "mrr_at_3": 97.0, + "mrr_at_5": 97.0, + "ndcg_at_1": 90.0, + "ndcg_at_10": 87.249, + "ndcg_at_100": 67.876, + "ndcg_at_1000": 59.205, + "ndcg_at_3": 90.12299999999999, + "ndcg_at_5": 89.126, + "precision_at_1": 94.0, + "precision_at_10": 90.8, + "precision_at_100": 69.28, + "precision_at_1000": 25.85, + "precision_at_3": 94.667, + "precision_at_5": 92.80000000000001, + "recall_at_1": 0.243, + "recall_at_10": 2.392, + "recall_at_100": 16.982, + "recall_at_1000": 55.214, + "recall_at_3": 0.745, + "recall_at_5": 1.2229999999999999, + "main_score": 87.249 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/Tatoeba.json b/results/krilecy__e5-mistral-7b-instruct/external/Tatoeba.json new file mode 100644 index 000000000..429c2f449 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/Tatoeba.json @@ -0,0 +1,1354 @@ +{ + "dataset_revision": "9080400076fbadbb4c4dcb136ff4eddc40b42553", + "task_name": "Tatoeba", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "sqi-eng", + "languages": [ + "sqi-Latn", + "eng-Latn" + ], + "accuracy": 70.5, + "f1": 67.05501804646966, + "precision": 65.73261904761904, + "recall": 70.5, + "main_score": 67.05501804646966 + }, + { + "hf_subset": "fry-eng", + "languages": [ + "fry-Latn", + "eng-Latn" + ], + "accuracy": 75.14450867052022, + "f1": 70.98265895953759, + "precision": 69.26782273603082, + "recall": 75.14450867052022, + "main_score": 70.98265895953759 + }, + { + "hf_subset": "kur-eng", + "languages": [ + "kur-Latn", + "eng-Latn" + ], + "accuracy": 33.170731707317074, + "f1": 29.92876500193573, + "precision": 28.669145894755648, + "recall": 33.170731707317074, + "main_score": 29.92876500193573 + }, + { + "hf_subset": "tur-eng", + "languages": [ + "tur-Latn", + "eng-Latn" + ], + "accuracy": 95.5, + "f1": 94.13333333333333, + "precision": 93.46666666666667, + "recall": 95.5, + "main_score": 94.13333333333333 + }, + { + "hf_subset": "deu-eng", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "accuracy": 99.6, + "f1": 99.46666666666665, + "precision": 99.4, + "recall": 99.6, + "main_score": 99.46666666666665 + }, + { + "hf_subset": "nld-eng", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "accuracy": 97.2, + "f1": 96.39999999999999, + "precision": 96.0, + "recall": 97.2, + "main_score": 96.39999999999999 + }, + { + "hf_subset": "ron-eng", + "languages": [ + "ron-Latn", + "eng-Latn" + ], + "accuracy": 94.5, + "f1": 92.99666666666667, + "precision": 92.31666666666666, + "recall": 94.5, + "main_score": 92.99666666666667 + }, + { + "hf_subset": "ang-eng", + "languages": [ + "ang-Latn", + "eng-Latn" + ], + "accuracy": 85.82089552238806, + "f1": 81.59203980099502, + "precision": 79.60199004975124, + "recall": 85.82089552238806, + "main_score": 81.59203980099502 + }, + { + "hf_subset": "ido-eng", + "languages": [ + "ido-Latn", + "eng-Latn" + ], + "accuracy": 79.5, + "f1": 75.11246031746032, + "precision": 73.38734126984127, + "recall": 79.5, + "main_score": 75.11246031746032 + }, + { + "hf_subset": "jav-eng", + "languages": [ + "jav-Latn", + "eng-Latn" + ], + "accuracy": 44.390243902439025, + "f1": 38.48896631823461, + "precision": 36.57220286488579, + "recall": 44.390243902439025, + "main_score": 38.48896631823461 + }, + { + "hf_subset": "isl-eng", + "languages": [ + "isl-Latn", + "eng-Latn" + ], + "accuracy": 90.2, + "f1": 87.57333333333334, + "precision": 86.34166666666665, + "recall": 90.2, + "main_score": 87.57333333333334 + }, + { + "hf_subset": "slv-eng", + "languages": [ + "slv-Latn", + "eng-Latn" + ], + "accuracy": 88.82138517618469, + "f1": 85.98651854423423, + "precision": 84.79257073424753, + "recall": 88.82138517618469, + "main_score": 85.98651854423423 + }, + { + "hf_subset": "cym-eng", + "languages": [ + "cym-Latn", + "eng-Latn" + ], + "accuracy": 77.04347826086956, + "f1": 72.32108147606868, + "precision": 70.37207357859532, + "recall": 77.04347826086956, + "main_score": 72.32108147606868 + }, + { + "hf_subset": "kaz-eng", + "languages": [ + "kaz-Cyrl", + "eng-Latn" + ], + "accuracy": 53.04347826086957, + "f1": 46.88868184955141, + "precision": 44.71730105643149, + "recall": 53.04347826086957, + "main_score": 46.88868184955141 + }, + { + "hf_subset": "est-eng", + "languages": [ + "est-Latn", + "eng-Latn" + ], + "accuracy": 68.0, + "f1": 62.891813186813195, + "precision": 61.037906162464985, + "recall": 68.0, + "main_score": 62.891813186813195 + }, + { + "hf_subset": "heb-eng", + "languages": [ + "heb-Hebr", + "eng-Latn" + ], + "accuracy": 86.3, + "f1": 82.82000000000001, + "precision": 81.25690476190475, + "recall": 86.3, + "main_score": 82.82000000000001 + }, + { + "hf_subset": "gla-eng", + "languages": [ + "gla-Latn", + "eng-Latn" + ], + "accuracy": 68.87816646562122, + "f1": 63.53054933272062, + "precision": 61.47807816331196, + "recall": 68.87816646562122, + "main_score": 63.53054933272062 + }, + { + "hf_subset": "mar-eng", + "languages": [ + "mar-Deva", + "eng-Latn" + ], + "accuracy": 74.4, + "f1": 68.99388888888889, + "precision": 66.81035714285713, + "recall": 74.4, + "main_score": 68.99388888888889 + }, + { + "hf_subset": "lat-eng", + "languages": [ + "lat-Latn", + "eng-Latn" + ], + "accuracy": 90.5, + "f1": 87.93666666666667, + "precision": 86.825, + "recall": 90.5, + "main_score": 87.93666666666667 + }, + { + "hf_subset": "bel-eng", + "languages": [ + "bel-Cyrl", + "eng-Latn" + ], + "accuracy": 90.7, + "f1": 88.09, + "precision": 86.85833333333333, + "recall": 90.7, + "main_score": 88.09 + }, + { + "hf_subset": "pms-eng", + "languages": [ + "pms-Latn", + "eng-Latn" + ], + "accuracy": 67.61904761904762, + "f1": 62.30239247214037, + "precision": 60.340702947845806, + "recall": 67.61904761904762, + "main_score": 62.30239247214037 + }, + { + "hf_subset": "gle-eng", + "languages": [ + "gle-Latn", + "eng-Latn" + ], + "accuracy": 77.9, + "f1": 73.81285714285714, + "precision": 72.21570818070818, + "recall": 77.9, + "main_score": 73.81285714285714 + }, + { + "hf_subset": "pes-eng", + "languages": [ + "pes-Arab", + "eng-Latn" + ], + "accuracy": 91.8, + "f1": 89.66666666666667, + "precision": 88.66666666666666, + "recall": 91.8, + "main_score": 89.66666666666667 + }, + { + "hf_subset": "nob-eng", + "languages": [ + "nob-Latn", + "eng-Latn" + ], + "accuracy": 97.6, + "f1": 96.85666666666665, + "precision": 96.50833333333333, + "recall": 97.6, + "main_score": 96.85666666666665 + }, + { + "hf_subset": "bul-eng", + "languages": [ + "bul-Cyrl", + "eng-Latn" + ], + "accuracy": 95.39999999999999, + "f1": 93.98333333333333, + "precision": 93.30000000000001, + "recall": 95.39999999999999, + "main_score": 93.98333333333333 + }, + { + "hf_subset": "cbk-eng", + "languages": [ + "cbk-Latn", + "eng-Latn" + ], + "accuracy": 85.0, + "f1": 81.31538461538462, + "precision": 79.70666666666666, + "recall": 85.0, + "main_score": 81.31538461538462 + }, + { + "hf_subset": "hun-eng", + "languages": [ + "hun-Latn", + "eng-Latn" + ], + "accuracy": 91.60000000000001, + "f1": 89.81888888888888, + "precision": 89.08583333333333, + "recall": 91.60000000000001, + "main_score": 89.81888888888888 + }, + { + "hf_subset": "uig-eng", + "languages": [ + "uig-Arab", + "eng-Latn" + ], + "accuracy": 44.3, + "f1": 38.8623088023088, + "precision": 37.03755623461505, + "recall": 44.3, + "main_score": 38.8623088023088 + }, + { + "hf_subset": "rus-eng", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "accuracy": 95.19999999999999, + "f1": 93.75, + "precision": 93.05, + "recall": 95.19999999999999, + "main_score": 93.75 + }, + { + "hf_subset": "spa-eng", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "accuracy": 99.1, + "f1": 98.8, + "precision": 98.65, + "recall": 99.1, + "main_score": 98.8 + }, + { + "hf_subset": "hye-eng", + "languages": [ + "hye-Armn", + "eng-Latn" + ], + "accuracy": 69.6765498652291, + "f1": 63.991785393402644, + "precision": 61.7343729944808, + "recall": 69.6765498652291, + "main_score": 63.991785393402644 + }, + { + "hf_subset": "tel-eng", + "languages": [ + "tel-Telu", + "eng-Latn" + ], + "accuracy": 50.0, + "f1": 42.79341029341029, + "precision": 40.25098358431692, + "recall": 50.0, + "main_score": 42.79341029341029 + }, + { + "hf_subset": "afr-eng", + "languages": [ + "afr-Latn", + "eng-Latn" + ], + "accuracy": 89.7, + "f1": 87.19023809523809, + "precision": 86.12595238095237, + "recall": 89.7, + "main_score": 87.19023809523809 + }, + { + "hf_subset": "mon-eng", + "languages": [ + "mon-Cyrl", + "eng-Latn" + ], + "accuracy": 42.72727272727273, + "f1": 37.78789518562245, + "precision": 36.24208471267295, + "recall": 42.72727272727273, + "main_score": 37.78789518562245 + }, + { + "hf_subset": "arz-eng", + "languages": [ + "arz-Arab", + "eng-Latn" + ], + "accuracy": 75.26205450733752, + "f1": 70.72842833849123, + "precision": 68.93256464011182, + "recall": 75.26205450733752, + "main_score": 70.72842833849123 + }, + { + "hf_subset": "hrv-eng", + "languages": [ + "hrv-Latn", + "eng-Latn" + ], + "accuracy": 95.19999999999999, + "f1": 93.96666666666668, + "precision": 93.42, + "recall": 95.19999999999999, + "main_score": 93.96666666666668 + }, + { + "hf_subset": "nov-eng", + "languages": [ + "nov-Latn", + "eng-Latn" + ], + "accuracy": 76.26459143968872, + "f1": 72.40190419178747, + "precision": 70.84954604409856, + "recall": 76.26459143968872, + "main_score": 72.40190419178747 + }, + { + "hf_subset": "gsw-eng", + "languages": [ + "gsw-Latn", + "eng-Latn" + ], + "accuracy": 59.82905982905983, + "f1": 52.2100122100122, + "precision": 49.52516619183286, + "recall": 59.82905982905983, + "main_score": 52.2100122100122 + }, + { + "hf_subset": "nds-eng", + "languages": [ + "nds-Latn", + "eng-Latn" + ], + "accuracy": 81.69999999999999, + "f1": 77.41714285714286, + "precision": 75.64833333333334, + "recall": 81.69999999999999, + "main_score": 77.41714285714286 + }, + { + "hf_subset": "ukr-eng", + "languages": [ + "ukr-Cyrl", + "eng-Latn" + ], + "accuracy": 95.5, + "f1": 94.45, + "precision": 93.93333333333334, + "recall": 95.5, + "main_score": 94.45 + }, + { + "hf_subset": "uzb-eng", + "languages": [ + "uzb-Latn", + "eng-Latn" + ], + "accuracy": 58.41121495327103, + "f1": 52.73495974430554, + "precision": 50.717067200712066, + "recall": 58.41121495327103, + "main_score": 52.73495974430554 + }, + { + "hf_subset": "lit-eng", + "languages": [ + "lit-Latn", + "eng-Latn" + ], + "accuracy": 73.3, + "f1": 69.20371794871795, + "precision": 67.6597557997558, + "recall": 73.3, + "main_score": 69.20371794871795 + }, + { + "hf_subset": "ina-eng", + "languages": [ + "ina-Latn", + "eng-Latn" + ], + "accuracy": 96.5, + "f1": 95.51666666666667, + "precision": 95.05, + "recall": 96.5, + "main_score": 95.51666666666667 + }, + { + "hf_subset": "lfn-eng", + "languages": [ + "lfn-Latn", + "eng-Latn" + ], + "accuracy": 78.4, + "f1": 73.88856643356644, + "precision": 72.01373015873016, + "recall": 78.4, + "main_score": 73.88856643356644 + }, + { + "hf_subset": "zsm-eng", + "languages": [ + "zsm-Latn", + "eng-Latn" + ], + "accuracy": 95.3, + "f1": 94.09666666666668, + "precision": 93.53333333333332, + "recall": 95.3, + "main_score": 94.09666666666668 + }, + { + "hf_subset": "ita-eng", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "accuracy": 93.7, + "f1": 91.94, + "precision": 91.10833333333333, + "recall": 93.7, + "main_score": 91.94 + }, + { + "hf_subset": "cmn-eng", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "accuracy": 96.8, + "f1": 95.89999999999999, + "precision": 95.46666666666668, + "recall": 96.8, + "main_score": 95.89999999999999 + }, + { + "hf_subset": "lvs-eng", + "languages": [ + "lvs-Latn", + "eng-Latn" + ], + "accuracy": 70.5, + "f1": 66.00635642135641, + "precision": 64.36345238095238, + "recall": 70.5, + "main_score": 66.00635642135641 + }, + { + "hf_subset": "glg-eng", + "languages": [ + "glg-Latn", + "eng-Latn" + ], + "accuracy": 92.4, + "f1": 90.44388888888889, + "precision": 89.5767857142857, + "recall": 92.4, + "main_score": 90.44388888888889 + }, + { + "hf_subset": "ceb-eng", + "languages": [ + "ceb-Latn", + "eng-Latn" + ], + "accuracy": 48.0, + "f1": 43.15372775372776, + "precision": 41.53152510162313, + "recall": 48.0, + "main_score": 43.15372775372776 + }, + { + "hf_subset": "bre-eng", + "languages": [ + "bre-Latn", + "eng-Latn" + ], + "accuracy": 16.7, + "f1": 14.198431372549017, + "precision": 13.411765873015872, + "recall": 16.7, + "main_score": 14.198431372549017 + }, + { + "hf_subset": "ben-eng", + "languages": [ + "ben-Beng", + "eng-Latn" + ], + "accuracy": 85.7, + "f1": 81.81666666666666, + "precision": 80.10833333333332, + "recall": 85.7, + "main_score": 81.81666666666666 + }, + { + "hf_subset": "swg-eng", + "languages": [ + "swg-Latn", + "eng-Latn" + ], + "accuracy": 69.64285714285714, + "f1": 64.745670995671, + "precision": 62.916666666666664, + "recall": 69.64285714285714, + "main_score": 64.745670995671 + }, + { + "hf_subset": "arq-eng", + "languages": [ + "arq-Arab", + "eng-Latn" + ], + "accuracy": 54.665203073545555, + "f1": 48.55366630916923, + "precision": 46.35683318998357, + "recall": 54.665203073545555, + "main_score": 48.55366630916923 + }, + { + "hf_subset": "kab-eng", + "languages": [ + "kab-Latn", + "eng-Latn" + ], + "accuracy": 4.8, + "f1": 3.808587223587223, + "precision": 3.5653174603174604, + "recall": 4.8, + "main_score": 3.808587223587223 + }, + { + "hf_subset": "fra-eng", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "accuracy": 96.6, + "f1": 95.77333333333333, + "precision": 95.39166666666667, + "recall": 96.6, + "main_score": 95.77333333333333 + }, + { + "hf_subset": "por-eng", + "languages": [ + "por-Latn", + "eng-Latn" + ], + "accuracy": 95.39999999999999, + "f1": 94.44, + "precision": 93.975, + "recall": 95.39999999999999, + "main_score": 94.44 + }, + { + "hf_subset": "tat-eng", + "languages": [ + "tat-Cyrl", + "eng-Latn" + ], + "accuracy": 42.0, + "f1": 37.024908424908425, + "precision": 35.365992063492065, + "recall": 42.0, + "main_score": 37.024908424908425 + }, + { + "hf_subset": "oci-eng", + "languages": [ + "oci-Latn", + "eng-Latn" + ], + "accuracy": 66.7, + "f1": 62.20460835058661, + "precision": 60.590134587634594, + "recall": 66.7, + "main_score": 62.20460835058661 + }, + { + "hf_subset": "pol-eng", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "accuracy": 97.3, + "f1": 96.46666666666667, + "precision": 96.06666666666668, + "recall": 97.3, + "main_score": 96.46666666666667 + }, + { + "hf_subset": "war-eng", + "languages": [ + "war-Latn", + "eng-Latn" + ], + "accuracy": 47.3, + "f1": 41.96905408317173, + "precision": 40.18741402116402, + "recall": 47.3, + "main_score": 41.96905408317173 + }, + { + "hf_subset": "aze-eng", + "languages": [ + "aze-Latn", + "eng-Latn" + ], + "accuracy": 80.2, + "f1": 76.22690476190476, + "precision": 74.63539682539682, + "recall": 80.2, + "main_score": 76.22690476190476 + }, + { + "hf_subset": "vie-eng", + "languages": [ + "vie-Latn", + "eng-Latn" + ], + "accuracy": 96.0, + "f1": 94.83333333333333, + "precision": 94.26666666666668, + "recall": 96.0, + "main_score": 94.83333333333333 + }, + { + "hf_subset": "nno-eng", + "languages": [ + "nno-Latn", + "eng-Latn" + ], + "accuracy": 89.7, + "f1": 87.24333333333334, + "precision": 86.17, + "recall": 89.7, + "main_score": 87.24333333333334 + }, + { + "hf_subset": "cha-eng", + "languages": [ + "cha-Latn", + "eng-Latn" + ], + "accuracy": 50.36496350364964, + "f1": 44.795520780922246, + "precision": 43.09002433090024, + "recall": 50.36496350364964, + "main_score": 44.795520780922246 + }, + { + "hf_subset": "mhr-eng", + "languages": [ + "mhr-Cyrl", + "eng-Latn" + ], + "accuracy": 18.8, + "f1": 16.242864357864356, + "precision": 15.466596638655464, + "recall": 18.8, + "main_score": 16.242864357864356 + }, + { + "hf_subset": "dan-eng", + "languages": [ + "dan-Latn", + "eng-Latn" + ], + "accuracy": 95.19999999999999, + "f1": 93.92333333333333, + "precision": 93.30833333333332, + "recall": 95.19999999999999, + "main_score": 93.92333333333333 + }, + { + "hf_subset": "ell-eng", + "languages": [ + "ell-Grek", + "eng-Latn" + ], + "accuracy": 93.4, + "f1": 91.42333333333333, + "precision": 90.50833333333334, + "recall": 93.4, + "main_score": 91.42333333333333 + }, + { + "hf_subset": "amh-eng", + "languages": [ + "amh-Ethi", + "eng-Latn" + ], + "accuracy": 26.190476190476193, + "f1": 22.05208151636723, + "precision": 21.09292328042328, + "recall": 26.190476190476193, + "main_score": 22.05208151636723 + }, + { + "hf_subset": "pam-eng", + "languages": [ + "pam-Latn", + "eng-Latn" + ], + "accuracy": 17.2, + "f1": 14.021009731460952, + "precision": 13.1389886698243, + "recall": 17.2, + "main_score": 14.021009731460952 + }, + { + "hf_subset": "hsb-eng", + "languages": [ + "hsb-Latn", + "eng-Latn" + ], + "accuracy": 78.67494824016563, + "f1": 74.24430641821947, + "precision": 72.50747642051991, + "recall": 78.67494824016563, + "main_score": 74.24430641821947 + }, + { + "hf_subset": "srp-eng", + "languages": [ + "srp-Cyrl", + "eng-Latn" + ], + "accuracy": 94.19999999999999, + "f1": 92.54, + "precision": 91.75833333333334, + "recall": 94.19999999999999, + "main_score": 92.54 + }, + { + "hf_subset": "epo-eng", + "languages": [ + "epo-Latn", + "eng-Latn" + ], + "accuracy": 90.2, + "f1": 87.78666666666666, + "precision": 86.69833333333334, + "recall": 90.2, + "main_score": 87.78666666666666 + }, + { + "hf_subset": "kzj-eng", + "languages": [ + "kzj-Latn", + "eng-Latn" + ], + "accuracy": 14.7, + "f1": 12.19206214842218, + "precision": 11.526261904761904, + "recall": 14.7, + "main_score": 12.19206214842218 + }, + { + "hf_subset": "awa-eng", + "languages": [ + "awa-Deva", + "eng-Latn" + ], + "accuracy": 73.16017316017316, + "f1": 67.44858316286889, + "precision": 65.23809523809523, + "recall": 73.16017316017316, + "main_score": 67.44858316286889 + }, + { + "hf_subset": "fao-eng", + "languages": [ + "fao-Latn", + "eng-Latn" + ], + "accuracy": 75.19083969465649, + "f1": 70.33078880407125, + "precision": 68.3969465648855, + "recall": 75.19083969465649, + "main_score": 70.33078880407125 + }, + { + "hf_subset": "mal-eng", + "languages": [ + "mal-Mlym", + "eng-Latn" + ], + "accuracy": 62.154294032023294, + "f1": 55.86030821838681, + "precision": 53.53509623160277, + "recall": 62.154294032023294, + "main_score": 55.86030821838681 + }, + { + "hf_subset": "ile-eng", + "languages": [ + "ile-Latn", + "eng-Latn" + ], + "accuracy": 86.8, + "f1": 83.9652380952381, + "precision": 82.84242424242424, + "recall": 86.8, + "main_score": 83.9652380952381 + }, + { + "hf_subset": "bos-eng", + "languages": [ + "bos-Latn", + "eng-Latn" + ], + "accuracy": 93.50282485875707, + "f1": 91.54425612052731, + "precision": 90.65442561205272, + "recall": 93.50282485875707, + "main_score": 91.54425612052731 + }, + { + "hf_subset": "cor-eng", + "languages": [ + "cor-Latn", + "eng-Latn" + ], + "accuracy": 11.4, + "f1": 9.189775870222714, + "precision": 8.66189886502811, + "recall": 11.4, + "main_score": 9.189775870222714 + }, + { + "hf_subset": "cat-eng", + "languages": [ + "cat-Latn", + "eng-Latn" + ], + "accuracy": 93.4, + "f1": 91.88666666666666, + "precision": 91.21444444444444, + "recall": 93.4, + "main_score": 91.88666666666666 + }, + { + "hf_subset": "eus-eng", + "languages": [ + "eus-Latn", + "eng-Latn" + ], + "accuracy": 46.0, + "f1": 40.51069226095542, + "precision": 38.57804926010808, + "recall": 46.0, + "main_score": 40.51069226095542 + }, + { + "hf_subset": "yue-eng", + "languages": [ + "yue-Hant", + "eng-Latn" + ], + "accuracy": 91.0, + "f1": 89.11333333333333, + "precision": 88.27000000000001, + "recall": 91.0, + "main_score": 89.11333333333333 + }, + { + "hf_subset": "swe-eng", + "languages": [ + "swe-Latn", + "eng-Latn" + ], + "accuracy": 94.39999999999999, + "f1": 92.95, + "precision": 92.27000000000001, + "recall": 94.39999999999999, + "main_score": 92.95 + }, + { + "hf_subset": "dtp-eng", + "languages": [ + "dtp-Latn", + "eng-Latn" + ], + "accuracy": 14.2, + "f1": 11.73701698770113, + "precision": 11.079207014736676, + "recall": 14.2, + "main_score": 11.73701698770113 + }, + { + "hf_subset": "kat-eng", + "languages": [ + "kat-Geor", + "eng-Latn" + ], + "accuracy": 65.14745308310992, + "f1": 59.665707393589415, + "precision": 57.560853653346946, + "recall": 65.14745308310992, + "main_score": 59.665707393589415 + }, + { + "hf_subset": "jpn-eng", + "languages": [ + "jpn-Jpan", + "eng-Latn" + ], + "accuracy": 95.39999999999999, + "f1": 94.0, + "precision": 93.33333333333333, + "recall": 95.39999999999999, + "main_score": 94.0 + }, + { + "hf_subset": "csb-eng", + "languages": [ + "csb-Latn", + "eng-Latn" + ], + "accuracy": 69.56521739130434, + "f1": 62.92490118577074, + "precision": 60.27009222661397, + "recall": 69.56521739130434, + "main_score": 62.92490118577074 + }, + { + "hf_subset": "xho-eng", + "languages": [ + "xho-Latn", + "eng-Latn" + ], + "accuracy": 40.140845070422536, + "f1": 35.96411804158283, + "precision": 34.89075869357559, + "recall": 40.140845070422536, + "main_score": 35.96411804158283 + }, + { + "hf_subset": "orv-eng", + "languages": [ + "orv-Cyrl", + "eng-Latn" + ], + "accuracy": 65.86826347305389, + "f1": 59.646248628284546, + "precision": 57.22982606216139, + "recall": 65.86826347305389, + "main_score": 59.646248628284546 + }, + { + "hf_subset": "ind-eng", + "languages": [ + "ind-Latn", + "eng-Latn" + ], + "accuracy": 94.89999999999999, + "f1": 93.48333333333333, + "precision": 92.83666666666667, + "recall": 94.89999999999999, + "main_score": 93.48333333333333 + }, + { + "hf_subset": "tuk-eng", + "languages": [ + "tuk-Latn", + "eng-Latn" + ], + "accuracy": 47.783251231527096, + "f1": 42.006447302013804, + "precision": 40.12747105111637, + "recall": 47.783251231527096, + "main_score": 42.006447302013804 + }, + { + "hf_subset": "max-eng", + "languages": [ + "max-Deva", + "eng-Latn" + ], + "accuracy": 69.71830985915493, + "f1": 64.80266212660578, + "precision": 63.08098591549296, + "recall": 69.71830985915493, + "main_score": 64.80266212660578 + }, + { + "hf_subset": "swh-eng", + "languages": [ + "swh-Latn", + "eng-Latn" + ], + "accuracy": 67.94871794871796, + "f1": 61.59912309912309, + "precision": 59.17338217338218, + "recall": 67.94871794871796, + "main_score": 61.59912309912309 + }, + { + "hf_subset": "hin-eng", + "languages": [ + "hin-Deva", + "eng-Latn" + ], + "accuracy": 96.39999999999999, + "f1": 95.28333333333335, + "precision": 94.75, + "recall": 96.39999999999999, + "main_score": 95.28333333333335 + }, + { + "hf_subset": "dsb-eng", + "languages": [ + "dsb-Latn", + "eng-Latn" + ], + "accuracy": 70.14613778705638, + "f1": 65.4349338900487, + "precision": 63.57599255302805, + "recall": 70.14613778705638, + "main_score": 65.4349338900487 + }, + { + "hf_subset": "ber-eng", + "languages": [ + "ber-Tfng", + "eng-Latn" + ], + "accuracy": 9.2, + "f1": 7.622184434339607, + "precision": 7.287048159682417, + "recall": 9.2, + "main_score": 7.622184434339607 + }, + { + "hf_subset": "tam-eng", + "languages": [ + "tam-Taml", + "eng-Latn" + ], + "accuracy": 77.85016286644951, + "f1": 72.83387622149837, + "precision": 70.58450959102424, + "recall": 77.85016286644951, + "main_score": 72.83387622149837 + }, + { + "hf_subset": "slk-eng", + "languages": [ + "slk-Latn", + "eng-Latn" + ], + "accuracy": 90.8, + "f1": 88.84333333333333, + "precision": 87.96666666666665, + "recall": 90.8, + "main_score": 88.84333333333333 + }, + { + "hf_subset": "tgl-eng", + "languages": [ + "tgl-Latn", + "eng-Latn" + ], + "accuracy": 94.6, + "f1": 93.14, + "precision": 92.49833333333333, + "recall": 94.6, + "main_score": 93.14 + }, + { + "hf_subset": "ast-eng", + "languages": [ + "ast-Latn", + "eng-Latn" + ], + "accuracy": 84.25196850393701, + "f1": 80.94488188976378, + "precision": 79.65879265091863, + "recall": 84.25196850393701, + "main_score": 80.94488188976378 + }, + { + "hf_subset": "mkd-eng", + "languages": [ + "mkd-Cyrl", + "eng-Latn" + ], + "accuracy": 89.5, + "f1": 86.89666666666666, + "precision": 85.7, + "recall": 89.5, + "main_score": 86.89666666666666 + }, + { + "hf_subset": "khm-eng", + "languages": [ + "khm-Khmr", + "eng-Latn" + ], + "accuracy": 42.797783933518005, + "f1": 37.30617360155193, + "precision": 35.34933825792552, + "recall": 42.797783933518005, + "main_score": 37.30617360155193 + }, + { + "hf_subset": "ces-eng", + "languages": [ + "ces-Latn", + "eng-Latn" + ], + "accuracy": 96.1, + "f1": 94.93333333333332, + "precision": 94.38333333333333, + "recall": 96.1, + "main_score": 94.93333333333332 + }, + { + "hf_subset": "tzl-eng", + "languages": [ + "tzl-Latn", + "eng-Latn" + ], + "accuracy": 54.807692307692314, + "f1": 49.506903353057204, + "precision": 47.54807692307693, + "recall": 54.807692307692314, + "main_score": 49.506903353057204 + }, + { + "hf_subset": "urd-eng", + "languages": [ + "urd-Arab", + "eng-Latn" + ], + "accuracy": 87.1, + "f1": 83.61857142857143, + "precision": 81.975, + "recall": 87.1, + "main_score": 83.61857142857143 + }, + { + "hf_subset": "ara-eng", + "languages": [ + "ara-Arab", + "eng-Latn" + ], + "accuracy": 91.10000000000001, + "f1": 88.76333333333332, + "precision": 87.67, + "recall": 91.10000000000001, + "main_score": 88.76333333333332 + }, + { + "hf_subset": "kor-eng", + "languages": [ + "kor-Hang", + "eng-Latn" + ], + "accuracy": 93.10000000000001, + "f1": 91.28999999999999, + "precision": 90.44500000000001, + "recall": 93.10000000000001, + "main_score": 91.28999999999999 + }, + { + "hf_subset": "yid-eng", + "languages": [ + "yid-Hebr", + "eng-Latn" + ], + "accuracy": 39.97641509433962, + "f1": 33.12271889998028, + "precision": 30.95185381542554, + "recall": 39.97641509433962, + "main_score": 33.12271889998028 + }, + { + "hf_subset": "fin-eng", + "languages": [ + "fin-Latn", + "eng-Latn" + ], + "accuracy": 92.60000000000001, + "f1": 90.69, + "precision": 89.84500000000001, + "recall": 92.60000000000001, + "main_score": 90.69 + }, + { + "hf_subset": "tha-eng", + "languages": [ + "tha-Thai", + "eng-Latn" + ], + "accuracy": 95.07299270072993, + "f1": 93.64355231143554, + "precision": 92.94403892944038, + "recall": 95.07299270072993, + "main_score": 93.64355231143554 + }, + { + "hf_subset": "wuu-eng", + "languages": [ + "wuu-Hans", + "eng-Latn" + ], + "accuracy": 91.9, + "f1": 89.61333333333333, + "precision": 88.53333333333333, + "recall": 91.9, + "main_score": 89.61333333333333 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/ThuNewsClusteringP2P.json b/results/krilecy__e5-mistral-7b-instruct/external/ThuNewsClusteringP2P.json new file mode 100644 index 000000000..09e15ca66 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/ThuNewsClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 64.68478289806511, + "main_score": 64.68478289806511 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/ThuNewsClusteringS2S.json b/results/krilecy__e5-mistral-7b-instruct/external/ThuNewsClusteringS2S.json new file mode 100644 index 000000000..d052e3b10 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/ThuNewsClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 57.53010296184097, + "main_score": 57.53010296184097 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/Touche2020.json b/results/krilecy__e5-mistral-7b-instruct/external/Touche2020.json new file mode 100644 index 000000000..efc531fde --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.519, + "map_at_10": 10.31, + "map_at_100": 16.027, + "map_at_1000": 17.827, + "map_at_3": 5.721, + "map_at_5": 7.7829999999999995, + "mrr_at_1": 34.694, + "mrr_at_10": 52.642999999999994, + "mrr_at_100": 53.366, + "mrr_at_1000": 53.366, + "mrr_at_3": 48.638999999999996, + "mrr_at_5": 50.578, + "ndcg_at_1": 31.633, + "ndcg_at_10": 26.394000000000002, + "ndcg_at_100": 36.41, + "ndcg_at_1000": 49.206, + "ndcg_at_3": 31.694, + "ndcg_at_5": 29.529, + "precision_at_1": 34.694, + "precision_at_10": 23.469, + "precision_at_100": 7.286, + "precision_at_1000": 1.5610000000000002, + "precision_at_3": 34.014, + "precision_at_5": 29.796, + "recall_at_1": 2.519, + "recall_at_10": 17.091, + "recall_at_100": 45.429, + "recall_at_1000": 84.621, + "recall_at_3": 7.208, + "recall_at_5": 10.523, + "main_score": 26.394000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/ToxicConversationsClassification.json b/results/krilecy__e5-mistral-7b-instruct/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..ddd47ceb1 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.58659999999999, + "ap": 14.735696532619, + "f1": 54.23517220069903, + "main_score": 69.58659999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/TweetSentimentExtractionClassification.json b/results/krilecy__e5-mistral-7b-instruct/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..8ad93f459 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 63.723825693265425, + "f1": 64.02405729449103, + "main_score": 63.723825693265425 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/TwentyNewsgroupsClustering.json b/results/krilecy__e5-mistral-7b-instruct/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..b6e095882 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 54.310161547491006, + "main_score": 54.310161547491006 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/TwitterSemEval2015.json b/results/krilecy__e5-mistral-7b-instruct/external/TwitterSemEval2015.json new file mode 100644 index 000000000..103321a65 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.77630088812064, + "cos_sim_ap": 81.61725457333809, + "cos_sim_f1": 74.91373801916932, + "cos_sim_precision": 72.63940520446097, + "cos_sim_recall": 77.33509234828496, + "dot_accuracy": 88.77630088812064, + "dot_ap": 81.61725317476251, + "dot_f1": 74.91373801916932, + "dot_precision": 72.63940520446097, + "dot_recall": 77.33509234828496, + "euclidean_accuracy": 88.77630088812064, + "euclidean_ap": 81.61724596869566, + "euclidean_f1": 74.91373801916932, + "euclidean_precision": 72.63940520446097, + "euclidean_recall": 77.33509234828496, + "manhattan_accuracy": 88.67497168742922, + "manhattan_ap": 81.430251048948, + "manhattan_f1": 74.79593118171543, + "manhattan_precision": 71.3635274382938, + "manhattan_recall": 78.57519788918206, + "max_accuracy": 88.77630088812064, + "max_ap": 81.61725457333809, + "max_f1": 74.91373801916932, + "main_score": 81.61725457333809 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/TwitterURLCorpus.json b/results/krilecy__e5-mistral-7b-instruct/external/TwitterURLCorpus.json new file mode 100644 index 000000000..97ba31d94 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.85136026700819, + "cos_sim_ap": 87.74656687446567, + "cos_sim_f1": 80.3221673073403, + "cos_sim_precision": 76.56871640957633, + "cos_sim_recall": 84.46258084385587, + "dot_accuracy": 89.85136026700819, + "dot_ap": 87.74656471395072, + "dot_f1": 80.3221673073403, + "dot_precision": 76.56871640957633, + "dot_recall": 84.46258084385587, + "euclidean_accuracy": 89.85136026700819, + "euclidean_ap": 87.74656885754466, + "euclidean_f1": 80.3221673073403, + "euclidean_precision": 76.56871640957633, + "euclidean_recall": 84.46258084385587, + "manhattan_accuracy": 89.86300306593705, + "manhattan_ap": 87.78807479093082, + "manhattan_f1": 80.31663429471911, + "manhattan_precision": 76.63472970137772, + "manhattan_recall": 84.3701878657222, + "max_accuracy": 89.86300306593705, + "max_ap": 87.78807479093082, + "max_f1": 80.3221673073403, + "main_score": 87.78807479093082 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/VideoRetrieval.json b/results/krilecy__e5-mistral-7b-instruct/external/VideoRetrieval.json new file mode 100644 index 000000000..3ac3c35d8 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/VideoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 32.4, + "map_at_10": 40.961999999999996, + "map_at_100": 41.660000000000004, + "map_at_1000": 41.721000000000004, + "map_at_3": 38.550000000000004, + "map_at_5": 40.06, + "mrr_at_1": 32.4, + "mrr_at_10": 40.961999999999996, + "mrr_at_100": 41.660000000000004, + "mrr_at_1000": 41.721000000000004, + "mrr_at_3": 38.550000000000004, + "mrr_at_5": 40.06, + "ndcg_at_1": 32.4, + "ndcg_at_10": 45.388, + "ndcg_at_100": 49.012, + "ndcg_at_1000": 50.659, + "ndcg_at_3": 40.47, + "ndcg_at_5": 43.232, + "precision_at_1": 32.4, + "precision_at_10": 5.94, + "precision_at_100": 0.769, + "precision_at_1000": 0.09, + "precision_at_3": 15.333, + "precision_at_5": 10.56, + "recall_at_1": 32.4, + "recall_at_10": 59.4, + "recall_at_100": 76.9, + "recall_at_1000": 90.0, + "recall_at_3": 46.0, + "recall_at_5": 52.800000000000004, + "main_score": 45.388 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/Waimai.json b/results/krilecy__e5-mistral-7b-instruct/external/Waimai.json new file mode 100644 index 000000000..f13606744 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/Waimai.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 86.94000000000001, + "ap": 70.57373468481975, + "f1": 85.26264784928323, + "main_score": 86.94000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/krilecy__e5-mistral-7b-instruct/external/model_meta.json b/results/krilecy__e5-mistral-7b-instruct/external/model_meta.json new file mode 100644 index 000000000..f26b01585 --- /dev/null +++ b/results/krilecy__e5-mistral-7b-instruct/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "krilecy/e5-mistral-7b-instruct", + "revision": "4f3226b33d7def8877568cd7689d04c7c17d0ff9", + "release_date": "2024-03-27", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 7110660096, + "memory_usage": null, + "max_tokens": 32768, + "embed_dim": 4096, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/lier007__xiaobu-embedding/external/AFQMC.json b/results/lier007__xiaobu-embedding/external/AFQMC.json new file mode 100644 index 000000000..abd19b32f --- /dev/null +++ b/results/lier007__xiaobu-embedding/external/AFQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 49.37874132528482, + "cos_sim_spearman": 54.84722470052176, + "euclidean_pearson": 53.0495882931575, + "euclidean_spearman": 54.847727301700665, + "manhattan_pearson": 53.0632140838278, + "manhattan_spearman": 54.8744258024692, + "cosine_pearson": 49.37874132528482, + "cosine_spearman": 54.84722470052176, + "main_score": 54.84722470052176 + } + ] + } +} \ No newline at end of file diff --git a/results/lier007__xiaobu-embedding/external/ATEC.json b/results/lier007__xiaobu-embedding/external/ATEC.json new file mode 100644 index 000000000..52f5225f3 --- /dev/null +++ b/results/lier007__xiaobu-embedding/external/ATEC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 48.15992903013723, + "cos_sim_spearman": 55.13198035464577, + "euclidean_pearson": 55.435876753245715, + "euclidean_spearman": 55.13215936702871, + "manhattan_pearson": 55.41429518223402, + "manhattan_spearman": 55.13363087679285, + "cosine_pearson": 48.15992903013723, + "cosine_spearman": 55.13198035464577, + "main_score": 55.13198035464577 + } + ] + } +} \ No newline at end of file diff --git a/results/lier007__xiaobu-embedding/external/AmazonReviewsClassification.json b/results/lier007__xiaobu-embedding/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..6f79d3686 --- /dev/null +++ b/results/lier007__xiaobu-embedding/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 46.722, + "f1": 45.039340641893205, + "main_score": 46.722 + } + ] + } +} \ No newline at end of file diff --git a/results/lier007__xiaobu-embedding/external/BQ.json b/results/lier007__xiaobu-embedding/external/BQ.json new file mode 100644 index 000000000..104b4041e --- /dev/null +++ b/results/lier007__xiaobu-embedding/external/BQ.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 63.517830355554224, + "cos_sim_spearman": 65.57007801018649, + "euclidean_pearson": 64.05153340906585, + "euclidean_spearman": 65.5696865661119, + "manhattan_pearson": 63.95710619755406, + "manhattan_spearman": 65.48565785379489, + "cosine_pearson": 63.517830355554224, + "cosine_spearman": 65.57007801018649, + "main_score": 65.57007801018649 + } + ] + } +} \ No newline at end of file diff --git a/results/lier007__xiaobu-embedding/external/CLSClusteringP2P.json b/results/lier007__xiaobu-embedding/external/CLSClusteringP2P.json new file mode 100644 index 000000000..0ed83810e --- /dev/null +++ b/results/lier007__xiaobu-embedding/external/CLSClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 43.24046498507819, + "main_score": 43.24046498507819 + } + ] + } +} \ No newline at end of file diff --git a/results/lier007__xiaobu-embedding/external/CLSClusteringS2S.json b/results/lier007__xiaobu-embedding/external/CLSClusteringS2S.json new file mode 100644 index 000000000..8d6fbc2e4 --- /dev/null +++ b/results/lier007__xiaobu-embedding/external/CLSClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 41.22618199372116, + "main_score": 41.22618199372116 + } + ] + } +} \ No newline at end of file diff --git a/results/lier007__xiaobu-embedding/external/CmedqaRetrieval.json b/results/lier007__xiaobu-embedding/external/CmedqaRetrieval.json new file mode 100644 index 000000000..263fc6791 --- /dev/null +++ b/results/lier007__xiaobu-embedding/external/CmedqaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 25.22, + "map_at_10": 37.604, + "map_at_100": 39.501, + "map_at_1000": 39.614, + "map_at_3": 33.378, + "map_at_5": 35.774, + "mrr_at_1": 38.385000000000005, + "mrr_at_10": 46.487, + "mrr_at_100": 47.504999999999995, + "mrr_at_1000": 47.548, + "mrr_at_3": 43.885999999999996, + "mrr_at_5": 45.373000000000005, + "ndcg_at_1": 38.385000000000005, + "ndcg_at_10": 44.224999999999994, + "ndcg_at_100": 51.637, + "ndcg_at_1000": 53.55799999999999, + "ndcg_at_3": 38.845, + "ndcg_at_5": 41.163, + "precision_at_1": 38.385000000000005, + "precision_at_10": 9.812, + "precision_at_100": 1.58, + "precision_at_1000": 0.183, + "precision_at_3": 21.88, + "precision_at_5": 15.974, + "recall_at_1": 25.22, + "recall_at_10": 54.897, + "recall_at_100": 85.469, + "recall_at_1000": 98.18599999999999, + "recall_at_3": 38.815, + "recall_at_5": 45.885, + "main_score": 44.224999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/lier007__xiaobu-embedding/external/Cmnli.json b/results/lier007__xiaobu-embedding/external/Cmnli.json new file mode 100644 index 000000000..6b0d60b71 --- /dev/null +++ b/results/lier007__xiaobu-embedding/external/Cmnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Cmnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 83.22309079975948, + "cos_sim_ap": 89.94833400328307, + "cos_sim_f1": 84.39319055464031, + "cos_sim_precision": 79.5774647887324, + "cos_sim_recall": 89.82931961655366, + "dot_accuracy": 83.22309079975948, + "dot_ap": 89.95618559578415, + "dot_f1": 84.41173239591345, + "dot_precision": 79.61044343141317, + "dot_recall": 89.82931961655366, + "euclidean_accuracy": 83.23511725796753, + "euclidean_ap": 89.94836342787318, + "euclidean_f1": 84.40550133096718, + "euclidean_precision": 80.29120067524794, + "euclidean_recall": 88.9642272620996, + "manhattan_accuracy": 83.23511725796753, + "manhattan_ap": 89.9450103956978, + "manhattan_f1": 84.44444444444444, + "manhattan_precision": 80.09647651006712, + "manhattan_recall": 89.29155950432546, + "max_accuracy": 83.23511725796753, + "max_ap": 89.95618559578415, + "max_f1": 84.44444444444444, + "main_score": 83.23511725796753 + } + ] + } +} \ No newline at end of file diff --git a/results/lier007__xiaobu-embedding/external/CovidRetrieval.json b/results/lier007__xiaobu-embedding/external/CovidRetrieval.json new file mode 100644 index 000000000..aced2f7da --- /dev/null +++ b/results/lier007__xiaobu-embedding/external/CovidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 76.87, + "map_at_10": 84.502, + "map_at_100": 84.615, + "map_at_1000": 84.617, + "map_at_3": 83.127, + "map_at_5": 83.99600000000001, + "mrr_at_1": 77.02799999999999, + "mrr_at_10": 84.487, + "mrr_at_100": 84.59299999999999, + "mrr_at_1000": 84.59400000000001, + "mrr_at_3": 83.193, + "mrr_at_5": 83.994, + "ndcg_at_1": 77.134, + "ndcg_at_10": 87.68599999999999, + "ndcg_at_100": 88.17099999999999, + "ndcg_at_1000": 88.21, + "ndcg_at_3": 84.993, + "ndcg_at_5": 86.519, + "precision_at_1": 77.134, + "precision_at_10": 9.841999999999999, + "precision_at_100": 1.006, + "precision_at_1000": 0.101, + "precision_at_3": 30.313000000000002, + "precision_at_5": 18.945999999999998, + "recall_at_1": 76.87, + "recall_at_10": 97.418, + "recall_at_100": 99.579, + "recall_at_1000": 99.895, + "recall_at_3": 90.227, + "recall_at_5": 93.888, + "main_score": 87.68599999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/lier007__xiaobu-embedding/external/DuRetrieval.json b/results/lier007__xiaobu-embedding/external/DuRetrieval.json new file mode 100644 index 000000000..b64d58906 --- /dev/null +++ b/results/lier007__xiaobu-embedding/external/DuRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 25.941, + "map_at_10": 78.793, + "map_at_100": 81.57799999999999, + "map_at_1000": 81.626, + "map_at_3": 54.749, + "map_at_5": 69.16, + "mrr_at_1": 90.45, + "mrr_at_10": 93.406, + "mrr_at_100": 93.453, + "mrr_at_1000": 93.45700000000001, + "mrr_at_3": 93.10000000000001, + "mrr_at_5": 93.27499999999999, + "ndcg_at_1": 90.45, + "ndcg_at_10": 86.44500000000001, + "ndcg_at_100": 89.28399999999999, + "ndcg_at_1000": 89.739, + "ndcg_at_3": 85.62100000000001, + "ndcg_at_5": 84.441, + "precision_at_1": 90.45, + "precision_at_10": 41.19, + "precision_at_100": 4.761, + "precision_at_1000": 0.48700000000000004, + "precision_at_3": 76.583, + "precision_at_5": 64.68, + "recall_at_1": 25.941, + "recall_at_10": 87.443, + "recall_at_100": 96.54, + "recall_at_1000": 98.906, + "recall_at_3": 56.947, + "recall_at_5": 73.714, + "main_score": 86.44500000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/lier007__xiaobu-embedding/external/EcomRetrieval.json b/results/lier007__xiaobu-embedding/external/EcomRetrieval.json new file mode 100644 index 000000000..56ec2e4e4 --- /dev/null +++ b/results/lier007__xiaobu-embedding/external/EcomRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 52.900000000000006, + "map_at_10": 63.144, + "map_at_100": 63.634, + "map_at_1000": 63.644999999999996, + "map_at_3": 60.817, + "map_at_5": 62.202, + "mrr_at_1": 52.900000000000006, + "mrr_at_10": 63.144, + "mrr_at_100": 63.634, + "mrr_at_1000": 63.644999999999996, + "mrr_at_3": 60.817, + "mrr_at_5": 62.202, + "ndcg_at_1": 52.900000000000006, + "ndcg_at_10": 68.042, + "ndcg_at_100": 70.417, + "ndcg_at_1000": 70.722, + "ndcg_at_3": 63.287000000000006, + "ndcg_at_5": 65.77, + "precision_at_1": 52.900000000000006, + "precision_at_10": 8.34, + "precision_at_100": 0.9450000000000001, + "precision_at_1000": 0.097, + "precision_at_3": 23.467, + "precision_at_5": 15.28, + "recall_at_1": 52.900000000000006, + "recall_at_10": 83.39999999999999, + "recall_at_100": 94.5, + "recall_at_1000": 96.89999999999999, + "recall_at_3": 70.39999999999999, + "recall_at_5": 76.4, + "main_score": 68.042 + } + ] + } +} \ No newline at end of file diff --git a/results/lier007__xiaobu-embedding/external/IFlyTek.json b/results/lier007__xiaobu-embedding/external/IFlyTek.json new file mode 100644 index 000000000..d5c803730 --- /dev/null +++ b/results/lier007__xiaobu-embedding/external/IFlyTek.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 49.74220854174683, + "f1": 38.01399980618159, + "main_score": 49.74220854174683 + } + ] + } +} \ No newline at end of file diff --git a/results/lier007__xiaobu-embedding/external/JDReview.json b/results/lier007__xiaobu-embedding/external/JDReview.json new file mode 100644 index 000000000..43354c034 --- /dev/null +++ b/results/lier007__xiaobu-embedding/external/JDReview.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 86.73545966228893, + "ap": 55.72394235169542, + "f1": 81.58550390953492, + "main_score": 86.73545966228893 + } + ] + } +} \ No newline at end of file diff --git a/results/lier007__xiaobu-embedding/external/LCQMC.json b/results/lier007__xiaobu-embedding/external/LCQMC.json new file mode 100644 index 000000000..12639833c --- /dev/null +++ b/results/lier007__xiaobu-embedding/external/LCQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 69.96711977441642, + "cos_sim_spearman": 75.54747609685569, + "euclidean_pearson": 74.62663478056035, + "euclidean_spearman": 75.54761576699639, + "manhattan_pearson": 74.60983904582241, + "manhattan_spearman": 75.52758938061503, + "cosine_pearson": 69.96711977441642, + "cosine_spearman": 75.54747609685569, + "main_score": 75.54747609685569 + } + ] + } +} \ No newline at end of file diff --git a/results/lier007__xiaobu-embedding/external/MMarcoReranking.json b/results/lier007__xiaobu-embedding/external/MMarcoReranking.json new file mode 100644 index 000000000..d2d4b4425 --- /dev/null +++ b/results/lier007__xiaobu-embedding/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 28.076927649720986, + "mrr": 26.98015873015873, + "main_score": 28.076927649720986 + } + ] + } +} \ No newline at end of file diff --git a/results/lier007__xiaobu-embedding/external/MMarcoRetrieval.json b/results/lier007__xiaobu-embedding/external/MMarcoRetrieval.json new file mode 100644 index 000000000..dce8801ae --- /dev/null +++ b/results/lier007__xiaobu-embedding/external/MMarcoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 65.58, + "map_at_10": 74.763, + "map_at_100": 75.077, + "map_at_1000": 75.091, + "map_at_3": 72.982, + "map_at_5": 74.155, + "mrr_at_1": 67.822, + "mrr_at_10": 75.437, + "mrr_at_100": 75.702, + "mrr_at_1000": 75.715, + "mrr_at_3": 73.91799999999999, + "mrr_at_5": 74.909, + "ndcg_at_1": 67.822, + "ndcg_at_10": 78.472, + "ndcg_at_100": 79.891, + "ndcg_at_1000": 80.262, + "ndcg_at_3": 75.138, + "ndcg_at_5": 77.094, + "precision_at_1": 67.822, + "precision_at_10": 9.474, + "precision_at_100": 1.019, + "precision_at_1000": 0.105, + "precision_at_3": 28.281, + "precision_at_5": 18.017, + "recall_at_1": 65.58, + "recall_at_10": 89.18599999999999, + "recall_at_100": 95.64399999999999, + "recall_at_1000": 98.541, + "recall_at_3": 80.455, + "recall_at_5": 85.063, + "main_score": 78.472 + } + ] + } +} \ No newline at end of file diff --git a/results/lier007__xiaobu-embedding/external/MassiveIntentClassification.json b/results/lier007__xiaobu-embedding/external/MassiveIntentClassification.json new file mode 100644 index 000000000..fab9018b1 --- /dev/null +++ b/results/lier007__xiaobu-embedding/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 72.86819098856758, + "f1": 70.25369778283451, + "main_score": 72.86819098856758 + } + ] + } +} \ No newline at end of file diff --git a/results/lier007__xiaobu-embedding/external/MassiveScenarioClassification.json b/results/lier007__xiaobu-embedding/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..2eeccc624 --- /dev/null +++ b/results/lier007__xiaobu-embedding/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 75.46738399462004, + "f1": 75.02466838130249, + "main_score": 75.46738399462004 + } + ] + } +} \ No newline at end of file diff --git a/results/lier007__xiaobu-embedding/external/MedicalRetrieval.json b/results/lier007__xiaobu-embedding/external/MedicalRetrieval.json new file mode 100644 index 000000000..bcd7d8cf1 --- /dev/null +++ b/results/lier007__xiaobu-embedding/external/MedicalRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 53.300000000000004, + "map_at_10": 60.072, + "map_at_100": 60.618, + "map_at_1000": 60.659, + "map_at_3": 58.550000000000004, + "map_at_5": 59.425, + "mrr_at_1": 53.5, + "mrr_at_10": 60.187999999999995, + "mrr_at_100": 60.73499999999999, + "mrr_at_1000": 60.775999999999996, + "mrr_at_3": 58.667, + "mrr_at_5": 59.541999999999994, + "ndcg_at_1": 53.300000000000004, + "ndcg_at_10": 63.376999999999995, + "ndcg_at_100": 66.24600000000001, + "ndcg_at_1000": 67.408, + "ndcg_at_3": 60.211000000000006, + "ndcg_at_5": 61.781, + "precision_at_1": 53.300000000000004, + "precision_at_10": 7.380000000000001, + "precision_at_100": 0.877, + "precision_at_1000": 0.097, + "precision_at_3": 21.667, + "precision_at_5": 13.76, + "recall_at_1": 53.300000000000004, + "recall_at_10": 73.8, + "recall_at_100": 87.7, + "recall_at_1000": 97.0, + "recall_at_3": 65.0, + "recall_at_5": 68.8, + "main_score": 63.376999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/lier007__xiaobu-embedding/external/MultilingualSentiment.json b/results/lier007__xiaobu-embedding/external/MultilingualSentiment.json new file mode 100644 index 000000000..381de737a --- /dev/null +++ b/results/lier007__xiaobu-embedding/external/MultilingualSentiment.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 76.27666666666667, + "f1": 76.31280038435165, + "main_score": 76.27666666666667 + } + ] + } +} \ No newline at end of file diff --git a/results/lier007__xiaobu-embedding/external/Ocnli.json b/results/lier007__xiaobu-embedding/external/Ocnli.json new file mode 100644 index 000000000..2dec36d83 --- /dev/null +++ b/results/lier007__xiaobu-embedding/external/Ocnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Ocnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 78.72225230102869, + "cos_sim_ap": 80.63941899467723, + "cos_sim_f1": 80.52190121155638, + "cos_sim_precision": 72.06005004170142, + "cos_sim_recall": 91.23548046462513, + "dot_accuracy": 78.72225230102869, + "dot_ap": 80.63913939812744, + "dot_f1": 80.51948051948052, + "dot_precision": 71.7948717948718, + "dot_recall": 91.65786694825766, + "euclidean_accuracy": 78.72225230102869, + "euclidean_ap": 80.64403797436798, + "euclidean_f1": 80.52190121155638, + "euclidean_precision": 72.06005004170142, + "euclidean_recall": 91.23548046462513, + "manhattan_accuracy": 78.18083378451544, + "manhattan_ap": 80.5241189302444, + "manhattan_f1": 80.43478260869566, + "manhattan_precision": 72.7972626176219, + "manhattan_recall": 89.86272439281943, + "max_accuracy": 78.72225230102869, + "max_ap": 80.64403797436798, + "max_f1": 80.52190121155638, + "main_score": 78.72225230102869 + } + ] + } +} \ No newline at end of file diff --git a/results/lier007__xiaobu-embedding/external/OnlineShopping.json b/results/lier007__xiaobu-embedding/external/OnlineShopping.json new file mode 100644 index 000000000..9fdcbf9a9 --- /dev/null +++ b/results/lier007__xiaobu-embedding/external/OnlineShopping.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 92.49000000000001, + "ap": 90.66330807324402, + "f1": 92.48245049107115, + "main_score": 92.49000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/lier007__xiaobu-embedding/external/PAWSX.json b/results/lier007__xiaobu-embedding/external/PAWSX.json new file mode 100644 index 000000000..1770b9c04 --- /dev/null +++ b/results/lier007__xiaobu-embedding/external/PAWSX.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 33.6275431596535, + "cos_sim_spearman": 37.865700050451494, + "euclidean_pearson": 38.1050665279388, + "euclidean_spearman": 37.864125056066364, + "manhattan_pearson": 38.11206873232881, + "manhattan_spearman": 37.852977098473936, + "cosine_pearson": 33.6275431596535, + "cosine_spearman": 37.865700050451494, + "main_score": 37.865700050451494 + } + ] + } +} \ No newline at end of file diff --git a/results/lier007__xiaobu-embedding/external/QBQTC.json b/results/lier007__xiaobu-embedding/external/QBQTC.json new file mode 100644 index 000000000..2a3cd2749 --- /dev/null +++ b/results/lier007__xiaobu-embedding/external/QBQTC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "QBQTC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 32.137955501231104, + "cos_sim_spearman": 33.68610910423116, + "euclidean_pearson": 32.155444753547926, + "euclidean_spearman": 33.685799252964124, + "manhattan_pearson": 32.14490855334317, + "manhattan_spearman": 33.656549820048554, + "cosine_pearson": 32.137955501231104, + "cosine_spearman": 33.68610910423116, + "main_score": 33.68610910423116 + } + ] + } +} \ No newline at end of file diff --git a/results/lier007__xiaobu-embedding/external/STS22.json b/results/lier007__xiaobu-embedding/external/STS22.json new file mode 100644 index 000000000..87344fed2 --- /dev/null +++ b/results/lier007__xiaobu-embedding/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 63.63884916818661, + "cos_sim_spearman": 64.3217581571435, + "euclidean_pearson": 63.475760085926055, + "euclidean_spearman": 64.31638169371887, + "manhattan_pearson": 64.39677572604752, + "manhattan_spearman": 64.85585019406021, + "cosine_pearson": 63.63884916818661, + "cosine_spearman": 64.3217581571435, + "main_score": 64.3217581571435 + } + ] + } +} \ No newline at end of file diff --git a/results/lier007__xiaobu-embedding/external/STSB.json b/results/lier007__xiaobu-embedding/external/STSB.json new file mode 100644 index 000000000..b937eaa78 --- /dev/null +++ b/results/lier007__xiaobu-embedding/external/STSB.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 79.74698333415277, + "cos_sim_spearman": 81.1850043859317, + "euclidean_pearson": 80.94512578669881, + "euclidean_spearman": 81.18825478390181, + "manhattan_pearson": 80.88114336824758, + "manhattan_spearman": 81.12266715583868, + "cosine_pearson": 79.74698333415277, + "cosine_spearman": 81.1850043859317, + "main_score": 81.1850043859317 + } + ] + } +} \ No newline at end of file diff --git a/results/lier007__xiaobu-embedding/external/T2Reranking.json b/results/lier007__xiaobu-embedding/external/T2Reranking.json new file mode 100644 index 000000000..0b5a275ea --- /dev/null +++ b/results/lier007__xiaobu-embedding/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 66.59971552953814, + "mrr": 76.42177408088038, + "main_score": 66.59971552953814 + } + ] + } +} \ No newline at end of file diff --git a/results/lier007__xiaobu-embedding/external/T2Retrieval.json b/results/lier007__xiaobu-embedding/external/T2Retrieval.json new file mode 100644 index 000000000..914186227 --- /dev/null +++ b/results/lier007__xiaobu-embedding/external/T2Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 28.825, + "map_at_10": 77.48899999999999, + "map_at_100": 81.144, + "map_at_1000": 81.216, + "map_at_3": 55.435, + "map_at_5": 67.496, + "mrr_at_1": 91.377, + "mrr_at_10": 94.062, + "mrr_at_100": 94.122, + "mrr_at_1000": 94.123, + "mrr_at_3": 93.709, + "mrr_at_5": 93.932, + "ndcg_at_1": 91.377, + "ndcg_at_10": 85.44800000000001, + "ndcg_at_100": 89.11099999999999, + "ndcg_at_1000": 89.752, + "ndcg_at_3": 87.262, + "ndcg_at_5": 85.668, + "precision_at_1": 91.377, + "precision_at_10": 41.525, + "precision_at_100": 4.989, + "precision_at_1000": 0.516, + "precision_at_3": 75.452, + "precision_at_5": 62.785000000000004, + "recall_at_1": 28.825, + "recall_at_10": 84.202, + "recall_at_100": 95.768, + "recall_at_1000": 98.791, + "recall_at_3": 57.284, + "recall_at_5": 71.071, + "main_score": 85.44800000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/lier007__xiaobu-embedding/external/TNews.json b/results/lier007__xiaobu-embedding/external/TNews.json new file mode 100644 index 000000000..a1d9a3f02 --- /dev/null +++ b/results/lier007__xiaobu-embedding/external/TNews.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 52.160000000000004, + "f1": 50.49492950548829, + "main_score": 52.160000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/lier007__xiaobu-embedding/external/ThuNewsClusteringP2P.json b/results/lier007__xiaobu-embedding/external/ThuNewsClusteringP2P.json new file mode 100644 index 000000000..32ff8c9ae --- /dev/null +++ b/results/lier007__xiaobu-embedding/external/ThuNewsClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 70.06019845009966, + "main_score": 70.06019845009966 + } + ] + } +} \ No newline at end of file diff --git a/results/lier007__xiaobu-embedding/external/ThuNewsClusteringS2S.json b/results/lier007__xiaobu-embedding/external/ThuNewsClusteringS2S.json new file mode 100644 index 000000000..842467e5d --- /dev/null +++ b/results/lier007__xiaobu-embedding/external/ThuNewsClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 63.9370959228245, + "main_score": 63.9370959228245 + } + ] + } +} \ No newline at end of file diff --git a/results/lier007__xiaobu-embedding/external/VideoRetrieval.json b/results/lier007__xiaobu-embedding/external/VideoRetrieval.json new file mode 100644 index 000000000..b2eb5a761 --- /dev/null +++ b/results/lier007__xiaobu-embedding/external/VideoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 60.0, + "map_at_10": 69.362, + "map_at_100": 69.819, + "map_at_1000": 69.833, + "map_at_3": 67.783, + "map_at_5": 68.71300000000001, + "mrr_at_1": 60.0, + "mrr_at_10": 69.362, + "mrr_at_100": 69.819, + "mrr_at_1000": 69.833, + "mrr_at_3": 67.783, + "mrr_at_5": 68.71300000000001, + "ndcg_at_1": 60.0, + "ndcg_at_10": 73.59400000000001, + "ndcg_at_100": 75.734, + "ndcg_at_1000": 76.049, + "ndcg_at_3": 70.33, + "ndcg_at_5": 72.033, + "precision_at_1": 60.0, + "precision_at_10": 8.67, + "precision_at_100": 0.9650000000000001, + "precision_at_1000": 0.099, + "precision_at_3": 25.900000000000002, + "precision_at_5": 16.38, + "recall_at_1": 60.0, + "recall_at_10": 86.7, + "recall_at_100": 96.5, + "recall_at_1000": 98.9, + "recall_at_3": 77.7, + "recall_at_5": 81.89999999999999, + "main_score": 73.59400000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/lier007__xiaobu-embedding/external/Waimai.json b/results/lier007__xiaobu-embedding/external/Waimai.json new file mode 100644 index 000000000..c84a86db7 --- /dev/null +++ b/results/lier007__xiaobu-embedding/external/Waimai.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 88.36, + "ap": 73.25144216855439, + "f1": 86.75076261442027, + "main_score": 88.36 + } + ] + } +} \ No newline at end of file diff --git a/results/lier007__xiaobu-embedding/external/model_meta.json b/results/lier007__xiaobu-embedding/external/model_meta.json new file mode 100644 index 000000000..a444262de --- /dev/null +++ b/results/lier007__xiaobu-embedding/external/model_meta.json @@ -0,0 +1,20 @@ +{ + "name": "lier007/xiaobu-embedding", + "revision": "59c79d82eb5223cd9895f6eb8e825c7fa10e4e92", + "release_date": "2024-01-09", + "languages": [], + "loader": null, + "n_parameters": 325554026, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 1024, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/AmazonCounterfactualClassification.json b/results/maiyad__multilingual-e5-small/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..1c8624821 --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/AmazonCounterfactualClassification.json @@ -0,0 +1,50 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.79104477611939, + "ap": 36.9996434842022, + "f1": 67.95453679103099, + "main_score": 73.79104477611939 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 71.64882226980728, + "ap": 82.11942130026586, + "f1": 69.87963421606715, + "main_score": 71.64882226980728 + }, + { + "hf_subset": "en-ext", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.8095952023988, + "ap": 24.46869495579561, + "f1": 63.00108480037597, + "main_score": 75.8095952023988 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 64.186295503212, + "ap": 15.496804690197042, + "f1": 52.07153895475031, + "main_score": 64.186295503212 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/AmazonPolarityClassification.json b/results/maiyad__multilingual-e5-small/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..95138dc7f --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 88.699325, + "ap": 85.27039559917269, + "f1": 88.65556295032513, + "main_score": 88.699325 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/AmazonReviewsClassification.json b/results/maiyad__multilingual-e5-small/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..7c74a450c --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/AmazonReviewsClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 44.69799999999999, + "f1": 43.73187348654165, + "main_score": 44.69799999999999 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 40.245999999999995, + "f1": 39.3863530637684, + "main_score": 40.245999999999995 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 40.394, + "f1": 39.301223469483446, + "main_score": 40.394 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 38.864, + "f1": 37.97974261868003, + "main_score": 38.864 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 37.682, + "f1": 37.07399369768313, + "main_score": 37.682 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 37.504, + "f1": 36.62317273874278, + "main_score": 37.504 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/ArguAna.json b/results/maiyad__multilingual-e5-small/external/ArguAna.json new file mode 100644 index 000000000..d524bf993 --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.061, + "map_at_10": 31.703, + "map_at_100": 32.967, + "map_at_1000": 33.001000000000005, + "map_at_3": 27.466, + "map_at_5": 29.564, + "mrr_at_1": 19.559, + "mrr_at_10": 31.874999999999996, + "mrr_at_100": 33.146, + "mrr_at_1000": 33.18, + "mrr_at_3": 27.667, + "mrr_at_5": 29.74, + "ndcg_at_1": 19.061, + "ndcg_at_10": 39.062999999999995, + "ndcg_at_100": 45.184000000000005, + "ndcg_at_1000": 46.115, + "ndcg_at_3": 30.203000000000003, + "ndcg_at_5": 33.953, + "precision_at_1": 19.061, + "precision_at_10": 6.279999999999999, + "precision_at_100": 0.9129999999999999, + "precision_at_1000": 0.099, + "precision_at_3": 12.706999999999999, + "precision_at_5": 9.431000000000001, + "recall_at_1": 19.061, + "recall_at_10": 62.802, + "recall_at_100": 91.323, + "recall_at_1000": 98.72, + "recall_at_3": 38.122, + "recall_at_5": 47.155, + "main_score": 39.062999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/ArxivClusteringP2P.json b/results/maiyad__multilingual-e5-small/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..48ed95bca --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.22266660528253, + "main_score": 39.22266660528253 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/ArxivClusteringS2S.json b/results/maiyad__multilingual-e5-small/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..4d6f97266 --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.79980849482483, + "main_score": 30.79980849482483 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/AskUbuntuDupQuestions.json b/results/maiyad__multilingual-e5-small/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..8513322e9 --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 57.8790068352054, + "mrr": 71.78791276436706, + "main_score": 57.8790068352054 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/BIOSSES.json b/results/maiyad__multilingual-e5-small/external/BIOSSES.json new file mode 100644 index 000000000..42acb6a75 --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.36328364043163, + "cos_sim_spearman": 82.26211536195868, + "euclidean_pearson": 80.3183865039173, + "euclidean_spearman": 79.88495276296132, + "manhattan_pearson": 80.14484480692127, + "manhattan_spearman": 80.39279565980743, + "cosine_pearson": 82.36328364043163, + "cosine_spearman": 82.26211536195868, + "main_score": 82.26211536195868 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/BUCC.json b/results/maiyad__multilingual-e5-small/external/BUCC.json new file mode 100644 index 000000000..8d7250f56 --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/BUCC.json @@ -0,0 +1,58 @@ +{ + "dataset_revision": "d51519689f32196a32af33b075a01d0e7c51e252", + "task_name": "BUCC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "accuracy": 98.0375782881002, + "f1": 97.86012526096033, + "precision": 97.77139874739039, + "recall": 98.0375782881002, + "main_score": 97.86012526096033 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "accuracy": 93.35241030156286, + "f1": 92.66050333846944, + "precision": 92.3306919069631, + "recall": 93.35241030156286, + "main_score": 92.66050333846944 + }, + { + "hf_subset": "ru-en", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "accuracy": 94.0699688257707, + "f1": 93.50236693222492, + "precision": 93.22791825424315, + "recall": 94.0699688257707, + "main_score": 93.50236693222492 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "accuracy": 89.25750394944708, + "f1": 88.79234684921889, + "precision": 88.57293312269616, + "recall": 89.25750394944708, + "main_score": 88.79234684921889 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/Banking77Classification.json b/results/maiyad__multilingual-e5-small/external/Banking77Classification.json new file mode 100644 index 000000000..23ef01fad --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.41558441558442, + "f1": 79.25886487487219, + "main_score": 79.41558441558442 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/BiorxivClusteringP2P.json b/results/maiyad__multilingual-e5-small/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..0edc44d1e --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.747820820329736, + "main_score": 35.747820820329736 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/BiorxivClusteringS2S.json b/results/maiyad__multilingual-e5-small/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..768c82915 --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 27.045143830596146, + "main_score": 27.045143830596146 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/ClimateFEVER.json b/results/maiyad__multilingual-e5-small/external/ClimateFEVER.json new file mode 100644 index 000000000..08dd5b4af --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.024000000000001, + "map_at_10": 15.644, + "map_at_100": 17.154, + "map_at_1000": 17.345, + "map_at_3": 13.028, + "map_at_5": 14.251, + "mrr_at_1": 19.674, + "mrr_at_10": 29.826999999999998, + "mrr_at_100": 30.935000000000002, + "mrr_at_1000": 30.987, + "mrr_at_3": 26.645000000000003, + "mrr_at_5": 28.29, + "ndcg_at_1": 19.674, + "ndcg_at_10": 22.545, + "ndcg_at_100": 29.207, + "ndcg_at_1000": 32.912, + "ndcg_at_3": 17.952, + "ndcg_at_5": 19.363, + "precision_at_1": 19.674, + "precision_at_10": 7.212000000000001, + "precision_at_100": 1.435, + "precision_at_1000": 0.212, + "precision_at_3": 13.507, + "precision_at_5": 10.397, + "recall_at_1": 9.024000000000001, + "recall_at_10": 28.077999999999996, + "recall_at_100": 51.403, + "recall_at_1000": 72.406, + "recall_at_3": 16.768, + "recall_at_5": 20.737, + "main_score": 22.545 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/DBPedia.json b/results/maiyad__multilingual-e5-small/external/DBPedia.json new file mode 100644 index 000000000..24658844a --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.012, + "map_at_10": 17.138, + "map_at_100": 24.146, + "map_at_1000": 25.622, + "map_at_3": 12.552, + "map_at_5": 14.435, + "mrr_at_1": 62.25000000000001, + "mrr_at_10": 71.186, + "mrr_at_100": 71.504, + "mrr_at_1000": 71.514, + "mrr_at_3": 69.333, + "mrr_at_5": 70.408, + "ndcg_at_1": 49.75, + "ndcg_at_10": 37.76, + "ndcg_at_100": 42.071, + "ndcg_at_1000": 49.309, + "ndcg_at_3": 41.644, + "ndcg_at_5": 39.812999999999995, + "precision_at_1": 62.25000000000001, + "precision_at_10": 30.15, + "precision_at_100": 9.753, + "precision_at_1000": 1.9189999999999998, + "precision_at_3": 45.667, + "precision_at_5": 39.15, + "recall_at_1": 8.012, + "recall_at_10": 22.599, + "recall_at_100": 48.068, + "recall_at_1000": 71.328, + "recall_at_3": 14.043, + "recall_at_5": 17.124, + "main_score": 37.76 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/EmotionClassification.json b/results/maiyad__multilingual-e5-small/external/EmotionClassification.json new file mode 100644 index 000000000..faa6f68b5 --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 42.455, + "f1": 37.59462649781862, + "main_score": 42.455 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/FEVER.json b/results/maiyad__multilingual-e5-small/external/FEVER.json new file mode 100644 index 000000000..57b25598e --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 58.092, + "map_at_10": 69.586, + "map_at_100": 69.968, + "map_at_1000": 69.982, + "map_at_3": 67.48100000000001, + "map_at_5": 68.915, + "mrr_at_1": 62.166, + "mrr_at_10": 73.588, + "mrr_at_100": 73.86399999999999, + "mrr_at_1000": 73.868, + "mrr_at_3": 71.6, + "mrr_at_5": 72.99, + "ndcg_at_1": 62.166, + "ndcg_at_10": 75.27199999999999, + "ndcg_at_100": 76.816, + "ndcg_at_1000": 77.09700000000001, + "ndcg_at_3": 71.36, + "ndcg_at_5": 73.785, + "precision_at_1": 62.166, + "precision_at_10": 9.716, + "precision_at_100": 1.065, + "precision_at_1000": 0.11, + "precision_at_3": 28.278, + "precision_at_5": 18.343999999999998, + "recall_at_1": 58.092, + "recall_at_10": 88.73400000000001, + "recall_at_100": 95.195, + "recall_at_1000": 97.04599999999999, + "recall_at_3": 78.45, + "recall_at_5": 84.316, + "main_score": 75.27199999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/FiQA2018.json b/results/maiyad__multilingual-e5-small/external/FiQA2018.json new file mode 100644 index 000000000..b2efeb4c9 --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.649, + "map_at_10": 26.457000000000004, + "map_at_100": 28.169, + "map_at_1000": 28.352, + "map_at_3": 23.305, + "map_at_5": 25.169000000000004, + "mrr_at_1": 32.407000000000004, + "mrr_at_10": 40.922, + "mrr_at_100": 41.931000000000004, + "mrr_at_1000": 41.983, + "mrr_at_3": 38.786, + "mrr_at_5": 40.205999999999996, + "ndcg_at_1": 32.407000000000004, + "ndcg_at_10": 33.314, + "ndcg_at_100": 40.312, + "ndcg_at_1000": 43.685, + "ndcg_at_3": 30.391000000000002, + "ndcg_at_5": 31.525, + "precision_at_1": 32.407000000000004, + "precision_at_10": 8.966000000000001, + "precision_at_100": 1.6019999999999999, + "precision_at_1000": 0.22200000000000003, + "precision_at_3": 20.165, + "precision_at_5": 14.722, + "recall_at_1": 16.649, + "recall_at_10": 39.117000000000004, + "recall_at_100": 65.726, + "recall_at_1000": 85.784, + "recall_at_3": 27.914, + "recall_at_5": 33.289, + "main_score": 33.314 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/HotpotQA.json b/results/maiyad__multilingual-e5-small/external/HotpotQA.json new file mode 100644 index 000000000..b2009e5ae --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 36.253, + "map_at_10": 56.16799999999999, + "map_at_100": 57.06099999999999, + "map_at_1000": 57.126, + "map_at_3": 52.644999999999996, + "map_at_5": 54.909, + "mrr_at_1": 72.505, + "mrr_at_10": 79.66, + "mrr_at_100": 79.869, + "mrr_at_1000": 79.88, + "mrr_at_3": 78.411, + "mrr_at_5": 79.19800000000001, + "ndcg_at_1": 72.505, + "ndcg_at_10": 65.094, + "ndcg_at_100": 68.219, + "ndcg_at_1000": 69.515, + "ndcg_at_3": 59.99, + "ndcg_at_5": 62.909000000000006, + "precision_at_1": 72.505, + "precision_at_10": 13.749, + "precision_at_100": 1.619, + "precision_at_1000": 0.179, + "precision_at_3": 38.357, + "precision_at_5": 25.313000000000002, + "recall_at_1": 36.253, + "recall_at_10": 68.744, + "recall_at_100": 80.925, + "recall_at_1000": 89.534, + "recall_at_3": 57.535000000000004, + "recall_at_5": 63.282000000000004, + "main_score": 65.094 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/ImdbClassification.json b/results/maiyad__multilingual-e5-small/external/ImdbClassification.json new file mode 100644 index 000000000..2a88c403b --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.82239999999999, + "ap": 75.65895781725314, + "f1": 80.75880969095746, + "main_score": 80.82239999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/MSMARCO.json b/results/maiyad__multilingual-e5-small/external/MSMARCO.json new file mode 100644 index 000000000..f845ca3bd --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.624, + "map_at_10": 34.075, + "map_at_100": 35.229, + "map_at_1000": 35.276999999999994, + "map_at_3": 30.245, + "map_at_5": 32.42, + "mrr_at_1": 22.264, + "mrr_at_10": 34.638000000000005, + "mrr_at_100": 35.744, + "mrr_at_1000": 35.787, + "mrr_at_3": 30.891000000000002, + "mrr_at_5": 33.042, + "ndcg_at_1": 22.264, + "ndcg_at_10": 40.991, + "ndcg_at_100": 46.563, + "ndcg_at_1000": 47.743, + "ndcg_at_3": 33.198, + "ndcg_at_5": 37.069, + "precision_at_1": 22.264, + "precision_at_10": 6.5089999999999995, + "precision_at_100": 0.9299999999999999, + "precision_at_1000": 0.10300000000000001, + "precision_at_3": 14.216999999999999, + "precision_at_5": 10.487, + "recall_at_1": 21.624, + "recall_at_10": 62.303, + "recall_at_100": 88.124, + "recall_at_1000": 97.08, + "recall_at_3": 41.099999999999994, + "recall_at_5": 50.381, + "main_score": 40.991 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/MTOPDomainClassification.json b/results/maiyad__multilingual-e5-small/external/MTOPDomainClassification.json new file mode 100644 index 000000000..f28fde501 --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/MTOPDomainClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.06703146374831, + "f1": 90.86867815863172, + "main_score": 91.06703146374831 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 87.46970977740209, + "f1": 86.36832872036588, + "main_score": 87.46970977740209 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 89.26951300867245, + "f1": 88.93561193959502, + "main_score": 89.26951300867245 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 84.22799874725963, + "f1": 84.30490069236556, + "main_score": 84.22799874725963 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 86.02007888131948, + "f1": 85.39376041027991, + "main_score": 86.02007888131948 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 85.34900542495481, + "f1": 85.39859673336713, + "main_score": 85.34900542495481 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/MTOPIntentClassification.json b/results/maiyad__multilingual-e5-small/external/MTOPIntentClassification.json new file mode 100644 index 000000000..a820ed097 --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/MTOPIntentClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.078431372549, + "f1": 53.45071102002276, + "main_score": 71.078431372549 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 65.85798816568047, + "f1": 46.53112748993529, + "main_score": 65.85798816568047 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 67.96864576384256, + "f1": 45.966703022829506, + "main_score": 67.96864576384256 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 61.31537738803633, + "f1": 45.52601712835461, + "main_score": 61.31537738803633 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 66.29616349946218, + "f1": 47.24166485726613, + "main_score": 66.29616349946218 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 67.51537070524412, + "f1": 49.463476319014276, + "main_score": 67.51537070524412 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/MassiveIntentClassification.json b/results/maiyad__multilingual-e5-small/external/MassiveIntentClassification.json new file mode 100644 index 000000000..b4705d150 --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/MassiveIntentClassification.json @@ -0,0 +1,469 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 57.06792199058508, + "f1": 54.094921857502285, + "main_score": 57.06792199058508 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 51.960322797579025, + "f1": 48.547371223370945, + "main_score": 51.960322797579025 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 54.425016812373904, + "f1": 50.47069202054312, + "main_score": 54.425016812373904 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 59.798251513113655, + "f1": 57.05013069086648, + "main_score": 59.798251513113655 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 59.37794216543376, + "f1": 56.3607992649805, + "main_score": 59.37794216543376 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 46.56018829858777, + "f1": 43.87319715715134, + "main_score": 46.56018829858777 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 62.9724277067922, + "f1": 59.36480066245562, + "main_score": 62.9724277067922 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 62.72696704774715, + "f1": 59.143595966615855, + "main_score": 62.72696704774715 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 61.5971755211836, + "f1": 59.169445724946726, + "main_score": 61.5971755211836 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.29589778076665, + "f1": 67.7577001808977, + "main_score": 70.29589778076665 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 66.31136516476126, + "f1": 64.52032955983242, + "main_score": 66.31136516476126 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 65.54472091459314, + "f1": 61.47903120066317, + "main_score": 65.54472091459314 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 61.45595158036314, + "f1": 58.0891846024637, + "main_score": 61.45595158036314 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 65.47074646940149, + "f1": 62.84830858877575, + "main_score": 65.47074646940149 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 58.046402151983855, + "f1": 55.269074430533195, + "main_score": 58.046402151983855 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 64.06523201075991, + "f1": 61.35339643021369, + "main_score": 64.06523201075991 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 60.954942837928726, + "f1": 57.07035922704846, + "main_score": 60.954942837928726 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 57.404169468728995, + "f1": 53.94259011839138, + "main_score": 57.404169468728995 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 64.16610625420309, + "f1": 61.337103431499365, + "main_score": 64.16610625420309 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 52.262945527908535, + "f1": 49.7610691598921, + "main_score": 52.262945527908535 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 65.54472091459314, + "f1": 63.469099018440154, + "main_score": 65.54472091459314 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 68.22797579018157, + "f1": 64.89098471083001, + "main_score": 68.22797579018157 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 50.847343644922674, + "f1": 47.8536963168393, + "main_score": 50.847343644922674 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 48.45326160053799, + "f1": 46.370078045805556, + "main_score": 48.45326160053799 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 42.83120376597175, + "f1": 39.68948521599982, + "main_score": 42.83120376597175 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 57.5084061869536, + "f1": 53.961876160401545, + "main_score": 57.5084061869536 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 63.7895090786819, + "f1": 61.134223684676, + "main_score": 63.7895090786819 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 54.98991257565569, + "f1": 52.579862862826296, + "main_score": 54.98991257565569 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 61.90316072629456, + "f1": 58.203024538290336, + "main_score": 61.90316072629456 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 57.09818426361802, + "f1": 54.22718458445455, + "main_score": 57.09818426361802 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 58.991257565568255, + "f1": 55.84892781767421, + "main_score": 58.991257565568255 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 55.901143241425686, + "f1": 52.25264332199797, + "main_score": 55.901143241425686 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 61.96368527236047, + "f1": 58.927243876153454, + "main_score": 61.96368527236047 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 65.64223268325489, + "f1": 62.340453718379706, + "main_score": 65.64223268325489 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 64.52589105581708, + "f1": 61.661113187022174, + "main_score": 64.52589105581708 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 66.84599865501009, + "f1": 64.59342572873005, + "main_score": 66.84599865501009 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 60.81035642232684, + "f1": 57.5169089806797, + "main_score": 60.81035642232684 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 65.75991930060525, + "f1": 62.89531115787938, + "main_score": 65.75991930060525 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 56.51647612642906, + "f1": 54.33154780100043, + "main_score": 56.51647612642906 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 57.985877605917956, + "f1": 54.46187524463802, + "main_score": 57.985877605917956 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 65.03026227303296, + "f1": 62.34377392877748, + "main_score": 65.03026227303296 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 53.567585743106925, + "f1": 50.73770655983206, + "main_score": 53.567585743106925 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 57.2595830531271, + "f1": 53.657327291708626, + "main_score": 57.2595830531271 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 57.82784129119032, + "f1": 54.82518072665301, + "main_score": 57.82784129119032 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 64.06859448554137, + "f1": 63.00185280500495, + "main_score": 64.06859448554137 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 58.91055817081371, + "f1": 55.54116301224262, + "main_score": 58.91055817081371 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 63.54404841963686, + "f1": 59.57650946030184, + "main_score": 63.54404841963686 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 59.27706792199059, + "f1": 56.50010066083435, + "main_score": 59.27706792199059 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 64.0719569603228, + "f1": 61.817075925647956, + "main_score": 64.0719569603228 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 68.23806321452591, + "f1": 65.24917026029749, + "main_score": 68.23806321452591 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 62.53530598520511, + "f1": 61.71131132295768, + "main_score": 62.53530598520511 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/MassiveScenarioClassification.json b/results/maiyad__multilingual-e5-small/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..1236a66a7 --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/MassiveScenarioClassification.json @@ -0,0 +1,469 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 63.04303967720243, + "f1": 60.3950085685985, + "main_score": 63.04303967720243 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 56.83591123066578, + "f1": 54.95059828830849, + "main_score": 56.83591123066578 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 59.62340282447881, + "f1": 59.525159996498225, + "main_score": 59.62340282447881 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 60.85406859448555, + "f1": 59.129299095681276, + "main_score": 60.85406859448555 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 62.76731674512441, + "f1": 61.159560612627715, + "main_score": 62.76731674512441 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 50.181573638197705, + "f1": 46.98422176289957, + "main_score": 50.181573638197705 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 68.92737054472092, + "f1": 67.69135611952979, + "main_score": 68.92737054472092 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 69.18964357767318, + "f1": 68.46106138186214, + "main_score": 69.18964357767318 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 67.0712844653665, + "f1": 66.75545422473901, + "main_score": 67.0712844653665 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.4754539340955, + "f1": 74.38427146553252, + "main_score": 74.4754539340955 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 69.82515131136518, + "f1": 69.63516462173847, + "main_score": 69.82515131136518 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 68.70880968392737, + "f1": 67.45420662567926, + "main_score": 68.70880968392737 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 65.95494283792871, + "f1": 65.06191009049222, + "main_score": 65.95494283792871 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 68.75924680564896, + "f1": 68.30833379585945, + "main_score": 68.75924680564896 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 63.806321452589096, + "f1": 63.273048243765054, + "main_score": 63.806321452589096 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 67.68997982515133, + "f1": 66.54703855381324, + "main_score": 67.68997982515133 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 66.46940147948891, + "f1": 65.91017343463396, + "main_score": 66.46940147948891 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 59.49899125756556, + "f1": 57.90333469917769, + "main_score": 59.49899125756556 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 67.9219905850706, + "f1": 67.23169403762938, + "main_score": 67.9219905850706 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 56.486213853396094, + "f1": 54.85282355583758, + "main_score": 56.486213853396094 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 69.04169468728985, + "f1": 68.83833333320462, + "main_score": 69.04169468728985 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 73.88702084734365, + "f1": 74.04474735232299, + "main_score": 73.88702084734365 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 56.63416274377943, + "f1": 55.11332211687954, + "main_score": 56.63416274377943 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 52.23604572965702, + "f1": 50.86529813991055, + "main_score": 52.23604572965702 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 46.62407531943511, + "f1": 43.63485467164535, + "main_score": 46.62407531943511 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 59.15601882985878, + "f1": 57.522837510959924, + "main_score": 59.15601882985878 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 69.84532616005382, + "f1": 69.60021127179697, + "main_score": 69.84532616005382 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 56.65770006724949, + "f1": 55.84219135523227, + "main_score": 56.65770006724949 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 66.53665097511768, + "f1": 65.09087787792639, + "main_score": 66.53665097511768 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 59.31405514458642, + "f1": 58.06135303831491, + "main_score": 59.31405514458642 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 64.88231338264964, + "f1": 62.751099407787926, + "main_score": 64.88231338264964 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 58.86012104909213, + "f1": 56.29118323058282, + "main_score": 58.86012104909213 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 67.37390719569602, + "f1": 66.27922244885102, + "main_score": 67.37390719569602 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 70.8675184936113, + "f1": 70.22146529932019, + "main_score": 70.8675184936113 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 68.2212508406187, + "f1": 67.77454802056282, + "main_score": 68.2212508406187 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 68.18090114324143, + "f1": 68.03737625431621, + "main_score": 68.18090114324143 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 64.65030262273034, + "f1": 63.792945486912856, + "main_score": 64.65030262273034 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 69.48217888365838, + "f1": 69.96028997292197, + "main_score": 69.48217888365838 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 60.17821116341627, + "f1": 59.3935969827171, + "main_score": 60.17821116341627 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 62.86146603900471, + "f1": 60.133692735032376, + "main_score": 62.86146603900471 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 70.89441829186282, + "f1": 70.03064076194089, + "main_score": 70.89441829186282 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 58.15063887020847, + "f1": 56.23326278499678, + "main_score": 58.15063887020847 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 59.43846671149966, + "f1": 57.70440450281974, + "main_score": 59.43846671149966 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 60.8507061197041, + "f1": 59.22916396061171, + "main_score": 60.8507061197041 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 70.65568258238063, + "f1": 69.90736239440633, + "main_score": 70.65568258238063 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 60.8843308675185, + "f1": 59.30332663713599, + "main_score": 60.8843308675185 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 68.05312710154674, + "f1": 67.44024062594775, + "main_score": 68.05312710154674 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 62.111634162743776, + "f1": 60.89083013084519, + "main_score": 62.111634162743776 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 67.44115669132482, + "f1": 67.92227541674552, + "main_score": 67.44115669132482 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 74.4687289845326, + "f1": 74.16376793486025, + "main_score": 74.4687289845326 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 68.31876260928043, + "f1": 68.5246745215607, + "main_score": 68.31876260928043 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/MedrxivClusteringP2P.json b/results/maiyad__multilingual-e5-small/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..05110eaed --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.90431696479766, + "main_score": 30.90431696479766 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/MedrxivClusteringS2S.json b/results/maiyad__multilingual-e5-small/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..5bccd2137 --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 27.259158476693774, + "main_score": 27.259158476693774 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/MindSmallReranking.json b/results/maiyad__multilingual-e5-small/external/MindSmallReranking.json new file mode 100644 index 000000000..ed6dddedf --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 30.28445330838555, + "mrr": 31.15758529581164, + "main_score": 30.28445330838555 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/NFCorpus.json b/results/maiyad__multilingual-e5-small/external/NFCorpus.json new file mode 100644 index 000000000..08e56c303 --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.353, + "map_at_10": 11.565, + "map_at_100": 14.097000000000001, + "map_at_1000": 15.354999999999999, + "map_at_3": 8.749, + "map_at_5": 9.974, + "mrr_at_1": 42.105, + "mrr_at_10": 50.589, + "mrr_at_100": 51.187000000000005, + "mrr_at_1000": 51.233, + "mrr_at_3": 48.246, + "mrr_at_5": 49.546, + "ndcg_at_1": 40.402, + "ndcg_at_10": 31.009999999999998, + "ndcg_at_100": 28.026, + "ndcg_at_1000": 36.905, + "ndcg_at_3": 35.983, + "ndcg_at_5": 33.764, + "precision_at_1": 42.105, + "precision_at_10": 22.786, + "precision_at_100": 6.916, + "precision_at_1000": 1.981, + "precision_at_3": 33.333, + "precision_at_5": 28.731, + "recall_at_1": 5.353, + "recall_at_10": 15.039, + "recall_at_100": 27.348, + "recall_at_1000": 59.453, + "recall_at_3": 9.792, + "recall_at_5": 11.882, + "main_score": 31.009999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/NQ.json b/results/maiyad__multilingual-e5-small/external/NQ.json new file mode 100644 index 000000000..7b62ccded --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 33.852, + "map_at_10": 48.924, + "map_at_100": 49.854, + "map_at_1000": 49.886, + "map_at_3": 44.9, + "map_at_5": 47.387, + "mrr_at_1": 38.035999999999994, + "mrr_at_10": 51.644, + "mrr_at_100": 52.339, + "mrr_at_1000": 52.35999999999999, + "mrr_at_3": 48.421, + "mrr_at_5": 50.468999999999994, + "ndcg_at_1": 38.007000000000005, + "ndcg_at_10": 56.293000000000006, + "ndcg_at_100": 60.167, + "ndcg_at_1000": 60.916000000000004, + "ndcg_at_3": 48.903999999999996, + "ndcg_at_5": 52.978, + "precision_at_1": 38.007000000000005, + "precision_at_10": 9.041, + "precision_at_100": 1.1199999999999999, + "precision_at_1000": 0.11900000000000001, + "precision_at_3": 22.084, + "precision_at_5": 15.608, + "recall_at_1": 33.852, + "recall_at_10": 75.893, + "recall_at_100": 92.589, + "recall_at_1000": 98.153, + "recall_at_3": 56.969, + "recall_at_5": 66.283, + "main_score": 56.293000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/QuoraRetrieval.json b/results/maiyad__multilingual-e5-small/external/QuoraRetrieval.json new file mode 100644 index 000000000..9cf9326aa --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 69.174, + "map_at_10": 82.891, + "map_at_100": 83.545, + "map_at_1000": 83.56700000000001, + "map_at_3": 79.944, + "map_at_5": 81.812, + "mrr_at_1": 79.67999999999999, + "mrr_at_10": 86.279, + "mrr_at_100": 86.39, + "mrr_at_1000": 86.392, + "mrr_at_3": 85.21, + "mrr_at_5": 85.92999999999999, + "ndcg_at_1": 79.69000000000001, + "ndcg_at_10": 86.929, + "ndcg_at_100": 88.266, + "ndcg_at_1000": 88.428, + "ndcg_at_3": 83.899, + "ndcg_at_5": 85.56700000000001, + "precision_at_1": 79.69000000000001, + "precision_at_10": 13.161000000000001, + "precision_at_100": 1.513, + "precision_at_1000": 0.156, + "precision_at_3": 36.603, + "precision_at_5": 24.138, + "recall_at_1": 69.174, + "recall_at_10": 94.529, + "recall_at_100": 99.15, + "recall_at_1000": 99.925, + "recall_at_3": 85.86200000000001, + "recall_at_5": 90.501, + "main_score": 86.929 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/RedditClustering.json b/results/maiyad__multilingual-e5-small/external/RedditClustering.json new file mode 100644 index 000000000..b38e5b8df --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.13064340585255, + "main_score": 39.13064340585255 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/RedditClusteringP2P.json b/results/maiyad__multilingual-e5-small/external/RedditClusteringP2P.json new file mode 100644 index 000000000..5fc2caaed --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 58.97884249325877, + "main_score": 58.97884249325877 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/SCIDOCS.json b/results/maiyad__multilingual-e5-small/external/SCIDOCS.json new file mode 100644 index 000000000..cc3ec840f --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.4680000000000004, + "map_at_10": 7.865, + "map_at_100": 9.332, + "map_at_1000": 9.587, + "map_at_3": 5.800000000000001, + "map_at_5": 6.8790000000000004, + "mrr_at_1": 17.0, + "mrr_at_10": 25.629, + "mrr_at_100": 26.806, + "mrr_at_1000": 26.889000000000003, + "mrr_at_3": 22.8, + "mrr_at_5": 24.26, + "ndcg_at_1": 17.0, + "ndcg_at_10": 13.895, + "ndcg_at_100": 20.491999999999997, + "ndcg_at_1000": 25.759999999999998, + "ndcg_at_3": 13.347999999999999, + "ndcg_at_5": 11.61, + "precision_at_1": 17.0, + "precision_at_10": 7.090000000000001, + "precision_at_100": 1.669, + "precision_at_1000": 0.294, + "precision_at_3": 12.3, + "precision_at_5": 10.02, + "recall_at_1": 3.4680000000000004, + "recall_at_10": 14.363000000000001, + "recall_at_100": 33.875, + "recall_at_1000": 59.711999999999996, + "recall_at_3": 7.483, + "recall_at_5": 10.173, + "main_score": 13.895 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/SICK-R.json b/results/maiyad__multilingual-e5-small/external/SICK-R.json new file mode 100644 index 000000000..3359ced18 --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.04084311714061, + "cos_sim_spearman": 77.51342467443078, + "euclidean_pearson": 80.0321166028479, + "euclidean_spearman": 77.29249114733226, + "manhattan_pearson": 80.03105964262431, + "manhattan_spearman": 77.22373689514794, + "cosine_pearson": 83.04084311714061, + "cosine_spearman": 77.51342467443078, + "main_score": 77.51342467443078 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/STS12.json b/results/maiyad__multilingual-e5-small/external/STS12.json new file mode 100644 index 000000000..2d56e6f14 --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.1680158034387, + "cos_sim_spearman": 76.55983344071117, + "euclidean_pearson": 79.75266678300143, + "euclidean_spearman": 75.34516823467025, + "manhattan_pearson": 79.75959151517357, + "manhattan_spearman": 75.42330344141912, + "cosine_pearson": 84.1680158034387, + "cosine_spearman": 76.55983344071117, + "main_score": 76.55983344071117 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/STS13.json b/results/maiyad__multilingual-e5-small/external/STS13.json new file mode 100644 index 000000000..13f9a1261 --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 76.48898993209346, + "cos_sim_spearman": 76.96954120323366, + "euclidean_pearson": 76.94139109279668, + "euclidean_spearman": 76.85860283201711, + "manhattan_pearson": 76.6944095091912, + "manhattan_spearman": 76.61096912972553, + "cosine_pearson": 76.48898993209346, + "cosine_spearman": 76.96954120323366, + "main_score": 76.96954120323366 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/STS14.json b/results/maiyad__multilingual-e5-small/external/STS14.json new file mode 100644 index 000000000..dda5b9786 --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 77.85082366246944, + "cos_sim_spearman": 75.52053350101731, + "euclidean_pearson": 77.1165845070926, + "euclidean_spearman": 75.31216065884388, + "manhattan_pearson": 77.06193941833494, + "manhattan_spearman": 75.31003701700112, + "cosine_pearson": 77.85082366246944, + "cosine_spearman": 75.52053350101731, + "main_score": 75.52053350101731 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/STS15.json b/results/maiyad__multilingual-e5-small/external/STS15.json new file mode 100644 index 000000000..1ea16d8d7 --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.36305246526497, + "cos_sim_spearman": 87.11704613927415, + "euclidean_pearson": 86.04199125810939, + "euclidean_spearman": 86.51117572414263, + "manhattan_pearson": 86.0805106816633, + "manhattan_spearman": 86.52798366512229, + "cosine_pearson": 86.36305246526497, + "cosine_spearman": 87.11704613927415, + "main_score": 87.11704613927415 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/STS16.json b/results/maiyad__multilingual-e5-small/external/STS16.json new file mode 100644 index 000000000..3cf23cf86 --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.18536255599724, + "cos_sim_spearman": 83.63377151025418, + "euclidean_pearson": 83.24657467993141, + "euclidean_spearman": 84.02751481993825, + "manhattan_pearson": 83.11941806582371, + "manhattan_spearman": 83.84251281019304, + "cosine_pearson": 82.18536255599724, + "cosine_spearman": 83.63377151025418, + "main_score": 83.63377151025418 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/STS17.json b/results/maiyad__multilingual-e5-small/external/STS17.json new file mode 100644 index 000000000..cf8896c76 --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/STS17.json @@ -0,0 +1,182 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "ko-ko", + "languages": [ + "kor-Hang" + ], + "cos_sim_pearson": 78.95816528475514, + "cos_sim_spearman": 78.86607380120462, + "euclidean_pearson": 78.51268699230545, + "euclidean_spearman": 79.11649316502229, + "manhattan_pearson": 78.32367302808157, + "manhattan_spearman": 78.90277699624637, + "cosine_pearson": 78.95816528475514, + "cosine_spearman": 78.86607380120462, + "main_score": 78.86607380120462 + }, + { + "hf_subset": "ar-ar", + "languages": [ + "ara-Arab" + ], + "cos_sim_pearson": 72.89126914997624, + "cos_sim_spearman": 73.0296921832678, + "euclidean_pearson": 71.50385903677738, + "euclidean_spearman": 73.13368899716289, + "manhattan_pearson": 71.47421463379519, + "manhattan_spearman": 73.03383242946575, + "cosine_pearson": 72.89126914997624, + "cosine_spearman": 73.0296921832678, + "main_score": 73.0296921832678 + }, + { + "hf_subset": "en-ar", + "languages": [ + "eng-Latn", + "ara-Arab" + ], + "cos_sim_pearson": 59.22923684492637, + "cos_sim_spearman": 57.41013211368396, + "euclidean_pearson": 61.21107388080905, + "euclidean_spearman": 60.07620768697254, + "manhattan_pearson": 59.60157142786555, + "manhattan_spearman": 59.14069604103739, + "cosine_pearson": 59.22923684492637, + "cosine_spearman": 57.41013211368396, + "main_score": 57.41013211368396 + }, + { + "hf_subset": "en-de", + "languages": [ + "eng-Latn", + "deu-Latn" + ], + "cos_sim_pearson": 76.24345978774299, + "cos_sim_spearman": 77.24225743830719, + "euclidean_pearson": 76.66226095469165, + "euclidean_spearman": 77.60708820493146, + "manhattan_pearson": 76.05303324760429, + "manhattan_spearman": 76.96353149912348, + "cosine_pearson": 76.24345978774299, + "cosine_spearman": 77.24225743830719, + "main_score": 77.24225743830719 + }, + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.50879160160852, + "cos_sim_spearman": 86.43594662965224, + "euclidean_pearson": 86.06846012826577, + "euclidean_spearman": 86.02041395794136, + "manhattan_pearson": 86.10916255616904, + "manhattan_spearman": 86.07346068198953, + "cosine_pearson": 85.50879160160852, + "cosine_spearman": 86.43594662965224, + "main_score": 86.43594662965224 + }, + { + "hf_subset": "en-tr", + "languages": [ + "eng-Latn", + "tur-Latn" + ], + "cos_sim_pearson": 58.39803698977196, + "cos_sim_spearman": 55.96910950423142, + "euclidean_pearson": 58.17941175613059, + "euclidean_spearman": 55.03019330522745, + "manhattan_pearson": 57.333358138183286, + "manhattan_spearman": 54.04614023149965, + "cosine_pearson": 58.39803698977196, + "cosine_spearman": 55.96910950423142, + "main_score": 55.96910950423142 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 70.98304089637197, + "cos_sim_spearman": 72.44071656215888, + "euclidean_pearson": 72.19224359033983, + "euclidean_spearman": 73.89871188913025, + "manhattan_pearson": 71.21098311547406, + "manhattan_spearman": 72.93405764824821, + "cosine_pearson": 70.98304089637197, + "cosine_spearman": 72.44071656215888, + "main_score": 72.44071656215888 + }, + { + "hf_subset": "es-es", + "languages": [ + "spa-Latn" + ], + "cos_sim_pearson": 85.99792397466308, + "cos_sim_spearman": 84.83824377879495, + "euclidean_pearson": 85.70043288694438, + "euclidean_spearman": 84.70627558703686, + "manhattan_pearson": 85.89570850150801, + "manhattan_spearman": 84.95806105313007, + "cosine_pearson": 85.99792397466308, + "cosine_spearman": 84.83824377879495, + "main_score": 84.83824377879495 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 72.21850322994712, + "cos_sim_spearman": 72.28669398117248, + "euclidean_pearson": 73.40082510412948, + "euclidean_spearman": 73.0326539281865, + "manhattan_pearson": 71.8659633964841, + "manhattan_spearman": 71.57817425823303, + "cosine_pearson": 72.21850322994712, + "cosine_spearman": 72.28669398117248, + "main_score": 72.28669398117248 + }, + { + "hf_subset": "it-en", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 75.80921368595645, + "cos_sim_spearman": 77.33209091229315, + "euclidean_pearson": 76.53159540154829, + "euclidean_spearman": 78.17960842810093, + "manhattan_pearson": 76.13530186637601, + "manhattan_spearman": 78.00701437666875, + "cosine_pearson": 75.80921368595645, + "cosine_spearman": 77.33209091229315, + "main_score": 77.33209091229315 + }, + { + "hf_subset": "nl-en", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 74.74980608267349, + "cos_sim_spearman": 75.37597374318821, + "euclidean_pearson": 74.90506081911661, + "euclidean_spearman": 75.30151613124521, + "manhattan_pearson": 74.62642745918002, + "manhattan_spearman": 75.18619716592303, + "cosine_pearson": 74.74980608267349, + "cosine_spearman": 75.37597374318821, + "main_score": 75.37597374318821 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/STS22.json b/results/maiyad__multilingual-e5-small/external/STS22.json new file mode 100644 index 000000000..5215991c7 --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/STS22.json @@ -0,0 +1,288 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 59.632662289205584, + "cos_sim_spearman": 60.938543391610914, + "euclidean_pearson": 62.113200529767056, + "euclidean_spearman": 61.410312633261164, + "manhattan_pearson": 61.75494698945686, + "manhattan_spearman": 60.92726195322362, + "cosine_pearson": 59.632662289205584, + "cosine_spearman": 60.938543391610914, + "main_score": 60.938543391610914 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "cos_sim_pearson": 45.283470551557244, + "cos_sim_spearman": 53.44833015864201, + "euclidean_pearson": 41.17892011120893, + "euclidean_spearman": 53.81441383126767, + "manhattan_pearson": 41.17482200420659, + "manhattan_spearman": 53.82180269276363, + "cosine_pearson": 45.283470551557244, + "cosine_spearman": 53.44833015864201, + "main_score": 53.44833015864201 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "cos_sim_pearson": 60.5069165306236, + "cos_sim_spearman": 66.87803259033826, + "euclidean_pearson": 63.5428979418236, + "euclidean_spearman": 66.9293576586897, + "manhattan_pearson": 63.59789526178922, + "manhattan_spearman": 66.86555009875066, + "cosine_pearson": 60.5069165306236, + "cosine_spearman": 66.87803259033826, + "main_score": 66.87803259033826 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "cos_sim_pearson": 28.23026196280264, + "cos_sim_spearman": 35.79397812652861, + "euclidean_pearson": 17.828102102767353, + "euclidean_spearman": 35.721501145568894, + "manhattan_pearson": 17.77134274219677, + "manhattan_spearman": 35.98107902846267, + "cosine_pearson": 28.23026196280264, + "cosine_spearman": 35.79397812652861, + "main_score": 35.79397812652861 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "cos_sim_pearson": 56.51946541393812, + "cos_sim_spearman": 63.714686006214485, + "euclidean_pearson": 58.32104651305898, + "euclidean_spearman": 62.237110895702216, + "manhattan_pearson": 58.579416468759185, + "manhattan_spearman": 62.459738981727, + "cosine_pearson": 56.51946541393812, + "cosine_spearman": 63.714686006214485, + "main_score": 63.714686006214485 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "cos_sim_pearson": 48.76009839569795, + "cos_sim_spearman": 56.65188431953149, + "euclidean_pearson": 50.997682160915595, + "euclidean_spearman": 55.99910008818135, + "manhattan_pearson": 50.76220659606342, + "manhattan_spearman": 55.517347595391456, + "cosine_pearson": 48.76009839569795, + "cosine_spearman": 56.65188431953149, + "main_score": 56.65188431953149 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "cos_sim_pearson": 51.232731157702425, + "cos_sim_spearman": 59.89531877658345, + "euclidean_pearson": 49.937914570348376, + "euclidean_spearman": 60.220905659334036, + "manhattan_pearson": 50.00987996844193, + "manhattan_spearman": 60.081341480977926, + "cosine_pearson": 51.232731157702425, + "cosine_spearman": 59.89531877658345, + "main_score": 59.89531877658345 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 54.717524559088005, + "cos_sim_spearman": 66.83570886252286, + "euclidean_pearson": 58.41338625505467, + "euclidean_spearman": 66.68991427704938, + "manhattan_pearson": 58.78638572916807, + "manhattan_spearman": 66.58684161046335, + "cosine_pearson": 54.717524559088005, + "cosine_spearman": 66.83570886252286, + "main_score": 66.83570886252286 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 73.2962042954962, + "cos_sim_spearman": 76.58255504852025, + "euclidean_pearson": 75.70983192778257, + "euclidean_spearman": 77.4547684870542, + "manhattan_pearson": 75.75565853870485, + "manhattan_spearman": 76.90208974949428, + "cosine_pearson": 73.2962042954962, + "cosine_spearman": 76.58255504852025, + "main_score": 76.58255504852025 + }, + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 54.47396266924846, + "cos_sim_spearman": 56.492267162048606, + "euclidean_pearson": 55.998505203070195, + "euclidean_spearman": 56.46447012960222, + "manhattan_pearson": 54.873172394430995, + "manhattan_spearman": 56.58111534551218, + "cosine_pearson": 54.47396266924846, + "cosine_spearman": 56.492267162048606, + "main_score": 56.492267162048606 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 69.87177267688686, + "cos_sim_spearman": 74.57160943395763, + "euclidean_pearson": 70.88330406826788, + "euclidean_spearman": 74.29767636038422, + "manhattan_pearson": 71.38245248369536, + "manhattan_spearman": 74.53102232732175, + "cosine_pearson": 69.87177267688686, + "cosine_spearman": 74.57160943395763, + "main_score": 74.57160943395763 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "cos_sim_pearson": 72.80225656959544, + "cos_sim_spearman": 76.52646173725735, + "euclidean_pearson": 73.95710720200799, + "euclidean_spearman": 76.54040031984111, + "manhattan_pearson": 73.89679971946774, + "manhattan_spearman": 76.60886958161574, + "cosine_pearson": 72.80225656959544, + "cosine_spearman": 76.52646173725735, + "main_score": 76.52646173725735 + }, + { + "hf_subset": "pl-en", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 70.70844249898789, + "cos_sim_spearman": 72.68571783670241, + "euclidean_pearson": 72.38800772441031, + "euclidean_spearman": 72.86804422703312, + "manhattan_pearson": 71.29840508203515, + "manhattan_spearman": 71.86264441749513, + "cosine_pearson": 70.70844249898789, + "cosine_spearman": 72.68571783670241, + "main_score": 72.68571783670241 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "cos_sim_pearson": 58.647478923935694, + "cos_sim_spearman": 63.74453623540931, + "euclidean_pearson": 59.60138032437505, + "euclidean_spearman": 63.947930832166065, + "manhattan_pearson": 58.59735509491861, + "manhattan_spearman": 62.082503844627404, + "cosine_pearson": 58.647478923935694, + "cosine_spearman": 63.74453623540931, + "main_score": 63.74453623540931 + }, + { + "hf_subset": "es-it", + "languages": [ + "spa-Latn", + "ita-Latn" + ], + "cos_sim_pearson": 65.8722516867162, + "cos_sim_spearman": 71.81208592523012, + "euclidean_pearson": 67.95315252165956, + "euclidean_spearman": 73.00749822046009, + "manhattan_pearson": 68.07884688638924, + "manhattan_spearman": 72.34210325803069, + "cosine_pearson": 65.8722516867162, + "cosine_spearman": 71.81208592523012, + "main_score": 71.81208592523012 + }, + { + "hf_subset": "de-fr", + "languages": [ + "deu-Latn", + "fra-Latn" + ], + "cos_sim_pearson": 54.5405814240949, + "cos_sim_spearman": 60.56838649023775, + "euclidean_pearson": 53.011731611314104, + "euclidean_spearman": 58.533194841668426, + "manhattan_pearson": 53.623067729338494, + "manhattan_spearman": 58.018756154446926, + "cosine_pearson": 54.5405814240949, + "cosine_spearman": 60.56838649023775, + "main_score": 60.56838649023775 + }, + { + "hf_subset": "de-pl", + "languages": [ + "deu-Latn", + "pol-Latn" + ], + "cos_sim_pearson": 13.611046866216112, + "cos_sim_spearman": 28.238192909158492, + "euclidean_pearson": 22.16189199885129, + "euclidean_spearman": 35.012895679076564, + "manhattan_pearson": 21.969771178698387, + "manhattan_spearman": 32.456985088607475, + "cosine_pearson": 13.611046866216112, + "cosine_spearman": 28.238192909158492, + "main_score": 28.238192909158492 + }, + { + "hf_subset": "fr-pl", + "languages": [ + "fra-Latn", + "pol-Latn" + ], + "cos_sim_pearson": 74.58077407011655, + "cos_sim_spearman": 84.51542547285167, + "euclidean_pearson": 74.64613843596234, + "euclidean_spearman": 84.51542547285167, + "manhattan_pearson": 75.15335973101396, + "manhattan_spearman": 84.51542547285167, + "cosine_pearson": 74.58077407011655, + "cosine_spearman": 84.51542547285167, + "main_score": 84.51542547285167 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/STSBenchmark.json b/results/maiyad__multilingual-e5-small/external/STSBenchmark.json new file mode 100644 index 000000000..229a2612e --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.0739825531578, + "cos_sim_spearman": 84.01057479311115, + "euclidean_pearson": 83.85453227433344, + "euclidean_spearman": 84.01630226898655, + "manhattan_pearson": 83.75323603028978, + "manhattan_spearman": 83.89677983727685, + "cosine_pearson": 82.0739825531578, + "cosine_spearman": 84.01057479311115, + "main_score": 84.01057479311115 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/SciDocsRR.json b/results/maiyad__multilingual-e5-small/external/SciDocsRR.json new file mode 100644 index 000000000..529b55139 --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 78.12945623123957, + "mrr": 93.87738713719106, + "main_score": 78.12945623123957 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/SciFact.json b/results/maiyad__multilingual-e5-small/external/SciFact.json new file mode 100644 index 000000000..a36c96959 --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 52.983000000000004, + "map_at_10": 62.946000000000005, + "map_at_100": 63.514, + "map_at_1000": 63.554, + "map_at_3": 60.183, + "map_at_5": 61.672000000000004, + "mrr_at_1": 55.667, + "mrr_at_10": 64.522, + "mrr_at_100": 64.957, + "mrr_at_1000": 64.995, + "mrr_at_3": 62.388999999999996, + "mrr_at_5": 63.639, + "ndcg_at_1": 55.667, + "ndcg_at_10": 67.704, + "ndcg_at_100": 70.299, + "ndcg_at_1000": 71.241, + "ndcg_at_3": 62.866, + "ndcg_at_5": 65.16999999999999, + "precision_at_1": 55.667, + "precision_at_10": 9.033, + "precision_at_100": 1.053, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 24.444, + "precision_at_5": 16.133, + "recall_at_1": 52.983000000000004, + "recall_at_10": 80.656, + "recall_at_100": 92.5, + "recall_at_1000": 99.667, + "recall_at_3": 67.744, + "recall_at_5": 73.433, + "main_score": 67.704 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/SprintDuplicateQuestions.json b/results/maiyad__multilingual-e5-small/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..5eec68606 --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.72772277227723, + "cos_sim_ap": 92.17845897992215, + "cos_sim_f1": 85.9746835443038, + "cos_sim_precision": 87.07692307692308, + "cos_sim_recall": 84.89999999999999, + "dot_accuracy": 99.3039603960396, + "dot_ap": 60.70244020124878, + "dot_f1": 59.92742353551063, + "dot_precision": 62.21743810548978, + "dot_recall": 57.8, + "euclidean_accuracy": 99.71683168316832, + "euclidean_ap": 91.53997039964659, + "euclidean_f1": 84.88372093023257, + "euclidean_precision": 90.02242152466367, + "euclidean_recall": 80.30000000000001, + "manhattan_accuracy": 99.72376237623763, + "manhattan_ap": 91.80756777790289, + "manhattan_f1": 85.48468106479157, + "manhattan_precision": 85.8728557013118, + "manhattan_recall": 85.1, + "max_accuracy": 99.72772277227723, + "max_ap": 92.17845897992215, + "max_f1": 85.9746835443038, + "main_score": 92.17845897992215 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/StackExchangeClustering.json b/results/maiyad__multilingual-e5-small/external/StackExchangeClustering.json new file mode 100644 index 000000000..80a7ee7c0 --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 53.52464042600003, + "main_score": 53.52464042600003 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/StackExchangeClusteringP2P.json b/results/maiyad__multilingual-e5-small/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..3d5da8af7 --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.071631948736, + "main_score": 32.071631948736 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/StackOverflowDupQuestions.json b/results/maiyad__multilingual-e5-small/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..e03c4cd4e --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 49.19552407604654, + "mrr": 49.95269130379425, + "main_score": 49.19552407604654 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/SummEval.json b/results/maiyad__multilingual-e5-small/external/SummEval.json new file mode 100644 index 000000000..9707c5c37 --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 29.345293033095427, + "cos_sim_spearman": 29.976931423258403, + "dot_pearson": 27.047078008958408, + "dot_spearman": 27.75894368380218, + "cosine_pearson": 29.345293033095427, + "cosine_spearman": 29.976931423258403, + "main_score": 29.976931423258403 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/TRECCOVID.json b/results/maiyad__multilingual-e5-small/external/TRECCOVID.json new file mode 100644 index 000000000..2b08a07b0 --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.22, + "map_at_10": 1.706, + "map_at_100": 9.634, + "map_at_1000": 23.665, + "map_at_3": 0.5950000000000001, + "map_at_5": 0.95, + "mrr_at_1": 86.0, + "mrr_at_10": 91.8, + "mrr_at_100": 91.8, + "mrr_at_1000": 91.8, + "mrr_at_3": 91.0, + "mrr_at_5": 91.8, + "ndcg_at_1": 80.0, + "ndcg_at_10": 72.573, + "ndcg_at_100": 53.954, + "ndcg_at_1000": 47.760999999999996, + "ndcg_at_3": 76.173, + "ndcg_at_5": 75.264, + "precision_at_1": 86.0, + "precision_at_10": 76.4, + "precision_at_100": 55.50000000000001, + "precision_at_1000": 21.802, + "precision_at_3": 81.333, + "precision_at_5": 80.4, + "recall_at_1": 0.22, + "recall_at_10": 1.925, + "recall_at_100": 12.762, + "recall_at_1000": 44.946000000000005, + "recall_at_3": 0.634, + "recall_at_5": 1.051, + "main_score": 72.573 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/Tatoeba.json b/results/maiyad__multilingual-e5-small/external/Tatoeba.json new file mode 100644 index 000000000..1a10be079 --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/Tatoeba.json @@ -0,0 +1,1354 @@ +{ + "dataset_revision": "9080400076fbadbb4c4dcb136ff4eddc40b42553", + "task_name": "Tatoeba", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "sqi-eng", + "languages": [ + "sqi-Latn", + "eng-Latn" + ], + "accuracy": 91.0, + "f1": 88.55666666666666, + "precision": 87.46166666666667, + "recall": 91.0, + "main_score": 88.55666666666666 + }, + { + "hf_subset": "fry-eng", + "languages": [ + "fry-Latn", + "eng-Latn" + ], + "accuracy": 57.22543352601156, + "f1": 51.03220478943021, + "precision": 48.8150289017341, + "recall": 57.22543352601156, + "main_score": 51.03220478943021 + }, + { + "hf_subset": "kur-eng", + "languages": [ + "kur-Latn", + "eng-Latn" + ], + "accuracy": 46.58536585365854, + "f1": 39.66870798578116, + "precision": 37.416085946573745, + "recall": 46.58536585365854, + "main_score": 39.66870798578116 + }, + { + "hf_subset": "tur-eng", + "languages": [ + "tur-Latn", + "eng-Latn" + ], + "accuracy": 89.7, + "f1": 86.77999999999999, + "precision": 85.45333333333332, + "recall": 89.7, + "main_score": 86.77999999999999 + }, + { + "hf_subset": "deu-eng", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "accuracy": 97.39999999999999, + "f1": 96.58333333333331, + "precision": 96.2, + "recall": 97.39999999999999, + "main_score": 96.58333333333331 + }, + { + "hf_subset": "nld-eng", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "accuracy": 92.4, + "f1": 90.3, + "precision": 89.31666666666668, + "recall": 92.4, + "main_score": 90.3 + }, + { + "hf_subset": "ron-eng", + "languages": [ + "ron-Latn", + "eng-Latn" + ], + "accuracy": 86.9, + "f1": 83.67190476190476, + "precision": 82.23333333333332, + "recall": 86.9, + "main_score": 83.67190476190476 + }, + { + "hf_subset": "ang-eng", + "languages": [ + "ang-Latn", + "eng-Latn" + ], + "accuracy": 50.0, + "f1": 42.23229092632078, + "precision": 39.851634683724235, + "recall": 50.0, + "main_score": 42.23229092632078 + }, + { + "hf_subset": "ido-eng", + "languages": [ + "ido-Latn", + "eng-Latn" + ], + "accuracy": 76.3, + "f1": 70.86190476190477, + "precision": 68.68777777777777, + "recall": 76.3, + "main_score": 70.86190476190477 + }, + { + "hf_subset": "jav-eng", + "languages": [ + "jav-Latn", + "eng-Latn" + ], + "accuracy": 57.073170731707314, + "f1": 50.658958927251604, + "precision": 48.26480836236933, + "recall": 57.073170731707314, + "main_score": 50.658958927251604 + }, + { + "hf_subset": "isl-eng", + "languages": [ + "isl-Latn", + "eng-Latn" + ], + "accuracy": 68.2, + "f1": 62.156507936507936, + "precision": 59.84964285714286, + "recall": 68.2, + "main_score": 62.156507936507936 + }, + { + "hf_subset": "slv-eng", + "languages": [ + "slv-Latn", + "eng-Latn" + ], + "accuracy": 77.52126366950182, + "f1": 72.8496210148701, + "precision": 70.92171498003819, + "recall": 77.52126366950182, + "main_score": 72.8496210148701 + }, + { + "hf_subset": "cym-eng", + "languages": [ + "cym-Latn", + "eng-Latn" + ], + "accuracy": 70.78260869565217, + "f1": 65.32422360248447, + "precision": 63.063067367415194, + "recall": 70.78260869565217, + "main_score": 65.32422360248447 + }, + { + "hf_subset": "kaz-eng", + "languages": [ + "kaz-Cyrl", + "eng-Latn" + ], + "accuracy": 78.43478260869566, + "f1": 73.02608695652172, + "precision": 70.63768115942028, + "recall": 78.43478260869566, + "main_score": 73.02608695652172 + }, + { + "hf_subset": "est-eng", + "languages": [ + "est-Latn", + "eng-Latn" + ], + "accuracy": 60.9, + "f1": 55.309753694581275, + "precision": 53.130476190476195, + "recall": 60.9, + "main_score": 55.309753694581275 + }, + { + "hf_subset": "heb-eng", + "languages": [ + "heb-Hebr", + "eng-Latn" + ], + "accuracy": 72.89999999999999, + "f1": 67.92023809523809, + "precision": 65.82595238095237, + "recall": 72.89999999999999, + "main_score": 67.92023809523809 + }, + { + "hf_subset": "gla-eng", + "languages": [ + "gla-Latn", + "eng-Latn" + ], + "accuracy": 46.80337756332931, + "f1": 39.42174900558496, + "precision": 36.97101116280851, + "recall": 46.80337756332931, + "main_score": 39.42174900558496 + }, + { + "hf_subset": "mar-eng", + "languages": [ + "mar-Deva", + "eng-Latn" + ], + "accuracy": 89.8, + "f1": 86.79, + "precision": 85.375, + "recall": 89.8, + "main_score": 86.79 + }, + { + "hf_subset": "lat-eng", + "languages": [ + "lat-Latn", + "eng-Latn" + ], + "accuracy": 47.199999999999996, + "f1": 39.95484348984349, + "precision": 37.561071428571424, + "recall": 47.199999999999996, + "main_score": 39.95484348984349 + }, + { + "hf_subset": "bel-eng", + "languages": [ + "bel-Cyrl", + "eng-Latn" + ], + "accuracy": 87.8, + "f1": 84.68190476190475, + "precision": 83.275, + "recall": 87.8, + "main_score": 84.68190476190475 + }, + { + "hf_subset": "pms-eng", + "languages": [ + "pms-Latn", + "eng-Latn" + ], + "accuracy": 48.76190476190476, + "f1": 42.14965986394558, + "precision": 39.96743626743626, + "recall": 48.76190476190476, + "main_score": 42.14965986394558 + }, + { + "hf_subset": "gle-eng", + "languages": [ + "gle-Latn", + "eng-Latn" + ], + "accuracy": 66.10000000000001, + "f1": 59.58580086580086, + "precision": 57.150238095238095, + "recall": 66.10000000000001, + "main_score": 59.58580086580086 + }, + { + "hf_subset": "pes-eng", + "languages": [ + "pes-Arab", + "eng-Latn" + ], + "accuracy": 87.3, + "f1": 84.0, + "precision": 82.48666666666666, + "recall": 87.3, + "main_score": 84.0 + }, + { + "hf_subset": "nob-eng", + "languages": [ + "nob-Latn", + "eng-Latn" + ], + "accuracy": 90.4, + "f1": 87.79523809523809, + "precision": 86.6, + "recall": 90.4, + "main_score": 87.79523809523809 + }, + { + "hf_subset": "bul-eng", + "languages": [ + "bul-Cyrl", + "eng-Latn" + ], + "accuracy": 87.0, + "f1": 83.81, + "precision": 82.36666666666666, + "recall": 87.0, + "main_score": 83.81 + }, + { + "hf_subset": "cbk-eng", + "languages": [ + "cbk-Latn", + "eng-Latn" + ], + "accuracy": 63.9, + "f1": 57.76533189033189, + "precision": 55.50595238095239, + "recall": 63.9, + "main_score": 57.76533189033189 + }, + { + "hf_subset": "hun-eng", + "languages": [ + "hun-Latn", + "eng-Latn" + ], + "accuracy": 76.1, + "f1": 71.83690476190478, + "precision": 70.04928571428573, + "recall": 76.1, + "main_score": 71.83690476190478 + }, + { + "hf_subset": "uig-eng", + "languages": [ + "uig-Arab", + "eng-Latn" + ], + "accuracy": 66.3, + "f1": 59.32626984126984, + "precision": 56.62535714285713, + "recall": 66.3, + "main_score": 59.32626984126984 + }, + { + "hf_subset": "rus-eng", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "accuracy": 90.60000000000001, + "f1": 87.96333333333334, + "precision": 86.73333333333333, + "recall": 90.60000000000001, + "main_score": 87.96333333333334 + }, + { + "hf_subset": "spa-eng", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "accuracy": 93.10000000000001, + "f1": 91.10000000000001, + "precision": 90.16666666666666, + "recall": 93.10000000000001, + "main_score": 91.10000000000001 + }, + { + "hf_subset": "hye-eng", + "languages": [ + "hye-Armn", + "eng-Latn" + ], + "accuracy": 85.71428571428571, + "f1": 82.29142600436403, + "precision": 80.8076626877166, + "recall": 85.71428571428571, + "main_score": 82.29142600436403 + }, + { + "hf_subset": "tel-eng", + "languages": [ + "tel-Telu", + "eng-Latn" + ], + "accuracy": 88.88888888888889, + "f1": 85.7834757834758, + "precision": 84.43732193732193, + "recall": 88.88888888888889, + "main_score": 85.7834757834758 + }, + { + "hf_subset": "afr-eng", + "languages": [ + "afr-Latn", + "eng-Latn" + ], + "accuracy": 88.5, + "f1": 85.67190476190476, + "precision": 84.43333333333332, + "recall": 88.5, + "main_score": 85.67190476190476 + }, + { + "hf_subset": "mon-eng", + "languages": [ + "mon-Cyrl", + "eng-Latn" + ], + "accuracy": 82.72727272727273, + "f1": 78.21969696969695, + "precision": 76.18181818181819, + "recall": 82.72727272727273, + "main_score": 78.21969696969695 + }, + { + "hf_subset": "arz-eng", + "languages": [ + "arz-Arab", + "eng-Latn" + ], + "accuracy": 61.0062893081761, + "f1": 55.13976240391334, + "precision": 52.92112499659669, + "recall": 61.0062893081761, + "main_score": 55.13976240391334 + }, + { + "hf_subset": "hrv-eng", + "languages": [ + "hrv-Latn", + "eng-Latn" + ], + "accuracy": 89.5, + "f1": 86.86666666666666, + "precision": 85.69166666666668, + "recall": 89.5, + "main_score": 86.86666666666666 + }, + { + "hf_subset": "nov-eng", + "languages": [ + "nov-Latn", + "eng-Latn" + ], + "accuracy": 73.54085603112841, + "f1": 68.56031128404669, + "precision": 66.53047989623866, + "recall": 73.54085603112841, + "main_score": 68.56031128404669 + }, + { + "hf_subset": "gsw-eng", + "languages": [ + "gsw-Latn", + "eng-Latn" + ], + "accuracy": 43.58974358974359, + "f1": 36.45299145299145, + "precision": 33.81155881155882, + "recall": 43.58974358974359, + "main_score": 36.45299145299145 + }, + { + "hf_subset": "nds-eng", + "languages": [ + "nds-Latn", + "eng-Latn" + ], + "accuracy": 59.599999999999994, + "f1": 53.264689754689755, + "precision": 50.869166666666665, + "recall": 59.599999999999994, + "main_score": 53.264689754689755 + }, + { + "hf_subset": "ukr-eng", + "languages": [ + "ukr-Cyrl", + "eng-Latn" + ], + "accuracy": 85.2, + "f1": 81.61666666666665, + "precision": 80.02833333333335, + "recall": 85.2, + "main_score": 81.61666666666665 + }, + { + "hf_subset": "uzb-eng", + "languages": [ + "uzb-Latn", + "eng-Latn" + ], + "accuracy": 63.78504672897196, + "f1": 58.00029669188548, + "precision": 55.815809968847354, + "recall": 63.78504672897196, + "main_score": 58.00029669188548 + }, + { + "hf_subset": "lit-eng", + "languages": [ + "lit-Latn", + "eng-Latn" + ], + "accuracy": 66.5, + "f1": 61.518333333333345, + "precision": 59.622363699102834, + "recall": 66.5, + "main_score": 61.518333333333345 + }, + { + "hf_subset": "ina-eng", + "languages": [ + "ina-Latn", + "eng-Latn" + ], + "accuracy": 88.6, + "f1": 85.60222222222221, + "precision": 84.27916666666665, + "recall": 88.6, + "main_score": 85.60222222222221 + }, + { + "hf_subset": "lfn-eng", + "languages": [ + "lfn-Latn", + "eng-Latn" + ], + "accuracy": 58.699999999999996, + "f1": 52.732375957375965, + "precision": 50.63214035964035, + "recall": 58.699999999999996, + "main_score": 52.732375957375965 + }, + { + "hf_subset": "zsm-eng", + "languages": [ + "zsm-Latn", + "eng-Latn" + ], + "accuracy": 92.10000000000001, + "f1": 89.99666666666667, + "precision": 89.03333333333333, + "recall": 92.10000000000001, + "main_score": 89.99666666666667 + }, + { + "hf_subset": "ita-eng", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "accuracy": 90.10000000000001, + "f1": 87.55666666666667, + "precision": 86.36166666666668, + "recall": 90.10000000000001, + "main_score": 87.55666666666667 + }, + { + "hf_subset": "cmn-eng", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "accuracy": 91.4, + "f1": 88.89000000000001, + "precision": 87.71166666666666, + "recall": 91.4, + "main_score": 88.89000000000001 + }, + { + "hf_subset": "lvs-eng", + "languages": [ + "lvs-Latn", + "eng-Latn" + ], + "accuracy": 65.7, + "f1": 60.67427750410509, + "precision": 58.71785714285714, + "recall": 65.7, + "main_score": 60.67427750410509 + }, + { + "hf_subset": "glg-eng", + "languages": [ + "glg-Latn", + "eng-Latn" + ], + "accuracy": 85.39999999999999, + "f1": 81.93190476190475, + "precision": 80.37833333333333, + "recall": 85.39999999999999, + "main_score": 81.93190476190475 + }, + { + "hf_subset": "ceb-eng", + "languages": [ + "ceb-Latn", + "eng-Latn" + ], + "accuracy": 47.833333333333336, + "f1": 42.006625781625786, + "precision": 40.077380952380956, + "recall": 47.833333333333336, + "main_score": 42.006625781625786 + }, + { + "hf_subset": "bre-eng", + "languages": [ + "bre-Latn", + "eng-Latn" + ], + "accuracy": 10.4, + "f1": 8.24465007215007, + "precision": 7.664597069597071, + "recall": 10.4, + "main_score": 8.24465007215007 + }, + { + "hf_subset": "ben-eng", + "languages": [ + "ben-Beng", + "eng-Latn" + ], + "accuracy": 82.6, + "f1": 77.76333333333334, + "precision": 75.57833333333332, + "recall": 82.6, + "main_score": 77.76333333333334 + }, + { + "hf_subset": "swg-eng", + "languages": [ + "swg-Latn", + "eng-Latn" + ], + "accuracy": 52.67857142857143, + "f1": 44.302721088435376, + "precision": 41.49801587301587, + "recall": 52.67857142857143, + "main_score": 44.302721088435376 + }, + { + "hf_subset": "arq-eng", + "languages": [ + "arq-Arab", + "eng-Latn" + ], + "accuracy": 28.3205268935236, + "f1": 22.426666605171157, + "precision": 20.685900116470915, + "recall": 28.3205268935236, + "main_score": 22.426666605171157 + }, + { + "hf_subset": "kab-eng", + "languages": [ + "kab-Latn", + "eng-Latn" + ], + "accuracy": 22.7, + "f1": 17.833970473970474, + "precision": 16.407335164835164, + "recall": 22.7, + "main_score": 17.833970473970474 + }, + { + "hf_subset": "fra-eng", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "accuracy": 92.2, + "f1": 89.92999999999999, + "precision": 88.87, + "recall": 92.2, + "main_score": 89.92999999999999 + }, + { + "hf_subset": "por-eng", + "languages": [ + "por-Latn", + "eng-Latn" + ], + "accuracy": 91.4, + "f1": 89.25, + "precision": 88.21666666666667, + "recall": 91.4, + "main_score": 89.25 + }, + { + "hf_subset": "tat-eng", + "languages": [ + "tat-Cyrl", + "eng-Latn" + ], + "accuracy": 69.19999999999999, + "f1": 63.38269841269841, + "precision": 61.14773809523809, + "recall": 69.19999999999999, + "main_score": 63.38269841269841 + }, + { + "hf_subset": "oci-eng", + "languages": [ + "oci-Latn", + "eng-Latn" + ], + "accuracy": 48.8, + "f1": 42.839915639915645, + "precision": 40.770287114845935, + "recall": 48.8, + "main_score": 42.839915639915645 + }, + { + "hf_subset": "pol-eng", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "accuracy": 88.8, + "f1": 85.90666666666668, + "precision": 84.54166666666666, + "recall": 88.8, + "main_score": 85.90666666666668 + }, + { + "hf_subset": "war-eng", + "languages": [ + "war-Latn", + "eng-Latn" + ], + "accuracy": 46.6, + "f1": 40.85892920804686, + "precision": 38.838223114604695, + "recall": 46.6, + "main_score": 40.85892920804686 + }, + { + "hf_subset": "aze-eng", + "languages": [ + "aze-Latn", + "eng-Latn" + ], + "accuracy": 84.0, + "f1": 80.14190476190475, + "precision": 78.45333333333333, + "recall": 84.0, + "main_score": 80.14190476190475 + }, + { + "hf_subset": "vie-eng", + "languages": [ + "vie-Latn", + "eng-Latn" + ], + "accuracy": 90.5, + "f1": 87.78333333333333, + "precision": 86.5, + "recall": 90.5, + "main_score": 87.78333333333333 + }, + { + "hf_subset": "nno-eng", + "languages": [ + "nno-Latn", + "eng-Latn" + ], + "accuracy": 74.5, + "f1": 69.48397546897547, + "precision": 67.51869047619049, + "recall": 74.5, + "main_score": 69.48397546897547 + }, + { + "hf_subset": "cha-eng", + "languages": [ + "cha-Latn", + "eng-Latn" + ], + "accuracy": 32.846715328467155, + "f1": 27.828177499710343, + "precision": 26.63451511991658, + "recall": 32.846715328467155, + "main_score": 27.828177499710343 + }, + { + "hf_subset": "mhr-eng", + "languages": [ + "mhr-Cyrl", + "eng-Latn" + ], + "accuracy": 8.0, + "f1": 6.07664116764988, + "precision": 5.544177607179943, + "recall": 8.0, + "main_score": 6.07664116764988 + }, + { + "hf_subset": "dan-eng", + "languages": [ + "dan-Latn", + "eng-Latn" + ], + "accuracy": 87.6, + "f1": 84.38555555555554, + "precision": 82.91583333333334, + "recall": 87.6, + "main_score": 84.38555555555554 + }, + { + "hf_subset": "ell-eng", + "languages": [ + "ell-Grek", + "eng-Latn" + ], + "accuracy": 87.5, + "f1": 84.08333333333331, + "precision": 82.47333333333333, + "recall": 87.5, + "main_score": 84.08333333333331 + }, + { + "hf_subset": "amh-eng", + "languages": [ + "amh-Ethi", + "eng-Latn" + ], + "accuracy": 80.95238095238095, + "f1": 76.13095238095238, + "precision": 74.05753968253967, + "recall": 80.95238095238095, + "main_score": 76.13095238095238 + }, + { + "hf_subset": "pam-eng", + "languages": [ + "pam-Latn", + "eng-Latn" + ], + "accuracy": 8.799999999999999, + "f1": 6.971422975172975, + "precision": 6.557814916172301, + "recall": 8.799999999999999, + "main_score": 6.971422975172975 + }, + { + "hf_subset": "hsb-eng", + "languages": [ + "hsb-Latn", + "eng-Latn" + ], + "accuracy": 44.099378881987576, + "f1": 37.01649742022413, + "precision": 34.69420618488942, + "recall": 44.099378881987576, + "main_score": 37.01649742022413 + }, + { + "hf_subset": "srp-eng", + "languages": [ + "srp-Cyrl", + "eng-Latn" + ], + "accuracy": 84.3, + "f1": 80.32666666666667, + "precision": 78.60666666666665, + "recall": 84.3, + "main_score": 80.32666666666667 + }, + { + "hf_subset": "epo-eng", + "languages": [ + "epo-Latn", + "eng-Latn" + ], + "accuracy": 92.5, + "f1": 90.49666666666666, + "precision": 89.56666666666668, + "recall": 92.5, + "main_score": 90.49666666666666 + }, + { + "hf_subset": "kzj-eng", + "languages": [ + "kzj-Latn", + "eng-Latn" + ], + "accuracy": 10.0, + "f1": 8.268423529875141, + "precision": 7.878118605532398, + "recall": 10.0, + "main_score": 8.268423529875141 + }, + { + "hf_subset": "awa-eng", + "languages": [ + "awa-Deva", + "eng-Latn" + ], + "accuracy": 79.22077922077922, + "f1": 74.27128427128426, + "precision": 72.28715728715729, + "recall": 79.22077922077922, + "main_score": 74.27128427128426 + }, + { + "hf_subset": "fao-eng", + "languages": [ + "fao-Latn", + "eng-Latn" + ], + "accuracy": 65.64885496183206, + "f1": 58.87495456197747, + "precision": 55.992366412213734, + "recall": 65.64885496183206, + "main_score": 58.87495456197747 + }, + { + "hf_subset": "mal-eng", + "languages": [ + "mal-Mlym", + "eng-Latn" + ], + "accuracy": 96.06986899563319, + "f1": 94.78408539543909, + "precision": 94.15332362930616, + "recall": 96.06986899563319, + "main_score": 94.78408539543909 + }, + { + "hf_subset": "ile-eng", + "languages": [ + "ile-Latn", + "eng-Latn" + ], + "accuracy": 77.2, + "f1": 71.72571428571428, + "precision": 69.41000000000001, + "recall": 77.2, + "main_score": 71.72571428571428 + }, + { + "hf_subset": "bos-eng", + "languages": [ + "bos-Latn", + "eng-Latn" + ], + "accuracy": 86.4406779661017, + "f1": 83.2391713747646, + "precision": 81.74199623352166, + "recall": 86.4406779661017, + "main_score": 83.2391713747646 + }, + { + "hf_subset": "cor-eng", + "languages": [ + "cor-Latn", + "eng-Latn" + ], + "accuracy": 8.4, + "f1": 6.017828743398003, + "precision": 5.4829865484756795, + "recall": 8.4, + "main_score": 6.017828743398003 + }, + { + "hf_subset": "cat-eng", + "languages": [ + "cat-Latn", + "eng-Latn" + ], + "accuracy": 83.5, + "f1": 79.74833333333333, + "precision": 78.04837662337664, + "recall": 83.5, + "main_score": 79.74833333333333 + }, + { + "hf_subset": "eus-eng", + "languages": [ + "eus-Latn", + "eng-Latn" + ], + "accuracy": 60.4, + "f1": 54.467301587301584, + "precision": 52.23242424242424, + "recall": 60.4, + "main_score": 54.467301587301584 + }, + { + "hf_subset": "yue-eng", + "languages": [ + "yue-Hant", + "eng-Latn" + ], + "accuracy": 74.9, + "f1": 69.68699134199134, + "precision": 67.59873015873016, + "recall": 74.9, + "main_score": 69.68699134199134 + }, + { + "hf_subset": "swe-eng", + "languages": [ + "swe-Latn", + "eng-Latn" + ], + "accuracy": 88.0, + "f1": 84.9652380952381, + "precision": 83.66166666666666, + "recall": 88.0, + "main_score": 84.9652380952381 + }, + { + "hf_subset": "dtp-eng", + "languages": [ + "dtp-Latn", + "eng-Latn" + ], + "accuracy": 9.1, + "f1": 7.681244588744588, + "precision": 7.370043290043291, + "recall": 9.1, + "main_score": 7.681244588744588 + }, + { + "hf_subset": "kat-eng", + "languages": [ + "kat-Geor", + "eng-Latn" + ], + "accuracy": 80.9651474530831, + "f1": 76.84220605132133, + "precision": 75.19606398962966, + "recall": 80.9651474530831, + "main_score": 76.84220605132133 + }, + { + "hf_subset": "jpn-eng", + "languages": [ + "jpn-Jpan", + "eng-Latn" + ], + "accuracy": 86.9, + "f1": 83.705, + "precision": 82.3120634920635, + "recall": 86.9, + "main_score": 83.705 + }, + { + "hf_subset": "csb-eng", + "languages": [ + "csb-Latn", + "eng-Latn" + ], + "accuracy": 29.64426877470356, + "f1": 23.98763072676116, + "precision": 22.506399397703746, + "recall": 29.64426877470356, + "main_score": 23.98763072676116 + }, + { + "hf_subset": "xho-eng", + "languages": [ + "xho-Latn", + "eng-Latn" + ], + "accuracy": 70.4225352112676, + "f1": 62.84037558685445, + "precision": 59.56572769953053, + "recall": 70.4225352112676, + "main_score": 62.84037558685445 + }, + { + "hf_subset": "orv-eng", + "languages": [ + "orv-Cyrl", + "eng-Latn" + ], + "accuracy": 19.64071856287425, + "f1": 15.125271011207756, + "precision": 13.865019261197494, + "recall": 19.64071856287425, + "main_score": 15.125271011207756 + }, + { + "hf_subset": "ind-eng", + "languages": [ + "ind-Latn", + "eng-Latn" + ], + "accuracy": 90.2, + "f1": 87.80666666666666, + "precision": 86.70833333333331, + "recall": 90.2, + "main_score": 87.80666666666666 + }, + { + "hf_subset": "tuk-eng", + "languages": [ + "tuk-Latn", + "eng-Latn" + ], + "accuracy": 23.15270935960591, + "f1": 18.407224958949097, + "precision": 16.982385430661292, + "recall": 23.15270935960591, + "main_score": 18.407224958949097 + }, + { + "hf_subset": "max-eng", + "languages": [ + "max-Deva", + "eng-Latn" + ], + "accuracy": 55.98591549295775, + "f1": 49.94718309859154, + "precision": 47.77864154624717, + "recall": 55.98591549295775, + "main_score": 49.94718309859154 + }, + { + "hf_subset": "swh-eng", + "languages": [ + "swh-Latn", + "eng-Latn" + ], + "accuracy": 73.07692307692307, + "f1": 66.74358974358974, + "precision": 64.06837606837607, + "recall": 73.07692307692307, + "main_score": 66.74358974358974 + }, + { + "hf_subset": "hin-eng", + "languages": [ + "hin-Deva", + "eng-Latn" + ], + "accuracy": 94.89999999999999, + "f1": 93.25, + "precision": 92.43333333333332, + "recall": 94.89999999999999, + "main_score": 93.25 + }, + { + "hf_subset": "dsb-eng", + "languages": [ + "dsb-Latn", + "eng-Latn" + ], + "accuracy": 37.78705636743215, + "f1": 31.63899658680452, + "precision": 29.72264397629742, + "recall": 37.78705636743215, + "main_score": 31.63899658680452 + }, + { + "hf_subset": "ber-eng", + "languages": [ + "ber-Tfng", + "eng-Latn" + ], + "accuracy": 21.6, + "f1": 16.91697302697303, + "precision": 15.71225147075147, + "recall": 21.6, + "main_score": 16.91697302697303 + }, + { + "hf_subset": "tam-eng", + "languages": [ + "tam-Taml", + "eng-Latn" + ], + "accuracy": 85.01628664495115, + "f1": 81.38514037536838, + "precision": 79.83170466883823, + "recall": 85.01628664495115, + "main_score": 81.38514037536838 + }, + { + "hf_subset": "slk-eng", + "languages": [ + "slk-Latn", + "eng-Latn" + ], + "accuracy": 83.39999999999999, + "f1": 79.96380952380952, + "precision": 78.48333333333333, + "recall": 83.39999999999999, + "main_score": 79.96380952380952 + }, + { + "hf_subset": "tgl-eng", + "languages": [ + "tgl-Latn", + "eng-Latn" + ], + "accuracy": 83.2, + "f1": 79.26190476190476, + "precision": 77.58833333333334, + "recall": 83.2, + "main_score": 79.26190476190476 + }, + { + "hf_subset": "ast-eng", + "languages": [ + "ast-Latn", + "eng-Latn" + ], + "accuracy": 75.59055118110236, + "f1": 71.66854143232096, + "precision": 70.30183727034121, + "recall": 75.59055118110236, + "main_score": 71.66854143232096 + }, + { + "hf_subset": "mkd-eng", + "languages": [ + "mkd-Cyrl", + "eng-Latn" + ], + "accuracy": 65.5, + "f1": 59.26095238095238, + "precision": 56.81909090909092, + "recall": 65.5, + "main_score": 59.26095238095238 + }, + { + "hf_subset": "khm-eng", + "languages": [ + "khm-Khmr", + "eng-Latn" + ], + "accuracy": 55.26315789473685, + "f1": 47.986523325858506, + "precision": 45.33950006595436, + "recall": 55.26315789473685, + "main_score": 47.986523325858506 + }, + { + "hf_subset": "ces-eng", + "languages": [ + "ces-Latn", + "eng-Latn" + ], + "accuracy": 82.89999999999999, + "f1": 78.835, + "precision": 77.04761904761905, + "recall": 82.89999999999999, + "main_score": 78.835 + }, + { + "hf_subset": "tzl-eng", + "languages": [ + "tzl-Latn", + "eng-Latn" + ], + "accuracy": 43.269230769230774, + "f1": 36.20421245421245, + "precision": 33.57371794871795, + "recall": 43.269230769230774, + "main_score": 36.20421245421245 + }, + { + "hf_subset": "urd-eng", + "languages": [ + "urd-Arab", + "eng-Latn" + ], + "accuracy": 88.0, + "f1": 84.70666666666666, + "precision": 83.23166666666665, + "recall": 88.0, + "main_score": 84.70666666666666 + }, + { + "hf_subset": "ara-eng", + "languages": [ + "ara-Arab", + "eng-Latn" + ], + "accuracy": 77.4, + "f1": 72.54666666666667, + "precision": 70.54318181818181, + "recall": 77.4, + "main_score": 72.54666666666667 + }, + { + "hf_subset": "kor-eng", + "languages": [ + "kor-Hang", + "eng-Latn" + ], + "accuracy": 78.60000000000001, + "f1": 74.1588888888889, + "precision": 72.30250000000001, + "recall": 78.60000000000001, + "main_score": 74.1588888888889 + }, + { + "hf_subset": "yid-eng", + "languages": [ + "yid-Hebr", + "eng-Latn" + ], + "accuracy": 72.40566037735849, + "f1": 66.82587328813744, + "precision": 64.75039308176099, + "recall": 72.40566037735849, + "main_score": 66.82587328813744 + }, + { + "hf_subset": "fin-eng", + "languages": [ + "fin-Latn", + "eng-Latn" + ], + "accuracy": 73.8, + "f1": 68.56357142857144, + "precision": 66.3178822055138, + "recall": 73.8, + "main_score": 68.56357142857144 + }, + { + "hf_subset": "tha-eng", + "languages": [ + "tha-Thai", + "eng-Latn" + ], + "accuracy": 91.78832116788321, + "f1": 89.3552311435523, + "precision": 88.20559610705597, + "recall": 91.78832116788321, + "main_score": 89.3552311435523 + }, + { + "hf_subset": "wuu-eng", + "languages": [ + "wuu-Hans", + "eng-Latn" + ], + "accuracy": 74.3, + "f1": 69.05085581085581, + "precision": 66.955, + "recall": 74.3, + "main_score": 69.05085581085581 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/Touche2020.json b/results/maiyad__multilingual-e5-small/external/Touche2020.json new file mode 100644 index 000000000..fb9563e9a --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.896, + "map_at_10": 8.993, + "map_at_100": 14.133999999999999, + "map_at_1000": 15.668000000000001, + "map_at_3": 5.862, + "map_at_5": 7.17, + "mrr_at_1": 34.694, + "mrr_at_10": 42.931000000000004, + "mrr_at_100": 44.81, + "mrr_at_1000": 44.81, + "mrr_at_3": 38.435, + "mrr_at_5": 41.701, + "ndcg_at_1": 31.633, + "ndcg_at_10": 21.163, + "ndcg_at_100": 33.306000000000004, + "ndcg_at_1000": 45.275999999999996, + "ndcg_at_3": 25.685999999999996, + "ndcg_at_5": 23.732, + "precision_at_1": 34.694, + "precision_at_10": 17.755000000000003, + "precision_at_100": 6.938999999999999, + "precision_at_1000": 1.48, + "precision_at_3": 25.85, + "precision_at_5": 23.265, + "recall_at_1": 2.896, + "recall_at_10": 13.333999999999998, + "recall_at_100": 43.517, + "recall_at_1000": 79.836, + "recall_at_3": 6.306000000000001, + "recall_at_5": 8.825, + "main_score": 21.163 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/ToxicConversationsClassification.json b/results/maiyad__multilingual-e5-small/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..05e95f320 --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.3874, + "ap": 13.829909072469423, + "f1": 53.54534203543492, + "main_score": 69.3874 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/TweetSentimentExtractionClassification.json b/results/maiyad__multilingual-e5-small/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..e4ace2564 --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 62.62026032823995, + "f1": 62.85251350485221, + "main_score": 62.62026032823995 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/TwentyNewsgroupsClustering.json b/results/maiyad__multilingual-e5-small/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..8ddc704ec --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.21527881409797, + "main_score": 33.21527881409797 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/TwitterSemEval2015.json b/results/maiyad__multilingual-e5-small/external/TwitterSemEval2015.json new file mode 100644 index 000000000..73a1eb3c0 --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 84.97943613280086, + "cos_sim_ap": 70.75454316885921, + "cos_sim_f1": 65.38274012676743, + "cos_sim_precision": 60.761214318078835, + "cos_sim_recall": 70.76517150395777, + "dot_accuracy": 79.0546581629612, + "dot_ap": 47.3197121792147, + "dot_f1": 49.20106524633821, + "dot_precision": 42.45499808502489, + "dot_recall": 58.49604221635884, + "euclidean_accuracy": 85.08076533349228, + "euclidean_ap": 70.95016106374474, + "euclidean_f1": 65.43987900176455, + "euclidean_precision": 62.64478764478765, + "euclidean_recall": 68.49604221635884, + "manhattan_accuracy": 84.93771234428085, + "manhattan_ap": 70.63668388755362, + "manhattan_f1": 65.23895401262398, + "manhattan_precision": 56.946084218811485, + "manhattan_recall": 76.35883905013192, + "max_accuracy": 85.08076533349228, + "max_ap": 70.95016106374474, + "max_f1": 65.43987900176455, + "main_score": 70.95016106374474 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/TwitterURLCorpus.json b/results/maiyad__multilingual-e5-small/external/TwitterURLCorpus.json new file mode 100644 index 000000000..cd229d7b7 --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.69096130709822, + "cos_sim_ap": 84.82526278228542, + "cos_sim_f1": 77.65485060585536, + "cos_sim_precision": 75.94582658619167, + "cos_sim_recall": 79.44256236526024, + "dot_accuracy": 80.97954748321496, + "dot_ap": 64.81642914145866, + "dot_f1": 60.631996987229975, + "dot_precision": 54.5897293631712, + "dot_recall": 68.17831844779796, + "euclidean_accuracy": 88.6987231730508, + "euclidean_ap": 84.80003825477253, + "euclidean_f1": 77.67194179854496, + "euclidean_precision": 75.7128235122094, + "euclidean_recall": 79.73514012935017, + "manhattan_accuracy": 88.62692591298949, + "manhattan_ap": 84.80451408255276, + "manhattan_f1": 77.69888949572183, + "manhattan_precision": 73.70311528631622, + "manhattan_recall": 82.15275639051433, + "max_accuracy": 88.6987231730508, + "max_ap": 84.82526278228542, + "max_f1": 77.69888949572183, + "main_score": 84.82526278228542 + } + ] + } +} \ No newline at end of file diff --git a/results/maiyad__multilingual-e5-small/external/model_meta.json b/results/maiyad__multilingual-e5-small/external/model_meta.json new file mode 100644 index 000000000..eb1de38b8 --- /dev/null +++ b/results/maiyad__multilingual-e5-small/external/model_meta.json @@ -0,0 +1,117 @@ +{ + "name": "maiyad/multilingual-e5-small", + "revision": "f63b0f69f0e114b5999b2d1b52df852bc00290a9", + "release_date": "2024-01-17", + "languages": [ + "multilingual", + "af", + "am", + "ar", + "as", + "az", + "be", + "bg", + "bn", + "br", + "bs", + "ca", + "cs", + "cy", + "da", + "de", + "el", + "en", + "eo", + "es", + "et", + "eu", + "fa", + "fi", + "fr", + "fy", + "ga", + "gd", + "gl", + "gu", + "ha", + "he", + "hi", + "hr", + "hu", + "hy", + "id", + "is", + "it", + "ja", + "jv", + "ka", + "kk", + "km", + "kn", + "ko", + "ku", + "ky", + "la", + "lo", + "lt", + "lv", + "mg", + "mk", + "ml", + "mn", + "mr", + "ms", + "my", + "ne", + "nl", + "no", + "om", + "or", + "pa", + "pl", + "ps", + "pt", + "ro", + "ru", + "sa", + "sd", + "si", + "sk", + "sl", + "so", + "sq", + "sr", + "su", + "sv", + "sw", + "ta", + "te", + "th", + "tl", + "tr", + "ug", + "uk", + "ur", + "uz", + "vi", + "xh", + "yi", + "zh" + ], + "loader": null, + "n_parameters": 117653760, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 384, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/malenia1__ternary-weight-embedding/external/AFQMC.json b/results/malenia1__ternary-weight-embedding/external/AFQMC.json new file mode 100644 index 000000000..a8911ce5e --- /dev/null +++ b/results/malenia1__ternary-weight-embedding/external/AFQMC.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "b44c3b011063adb25877c13823db83bb193913c4", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 54.178784977880845, + "cosine_spearman": 58.24983603546464, + "euclidean_pearson": 56.12063302915049, + "euclidean_spearman": 57.55891180444177, + "main_score": 58.24983603546464, + "manhattan_pearson": 56.14231021933658, + "manhattan_spearman": 57.57073312857721 + } + ] + } +} \ No newline at end of file diff --git a/results/malenia1__ternary-weight-embedding/external/ATEC.json b/results/malenia1__ternary-weight-embedding/external/ATEC.json new file mode 100644 index 000000000..9272c8a75 --- /dev/null +++ b/results/malenia1__ternary-weight-embedding/external/ATEC.json @@ -0,0 +1,38 @@ +{ + "dataset_revision": "0f319b1142f28d00e055a6770f3f726ae9b7d865", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 54.15496422617569, + "cosine_spearman": 57.14812321292837, + "euclidean_pearson": 60.12883177451991, + "euclidean_spearman": 56.79823039497166, + "main_score": 57.14812321292837, + "manhattan_pearson": 60.12467197534511, + "manhattan_spearman": 56.79279245167105 + } + ], + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 54.24370907266313, + "cosine_spearman": 57.79884664537865, + "euclidean_pearson": 60.05093414384327, + "euclidean_spearman": 57.47352051181076, + "main_score": 57.79884664537865, + "manhattan_pearson": 60.03579846842669, + "manhattan_spearman": 57.46213161281322 + } + ] + } +} \ No newline at end of file diff --git a/results/malenia1__ternary-weight-embedding/external/AmazonReviewsClassification.json b/results/malenia1__ternary-weight-embedding/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..81f1a5087 --- /dev/null +++ b/results/malenia1__ternary-weight-embedding/external/AmazonReviewsClassification.json @@ -0,0 +1,132 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 37.554, + "f1": 37.076043043891794, + "f1_weighted": 37.076043043891794, + "main_score": 37.554 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 26.883999999999997, + "f1": 26.766904450030015, + "f1_weighted": 26.766904450030015, + "main_score": 26.883999999999997 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 29.028, + "f1": 28.780140874309517, + "f1_weighted": 28.780140874309517, + "main_score": 29.028 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 26.72, + "f1": 26.480495303330265, + "f1_weighted": 26.480495303330265, + "main_score": 26.72 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 28.518, + "f1": 28.438382784401405, + "f1_weighted": 28.438382784401405, + "main_score": 28.518 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 46.26200000000001, + "f1": 45.27125595644993, + "f1_weighted": 45.271255956449934, + "main_score": 46.26200000000001 + } + ], + "validation": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 37.258, + "f1": 36.810536650483364, + "f1_weighted": 36.810536650483364, + "main_score": 37.258 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 27.168, + "f1": 27.110076496076186, + "f1_weighted": 27.110076496076186, + "main_score": 27.168 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 28.582, + "f1": 28.380427955500743, + "f1_weighted": 28.380427955500743, + "main_score": 28.582 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 26.284000000000006, + "f1": 26.020390218699436, + "f1_weighted": 26.020390218699436, + "main_score": 26.284000000000006 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 28.994000000000003, + "f1": 28.882137331326792, + "f1_weighted": 28.882137331326796, + "main_score": 28.994000000000003 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 45.64799999999999, + "f1": 44.72730068810682, + "f1_weighted": 44.72730068810682, + "main_score": 45.64799999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/malenia1__ternary-weight-embedding/external/BQ.json b/results/malenia1__ternary-weight-embedding/external/BQ.json new file mode 100644 index 000000000..a7e9f9f1f --- /dev/null +++ b/results/malenia1__ternary-weight-embedding/external/BQ.json @@ -0,0 +1,38 @@ +{ + "dataset_revision": "e3dda5e115e487b39ec7e618c0c6a29137052a55", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 72.11546348999653, + "cosine_spearman": 74.28360304728436, + "euclidean_pearson": 72.68784320632835, + "euclidean_spearman": 73.8988695267803, + "main_score": 74.28360304728436, + "manhattan_pearson": 72.67994924531479, + "manhattan_spearman": 73.89602896299826 + } + ], + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 74.80134578588282, + "cosine_spearman": 76.88519187053075, + "euclidean_pearson": 75.45155138775218, + "euclidean_spearman": 76.44577057706553, + "main_score": 76.88519187053075, + "manhattan_pearson": 75.44260208073607, + "manhattan_spearman": 76.43697175914832 + } + ] + } +} \ No newline at end of file diff --git a/results/malenia1__ternary-weight-embedding/external/CLSClusteringP2P.json b/results/malenia1__ternary-weight-embedding/external/CLSClusteringP2P.json new file mode 100644 index 000000000..d78fb7f72 --- /dev/null +++ b/results/malenia1__ternary-weight-embedding/external/CLSClusteringP2P.json @@ -0,0 +1,28 @@ +{ + "dataset_revision": "4b6227591c6c1a73bc76b1055f3b7f3588e72476", + "task_name": "CLSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 54.09910844643998, + "v_measure": 54.09910844643998, + "v_measure_std": 1.4947511735406993 + }, + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 54.68251196895576, + "v_measure": 54.68251196895576, + "v_measure_std": 1.8827992663564201 + } + ] + } +} \ No newline at end of file diff --git a/results/malenia1__ternary-weight-embedding/external/CLSClusteringS2S.json b/results/malenia1__ternary-weight-embedding/external/CLSClusteringS2S.json new file mode 100644 index 000000000..e33363cdc --- /dev/null +++ b/results/malenia1__ternary-weight-embedding/external/CLSClusteringS2S.json @@ -0,0 +1,28 @@ +{ + "dataset_revision": "e458b3f5414b62b7f9f83499ac1f5497ae2e869f", + "task_name": "CLSClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 46.50249324360948, + "v_measure": 46.50249324360948, + "v_measure_std": 1.575706238905038 + }, + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 48.5426747048895, + "v_measure": 48.5426747048895, + "v_measure_std": 1.8768930779321003 + } + ] + } +} \ No newline at end of file diff --git a/results/malenia1__ternary-weight-embedding/external/CmedqaRetrieval.json b/results/malenia1__ternary-weight-embedding/external/CmedqaRetrieval.json new file mode 100644 index 000000000..30db59f48 --- /dev/null +++ b/results/malenia1__ternary-weight-embedding/external/CmedqaRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "cd540c506dae1cf9e9a59c3e06f42030d54e7301", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 45.113, + "map_at_1": 25.974999999999998, + "map_at_10": 38.567, + "map_at_100": 40.407, + "map_at_1000": 40.52, + "map_at_20": 39.564, + "map_at_3": 34.410000000000004, + "map_at_5": 36.689, + "mrr_at_1": 39.65991497874469, + "mrr_at_10": 47.631104204622524, + "mrr_at_100": 48.59652256415256, + "mrr_at_1000": 48.64137820297102, + "mrr_at_20": 48.193915296968996, + "mrr_at_3": 45.24047678586305, + "mrr_at_5": 46.595815620571805, + "nauc_map_at_1000_diff1": 47.78866266244895, + "nauc_map_at_1000_max": 41.6785411481451, + "nauc_map_at_1000_std": -13.089914559064795, + "nauc_map_at_100_diff1": 47.74420073204668, + "nauc_map_at_100_max": 41.63744109954874, + "nauc_map_at_100_std": -13.115455589619943, + "nauc_map_at_10_diff1": 47.60785675353292, + "nauc_map_at_10_max": 40.81808736337173, + "nauc_map_at_10_std": -14.010361731187555, + "nauc_map_at_1_diff1": 52.623450404334235, + "nauc_map_at_1_max": 32.48612623845417, + "nauc_map_at_1_std": -14.301701958402347, + "nauc_map_at_20_diff1": 47.623803967273446, + "nauc_map_at_20_max": 41.19261840063425, + "nauc_map_at_20_std": -13.695407747959843, + "nauc_map_at_3_diff1": 48.343168244250215, + "nauc_map_at_3_max": 37.915780566548726, + "nauc_map_at_3_std": -14.422861700351183, + "nauc_map_at_5_diff1": 47.94643138191748, + "nauc_map_at_5_max": 39.59735520213133, + "nauc_map_at_5_std": -14.23393731727717, + "nauc_mrr_at_1000_diff1": 53.86065646960032, + "nauc_mrr_at_1000_max": 49.296644570372415, + "nauc_mrr_at_1000_std": -8.960076833549836, + "nauc_mrr_at_100_diff1": 53.83949971297237, + "nauc_mrr_at_100_max": 49.283394247434124, + "nauc_mrr_at_100_std": -8.938461521660448, + "nauc_mrr_at_10_diff1": 53.771434307862776, + "nauc_mrr_at_10_max": 49.232816072077185, + "nauc_mrr_at_10_std": -9.187019034523127, + "nauc_mrr_at_1_diff1": 59.00104676791166, + "nauc_mrr_at_1_max": 51.260502472764436, + "nauc_mrr_at_1_std": -9.593234514978924, + "nauc_mrr_at_20_diff1": 53.78230872607412, + "nauc_mrr_at_20_max": 49.21546854521065, + "nauc_mrr_at_20_std": -9.163123771380729, + "nauc_mrr_at_3_diff1": 54.55765283386248, + "nauc_mrr_at_3_max": 49.60566476180881, + "nauc_mrr_at_3_std": -9.148690932678257, + "nauc_mrr_at_5_diff1": 53.97605291263774, + "nauc_mrr_at_5_max": 49.40659705825686, + "nauc_mrr_at_5_std": -9.161744382503885, + "nauc_ndcg_at_1000_diff1": 48.31934043697359, + "nauc_ndcg_at_1000_max": 44.71283713093145, + "nauc_ndcg_at_1000_std": -9.913668236760554, + "nauc_ndcg_at_100_diff1": 47.38673504958784, + "nauc_ndcg_at_100_max": 44.25750824625488, + "nauc_ndcg_at_100_std": -9.48225516354158, + "nauc_ndcg_at_10_diff1": 46.90328760292496, + "nauc_ndcg_at_10_max": 42.41986408299954, + "nauc_ndcg_at_10_std": -12.909824341781825, + "nauc_ndcg_at_1_diff1": 59.00104676791166, + "nauc_ndcg_at_1_max": 51.260502472764436, + "nauc_ndcg_at_1_std": -9.593234514978924, + "nauc_ndcg_at_20_diff1": 46.77258181931362, + "nauc_ndcg_at_20_max": 42.68119586804985, + "nauc_ndcg_at_20_std": -12.423629313301388, + "nauc_ndcg_at_3_diff1": 48.58977327180224, + "nauc_ndcg_at_3_max": 43.61141480978654, + "nauc_ndcg_at_3_std": -11.641555503967986, + "nauc_ndcg_at_5_diff1": 47.67463895870823, + "nauc_ndcg_at_5_max": 42.49711123538069, + "nauc_ndcg_at_5_std": -12.452049013694403, + "nauc_precision_at_1000_diff1": 3.4806441777617567, + "nauc_precision_at_1000_max": 27.678000825789933, + "nauc_precision_at_1000_std": 17.698677421147963, + "nauc_precision_at_100_diff1": 7.875973729853397, + "nauc_precision_at_100_max": 34.08812146111534, + "nauc_precision_at_100_std": 16.524389567188365, + "nauc_precision_at_10_diff1": 21.272214137016185, + "nauc_precision_at_10_max": 44.00343281584008, + "nauc_precision_at_10_std": 0.9945485334597843, + "nauc_precision_at_1_diff1": 59.00104676791166, + "nauc_precision_at_1_max": 51.260502472764436, + "nauc_precision_at_1_std": -9.593234514978924, + "nauc_precision_at_20_diff1": 16.396372302736623, + "nauc_precision_at_20_max": 40.20456764221775, + "nauc_precision_at_20_std": 4.91733314934679, + "nauc_precision_at_3_diff1": 34.03262918273604, + "nauc_precision_at_3_max": 48.260349668115424, + "nauc_precision_at_3_std": -3.812770245046173, + "nauc_precision_at_5_diff1": 28.088076219897022, + "nauc_precision_at_5_max": 46.962465223407946, + "nauc_precision_at_5_std": -1.663412582138589, + "nauc_recall_at_1000_diff1": 29.003325559730303, + "nauc_recall_at_1000_max": 51.11704447020827, + "nauc_recall_at_1000_std": 52.358021602871176, + "nauc_recall_at_100_diff1": 26.944312318666174, + "nauc_recall_at_100_max": 35.1360457491317, + "nauc_recall_at_100_std": 8.995107524344007, + "nauc_recall_at_10_diff1": 34.767375834324746, + "nauc_recall_at_10_max": 33.15737890896935, + "nauc_recall_at_10_std": -13.876362538877132, + "nauc_recall_at_1_diff1": 52.623450404334235, + "nauc_recall_at_1_max": 32.48612623845417, + "nauc_recall_at_1_std": -14.301701958402347, + "nauc_recall_at_20_diff1": 31.796685961276754, + "nauc_recall_at_20_max": 31.645635578789094, + "nauc_recall_at_20_std": -12.896907066742678, + "nauc_recall_at_3_diff1": 40.9513328277203, + "nauc_recall_at_3_max": 33.2576092320736, + "nauc_recall_at_3_std": -13.677012060621971, + "nauc_recall_at_5_diff1": 38.17560293253476, + "nauc_recall_at_5_max": 33.66607334519376, + "nauc_recall_at_5_std": -13.710743011608292, + "ndcg_at_1": 39.660000000000004, + "ndcg_at_10": 45.113, + "ndcg_at_100": 52.257, + "ndcg_at_1000": 54.25, + "ndcg_at_20": 47.857, + "ndcg_at_3": 40.022999999999996, + "ndcg_at_5": 42.076, + "precision_at_1": 39.660000000000004, + "precision_at_10": 10.025, + "precision_at_100": 1.5789999999999997, + "precision_at_1000": 0.183, + "precision_at_20": 5.915, + "precision_at_3": 22.639, + "precision_at_5": 16.359, + "recall_at_1": 25.974999999999998, + "recall_at_10": 55.332, + "recall_at_100": 84.899, + "recall_at_1000": 98.312, + "recall_at_20": 64.702, + "recall_at_3": 39.800999999999995, + "recall_at_5": 46.378 + } + ] + } +} \ No newline at end of file diff --git a/results/malenia1__ternary-weight-embedding/external/Cmnli.json b/results/malenia1__ternary-weight-embedding/external/Cmnli.json new file mode 100644 index 000000000..4a3d13af9 --- /dev/null +++ b/results/malenia1__ternary-weight-embedding/external/Cmnli.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "41bc36f332156f7adc9e38f53777c959b2ae9766", + "task_name": "Cmnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_accuracy": 85.13529765484064, + "cosine_accuracy_threshold": 86.13102436065674, + "cosine_ap": 92.19355954725854, + "cosine_f1": 86.10154427285858, + "cosine_f1_threshold": 84.71119403839111, + "cosine_precision": 82.02794242167654, + "cosine_recall": 90.6008884732289, + "dot_accuracy": 74.91280817799158, + "dot_accuracy_threshold": 63842.00439453125, + "dot_ap": 83.44759720338214, + "dot_f1": 77.27227076428642, + "dot_f1_threshold": 60020.81298828125, + "dot_precision": 67.72887323943661, + "dot_recall": 89.94622398877719, + "euclidean_accuracy": 84.47384245339748, + "euclidean_accuracy_threshold": 1469.5334434509277, + "euclidean_ap": 91.3556506449566, + "euclidean_f1": 85.43989402803841, + "euclidean_f1_threshold": 1538.3913040161133, + "euclidean_precision": 80.92848180677541, + "euclidean_recall": 90.48398410100538, + "main_score": 85.13529765484064, + "manhattan_accuracy": 84.41371016235718, + "manhattan_accuracy_threshold": 49906.90002441406, + "manhattan_ap": 91.3493016502162, + "manhattan_f1": 85.49062844542446, + "manhattan_f1_threshold": 51897.528076171875, + "manhattan_precision": 80.88879616106823, + "manhattan_recall": 90.6476502221183, + "max_accuracy": 85.13529765484064, + "max_ap": 92.19355954725854, + "max_f1": 86.10154427285858, + "max_precision": 82.02794242167654, + "max_recall": 90.6476502221183, + "similarity_accuracy": 85.13529765484064, + "similarity_accuracy_threshold": 86.13102436065674, + "similarity_ap": 92.17394345753924, + "similarity_f1": 86.10154427285858, + "similarity_f1_threshold": 84.71119403839111, + "similarity_precision": 82.02794242167654, + "similarity_recall": 90.6008884732289 + } + ] + } +} \ No newline at end of file diff --git a/results/malenia1__ternary-weight-embedding/external/CovidRetrieval.json b/results/malenia1__ternary-weight-embedding/external/CovidRetrieval.json new file mode 100644 index 000000000..411348f32 --- /dev/null +++ b/results/malenia1__ternary-weight-embedding/external/CovidRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "1271c7809071a13532e05f25fb53511ffce77117", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 82.819, + "map_at_1": 69.494, + "map_at_10": 78.789, + "map_at_100": 78.988, + "map_at_1000": 78.993, + "map_at_20": 78.917, + "map_at_3": 77.011, + "map_at_5": 78.17699999999999, + "mrr_at_1": 69.6522655426765, + "mrr_at_10": 78.76729054811248, + "mrr_at_100": 78.95793499668491, + "mrr_at_1000": 78.96216519091867, + "mrr_at_20": 78.88679240958568, + "mrr_at_3": 77.04601334738325, + "mrr_at_5": 78.22620302072359, + "nauc_map_at_1000_diff1": 80.05214569065625, + "nauc_map_at_1000_max": 36.21145092927336, + "nauc_map_at_1000_std": -36.16531861028991, + "nauc_map_at_100_diff1": 80.05020798715684, + "nauc_map_at_100_max": 36.22261208348821, + "nauc_map_at_100_std": -36.14332748625607, + "nauc_map_at_10_diff1": 79.93946377542417, + "nauc_map_at_10_max": 36.20456984006017, + "nauc_map_at_10_std": -36.398588779081294, + "nauc_map_at_1_diff1": 82.0602604309234, + "nauc_map_at_1_max": 35.19249651707143, + "nauc_map_at_1_std": -34.21839088932163, + "nauc_map_at_20_diff1": 80.02697105208125, + "nauc_map_at_20_max": 36.18004342047142, + "nauc_map_at_20_std": -36.17886432477489, + "nauc_map_at_3_diff1": 80.16978634467844, + "nauc_map_at_3_max": 35.83327596692132, + "nauc_map_at_3_std": -38.37503788050143, + "nauc_map_at_5_diff1": 79.81622895096287, + "nauc_map_at_5_max": 36.08883221963992, + "nauc_map_at_5_std": -37.25482423232233, + "nauc_mrr_at_1000_diff1": 80.2097372109321, + "nauc_mrr_at_1000_max": 36.42174288518451, + "nauc_mrr_at_1000_std": -35.85189499872029, + "nauc_mrr_at_100_diff1": 80.20776581779481, + "nauc_mrr_at_100_max": 36.432844978272236, + "nauc_mrr_at_100_std": -35.82999739661053, + "nauc_mrr_at_10_diff1": 80.09236275670942, + "nauc_mrr_at_10_max": 36.380671611318604, + "nauc_mrr_at_10_std": -36.15989339661995, + "nauc_mrr_at_1_diff1": 81.87621839783066, + "nauc_mrr_at_1_max": 35.88505228929411, + "nauc_mrr_at_1_std": -32.92079357076708, + "nauc_mrr_at_20_diff1": 80.18395501536016, + "nauc_mrr_at_20_max": 36.38952241095837, + "nauc_mrr_at_20_std": -35.866686376779114, + "nauc_mrr_at_3_diff1": 80.23254549571189, + "nauc_mrr_at_3_max": 36.05935731319566, + "nauc_mrr_at_3_std": -37.866428822755864, + "nauc_mrr_at_5_diff1": 79.88253909007965, + "nauc_mrr_at_5_max": 36.457475361699146, + "nauc_mrr_at_5_std": -36.49596735742553, + "nauc_ndcg_at_1000_diff1": 79.7618117697378, + "nauc_ndcg_at_1000_max": 36.629676985491514, + "nauc_ndcg_at_1000_std": -35.86456326352086, + "nauc_ndcg_at_100_diff1": 79.65891920529748, + "nauc_ndcg_at_100_max": 36.97516050762293, + "nauc_ndcg_at_100_std": -35.2001931520788, + "nauc_ndcg_at_10_diff1": 79.17817241151019, + "nauc_ndcg_at_10_max": 36.86254607903196, + "nauc_ndcg_at_10_std": -36.235782359106615, + "nauc_ndcg_at_1_diff1": 81.6552730132908, + "nauc_ndcg_at_1_max": 35.6139365961136, + "nauc_ndcg_at_1_std": -33.34605824156571, + "nauc_ndcg_at_20_diff1": 79.53353610120962, + "nauc_ndcg_at_20_max": 36.83633652729889, + "nauc_ndcg_at_20_std": -35.223937945126934, + "nauc_ndcg_at_3_diff1": 79.66142161189495, + "nauc_ndcg_at_3_max": 36.201048838264995, + "nauc_ndcg_at_3_std": -40.303435032913235, + "nauc_ndcg_at_5_diff1": 78.84195807786423, + "nauc_ndcg_at_5_max": 36.82613815363756, + "nauc_ndcg_at_5_std": -38.073937317858494, + "nauc_precision_at_1000_diff1": -52.61992538101203, + "nauc_precision_at_1000_max": 2.876218848436758, + "nauc_precision_at_1000_std": 54.38129782759948, + "nauc_precision_at_100_diff1": -15.670131055377192, + "nauc_precision_at_100_max": 27.850990893649424, + "nauc_precision_at_100_std": 53.31709331697566, + "nauc_precision_at_10_diff1": 38.84116900921712, + "nauc_precision_at_10_max": 34.79084147327868, + "nauc_precision_at_10_std": -6.829876002907609, + "nauc_precision_at_1_diff1": 81.6552730132908, + "nauc_precision_at_1_max": 35.6139365961136, + "nauc_precision_at_1_std": -33.34605824156571, + "nauc_precision_at_20_diff1": 25.845188821845383, + "nauc_precision_at_20_max": 31.18865106000545, + "nauc_precision_at_20_std": 14.759241268473561, + "nauc_precision_at_3_diff1": 70.8201683277703, + "nauc_precision_at_3_max": 36.6701970406286, + "nauc_precision_at_3_std": -42.35040269825674, + "nauc_precision_at_5_diff1": 59.02227125330898, + "nauc_precision_at_5_max": 38.69410968250484, + "nauc_precision_at_5_std": -30.30854393285351, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": 64.60431422737145, + "nauc_recall_at_100_max": 82.10937063790381, + "nauc_recall_at_100_std": 51.005079723478254, + "nauc_recall_at_10_diff1": 70.9120103945018, + "nauc_recall_at_10_max": 44.17151180123427, + "nauc_recall_at_10_std": -30.974453318671753, + "nauc_recall_at_1_diff1": 82.0602604309234, + "nauc_recall_at_1_max": 35.19249651707143, + "nauc_recall_at_1_std": -34.21839088932163, + "nauc_recall_at_20_diff1": 72.87073930480337, + "nauc_recall_at_20_max": 48.156799565062514, + "nauc_recall_at_20_std": -8.986967985015431, + "nauc_recall_at_3_diff1": 77.48100030181683, + "nauc_recall_at_3_max": 37.72633639333108, + "nauc_recall_at_3_std": -48.48712826839765, + "nauc_recall_at_5_diff1": 72.79074903006723, + "nauc_recall_at_5_max": 41.41902376036034, + "nauc_recall_at_5_std": -42.76726369093494, + "ndcg_at_1": 69.758, + "ndcg_at_10": 82.819, + "ndcg_at_100": 83.705, + "ndcg_at_1000": 83.814, + "ndcg_at_20": 83.26599999999999, + "ndcg_at_3": 79.296, + "ndcg_at_5": 81.406, + "precision_at_1": 69.758, + "precision_at_10": 9.621, + "precision_at_100": 1.002, + "precision_at_1000": 0.101, + "precision_at_20": 4.9, + "precision_at_3": 28.767, + "precision_at_5": 18.335, + "recall_at_1": 69.494, + "recall_at_10": 95.205, + "recall_at_100": 99.157, + "recall_at_1000": 100.0, + "recall_at_20": 96.944, + "recall_at_3": 85.827, + "recall_at_5": 90.938 + } + ] + } +} \ No newline at end of file diff --git a/results/malenia1__ternary-weight-embedding/external/DuRetrieval.json b/results/malenia1__ternary-weight-embedding/external/DuRetrieval.json new file mode 100644 index 000000000..e853d7999 --- /dev/null +++ b/results/malenia1__ternary-weight-embedding/external/DuRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "a1a333e290fe30b10f3f56498e3a0d911a693ced", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 87.612, + "map_at_1": 26.430999999999997, + "map_at_10": 80.56400000000001, + "map_at_100": 83.41199999999999, + "map_at_1000": 83.447, + "map_at_20": 82.76, + "map_at_3": 56.21000000000001, + "map_at_5": 70.743, + "mrr_at_1": 91.0, + "mrr_at_10": 93.58273809523806, + "mrr_at_100": 93.66391788982004, + "mrr_at_1000": 93.66580315421686, + "mrr_at_20": 93.63874828087282, + "mrr_at_3": 93.31666666666662, + "mrr_at_5": 93.46916666666664, + "nauc_map_at_1000_diff1": 6.40109926511269, + "nauc_map_at_1000_max": 45.156518205790604, + "nauc_map_at_1000_std": 18.593211884073153, + "nauc_map_at_100_diff1": 6.448711557202101, + "nauc_map_at_100_max": 45.18486159645747, + "nauc_map_at_100_std": 18.616651795860722, + "nauc_map_at_10_diff1": 9.84371320616581, + "nauc_map_at_10_max": 40.01693268761593, + "nauc_map_at_10_std": 6.908031365560747, + "nauc_map_at_1_diff1": 44.953791181056026, + "nauc_map_at_1_max": -11.387509242343764, + "nauc_map_at_1_std": -29.012460300786657, + "nauc_map_at_20_diff1": 7.38580064647179, + "nauc_map_at_20_max": 44.371332746028116, + "nauc_map_at_20_std": 15.833956559472313, + "nauc_map_at_3_diff1": 29.427952587601474, + "nauc_map_at_3_max": 3.8473270447259185, + "nauc_map_at_3_std": -23.647521458336257, + "nauc_map_at_5_diff1": 18.713364613154774, + "nauc_map_at_5_max": 19.953262401680806, + "nauc_map_at_5_std": -11.913720371911865, + "nauc_mrr_at_1000_diff1": 38.040195739817776, + "nauc_mrr_at_1000_max": 75.65224176632694, + "nauc_mrr_at_1000_std": 39.40257100387963, + "nauc_mrr_at_100_diff1": 38.03778676125757, + "nauc_mrr_at_100_max": 75.65948630024249, + "nauc_mrr_at_100_std": 39.41815341603381, + "nauc_mrr_at_10_diff1": 37.97394065068133, + "nauc_mrr_at_10_max": 75.81910017199222, + "nauc_mrr_at_10_std": 39.61696874072677, + "nauc_mrr_at_1_diff1": 38.83675692499215, + "nauc_mrr_at_1_max": 69.99014420583036, + "nauc_mrr_at_1_std": 31.8093163191202, + "nauc_mrr_at_20_diff1": 38.073680057072046, + "nauc_mrr_at_20_max": 75.67883974175976, + "nauc_mrr_at_20_std": 39.40528722492238, + "nauc_mrr_at_3_diff1": 38.28768415096703, + "nauc_mrr_at_3_max": 76.28320654945267, + "nauc_mrr_at_3_std": 40.02109572008348, + "nauc_mrr_at_5_diff1": 38.216868985695534, + "nauc_mrr_at_5_max": 76.08316007275711, + "nauc_mrr_at_5_std": 39.972457019046104, + "nauc_ndcg_at_1000_diff1": 10.58897864933073, + "nauc_ndcg_at_1000_max": 55.5870887191566, + "nauc_ndcg_at_1000_std": 30.15493957024938, + "nauc_ndcg_at_100_diff1": 10.868069465772917, + "nauc_ndcg_at_100_max": 55.83351050391704, + "nauc_ndcg_at_100_std": 31.072236695619615, + "nauc_ndcg_at_10_diff1": 9.27127335978071, + "nauc_ndcg_at_10_max": 49.307727646759396, + "nauc_ndcg_at_10_std": 21.552518764523654, + "nauc_ndcg_at_1_diff1": 38.83675692499215, + "nauc_ndcg_at_1_max": 69.99014420583036, + "nauc_ndcg_at_1_std": 31.8093163191202, + "nauc_ndcg_at_20_diff1": 10.99181537977003, + "nauc_ndcg_at_20_max": 53.47605191227965, + "nauc_ndcg_at_20_std": 26.382045731517312, + "nauc_ndcg_at_3_diff1": 6.5534137252176565, + "nauc_ndcg_at_3_max": 51.11114538632076, + "nauc_ndcg_at_3_std": 22.189612114146588, + "nauc_ndcg_at_5_diff1": 7.719135315891541, + "nauc_ndcg_at_5_max": 44.360770591119504, + "nauc_ndcg_at_5_std": 18.743172873708048, + "nauc_precision_at_1000_diff1": -31.034822128380522, + "nauc_precision_at_1000_max": 20.332934368138066, + "nauc_precision_at_1000_std": 44.338803511915614, + "nauc_precision_at_100_diff1": -30.811245735858193, + "nauc_precision_at_100_max": 22.198372768725562, + "nauc_precision_at_100_std": 46.00454797611091, + "nauc_precision_at_10_diff1": -31.274194785864424, + "nauc_precision_at_10_max": 32.71187220917922, + "nauc_precision_at_10_std": 42.875968635394166, + "nauc_precision_at_1_diff1": 38.83675692499215, + "nauc_precision_at_1_max": 69.99014420583036, + "nauc_precision_at_1_std": 31.8093163191202, + "nauc_precision_at_20_diff1": -30.67860376845899, + "nauc_precision_at_20_max": 26.74661379366211, + "nauc_precision_at_20_std": 45.59437091314149, + "nauc_precision_at_3_diff1": -27.743818205448356, + "nauc_precision_at_3_max": 49.61474868721054, + "nauc_precision_at_3_std": 37.18101217122168, + "nauc_precision_at_5_diff1": -32.80762892713753, + "nauc_precision_at_5_max": 40.44209817083512, + "nauc_precision_at_5_std": 40.96210133419465, + "nauc_recall_at_1000_diff1": 6.1482636348882735, + "nauc_recall_at_1000_max": 73.7437459367813, + "nauc_recall_at_1000_std": 74.5949419078317, + "nauc_recall_at_100_diff1": 11.893958942544847, + "nauc_recall_at_100_max": 65.83194149698096, + "nauc_recall_at_100_std": 64.9416138646916, + "nauc_recall_at_10_diff1": 10.763264138044141, + "nauc_recall_at_10_max": 37.42063013254842, + "nauc_recall_at_10_std": 5.538711799036518, + "nauc_recall_at_1_diff1": 44.953791181056026, + "nauc_recall_at_1_max": -11.387509242343764, + "nauc_recall_at_1_std": -29.012460300786657, + "nauc_recall_at_20_diff1": 10.112135571654077, + "nauc_recall_at_20_max": 48.8731227722893, + "nauc_recall_at_20_std": 27.875300064543712, + "nauc_recall_at_3_diff1": 29.035019905697286, + "nauc_recall_at_3_max": -0.8253741490097173, + "nauc_recall_at_3_std": -26.374385040717073, + "nauc_recall_at_5_diff1": 18.90308787689296, + "nauc_recall_at_5_max": 12.373785172914031, + "nauc_recall_at_5_std": -16.43244911732844, + "ndcg_at_1": 91.0, + "ndcg_at_10": 87.612, + "ndcg_at_100": 90.36699999999999, + "ndcg_at_1000": 90.712, + "ndcg_at_20": 89.184, + "ndcg_at_3": 86.875, + "ndcg_at_5": 85.724, + "precision_at_1": 91.0, + "precision_at_10": 41.805, + "precision_at_100": 4.805000000000001, + "precision_at_1000": 0.48900000000000005, + "precision_at_20": 22.793, + "precision_at_3": 77.85, + "precision_at_5": 65.73, + "recall_at_1": 26.430999999999997, + "recall_at_10": 88.35499999999999, + "recall_at_100": 97.366, + "recall_at_1000": 99.235, + "recall_at_20": 93.525, + "recall_at_3": 58.226, + "recall_at_5": 74.919 + } + ] + } +} \ No newline at end of file diff --git a/results/malenia1__ternary-weight-embedding/external/EcomRetrieval.json b/results/malenia1__ternary-weight-embedding/external/EcomRetrieval.json new file mode 100644 index 000000000..a5cb434c5 --- /dev/null +++ b/results/malenia1__ternary-weight-embedding/external/EcomRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "687de13dc7294d6fd9be10c6945f9e8fec8166b9", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 67.161, + "map_at_1": 52.300000000000004, + "map_at_10": 62.166999999999994, + "map_at_100": 62.778999999999996, + "map_at_1000": 62.792, + "map_at_20": 62.602000000000004, + "map_at_3": 59.516999999999996, + "map_at_5": 61.212, + "mrr_at_1": 52.300000000000004, + "mrr_at_10": 62.16682539682541, + "mrr_at_100": 62.77902948698046, + "mrr_at_1000": 62.792087634956715, + "mrr_at_20": 62.60165070567552, + "mrr_at_3": 59.516666666666666, + "mrr_at_5": 61.21166666666669, + "nauc_map_at_1000_diff1": 65.16885595814446, + "nauc_map_at_1000_max": 29.496662567956776, + "nauc_map_at_1000_std": -12.7407402615998, + "nauc_map_at_100_diff1": 65.16617941092908, + "nauc_map_at_100_max": 29.502786614031272, + "nauc_map_at_100_std": -12.730774193607482, + "nauc_map_at_10_diff1": 65.06166340128496, + "nauc_map_at_10_max": 29.354270783663335, + "nauc_map_at_10_std": -13.094010608834502, + "nauc_map_at_1_diff1": 67.95208901030078, + "nauc_map_at_1_max": 27.603263383543116, + "nauc_map_at_1_std": -13.626768587136143, + "nauc_map_at_20_diff1": 65.14110896910226, + "nauc_map_at_20_max": 29.517296694609605, + "nauc_map_at_20_std": -12.764608204706748, + "nauc_map_at_3_diff1": 65.35395305214332, + "nauc_map_at_3_max": 28.576381656915512, + "nauc_map_at_3_std": -14.869794329585687, + "nauc_map_at_5_diff1": 65.08475092137822, + "nauc_map_at_5_max": 29.10210463237133, + "nauc_map_at_5_std": -13.358219612661818, + "nauc_mrr_at_1000_diff1": 65.16885595814446, + "nauc_mrr_at_1000_max": 29.496662567956776, + "nauc_mrr_at_1000_std": -12.7407402615998, + "nauc_mrr_at_100_diff1": 65.16617941092908, + "nauc_mrr_at_100_max": 29.502786614031272, + "nauc_mrr_at_100_std": -12.730774193607482, + "nauc_mrr_at_10_diff1": 65.06166340128496, + "nauc_mrr_at_10_max": 29.354270783663335, + "nauc_mrr_at_10_std": -13.094010608834502, + "nauc_mrr_at_1_diff1": 67.95208901030078, + "nauc_mrr_at_1_max": 27.603263383543116, + "nauc_mrr_at_1_std": -13.626768587136143, + "nauc_mrr_at_20_diff1": 65.14110896910226, + "nauc_mrr_at_20_max": 29.517296694609605, + "nauc_mrr_at_20_std": -12.764608204706748, + "nauc_mrr_at_3_diff1": 65.35395305214332, + "nauc_mrr_at_3_max": 28.576381656915512, + "nauc_mrr_at_3_std": -14.869794329585687, + "nauc_mrr_at_5_diff1": 65.08475092137822, + "nauc_mrr_at_5_max": 29.10210463237133, + "nauc_mrr_at_5_std": -13.358219612661818, + "nauc_ndcg_at_1000_diff1": 64.33394397420086, + "nauc_ndcg_at_1000_max": 30.864795296588355, + "nauc_ndcg_at_1000_std": -10.533294101922223, + "nauc_ndcg_at_100_diff1": 64.23470966841133, + "nauc_ndcg_at_100_max": 31.15266740134302, + "nauc_ndcg_at_100_std": -10.011060738308094, + "nauc_ndcg_at_10_diff1": 63.857719978347525, + "nauc_ndcg_at_10_max": 30.617530021869715, + "nauc_ndcg_at_10_std": -11.653834629145123, + "nauc_ndcg_at_1_diff1": 67.95208901030078, + "nauc_ndcg_at_1_max": 27.603263383543116, + "nauc_ndcg_at_1_std": -13.626768587136143, + "nauc_ndcg_at_20_diff1": 64.1331572787928, + "nauc_ndcg_at_20_max": 31.25635677077675, + "nauc_ndcg_at_20_std": -10.276309085700548, + "nauc_ndcg_at_3_diff1": 64.48544321575491, + "nauc_ndcg_at_3_max": 28.830444576799763, + "nauc_ndcg_at_3_std": -15.353961858062192, + "nauc_ndcg_at_5_diff1": 63.939873109118736, + "nauc_ndcg_at_5_max": 29.829976475635444, + "nauc_ndcg_at_5_std": -12.501228923097408, + "nauc_precision_at_1000_diff1": 37.252308330738565, + "nauc_precision_at_1000_max": 83.39039319431379, + "nauc_precision_at_1000_std": 88.40906733063514, + "nauc_precision_at_100_diff1": 49.082892416225164, + "nauc_precision_at_100_max": 64.97665732959823, + "nauc_precision_at_100_std": 52.973337483141194, + "nauc_precision_at_10_diff1": 57.595510418530985, + "nauc_precision_at_10_max": 37.97668604684725, + "nauc_precision_at_10_std": -2.7592219444461974, + "nauc_precision_at_1_diff1": 67.95208901030078, + "nauc_precision_at_1_max": 27.603263383543116, + "nauc_precision_at_1_std": -13.626768587136143, + "nauc_precision_at_20_diff1": 56.98568570908991, + "nauc_precision_at_20_max": 46.84055109587015, + "nauc_precision_at_20_std": 13.665255154616707, + "nauc_precision_at_3_diff1": 61.609690960979556, + "nauc_precision_at_3_max": 29.644530943175635, + "nauc_precision_at_3_std": -16.983269477487482, + "nauc_precision_at_5_diff1": 59.36708969559955, + "nauc_precision_at_5_max": 32.83509607326578, + "nauc_precision_at_5_std": -8.585997498785966, + "nauc_recall_at_1000_diff1": 37.25230833073967, + "nauc_recall_at_1000_max": 83.39039319431508, + "nauc_recall_at_1000_std": 88.40906733063599, + "nauc_recall_at_100_diff1": 49.08289241622588, + "nauc_recall_at_100_max": 64.97665732959842, + "nauc_recall_at_100_std": 52.973337483141805, + "nauc_recall_at_10_diff1": 57.59551041853113, + "nauc_recall_at_10_max": 37.97668604684728, + "nauc_recall_at_10_std": -2.7592219444460553, + "nauc_recall_at_1_diff1": 67.95208901030078, + "nauc_recall_at_1_max": 27.603263383543116, + "nauc_recall_at_1_std": -13.626768587136143, + "nauc_recall_at_20_diff1": 56.98568570908995, + "nauc_recall_at_20_max": 46.84055109587016, + "nauc_recall_at_20_std": 13.665255154616771, + "nauc_recall_at_3_diff1": 61.60969096097951, + "nauc_recall_at_3_max": 29.644530943175585, + "nauc_recall_at_3_std": -16.983269477487518, + "nauc_recall_at_5_diff1": 59.36708969559964, + "nauc_recall_at_5_max": 32.83509607326576, + "nauc_recall_at_5_std": -8.585997498785925, + "ndcg_at_1": 52.300000000000004, + "ndcg_at_10": 67.161, + "ndcg_at_100": 69.947, + "ndcg_at_1000": 70.28999999999999, + "ndcg_at_20": 68.734, + "ndcg_at_3": 61.827, + "ndcg_at_5": 64.857, + "precision_at_1": 52.300000000000004, + "precision_at_10": 8.290000000000001, + "precision_at_100": 0.955, + "precision_at_1000": 0.098, + "precision_at_20": 4.455, + "precision_at_3": 22.833000000000002, + "precision_at_5": 15.160000000000002, + "recall_at_1": 52.300000000000004, + "recall_at_10": 82.89999999999999, + "recall_at_100": 95.5, + "recall_at_1000": 98.2, + "recall_at_20": 89.1, + "recall_at_3": 68.5, + "recall_at_5": 75.8 + } + ] + } +} \ No newline at end of file diff --git a/results/malenia1__ternary-weight-embedding/external/IFlyTek.json b/results/malenia1__ternary-weight-embedding/external/IFlyTek.json new file mode 100644 index 000000000..c06e2739c --- /dev/null +++ b/results/malenia1__ternary-weight-embedding/external/IFlyTek.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "421605374b29664c5fc098418fe20ada9bd55f8a", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 46.20238553289727, + "f1": 38.90517287997349, + "f1_weighted": 47.72465908202853, + "main_score": 46.20238553289727 + } + ] + } +} \ No newline at end of file diff --git a/results/malenia1__ternary-weight-embedding/external/JDReview.json b/results/malenia1__ternary-weight-embedding/external/JDReview.json new file mode 100644 index 000000000..785e3d3a1 --- /dev/null +++ b/results/malenia1__ternary-weight-embedding/external/JDReview.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "b7c64bd89eb87f8ded463478346f76731f07bf8b", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 86.86679174484053, + "ap": 55.4190333000728, + "ap_weighted": 55.4190333000728, + "f1": 81.51249564649538, + "f1_weighted": 87.76253254123183, + "main_score": 86.86679174484053 + } + ] + } +} \ No newline at end of file diff --git a/results/malenia1__ternary-weight-embedding/external/LCQMC.json b/results/malenia1__ternary-weight-embedding/external/LCQMC.json new file mode 100644 index 000000000..4dc14a386 --- /dev/null +++ b/results/malenia1__ternary-weight-embedding/external/LCQMC.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "17f9b096f80380fce5ed12a9be8be7784b337daf", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 73.38528996257187, + "cosine_spearman": 79.5838761369882, + "euclidean_pearson": 79.46435441303319, + "euclidean_spearman": 79.43632868036107, + "main_score": 79.5838761369882, + "manhattan_pearson": 79.4611643611669, + "manhattan_spearman": 79.43277700673374 + } + ] + } +} \ No newline at end of file diff --git a/results/malenia1__ternary-weight-embedding/external/MMarcoReranking.json b/results/malenia1__ternary-weight-embedding/external/MMarcoReranking.json new file mode 100644 index 000000000..8f864f026 --- /dev/null +++ b/results/malenia1__ternary-weight-embedding/external/MMarcoReranking.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "8e0c766dbe9e16e1d221116a3f36795fbade07f6", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 35.03765306725339, + "map": 35.03765306725339, + "mrr": 34.97817460317461, + "nAUC_map_diff1": 19.818725573084713, + "nAUC_map_max": 1.0198000256681778, + "nAUC_map_std": -17.624562992793454, + "nAUC_mrr_diff1": 20.024047042722497, + "nAUC_mrr_max": 0.7457000534749312, + "nAUC_mrr_std": -17.90188283839233 + } + ] + } +} \ No newline at end of file diff --git a/results/malenia1__ternary-weight-embedding/external/MMarcoRetrieval.json b/results/malenia1__ternary-weight-embedding/external/MMarcoRetrieval.json new file mode 100644 index 000000000..dfc768398 --- /dev/null +++ b/results/malenia1__ternary-weight-embedding/external/MMarcoRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "539bbde593d947e2a124ba72651aafc09eb33fc2", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 78.377, + "map_at_1": 64.496, + "map_at_10": 74.316, + "map_at_100": 74.67399999999999, + "map_at_1000": 74.682, + "map_at_20": 74.553, + "map_at_3": 72.27799999999999, + "map_at_5": 73.601, + "mrr_at_1": 66.71919770773638, + "mrr_at_10": 74.91401168872505, + "mrr_at_100": 75.22834586029683, + "mrr_at_1000": 75.23576223918033, + "mrr_at_20": 75.1182142204938, + "mrr_at_3": 73.12320916905448, + "mrr_at_5": 74.29512893982785, + "nauc_map_at_1000_diff1": 76.44188987176878, + "nauc_map_at_1000_max": 41.96583590277497, + "nauc_map_at_1000_std": -11.893947475776763, + "nauc_map_at_100_diff1": 76.43873298246776, + "nauc_map_at_100_max": 41.97615263718138, + "nauc_map_at_100_std": -11.876568525374811, + "nauc_map_at_10_diff1": 76.28512812077162, + "nauc_map_at_10_max": 42.111303574942454, + "nauc_map_at_10_std": -11.92840846101945, + "nauc_map_at_1_diff1": 78.56803879890037, + "nauc_map_at_1_max": 35.78389741877027, + "nauc_map_at_1_std": -16.393221992175597, + "nauc_map_at_20_diff1": 76.38231793080924, + "nauc_map_at_20_max": 42.05893602716135, + "nauc_map_at_20_std": -11.826119522321708, + "nauc_map_at_3_diff1": 76.19646582467323, + "nauc_map_at_3_max": 40.85705983970697, + "nauc_map_at_3_std": -13.612451556499103, + "nauc_map_at_5_diff1": 76.27491857077754, + "nauc_map_at_5_max": 41.85172393299732, + "nauc_map_at_5_std": -12.431459301392097, + "nauc_mrr_at_1000_diff1": 76.92019548266093, + "nauc_mrr_at_1000_max": 42.48811285027811, + "nauc_mrr_at_1000_std": -11.317598684822896, + "nauc_mrr_at_100_diff1": 76.91765336636446, + "nauc_mrr_at_100_max": 42.49675674263938, + "nauc_mrr_at_100_std": -11.300949737082554, + "nauc_mrr_at_10_diff1": 76.79353999065357, + "nauc_mrr_at_10_max": 42.69909380024054, + "nauc_mrr_at_10_std": -11.270497173030472, + "nauc_mrr_at_1_diff1": 79.7117803522604, + "nauc_mrr_at_1_max": 39.57572084455486, + "nauc_mrr_at_1_std": -15.17966940645922, + "nauc_mrr_at_20_diff1": 76.86280745329786, + "nauc_mrr_at_20_max": 42.58380455810906, + "nauc_mrr_at_20_std": -11.229046706936792, + "nauc_mrr_at_3_diff1": 76.67262469325809, + "nauc_mrr_at_3_max": 41.88964824896713, + "nauc_mrr_at_3_std": -12.50874971662575, + "nauc_mrr_at_5_diff1": 76.7796936981817, + "nauc_mrr_at_5_max": 42.526924542005716, + "nauc_mrr_at_5_std": -11.587665730732638, + "nauc_ndcg_at_1000_diff1": 75.97798533105214, + "nauc_ndcg_at_1000_max": 43.27769851746166, + "nauc_ndcg_at_1000_std": -9.42928648077032, + "nauc_ndcg_at_100_diff1": 75.88448755710286, + "nauc_ndcg_at_100_max": 43.60463027736502, + "nauc_ndcg_at_100_std": -8.788723172592231, + "nauc_ndcg_at_10_diff1": 75.15087803753813, + "nauc_ndcg_at_10_max": 44.53805050283006, + "nauc_ndcg_at_10_std": -8.665523258131715, + "nauc_ndcg_at_1_diff1": 79.7117803522604, + "nauc_ndcg_at_1_max": 39.57572084455486, + "nauc_ndcg_at_1_std": -15.17966940645922, + "nauc_ndcg_at_20_diff1": 75.46054281314423, + "nauc_ndcg_at_20_max": 44.27762687558626, + "nauc_ndcg_at_20_std": -8.193908784135246, + "nauc_ndcg_at_3_diff1": 75.11224084416658, + "nauc_ndcg_at_3_max": 42.17726543068363, + "nauc_ndcg_at_3_std": -12.105416322156225, + "nauc_ndcg_at_5_diff1": 75.185399674847, + "nauc_ndcg_at_5_max": 43.84929152627948, + "nauc_ndcg_at_5_std": -10.009405007276152, + "nauc_precision_at_1000_diff1": -17.09549485267675, + "nauc_precision_at_1000_max": 14.73979745312348, + "nauc_precision_at_1000_std": 24.533810348714972, + "nauc_precision_at_100_diff1": -6.236032711925149, + "nauc_precision_at_100_max": 23.110915607656956, + "nauc_precision_at_100_std": 28.206485316450536, + "nauc_precision_at_10_diff1": 23.03478697515758, + "nauc_precision_at_10_max": 39.203686218447196, + "nauc_precision_at_10_std": 17.452696042464027, + "nauc_precision_at_1_diff1": 79.7117803522604, + "nauc_precision_at_1_max": 39.57572084455486, + "nauc_precision_at_1_std": -15.17966940645922, + "nauc_precision_at_20_diff1": 12.09320340381941, + "nauc_precision_at_20_max": 34.16449285853928, + "nauc_precision_at_20_std": 24.122439998396754, + "nauc_precision_at_3_diff1": 47.52910178931779, + "nauc_precision_at_3_max": 40.82046536615527, + "nauc_precision_at_3_std": -0.8258153652756941, + "nauc_precision_at_5_diff1": 36.2587080465967, + "nauc_precision_at_5_max": 41.54352007897181, + "nauc_precision_at_5_std": 8.545492145033677, + "nauc_recall_at_1000_diff1": 62.82235268536862, + "nauc_recall_at_1000_max": 67.88265991328028, + "nauc_recall_at_1000_std": 78.62591611987277, + "nauc_recall_at_100_diff1": 65.84511669611754, + "nauc_recall_at_100_max": 68.3187288143991, + "nauc_recall_at_100_std": 55.49540536103681, + "nauc_recall_at_10_diff1": 66.07985276674994, + "nauc_recall_at_10_max": 59.09892833450687, + "nauc_recall_at_10_std": 12.173481401831848, + "nauc_recall_at_1_diff1": 78.56803879890037, + "nauc_recall_at_1_max": 35.78389741877027, + "nauc_recall_at_1_std": -16.393221992175597, + "nauc_recall_at_20_diff1": 65.60243952156914, + "nauc_recall_at_20_max": 63.1161484484425, + "nauc_recall_at_20_std": 26.62753581692267, + "nauc_recall_at_3_diff1": 70.07831205118282, + "nauc_recall_at_3_max": 45.268817233496385, + "nauc_recall_at_3_std": -8.031502210695518, + "nauc_recall_at_5_diff1": 68.75996804285091, + "nauc_recall_at_5_max": 51.89436269116051, + "nauc_recall_at_5_std": 0.2288841275558609, + "ndcg_at_1": 66.719, + "ndcg_at_10": 78.377, + "ndcg_at_100": 79.964, + "ndcg_at_1000": 80.185, + "ndcg_at_20": 79.183, + "ndcg_at_3": 74.533, + "ndcg_at_5": 76.782, + "precision_at_1": 66.719, + "precision_at_10": 9.596, + "precision_at_100": 1.038, + "precision_at_1000": 0.106, + "precision_at_20": 4.971, + "precision_at_3": 28.247, + "precision_at_5": 18.146, + "recall_at_1": 64.496, + "recall_at_10": 90.275, + "recall_at_100": 97.41300000000001, + "recall_at_1000": 99.128, + "recall_at_20": 93.378, + "recall_at_3": 80.19, + "recall_at_5": 85.531 + } + ] + } +} \ No newline at end of file diff --git a/results/malenia1__ternary-weight-embedding/external/MassiveIntentClassification.json b/results/malenia1__ternary-weight-embedding/external/MassiveIntentClassification.json new file mode 100644 index 000000000..45abb4e6a --- /dev/null +++ b/results/malenia1__ternary-weight-embedding/external/MassiveIntentClassification.json @@ -0,0 +1,1032 @@ +{ + "dataset_revision": "4672e20407010da34463acc759c162ca9734bca6", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 9.731002017484869, + "f1": 9.069748597280716, + "f1_weighted": 10.419815856589645, + "main_score": 9.731002017484869 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 43.6079354404842, + "f1": 43.25295087060459, + "f1_weighted": 43.98296829713196, + "main_score": 43.6079354404842 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 12.814391392064561, + "f1": 11.570863357381153, + "f1_weighted": 13.101944439649085, + "main_score": 12.814391392064561 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 23.97108271687962, + "f1": 24.053292531614012, + "f1_weighted": 23.851839245854936, + "main_score": 23.97108271687962 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 62.81102891728313, + "f1": 59.6018863604308, + "f1_weighted": 62.99690622554801, + "main_score": 62.81102891728313 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 41.570275722932074, + "f1": 39.46488297245669, + "f1_weighted": 42.502239816443456, + "main_score": 41.570275722932074 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 39.8453261600538, + "f1": 38.317101603964545, + "f1_weighted": 40.72395492044339, + "main_score": 39.8453261600538 + }, + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 38.671822461331544, + "f1": 37.58007811317987, + "f1_weighted": 39.10181248428257, + "main_score": 38.671822461331544 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 30.067249495628783, + "f1": 27.556355974187912, + "f1_weighted": 30.963659893012967, + "main_score": 30.067249495628783 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 4.673839946200404, + "f1": 2.5494965639802367, + "f1_weighted": 2.8145341830526283, + "main_score": 4.673839946200404 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 46.96032279757902, + "f1": 46.65651797980574, + "f1_weighted": 46.975519849473244, + "main_score": 46.96032279757902 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 40.292535305985204, + "f1": 39.17628651352315, + "f1_weighted": 40.839902493979025, + "main_score": 40.292535305985204 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 2.8513786146603897, + "f1": 1.89175192605774, + "f1_weighted": 2.5364563808332528, + "main_score": 2.8513786146603897 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 34.451916610625425, + "f1": 33.53074927467555, + "f1_weighted": 35.258319919642446, + "main_score": 34.451916610625425 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 43.197713517148614, + "f1": 42.60125486508949, + "f1_weighted": 43.64379570892065, + "main_score": 43.197713517148614 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 76.01882985877604, + "f1": 72.3776579790032, + "f1_weighted": 76.50838946568814, + "main_score": 76.01882985877604 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 32.75386684599866, + "f1": 31.456766708589896, + "f1_weighted": 34.0366091215231, + "main_score": 32.75386684599866 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 42.57565568258238, + "f1": 40.287327106843634, + "f1_weighted": 43.24716333400812, + "main_score": 42.57565568258238 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 2.589105581708137, + "f1": 0.9290630374280033, + "f1_weighted": 1.4161878562981063, + "main_score": 2.589105581708137 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 25.131136516476126, + "f1": 25.27815061140736, + "f1_weighted": 25.192290174357346, + "main_score": 25.131136516476126 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 46.946872898453265, + "f1": 45.91259775330914, + "f1_weighted": 47.398746034653406, + "main_score": 46.946872898453265 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 42.017484868863484, + "f1": 40.32799351790967, + "f1_weighted": 42.5095745023745, + "main_score": 42.017484868863484 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 44.16274377942165, + "f1": 42.59183982340306, + "f1_weighted": 45.008212136093455, + "main_score": 44.16274377942165 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 43.62474781439139, + "f1": 43.380784365848676, + "f1_weighted": 44.048384678055065, + "main_score": 43.62474781439139 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 14.862138533960998, + "f1": 13.123956008770515, + "f1_weighted": 15.175944552935434, + "main_score": 14.862138533960998 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 42.59246805648957, + "f1": 39.235549164523064, + "f1_weighted": 43.725796046895724, + "main_score": 42.59246805648957 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 43.35911230665771, + "f1": 43.58305920517007, + "f1_weighted": 43.45163273620528, + "main_score": 43.35911230665771 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 3.5743106926698043, + "f1": 1.9170031165168782, + "f1_weighted": 2.876028356151793, + "main_score": 3.5743106926698043 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 39.3207800941493, + "f1": 37.84945159101641, + "f1_weighted": 39.76328887450172, + "main_score": 39.3207800941493 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 43.17417619367855, + "f1": 41.51452421502344, + "f1_weighted": 43.575740588663436, + "main_score": 43.17417619367855 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 3.940820443846671, + "f1": 1.9024958528487437, + "f1_weighted": 2.457367277110865, + "main_score": 3.940820443846671 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 3.702084734364493, + "f1": 2.4577796241626655, + "f1_weighted": 2.718182564884992, + "main_score": 3.702084734364493 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 3.338937457969065, + "f1": 1.1915267419026427, + "f1_weighted": 2.050367350794539, + "main_score": 3.338937457969065 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 7.108271687962341, + "f1": 6.499099733722208, + "f1_weighted": 6.067679182650555, + "main_score": 7.108271687962341 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 3.1069266980497647, + "f1": 1.7074940472292803, + "f1_weighted": 1.91368359274973, + "main_score": 3.1069266980497647 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 51.04909213180902, + "f1": 49.6308815392496, + "f1_weighted": 51.14123088715286, + "main_score": 51.04909213180902 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 40.154673839946206, + "f1": 39.60433103070425, + "f1_weighted": 40.82227593141525, + "main_score": 40.154673839946206 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 42.10827168796234, + "f1": 39.80603638685329, + "f1_weighted": 42.64856677255116, + "main_score": 42.10827168796234 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 41.4862138533961, + "f1": 39.857700066184535, + "f1_weighted": 41.81361990540168, + "main_score": 41.4862138533961 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 2.8513786146603897, + "f1": 1.0396796629394838, + "f1_weighted": 1.679462787118112, + "main_score": 2.8513786146603897 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 33.046402151983855, + "f1": 32.071046557110236, + "f1_weighted": 34.06498014118775, + "main_score": 33.046402151983855 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 39.81842636180228, + "f1": 38.62179673846196, + "f1_weighted": 40.75093127009189, + "main_score": 39.81842636180228 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 3.533960995292535, + "f1": 1.52098804123016, + "f1_weighted": 2.4587393644122364, + "main_score": 3.533960995292535 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 3.4868863483523875, + "f1": 2.463127466064235, + "f1_weighted": 2.814989313283245, + "main_score": 3.4868863483523875 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 40.534633490248815, + "f1": 39.582513269336324, + "f1_weighted": 41.20588357370901, + "main_score": 40.534633490248815 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 70.70275722932078, + "f1": 69.33141153617231, + "f1_weighted": 71.00260120362651, + "main_score": 70.70275722932078 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 43.67854741089442, + "f1": 42.5674825712523, + "f1_weighted": 44.03833175704378, + "main_score": 43.67854741089442 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 25.793544048419637, + "f1": 25.149981562366037, + "f1_weighted": 26.24170939636344, + "main_score": 25.793544048419637 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 2.7336919973100207, + "f1": 1.580154047083068, + "f1_weighted": 1.4503728058594556, + "main_score": 2.7336919973100207 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 44.9831876260928, + "f1": 42.431462813005005, + "f1_weighted": 45.83858201062737, + "main_score": 44.9831876260928 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 41.62071284465366, + "f1": 39.31648308450773, + "f1_weighted": 42.262157671126744, + "main_score": 41.62071284465366 + } + ], + "validation": [ + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 9.380226266601081, + "f1": 8.990917585770982, + "f1_weighted": 10.555950181353865, + "main_score": 9.380226266601081 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 43.30054107230693, + "f1": 42.639087356331615, + "f1_weighted": 43.69592952307332, + "main_score": 43.30054107230693 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 12.700442695523856, + "f1": 11.392101752675561, + "f1_weighted": 13.02878956397257, + "main_score": 12.700442695523856 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 24.176094441711754, + "f1": 24.441961354848978, + "f1_weighted": 23.943329604222363, + "main_score": 24.176094441711754 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 63.42351205115592, + "f1": 60.1409077218653, + "f1_weighted": 63.23590096985862, + "main_score": 63.42351205115592 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 41.44121987211018, + "f1": 39.88179246641776, + "f1_weighted": 41.9912976137676, + "main_score": 41.44121987211018 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 38.88342351205115, + "f1": 38.016148507410676, + "f1_weighted": 39.67623313324099, + "main_score": 38.88342351205115 + }, + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 38.93753074274471, + "f1": 38.21819811332998, + "f1_weighted": 39.30475730087287, + "main_score": 38.93753074274471 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 29.80324643384162, + "f1": 27.995696304231167, + "f1_weighted": 30.733913113361595, + "main_score": 29.80324643384162 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 4.240039350713232, + "f1": 2.0292251621717106, + "f1_weighted": 2.276215235518406, + "main_score": 4.240039350713232 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 46.36989670437776, + "f1": 46.86880494144779, + "f1_weighted": 46.363803235010955, + "main_score": 46.36989670437776 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 40.40826364977865, + "f1": 38.863056374899564, + "f1_weighted": 41.12559214755415, + "main_score": 40.40826364977865 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 3.0545991146089517, + "f1": 1.5592797896550983, + "f1_weighted": 2.4262056804247747, + "main_score": 3.0545991146089517 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 33.571077225774715, + "f1": 33.55240297777297, + "f1_weighted": 34.24069482813271, + "main_score": 33.571077225774715 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 41.1952779144122, + "f1": 40.80253122677525, + "f1_weighted": 41.393629514985236, + "main_score": 41.1952779144122 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 76.91096901131333, + "f1": 74.15538363364416, + "f1_weighted": 76.88270352222386, + "main_score": 76.91096901131333 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 32.52336448598131, + "f1": 31.168524555924627, + "f1_weighted": 33.63759944502999, + "main_score": 32.52336448598131 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 40.944417117560256, + "f1": 40.09456965856331, + "f1_weighted": 41.32329455781106, + "main_score": 40.944417117560256 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 2.857845548450566, + "f1": 0.9974462765950423, + "f1_weighted": 1.4711644445043064, + "main_score": 2.857845548450566 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 24.97786522380718, + "f1": 25.402064400694012, + "f1_weighted": 24.952618227938256, + "main_score": 24.97786522380718 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 46.43384161337924, + "f1": 45.85033610327831, + "f1_weighted": 46.896780452483746, + "main_score": 46.43384161337924 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 41.0231185440236, + "f1": 39.514332596107806, + "f1_weighted": 41.48978371983357, + "main_score": 41.0231185440236 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 44.402361042793906, + "f1": 43.502050301829684, + "f1_weighted": 45.11202804620879, + "main_score": 44.402361042793906 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 43.871126414166255, + "f1": 43.69727486044771, + "f1_weighted": 44.23366783802563, + "main_score": 43.871126414166255 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 14.490900147565174, + "f1": 12.97222226579436, + "f1_weighted": 15.100344259005311, + "main_score": 14.490900147565174 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 42.434825381210025, + "f1": 39.31393032873764, + "f1_weighted": 43.40696936550348, + "main_score": 42.434825381210025 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 43.531726512543045, + "f1": 43.87114148531123, + "f1_weighted": 43.48862520255502, + "main_score": 43.531726512543045 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 3.3202164289227745, + "f1": 2.1671008894013344, + "f1_weighted": 2.565626865416203, + "main_score": 3.3202164289227745 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 39.66060009837678, + "f1": 38.09804291983762, + "f1_weighted": 40.20764763707242, + "main_score": 39.66060009837678 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 42.34628627643876, + "f1": 41.351901052262484, + "f1_weighted": 42.74617846152216, + "main_score": 42.34628627643876 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 4.520413182488932, + "f1": 2.492518890768375, + "f1_weighted": 2.8083959445441664, + "main_score": 4.520413182488932 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 3.8416133792424993, + "f1": 2.249913702782843, + "f1_weighted": 2.8461656650048237, + "main_score": 3.8416133792424993 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 3.207083128381702, + "f1": 1.1165194517745034, + "f1_weighted": 2.03797254022123, + "main_score": 3.207083128381702 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 7.19626168224299, + "f1": 6.231436588286175, + "f1_weighted": 6.082174205390991, + "main_score": 7.19626168224299 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 3.216920806689622, + "f1": 1.5706785264445453, + "f1_weighted": 1.8826764274890193, + "main_score": 3.216920806689622 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 50.90506640432858, + "f1": 49.286571027358264, + "f1_weighted": 51.19695384060615, + "main_score": 50.90506640432858 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 40.39842597147073, + "f1": 39.932402097909794, + "f1_weighted": 40.80662785740894, + "main_score": 40.39842597147073 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 41.03787506148549, + "f1": 38.80554261518457, + "f1_weighted": 41.656448662726575, + "main_score": 41.03787506148549 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 39.685194294146584, + "f1": 38.336045001667216, + "f1_weighted": 40.09559058068552, + "main_score": 39.685194294146584 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 2.9611411706837187, + "f1": 1.069101410866621, + "f1_weighted": 1.505398164168353, + "main_score": 2.9611411706837187 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 33.295622233152976, + "f1": 32.679303624594866, + "f1_weighted": 34.08394987338718, + "main_score": 33.295622233152976 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 39.621249385145106, + "f1": 37.53378817519671, + "f1_weighted": 40.291091761567074, + "main_score": 39.621249385145106 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 3.2857845548450557, + "f1": 1.5889657377830335, + "f1_weighted": 2.151424756030313, + "main_score": 3.2857845548450557 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 3.4825381210034436, + "f1": 2.757982434342728, + "f1_weighted": 2.758836281053027, + "main_score": 3.4825381210034436 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 40.11805213969503, + "f1": 39.5525331645839, + "f1_weighted": 40.68556481585343, + "main_score": 40.11805213969503 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 70.70339399901624, + "f1": 69.56397933117364, + "f1_weighted": 70.636837176592, + "main_score": 70.70339399901624 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 42.636497786522376, + "f1": 41.835721061508046, + "f1_weighted": 43.09527195252628, + "main_score": 42.636497786522376 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 25.528775209050664, + "f1": 24.590196538466525, + "f1_weighted": 25.7679465276038, + "main_score": 25.528775209050664 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 2.4053123462862764, + "f1": 1.0039182333347725, + "f1_weighted": 1.1504849663162338, + "main_score": 2.4053123462862764 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 43.94490900147566, + "f1": 42.06122028437199, + "f1_weighted": 44.65360841137625, + "main_score": 43.94490900147566 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 40.57550418101328, + "f1": 38.55684696220655, + "f1_weighted": 41.32491799752021, + "main_score": 40.57550418101328 + } + ] + } +} \ No newline at end of file diff --git a/results/malenia1__ternary-weight-embedding/external/MassiveScenarioClassification.json b/results/malenia1__ternary-weight-embedding/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..502881785 --- /dev/null +++ b/results/malenia1__ternary-weight-embedding/external/MassiveScenarioClassification.json @@ -0,0 +1,1032 @@ +{ + "dataset_revision": "fad2c6e8459f9e1c45d9315f4953d921437d70f8", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 36.267652992602564, + "f1": 34.39028052609626, + "f1_weighted": 37.125977056069445, + "main_score": 36.267652992602564 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 31.146603900470748, + "f1": 28.930820125296385, + "f1_weighted": 32.25487660975725, + "main_score": 31.146603900470748 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 32.59919300605246, + "f1": 31.37679773609919, + "f1_weighted": 33.440069864146615, + "main_score": 32.59919300605246 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 46.99058507061197, + "f1": 44.84473711276094, + "f1_weighted": 47.46949378039814, + "main_score": 46.99058507061197 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 8.611297915265634, + "f1": 5.503073257951686, + "f1_weighted": 6.564944192746709, + "main_score": 8.611297915265634 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 46.41560188298588, + "f1": 44.668711805596985, + "f1_weighted": 46.9398356896547, + "main_score": 46.41560188298588 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 7.3537323470074, + "f1": 4.683418420407853, + "f1_weighted": 5.5457976920254515, + "main_score": 7.3537323470074 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 33.843308675184936, + "f1": 34.20551221429157, + "f1_weighted": 34.45819700010564, + "main_score": 33.843308675184936 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 7.330195023537326, + "f1": 4.686351443642142, + "f1_weighted": 5.028446849221205, + "main_score": 7.330195023537326 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 45.09414929388031, + "f1": 41.76347483758408, + "f1_weighted": 46.25240119606559, + "main_score": 45.09414929388031 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 46.20040349697378, + "f1": 43.19389996393894, + "f1_weighted": 47.33543539294865, + "main_score": 46.20040349697378 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 39.95965030262273, + "f1": 38.05830932392177, + "f1_weighted": 41.02697348660353, + "main_score": 39.95965030262273 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 43.409549428379286, + "f1": 41.24992542864968, + "f1_weighted": 44.215059864156004, + "main_score": 43.409549428379286 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 26.186953597848017, + "f1": 25.217093636667503, + "f1_weighted": 26.708313663056355, + "main_score": 26.186953597848017 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 41.355077336919976, + "f1": 39.36825529822422, + "f1_weighted": 42.55595439584406, + "main_score": 41.355077336919976 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 6.940147948890384, + "f1": 4.163887735005802, + "f1_weighted": 4.523934747194612, + "main_score": 6.940147948890384 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.54270342972427, + "f1": 67.2450361370488, + "f1_weighted": 69.95238321926432, + "main_score": 69.54270342972427 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 42.72696704774715, + "f1": 40.6887727140475, + "f1_weighted": 43.8995830956876, + "main_score": 42.72696704774715 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 10.242098184263618, + "f1": 6.484592667006297, + "f1_weighted": 7.305871266507618, + "main_score": 10.242098184263618 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 6.546738399462004, + "f1": 3.918317398893017, + "f1_weighted": 4.158485825583739, + "main_score": 6.546738399462004 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 42.888365837256224, + "f1": 40.10274962871748, + "f1_weighted": 43.37964867963827, + "main_score": 42.888365837256224 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 42.55884330867518, + "f1": 40.38029399273437, + "f1_weighted": 43.398374319784985, + "main_score": 42.55884330867518 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 41.11970410221923, + "f1": 38.79855099321214, + "f1_weighted": 41.871902773554794, + "main_score": 41.11970410221923 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 38.9004707464694, + "f1": 38.49724424945353, + "f1_weighted": 39.6441441466175, + "main_score": 38.9004707464694 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 40.76664425016812, + "f1": 38.92958333060731, + "f1_weighted": 41.85931316638676, + "main_score": 40.76664425016812 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 41.51647612642905, + "f1": 39.840898472140985, + "f1_weighted": 42.10983379134603, + "main_score": 41.51647612642905 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 8.463349024882314, + "f1": 6.687885838127879, + "f1_weighted": 6.665248063087772, + "main_score": 8.463349024882314 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 13.3591123066577, + "f1": 12.221561665549492, + "f1_weighted": 11.984542743854307, + "main_score": 13.3591123066577 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 42.663080026899806, + "f1": 40.728981841584826, + "f1_weighted": 43.23457106933713, + "main_score": 42.663080026899806 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 15.494283792871554, + "f1": 15.006092058084446, + "f1_weighted": 15.27733810236863, + "main_score": 15.494283792871554 + }, + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 40.44720914593141, + "f1": 37.751297424074835, + "f1_weighted": 41.61089365114751, + "main_score": 40.44720914593141 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 41.87626092804304, + "f1": 40.023561485491356, + "f1_weighted": 42.18306723227648, + "main_score": 41.87626092804304 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 25.783456624075317, + "f1": 24.81316657558517, + "f1_weighted": 26.453345232329223, + "main_score": 25.783456624075317 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 7.572293207800943, + "f1": 5.122318304085453, + "f1_weighted": 5.918371344281876, + "main_score": 7.572293207800943 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 7.915265635507733, + "f1": 5.835330719935933, + "f1_weighted": 6.015782878022624, + "main_score": 7.915265635507733 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 41.788836583725626, + "f1": 38.88966219885448, + "f1_weighted": 42.8721422217295, + "main_score": 41.788836583725626 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 82.76395427034296, + "f1": 82.41363804132969, + "f1_weighted": 83.00514475868802, + "main_score": 82.76395427034296 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 9.640215198386013, + "f1": 5.2564140077599655, + "f1_weighted": 7.164883387181156, + "main_score": 9.640215198386013 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 46.64761264290519, + "f1": 45.13961173395828, + "f1_weighted": 47.36627661666301, + "main_score": 46.64761264290519 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 44.061869535978474, + "f1": 42.22172641814783, + "f1_weighted": 45.208537616148384, + "main_score": 44.061869535978474 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 7.528581035642231, + "f1": 4.055954812609527, + "f1_weighted": 5.346908730375917, + "main_score": 7.528581035642231 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 44.70410221923336, + "f1": 43.287928645786955, + "f1_weighted": 45.12367939775564, + "main_score": 44.70410221923336 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 25.363147276395427, + "f1": 24.336469645147293, + "f1_weighted": 25.552654529491054, + "main_score": 25.363147276395427 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 78.58776059179557, + "f1": 78.7265027141245, + "f1_weighted": 78.79726292257465, + "main_score": 78.58776059179557 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 44.546065904505724, + "f1": 41.38065337271016, + "f1_weighted": 45.261964994908595, + "main_score": 44.546065904505724 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 18.80295897780767, + "f1": 17.010531525930894, + "f1_weighted": 19.333227207926747, + "main_score": 18.80295897780767 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 45.268997982515124, + "f1": 43.011099614102136, + "f1_weighted": 46.00264255471957, + "main_score": 45.268997982515124 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 39.179556153328846, + "f1": 36.72504541129902, + "f1_weighted": 40.271736849507, + "main_score": 39.179556153328846 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 53.26832548755884, + "f1": 53.061278209142884, + "f1_weighted": 53.17435324984633, + "main_score": 53.26832548755884 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 14.579690652320107, + "f1": 14.206144389074717, + "f1_weighted": 14.748527351475005, + "main_score": 14.579690652320107 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 7.874915938130464, + "f1": 4.118787513270843, + "f1_weighted": 5.817041463583794, + "main_score": 7.874915938130464 + } + ], + "validation": [ + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 35.99606492867683, + "f1": 35.20584439264268, + "f1_weighted": 36.67345255137978, + "main_score": 35.99606492867683 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 29.98524348253812, + "f1": 28.765943623633927, + "f1_weighted": 30.75476241135753, + "main_score": 29.98524348253812 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 31.908509591736355, + "f1": 31.68840089466658, + "f1_weighted": 32.614271948745056, + "main_score": 31.908509591736355 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 45.60255779636006, + "f1": 44.91130039504065, + "f1_weighted": 45.901808454025705, + "main_score": 45.60255779636006 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 8.480078701426464, + "f1": 5.33881465273221, + "f1_weighted": 6.299851933533558, + "main_score": 8.480078701426464 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 45.61239547466798, + "f1": 44.796398022321725, + "f1_weighted": 46.050421712295055, + "main_score": 45.61239547466798 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 7.333989178553861, + "f1": 4.666258475314794, + "f1_weighted": 5.362484645743675, + "main_score": 7.333989178553861 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 33.561239547466805, + "f1": 34.0795945686752, + "f1_weighted": 33.96219218340987, + "main_score": 33.561239547466805 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 7.604525332021645, + "f1": 4.536275730289927, + "f1_weighted": 5.166653156052664, + "main_score": 7.604525332021645 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 42.749631087063456, + "f1": 40.97034342282828, + "f1_weighted": 43.80143496413575, + "main_score": 42.749631087063456 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 44.00393507132317, + "f1": 42.542091357589484, + "f1_weighted": 45.08395452421817, + "main_score": 44.00393507132317 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 39.527791441219875, + "f1": 38.877669437208, + "f1_weighted": 40.440029463255314, + "main_score": 39.527791441219875 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 42.882439744220356, + "f1": 41.74248841008145, + "f1_weighted": 43.49099459057078, + "main_score": 42.882439744220356 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 25.976389572061, + "f1": 25.526996864828078, + "f1_weighted": 26.323888911031062, + "main_score": 25.976389572061 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 40.23610427939007, + "f1": 39.5110278526761, + "f1_weighted": 41.1833957480028, + "main_score": 40.23610427939007 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 6.714215445154944, + "f1": 3.9946938970745207, + "f1_weighted": 4.251073566584421, + "main_score": 6.714215445154944 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 68.92769306443678, + "f1": 66.90869048636226, + "f1_weighted": 69.3297020719043, + "main_score": 68.92769306443678 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 42.18396458435809, + "f1": 41.2623335611438, + "f1_weighted": 43.127995422526844, + "main_score": 42.18396458435809 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 11.082144613871126, + "f1": 7.425778448776913, + "f1_weighted": 7.789515570254026, + "main_score": 11.082144613871126 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 6.5027053615346775, + "f1": 3.7466133746195633, + "f1_weighted": 3.973214419588327, + "main_score": 6.5027053615346775 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 41.81013280865716, + "f1": 40.48354280118566, + "f1_weighted": 42.13905635564818, + "main_score": 41.81013280865716 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 39.621249385145106, + "f1": 38.77569615351878, + "f1_weighted": 40.408850998703294, + "main_score": 39.621249385145106 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 39.51795376291195, + "f1": 38.33840469203745, + "f1_weighted": 40.14217235774783, + "main_score": 39.51795376291195 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 39.11460895228726, + "f1": 38.90884303194236, + "f1_weighted": 39.61233724806451, + "main_score": 39.11460895228726 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 39.47860304968028, + "f1": 38.456455709925585, + "f1_weighted": 40.42759387176258, + "main_score": 39.47860304968028 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 40.78209542547959, + "f1": 39.80360672965863, + "f1_weighted": 41.3388040455552, + "main_score": 40.78209542547959 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 8.52926709296606, + "f1": 6.39881808638407, + "f1_weighted": 6.616654119148606, + "main_score": 8.52926709296606 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 13.753074274471224, + "f1": 12.326492805202069, + "f1_weighted": 12.151551505564898, + "main_score": 13.753074274471224 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 41.72651254303984, + "f1": 40.35106230585296, + "f1_weighted": 42.504608904683664, + "main_score": 41.72651254303984 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 15.31234628627644, + "f1": 15.057814723718712, + "f1_weighted": 14.825818910096011, + "main_score": 15.31234628627644 + }, + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 40.9640924741761, + "f1": 39.415962035771635, + "f1_weighted": 41.880993077133425, + "main_score": 40.9640924741761 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 40.850959173635026, + "f1": 40.083644344440664, + "f1_weighted": 41.0320978528804, + "main_score": 40.850959173635026 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 25.336940482046238, + "f1": 24.385419734710172, + "f1_weighted": 25.75871028873885, + "main_score": 25.336940482046238 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 7.496310870634529, + "f1": 4.99273826850258, + "f1_weighted": 5.802198772868682, + "main_score": 7.496310870634529 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 8.53418593212002, + "f1": 6.456521102839466, + "f1_weighted": 6.396377755145225, + "main_score": 8.53418593212002 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 40.20167240531235, + "f1": 38.24662692870761, + "f1_weighted": 41.01478059789378, + "main_score": 40.20167240531235 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 82.36104279390064, + "f1": 81.67294237294372, + "f1_weighted": 82.57942325045582, + "main_score": 82.36104279390064 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 9.24741760944417, + "f1": 5.058356544468532, + "f1_weighted": 6.903761892494975, + "main_score": 9.24741760944417 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 44.92867683226759, + "f1": 44.483430371315194, + "f1_weighted": 45.52549319038087, + "main_score": 44.92867683226759 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 43.059517953762914, + "f1": 42.65977402358004, + "f1_weighted": 43.97266713539029, + "main_score": 43.059517953762914 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 7.530742744712249, + "f1": 4.0701142041780844, + "f1_weighted": 5.372399660680421, + "main_score": 7.530742744712249 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 42.75454992621741, + "f1": 42.45294276737515, + "f1_weighted": 42.97139601656561, + "main_score": 42.75454992621741 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 24.84997540580423, + "f1": 24.120781457641122, + "f1_weighted": 24.975936906386913, + "main_score": 24.84997540580423 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 79.05558288243975, + "f1": 78.9835268881931, + "f1_weighted": 79.28165747769849, + "main_score": 79.05558288243975 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 42.58730939498278, + "f1": 40.70852558786616, + "f1_weighted": 43.251635086069804, + "main_score": 42.58730939498278 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 18.017707820954254, + "f1": 16.687990492609256, + "f1_weighted": 18.46136988933461, + "main_score": 18.017707820954254 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 43.78750614854894, + "f1": 43.35116606491994, + "f1_weighted": 44.31377810377738, + "main_score": 43.78750614854894 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 38.25381210034432, + "f1": 36.84507866986097, + "f1_weighted": 39.15201046891089, + "main_score": 38.25381210034432 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 53.29562223315298, + "f1": 53.13848950509313, + "f1_weighted": 53.26552991076052, + "main_score": 53.29562223315298 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 14.594195769798329, + "f1": 14.397328781753599, + "f1_weighted": 14.660528748357581, + "main_score": 14.594195769798329 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 7.879980324643385, + "f1": 4.038729452806328, + "f1_weighted": 5.6615870271046065, + "main_score": 7.879980324643385 + } + ] + } +} \ No newline at end of file diff --git a/results/malenia1__ternary-weight-embedding/external/MedicalRetrieval.json b/results/malenia1__ternary-weight-embedding/external/MedicalRetrieval.json new file mode 100644 index 000000000..275680f22 --- /dev/null +++ b/results/malenia1__ternary-weight-embedding/external/MedicalRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "2039188fb5800a9803ba5048df7b76e6fb151fc6", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 63.67699999999999, + "map_at_1": 53.800000000000004, + "map_at_10": 60.431999999999995, + "map_at_100": 61.029999999999994, + "map_at_1000": 61.071, + "map_at_20": 60.777, + "map_at_3": 58.75, + "map_at_5": 59.81999999999999, + "mrr_at_1": 53.800000000000004, + "mrr_at_10": 60.431507936507934, + "mrr_at_100": 61.02980943818268, + "mrr_at_1000": 61.07101618078645, + "mrr_at_20": 60.77656156107394, + "mrr_at_3": 58.750000000000014, + "mrr_at_5": 59.81999999999999, + "nauc_map_at_1000_diff1": 78.00629416107189, + "nauc_map_at_1000_max": 52.07420225671461, + "nauc_map_at_1000_std": 7.235435225393745, + "nauc_map_at_100_diff1": 77.9857887699591, + "nauc_map_at_100_max": 52.055541763889416, + "nauc_map_at_100_std": 7.236124232996337, + "nauc_map_at_10_diff1": 77.91480569228007, + "nauc_map_at_10_max": 52.04826888831761, + "nauc_map_at_10_std": 7.006421025182576, + "nauc_map_at_1_diff1": 82.20582404755503, + "nauc_map_at_1_max": 54.4721454376076, + "nauc_map_at_1_std": 4.496959883774145, + "nauc_map_at_20_diff1": 77.95162276147624, + "nauc_map_at_20_max": 52.023771967662434, + "nauc_map_at_20_std": 7.196031931418907, + "nauc_map_at_3_diff1": 79.03105924086732, + "nauc_map_at_3_max": 53.07038869379984, + "nauc_map_at_3_std": 6.793908288837009, + "nauc_map_at_5_diff1": 78.21124356618412, + "nauc_map_at_5_max": 52.395049895165236, + "nauc_map_at_5_std": 6.899017664263203, + "nauc_mrr_at_1000_diff1": 78.00601481881016, + "nauc_mrr_at_1000_max": 51.9762321296784, + "nauc_mrr_at_1000_std": 7.350305802489671, + "nauc_mrr_at_100_diff1": 77.98550974774857, + "nauc_mrr_at_100_max": 51.957702695554374, + "nauc_mrr_at_100_std": 7.3508410873853, + "nauc_mrr_at_10_diff1": 77.91480569228007, + "nauc_mrr_at_10_max": 51.951920429485554, + "nauc_mrr_at_10_std": 7.118827560486609, + "nauc_mrr_at_1_diff1": 82.20582404755503, + "nauc_mrr_at_1_max": 54.29747391710586, + "nauc_mrr_at_1_std": 4.700743324359466, + "nauc_mrr_at_20_diff1": 77.95162276147624, + "nauc_mrr_at_20_max": 51.92663048569973, + "nauc_mrr_at_20_std": 7.30936366037528, + "nauc_mrr_at_3_diff1": 79.03105924086732, + "nauc_mrr_at_3_max": 52.97714066514463, + "nauc_mrr_at_3_std": 6.902697655601455, + "nauc_mrr_at_5_diff1": 78.21124356618412, + "nauc_mrr_at_5_max": 52.300015316154855, + "nauc_mrr_at_5_std": 7.0098913397753355, + "nauc_ndcg_at_1000_diff1": 76.68028623834495, + "nauc_ndcg_at_1000_max": 51.004333240246936, + "nauc_ndcg_at_1000_std": 8.698515324279041, + "nauc_ndcg_at_100_diff1": 76.05356190504821, + "nauc_ndcg_at_100_max": 50.35277313216198, + "nauc_ndcg_at_100_std": 9.249854230791188, + "nauc_ndcg_at_10_diff1": 75.6902794635337, + "nauc_ndcg_at_10_max": 50.299670065322886, + "nauc_ndcg_at_10_std": 8.187845234344188, + "nauc_ndcg_at_1_diff1": 82.20582404755503, + "nauc_ndcg_at_1_max": 54.4721454376076, + "nauc_ndcg_at_1_std": 4.496959883774145, + "nauc_ndcg_at_20_diff1": 75.79556771472184, + "nauc_ndcg_at_20_max": 50.21494338026765, + "nauc_ndcg_at_20_std": 8.945573827175862, + "nauc_ndcg_at_3_diff1": 78.05339525168148, + "nauc_ndcg_at_3_max": 52.459350220474875, + "nauc_ndcg_at_3_std": 7.638500728186775, + "nauc_ndcg_at_5_diff1": 76.45369105380743, + "nauc_ndcg_at_5_max": 51.19789390012578, + "nauc_ndcg_at_5_std": 7.86689928703537, + "nauc_precision_at_1000_diff1": 59.591503267973344, + "nauc_precision_at_1000_max": 39.813258636787445, + "nauc_precision_at_1000_std": 43.9635854341733, + "nauc_precision_at_100_diff1": 61.11499109543613, + "nauc_precision_at_100_max": 35.64662848762093, + "nauc_precision_at_100_std": 28.753011837832272, + "nauc_precision_at_10_diff1": 66.60448251399139, + "nauc_precision_at_10_max": 42.93455303203327, + "nauc_precision_at_10_std": 12.939019781028152, + "nauc_precision_at_1_diff1": 82.20582404755503, + "nauc_precision_at_1_max": 54.4721454376076, + "nauc_precision_at_1_std": 4.496959883774145, + "nauc_precision_at_20_diff1": 65.68865023744912, + "nauc_precision_at_20_max": 41.36253272803797, + "nauc_precision_at_20_std": 17.955772857309167, + "nauc_precision_at_3_diff1": 75.01623067257978, + "nauc_precision_at_3_max": 50.493541645806374, + "nauc_precision_at_3_std": 10.313986802282976, + "nauc_precision_at_5_diff1": 70.23831710178575, + "nauc_precision_at_5_max": 46.894174569451266, + "nauc_precision_at_5_std": 11.210506044454311, + "nauc_recall_at_1000_diff1": 59.59150326797431, + "nauc_recall_at_1000_max": 39.81325863678807, + "nauc_recall_at_1000_std": 43.96358543417411, + "nauc_recall_at_100_diff1": 61.11499109543585, + "nauc_recall_at_100_max": 35.64662848762088, + "nauc_recall_at_100_std": 28.753011837832233, + "nauc_recall_at_10_diff1": 66.60448251399139, + "nauc_recall_at_10_max": 42.934553032033186, + "nauc_recall_at_10_std": 12.939019781028199, + "nauc_recall_at_1_diff1": 82.20582404755503, + "nauc_recall_at_1_max": 54.4721454376076, + "nauc_recall_at_1_std": 4.496959883774145, + "nauc_recall_at_20_diff1": 65.68865023744912, + "nauc_recall_at_20_max": 41.36253272803804, + "nauc_recall_at_20_std": 17.955772857309242, + "nauc_recall_at_3_diff1": 75.01623067257968, + "nauc_recall_at_3_max": 50.49354164580636, + "nauc_recall_at_3_std": 10.313986802282942, + "nauc_recall_at_5_diff1": 70.23831710178574, + "nauc_recall_at_5_max": 46.894174569451344, + "nauc_recall_at_5_std": 11.210506044454428, + "ndcg_at_1": 53.800000000000004, + "ndcg_at_10": 63.67699999999999, + "ndcg_at_100": 66.81899999999999, + "ndcg_at_1000": 67.93299999999999, + "ndcg_at_20": 64.90599999999999, + "ndcg_at_3": 60.260999999999996, + "ndcg_at_5": 62.193, + "precision_at_1": 53.800000000000004, + "precision_at_10": 7.39, + "precision_at_100": 0.8920000000000001, + "precision_at_1000": 0.098, + "precision_at_20": 3.9350000000000005, + "precision_at_3": 21.532999999999998, + "precision_at_5": 13.86, + "recall_at_1": 53.800000000000004, + "recall_at_10": 73.9, + "recall_at_100": 89.2, + "recall_at_1000": 98.0, + "recall_at_20": 78.7, + "recall_at_3": 64.60000000000001, + "recall_at_5": 69.3 + } + ] + } +} \ No newline at end of file diff --git a/results/malenia1__ternary-weight-embedding/external/MultilingualSentiment.json b/results/malenia1__ternary-weight-embedding/external/MultilingualSentiment.json new file mode 100644 index 000000000..71266063f --- /dev/null +++ b/results/malenia1__ternary-weight-embedding/external/MultilingualSentiment.json @@ -0,0 +1,32 @@ +{ + "dataset_revision": "46958b007a63fdbf239b7672c25d0bea67b5ea1a", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 75.08333333333333, + "f1": 74.89816720884292, + "f1_weighted": 74.89816720884292, + "main_score": 75.08333333333333 + } + ], + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 74.05999999999999, + "f1": 73.86707495511577, + "f1_weighted": 73.86707495511577, + "main_score": 74.05999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/malenia1__ternary-weight-embedding/external/Ocnli.json b/results/malenia1__ternary-weight-embedding/external/Ocnli.json new file mode 100644 index 000000000..024b05c97 --- /dev/null +++ b/results/malenia1__ternary-weight-embedding/external/Ocnli.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "66e76a618a34d6d565d5538088562851e6daa7ec", + "task_name": "Ocnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_accuracy": 83.21602598808879, + "cosine_accuracy_threshold": 84.68668460845947, + "cosine_ap": 88.4718001921049, + "cosine_f1": 84.60774577954318, + "cosine_f1_threshold": 84.68668460845947, + "cosine_precision": 79.85004686035614, + "cosine_recall": 89.96832101372756, + "dot_accuracy": 74.12019491066594, + "dot_accuracy_threshold": 61163.34228515625, + "dot_ap": 82.21843913674356, + "dot_f1": 77.42230347349177, + "dot_f1_threshold": 58876.74560546875, + "dot_precision": 68.25141015310233, + "dot_recall": 89.44033790918691, + "euclidean_accuracy": 81.64591229020033, + "euclidean_accuracy_threshold": 1478.951644897461, + "euclidean_ap": 86.55778250928002, + "euclidean_f1": 83.37326305701964, + "euclidean_f1_threshold": 1558.5298538208008, + "euclidean_precision": 76.31578947368422, + "euclidean_recall": 91.86906019007391, + "main_score": 83.21602598808879, + "manhattan_accuracy": 81.48348673524634, + "manhattan_accuracy_threshold": 51344.219970703125, + "manhattan_ap": 86.53822978018471, + "manhattan_f1": 83.26139088729016, + "manhattan_f1_threshold": 52366.3330078125, + "manhattan_precision": 76.27416520210897, + "manhattan_recall": 91.65786694825766, + "max_accuracy": 83.21602598808879, + "max_ap": 88.4718001921049, + "max_f1": 84.60774577954318, + "max_precision": 79.85004686035614, + "max_recall": 91.86906019007391, + "similarity_accuracy": 83.21602598808879, + "similarity_accuracy_threshold": 84.686678647995, + "similarity_ap": 88.4718001921049, + "similarity_f1": 84.60774577954318, + "similarity_f1_threshold": 84.686678647995, + "similarity_precision": 79.85004686035614, + "similarity_recall": 89.96832101372756 + } + ] + } +} \ No newline at end of file diff --git a/results/malenia1__ternary-weight-embedding/external/OnlineShopping.json b/results/malenia1__ternary-weight-embedding/external/OnlineShopping.json new file mode 100644 index 000000000..cf6d9f212 --- /dev/null +++ b/results/malenia1__ternary-weight-embedding/external/OnlineShopping.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "e610f2ebd179a8fda30ae534c3878750a96db120", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 93.11, + "ap": 90.79657759750567, + "ap_weighted": 90.79657759750567, + "f1": 93.09242477250346, + "f1_weighted": 93.10745591896395, + "main_score": 93.11 + } + ] + } +} \ No newline at end of file diff --git a/results/malenia1__ternary-weight-embedding/external/PAWSX.json b/results/malenia1__ternary-weight-embedding/external/PAWSX.json new file mode 100644 index 000000000..04a71d905 --- /dev/null +++ b/results/malenia1__ternary-weight-embedding/external/PAWSX.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "9c6a90e430ac22b5779fb019a23e820b11a8b5e1", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 40.85294247983506, + "cosine_spearman": 46.26470443016128, + "euclidean_pearson": 45.71637535133479, + "euclidean_spearman": 45.97506398282988, + "main_score": 46.26470443016128, + "manhattan_pearson": 45.729052797800186, + "manhattan_spearman": 45.985167052566766 + } + ] + } +} \ No newline at end of file diff --git a/results/malenia1__ternary-weight-embedding/external/QBQTC.json b/results/malenia1__ternary-weight-embedding/external/QBQTC.json new file mode 100644 index 000000000..36ec8f5a0 --- /dev/null +++ b/results/malenia1__ternary-weight-embedding/external/QBQTC.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "790b0510dc52b1553e8c49f3d2afb48c0e5c48b7", + "task_name": "QBQTC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 39.61472967042291, + "cosine_spearman": 41.89107113069583, + "euclidean_pearson": 33.90266552269117, + "euclidean_spearman": 38.34637073395628, + "main_score": 41.89107113069583, + "manhattan_pearson": 33.91591969583774, + "manhattan_spearman": 38.3574043430055 + } + ] + } +} \ No newline at end of file diff --git a/results/malenia1__ternary-weight-embedding/external/STS22.json b/results/malenia1__ternary-weight-embedding/external/STS22.json new file mode 100644 index 000000000..5b2c2d8d0 --- /dev/null +++ b/results/malenia1__ternary-weight-embedding/external/STS22.json @@ -0,0 +1,566 @@ +{ + "dataset_revision": "de9d86b3b84231dc21f76c7b7af1f28e2f57f6e3", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "cosine_pearson": 41.19325498554315, + "cosine_spearman": 50.231173886602534, + "euclidean_pearson": 46.345868108079905, + "euclidean_spearman": 50.45422800948126, + "main_score": 50.231173886602534, + "manhattan_pearson": 46.504629255328354, + "manhattan_spearman": 50.68265515693354, + "pearson": 41.193261234261946, + "spearman": 50.231173886602534 + }, + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "cosine_pearson": 32.89821953127283, + "cosine_spearman": 38.539988618106655, + "euclidean_pearson": 34.49033573399129, + "euclidean_spearman": 38.11416536645878, + "main_score": 38.539988618106655, + "manhattan_pearson": 34.448528477994145, + "manhattan_spearman": 37.65048357982259, + "pearson": 32.89820801840136, + "spearman": 38.539988618106655 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "cosine_pearson": 24.305368866867557, + "cosine_spearman": 37.92726109087382, + "euclidean_pearson": 30.799738296378283, + "euclidean_spearman": 38.287216177996605, + "main_score": 37.92726109087382, + "manhattan_pearson": 30.78126726940549, + "manhattan_spearman": 38.19740860271776, + "pearson": 24.30535329212899, + "spearman": 37.92726109087382 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "cosine_pearson": 18.19997923279834, + "cosine_spearman": 48.77210511608037, + "euclidean_pearson": 31.136177249632553, + "euclidean_spearman": 48.41077369782945, + "main_score": 48.77210511608037, + "manhattan_pearson": 31.15147622246907, + "manhattan_spearman": 48.45673863744031, + "pearson": 18.19996287259861, + "spearman": 48.77210511608037 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "cosine_pearson": -2.108270346091053, + "cosine_spearman": 12.387180120208471, + "euclidean_pearson": -5.143877670933451, + "euclidean_spearman": 11.732310436300734, + "main_score": 12.387180120208471, + "manhattan_pearson": -4.879466616861115, + "manhattan_spearman": 11.837089585725971, + "pearson": -2.1082730668298817, + "spearman": 12.17651413548943 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 55.197301705940106, + "cosine_spearman": 60.735304152341016, + "euclidean_pearson": 58.01165360549454, + "euclidean_spearman": 59.382742411350954, + "main_score": 60.735304152341016, + "manhattan_pearson": 57.83223965160013, + "manhattan_spearman": 59.21305162189526, + "pearson": 55.197304101079325, + "spearman": 60.735304152341016 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "cosine_pearson": 24.954116820344225, + "cosine_spearman": 27.716439696864427, + "euclidean_pearson": 28.648374663088948, + "euclidean_spearman": 27.971284844826314, + "main_score": 27.716439696864427, + "manhattan_pearson": 28.59989248858511, + "manhattan_spearman": 27.885463405824424, + "pearson": 24.95413634470457, + "spearman": 27.69571464401494 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "cosine_pearson": 59.628323211697996, + "cosine_spearman": 64.69426903014181, + "euclidean_pearson": 63.02177505481432, + "euclidean_spearman": 64.38122549439275, + "main_score": 64.69426903014181, + "manhattan_pearson": 62.89174360491565, + "manhattan_spearman": 64.21033497242632, + "pearson": 59.62832002315839, + "spearman": 64.69426903014181 + }, + { + "hf_subset": "fr-pl", + "languages": [ + "fra-Latn", + "pol-Latn" + ], + "cosine_pearson": 72.48621899222191, + "cosine_spearman": 84.51542547285167, + "euclidean_pearson": 79.91610128578839, + "euclidean_spearman": 84.51542547285167, + "main_score": 84.51542547285167, + "manhattan_pearson": 78.02332046266785, + "manhattan_spearman": 84.51542547285167, + "pearson": 72.48643781257383, + "spearman": 84.51542547285167 + }, + { + "hf_subset": "es-it", + "languages": [ + "spa-Latn", + "ita-Latn" + ], + "cosine_pearson": 27.18583867128202, + "cosine_spearman": 35.63056944816928, + "euclidean_pearson": 31.075483547268558, + "euclidean_spearman": 34.46346668406813, + "main_score": 35.63056944816928, + "manhattan_pearson": 31.131467056697325, + "manhattan_spearman": 34.4668541493314, + "pearson": 27.185822556247537, + "spearman": 35.63056944816928 + }, + { + "hf_subset": "de-pl", + "languages": [ + "deu-Latn", + "pol-Latn" + ], + "cosine_pearson": 12.399198871280888, + "cosine_spearman": 7.26740842591211, + "euclidean_pearson": 4.516712707783254, + "euclidean_spearman": 6.466761734921793, + "main_score": 7.26740842591211, + "manhattan_pearson": 4.192789002097003, + "manhattan_spearman": 6.805496873417696, + "pearson": 12.39933152364361, + "spearman": 7.26740842591211 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cosine_pearson": 41.39868462834059, + "cosine_spearman": 55.038606223576956, + "euclidean_pearson": 49.25365386033138, + "euclidean_spearman": 54.672553472547804, + "main_score": 55.038606223576956, + "manhattan_pearson": 49.20067830976173, + "manhattan_spearman": 54.6387725076268, + "pearson": 41.398676979588934, + "spearman": 55.038606223576956 + }, + { + "hf_subset": "de-fr", + "languages": [ + "deu-Latn", + "fra-Latn" + ], + "cosine_pearson": 25.608150018172793, + "cosine_spearman": 33.90331453592282, + "euclidean_pearson": 29.30906861776585, + "euclidean_spearman": 33.826599994845935, + "main_score": 33.90331453592282, + "manhattan_pearson": 28.909395620689825, + "manhattan_spearman": 34.59825802567819, + "pearson": 25.60814265156774, + "spearman": 33.90331453592282 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "cosine_pearson": 5.7754167331012205, + "cosine_spearman": 21.92465228528612, + "euclidean_pearson": 13.675536468172805, + "euclidean_spearman": 22.21141895175971, + "main_score": 21.92465228528612, + "manhattan_pearson": 13.800372687665202, + "manhattan_spearman": 22.351737531079902, + "pearson": 5.775448495602957, + "spearman": 21.93020607531918 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 68.28512697903551, + "cosine_spearman": 68.69300952790282, + "euclidean_pearson": 67.64215814935483, + "euclidean_spearman": 68.4668380232344, + "main_score": 68.69300952790282, + "manhattan_pearson": 67.5660533943303, + "manhattan_spearman": 68.42998433131551, + "pearson": 68.2851240441332, + "spearman": 68.69300952790282 + }, + { + "hf_subset": "pl-en", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "cosine_pearson": 40.99563262228948, + "cosine_spearman": 37.611329662509235, + "euclidean_pearson": 39.60891222145106, + "euclidean_spearman": 35.74639115569783, + "main_score": 37.611329662509235, + "manhattan_pearson": 40.68243822309343, + "manhattan_spearman": 37.710306845831624, + "pearson": 40.995650280936935, + "spearman": 37.611329662509235 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "cosine_pearson": 14.610716018581904, + "cosine_spearman": 20.259656537989873, + "euclidean_pearson": 13.39968577970463, + "euclidean_spearman": 19.999373521862104, + "main_score": 20.259656537989873, + "manhattan_pearson": 13.403453329892018, + "manhattan_spearman": 20.035611306496893, + "pearson": 14.610694852334966, + "spearman": 20.265485348016593 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cosine_pearson": 43.612676183806045, + "cosine_spearman": 47.5304556170413, + "euclidean_pearson": 43.21510166675375, + "euclidean_spearman": 46.4219875335409, + "main_score": 47.5304556170413, + "manhattan_pearson": 43.102337861589625, + "manhattan_spearman": 46.34374314971102, + "pearson": 43.61267091853167, + "spearman": 47.5304556170413 + }, + { + "hf_subset": "pl-en", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "cosine_pearson": 43.59038612153097, + "cosine_spearman": 39.81437610772274, + "euclidean_pearson": 40.891702223169865, + "euclidean_spearman": 37.26643328502484, + "main_score": 39.81437610772274, + "manhattan_pearson": 41.986843698898646, + "manhattan_spearman": 39.32140456159206, + "pearson": 43.59041415960545, + "spearman": 39.81437610772274 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "cosine_pearson": 33.5428416005511, + "cosine_spearman": 30.37853891189232, + "euclidean_pearson": 34.60992317007351, + "euclidean_spearman": 30.63949361401844, + "main_score": 30.37853891189232, + "manhattan_pearson": 34.5473591619201, + "manhattan_spearman": 30.55163856425125, + "pearson": 33.54285209728335, + "spearman": 30.37853891189232 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 55.197301705940106, + "cosine_spearman": 60.735304152341016, + "euclidean_pearson": 58.01165360549454, + "euclidean_spearman": 59.382742411350954, + "main_score": 60.735304152341016, + "manhattan_pearson": 57.83223965160013, + "manhattan_spearman": 59.21305162189526, + "pearson": 55.197304101079325, + "spearman": 60.735304152341016 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "cosine_pearson": 46.72328050183308, + "cosine_spearman": 53.40518194954016, + "euclidean_pearson": 49.16877625976702, + "euclidean_spearman": 53.00258608772506, + "main_score": 53.40518194954016, + "manhattan_pearson": 49.01410667940025, + "manhattan_spearman": 53.062750442834506, + "pearson": 46.7232634869361, + "spearman": 53.40518194954016 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "cosine_pearson": 32.0893349414057, + "cosine_spearman": 39.88878359477052, + "euclidean_pearson": 36.428586715032374, + "euclidean_spearman": 40.255813965229805, + "main_score": 39.88878359477052, + "manhattan_pearson": 36.445628185483436, + "manhattan_spearman": 40.164916492530764, + "pearson": 32.08931820630885, + "spearman": 39.88878359477052 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "cosine_pearson": 25.70940596089177, + "cosine_spearman": 24.851779346905516, + "euclidean_pearson": 26.662807591660304, + "euclidean_spearman": 25.1585901925807, + "main_score": 24.851779346905516, + "manhattan_pearson": 26.78879644774409, + "manhattan_spearman": 25.30589435887287, + "pearson": 25.70945811392969, + "spearman": 24.851779346905516 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "cosine_pearson": 9.765885880324584, + "cosine_spearman": 16.56405546386883, + "euclidean_pearson": 1.266714500111099, + "euclidean_spearman": 15.873350818474066, + "main_score": 16.56405546386883, + "manhattan_pearson": 1.5996037603404067, + "manhattan_spearman": 15.984627455042919, + "pearson": 9.765881253247253, + "spearman": 16.37790963582666 + }, + { + "hf_subset": "fr-pl", + "languages": [ + "fra-Latn", + "pol-Latn" + ], + "cosine_pearson": 72.48621899222191, + "cosine_spearman": 84.51542547285167, + "euclidean_pearson": 79.91610128578839, + "euclidean_spearman": 84.51542547285167, + "main_score": 84.51542547285167, + "manhattan_pearson": 78.02332046266785, + "manhattan_spearman": 84.51542547285167, + "pearson": 72.48643781257383, + "spearman": 84.51542547285167 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "cosine_pearson": 42.88595613594089, + "cosine_spearman": 50.00902534757776, + "euclidean_pearson": 46.575636873141114, + "euclidean_spearman": 50.233303173324586, + "main_score": 50.00902534757776, + "manhattan_pearson": 46.74155972808209, + "manhattan_spearman": 50.463048251775234, + "pearson": 42.88596484422846, + "spearman": 50.00902534757776 + }, + { + "hf_subset": "es-it", + "languages": [ + "spa-Latn", + "ita-Latn" + ], + "cosine_pearson": 34.232754484342784, + "cosine_spearman": 35.46570858579162, + "euclidean_pearson": 35.3961638859008, + "euclidean_spearman": 34.24608020799141, + "main_score": 35.46570858579162, + "manhattan_pearson": 35.350258241347966, + "manhattan_spearman": 34.26016474055034, + "pearson": 34.23272177114215, + "spearman": 35.46570858579162 + }, + { + "hf_subset": "de-pl", + "languages": [ + "deu-Latn", + "pol-Latn" + ], + "cosine_pearson": 12.399198871280888, + "cosine_spearman": 7.26740842591211, + "euclidean_pearson": 4.516712707783254, + "euclidean_spearman": 6.466761734921793, + "main_score": 7.26740842591211, + "manhattan_pearson": 4.192789002097003, + "manhattan_spearman": 6.805496873417696, + "pearson": 12.39933152364361, + "spearman": 7.26740842591211 + }, + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "cosine_pearson": 36.68189817510892, + "cosine_spearman": 42.40215334784587, + "euclidean_pearson": 37.445161615466496, + "euclidean_spearman": 41.662219127863445, + "main_score": 42.40215334784587, + "manhattan_pearson": 37.428330543761284, + "manhattan_spearman": 41.15139706997196, + "pearson": 36.68189189374063, + "spearman": 42.40215334784587 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "cosine_pearson": 14.610716018581904, + "cosine_spearman": 20.259656537989873, + "euclidean_pearson": 13.39968577970463, + "euclidean_spearman": 19.999373521862104, + "main_score": 20.259656537989873, + "manhattan_pearson": 13.403453329892018, + "manhattan_spearman": 20.035611306496893, + "pearson": 14.610694852334966, + "spearman": 20.265485348016593 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 73.90500579546007, + "cosine_spearman": 73.22277115520708, + "euclidean_pearson": 72.26966368799292, + "euclidean_spearman": 72.94244978403874, + "main_score": 73.22277115520708, + "manhattan_pearson": 72.16998184519838, + "manhattan_spearman": 72.90099748660055, + "pearson": 73.90500331010179, + "spearman": 73.22277115520708 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cosine_pearson": 44.47331432475519, + "cosine_spearman": 53.744106729883455, + "euclidean_pearson": 50.300639054319085, + "euclidean_spearman": 53.34089424965791, + "main_score": 53.744106729883455, + "manhattan_pearson": 50.179266864566344, + "manhattan_spearman": 53.30577964927791, + "pearson": 44.473302379385146, + "spearman": 53.744106729883455 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "cosine_pearson": 59.792988838605446, + "cosine_spearman": 65.17573588512339, + "euclidean_pearson": 63.23291280267431, + "euclidean_spearman": 65.05898841612739, + "main_score": 65.17573588512339, + "manhattan_pearson": 63.14148457672645, + "manhattan_spearman": 64.86625240506501, + "pearson": 59.79298501419738, + "spearman": 65.17573588512339 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cosine_pearson": 44.85365072983659, + "cosine_spearman": 48.95861510766423, + "euclidean_pearson": 44.12298881847811, + "euclidean_spearman": 47.73736578240132, + "main_score": 48.95861510766423, + "manhattan_pearson": 43.96292551331725, + "manhattan_spearman": 47.58103280136259, + "pearson": 44.853649047286616, + "spearman": 48.95861510766423 + }, + { + "hf_subset": "de-fr", + "languages": [ + "deu-Latn", + "fra-Latn" + ], + "cosine_pearson": 22.860434001017367, + "cosine_spearman": 32.320901954587185, + "euclidean_pearson": 26.992993163046002, + "euclidean_spearman": 32.24246077908339, + "main_score": 32.320901954587185, + "manhattan_pearson": 26.552931446274357, + "manhattan_spearman": 33.0347166516718, + "pearson": 22.860425946102264, + "spearman": 32.320901954587185 + } + ] + } +} \ No newline at end of file diff --git a/results/malenia1__ternary-weight-embedding/external/STSB.json b/results/malenia1__ternary-weight-embedding/external/STSB.json new file mode 100644 index 000000000..113d22070 --- /dev/null +++ b/results/malenia1__ternary-weight-embedding/external/STSB.json @@ -0,0 +1,38 @@ +{ + "dataset_revision": "0cde68302b3541bb8b3c340dc0644b0b745b3dc0", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 79.54312520554313, + "cosine_spearman": 81.46931930954155, + "euclidean_pearson": 80.05389266606164, + "euclidean_spearman": 80.50696783023315, + "main_score": 81.46931930954155, + "manhattan_pearson": 80.04970274541007, + "manhattan_spearman": 80.50864360601699 + } + ], + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 83.48618236826155, + "cosine_spearman": 85.3132611044822, + "euclidean_pearson": 82.93001035409826, + "euclidean_spearman": 83.10105109108397, + "main_score": 85.3132611044822, + "manhattan_pearson": 82.88533878745255, + "manhattan_spearman": 83.04890918186679 + } + ] + } +} \ No newline at end of file diff --git a/results/malenia1__ternary-weight-embedding/external/T2Reranking.json b/results/malenia1__ternary-weight-embedding/external/T2Reranking.json new file mode 100644 index 000000000..7908fa432 --- /dev/null +++ b/results/malenia1__ternary-weight-embedding/external/T2Reranking.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "76631901a18387f85eaa53e5450019b87ad58ef9", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 68.38732925233572, + "map": 68.38732925233572, + "mrr": 79.11475293118828, + "nAUC_map_diff1": -11.253110368505121, + "nAUC_map_max": 38.51256776553827, + "nAUC_map_std": -1.9662536573348381, + "nAUC_mrr_diff1": -10.630308274175526, + "nAUC_mrr_max": 32.327491874763126, + "nAUC_mrr_std": -1.7352995694761828 + } + ] + } +} \ No newline at end of file diff --git a/results/malenia1__ternary-weight-embedding/external/T2Retrieval.json b/results/malenia1__ternary-weight-embedding/external/T2Retrieval.json new file mode 100644 index 000000000..e43535a23 --- /dev/null +++ b/results/malenia1__ternary-weight-embedding/external/T2Retrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "8731a845f1bf500a4f111cf1070785c793d10e64", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 82.36099999999999, + "map_at_1": 26.255, + "map_at_10": 74.149, + "map_at_100": 77.973, + "map_at_1000": 78.044, + "map_at_20": 77.015, + "map_at_3": 51.812000000000005, + "map_at_5": 63.827999999999996, + "mrr_at_1": 87.51972645975802, + "mrr_at_10": 90.78435813509476, + "mrr_at_100": 90.89422964077919, + "mrr_at_1000": 90.89770903884691, + "mrr_at_20": 90.85502538725395, + "mrr_at_3": 90.25001461219234, + "mrr_at_5": 90.60859781401618, + "nauc_map_at_1000_diff1": 16.021743379862592, + "nauc_map_at_1000_max": 40.378025084637784, + "nauc_map_at_1000_std": 18.32476707192497, + "nauc_map_at_100_diff1": 16.02545540308598, + "nauc_map_at_100_max": 40.265093943279986, + "nauc_map_at_100_std": 18.292534126250082, + "nauc_map_at_10_diff1": 19.617650276071352, + "nauc_map_at_10_max": 28.371544730138975, + "nauc_map_at_10_std": 5.6371012355859955, + "nauc_map_at_1_diff1": 47.33700373223127, + "nauc_map_at_1_max": -25.333610801205936, + "nauc_map_at_1_std": -29.566785599172384, + "nauc_map_at_20_diff1": 16.614949908223352, + "nauc_map_at_20_max": 37.6796912032617, + "nauc_map_at_20_std": 15.427406349207578, + "nauc_map_at_3_diff1": 35.44856017189094, + "nauc_map_at_3_max": -13.397520313065106, + "nauc_map_at_3_std": -25.733491121718828, + "nauc_map_at_5_diff1": 29.102390100969412, + "nauc_map_at_5_max": 1.9850020715468955, + "nauc_map_at_5_std": -15.925386927929594, + "nauc_mrr_at_1000_diff1": 44.97733258856923, + "nauc_mrr_at_1000_max": 70.12348371687067, + "nauc_mrr_at_1000_std": 36.125835138518404, + "nauc_mrr_at_100_diff1": 44.978054094169536, + "nauc_mrr_at_100_max": 70.12938961836127, + "nauc_mrr_at_100_std": 36.13929863715235, + "nauc_mrr_at_10_diff1": 44.95657675119858, + "nauc_mrr_at_10_max": 70.23157682911028, + "nauc_mrr_at_10_std": 36.186025142743325, + "nauc_mrr_at_1_diff1": 45.53039470469623, + "nauc_mrr_at_1_max": 67.19215396968853, + "nauc_mrr_at_1_std": 31.73945035410656, + "nauc_mrr_at_20_diff1": 44.99711921466835, + "nauc_mrr_at_20_max": 70.16747553191094, + "nauc_mrr_at_20_std": 36.19983013748518, + "nauc_mrr_at_3_diff1": 44.92504582719811, + "nauc_mrr_at_3_max": 70.17206471786271, + "nauc_mrr_at_3_std": 35.86538182968299, + "nauc_mrr_at_5_diff1": 44.88240202293795, + "nauc_mrr_at_5_max": 70.25570239429001, + "nauc_mrr_at_5_std": 36.12414563662779, + "nauc_ndcg_at_1000_diff1": 20.085183872723004, + "nauc_ndcg_at_1000_max": 52.54091309895082, + "nauc_ndcg_at_1000_std": 29.182787889425697, + "nauc_ndcg_at_100_diff1": 19.70087837544669, + "nauc_ndcg_at_100_max": 51.41291578231909, + "nauc_ndcg_at_100_std": 29.391058739202926, + "nauc_ndcg_at_10_diff1": 19.61155631423253, + "nauc_ndcg_at_10_max": 41.69125197676835, + "nauc_ndcg_at_10_std": 18.485185354348886, + "nauc_ndcg_at_1_diff1": 45.53039470469623, + "nauc_ndcg_at_1_max": 67.19215396968853, + "nauc_ndcg_at_1_std": 31.73945035410656, + "nauc_ndcg_at_20_diff1": 19.884673845091573, + "nauc_ndcg_at_20_max": 45.77756113362076, + "nauc_ndcg_at_20_std": 23.65628062983877, + "nauc_ndcg_at_3_diff1": 16.396492503030576, + "nauc_ndcg_at_3_max": 57.36632449538558, + "nauc_ndcg_at_3_std": 28.110468173360108, + "nauc_ndcg_at_5_diff1": 15.990139806075096, + "nauc_ndcg_at_5_max": 49.87917678198262, + "nauc_ndcg_at_5_std": 23.77870723184885, + "nauc_precision_at_1000_diff1": -29.64669603533363, + "nauc_precision_at_1000_max": 51.500364584604654, + "nauc_precision_at_1000_std": 50.16891173815387, + "nauc_precision_at_100_diff1": -29.466626146744606, + "nauc_precision_at_100_max": 52.73740649971535, + "nauc_precision_at_100_std": 51.846137080440656, + "nauc_precision_at_10_diff1": -27.896447661643325, + "nauc_precision_at_10_max": 55.722284162663684, + "nauc_precision_at_10_std": 47.727742997832934, + "nauc_precision_at_1_diff1": 45.53039470469623, + "nauc_precision_at_1_max": 67.19215396968853, + "nauc_precision_at_1_std": 31.73945035410656, + "nauc_precision_at_20_diff1": -28.744448426184704, + "nauc_precision_at_20_max": 54.491376214009925, + "nauc_precision_at_20_std": 50.901916245689236, + "nauc_precision_at_3_diff1": -19.456295360120368, + "nauc_precision_at_3_max": 62.40625587462132, + "nauc_precision_at_3_std": 40.87948253365838, + "nauc_precision_at_5_diff1": -25.9612067834916, + "nauc_precision_at_5_max": 59.139116299790494, + "nauc_precision_at_5_std": 44.29380766917937, + "nauc_recall_at_1000_diff1": 5.392030054530998, + "nauc_recall_at_1000_max": 53.602628435557854, + "nauc_recall_at_1000_std": 64.0692631857673, + "nauc_recall_at_100_diff1": 8.764716008636329, + "nauc_recall_at_100_max": 42.289617268904074, + "nauc_recall_at_100_std": 46.008944199137, + "nauc_recall_at_10_diff1": 17.70428741242271, + "nauc_recall_at_10_max": 16.82055621929404, + "nauc_recall_at_10_std": 0.9443257188294529, + "nauc_recall_at_1_diff1": 47.33700373223127, + "nauc_recall_at_1_max": -25.333610801205936, + "nauc_recall_at_1_std": -29.566785599172384, + "nauc_recall_at_20_diff1": 13.37892799655899, + "nauc_recall_at_20_max": 30.092126871647647, + "nauc_recall_at_20_std": 20.023192649193746, + "nauc_recall_at_3_diff1": 33.201540040096866, + "nauc_recall_at_3_max": -18.541554905715042, + "nauc_recall_at_3_std": -28.22641082741867, + "nauc_recall_at_5_diff1": 27.11037328467852, + "nauc_recall_at_5_max": -7.787633276369825, + "nauc_recall_at_5_std": -21.13477331887689, + "ndcg_at_1": 87.52, + "ndcg_at_10": 82.36099999999999, + "ndcg_at_100": 86.447, + "ndcg_at_1000": 87.14, + "ndcg_at_20": 84.358, + "ndcg_at_3": 83.48400000000001, + "ndcg_at_5": 82.15299999999999, + "precision_at_1": 87.52, + "precision_at_10": 41.223, + "precision_at_100": 4.993, + "precision_at_1000": 0.516, + "precision_at_20": 23.044, + "precision_at_3": 73.156, + "precision_at_5": 61.45, + "recall_at_1": 26.255, + "recall_at_10": 81.81, + "recall_at_100": 94.973, + "recall_at_1000": 98.488, + "recall_at_20": 88.306, + "recall_at_3": 53.913999999999994, + "recall_at_5": 67.95400000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/malenia1__ternary-weight-embedding/external/TNews.json b/results/malenia1__ternary-weight-embedding/external/TNews.json new file mode 100644 index 000000000..1cb7e060f --- /dev/null +++ b/results/malenia1__ternary-weight-embedding/external/TNews.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "317f262bf1e6126357bbe89e875451e4b0938fe4", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 50.16399999999999, + "f1": 48.68459760388684, + "f1_weighted": 50.19811019404876, + "main_score": 50.16399999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/malenia1__ternary-weight-embedding/external/ThuNewsClusteringP2P.json b/results/malenia1__ternary-weight-embedding/external/ThuNewsClusteringP2P.json new file mode 100644 index 000000000..e2a2933fd --- /dev/null +++ b/results/malenia1__ternary-weight-embedding/external/ThuNewsClusteringP2P.json @@ -0,0 +1,28 @@ +{ + "dataset_revision": "5798586b105c0434e4f0fe5e767abe619442cf93", + "task_name": "ThuNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 75.41012311158184, + "v_measure": 75.41012311158184, + "v_measure_std": 1.600085445536508 + }, + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 77.21421760551837, + "v_measure": 77.21421760551837, + "v_measure_std": 2.0725968692052548 + } + ] + } +} \ No newline at end of file diff --git a/results/malenia1__ternary-weight-embedding/external/ThuNewsClusteringS2S.json b/results/malenia1__ternary-weight-embedding/external/ThuNewsClusteringS2S.json new file mode 100644 index 000000000..d1fe75932 --- /dev/null +++ b/results/malenia1__ternary-weight-embedding/external/ThuNewsClusteringS2S.json @@ -0,0 +1,28 @@ +{ + "dataset_revision": "8a8b2caeda43f39e13c4bc5bea0f8a667896e10d", + "task_name": "ThuNewsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 66.99801222525865, + "v_measure": 66.99801222525865, + "v_measure_std": 2.268490312605906 + }, + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 67.40189244236278, + "v_measure": 67.40189244236278, + "v_measure_std": 2.1667814876460776 + } + ] + } +} \ No newline at end of file diff --git a/results/malenia1__ternary-weight-embedding/external/VideoRetrieval.json b/results/malenia1__ternary-weight-embedding/external/VideoRetrieval.json new file mode 100644 index 000000000..1e22f5ea6 --- /dev/null +++ b/results/malenia1__ternary-weight-embedding/external/VideoRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "58c2597a5943a2ba48f4668c3b90d796283c5639", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "main_score": 74.18, + "map_at_1": 58.3, + "map_at_10": 69.202, + "map_at_100": 69.606, + "map_at_1000": 69.612, + "map_at_20": 69.465, + "map_at_3": 67.133, + "map_at_5": 68.28800000000001, + "mrr_at_1": 58.3, + "mrr_at_10": 69.201626984127, + "mrr_at_100": 69.60581565029914, + "mrr_at_1000": 69.61192749722464, + "mrr_at_20": 69.46514532809812, + "mrr_at_3": 67.13333333333334, + "mrr_at_5": 68.28833333333336, + "nauc_map_at_1000_diff1": 59.34478083408511, + "nauc_map_at_1000_max": 13.389346875878058, + "nauc_map_at_1000_std": -36.85885637076865, + "nauc_map_at_100_diff1": 59.34807111517757, + "nauc_map_at_100_max": 13.403390284190857, + "nauc_map_at_100_std": -36.84487623810107, + "nauc_map_at_10_diff1": 59.27462774183162, + "nauc_map_at_10_max": 13.127942709744026, + "nauc_map_at_10_std": -37.37951203716279, + "nauc_map_at_1_diff1": 62.06374419623817, + "nauc_map_at_1_max": 12.216836842404124, + "nauc_map_at_1_std": -32.376437563970576, + "nauc_map_at_20_diff1": 59.358042547082235, + "nauc_map_at_20_max": 13.425901648847269, + "nauc_map_at_20_std": -36.950481605718885, + "nauc_map_at_3_diff1": 58.504179878593376, + "nauc_map_at_3_max": 13.717981132556927, + "nauc_map_at_3_std": -37.61571792082351, + "nauc_map_at_5_diff1": 58.850653009668854, + "nauc_map_at_5_max": 12.895882710197466, + "nauc_map_at_5_std": -38.15921238754432, + "nauc_mrr_at_1000_diff1": 59.34478083408511, + "nauc_mrr_at_1000_max": 13.389346875878058, + "nauc_mrr_at_1000_std": -36.85885637076865, + "nauc_mrr_at_100_diff1": 59.34807111517757, + "nauc_mrr_at_100_max": 13.403390284190857, + "nauc_mrr_at_100_std": -36.84487623810107, + "nauc_mrr_at_10_diff1": 59.27462774183162, + "nauc_mrr_at_10_max": 13.127942709744026, + "nauc_mrr_at_10_std": -37.37951203716279, + "nauc_mrr_at_1_diff1": 62.06374419623817, + "nauc_mrr_at_1_max": 12.216836842404124, + "nauc_mrr_at_1_std": -32.376437563970576, + "nauc_mrr_at_20_diff1": 59.358042547082235, + "nauc_mrr_at_20_max": 13.425901648847269, + "nauc_mrr_at_20_std": -36.950481605718885, + "nauc_mrr_at_3_diff1": 58.504179878593376, + "nauc_mrr_at_3_max": 13.717981132556927, + "nauc_mrr_at_3_std": -37.61571792082351, + "nauc_mrr_at_5_diff1": 58.850653009668854, + "nauc_mrr_at_5_max": 12.895882710197466, + "nauc_mrr_at_5_std": -38.15921238754432, + "nauc_ndcg_at_1000_diff1": 59.13898931852901, + "nauc_ndcg_at_1000_max": 13.869168802179367, + "nauc_ndcg_at_1000_std": -36.57313702589791, + "nauc_ndcg_at_100_diff1": 59.25286696443839, + "nauc_ndcg_at_100_max": 14.329031676206943, + "nauc_ndcg_at_100_std": -36.068844762404865, + "nauc_ndcg_at_10_diff1": 58.952556848610506, + "nauc_ndcg_at_10_max": 13.058643821489968, + "nauc_ndcg_at_10_std": -38.637915329187656, + "nauc_ndcg_at_1_diff1": 62.06374419623817, + "nauc_ndcg_at_1_max": 12.216836842404124, + "nauc_ndcg_at_1_std": -32.376437563970576, + "nauc_ndcg_at_20_diff1": 59.265051921114534, + "nauc_ndcg_at_20_max": 14.424145412434584, + "nauc_ndcg_at_20_std": -36.67703874681748, + "nauc_ndcg_at_3_diff1": 57.2145236748128, + "nauc_ndcg_at_3_max": 14.163756082395205, + "nauc_ndcg_at_3_std": -39.40414075321231, + "nauc_ndcg_at_5_diff1": 57.809804336288416, + "nauc_ndcg_at_5_max": 12.527159951596808, + "nauc_ndcg_at_5_std": -40.552009922696094, + "nauc_precision_at_1000_diff1": 56.125116713349286, + "nauc_precision_at_1000_max": 48.571428571425365, + "nauc_precision_at_1000_std": 59.68253968253704, + "nauc_precision_at_100_diff1": 68.61646619432061, + "nauc_precision_at_100_max": 65.6533201515904, + "nauc_precision_at_100_std": 38.515406162464885, + "nauc_precision_at_10_diff1": 58.1383709608438, + "nauc_precision_at_10_max": 12.102681699471365, + "nauc_precision_at_10_std": -45.96425614006378, + "nauc_precision_at_1_diff1": 62.06374419623817, + "nauc_precision_at_1_max": 12.216836842404124, + "nauc_precision_at_1_std": -32.376437563970576, + "nauc_precision_at_20_diff1": 61.35243841126161, + "nauc_precision_at_20_max": 29.105077928606924, + "nauc_precision_at_20_std": -24.708037060978505, + "nauc_precision_at_3_diff1": 52.33167085174655, + "nauc_precision_at_3_max": 15.808744545343355, + "nauc_precision_at_3_std": -46.12751133667663, + "nauc_precision_at_5_diff1": 53.2268623802632, + "nauc_precision_at_5_max": 10.356224013966232, + "nauc_precision_at_5_std": -51.58816300277973, + "nauc_recall_at_1000_diff1": 56.125116713353194, + "nauc_recall_at_1000_max": 48.57142857143081, + "nauc_recall_at_1000_std": 59.682539682538724, + "nauc_recall_at_100_diff1": 68.61646619432132, + "nauc_recall_at_100_max": 65.65332015158995, + "nauc_recall_at_100_std": 38.515406162465176, + "nauc_recall_at_10_diff1": 58.13837096084369, + "nauc_recall_at_10_max": 12.10268169947128, + "nauc_recall_at_10_std": -45.964256140063505, + "nauc_recall_at_1_diff1": 62.06374419623817, + "nauc_recall_at_1_max": 12.216836842404124, + "nauc_recall_at_1_std": -32.376437563970576, + "nauc_recall_at_20_diff1": 61.35243841126176, + "nauc_recall_at_20_max": 29.10507792860751, + "nauc_recall_at_20_std": -24.708037060978192, + "nauc_recall_at_3_diff1": 52.33167085174654, + "nauc_recall_at_3_max": 15.808744545343204, + "nauc_recall_at_3_std": -46.12751133667685, + "nauc_recall_at_5_diff1": 53.2268623802632, + "nauc_recall_at_5_max": 10.356224013966395, + "nauc_recall_at_5_std": -51.58816300277942, + "ndcg_at_1": 58.3, + "ndcg_at_10": 74.18, + "ndcg_at_100": 76.067, + "ndcg_at_1000": 76.223, + "ndcg_at_20": 75.14, + "ndcg_at_3": 69.907, + "ndcg_at_5": 71.956, + "precision_at_1": 58.3, + "precision_at_10": 8.97, + "precision_at_100": 0.983, + "precision_at_1000": 0.1, + "precision_at_20": 4.675, + "precision_at_3": 25.967000000000002, + "precision_at_5": 16.56, + "recall_at_1": 58.3, + "recall_at_10": 89.7, + "recall_at_100": 98.3, + "recall_at_1000": 99.5, + "recall_at_20": 93.5, + "recall_at_3": 77.9, + "recall_at_5": 82.8 + } + ] + } +} \ No newline at end of file diff --git a/results/malenia1__ternary-weight-embedding/external/Waimai.json b/results/malenia1__ternary-weight-embedding/external/Waimai.json new file mode 100644 index 000000000..8c025e6a5 --- /dev/null +++ b/results/malenia1__ternary-weight-embedding/external/Waimai.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "339287def212450dcaa9df8c22bf93e9980c7023", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 86.19, + "ap": 69.16016629543033, + "ap_weighted": 69.16016629543033, + "f1": 84.65946646369608, + "f1_weighted": 86.35113290203732, + "main_score": 86.19 + } + ] + } +} \ No newline at end of file diff --git a/results/malenia1__ternary-weight-embedding/external/model_meta.json b/results/malenia1__ternary-weight-embedding/external/model_meta.json new file mode 100644 index 000000000..56d9f3c87 --- /dev/null +++ b/results/malenia1__ternary-weight-embedding/external/model_meta.json @@ -0,0 +1,20 @@ +{ + "name": "malenia1/ternary-weight-embedding", + "revision": "a1208fb7f646647bb62639fd2e1eb6cc2ef3738e", + "release_date": "2024-10-23", + "languages": [], + "loader": null, + "n_parameters": 98688145, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 1792, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/manu__bge-m3-custom-fr/external/AlloProfClusteringP2P.json b/results/manu__bge-m3-custom-fr/external/AlloProfClusteringP2P.json new file mode 100644 index 000000000..786d5cfe3 --- /dev/null +++ b/results/manu__bge-m3-custom-fr/external/AlloProfClusteringP2P.json @@ -0,0 +1,26 @@ +{ + "dataset_revision": "392ba3f5bcc8c51f578786c1fc3dae648662cb9b", + "task_name": "AlloProfClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "v_measure": 56.727459716713, + "main_score": 56.727459716713 + }, + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "v_measure": 38.19920006179227, + "main_score": 38.19920006179227 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__bge-m3-custom-fr/external/AlloprofReranking.json b/results/manu__bge-m3-custom-fr/external/AlloprofReranking.json new file mode 100644 index 000000000..d8447c856 --- /dev/null +++ b/results/manu__bge-m3-custom-fr/external/AlloprofReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e40c8a63ce02da43200eccb5b0846fcaa888f562", + "task_name": "AlloprofReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map": 65.17465797499942, + "mrr": 66.51400197384653, + "main_score": 65.17465797499942 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__bge-m3-custom-fr/external/AmazonReviewsClassification.json b/results/manu__bge-m3-custom-fr/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..15fafc239 --- /dev/null +++ b/results/manu__bge-m3-custom-fr/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 42.332, + "f1": 40.801800929404344, + "main_score": 42.332 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__bge-m3-custom-fr/external/BSARDRetrieval.json b/results/manu__bge-m3-custom-fr/external/BSARDRetrieval.json new file mode 100644 index 000000000..fb4b35a73 --- /dev/null +++ b/results/manu__bge-m3-custom-fr/external/BSARDRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "5effa1b9b5fa3b0f9e12523e6e43e5f86a6e6d59", + "task_name": "BSARDRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map_at_1": 0.0, + "map_at_10": 0.0, + "map_at_100": 0.011000000000000001, + "map_at_1000": 0.018000000000000002, + "map_at_3": 0.0, + "map_at_5": 0.0, + "mrr_at_1": 0.0, + "mrr_at_10": 0.0, + "mrr_at_100": 0.011000000000000001, + "mrr_at_1000": 0.018000000000000002, + "mrr_at_3": 0.0, + "mrr_at_5": 0.0, + "ndcg_at_1": 0.0, + "ndcg_at_10": 0.0, + "ndcg_at_100": 0.13999999999999999, + "ndcg_at_1000": 0.457, + "ndcg_at_3": 0.0, + "ndcg_at_5": 0.0, + "precision_at_1": 0.0, + "precision_at_10": 0.0, + "precision_at_100": 0.009000000000000001, + "precision_at_1000": 0.004, + "precision_at_3": 0.0, + "precision_at_5": 0.0, + "recall_at_1": 0.0, + "recall_at_10": 0.0, + "recall_at_100": 0.901, + "recall_at_1000": 3.604, + "recall_at_3": 0.0, + "recall_at_5": 0.0, + "main_score": 0.901 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__bge-m3-custom-fr/external/HALClusteringS2S.json b/results/manu__bge-m3-custom-fr/external/HALClusteringS2S.json new file mode 100644 index 000000000..d097d4fe2 --- /dev/null +++ b/results/manu__bge-m3-custom-fr/external/HALClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e06ebbbb123f8144bef1a5d18796f3dec9ae2915", + "task_name": "HALClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "v_measure": 24.1294565929144, + "main_score": 24.1294565929144 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__bge-m3-custom-fr/external/MLSUMClusteringP2P.json b/results/manu__bge-m3-custom-fr/external/MLSUMClusteringP2P.json new file mode 100644 index 000000000..ab8493209 --- /dev/null +++ b/results/manu__bge-m3-custom-fr/external/MLSUMClusteringP2P.json @@ -0,0 +1,26 @@ +{ + "dataset_revision": "b5d54f8f3b61ae17845046286940f03c6bc79bc7", + "task_name": "MLSUMClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "None" + ], + "v_measure": 42.12040762356958, + "main_score": 42.12040762356958 + }, + { + "hf_subset": "default", + "languages": [ + "None" + ], + "v_measure": 36.69102548662494, + "main_score": 36.69102548662494 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__bge-m3-custom-fr/external/MTOPDomainClassification.json b/results/manu__bge-m3-custom-fr/external/MTOPDomainClassification.json new file mode 100644 index 000000000..701c67cb5 --- /dev/null +++ b/results/manu__bge-m3-custom-fr/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 90.3946132164109, + "f1": 90.15608090764273, + "main_score": 90.3946132164109 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__bge-m3-custom-fr/external/MTOPIntentClassification.json b/results/manu__bge-m3-custom-fr/external/MTOPIntentClassification.json new file mode 100644 index 000000000..fe1d8372c --- /dev/null +++ b/results/manu__bge-m3-custom-fr/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 60.87691825869088, + "f1": 43.56160799721332, + "main_score": 60.87691825869088 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__bge-m3-custom-fr/external/MasakhaNEWSClassification.json b/results/manu__bge-m3-custom-fr/external/MasakhaNEWSClassification.json new file mode 100644 index 000000000..3ccd9bb70 --- /dev/null +++ b/results/manu__bge-m3-custom-fr/external/MasakhaNEWSClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "8ccc72e69e65f40c70e117d8b3c08306bb788b60", + "task_name": "MasakhaNEWSClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fra", + "languages": [ + "fra-Latn" + ], + "accuracy": 70.52132701421802, + "f1": 66.7911493789742, + "main_score": 70.52132701421802 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__bge-m3-custom-fr/external/MassiveIntentClassification.json b/results/manu__bge-m3-custom-fr/external/MassiveIntentClassification.json new file mode 100644 index 000000000..1b1895392 --- /dev/null +++ b/results/manu__bge-m3-custom-fr/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 66.70477471418964, + "f1": 64.4848306188641, + "main_score": 66.70477471418964 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__bge-m3-custom-fr/external/MassiveScenarioClassification.json b/results/manu__bge-m3-custom-fr/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..8105e0e7d --- /dev/null +++ b/results/manu__bge-m3-custom-fr/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 74.57969065232011, + "f1": 73.58251655418402, + "main_score": 74.57969065232011 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__bge-m3-custom-fr/external/MintakaRetrieval.json b/results/manu__bge-m3-custom-fr/external/MintakaRetrieval.json new file mode 100644 index 000000000..64315262f --- /dev/null +++ b/results/manu__bge-m3-custom-fr/external/MintakaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "efa78cc2f74bbcd21eff2261f9e13aebe40b814e", + "task_name": "MintakaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "map_at_1": 14.005, + "map_at_10": 21.279999999999998, + "map_at_100": 22.288, + "map_at_1000": 22.404, + "map_at_3": 19.151, + "map_at_5": 20.322000000000003, + "mrr_at_1": 14.005, + "mrr_at_10": 21.279999999999998, + "mrr_at_100": 22.288, + "mrr_at_1000": 22.404, + "mrr_at_3": 19.151, + "mrr_at_5": 20.322000000000003, + "ndcg_at_1": 14.005, + "ndcg_at_10": 25.173000000000002, + "ndcg_at_100": 30.452, + "ndcg_at_1000": 34.241, + "ndcg_at_3": 20.768, + "ndcg_at_5": 22.869, + "precision_at_1": 14.005, + "precision_at_10": 3.759, + "precision_at_100": 0.631, + "precision_at_1000": 0.095, + "precision_at_3": 8.477, + "precision_at_5": 6.101999999999999, + "recall_at_1": 14.005, + "recall_at_10": 37.592, + "recall_at_100": 63.144999999999996, + "recall_at_1000": 94.513, + "recall_at_3": 25.430000000000003, + "recall_at_5": 30.508000000000003, + "main_score": 25.173000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__bge-m3-custom-fr/external/OpusparcusPC.json b/results/manu__bge-m3-custom-fr/external/OpusparcusPC.json new file mode 100644 index 000000000..290ddb985 --- /dev/null +++ b/results/manu__bge-m3-custom-fr/external/OpusparcusPC.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "9e9b1f8ef51616073f47f306f7f47dd91663f86a", + "task_name": "OpusparcusPC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_accuracy": 81.60762942779292, + "cos_sim_ap": 93.33850264444463, + "cos_sim_f1": 87.24705882352941, + "cos_sim_precision": 82.91592128801432, + "cos_sim_recall": 92.05561072492551, + "dot_accuracy": 81.60762942779292, + "dot_ap": 93.33850264444463, + "dot_f1": 87.24705882352941, + "dot_precision": 82.91592128801432, + "dot_recall": 92.05561072492551, + "euclidean_accuracy": 81.60762942779292, + "euclidean_ap": 93.3384939260791, + "euclidean_f1": 87.24705882352941, + "euclidean_precision": 82.91592128801432, + "euclidean_recall": 92.05561072492551, + "manhattan_accuracy": 81.60762942779292, + "manhattan_ap": 93.27064794794664, + "manhattan_f1": 87.27440999537251, + "manhattan_precision": 81.7157712305026, + "manhattan_recall": 93.64448857994041, + "max_accuracy": 81.60762942779292, + "max_ap": 93.33850264444463, + "max_f1": 87.27440999537251, + "main_score": 93.33850264444463 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__bge-m3-custom-fr/external/SICKFr.json b/results/manu__bge-m3-custom-fr/external/SICKFr.json new file mode 100644 index 000000000..b3e254872 --- /dev/null +++ b/results/manu__bge-m3-custom-fr/external/SICKFr.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e077ab4cf4774a1e36d86d593b150422fafd8e8a", + "task_name": "SICKFr", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 81.24400370393097, + "cos_sim_spearman": 75.50548831172674, + "euclidean_pearson": 77.81039134726188, + "euclidean_spearman": 75.50504199480463, + "manhattan_pearson": 77.79383923445839, + "manhattan_spearman": 75.472882776806, + "cosine_pearson": 81.24400370393097, + "cosine_spearman": 75.50548831172674, + "main_score": 75.50548831172674 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__bge-m3-custom-fr/external/STS22.json b/results/manu__bge-m3-custom-fr/external/STS22.json new file mode 100644 index 000000000..8f71e0e4c --- /dev/null +++ b/results/manu__bge-m3-custom-fr/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "eea2b4fe26a775864c896887d910b76a8098ad3f", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 80.48474973785514, + "cos_sim_spearman": 81.69566405041475, + "euclidean_pearson": 78.32784472269549, + "euclidean_spearman": 81.69566405041475, + "manhattan_pearson": 78.2856100079857, + "manhattan_spearman": 81.84463256785325, + "cosine_pearson": 80.48474973785514, + "cosine_spearman": 81.69566405041475, + "main_score": 81.69566405041475 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__bge-m3-custom-fr/external/STSBenchmarkMultilingualSTS.json b/results/manu__bge-m3-custom-fr/external/STSBenchmarkMultilingualSTS.json new file mode 100644 index 000000000..0c7dfcdc0 --- /dev/null +++ b/results/manu__bge-m3-custom-fr/external/STSBenchmarkMultilingualSTS.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "93d57ef91790589e3ce9c365164337a8a78b7632", + "task_name": "STSBenchmarkMultilingualSTS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 80.68785966129913, + "cos_sim_spearman": 81.29936344904975, + "euclidean_pearson": 80.25462090186443, + "euclidean_spearman": 81.29928746010391, + "manhattan_pearson": 80.17083094559602, + "manhattan_spearman": 81.18921827402406, + "cosine_pearson": 80.68785966129913, + "cosine_spearman": 81.29936344904975, + "main_score": 81.29936344904975 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__bge-m3-custom-fr/external/SummEvalFr.json b/results/manu__bge-m3-custom-fr/external/SummEvalFr.json new file mode 100644 index 000000000..044a001a2 --- /dev/null +++ b/results/manu__bge-m3-custom-fr/external/SummEvalFr.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "b385812de6a9577b6f4d0f88c6a6e35395a94054", + "task_name": "SummEvalFr", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 31.66113105701837, + "cos_sim_spearman": 30.13316633681715, + "dot_pearson": 31.66113064418324, + "dot_spearman": 30.13316633681715, + "cosine_pearson": 31.66113105701837, + "cosine_spearman": 30.13316633681715, + "main_score": 30.13316633681715 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__bge-m3-custom-fr/external/SyntecReranking.json b/results/manu__bge-m3-custom-fr/external/SyntecReranking.json new file mode 100644 index 000000000..b1d4dde07 --- /dev/null +++ b/results/manu__bge-m3-custom-fr/external/SyntecReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "b205c5084a0934ce8af14338bf03feb19499c84d", + "task_name": "SyntecReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map": 85.43333333333334, + "mrr": 85.43333333333334, + "main_score": 85.43333333333334 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__bge-m3-custom-fr/external/SyntecRetrieval.json b/results/manu__bge-m3-custom-fr/external/SyntecRetrieval.json new file mode 100644 index 000000000..56a9c80d1 --- /dev/null +++ b/results/manu__bge-m3-custom-fr/external/SyntecRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "aa460cd4d177e6a3c04fcd2affd95e8243289033", + "task_name": "SyntecRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map_at_1": 65.0, + "map_at_10": 75.19200000000001, + "map_at_100": 75.77000000000001, + "map_at_1000": 75.77000000000001, + "map_at_3": 73.667, + "map_at_5": 75.067, + "mrr_at_1": 65.0, + "mrr_at_10": 75.19200000000001, + "mrr_at_100": 75.77000000000001, + "mrr_at_1000": 75.77000000000001, + "mrr_at_3": 73.667, + "mrr_at_5": 75.067, + "ndcg_at_1": 65.0, + "ndcg_at_10": 79.145, + "ndcg_at_100": 81.34400000000001, + "ndcg_at_1000": 81.34400000000001, + "ndcg_at_3": 76.333, + "ndcg_at_5": 78.82900000000001, + "precision_at_1": 65.0, + "precision_at_10": 9.1, + "precision_at_100": 1.0, + "precision_at_1000": 0.1, + "precision_at_3": 28.000000000000004, + "precision_at_5": 18.0, + "recall_at_1": 65.0, + "recall_at_10": 91.0, + "recall_at_100": 100.0, + "recall_at_1000": 100.0, + "recall_at_3": 84.0, + "recall_at_5": 90.0, + "main_score": 79.145 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__bge-m3-custom-fr/external/XPQARetrieval.json b/results/manu__bge-m3-custom-fr/external/XPQARetrieval.json new file mode 100644 index 000000000..e4f69e89c --- /dev/null +++ b/results/manu__bge-m3-custom-fr/external/XPQARetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "c99d599f0a6ab9b85b065da6f9d94f9cf731679f", + "task_name": "XPQARetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "None" + ], + "map_at_1": 40.225, + "map_at_10": 61.833000000000006, + "map_at_100": 63.20400000000001, + "map_at_1000": 63.27, + "map_at_3": 55.593, + "map_at_5": 59.65200000000001, + "mrr_at_1": 63.284, + "mrr_at_10": 71.351, + "mrr_at_100": 71.772, + "mrr_at_1000": 71.786, + "mrr_at_3": 69.381, + "mrr_at_5": 70.703, + "ndcg_at_1": 63.284, + "ndcg_at_10": 68.49199999999999, + "ndcg_at_100": 72.79299999999999, + "ndcg_at_1000": 73.735, + "ndcg_at_3": 63.278, + "ndcg_at_5": 65.19200000000001, + "precision_at_1": 63.284, + "precision_at_10": 15.661, + "precision_at_100": 1.9349999999999998, + "precision_at_1000": 0.207, + "precision_at_3": 38.273, + "precision_at_5": 27.397, + "recall_at_1": 40.225, + "recall_at_10": 77.66999999999999, + "recall_at_100": 93.887, + "recall_at_1000": 99.70599999999999, + "recall_at_3": 61.133, + "recall_at_5": 69.789, + "main_score": 68.49199999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__bge-m3-custom-fr/external/model_meta.json b/results/manu__bge-m3-custom-fr/external/model_meta.json new file mode 100644 index 000000000..3e497018e --- /dev/null +++ b/results/manu__bge-m3-custom-fr/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "manu/bge-m3-custom-fr", + "revision": "ed3ef88678ba83ddf4c0fab71a93cb90d89a9078", + "release_date": "2024-04-11", + "languages": [], + "loader": null, + "n_parameters": 567754752, + "memory_usage": null, + "max_tokens": 8194, + "embed_dim": 1024, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.2/external/AlloProfClusteringP2P.json b/results/manu__sentence_croissant_alpha_v0.2/external/AlloProfClusteringP2P.json new file mode 100644 index 000000000..50e2b26cf --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.2/external/AlloProfClusteringP2P.json @@ -0,0 +1,26 @@ +{ + "dataset_revision": "392ba3f5bcc8c51f578786c1fc3dae648662cb9b", + "task_name": "AlloProfClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "v_measure": 59.14629497199997, + "main_score": 59.14629497199997 + }, + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "v_measure": 36.450870830351036, + "main_score": 36.450870830351036 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.2/external/AlloprofReranking.json b/results/manu__sentence_croissant_alpha_v0.2/external/AlloprofReranking.json new file mode 100644 index 000000000..aceb71549 --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.2/external/AlloprofReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e40c8a63ce02da43200eccb5b0846fcaa888f562", + "task_name": "AlloprofReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map": 67.23549444979429, + "mrr": 68.49382830276612, + "main_score": 67.23549444979429 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.2/external/AmazonReviewsClassification.json b/results/manu__sentence_croissant_alpha_v0.2/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..ce812e71d --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.2/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 36.484, + "f1": 36.358267416839176, + "main_score": 36.484 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.2/external/BSARDRetrieval.json b/results/manu__sentence_croissant_alpha_v0.2/external/BSARDRetrieval.json new file mode 100644 index 000000000..ad2cdf93b --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.2/external/BSARDRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "5effa1b9b5fa3b0f9e12523e6e43e5f86a6e6d59", + "task_name": "BSARDRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map_at_1": 0.44999999999999996, + "map_at_10": 1.184, + "map_at_100": 1.5939999999999999, + "map_at_1000": 1.6680000000000001, + "map_at_3": 0.901, + "map_at_5": 1.014, + "mrr_at_1": 0.44999999999999996, + "mrr_at_10": 1.184, + "mrr_at_100": 1.5939999999999999, + "mrr_at_1000": 1.6680000000000001, + "mrr_at_3": 0.901, + "mrr_at_5": 1.014, + "ndcg_at_1": 0.44999999999999996, + "ndcg_at_10": 1.746, + "ndcg_at_100": 4.271, + "ndcg_at_1000": 6.662, + "ndcg_at_3": 1.126, + "ndcg_at_5": 1.32, + "precision_at_1": 0.44999999999999996, + "precision_at_10": 0.36, + "precision_at_100": 0.167, + "precision_at_1000": 0.036000000000000004, + "precision_at_3": 0.601, + "precision_at_5": 0.44999999999999996, + "recall_at_1": 0.44999999999999996, + "recall_at_10": 3.604, + "recall_at_100": 16.667, + "recall_at_1000": 36.486000000000004, + "recall_at_3": 1.802, + "recall_at_5": 2.252, + "main_score": 16.667 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.2/external/HALClusteringS2S.json b/results/manu__sentence_croissant_alpha_v0.2/external/HALClusteringS2S.json new file mode 100644 index 000000000..826821ce7 --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.2/external/HALClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e06ebbbb123f8144bef1a5d18796f3dec9ae2915", + "task_name": "HALClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "v_measure": 24.970553942854256, + "main_score": 24.970553942854256 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.2/external/MLSUMClusteringP2P.json b/results/manu__sentence_croissant_alpha_v0.2/external/MLSUMClusteringP2P.json new file mode 100644 index 000000000..ff815ea99 --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.2/external/MLSUMClusteringP2P.json @@ -0,0 +1,26 @@ +{ + "dataset_revision": "b5d54f8f3b61ae17845046286940f03c6bc79bc7", + "task_name": "MLSUMClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "None" + ], + "v_measure": 42.48794423025542, + "main_score": 42.48794423025542 + }, + { + "hf_subset": "default", + "languages": [ + "None" + ], + "v_measure": 34.44830504100088, + "main_score": 34.44830504100088 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.2/external/MTOPDomainClassification.json b/results/manu__sentence_croissant_alpha_v0.2/external/MTOPDomainClassification.json new file mode 100644 index 000000000..3873a6be6 --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.2/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 88.96335734419041, + "f1": 88.77543132157024, + "main_score": 88.96335734419041 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.2/external/MTOPIntentClassification.json b/results/manu__sentence_croissant_alpha_v0.2/external/MTOPIntentClassification.json new file mode 100644 index 000000000..674f0883f --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.2/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 67.76072658941435, + "f1": 47.98533031010631, + "main_score": 67.76072658941435 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.2/external/MasakhaNEWSClassification.json b/results/manu__sentence_croissant_alpha_v0.2/external/MasakhaNEWSClassification.json new file mode 100644 index 000000000..ac1322511 --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.2/external/MasakhaNEWSClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "8ccc72e69e65f40c70e117d8b3c08306bb788b60", + "task_name": "MasakhaNEWSClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fra", + "languages": [ + "fra-Latn" + ], + "accuracy": 73.17535545023696, + "f1": 69.07397342867827, + "main_score": 73.17535545023696 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.2/external/MassiveIntentClassification.json b/results/manu__sentence_croissant_alpha_v0.2/external/MassiveIntentClassification.json new file mode 100644 index 000000000..05dfed0e2 --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.2/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 66.29791526563551, + "f1": 64.11383858035595, + "main_score": 66.29791526563551 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.2/external/MassiveScenarioClassification.json b/results/manu__sentence_croissant_alpha_v0.2/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..e31fbd7a4 --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.2/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 71.7014122394082, + "f1": 71.28396788755553, + "main_score": 71.7014122394082 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.2/external/MintakaRetrieval.json b/results/manu__sentence_croissant_alpha_v0.2/external/MintakaRetrieval.json new file mode 100644 index 000000000..79a60e06c --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.2/external/MintakaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "efa78cc2f74bbcd21eff2261f9e13aebe40b814e", + "task_name": "MintakaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "map_at_1": 14.824000000000002, + "map_at_10": 23.217, + "map_at_100": 24.484, + "map_at_1000": 24.571, + "map_at_3": 20.762, + "map_at_5": 22.121, + "mrr_at_1": 14.824000000000002, + "mrr_at_10": 23.217, + "mrr_at_100": 24.484, + "mrr_at_1000": 24.571, + "mrr_at_3": 20.762, + "mrr_at_5": 22.121, + "ndcg_at_1": 14.824000000000002, + "ndcg_at_10": 27.876, + "ndcg_at_100": 34.53, + "ndcg_at_1000": 37.153999999999996, + "ndcg_at_3": 22.746, + "ndcg_at_5": 25.192999999999998, + "precision_at_1": 14.824000000000002, + "precision_at_10": 4.279, + "precision_at_100": 0.75, + "precision_at_1000": 0.096, + "precision_at_3": 9.5, + "precision_at_5": 6.888, + "recall_at_1": 14.824000000000002, + "recall_at_10": 42.793, + "recall_at_100": 75.02, + "recall_at_1000": 96.274, + "recall_at_3": 28.500999999999998, + "recall_at_5": 34.439, + "main_score": 27.876 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.2/external/OpusparcusPC.json b/results/manu__sentence_croissant_alpha_v0.2/external/OpusparcusPC.json new file mode 100644 index 000000000..dba42f7ca --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.2/external/OpusparcusPC.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "9e9b1f8ef51616073f47f306f7f47dd91663f86a", + "task_name": "OpusparcusPC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_accuracy": 82.56130790190736, + "cos_sim_ap": 93.47537508242819, + "cos_sim_f1": 87.60250844187169, + "cos_sim_precision": 85.17823639774859, + "cos_sim_recall": 90.16881827209534, + "dot_accuracy": 81.06267029972753, + "dot_ap": 91.67254760894009, + "dot_f1": 87.07172224760164, + "dot_precision": 80.62605752961083, + "dot_recall": 94.63753723932473, + "euclidean_accuracy": 81.19891008174388, + "euclidean_ap": 93.11746326702661, + "euclidean_f1": 86.52278177458035, + "euclidean_precision": 83.6734693877551, + "euclidean_recall": 89.57298907646475, + "manhattan_accuracy": 81.06267029972753, + "manhattan_ap": 93.10511956552851, + "manhattan_f1": 86.62175168431185, + "manhattan_precision": 84.03361344537815, + "manhattan_recall": 89.37437934458788, + "max_accuracy": 82.56130790190736, + "max_ap": 93.47537508242819, + "max_f1": 87.60250844187169, + "main_score": 93.47537508242819 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.2/external/SICKFr.json b/results/manu__sentence_croissant_alpha_v0.2/external/SICKFr.json new file mode 100644 index 000000000..bee8c2ceb --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.2/external/SICKFr.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e077ab4cf4774a1e36d86d593b150422fafd8e8a", + "task_name": "SICKFr", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 77.68761269197373, + "cos_sim_spearman": 69.66744624141576, + "euclidean_pearson": 72.05200050489465, + "euclidean_spearman": 68.04895470259305, + "manhattan_pearson": 72.16693522711834, + "manhattan_spearman": 68.12086601967899, + "cosine_pearson": 77.68761269197373, + "cosine_spearman": 69.66744624141576, + "main_score": 69.66744624141576 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.2/external/STS22.json b/results/manu__sentence_croissant_alpha_v0.2/external/STS22.json new file mode 100644 index 000000000..28e903e58 --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.2/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "eea2b4fe26a775864c896887d910b76a8098ad3f", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 75.11874053715779, + "cos_sim_spearman": 78.68085137779333, + "euclidean_pearson": 68.83921367763453, + "euclidean_spearman": 71.35148956255736, + "manhattan_pearson": 69.46950072200525, + "manhattan_spearman": 71.66493261411941, + "cosine_pearson": 75.11874053715779, + "cosine_spearman": 78.68085137779333, + "main_score": 78.68085137779333 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.2/external/STSBenchmarkMultilingualSTS.json b/results/manu__sentence_croissant_alpha_v0.2/external/STSBenchmarkMultilingualSTS.json new file mode 100644 index 000000000..9b6c7d1e5 --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.2/external/STSBenchmarkMultilingualSTS.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "93d57ef91790589e3ce9c365164337a8a78b7632", + "task_name": "STSBenchmarkMultilingualSTS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 78.09242108846412, + "cos_sim_spearman": 76.38442769094321, + "euclidean_pearson": 76.19649405196662, + "euclidean_spearman": 75.95441973818816, + "manhattan_pearson": 76.13548797312832, + "manhattan_spearman": 75.93264073187262, + "cosine_pearson": 78.09242108846412, + "cosine_spearman": 76.38442769094321, + "main_score": 76.38442769094321 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.2/external/SummEvalFr.json b/results/manu__sentence_croissant_alpha_v0.2/external/SummEvalFr.json new file mode 100644 index 000000000..b9d68982f --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.2/external/SummEvalFr.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "b385812de6a9577b6f4d0f88c6a6e35395a94054", + "task_name": "SummEvalFr", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 30.511451950181858, + "cos_sim_spearman": 30.267871792007288, + "dot_pearson": 27.428950856263114, + "dot_spearman": 26.895658072972395, + "cosine_pearson": 30.511451950181858, + "cosine_spearman": 30.267871792007288, + "main_score": 30.267871792007288 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.2/external/SyntecReranking.json b/results/manu__sentence_croissant_alpha_v0.2/external/SyntecReranking.json new file mode 100644 index 000000000..77662d368 --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.2/external/SyntecReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "b205c5084a0934ce8af14338bf03feb19499c84d", + "task_name": "SyntecReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map": 83.16666666666667, + "mrr": 83.16666666666667, + "main_score": 83.16666666666667 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.2/external/SyntecRetrieval.json b/results/manu__sentence_croissant_alpha_v0.2/external/SyntecRetrieval.json new file mode 100644 index 000000000..98f01ba8a --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.2/external/SyntecRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "aa460cd4d177e6a3c04fcd2affd95e8243289033", + "task_name": "SyntecRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map_at_1": 61.0, + "map_at_10": 71.863, + "map_at_100": 72.115, + "map_at_1000": 72.115, + "map_at_3": 69.0, + "map_at_5": 70.95, + "mrr_at_1": 61.0, + "mrr_at_10": 71.863, + "mrr_at_100": 72.115, + "mrr_at_1000": 72.115, + "mrr_at_3": 69.0, + "mrr_at_5": 70.95, + "ndcg_at_1": 61.0, + "ndcg_at_10": 77.666, + "ndcg_at_100": 78.63900000000001, + "ndcg_at_1000": 78.63900000000001, + "ndcg_at_3": 71.809, + "ndcg_at_5": 75.422, + "precision_at_1": 61.0, + "precision_at_10": 9.6, + "precision_at_100": 1.0, + "precision_at_1000": 0.1, + "precision_at_3": 26.667, + "precision_at_5": 17.8, + "recall_at_1": 61.0, + "recall_at_10": 96.0, + "recall_at_100": 100.0, + "recall_at_1000": 100.0, + "recall_at_3": 80.0, + "recall_at_5": 89.0, + "main_score": 77.666 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.2/external/XPQARetrieval.json b/results/manu__sentence_croissant_alpha_v0.2/external/XPQARetrieval.json new file mode 100644 index 000000000..fc7a29570 --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.2/external/XPQARetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "c99d599f0a6ab9b85b065da6f9d94f9cf731679f", + "task_name": "XPQARetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "None" + ], + "map_at_1": 37.736999999999995, + "map_at_10": 57.842000000000006, + "map_at_100": 59.373, + "map_at_1000": 59.426, + "map_at_3": 51.598, + "map_at_5": 55.279999999999994, + "mrr_at_1": 59.68, + "mrr_at_10": 66.71000000000001, + "mrr_at_100": 67.28699999999999, + "mrr_at_1000": 67.301, + "mrr_at_3": 64.486, + "mrr_at_5": 65.888, + "ndcg_at_1": 59.68, + "ndcg_at_10": 64.27199999999999, + "ndcg_at_100": 69.429, + "ndcg_at_1000": 70.314, + "ndcg_at_3": 58.569, + "ndcg_at_5": 60.272999999999996, + "precision_at_1": 59.68, + "precision_at_10": 15.113, + "precision_at_100": 1.941, + "precision_at_1000": 0.20600000000000002, + "precision_at_3": 35.514, + "precision_at_5": 25.367, + "recall_at_1": 37.736999999999995, + "recall_at_10": 73.458, + "recall_at_100": 93.554, + "recall_at_1000": 99.346, + "recall_at_3": 55.774, + "recall_at_5": 63.836000000000006, + "main_score": 64.27199999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.2/external/model_meta.json b/results/manu__sentence_croissant_alpha_v0.2/external/model_meta.json new file mode 100644 index 000000000..206e8dc30 --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.2/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "manu/sentence_croissant_alpha_v0.2", + "revision": "4610b8cea65d7dd59e0b04af50753933fe5b29b2", + "release_date": "2024-03-15", + "languages": [], + "loader": null, + "n_parameters": 1279887360, + "memory_usage": null, + "max_tokens": 2048, + "embed_dim": 2048, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.3/external/AlloProfClusteringP2P.json b/results/manu__sentence_croissant_alpha_v0.3/external/AlloProfClusteringP2P.json new file mode 100644 index 000000000..98f7eedef --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.3/external/AlloProfClusteringP2P.json @@ -0,0 +1,2030 @@ +{ + "dataset_revision": "392ba3f5bcc8c51f578786c1fc3dae648662cb9b", + "task_name": "AlloProfClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "v_measure": 56.72912207023513, + "v_measures": [ + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886, + 0.5320130285438164, + 0.5262623550285312, + 0.5801017400160106, + 0.5959165699319396, + 0.5834996150492608, + 0.5569839493118243, + 0.6099665491090271, + 0.5780727185697752, + 0.4988023041518384, + 0.6112933773114886 + ], + "main_score": 56.72912207023513 + }, + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "v_measure": 37.62128894914382, + "v_measures": [ + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827, + 0.35401974034534334, + 0.3980248155652733, + 0.4010417412014714, + 0.3771452994293956, + 0.3279249606358475, + 0.45943544754326515, + 0.40148836454988795, + 0.36775719216316904, + 0.3211924643714899, + 0.35409886910923827 + ], + "main_score": 37.62128894914382 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.3/external/AlloprofReranking.json b/results/manu__sentence_croissant_alpha_v0.3/external/AlloprofReranking.json new file mode 100644 index 000000000..b0c3e5a17 --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.3/external/AlloprofReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e40c8a63ce02da43200eccb5b0846fcaa888f562", + "task_name": "AlloprofReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map": 68.30621526032894, + "mrr": 69.67719384817829, + "main_score": 68.30621526032894 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.3/external/AmazonReviewsClassification.json b/results/manu__sentence_croissant_alpha_v0.3/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..1e4c74215 --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.3/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 35.106, + "f1": 34.825583560299656, + "main_score": 35.106 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.3/external/BSARDRetrieval.json b/results/manu__sentence_croissant_alpha_v0.3/external/BSARDRetrieval.json new file mode 100644 index 000000000..df8e434c8 --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.3/external/BSARDRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "5effa1b9b5fa3b0f9e12523e6e43e5f86a6e6d59", + "task_name": "BSARDRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map_at_1": 0.0, + "map_at_10": 0.15, + "map_at_100": 0.19499999999999998, + "map_at_1000": 0.243, + "map_at_20": 0.18, + "map_at_3": 0.15, + "map_at_5": 0.15, + "mrr_at_1": 0.0, + "mrr_at_10": 0.15, + "mrr_at_100": 0.19499999999999998, + "mrr_at_1000": 0.243, + "mrr_at_20": 0.18, + "mrr_at_3": 0.15, + "mrr_at_5": 0.15, + "ndcg_at_1": 0.0, + "ndcg_at_10": 0.22499999999999998, + "ndcg_at_100": 0.545, + "ndcg_at_1000": 2.622, + "ndcg_at_20": 0.338, + "ndcg_at_3": 0.22499999999999998, + "ndcg_at_5": 0.22499999999999998, + "precision_at_1": 0.0, + "precision_at_10": 0.045, + "precision_at_100": 0.023, + "precision_at_1000": 0.02, + "precision_at_20": 0.045, + "precision_at_3": 0.15, + "precision_at_5": 0.09, + "recall_at_1": 0.0, + "recall_at_10": 0.44999999999999996, + "recall_at_100": 2.252, + "recall_at_1000": 20.27, + "recall_at_20": 0.901, + "recall_at_3": 0.44999999999999996, + "recall_at_5": 0.44999999999999996, + "main_score": 2.252 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.3/external/FQuADRetrieval.json b/results/manu__sentence_croissant_alpha_v0.3/external/FQuADRetrieval.json new file mode 100644 index 000000000..9b6cf2fc0 --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.3/external/FQuADRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "5384ce827bbc2156d46e6fcba83d75f8e6e1b4a6", + "task_name": "FQuADRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map_at_1": 53.0, + "map_at_10": 65.393, + "map_at_100": 65.791, + "map_at_1000": 65.79899999999999, + "map_at_20": 65.644, + "map_at_3": 62.74999999999999, + "map_at_5": 64.075, + "mrr_at_1": 53.0, + "mrr_at_10": 65.393, + "mrr_at_100": 65.791, + "mrr_at_1000": 65.79899999999999, + "mrr_at_20": 65.644, + "mrr_at_3": 62.74999999999999, + "mrr_at_5": 64.075, + "ndcg_at_1": 53.0, + "ndcg_at_10": 71.38600000000001, + "ndcg_at_100": 73.275, + "ndcg_at_1000": 73.42, + "ndcg_at_20": 72.28099999999999, + "ndcg_at_3": 65.839, + "ndcg_at_5": 68.217, + "precision_at_1": 53.0, + "precision_at_10": 9.025, + "precision_at_100": 0.9900000000000001, + "precision_at_1000": 0.1, + "precision_at_20": 4.688, + "precision_at_3": 24.917, + "precision_at_5": 16.1, + "recall_at_1": 53.0, + "recall_at_10": 90.25, + "recall_at_100": 99.0, + "recall_at_1000": 100.0, + "recall_at_20": 93.75, + "recall_at_3": 74.75, + "recall_at_5": 80.5, + "main_score": 71.38600000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.3/external/HALClusteringS2S.json b/results/manu__sentence_croissant_alpha_v0.3/external/HALClusteringS2S.json new file mode 100644 index 000000000..811b7928e --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.3/external/HALClusteringS2S.json @@ -0,0 +1,1020 @@ +{ + "dataset_revision": "e06ebbbb123f8144bef1a5d18796f3dec9ae2915", + "task_name": "HALClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "v_measure": 25.756762769106768, + "v_measures": [ + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097, + 0.27992488796059395, + 0.2764506771771727, + 0.3243693580623437, + 0.2779803803468105, + 0.23611069524035522, + 0.20081340028652678, + 0.20920466845471178, + 0.24107059599883462, + 0.2301770805728178, + 0.2995745328105097 + ], + "main_score": 25.756762769106768 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.3/external/MLSUMClusteringP2P.json b/results/manu__sentence_croissant_alpha_v0.3/external/MLSUMClusteringP2P.json new file mode 100644 index 000000000..5ce019da9 --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.3/external/MLSUMClusteringP2P.json @@ -0,0 +1,2030 @@ +{ + "dataset_revision": "b5d54f8f3b61ae17845046286940f03c6bc79bc7", + "task_name": "MLSUMClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "v_measure": 41.82320155017088, + "v_measures": [ + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863, + 0.4222470060684208, + 0.4358887035247771, + 0.4288044607351393, + 0.4278211144128014, + 0.3701492929109167, + 0.42700292743096274, + 0.4396567571802029, + 0.41889525107583575, + 0.4178682135997126, + 0.39398642807831863 + ], + "main_score": 41.82320155017088 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "v_measure": 41.83097630331037, + "v_measures": [ + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202, + 0.40556802081735377, + 0.43455329357006206, + 0.43325754900068963, + 0.417432483055725, + 0.37833136631959036, + 0.43947993212701897, + 0.4446524983622663, + 0.4197600281286437, + 0.4123873856320672, + 0.3976750733176202 + ], + "main_score": 41.83097630331037 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.3/external/MTOPDomainClassification.json b/results/manu__sentence_croissant_alpha_v0.3/external/MTOPDomainClassification.json new file mode 100644 index 000000000..b15ef08cd --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.3/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 88.52489821484498, + "f1": 88.39995340840026, + "main_score": 88.52489821484498 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.3/external/MTOPIntentClassification.json b/results/manu__sentence_croissant_alpha_v0.3/external/MTOPIntentClassification.json new file mode 100644 index 000000000..3bb583e9b --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.3/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 65.92546194801128, + "f1": 46.53109996877417, + "main_score": 65.92546194801128 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.3/external/MasakhaNEWSClassification.json b/results/manu__sentence_croissant_alpha_v0.3/external/MasakhaNEWSClassification.json new file mode 100644 index 000000000..da7f77ae8 --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.3/external/MasakhaNEWSClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "8ccc72e69e65f40c70e117d8b3c08306bb788b60", + "task_name": "MasakhaNEWSClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fra", + "languages": [ + "fra-Latn" + ], + "accuracy": 75.1658767772512, + "f1": 71.02734472473519, + "main_score": 75.1658767772512 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.3/external/MassiveIntentClassification.json b/results/manu__sentence_croissant_alpha_v0.3/external/MassiveIntentClassification.json new file mode 100644 index 000000000..5750c5a05 --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.3/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 66.48285137861467, + "f1": 64.74690799351637, + "main_score": 66.48285137861467 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.3/external/MassiveScenarioClassification.json b/results/manu__sentence_croissant_alpha_v0.3/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..8551c7fbc --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.3/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 71.47276395427033, + "f1": 71.9261164692627, + "main_score": 71.47276395427033 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.3/external/MintakaRetrieval.json b/results/manu__sentence_croissant_alpha_v0.3/external/MintakaRetrieval.json new file mode 100644 index 000000000..5f6fface1 --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.3/external/MintakaRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "efa78cc2f74bbcd21eff2261f9e13aebe40b814e", + "task_name": "MintakaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "map_at_1": 16.134, + "map_at_10": 26.040000000000003, + "map_at_100": 27.233, + "map_at_1000": 27.315, + "map_at_20": 26.741999999999997, + "map_at_3": 23.219, + "map_at_5": 24.962999999999997, + "mrr_at_1": 16.134, + "mrr_at_10": 26.040000000000003, + "mrr_at_100": 27.233, + "mrr_at_1000": 27.315, + "mrr_at_20": 26.741999999999997, + "mrr_at_3": 23.219, + "mrr_at_5": 24.962999999999997, + "ndcg_at_1": 16.134, + "ndcg_at_10": 31.255, + "ndcg_at_100": 37.462, + "ndcg_at_1000": 39.85, + "ndcg_at_20": 33.853, + "ndcg_at_3": 25.513, + "ndcg_at_5": 28.653000000000002, + "precision_at_1": 16.134, + "precision_at_10": 4.779, + "precision_at_100": 0.777, + "precision_at_1000": 0.097, + "precision_at_20": 2.907, + "precision_at_3": 10.715, + "precision_at_5": 7.951999999999999, + "recall_at_1": 16.134, + "recall_at_10": 47.789, + "recall_at_100": 77.682, + "recall_at_1000": 96.929, + "recall_at_20": 58.148999999999994, + "recall_at_3": 32.146, + "recall_at_5": 39.762, + "main_score": 31.255 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.3/external/OpusparcusPC.json b/results/manu__sentence_croissant_alpha_v0.3/external/OpusparcusPC.json new file mode 100644 index 000000000..0df8f6170 --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.3/external/OpusparcusPC.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "9e9b1f8ef51616073f47f306f7f47dd91663f86a", + "task_name": "OpusparcusPC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_accuracy": 84.40054495912807, + "cos_sim_ap": 93.71617772707746, + "cos_sim_f1": 89.00624099855978, + "cos_sim_precision": 86.15241635687732, + "cos_sim_recall": 92.05561072492551, + "dot_accuracy": 82.35694822888283, + "dot_ap": 92.22992449042768, + "dot_f1": 87.84786641929499, + "dot_precision": 82.4194952132289, + "dot_recall": 94.04170804369414, + "euclidean_accuracy": 82.90190735694823, + "euclidean_ap": 93.27345126956494, + "euclidean_f1": 87.82608695652175, + "euclidean_precision": 85.51269990592662, + "euclidean_recall": 90.26812313803376, + "manhattan_accuracy": 82.9700272479564, + "manhattan_ap": 93.34994137379041, + "manhattan_f1": 87.776708373436, + "manhattan_precision": 85.15406162464986, + "manhattan_recall": 90.56603773584906, + "max_accuracy": 84.40054495912807, + "max_ap": 93.71617772707746, + "max_f1": 89.00624099855978, + "main_score": 93.71617772707746 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.3/external/SICKFr.json b/results/manu__sentence_croissant_alpha_v0.3/external/SICKFr.json new file mode 100644 index 000000000..895a37fd1 --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.3/external/SICKFr.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e077ab4cf4774a1e36d86d593b150422fafd8e8a", + "task_name": "SICKFr", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 79.55191450239424, + "cos_sim_spearman": 71.89209513298714, + "euclidean_pearson": 74.18063891200164, + "euclidean_spearman": 69.61463203410928, + "manhattan_pearson": 74.26272426503743, + "manhattan_spearman": 69.64261630235363, + "cosine_pearson": 79.55191450239424, + "cosine_spearman": 71.89209513298714, + "main_score": 71.89209513298714 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.3/external/STS22.json b/results/manu__sentence_croissant_alpha_v0.3/external/STS22.json new file mode 100644 index 000000000..39e4c7cc3 --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.3/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "eea2b4fe26a775864c896887d910b76a8098ad3f", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 79.18370529169849, + "cos_sim_spearman": 80.80074537316342, + "euclidean_pearson": 72.62308682855334, + "euclidean_spearman": 75.64665618431559, + "manhattan_pearson": 72.75806349827452, + "manhattan_spearman": 75.34151992740627, + "cosine_pearson": 79.18370529169849, + "cosine_spearman": 80.80074537316342, + "main_score": 80.80074537316342 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.3/external/STSBenchmarkMultilingualSTS.json b/results/manu__sentence_croissant_alpha_v0.3/external/STSBenchmarkMultilingualSTS.json new file mode 100644 index 000000000..e71d14c1c --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.3/external/STSBenchmarkMultilingualSTS.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "93d57ef91790589e3ce9c365164337a8a78b7632", + "task_name": "STSBenchmarkMultilingualSTS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 81.29611168887834, + "cos_sim_spearman": 80.23434765396613, + "euclidean_pearson": 77.85740285296822, + "euclidean_spearman": 78.42089083386267, + "manhattan_pearson": 77.85850984492824, + "manhattan_spearman": 78.42578976788568, + "cosine_pearson": 81.29611168887834, + "cosine_spearman": 80.23434765396613, + "main_score": 80.23434765396613 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.3/external/SummEvalFr.json b/results/manu__sentence_croissant_alpha_v0.3/external/SummEvalFr.json new file mode 100644 index 000000000..04da8a41c --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.3/external/SummEvalFr.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "b385812de6a9577b6f4d0f88c6a6e35395a94054", + "task_name": "SummEvalFr", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 31.143644380271375, + "cos_sim_spearman": 32.45645175142292, + "dot_pearson": 28.46685825407204, + "dot_spearman": 29.164040487051512, + "cosine_pearson": 31.143644380271375, + "cosine_spearman": 32.45645175142292, + "main_score": 32.45645175142292 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.3/external/SyntecReranking.json b/results/manu__sentence_croissant_alpha_v0.3/external/SyntecReranking.json new file mode 100644 index 000000000..6fafcdfbd --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.3/external/SyntecReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "b205c5084a0934ce8af14338bf03feb19499c84d", + "task_name": "SyntecReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map": 82.65, + "mrr": 82.65, + "main_score": 82.65 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.3/external/SyntecRetrieval.json b/results/manu__sentence_croissant_alpha_v0.3/external/SyntecRetrieval.json new file mode 100644 index 000000000..700167c8a --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.3/external/SyntecRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "19661ccdca4dfc2d15122d776b61685f48c68ca9", + "task_name": "SyntecRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map_at_1": 56.99999999999999, + "map_at_10": 70.6, + "map_at_100": 70.814, + "map_at_1000": 70.814, + "map_at_20": 70.733, + "map_at_3": 67.833, + "map_at_5": 70.18299999999999, + "mrr_at_1": 56.99999999999999, + "mrr_at_10": 70.6, + "mrr_at_100": 70.814, + "mrr_at_1000": 70.814, + "mrr_at_20": 70.733, + "mrr_at_3": 67.833, + "mrr_at_5": 70.18299999999999, + "ndcg_at_1": 56.99999999999999, + "ndcg_at_10": 76.626, + "ndcg_at_100": 77.69500000000001, + "ndcg_at_1000": 77.69500000000001, + "ndcg_at_20": 77.12400000000001, + "ndcg_at_3": 71.464, + "ndcg_at_5": 75.639, + "precision_at_1": 56.99999999999999, + "precision_at_10": 9.5, + "precision_at_100": 1.0, + "precision_at_1000": 0.1, + "precision_at_20": 4.8500000000000005, + "precision_at_3": 27.333000000000002, + "precision_at_5": 18.4, + "recall_at_1": 56.99999999999999, + "recall_at_10": 95.0, + "recall_at_100": 100.0, + "recall_at_1000": 100.0, + "recall_at_20": 97.0, + "recall_at_3": 82.0, + "recall_at_5": 92.0, + "main_score": 76.626 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.3/external/XPQARetrieval.json b/results/manu__sentence_croissant_alpha_v0.3/external/XPQARetrieval.json new file mode 100644 index 000000000..f23b9a1fd --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.3/external/XPQARetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "c99d599f0a6ab9b85b065da6f9d94f9cf731679f", + "task_name": "XPQARetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "None" + ], + "map_at_1": 39.217, + "map_at_10": 60.171, + "map_at_100": 61.736999999999995, + "map_at_1000": 61.787000000000006, + "map_at_20": 61.211000000000006, + "map_at_3": 53.43, + "map_at_5": 57.638, + "mrr_at_1": 62.617, + "mrr_at_10": 69.32300000000001, + "mrr_at_100": 69.95400000000001, + "mrr_at_1000": 69.968, + "mrr_at_20": 69.77799999999999, + "mrr_at_3": 67.423, + "mrr_at_5": 68.445, + "ndcg_at_1": 62.617, + "ndcg_at_10": 66.55499999999999, + "ndcg_at_100": 71.521, + "ndcg_at_1000": 72.32300000000001, + "ndcg_at_20": 69.131, + "ndcg_at_3": 60.88099999999999, + "ndcg_at_5": 62.648, + "precision_at_1": 62.617, + "precision_at_10": 15.540999999999999, + "precision_at_100": 1.9529999999999998, + "precision_at_1000": 0.20600000000000002, + "precision_at_20": 8.658000000000001, + "precision_at_3": 36.805, + "precision_at_5": 26.622, + "recall_at_1": 39.217, + "recall_at_10": 75.547, + "recall_at_100": 94.226, + "recall_at_1000": 99.433, + "recall_at_20": 83.883, + "recall_at_3": 57.867999999999995, + "recall_at_5": 66.08800000000001, + "main_score": 66.55499999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.3/external/model_meta.json b/results/manu__sentence_croissant_alpha_v0.3/external/model_meta.json new file mode 100644 index 000000000..a43ea357c --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.3/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "manu/sentence_croissant_alpha_v0.3", + "revision": "4ac16754f3d81aba76cc32955dc9ee4122df96eb", + "release_date": "2024-04-26", + "languages": [], + "loader": null, + "n_parameters": 1279887360, + "memory_usage": null, + "max_tokens": 2048, + "embed_dim": 2048, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.4/external/AlloProfClusteringP2P.json b/results/manu__sentence_croissant_alpha_v0.4/external/AlloProfClusteringP2P.json new file mode 100644 index 000000000..bcaa92101 --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.4/external/AlloProfClusteringP2P.json @@ -0,0 +1,2030 @@ +{ + "dataset_revision": "392ba3f5bcc8c51f578786c1fc3dae648662cb9b", + "task_name": "AlloProfClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "v_measure": 57.428864270265436, + "v_measures": [ + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497, + 0.5614002072589602, + 0.5263956507044442, + 0.5705983621877876, + 0.644706670078619, + 0.5546629587554343, + 0.5285267431772123, + 0.6358898293581395, + 0.5652559860439862, + 0.5110004766882107, + 0.6444495427737497 + ], + "main_score": 57.428864270265436 + }, + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "v_measure": 39.08542806793302, + "v_measures": [ + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097, + 0.4227888108855061, + 0.35001798315917154, + 0.41371499587568855, + 0.4044751710826811, + 0.3484058387083337, + 0.44905150899653035, + 0.40104382510415926, + 0.36135068014764493, + 0.39057594423547726, + 0.3671180485981097 + ], + "main_score": 39.08542806793302 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.4/external/AlloprofReranking.json b/results/manu__sentence_croissant_alpha_v0.4/external/AlloprofReranking.json new file mode 100644 index 000000000..2b4ab0498 --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.4/external/AlloprofReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e40c8a63ce02da43200eccb5b0846fcaa888f562", + "task_name": "AlloprofReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map": 68.79422871247168, + "mrr": 70.03750651095211, + "main_score": 68.79422871247168 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.4/external/AmazonReviewsClassification.json b/results/manu__sentence_croissant_alpha_v0.4/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..fc171703d --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.4/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 34.624, + "f1": 34.43455600252049, + "main_score": 34.624 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.4/external/BSARDRetrieval.json b/results/manu__sentence_croissant_alpha_v0.4/external/BSARDRetrieval.json new file mode 100644 index 000000000..45930617a --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.4/external/BSARDRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "5effa1b9b5fa3b0f9e12523e6e43e5f86a6e6d59", + "task_name": "BSARDRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map_at_1": 0, + "map_at_10": 0.075, + "map_at_100": 0.334, + "map_at_1000": 0.424, + "map_at_20": 0.13, + "map_at_3": 0, + "map_at_5": 0, + "mrr_at_1": 0, + "mrr_at_10": 0.075, + "mrr_at_100": 0.334, + "mrr_at_1000": 0.424, + "mrr_at_20": 0.13, + "mrr_at_3": 0, + "mrr_at_5": 0, + "ndcg_at_1": 0, + "ndcg_at_10": 0.16, + "ndcg_at_100": 1.939, + "ndcg_at_1000": 5.1339999999999995, + "ndcg_at_20": 0.378, + "ndcg_at_3": 0, + "ndcg_at_5": 0, + "precision_at_1": 0, + "precision_at_10": 0.045, + "precision_at_100": 0.099, + "precision_at_1000": 0.037, + "precision_at_20": 0.068, + "precision_at_3": 0, + "precision_at_5": 0, + "recall_at_1": 0, + "recall_at_10": 0.44999999999999996, + "recall_at_100": 9.91, + "recall_at_1000": 36.937, + "recall_at_20": 1.351, + "recall_at_3": 0, + "recall_at_5": 0, + "main_score": 9.91 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.4/external/FQuADRetrieval.json b/results/manu__sentence_croissant_alpha_v0.4/external/FQuADRetrieval.json new file mode 100644 index 000000000..50d853b7a --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.4/external/FQuADRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "5384ce827bbc2156d46e6fcba83d75f8e6e1b4a6", + "task_name": "FQuADRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map_at_1": 52.75, + "map_at_10": 63.44499999999999, + "map_at_100": 63.976, + "map_at_1000": 63.99, + "map_at_20": 63.846000000000004, + "map_at_3": 60.458, + "map_at_5": 62.021, + "mrr_at_1": 52.75, + "mrr_at_10": 63.44499999999999, + "mrr_at_100": 63.976, + "mrr_at_1000": 63.99, + "mrr_at_20": 63.846000000000004, + "mrr_at_3": 60.458, + "mrr_at_5": 62.021, + "ndcg_at_1": 52.75, + "ndcg_at_10": 69.236, + "ndcg_at_100": 71.541, + "ndcg_at_1000": 71.819, + "ndcg_at_20": 70.607, + "ndcg_at_3": 62.973, + "ndcg_at_5": 65.77, + "precision_at_1": 52.75, + "precision_at_10": 8.774999999999999, + "precision_at_100": 0.98, + "precision_at_1000": 0.1, + "precision_at_20": 4.65, + "precision_at_3": 23.416999999999998, + "precision_at_5": 15.4, + "recall_at_1": 52.75, + "recall_at_10": 87.75, + "recall_at_100": 98, + "recall_at_1000": 100, + "recall_at_20": 93, + "recall_at_3": 70.25, + "recall_at_5": 77, + "main_score": 69.236 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.4/external/HALClusteringS2S.json b/results/manu__sentence_croissant_alpha_v0.4/external/HALClusteringS2S.json new file mode 100644 index 000000000..a36b819d9 --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.4/external/HALClusteringS2S.json @@ -0,0 +1,1020 @@ +{ + "dataset_revision": "e06ebbbb123f8144bef1a5d18796f3dec9ae2915", + "task_name": "HALClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "v_measure": 25.766659053012397, + "v_measures": [ + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065, + 0.2899414866199652, + 0.28495136438558166, + 0.27058263626371276, + 0.2883710412913987, + 0.25098130507704297, + 0.23757388476544045, + 0.19099066071902546, + 0.22731708952462576, + 0.22129853471343996, + 0.3146579019410065 + ], + "main_score": 25.766659053012397 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.4/external/MLSUMClusteringP2P.json b/results/manu__sentence_croissant_alpha_v0.4/external/MLSUMClusteringP2P.json new file mode 100644 index 000000000..464a2bb66 --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.4/external/MLSUMClusteringP2P.json @@ -0,0 +1,2030 @@ +{ + "dataset_revision": "b5d54f8f3b61ae17845046286940f03c6bc79bc7", + "task_name": "MLSUMClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "v_measure": 42.02993966683553, + "v_measures": [ + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454, + 0.4206180275495445, + 0.4121033086031728, + 0.42404178587681135, + 0.4037951358582416, + 0.35943024222776004, + 0.4596452773982125, + 0.4618247135625556, + 0.43891892091570717, + 0.41779082407000157, + 0.4048257306215454 + ], + "main_score": 42.02993966683553 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "v_measure": 41.82620802291007, + "v_measures": [ + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644, + 0.4059022210215037, + 0.44088910337793513, + 0.4293891056254895, + 0.41236902201791314, + 0.362077985659572, + 0.4400051118442213, + 0.44175523238122366, + 0.4342962600378296, + 0.410042886589873, + 0.40589387373544644 + ], + "main_score": 41.82620802291007 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.4/external/MTOPDomainClassification.json b/results/manu__sentence_croissant_alpha_v0.4/external/MTOPDomainClassification.json new file mode 100644 index 000000000..668a65c3c --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.4/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 86.96836830566866, + "f1": 86.90127164146239, + "main_score": 86.96836830566866 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.4/external/MTOPIntentClassification.json b/results/manu__sentence_croissant_alpha_v0.4/external/MTOPIntentClassification.json new file mode 100644 index 000000000..573f31e3c --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.4/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 62.58690886313811, + "f1": 42.18625313836482, + "main_score": 62.58690886313811 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.4/external/MasakhaNEWSClassification.json b/results/manu__sentence_croissant_alpha_v0.4/external/MasakhaNEWSClassification.json new file mode 100644 index 000000000..57728d6b1 --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.4/external/MasakhaNEWSClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "8ccc72e69e65f40c70e117d8b3c08306bb788b60", + "task_name": "MasakhaNEWSClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fra", + "languages": [ + "fra-Latn" + ], + "accuracy": 74.28909952606635, + "f1": 69.99196191661413, + "main_score": 74.28909952606635 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.4/external/MassiveIntentClassification.json b/results/manu__sentence_croissant_alpha_v0.4/external/MassiveIntentClassification.json new file mode 100644 index 000000000..21f8795bf --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.4/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 65.67249495628784, + "f1": 64.41193358780023, + "main_score": 65.67249495628784 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.4/external/MassiveScenarioClassification.json b/results/manu__sentence_croissant_alpha_v0.4/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..474ce49b7 --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.4/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 71.61398789509079, + "f1": 71.87797304491475, + "main_score": 71.61398789509079 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.4/external/MintakaRetrieval.json b/results/manu__sentence_croissant_alpha_v0.4/external/MintakaRetrieval.json new file mode 100644 index 000000000..d14eff080 --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.4/external/MintakaRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "efa78cc2f74bbcd21eff2261f9e13aebe40b814e", + "task_name": "MintakaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "map_at_1": 16.339000000000002, + "map_at_10": 25.808999999999997, + "map_at_100": 27.023999999999997, + "map_at_1000": 27.1, + "map_at_20": 26.484999999999996, + "map_at_3": 22.891000000000002, + "map_at_5": 24.568, + "mrr_at_1": 16.339000000000002, + "mrr_at_10": 25.808999999999997, + "mrr_at_100": 27.023999999999997, + "mrr_at_1000": 27.1, + "mrr_at_20": 26.484999999999996, + "mrr_at_3": 22.891000000000002, + "mrr_at_5": 24.568, + "ndcg_at_1": 16.339000000000002, + "ndcg_at_10": 31.057000000000002, + "ndcg_at_100": 37.458999999999996, + "ndcg_at_1000": 39.72, + "ndcg_at_20": 33.548, + "ndcg_at_3": 25.016, + "ndcg_at_5": 28.028, + "precision_at_1": 16.339000000000002, + "precision_at_10": 4.787, + "precision_at_100": 0.7889999999999999, + "precision_at_1000": 0.097, + "precision_at_20": 2.889, + "precision_at_3": 10.388, + "precision_at_5": 7.6899999999999995, + "recall_at_1": 16.339000000000002, + "recall_at_10": 47.871, + "recall_at_100": 78.86999999999999, + "recall_at_1000": 97.174, + "recall_at_20": 57.781000000000006, + "recall_at_3": 31.163, + "recall_at_5": 38.452, + "main_score": 31.057000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.4/external/OpusparcusPC.json b/results/manu__sentence_croissant_alpha_v0.4/external/OpusparcusPC.json new file mode 100644 index 000000000..a9e4e8029 --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.4/external/OpusparcusPC.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "9e9b1f8ef51616073f47f306f7f47dd91663f86a", + "task_name": "OpusparcusPC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_accuracy": 83.10626702997274, + "cos_sim_ap": 93.37313589264696, + "cos_sim_f1": 88.13397129186603, + "cos_sim_precision": 85.0415512465374, + "cos_sim_recall": 91.45978152929494, + "dot_accuracy": 80.44959128065395, + "dot_ap": 90.98443280536087, + "dot_f1": 86.37002341920376, + "dot_precision": 81.73758865248227, + "dot_recall": 91.55908639523336, + "euclidean_accuracy": 82.62942779291554, + "euclidean_ap": 93.12711849212847, + "euclidean_f1": 87.64044943820224, + "euclidean_precision": 82.9052258635961, + "euclidean_recall": 92.9493545183714, + "manhattan_accuracy": 82.49318801089919, + "manhattan_ap": 93.17735641898214, + "manhattan_f1": 87.5884851344974, + "manhattan_precision": 83.45323741007195, + "manhattan_recall": 92.15491559086395, + "max_accuracy": 83.10626702997274, + "max_ap": 93.37313589264696, + "max_f1": 88.13397129186603, + "main_score": 93.37313589264696 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.4/external/SICKFr.json b/results/manu__sentence_croissant_alpha_v0.4/external/SICKFr.json new file mode 100644 index 000000000..41614a4c1 --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.4/external/SICKFr.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e077ab4cf4774a1e36d86d593b150422fafd8e8a", + "task_name": "SICKFr", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 80.13453477364664, + "cos_sim_spearman": 71.59592251091182, + "euclidean_pearson": 74.6813217331865, + "euclidean_spearman": 69.83675848670511, + "manhattan_pearson": 74.80033516228748, + "manhattan_spearman": 69.91910080397358, + "cosine_pearson": 80.13453477364664, + "cosine_spearman": 71.59592251091182, + "main_score": 71.59592251091182 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.4/external/STS22.json b/results/manu__sentence_croissant_alpha_v0.4/external/STS22.json new file mode 100644 index 000000000..6c740a6f6 --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.4/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "eea2b4fe26a775864c896887d910b76a8098ad3f", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 80.66905713032178, + "cos_sim_spearman": 82.3452553922562, + "euclidean_pearson": 74.6277040883804, + "euclidean_spearman": 77.78371755530127, + "manhattan_pearson": 74.81879938632161, + "manhattan_spearman": 77.58712341518728, + "cosine_pearson": 80.66905713032178, + "cosine_spearman": 82.3452553922562, + "main_score": 82.3452553922562 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.4/external/STSBenchmarkMultilingualSTS.json b/results/manu__sentence_croissant_alpha_v0.4/external/STSBenchmarkMultilingualSTS.json new file mode 100644 index 000000000..571421fdc --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.4/external/STSBenchmarkMultilingualSTS.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "93d57ef91790589e3ce9c365164337a8a78b7632", + "task_name": "STSBenchmarkMultilingualSTS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 80.4059890704687, + "cos_sim_spearman": 79.21950962470463, + "euclidean_pearson": 77.07401988705624, + "euclidean_spearman": 77.77234330224117, + "manhattan_pearson": 77.08866405845029, + "manhattan_spearman": 77.8144806404841, + "cosine_pearson": 80.4059890704687, + "cosine_spearman": 79.21950962470463, + "main_score": 79.21950962470463 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.4/external/SummEvalFr.json b/results/manu__sentence_croissant_alpha_v0.4/external/SummEvalFr.json new file mode 100644 index 000000000..2b16201e8 --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.4/external/SummEvalFr.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "b385812de6a9577b6f4d0f88c6a6e35395a94054", + "task_name": "SummEvalFr", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 30.36666619115537, + "cos_sim_spearman": 30.22116851214898, + "dot_pearson": 28.017505248518955, + "dot_spearman": 29.11540877445319, + "cosine_pearson": 30.36666619115537, + "cosine_spearman": 30.22116851214898, + "main_score": 30.22116851214898 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.4/external/SyntecReranking.json b/results/manu__sentence_croissant_alpha_v0.4/external/SyntecReranking.json new file mode 100644 index 000000000..3c5c1a636 --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.4/external/SyntecReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "b205c5084a0934ce8af14338bf03feb19499c84d", + "task_name": "SyntecReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map": 84.06666666666666, + "mrr": 84.06666666666666, + "main_score": 84.06666666666666 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.4/external/SyntecRetrieval.json b/results/manu__sentence_croissant_alpha_v0.4/external/SyntecRetrieval.json new file mode 100644 index 000000000..de23a1b33 --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.4/external/SyntecRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "19661ccdca4dfc2d15122d776b61685f48c68ca9", + "task_name": "SyntecRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "fra-Latn" + ], + "map_at_1": 56.99999999999999, + "map_at_10": 71.035, + "map_at_100": 71.257, + "map_at_1000": 71.257, + "map_at_20": 71.125, + "map_at_3": 68.667, + "map_at_5": 70.267, + "mrr_at_1": 56.99999999999999, + "mrr_at_10": 71.035, + "mrr_at_100": 71.257, + "mrr_at_1000": 71.257, + "mrr_at_20": 71.125, + "mrr_at_3": 68.667, + "mrr_at_5": 70.267, + "ndcg_at_1": 56.99999999999999, + "ndcg_at_10": 76.957, + "ndcg_at_100": 78.037, + "ndcg_at_1000": 78.037, + "ndcg_at_20": 77.236, + "ndcg_at_3": 72.357, + "ndcg_at_5": 75.24, + "precision_at_1": 56.99999999999999, + "precision_at_10": 9.5, + "precision_at_100": 1, + "precision_at_1000": 0.1, + "precision_at_20": 4.8, + "precision_at_3": 27.667, + "precision_at_5": 18, + "recall_at_1": 56.99999999999999, + "recall_at_10": 95, + "recall_at_100": 100, + "recall_at_1000": 100, + "recall_at_20": 96, + "recall_at_3": 83, + "recall_at_5": 90, + "main_score": 76.957 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.4/external/XPQARetrieval.json b/results/manu__sentence_croissant_alpha_v0.4/external/XPQARetrieval.json new file mode 100644 index 000000000..939e7244f --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.4/external/XPQARetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "c99d599f0a6ab9b85b065da6f9d94f9cf731679f", + "task_name": "XPQARetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "None" + ], + "map_at_1": 38.68, + "map_at_10": 58.388, + "map_at_100": 59.99100000000001, + "map_at_1000": 60.045, + "map_at_20": 59.439, + "map_at_3": 52.467, + "map_at_5": 55.832, + "mrr_at_1": 61.282000000000004, + "mrr_at_10": 68.00500000000001, + "mrr_at_100": 68.659, + "mrr_at_1000": 68.675, + "mrr_at_20": 68.459, + "mrr_at_3": 66.444, + "mrr_at_5": 67.192, + "ndcg_at_1": 61.282000000000004, + "ndcg_at_10": 64.802, + "ndcg_at_100": 70.104, + "ndcg_at_1000": 71.006, + "ndcg_at_20": 67.41, + "ndcg_at_3": 59.75, + "ndcg_at_5": 60.842, + "precision_at_1": 61.282000000000004, + "precision_at_10": 14.940000000000001, + "precision_at_100": 1.936, + "precision_at_1000": 0.20600000000000002, + "precision_at_20": 8.405, + "precision_at_3": 35.870000000000005, + "precision_at_5": 25.207, + "recall_at_1": 38.68, + "recall_at_10": 73.485, + "recall_at_100": 93.669, + "recall_at_1000": 99.506, + "recall_at_20": 81.733, + "recall_at_3": 57.352000000000004, + "recall_at_5": 63.912, + "main_score": 64.802 + } + ] + } +} \ No newline at end of file diff --git a/results/manu__sentence_croissant_alpha_v0.4/external/model_meta.json b/results/manu__sentence_croissant_alpha_v0.4/external/model_meta.json new file mode 100644 index 000000000..57107deb4 --- /dev/null +++ b/results/manu__sentence_croissant_alpha_v0.4/external/model_meta.json @@ -0,0 +1,25 @@ +{ + "name": "manu/sentence_croissant_alpha_v0.4", + "revision": "0ce6372e6a3c21134dcf26dcde13cca869c767fc", + "release_date": "2024-04-27", + "languages": [ + "fr", + "en" + ], + "loader": null, + "n_parameters": 1279887360, + "memory_usage": null, + "max_tokens": 2048, + "embed_dim": 2048, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/AmazonCounterfactualClassification.json b/results/markaw__NV-Embed-v2/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..72d9ea11c --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/AmazonCounterfactualClassification.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 94.28358208955224, + "accuracy_stderr": 0.40076780842082305, + "ap": 76.49097318319616, + "ap_stderr": 1.2418692675183929, + "f1": 91.41982003001168, + "f1_stderr": 0.5043921413093579, + "main_score": 94.28358208955224 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/AmazonPolarityClassification.json b/results/markaw__NV-Embed-v2/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..67196a691 --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/AmazonPolarityClassification.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 97.74185000000001, + "accuracy_stderr": 0.07420471683120942, + "ap": 96.4737144875525, + "ap_stderr": 0.2977518241541558, + "f1": 97.7417581594921, + "f1_stderr": 0.07428763617010377, + "main_score": 97.74185000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/AmazonReviewsClassification.json b/results/markaw__NV-Embed-v2/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..92f8a7514 --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/AmazonReviewsClassification.json @@ -0,0 +1,21 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 63.96000000000001, + "accuracy_stderr": 1.815555011559825, + "f1": 62.49361841640459, + "f1_stderr": 2.829339314126457, + "main_score": 63.96000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/ArguAna.json b/results/markaw__NV-Embed-v2/external/ArguAna.json new file mode 100644 index 000000000..7ab55348c --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 46.515, + "map_at_10": 62.392, + "map_at_100": 62.732, + "map_at_1000": 62.733000000000004, + "map_at_3": 58.701, + "map_at_5": 61.027, + "mrr_at_1": 0.0, + "mrr_at_10": 0.0, + "mrr_at_100": 0.0, + "mrr_at_1000": 0.0, + "mrr_at_3": 0.0, + "mrr_at_5": 0.0, + "ndcg_at_1": 46.515, + "ndcg_at_10": 70.074, + "ndcg_at_100": 71.395, + "ndcg_at_1000": 71.405, + "ndcg_at_3": 62.643, + "ndcg_at_5": 66.803, + "precision_at_1": 46.515, + "precision_at_10": 9.41, + "precision_at_100": 0.996, + "precision_at_1000": 0.1, + "precision_at_3": 24.68, + "precision_at_5": 16.814, + "recall_at_1": 46.515, + "recall_at_10": 94.097, + "recall_at_100": 99.57300000000001, + "recall_at_1000": 99.644, + "recall_at_3": 74.03999999999999, + "recall_at_5": 84.068, + "main_score": 70.074 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/ArxivClusteringP2P.json b/results/markaw__NV-Embed-v2/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..0b0166c70 --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/ArxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 55.79933795955242, + "v_measure": 55.79933795955242, + "v_measure_std": 14.575108141916148 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/ArxivClusteringS2S.json b/results/markaw__NV-Embed-v2/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..8985ea4c8 --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/ArxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 51.262845995850334, + "v_measure": 51.262845995850334, + "v_measure_std": 14.727824473104173 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/AskUbuntuDupQuestions.json b/results/markaw__NV-Embed-v2/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..3e2f9d0fd --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 67.46477327480808, + "mrr": 79.50160488941653, + "main_score": 67.46477327480808 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/BIOSSES.json b/results/markaw__NV-Embed-v2/external/BIOSSES.json new file mode 100644 index 000000000..c9f0e468d --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/BIOSSES.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 89.74311007980987, + "cosine_spearman": 87.41644967443246, + "manhattan_pearson": 88.57457108347744, + "manhattan_spearman": 87.59295972042997, + "euclidean_pearson": 88.27108977118459, + "euclidean_spearman": 87.41644967443246, + "main_score": 87.41644967443246 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/Banking77Classification.json b/results/markaw__NV-Embed-v2/external/Banking77Classification.json new file mode 100644 index 000000000..d8ecb3e3c --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/Banking77Classification.json @@ -0,0 +1,21 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.41558441558443, + "accuracy_stderr": 0.37701502251934443, + "f1": 92.38130170447671, + "f1_stderr": 0.39115151225617767, + "main_score": 92.41558441558443 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/BiorxivClusteringP2P.json b/results/markaw__NV-Embed-v2/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..14225a114 --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/BiorxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 54.08649516394218, + "v_measure": 54.08649516394218, + "v_measure_std": 0.5303233693045373 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/BiorxivClusteringS2S.json b/results/markaw__NV-Embed-v2/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..75b78f0ed --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/BiorxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 49.60352214167779, + "v_measure": 49.60352214167779, + "v_measure_std": 0.7176198612516721 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/ClimateFEVER.json b/results/markaw__NV-Embed-v2/external/ClimateFEVER.json new file mode 100644 index 000000000..48a5bbd2f --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.556, + "map_at_10": 34.623, + "map_at_100": 36.97, + "map_at_1000": 37.123, + "map_at_3": 28.904999999999998, + "map_at_5": 31.955, + "mrr_at_1": 0.0, + "mrr_at_10": 0.0, + "mrr_at_100": 0.0, + "mrr_at_1000": 0.0, + "mrr_at_3": 0.0, + "mrr_at_5": 0.0, + "ndcg_at_1": 44.104, + "ndcg_at_10": 45.388, + "ndcg_at_100": 52.793, + "ndcg_at_1000": 55.108999999999995, + "ndcg_at_3": 38.604, + "ndcg_at_5": 40.806, + "precision_at_1": 44.104, + "precision_at_10": 14.143, + "precision_at_100": 2.2190000000000003, + "precision_at_1000": 0.266, + "precision_at_3": 29.316, + "precision_at_5": 21.98, + "recall_at_1": 19.556, + "recall_at_10": 52.120999999999995, + "recall_at_100": 76.509, + "recall_at_1000": 89.029, + "recall_at_3": 34.919, + "recall_at_5": 42.18, + "main_score": 45.388 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/DBPedia.json b/results/markaw__NV-Embed-v2/external/DBPedia.json new file mode 100644 index 000000000..109700749 --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 10.714, + "map_at_10": 25.814999999999998, + "map_at_100": 37.845, + "map_at_1000": 39.974, + "map_at_3": 17.201, + "map_at_5": 21.062, + "mrr_at_1": 0.0, + "mrr_at_10": 0.0, + "mrr_at_100": 0.0, + "mrr_at_1000": 0.0, + "mrr_at_3": 0.0, + "mrr_at_5": 0.0, + "ndcg_at_1": 66.0, + "ndcg_at_10": 53.496, + "ndcg_at_100": 58.053, + "ndcg_at_1000": 64.886, + "ndcg_at_3": 57.656, + "ndcg_at_5": 55.900000000000006, + "precision_at_1": 77.25, + "precision_at_10": 43.65, + "precision_at_100": 13.76, + "precision_at_1000": 2.5940000000000003, + "precision_at_3": 61.0, + "precision_at_5": 54.65, + "recall_at_1": 10.714, + "recall_at_10": 31.173000000000002, + "recall_at_100": 63.404, + "recall_at_1000": 85.874, + "recall_at_3": 18.249000000000002, + "recall_at_5": 23.69, + "main_score": 53.496 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/EmotionClassification.json b/results/markaw__NV-Embed-v2/external/EmotionClassification.json new file mode 100644 index 000000000..82875d93e --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/EmotionClassification.json @@ -0,0 +1,21 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.38499999999999, + "accuracy_stderr": 0.13793114224133846, + "f1": 90.12141028353496, + "f1_stderr": 0.174640257706043, + "main_score": 93.38499999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/FEVER.json b/results/markaw__NV-Embed-v2/external/FEVER.json new file mode 100644 index 000000000..d97fa98dd --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 84.66900000000001, + "map_at_10": 91.52799999999999, + "map_at_100": 91.721, + "map_at_1000": 91.73, + "map_at_3": 90.752, + "map_at_5": 91.262, + "mrr_at_1": 0.0, + "mrr_at_10": 0.0, + "mrr_at_100": 0.0, + "mrr_at_1000": 0.0, + "mrr_at_3": 0.0, + "mrr_at_5": 0.0, + "ndcg_at_1": 91.20899999999999, + "ndcg_at_10": 93.74900000000001, + "ndcg_at_100": 94.279, + "ndcg_at_1000": 94.408, + "ndcg_at_3": 92.923, + "ndcg_at_5": 93.376, + "precision_at_1": 91.20899999999999, + "precision_at_10": 11.059, + "precision_at_100": 1.1560000000000001, + "precision_at_1000": 0.11800000000000001, + "precision_at_3": 35.129, + "precision_at_5": 21.617, + "recall_at_1": 84.66900000000001, + "recall_at_10": 97.03399999999999, + "recall_at_100": 98.931, + "recall_at_1000": 99.65899999999999, + "recall_at_3": 94.76299999999999, + "recall_at_5": 95.968, + "main_score": 93.74900000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/FiQA2018.json b/results/markaw__NV-Embed-v2/external/FiQA2018.json new file mode 100644 index 000000000..22d6ac3d4 --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 34.866, + "map_at_10": 58.06099999999999, + "map_at_100": 60.028999999999996, + "map_at_1000": 60.119, + "map_at_3": 51.304, + "map_at_5": 55.054, + "mrr_at_1": 0.0, + "mrr_at_10": 0.0, + "mrr_at_100": 0.0, + "mrr_at_1000": 0.0, + "mrr_at_3": 0.0, + "mrr_at_5": 0.0, + "ndcg_at_1": 64.815, + "ndcg_at_10": 65.729, + "ndcg_at_100": 71.14, + "ndcg_at_1000": 72.336, + "ndcg_at_3": 61.973, + "ndcg_at_5": 62.858000000000004, + "precision_at_1": 64.815, + "precision_at_10": 17.87, + "precision_at_100": 2.373, + "precision_at_1000": 0.258, + "precision_at_3": 41.152, + "precision_at_5": 29.568, + "recall_at_1": 34.866, + "recall_at_10": 72.239, + "recall_at_100": 91.19, + "recall_at_1000": 98.154, + "recall_at_3": 56.472, + "recall_at_5": 63.157, + "main_score": 65.729 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/HotpotQA.json b/results/markaw__NV-Embed-v2/external/HotpotQA.json new file mode 100644 index 000000000..96e2a0f32 --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 44.651999999999994, + "map_at_10": 79.95100000000001, + "map_at_100": 80.51700000000001, + "map_at_1000": 80.542, + "map_at_3": 77.008, + "map_at_5": 78.935, + "mrr_at_1": 0.0, + "mrr_at_10": 0.0, + "mrr_at_100": 0.0, + "mrr_at_1000": 0.0, + "mrr_at_3": 0.0, + "mrr_at_5": 0.0, + "ndcg_at_1": 89.305, + "ndcg_at_10": 85.479, + "ndcg_at_100": 87.235, + "ndcg_at_1000": 87.669, + "ndcg_at_3": 81.648, + "ndcg_at_5": 83.88600000000001, + "precision_at_1": 89.305, + "precision_at_10": 17.807000000000002, + "precision_at_100": 1.9140000000000001, + "precision_at_1000": 0.197, + "precision_at_3": 53.756, + "precision_at_5": 34.018, + "recall_at_1": 44.651999999999994, + "recall_at_10": 89.034, + "recall_at_100": 95.719, + "recall_at_1000": 98.535, + "recall_at_3": 80.635, + "recall_at_5": 85.044, + "main_score": 85.479 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/ImdbClassification.json b/results/markaw__NV-Embed-v2/external/ImdbClassification.json new file mode 100644 index 000000000..d49f0da4a --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/ImdbClassification.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 97.1376, + "accuracy_stderr": 0.04571914259913447, + "ap": 95.92783808558808, + "ap_stderr": 0.05063782483358255, + "f1": 97.13755519177172, + "f1_stderr": 0.04575943074086138, + "main_score": 97.1376 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/MSMARCO.json b/results/markaw__NV-Embed-v2/external/MSMARCO.json new file mode 100644 index 000000000..464de3275 --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.0, + "map_at_10": 38.342, + "map_at_100": 0.0, + "map_at_1000": 0.0, + "map_at_3": 0.0, + "map_at_5": 0.0, + "mrr_at_1": 0.0, + "mrr_at_10": 0.0, + "mrr_at_100": 0.0, + "mrr_at_1000": 0.0, + "mrr_at_3": 0.0, + "mrr_at_5": 0.0, + "ndcg_at_1": 0.0, + "ndcg_at_10": 45.629999999999995, + "ndcg_at_100": 0.0, + "ndcg_at_1000": 0.0, + "ndcg_at_3": 0.0, + "ndcg_at_5": 0.0, + "precision_at_1": 0.0, + "precision_at_10": 7.119000000000001, + "precision_at_100": 0.0, + "precision_at_1000": 0.0, + "precision_at_3": 0.0, + "precision_at_5": 0.0, + "recall_at_1": 0.0, + "recall_at_10": 67.972, + "recall_at_100": 0.0, + "recall_at_1000": 0.0, + "recall_at_3": 0.0, + "recall_at_5": 0.0, + "main_score": 45.629999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/MTOPDomainClassification.json b/results/markaw__NV-Embed-v2/external/MTOPDomainClassification.json new file mode 100644 index 000000000..addae120d --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/MTOPDomainClassification.json @@ -0,0 +1,21 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 99.24988600091199, + "accuracy_stderr": 0.04496826931900734, + "f1": 99.15933275095276, + "f1_stderr": 0.05565039139747446, + "main_score": 99.24988600091199 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/MTOPIntentClassification.json b/results/markaw__NV-Embed-v2/external/MTOPIntentClassification.json new file mode 100644 index 000000000..5b93e7d54 --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/MTOPIntentClassification.json @@ -0,0 +1,21 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 94.3684450524396, + "accuracy_stderr": 0.8436548701322188, + "f1": 77.33022623133307, + "f1_stderr": 0.9228425861187275, + "main_score": 94.3684450524396 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/MassiveIntentClassification.json b/results/markaw__NV-Embed-v2/external/MassiveIntentClassification.json new file mode 100644 index 000000000..47467f98d --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/MassiveIntentClassification.json @@ -0,0 +1,21 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.09616677874916, + "accuracy_stderr": 0.9943208055590853, + "f1": 83.4902056490062, + "f1_stderr": 0.7626189310074184, + "main_score": 86.09616677874916 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/MassiveScenarioClassification.json b/results/markaw__NV-Embed-v2/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..c2d36233b --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/MassiveScenarioClassification.json @@ -0,0 +1,21 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.17215870880968, + "accuracy_stderr": 0.25949941333658166, + "f1": 91.36757392422702, + "f1_stderr": 0.29139507298154815, + "main_score": 92.17215870880968 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/MedrxivClusteringP2P.json b/results/markaw__NV-Embed-v2/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..19f629f78 --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/MedrxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 46.09497344077905, + "v_measure": 46.09497344077905, + "v_measure_std": 1.44871520869784 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/MedrxivClusteringS2S.json b/results/markaw__NV-Embed-v2/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..c43fdb637 --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/MedrxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 44.861049989560684, + "v_measure": 44.861049989560684, + "v_measure_std": 1.432199293162203 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/MindSmallReranking.json b/results/markaw__NV-Embed-v2/external/MindSmallReranking.json new file mode 100644 index 000000000..5cadf136d --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.75936162919999, + "mrr": 32.966812736541236, + "main_score": 31.75936162919999 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/NFCorpus.json b/results/markaw__NV-Embed-v2/external/NFCorpus.json new file mode 100644 index 000000000..b0a482ef6 --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 7.893999999999999, + "map_at_10": 17.95, + "map_at_100": 23.474, + "map_at_1000": 25.412000000000003, + "map_at_3": 12.884, + "map_at_5": 15.171000000000001, + "mrr_at_1": 0.0, + "mrr_at_10": 0.0, + "mrr_at_100": 0.0, + "mrr_at_1000": 0.0, + "mrr_at_3": 0.0, + "mrr_at_5": 0.0, + "ndcg_at_1": 55.728, + "ndcg_at_10": 45.174, + "ndcg_at_100": 42.18, + "ndcg_at_1000": 50.793, + "ndcg_at_3": 50.322, + "ndcg_at_5": 48.244, + "precision_at_1": 57.276, + "precision_at_10": 33.437, + "precision_at_100": 10.671999999999999, + "precision_at_1000": 2.407, + "precision_at_3": 46.646, + "precision_at_5": 41.672, + "recall_at_1": 7.893999999999999, + "recall_at_10": 22.831000000000003, + "recall_at_100": 43.818, + "recall_at_1000": 75.009, + "recall_at_3": 14.371, + "recall_at_5": 17.752000000000002, + "main_score": 45.174 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/NQ.json b/results/markaw__NV-Embed-v2/external/NQ.json new file mode 100644 index 000000000..e9a43e792 --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 49.351, + "map_at_10": 66.682, + "map_at_100": 67.179, + "map_at_1000": 67.18499999999999, + "map_at_3": 62.958999999999996, + "map_at_5": 65.364, + "mrr_at_1": 0.0, + "mrr_at_10": 0.0, + "mrr_at_100": 0.0, + "mrr_at_1000": 0.0, + "mrr_at_3": 0.0, + "mrr_at_5": 0.0, + "ndcg_at_1": 55.417, + "ndcg_at_10": 73.568, + "ndcg_at_100": 75.35, + "ndcg_at_1000": 75.478, + "ndcg_at_3": 67.201, + "ndcg_at_5": 70.896, + "precision_at_1": 55.417, + "precision_at_10": 11.036999999999999, + "precision_at_100": 1.204, + "precision_at_1000": 0.121, + "precision_at_3": 29.654000000000003, + "precision_at_5": 20.006, + "recall_at_1": 49.351, + "recall_at_10": 91.667, + "recall_at_100": 98.89, + "recall_at_1000": 99.812, + "recall_at_3": 75.715, + "recall_at_5": 84.072, + "main_score": 73.568 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/QuoraRetrieval.json b/results/markaw__NV-Embed-v2/external/QuoraRetrieval.json new file mode 100644 index 000000000..edcece90f --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "e4e08e0b7dbe3c8700f0daef558ff32256715259", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 71.358, + "map_at_10": 85.474, + "map_at_100": 86.101, + "map_at_1000": 86.114, + "map_at_3": 82.562, + "map_at_5": 84.396, + "mrr_at_1": 0.0, + "mrr_at_10": 0.0, + "mrr_at_100": 0.0, + "mrr_at_1000": 0.0, + "mrr_at_3": 0.0, + "mrr_at_5": 0.0, + "ndcg_at_1": 82.12, + "ndcg_at_10": 89.035, + "ndcg_at_100": 90.17399999999999, + "ndcg_at_1000": 90.243, + "ndcg_at_3": 86.32300000000001, + "ndcg_at_5": 87.85, + "precision_at_1": 82.12, + "precision_at_10": 13.55, + "precision_at_100": 1.54, + "precision_at_1000": 0.157, + "precision_at_3": 37.89, + "precision_at_5": 24.9, + "recall_at_1": 71.358, + "recall_at_10": 95.855, + "recall_at_100": 99.711, + "recall_at_1000": 99.994, + "recall_at_3": 88.02, + "recall_at_5": 92.378, + "main_score": 89.035 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/RedditClustering.json b/results/markaw__NV-Embed-v2/external/RedditClustering.json new file mode 100644 index 000000000..c9c2a339a --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/RedditClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 71.0984522742521, + "v_measure": 71.0984522742521, + "v_measure_std": 3.5668139917058044 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/RedditClusteringP2P.json b/results/markaw__NV-Embed-v2/external/RedditClusteringP2P.json new file mode 100644 index 000000000..77ddddacc --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/RedditClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 74.94499641904133, + "v_measure": 74.94499641904133, + "v_measure_std": 11.419672879389248 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/SCIDOCS.json b/results/markaw__NV-Embed-v2/external/SCIDOCS.json new file mode 100644 index 000000000..8dbfa9861 --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "f8c2fcf00f625baaa80f62ec5bd9e1fff3b8ae88", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.343, + "map_at_10": 13.044, + "map_at_100": 15.290999999999999, + "map_at_1000": 15.609, + "map_at_3": 9.227, + "map_at_5": 11.158, + "mrr_at_1": 0.0, + "mrr_at_10": 0.0, + "mrr_at_100": 0.0, + "mrr_at_1000": 0.0, + "mrr_at_3": 0.0, + "mrr_at_5": 0.0, + "ndcg_at_1": 26.3, + "ndcg_at_10": 21.901, + "ndcg_at_100": 30.316, + "ndcg_at_1000": 35.547000000000004, + "ndcg_at_3": 20.560000000000002, + "ndcg_at_5": 18.187, + "precision_at_1": 26.3, + "precision_at_10": 11.34, + "precision_at_100": 2.344, + "precision_at_1000": 0.359, + "precision_at_3": 18.967, + "precision_at_5": 15.920000000000002, + "recall_at_1": 5.343, + "recall_at_10": 22.997, + "recall_at_100": 47.562, + "recall_at_1000": 72.94500000000001, + "recall_at_3": 11.533, + "recall_at_5": 16.148, + "main_score": 21.901 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/SICK-R.json b/results/markaw__NV-Embed-v2/external/SICK-R.json new file mode 100644 index 000000000..16479fffa --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/SICK-R.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 87.3054603493591, + "cosine_spearman": 82.14763206055602, + "manhattan_pearson": 84.78737790237557, + "manhattan_spearman": 81.88455356002758, + "euclidean_pearson": 85.00668629311117, + "euclidean_spearman": 82.14763037860851, + "main_score": 82.14763206055602 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/STS12.json b/results/markaw__NV-Embed-v2/external/STS12.json new file mode 100644 index 000000000..df3387b0d --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/STS12.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 86.6911864687294, + "cosine_spearman": 77.89286260403269, + "manhattan_pearson": 82.87240347680857, + "manhattan_spearman": 78.10055393740326, + "euclidean_pearson": 82.72282535777123, + "euclidean_spearman": 77.89256648406325, + "main_score": 77.89286260403269 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/STS13.json b/results/markaw__NV-Embed-v2/external/STS13.json new file mode 100644 index 000000000..0da2ae79f --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/STS13.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 87.7220832598633, + "cosine_spearman": 88.30238972017452, + "manhattan_pearson": 87.88214789140248, + "manhattan_spearman": 88.24770220032391, + "euclidean_pearson": 87.98610386257103, + "euclidean_spearman": 88.30238972017452, + "main_score": 88.30238972017452 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/STS14.json b/results/markaw__NV-Embed-v2/external/STS14.json new file mode 100644 index 000000000..49a2923c3 --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/STS14.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 85.70614623247714, + "cosine_spearman": 84.29920990970672, + "manhattan_pearson": 84.9836190531721, + "manhattan_spearman": 84.40933470597638, + "euclidean_pearson": 84.96652336693347, + "euclidean_spearman": 84.29920989531965, + "main_score": 84.29920990970672 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/STS15.json b/results/markaw__NV-Embed-v2/external/STS15.json new file mode 100644 index 000000000..2385d0367 --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/STS15.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 88.4169972425264, + "cosine_spearman": 89.03555007807218, + "manhattan_pearson": 88.83068699455478, + "manhattan_spearman": 89.21877175674125, + "euclidean_pearson": 88.7251052947544, + "euclidean_spearman": 89.03557389893083, + "main_score": 89.03555007807218 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/STS16.json b/results/markaw__NV-Embed-v2/external/STS16.json new file mode 100644 index 000000000..07d02abc2 --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/STS16.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 85.63830579034632, + "cosine_spearman": 86.77353371581373, + "manhattan_pearson": 86.24830492396637, + "manhattan_spearman": 86.96754348626189, + "euclidean_pearson": 86.09837038778359, + "euclidean_spearman": 86.77353371581373, + "main_score": 86.77353371581373 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/STS17.json b/results/markaw__NV-Embed-v2/external/STS17.json new file mode 100644 index 000000000..502e98d4e --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/STS17.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 91.2204675588959, + "cosine_spearman": 90.66976712249057, + "manhattan_pearson": 91.11007808242346, + "manhattan_spearman": 90.51739232964488, + "euclidean_pearson": 91.19588941007903, + "euclidean_spearman": 90.66976712249057, + "main_score": 90.66976712249057 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/STS22.json b/results/markaw__NV-Embed-v2/external/STS22.json new file mode 100644 index 000000000..bd7f872d3 --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/STS22.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "eea2b4fe26a775864c896887d910b76a8098ad3f", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 69.34416749707114, + "cosine_spearman": 68.11632448161046, + "manhattan_pearson": 68.99243488935281, + "manhattan_spearman": 67.8398546438258, + "euclidean_pearson": 69.06376010216088, + "euclidean_spearman": 68.11632448161046, + "main_score": 68.11632448161046 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/STSBenchmark.json b/results/markaw__NV-Embed-v2/external/STSBenchmark.json new file mode 100644 index 000000000..119876e79 --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/STSBenchmark.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 88.10309739429758, + "cosine_spearman": 88.40520383147418, + "manhattan_pearson": 88.50753383813232, + "manhattan_spearman": 88.66382629460927, + "euclidean_pearson": 88.35050664609376, + "euclidean_spearman": 88.40520383147418, + "main_score": 88.40520383147418 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/SciDocsRR.json b/results/markaw__NV-Embed-v2/external/SciDocsRR.json new file mode 100644 index 000000000..52131bf49 --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 87.58627126942797, + "mrr": 97.01098103058887, + "main_score": 87.58627126942797 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/SciFact.json b/results/markaw__NV-Embed-v2/external/SciFact.json new file mode 100644 index 000000000..bba7d0a47 --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 62.883, + "map_at_10": 75.371, + "map_at_100": 75.66000000000001, + "map_at_1000": 75.667, + "map_at_3": 72.741, + "map_at_5": 74.74, + "mrr_at_1": 0.0, + "mrr_at_10": 0.0, + "mrr_at_100": 0.0, + "mrr_at_1000": 0.0, + "mrr_at_3": 0.0, + "mrr_at_5": 0.0, + "ndcg_at_1": 66.0, + "ndcg_at_10": 80.12700000000001, + "ndcg_at_100": 81.291, + "ndcg_at_1000": 81.464, + "ndcg_at_3": 76.19, + "ndcg_at_5": 78.827, + "precision_at_1": 66.0, + "precision_at_10": 10.567, + "precision_at_100": 1.117, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 30.333, + "precision_at_5": 20.133000000000003, + "recall_at_1": 62.883, + "recall_at_10": 93.556, + "recall_at_100": 98.667, + "recall_at_1000": 100.0, + "recall_at_3": 83.322, + "recall_at_5": 89.756, + "main_score": 80.12700000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/SprintDuplicateQuestions.json b/results/markaw__NV-Embed-v2/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..209756326 --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/SprintDuplicateQuestions.json @@ -0,0 +1,48 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.87524752475248, + "cos_sim_accuracy_threshold": 74.86587762832642, + "cos_sim_ap": 97.02222446606328, + "cos_sim_f1": 93.66197183098592, + "cos_sim_f1_threshold": 74.74223375320435, + "cos_sim_precision": 94.23076923076923, + "cos_sim_recall": 93.10000000000001, + "dot_accuracy": 99.87524752475248, + "dot_accuracy_threshold": 74.86587762832642, + "dot_ap": 97.02222688043362, + "dot_f1": 93.66197183098592, + "dot_f1_threshold": 74.74223375320435, + "dot_precision": 94.23076923076923, + "dot_recall": 93.10000000000001, + "euclidean_accuracy": 99.87524752475248, + "euclidean_accuracy_threshold": 70.9000825881958, + "euclidean_ap": 97.02222446606329, + "euclidean_f1": 93.66197183098592, + "euclidean_f1_threshold": 71.07426524162292, + "euclidean_precision": 94.23076923076923, + "euclidean_recall": 93.10000000000001, + "manhattan_accuracy": 99.87623762376238, + "manhattan_accuracy_threshold": 3588.5040283203125, + "manhattan_ap": 97.09194643777883, + "manhattan_f1": 93.7375745526839, + "manhattan_f1_threshold": 3664.3760681152344, + "manhattan_precision": 93.18181818181817, + "manhattan_recall": 94.3, + "max_accuracy": 99.87623762376238, + "max_ap": 97.09194643777883, + "max_f1": 93.7375745526839, + "main_score": 97.09194643777883 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/StackExchangeClustering.json b/results/markaw__NV-Embed-v2/external/StackExchangeClustering.json new file mode 100644 index 000000000..fe6be4e99 --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/StackExchangeClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 82.10134099988541, + "v_measure": 82.10134099988541, + "v_measure_std": 2.7926349897769533 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/StackExchangeClusteringP2P.json b/results/markaw__NV-Embed-v2/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..bd4275219 --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/StackExchangeClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 48.357450742397404, + "v_measure": 48.357450742397404, + "v_measure_std": 1.520118876440547 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/StackOverflowDupQuestions.json b/results/markaw__NV-Embed-v2/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..2a4da35aa --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 55.79277200802986, + "mrr": 56.742517082590616, + "main_score": 55.79277200802986 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/SummEval.json b/results/markaw__NV-Embed-v2/external/SummEval.json new file mode 100644 index 000000000..def7458b8 --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/SummEval.json @@ -0,0 +1,21 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_spearman": 30.701215774712693, + "cosine_pearson": 31.26740037278488, + "dot_spearman": 30.701215774712693, + "dot_pearson": 31.267404144879997, + "main_score": 30.701215774712693 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/TRECCOVID.json b/results/markaw__NV-Embed-v2/external/TRECCOVID.json new file mode 100644 index 000000000..c0e9a8909 --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "bb9466bac8153a0349341eb1b22e06409e78ef4e", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.23800000000000002, + "map_at_10": 2.31, + "map_at_100": 15.495000000000001, + "map_at_1000": 38.829, + "map_at_3": 0.72, + "map_at_5": 1.185, + "mrr_at_1": 0.0, + "mrr_at_10": 0.0, + "mrr_at_100": 0.0, + "mrr_at_1000": 0.0, + "mrr_at_3": 0.0, + "mrr_at_5": 0.0, + "ndcg_at_1": 91.0, + "ndcg_at_10": 88.442, + "ndcg_at_100": 71.39, + "ndcg_at_1000": 64.153, + "ndcg_at_3": 89.877, + "ndcg_at_5": 89.562, + "precision_at_1": 92.0, + "precision_at_10": 92.60000000000001, + "precision_at_100": 73.74000000000001, + "precision_at_1000": 28.222, + "precision_at_3": 94.0, + "precision_at_5": 93.60000000000001, + "recall_at_1": 0.23800000000000002, + "recall_at_10": 2.428, + "recall_at_100": 18.099999999999998, + "recall_at_1000": 60.79599999999999, + "recall_at_3": 0.749, + "recall_at_5": 1.238, + "main_score": 88.442 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/Touche2020.json b/results/markaw__NV-Embed-v2/external/Touche2020.json new file mode 100644 index 000000000..590ffef85 --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.4939999999999998, + "map_at_10": 12.531999999999998, + "map_at_100": 19.147, + "map_at_1000": 20.861, + "map_at_3": 7.558, + "map_at_5": 9.49, + "mrr_at_1": 0.0, + "mrr_at_10": 0.0, + "mrr_at_100": 0.0, + "mrr_at_1000": 0.0, + "mrr_at_3": 0.0, + "mrr_at_5": 0.0, + "ndcg_at_1": 47.959, + "ndcg_at_10": 31.781, + "ndcg_at_100": 42.131, + "ndcg_at_1000": 53.493, + "ndcg_at_3": 39.204, + "ndcg_at_5": 34.635, + "precision_at_1": 48.980000000000004, + "precision_at_10": 27.143, + "precision_at_100": 8.224, + "precision_at_1000": 1.584, + "precision_at_3": 38.775999999999996, + "precision_at_5": 33.061, + "recall_at_1": 3.4939999999999998, + "recall_at_10": 18.895, + "recall_at_100": 50.192, + "recall_at_1000": 85.167, + "recall_at_3": 8.703, + "recall_at_5": 11.824, + "main_score": 31.781 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/ToxicConversationsClassification.json b/results/markaw__NV-Embed-v2/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..1dba7c156 --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/ToxicConversationsClassification.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.7402, + "accuracy_stderr": 1.020764595781027, + "ap": 44.38594756333084, + "ap_stderr": 1.817150701258273, + "f1": 79.95699280019547, + "f1_stderr": 1.334582498702029, + "main_score": 92.7402 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/TweetSentimentExtractionClassification.json b/results/markaw__NV-Embed-v2/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..64f60a51f --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,21 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.86870401810978, + "accuracy_stderr": 0.22688467782004712, + "f1": 81.1829040745744, + "f1_stderr": 0.19774920574849694, + "main_score": 80.86870401810978 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/TwentyNewsgroupsClustering.json b/results/markaw__NV-Embed-v2/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..8baaf23a9 --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 64.82048869927482, + "v_measure": 64.82048869927482, + "v_measure_std": 0.9170394252450564 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/TwitterSemEval2015.json b/results/markaw__NV-Embed-v2/external/TwitterSemEval2015.json new file mode 100644 index 000000000..1ad58b8d6 --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/TwitterSemEval2015.json @@ -0,0 +1,48 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.44251057996067, + "cos_sim_accuracy_threshold": 70.2150285243988, + "cos_sim_ap": 81.11422351199913, + "cos_sim_f1": 73.71062868615887, + "cos_sim_f1_threshold": 66.507488489151, + "cos_sim_precision": 70.2799712849964, + "cos_sim_recall": 77.4934036939314, + "dot_accuracy": 88.44251057996067, + "dot_accuracy_threshold": 70.2150285243988, + "dot_ap": 81.11420529068658, + "dot_f1": 73.71062868615887, + "dot_f1_threshold": 66.50749444961548, + "dot_precision": 70.2799712849964, + "dot_recall": 77.4934036939314, + "euclidean_accuracy": 88.44251057996067, + "euclidean_accuracy_threshold": 77.18156576156616, + "euclidean_ap": 81.11422421732487, + "euclidean_f1": 73.71062868615887, + "euclidean_f1_threshold": 81.84436559677124, + "euclidean_precision": 70.2799712849964, + "euclidean_recall": 77.4934036939314, + "manhattan_accuracy": 88.26369434344639, + "manhattan_accuracy_threshold": 3837.067413330078, + "manhattan_ap": 80.81442360477725, + "manhattan_f1": 73.39883099117024, + "manhattan_f1_threshold": 4098.833847045898, + "manhattan_precision": 69.41896024464832, + "manhattan_recall": 77.86279683377309, + "max_accuracy": 88.44251057996067, + "max_ap": 81.11422421732487, + "max_f1": 73.71062868615887, + "main_score": 81.11422421732487 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/TwitterURLCorpus.json b/results/markaw__NV-Embed-v2/external/TwitterURLCorpus.json new file mode 100644 index 000000000..394cb38e2 --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/TwitterURLCorpus.json @@ -0,0 +1,48 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 90.03182365040556, + "cos_sim_accuracy_threshold": 64.46443796157837, + "cos_sim_ap": 87.86649113691112, + "cos_sim_f1": 80.45644844577821, + "cos_sim_f1_threshold": 61.40774488449097, + "cos_sim_precision": 77.54052702992216, + "cos_sim_recall": 83.60024638127503, + "dot_accuracy": 90.03182365040556, + "dot_accuracy_threshold": 64.46444988250732, + "dot_ap": 87.86649011954319, + "dot_f1": 80.45644844577821, + "dot_f1_threshold": 61.407750844955444, + "dot_precision": 77.54052702992216, + "dot_recall": 83.60024638127503, + "euclidean_accuracy": 90.03182365040556, + "euclidean_accuracy_threshold": 84.30368900299072, + "euclidean_ap": 87.86649114275045, + "euclidean_f1": 80.45644844577821, + "euclidean_f1_threshold": 87.8547191619873, + "euclidean_precision": 77.54052702992216, + "euclidean_recall": 83.60024638127503, + "manhattan_accuracy": 89.99883572010712, + "manhattan_accuracy_threshold": 4206.838607788086, + "manhattan_ap": 87.8600826607838, + "manhattan_f1": 80.44054508120217, + "manhattan_f1_threshold": 4372.755432128906, + "manhattan_precision": 78.08219178082192, + "manhattan_recall": 82.94579611949491, + "max_accuracy": 90.03182365040556, + "max_ap": 87.86649114275045, + "max_f1": 80.45644844577821, + "main_score": 87.86649114275045 + } + ] + } +} \ No newline at end of file diff --git a/results/markaw__NV-Embed-v2/external/model_meta.json b/results/markaw__NV-Embed-v2/external/model_meta.json new file mode 100644 index 000000000..763faf590 --- /dev/null +++ b/results/markaw__NV-Embed-v2/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "markaw/NV-Embed-v2", + "revision": "f6d5652a88f2f4177dfe21144a372268f3fbb428", + "release_date": "2024-09-24", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": null, + "embed_dim": null, + "license": "cc-by-nc-4.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/AmazonCounterfactualClassification.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..661c9d00a --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.14925373134328, + "ap": 39.32336517995478, + "f1": 70.16902252611425, + "main_score": 76.14925373134328 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/AmazonPolarityClassification.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..30822c87f --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.386825, + "ap": 90.21276917991995, + "f1": 93.37741030006174, + "main_score": 93.386825 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/AmazonReviewsClassification.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..92b3f1339 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 48.846000000000004, + "f1": 48.14646269778261, + "main_score": 48.846000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/ArguAna.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/ArguAna.json new file mode 100644 index 000000000..d4884bd11 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.754000000000005, + "map_at_10": 55.761, + "map_at_100": 56.330999999999996, + "map_at_1000": 56.333999999999996, + "map_at_3": 51.92, + "map_at_5": 54.010999999999996, + "mrr_at_1": 41.181, + "mrr_at_10": 55.967999999999996, + "mrr_at_100": 56.538, + "mrr_at_1000": 56.542, + "mrr_at_3": 51.980000000000004, + "mrr_at_5": 54.208999999999996, + "ndcg_at_1": 40.754000000000005, + "ndcg_at_10": 63.605000000000004, + "ndcg_at_100": 66.05199999999999, + "ndcg_at_1000": 66.12, + "ndcg_at_3": 55.708, + "ndcg_at_5": 59.452000000000005, + "precision_at_1": 40.754000000000005, + "precision_at_10": 8.841000000000001, + "precision_at_100": 0.991, + "precision_at_1000": 0.1, + "precision_at_3": 22.238, + "precision_at_5": 15.149000000000001, + "recall_at_1": 40.754000000000005, + "recall_at_10": 88.407, + "recall_at_100": 99.14699999999999, + "recall_at_1000": 99.644, + "recall_at_3": 66.714, + "recall_at_5": 75.747, + "main_score": 63.605000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/ArxivClusteringP2P.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..0490cedfb --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.74884539679369, + "main_score": 48.74884539679369 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/ArxivClusteringS2S.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..2be4b6620 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 42.8075893810716, + "main_score": 42.8075893810716 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/AskUbuntuDupQuestions.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..d9d9ff34f --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 62.128470519187736, + "mrr": 74.28065778481289, + "main_score": 62.128470519187736 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/BIOSSES.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/BIOSSES.json new file mode 100644 index 000000000..cb8f4884d --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 89.24629081484655, + "cos_sim_spearman": 86.93752309911496, + "euclidean_pearson": 87.58589628573816, + "euclidean_spearman": 88.05622328825284, + "manhattan_pearson": 87.5594959805773, + "manhattan_spearman": 88.19658793233961, + "cosine_pearson": 89.24629081484655, + "cosine_spearman": 86.93752309911496, + "main_score": 86.93752309911496 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/Banking77Classification.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/Banking77Classification.json new file mode 100644 index 000000000..0a9505ce5 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.9512987012987, + "f1": 86.92515357973708, + "main_score": 86.9512987012987 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/BiorxivClusteringP2P.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..a1e73fa27 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.10263762928872, + "main_score": 39.10263762928872 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/BiorxivClusteringS2S.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..1b0d19987 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.69711517426737, + "main_score": 36.69711517426737 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/CQADupstackAndroidRetrieval.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..f0aef1916 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.327, + "map_at_10": 44.099, + "map_at_100": 45.525, + "map_at_1000": 45.641999999999996, + "map_at_3": 40.47, + "map_at_5": 42.36, + "mrr_at_1": 39.199, + "mrr_at_10": 49.651, + "mrr_at_100": 50.29, + "mrr_at_1000": 50.329, + "mrr_at_3": 46.924, + "mrr_at_5": 48.548, + "ndcg_at_1": 39.199, + "ndcg_at_10": 50.773, + "ndcg_at_100": 55.67999999999999, + "ndcg_at_1000": 57.495, + "ndcg_at_3": 45.513999999999996, + "ndcg_at_5": 47.703, + "precision_at_1": 39.199, + "precision_at_10": 9.914000000000001, + "precision_at_100": 1.5310000000000001, + "precision_at_1000": 0.198, + "precision_at_3": 21.984, + "precision_at_5": 15.737000000000002, + "recall_at_1": 32.327, + "recall_at_10": 63.743, + "recall_at_100": 84.538, + "recall_at_1000": 96.089, + "recall_at_3": 48.065000000000005, + "recall_at_5": 54.519, + "main_score": 50.773 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.671, + "map_at_10": 42.954, + "map_at_100": 44.151, + "map_at_1000": 44.287, + "map_at_3": 39.912, + "map_at_5": 41.798, + "mrr_at_1": 41.465, + "mrr_at_10": 49.351, + "mrr_at_100": 49.980000000000004, + "mrr_at_1000": 50.016000000000005, + "mrr_at_3": 47.144000000000005, + "mrr_at_5": 48.592999999999996, + "ndcg_at_1": 41.465, + "ndcg_at_10": 48.565999999999995, + "ndcg_at_100": 52.76499999999999, + "ndcg_at_1000": 54.749, + "ndcg_at_3": 44.57, + "ndcg_at_5": 46.759, + "precision_at_1": 41.465, + "precision_at_10": 9.107999999999999, + "precision_at_100": 1.433, + "precision_at_1000": 0.191, + "precision_at_3": 21.423000000000002, + "precision_at_5": 15.414, + "recall_at_1": 32.671, + "recall_at_10": 57.738, + "recall_at_100": 75.86500000000001, + "recall_at_1000": 88.36, + "recall_at_3": 45.626, + "recall_at_5": 51.812000000000005, + "main_score": 48.565999999999995 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 41.185, + "map_at_10": 53.929, + "map_at_100": 54.92, + "map_at_1000": 54.967999999999996, + "map_at_3": 50.70400000000001, + "map_at_5": 52.673, + "mrr_at_1": 47.398, + "mrr_at_10": 57.303000000000004, + "mrr_at_100": 57.959, + "mrr_at_1000": 57.985, + "mrr_at_3": 54.932, + "mrr_at_5": 56.464999999999996, + "ndcg_at_1": 47.398, + "ndcg_at_10": 59.653, + "ndcg_at_100": 63.627, + "ndcg_at_1000": 64.596, + "ndcg_at_3": 54.455, + "ndcg_at_5": 57.245000000000005, + "precision_at_1": 47.398, + "precision_at_10": 9.524000000000001, + "precision_at_100": 1.243, + "precision_at_1000": 0.13699999999999998, + "precision_at_3": 24.389, + "precision_at_5": 16.752, + "recall_at_1": 41.185, + "recall_at_10": 73.193, + "recall_at_100": 90.357, + "recall_at_1000": 97.253, + "recall_at_3": 59.199999999999996, + "recall_at_5": 66.118, + "main_score": 59.653 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.27, + "map_at_10": 36.223, + "map_at_100": 37.218, + "map_at_1000": 37.293, + "map_at_3": 33.503, + "map_at_5": 35.097, + "mrr_at_1": 29.492, + "mrr_at_10": 38.352000000000004, + "mrr_at_100": 39.188, + "mrr_at_1000": 39.247, + "mrr_at_3": 35.876000000000005, + "mrr_at_5": 37.401, + "ndcg_at_1": 29.492, + "ndcg_at_10": 41.239, + "ndcg_at_100": 46.066, + "ndcg_at_1000": 47.992000000000004, + "ndcg_at_3": 36.11, + "ndcg_at_5": 38.772, + "precision_at_1": 29.492, + "precision_at_10": 6.260000000000001, + "precision_at_100": 0.914, + "precision_at_1000": 0.11100000000000002, + "precision_at_3": 15.104000000000001, + "precision_at_5": 10.644, + "recall_at_1": 27.27, + "recall_at_10": 54.589, + "recall_at_100": 76.70700000000001, + "recall_at_1000": 91.158, + "recall_at_3": 40.974, + "recall_at_5": 47.327000000000005, + "main_score": 41.239 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.848, + "map_at_10": 26.207, + "map_at_100": 27.478, + "map_at_1000": 27.602, + "map_at_3": 23.405, + "map_at_5": 24.98, + "mrr_at_1": 21.891, + "mrr_at_10": 31.041999999999998, + "mrr_at_100": 32.092, + "mrr_at_1000": 32.151999999999994, + "mrr_at_3": 28.358, + "mrr_at_5": 29.969, + "ndcg_at_1": 21.891, + "ndcg_at_10": 31.585, + "ndcg_at_100": 37.531, + "ndcg_at_1000": 40.256, + "ndcg_at_3": 26.508, + "ndcg_at_5": 28.894, + "precision_at_1": 21.891, + "precision_at_10": 5.795999999999999, + "precision_at_100": 0.9990000000000001, + "precision_at_1000": 0.13799999999999998, + "precision_at_3": 12.769, + "precision_at_5": 9.279, + "recall_at_1": 17.848, + "recall_at_10": 43.452, + "recall_at_100": 69.216, + "recall_at_1000": 88.102, + "recall_at_3": 29.18, + "recall_at_5": 35.347, + "main_score": 31.585 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.94, + "map_at_10": 41.248000000000005, + "map_at_100": 42.495, + "map_at_1000": 42.602000000000004, + "map_at_3": 37.939, + "map_at_5": 39.924, + "mrr_at_1": 37.824999999999996, + "mrr_at_10": 47.041, + "mrr_at_100": 47.83, + "mrr_at_1000": 47.878, + "mrr_at_3": 44.466, + "mrr_at_5": 46.111999999999995, + "ndcg_at_1": 37.824999999999996, + "ndcg_at_10": 47.223, + "ndcg_at_100": 52.394, + "ndcg_at_1000": 54.432, + "ndcg_at_3": 42.032000000000004, + "ndcg_at_5": 44.772, + "precision_at_1": 37.824999999999996, + "precision_at_10": 8.393, + "precision_at_100": 1.2890000000000001, + "precision_at_1000": 0.164, + "precision_at_3": 19.698, + "precision_at_5": 14.013, + "recall_at_1": 30.94, + "recall_at_10": 59.316, + "recall_at_100": 80.783, + "recall_at_1000": 94.15400000000001, + "recall_at_3": 44.712, + "recall_at_5": 51.932, + "main_score": 47.223 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.104, + "map_at_10": 36.675999999999995, + "map_at_100": 38.076, + "map_at_1000": 38.189, + "map_at_3": 33.733999999999995, + "map_at_5": 35.287, + "mrr_at_1": 33.904, + "mrr_at_10": 42.55, + "mrr_at_100": 43.434, + "mrr_at_1000": 43.494, + "mrr_at_3": 40.126, + "mrr_at_5": 41.473, + "ndcg_at_1": 33.904, + "ndcg_at_10": 42.414, + "ndcg_at_100": 48.203, + "ndcg_at_1000": 50.437, + "ndcg_at_3": 37.633, + "ndcg_at_5": 39.67, + "precision_at_1": 33.904, + "precision_at_10": 7.82, + "precision_at_100": 1.2409999999999999, + "precision_at_1000": 0.159, + "precision_at_3": 17.884, + "precision_at_5": 12.648000000000001, + "recall_at_1": 27.104, + "recall_at_10": 53.563, + "recall_at_100": 78.557, + "recall_at_1000": 93.533, + "recall_at_3": 39.92, + "recall_at_5": 45.457, + "main_score": 42.414 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.707749999999997, + "map_at_10": 36.961, + "map_at_100": 38.158833333333334, + "map_at_1000": 38.270333333333326, + "map_at_3": 34.07183333333334, + "map_at_5": 35.69533333333334, + "mrr_at_1": 32.81875, + "mrr_at_10": 41.293, + "mrr_at_100": 42.116499999999995, + "mrr_at_1000": 42.170249999999996, + "mrr_at_3": 38.83983333333333, + "mrr_at_5": 40.29775, + "ndcg_at_1": 32.81875, + "ndcg_at_10": 42.355, + "ndcg_at_100": 47.41374999999999, + "ndcg_at_1000": 49.5805, + "ndcg_at_3": 37.52825, + "ndcg_at_5": 39.83266666666667, + "precision_at_1": 32.81875, + "precision_at_10": 7.382416666666666, + "precision_at_100": 1.1640833333333334, + "precision_at_1000": 0.15383333333333335, + "precision_at_3": 17.134166666666665, + "precision_at_5": 12.174833333333336, + "recall_at_1": 27.707749999999997, + "recall_at_10": 53.945, + "recall_at_100": 76.191, + "recall_at_1000": 91.101, + "recall_at_3": 40.39083333333334, + "recall_at_5": 46.40083333333333, + "main_score": 42.355 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.482, + "map_at_10": 33.201, + "map_at_100": 34.107, + "map_at_1000": 34.197, + "map_at_3": 31.174000000000003, + "map_at_5": 32.279, + "mrr_at_1": 29.908, + "mrr_at_10": 36.235, + "mrr_at_100": 37.04, + "mrr_at_1000": 37.105, + "mrr_at_3": 34.355999999999995, + "mrr_at_5": 35.382999999999996, + "ndcg_at_1": 29.908, + "ndcg_at_10": 37.325, + "ndcg_at_100": 41.795, + "ndcg_at_1000": 44.105, + "ndcg_at_3": 33.555, + "ndcg_at_5": 35.266999999999996, + "precision_at_1": 29.908, + "precision_at_10": 5.721, + "precision_at_100": 0.8630000000000001, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 14.008000000000001, + "precision_at_5": 9.754999999999999, + "recall_at_1": 26.482, + "recall_at_10": 47.072, + "recall_at_100": 67.27, + "recall_at_1000": 84.371, + "recall_at_3": 36.65, + "recall_at_5": 40.774, + "main_score": 37.325 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.815, + "map_at_10": 26.369999999999997, + "map_at_100": 27.458, + "map_at_1000": 27.588, + "map_at_3": 23.990000000000002, + "map_at_5": 25.345000000000002, + "mrr_at_1": 22.953000000000003, + "mrr_at_10": 30.342999999999996, + "mrr_at_100": 31.241000000000003, + "mrr_at_1000": 31.319000000000003, + "mrr_at_3": 28.16, + "mrr_at_5": 29.406, + "ndcg_at_1": 22.953000000000003, + "ndcg_at_10": 31.151, + "ndcg_at_100": 36.309000000000005, + "ndcg_at_1000": 39.227000000000004, + "ndcg_at_3": 26.921, + "ndcg_at_5": 28.938000000000002, + "precision_at_1": 22.953000000000003, + "precision_at_10": 5.602, + "precision_at_100": 0.9530000000000001, + "precision_at_1000": 0.13899999999999998, + "precision_at_3": 12.606, + "precision_at_5": 9.119, + "recall_at_1": 18.815, + "recall_at_10": 41.574, + "recall_at_100": 64.84400000000001, + "recall_at_1000": 85.406, + "recall_at_3": 29.694, + "recall_at_5": 34.935, + "main_score": 31.151 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.840999999999998, + "map_at_10": 36.797999999999995, + "map_at_100": 37.993, + "map_at_1000": 38.086999999999996, + "map_at_3": 34.050999999999995, + "map_at_5": 35.379, + "mrr_at_1": 32.649, + "mrr_at_10": 41.025, + "mrr_at_100": 41.878, + "mrr_at_1000": 41.929, + "mrr_at_3": 38.573, + "mrr_at_5": 39.715, + "ndcg_at_1": 32.649, + "ndcg_at_10": 42.142, + "ndcg_at_100": 47.558, + "ndcg_at_1000": 49.643, + "ndcg_at_3": 37.12, + "ndcg_at_5": 38.983000000000004, + "precision_at_1": 32.649, + "precision_at_10": 7.08, + "precision_at_100": 1.1039999999999999, + "precision_at_1000": 0.13899999999999998, + "precision_at_3": 16.698, + "precision_at_5": 11.511000000000001, + "recall_at_1": 27.840999999999998, + "recall_at_10": 54.245, + "recall_at_100": 77.947, + "recall_at_1000": 92.36999999999999, + "recall_at_3": 40.146, + "recall_at_5": 44.951, + "main_score": 42.142 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.529000000000003, + "map_at_10": 35.010000000000005, + "map_at_100": 36.647, + "map_at_1000": 36.857, + "map_at_3": 31.968000000000004, + "map_at_5": 33.554, + "mrr_at_1": 31.818, + "mrr_at_10": 39.550999999999995, + "mrr_at_100": 40.54, + "mrr_at_1000": 40.596, + "mrr_at_3": 36.726, + "mrr_at_5": 38.416, + "ndcg_at_1": 31.818, + "ndcg_at_10": 40.675, + "ndcg_at_100": 46.548, + "ndcg_at_1000": 49.126, + "ndcg_at_3": 35.829, + "ndcg_at_5": 38.0, + "precision_at_1": 31.818, + "precision_at_10": 7.826, + "precision_at_100": 1.538, + "precision_at_1000": 0.24, + "precision_at_3": 16.601, + "precision_at_5": 12.095, + "recall_at_1": 26.529000000000003, + "recall_at_10": 51.03, + "recall_at_100": 77.556, + "recall_at_1000": 93.804, + "recall_at_3": 36.986000000000004, + "recall_at_5": 43.096000000000004, + "main_score": 40.675 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.480999999999998, + "map_at_10": 30.817, + "map_at_100": 31.838, + "map_at_1000": 31.932, + "map_at_3": 28.011999999999997, + "map_at_5": 29.668, + "mrr_at_1": 25.323, + "mrr_at_10": 33.072, + "mrr_at_100": 33.926, + "mrr_at_1000": 33.993, + "mrr_at_3": 30.436999999999998, + "mrr_at_5": 32.092, + "ndcg_at_1": 25.323, + "ndcg_at_10": 35.514, + "ndcg_at_100": 40.489000000000004, + "ndcg_at_1000": 42.908, + "ndcg_at_3": 30.092000000000002, + "ndcg_at_5": 32.989000000000004, + "precision_at_1": 25.323, + "precision_at_10": 5.545, + "precision_at_100": 0.861, + "precision_at_1000": 0.117, + "precision_at_3": 12.446, + "precision_at_5": 9.131, + "recall_at_1": 23.480999999999998, + "recall_at_10": 47.825, + "recall_at_100": 70.652, + "recall_at_1000": 88.612, + "recall_at_3": 33.537, + "recall_at_5": 40.542, + "main_score": 35.514 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/ClimateFEVER.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/ClimateFEVER.json new file mode 100644 index 000000000..e972dce8c --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 13.333999999999998, + "map_at_10": 22.524, + "map_at_100": 24.506, + "map_at_1000": 24.715, + "map_at_3": 19.022, + "map_at_5": 20.693, + "mrr_at_1": 29.186, + "mrr_at_10": 41.22, + "mrr_at_100": 42.16, + "mrr_at_1000": 42.192, + "mrr_at_3": 38.013000000000005, + "mrr_at_5": 39.704, + "ndcg_at_1": 29.186, + "ndcg_at_10": 31.167, + "ndcg_at_100": 38.879000000000005, + "ndcg_at_1000": 42.376000000000005, + "ndcg_at_3": 25.817, + "ndcg_at_5": 27.377000000000002, + "precision_at_1": 29.186, + "precision_at_10": 9.693999999999999, + "precision_at_100": 1.8030000000000002, + "precision_at_1000": 0.246, + "precision_at_3": 19.11, + "precision_at_5": 14.344999999999999, + "recall_at_1": 13.333999999999998, + "recall_at_10": 37.092000000000006, + "recall_at_100": 63.651, + "recall_at_1000": 83.05, + "recall_at_3": 23.74, + "recall_at_5": 28.655, + "main_score": 31.167 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/DBPedia.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/DBPedia.json new file mode 100644 index 000000000..19836ec18 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.151, + "map_at_10": 19.653000000000002, + "map_at_100": 28.053, + "map_at_1000": 29.709000000000003, + "map_at_3": 14.191, + "map_at_5": 16.456, + "mrr_at_1": 66.25, + "mrr_at_10": 74.4, + "mrr_at_100": 74.715, + "mrr_at_1000": 74.726, + "mrr_at_3": 72.417, + "mrr_at_5": 73.667, + "ndcg_at_1": 54.25, + "ndcg_at_10": 40.77, + "ndcg_at_100": 46.359, + "ndcg_at_1000": 54.193000000000005, + "ndcg_at_3": 44.832, + "ndcg_at_5": 42.63, + "precision_at_1": 66.25, + "precision_at_10": 32.175, + "precision_at_100": 10.668, + "precision_at_1000": 2.067, + "precision_at_3": 47.667, + "precision_at_5": 41.3, + "recall_at_1": 9.151, + "recall_at_10": 25.003999999999998, + "recall_at_100": 52.976, + "recall_at_1000": 78.315, + "recall_at_3": 15.487, + "recall_at_5": 18.999, + "main_score": 40.77 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/EmotionClassification.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/EmotionClassification.json new file mode 100644 index 000000000..a55621eea --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 51.89999999999999, + "f1": 46.47777925067403, + "main_score": 51.89999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/FEVER.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/FEVER.json new file mode 100644 index 000000000..7c2808c08 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 73.706, + "map_at_10": 82.423, + "map_at_100": 82.67999999999999, + "map_at_1000": 82.694, + "map_at_3": 81.328, + "map_at_5": 82.001, + "mrr_at_1": 79.613, + "mrr_at_10": 87.07000000000001, + "mrr_at_100": 87.169, + "mrr_at_1000": 87.17, + "mrr_at_3": 86.404, + "mrr_at_5": 86.856, + "ndcg_at_1": 79.613, + "ndcg_at_10": 86.289, + "ndcg_at_100": 87.201, + "ndcg_at_1000": 87.428, + "ndcg_at_3": 84.625, + "ndcg_at_5": 85.53699999999999, + "precision_at_1": 79.613, + "precision_at_10": 10.399, + "precision_at_100": 1.1079999999999999, + "precision_at_1000": 0.11499999999999999, + "precision_at_3": 32.473, + "precision_at_5": 20.132, + "recall_at_1": 73.706, + "recall_at_10": 93.559, + "recall_at_100": 97.188, + "recall_at_1000": 98.555, + "recall_at_3": 88.98700000000001, + "recall_at_5": 91.373, + "main_score": 86.289 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/FiQA2018.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/FiQA2018.json new file mode 100644 index 000000000..61e256f69 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.841, + "map_at_10": 32.643, + "map_at_100": 34.575, + "map_at_1000": 34.736, + "map_at_3": 28.317999999999998, + "map_at_5": 30.964000000000002, + "mrr_at_1": 39.660000000000004, + "mrr_at_10": 48.620000000000005, + "mrr_at_100": 49.384, + "mrr_at_1000": 49.415, + "mrr_at_3": 45.988, + "mrr_at_5": 47.361, + "ndcg_at_1": 39.660000000000004, + "ndcg_at_10": 40.646, + "ndcg_at_100": 47.657, + "ndcg_at_1000": 50.428, + "ndcg_at_3": 36.689, + "ndcg_at_5": 38.211, + "precision_at_1": 39.660000000000004, + "precision_at_10": 11.235000000000001, + "precision_at_100": 1.8530000000000002, + "precision_at_1000": 0.23600000000000002, + "precision_at_3": 24.587999999999997, + "precision_at_5": 18.395, + "recall_at_1": 19.841, + "recall_at_10": 48.135, + "recall_at_100": 74.224, + "recall_at_1000": 90.826, + "recall_at_3": 33.536, + "recall_at_5": 40.311, + "main_score": 40.646 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/HotpotQA.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/HotpotQA.json new file mode 100644 index 000000000..168c6cd17 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.358, + "map_at_10": 64.497, + "map_at_100": 65.362, + "map_at_1000": 65.41900000000001, + "map_at_3": 61.06700000000001, + "map_at_5": 63.317, + "mrr_at_1": 80.716, + "mrr_at_10": 86.10799999999999, + "mrr_at_100": 86.265, + "mrr_at_1000": 86.27, + "mrr_at_3": 85.271, + "mrr_at_5": 85.82499999999999, + "ndcg_at_1": 80.716, + "ndcg_at_10": 72.597, + "ndcg_at_100": 75.549, + "ndcg_at_1000": 76.61, + "ndcg_at_3": 67.874, + "ndcg_at_5": 70.655, + "precision_at_1": 80.716, + "precision_at_10": 15.148, + "precision_at_100": 1.745, + "precision_at_1000": 0.188, + "precision_at_3": 43.597, + "precision_at_5": 28.351, + "recall_at_1": 40.358, + "recall_at_10": 75.739, + "recall_at_100": 87.259, + "recall_at_1000": 94.234, + "recall_at_3": 65.39500000000001, + "recall_at_5": 70.878, + "main_score": 72.597 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/ImdbClassification.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/ImdbClassification.json new file mode 100644 index 000000000..908f6e80f --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 90.80799999999998, + "ap": 86.81350378180757, + "f1": 90.79901248314215, + "main_score": 90.80799999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/MSMARCO.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/MSMARCO.json new file mode 100644 index 000000000..9558f091d --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.096, + "map_at_10": 34.384, + "map_at_100": 35.541, + "map_at_1000": 35.589999999999996, + "map_at_3": 30.496000000000002, + "map_at_5": 32.718, + "mrr_at_1": 22.750999999999998, + "mrr_at_10": 35.024, + "mrr_at_100": 36.125, + "mrr_at_1000": 36.168, + "mrr_at_3": 31.225, + "mrr_at_5": 33.416000000000004, + "ndcg_at_1": 22.750999999999998, + "ndcg_at_10": 41.351, + "ndcg_at_100": 46.92, + "ndcg_at_1000": 48.111, + "ndcg_at_3": 33.439, + "ndcg_at_5": 37.407000000000004, + "precision_at_1": 22.750999999999998, + "precision_at_10": 6.564, + "precision_at_100": 0.935, + "precision_at_1000": 0.104, + "precision_at_3": 14.288, + "precision_at_5": 10.581999999999999, + "recall_at_1": 22.096, + "recall_at_10": 62.771, + "recall_at_100": 88.529, + "recall_at_1000": 97.55, + "recall_at_3": 41.245, + "recall_at_5": 50.788, + "main_score": 41.351 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/MTOPDomainClassification.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/MTOPDomainClassification.json new file mode 100644 index 000000000..31fcb9c22 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 94.16780665754673, + "f1": 93.96331194859894, + "main_score": 94.16780665754673 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/MTOPIntentClassification.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/MTOPIntentClassification.json new file mode 100644 index 000000000..f107f2821 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.90606475148198, + "f1": 58.58344986604187, + "main_score": 76.90606475148198 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/MassiveIntentClassification.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/MassiveIntentClassification.json new file mode 100644 index 000000000..6825893cb --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.14660390047075, + "f1": 74.31533923533614, + "main_score": 76.14660390047075 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/MassiveScenarioClassification.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..0136d6029 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.16139878950908, + "f1": 80.18532656824924, + "main_score": 80.16139878950908 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/MedrxivClusteringP2P.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..fa1a17393 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.949880906135085, + "main_score": 32.949880906135085 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/MedrxivClusteringS2S.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..3f5360bbd --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.56300351524862, + "main_score": 31.56300351524862 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/MindSmallReranking.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/MindSmallReranking.json new file mode 100644 index 000000000..466785e3b --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.196521894371315, + "mrr": 32.22644231694389, + "main_score": 31.196521894371315 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/NFCorpus.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/NFCorpus.json new file mode 100644 index 000000000..ca5cc3cb3 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.783, + "map_at_10": 14.549000000000001, + "map_at_100": 18.433, + "map_at_1000": 19.949, + "map_at_3": 10.936, + "map_at_5": 12.514, + "mrr_at_1": 47.368, + "mrr_at_10": 56.42, + "mrr_at_100": 56.908, + "mrr_at_1000": 56.95, + "mrr_at_3": 54.283, + "mrr_at_5": 55.568, + "ndcg_at_1": 45.666000000000004, + "ndcg_at_10": 37.389, + "ndcg_at_100": 34.253, + "ndcg_at_1000": 43.059999999999995, + "ndcg_at_3": 42.725, + "ndcg_at_5": 40.193, + "precision_at_1": 47.368, + "precision_at_10": 27.988000000000003, + "precision_at_100": 8.672, + "precision_at_1000": 2.164, + "precision_at_3": 40.248, + "precision_at_5": 34.737, + "recall_at_1": 6.783, + "recall_at_10": 17.838, + "recall_at_100": 33.672000000000004, + "recall_at_1000": 66.166, + "recall_at_3": 11.849, + "recall_at_5": 14.205000000000002, + "main_score": 37.389 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/NQ.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/NQ.json new file mode 100644 index 000000000..8d1207827 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.698999999999998, + "map_at_10": 46.556, + "map_at_100": 47.652, + "map_at_1000": 47.68, + "map_at_3": 42.492000000000004, + "map_at_5": 44.763999999999996, + "mrr_at_1": 35.747, + "mrr_at_10": 49.242999999999995, + "mrr_at_100": 50.052, + "mrr_at_1000": 50.068, + "mrr_at_3": 45.867000000000004, + "mrr_at_5": 47.778999999999996, + "ndcg_at_1": 35.717999999999996, + "ndcg_at_10": 54.14600000000001, + "ndcg_at_100": 58.672999999999995, + "ndcg_at_1000": 59.279, + "ndcg_at_3": 46.407, + "ndcg_at_5": 50.181, + "precision_at_1": 35.717999999999996, + "precision_at_10": 8.844000000000001, + "precision_at_100": 1.139, + "precision_at_1000": 0.12, + "precision_at_3": 20.993000000000002, + "precision_at_5": 14.791000000000002, + "recall_at_1": 31.698999999999998, + "recall_at_10": 74.693, + "recall_at_100": 94.15299999999999, + "recall_at_1000": 98.585, + "recall_at_3": 54.388999999999996, + "recall_at_5": 63.08200000000001, + "main_score": 54.14600000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/QuoraRetrieval.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/QuoraRetrieval.json new file mode 100644 index 000000000..3239a2153 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 71.283, + "map_at_10": 85.24000000000001, + "map_at_100": 85.882, + "map_at_1000": 85.897, + "map_at_3": 82.326, + "map_at_5": 84.177, + "mrr_at_1": 82.21000000000001, + "mrr_at_10": 88.228, + "mrr_at_100": 88.32, + "mrr_at_1000": 88.32, + "mrr_at_3": 87.323, + "mrr_at_5": 87.94800000000001, + "ndcg_at_1": 82.17999999999999, + "ndcg_at_10": 88.9, + "ndcg_at_100": 90.079, + "ndcg_at_1000": 90.158, + "ndcg_at_3": 86.18299999999999, + "ndcg_at_5": 87.71799999999999, + "precision_at_1": 82.17999999999999, + "precision_at_10": 13.464, + "precision_at_100": 1.533, + "precision_at_1000": 0.157, + "precision_at_3": 37.693, + "precision_at_5": 24.792, + "recall_at_1": 71.283, + "recall_at_10": 95.742, + "recall_at_100": 99.67200000000001, + "recall_at_1000": 99.981, + "recall_at_3": 87.888, + "recall_at_5": 92.24, + "main_score": 88.9 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/RedditClustering.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/RedditClustering.json new file mode 100644 index 000000000..da2e5db29 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 56.24267063669042, + "main_score": 56.24267063669042 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/RedditClusteringP2P.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/RedditClusteringP2P.json new file mode 100644 index 000000000..c64cf3073 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 62.88056988932578, + "main_score": 62.88056988932578 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/SCIDOCS.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/SCIDOCS.json new file mode 100644 index 000000000..2bb7c65df --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.903, + "map_at_10": 13.202, + "map_at_100": 15.5, + "map_at_1000": 15.870999999999999, + "map_at_3": 9.407, + "map_at_5": 11.238, + "mrr_at_1": 24.2, + "mrr_at_10": 35.867, + "mrr_at_100": 37.001, + "mrr_at_1000": 37.043, + "mrr_at_3": 32.5, + "mrr_at_5": 34.35, + "ndcg_at_1": 24.2, + "ndcg_at_10": 21.731, + "ndcg_at_100": 30.7, + "ndcg_at_1000": 36.618, + "ndcg_at_3": 20.72, + "ndcg_at_5": 17.954, + "precision_at_1": 24.2, + "precision_at_10": 11.33, + "precision_at_100": 2.4410000000000003, + "precision_at_1000": 0.386, + "precision_at_3": 19.667, + "precision_at_5": 15.86, + "recall_at_1": 4.903, + "recall_at_10": 22.962, + "recall_at_100": 49.563, + "recall_at_1000": 78.238, + "recall_at_3": 11.953, + "recall_at_5": 16.067999999999998, + "main_score": 21.731 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/SICK-R.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/SICK-R.json new file mode 100644 index 000000000..9d1d598d4 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.12694254604078, + "cos_sim_spearman": 80.30141815181918, + "euclidean_pearson": 81.34015449877128, + "euclidean_spearman": 80.13984197010849, + "manhattan_pearson": 81.31767068124086, + "manhattan_spearman": 80.11720513114103, + "cosine_pearson": 84.12694254604078, + "cosine_spearman": 80.30141815181918, + "main_score": 80.30141815181918 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/STS12.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/STS12.json new file mode 100644 index 000000000..367fe2fa2 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.13112984010417, + "cos_sim_spearman": 78.03063573402875, + "euclidean_pearson": 83.51928418844804, + "euclidean_spearman": 78.4045235411144, + "manhattan_pearson": 83.49981637388689, + "manhattan_spearman": 78.4042575139372, + "cosine_pearson": 86.13112984010417, + "cosine_spearman": 78.03063573402875, + "main_score": 78.03063573402875 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/STS13.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/STS13.json new file mode 100644 index 000000000..a0cd959fe --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.50327987379504, + "cos_sim_spearman": 84.18556767756205, + "euclidean_pearson": 82.69684424327679, + "euclidean_spearman": 83.5368106038335, + "manhattan_pearson": 82.57967581007374, + "manhattan_spearman": 83.43009053133697, + "cosine_pearson": 82.50327987379504, + "cosine_spearman": 84.18556767756205, + "main_score": 84.18556767756205 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/STS14.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/STS14.json new file mode 100644 index 000000000..df901b39f --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.50756863007814, + "cos_sim_spearman": 82.27204331279108, + "euclidean_pearson": 81.39535251429741, + "euclidean_spearman": 81.84386626336239, + "manhattan_pearson": 81.34281737280695, + "manhattan_spearman": 81.81149375673166, + "cosine_pearson": 82.50756863007814, + "cosine_spearman": 82.27204331279108, + "main_score": 82.27204331279108 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/STS15.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/STS15.json new file mode 100644 index 000000000..fe1502c90 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.8727714856726, + "cos_sim_spearman": 87.95738287792312, + "euclidean_pearson": 86.62920602795887, + "euclidean_spearman": 87.05207355381243, + "manhattan_pearson": 86.53587918472225, + "manhattan_spearman": 86.95382961029586, + "cosine_pearson": 86.8727714856726, + "cosine_spearman": 87.95738287792312, + "main_score": 87.95738287792312 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/STS16.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/STS16.json new file mode 100644 index 000000000..4a3ba9944 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.52240359769479, + "cos_sim_spearman": 85.47685776238286, + "euclidean_pearson": 84.25815333483058, + "euclidean_spearman": 85.27415639683198, + "manhattan_pearson": 84.29127757025637, + "manhattan_spearman": 85.30226224917351, + "cosine_pearson": 83.52240359769479, + "cosine_spearman": 85.47685776238286, + "main_score": 85.47685776238286 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/STS17.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/STS17.json new file mode 100644 index 000000000..36c12cdd1 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.42501708915708, + "cos_sim_spearman": 86.42276182795041, + "euclidean_pearson": 86.5408207354761, + "euclidean_spearman": 85.46096321750838, + "manhattan_pearson": 86.54177303026881, + "manhattan_spearman": 85.50313151916117, + "cosine_pearson": 86.42501708915708, + "cosine_spearman": 86.42276182795041, + "main_score": 86.42276182795041 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/STS22.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/STS22.json new file mode 100644 index 000000000..760739894 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 64.86521089250766, + "cos_sim_spearman": 65.94868540323003, + "euclidean_pearson": 67.16569626533084, + "euclidean_spearman": 66.37667004134917, + "manhattan_pearson": 67.1482365102333, + "manhattan_spearman": 66.53240122580029, + "cosine_pearson": 64.86521089250766, + "cosine_spearman": 65.94868540323003, + "main_score": 65.94868540323003 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/STSBenchmark.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/STSBenchmark.json new file mode 100644 index 000000000..d7971e437 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.64746265365318, + "cos_sim_spearman": 86.41888825906786, + "euclidean_pearson": 85.27453642725811, + "euclidean_spearman": 85.94095796602544, + "manhattan_pearson": 85.28643660505334, + "manhattan_spearman": 85.95028003260744, + "cosine_pearson": 84.64746265365318, + "cosine_spearman": 86.41888825906786, + "main_score": 86.41888825906786 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/SciDocsRR.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/SciDocsRR.json new file mode 100644 index 000000000..2cd98d22d --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 87.48903153618527, + "mrr": 96.41081503826601, + "main_score": 87.48903153618527 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/SciFact.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/SciFact.json new file mode 100644 index 000000000..d0c909cdd --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 58.594, + "map_at_10": 69.296, + "map_at_100": 69.782, + "map_at_1000": 69.795, + "map_at_3": 66.23, + "map_at_5": 68.293, + "mrr_at_1": 61.667, + "mrr_at_10": 70.339, + "mrr_at_100": 70.708, + "mrr_at_1000": 70.722, + "mrr_at_3": 68.0, + "mrr_at_5": 69.56700000000001, + "ndcg_at_1": 61.667, + "ndcg_at_10": 74.039, + "ndcg_at_100": 76.103, + "ndcg_at_1000": 76.47800000000001, + "ndcg_at_3": 68.967, + "ndcg_at_5": 71.96900000000001, + "precision_at_1": 61.667, + "precision_at_10": 9.866999999999999, + "precision_at_100": 1.097, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 27.111, + "precision_at_5": 18.2, + "recall_at_1": 58.594, + "recall_at_10": 87.422, + "recall_at_100": 96.667, + "recall_at_1000": 99.667, + "recall_at_3": 74.217, + "recall_at_5": 81.539, + "main_score": 74.039 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/SprintDuplicateQuestions.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..a733dfcaf --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.85049504950496, + "cos_sim_ap": 96.33111544137081, + "cos_sim_f1": 92.35443037974684, + "cos_sim_precision": 93.53846153846153, + "cos_sim_recall": 91.2, + "dot_accuracy": 99.82376237623762, + "dot_ap": 95.38082527310888, + "dot_f1": 90.90909090909092, + "dot_precision": 92.90187891440502, + "dot_recall": 89.0, + "euclidean_accuracy": 99.84851485148515, + "euclidean_ap": 96.32316003996347, + "euclidean_f1": 92.2071392659628, + "euclidean_precision": 92.71991911021233, + "euclidean_recall": 91.7, + "manhattan_accuracy": 99.84851485148515, + "manhattan_ap": 96.3655668249217, + "manhattan_f1": 92.18356026222895, + "manhattan_precision": 92.98067141403867, + "manhattan_recall": 91.4, + "max_accuracy": 99.85049504950496, + "max_ap": 96.3655668249217, + "max_f1": 92.35443037974684, + "main_score": 96.3655668249217 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/StackExchangeClustering.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/StackExchangeClustering.json new file mode 100644 index 000000000..23393354d --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 65.94861371629051, + "main_score": 65.94861371629051 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/StackExchangeClusteringP2P.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..b03be8e89 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.009430451385, + "main_score": 35.009430451385 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/StackOverflowDupQuestions.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..6f4ff354b --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 54.61164066427969, + "mrr": 55.49710603938544, + "main_score": 54.61164066427969 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/SummEval.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/SummEval.json new file mode 100644 index 000000000..5f4858e5e --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.622620124907662, + "cos_sim_spearman": 31.0678351356163, + "dot_pearson": 30.863727693306814, + "dot_spearman": 31.230306567021255, + "cosine_pearson": 30.622620124907662, + "cosine_spearman": 31.0678351356163, + "main_score": 31.0678351356163 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/TRECCOVID.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/TRECCOVID.json new file mode 100644 index 000000000..90cd9ea96 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.22, + "map_at_10": 2.011, + "map_at_100": 10.974, + "map_at_1000": 25.819, + "map_at_3": 0.6649999999999999, + "map_at_5": 1.076, + "mrr_at_1": 86.0, + "mrr_at_10": 91.8, + "mrr_at_100": 91.8, + "mrr_at_1000": 91.8, + "mrr_at_3": 91.0, + "mrr_at_5": 91.8, + "ndcg_at_1": 82.0, + "ndcg_at_10": 78.07300000000001, + "ndcg_at_100": 58.231, + "ndcg_at_1000": 51.153000000000006, + "ndcg_at_3": 81.123, + "ndcg_at_5": 81.059, + "precision_at_1": 86.0, + "precision_at_10": 83.0, + "precision_at_100": 59.38, + "precision_at_1000": 22.55, + "precision_at_3": 87.333, + "precision_at_5": 86.8, + "recall_at_1": 0.22, + "recall_at_10": 2.2079999999999997, + "recall_at_100": 14.069, + "recall_at_1000": 47.678, + "recall_at_3": 0.7040000000000001, + "recall_at_5": 1.161, + "main_score": 78.07300000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/Touche2020.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/Touche2020.json new file mode 100644 index 000000000..09717bb71 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.809, + "map_at_10": 10.394, + "map_at_100": 16.598, + "map_at_1000": 18.142, + "map_at_3": 5.572, + "map_at_5": 7.1370000000000005, + "mrr_at_1": 32.653, + "mrr_at_10": 46.564, + "mrr_at_100": 47.469, + "mrr_at_1000": 47.469, + "mrr_at_3": 42.177, + "mrr_at_5": 44.524, + "ndcg_at_1": 30.612000000000002, + "ndcg_at_10": 25.701, + "ndcg_at_100": 37.532, + "ndcg_at_1000": 48.757, + "ndcg_at_3": 28.199999999999996, + "ndcg_at_5": 25.987, + "precision_at_1": 32.653, + "precision_at_10": 23.469, + "precision_at_100": 7.9799999999999995, + "precision_at_1000": 1.5350000000000001, + "precision_at_3": 29.932, + "precision_at_5": 26.122, + "recall_at_1": 2.809, + "recall_at_10": 16.887, + "recall_at_100": 48.67, + "recall_at_1000": 82.89699999999999, + "recall_at_3": 6.521000000000001, + "recall_at_5": 9.609, + "main_score": 25.701 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/ToxicConversationsClassification.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..b0242d5b3 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.57860000000001, + "ap": 13.82629211536393, + "f1": 54.59860966183956, + "main_score": 71.57860000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/TweetSentimentExtractionClassification.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..78e98d954 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 59.38030560271647, + "f1": 59.69685552567865, + "main_score": 59.38030560271647 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/TwentyNewsgroupsClustering.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..6688b2a23 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 51.4736717043405, + "main_score": 51.4736717043405 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/TwitterSemEval2015.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/TwitterSemEval2015.json new file mode 100644 index 000000000..5c9a1e4d4 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 86.92853311080646, + "cos_sim_ap": 77.67872502591382, + "cos_sim_f1": 70.33941236068895, + "cos_sim_precision": 67.63273258645884, + "cos_sim_recall": 73.27176781002639, + "dot_accuracy": 85.79603027954938, + "dot_ap": 73.73786190233379, + "dot_f1": 67.3437901774235, + "dot_precision": 65.67201604814443, + "dot_recall": 69.10290237467018, + "euclidean_accuracy": 86.94045419324074, + "euclidean_ap": 77.6687791535167, + "euclidean_f1": 70.47209214023542, + "euclidean_precision": 67.7207492094381, + "euclidean_recall": 73.45646437994723, + "manhattan_accuracy": 86.87488823985218, + "manhattan_ap": 77.63373392430728, + "manhattan_f1": 70.40920716112532, + "manhattan_precision": 68.31265508684864, + "manhattan_recall": 72.63852242744063, + "max_accuracy": 86.94045419324074, + "max_ap": 77.67872502591382, + "max_f1": 70.47209214023542, + "main_score": 77.67872502591382 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/TwitterURLCorpus.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/TwitterURLCorpus.json new file mode 100644 index 000000000..dded6216c --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.67155664221679, + "cos_sim_ap": 85.64591703003417, + "cos_sim_f1": 77.59531005352656, + "cos_sim_precision": 73.60967184801382, + "cos_sim_recall": 82.03726516784724, + "dot_accuracy": 88.41541506578181, + "dot_ap": 84.6482788957769, + "dot_f1": 77.04748541466657, + "dot_precision": 74.02440754931176, + "dot_recall": 80.3279950723745, + "euclidean_accuracy": 88.63080684596576, + "euclidean_ap": 85.44570045321562, + "euclidean_f1": 77.28769403336106, + "euclidean_precision": 72.90600040958427, + "euclidean_recall": 82.22975053895904, + "manhattan_accuracy": 88.59393798269105, + "manhattan_ap": 85.40271361038187, + "manhattan_f1": 77.17606419344392, + "manhattan_precision": 72.4447747078295, + "manhattan_recall": 82.5685247921158, + "max_accuracy": 88.67155664221679, + "max_ap": 85.64591703003417, + "max_f1": 77.59531005352656, + "main_score": 85.64591703003417 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/model_meta.json b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/model_meta.json new file mode 100644 index 000000000..7a16c9a23 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-base-en-v1.5/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "michaelfeil/ct2fast-bge-base-en-v1.5", + "revision": "2de9369ae5d9ea282d10ebf838f312780e923fff", + "release_date": "2023-10-13", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 768, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/AmazonCounterfactualClassification.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..b000af11f --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.8507462686567, + "ap": 38.566457320228245, + "f1": 69.69386648043475, + "main_score": 75.8507462686567 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/AmazonPolarityClassification.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..16be0c533 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.416675, + "ap": 89.1928861155922, + "f1": 92.39477019574215, + "main_score": 92.416675 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/AmazonReviewsClassification.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..a2e323137 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 48.175999999999995, + "f1": 47.80712792870253, + "main_score": 48.175999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/ArguAna.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/ArguAna.json new file mode 100644 index 000000000..de00f62be --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.184999999999995, + "map_at_10": 55.654, + "map_at_100": 56.25, + "map_at_1000": 56.255, + "map_at_3": 51.742999999999995, + "map_at_5": 54.129000000000005, + "mrr_at_1": 40.967, + "mrr_at_10": 55.96, + "mrr_at_100": 56.54900000000001, + "mrr_at_1000": 56.554, + "mrr_at_3": 51.980000000000004, + "mrr_at_5": 54.44, + "ndcg_at_1": 40.184999999999995, + "ndcg_at_10": 63.542, + "ndcg_at_100": 65.96499999999999, + "ndcg_at_1000": 66.08699999999999, + "ndcg_at_3": 55.582, + "ndcg_at_5": 59.855000000000004, + "precision_at_1": 40.184999999999995, + "precision_at_10": 8.841000000000001, + "precision_at_100": 0.987, + "precision_at_1000": 0.1, + "precision_at_3": 22.238, + "precision_at_5": 15.405, + "recall_at_1": 40.184999999999995, + "recall_at_10": 88.407, + "recall_at_100": 98.72, + "recall_at_1000": 99.644, + "recall_at_3": 66.714, + "recall_at_5": 77.027, + "main_score": 63.542 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/ArxivClusteringP2P.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..f8f3798ed --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.567077926750066, + "main_score": 48.567077926750066 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/ArxivClusteringS2S.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..3bbdfa23f --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 43.19453389182364, + "main_score": 43.19453389182364 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/AskUbuntuDupQuestions.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..50f36bc02 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 64.46555939623092, + "mrr": 77.82361605768807, + "main_score": 64.46555939623092 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/BIOSSES.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/BIOSSES.json new file mode 100644 index 000000000..3b36b2f7a --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.9554128814735, + "cos_sim_spearman": 84.65373612172036, + "euclidean_pearson": 83.2905059954138, + "euclidean_spearman": 84.52240782811128, + "manhattan_pearson": 82.99533802997436, + "manhattan_spearman": 84.20673798475734, + "cosine_pearson": 84.9554128814735, + "cosine_spearman": 84.65373612172036, + "main_score": 84.65373612172036 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/Banking77Classification.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/Banking77Classification.json new file mode 100644 index 000000000..41279087f --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 87.78896103896103, + "f1": 87.77189310964883, + "main_score": 87.78896103896103 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/BiorxivClusteringP2P.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..55f0de8d5 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.714538337650495, + "main_score": 39.714538337650495 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/BiorxivClusteringS2S.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..ac4543ace --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.90108349284447, + "main_score": 36.90108349284447 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/CQADupstackAndroidRetrieval.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..0b92a0877 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.795, + "map_at_10": 43.669000000000004, + "map_at_100": 45.151, + "map_at_1000": 45.278, + "map_at_3": 40.006, + "map_at_5": 42.059999999999995, + "mrr_at_1": 39.771, + "mrr_at_10": 49.826, + "mrr_at_100": 50.504000000000005, + "mrr_at_1000": 50.549, + "mrr_at_3": 47.115, + "mrr_at_5": 48.832, + "ndcg_at_1": 39.771, + "ndcg_at_10": 50.217999999999996, + "ndcg_at_100": 55.454, + "ndcg_at_1000": 57.37, + "ndcg_at_3": 44.885000000000005, + "ndcg_at_5": 47.419, + "precision_at_1": 39.771, + "precision_at_10": 9.642000000000001, + "precision_at_100": 1.538, + "precision_at_1000": 0.198, + "precision_at_3": 21.268, + "precision_at_5": 15.536, + "recall_at_1": 32.795, + "recall_at_10": 62.580999999999996, + "recall_at_100": 84.438, + "recall_at_1000": 96.492, + "recall_at_3": 47.071000000000005, + "recall_at_5": 54.079, + "main_score": 50.217999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.671, + "map_at_10": 43.334, + "map_at_100": 44.566, + "map_at_1000": 44.702999999999996, + "map_at_3": 40.343, + "map_at_5": 41.983, + "mrr_at_1": 40.764, + "mrr_at_10": 49.382, + "mrr_at_100": 49.988, + "mrr_at_1000": 50.03300000000001, + "mrr_at_3": 47.293, + "mrr_at_5": 48.51, + "ndcg_at_1": 40.764, + "ndcg_at_10": 49.039, + "ndcg_at_100": 53.259, + "ndcg_at_1000": 55.253, + "ndcg_at_3": 45.091, + "ndcg_at_5": 46.839999999999996, + "precision_at_1": 40.764, + "precision_at_10": 9.191, + "precision_at_100": 1.476, + "precision_at_1000": 0.19499999999999998, + "precision_at_3": 21.72, + "precision_at_5": 15.299, + "recall_at_1": 32.671, + "recall_at_10": 58.816, + "recall_at_100": 76.654, + "recall_at_1000": 89.05999999999999, + "recall_at_3": 46.743, + "recall_at_5": 51.783, + "main_score": 49.039 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.328, + "map_at_10": 53.32599999999999, + "map_at_100": 54.37499999999999, + "map_at_1000": 54.429, + "map_at_3": 49.902, + "map_at_5": 52.002, + "mrr_at_1": 46.332, + "mrr_at_10": 56.858, + "mrr_at_100": 57.522, + "mrr_at_1000": 57.54899999999999, + "mrr_at_3": 54.472, + "mrr_at_5": 55.996, + "ndcg_at_1": 46.332, + "ndcg_at_10": 59.313, + "ndcg_at_100": 63.266999999999996, + "ndcg_at_1000": 64.36, + "ndcg_at_3": 53.815000000000005, + "ndcg_at_5": 56.814, + "precision_at_1": 46.332, + "precision_at_10": 9.53, + "precision_at_100": 1.238, + "precision_at_1000": 0.13699999999999998, + "precision_at_3": 24.054000000000002, + "precision_at_5": 16.589000000000002, + "recall_at_1": 40.328, + "recall_at_10": 73.421, + "recall_at_100": 90.059, + "recall_at_1000": 97.81, + "recall_at_3": 59.009, + "recall_at_5": 66.352, + "main_score": 59.313 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.424, + "map_at_10": 36.332, + "map_at_100": 37.347, + "map_at_1000": 37.422, + "map_at_3": 33.743, + "map_at_5": 35.176, + "mrr_at_1": 29.153000000000002, + "mrr_at_10": 38.233, + "mrr_at_100": 39.109, + "mrr_at_1000": 39.164, + "mrr_at_3": 35.876000000000005, + "mrr_at_5": 37.169000000000004, + "ndcg_at_1": 29.153000000000002, + "ndcg_at_10": 41.439, + "ndcg_at_100": 46.42, + "ndcg_at_1000": 48.242000000000004, + "ndcg_at_3": 36.362, + "ndcg_at_5": 38.743, + "precision_at_1": 29.153000000000002, + "precision_at_10": 6.315999999999999, + "precision_at_100": 0.927, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 15.443000000000001, + "precision_at_5": 10.644, + "recall_at_1": 27.424, + "recall_at_10": 55.364000000000004, + "recall_at_100": 78.211, + "recall_at_1000": 91.74600000000001, + "recall_at_3": 41.379, + "recall_at_5": 47.14, + "main_score": 41.439 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.601, + "map_at_10": 27.826, + "map_at_100": 29.017, + "map_at_1000": 29.137, + "map_at_3": 25.125999999999998, + "map_at_5": 26.765, + "mrr_at_1": 24.005000000000003, + "mrr_at_10": 32.716, + "mrr_at_100": 33.631, + "mrr_at_1000": 33.694, + "mrr_at_3": 29.934, + "mrr_at_5": 31.630999999999997, + "ndcg_at_1": 24.005000000000003, + "ndcg_at_10": 33.158, + "ndcg_at_100": 38.739000000000004, + "ndcg_at_1000": 41.495, + "ndcg_at_3": 28.185, + "ndcg_at_5": 30.796, + "precision_at_1": 24.005000000000003, + "precision_at_10": 5.908, + "precision_at_100": 1.005, + "precision_at_1000": 0.13899999999999998, + "precision_at_3": 13.391, + "precision_at_5": 9.876, + "recall_at_1": 19.601, + "recall_at_10": 44.746, + "recall_at_100": 68.82300000000001, + "recall_at_1000": 88.215, + "recall_at_3": 31.239, + "recall_at_5": 37.695, + "main_score": 33.158 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.130000000000003, + "map_at_10": 40.96, + "map_at_100": 42.282, + "map_at_1000": 42.392, + "map_at_3": 37.889, + "map_at_5": 39.661, + "mrr_at_1": 36.958999999999996, + "mrr_at_10": 46.835, + "mrr_at_100": 47.644, + "mrr_at_1000": 47.688, + "mrr_at_3": 44.562000000000005, + "mrr_at_5": 45.938, + "ndcg_at_1": 36.958999999999996, + "ndcg_at_10": 47.06, + "ndcg_at_100": 52.345, + "ndcg_at_1000": 54.35, + "ndcg_at_3": 42.301, + "ndcg_at_5": 44.635999999999996, + "precision_at_1": 36.958999999999996, + "precision_at_10": 8.479000000000001, + "precision_at_100": 1.284, + "precision_at_1000": 0.163, + "precision_at_3": 20.244, + "precision_at_5": 14.224999999999998, + "recall_at_1": 30.130000000000003, + "recall_at_10": 59.27, + "recall_at_100": 81.195, + "recall_at_1000": 94.21199999999999, + "recall_at_3": 45.885, + "recall_at_5": 52.016, + "main_score": 47.06 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.169999999999998, + "map_at_10": 36.451, + "map_at_100": 37.791000000000004, + "map_at_1000": 37.897, + "map_at_3": 33.109, + "map_at_5": 34.937000000000005, + "mrr_at_1": 32.877, + "mrr_at_10": 42.368, + "mrr_at_100": 43.201, + "mrr_at_1000": 43.259, + "mrr_at_3": 39.763999999999996, + "mrr_at_5": 41.260000000000005, + "ndcg_at_1": 32.877, + "ndcg_at_10": 42.659000000000006, + "ndcg_at_100": 48.161, + "ndcg_at_1000": 50.345, + "ndcg_at_3": 37.302, + "ndcg_at_5": 39.722, + "precision_at_1": 32.877, + "precision_at_10": 7.9, + "precision_at_100": 1.236, + "precision_at_1000": 0.158, + "precision_at_3": 17.846, + "precision_at_5": 12.9, + "recall_at_1": 26.169999999999998, + "recall_at_10": 55.35, + "recall_at_100": 78.755, + "recall_at_1000": 93.518, + "recall_at_3": 40.176, + "recall_at_5": 46.589000000000006, + "main_score": 42.659000000000006 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.15516666666667, + "map_at_10": 36.65741666666667, + "map_at_100": 37.84991666666666, + "map_at_1000": 37.96316666666667, + "map_at_3": 33.74974999999999, + "map_at_5": 35.3765, + "mrr_at_1": 32.08233333333334, + "mrr_at_10": 41.033833333333334, + "mrr_at_100": 41.84524999999999, + "mrr_at_1000": 41.89983333333333, + "mrr_at_3": 38.62008333333333, + "mrr_at_5": 40.03441666666666, + "ndcg_at_1": 32.08233333333334, + "ndcg_at_10": 42.229, + "ndcg_at_100": 47.26716666666667, + "ndcg_at_1000": 49.43466666666667, + "ndcg_at_3": 37.36408333333333, + "ndcg_at_5": 39.6715, + "precision_at_1": 32.08233333333334, + "precision_at_10": 7.382583333333334, + "precision_at_100": 1.16625, + "precision_at_1000": 0.15408333333333332, + "precision_at_3": 17.218, + "precision_at_5": 12.21875, + "recall_at_1": 27.15516666666667, + "recall_at_10": 54.36683333333333, + "recall_at_100": 76.37183333333333, + "recall_at_1000": 91.26183333333333, + "recall_at_3": 40.769916666666674, + "recall_at_5": 46.702333333333335, + "main_score": 42.229 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.749, + "map_at_10": 33.001999999999995, + "map_at_100": 33.891, + "map_at_1000": 33.993, + "map_at_3": 30.703999999999997, + "map_at_5": 31.959, + "mrr_at_1": 28.834, + "mrr_at_10": 35.955, + "mrr_at_100": 36.709, + "mrr_at_1000": 36.779, + "mrr_at_3": 33.947, + "mrr_at_5": 35.089, + "ndcg_at_1": 28.834, + "ndcg_at_10": 37.329, + "ndcg_at_100": 41.79, + "ndcg_at_1000": 44.169000000000004, + "ndcg_at_3": 33.184999999999995, + "ndcg_at_5": 35.107, + "precision_at_1": 28.834, + "precision_at_10": 5.7669999999999995, + "precision_at_100": 0.876, + "precision_at_1000": 0.11399999999999999, + "precision_at_3": 14.213000000000001, + "precision_at_5": 9.754999999999999, + "recall_at_1": 25.749, + "recall_at_10": 47.791, + "recall_at_100": 68.255, + "recall_at_1000": 85.749, + "recall_at_3": 36.199, + "recall_at_5": 41.071999999999996, + "main_score": 37.329 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.777, + "map_at_10": 25.201, + "map_at_100": 26.423999999999996, + "map_at_1000": 26.544, + "map_at_3": 22.869, + "map_at_5": 24.023, + "mrr_at_1": 21.473, + "mrr_at_10": 29.12, + "mrr_at_100": 30.144, + "mrr_at_1000": 30.215999999999998, + "mrr_at_3": 26.933, + "mrr_at_5": 28.051, + "ndcg_at_1": 21.473, + "ndcg_at_10": 30.003, + "ndcg_at_100": 35.766, + "ndcg_at_1000": 38.501000000000005, + "ndcg_at_3": 25.773000000000003, + "ndcg_at_5": 27.462999999999997, + "precision_at_1": 21.473, + "precision_at_10": 5.482, + "precision_at_100": 0.975, + "precision_at_1000": 0.13799999999999998, + "precision_at_3": 12.205, + "precision_at_5": 8.692, + "recall_at_1": 17.777, + "recall_at_10": 40.582, + "recall_at_100": 66.305, + "recall_at_1000": 85.636, + "recall_at_3": 28.687, + "recall_at_5": 33.089, + "main_score": 30.003 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.677, + "map_at_10": 36.309000000000005, + "map_at_100": 37.403999999999996, + "map_at_1000": 37.496, + "map_at_3": 33.382, + "map_at_5": 34.98, + "mrr_at_1": 31.343, + "mrr_at_10": 40.549, + "mrr_at_100": 41.342, + "mrr_at_1000": 41.397, + "mrr_at_3": 38.029, + "mrr_at_5": 39.451, + "ndcg_at_1": 31.343, + "ndcg_at_10": 42.1, + "ndcg_at_100": 47.089999999999996, + "ndcg_at_1000": 49.222, + "ndcg_at_3": 36.836999999999996, + "ndcg_at_5": 39.21, + "precision_at_1": 31.343, + "precision_at_10": 7.164, + "precision_at_100": 1.0959999999999999, + "precision_at_1000": 0.13899999999999998, + "precision_at_3": 16.915, + "precision_at_5": 11.940000000000001, + "recall_at_1": 26.677, + "recall_at_10": 55.54599999999999, + "recall_at_100": 77.094, + "recall_at_1000": 92.01, + "recall_at_3": 41.191, + "recall_at_5": 47.006, + "main_score": 42.1 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.501, + "map_at_10": 33.102, + "map_at_100": 34.676, + "map_at_1000": 34.888000000000005, + "map_at_3": 29.944, + "map_at_5": 31.613999999999997, + "mrr_at_1": 29.447000000000003, + "mrr_at_10": 37.996, + "mrr_at_100": 38.946, + "mrr_at_1000": 38.995000000000005, + "mrr_at_3": 35.079, + "mrr_at_5": 36.69, + "ndcg_at_1": 29.447000000000003, + "ndcg_at_10": 39.232, + "ndcg_at_100": 45.247, + "ndcg_at_1000": 47.613, + "ndcg_at_3": 33.922999999999995, + "ndcg_at_5": 36.284, + "precision_at_1": 29.447000000000003, + "precision_at_10": 7.648000000000001, + "precision_at_100": 1.516, + "precision_at_1000": 0.23900000000000002, + "precision_at_3": 16.008, + "precision_at_5": 11.779, + "recall_at_1": 24.501, + "recall_at_10": 51.18899999999999, + "recall_at_100": 78.437, + "recall_at_1000": 92.842, + "recall_at_3": 35.808, + "recall_at_5": 42.197, + "main_score": 39.232 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.039, + "map_at_10": 30.377, + "map_at_100": 31.275, + "map_at_1000": 31.379, + "map_at_3": 27.98, + "map_at_5": 29.358, + "mrr_at_1": 24.03, + "mrr_at_10": 32.568000000000005, + "mrr_at_100": 33.403, + "mrr_at_1000": 33.475, + "mrr_at_3": 30.436999999999998, + "mrr_at_5": 31.796000000000003, + "ndcg_at_1": 24.03, + "ndcg_at_10": 35.198, + "ndcg_at_100": 39.668, + "ndcg_at_1000": 42.296, + "ndcg_at_3": 30.709999999999997, + "ndcg_at_5": 33.024, + "precision_at_1": 24.03, + "precision_at_10": 5.564, + "precision_at_100": 0.828, + "precision_at_1000": 0.117, + "precision_at_3": 13.309000000000001, + "precision_at_5": 9.39, + "recall_at_1": 22.039, + "recall_at_10": 47.746, + "recall_at_100": 68.23599999999999, + "recall_at_1000": 87.852, + "recall_at_3": 35.852000000000004, + "recall_at_5": 41.410000000000004, + "main_score": 35.198 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/ClimateFEVER.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/ClimateFEVER.json new file mode 100644 index 000000000..fdda4132b --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.692999999999998, + "map_at_10": 26.903, + "map_at_100": 28.987000000000002, + "map_at_1000": 29.176999999999996, + "map_at_3": 22.137, + "map_at_5": 24.758, + "mrr_at_1": 35.57, + "mrr_at_10": 47.821999999999996, + "mrr_at_100": 48.608000000000004, + "mrr_at_1000": 48.638999999999996, + "mrr_at_3": 44.452000000000005, + "mrr_at_5": 46.546, + "ndcg_at_1": 35.57, + "ndcg_at_10": 36.567, + "ndcg_at_100": 44.085, + "ndcg_at_1000": 47.24, + "ndcg_at_3": 29.964000000000002, + "ndcg_at_5": 32.511, + "precision_at_1": 35.57, + "precision_at_10": 11.485, + "precision_at_100": 1.9619999999999997, + "precision_at_1000": 0.256, + "precision_at_3": 22.237000000000002, + "precision_at_5": 17.471999999999998, + "recall_at_1": 15.692999999999998, + "recall_at_10": 43.056, + "recall_at_100": 68.628, + "recall_at_1000": 86.075, + "recall_at_3": 26.918999999999997, + "recall_at_5": 34.14, + "main_score": 36.567 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/DBPedia.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/DBPedia.json new file mode 100644 index 000000000..7dea0b89b --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.53, + "map_at_10": 20.951, + "map_at_100": 30.136000000000003, + "map_at_1000": 31.801000000000002, + "map_at_3": 15.021, + "map_at_5": 17.471999999999998, + "mrr_at_1": 71.0, + "mrr_at_10": 79.176, + "mrr_at_100": 79.418, + "mrr_at_1000": 79.426, + "mrr_at_3": 78.125, + "mrr_at_5": 78.61200000000001, + "ndcg_at_1": 58.5, + "ndcg_at_10": 44.106, + "ndcg_at_100": 49.268, + "ndcg_at_1000": 56.711999999999996, + "ndcg_at_3": 48.934, + "ndcg_at_5": 45.826, + "precision_at_1": 71.0, + "precision_at_10": 35.0, + "precision_at_100": 11.360000000000001, + "precision_at_1000": 2.046, + "precision_at_3": 52.833, + "precision_at_5": 44.15, + "recall_at_1": 9.53, + "recall_at_10": 26.811, + "recall_at_100": 55.916999999999994, + "recall_at_1000": 79.973, + "recall_at_3": 16.413, + "recall_at_5": 19.980999999999998, + "main_score": 44.106 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/EmotionClassification.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/EmotionClassification.json new file mode 100644 index 000000000..dbfb9355d --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 51.519999999999996, + "f1": 46.36601294761231, + "main_score": 51.519999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/FEVER.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/FEVER.json new file mode 100644 index 000000000..c5a69793e --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 74.413, + "map_at_10": 83.414, + "map_at_100": 83.621, + "map_at_1000": 83.635, + "map_at_3": 82.337, + "map_at_5": 83.039, + "mrr_at_1": 80.19800000000001, + "mrr_at_10": 87.715, + "mrr_at_100": 87.778, + "mrr_at_1000": 87.779, + "mrr_at_3": 87.106, + "mrr_at_5": 87.555, + "ndcg_at_1": 80.19800000000001, + "ndcg_at_10": 87.182, + "ndcg_at_100": 87.90299999999999, + "ndcg_at_1000": 88.143, + "ndcg_at_3": 85.60600000000001, + "ndcg_at_5": 86.541, + "precision_at_1": 80.19800000000001, + "precision_at_10": 10.531, + "precision_at_100": 1.113, + "precision_at_1000": 0.11499999999999999, + "precision_at_3": 32.933, + "precision_at_5": 20.429, + "recall_at_1": 74.413, + "recall_at_10": 94.363, + "recall_at_100": 97.165, + "recall_at_1000": 98.668, + "recall_at_3": 90.108, + "recall_at_5": 92.52, + "main_score": 87.182 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/FiQA2018.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/FiQA2018.json new file mode 100644 index 000000000..fab9612a2 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.701, + "map_at_10": 37.122, + "map_at_100": 39.178000000000004, + "map_at_1000": 39.326, + "map_at_3": 32.971000000000004, + "map_at_5": 35.332, + "mrr_at_1": 44.753, + "mrr_at_10": 53.452, + "mrr_at_100": 54.198, + "mrr_at_1000": 54.225, + "mrr_at_3": 50.952, + "mrr_at_5": 52.464, + "ndcg_at_1": 44.753, + "ndcg_at_10": 45.021, + "ndcg_at_100": 52.028, + "ndcg_at_1000": 54.596000000000004, + "ndcg_at_3": 41.622, + "ndcg_at_5": 42.736000000000004, + "precision_at_1": 44.753, + "precision_at_10": 12.284, + "precision_at_100": 1.955, + "precision_at_1000": 0.243, + "precision_at_3": 27.828999999999997, + "precision_at_5": 20.061999999999998, + "recall_at_1": 22.701, + "recall_at_10": 51.432, + "recall_at_100": 77.009, + "recall_at_1000": 92.511, + "recall_at_3": 37.919000000000004, + "recall_at_5": 44.131, + "main_score": 45.021 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/HotpotQA.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/HotpotQA.json new file mode 100644 index 000000000..aae49a00c --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.189, + "map_at_10": 66.24600000000001, + "map_at_100": 67.098, + "map_at_1000": 67.149, + "map_at_3": 62.684, + "map_at_5": 64.974, + "mrr_at_1": 80.378, + "mrr_at_10": 86.127, + "mrr_at_100": 86.29299999999999, + "mrr_at_1000": 86.297, + "mrr_at_3": 85.31400000000001, + "mrr_at_5": 85.858, + "ndcg_at_1": 80.378, + "ndcg_at_10": 74.101, + "ndcg_at_100": 76.993, + "ndcg_at_1000": 77.948, + "ndcg_at_3": 69.232, + "ndcg_at_5": 72.04599999999999, + "precision_at_1": 80.378, + "precision_at_10": 15.595999999999998, + "precision_at_100": 1.7840000000000003, + "precision_at_1000": 0.191, + "precision_at_3": 44.884, + "precision_at_5": 29.145, + "recall_at_1": 40.189, + "recall_at_10": 77.981, + "recall_at_100": 89.21, + "recall_at_1000": 95.48299999999999, + "recall_at_3": 67.326, + "recall_at_5": 72.863, + "main_score": 74.101 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/ImdbClassification.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/ImdbClassification.json new file mode 100644 index 000000000..34c4cb3b0 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.84599999999999, + "ap": 89.4710787567357, + "f1": 92.83752676932258, + "main_score": 92.84599999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/MSMARCO.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/MSMARCO.json new file mode 100644 index 000000000..97dc51b8d --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.132, + "map_at_10": 35.543, + "map_at_100": 36.702, + "map_at_1000": 36.748999999999995, + "map_at_3": 31.737, + "map_at_5": 33.927, + "mrr_at_1": 23.782, + "mrr_at_10": 36.204, + "mrr_at_100": 37.29, + "mrr_at_1000": 37.330999999999996, + "mrr_at_3": 32.458999999999996, + "mrr_at_5": 34.631, + "ndcg_at_1": 23.782, + "ndcg_at_10": 42.492999999999995, + "ndcg_at_100": 47.985, + "ndcg_at_1000": 49.141, + "ndcg_at_3": 34.748000000000005, + "ndcg_at_5": 38.651, + "precision_at_1": 23.782, + "precision_at_10": 6.665, + "precision_at_100": 0.941, + "precision_at_1000": 0.104, + "precision_at_3": 14.776, + "precision_at_5": 10.84, + "recall_at_1": 23.132, + "recall_at_10": 63.794, + "recall_at_100": 89.027, + "recall_at_1000": 97.807, + "recall_at_3": 42.765, + "recall_at_5": 52.11, + "main_score": 42.492999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/MTOPDomainClassification.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/MTOPDomainClassification.json new file mode 100644 index 000000000..4c264fe75 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 94.59188326493388, + "f1": 94.3842594786827, + "main_score": 94.59188326493388 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/MTOPIntentClassification.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/MTOPIntentClassification.json new file mode 100644 index 000000000..3c3d897d3 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.49384404924761, + "f1": 59.7580539534629, + "main_score": 79.49384404924761 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/MassiveIntentClassification.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/MassiveIntentClassification.json new file mode 100644 index 000000000..3a63a41c7 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.56220578345663, + "f1": 75.27228165561478, + "main_score": 77.56220578345663 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/MassiveScenarioClassification.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..3f8ef4084 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.53463349024884, + "f1": 80.4893958236536, + "main_score": 80.53463349024884 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/MedrxivClusteringP2P.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..1d8a09a72 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.56100273484962, + "main_score": 32.56100273484962 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/MedrxivClusteringS2S.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..dc9720806 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.470380028839607, + "main_score": 31.470380028839607 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/MindSmallReranking.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/MindSmallReranking.json new file mode 100644 index 000000000..393853523 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 32.06102792457849, + "mrr": 33.30709199672238, + "main_score": 32.06102792457849 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/NFCorpus.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/NFCorpus.json new file mode 100644 index 000000000..0d557607a --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.776999999999999, + "map_at_10": 14.924000000000001, + "map_at_100": 18.955, + "map_at_1000": 20.538999999999998, + "map_at_3": 10.982, + "map_at_5": 12.679000000000002, + "mrr_at_1": 47.988, + "mrr_at_10": 57.232000000000006, + "mrr_at_100": 57.818999999999996, + "mrr_at_1000": 57.847, + "mrr_at_3": 54.901999999999994, + "mrr_at_5": 56.481, + "ndcg_at_1": 46.594, + "ndcg_at_10": 38.129000000000005, + "ndcg_at_100": 35.54, + "ndcg_at_1000": 44.172, + "ndcg_at_3": 43.025999999999996, + "ndcg_at_5": 41.052, + "precision_at_1": 47.988, + "precision_at_10": 28.111000000000004, + "precision_at_100": 8.929, + "precision_at_1000": 2.185, + "precision_at_3": 40.144000000000005, + "precision_at_5": 35.232, + "recall_at_1": 6.776999999999999, + "recall_at_10": 19.289, + "recall_at_100": 36.359, + "recall_at_1000": 67.54, + "recall_at_3": 11.869, + "recall_at_5": 14.999, + "main_score": 38.129000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/NQ.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/NQ.json new file mode 100644 index 000000000..bd0df5b6f --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.108000000000004, + "map_at_10": 47.126000000000005, + "map_at_100": 48.171, + "map_at_1000": 48.199, + "map_at_3": 42.734, + "map_at_5": 45.362, + "mrr_at_1": 34.936, + "mrr_at_10": 49.571, + "mrr_at_100": 50.345, + "mrr_at_1000": 50.363, + "mrr_at_3": 45.959, + "mrr_at_5": 48.165, + "ndcg_at_1": 34.936, + "ndcg_at_10": 55.028999999999996, + "ndcg_at_100": 59.244, + "ndcg_at_1000": 59.861, + "ndcg_at_3": 46.872, + "ndcg_at_5": 51.217999999999996, + "precision_at_1": 34.936, + "precision_at_10": 9.099, + "precision_at_100": 1.145, + "precision_at_1000": 0.12, + "precision_at_3": 21.456, + "precision_at_5": 15.411, + "recall_at_1": 31.108000000000004, + "recall_at_10": 76.53999999999999, + "recall_at_100": 94.39, + "recall_at_1000": 98.947, + "recall_at_3": 55.572, + "recall_at_5": 65.525, + "main_score": 55.028999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/QuoraRetrieval.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/QuoraRetrieval.json new file mode 100644 index 000000000..3fa9dbd51 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 71.56400000000001, + "map_at_10": 85.482, + "map_at_100": 86.114, + "map_at_1000": 86.13, + "map_at_3": 82.607, + "map_at_5": 84.405, + "mrr_at_1": 82.42, + "mrr_at_10": 88.304, + "mrr_at_100": 88.399, + "mrr_at_1000": 88.399, + "mrr_at_3": 87.37, + "mrr_at_5": 88.024, + "ndcg_at_1": 82.45, + "ndcg_at_10": 89.06500000000001, + "ndcg_at_100": 90.232, + "ndcg_at_1000": 90.305, + "ndcg_at_3": 86.375, + "ndcg_at_5": 87.85300000000001, + "precision_at_1": 82.45, + "precision_at_10": 13.486999999999998, + "precision_at_100": 1.534, + "precision_at_1000": 0.157, + "precision_at_3": 37.813, + "precision_at_5": 24.773999999999997, + "recall_at_1": 71.56400000000001, + "recall_at_10": 95.812, + "recall_at_100": 99.7, + "recall_at_1000": 99.979, + "recall_at_3": 87.966, + "recall_at_5": 92.268, + "main_score": 89.06500000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/RedditClustering.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/RedditClustering.json new file mode 100644 index 000000000..94b1ea690 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 57.241876648614145, + "main_score": 57.241876648614145 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/RedditClusteringP2P.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/RedditClusteringP2P.json new file mode 100644 index 000000000..739a75a1b --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 64.66212576446223, + "main_score": 64.66212576446223 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/SCIDOCS.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/SCIDOCS.json new file mode 100644 index 000000000..3c42b9064 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.308, + "map_at_10": 13.803, + "map_at_100": 16.176, + "map_at_1000": 16.561, + "map_at_3": 9.761000000000001, + "map_at_5": 11.802, + "mrr_at_1": 26.200000000000003, + "mrr_at_10": 37.621, + "mrr_at_100": 38.767, + "mrr_at_1000": 38.815, + "mrr_at_3": 34.117, + "mrr_at_5": 36.107, + "ndcg_at_1": 26.200000000000003, + "ndcg_at_10": 22.64, + "ndcg_at_100": 31.567, + "ndcg_at_1000": 37.623, + "ndcg_at_3": 21.435000000000002, + "ndcg_at_5": 18.87, + "precision_at_1": 26.200000000000003, + "precision_at_10": 11.74, + "precision_at_100": 2.465, + "precision_at_1000": 0.391, + "precision_at_3": 20.033, + "precision_at_5": 16.64, + "recall_at_1": 5.308, + "recall_at_10": 23.794999999999998, + "recall_at_100": 50.015, + "recall_at_1000": 79.283, + "recall_at_3": 12.178, + "recall_at_5": 16.882, + "main_score": 22.64 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/SICK-R.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/SICK-R.json new file mode 100644 index 000000000..3e4e715a1 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.93231134675553, + "cos_sim_spearman": 81.68319292603205, + "euclidean_pearson": 81.8396814380367, + "euclidean_spearman": 81.24641903349945, + "manhattan_pearson": 81.84698799204274, + "manhattan_spearman": 81.24269997904105, + "cosine_pearson": 84.93231134675553, + "cosine_spearman": 81.68319292603205, + "main_score": 81.68319292603205 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/STS12.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/STS12.json new file mode 100644 index 000000000..fdc886ca4 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.73241671587446, + "cos_sim_spearman": 79.05091082971826, + "euclidean_pearson": 83.91146869578044, + "euclidean_spearman": 79.87978465370936, + "manhattan_pearson": 83.90888338917678, + "manhattan_spearman": 79.87482848584241, + "cosine_pearson": 86.73241671587446, + "cosine_spearman": 79.05091082971826, + "main_score": 79.05091082971826 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/STS13.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/STS13.json new file mode 100644 index 000000000..a0c7b2fa7 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.14970731146177, + "cos_sim_spearman": 86.37363490084627, + "euclidean_pearson": 83.02154218530433, + "euclidean_spearman": 83.80258761957367, + "manhattan_pearson": 83.01664495119347, + "manhattan_spearman": 83.77567458007952, + "cosine_pearson": 85.14970731146177, + "cosine_spearman": 86.37363490084627, + "main_score": 86.37363490084627 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/STS14.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/STS14.json new file mode 100644 index 000000000..f6188fb41 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.40474139886784, + "cos_sim_spearman": 82.77768789165984, + "euclidean_pearson": 80.7065877443695, + "euclidean_spearman": 81.375940662505, + "manhattan_pearson": 80.6507552270278, + "manhattan_spearman": 81.32782179098741, + "cosine_pearson": 83.40474139886784, + "cosine_spearman": 82.77768789165984, + "main_score": 82.77768789165984 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/STS15.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/STS15.json new file mode 100644 index 000000000..29519a919 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.08585968722274, + "cos_sim_spearman": 88.03110031451399, + "euclidean_pearson": 85.74012019602384, + "euclidean_spearman": 86.13592849438209, + "manhattan_pearson": 85.74404842369206, + "manhattan_spearman": 86.14492318960154, + "cosine_pearson": 87.08585968722274, + "cosine_spearman": 88.03110031451399, + "main_score": 88.03110031451399 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/STS16.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/STS16.json new file mode 100644 index 000000000..612cb58d9 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.95069052788875, + "cos_sim_spearman": 86.4867991595147, + "euclidean_pearson": 84.31013325754635, + "euclidean_spearman": 85.01529258006482, + "manhattan_pearson": 84.26995570085374, + "manhattan_spearman": 84.96982104986162, + "cosine_pearson": 84.95069052788875, + "cosine_spearman": 86.4867991595147, + "main_score": 86.4867991595147 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/STS17.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/STS17.json new file mode 100644 index 000000000..aaa0e1620 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.54617647971897, + "cos_sim_spearman": 87.49834181751034, + "euclidean_pearson": 86.01015322577122, + "euclidean_spearman": 84.63362652063199, + "manhattan_pearson": 86.13807574475706, + "manhattan_spearman": 84.7772370721132, + "cosine_pearson": 87.54617647971897, + "cosine_spearman": 87.49834181751034, + "main_score": 87.49834181751034 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/STS22.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/STS22.json new file mode 100644 index 000000000..ff077007c --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 67.20047755786615, + "cos_sim_spearman": 67.05324077987636, + "euclidean_pearson": 66.91930642976601, + "euclidean_spearman": 65.21491856099105, + "manhattan_pearson": 66.78756851976624, + "manhattan_spearman": 65.12356257740728, + "cosine_pearson": 67.20047755786615, + "cosine_spearman": 67.05324077987636, + "main_score": 67.05324077987636 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/STSBenchmark.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/STSBenchmark.json new file mode 100644 index 000000000..bcc00d565 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.19852871539686, + "cos_sim_spearman": 87.5161895296395, + "euclidean_pearson": 84.59848645207485, + "euclidean_spearman": 85.26427328757919, + "manhattan_pearson": 84.59747366996524, + "manhattan_spearman": 85.24045855146915, + "cosine_pearson": 86.19852871539686, + "cosine_spearman": 87.5161895296395, + "main_score": 87.5161895296395 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/SciDocsRR.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/SciDocsRR.json new file mode 100644 index 000000000..de899c793 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 87.63320317811032, + "mrr": 96.26242947321379, + "main_score": 87.63320317811032 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/SciFact.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/SciFact.json new file mode 100644 index 000000000..81756554f --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 60.928000000000004, + "map_at_10": 70.112, + "map_at_100": 70.59299999999999, + "map_at_1000": 70.623, + "map_at_3": 66.846, + "map_at_5": 68.447, + "mrr_at_1": 64.0, + "mrr_at_10": 71.212, + "mrr_at_100": 71.616, + "mrr_at_1000": 71.64500000000001, + "mrr_at_3": 68.77799999999999, + "mrr_at_5": 70.094, + "ndcg_at_1": 64.0, + "ndcg_at_10": 74.607, + "ndcg_at_100": 76.416, + "ndcg_at_1000": 77.102, + "ndcg_at_3": 69.126, + "ndcg_at_5": 71.41300000000001, + "precision_at_1": 64.0, + "precision_at_10": 9.933, + "precision_at_100": 1.077, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 26.556, + "precision_at_5": 17.467, + "recall_at_1": 60.928000000000004, + "recall_at_10": 87.322, + "recall_at_100": 94.833, + "recall_at_1000": 100.0, + "recall_at_3": 72.628, + "recall_at_5": 78.428, + "main_score": 74.607 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/SprintDuplicateQuestions.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..7990e03bd --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.86237623762376, + "cos_sim_ap": 96.72586477206649, + "cos_sim_f1": 93.01858362631845, + "cos_sim_precision": 93.4409687184662, + "cos_sim_recall": 92.60000000000001, + "dot_accuracy": 99.78019801980199, + "dot_ap": 93.72748205246228, + "dot_f1": 89.04109589041096, + "dot_precision": 87.16475095785441, + "dot_recall": 91.0, + "euclidean_accuracy": 99.85445544554456, + "euclidean_ap": 96.6661459876145, + "euclidean_f1": 92.58337481333997, + "euclidean_precision": 92.17046580773042, + "euclidean_recall": 93.0, + "manhattan_accuracy": 99.85445544554456, + "manhattan_ap": 96.6883549244056, + "manhattan_f1": 92.57598405580468, + "manhattan_precision": 92.25422045680239, + "manhattan_recall": 92.9, + "max_accuracy": 99.86237623762376, + "max_ap": 96.72586477206649, + "max_f1": 93.01858362631845, + "main_score": 96.72586477206649 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/StackExchangeClustering.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/StackExchangeClustering.json new file mode 100644 index 000000000..811a1dcc2 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 66.39930057069995, + "main_score": 66.39930057069995 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/StackExchangeClusteringP2P.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..bc57100ba --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.96398659903402, + "main_score": 34.96398659903402 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/StackOverflowDupQuestions.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..6f458ee6e --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 55.946944700355395, + "mrr": 56.97151398438164, + "main_score": 55.946944700355395 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/SummEval.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/SummEval.json new file mode 100644 index 000000000..4094b2845 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.541657650692905, + "cos_sim_spearman": 31.605804192286303, + "dot_pearson": 28.26905996736398, + "dot_spearman": 27.864801765851187, + "cosine_pearson": 31.541657650692905, + "cosine_spearman": 31.605804192286303, + "main_score": 31.605804192286303 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/TRECCOVID.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/TRECCOVID.json new file mode 100644 index 000000000..d2ec899ce --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.22599999999999998, + "map_at_10": 1.8870000000000002, + "map_at_100": 9.78, + "map_at_1000": 22.514, + "map_at_3": 0.6669999999999999, + "map_at_5": 1.077, + "mrr_at_1": 82.0, + "mrr_at_10": 89.86699999999999, + "mrr_at_100": 89.86699999999999, + "mrr_at_1000": 89.86699999999999, + "mrr_at_3": 89.667, + "mrr_at_5": 89.667, + "ndcg_at_1": 79.0, + "ndcg_at_10": 74.818, + "ndcg_at_100": 53.715999999999994, + "ndcg_at_1000": 47.082, + "ndcg_at_3": 82.134, + "ndcg_at_5": 79.81899999999999, + "precision_at_1": 82.0, + "precision_at_10": 78.0, + "precision_at_100": 54.48, + "precision_at_1000": 20.518, + "precision_at_3": 87.333, + "precision_at_5": 85.2, + "recall_at_1": 0.22599999999999998, + "recall_at_10": 2.072, + "recall_at_100": 13.013, + "recall_at_1000": 43.462, + "recall_at_3": 0.695, + "recall_at_5": 1.139, + "main_score": 74.818 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/Touche2020.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/Touche2020.json new file mode 100644 index 000000000..4e42886db --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.328, + "map_at_10": 9.795, + "map_at_100": 15.801000000000002, + "map_at_1000": 17.23, + "map_at_3": 4.734, + "map_at_5": 6.644, + "mrr_at_1": 30.612000000000002, + "mrr_at_10": 46.902, + "mrr_at_100": 47.495, + "mrr_at_1000": 47.495, + "mrr_at_3": 41.156, + "mrr_at_5": 44.218, + "ndcg_at_1": 28.571, + "ndcg_at_10": 24.806, + "ndcg_at_100": 36.419000000000004, + "ndcg_at_1000": 47.272999999999996, + "ndcg_at_3": 25.666, + "ndcg_at_5": 25.448999999999998, + "precision_at_1": 30.612000000000002, + "precision_at_10": 23.061, + "precision_at_100": 7.714, + "precision_at_1000": 1.484, + "precision_at_3": 26.531, + "precision_at_5": 26.122, + "recall_at_1": 2.328, + "recall_at_10": 16.524, + "recall_at_100": 47.179, + "recall_at_1000": 81.22200000000001, + "recall_at_3": 5.745, + "recall_at_5": 9.339, + "main_score": 24.806 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/ToxicConversationsClassification.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..a1bb4e3a3 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.9142, + "ap": 14.335574772555415, + "f1": 54.62839595194111, + "main_score": 70.9142 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/TweetSentimentExtractionClassification.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..4d6df3be5 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 59.94340690435768, + "f1": 60.286487936731916, + "main_score": 59.94340690435768 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/TwentyNewsgroupsClustering.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..017b5c503 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 51.26597708987974, + "main_score": 51.26597708987974 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/TwitterSemEval2015.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/TwitterSemEval2015.json new file mode 100644 index 000000000..221ac4747 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 87.48882398521786, + "cos_sim_ap": 79.04326607602204, + "cos_sim_f1": 71.64566826860633, + "cos_sim_precision": 70.55512918905092, + "cos_sim_recall": 72.77044854881267, + "dot_accuracy": 84.19264469213805, + "dot_ap": 67.96360043562528, + "dot_f1": 64.06418393006827, + "dot_precision": 58.64941898706424, + "dot_recall": 70.58047493403694, + "euclidean_accuracy": 87.45902127913214, + "euclidean_ap": 78.9742237648272, + "euclidean_f1": 71.5553235908142, + "euclidean_precision": 70.77955601445535, + "euclidean_recall": 72.34828496042216, + "manhattan_accuracy": 87.41729749061214, + "manhattan_ap": 78.90073137580596, + "manhattan_f1": 71.3942611553533, + "manhattan_precision": 68.52705653967483, + "manhattan_recall": 74.51187335092348, + "max_accuracy": 87.48882398521786, + "max_ap": 79.04326607602204, + "max_f1": 71.64566826860633, + "main_score": 79.04326607602204 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/TwitterURLCorpus.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/TwitterURLCorpus.json new file mode 100644 index 000000000..80fd92942 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.68125897465751, + "cos_sim_ap": 85.6003454431979, + "cos_sim_f1": 77.6957163958641, + "cos_sim_precision": 73.0110366307807, + "cos_sim_recall": 83.02279026793964, + "dot_accuracy": 87.7672992587418, + "dot_ap": 82.4971301112899, + "dot_f1": 75.90528233151184, + "dot_precision": 72.0370626469368, + "dot_recall": 80.21250384970742, + "euclidean_accuracy": 88.4503434625684, + "euclidean_ap": 84.91949884748384, + "euclidean_f1": 76.92365018444684, + "euclidean_precision": 74.53245721712759, + "euclidean_recall": 79.47336002463813, + "manhattan_accuracy": 88.47556952691427, + "manhattan_ap": 84.8963689101517, + "manhattan_f1": 76.85901249256395, + "manhattan_precision": 74.31693989071039, + "manhattan_recall": 79.58115183246073, + "max_accuracy": 88.68125897465751, + "max_ap": 85.6003454431979, + "max_f1": 77.6957163958641, + "main_score": 85.6003454431979 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/model_meta.json b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/model_meta.json new file mode 100644 index 000000000..a24c45abd --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-large-en-v1.5/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "michaelfeil/ct2fast-bge-large-en-v1.5", + "revision": "050c31bafe5347bffd3a67fe3d5bd1bf2f381e53", + "release_date": "2023-10-13", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 1024, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/AmazonCounterfactualClassification.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..3cdf82e1e --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.79104477611939, + "ap": 37.21923821573361, + "f1": 68.0914945617093, + "main_score": 73.79104477611939 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/AmazonPolarityClassification.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..cc0889b72 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.75377499999999, + "ap": 89.46766124546022, + "f1": 92.73884001331487, + "main_score": 92.75377499999999 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/AmazonReviewsClassification.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..caf2f79ec --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 46.986, + "f1": 46.55936786727896, + "main_score": 46.986 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/ArguAna.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/ArguAna.json new file mode 100644 index 000000000..16d68f098 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 35.846000000000004, + "map_at_10": 51.388, + "map_at_100": 52.132999999999996, + "map_at_1000": 52.141000000000005, + "map_at_3": 47.037, + "map_at_5": 49.579, + "mrr_at_1": 36.558, + "mrr_at_10": 51.658, + "mrr_at_100": 52.402, + "mrr_at_1000": 52.410000000000004, + "mrr_at_3": 47.345, + "mrr_at_5": 49.797999999999995, + "ndcg_at_1": 35.846000000000004, + "ndcg_at_10": 59.550000000000004, + "ndcg_at_100": 62.596, + "ndcg_at_1000": 62.759, + "ndcg_at_3": 50.666999999999994, + "ndcg_at_5": 55.228, + "precision_at_1": 35.846000000000004, + "precision_at_10": 8.542, + "precision_at_100": 0.984, + "precision_at_1000": 0.1, + "precision_at_3": 20.389, + "precision_at_5": 14.438, + "recall_at_1": 35.846000000000004, + "recall_at_10": 85.42, + "recall_at_100": 98.43499999999999, + "recall_at_1000": 99.644, + "recall_at_3": 61.166, + "recall_at_5": 72.191, + "main_score": 59.550000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/ArxivClusteringP2P.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..464de0e45 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 47.402770198163594, + "main_score": 47.402770198163594 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/ArxivClusteringS2S.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..c34dd98b1 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.01545436974177, + "main_score": 40.01545436974177 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/AskUbuntuDupQuestions.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..e9eecfdb5 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 62.586465273207196, + "mrr": 74.42169019038825, + "main_score": 62.586465273207196 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/BIOSSES.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/BIOSSES.json new file mode 100644 index 000000000..65f192199 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.1891186537969, + "cos_sim_spearman": 83.75492046087288, + "euclidean_pearson": 84.11766204805357, + "euclidean_spearman": 84.01456493126516, + "manhattan_pearson": 84.2132950502772, + "manhattan_spearman": 83.89227298813377, + "cosine_pearson": 85.1891186537969, + "cosine_spearman": 83.75492046087288, + "main_score": 83.75492046087288 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/Banking77Classification.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/Banking77Classification.json new file mode 100644 index 000000000..90a96897c --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 85.74025974025975, + "f1": 85.71493566466381, + "main_score": 85.74025974025975 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/BiorxivClusteringP2P.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..ba4bc05b6 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.467181385006434, + "main_score": 38.467181385006434 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/BiorxivClusteringS2S.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..eb69d2b71 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.719496037339056, + "main_score": 34.719496037339056 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/CQADupstackAndroidRetrieval.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..694e191a9 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.587000000000003, + "map_at_10": 41.114, + "map_at_100": 42.532, + "map_at_1000": 42.661, + "map_at_3": 37.483, + "map_at_5": 39.652, + "mrr_at_1": 36.338, + "mrr_at_10": 46.763, + "mrr_at_100": 47.393, + "mrr_at_1000": 47.445, + "mrr_at_3": 43.538, + "mrr_at_5": 45.556000000000004, + "ndcg_at_1": 36.338, + "ndcg_at_10": 47.658, + "ndcg_at_100": 52.824000000000005, + "ndcg_at_1000": 54.913999999999994, + "ndcg_at_3": 41.989, + "ndcg_at_5": 44.944, + "precision_at_1": 36.338, + "precision_at_10": 9.156, + "precision_at_100": 1.4789999999999999, + "precision_at_1000": 0.196, + "precision_at_3": 20.076, + "precision_at_5": 14.85, + "recall_at_1": 29.587000000000003, + "recall_at_10": 60.746, + "recall_at_100": 82.157, + "recall_at_1000": 95.645, + "recall_at_3": 44.821, + "recall_at_5": 52.819, + "main_score": 47.658 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.239, + "map_at_10": 39.989000000000004, + "map_at_100": 41.196, + "map_at_1000": 41.325, + "map_at_3": 37.261, + "map_at_5": 38.833, + "mrr_at_1": 37.516, + "mrr_at_10": 46.177, + "mrr_at_100": 46.806, + "mrr_at_1000": 46.849000000000004, + "mrr_at_3": 44.002, + "mrr_at_5": 45.34, + "ndcg_at_1": 37.516, + "ndcg_at_10": 45.586, + "ndcg_at_100": 49.897000000000006, + "ndcg_at_1000": 51.955, + "ndcg_at_3": 41.684, + "ndcg_at_5": 43.617, + "precision_at_1": 37.516, + "precision_at_10": 8.522, + "precision_at_100": 1.374, + "precision_at_1000": 0.184, + "precision_at_3": 20.105999999999998, + "precision_at_5": 14.152999999999999, + "recall_at_1": 30.239, + "recall_at_10": 55.03, + "recall_at_100": 73.375, + "recall_at_1000": 86.29599999999999, + "recall_at_3": 43.269000000000005, + "recall_at_5": 48.878, + "main_score": 45.586 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.338, + "map_at_10": 50.468999999999994, + "map_at_100": 51.553000000000004, + "map_at_1000": 51.608, + "map_at_3": 47.107, + "map_at_5": 49.101, + "mrr_at_1": 44.201, + "mrr_at_10": 54.057, + "mrr_at_100": 54.764, + "mrr_at_1000": 54.791000000000004, + "mrr_at_3": 51.56699999999999, + "mrr_at_5": 53.05, + "ndcg_at_1": 44.201, + "ndcg_at_10": 56.379000000000005, + "ndcg_at_100": 60.645, + "ndcg_at_1000": 61.73499999999999, + "ndcg_at_3": 50.726000000000006, + "ndcg_at_5": 53.58500000000001, + "precision_at_1": 44.201, + "precision_at_10": 9.141, + "precision_at_100": 1.216, + "precision_at_1000": 0.135, + "precision_at_3": 22.654, + "precision_at_5": 15.723999999999998, + "recall_at_1": 38.338, + "recall_at_10": 70.30499999999999, + "recall_at_100": 88.77199999999999, + "recall_at_1000": 96.49799999999999, + "recall_at_3": 55.218, + "recall_at_5": 62.104000000000006, + "main_score": 56.379000000000005 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.682, + "map_at_10": 33.498, + "map_at_100": 34.461000000000006, + "map_at_1000": 34.544000000000004, + "map_at_3": 30.503999999999998, + "map_at_5": 32.216, + "mrr_at_1": 27.683999999999997, + "mrr_at_10": 35.467999999999996, + "mrr_at_100": 36.32, + "mrr_at_1000": 36.386, + "mrr_at_3": 32.618, + "mrr_at_5": 34.262, + "ndcg_at_1": 27.683999999999997, + "ndcg_at_10": 38.378, + "ndcg_at_100": 43.288, + "ndcg_at_1000": 45.413, + "ndcg_at_3": 32.586, + "ndcg_at_5": 35.499, + "precision_at_1": 27.683999999999997, + "precision_at_10": 5.864, + "precision_at_100": 0.882, + "precision_at_1000": 0.11, + "precision_at_3": 13.446, + "precision_at_5": 9.718, + "recall_at_1": 25.682, + "recall_at_10": 51.712, + "recall_at_100": 74.446, + "recall_at_1000": 90.472, + "recall_at_3": 36.236000000000004, + "recall_at_5": 43.234, + "main_score": 38.378 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.073999999999998, + "map_at_10": 24.352999999999998, + "map_at_100": 25.438, + "map_at_1000": 25.545, + "map_at_3": 21.614, + "map_at_5": 23.104, + "mrr_at_1": 19.776, + "mrr_at_10": 28.837000000000003, + "mrr_at_100": 29.755, + "mrr_at_1000": 29.817, + "mrr_at_3": 26.201999999999998, + "mrr_at_5": 27.714, + "ndcg_at_1": 19.776, + "ndcg_at_10": 29.701, + "ndcg_at_100": 35.307, + "ndcg_at_1000": 37.942, + "ndcg_at_3": 24.764, + "ndcg_at_5": 27.025, + "precision_at_1": 19.776, + "precision_at_10": 5.659, + "precision_at_100": 0.971, + "precision_at_1000": 0.133, + "precision_at_3": 12.065, + "precision_at_5": 8.905000000000001, + "recall_at_1": 16.073999999999998, + "recall_at_10": 41.647, + "recall_at_100": 66.884, + "recall_at_1000": 85.91499999999999, + "recall_at_3": 27.916, + "recall_at_5": 33.729, + "main_score": 29.701 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.444999999999997, + "map_at_10": 38.218999999999994, + "map_at_100": 39.595, + "map_at_1000": 39.709, + "map_at_3": 35.586, + "map_at_5": 36.895, + "mrr_at_1": 34.841, + "mrr_at_10": 44.106, + "mrr_at_100": 44.98, + "mrr_at_1000": 45.03, + "mrr_at_3": 41.979, + "mrr_at_5": 43.047999999999995, + "ndcg_at_1": 34.841, + "ndcg_at_10": 43.922, + "ndcg_at_100": 49.504999999999995, + "ndcg_at_1000": 51.675000000000004, + "ndcg_at_3": 39.858, + "ndcg_at_5": 41.408, + "precision_at_1": 34.841, + "precision_at_10": 7.872999999999999, + "precision_at_100": 1.2449999999999999, + "precision_at_1000": 0.161, + "precision_at_3": 18.993, + "precision_at_5": 13.032, + "recall_at_1": 28.444999999999997, + "recall_at_10": 54.984, + "recall_at_100": 78.342, + "recall_at_1000": 92.77, + "recall_at_3": 42.842999999999996, + "recall_at_5": 47.247, + "main_score": 43.922 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.072, + "map_at_10": 32.354, + "map_at_100": 33.800000000000004, + "map_at_1000": 33.908, + "map_at_3": 29.232000000000003, + "map_at_5": 31.049, + "mrr_at_1": 29.110000000000003, + "mrr_at_10": 38.03, + "mrr_at_100": 39.032, + "mrr_at_1000": 39.086999999999996, + "mrr_at_3": 35.407, + "mrr_at_5": 36.76, + "ndcg_at_1": 29.110000000000003, + "ndcg_at_10": 38.231, + "ndcg_at_100": 44.425, + "ndcg_at_1000": 46.771, + "ndcg_at_3": 33.095, + "ndcg_at_5": 35.459, + "precision_at_1": 29.110000000000003, + "precision_at_10": 7.215000000000001, + "precision_at_100": 1.2109999999999999, + "precision_at_1000": 0.157, + "precision_at_3": 16.058, + "precision_at_5": 11.644, + "recall_at_1": 23.072, + "recall_at_10": 50.285999999999994, + "recall_at_100": 76.596, + "recall_at_1000": 92.861, + "recall_at_3": 35.702, + "recall_at_5": 42.152, + "main_score": 38.231 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.937916666666666, + "map_at_10": 33.755250000000004, + "map_at_100": 34.955999999999996, + "map_at_1000": 35.070499999999996, + "map_at_3": 30.98708333333333, + "map_at_5": 32.51491666666666, + "mrr_at_1": 29.48708333333333, + "mrr_at_10": 37.92183333333334, + "mrr_at_100": 38.76583333333333, + "mrr_at_1000": 38.82466666666667, + "mrr_at_3": 35.45125, + "mrr_at_5": 36.827000000000005, + "ndcg_at_1": 29.48708333333333, + "ndcg_at_10": 39.05225, + "ndcg_at_100": 44.25983333333334, + "ndcg_at_1000": 46.568333333333335, + "ndcg_at_3": 34.271583333333325, + "ndcg_at_5": 36.483916666666666, + "precision_at_1": 29.48708333333333, + "precision_at_10": 6.865749999999999, + "precision_at_100": 1.1195833333333332, + "precision_at_1000": 0.15058333333333335, + "precision_at_3": 15.742083333333333, + "precision_at_5": 11.221916666666667, + "recall_at_1": 24.937916666666666, + "recall_at_10": 50.650416666666665, + "recall_at_100": 73.55383333333334, + "recall_at_1000": 89.61691666666667, + "recall_at_3": 37.27808333333334, + "recall_at_5": 42.99475, + "main_score": 39.05225 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.947, + "map_at_10": 30.575000000000003, + "map_at_100": 31.465, + "map_at_1000": 31.558000000000003, + "map_at_3": 28.814, + "map_at_5": 29.738999999999997, + "mrr_at_1": 26.994, + "mrr_at_10": 33.415, + "mrr_at_100": 34.18, + "mrr_at_1000": 34.245, + "mrr_at_3": 31.621, + "mrr_at_5": 32.549, + "ndcg_at_1": 26.994, + "ndcg_at_10": 34.482, + "ndcg_at_100": 38.915, + "ndcg_at_1000": 41.355, + "ndcg_at_3": 31.139, + "ndcg_at_5": 32.589, + "precision_at_1": 26.994, + "precision_at_10": 5.322, + "precision_at_100": 0.8160000000000001, + "precision_at_1000": 0.11100000000000002, + "precision_at_3": 13.344000000000001, + "precision_at_5": 8.988, + "recall_at_1": 23.947, + "recall_at_10": 43.647999999999996, + "recall_at_100": 63.851, + "recall_at_1000": 82.0, + "recall_at_3": 34.288000000000004, + "recall_at_5": 38.117000000000004, + "main_score": 34.482 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.197, + "map_at_10": 22.968, + "map_at_100": 24.095, + "map_at_1000": 24.217, + "map_at_3": 20.771, + "map_at_5": 21.995, + "mrr_at_1": 19.511, + "mrr_at_10": 26.55, + "mrr_at_100": 27.500999999999998, + "mrr_at_1000": 27.578999999999997, + "mrr_at_3": 24.421, + "mrr_at_5": 25.604, + "ndcg_at_1": 19.511, + "ndcg_at_10": 27.386, + "ndcg_at_100": 32.828, + "ndcg_at_1000": 35.739, + "ndcg_at_3": 23.405, + "ndcg_at_5": 25.255, + "precision_at_1": 19.511, + "precision_at_10": 5.017, + "precision_at_100": 0.91, + "precision_at_1000": 0.133, + "precision_at_3": 11.023, + "precision_at_5": 8.025, + "recall_at_1": 16.197, + "recall_at_10": 37.09, + "recall_at_100": 61.778, + "recall_at_1000": 82.56599999999999, + "recall_at_3": 26.034000000000002, + "recall_at_5": 30.762, + "main_score": 27.386 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.41, + "map_at_10": 33.655, + "map_at_100": 34.892, + "map_at_1000": 34.995, + "map_at_3": 30.94, + "map_at_5": 32.303, + "mrr_at_1": 29.477999999999998, + "mrr_at_10": 37.443, + "mrr_at_100": 38.383, + "mrr_at_1000": 38.440000000000005, + "mrr_at_3": 34.949999999999996, + "mrr_at_5": 36.228, + "ndcg_at_1": 29.477999999999998, + "ndcg_at_10": 38.769, + "ndcg_at_100": 44.245000000000005, + "ndcg_at_1000": 46.593, + "ndcg_at_3": 33.623, + "ndcg_at_5": 35.766, + "precision_at_1": 29.477999999999998, + "precision_at_10": 6.455, + "precision_at_100": 1.032, + "precision_at_1000": 0.135, + "precision_at_3": 14.893999999999998, + "precision_at_5": 10.485, + "recall_at_1": 25.41, + "recall_at_10": 50.669, + "recall_at_100": 74.084, + "recall_at_1000": 90.435, + "recall_at_3": 36.679, + "recall_at_5": 41.94, + "main_score": 38.769 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.339, + "map_at_10": 31.852000000000004, + "map_at_100": 33.411, + "map_at_1000": 33.62, + "map_at_3": 28.929, + "map_at_5": 30.542, + "mrr_at_1": 28.063, + "mrr_at_10": 36.301, + "mrr_at_100": 37.288, + "mrr_at_1000": 37.349, + "mrr_at_3": 33.663, + "mrr_at_5": 35.165, + "ndcg_at_1": 28.063, + "ndcg_at_10": 37.462, + "ndcg_at_100": 43.620999999999995, + "ndcg_at_1000": 46.211, + "ndcg_at_3": 32.68, + "ndcg_at_5": 34.981, + "precision_at_1": 28.063, + "precision_at_10": 7.1739999999999995, + "precision_at_100": 1.486, + "precision_at_1000": 0.23500000000000001, + "precision_at_3": 15.217, + "precision_at_5": 11.265, + "recall_at_1": 23.339, + "recall_at_10": 48.376999999999995, + "recall_at_100": 76.053, + "recall_at_1000": 92.455, + "recall_at_3": 34.735, + "recall_at_5": 40.71, + "main_score": 37.462 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.925, + "map_at_10": 26.017000000000003, + "map_at_100": 27.034000000000002, + "map_at_1000": 27.156000000000002, + "map_at_3": 23.604, + "map_at_5": 24.75, + "mrr_at_1": 20.333000000000002, + "mrr_at_10": 27.915, + "mrr_at_100": 28.788000000000004, + "mrr_at_1000": 28.877999999999997, + "mrr_at_3": 25.446999999999996, + "mrr_at_5": 26.648, + "ndcg_at_1": 20.333000000000002, + "ndcg_at_10": 30.673000000000002, + "ndcg_at_100": 35.618, + "ndcg_at_1000": 38.517, + "ndcg_at_3": 25.71, + "ndcg_at_5": 27.679, + "precision_at_1": 20.333000000000002, + "precision_at_10": 4.9910000000000005, + "precision_at_100": 0.8130000000000001, + "precision_at_1000": 0.117, + "precision_at_3": 11.029, + "precision_at_5": 7.8740000000000006, + "recall_at_1": 18.925, + "recall_at_10": 43.311, + "recall_at_100": 66.308, + "recall_at_1000": 87.49, + "recall_at_3": 29.596, + "recall_at_5": 34.245, + "main_score": 30.673000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/ClimateFEVER.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/ClimateFEVER.json new file mode 100644 index 000000000..8d604ca3d --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 13.714, + "map_at_10": 23.194, + "map_at_100": 24.976000000000003, + "map_at_1000": 25.166, + "map_at_3": 19.709, + "map_at_5": 21.523999999999997, + "mrr_at_1": 30.619000000000003, + "mrr_at_10": 42.563, + "mrr_at_100": 43.386, + "mrr_at_1000": 43.423, + "mrr_at_3": 39.555, + "mrr_at_5": 41.268, + "ndcg_at_1": 30.619000000000003, + "ndcg_at_10": 31.836, + "ndcg_at_100": 38.652, + "ndcg_at_1000": 42.088, + "ndcg_at_3": 26.733, + "ndcg_at_5": 28.435, + "precision_at_1": 30.619000000000003, + "precision_at_10": 9.751999999999999, + "precision_at_100": 1.71, + "precision_at_1000": 0.23500000000000001, + "precision_at_3": 19.935, + "precision_at_5": 14.984, + "recall_at_1": 13.714, + "recall_at_10": 37.26, + "recall_at_100": 60.546, + "recall_at_1000": 79.899, + "recall_at_3": 24.325, + "recall_at_5": 29.725, + "main_score": 31.836 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/DBPedia.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/DBPedia.json new file mode 100644 index 000000000..b293dc046 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.462, + "map_at_10": 18.637, + "map_at_100": 26.131999999999998, + "map_at_1000": 27.607, + "map_at_3": 13.333, + "map_at_5": 15.654000000000002, + "mrr_at_1": 66.25, + "mrr_at_10": 74.32600000000001, + "mrr_at_100": 74.60900000000001, + "mrr_at_1000": 74.62, + "mrr_at_3": 72.667, + "mrr_at_5": 73.817, + "ndcg_at_1": 53.87499999999999, + "ndcg_at_10": 40.028999999999996, + "ndcg_at_100": 44.199, + "ndcg_at_1000": 51.629999999999995, + "ndcg_at_3": 44.113, + "ndcg_at_5": 41.731, + "precision_at_1": 66.25, + "precision_at_10": 31.900000000000002, + "precision_at_100": 10.043000000000001, + "precision_at_1000": 1.926, + "precision_at_3": 47.417, + "precision_at_5": 40.65, + "recall_at_1": 8.462, + "recall_at_10": 24.293, + "recall_at_100": 50.146, + "recall_at_1000": 74.034, + "recall_at_3": 14.967, + "recall_at_5": 18.682000000000002, + "main_score": 40.028999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/EmotionClassification.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/EmotionClassification.json new file mode 100644 index 000000000..e978108ab --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 47.84499999999999, + "f1": 42.48106691979349, + "main_score": 47.84499999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/FEVER.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/FEVER.json new file mode 100644 index 000000000..20cb1c252 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 74.034, + "map_at_10": 82.76, + "map_at_100": 82.968, + "map_at_1000": 82.98299999999999, + "map_at_3": 81.768, + "map_at_5": 82.418, + "mrr_at_1": 80.048, + "mrr_at_10": 87.64999999999999, + "mrr_at_100": 87.712, + "mrr_at_1000": 87.713, + "mrr_at_3": 87.01100000000001, + "mrr_at_5": 87.466, + "ndcg_at_1": 80.048, + "ndcg_at_10": 86.643, + "ndcg_at_100": 87.361, + "ndcg_at_1000": 87.606, + "ndcg_at_3": 85.137, + "ndcg_at_5": 86.016, + "precision_at_1": 80.048, + "precision_at_10": 10.372, + "precision_at_100": 1.093, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 32.638, + "precision_at_5": 20.177, + "recall_at_1": 74.034, + "recall_at_10": 93.769, + "recall_at_100": 96.569, + "recall_at_1000": 98.039, + "recall_at_3": 89.581, + "recall_at_5": 91.906, + "main_score": 86.643 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/FiQA2018.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/FiQA2018.json new file mode 100644 index 000000000..0a00920bf --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.5, + "map_at_10": 32.857, + "map_at_100": 34.589, + "map_at_1000": 34.778, + "map_at_3": 29.160999999999998, + "map_at_5": 31.033, + "mrr_at_1": 40.123, + "mrr_at_10": 48.776, + "mrr_at_100": 49.495, + "mrr_at_1000": 49.539, + "mrr_at_3": 46.605000000000004, + "mrr_at_5": 47.654, + "ndcg_at_1": 40.123, + "ndcg_at_10": 40.343, + "ndcg_at_100": 46.56, + "ndcg_at_1000": 49.777, + "ndcg_at_3": 37.322, + "ndcg_at_5": 37.791000000000004, + "precision_at_1": 40.123, + "precision_at_10": 11.08, + "precision_at_100": 1.752, + "precision_at_1000": 0.232, + "precision_at_3": 24.897, + "precision_at_5": 17.809, + "recall_at_1": 20.5, + "recall_at_10": 46.388, + "recall_at_100": 69.552, + "recall_at_1000": 89.011, + "recall_at_3": 33.617999999999995, + "recall_at_5": 38.211, + "main_score": 40.343 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/HotpotQA.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/HotpotQA.json new file mode 100644 index 000000000..afa6cdf6c --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 39.135999999999996, + "map_at_10": 61.673, + "map_at_100": 62.562, + "map_at_1000": 62.62, + "map_at_3": 58.467999999999996, + "map_at_5": 60.463, + "mrr_at_1": 78.271, + "mrr_at_10": 84.119, + "mrr_at_100": 84.29299999999999, + "mrr_at_1000": 84.299, + "mrr_at_3": 83.18900000000001, + "mrr_at_5": 83.786, + "ndcg_at_1": 78.271, + "ndcg_at_10": 69.935, + "ndcg_at_100": 73.01299999999999, + "ndcg_at_1000": 74.126, + "ndcg_at_3": 65.388, + "ndcg_at_5": 67.906, + "precision_at_1": 78.271, + "precision_at_10": 14.562, + "precision_at_100": 1.6969999999999998, + "precision_at_1000": 0.184, + "precision_at_3": 41.841, + "precision_at_5": 27.087, + "recall_at_1": 39.135999999999996, + "recall_at_10": 72.809, + "recall_at_100": 84.86200000000001, + "recall_at_1000": 92.208, + "recall_at_3": 62.76199999999999, + "recall_at_5": 67.718, + "main_score": 69.935 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/ImdbClassification.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/ImdbClassification.json new file mode 100644 index 000000000..956f20f99 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 90.60600000000001, + "ap": 86.6579587804335, + "f1": 90.5938853929307, + "main_score": 90.60600000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/MSMARCO.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/MSMARCO.json new file mode 100644 index 000000000..8a58339c2 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.852, + "map_at_10": 33.982, + "map_at_100": 35.116, + "map_at_1000": 35.167, + "map_at_3": 30.134, + "map_at_5": 32.340999999999994, + "mrr_at_1": 22.479, + "mrr_at_10": 34.594, + "mrr_at_100": 35.672, + "mrr_at_1000": 35.716, + "mrr_at_3": 30.84, + "mrr_at_5": 32.998, + "ndcg_at_1": 22.493, + "ndcg_at_10": 40.833000000000006, + "ndcg_at_100": 46.357, + "ndcg_at_1000": 47.637, + "ndcg_at_3": 32.995999999999995, + "ndcg_at_5": 36.919000000000004, + "precision_at_1": 22.493, + "precision_at_10": 6.465999999999999, + "precision_at_100": 0.9249999999999999, + "precision_at_1000": 0.104, + "precision_at_3": 14.030999999999999, + "precision_at_5": 10.413, + "recall_at_1": 21.852, + "recall_at_10": 61.934999999999995, + "recall_at_100": 87.611, + "recall_at_1000": 97.441, + "recall_at_3": 40.583999999999996, + "recall_at_5": 49.992999999999995, + "main_score": 40.833000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/MTOPDomainClassification.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/MTOPDomainClassification.json new file mode 100644 index 000000000..f4d154c5d --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.36069311445507, + "f1": 93.16456330371453, + "main_score": 93.36069311445507 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/MTOPIntentClassification.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/MTOPIntentClassification.json new file mode 100644 index 000000000..cb16dc453 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.74692202462381, + "f1": 58.17903579421599, + "main_score": 74.74692202462381 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/MassiveIntentClassification.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/MassiveIntentClassification.json new file mode 100644 index 000000000..db2dce802 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.80833893745796, + "f1": 72.70786592684664, + "main_score": 74.80833893745796 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/MassiveScenarioClassification.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..97f027d88 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.69872225958305, + "f1": 78.61626934504731, + "main_score": 78.69872225958305 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/MedrxivClusteringP2P.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..9015f60b1 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.058658628717694, + "main_score": 33.058658628717694 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/MedrxivClusteringS2S.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..623f2f90b --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.85561739360599, + "main_score": 30.85561739360599 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/MindSmallReranking.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/MindSmallReranking.json new file mode 100644 index 000000000..47a771a67 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.290259910144385, + "mrr": 32.44223046102856, + "main_score": 31.290259910144385 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/NFCorpus.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/NFCorpus.json new file mode 100644 index 000000000..b7ef1a224 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.288, + "map_at_10": 12.267999999999999, + "map_at_100": 15.557000000000002, + "map_at_1000": 16.98, + "map_at_3": 8.866, + "map_at_5": 10.418, + "mrr_at_1": 43.653, + "mrr_at_10": 52.681, + "mrr_at_100": 53.315999999999995, + "mrr_at_1000": 53.357, + "mrr_at_3": 51.393, + "mrr_at_5": 51.903999999999996, + "ndcg_at_1": 42.415000000000006, + "ndcg_at_10": 34.305, + "ndcg_at_100": 30.825999999999997, + "ndcg_at_1000": 39.393, + "ndcg_at_3": 39.931, + "ndcg_at_5": 37.519999999999996, + "precision_at_1": 43.653, + "precision_at_10": 25.728, + "precision_at_100": 7.932, + "precision_at_1000": 2.07, + "precision_at_3": 38.184000000000005, + "precision_at_5": 32.879000000000005, + "recall_at_1": 5.288, + "recall_at_10": 16.195, + "recall_at_100": 31.135, + "recall_at_1000": 61.531000000000006, + "recall_at_3": 10.313, + "recall_at_5": 12.754999999999999, + "main_score": 34.305 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/NQ.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/NQ.json new file mode 100644 index 000000000..3c5647972 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.216, + "map_at_10": 42.588, + "map_at_100": 43.702999999999996, + "map_at_1000": 43.739, + "map_at_3": 38.177, + "map_at_5": 40.754000000000005, + "mrr_at_1": 31.866, + "mrr_at_10": 45.189, + "mrr_at_100": 46.056000000000004, + "mrr_at_1000": 46.081, + "mrr_at_3": 41.526999999999994, + "mrr_at_5": 43.704, + "ndcg_at_1": 31.837, + "ndcg_at_10": 50.178, + "ndcg_at_100": 54.98800000000001, + "ndcg_at_1000": 55.812, + "ndcg_at_3": 41.853, + "ndcg_at_5": 46.153, + "precision_at_1": 31.837, + "precision_at_10": 8.43, + "precision_at_100": 1.1119999999999999, + "precision_at_1000": 0.11900000000000001, + "precision_at_3": 19.023, + "precision_at_5": 13.911000000000001, + "recall_at_1": 28.216, + "recall_at_10": 70.8, + "recall_at_100": 91.857, + "recall_at_1000": 97.941, + "recall_at_3": 49.196, + "recall_at_5": 59.072, + "main_score": 50.178 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/QuoraRetrieval.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/QuoraRetrieval.json new file mode 100644 index 000000000..9d20726fd --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 71.22800000000001, + "map_at_10": 85.115, + "map_at_100": 85.72, + "map_at_1000": 85.737, + "map_at_3": 82.149, + "map_at_5": 84.029, + "mrr_at_1": 81.96, + "mrr_at_10": 88.00200000000001, + "mrr_at_100": 88.088, + "mrr_at_1000": 88.089, + "mrr_at_3": 87.055, + "mrr_at_5": 87.715, + "ndcg_at_1": 82.01, + "ndcg_at_10": 88.78, + "ndcg_at_100": 89.91, + "ndcg_at_1000": 90.013, + "ndcg_at_3": 85.957, + "ndcg_at_5": 87.56, + "precision_at_1": 82.01, + "precision_at_10": 13.462, + "precision_at_100": 1.528, + "precision_at_1000": 0.157, + "precision_at_3": 37.553, + "precision_at_5": 24.732000000000003, + "recall_at_1": 71.22800000000001, + "recall_at_10": 95.69, + "recall_at_100": 99.531, + "recall_at_1000": 99.98, + "recall_at_3": 87.632, + "recall_at_5": 92.117, + "main_score": 88.78 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/RedditClustering.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/RedditClustering.json new file mode 100644 index 000000000..b292d342e --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 52.31768034366916, + "main_score": 52.31768034366916 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/RedditClusteringP2P.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/RedditClusteringP2P.json new file mode 100644 index 000000000..5eda7ffaa --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 60.640266772723606, + "main_score": 60.640266772723606 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/SCIDOCS.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/SCIDOCS.json new file mode 100644 index 000000000..69dc82ab5 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.7780000000000005, + "map_at_10": 12.299, + "map_at_100": 14.363000000000001, + "map_at_1000": 14.71, + "map_at_3": 8.738999999999999, + "map_at_5": 10.397, + "mrr_at_1": 23.599999999999998, + "mrr_at_10": 34.845, + "mrr_at_100": 35.916, + "mrr_at_1000": 35.973, + "mrr_at_3": 31.7, + "mrr_at_5": 33.535, + "ndcg_at_1": 23.599999999999998, + "ndcg_at_10": 20.522000000000002, + "ndcg_at_100": 28.737000000000002, + "ndcg_at_1000": 34.596, + "ndcg_at_3": 19.542, + "ndcg_at_5": 16.958000000000002, + "precision_at_1": 23.599999999999998, + "precision_at_10": 10.67, + "precision_at_100": 2.259, + "precision_at_1000": 0.367, + "precision_at_3": 18.333, + "precision_at_5": 14.879999999999999, + "recall_at_1": 4.7780000000000005, + "recall_at_10": 21.617, + "recall_at_100": 45.905, + "recall_at_1000": 74.42, + "recall_at_3": 11.148, + "recall_at_5": 15.082999999999998, + "main_score": 20.522000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/SICK-R.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/SICK-R.json new file mode 100644 index 000000000..6ce15e50d --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.22372750297885, + "cos_sim_spearman": 79.40972617119405, + "euclidean_pearson": 80.6101072020434, + "euclidean_spearman": 79.53844217225202, + "manhattan_pearson": 80.57265975286111, + "manhattan_spearman": 79.46335611792958, + "cosine_pearson": 83.22372750297885, + "cosine_spearman": 79.40972617119405, + "main_score": 79.40972617119405 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/STS12.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/STS12.json new file mode 100644 index 000000000..47ab52fe9 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.43713315520749, + "cos_sim_spearman": 77.44128693329532, + "euclidean_pearson": 81.63869928101123, + "euclidean_spearman": 77.29512977961515, + "manhattan_pearson": 81.63704185566183, + "manhattan_spearman": 77.29909412738657, + "cosine_pearson": 85.43713315520749, + "cosine_spearman": 77.44128693329532, + "main_score": 77.44128693329532 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/STS13.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/STS13.json new file mode 100644 index 000000000..b9be50e8e --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.59451537860527, + "cos_sim_spearman": 82.97994638856723, + "euclidean_pearson": 82.89478688288412, + "euclidean_spearman": 83.58740751053104, + "manhattan_pearson": 82.69140840941608, + "manhattan_spearman": 83.33665956040555, + "cosine_pearson": 81.59451537860527, + "cosine_spearman": 82.97994638856723, + "main_score": 82.97994638856723 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/STS14.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/STS14.json new file mode 100644 index 000000000..af2b05802 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.00756527711764, + "cos_sim_spearman": 81.83560996841379, + "euclidean_pearson": 82.07684151976518, + "euclidean_spearman": 82.00913052060511, + "manhattan_pearson": 82.05690778488794, + "manhattan_spearman": 82.02260252019525, + "cosine_pearson": 82.00756527711764, + "cosine_spearman": 81.83560996841379, + "main_score": 81.83560996841379 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/STS15.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/STS15.json new file mode 100644 index 000000000..17e40e4fd --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.13710262895447, + "cos_sim_spearman": 87.26412811156248, + "euclidean_pearson": 86.94151453230228, + "euclidean_spearman": 87.5363796699571, + "manhattan_pearson": 86.86989424083748, + "manhattan_spearman": 87.47315940781353, + "cosine_pearson": 86.13710262895447, + "cosine_spearman": 87.26412811156248, + "main_score": 87.26412811156248 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/STS16.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/STS16.json new file mode 100644 index 000000000..5d2d6484c --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.0230597603627, + "cos_sim_spearman": 84.93344499318864, + "euclidean_pearson": 84.23754743431141, + "euclidean_spearman": 85.09707376597099, + "manhattan_pearson": 84.04325160987763, + "manhattan_spearman": 84.89353071339909, + "cosine_pearson": 83.0230597603627, + "cosine_spearman": 84.93344499318864, + "main_score": 84.93344499318864 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/STS17.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/STS17.json new file mode 100644 index 000000000..855e53b27 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.75620824563921, + "cos_sim_spearman": 87.15065513706398, + "euclidean_pearson": 88.26281533633521, + "euclidean_spearman": 87.51963738643983, + "manhattan_pearson": 88.25599267618065, + "manhattan_spearman": 87.58048736047483, + "cosine_pearson": 86.75620824563921, + "cosine_spearman": 87.15065513706398, + "main_score": 87.15065513706398 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/STS22.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/STS22.json new file mode 100644 index 000000000..ae79f8234 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 64.74645319195137, + "cos_sim_spearman": 65.29996325037214, + "euclidean_pearson": 67.04297794086443, + "euclidean_spearman": 65.43841726694343, + "manhattan_pearson": 67.39459955690904, + "manhattan_spearman": 65.92864704413651, + "cosine_pearson": 64.74645319195137, + "cosine_spearman": 65.29996325037214, + "main_score": 65.29996325037214 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/STSBenchmark.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/STSBenchmark.json new file mode 100644 index 000000000..6446834e0 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.31291020270801, + "cos_sim_spearman": 85.86473738688068, + "euclidean_pearson": 85.65537275064152, + "euclidean_spearman": 86.13087454209642, + "manhattan_pearson": 85.43946955047609, + "manhattan_spearman": 85.91568175344916, + "cosine_pearson": 84.31291020270801, + "cosine_spearman": 85.86473738688068, + "main_score": 85.86473738688068 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/SciDocsRR.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/SciDocsRR.json new file mode 100644 index 000000000..e3ec3f8dd --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 85.93798118350695, + "mrr": 95.93536274908824, + "main_score": 85.93798118350695 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/SciFact.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/SciFact.json new file mode 100644 index 000000000..146986bae --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 57.594, + "map_at_10": 66.81899999999999, + "map_at_100": 67.368, + "map_at_1000": 67.4, + "map_at_3": 64.061, + "map_at_5": 65.47, + "mrr_at_1": 60.667, + "mrr_at_10": 68.219, + "mrr_at_100": 68.655, + "mrr_at_1000": 68.684, + "mrr_at_3": 66.22200000000001, + "mrr_at_5": 67.289, + "ndcg_at_1": 60.667, + "ndcg_at_10": 71.275, + "ndcg_at_100": 73.642, + "ndcg_at_1000": 74.373, + "ndcg_at_3": 66.521, + "ndcg_at_5": 68.581, + "precision_at_1": 60.667, + "precision_at_10": 9.433, + "precision_at_100": 1.0699999999999998, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 25.556, + "precision_at_5": 16.8, + "recall_at_1": 57.594, + "recall_at_10": 83.622, + "recall_at_100": 94.167, + "recall_at_1000": 99.667, + "recall_at_3": 70.64399999999999, + "recall_at_5": 75.983, + "main_score": 71.275 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/SprintDuplicateQuestions.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..51a922448 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.85841584158416, + "cos_sim_ap": 96.66996142314342, + "cos_sim_f1": 92.83208020050125, + "cos_sim_precision": 93.06532663316584, + "cos_sim_recall": 92.60000000000001, + "dot_accuracy": 99.85841584158416, + "dot_ap": 96.6775307676576, + "dot_f1": 92.69289729177312, + "dot_precision": 94.77533960292581, + "dot_recall": 90.7, + "euclidean_accuracy": 99.86138613861387, + "euclidean_ap": 96.6338454403108, + "euclidean_f1": 92.92214357937311, + "euclidean_precision": 93.96728016359918, + "euclidean_recall": 91.9, + "manhattan_accuracy": 99.86237623762376, + "manhattan_ap": 96.60370449645053, + "manhattan_f1": 92.91177970423253, + "manhattan_precision": 94.7970863683663, + "manhattan_recall": 91.10000000000001, + "max_accuracy": 99.86237623762376, + "max_ap": 96.6775307676576, + "max_f1": 92.92214357937311, + "main_score": 96.6775307676576 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/StackExchangeClustering.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/StackExchangeClustering.json new file mode 100644 index 000000000..b94e41edc --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 60.77977058695198, + "main_score": 60.77977058695198 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/StackExchangeClusteringP2P.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..7ee617935 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.2725272535638, + "main_score": 35.2725272535638 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/StackOverflowDupQuestions.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..eec9df806 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 53.64052466362125, + "mrr": 54.533067014684654, + "main_score": 53.64052466362125 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/SummEval.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/SummEval.json new file mode 100644 index 000000000..3143b3222 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.677624219206578, + "cos_sim_spearman": 30.121368518123447, + "dot_pearson": 30.69870088041608, + "dot_spearman": 29.61284927093751, + "cosine_pearson": 30.677624219206578, + "cosine_spearman": 30.121368518123447, + "main_score": 30.121368518123447 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/TRECCOVID.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/TRECCOVID.json new file mode 100644 index 000000000..f68722e48 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.22, + "map_at_10": 1.855, + "map_at_100": 9.885, + "map_at_1000": 23.416999999999998, + "map_at_3": 0.637, + "map_at_5": 1.024, + "mrr_at_1": 88.0, + "mrr_at_10": 93.067, + "mrr_at_100": 93.067, + "mrr_at_1000": 93.067, + "mrr_at_3": 92.667, + "mrr_at_5": 93.067, + "ndcg_at_1": 82.0, + "ndcg_at_10": 75.899, + "ndcg_at_100": 55.115, + "ndcg_at_1000": 48.368, + "ndcg_at_3": 79.704, + "ndcg_at_5": 78.39699999999999, + "precision_at_1": 88.0, + "precision_at_10": 79.60000000000001, + "precision_at_100": 56.06, + "precision_at_1000": 21.206, + "precision_at_3": 84.667, + "precision_at_5": 83.2, + "recall_at_1": 0.22, + "recall_at_10": 2.078, + "recall_at_100": 13.297, + "recall_at_1000": 44.979, + "recall_at_3": 0.6689999999999999, + "recall_at_5": 1.106, + "main_score": 75.899 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/Touche2020.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/Touche2020.json new file mode 100644 index 000000000..40864d95a --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.258, + "map_at_10": 10.439, + "map_at_100": 16.89, + "map_at_1000": 18.407999999999998, + "map_at_3": 5.668, + "map_at_5": 7.718, + "mrr_at_1": 32.653, + "mrr_at_10": 51.159, + "mrr_at_100": 51.714000000000006, + "mrr_at_1000": 51.714000000000006, + "mrr_at_3": 47.959, + "mrr_at_5": 50.407999999999994, + "ndcg_at_1": 29.592000000000002, + "ndcg_at_10": 26.037, + "ndcg_at_100": 37.924, + "ndcg_at_1000": 49.126999999999995, + "ndcg_at_3": 30.631999999999998, + "ndcg_at_5": 28.571, + "precision_at_1": 32.653, + "precision_at_10": 22.857, + "precision_at_100": 7.754999999999999, + "precision_at_1000": 1.529, + "precision_at_3": 34.014, + "precision_at_5": 29.796, + "recall_at_1": 2.258, + "recall_at_10": 16.554, + "recall_at_100": 48.439, + "recall_at_1000": 82.80499999999999, + "recall_at_3": 7.283, + "recall_at_5": 10.732, + "main_score": 26.037 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/ToxicConversationsClassification.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..707e0fab6 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.8858, + "ap": 13.835684144362109, + "f1": 53.803351693244586, + "main_score": 69.8858 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/TweetSentimentExtractionClassification.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..746554a44 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 60.50650820599886, + "f1": 60.84357825979259, + "main_score": 60.50650820599886 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/TwentyNewsgroupsClustering.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..a17488408 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.52131044852134, + "main_score": 48.52131044852134 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/TwitterSemEval2015.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/TwitterSemEval2015.json new file mode 100644 index 000000000..77096bdc2 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 85.59337187816654, + "cos_sim_ap": 73.23925826533437, + "cos_sim_f1": 67.34693877551021, + "cos_sim_precision": 62.40432237730752, + "cos_sim_recall": 73.13984168865434, + "dot_accuracy": 85.31322644096085, + "dot_ap": 72.30723963807422, + "dot_f1": 66.47051612112296, + "dot_precision": 62.0792305930845, + "dot_recall": 71.53034300791556, + "euclidean_accuracy": 85.61125350181797, + "euclidean_ap": 73.32843720487845, + "euclidean_f1": 67.36549633745895, + "euclidean_precision": 64.60755813953489, + "euclidean_recall": 70.36939313984169, + "manhattan_accuracy": 85.63509566668654, + "manhattan_ap": 73.16658488311325, + "manhattan_f1": 67.20597386434349, + "manhattan_precision": 63.60424028268551, + "manhattan_recall": 71.2401055408971, + "max_accuracy": 85.63509566668654, + "max_ap": 73.32843720487845, + "max_f1": 67.36549633745895, + "main_score": 73.32843720487845 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/TwitterURLCorpus.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/TwitterURLCorpus.json new file mode 100644 index 000000000..47c33fcb3 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.33779640625606, + "cos_sim_ap": 84.83868375898157, + "cos_sim_f1": 77.16506154017773, + "cos_sim_precision": 74.62064005753327, + "cos_sim_recall": 79.88912842623961, + "dot_accuracy": 88.02732176815307, + "dot_ap": 83.95089283763002, + "dot_f1": 76.29635101196631, + "dot_precision": 73.31771720613288, + "dot_recall": 79.52725592854944, + "euclidean_accuracy": 88.44452206310397, + "euclidean_ap": 84.98384576824827, + "euclidean_f1": 77.29311047696697, + "euclidean_precision": 74.51232583065381, + "euclidean_recall": 80.28949799815214, + "manhattan_accuracy": 88.47362906042613, + "manhattan_ap": 84.91421462218432, + "manhattan_f1": 77.05107637204792, + "manhattan_precision": 74.74484256243214, + "manhattan_recall": 79.50415768401602, + "max_accuracy": 88.47362906042613, + "max_ap": 84.98384576824827, + "max_f1": 77.29311047696697, + "main_score": 84.98384576824827 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/model_meta.json b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/model_meta.json new file mode 100644 index 000000000..7480c5574 --- /dev/null +++ b/results/michaelfeil__ct2fast-bge-small-en-v1.5/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "michaelfeil/ct2fast-bge-small-en-v1.5", + "revision": "55d4ae0ed41d2bd9ed91b6b583e658a9cd6c8e99", + "release_date": "2023-10-13", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 384, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/AmazonCounterfactualClassification.json b/results/michaelfeil__ct2fast-e5-large-v2/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..a0485a5de --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.22388059701493, + "ap": 43.20816505595132, + "f1": 73.27811303522058, + "main_score": 79.22388059701493 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/AmazonPolarityClassification.json b/results/michaelfeil__ct2fast-e5-large-v2/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..176fd0ec2 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.748325, + "ap": 90.72534979701297, + "f1": 93.73895874282185, + "main_score": 93.748325 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/AmazonReviewsClassification.json b/results/michaelfeil__ct2fast-e5-large-v2/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..fc834b592 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 48.612, + "f1": 47.61157345898393, + "main_score": 48.612 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/ArguAna.json b/results/michaelfeil__ct2fast-e5-large-v2/external/ArguAna.json new file mode 100644 index 000000000..1f5ab1fdd --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.541999999999998, + "map_at_10": 38.208, + "map_at_100": 39.417, + "map_at_1000": 39.428999999999995, + "map_at_3": 33.95, + "map_at_5": 36.329, + "mrr_at_1": 23.755000000000003, + "mrr_at_10": 38.288, + "mrr_at_100": 39.511, + "mrr_at_1000": 39.523, + "mrr_at_3": 34.009, + "mrr_at_5": 36.434, + "ndcg_at_1": 23.541999999999998, + "ndcg_at_10": 46.417, + "ndcg_at_100": 51.812000000000005, + "ndcg_at_1000": 52.137, + "ndcg_at_3": 37.528, + "ndcg_at_5": 41.81, + "precision_at_1": 23.541999999999998, + "precision_at_10": 7.269, + "precision_at_100": 0.9690000000000001, + "precision_at_1000": 0.099, + "precision_at_3": 15.979, + "precision_at_5": 11.664, + "recall_at_1": 23.541999999999998, + "recall_at_10": 72.688, + "recall_at_100": 96.871, + "recall_at_1000": 99.431, + "recall_at_3": 47.937000000000005, + "recall_at_5": 58.321, + "main_score": 46.417 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/ArxivClusteringP2P.json b/results/michaelfeil__ct2fast-e5-large-v2/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..a42844893 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 45.546499570522094, + "main_score": 45.546499570522094 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/ArxivClusteringS2S.json b/results/michaelfeil__ct2fast-e5-large-v2/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..32d88d0ff --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 41.01607489943561, + "main_score": 41.01607489943561 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/AskUbuntuDupQuestions.json b/results/michaelfeil__ct2fast-e5-large-v2/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..b984d50df --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 59.616107510107774, + "mrr": 72.75106626214661, + "main_score": 59.616107510107774 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/BIOSSES.json b/results/michaelfeil__ct2fast-e5-large-v2/external/BIOSSES.json new file mode 100644 index 000000000..75235cc23 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.33018094733868, + "cos_sim_spearman": 83.60190492611737, + "euclidean_pearson": 82.1492450218961, + "euclidean_spearman": 82.70308926526991, + "manhattan_pearson": 81.93959600076842, + "manhattan_spearman": 82.73260801016369, + "cosine_pearson": 84.33018094733868, + "cosine_spearman": 83.60190492611737, + "main_score": 83.60190492611737 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/Banking77Classification.json b/results/michaelfeil__ct2fast-e5-large-v2/external/Banking77Classification.json new file mode 100644 index 000000000..e9e3ce25f --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 84.54545454545455, + "f1": 84.49582530928923, + "main_score": 84.54545454545455 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/BiorxivClusteringP2P.json b/results/michaelfeil__ct2fast-e5-large-v2/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..fcae4f228 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.362725540120096, + "main_score": 37.362725540120096 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/BiorxivClusteringS2S.json b/results/michaelfeil__ct2fast-e5-large-v2/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..0cc0aaa21 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.849509608178145, + "main_score": 34.849509608178145 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/CQADupstackAndroidRetrieval.json b/results/michaelfeil__ct2fast-e5-large-v2/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..1d65c567b --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.502999999999997, + "map_at_10": 43.323, + "map_at_100": 44.708999999999996, + "map_at_1000": 44.838, + "map_at_3": 38.987, + "map_at_5": 41.516999999999996, + "mrr_at_1": 38.769999999999996, + "mrr_at_10": 49.13, + "mrr_at_100": 49.697, + "mrr_at_1000": 49.741, + "mrr_at_3": 45.804, + "mrr_at_5": 47.842, + "ndcg_at_1": 38.769999999999996, + "ndcg_at_10": 50.266999999999996, + "ndcg_at_100": 54.967, + "ndcg_at_1000": 56.976000000000006, + "ndcg_at_3": 43.823, + "ndcg_at_5": 47.12, + "precision_at_1": 38.769999999999996, + "precision_at_10": 10.057, + "precision_at_100": 1.554, + "precision_at_1000": 0.202, + "precision_at_3": 21.125, + "precision_at_5": 15.851, + "recall_at_1": 31.502999999999997, + "recall_at_10": 63.715999999999994, + "recall_at_100": 83.61800000000001, + "recall_at_1000": 96.63199999999999, + "recall_at_3": 45.403, + "recall_at_5": 54.481, + "main_score": 50.266999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.833000000000002, + "map_at_10": 37.330999999999996, + "map_at_100": 38.580999999999996, + "map_at_1000": 38.708, + "map_at_3": 34.713, + "map_at_5": 36.104, + "mrr_at_1": 35.223, + "mrr_at_10": 43.419000000000004, + "mrr_at_100": 44.198, + "mrr_at_1000": 44.249, + "mrr_at_3": 41.614000000000004, + "mrr_at_5": 42.553000000000004, + "ndcg_at_1": 35.223, + "ndcg_at_10": 42.687999999999995, + "ndcg_at_100": 47.447, + "ndcg_at_1000": 49.701, + "ndcg_at_3": 39.162, + "ndcg_at_5": 40.557, + "precision_at_1": 35.223, + "precision_at_10": 7.962, + "precision_at_100": 1.304, + "precision_at_1000": 0.18, + "precision_at_3": 19.023, + "precision_at_5": 13.184999999999999, + "recall_at_1": 27.833000000000002, + "recall_at_10": 51.881, + "recall_at_100": 72.04, + "recall_at_1000": 86.644, + "recall_at_3": 40.778, + "recall_at_5": 45.176, + "main_score": 42.687999999999995 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.175, + "map_at_10": 51.174, + "map_at_100": 52.26499999999999, + "map_at_1000": 52.315999999999995, + "map_at_3": 47.897, + "map_at_5": 49.703, + "mrr_at_1": 43.448, + "mrr_at_10": 54.505, + "mrr_at_100": 55.216, + "mrr_at_1000": 55.242000000000004, + "mrr_at_3": 51.98500000000001, + "mrr_at_5": 53.434000000000005, + "ndcg_at_1": 43.448, + "ndcg_at_10": 57.282, + "ndcg_at_100": 61.537, + "ndcg_at_1000": 62.546, + "ndcg_at_3": 51.73799999999999, + "ndcg_at_5": 54.324, + "precision_at_1": 43.448, + "precision_at_10": 9.292, + "precision_at_100": 1.233, + "precision_at_1000": 0.136, + "precision_at_3": 23.218, + "precision_at_5": 15.887, + "recall_at_1": 38.175, + "recall_at_10": 72.00999999999999, + "recall_at_100": 90.155, + "recall_at_1000": 97.257, + "recall_at_3": 57.133, + "recall_at_5": 63.424, + "main_score": 57.282 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.405, + "map_at_10": 30.043, + "map_at_100": 31.191000000000003, + "map_at_1000": 31.275, + "map_at_3": 27.034000000000002, + "map_at_5": 28.688000000000002, + "mrr_at_1": 24.068, + "mrr_at_10": 31.993, + "mrr_at_100": 32.992, + "mrr_at_1000": 33.050000000000004, + "mrr_at_3": 28.964000000000002, + "mrr_at_5": 30.653000000000002, + "ndcg_at_1": 24.068, + "ndcg_at_10": 35.198, + "ndcg_at_100": 40.709, + "ndcg_at_1000": 42.855, + "ndcg_at_3": 29.139, + "ndcg_at_5": 32.045, + "precision_at_1": 24.068, + "precision_at_10": 5.65, + "precision_at_100": 0.885, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 12.279, + "precision_at_5": 8.994, + "recall_at_1": 22.405, + "recall_at_10": 49.391, + "recall_at_100": 74.53699999999999, + "recall_at_1000": 90.605, + "recall_at_3": 33.126, + "recall_at_5": 40.073, + "main_score": 35.198 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 13.309999999999999, + "map_at_10": 20.688000000000002, + "map_at_100": 22.022, + "map_at_1000": 22.152, + "map_at_3": 17.954, + "map_at_5": 19.439, + "mrr_at_1": 16.294, + "mrr_at_10": 24.479, + "mrr_at_100": 25.515, + "mrr_at_1000": 25.593, + "mrr_at_3": 21.642, + "mrr_at_5": 23.189999999999998, + "ndcg_at_1": 16.294, + "ndcg_at_10": 25.833000000000002, + "ndcg_at_100": 32.074999999999996, + "ndcg_at_1000": 35.083, + "ndcg_at_3": 20.493, + "ndcg_at_5": 22.949, + "precision_at_1": 16.294, + "precision_at_10": 5.112, + "precision_at_100": 0.96, + "precision_at_1000": 0.134, + "precision_at_3": 9.908999999999999, + "precision_at_5": 7.587000000000001, + "recall_at_1": 13.309999999999999, + "recall_at_10": 37.851, + "recall_at_100": 64.835, + "recall_at_1000": 86.334, + "recall_at_3": 23.493, + "recall_at_5": 29.528, + "main_score": 25.833000000000002 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.857999999999997, + "map_at_10": 35.503, + "map_at_100": 36.957, + "map_at_1000": 37.065, + "map_at_3": 32.275999999999996, + "map_at_5": 34.119, + "mrr_at_1": 31.954, + "mrr_at_10": 40.851, + "mrr_at_100": 41.863, + "mrr_at_1000": 41.900999999999996, + "mrr_at_3": 38.129999999999995, + "mrr_at_5": 39.737, + "ndcg_at_1": 31.954, + "ndcg_at_10": 41.343999999999994, + "ndcg_at_100": 47.397, + "ndcg_at_1000": 49.501, + "ndcg_at_3": 36.047000000000004, + "ndcg_at_5": 38.639, + "precision_at_1": 31.954, + "precision_at_10": 7.68, + "precision_at_100": 1.247, + "precision_at_1000": 0.16199999999999998, + "precision_at_3": 17.132, + "precision_at_5": 12.589, + "recall_at_1": 25.857999999999997, + "recall_at_10": 53.43599999999999, + "recall_at_100": 78.82400000000001, + "recall_at_1000": 92.78999999999999, + "recall_at_3": 38.655, + "recall_at_5": 45.216, + "main_score": 41.343999999999994 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.709, + "map_at_10": 34.318, + "map_at_100": 35.657, + "map_at_1000": 35.783, + "map_at_3": 31.326999999999998, + "map_at_5": 33.021, + "mrr_at_1": 30.137000000000004, + "mrr_at_10": 39.093, + "mrr_at_100": 39.992, + "mrr_at_1000": 40.056999999999995, + "mrr_at_3": 36.606, + "mrr_at_5": 37.861, + "ndcg_at_1": 30.137000000000004, + "ndcg_at_10": 39.974, + "ndcg_at_100": 45.647999999999996, + "ndcg_at_1000": 48.259, + "ndcg_at_3": 35.028, + "ndcg_at_5": 37.175999999999995, + "precision_at_1": 30.137000000000004, + "precision_at_10": 7.363, + "precision_at_100": 1.184, + "precision_at_1000": 0.161, + "precision_at_3": 16.857, + "precision_at_5": 11.963, + "recall_at_1": 24.709, + "recall_at_10": 52.087, + "recall_at_100": 76.125, + "recall_at_1000": 93.82300000000001, + "recall_at_3": 38.149, + "recall_at_5": 43.984, + "main_score": 39.974 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.40791666666667, + "map_at_10": 32.458083333333335, + "map_at_100": 33.691916666666664, + "map_at_1000": 33.81191666666666, + "map_at_3": 29.51625, + "map_at_5": 31.168083333333335, + "mrr_at_1": 27.96591666666666, + "mrr_at_10": 36.528583333333344, + "mrr_at_100": 37.404, + "mrr_at_1000": 37.464333333333336, + "mrr_at_3": 33.92883333333333, + "mrr_at_5": 35.41933333333333, + "ndcg_at_1": 27.96591666666666, + "ndcg_at_10": 37.89141666666666, + "ndcg_at_100": 43.23066666666666, + "ndcg_at_1000": 45.63258333333333, + "ndcg_at_3": 32.811249999999994, + "ndcg_at_5": 35.22566666666667, + "precision_at_1": 27.96591666666666, + "precision_at_10": 6.834083333333332, + "precision_at_100": 1.12225, + "precision_at_1000": 0.15241666666666667, + "precision_at_3": 15.264333333333335, + "precision_at_5": 11.039416666666666, + "recall_at_1": 23.40791666666667, + "recall_at_10": 49.927083333333336, + "recall_at_100": 73.44641666666668, + "recall_at_1000": 90.19950000000001, + "recall_at_3": 35.88341666666667, + "recall_at_5": 42.061249999999994, + "main_score": 37.89141666666666 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.592000000000002, + "map_at_10": 26.895999999999997, + "map_at_100": 27.921000000000003, + "map_at_1000": 28.02, + "map_at_3": 24.883, + "map_at_5": 25.812, + "mrr_at_1": 22.698999999999998, + "mrr_at_10": 29.520999999999997, + "mrr_at_100": 30.458000000000002, + "mrr_at_1000": 30.526999999999997, + "mrr_at_3": 27.633000000000003, + "mrr_at_5": 28.483999999999998, + "ndcg_at_1": 22.698999999999998, + "ndcg_at_10": 31.061, + "ndcg_at_100": 36.398, + "ndcg_at_1000": 38.89, + "ndcg_at_3": 27.149, + "ndcg_at_5": 28.627000000000002, + "precision_at_1": 22.698999999999998, + "precision_at_10": 5.106999999999999, + "precision_at_100": 0.857, + "precision_at_1000": 0.11499999999999999, + "precision_at_3": 11.963, + "precision_at_5": 8.221, + "recall_at_1": 19.592000000000002, + "recall_at_10": 41.329, + "recall_at_100": 66.094, + "recall_at_1000": 84.511, + "recall_at_3": 30.61, + "recall_at_5": 34.213, + "main_score": 31.061 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 14.71, + "map_at_10": 20.965, + "map_at_100": 21.994, + "map_at_1000": 22.133, + "map_at_3": 18.741, + "map_at_5": 19.951, + "mrr_at_1": 18.307000000000002, + "mrr_at_10": 24.66, + "mrr_at_100": 25.540000000000003, + "mrr_at_1000": 25.629, + "mrr_at_3": 22.511, + "mrr_at_5": 23.72, + "ndcg_at_1": 18.307000000000002, + "ndcg_at_10": 25.153, + "ndcg_at_100": 30.229, + "ndcg_at_1000": 33.623, + "ndcg_at_3": 21.203, + "ndcg_at_5": 23.006999999999998, + "precision_at_1": 18.307000000000002, + "precision_at_10": 4.725, + "precision_at_100": 0.8659999999999999, + "precision_at_1000": 0.133, + "precision_at_3": 10.14, + "precision_at_5": 7.481, + "recall_at_1": 14.71, + "recall_at_10": 34.087, + "recall_at_100": 57.147999999999996, + "recall_at_1000": 81.777, + "recall_at_3": 22.996, + "recall_at_5": 27.73, + "main_score": 25.153 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.472, + "map_at_10": 32.699, + "map_at_100": 33.867000000000004, + "map_at_1000": 33.967000000000006, + "map_at_3": 29.718, + "map_at_5": 31.345, + "mrr_at_1": 28.265, + "mrr_at_10": 36.945, + "mrr_at_100": 37.794, + "mrr_at_1000": 37.857, + "mrr_at_3": 34.266000000000005, + "mrr_at_5": 35.768, + "ndcg_at_1": 28.265, + "ndcg_at_10": 38.35, + "ndcg_at_100": 43.739, + "ndcg_at_1000": 46.087, + "ndcg_at_3": 33.004, + "ndcg_at_5": 35.411, + "precision_at_1": 28.265, + "precision_at_10": 6.715999999999999, + "precision_at_100": 1.059, + "precision_at_1000": 0.13799999999999998, + "precision_at_3": 15.299, + "precision_at_5": 10.951, + "recall_at_1": 23.472, + "recall_at_10": 51.413, + "recall_at_100": 75.17, + "recall_at_1000": 91.577, + "recall_at_3": 36.651, + "recall_at_5": 42.814, + "main_score": 38.35 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.666, + "map_at_10": 32.963, + "map_at_100": 34.544999999999995, + "map_at_1000": 34.792, + "map_at_3": 29.74, + "map_at_5": 31.5, + "mrr_at_1": 29.051, + "mrr_at_10": 38.013000000000005, + "mrr_at_100": 38.997, + "mrr_at_1000": 39.055, + "mrr_at_3": 34.947, + "mrr_at_5": 36.815, + "ndcg_at_1": 29.051, + "ndcg_at_10": 39.361000000000004, + "ndcg_at_100": 45.186, + "ndcg_at_1000": 47.867, + "ndcg_at_3": 33.797, + "ndcg_at_5": 36.456, + "precision_at_1": 29.051, + "precision_at_10": 7.668, + "precision_at_100": 1.532, + "precision_at_1000": 0.247, + "precision_at_3": 15.876000000000001, + "precision_at_5": 11.779, + "recall_at_1": 23.666, + "recall_at_10": 51.858000000000004, + "recall_at_100": 77.805, + "recall_at_1000": 94.504, + "recall_at_3": 36.207, + "recall_at_5": 43.094, + "main_score": 39.361000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.662, + "map_at_10": 23.594, + "map_at_100": 24.593999999999998, + "map_at_1000": 24.694, + "map_at_3": 20.925, + "map_at_5": 22.817999999999998, + "mrr_at_1": 17.375, + "mrr_at_10": 25.734, + "mrr_at_100": 26.586, + "mrr_at_1000": 26.671, + "mrr_at_3": 23.044, + "mrr_at_5": 24.975, + "ndcg_at_1": 17.375, + "ndcg_at_10": 28.186, + "ndcg_at_100": 33.436, + "ndcg_at_1000": 36.203, + "ndcg_at_3": 23.152, + "ndcg_at_5": 26.397, + "precision_at_1": 17.375, + "precision_at_10": 4.677, + "precision_at_100": 0.786, + "precision_at_1000": 0.109, + "precision_at_3": 10.351, + "precision_at_5": 7.985, + "recall_at_1": 15.662, + "recall_at_10": 40.066, + "recall_at_100": 65.006, + "recall_at_1000": 85.94000000000001, + "recall_at_3": 27.400000000000002, + "recall_at_5": 35.002, + "main_score": 28.186 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/ClimateFEVER.json b/results/michaelfeil__ct2fast-e5-large-v2/external/ClimateFEVER.json new file mode 100644 index 000000000..82aef6970 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.853, + "map_at_10": 15.568000000000001, + "map_at_100": 17.383000000000003, + "map_at_1000": 17.584, + "map_at_3": 12.561, + "map_at_5": 14.056, + "mrr_at_1": 18.958, + "mrr_at_10": 28.288000000000004, + "mrr_at_100": 29.432000000000002, + "mrr_at_1000": 29.498, + "mrr_at_3": 25.049, + "mrr_at_5": 26.857, + "ndcg_at_1": 18.958, + "ndcg_at_10": 22.21, + "ndcg_at_100": 29.596, + "ndcg_at_1000": 33.583, + "ndcg_at_3": 16.994999999999997, + "ndcg_at_5": 18.95, + "precision_at_1": 18.958, + "precision_at_10": 7.192, + "precision_at_100": 1.5, + "precision_at_1000": 0.22399999999999998, + "precision_at_3": 12.573, + "precision_at_5": 10.202, + "recall_at_1": 8.853, + "recall_at_10": 28.087, + "recall_at_100": 53.701, + "recall_at_1000": 76.29899999999999, + "recall_at_3": 15.913, + "recall_at_5": 20.658, + "main_score": 22.21 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/DBPedia.json b/results/michaelfeil__ct2fast-e5-large-v2/external/DBPedia.json new file mode 100644 index 000000000..69bd4c40e --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.077, + "map_at_10": 20.788999999999998, + "map_at_100": 30.429000000000002, + "map_at_1000": 32.143, + "map_at_3": 14.692, + "map_at_5": 17.139, + "mrr_at_1": 70.75, + "mrr_at_10": 78.036, + "mrr_at_100": 78.401, + "mrr_at_1000": 78.404, + "mrr_at_3": 76.75, + "mrr_at_5": 77.47500000000001, + "ndcg_at_1": 58.12500000000001, + "ndcg_at_10": 44.015, + "ndcg_at_100": 49.247, + "ndcg_at_1000": 56.211999999999996, + "ndcg_at_3": 49.151, + "ndcg_at_5": 46.195, + "precision_at_1": 70.75, + "precision_at_10": 35.5, + "precision_at_100": 11.355, + "precision_at_1000": 2.1950000000000003, + "precision_at_3": 53.083000000000006, + "precision_at_5": 44.800000000000004, + "recall_at_1": 9.077, + "recall_at_10": 26.259, + "recall_at_100": 56.547000000000004, + "recall_at_1000": 78.551, + "recall_at_3": 16.162000000000003, + "recall_at_5": 19.753999999999998, + "main_score": 44.015 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/EmotionClassification.json b/results/michaelfeil__ct2fast-e5-large-v2/external/EmotionClassification.json new file mode 100644 index 000000000..c40ba928b --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 49.44500000000001, + "f1": 44.67067691783401, + "main_score": 49.44500000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/FEVER.json b/results/michaelfeil__ct2fast-e5-large-v2/external/FEVER.json new file mode 100644 index 000000000..a740fdf97 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 68.182, + "map_at_10": 78.223, + "map_at_100": 78.498, + "map_at_1000": 78.512, + "map_at_3": 76.71, + "map_at_5": 77.725, + "mrr_at_1": 73.177, + "mrr_at_10": 82.513, + "mrr_at_100": 82.633, + "mrr_at_1000": 82.635, + "mrr_at_3": 81.376, + "mrr_at_5": 82.182, + "ndcg_at_1": 73.177, + "ndcg_at_10": 82.829, + "ndcg_at_100": 83.84, + "ndcg_at_1000": 84.07900000000001, + "ndcg_at_3": 80.303, + "ndcg_at_5": 81.846, + "precision_at_1": 73.177, + "precision_at_10": 10.241999999999999, + "precision_at_100": 1.099, + "precision_at_1000": 0.11399999999999999, + "precision_at_3": 31.247999999999998, + "precision_at_5": 19.697, + "recall_at_1": 68.182, + "recall_at_10": 92.657, + "recall_at_100": 96.709, + "recall_at_1000": 98.184, + "recall_at_3": 85.9, + "recall_at_5": 89.755, + "main_score": 82.829 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/FiQA2018.json b/results/michaelfeil__ct2fast-e5-large-v2/external/FiQA2018.json new file mode 100644 index 000000000..957af1957 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.108, + "map_at_10": 33.342, + "map_at_100": 35.281, + "map_at_1000": 35.478, + "map_at_3": 29.067, + "map_at_5": 31.563000000000002, + "mrr_at_1": 41.667, + "mrr_at_10": 49.913000000000004, + "mrr_at_100": 50.724000000000004, + "mrr_at_1000": 50.766, + "mrr_at_3": 47.504999999999995, + "mrr_at_5": 49.033, + "ndcg_at_1": 41.667, + "ndcg_at_10": 41.144, + "ndcg_at_100": 48.326, + "ndcg_at_1000": 51.486, + "ndcg_at_3": 37.486999999999995, + "ndcg_at_5": 38.78, + "precision_at_1": 41.667, + "precision_at_10": 11.358, + "precision_at_100": 1.873, + "precision_at_1000": 0.244, + "precision_at_3": 25, + "precision_at_5": 18.519, + "recall_at_1": 21.108, + "recall_at_10": 47.249, + "recall_at_100": 74.52, + "recall_at_1000": 93.31, + "recall_at_3": 33.271, + "recall_at_5": 39.723000000000006, + "main_score": 41.144 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/HotpotQA.json b/results/michaelfeil__ct2fast-e5-large-v2/external/HotpotQA.json new file mode 100644 index 000000000..10d86b7f5 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.317, + "map_at_10": 64.861, + "map_at_100": 65.697, + "map_at_1000": 65.755, + "map_at_3": 61.258, + "map_at_5": 63.590999999999994, + "mrr_at_1": 80.635, + "mrr_at_10": 86.528, + "mrr_at_100": 86.66199999999999, + "mrr_at_1000": 86.666, + "mrr_at_3": 85.744, + "mrr_at_5": 86.24300000000001, + "ndcg_at_1": 80.635, + "ndcg_at_10": 73.13199999999999, + "ndcg_at_100": 75.927, + "ndcg_at_1000": 76.976, + "ndcg_at_3": 68.241, + "ndcg_at_5": 71.071, + "precision_at_1": 80.635, + "precision_at_10": 15.326, + "precision_at_100": 1.7500000000000002, + "precision_at_1000": 0.189, + "precision_at_3": 43.961, + "precision_at_5": 28.599999999999998, + "recall_at_1": 40.317, + "recall_at_10": 76.631, + "recall_at_100": 87.495, + "recall_at_1000": 94.362, + "recall_at_3": 65.94200000000001, + "recall_at_5": 71.499, + "main_score": 73.13199999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/ImdbClassification.json b/results/michaelfeil__ct2fast-e5-large-v2/external/ImdbClassification.json new file mode 100644 index 000000000..c82babfea --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.686, + "ap": 87.5577120393173, + "f1": 91.6629447355139, + "main_score": 91.686 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/MSMARCO.json b/results/michaelfeil__ct2fast-e5-large-v2/external/MSMARCO.json new file mode 100644 index 000000000..38326bc11 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.702, + "map_at_10": 36.414, + "map_at_100": 37.561, + "map_at_1000": 37.605, + "map_at_3": 32.456, + "map_at_5": 34.827000000000005, + "mrr_at_1": 24.355, + "mrr_at_10": 37.01, + "mrr_at_100": 38.085, + "mrr_at_1000": 38.123000000000005, + "mrr_at_3": 33.117999999999995, + "mrr_at_5": 35.452, + "ndcg_at_1": 24.384, + "ndcg_at_10": 43.456, + "ndcg_at_100": 48.892, + "ndcg_at_1000": 49.964, + "ndcg_at_3": 35.475, + "ndcg_at_5": 39.711, + "precision_at_1": 24.384, + "precision_at_10": 6.7940000000000005, + "precision_at_100": 0.951, + "precision_at_1000": 0.104, + "precision_at_3": 15.052999999999999, + "precision_at_5": 11.189, + "recall_at_1": 23.702, + "recall_at_10": 65.057, + "recall_at_100": 90.021, + "recall_at_1000": 98.142, + "recall_at_3": 43.551, + "recall_at_5": 53.738, + "main_score": 43.456 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/MTOPDomainClassification.json b/results/michaelfeil__ct2fast-e5-large-v2/external/MTOPDomainClassification.json new file mode 100644 index 000000000..bf5eff539 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 94.62380300957591, + "f1": 94.49871222100734, + "main_score": 94.62380300957591 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/MTOPIntentClassification.json b/results/michaelfeil__ct2fast-e5-large-v2/external/MTOPIntentClassification.json new file mode 100644 index 000000000..065c930d6 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.14090287277702, + "f1": 60.32101258220515, + "main_score": 77.14090287277702 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/MassiveIntentClassification.json b/results/michaelfeil__ct2fast-e5-large-v2/external/MassiveIntentClassification.json new file mode 100644 index 000000000..8b481cdd4 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.84330867518494, + "f1": 71.92248688515255, + "main_score": 73.84330867518494 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/MassiveScenarioClassification.json b/results/michaelfeil__ct2fast-e5-large-v2/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..75e5d1ed4 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.10692669804976, + "f1": 77.9904839122866, + "main_score": 78.10692669804976 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/MedrxivClusteringP2P.json b/results/michaelfeil__ct2fast-e5-large-v2/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..2af847cae --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.822988923078444, + "main_score": 31.822988923078444 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/MedrxivClusteringS2S.json b/results/michaelfeil__ct2fast-e5-large-v2/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..a6b8a9bd0 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.38394880253403, + "main_score": 30.38394880253403 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/MindSmallReranking.json b/results/michaelfeil__ct2fast-e5-large-v2/external/MindSmallReranking.json new file mode 100644 index 000000000..16097ad96 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.82504612539082, + "mrr": 32.84462298174977, + "main_score": 31.82504612539082 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/NFCorpus.json b/results/michaelfeil__ct2fast-e5-large-v2/external/NFCorpus.json new file mode 100644 index 000000000..cfd3d443d --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.029, + "map_at_10": 14.088999999999999, + "map_at_100": 17.601, + "map_at_1000": 19.144, + "map_at_3": 10.156, + "map_at_5": 11.892, + "mrr_at_1": 46.44, + "mrr_at_10": 56.596999999999994, + "mrr_at_100": 57.11000000000001, + "mrr_at_1000": 57.14, + "mrr_at_3": 54.334, + "mrr_at_5": 55.774, + "ndcg_at_1": 44.891999999999996, + "ndcg_at_10": 37.134, + "ndcg_at_100": 33.652, + "ndcg_at_1000": 42.548, + "ndcg_at_3": 41.851, + "ndcg_at_5": 39.842, + "precision_at_1": 46.44, + "precision_at_10": 27.647, + "precision_at_100": 8.309999999999999, + "precision_at_1000": 2.146, + "precision_at_3": 39.422000000000004, + "precision_at_5": 34.675, + "recall_at_1": 6.029, + "recall_at_10": 18.907, + "recall_at_100": 33.76, + "recall_at_1000": 65.14999999999999, + "recall_at_3": 11.584999999999999, + "recall_at_5": 14.626, + "main_score": 37.134 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/NQ.json b/results/michaelfeil__ct2fast-e5-large-v2/external/NQ.json new file mode 100644 index 000000000..3d61b57a5 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 39.373000000000005, + "map_at_10": 55.836, + "map_at_100": 56.611999999999995, + "map_at_1000": 56.63, + "map_at_3": 51.747, + "map_at_5": 54.337999999999994, + "mrr_at_1": 44.147999999999996, + "mrr_at_10": 58.42699999999999, + "mrr_at_100": 58.902, + "mrr_at_1000": 58.914, + "mrr_at_3": 55.156000000000006, + "mrr_at_5": 57.291000000000004, + "ndcg_at_1": 44.119, + "ndcg_at_10": 63.444, + "ndcg_at_100": 66.40599999999999, + "ndcg_at_1000": 66.822, + "ndcg_at_3": 55.962, + "ndcg_at_5": 60.228, + "precision_at_1": 44.119, + "precision_at_10": 10.006, + "precision_at_100": 1.17, + "precision_at_1000": 0.121, + "precision_at_3": 25.135, + "precision_at_5": 17.59, + "recall_at_1": 39.373000000000005, + "recall_at_10": 83.78999999999999, + "recall_at_100": 96.246, + "recall_at_1000": 99.324, + "recall_at_3": 64.71900000000001, + "recall_at_5": 74.508, + "main_score": 63.444 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/QuoraRetrieval.json b/results/michaelfeil__ct2fast-e5-large-v2/external/QuoraRetrieval.json new file mode 100644 index 000000000..c43c551a8 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 69.199, + "map_at_10": 82.892, + "map_at_100": 83.578, + "map_at_1000": 83.598, + "map_at_3": 79.948, + "map_at_5": 81.779, + "mrr_at_1": 79.67, + "mrr_at_10": 86.115, + "mrr_at_100": 86.249, + "mrr_at_1000": 86.251, + "mrr_at_3": 85.08200000000001, + "mrr_at_5": 85.783, + "ndcg_at_1": 79.67, + "ndcg_at_10": 86.839, + "ndcg_at_100": 88.252, + "ndcg_at_1000": 88.401, + "ndcg_at_3": 83.86200000000001, + "ndcg_at_5": 85.473, + "precision_at_1": 79.67, + "precision_at_10": 13.19, + "precision_at_100": 1.521, + "precision_at_1000": 0.157, + "precision_at_3": 36.677, + "precision_at_5": 24.118000000000002, + "recall_at_1": 69.199, + "recall_at_10": 94.321, + "recall_at_100": 99.20400000000001, + "recall_at_1000": 99.947, + "recall_at_3": 85.787, + "recall_at_5": 90.365, + "main_score": 86.839 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/RedditClustering.json b/results/michaelfeil__ct2fast-e5-large-v2/external/RedditClustering.json new file mode 100644 index 000000000..d6cadc66e --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 55.82810046856353, + "main_score": 55.82810046856353 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/RedditClusteringP2P.json b/results/michaelfeil__ct2fast-e5-large-v2/external/RedditClusteringP2P.json new file mode 100644 index 000000000..abf0c55d5 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 63.38132611783628, + "main_score": 63.38132611783628 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/SCIDOCS.json b/results/michaelfeil__ct2fast-e5-large-v2/external/SCIDOCS.json new file mode 100644 index 000000000..7fe45afe5 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.127000000000001, + "map_at_10": 12.235, + "map_at_100": 14.417, + "map_at_1000": 14.75, + "map_at_3": 8.906, + "map_at_5": 10.591000000000001, + "mrr_at_1": 25.2, + "mrr_at_10": 35.879, + "mrr_at_100": 36.935, + "mrr_at_1000": 36.997, + "mrr_at_3": 32.783, + "mrr_at_5": 34.367999999999995, + "ndcg_at_1": 25.2, + "ndcg_at_10": 20.509, + "ndcg_at_100": 28.67, + "ndcg_at_1000": 34.42, + "ndcg_at_3": 19.948, + "ndcg_at_5": 17.166, + "precision_at_1": 25.2, + "precision_at_10": 10.440000000000001, + "precision_at_100": 2.214, + "precision_at_1000": 0.359, + "precision_at_3": 18.533, + "precision_at_5": 14.860000000000001, + "recall_at_1": 5.127000000000001, + "recall_at_10": 21.147, + "recall_at_100": 44.946999999999996, + "recall_at_1000": 72.89, + "recall_at_3": 11.277, + "recall_at_5": 15.042, + "main_score": 20.509 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/SICK-R.json b/results/michaelfeil__ct2fast-e5-large-v2/external/SICK-R.json new file mode 100644 index 000000000..b8798730a --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.0373011786213, + "cos_sim_spearman": 79.27889560856613, + "euclidean_pearson": 80.31186315495655, + "euclidean_spearman": 79.41630415280811, + "manhattan_pearson": 80.31755140442013, + "manhattan_spearman": 79.43069870027611, + "cosine_pearson": 83.0373011786213, + "cosine_spearman": 79.27889560856613, + "main_score": 79.27889560856613 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/STS12.json b/results/michaelfeil__ct2fast-e5-large-v2/external/STS12.json new file mode 100644 index 000000000..f3d402cf6 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.8659751342045, + "cos_sim_spearman": 76.95377612997667, + "euclidean_pearson": 81.24552945497848, + "euclidean_spearman": 77.18236963555253, + "manhattan_pearson": 81.26477607759037, + "manhattan_spearman": 77.13821753062756, + "cosine_pearson": 84.8659751342045, + "cosine_spearman": 76.95377612997667, + "main_score": 76.95377612997667 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/STS13.json b/results/michaelfeil__ct2fast-e5-large-v2/external/STS13.json new file mode 100644 index 000000000..681ddb4bc --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.34597139044875, + "cos_sim_spearman": 84.124169425592, + "euclidean_pearson": 83.68590721511401, + "euclidean_spearman": 84.18846190846398, + "manhattan_pearson": 83.57630235061498, + "manhattan_spearman": 84.10244043726902, + "cosine_pearson": 83.34597139044875, + "cosine_spearman": 84.124169425592, + "main_score": 84.124169425592 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/STS14.json b/results/michaelfeil__ct2fast-e5-large-v2/external/STS14.json new file mode 100644 index 000000000..f99e81c3f --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.67641885599572, + "cos_sim_spearman": 80.46450725650428, + "euclidean_pearson": 81.61645042715865, + "euclidean_spearman": 80.61418394236874, + "manhattan_pearson": 81.55712034928871, + "manhattan_spearman": 80.57905670523951, + "cosine_pearson": 82.67641885599572, + "cosine_spearman": 80.46450725650428, + "main_score": 80.46450725650428 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/STS15.json b/results/michaelfeil__ct2fast-e5-large-v2/external/STS15.json new file mode 100644 index 000000000..9119b282c --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.86650310886782, + "cos_sim_spearman": 89.76081629222328, + "euclidean_pearson": 89.1530747029954, + "euclidean_spearman": 89.80990657280248, + "manhattan_pearson": 89.10640563278132, + "manhattan_spearman": 89.76282108434047, + "cosine_pearson": 88.86650310886782, + "cosine_spearman": 89.76081629222328, + "main_score": 89.76081629222328 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/STS16.json b/results/michaelfeil__ct2fast-e5-large-v2/external/STS16.json new file mode 100644 index 000000000..67a9d03ae --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.93864027911118, + "cos_sim_spearman": 85.47096193999023, + "euclidean_pearson": 85.03141840870533, + "euclidean_spearman": 85.43124029598181, + "manhattan_pearson": 84.99002664393512, + "manhattan_spearman": 85.39169195120834, + "cosine_pearson": 83.93864027911118, + "cosine_spearman": 85.47096193999023, + "main_score": 85.47096193999023 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/STS17.json b/results/michaelfeil__ct2fast-e5-large-v2/external/STS17.json new file mode 100644 index 000000000..0034a06c4 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.7045343749832, + "cos_sim_spearman": 89.03262221146677, + "euclidean_pearson": 89.56078218264365, + "euclidean_spearman": 89.17827006466868, + "manhattan_pearson": 89.52717595468582, + "manhattan_spearman": 89.15878115952923, + "cosine_pearson": 88.7045343749832, + "cosine_spearman": 89.03262221146677, + "main_score": 89.03262221146677 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/STS22.json b/results/michaelfeil__ct2fast-e5-large-v2/external/STS22.json new file mode 100644 index 000000000..756633d60 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 64.20191302875551, + "cos_sim_spearman": 64.11446552557646, + "euclidean_pearson": 64.6918197393619, + "euclidean_spearman": 63.440182631197764, + "manhattan_pearson": 64.55692904121835, + "manhattan_spearman": 63.424877742756266, + "cosine_pearson": 64.20191302875551, + "cosine_spearman": 64.11446552557646, + "main_score": 64.11446552557646 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/STSBenchmark.json b/results/michaelfeil__ct2fast-e5-large-v2/external/STSBenchmark.json new file mode 100644 index 000000000..b2b25ce33 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.37793104662344, + "cos_sim_spearman": 87.7357802629067, + "euclidean_pearson": 87.4286301545109, + "euclidean_spearman": 87.78452920777421, + "manhattan_pearson": 87.42445169331255, + "manhattan_spearman": 87.78537677249598, + "cosine_pearson": 86.37793104662344, + "cosine_spearman": 87.7357802629067, + "main_score": 87.7357802629067 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/SciDocsRR.json b/results/michaelfeil__ct2fast-e5-large-v2/external/SciDocsRR.json new file mode 100644 index 000000000..01d3b5139 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 84.31465405081792, + "mrr": 95.7173781193389, + "main_score": 84.31465405081792 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/SciFact.json b/results/michaelfeil__ct2fast-e5-large-v2/external/SciFact.json new file mode 100644 index 000000000..de01b59be --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 57.760999999999996, + "map_at_10": 67.904, + "map_at_100": 68.539, + "map_at_1000": 68.562, + "map_at_3": 65.415, + "map_at_5": 66.788, + "mrr_at_1": 60.333000000000006, + "mrr_at_10": 68.797, + "mrr_at_100": 69.236, + "mrr_at_1000": 69.257, + "mrr_at_3": 66.667, + "mrr_at_5": 67.967, + "ndcg_at_1": 60.333000000000006, + "ndcg_at_10": 72.24199999999999, + "ndcg_at_100": 74.86, + "ndcg_at_1000": 75.354, + "ndcg_at_3": 67.93400000000001, + "ndcg_at_5": 70.02199999999999, + "precision_at_1": 60.333000000000006, + "precision_at_10": 9.533, + "precision_at_100": 1.09, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 26.778000000000002, + "precision_at_5": 17.467, + "recall_at_1": 57.760999999999996, + "recall_at_10": 84.383, + "recall_at_100": 96.267, + "recall_at_1000": 100, + "recall_at_3": 72.628, + "recall_at_5": 78.094, + "main_score": 72.24199999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/SprintDuplicateQuestions.json b/results/michaelfeil__ct2fast-e5-large-v2/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..ca9827c70 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.8029702970297, + "cos_sim_ap": 94.9210324173411, + "cos_sim_f1": 89.8521162672106, + "cos_sim_precision": 91.67533818938605, + "cos_sim_recall": 88.1, + "dot_accuracy": 99.69504950495049, + "dot_ap": 90.4919719146181, + "dot_f1": 84.72289156626506, + "dot_precision": 81.76744186046511, + "dot_recall": 87.9, + "euclidean_accuracy": 99.79702970297029, + "euclidean_ap": 94.87827463795753, + "euclidean_f1": 89.55680081507896, + "euclidean_precision": 91.27725856697819, + "euclidean_recall": 87.9, + "manhattan_accuracy": 99.7990099009901, + "manhattan_ap": 94.87587025149682, + "manhattan_f1": 89.76298537569339, + "manhattan_precision": 90.53916581892166, + "manhattan_recall": 89, + "max_accuracy": 99.8029702970297, + "max_ap": 94.9210324173411, + "max_f1": 89.8521162672106, + "main_score": 94.9210324173411 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/StackExchangeClustering.json b/results/michaelfeil__ct2fast-e5-large-v2/external/StackExchangeClustering.json new file mode 100644 index 000000000..fc811d574 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 65.92385753948724, + "main_score": 65.92385753948724 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/StackExchangeClusteringP2P.json b/results/michaelfeil__ct2fast-e5-large-v2/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..ca1bbe3b0 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.671756975431144, + "main_score": 33.671756975431144 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/StackOverflowDupQuestions.json b/results/michaelfeil__ct2fast-e5-large-v2/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..7da98843b --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 50.677928036739004, + "mrr": 51.56413133435193, + "main_score": 50.677928036739004 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/SummEval.json b/results/michaelfeil__ct2fast-e5-large-v2/external/SummEval.json new file mode 100644 index 000000000..5b97b82d9 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.523589340819683, + "cos_sim_spearman": 30.187407518823235, + "dot_pearson": 29.039713969699015, + "dot_spearman": 29.114740651155508, + "cosine_pearson": 30.523589340819683, + "cosine_spearman": 30.187407518823235, + "main_score": 30.187407518823235 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/TRECCOVID.json b/results/michaelfeil__ct2fast-e5-large-v2/external/TRECCOVID.json new file mode 100644 index 000000000..505b2a19a --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.211, + "map_at_10": 1.6199999999999999, + "map_at_100": 8.658000000000001, + "map_at_1000": 21.538, + "map_at_3": 0.575, + "map_at_5": 0.919, + "mrr_at_1": 78, + "mrr_at_10": 86.18599999999999, + "mrr_at_100": 86.18599999999999, + "mrr_at_1000": 86.18599999999999, + "mrr_at_3": 85, + "mrr_at_5": 85.9, + "ndcg_at_1": 74, + "ndcg_at_10": 66.542, + "ndcg_at_100": 50.163999999999994, + "ndcg_at_1000": 45.696999999999996, + "ndcg_at_3": 71.531, + "ndcg_at_5": 70.45, + "precision_at_1": 78, + "precision_at_10": 69.39999999999999, + "precision_at_100": 51.06, + "precision_at_1000": 20.022000000000002, + "precision_at_3": 76, + "precision_at_5": 74.8, + "recall_at_1": 0.211, + "recall_at_10": 1.813, + "recall_at_100": 12.098, + "recall_at_1000": 42.618, + "recall_at_3": 0.603, + "recall_at_5": 0.987, + "main_score": 66.542 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/Touche2020.json b/results/michaelfeil__ct2fast-e5-large-v2/external/Touche2020.json new file mode 100644 index 000000000..6230ebafb --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.2079999999999997, + "map_at_10": 7.777000000000001, + "map_at_100": 12.825000000000001, + "map_at_1000": 14.196, + "map_at_3": 4.285, + "map_at_5": 6.177, + "mrr_at_1": 30.612000000000002, + "mrr_at_10": 42.635, + "mrr_at_100": 43.955, + "mrr_at_1000": 43.955, + "mrr_at_3": 38.435, + "mrr_at_5": 41.088, + "ndcg_at_1": 28.571, + "ndcg_at_10": 20.666999999999998, + "ndcg_at_100": 31.840000000000003, + "ndcg_at_1000": 43.191, + "ndcg_at_3": 23.45, + "ndcg_at_5": 22.994, + "precision_at_1": 30.612000000000002, + "precision_at_10": 17.959, + "precision_at_100": 6.755, + "precision_at_1000": 1.4200000000000002, + "precision_at_3": 23.810000000000002, + "precision_at_5": 23.673, + "recall_at_1": 2.2079999999999997, + "recall_at_10": 13.144, + "recall_at_100": 42.491, + "recall_at_1000": 77.04299999999999, + "recall_at_3": 5.3469999999999995, + "recall_at_5": 9.139, + "main_score": 20.666999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/ToxicConversationsClassification.json b/results/michaelfeil__ct2fast-e5-large-v2/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..ac78ed12a --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.9044, + "ap": 14.625783489340755, + "f1": 54.814936562590546, + "main_score": 70.9044 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/TweetSentimentExtractionClassification.json b/results/michaelfeil__ct2fast-e5-large-v2/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..52ccffac2 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 60.94227504244483, + "f1": 61.22516038508854, + "main_score": 60.94227504244483 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/TwentyNewsgroupsClustering.json b/results/michaelfeil__ct2fast-e5-large-v2/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..3f9189fc6 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 49.602409155145864, + "main_score": 49.602409155145864 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/TwitterSemEval2015.json b/results/michaelfeil__ct2fast-e5-large-v2/external/TwitterSemEval2015.json new file mode 100644 index 000000000..dcb7234c4 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 86.94641473445789, + "cos_sim_ap": 76.91572747061197, + "cos_sim_f1": 70.14348097317529, + "cos_sim_precision": 66.53254437869822, + "cos_sim_recall": 74.1688654353562, + "dot_accuracy": 84.80061989628658, + "dot_ap": 70.7952548895177, + "dot_f1": 65.44780728844965, + "dot_precision": 61.53310104529617, + "dot_recall": 69.89445910290237, + "euclidean_accuracy": 86.94641473445789, + "euclidean_ap": 76.80774009393652, + "euclidean_f1": 70.30522503879979, + "euclidean_precision": 68.94977168949772, + "euclidean_recall": 71.71503957783642, + "manhattan_accuracy": 86.8629671574179, + "manhattan_ap": 76.76518632600317, + "manhattan_f1": 70.16056518946692, + "manhattan_precision": 68.360450563204, + "manhattan_recall": 72.0580474934037, + "max_accuracy": 86.94641473445789, + "max_ap": 76.91572747061197, + "max_f1": 70.30522503879979, + "main_score": 76.91572747061197 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/TwitterURLCorpus.json b/results/michaelfeil__ct2fast-e5-large-v2/external/TwitterURLCorpus.json new file mode 100644 index 000000000..7f8032026 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.10428066907285, + "cos_sim_ap": 86.25114759921435, + "cos_sim_f1": 78.37857884586856, + "cos_sim_precision": 75.60818546078993, + "cos_sim_recall": 81.35971666153372, + "dot_accuracy": 87.41995575736406, + "dot_ap": 81.51838010086782, + "dot_f1": 74.77398015435503, + "dot_precision": 71.53002390662354, + "dot_recall": 78.32614721281182, + "euclidean_accuracy": 89.12368533395428, + "euclidean_ap": 86.33456799874504, + "euclidean_f1": 78.45496750232127, + "euclidean_precision": 75.78388462366364, + "euclidean_recall": 81.32121958731136, + "manhattan_accuracy": 89.10622113556099, + "manhattan_ap": 86.31215061745333, + "manhattan_f1": 78.40684906011539, + "manhattan_precision": 75.89536643366722, + "manhattan_recall": 81.09023714197721, + "max_accuracy": 89.12368533395428, + "max_ap": 86.33456799874504, + "max_f1": 78.45496750232127, + "main_score": 86.33456799874504 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large-v2/external/model_meta.json b/results/michaelfeil__ct2fast-e5-large-v2/external/model_meta.json new file mode 100644 index 000000000..59debc365 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large-v2/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "michaelfeil/ct2fast-e5-large-v2", + "revision": "f3e7f09e41337a1984bcf06d3d82b9f63af0f4dd", + "release_date": "2023-06-15", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 1024, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/AmazonCounterfactualClassification.json b/results/michaelfeil__ct2fast-e5-large/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..f834c98d1 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.68656716417911, + "ap": 41.336896075573584, + "f1": 71.788561468075, + "main_score": 77.68656716417911 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/AmazonPolarityClassification.json b/results/michaelfeil__ct2fast-e5-large/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..c4ab547d8 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 90.04965, + "ap": 86.24637009569418, + "f1": 90.03896671762645, + "main_score": 90.04965 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/AmazonReviewsClassification.json b/results/michaelfeil__ct2fast-e5-large/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..6a360f51d --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 43.016000000000005, + "f1": 42.1942431880186, + "main_score": 43.016000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/ArguAna.json b/results/michaelfeil__ct2fast-e5-large/external/ArguAna.json new file mode 100644 index 000000000..6e41c7b21 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.107000000000003, + "map_at_10": 40.464, + "map_at_100": 41.577999999999996, + "map_at_1000": 41.588, + "map_at_3": 35.301, + "map_at_5": 38.263000000000005, + "mrr_at_1": 25.605, + "mrr_at_10": 40.64, + "mrr_at_100": 41.760000000000005, + "mrr_at_1000": 41.77, + "mrr_at_3": 35.443000000000005, + "mrr_at_5": 38.448, + "ndcg_at_1": 25.107000000000003, + "ndcg_at_10": 49.352000000000004, + "ndcg_at_100": 53.98500000000001, + "ndcg_at_1000": 54.208, + "ndcg_at_3": 38.671, + "ndcg_at_5": 43.991, + "precision_at_1": 25.107000000000003, + "precision_at_10": 7.795000000000001, + "precision_at_100": 0.979, + "precision_at_1000": 0.1, + "precision_at_3": 16.145, + "precision_at_5": 12.262, + "recall_at_1": 25.107000000000003, + "recall_at_10": 77.952, + "recall_at_100": 97.866, + "recall_at_1000": 99.57300000000001, + "recall_at_3": 48.435, + "recall_at_5": 61.309000000000005, + "main_score": 49.352000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/ArxivClusteringP2P.json b/results/michaelfeil__ct2fast-e5-large/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..4de2381c1 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 46.19278045044154, + "main_score": 46.19278045044154 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/ArxivClusteringS2S.json b/results/michaelfeil__ct2fast-e5-large/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..7e53ac6d0 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 41.37976387757665, + "main_score": 41.37976387757665 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/AskUbuntuDupQuestions.json b/results/michaelfeil__ct2fast-e5-large/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..0bc05a59b --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 60.07433334608074, + "mrr": 73.44347711383723, + "main_score": 60.07433334608074 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/BIOSSES.json b/results/michaelfeil__ct2fast-e5-large/external/BIOSSES.json new file mode 100644 index 000000000..57ba105d0 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.4298072183543, + "cos_sim_spearman": 84.73144873582848, + "euclidean_pearson": 85.15885058870728, + "euclidean_spearman": 85.42062106559356, + "manhattan_pearson": 84.89409921792054, + "manhattan_spearman": 85.31941394024344, + "cosine_pearson": 86.4298072183543, + "cosine_spearman": 84.73144873582848, + "main_score": 84.73144873582848 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/Banking77Classification.json b/results/michaelfeil__ct2fast-e5-large/external/Banking77Classification.json new file mode 100644 index 000000000..cdd4d3efd --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 84.14285714285714, + "f1": 84.11674412565644, + "main_score": 84.14285714285714 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/BiorxivClusteringP2P.json b/results/michaelfeil__ct2fast-e5-large/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..5d5e14dfc --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.600076342340785, + "main_score": 37.600076342340785 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/BiorxivClusteringS2S.json b/results/michaelfeil__ct2fast-e5-large/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..a0532dbf9 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.08861812135148, + "main_score": 35.08861812135148 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/CQADupstackAndroidRetrieval.json b/results/michaelfeil__ct2fast-e5-large/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..330dc7286 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.684000000000005, + "map_at_10": 41.675000000000004, + "map_at_100": 42.963, + "map_at_1000": 43.078, + "map_at_3": 38.708999999999996, + "map_at_5": 40.316, + "mrr_at_1": 39.485, + "mrr_at_10": 47.152, + "mrr_at_100": 47.96, + "mrr_at_1000": 48.010000000000005, + "mrr_at_3": 44.754, + "mrr_at_5": 46.285, + "ndcg_at_1": 39.485, + "ndcg_at_10": 46.849000000000004, + "ndcg_at_100": 52.059, + "ndcg_at_1000": 54.358, + "ndcg_at_3": 42.705, + "ndcg_at_5": 44.663000000000004, + "precision_at_1": 39.485, + "precision_at_10": 8.455, + "precision_at_100": 1.3379999999999999, + "precision_at_1000": 0.178, + "precision_at_3": 19.695, + "precision_at_5": 13.905999999999999, + "recall_at_1": 32.684000000000005, + "recall_at_10": 56.227000000000004, + "recall_at_100": 78.499, + "recall_at_1000": 94.021, + "recall_at_3": 44.157999999999994, + "recall_at_5": 49.694, + "main_score": 46.849000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.875999999999998, + "map_at_10": 41.603, + "map_at_100": 42.825, + "map_at_1000": 42.961, + "map_at_3": 38.655, + "map_at_5": 40.294999999999995, + "mrr_at_1": 40.127, + "mrr_at_10": 47.959, + "mrr_at_100": 48.59, + "mrr_at_1000": 48.634, + "mrr_at_3": 45.786, + "mrr_at_5": 46.964, + "ndcg_at_1": 40.127, + "ndcg_at_10": 47.176, + "ndcg_at_100": 51.346000000000004, + "ndcg_at_1000": 53.502, + "ndcg_at_3": 43.139, + "ndcg_at_5": 44.883, + "precision_at_1": 40.127, + "precision_at_10": 8.72, + "precision_at_100": 1.387, + "precision_at_1000": 0.188, + "precision_at_3": 20.637, + "precision_at_5": 14.446, + "recall_at_1": 31.875999999999998, + "recall_at_10": 56.54900000000001, + "recall_at_100": 73.939, + "recall_at_1000": 87.732, + "recall_at_3": 44.326, + "recall_at_5": 49.445, + "main_score": 47.176 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 41.677, + "map_at_10": 52.222, + "map_at_100": 53.229000000000006, + "map_at_1000": 53.288000000000004, + "map_at_3": 49.201, + "map_at_5": 51.00599999999999, + "mrr_at_1": 47.524, + "mrr_at_10": 55.745999999999995, + "mrr_at_100": 56.433, + "mrr_at_1000": 56.464999999999996, + "mrr_at_3": 53.37499999999999, + "mrr_at_5": 54.858, + "ndcg_at_1": 47.524, + "ndcg_at_10": 57.406, + "ndcg_at_100": 61.403, + "ndcg_at_1000": 62.7, + "ndcg_at_3": 52.298, + "ndcg_at_5": 55.02, + "precision_at_1": 47.524, + "precision_at_10": 8.865, + "precision_at_100": 1.179, + "precision_at_1000": 0.134, + "precision_at_3": 22.612, + "precision_at_5": 15.461, + "recall_at_1": 41.677, + "recall_at_10": 69.346, + "recall_at_100": 86.344, + "recall_at_1000": 95.703, + "recall_at_3": 55.789, + "recall_at_5": 62.488, + "main_score": 57.406 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.991999999999997, + "map_at_10": 32.804, + "map_at_100": 33.812999999999995, + "map_at_1000": 33.897, + "map_at_3": 30.567, + "map_at_5": 31.599, + "mrr_at_1": 27.797, + "mrr_at_10": 34.768, + "mrr_at_100": 35.702, + "mrr_at_1000": 35.766, + "mrr_at_3": 32.637, + "mrr_at_5": 33.614, + "ndcg_at_1": 27.797, + "ndcg_at_10": 36.966, + "ndcg_at_100": 41.972, + "ndcg_at_1000": 44.139, + "ndcg_at_3": 32.547, + "ndcg_at_5": 34.258, + "precision_at_1": 27.797, + "precision_at_10": 5.514, + "precision_at_100": 0.8340000000000001, + "precision_at_1000": 0.106, + "precision_at_3": 13.333, + "precision_at_5": 9.04, + "recall_at_1": 25.991999999999997, + "recall_at_10": 47.941, + "recall_at_100": 71.039, + "recall_at_1000": 87.32799999999999, + "recall_at_3": 36.01, + "recall_at_5": 40.056000000000004, + "main_score": 36.966 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.533, + "map_at_10": 24.336, + "map_at_100": 25.445, + "map_at_1000": 25.561, + "map_at_3": 22.116, + "map_at_5": 23.347, + "mrr_at_1": 21.642, + "mrr_at_10": 28.910999999999998, + "mrr_at_100": 29.836000000000002, + "mrr_at_1000": 29.907, + "mrr_at_3": 26.638, + "mrr_at_5": 27.857, + "ndcg_at_1": 21.642, + "ndcg_at_10": 28.949, + "ndcg_at_100": 34.211000000000006, + "ndcg_at_1000": 37.031, + "ndcg_at_3": 24.788, + "ndcg_at_5": 26.685, + "precision_at_1": 21.642, + "precision_at_10": 5.137, + "precision_at_100": 0.893, + "precision_at_1000": 0.127, + "precision_at_3": 11.733, + "precision_at_5": 8.383000000000001, + "recall_at_1": 17.533, + "recall_at_10": 38.839, + "recall_at_100": 61.458999999999996, + "recall_at_1000": 81.58, + "recall_at_3": 27.328999999999997, + "recall_at_5": 32.168, + "main_score": 28.949 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.126, + "map_at_10": 37.872, + "map_at_100": 39.229, + "map_at_1000": 39.353, + "map_at_3": 34.93, + "map_at_5": 36.59, + "mrr_at_1": 34.071, + "mrr_at_10": 43.056, + "mrr_at_100": 43.944, + "mrr_at_1000": 43.999, + "mrr_at_3": 40.536, + "mrr_at_5": 42.065999999999995, + "ndcg_at_1": 34.071, + "ndcg_at_10": 43.503, + "ndcg_at_100": 49.120000000000005, + "ndcg_at_1000": 51.410999999999994, + "ndcg_at_3": 38.767, + "ndcg_at_5": 41.075, + "precision_at_1": 34.071, + "precision_at_10": 7.843999999999999, + "precision_at_100": 1.2489999999999999, + "precision_at_1000": 0.163, + "precision_at_3": 18.223, + "precision_at_5": 13.050999999999998, + "recall_at_1": 28.126, + "recall_at_10": 54.952, + "recall_at_100": 78.375, + "recall_at_1000": 93.29899999999999, + "recall_at_3": 41.714, + "recall_at_5": 47.635, + "main_score": 43.503 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.957, + "map_at_10": 34.749, + "map_at_100": 35.929, + "map_at_1000": 36.043, + "map_at_3": 31.947, + "map_at_5": 33.575, + "mrr_at_1": 32.078, + "mrr_at_10": 39.844, + "mrr_at_100": 40.71, + "mrr_at_1000": 40.77, + "mrr_at_3": 37.386, + "mrr_at_5": 38.83, + "ndcg_at_1": 32.078, + "ndcg_at_10": 39.97, + "ndcg_at_100": 45.254, + "ndcg_at_1000": 47.818, + "ndcg_at_3": 35.453, + "ndcg_at_5": 37.631, + "precision_at_1": 32.078, + "precision_at_10": 7.158, + "precision_at_100": 1.126, + "precision_at_1000": 0.153, + "precision_at_3": 16.743, + "precision_at_5": 11.872, + "recall_at_1": 25.957, + "recall_at_10": 50.583, + "recall_at_100": 73.593, + "recall_at_1000": 91.23599999999999, + "recall_at_3": 37.651, + "recall_at_5": 43.626, + "main_score": 39.97 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.1505, + "map_at_10": 34.844833333333334, + "map_at_100": 35.95216666666667, + "map_at_1000": 36.06675, + "map_at_3": 32.41975, + "map_at_5": 33.74233333333333, + "mrr_at_1": 31.923666666666662, + "mrr_at_10": 38.87983333333334, + "mrr_at_100": 39.706250000000004, + "mrr_at_1000": 39.76708333333333, + "mrr_at_3": 36.72008333333333, + "mrr_at_5": 37.96933333333334, + "ndcg_at_1": 31.923666666666662, + "ndcg_at_10": 39.44258333333334, + "ndcg_at_100": 44.31475, + "ndcg_at_1000": 46.75, + "ndcg_at_3": 35.36299999999999, + "ndcg_at_5": 37.242333333333335, + "precision_at_1": 31.923666666666662, + "precision_at_10": 6.643333333333333, + "precision_at_100": 1.0612499999999998, + "precision_at_1000": 0.14575, + "precision_at_3": 15.875250000000001, + "precision_at_5": 11.088916666666664, + "recall_at_1": 27.1505, + "recall_at_10": 49.06349999999999, + "recall_at_100": 70.60841666666666, + "recall_at_1000": 87.72049999999999, + "recall_at_3": 37.60575000000001, + "recall_at_5": 42.511166666666675, + "main_score": 39.44258333333334 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.101000000000003, + "map_at_10": 30.147000000000002, + "map_at_100": 30.98, + "map_at_1000": 31.080000000000002, + "map_at_3": 28.571, + "map_at_5": 29.319, + "mrr_at_1": 27.761000000000003, + "mrr_at_10": 32.716, + "mrr_at_100": 33.504, + "mrr_at_1000": 33.574, + "mrr_at_3": 31.135, + "mrr_at_5": 32.032, + "ndcg_at_1": 27.761000000000003, + "ndcg_at_10": 33.358, + "ndcg_at_100": 37.569, + "ndcg_at_1000": 40.189, + "ndcg_at_3": 30.291, + "ndcg_at_5": 31.558000000000003, + "precision_at_1": 27.761000000000003, + "precision_at_10": 4.939, + "precision_at_100": 0.759, + "precision_at_1000": 0.106, + "precision_at_3": 12.577, + "precision_at_5": 8.497, + "recall_at_1": 25.101000000000003, + "recall_at_10": 40.739, + "recall_at_100": 60.089999999999996, + "recall_at_1000": 79.768, + "recall_at_3": 32.16, + "recall_at_5": 35.131, + "main_score": 33.358 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.112, + "map_at_10": 26.119999999999997, + "map_at_100": 27.031, + "map_at_1000": 27.150000000000002, + "map_at_3": 24.230999999999998, + "map_at_5": 25.15, + "mrr_at_1": 24.535, + "mrr_at_10": 30.198000000000004, + "mrr_at_100": 30.975, + "mrr_at_1000": 31.051000000000002, + "mrr_at_3": 28.338, + "mrr_at_5": 29.269000000000002, + "ndcg_at_1": 24.535, + "ndcg_at_10": 30.147000000000002, + "ndcg_at_100": 34.544000000000004, + "ndcg_at_1000": 37.512, + "ndcg_at_3": 26.726, + "ndcg_at_5": 28.046, + "precision_at_1": 24.535, + "precision_at_10": 5.179, + "precision_at_100": 0.859, + "precision_at_1000": 0.128, + "precision_at_3": 12.159, + "precision_at_5": 8.424, + "recall_at_1": 20.112, + "recall_at_10": 38.312000000000005, + "recall_at_100": 58.406000000000006, + "recall_at_1000": 79.863, + "recall_at_3": 28.358, + "recall_at_5": 31.973000000000003, + "main_score": 30.147000000000002 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.111, + "map_at_10": 34.096, + "map_at_100": 35.181000000000004, + "map_at_1000": 35.276, + "map_at_3": 31.745, + "map_at_5": 33.045, + "mrr_at_1": 31.343, + "mrr_at_10": 37.994, + "mrr_at_100": 38.873000000000005, + "mrr_at_1000": 38.934999999999995, + "mrr_at_3": 35.743, + "mrr_at_5": 37.077, + "ndcg_at_1": 31.343, + "ndcg_at_10": 38.572, + "ndcg_at_100": 43.854, + "ndcg_at_1000": 46.190999999999995, + "ndcg_at_3": 34.247, + "ndcg_at_5": 36.28, + "precision_at_1": 31.343, + "precision_at_10": 6.166, + "precision_at_100": 1, + "precision_at_1000": 0.13, + "precision_at_3": 15.081, + "precision_at_5": 10.428999999999998, + "recall_at_1": 27.111, + "recall_at_10": 48.422, + "recall_at_100": 71.846, + "recall_at_1000": 88.57000000000001, + "recall_at_3": 36.435, + "recall_at_5": 41.765, + "main_score": 38.572 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.264, + "map_at_10": 33.522, + "map_at_100": 34.963, + "map_at_1000": 35.175, + "map_at_3": 31.366, + "map_at_5": 32.621, + "mrr_at_1": 31.028, + "mrr_at_10": 37.230000000000004, + "mrr_at_100": 38.149, + "mrr_at_1000": 38.218, + "mrr_at_3": 35.046, + "mrr_at_5": 36.617, + "ndcg_at_1": 31.028, + "ndcg_at_10": 37.964999999999996, + "ndcg_at_100": 43.342000000000006, + "ndcg_at_1000": 46.471000000000004, + "ndcg_at_3": 34.67, + "ndcg_at_5": 36.458, + "precision_at_1": 31.028, + "precision_at_10": 6.937, + "precision_at_100": 1.346, + "precision_at_1000": 0.22799999999999998, + "precision_at_3": 15.942, + "precision_at_5": 11.462, + "recall_at_1": 26.264, + "recall_at_10": 45.571, + "recall_at_100": 70.246, + "recall_at_1000": 90.971, + "recall_at_3": 36.276, + "recall_at_5": 41.162, + "main_score": 37.964999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.372999999999998, + "map_at_10": 28.992, + "map_at_100": 29.837999999999997, + "map_at_1000": 29.939, + "map_at_3": 26.999000000000002, + "map_at_5": 28.044999999999998, + "mrr_at_1": 25.692999999999998, + "mrr_at_10": 30.984, + "mrr_at_100": 31.799, + "mrr_at_1000": 31.875999999999998, + "mrr_at_3": 29.267, + "mrr_at_5": 30.163, + "ndcg_at_1": 25.692999999999998, + "ndcg_at_10": 32.45, + "ndcg_at_100": 37.103, + "ndcg_at_1000": 39.678000000000004, + "ndcg_at_3": 28.725, + "ndcg_at_5": 30.351, + "precision_at_1": 25.692999999999998, + "precision_at_10": 4.806, + "precision_at_100": 0.765, + "precision_at_1000": 0.108, + "precision_at_3": 11.768, + "precision_at_5": 8.096, + "recall_at_1": 23.372999999999998, + "recall_at_10": 41.281, + "recall_at_100": 63.465, + "recall_at_1000": 82.575, + "recall_at_3": 31.063000000000002, + "recall_at_5": 34.991, + "main_score": 32.45 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/ClimateFEVER.json b/results/michaelfeil__ct2fast-e5-large/external/ClimateFEVER.json new file mode 100644 index 000000000..ce7ece7c4 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.821, + "map_at_10": 15.383, + "map_at_100": 17.244999999999997, + "map_at_1000": 17.445, + "map_at_3": 12.64, + "map_at_5": 13.941999999999998, + "mrr_at_1": 19.544, + "mrr_at_10": 29.738999999999997, + "mrr_at_100": 30.923000000000002, + "mrr_at_1000": 30.969, + "mrr_at_3": 26.384, + "mrr_at_5": 28.199, + "ndcg_at_1": 19.544, + "ndcg_at_10": 22.398, + "ndcg_at_100": 30.253999999999998, + "ndcg_at_1000": 33.876, + "ndcg_at_3": 17.473, + "ndcg_at_5": 19.154, + "precision_at_1": 19.544, + "precision_at_10": 7.217999999999999, + "precision_at_100": 1.564, + "precision_at_1000": 0.22300000000000003, + "precision_at_3": 13.225000000000001, + "precision_at_5": 10.319, + "recall_at_1": 8.821, + "recall_at_10": 28.110000000000003, + "recall_at_100": 55.64, + "recall_at_1000": 75.964, + "recall_at_3": 16.195, + "recall_at_5": 20.678, + "main_score": 22.398 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/DBPedia.json b/results/michaelfeil__ct2fast-e5-large/external/DBPedia.json new file mode 100644 index 000000000..37a28e036 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.344, + "map_at_10": 20.301, + "map_at_100": 28.709, + "map_at_1000": 30.470999999999997, + "map_at_3": 14.584, + "map_at_5": 16.930999999999997, + "mrr_at_1": 67.25, + "mrr_at_10": 75.393, + "mrr_at_100": 75.742, + "mrr_at_1000": 75.75, + "mrr_at_3": 73.958, + "mrr_at_5": 74.883, + "ndcg_at_1": 56.00000000000001, + "ndcg_at_10": 42.394, + "ndcg_at_100": 47.091, + "ndcg_at_1000": 54.215, + "ndcg_at_3": 46.995, + "ndcg_at_5": 44.214999999999996, + "precision_at_1": 67.25, + "precision_at_10": 33.525, + "precision_at_100": 10.67, + "precision_at_1000": 2.221, + "precision_at_3": 49.417, + "precision_at_5": 42.15, + "recall_at_1": 9.344, + "recall_at_10": 25.209, + "recall_at_100": 52.329, + "recall_at_1000": 74.2, + "recall_at_3": 15.699, + "recall_at_5": 19.24, + "main_score": 42.394 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/EmotionClassification.json b/results/michaelfeil__ct2fast-e5-large/external/EmotionClassification.json new file mode 100644 index 000000000..6ab9832f0 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 48.05, + "f1": 43.06718139212933, + "main_score": 48.05 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/FEVER.json b/results/michaelfeil__ct2fast-e5-large/external/FEVER.json new file mode 100644 index 000000000..582962a33 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 46.452, + "map_at_10": 58.825, + "map_at_100": 59.372, + "map_at_1000": 59.399, + "map_at_3": 56.264, + "map_at_5": 57.879999999999995, + "mrr_at_1": 49.82, + "mrr_at_10": 62.178999999999995, + "mrr_at_100": 62.641999999999996, + "mrr_at_1000": 62.658, + "mrr_at_3": 59.706, + "mrr_at_5": 61.283, + "ndcg_at_1": 49.82, + "ndcg_at_10": 65.031, + "ndcg_at_100": 67.413, + "ndcg_at_1000": 68.014, + "ndcg_at_3": 60.084, + "ndcg_at_5": 62.858000000000004, + "precision_at_1": 49.82, + "precision_at_10": 8.876000000000001, + "precision_at_100": 1.018, + "precision_at_1000": 0.109, + "precision_at_3": 24.477, + "precision_at_5": 16.208, + "recall_at_1": 46.452, + "recall_at_10": 80.808, + "recall_at_100": 91.215, + "recall_at_1000": 95.52000000000001, + "recall_at_3": 67.62899999999999, + "recall_at_5": 74.32900000000001, + "main_score": 65.031 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/FiQA2018.json b/results/michaelfeil__ct2fast-e5-large/external/FiQA2018.json new file mode 100644 index 000000000..770c8ed6a --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.351, + "map_at_10": 30.796, + "map_at_100": 32.621, + "map_at_1000": 32.799, + "map_at_3": 26.491, + "map_at_5": 28.933999999999997, + "mrr_at_1": 36.265, + "mrr_at_10": 45.556999999999995, + "mrr_at_100": 46.323, + "mrr_at_1000": 46.359, + "mrr_at_3": 42.695, + "mrr_at_5": 44.324000000000005, + "ndcg_at_1": 36.265, + "ndcg_at_10": 38.558, + "ndcg_at_100": 45.18, + "ndcg_at_1000": 48.292, + "ndcg_at_3": 34.204, + "ndcg_at_5": 35.735, + "precision_at_1": 36.265, + "precision_at_10": 10.879999999999999, + "precision_at_100": 1.77, + "precision_at_1000": 0.234, + "precision_at_3": 23.044999999999998, + "precision_at_5": 17.253, + "recall_at_1": 18.351, + "recall_at_10": 46.116, + "recall_at_100": 70.786, + "recall_at_1000": 89.46300000000001, + "recall_at_3": 31.404, + "recall_at_5": 37.678, + "main_score": 38.558 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/HotpotQA.json b/results/michaelfeil__ct2fast-e5-large/external/HotpotQA.json new file mode 100644 index 000000000..9a5c7a99c --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 36.847, + "map_at_10": 54.269999999999996, + "map_at_100": 55.152, + "map_at_1000": 55.223, + "map_at_3": 51.166, + "map_at_5": 53.055, + "mrr_at_1": 73.693, + "mrr_at_10": 79.975, + "mrr_at_100": 80.202, + "mrr_at_1000": 80.214, + "mrr_at_3": 78.938, + "mrr_at_5": 79.595, + "ndcg_at_1": 73.693, + "ndcg_at_10": 63.334999999999994, + "ndcg_at_100": 66.452, + "ndcg_at_1000": 67.869, + "ndcg_at_3": 58.829, + "ndcg_at_5": 61.266, + "precision_at_1": 73.693, + "precision_at_10": 13.122, + "precision_at_100": 1.5559999999999998, + "precision_at_1000": 0.174, + "precision_at_3": 37.083, + "precision_at_5": 24.169999999999998, + "recall_at_1": 36.847, + "recall_at_10": 65.61099999999999, + "recall_at_100": 77.792, + "recall_at_1000": 87.17099999999999, + "recall_at_3": 55.625, + "recall_at_5": 60.425, + "main_score": 63.334999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/ImdbClassification.json b/results/michaelfeil__ct2fast-e5-large/external/ImdbClassification.json new file mode 100644 index 000000000..085f01c90 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 82.1096, + "ap": 76.67089212843918, + "f1": 82.03535056754939, + "main_score": 82.1096 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/MSMARCO.json b/results/michaelfeil__ct2fast-e5-large/external/MSMARCO.json new file mode 100644 index 000000000..7562a1f57 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.465, + "map_at_10": 37.072, + "map_at_100": 38.188, + "map_at_1000": 38.232, + "map_at_3": 33.134, + "map_at_5": 35.453, + "mrr_at_1": 25.142999999999997, + "mrr_at_10": 37.669999999999995, + "mrr_at_100": 38.725, + "mrr_at_1000": 38.765, + "mrr_at_3": 33.82, + "mrr_at_5": 36.111, + "ndcg_at_1": 25.142999999999997, + "ndcg_at_10": 44.054, + "ndcg_at_100": 49.364000000000004, + "ndcg_at_1000": 50.456, + "ndcg_at_3": 36.095, + "ndcg_at_5": 40.23, + "precision_at_1": 25.142999999999997, + "precision_at_10": 6.845, + "precision_at_100": 0.95, + "precision_at_1000": 0.104, + "precision_at_3": 15.204999999999998, + "precision_at_5": 11.221, + "recall_at_1": 24.465, + "recall_at_10": 65.495, + "recall_at_100": 89.888, + "recall_at_1000": 98.165, + "recall_at_3": 43.964, + "recall_at_5": 53.891, + "main_score": 44.054 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/MTOPDomainClassification.json b/results/michaelfeil__ct2fast-e5-large/external/MTOPDomainClassification.json new file mode 100644 index 000000000..d2da6ff10 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.86228910168718, + "f1": 93.69177113259104, + "main_score": 93.86228910168718 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/MTOPIntentClassification.json b/results/michaelfeil__ct2fast-e5-large/external/MTOPIntentClassification.json new file mode 100644 index 000000000..865186ead --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.3999088007296, + "f1": 58.96668664333438, + "main_score": 76.3999088007296 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/MassiveIntentClassification.json b/results/michaelfeil__ct2fast-e5-large/external/MassiveIntentClassification.json new file mode 100644 index 000000000..411bbfae3 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.21788836583727, + "f1": 71.4545936552952, + "main_score": 73.21788836583727 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/MassiveScenarioClassification.json b/results/michaelfeil__ct2fast-e5-large/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..dab5cb6a7 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.39071956960323, + "f1": 77.12398952847603, + "main_score": 77.39071956960323 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/MedrxivClusteringP2P.json b/results/michaelfeil__ct2fast-e5-large/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..5e29806cf --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.255379528166955, + "main_score": 32.255379528166955 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/MedrxivClusteringS2S.json b/results/michaelfeil__ct2fast-e5-large/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..3e3fec623 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 29.66423362872814, + "main_score": 29.66423362872814 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/MindSmallReranking.json b/results/michaelfeil__ct2fast-e5-large/external/MindSmallReranking.json new file mode 100644 index 000000000..b24b2a1ef --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 30.782211620375964, + "mrr": 31.773479703044956, + "main_score": 30.782211620375964 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/NFCorpus.json b/results/michaelfeil__ct2fast-e5-large/external/NFCorpus.json new file mode 100644 index 000000000..f375aa1ff --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.863, + "map_at_10": 13.831, + "map_at_100": 17.534, + "map_at_1000": 19.012, + "map_at_3": 10.143, + "map_at_5": 12.034, + "mrr_at_1": 46.749, + "mrr_at_10": 55.376999999999995, + "mrr_at_100": 56.009, + "mrr_at_1000": 56.042, + "mrr_at_3": 53.30200000000001, + "mrr_at_5": 54.85, + "ndcg_at_1": 44.582, + "ndcg_at_10": 36.07, + "ndcg_at_100": 33.39, + "ndcg_at_1000": 41.884, + "ndcg_at_3": 41.441, + "ndcg_at_5": 39.861000000000004, + "precision_at_1": 46.129999999999995, + "precision_at_10": 26.594, + "precision_at_100": 8.365, + "precision_at_1000": 2.1260000000000003, + "precision_at_3": 39.009, + "precision_at_5": 34.861, + "recall_at_1": 5.863, + "recall_at_10": 17.961, + "recall_at_100": 34.026, + "recall_at_1000": 64.46499999999999, + "recall_at_3": 11.242, + "recall_at_5": 14.493, + "main_score": 36.07 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/NQ.json b/results/michaelfeil__ct2fast-e5-large/external/NQ.json new file mode 100644 index 000000000..bd50f09e8 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.601, + "map_at_10": 55.293000000000006, + "map_at_100": 56.092, + "map_at_1000": 56.111999999999995, + "map_at_3": 51.269, + "map_at_5": 53.787, + "mrr_at_1": 43.221, + "mrr_at_10": 57.882999999999996, + "mrr_at_100": 58.408, + "mrr_at_1000": 58.421, + "mrr_at_3": 54.765, + "mrr_at_5": 56.809, + "ndcg_at_1": 43.221, + "ndcg_at_10": 62.858999999999995, + "ndcg_at_100": 65.987, + "ndcg_at_1000": 66.404, + "ndcg_at_3": 55.605000000000004, + "ndcg_at_5": 59.723000000000006, + "precision_at_1": 43.221, + "precision_at_10": 9.907, + "precision_at_100": 1.169, + "precision_at_1000": 0.121, + "precision_at_3": 25.019000000000002, + "precision_at_5": 17.474, + "recall_at_1": 38.601, + "recall_at_10": 82.966, + "recall_at_100": 96.154, + "recall_at_1000": 99.223, + "recall_at_3": 64.603, + "recall_at_5": 73.97200000000001, + "main_score": 62.858999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/QuoraRetrieval.json b/results/michaelfeil__ct2fast-e5-large/external/QuoraRetrieval.json new file mode 100644 index 000000000..413cd8356 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 70.77, + "map_at_10": 84.429, + "map_at_100": 85.04599999999999, + "map_at_1000": 85.065, + "map_at_3": 81.461, + "map_at_5": 83.316, + "mrr_at_1": 81.51, + "mrr_at_10": 87.52799999999999, + "mrr_at_100": 87.631, + "mrr_at_1000": 87.632, + "mrr_at_3": 86.533, + "mrr_at_5": 87.214, + "ndcg_at_1": 81.47999999999999, + "ndcg_at_10": 88.181, + "ndcg_at_100": 89.39200000000001, + "ndcg_at_1000": 89.52, + "ndcg_at_3": 85.29299999999999, + "ndcg_at_5": 86.88, + "precision_at_1": 81.47999999999999, + "precision_at_10": 13.367, + "precision_at_100": 1.5230000000000001, + "precision_at_1000": 0.157, + "precision_at_3": 37.227, + "precision_at_5": 24.494, + "recall_at_1": 70.77, + "recall_at_10": 95.199, + "recall_at_100": 99.37700000000001, + "recall_at_1000": 99.973, + "recall_at_3": 86.895, + "recall_at_5": 91.396, + "main_score": 88.181 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/RedditClustering.json b/results/michaelfeil__ct2fast-e5-large/external/RedditClustering.json new file mode 100644 index 000000000..4ce4f1082 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 50.686353396858344, + "main_score": 50.686353396858344 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/RedditClusteringP2P.json b/results/michaelfeil__ct2fast-e5-large/external/RedditClusteringP2P.json new file mode 100644 index 000000000..855f755fd --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 61.3664675312921, + "main_score": 61.3664675312921 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/SCIDOCS.json b/results/michaelfeil__ct2fast-e5-large/external/SCIDOCS.json new file mode 100644 index 000000000..56355001b --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.7379999999999995, + "map_at_10": 12.01, + "map_at_100": 14.02, + "map_at_1000": 14.310999999999998, + "map_at_3": 8.459, + "map_at_5": 10.281, + "mrr_at_1": 23.3, + "mrr_at_10": 34.108, + "mrr_at_100": 35.217, + "mrr_at_1000": 35.272, + "mrr_at_3": 30.833, + "mrr_at_5": 32.768, + "ndcg_at_1": 23.3, + "ndcg_at_10": 20.116999999999997, + "ndcg_at_100": 27.961000000000002, + "ndcg_at_1000": 33.149, + "ndcg_at_3": 18.902, + "ndcg_at_5": 16.742, + "precision_at_1": 23.3, + "precision_at_10": 10.47, + "precision_at_100": 2.177, + "precision_at_1000": 0.34299999999999997, + "precision_at_3": 17.567, + "precision_at_5": 14.78, + "recall_at_1": 4.7379999999999995, + "recall_at_10": 21.221999999999998, + "recall_at_100": 44.242, + "recall_at_1000": 69.652, + "recall_at_3": 10.688, + "recall_at_5": 14.982999999999999, + "main_score": 20.116999999999997 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/SICK-R.json b/results/michaelfeil__ct2fast-e5-large/external/SICK-R.json new file mode 100644 index 000000000..b5e280cb5 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.84572946827069, + "cos_sim_spearman": 80.48508130408966, + "euclidean_pearson": 82.0481530027767, + "euclidean_spearman": 80.45902876782752, + "manhattan_pearson": 82.03728222483326, + "manhattan_spearman": 80.45684282911755, + "cosine_pearson": 84.84572946827069, + "cosine_spearman": 80.48508130408966, + "main_score": 80.48508130408966 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/STS12.json b/results/michaelfeil__ct2fast-e5-large/external/STS12.json new file mode 100644 index 000000000..6198e97b3 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.33476464677516, + "cos_sim_spearman": 75.93057758003266, + "euclidean_pearson": 80.89685744015691, + "euclidean_spearman": 76.29929953441706, + "manhattan_pearson": 80.91391345459995, + "manhattan_spearman": 76.31985463110914, + "cosine_pearson": 84.33476464677516, + "cosine_spearman": 75.93057758003266, + "main_score": 75.93057758003266 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/STS13.json b/results/michaelfeil__ct2fast-e5-large/external/STS13.json new file mode 100644 index 000000000..0b98939b8 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.63686106359005, + "cos_sim_spearman": 85.22240034668202, + "euclidean_pearson": 84.6074814189106, + "euclidean_spearman": 85.17169644755828, + "manhattan_pearson": 84.48329306239368, + "manhattan_spearman": 85.0086508544768, + "cosine_pearson": 84.63686106359005, + "cosine_spearman": 85.22240034668202, + "main_score": 85.22240034668202 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/STS14.json b/results/michaelfeil__ct2fast-e5-large/external/STS14.json new file mode 100644 index 000000000..46024c7a3 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.95455774064745, + "cos_sim_spearman": 80.54074646118492, + "euclidean_pearson": 81.79598955554704, + "euclidean_spearman": 80.55837617606814, + "manhattan_pearson": 81.78213797905386, + "manhattan_spearman": 80.5666746878273, + "cosine_pearson": 82.95455774064745, + "cosine_spearman": 80.54074646118492, + "main_score": 80.54074646118492 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/STS15.json b/results/michaelfeil__ct2fast-e5-large/external/STS15.json new file mode 100644 index 000000000..338fe2d31 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.92813309124739, + "cos_sim_spearman": 88.81459873052108, + "euclidean_pearson": 88.21193118930564, + "euclidean_spearman": 88.87072745043731, + "manhattan_pearson": 88.22576929706727, + "manhattan_spearman": 88.8867671095791, + "cosine_pearson": 87.92813309124739, + "cosine_spearman": 88.81459873052108, + "main_score": 88.81459873052108 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/STS16.json b/results/michaelfeil__ct2fast-e5-large/external/STS16.json new file mode 100644 index 000000000..7445c1094 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.6881529671839, + "cos_sim_spearman": 85.2807092969554, + "euclidean_pearson": 84.62334178652704, + "euclidean_spearman": 85.2116373296784, + "manhattan_pearson": 84.54948211541777, + "manhattan_spearman": 85.10737722637882, + "cosine_pearson": 83.6881529671839, + "cosine_spearman": 85.2807092969554, + "main_score": 85.2807092969554 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/STS17.json b/results/michaelfeil__ct2fast-e5-large/external/STS17.json new file mode 100644 index 000000000..6a55be127 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.55963694458408, + "cos_sim_spearman": 89.36731628848683, + "euclidean_pearson": 89.64975952985465, + "euclidean_spearman": 89.29689484033007, + "manhattan_pearson": 89.61234491713135, + "manhattan_spearman": 89.20302520255782, + "cosine_pearson": 88.55963694458408, + "cosine_spearman": 89.36731628848683, + "main_score": 89.36731628848683 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/STS22.json b/results/michaelfeil__ct2fast-e5-large/external/STS22.json new file mode 100644 index 000000000..4dbb0190b --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 62.411800961903886, + "cos_sim_spearman": 62.99105515749963, + "euclidean_pearson": 65.29826669549443, + "euclidean_spearman": 63.29880964105775, + "manhattan_pearson": 65.00126190601183, + "manhattan_spearman": 63.32011025899179, + "cosine_pearson": 62.411800961903886, + "cosine_spearman": 62.99105515749963, + "main_score": 62.99105515749963 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/STSBenchmark.json b/results/michaelfeil__ct2fast-e5-large/external/STSBenchmark.json new file mode 100644 index 000000000..a00264f92 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.83498531837608, + "cos_sim_spearman": 87.21366640615442, + "euclidean_pearson": 86.74764288798261, + "euclidean_spearman": 87.06060470780834, + "manhattan_pearson": 86.65971223951476, + "manhattan_spearman": 86.99814399831457, + "cosine_pearson": 85.83498531837608, + "cosine_spearman": 87.21366640615442, + "main_score": 87.21366640615442 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/SciDocsRR.json b/results/michaelfeil__ct2fast-e5-large/external/SciDocsRR.json new file mode 100644 index 000000000..08fadf211 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 83.94448463485881, + "mrr": 95.36291867174221, + "main_score": 83.94448463485881 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/SciFact.json b/results/michaelfeil__ct2fast-e5-large/external/SciFact.json new file mode 100644 index 000000000..88a1fb5cf --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 59.928000000000004, + "map_at_10": 68.577, + "map_at_100": 69.35900000000001, + "map_at_1000": 69.37299999999999, + "map_at_3": 66.217, + "map_at_5": 67.581, + "mrr_at_1": 63, + "mrr_at_10": 69.994, + "mrr_at_100": 70.553, + "mrr_at_1000": 70.56700000000001, + "mrr_at_3": 68.167, + "mrr_at_5": 69.11699999999999, + "ndcg_at_1": 63, + "ndcg_at_10": 72.58, + "ndcg_at_100": 75.529, + "ndcg_at_1000": 76.009, + "ndcg_at_3": 68.523, + "ndcg_at_5": 70.301, + "precision_at_1": 63, + "precision_at_10": 9.333, + "precision_at_100": 1.09, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 26.444000000000003, + "precision_at_5": 17.067, + "recall_at_1": 59.928000000000004, + "recall_at_10": 83.544, + "recall_at_100": 96, + "recall_at_1000": 100, + "recall_at_3": 72.072, + "recall_at_5": 76.683, + "main_score": 72.58 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/SprintDuplicateQuestions.json b/results/michaelfeil__ct2fast-e5-large/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..6a5bd253c --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.82178217821782, + "cos_sim_ap": 95.41507679819003, + "cos_sim_f1": 90.9456740442656, + "cos_sim_precision": 91.49797570850203, + "cos_sim_recall": 90.4, + "dot_accuracy": 99.77227722772277, + "dot_ap": 92.50123869445967, + "dot_f1": 88.18414322250638, + "dot_precision": 90.26178010471205, + "dot_recall": 86.2, + "euclidean_accuracy": 99.81782178217821, + "euclidean_ap": 95.3935066749006, + "euclidean_f1": 90.66128218071681, + "euclidean_precision": 91.53924566768603, + "euclidean_recall": 89.8, + "manhattan_accuracy": 99.81881188118813, + "manhattan_ap": 95.39767454613512, + "manhattan_f1": 90.62019477191186, + "manhattan_precision": 92.95478443743428, + "manhattan_recall": 88.4, + "max_accuracy": 99.82178217821782, + "max_ap": 95.41507679819003, + "max_f1": 90.9456740442656, + "main_score": 95.41507679819003 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/StackExchangeClustering.json b/results/michaelfeil__ct2fast-e5-large/external/StackExchangeClustering.json new file mode 100644 index 000000000..f40118233 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 64.96313921233748, + "main_score": 64.96313921233748 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/StackExchangeClusteringP2P.json b/results/michaelfeil__ct2fast-e5-large/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..cd0721f41 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.602625720956745, + "main_score": 33.602625720956745 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/StackOverflowDupQuestions.json b/results/michaelfeil__ct2fast-e5-large/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..12d5707a3 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 51.32659230651731, + "mrr": 52.33861726508785, + "main_score": 51.32659230651731 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/SummEval.json b/results/michaelfeil__ct2fast-e5-large/external/SummEval.json new file mode 100644 index 000000000..41f89f263 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.01587644214203, + "cos_sim_spearman": 30.974306908731013, + "dot_pearson": 29.83339853838187, + "dot_spearman": 30.07761671934048, + "cosine_pearson": 31.01587644214203, + "cosine_spearman": 30.974306908731013, + "main_score": 30.974306908731013 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/TRECCOVID.json b/results/michaelfeil__ct2fast-e5-large/external/TRECCOVID.json new file mode 100644 index 000000000..e40326b98 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.22, + "map_at_10": 1.9539999999999997, + "map_at_100": 11.437, + "map_at_1000": 27.861000000000004, + "map_at_3": 0.6479999999999999, + "map_at_5": 1.0410000000000001, + "mrr_at_1": 84, + "mrr_at_10": 90.333, + "mrr_at_100": 90.333, + "mrr_at_1000": 90.333, + "mrr_at_3": 90.333, + "mrr_at_5": 90.333, + "ndcg_at_1": 80, + "ndcg_at_10": 78.31700000000001, + "ndcg_at_100": 59.396, + "ndcg_at_1000": 52.733, + "ndcg_at_3": 81.46900000000001, + "ndcg_at_5": 80.74, + "precision_at_1": 84, + "precision_at_10": 84, + "precision_at_100": 60.980000000000004, + "precision_at_1000": 23.432, + "precision_at_3": 87.333, + "precision_at_5": 86.8, + "recall_at_1": 0.22, + "recall_at_10": 2.156, + "recall_at_100": 14.557999999999998, + "recall_at_1000": 49.553999999999995, + "recall_at_3": 0.685, + "recall_at_5": 1.121, + "main_score": 78.31700000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/Touche2020.json b/results/michaelfeil__ct2fast-e5-large/external/Touche2020.json new file mode 100644 index 000000000..1534ed931 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.373, + "map_at_10": 11.701, + "map_at_100": 17.144000000000002, + "map_at_1000": 18.624, + "map_at_3": 6.552, + "map_at_5": 9.372, + "mrr_at_1": 38.775999999999996, + "mrr_at_10": 51.975, + "mrr_at_100": 52.873999999999995, + "mrr_at_1000": 52.873999999999995, + "mrr_at_3": 47.619, + "mrr_at_5": 50.578, + "ndcg_at_1": 36.735, + "ndcg_at_10": 27.212999999999997, + "ndcg_at_100": 37.245, + "ndcg_at_1000": 48.602000000000004, + "ndcg_at_3": 30.916, + "ndcg_at_5": 30.799, + "precision_at_1": 38.775999999999996, + "precision_at_10": 23.469, + "precision_at_100": 7.327, + "precision_at_1000": 1.486, + "precision_at_3": 31.973000000000003, + "precision_at_5": 32.245000000000005, + "recall_at_1": 3.373, + "recall_at_10": 17.404, + "recall_at_100": 46.105000000000004, + "recall_at_1000": 80.35, + "recall_at_3": 7.4399999999999995, + "recall_at_5": 12.183, + "main_score": 27.212999999999997 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/ToxicConversationsClassification.json b/results/michaelfeil__ct2fast-e5-large/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..2a2d87858 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.5592, + "ap": 14.330910591410134, + "f1": 54.45745186286521, + "main_score": 70.5592 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/TweetSentimentExtractionClassification.json b/results/michaelfeil__ct2fast-e5-large/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..b0ecb1eb1 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.20543293718167, + "f1": 61.45365480309872, + "main_score": 61.20543293718167 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/TwentyNewsgroupsClustering.json b/results/michaelfeil__ct2fast-e5-large/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..a9cd6b6e3 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 43.81162998944145, + "main_score": 43.81162998944145 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/TwitterSemEval2015.json b/results/michaelfeil__ct2fast-e5-large/external/TwitterSemEval2015.json new file mode 100644 index 000000000..331e51245 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 86.69011146212075, + "cos_sim_ap": 76.09792353652536, + "cos_sim_f1": 70.10202763786646, + "cos_sim_precision": 68.65671641791045, + "cos_sim_recall": 71.60949868073878, + "dot_accuracy": 85.33110806461227, + "dot_ap": 70.19304383327554, + "dot_f1": 67.22494202525122, + "dot_precision": 65.6847935548842, + "dot_recall": 68.83905013192611, + "euclidean_accuracy": 86.5410979316922, + "euclidean_ap": 75.91906915651882, + "euclidean_f1": 69.6798975672215, + "euclidean_precision": 67.6865671641791, + "euclidean_recall": 71.79419525065963, + "manhattan_accuracy": 86.60070334386363, + "manhattan_ap": 75.94617413885031, + "manhattan_f1": 69.52689565780946, + "manhattan_precision": 68.3312101910828, + "manhattan_recall": 70.76517150395777, + "max_accuracy": 86.69011146212075, + "max_ap": 76.09792353652536, + "max_f1": 70.10202763786646, + "main_score": 76.09792353652536 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/TwitterURLCorpus.json b/results/michaelfeil__ct2fast-e5-large/external/TwitterURLCorpus.json new file mode 100644 index 000000000..cb02c4380 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.25951798812434, + "cos_sim_ap": 86.31476416599727, + "cos_sim_f1": 78.52709971038477, + "cos_sim_precision": 76.7629972792117, + "cos_sim_recall": 80.37419156144134, + "dot_accuracy": 88.03896456708192, + "dot_ap": 83.26963599196237, + "dot_f1": 76.72696459492317, + "dot_precision": 73.56411162133521, + "dot_recall": 80.17400677548507, + "euclidean_accuracy": 89.21682772538519, + "euclidean_ap": 86.29306071289969, + "euclidean_f1": 78.40827030519554, + "euclidean_precision": 77.42250243939053, + "euclidean_recall": 79.41946412072683, + "manhattan_accuracy": 89.22458959133776, + "manhattan_ap": 86.2901934710645, + "manhattan_f1": 78.54211378440453, + "manhattan_precision": 76.85505858079729, + "manhattan_recall": 80.30489682784109, + "max_accuracy": 89.25951798812434, + "max_ap": 86.31476416599727, + "max_f1": 78.54211378440453, + "main_score": 86.31476416599727 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-large/external/model_meta.json b/results/michaelfeil__ct2fast-e5-large/external/model_meta.json new file mode 100644 index 000000000..c532282f4 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-large/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "michaelfeil/ct2fast-e5-large", + "revision": "9d5fc40f08ca3aa9fe4ce7cf40c750d2cfe69b4c", + "release_date": "2023-06-15", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 1024, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/AmazonCounterfactualClassification.json b/results/michaelfeil__ct2fast-e5-small-v2/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..3a8cbedba --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.59701492537313, + "ap": 41.67064885731708, + "f1": 71.86465946398573, + "main_score": 77.59701492537313 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/AmazonPolarityClassification.json b/results/michaelfeil__ct2fast-e5-small-v2/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..da08bec46 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.265875, + "ap": 87.67633085349644, + "f1": 91.24297521425744, + "main_score": 91.265875 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/AmazonReviewsClassification.json b/results/michaelfeil__ct2fast-e5-small-v2/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..610d891da --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 45.882000000000005, + "f1": 45.08058870381236, + "main_score": 45.882000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/ArguAna.json b/results/michaelfeil__ct2fast-e5-small-v2/external/ArguAna.json new file mode 100644 index 000000000..c173aaa08 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.697, + "map_at_10": 33.975, + "map_at_100": 35.223, + "map_at_1000": 35.260000000000005, + "map_at_3": 29.776999999999997, + "map_at_5": 32.035000000000004, + "mrr_at_1": 20.982, + "mrr_at_10": 34.094, + "mrr_at_100": 35.343, + "mrr_at_1000": 35.38, + "mrr_at_3": 29.884, + "mrr_at_5": 32.141999999999996, + "ndcg_at_1": 20.697, + "ndcg_at_10": 41.668, + "ndcg_at_100": 47.397, + "ndcg_at_1000": 48.305, + "ndcg_at_3": 32.928000000000004, + "ndcg_at_5": 36.998999999999995, + "precision_at_1": 20.697, + "precision_at_10": 6.636, + "precision_at_100": 0.924, + "precision_at_1000": 0.099, + "precision_at_3": 14.035, + "precision_at_5": 10.398, + "recall_at_1": 20.697, + "recall_at_10": 66.35799999999999, + "recall_at_100": 92.39, + "recall_at_1000": 99.36, + "recall_at_3": 42.105, + "recall_at_5": 51.991, + "main_score": 41.668 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/ArxivClusteringP2P.json b/results/michaelfeil__ct2fast-e5-small-v2/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..08c4a9947 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 42.1169517447068, + "main_score": 42.1169517447068 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/ArxivClusteringS2S.json b/results/michaelfeil__ct2fast-e5-small-v2/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..42d10d4ba --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.79553720107097, + "main_score": 34.79553720107097 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/AskUbuntuDupQuestions.json b/results/michaelfeil__ct2fast-e5-small-v2/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..470714028 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 58.10811337308168, + "mrr": 71.56410763751482, + "main_score": 58.10811337308168 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/BIOSSES.json b/results/michaelfeil__ct2fast-e5-small-v2/external/BIOSSES.json new file mode 100644 index 000000000..3b97c25f3 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 78.46834918248696, + "cos_sim_spearman": 79.4289182755206, + "euclidean_pearson": 76.26662973727008, + "euclidean_spearman": 78.11744260952536, + "manhattan_pearson": 76.08175262609434, + "manhattan_spearman": 78.29395265552289, + "cosine_pearson": 78.46834918248696, + "cosine_spearman": 79.4289182755206, + "main_score": 79.4289182755206 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/Banking77Classification.json b/results/michaelfeil__ct2fast-e5-small-v2/external/Banking77Classification.json new file mode 100644 index 000000000..e2eab7250 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 81.63636363636364, + "f1": 81.55779952376953, + "main_score": 81.63636363636364 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/BiorxivClusteringP2P.json b/results/michaelfeil__ct2fast-e5-small-v2/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..8eac7a112 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.88541137137571, + "main_score": 35.88541137137571 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/BiorxivClusteringS2S.json b/results/michaelfeil__ct2fast-e5-small-v2/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..f57075733 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.05205685274407, + "main_score": 30.05205685274407 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/CQADupstackAndroidRetrieval.json b/results/michaelfeil__ct2fast-e5-small-v2/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..49cf6eedd --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.293999999999997, + "map_at_10": 39.876, + "map_at_100": 41.315000000000005, + "map_at_1000": 41.451, + "map_at_3": 37.194, + "map_at_5": 38.728, + "mrr_at_1": 37.053000000000004, + "mrr_at_10": 45.281, + "mrr_at_100": 46.188, + "mrr_at_1000": 46.245999999999995, + "mrr_at_3": 43.228, + "mrr_at_5": 44.366, + "ndcg_at_1": 37.053000000000004, + "ndcg_at_10": 45.086, + "ndcg_at_100": 50.756, + "ndcg_at_1000": 53.123, + "ndcg_at_3": 41.416, + "ndcg_at_5": 43.098, + "precision_at_1": 37.053000000000004, + "precision_at_10": 8.34, + "precision_at_100": 1.346, + "precision_at_1000": 0.186, + "precision_at_3": 19.647000000000002, + "precision_at_5": 13.877, + "recall_at_1": 30.293999999999997, + "recall_at_10": 54.309, + "recall_at_100": 78.59, + "recall_at_1000": 93.82300000000001, + "recall_at_3": 43.168, + "recall_at_5": 48.192, + "main_score": 45.086 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.738000000000003, + "map_at_10": 36.925999999999995, + "map_at_100": 38.017, + "map_at_1000": 38.144, + "map_at_3": 34.446, + "map_at_5": 35.704, + "mrr_at_1": 35.478, + "mrr_at_10": 42.786, + "mrr_at_100": 43.458999999999996, + "mrr_at_1000": 43.507, + "mrr_at_3": 40.648, + "mrr_at_5": 41.804, + "ndcg_at_1": 35.478, + "ndcg_at_10": 42.044, + "ndcg_at_100": 46.249, + "ndcg_at_1000": 48.44, + "ndcg_at_3": 38.314, + "ndcg_at_5": 39.798, + "precision_at_1": 35.478, + "precision_at_10": 7.764, + "precision_at_100": 1.253, + "precision_at_1000": 0.174, + "precision_at_3": 18.047, + "precision_at_5": 12.637, + "recall_at_1": 28.738000000000003, + "recall_at_10": 50.659, + "recall_at_100": 68.76299999999999, + "recall_at_1000": 82.811, + "recall_at_3": 39.536, + "recall_at_5": 43.763999999999996, + "main_score": 42.044 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.565, + "map_at_10": 50.168, + "map_at_100": 51.11, + "map_at_1000": 51.173, + "map_at_3": 47.044000000000004, + "map_at_5": 48.838, + "mrr_at_1": 44.201, + "mrr_at_10": 53.596999999999994, + "mrr_at_100": 54.211, + "mrr_at_1000": 54.247, + "mrr_at_3": 51.202000000000005, + "mrr_at_5": 52.608999999999995, + "ndcg_at_1": 44.201, + "ndcg_at_10": 55.694, + "ndcg_at_100": 59.518, + "ndcg_at_1000": 60.907, + "ndcg_at_3": 50.395999999999994, + "ndcg_at_5": 53.022999999999996, + "precision_at_1": 44.201, + "precision_at_10": 8.84, + "precision_at_100": 1.162, + "precision_at_1000": 0.133, + "precision_at_3": 22.153, + "precision_at_5": 15.260000000000002, + "recall_at_1": 38.565, + "recall_at_10": 68.65, + "recall_at_100": 85.37400000000001, + "recall_at_1000": 95.37400000000001, + "recall_at_3": 54.645999999999994, + "recall_at_5": 60.958, + "main_score": 55.694 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.945, + "map_at_10": 30.641000000000002, + "map_at_100": 31.599, + "map_at_1000": 31.691000000000003, + "map_at_3": 28.405, + "map_at_5": 29.704000000000004, + "mrr_at_1": 25.537, + "mrr_at_10": 32.22, + "mrr_at_100": 33.138, + "mrr_at_1000": 33.214, + "mrr_at_3": 30.151, + "mrr_at_5": 31.298, + "ndcg_at_1": 25.537, + "ndcg_at_10": 34.638000000000005, + "ndcg_at_100": 39.486, + "ndcg_at_1000": 41.936, + "ndcg_at_3": 30.333, + "ndcg_at_5": 32.482, + "precision_at_1": 25.537, + "precision_at_10": 5.153, + "precision_at_100": 0.7929999999999999, + "precision_at_1000": 0.104, + "precision_at_3": 12.429, + "precision_at_5": 8.723, + "recall_at_1": 23.945, + "recall_at_10": 45.412, + "recall_at_100": 67.836, + "recall_at_1000": 86.467, + "recall_at_3": 34.031, + "recall_at_5": 39.039, + "main_score": 34.638000000000005 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 14.419, + "map_at_10": 20.858999999999998, + "map_at_100": 22.067999999999998, + "map_at_1000": 22.192, + "map_at_3": 18.673000000000002, + "map_at_5": 19.968, + "mrr_at_1": 17.785999999999998, + "mrr_at_10": 24.878, + "mrr_at_100": 26.021, + "mrr_at_1000": 26.095000000000002, + "mrr_at_3": 22.616, + "mrr_at_5": 23.785, + "ndcg_at_1": 17.785999999999998, + "ndcg_at_10": 25.153, + "ndcg_at_100": 31.05, + "ndcg_at_1000": 34.052, + "ndcg_at_3": 21.117, + "ndcg_at_5": 23.048, + "precision_at_1": 17.785999999999998, + "precision_at_10": 4.590000000000001, + "precision_at_100": 0.864, + "precision_at_1000": 0.125, + "precision_at_3": 9.908999999999999, + "precision_at_5": 7.313, + "recall_at_1": 14.419, + "recall_at_10": 34.477999999999994, + "recall_at_100": 60.02499999999999, + "recall_at_1000": 81.646, + "recall_at_3": 23.515, + "recall_at_5": 28.266999999999996, + "main_score": 25.153 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.268, + "map_at_10": 35.114000000000004, + "map_at_100": 36.212, + "map_at_1000": 36.333, + "map_at_3": 32.436, + "map_at_5": 33.992, + "mrr_at_1": 31.761, + "mrr_at_10": 40.355999999999995, + "mrr_at_100": 41.125, + "mrr_at_1000": 41.186, + "mrr_at_3": 37.937, + "mrr_at_5": 39.463, + "ndcg_at_1": 31.761, + "ndcg_at_10": 40.422000000000004, + "ndcg_at_100": 45.458999999999996, + "ndcg_at_1000": 47.951, + "ndcg_at_3": 35.972, + "ndcg_at_5": 38.272, + "precision_at_1": 31.761, + "precision_at_10": 7.103, + "precision_at_100": 1.133, + "precision_at_1000": 0.152, + "precision_at_3": 16.779, + "precision_at_5": 11.877, + "recall_at_1": 26.268, + "recall_at_10": 51.053000000000004, + "recall_at_100": 72.702, + "recall_at_1000": 89.521, + "recall_at_3": 38.619, + "recall_at_5": 44.671, + "main_score": 40.422000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.230999999999998, + "map_at_10": 34.227000000000004, + "map_at_100": 35.370000000000005, + "map_at_1000": 35.488, + "map_at_3": 31.496000000000002, + "map_at_5": 33.034, + "mrr_at_1": 30.822, + "mrr_at_10": 39.045, + "mrr_at_100": 39.809, + "mrr_at_1000": 39.873, + "mrr_at_3": 36.663000000000004, + "mrr_at_5": 37.964, + "ndcg_at_1": 30.822, + "ndcg_at_10": 39.472, + "ndcg_at_100": 44.574999999999996, + "ndcg_at_1000": 47.162, + "ndcg_at_3": 34.929, + "ndcg_at_5": 37.002, + "precision_at_1": 30.822, + "precision_at_10": 7.055, + "precision_at_100": 1.124, + "precision_at_1000": 0.152, + "precision_at_3": 16.591, + "precision_at_5": 11.667, + "recall_at_1": 25.230999999999998, + "recall_at_10": 50.42100000000001, + "recall_at_100": 72.685, + "recall_at_1000": 90.469, + "recall_at_3": 37.503, + "recall_at_5": 43.123, + "main_score": 39.472 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.604166666666664, + "map_at_10": 32.427166666666665, + "map_at_100": 33.51474999999999, + "map_at_1000": 33.6345, + "map_at_3": 30.02366666666667, + "map_at_5": 31.382333333333328, + "mrr_at_1": 29.001166666666666, + "mrr_at_10": 36.3315, + "mrr_at_100": 37.16683333333333, + "mrr_at_1000": 37.23341666666668, + "mrr_at_3": 34.19916666666667, + "mrr_at_5": 35.40458333333334, + "ndcg_at_1": 29.001166666666666, + "ndcg_at_10": 37.06883333333334, + "ndcg_at_100": 41.95816666666666, + "ndcg_at_1000": 44.501583333333336, + "ndcg_at_3": 32.973499999999994, + "ndcg_at_5": 34.90833333333334, + "precision_at_1": 29.001166666666666, + "precision_at_10": 6.336, + "precision_at_100": 1.0282499999999999, + "precision_at_1000": 0.14391666666666664, + "precision_at_3": 14.932499999999996, + "precision_at_5": 10.50825, + "recall_at_1": 24.604166666666664, + "recall_at_10": 46.9525, + "recall_at_100": 68.67816666666667, + "recall_at_1000": 86.59783333333334, + "recall_at_3": 35.49783333333333, + "recall_at_5": 40.52525000000001, + "main_score": 37.06883333333334 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.559, + "map_at_10": 29.023, + "map_at_100": 29.818, + "map_at_1000": 29.909000000000002, + "map_at_3": 27.037, + "map_at_5": 28.225, + "mrr_at_1": 26.994, + "mrr_at_10": 31.962000000000003, + "mrr_at_100": 32.726, + "mrr_at_1000": 32.800000000000004, + "mrr_at_3": 30.266, + "mrr_at_5": 31.208999999999996, + "ndcg_at_1": 26.994, + "ndcg_at_10": 32.53, + "ndcg_at_100": 36.758, + "ndcg_at_1000": 39.362, + "ndcg_at_3": 28.985, + "ndcg_at_5": 30.757, + "precision_at_1": 26.994, + "precision_at_10": 4.968999999999999, + "precision_at_100": 0.759, + "precision_at_1000": 0.106, + "precision_at_3": 12.219, + "precision_at_5": 8.527999999999999, + "recall_at_1": 23.559, + "recall_at_10": 40.585, + "recall_at_100": 60.306000000000004, + "recall_at_1000": 80.11, + "recall_at_3": 30.794, + "recall_at_5": 35.186, + "main_score": 32.53 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.384999999999998, + "map_at_10": 22.142, + "map_at_100": 23.057, + "map_at_1000": 23.177, + "map_at_3": 20.29, + "map_at_5": 21.332, + "mrr_at_1": 19.89, + "mrr_at_10": 25.771, + "mrr_at_100": 26.599, + "mrr_at_1000": 26.680999999999997, + "mrr_at_3": 23.962, + "mrr_at_5": 24.934, + "ndcg_at_1": 19.89, + "ndcg_at_10": 25.97, + "ndcg_at_100": 30.605, + "ndcg_at_1000": 33.619, + "ndcg_at_3": 22.704, + "ndcg_at_5": 24.199, + "precision_at_1": 19.89, + "precision_at_10": 4.553, + "precision_at_100": 0.8049999999999999, + "precision_at_1000": 0.122, + "precision_at_3": 10.541, + "precision_at_5": 7.46, + "recall_at_1": 16.384999999999998, + "recall_at_10": 34.001, + "recall_at_100": 55.17100000000001, + "recall_at_1000": 77.125, + "recall_at_3": 24.618000000000002, + "recall_at_5": 28.695999999999998, + "main_score": 25.97 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.726, + "map_at_10": 31.227, + "map_at_100": 32.311, + "map_at_1000": 32.419, + "map_at_3": 28.765, + "map_at_5": 30.229, + "mrr_at_1": 27.705000000000002, + "mrr_at_10": 35.085, + "mrr_at_100": 35.931000000000004, + "mrr_at_1000": 36, + "mrr_at_3": 32.603, + "mrr_at_5": 34.117999999999995, + "ndcg_at_1": 27.705000000000002, + "ndcg_at_10": 35.968, + "ndcg_at_100": 41.197, + "ndcg_at_1000": 43.76, + "ndcg_at_3": 31.304, + "ndcg_at_5": 33.661, + "precision_at_1": 27.705000000000002, + "precision_at_10": 5.942, + "precision_at_100": 0.964, + "precision_at_1000": 0.13, + "precision_at_3": 13.868, + "precision_at_5": 9.944, + "recall_at_1": 23.726, + "recall_at_10": 46.786, + "recall_at_100": 70.072, + "recall_at_1000": 88.2, + "recall_at_3": 33.981, + "recall_at_5": 39.893, + "main_score": 35.968 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.344, + "map_at_10": 31.636999999999997, + "map_at_100": 33.065, + "map_at_1000": 33.300000000000004, + "map_at_3": 29.351, + "map_at_5": 30.432, + "mrr_at_1": 27.866000000000003, + "mrr_at_10": 35.587, + "mrr_at_100": 36.52, + "mrr_at_1000": 36.597, + "mrr_at_3": 33.696, + "mrr_at_5": 34.713, + "ndcg_at_1": 27.866000000000003, + "ndcg_at_10": 36.61, + "ndcg_at_100": 41.88, + "ndcg_at_1000": 45.105000000000004, + "ndcg_at_3": 33.038000000000004, + "ndcg_at_5": 34.331, + "precision_at_1": 27.866000000000003, + "precision_at_10": 6.917, + "precision_at_100": 1.3599999999999999, + "precision_at_1000": 0.233, + "precision_at_3": 15.547, + "precision_at_5": 10.791, + "recall_at_1": 23.344, + "recall_at_10": 45.782000000000004, + "recall_at_100": 69.503, + "recall_at_1000": 90.742, + "recall_at_3": 35.160000000000004, + "recall_at_5": 39.058, + "main_score": 36.61 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.776, + "map_at_10": 27.285999999999998, + "map_at_100": 28.235, + "map_at_1000": 28.337, + "map_at_3": 25.147000000000002, + "map_at_5": 26.401999999999997, + "mrr_at_1": 22.921, + "mrr_at_10": 29.409999999999997, + "mrr_at_100": 30.275000000000002, + "mrr_at_1000": 30.354999999999997, + "mrr_at_3": 27.418, + "mrr_at_5": 28.592000000000002, + "ndcg_at_1": 22.921, + "ndcg_at_10": 31.239, + "ndcg_at_100": 35.965, + "ndcg_at_1000": 38.602, + "ndcg_at_3": 27.174, + "ndcg_at_5": 29.229, + "precision_at_1": 22.921, + "precision_at_10": 4.806, + "precision_at_100": 0.776, + "precision_at_1000": 0.11, + "precision_at_3": 11.459999999999999, + "precision_at_5": 8.022, + "recall_at_1": 20.776, + "recall_at_10": 41.294, + "recall_at_100": 63.111, + "recall_at_1000": 82.88600000000001, + "recall_at_3": 30.403000000000002, + "recall_at_5": 35.455999999999996, + "main_score": 31.239 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/ClimateFEVER.json b/results/michaelfeil__ct2fast-e5-small-v2/external/ClimateFEVER.json new file mode 100644 index 000000000..ead6ba567 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.376, + "map_at_10": 15.926000000000002, + "map_at_100": 17.585, + "map_at_1000": 17.776, + "map_at_3": 13.014000000000001, + "map_at_5": 14.417, + "mrr_at_1": 20.195, + "mrr_at_10": 29.95, + "mrr_at_100": 31.052000000000003, + "mrr_at_1000": 31.108000000000004, + "mrr_at_3": 26.667, + "mrr_at_5": 28.458, + "ndcg_at_1": 20.195, + "ndcg_at_10": 22.871, + "ndcg_at_100": 29.921999999999997, + "ndcg_at_1000": 33.672999999999995, + "ndcg_at_3": 17.782999999999998, + "ndcg_at_5": 19.544, + "precision_at_1": 20.195, + "precision_at_10": 7.394, + "precision_at_100": 1.493, + "precision_at_1000": 0.218, + "precision_at_3": 13.073, + "precision_at_5": 10.436, + "recall_at_1": 9.376, + "recall_at_10": 28.544999999999998, + "recall_at_100": 53.147999999999996, + "recall_at_1000": 74.62, + "recall_at_3": 16.464000000000002, + "recall_at_5": 21.004, + "main_score": 22.871 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/DBPedia.json b/results/michaelfeil__ct2fast-e5-small-v2/external/DBPedia.json new file mode 100644 index 000000000..1214ebf9c --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.415000000000001, + "map_at_10": 18.738, + "map_at_100": 27.291999999999998, + "map_at_1000": 28.992, + "map_at_3": 13.196, + "map_at_5": 15.539, + "mrr_at_1": 66.5, + "mrr_at_10": 74.518, + "mrr_at_100": 74.86, + "mrr_at_1000": 74.87, + "mrr_at_3": 72.375, + "mrr_at_5": 73.86200000000001, + "ndcg_at_1": 54.37499999999999, + "ndcg_at_10": 41.317, + "ndcg_at_100": 45.845, + "ndcg_at_1000": 52.92, + "ndcg_at_3": 44.983000000000004, + "ndcg_at_5": 42.989, + "precision_at_1": 66.5, + "precision_at_10": 33.6, + "precision_at_100": 10.972999999999999, + "precision_at_1000": 2.214, + "precision_at_3": 48.583, + "precision_at_5": 42.15, + "recall_at_1": 8.415000000000001, + "recall_at_10": 24.953, + "recall_at_100": 52.48199999999999, + "recall_at_1000": 75.093, + "recall_at_3": 14.341000000000001, + "recall_at_5": 18.468, + "main_score": 41.317 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/EmotionClassification.json b/results/michaelfeil__ct2fast-e5-small-v2/external/EmotionClassification.json new file mode 100644 index 000000000..8b54410b1 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 47.06499999999999, + "f1": 41.439327599975385, + "main_score": 47.06499999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/FEVER.json b/results/michaelfeil__ct2fast-e5-small-v2/external/FEVER.json new file mode 100644 index 000000000..8566438c6 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 66.02, + "map_at_10": 76.68599999999999, + "map_at_100": 76.959, + "map_at_1000": 76.972, + "map_at_3": 75.024, + "map_at_5": 76.153, + "mrr_at_1": 71.197, + "mrr_at_10": 81.105, + "mrr_at_100": 81.232, + "mrr_at_1000": 81.233, + "mrr_at_3": 79.758, + "mrr_at_5": 80.69, + "ndcg_at_1": 71.197, + "ndcg_at_10": 81.644, + "ndcg_at_100": 82.645, + "ndcg_at_1000": 82.879, + "ndcg_at_3": 78.792, + "ndcg_at_5": 80.528, + "precision_at_1": 71.197, + "precision_at_10": 10.206999999999999, + "precision_at_100": 1.093, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 30.868000000000002, + "precision_at_5": 19.559, + "recall_at_1": 66.02, + "recall_at_10": 92.50699999999999, + "recall_at_100": 96.497, + "recall_at_1000": 97.956, + "recall_at_3": 84.866, + "recall_at_5": 89.16199999999999, + "main_score": 81.644 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/FiQA2018.json b/results/michaelfeil__ct2fast-e5-small-v2/external/FiQA2018.json new file mode 100644 index 000000000..689462207 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.948, + "map_at_10": 29.833, + "map_at_100": 31.487, + "map_at_1000": 31.674000000000003, + "map_at_3": 26.029999999999998, + "map_at_5": 28.038999999999998, + "mrr_at_1": 34.721999999999994, + "mrr_at_10": 44.214999999999996, + "mrr_at_100": 44.994, + "mrr_at_1000": 45.051, + "mrr_at_3": 41.667, + "mrr_at_5": 43.032, + "ndcg_at_1": 34.721999999999994, + "ndcg_at_10": 37.434, + "ndcg_at_100": 43.702000000000005, + "ndcg_at_1000": 46.993, + "ndcg_at_3": 33.56, + "ndcg_at_5": 34.687, + "precision_at_1": 34.721999999999994, + "precision_at_10": 10.401, + "precision_at_100": 1.7049999999999998, + "precision_at_1000": 0.22799999999999998, + "precision_at_3": 22.531000000000002, + "precision_at_5": 16.42, + "recall_at_1": 17.948, + "recall_at_10": 45.062999999999995, + "recall_at_100": 68.191, + "recall_at_1000": 87.954, + "recall_at_3": 31.112000000000002, + "recall_at_5": 36.823, + "main_score": 37.434 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/HotpotQA.json b/results/michaelfeil__ct2fast-e5-small-v2/external/HotpotQA.json new file mode 100644 index 000000000..682dfc45a --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 36.644, + "map_at_10": 57.658, + "map_at_100": 58.562000000000005, + "map_at_1000": 58.62500000000001, + "map_at_3": 54.022999999999996, + "map_at_5": 56.293000000000006, + "mrr_at_1": 73.288, + "mrr_at_10": 80.51700000000001, + "mrr_at_100": 80.72, + "mrr_at_1000": 80.728, + "mrr_at_3": 79.33200000000001, + "mrr_at_5": 80.085, + "ndcg_at_1": 73.288, + "ndcg_at_10": 66.61, + "ndcg_at_100": 69.723, + "ndcg_at_1000": 70.96000000000001, + "ndcg_at_3": 61.358999999999995, + "ndcg_at_5": 64.277, + "precision_at_1": 73.288, + "precision_at_10": 14.17, + "precision_at_100": 1.659, + "precision_at_1000": 0.182, + "precision_at_3": 39.487, + "precision_at_5": 25.999, + "recall_at_1": 36.644, + "recall_at_10": 70.851, + "recall_at_100": 82.94399999999999, + "recall_at_1000": 91.134, + "recall_at_3": 59.230000000000004, + "recall_at_5": 64.997, + "main_score": 66.61 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/ImdbClassification.json b/results/michaelfeil__ct2fast-e5-small-v2/external/ImdbClassification.json new file mode 100644 index 000000000..c40b60617 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.00280000000001, + "ap": 80.46302061021223, + "f1": 85.9592921596419, + "main_score": 86.00280000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/MSMARCO.json b/results/michaelfeil__ct2fast-e5-small-v2/external/MSMARCO.json new file mode 100644 index 000000000..bc0ecec10 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.541, + "map_at_10": 34.625, + "map_at_100": 35.785, + "map_at_1000": 35.831, + "map_at_3": 30.823, + "map_at_5": 32.967999999999996, + "mrr_at_1": 23.180999999999997, + "mrr_at_10": 35.207, + "mrr_at_100": 36.315, + "mrr_at_1000": 36.355, + "mrr_at_3": 31.483, + "mrr_at_5": 33.589999999999996, + "ndcg_at_1": 23.195, + "ndcg_at_10": 41.461, + "ndcg_at_100": 47.032000000000004, + "ndcg_at_1000": 48.199999999999996, + "ndcg_at_3": 33.702, + "ndcg_at_5": 37.522, + "precision_at_1": 23.195, + "precision_at_10": 6.526999999999999, + "precision_at_100": 0.932, + "precision_at_1000": 0.10300000000000001, + "precision_at_3": 14.308000000000002, + "precision_at_5": 10.507, + "recall_at_1": 22.541, + "recall_at_10": 62.524, + "recall_at_100": 88.228, + "recall_at_1000": 97.243, + "recall_at_3": 41.38, + "recall_at_5": 50.55, + "main_score": 41.461 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/MTOPDomainClassification.json b/results/michaelfeil__ct2fast-e5-small-v2/external/MTOPDomainClassification.json new file mode 100644 index 000000000..990879ceb --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.69949840401279, + "f1": 92.54141471311786, + "main_score": 92.69949840401279 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/MTOPIntentClassification.json b/results/michaelfeil__ct2fast-e5-small-v2/external/MTOPIntentClassification.json new file mode 100644 index 000000000..85cce3075 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.56041951664386, + "f1": 55.88499977508287, + "main_score": 72.56041951664386 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/MassiveIntentClassification.json b/results/michaelfeil__ct2fast-e5-small-v2/external/MassiveIntentClassification.json new file mode 100644 index 000000000..4a6c28a35 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.62071284465365, + "f1": 69.36717546572152, + "main_score": 71.62071284465365 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/MassiveScenarioClassification.json b/results/michaelfeil__ct2fast-e5-small-v2/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..2af576f7f --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.35843981170142, + "f1": 76.15496453538884, + "main_score": 76.35843981170142 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/MedrxivClusteringP2P.json b/results/michaelfeil__ct2fast-e5-small-v2/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..aede64c41 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.33664956793118, + "main_score": 31.33664956793118 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/MedrxivClusteringS2S.json b/results/michaelfeil__ct2fast-e5-small-v2/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..af3eadf8a --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 27.883839621715524, + "main_score": 27.883839621715524 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/MindSmallReranking.json b/results/michaelfeil__ct2fast-e5-small-v2/external/MindSmallReranking.json new file mode 100644 index 000000000..fc63cfe78 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 30.096874986740758, + "mrr": 30.97300481932132, + "main_score": 30.096874986740758 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/NFCorpus.json b/results/michaelfeil__ct2fast-e5-small-v2/external/NFCorpus.json new file mode 100644 index 000000000..cb9d5b2d0 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.4, + "map_at_10": 11.852, + "map_at_100": 14.758, + "map_at_1000": 16.134, + "map_at_3": 8.558, + "map_at_5": 10.087, + "mrr_at_1": 44.272, + "mrr_at_10": 52.05800000000001, + "mrr_at_100": 52.689, + "mrr_at_1000": 52.742999999999995, + "mrr_at_3": 50.205999999999996, + "mrr_at_5": 51.367, + "ndcg_at_1": 42.57, + "ndcg_at_10": 32.449, + "ndcg_at_100": 29.596, + "ndcg_at_1000": 38.351, + "ndcg_at_3": 37.044, + "ndcg_at_5": 35.275, + "precision_at_1": 44.272, + "precision_at_10": 23.87, + "precision_at_100": 7.625, + "precision_at_1000": 2.045, + "precision_at_3": 34.365, + "precision_at_5": 30.341, + "recall_at_1": 5.4, + "recall_at_10": 15.943999999999999, + "recall_at_100": 29.805, + "recall_at_1000": 61.695, + "recall_at_3": 9.539, + "recall_at_5": 12.127, + "main_score": 32.449 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/NQ.json b/results/michaelfeil__ct2fast-e5-small-v2/external/NQ.json new file mode 100644 index 000000000..cf5c78c4e --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 36.047000000000004, + "map_at_10": 51.6, + "map_at_100": 52.449999999999996, + "map_at_1000": 52.476, + "map_at_3": 47.452, + "map_at_5": 49.964, + "mrr_at_1": 40.382, + "mrr_at_10": 54.273, + "mrr_at_100": 54.859, + "mrr_at_1000": 54.876000000000005, + "mrr_at_3": 51.014, + "mrr_at_5": 52.983999999999995, + "ndcg_at_1": 40.353, + "ndcg_at_10": 59.11300000000001, + "ndcg_at_100": 62.604000000000006, + "ndcg_at_1000": 63.187000000000005, + "ndcg_at_3": 51.513, + "ndcg_at_5": 55.576, + "precision_at_1": 40.353, + "precision_at_10": 9.418, + "precision_at_100": 1.1440000000000001, + "precision_at_1000": 0.12, + "precision_at_3": 23.078000000000003, + "precision_at_5": 16.250999999999998, + "recall_at_1": 36.047000000000004, + "recall_at_10": 79.22200000000001, + "recall_at_100": 94.23, + "recall_at_1000": 98.51100000000001, + "recall_at_3": 59.678, + "recall_at_5": 68.967, + "main_score": 59.11300000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/QuoraRetrieval.json b/results/michaelfeil__ct2fast-e5-small-v2/external/QuoraRetrieval.json new file mode 100644 index 000000000..ea360d0b1 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 68.232, + "map_at_10": 81.674, + "map_at_100": 82.338, + "map_at_1000": 82.36099999999999, + "map_at_3": 78.833, + "map_at_5": 80.58, + "mrr_at_1": 78.64, + "mrr_at_10": 85.164, + "mrr_at_100": 85.317, + "mrr_at_1000": 85.319, + "mrr_at_3": 84.127, + "mrr_at_5": 84.789, + "ndcg_at_1": 78.63, + "ndcg_at_10": 85.711, + "ndcg_at_100": 87.238, + "ndcg_at_1000": 87.444, + "ndcg_at_3": 82.788, + "ndcg_at_5": 84.313, + "precision_at_1": 78.63, + "precision_at_10": 12.977, + "precision_at_100": 1.503, + "precision_at_1000": 0.156, + "precision_at_3": 36.113, + "precision_at_5": 23.71, + "recall_at_1": 68.232, + "recall_at_10": 93.30199999999999, + "recall_at_100": 98.799, + "recall_at_1000": 99.885, + "recall_at_3": 84.827, + "recall_at_5": 89.188, + "main_score": 85.711 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/RedditClustering.json b/results/michaelfeil__ct2fast-e5-small-v2/external/RedditClustering.json new file mode 100644 index 000000000..63e722449 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 45.71879170816294, + "main_score": 45.71879170816294 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/RedditClusteringP2P.json b/results/michaelfeil__ct2fast-e5-small-v2/external/RedditClusteringP2P.json new file mode 100644 index 000000000..ac409eee3 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 59.65866311751794, + "main_score": 59.65866311751794 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/SCIDOCS.json b/results/michaelfeil__ct2fast-e5-small-v2/external/SCIDOCS.json new file mode 100644 index 000000000..c0ee8b889 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.218, + "map_at_10": 10.337, + "map_at_100": 12.131, + "map_at_1000": 12.411, + "map_at_3": 7.4270000000000005, + "map_at_5": 8.913, + "mrr_at_1": 20.8, + "mrr_at_10": 30.868000000000002, + "mrr_at_100": 31.903, + "mrr_at_1000": 31.972, + "mrr_at_3": 27.367, + "mrr_at_5": 29.372, + "ndcg_at_1": 20.8, + "ndcg_at_10": 17.765, + "ndcg_at_100": 24.914, + "ndcg_at_1000": 30.206, + "ndcg_at_3": 16.64, + "ndcg_at_5": 14.712, + "precision_at_1": 20.8, + "precision_at_10": 9.24, + "precision_at_100": 1.9560000000000002, + "precision_at_1000": 0.32299999999999995, + "precision_at_3": 15.467, + "precision_at_5": 12.94, + "recall_at_1": 4.218, + "recall_at_10": 18.752, + "recall_at_100": 39.7, + "recall_at_1000": 65.57300000000001, + "recall_at_3": 9.428, + "recall_at_5": 13.133000000000001, + "main_score": 17.765 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/SICK-R.json b/results/michaelfeil__ct2fast-e5-small-v2/external/SICK-R.json new file mode 100644 index 000000000..d37b79953 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.04338850207233, + "cos_sim_spearman": 78.5054651430423, + "euclidean_pearson": 80.30739451228612, + "euclidean_spearman": 78.48377464299097, + "manhattan_pearson": 80.40795049052781, + "manhattan_spearman": 78.49506205443114, + "cosine_pearson": 83.04338850207233, + "cosine_spearman": 78.5054651430423, + "main_score": 78.5054651430423 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/STS12.json b/results/michaelfeil__ct2fast-e5-small-v2/external/STS12.json new file mode 100644 index 000000000..651960fab --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.11596224442962, + "cos_sim_spearman": 76.20997388935461, + "euclidean_pearson": 80.56858451349109, + "euclidean_spearman": 75.92659183871186, + "manhattan_pearson": 80.60246102203844, + "manhattan_spearman": 76.03018971432664, + "cosine_pearson": 84.11596224442962, + "cosine_spearman": 76.20997388935461, + "main_score": 76.20997388935461 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/STS13.json b/results/michaelfeil__ct2fast-e5-small-v2/external/STS13.json new file mode 100644 index 000000000..e1e9f293f --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.34691640755737, + "cos_sim_spearman": 82.4018369631579, + "euclidean_pearson": 81.87673092245366, + "euclidean_spearman": 82.3671489960678, + "manhattan_pearson": 81.88222387719948, + "manhattan_spearman": 82.3816590344736, + "cosine_pearson": 81.34691640755737, + "cosine_spearman": 82.4018369631579, + "main_score": 82.4018369631579 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/STS14.json b/results/michaelfeil__ct2fast-e5-small-v2/external/STS14.json new file mode 100644 index 000000000..29c81e0a5 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.2836092579524, + "cos_sim_spearman": 78.99982781772064, + "euclidean_pearson": 80.5184271010527, + "euclidean_spearman": 78.89777392101904, + "manhattan_pearson": 80.53585705018664, + "manhattan_spearman": 78.92898405472994, + "cosine_pearson": 81.2836092579524, + "cosine_spearman": 78.99982781772064, + "main_score": 78.99982781772064 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/STS15.json b/results/michaelfeil__ct2fast-e5-small-v2/external/STS15.json new file mode 100644 index 000000000..20b0b28f4 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.7349907750784, + "cos_sim_spearman": 87.7611234446225, + "euclidean_pearson": 86.98759326731624, + "euclidean_spearman": 87.58321319424618, + "manhattan_pearson": 87.03483090370842, + "manhattan_spearman": 87.63278333060288, + "cosine_pearson": 86.7349907750784, + "cosine_spearman": 87.7611234446225, + "main_score": 87.7611234446225 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/STS16.json b/results/michaelfeil__ct2fast-e5-small-v2/external/STS16.json new file mode 100644 index 000000000..ed8348500 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.75873694924825, + "cos_sim_spearman": 83.80237999094724, + "euclidean_pearson": 83.55023725861537, + "euclidean_spearman": 84.12744338577744, + "manhattan_pearson": 83.58816983036232, + "manhattan_spearman": 84.18520748676501, + "cosine_pearson": 81.75873694924825, + "cosine_spearman": 83.80237999094724, + "main_score": 83.80237999094724 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/STS17.json b/results/michaelfeil__ct2fast-e5-small-v2/external/STS17.json new file mode 100644 index 000000000..9e81053e9 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.21630882940174, + "cos_sim_spearman": 87.72382883437031, + "euclidean_pearson": 88.69933350930333, + "euclidean_spearman": 88.24660814383081, + "manhattan_pearson": 88.77331018833499, + "manhattan_spearman": 88.26109989380632, + "cosine_pearson": 87.21630882940174, + "cosine_spearman": 87.72382883437031, + "main_score": 87.72382883437031 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/STS22.json b/results/michaelfeil__ct2fast-e5-small-v2/external/STS22.json new file mode 100644 index 000000000..005994f8b --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 61.11854063060489, + "cos_sim_spearman": 63.14678634195072, + "euclidean_pearson": 61.679090067000864, + "euclidean_spearman": 62.28876589509653, + "manhattan_pearson": 62.082324165511004, + "manhattan_spearman": 62.56030932816679, + "cosine_pearson": 61.11854063060489, + "cosine_spearman": 63.14678634195072, + "main_score": 63.14678634195072 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/STSBenchmark.json b/results/michaelfeil__ct2fast-e5-small-v2/external/STSBenchmark.json new file mode 100644 index 000000000..d965a6be2 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.00319882832645, + "cos_sim_spearman": 85.94529772647257, + "euclidean_pearson": 85.6661390122756, + "euclidean_spearman": 85.97747815545827, + "manhattan_pearson": 85.58422770541893, + "manhattan_spearman": 85.9237139181532, + "cosine_pearson": 84.00319882832645, + "cosine_spearman": 85.94529772647257, + "main_score": 85.94529772647257 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/SciDocsRR.json b/results/michaelfeil__ct2fast-e5-small-v2/external/SciDocsRR.json new file mode 100644 index 000000000..a15add04d --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 79.16198731863916, + "mrr": 94.25202702163487, + "main_score": 79.16198731863916 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/SciFact.json b/results/michaelfeil__ct2fast-e5-small-v2/external/SciFact.json new file mode 100644 index 000000000..1559f1295 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 54.761, + "map_at_10": 64.396, + "map_at_100": 65.07, + "map_at_1000": 65.09899999999999, + "map_at_3": 61.846000000000004, + "map_at_5": 63.284, + "mrr_at_1": 57.667, + "mrr_at_10": 65.83099999999999, + "mrr_at_100": 66.36800000000001, + "mrr_at_1000": 66.39399999999999, + "mrr_at_3": 64.056, + "mrr_at_5": 65.206, + "ndcg_at_1": 57.667, + "ndcg_at_10": 68.854, + "ndcg_at_100": 71.59100000000001, + "ndcg_at_1000": 72.383, + "ndcg_at_3": 64.671, + "ndcg_at_5": 66.796, + "precision_at_1": 57.667, + "precision_at_10": 9.167, + "precision_at_100": 1.053, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 25.444, + "precision_at_5": 16.667, + "recall_at_1": 54.761, + "recall_at_10": 80.9, + "recall_at_100": 92.767, + "recall_at_1000": 99, + "recall_at_3": 69.672, + "recall_at_5": 75.083, + "main_score": 68.854 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/SprintDuplicateQuestions.json b/results/michaelfeil__ct2fast-e5-small-v2/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..a868b96b5 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.8079207920792, + "cos_sim_ap": 94.88470927617445, + "cos_sim_f1": 90.08179959100204, + "cos_sim_precision": 92.15481171548117, + "cos_sim_recall": 88.1, + "dot_accuracy": 99.58613861386138, + "dot_ap": 82.94822578881316, + "dot_f1": 77.33333333333333, + "dot_precision": 79.36842105263158, + "dot_recall": 75.4, + "euclidean_accuracy": 99.8069306930693, + "euclidean_ap": 94.81367858031837, + "euclidean_f1": 90.01009081735621, + "euclidean_precision": 90.83503054989816, + "euclidean_recall": 89.2, + "manhattan_accuracy": 99.81188118811882, + "manhattan_ap": 94.91405337220161, + "manhattan_f1": 90.2763561924258, + "manhattan_precision": 92.45283018867924, + "manhattan_recall": 88.2, + "max_accuracy": 99.81188118811882, + "max_ap": 94.91405337220161, + "max_f1": 90.2763561924258, + "main_score": 94.91405337220161 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/StackExchangeClustering.json b/results/michaelfeil__ct2fast-e5-small-v2/external/StackExchangeClustering.json new file mode 100644 index 000000000..74dbc0e92 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 58.511599500053094, + "main_score": 58.511599500053094 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/StackExchangeClusteringP2P.json b/results/michaelfeil__ct2fast-e5-small-v2/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..01510afde --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.984728147814707, + "main_score": 31.984728147814707 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/StackOverflowDupQuestions.json b/results/michaelfeil__ct2fast-e5-small-v2/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..3f0aec6a2 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 49.93428193939015, + "mrr": 50.916557911043206, + "main_score": 49.93428193939015 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/SummEval.json b/results/michaelfeil__ct2fast-e5-small-v2/external/SummEval.json new file mode 100644 index 000000000..c20e1b448 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.562500894537145, + "cos_sim_spearman": 31.162587976726307, + "dot_pearson": 22.633662187735762, + "dot_spearman": 22.723000282378962, + "cosine_pearson": 31.562500894537145, + "cosine_spearman": 31.162587976726307, + "main_score": 31.162587976726307 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/TRECCOVID.json b/results/michaelfeil__ct2fast-e5-small-v2/external/TRECCOVID.json new file mode 100644 index 000000000..fa7ba850a --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.219, + "map_at_10": 1.871, + "map_at_100": 10.487, + "map_at_1000": 25.122, + "map_at_3": 0.657, + "map_at_5": 1.0699999999999998, + "mrr_at_1": 84, + "mrr_at_10": 89.567, + "mrr_at_100": 89.748, + "mrr_at_1000": 89.748, + "mrr_at_3": 88.667, + "mrr_at_5": 89.567, + "ndcg_at_1": 80, + "ndcg_at_10": 74.533, + "ndcg_at_100": 55.839000000000006, + "ndcg_at_1000": 49.748, + "ndcg_at_3": 79.53099999999999, + "ndcg_at_5": 78.245, + "precision_at_1": 84, + "precision_at_10": 78.4, + "precision_at_100": 56.99999999999999, + "precision_at_1000": 21.98, + "precision_at_3": 85.333, + "precision_at_5": 84.8, + "recall_at_1": 0.219, + "recall_at_10": 2.02, + "recall_at_100": 13.555, + "recall_at_1000": 46.739999999999995, + "recall_at_3": 0.685, + "recall_at_5": 1.13, + "main_score": 74.533 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/Touche2020.json b/results/michaelfeil__ct2fast-e5-small-v2/external/Touche2020.json new file mode 100644 index 000000000..b078a9626 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.5029999999999997, + "map_at_10": 11.042, + "map_at_100": 16.326999999999998, + "map_at_1000": 17.836, + "map_at_3": 6.174, + "map_at_5": 7.979, + "mrr_at_1": 42.857, + "mrr_at_10": 52.617000000000004, + "mrr_at_100": 53.351000000000006, + "mrr_at_1000": 53.351000000000006, + "mrr_at_3": 46.939, + "mrr_at_5": 50.714000000000006, + "ndcg_at_1": 38.775999999999996, + "ndcg_at_10": 27.125, + "ndcg_at_100": 35.845, + "ndcg_at_1000": 47.377, + "ndcg_at_3": 29.633, + "ndcg_at_5": 28.378999999999998, + "precision_at_1": 42.857, + "precision_at_10": 24.082, + "precision_at_100": 6.877999999999999, + "precision_at_1000": 1.463, + "precision_at_3": 29.932, + "precision_at_5": 28.571, + "recall_at_1": 3.5029999999999997, + "recall_at_10": 17.068, + "recall_at_100": 43.361, + "recall_at_1000": 78.835, + "recall_at_3": 6.821000000000001, + "recall_at_5": 10.357, + "main_score": 27.125 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/ToxicConversationsClassification.json b/results/michaelfeil__ct2fast-e5-small-v2/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..a66de4c8b --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.0954, + "ap": 14.216844153511959, + "f1": 54.63687418565117, + "main_score": 71.0954 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/TweetSentimentExtractionClassification.json b/results/michaelfeil__ct2fast-e5-small-v2/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..02d3a389d --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.46293152235427, + "f1": 61.744177921638645, + "main_score": 61.46293152235427 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/TwentyNewsgroupsClustering.json b/results/michaelfeil__ct2fast-e5-small-v2/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..fd36c5726 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 41.12708617788644, + "main_score": 41.12708617788644 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/TwitterSemEval2015.json b/results/michaelfeil__ct2fast-e5-small-v2/external/TwitterSemEval2015.json new file mode 100644 index 000000000..bb7e94c04 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 85.75430649102938, + "cos_sim_ap": 73.34252536948081, + "cos_sim_f1": 67.53758935173774, + "cos_sim_precision": 63.3672525439408, + "cos_sim_recall": 72.29551451187335, + "dot_accuracy": 81.71305954580676, + "dot_ap": 59.5532209082386, + "dot_f1": 56.18466898954705, + "dot_precision": 47.830923248053395, + "dot_recall": 68.07387862796834, + "euclidean_accuracy": 85.81987244441795, + "euclidean_ap": 73.34325409809446, + "euclidean_f1": 67.83451360417443, + "euclidean_precision": 64.09955388588871, + "euclidean_recall": 72.0316622691293, + "manhattan_accuracy": 85.68277999642368, + "manhattan_ap": 73.1535450121903, + "manhattan_f1": 67.928237896289, + "manhattan_precision": 63.56945722171113, + "manhattan_recall": 72.9287598944591, + "max_accuracy": 85.81987244441795, + "max_ap": 73.34325409809446, + "max_f1": 67.928237896289, + "main_score": 73.34325409809446 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/TwitterURLCorpus.json b/results/michaelfeil__ct2fast-e5-small-v2/external/TwitterURLCorpus.json new file mode 100644 index 000000000..6b737d142 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.90441262079403, + "cos_sim_ap": 85.79331880741438, + "cos_sim_f1": 78.31563529842548, + "cos_sim_precision": 74.6683424102779, + "cos_sim_recall": 82.33754234678165, + "dot_accuracy": 84.89928978926534, + "dot_ap": 75.25819218316, + "dot_f1": 69.88730119720536, + "dot_precision": 64.23362374959665, + "dot_recall": 76.63227594702803, + "euclidean_accuracy": 89.01695967710637, + "euclidean_ap": 85.98986606038852, + "euclidean_f1": 78.5277880014722, + "euclidean_precision": 75.22211253701876, + "euclidean_recall": 82.13735756082538, + "manhattan_accuracy": 88.99561454573679, + "manhattan_ap": 85.92262421793953, + "manhattan_f1": 78.38866094740769, + "manhattan_precision": 76.02373028505282, + "manhattan_recall": 80.9054511857099, + "max_accuracy": 89.01695967710637, + "max_ap": 85.98986606038852, + "max_f1": 78.5277880014722, + "main_score": 85.98986606038852 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small-v2/external/model_meta.json b/results/michaelfeil__ct2fast-e5-small-v2/external/model_meta.json new file mode 100644 index 000000000..ad4c606b9 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small-v2/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "michaelfeil/ct2fast-e5-small-v2", + "revision": "74f383791d5eef07d5916969575c5c26839e815e", + "release_date": "2023-06-15", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 384, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/AmazonCounterfactualClassification.json b/results/michaelfeil__ct2fast-e5-small/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..737d1e61e --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.22388059701493, + "ap": 40.27466219523129, + "f1": 70.60533006025108, + "main_score": 76.22388059701493 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/AmazonPolarityClassification.json b/results/michaelfeil__ct2fast-e5-small/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..09b8a6de6 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 87.525775, + "ap": 83.51063993897611, + "f1": 87.49342736805572, + "main_score": 87.525775 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/AmazonReviewsClassification.json b/results/michaelfeil__ct2fast-e5-small/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..84f4beecd --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 42.611999999999995, + "f1": 42.05088045932892, + "main_score": 42.611999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/ArguAna.json b/results/michaelfeil__ct2fast-e5-small/external/ArguAna.json new file mode 100644 index 000000000..8797a3116 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.826, + "map_at_10": 38.269, + "map_at_100": 39.322, + "map_at_1000": 39.344, + "map_at_3": 33.428000000000004, + "map_at_5": 36.063, + "mrr_at_1": 24.253, + "mrr_at_10": 38.425, + "mrr_at_100": 39.478, + "mrr_at_1000": 39.5, + "mrr_at_3": 33.606, + "mrr_at_5": 36.195, + "ndcg_at_1": 23.826, + "ndcg_at_10": 46.693, + "ndcg_at_100": 51.469, + "ndcg_at_1000": 52.002, + "ndcg_at_3": 36.603, + "ndcg_at_5": 41.365, + "precision_at_1": 23.826, + "precision_at_10": 7.383000000000001, + "precision_at_100": 0.9530000000000001, + "precision_at_1000": 0.099, + "precision_at_3": 15.268, + "precision_at_5": 11.479000000000001, + "recall_at_1": 23.826, + "recall_at_10": 73.82600000000001, + "recall_at_100": 95.306, + "recall_at_1000": 99.431, + "recall_at_3": 45.804, + "recall_at_5": 57.397, + "main_score": 46.693 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/ArxivClusteringP2P.json b/results/michaelfeil__ct2fast-e5-small/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..b16385e4e --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 44.13995374767436, + "main_score": 44.13995374767436 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/ArxivClusteringS2S.json b/results/michaelfeil__ct2fast-e5-small/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..f9fbc1c18 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.13950072624313, + "main_score": 37.13950072624313 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/AskUbuntuDupQuestions.json b/results/michaelfeil__ct2fast-e5-small/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..1acf95ff1 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 59.35843292105327, + "mrr": 73.72312359846987, + "main_score": 59.35843292105327 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/BIOSSES.json b/results/michaelfeil__ct2fast-e5-small/external/BIOSSES.json new file mode 100644 index 000000000..7de3ec466 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.55140418324174, + "cos_sim_spearman": 84.21637675860022, + "euclidean_pearson": 81.26069614610006, + "euclidean_spearman": 83.25069210421785, + "manhattan_pearson": 80.17441422581014, + "manhattan_spearman": 81.87596198487877, + "cosine_pearson": 84.55140418324174, + "cosine_spearman": 84.21637675860022, + "main_score": 84.21637675860022 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/Banking77Classification.json b/results/michaelfeil__ct2fast-e5-small/external/Banking77Classification.json new file mode 100644 index 000000000..2ee1ca1af --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 81.87337662337661, + "f1": 81.76647866926402, + "main_score": 81.87337662337661 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/BiorxivClusteringP2P.json b/results/michaelfeil__ct2fast-e5-small/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..c9d0b98ff --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.80600542614507, + "main_score": 35.80600542614507 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/BiorxivClusteringS2S.json b/results/michaelfeil__ct2fast-e5-small/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..5779d619a --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.86321613256603, + "main_score": 31.86321613256603 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/CQADupstackAndroidRetrieval.json b/results/michaelfeil__ct2fast-e5-small/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..de158fab5 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.054, + "map_at_10": 40.699999999999996, + "map_at_100": 41.818, + "map_at_1000": 41.959999999999994, + "map_at_3": 37.742, + "map_at_5": 39.427, + "mrr_at_1": 38.769999999999996, + "mrr_at_10": 46.150000000000006, + "mrr_at_100": 46.865, + "mrr_at_1000": 46.925, + "mrr_at_3": 43.705, + "mrr_at_5": 45.214999999999996, + "ndcg_at_1": 38.769999999999996, + "ndcg_at_10": 45.778, + "ndcg_at_100": 50.38, + "ndcg_at_1000": 52.922999999999995, + "ndcg_at_3": 41.597, + "ndcg_at_5": 43.631, + "precision_at_1": 38.769999999999996, + "precision_at_10": 8.269, + "precision_at_100": 1.278, + "precision_at_1000": 0.178, + "precision_at_3": 19.266, + "precision_at_5": 13.705, + "recall_at_1": 32.054, + "recall_at_10": 54.947, + "recall_at_100": 74.79599999999999, + "recall_at_1000": 91.40899999999999, + "recall_at_3": 42.431000000000004, + "recall_at_5": 48.519, + "main_score": 45.778 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.035, + "map_at_10": 38.007000000000005, + "map_at_100": 39.125, + "map_at_1000": 39.251999999999995, + "map_at_3": 35.77, + "map_at_5": 37.057, + "mrr_at_1": 36.497, + "mrr_at_10": 44.077, + "mrr_at_100": 44.743, + "mrr_at_1000": 44.79, + "mrr_at_3": 42.123, + "mrr_at_5": 43.308, + "ndcg_at_1": 36.497, + "ndcg_at_10": 42.986000000000004, + "ndcg_at_100": 47.323, + "ndcg_at_1000": 49.624, + "ndcg_at_3": 39.805, + "ndcg_at_5": 41.286, + "precision_at_1": 36.497, + "precision_at_10": 7.8340000000000005, + "precision_at_100": 1.269, + "precision_at_1000": 0.178, + "precision_at_3": 19.023, + "precision_at_5": 13.248, + "recall_at_1": 29.035, + "recall_at_10": 51.06, + "recall_at_100": 69.64099999999999, + "recall_at_1000": 84.49, + "recall_at_3": 41.333999999999996, + "recall_at_5": 45.663, + "main_score": 42.986000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 37.239, + "map_at_10": 47.873, + "map_at_100": 48.842999999999996, + "map_at_1000": 48.913000000000004, + "map_at_3": 45.050000000000004, + "map_at_5": 46.498, + "mrr_at_1": 42.508, + "mrr_at_10": 51.44, + "mrr_at_100": 52.087, + "mrr_at_1000": 52.129999999999995, + "mrr_at_3": 49.164, + "mrr_at_5": 50.343, + "ndcg_at_1": 42.508, + "ndcg_at_10": 53.31399999999999, + "ndcg_at_100": 57.245000000000005, + "ndcg_at_1000": 58.794000000000004, + "ndcg_at_3": 48.295, + "ndcg_at_5": 50.415, + "precision_at_1": 42.508, + "precision_at_10": 8.458, + "precision_at_100": 1.133, + "precision_at_1000": 0.132, + "precision_at_3": 21.191, + "precision_at_5": 14.307, + "recall_at_1": 37.239, + "recall_at_10": 65.99000000000001, + "recall_at_100": 82.99499999999999, + "recall_at_1000": 94.128, + "recall_at_3": 52.382, + "recall_at_5": 57.648999999999994, + "main_score": 53.31399999999999 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.039, + "map_at_10": 29.694, + "map_at_100": 30.587999999999997, + "map_at_1000": 30.692999999999998, + "map_at_3": 27.708, + "map_at_5": 28.774, + "mrr_at_1": 24.633, + "mrr_at_10": 31.478, + "mrr_at_100": 32.299, + "mrr_at_1000": 32.381, + "mrr_at_3": 29.435, + "mrr_at_5": 30.446, + "ndcg_at_1": 24.633, + "ndcg_at_10": 33.697, + "ndcg_at_100": 38.080000000000005, + "ndcg_at_1000": 40.812, + "ndcg_at_3": 29.654000000000003, + "ndcg_at_5": 31.474000000000004, + "precision_at_1": 24.633, + "precision_at_10": 5.0729999999999995, + "precision_at_100": 0.753, + "precision_at_1000": 0.10300000000000001, + "precision_at_3": 12.279, + "precision_at_5": 8.452, + "recall_at_1": 23.039, + "recall_at_10": 44.275999999999996, + "recall_at_100": 64.4, + "recall_at_1000": 85.135, + "recall_at_3": 33.394, + "recall_at_5": 37.687, + "main_score": 33.697 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 13.594999999999999, + "map_at_10": 19.933999999999997, + "map_at_100": 20.966, + "map_at_1000": 21.087, + "map_at_3": 17.749000000000002, + "map_at_5": 19.156000000000002, + "mrr_at_1": 17.662, + "mrr_at_10": 24.407, + "mrr_at_100": 25.385, + "mrr_at_1000": 25.465, + "mrr_at_3": 22.056, + "mrr_at_5": 23.630000000000003, + "ndcg_at_1": 17.662, + "ndcg_at_10": 24.391, + "ndcg_at_100": 29.681, + "ndcg_at_1000": 32.923, + "ndcg_at_3": 20.271, + "ndcg_at_5": 22.621, + "precision_at_1": 17.662, + "precision_at_10": 4.44, + "precision_at_100": 0.8200000000000001, + "precision_at_1000": 0.125, + "precision_at_3": 9.577, + "precision_at_5": 7.313, + "recall_at_1": 13.594999999999999, + "recall_at_10": 33.976, + "recall_at_100": 57.43000000000001, + "recall_at_1000": 80.958, + "recall_at_3": 22.897000000000002, + "recall_at_5": 28.714000000000002, + "main_score": 24.391 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.683, + "map_at_10": 35.068, + "map_at_100": 36.311, + "map_at_1000": 36.436, + "map_at_3": 32.371, + "map_at_5": 33.761, + "mrr_at_1": 32.435, + "mrr_at_10": 40.721000000000004, + "mrr_at_100": 41.535, + "mrr_at_1000": 41.593, + "mrr_at_3": 38.401999999999994, + "mrr_at_5": 39.567, + "ndcg_at_1": 32.435, + "ndcg_at_10": 40.538000000000004, + "ndcg_at_100": 45.963, + "ndcg_at_1000": 48.400999999999996, + "ndcg_at_3": 36.048, + "ndcg_at_5": 37.899, + "precision_at_1": 32.435, + "precision_at_10": 7.1129999999999995, + "precision_at_100": 1.162, + "precision_at_1000": 0.156, + "precision_at_3": 16.683, + "precision_at_5": 11.684, + "recall_at_1": 26.683, + "recall_at_10": 51.517, + "recall_at_100": 74.553, + "recall_at_1000": 90.649, + "recall_at_3": 38.495000000000005, + "recall_at_5": 43.495, + "main_score": 40.538000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.186, + "map_at_10": 31.972, + "map_at_100": 33.117000000000004, + "map_at_1000": 33.243, + "map_at_3": 29.423, + "map_at_5": 30.847, + "mrr_at_1": 29.794999999999998, + "mrr_at_10": 36.767, + "mrr_at_100": 37.645, + "mrr_at_1000": 37.716, + "mrr_at_3": 34.513, + "mrr_at_5": 35.791000000000004, + "ndcg_at_1": 29.794999999999998, + "ndcg_at_10": 36.786, + "ndcg_at_100": 41.94, + "ndcg_at_1000": 44.830999999999996, + "ndcg_at_3": 32.504, + "ndcg_at_5": 34.404, + "precision_at_1": 29.794999999999998, + "precision_at_10": 6.518, + "precision_at_100": 1.0659999999999998, + "precision_at_1000": 0.149, + "precision_at_3": 15.296999999999999, + "precision_at_5": 10.731, + "recall_at_1": 24.186, + "recall_at_10": 46.617, + "recall_at_100": 68.75, + "recall_at_1000": 88.864, + "recall_at_3": 34.199, + "recall_at_5": 39.462, + "main_score": 36.786 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.22083333333333, + "map_at_10": 31.606666666666662, + "map_at_100": 32.6195, + "map_at_1000": 32.739999999999995, + "map_at_3": 29.37825, + "map_at_5": 30.596083333333336, + "mrr_at_1": 28.607916666666668, + "mrr_at_10": 35.54591666666666, + "mrr_at_100": 36.33683333333333, + "mrr_at_1000": 36.40624999999999, + "mrr_at_3": 33.526250000000005, + "mrr_at_5": 34.6605, + "ndcg_at_1": 28.607916666666668, + "ndcg_at_10": 36.07966666666667, + "ndcg_at_100": 40.73308333333333, + "ndcg_at_1000": 43.40666666666666, + "ndcg_at_3": 32.23525, + "ndcg_at_5": 33.97083333333333, + "precision_at_1": 28.607916666666668, + "precision_at_10": 6.120333333333335, + "precision_at_100": 0.9921666666666668, + "precision_at_1000": 0.14091666666666666, + "precision_at_3": 14.54975, + "precision_at_5": 10.153166666666667, + "recall_at_1": 24.22083333333333, + "recall_at_10": 45.49183333333334, + "recall_at_100": 66.28133333333332, + "recall_at_1000": 85.16541666666667, + "recall_at_3": 34.6485, + "recall_at_5": 39.229749999999996, + "main_score": 36.07966666666667 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.842, + "map_at_10": 27.573999999999998, + "map_at_100": 28.410999999999998, + "map_at_1000": 28.502, + "map_at_3": 25.921, + "map_at_5": 26.888, + "mrr_at_1": 24.08, + "mrr_at_10": 29.915999999999997, + "mrr_at_100": 30.669, + "mrr_at_1000": 30.746000000000002, + "mrr_at_3": 28.349000000000004, + "mrr_at_5": 29.246, + "ndcg_at_1": 24.08, + "ndcg_at_10": 30.898999999999997, + "ndcg_at_100": 35.272999999999996, + "ndcg_at_1000": 37.679, + "ndcg_at_3": 27.881, + "ndcg_at_5": 29.432000000000002, + "precision_at_1": 24.08, + "precision_at_10": 4.678, + "precision_at_100": 0.744, + "precision_at_1000": 0.10300000000000001, + "precision_at_3": 11.860999999999999, + "precision_at_5": 8.16, + "recall_at_1": 21.842, + "recall_at_10": 38.66, + "recall_at_100": 59.169000000000004, + "recall_at_1000": 76.887, + "recall_at_3": 30.532999999999998, + "recall_at_5": 34.354, + "main_score": 30.898999999999997 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.145, + "map_at_10": 22.729, + "map_at_100": 23.574, + "map_at_1000": 23.695, + "map_at_3": 21.044, + "map_at_5": 21.981, + "mrr_at_1": 20.888, + "mrr_at_10": 26.529000000000003, + "mrr_at_100": 27.308, + "mrr_at_1000": 27.389000000000003, + "mrr_at_3": 24.868000000000002, + "mrr_at_5": 25.825, + "ndcg_at_1": 20.888, + "ndcg_at_10": 26.457000000000004, + "ndcg_at_100": 30.764000000000003, + "ndcg_at_1000": 33.825, + "ndcg_at_3": 23.483999999999998, + "ndcg_at_5": 24.836, + "precision_at_1": 20.888, + "precision_at_10": 4.58, + "precision_at_100": 0.784, + "precision_at_1000": 0.121, + "precision_at_3": 10.874, + "precision_at_5": 7.639, + "recall_at_1": 17.145, + "recall_at_10": 33.938, + "recall_at_100": 53.672, + "recall_at_1000": 76.023, + "recall_at_3": 25.363000000000003, + "recall_at_5": 29.023, + "main_score": 26.457000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.275, + "map_at_10": 30.438, + "map_at_100": 31.489, + "map_at_1000": 31.601000000000003, + "map_at_3": 28.647, + "map_at_5": 29.660999999999998, + "mrr_at_1": 28.077999999999996, + "mrr_at_10": 34.098, + "mrr_at_100": 35.025, + "mrr_at_1000": 35.109, + "mrr_at_3": 32.4, + "mrr_at_5": 33.379999999999995, + "ndcg_at_1": 28.077999999999996, + "ndcg_at_10": 34.271, + "ndcg_at_100": 39.352, + "ndcg_at_1000": 42.199, + "ndcg_at_3": 30.978, + "ndcg_at_5": 32.498, + "precision_at_1": 28.077999999999996, + "precision_at_10": 5.345, + "precision_at_100": 0.897, + "precision_at_1000": 0.125, + "precision_at_3": 13.526, + "precision_at_5": 9.16, + "recall_at_1": 24.275, + "recall_at_10": 42.362, + "recall_at_100": 64.461, + "recall_at_1000": 84.981, + "recall_at_3": 33.249, + "recall_at_5": 37.214999999999996, + "main_score": 34.271 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.358, + "map_at_10": 30.062, + "map_at_100": 31.189, + "map_at_1000": 31.386999999999997, + "map_at_3": 27.672, + "map_at_5": 28.76, + "mrr_at_1": 26.877000000000002, + "mrr_at_10": 33.948, + "mrr_at_100": 34.746, + "mrr_at_1000": 34.816, + "mrr_at_3": 31.884, + "mrr_at_5": 33.001000000000005, + "ndcg_at_1": 26.877000000000002, + "ndcg_at_10": 34.977000000000004, + "ndcg_at_100": 39.753, + "ndcg_at_1000": 42.866, + "ndcg_at_3": 30.956, + "ndcg_at_5": 32.381, + "precision_at_1": 26.877000000000002, + "precision_at_10": 6.7, + "precision_at_100": 1.287, + "precision_at_1000": 0.215, + "precision_at_3": 14.360999999999999, + "precision_at_5": 10.119, + "recall_at_1": 22.358, + "recall_at_10": 44.183, + "recall_at_100": 67.14, + "recall_at_1000": 87.53999999999999, + "recall_at_3": 32.79, + "recall_at_5": 36.829, + "main_score": 34.977000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.198999999999998, + "map_at_10": 25.229000000000003, + "map_at_100": 26.003, + "map_at_1000": 26.111, + "map_at_3": 23.442, + "map_at_5": 24.343, + "mrr_at_1": 21.072, + "mrr_at_10": 27.02, + "mrr_at_100": 27.735, + "mrr_at_1000": 27.815, + "mrr_at_3": 25.416, + "mrr_at_5": 26.173999999999996, + "ndcg_at_1": 21.072, + "ndcg_at_10": 28.862, + "ndcg_at_100": 33.043, + "ndcg_at_1000": 36.003, + "ndcg_at_3": 25.35, + "ndcg_at_5": 26.773000000000003, + "precision_at_1": 21.072, + "precision_at_10": 4.436, + "precision_at_100": 0.713, + "precision_at_1000": 0.106, + "precision_at_3": 10.659, + "precision_at_5": 7.32, + "recall_at_1": 19.198999999999998, + "recall_at_10": 38.376, + "recall_at_100": 58.36900000000001, + "recall_at_1000": 80.92099999999999, + "recall_at_3": 28.715000000000003, + "recall_at_5": 32.147, + "main_score": 28.862 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/ClimateFEVER.json b/results/michaelfeil__ct2fast-e5-small/external/ClimateFEVER.json new file mode 100644 index 000000000..1ac8bbb9a --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.9319999999999995, + "map_at_10": 10.483, + "map_at_100": 11.97, + "map_at_1000": 12.171999999999999, + "map_at_3": 8.477, + "map_at_5": 9.495000000000001, + "mrr_at_1": 13.094, + "mrr_at_10": 21.282, + "mrr_at_100": 22.556, + "mrr_at_1000": 22.628999999999998, + "mrr_at_3": 18.218999999999998, + "mrr_at_5": 19.900000000000002, + "ndcg_at_1": 13.094, + "ndcg_at_10": 15.811, + "ndcg_at_100": 23.035, + "ndcg_at_1000": 27.089999999999996, + "ndcg_at_3": 11.905000000000001, + "ndcg_at_5": 13.377, + "precision_at_1": 13.094, + "precision_at_10": 5.225, + "precision_at_100": 1.2970000000000002, + "precision_at_1000": 0.203, + "precision_at_3": 8.86, + "precision_at_5": 7.309, + "recall_at_1": 5.9319999999999995, + "recall_at_10": 20.305, + "recall_at_100": 46.314, + "recall_at_1000": 69.612, + "recall_at_3": 11.21, + "recall_at_5": 14.773, + "main_score": 15.811 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/DBPedia.json b/results/michaelfeil__ct2fast-e5-small/external/DBPedia.json new file mode 100644 index 000000000..a480b5323 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.674, + "map_at_10": 17.822, + "map_at_100": 24.794, + "map_at_1000": 26.214, + "map_at_3": 12.690999999999999, + "map_at_5": 15.033, + "mrr_at_1": 61.75000000000001, + "mrr_at_10": 71.58, + "mrr_at_100": 71.923, + "mrr_at_1000": 71.932, + "mrr_at_3": 70.125, + "mrr_at_5": 71.038, + "ndcg_at_1": 51, + "ndcg_at_10": 38.637, + "ndcg_at_100": 42.398, + "ndcg_at_1000": 48.962, + "ndcg_at_3": 43.29, + "ndcg_at_5": 40.763, + "precision_at_1": 61.75000000000001, + "precision_at_10": 30.125, + "precision_at_100": 9.53, + "precision_at_1000": 1.9619999999999997, + "precision_at_3": 45.583, + "precision_at_5": 38.95, + "recall_at_1": 8.674, + "recall_at_10": 23.122, + "recall_at_100": 47.46, + "recall_at_1000": 67.662, + "recall_at_3": 13.946, + "recall_at_5": 17.768, + "main_score": 38.637 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/EmotionClassification.json b/results/michaelfeil__ct2fast-e5-small/external/EmotionClassification.json new file mode 100644 index 000000000..50b850c36 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 46.86000000000001, + "f1": 41.343580452760776, + "main_score": 46.86000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/FEVER.json b/results/michaelfeil__ct2fast-e5-small/external/FEVER.json new file mode 100644 index 000000000..445bfe5e9 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 36.609, + "map_at_10": 47.552, + "map_at_100": 48.283, + "map_at_1000": 48.321, + "map_at_3": 44.869, + "map_at_5": 46.509, + "mrr_at_1": 39.214, + "mrr_at_10": 50.434999999999995, + "mrr_at_100": 51.122, + "mrr_at_1000": 51.151, + "mrr_at_3": 47.735, + "mrr_at_5": 49.394, + "ndcg_at_1": 39.214, + "ndcg_at_10": 53.52400000000001, + "ndcg_at_100": 56.997, + "ndcg_at_1000": 57.975, + "ndcg_at_3": 48.173, + "ndcg_at_5": 51.05800000000001, + "precision_at_1": 39.214, + "precision_at_10": 7.573, + "precision_at_100": 0.9440000000000001, + "precision_at_1000": 0.104, + "precision_at_3": 19.782, + "precision_at_5": 13.453000000000001, + "recall_at_1": 36.609, + "recall_at_10": 69.247, + "recall_at_100": 84.99600000000001, + "recall_at_1000": 92.40899999999999, + "recall_at_3": 54.856, + "recall_at_5": 61.797000000000004, + "main_score": 53.52400000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/FiQA2018.json b/results/michaelfeil__ct2fast-e5-small/external/FiQA2018.json new file mode 100644 index 000000000..a88134ff3 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.466, + "map_at_10": 27.060000000000002, + "map_at_100": 28.511999999999997, + "map_at_1000": 28.693, + "map_at_3": 22.777, + "map_at_5": 25.086000000000002, + "mrr_at_1": 32.716, + "mrr_at_10": 41.593999999999994, + "mrr_at_100": 42.370000000000005, + "mrr_at_1000": 42.419000000000004, + "mrr_at_3": 38.143, + "mrr_at_5": 40.288000000000004, + "ndcg_at_1": 32.716, + "ndcg_at_10": 34.795, + "ndcg_at_100": 40.58, + "ndcg_at_1000": 43.993, + "ndcg_at_3": 29.573, + "ndcg_at_5": 31.583, + "precision_at_1": 32.716, + "precision_at_10": 9.937999999999999, + "precision_at_100": 1.585, + "precision_at_1000": 0.22, + "precision_at_3": 19.496, + "precision_at_5": 15.247, + "recall_at_1": 16.466, + "recall_at_10": 42.886, + "recall_at_100": 64.724, + "recall_at_1000": 85.347, + "recall_at_3": 26.765, + "recall_at_5": 33.603, + "main_score": 34.795 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/HotpotQA.json b/results/michaelfeil__ct2fast-e5-small/external/HotpotQA.json new file mode 100644 index 000000000..7c2ada10a --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 33.025, + "map_at_10": 47.343, + "map_at_100": 48.207, + "map_at_1000": 48.281, + "map_at_3": 44.519, + "map_at_5": 46.217000000000006, + "mrr_at_1": 66.05, + "mrr_at_10": 72.94699999999999, + "mrr_at_100": 73.289, + "mrr_at_1000": 73.30499999999999, + "mrr_at_3": 71.686, + "mrr_at_5": 72.491, + "ndcg_at_1": 66.05, + "ndcg_at_10": 56.338, + "ndcg_at_100": 59.599999999999994, + "ndcg_at_1000": 61.138000000000005, + "ndcg_at_3": 52.034000000000006, + "ndcg_at_5": 54.352000000000004, + "precision_at_1": 66.05, + "precision_at_10": 11.693000000000001, + "precision_at_100": 1.425, + "precision_at_1000": 0.163, + "precision_at_3": 32.613, + "precision_at_5": 21.401999999999997, + "recall_at_1": 33.025, + "recall_at_10": 58.467, + "recall_at_100": 71.242, + "recall_at_1000": 81.452, + "recall_at_3": 48.92, + "recall_at_5": 53.504, + "main_score": 56.338 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/ImdbClassification.json b/results/michaelfeil__ct2fast-e5-small/external/ImdbClassification.json new file mode 100644 index 000000000..74852cde3 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.5492, + "ap": 69.42911637216271, + "f1": 75.39113704261024, + "main_score": 75.5492 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/MSMARCO.json b/results/michaelfeil__ct2fast-e5-small/external/MSMARCO.json new file mode 100644 index 000000000..8f6fb68ae --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.173, + "map_at_10": 35.453, + "map_at_100": 36.573, + "map_at_1000": 36.620999999999995, + "map_at_3": 31.655, + "map_at_5": 33.823, + "mrr_at_1": 23.868000000000002, + "mrr_at_10": 36.085, + "mrr_at_100": 37.15, + "mrr_at_1000": 37.193, + "mrr_at_3": 32.376, + "mrr_at_5": 34.501, + "ndcg_at_1": 23.854, + "ndcg_at_10": 42.33, + "ndcg_at_100": 47.705999999999996, + "ndcg_at_1000": 48.91, + "ndcg_at_3": 34.604, + "ndcg_at_5": 38.473, + "precision_at_1": 23.854, + "precision_at_10": 6.639, + "precision_at_100": 0.932, + "precision_at_1000": 0.104, + "precision_at_3": 14.685, + "precision_at_5": 10.782, + "recall_at_1": 23.173, + "recall_at_10": 63.441, + "recall_at_100": 88.25, + "recall_at_1000": 97.438, + "recall_at_3": 42.434, + "recall_at_5": 51.745, + "main_score": 42.33 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/MTOPDomainClassification.json b/results/michaelfeil__ct2fast-e5-small/external/MTOPDomainClassification.json new file mode 100644 index 000000000..41c69cab8 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.05426356589147, + "f1": 91.88068588063942, + "main_score": 92.05426356589147 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/MTOPIntentClassification.json b/results/michaelfeil__ct2fast-e5-small/external/MTOPIntentClassification.json new file mode 100644 index 000000000..e4193c1cf --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.23985408116735, + "f1": 55.858906745287506, + "main_score": 73.23985408116735 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/MassiveIntentClassification.json b/results/michaelfeil__ct2fast-e5-small/external/MassiveIntentClassification.json new file mode 100644 index 000000000..a58c18eb4 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.21923335574984, + "f1": 70.0174116204253, + "main_score": 72.21923335574984 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/MassiveScenarioClassification.json b/results/michaelfeil__ct2fast-e5-small/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..45d78d293 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.77673167451245, + "f1": 75.44811354778666, + "main_score": 75.77673167451245 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/MedrxivClusteringP2P.json b/results/michaelfeil__ct2fast-e5-small/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..822c8de11 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.340414710728737, + "main_score": 31.340414710728737 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/MedrxivClusteringS2S.json b/results/michaelfeil__ct2fast-e5-small/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..d5d291b13 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 28.196676760061578, + "main_score": 28.196676760061578 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/MindSmallReranking.json b/results/michaelfeil__ct2fast-e5-small/external/MindSmallReranking.json new file mode 100644 index 000000000..6feced417 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 29.564149683482206, + "mrr": 30.28995474250486, + "main_score": 29.564149683482206 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/NFCorpus.json b/results/michaelfeil__ct2fast-e5-small/external/NFCorpus.json new file mode 100644 index 000000000..7ec8e8a49 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.93, + "map_at_10": 12.828000000000001, + "map_at_100": 15.501000000000001, + "map_at_1000": 16.791, + "map_at_3": 9.727, + "map_at_5": 11.318999999999999, + "mrr_at_1": 47.678, + "mrr_at_10": 55.893, + "mrr_at_100": 56.491, + "mrr_at_1000": 56.53, + "mrr_at_3": 54.386, + "mrr_at_5": 55.516, + "ndcg_at_1": 45.975, + "ndcg_at_10": 33.928999999999995, + "ndcg_at_100": 30.164, + "ndcg_at_1000": 38.756, + "ndcg_at_3": 41.077000000000005, + "ndcg_at_5": 38.415, + "precision_at_1": 47.678, + "precision_at_10": 24.365000000000002, + "precision_at_100": 7.344, + "precision_at_1000": 1.994, + "precision_at_3": 38.184000000000005, + "precision_at_5": 33.003, + "recall_at_1": 5.93, + "recall_at_10": 16.239, + "recall_at_100": 28.782999999999998, + "recall_at_1000": 60.11, + "recall_at_3": 10.700999999999999, + "recall_at_5": 13.584, + "main_score": 33.928999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/NQ.json b/results/michaelfeil__ct2fast-e5-small/external/NQ.json new file mode 100644 index 000000000..12a082228 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 36.163000000000004, + "map_at_10": 51.520999999999994, + "map_at_100": 52.449, + "map_at_1000": 52.473000000000006, + "map_at_3": 47.666, + "map_at_5": 50.043000000000006, + "mrr_at_1": 40.266999999999996, + "mrr_at_10": 54.074, + "mrr_at_100": 54.722, + "mrr_at_1000": 54.739000000000004, + "mrr_at_3": 51.043000000000006, + "mrr_at_5": 52.956, + "ndcg_at_1": 40.238, + "ndcg_at_10": 58.73199999999999, + "ndcg_at_100": 62.470000000000006, + "ndcg_at_1000": 63.083999999999996, + "ndcg_at_3": 51.672, + "ndcg_at_5": 55.564, + "precision_at_1": 40.238, + "precision_at_10": 9.279, + "precision_at_100": 1.139, + "precision_at_1000": 0.12, + "precision_at_3": 23.078000000000003, + "precision_at_5": 16.176, + "recall_at_1": 36.163000000000004, + "recall_at_10": 77.88199999999999, + "recall_at_100": 93.83399999999999, + "recall_at_1000": 98.465, + "recall_at_3": 59.857000000000006, + "recall_at_5": 68.73599999999999, + "main_score": 58.73199999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/QuoraRetrieval.json b/results/michaelfeil__ct2fast-e5-small/external/QuoraRetrieval.json new file mode 100644 index 000000000..9725e974e --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 70.344, + "map_at_10": 83.907, + "map_at_100": 84.536, + "map_at_1000": 84.557, + "map_at_3": 80.984, + "map_at_5": 82.844, + "mrr_at_1": 81.02000000000001, + "mrr_at_10": 87.158, + "mrr_at_100": 87.268, + "mrr_at_1000": 87.26899999999999, + "mrr_at_3": 86.17, + "mrr_at_5": 86.87, + "ndcg_at_1": 81.02000000000001, + "ndcg_at_10": 87.70700000000001, + "ndcg_at_100": 89.004, + "ndcg_at_1000": 89.139, + "ndcg_at_3": 84.841, + "ndcg_at_5": 86.455, + "precision_at_1": 81.02000000000001, + "precision_at_10": 13.248999999999999, + "precision_at_100": 1.516, + "precision_at_1000": 0.156, + "precision_at_3": 36.963, + "precision_at_5": 24.33, + "recall_at_1": 70.344, + "recall_at_10": 94.75099999999999, + "recall_at_100": 99.30499999999999, + "recall_at_1000": 99.928, + "recall_at_3": 86.506, + "recall_at_5": 91.083, + "main_score": 87.70700000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/RedditClustering.json b/results/michaelfeil__ct2fast-e5-small/external/RedditClustering.json new file mode 100644 index 000000000..89f47c581 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 42.873718018378305, + "main_score": 42.873718018378305 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/RedditClusteringP2P.json b/results/michaelfeil__ct2fast-e5-small/external/RedditClusteringP2P.json new file mode 100644 index 000000000..370e27794 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 56.39477366450528, + "main_score": 56.39477366450528 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/SCIDOCS.json b/results/michaelfeil__ct2fast-e5-small/external/SCIDOCS.json new file mode 100644 index 000000000..e08b743e1 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.868, + "map_at_10": 9.611, + "map_at_100": 11.087, + "map_at_1000": 11.332, + "map_at_3": 6.813, + "map_at_5": 8.233, + "mrr_at_1": 19, + "mrr_at_10": 28.457, + "mrr_at_100": 29.613, + "mrr_at_1000": 29.695, + "mrr_at_3": 25.55, + "mrr_at_5": 27.29, + "ndcg_at_1": 19, + "ndcg_at_10": 16.419, + "ndcg_at_100": 22.817999999999998, + "ndcg_at_1000": 27.72, + "ndcg_at_3": 15.379000000000001, + "ndcg_at_5": 13.645, + "precision_at_1": 19, + "precision_at_10": 8.540000000000001, + "precision_at_100": 1.7819999999999998, + "precision_at_1000": 0.297, + "precision_at_3": 14.267, + "precision_at_5": 12.04, + "recall_at_1": 3.868, + "recall_at_10": 17.288, + "recall_at_100": 36.144999999999996, + "recall_at_1000": 60.199999999999996, + "recall_at_3": 8.688, + "recall_at_5": 12.198, + "main_score": 16.419 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/SICK-R.json b/results/michaelfeil__ct2fast-e5-small/external/SICK-R.json new file mode 100644 index 000000000..1e5399c57 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.96614722598582, + "cos_sim_spearman": 78.9003023008781, + "euclidean_pearson": 81.01829384436505, + "euclidean_spearman": 78.93248416788914, + "manhattan_pearson": 81.1665428926402, + "manhattan_spearman": 78.93264116287453, + "cosine_pearson": 83.96614722598582, + "cosine_spearman": 78.9003023008781, + "main_score": 78.9003023008781 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/STS12.json b/results/michaelfeil__ct2fast-e5-small/external/STS12.json new file mode 100644 index 000000000..567cf8ceb --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.54613363895993, + "cos_sim_spearman": 75.1883451602451, + "euclidean_pearson": 79.70320886899894, + "euclidean_spearman": 74.5917140136796, + "manhattan_pearson": 79.82157067185999, + "manhattan_spearman": 74.74185720594735, + "cosine_pearson": 83.54613363895993, + "cosine_spearman": 75.1883451602451, + "main_score": 75.1883451602451 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/STS13.json b/results/michaelfeil__ct2fast-e5-small/external/STS13.json new file mode 100644 index 000000000..a658df979 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.30430156721782, + "cos_sim_spearman": 81.79962989974364, + "euclidean_pearson": 80.89058823224924, + "euclidean_spearman": 81.35929372984597, + "manhattan_pearson": 81.12204370487478, + "manhattan_spearman": 81.6248963282232, + "cosine_pearson": 81.30430156721782, + "cosine_spearman": 81.79962989974364, + "main_score": 81.79962989974364 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/STS14.json b/results/michaelfeil__ct2fast-e5-small/external/STS14.json new file mode 100644 index 000000000..69f354eaa --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.13064504403134, + "cos_sim_spearman": 78.48371403924872, + "euclidean_pearson": 80.16794919665591, + "euclidean_spearman": 78.29216082221699, + "manhattan_pearson": 80.22308565207301, + "manhattan_spearman": 78.37829229948022, + "cosine_pearson": 81.13064504403134, + "cosine_spearman": 78.48371403924872, + "main_score": 78.48371403924872 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/STS15.json b/results/michaelfeil__ct2fast-e5-small/external/STS15.json new file mode 100644 index 000000000..4ae20e723 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.52918899541099, + "cos_sim_spearman": 87.49276894673142, + "euclidean_pearson": 86.77440570164254, + "euclidean_spearman": 87.5753295736756, + "manhattan_pearson": 86.86098573892133, + "manhattan_spearman": 87.65848591821947, + "cosine_pearson": 86.52918899541099, + "cosine_spearman": 87.49276894673142, + "main_score": 87.49276894673142 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/STS16.json b/results/michaelfeil__ct2fast-e5-small/external/STS16.json new file mode 100644 index 000000000..36fc21809 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.86805307244882, + "cos_sim_spearman": 84.58066253757511, + "euclidean_pearson": 84.38377000876991, + "euclidean_spearman": 85.1837278784528, + "manhattan_pearson": 84.41903291363842, + "manhattan_spearman": 85.19023736251052, + "cosine_pearson": 82.86805307244882, + "cosine_spearman": 84.58066253757511, + "main_score": 84.58066253757511 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/STS17.json b/results/michaelfeil__ct2fast-e5-small/external/STS17.json new file mode 100644 index 000000000..252a891fe --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.77218560282436, + "cos_sim_spearman": 87.94243515296604, + "euclidean_pearson": 88.22800939214864, + "euclidean_spearman": 87.91106839439841, + "manhattan_pearson": 88.17063269848741, + "manhattan_spearman": 87.72751904126062, + "cosine_pearson": 86.77218560282436, + "cosine_spearman": 87.94243515296604, + "main_score": 87.94243515296604 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/STS22.json b/results/michaelfeil__ct2fast-e5-small/external/STS22.json new file mode 100644 index 000000000..ce7eda95c --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 60.40731554300387, + "cos_sim_spearman": 63.76300532966479, + "euclidean_pearson": 62.94727878229085, + "euclidean_spearman": 63.678039531461216, + "manhattan_pearson": 63.00661039863549, + "manhattan_spearman": 63.6282591984376, + "cosine_pearson": 60.40731554300387, + "cosine_spearman": 63.76300532966479, + "main_score": 63.76300532966479 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/STSBenchmark.json b/results/michaelfeil__ct2fast-e5-small/external/STSBenchmark.json new file mode 100644 index 000000000..0c2f6cb12 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.92731569745344, + "cos_sim_spearman": 86.36336704300167, + "euclidean_pearson": 86.09122224841195, + "euclidean_spearman": 86.2116149319238, + "manhattan_pearson": 86.07879456717032, + "manhattan_spearman": 86.2022069635119, + "cosine_pearson": 84.92731569745344, + "cosine_spearman": 86.36336704300167, + "main_score": 86.36336704300167 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/SciDocsRR.json b/results/michaelfeil__ct2fast-e5-small/external/SciDocsRR.json new file mode 100644 index 000000000..ec7c7e422 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 79.75976311752326, + "mrr": 94.15782837351466, + "main_score": 79.75976311752326 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/SciFact.json b/results/michaelfeil__ct2fast-e5-small/external/SciFact.json new file mode 100644 index 000000000..8c4b83762 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 51.193999999999996, + "map_at_10": 61.224999999999994, + "map_at_100": 62.031000000000006, + "map_at_1000": 62.066, + "map_at_3": 59.269000000000005, + "map_at_5": 60.159, + "mrr_at_1": 53.667, + "mrr_at_10": 62.74999999999999, + "mrr_at_100": 63.39399999999999, + "mrr_at_1000": 63.425, + "mrr_at_3": 61.389, + "mrr_at_5": 61.989000000000004, + "ndcg_at_1": 53.667, + "ndcg_at_10": 65.596, + "ndcg_at_100": 68.906, + "ndcg_at_1000": 69.78999999999999, + "ndcg_at_3": 62.261, + "ndcg_at_5": 63.453, + "precision_at_1": 53.667, + "precision_at_10": 8.667, + "precision_at_100": 1.04, + "precision_at_1000": 0.11100000000000002, + "precision_at_3": 24.556, + "precision_at_5": 15.6, + "recall_at_1": 51.193999999999996, + "recall_at_10": 77.156, + "recall_at_100": 91.43299999999999, + "recall_at_1000": 98.333, + "recall_at_3": 67.994, + "recall_at_5": 71.14399999999999, + "main_score": 65.596 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/SprintDuplicateQuestions.json b/results/michaelfeil__ct2fast-e5-small/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..9b2ba699f --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.81485148514851, + "cos_sim_ap": 95.28896513388551, + "cos_sim_f1": 90.43478260869566, + "cos_sim_precision": 92.56544502617801, + "cos_sim_recall": 88.4, + "dot_accuracy": 99.30594059405941, + "dot_ap": 61.6432597455472, + "dot_f1": 59.46481665014866, + "dot_precision": 58.93909626719057, + "dot_recall": 60, + "euclidean_accuracy": 99.81980198019802, + "euclidean_ap": 95.21411049527, + "euclidean_f1": 91.06090373280944, + "euclidean_precision": 89.47876447876449, + "euclidean_recall": 92.7, + "manhattan_accuracy": 99.81782178217821, + "manhattan_ap": 95.32449994414968, + "manhattan_f1": 90.86395233366436, + "manhattan_precision": 90.23668639053254, + "manhattan_recall": 91.5, + "max_accuracy": 99.81980198019802, + "max_ap": 95.32449994414968, + "max_f1": 91.06090373280944, + "main_score": 95.32449994414968 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/StackExchangeClustering.json b/results/michaelfeil__ct2fast-e5-small/external/StackExchangeClustering.json new file mode 100644 index 000000000..42cc82ca1 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 59.08045614613064, + "main_score": 59.08045614613064 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/StackExchangeClusteringP2P.json b/results/michaelfeil__ct2fast-e5-small/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..67c1e92e3 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.297802606804748, + "main_score": 30.297802606804748 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/StackOverflowDupQuestions.json b/results/michaelfeil__ct2fast-e5-small/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..cbdc6221b --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 49.12801740706292, + "mrr": 50.05592956879722, + "main_score": 49.12801740706292 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/SummEval.json b/results/michaelfeil__ct2fast-e5-small/external/SummEval.json new file mode 100644 index 000000000..29e8a80c7 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.523347880124497, + "cos_sim_spearman": 31.388214436391014, + "dot_pearson": 24.55403435439901, + "dot_spearman": 23.50153210841191, + "cosine_pearson": 31.523347880124497, + "cosine_spearman": 31.388214436391014, + "main_score": 31.388214436391014 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/TRECCOVID.json b/results/michaelfeil__ct2fast-e5-small/external/TRECCOVID.json new file mode 100644 index 000000000..68e49d9de --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.243, + "map_at_10": 1.886, + "map_at_100": 10.040000000000001, + "map_at_1000": 23.768, + "map_at_3": 0.674, + "map_at_5": 1.079, + "mrr_at_1": 88, + "mrr_at_10": 93.667, + "mrr_at_100": 93.667, + "mrr_at_1000": 93.667, + "mrr_at_3": 93.667, + "mrr_at_5": 93.667, + "ndcg_at_1": 83, + "ndcg_at_10": 76.777, + "ndcg_at_100": 55.153, + "ndcg_at_1000": 47.912, + "ndcg_at_3": 81.358, + "ndcg_at_5": 80.74799999999999, + "precision_at_1": 88, + "precision_at_10": 80.80000000000001, + "precision_at_100": 56.02, + "precision_at_1000": 21.51, + "precision_at_3": 86, + "precision_at_5": 86, + "recall_at_1": 0.243, + "recall_at_10": 2.0869999999999997, + "recall_at_100": 13.014000000000001, + "recall_at_1000": 44.433, + "recall_at_3": 0.6910000000000001, + "recall_at_5": 1.1440000000000001, + "main_score": 76.777 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/Touche2020.json b/results/michaelfeil__ct2fast-e5-small/external/Touche2020.json new file mode 100644 index 000000000..cf7b1aa8c --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.066, + "map_at_10": 10.615, + "map_at_100": 16.463, + "map_at_1000": 17.815, + "map_at_3": 5.7860000000000005, + "map_at_5": 7.353999999999999, + "mrr_at_1": 38.775999999999996, + "mrr_at_10": 53.846000000000004, + "mrr_at_100": 54.37, + "mrr_at_1000": 54.37, + "mrr_at_3": 48.980000000000004, + "mrr_at_5": 51.735, + "ndcg_at_1": 34.694, + "ndcg_at_10": 26.811, + "ndcg_at_100": 37.342999999999996, + "ndcg_at_1000": 47.964, + "ndcg_at_3": 30.906, + "ndcg_at_5": 27.77, + "precision_at_1": 38.775999999999996, + "precision_at_10": 23.878, + "precision_at_100": 7.632999999999999, + "precision_at_1000": 1.469, + "precision_at_3": 31.973000000000003, + "precision_at_5": 26.939, + "recall_at_1": 3.066, + "recall_at_10": 17.112, + "recall_at_100": 47.723, + "recall_at_1000": 79.50500000000001, + "recall_at_3": 6.825, + "recall_at_5": 9.584, + "main_score": 26.811 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/ToxicConversationsClassification.json b/results/michaelfeil__ct2fast-e5-small/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..db5fd4ea0 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.76460000000002, + "ap": 14.944240012137053, + "f1": 55.89805777266571, + "main_score": 72.76460000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/TweetSentimentExtractionClassification.json b/results/michaelfeil__ct2fast-e5-small/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..c67d91bce --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 63.30503678551217, + "f1": 63.57492701921179, + "main_score": 63.30503678551217 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/TwentyNewsgroupsClustering.json b/results/michaelfeil__ct2fast-e5-small/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..9c2a580f2 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.51066495006874, + "main_score": 37.51066495006874 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/TwitterSemEval2015.json b/results/michaelfeil__ct2fast-e5-small/external/TwitterSemEval2015.json new file mode 100644 index 000000000..babf2336c --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 86.07021517553794, + "cos_sim_ap": 74.15520712370555, + "cos_sim_f1": 68.64321608040201, + "cos_sim_precision": 65.51558752997602, + "cos_sim_recall": 72.0844327176781, + "dot_accuracy": 80.23484532395541, + "dot_ap": 54.298763810214176, + "dot_f1": 53.22254659779924, + "dot_precision": 46.32525410476936, + "dot_recall": 62.532981530343015, + "euclidean_accuracy": 86.04637301066937, + "euclidean_ap": 73.85333854233123, + "euclidean_f1": 68.77723660599845, + "euclidean_precision": 66.87437686939182, + "euclidean_recall": 70.79155672823218, + "manhattan_accuracy": 85.98676759849795, + "manhattan_ap": 73.56016090035973, + "manhattan_f1": 68.48878539036647, + "manhattan_precision": 63.9505607690547, + "manhattan_recall": 73.7203166226913, + "max_accuracy": 86.07021517553794, + "max_ap": 74.15520712370555, + "max_f1": 68.77723660599845, + "main_score": 74.15520712370555 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/TwitterURLCorpus.json b/results/michaelfeil__ct2fast-e5-small/external/TwitterURLCorpus.json new file mode 100644 index 000000000..4c0e1dc74 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.92769821865176, + "cos_sim_ap": 85.78879502899773, + "cos_sim_f1": 78.14414083990464, + "cos_sim_precision": 74.61651607480563, + "cos_sim_recall": 82.0218663381583, + "dot_accuracy": 84.95750378390964, + "dot_ap": 75.80219641857563, + "dot_f1": 70.13966179585681, + "dot_precision": 65.71140262361251, + "dot_recall": 75.20788420080073, + "euclidean_accuracy": 88.93546008460433, + "euclidean_ap": 85.72056428301667, + "euclidean_f1": 78.14387902598124, + "euclidean_precision": 75.3376688344172, + "euclidean_recall": 81.16723129042192, + "manhattan_accuracy": 88.96262661543835, + "manhattan_ap": 85.76605136314335, + "manhattan_f1": 78.26696165191743, + "manhattan_precision": 75.0990659496179, + "manhattan_recall": 81.71388974437943, + "max_accuracy": 88.96262661543835, + "max_ap": 85.78879502899773, + "max_f1": 78.26696165191743, + "main_score": 85.78879502899773 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-e5-small/external/model_meta.json b/results/michaelfeil__ct2fast-e5-small/external/model_meta.json new file mode 100644 index 000000000..2f800fa32 --- /dev/null +++ b/results/michaelfeil__ct2fast-e5-small/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "michaelfeil/ct2fast-e5-small", + "revision": "9af28c3b25cb73ca832ee2a769523de42f7aa8e6", + "release_date": "2023-06-18", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 384, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/AmazonCounterfactualClassification.json b/results/michaelfeil__ct2fast-gte-base/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..ee54e68bd --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.17910447761193, + "ap": 36.827146398068926, + "f1": 68.11292888046363, + "main_score": 74.17910447761193 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/AmazonPolarityClassification.json b/results/michaelfeil__ct2fast-gte-base/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..e1b4fec87 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.77345000000001, + "ap": 88.33530426691347, + "f1": 91.76549906404642, + "main_score": 91.77345000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/AmazonReviewsClassification.json b/results/michaelfeil__ct2fast-gte-base/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..db490fdc8 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 48.964, + "f1": 48.22995586184998, + "main_score": 48.964 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/ArguAna.json b/results/michaelfeil__ct2fast-gte-base/external/ArguAna.json new file mode 100644 index 000000000..065a6cf36 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.147999999999996, + "map_at_10": 48.253, + "map_at_100": 49.038, + "map_at_1000": 49.042, + "map_at_3": 43.433, + "map_at_5": 46.182, + "mrr_at_1": 32.717, + "mrr_at_10": 48.467, + "mrr_at_100": 49.252, + "mrr_at_1000": 49.254999999999995, + "mrr_at_3": 43.599, + "mrr_at_5": 46.408, + "ndcg_at_1": 32.147999999999996, + "ndcg_at_10": 57.12199999999999, + "ndcg_at_100": 60.316, + "ndcg_at_1000": 60.402, + "ndcg_at_3": 47.178, + "ndcg_at_5": 52.146, + "precision_at_1": 32.147999999999996, + "precision_at_10": 8.542, + "precision_at_100": 0.9900000000000001, + "precision_at_1000": 0.1, + "precision_at_3": 19.346, + "precision_at_5": 14.026, + "recall_at_1": 32.147999999999996, + "recall_at_10": 85.42, + "recall_at_100": 99.004, + "recall_at_1000": 99.644, + "recall_at_3": 58.037000000000006, + "recall_at_5": 70.128, + "main_score": 57.12199999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/ArxivClusteringP2P.json b/results/michaelfeil__ct2fast-gte-base/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..71f7efd4c --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.59706013699614, + "main_score": 48.59706013699614 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/ArxivClusteringS2S.json b/results/michaelfeil__ct2fast-gte-base/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..af5bc70d1 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 43.01463593002057, + "main_score": 43.01463593002057 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/AskUbuntuDupQuestions.json b/results/michaelfeil__ct2fast-gte-base/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..3fb4957a9 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 61.80250355752458, + "mrr": 74.79455216989844, + "main_score": 61.80250355752458 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/BIOSSES.json b/results/michaelfeil__ct2fast-gte-base/external/BIOSSES.json new file mode 100644 index 000000000..c777a0406 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 89.87448576082345, + "cos_sim_spearman": 87.64235843637468, + "euclidean_pearson": 88.4901825511062, + "euclidean_spearman": 87.74537283182033, + "manhattan_pearson": 88.39040638362911, + "manhattan_spearman": 87.62669542888003, + "cosine_pearson": 89.87448576082345, + "cosine_spearman": 87.64235843637468, + "main_score": 87.64235843637468 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/Banking77Classification.json b/results/michaelfeil__ct2fast-gte-base/external/Banking77Classification.json new file mode 100644 index 000000000..b1c841203 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 85.06818181818183, + "f1": 85.02524460098233, + "main_score": 85.06818181818183 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/BiorxivClusteringP2P.json b/results/michaelfeil__ct2fast-gte-base/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..fd61a4f94 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.20471092679967, + "main_score": 38.20471092679967 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/BiorxivClusteringS2S.json b/results/michaelfeil__ct2fast-gte-base/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..8429451aa --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.58967592147641, + "main_score": 36.58967592147641 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/CQADupstackAndroidRetrieval.json b/results/michaelfeil__ct2fast-gte-base/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..fbdc9971d --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.411, + "map_at_10": 45.162, + "map_at_100": 46.717, + "map_at_1000": 46.836, + "map_at_3": 41.428, + "map_at_5": 43.54, + "mrr_at_1": 39.914, + "mrr_at_10": 51.534, + "mrr_at_100": 52.185, + "mrr_at_1000": 52.22, + "mrr_at_3": 49.046, + "mrr_at_5": 50.548, + "ndcg_at_1": 39.914, + "ndcg_at_10": 52.235, + "ndcg_at_100": 57.4, + "ndcg_at_1000": 58.982, + "ndcg_at_3": 47.332, + "ndcg_at_5": 49.62, + "precision_at_1": 39.914, + "precision_at_10": 10.258000000000001, + "precision_at_100": 1.6219999999999999, + "precision_at_1000": 0.20500000000000002, + "precision_at_3": 23.462, + "precision_at_5": 16.71, + "recall_at_1": 32.411, + "recall_at_10": 65.408, + "recall_at_100": 87.248, + "recall_at_1000": 96.951, + "recall_at_3": 50.349999999999994, + "recall_at_5": 57.431, + "main_score": 52.235 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.911, + "map_at_10": 42.608000000000004, + "map_at_100": 43.948, + "map_at_1000": 44.089, + "map_at_3": 39.652, + "map_at_5": 41.236, + "mrr_at_1": 40.064, + "mrr_at_10": 48.916, + "mrr_at_100": 49.539, + "mrr_at_1000": 49.583, + "mrr_at_3": 46.741, + "mrr_at_5": 48.037, + "ndcg_at_1": 40.064, + "ndcg_at_10": 48.442, + "ndcg_at_100": 52.798, + "ndcg_at_1000": 54.871, + "ndcg_at_3": 44.528, + "ndcg_at_5": 46.211, + "precision_at_1": 40.064, + "precision_at_10": 9.178, + "precision_at_100": 1.452, + "precision_at_1000": 0.193, + "precision_at_3": 21.614, + "precision_at_5": 15.185, + "recall_at_1": 31.911, + "recall_at_10": 58.155, + "recall_at_100": 76.46300000000001, + "recall_at_1000": 89.622, + "recall_at_3": 46.195, + "recall_at_5": 51.288999999999994, + "main_score": 48.442 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.597, + "map_at_10": 54.290000000000006, + "map_at_100": 55.340999999999994, + "map_at_1000": 55.388999999999996, + "map_at_3": 50.931000000000004, + "map_at_5": 52.839999999999996, + "mrr_at_1": 46.646, + "mrr_at_10": 57.524, + "mrr_at_100": 58.225, + "mrr_at_1000": 58.245999999999995, + "mrr_at_3": 55.235, + "mrr_at_5": 56.589, + "ndcg_at_1": 46.646, + "ndcg_at_10": 60.324999999999996, + "ndcg_at_100": 64.30900000000001, + "ndcg_at_1000": 65.19, + "ndcg_at_3": 54.983000000000004, + "ndcg_at_5": 57.621, + "precision_at_1": 46.646, + "precision_at_10": 9.774, + "precision_at_100": 1.265, + "precision_at_1000": 0.13799999999999998, + "precision_at_3": 24.911, + "precision_at_5": 16.977999999999998, + "recall_at_1": 40.597, + "recall_at_10": 74.773, + "recall_at_100": 91.61200000000001, + "recall_at_1000": 97.726, + "recall_at_3": 60.458, + "recall_at_5": 66.956, + "main_score": 60.324999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.122, + "map_at_10": 36.711, + "map_at_100": 37.775, + "map_at_1000": 37.842999999999996, + "map_at_3": 33.693, + "map_at_5": 35.607, + "mrr_at_1": 29.153000000000002, + "mrr_at_10": 38.873999999999995, + "mrr_at_100": 39.739000000000004, + "mrr_at_1000": 39.794000000000004, + "mrr_at_3": 36.102000000000004, + "mrr_at_5": 37.876, + "ndcg_at_1": 29.153000000000002, + "ndcg_at_10": 42.048, + "ndcg_at_100": 47.144999999999996, + "ndcg_at_1000": 48.901, + "ndcg_at_3": 36.402, + "ndcg_at_5": 39.562999999999995, + "precision_at_1": 29.153000000000002, + "precision_at_10": 6.4750000000000005, + "precision_at_100": 0.951, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 15.479999999999999, + "precision_at_5": 11.028, + "recall_at_1": 27.122, + "recall_at_10": 56.279999999999994, + "recall_at_100": 79.597, + "recall_at_1000": 92.804, + "recall_at_3": 41.437000000000005, + "recall_at_5": 49.019, + "main_score": 42.048 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.757, + "map_at_10": 26.739, + "map_at_100": 28.015, + "map_at_1000": 28.127999999999997, + "map_at_3": 23.986, + "map_at_5": 25.514, + "mrr_at_1": 22.015, + "mrr_at_10": 31.325999999999997, + "mrr_at_100": 32.368, + "mrr_at_1000": 32.426, + "mrr_at_3": 28.897000000000002, + "mrr_at_5": 30.147000000000002, + "ndcg_at_1": 22.015, + "ndcg_at_10": 32.225, + "ndcg_at_100": 38.405, + "ndcg_at_1000": 40.932, + "ndcg_at_3": 27.403, + "ndcg_at_5": 29.587000000000003, + "precision_at_1": 22.015, + "precision_at_10": 5.9830000000000005, + "precision_at_100": 1.051, + "precision_at_1000": 0.13899999999999998, + "precision_at_3": 13.391, + "precision_at_5": 9.602, + "recall_at_1": 17.757, + "recall_at_10": 44.467, + "recall_at_100": 71.53699999999999, + "recall_at_1000": 89.281, + "recall_at_3": 31.095, + "recall_at_5": 36.818, + "main_score": 32.225 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.354, + "map_at_10": 42.134, + "map_at_100": 43.429, + "map_at_1000": 43.532, + "map_at_3": 38.491, + "map_at_5": 40.736, + "mrr_at_1": 37.247, + "mrr_at_10": 47.775, + "mrr_at_100": 48.522999999999996, + "mrr_at_1000": 48.567, + "mrr_at_3": 45.059, + "mrr_at_5": 46.811, + "ndcg_at_1": 37.247, + "ndcg_at_10": 48.609, + "ndcg_at_100": 53.782, + "ndcg_at_1000": 55.666000000000004, + "ndcg_at_3": 42.866, + "ndcg_at_5": 46.001, + "precision_at_1": 37.247, + "precision_at_10": 8.892999999999999, + "precision_at_100": 1.341, + "precision_at_1000": 0.168, + "precision_at_3": 20.5, + "precision_at_5": 14.976, + "recall_at_1": 30.354, + "recall_at_10": 62.273, + "recall_at_100": 83.65599999999999, + "recall_at_1000": 95.82000000000001, + "recall_at_3": 46.464, + "recall_at_5": 54.225, + "main_score": 48.609 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.949, + "map_at_10": 37.230000000000004, + "map_at_100": 38.644, + "map_at_1000": 38.751999999999995, + "map_at_3": 33.816, + "map_at_5": 35.817, + "mrr_at_1": 33.446999999999996, + "mrr_at_10": 42.970000000000006, + "mrr_at_100": 43.873, + "mrr_at_1000": 43.922, + "mrr_at_3": 40.467999999999996, + "mrr_at_5": 41.861, + "ndcg_at_1": 33.446999999999996, + "ndcg_at_10": 43.403000000000006, + "ndcg_at_100": 49.247, + "ndcg_at_1000": 51.361999999999995, + "ndcg_at_3": 38.155, + "ndcg_at_5": 40.643, + "precision_at_1": 33.446999999999996, + "precision_at_10": 8.128, + "precision_at_100": 1.274, + "precision_at_1000": 0.163, + "precision_at_3": 18.493000000000002, + "precision_at_5": 13.333, + "recall_at_1": 26.949, + "recall_at_10": 56.006, + "recall_at_100": 80.99199999999999, + "recall_at_1000": 95.074, + "recall_at_3": 40.809, + "recall_at_5": 47.57, + "main_score": 43.403000000000006 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.243583333333333, + "map_at_10": 37.193250000000006, + "map_at_100": 38.44833333333334, + "map_at_1000": 38.56083333333333, + "map_at_3": 34.06633333333333, + "map_at_5": 35.87858333333334, + "mrr_at_1": 32.291583333333335, + "mrr_at_10": 41.482749999999996, + "mrr_at_100": 42.33583333333333, + "mrr_at_1000": 42.38683333333333, + "mrr_at_3": 38.952999999999996, + "mrr_at_5": 40.45333333333333, + "ndcg_at_1": 32.291583333333335, + "ndcg_at_10": 42.90533333333334, + "ndcg_at_100": 48.138666666666666, + "ndcg_at_1000": 50.229083333333335, + "ndcg_at_3": 37.76133333333334, + "ndcg_at_5": 40.31033333333334, + "precision_at_1": 32.291583333333335, + "precision_at_10": 7.585583333333333, + "precision_at_100": 1.2045000000000001, + "precision_at_1000": 0.15733333333333335, + "precision_at_3": 17.485416666666666, + "precision_at_5": 12.5145, + "recall_at_1": 27.243583333333333, + "recall_at_10": 55.45108333333334, + "recall_at_100": 78.25858333333335, + "recall_at_1000": 92.61716666666665, + "recall_at_3": 41.130583333333334, + "recall_at_5": 47.73133333333334, + "main_score": 42.90533333333334 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.325, + "map_at_10": 32.795, + "map_at_100": 33.96, + "map_at_1000": 34.054, + "map_at_3": 30.64, + "map_at_5": 31.771, + "mrr_at_1": 29.908, + "mrr_at_10": 35.83, + "mrr_at_100": 36.868, + "mrr_at_1000": 36.928, + "mrr_at_3": 33.896, + "mrr_at_5": 34.893, + "ndcg_at_1": 29.908, + "ndcg_at_10": 36.746, + "ndcg_at_100": 42.225, + "ndcg_at_1000": 44.523, + "ndcg_at_3": 32.82, + "ndcg_at_5": 34.583000000000006, + "precision_at_1": 29.908, + "precision_at_10": 5.6129999999999995, + "precision_at_100": 0.9079999999999999, + "precision_at_1000": 0.11800000000000001, + "precision_at_3": 13.753000000000002, + "precision_at_5": 9.417, + "recall_at_1": 26.325, + "recall_at_10": 45.975, + "recall_at_100": 70.393, + "recall_at_1000": 87.217, + "recall_at_3": 35.195, + "recall_at_5": 39.69, + "main_score": 36.746 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.828, + "map_at_10": 25.759, + "map_at_100": 26.961000000000002, + "map_at_1000": 27.094, + "map_at_3": 23.166999999999998, + "map_at_5": 24.610000000000003, + "mrr_at_1": 21.61, + "mrr_at_10": 29.605999999999998, + "mrr_at_100": 30.586000000000002, + "mrr_at_1000": 30.664, + "mrr_at_3": 27.214, + "mrr_at_5": 28.571, + "ndcg_at_1": 21.61, + "ndcg_at_10": 30.740000000000002, + "ndcg_at_100": 36.332, + "ndcg_at_1000": 39.296, + "ndcg_at_3": 26.11, + "ndcg_at_5": 28.297, + "precision_at_1": 21.61, + "precision_at_10": 5.643, + "precision_at_100": 1.0, + "precision_at_1000": 0.14400000000000002, + "precision_at_3": 12.4, + "precision_at_5": 9.119, + "recall_at_1": 17.828, + "recall_at_10": 41.876000000000005, + "recall_at_100": 66.648, + "recall_at_1000": 87.763, + "recall_at_3": 28.957, + "recall_at_5": 34.494, + "main_score": 30.740000000000002 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.921000000000003, + "map_at_10": 37.156, + "map_at_100": 38.399, + "map_at_1000": 38.498, + "map_at_3": 34.134, + "map_at_5": 35.936, + "mrr_at_1": 32.649, + "mrr_at_10": 41.19, + "mrr_at_100": 42.102000000000004, + "mrr_at_1000": 42.157, + "mrr_at_3": 38.464, + "mrr_at_5": 40.148, + "ndcg_at_1": 32.649, + "ndcg_at_10": 42.679, + "ndcg_at_100": 48.27, + "ndcg_at_1000": 50.312, + "ndcg_at_3": 37.269000000000005, + "ndcg_at_5": 40.055, + "precision_at_1": 32.649, + "precision_at_10": 7.155, + "precision_at_100": 1.124, + "precision_at_1000": 0.14100000000000001, + "precision_at_3": 16.791, + "precision_at_5": 12.015, + "recall_at_1": 27.921000000000003, + "recall_at_10": 55.357, + "recall_at_100": 79.476, + "recall_at_1000": 93.314, + "recall_at_3": 40.891, + "recall_at_5": 47.851, + "main_score": 42.679 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.524, + "map_at_10": 35.135, + "map_at_100": 36.665, + "map_at_1000": 36.886, + "map_at_3": 31.367, + "map_at_5": 33.724, + "mrr_at_1": 30.631999999999998, + "mrr_at_10": 39.616, + "mrr_at_100": 40.54, + "mrr_at_1000": 40.585, + "mrr_at_3": 36.462, + "mrr_at_5": 38.507999999999996, + "ndcg_at_1": 30.631999999999998, + "ndcg_at_10": 41.61, + "ndcg_at_100": 47.249, + "ndcg_at_1000": 49.662, + "ndcg_at_3": 35.421, + "ndcg_at_5": 38.811, + "precision_at_1": 30.631999999999998, + "precision_at_10": 8.123, + "precision_at_100": 1.5810000000000002, + "precision_at_1000": 0.245, + "precision_at_3": 16.337, + "precision_at_5": 12.568999999999999, + "recall_at_1": 25.524, + "recall_at_10": 54.994, + "recall_at_100": 80.03099999999999, + "recall_at_1000": 95.25099999999999, + "recall_at_3": 37.563, + "recall_at_5": 46.428999999999995, + "main_score": 41.61 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.224, + "map_at_10": 30.599999999999998, + "map_at_100": 31.526, + "map_at_1000": 31.629, + "map_at_3": 27.491, + "map_at_5": 29.212, + "mrr_at_1": 24.214, + "mrr_at_10": 32.632, + "mrr_at_100": 33.482, + "mrr_at_1000": 33.550000000000004, + "mrr_at_3": 29.852, + "mrr_at_5": 31.451, + "ndcg_at_1": 24.214, + "ndcg_at_10": 35.802, + "ndcg_at_100": 40.502, + "ndcg_at_1000": 43.052, + "ndcg_at_3": 29.847, + "ndcg_at_5": 32.732, + "precision_at_1": 24.214, + "precision_at_10": 5.804, + "precision_at_100": 0.885, + "precision_at_1000": 0.121, + "precision_at_3": 12.692999999999998, + "precision_at_5": 9.242, + "recall_at_1": 22.224, + "recall_at_10": 49.849, + "recall_at_100": 71.45, + "recall_at_1000": 90.583, + "recall_at_3": 34.153, + "recall_at_5": 41.004000000000005, + "main_score": 35.802 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/ClimateFEVER.json b/results/michaelfeil__ct2fast-gte-base/external/ClimateFEVER.json new file mode 100644 index 000000000..75ba3218f --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 12.386999999999999, + "map_at_10": 20.182, + "map_at_100": 21.86, + "map_at_1000": 22.054000000000002, + "map_at_3": 17.165, + "map_at_5": 18.643, + "mrr_at_1": 26.906000000000002, + "mrr_at_10": 37.907999999999994, + "mrr_at_100": 38.868, + "mrr_at_1000": 38.913, + "mrr_at_3": 34.853, + "mrr_at_5": 36.567, + "ndcg_at_1": 26.906000000000002, + "ndcg_at_10": 28.103, + "ndcg_at_100": 35.073, + "ndcg_at_1000": 38.653, + "ndcg_at_3": 23.345, + "ndcg_at_5": 24.828, + "precision_at_1": 26.906000000000002, + "precision_at_10": 8.547, + "precision_at_100": 1.617, + "precision_at_1000": 0.22799999999999998, + "precision_at_3": 17.025000000000002, + "precision_at_5": 12.834000000000001, + "recall_at_1": 12.386999999999999, + "recall_at_10": 33.306999999999995, + "recall_at_100": 57.516, + "recall_at_1000": 77.74799999999999, + "recall_at_3": 21.433, + "recall_at_5": 25.915, + "main_score": 28.103 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/DBPedia.json b/results/michaelfeil__ct2fast-gte-base/external/DBPedia.json new file mode 100644 index 000000000..4ea6e0096 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.322, + "map_at_10": 20.469, + "map_at_100": 28.638, + "map_at_1000": 30.433, + "map_at_3": 14.802000000000001, + "map_at_5": 17.297, + "mrr_at_1": 68.75, + "mrr_at_10": 76.29599999999999, + "mrr_at_100": 76.62400000000001, + "mrr_at_1000": 76.633, + "mrr_at_3": 75.083, + "mrr_at_5": 75.771, + "ndcg_at_1": 54.87499999999999, + "ndcg_at_10": 41.185, + "ndcg_at_100": 46.400000000000006, + "ndcg_at_1000": 54.223, + "ndcg_at_3": 45.489000000000004, + "ndcg_at_5": 43.161, + "precision_at_1": 68.75, + "precision_at_10": 32.300000000000004, + "precision_at_100": 10.607999999999999, + "precision_at_1000": 2.237, + "precision_at_3": 49.083, + "precision_at_5": 41.6, + "recall_at_1": 9.322, + "recall_at_10": 25.696, + "recall_at_100": 52.898, + "recall_at_1000": 77.281, + "recall_at_3": 15.943, + "recall_at_5": 19.836000000000002, + "main_score": 41.185 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/EmotionClassification.json b/results/michaelfeil__ct2fast-gte-base/external/EmotionClassification.json new file mode 100644 index 000000000..9f8105511 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 48.650000000000006, + "f1": 43.528467245539396, + "main_score": 48.650000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/FEVER.json b/results/michaelfeil__ct2fast-gte-base/external/FEVER.json new file mode 100644 index 000000000..add741050 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 66.56, + "map_at_10": 76.767, + "map_at_100": 77.054, + "map_at_1000": 77.068, + "map_at_3": 75.29299999999999, + "map_at_5": 76.24, + "mrr_at_1": 71.842, + "mrr_at_10": 81.459, + "mrr_at_100": 81.58800000000001, + "mrr_at_1000": 81.59100000000001, + "mrr_at_3": 80.188, + "mrr_at_5": 81.038, + "ndcg_at_1": 71.842, + "ndcg_at_10": 81.51899999999999, + "ndcg_at_100": 82.544, + "ndcg_at_1000": 82.829, + "ndcg_at_3": 78.92, + "ndcg_at_5": 80.406, + "precision_at_1": 71.842, + "precision_at_10": 10.066, + "precision_at_100": 1.076, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 30.703000000000003, + "precision_at_5": 19.301, + "recall_at_1": 66.56, + "recall_at_10": 91.55, + "recall_at_100": 95.67099999999999, + "recall_at_1000": 97.539, + "recall_at_3": 84.46900000000001, + "recall_at_5": 88.201, + "main_score": 81.51899999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/FiQA2018.json b/results/michaelfeil__ct2fast-gte-base/external/FiQA2018.json new file mode 100644 index 000000000..381c7b6e9 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.087, + "map_at_10": 32.830999999999996, + "map_at_100": 34.814, + "map_at_1000": 34.999, + "map_at_3": 28.198, + "map_at_5": 30.779, + "mrr_at_1": 38.889, + "mrr_at_10": 48.415, + "mrr_at_100": 49.187, + "mrr_at_1000": 49.226, + "mrr_at_3": 45.705, + "mrr_at_5": 47.225, + "ndcg_at_1": 38.889, + "ndcg_at_10": 40.758, + "ndcg_at_100": 47.671, + "ndcg_at_1000": 50.744, + "ndcg_at_3": 36.296, + "ndcg_at_5": 37.852999999999994, + "precision_at_1": 38.889, + "precision_at_10": 11.466, + "precision_at_100": 1.8499999999999999, + "precision_at_1000": 0.24, + "precision_at_3": 24.126, + "precision_at_5": 18.21, + "recall_at_1": 20.087, + "recall_at_10": 48.042, + "recall_at_100": 73.493, + "recall_at_1000": 91.851, + "recall_at_3": 32.694, + "recall_at_5": 39.099000000000004, + "main_score": 40.758 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/HotpotQA.json b/results/michaelfeil__ct2fast-gte-base/external/HotpotQA.json new file mode 100644 index 000000000..21c545453 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.096000000000004, + "map_at_10": 56.99999999999999, + "map_at_100": 57.914, + "map_at_1000": 57.984, + "map_at_3": 53.900999999999996, + "map_at_5": 55.827000000000005, + "mrr_at_1": 76.19200000000001, + "mrr_at_10": 81.955, + "mrr_at_100": 82.164, + "mrr_at_1000": 82.173, + "mrr_at_3": 80.963, + "mrr_at_5": 81.574, + "ndcg_at_1": 76.19200000000001, + "ndcg_at_10": 65.75, + "ndcg_at_100": 68.949, + "ndcg_at_1000": 70.342, + "ndcg_at_3": 61.29, + "ndcg_at_5": 63.747, + "precision_at_1": 76.19200000000001, + "precision_at_10": 13.571, + "precision_at_100": 1.6070000000000002, + "precision_at_1000": 0.179, + "precision_at_3": 38.663, + "precision_at_5": 25.136999999999997, + "recall_at_1": 38.096000000000004, + "recall_at_10": 67.853, + "recall_at_100": 80.365, + "recall_at_1000": 89.629, + "recall_at_3": 57.995, + "recall_at_5": 62.843, + "main_score": 65.75 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/ImdbClassification.json b/results/michaelfeil__ct2fast-gte-base/external/ImdbClassification.json new file mode 100644 index 000000000..bb56f6ed2 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 85.95200000000001, + "ap": 80.73847277002109, + "f1": 85.92406135678594, + "main_score": 85.95200000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/MSMARCO.json b/results/michaelfeil__ct2fast-gte-base/external/MSMARCO.json new file mode 100644 index 000000000..5a860e825 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.916999999999998, + "map_at_10": 33.23, + "map_at_100": 34.427, + "map_at_1000": 34.477000000000004, + "map_at_3": 29.292, + "map_at_5": 31.6, + "mrr_at_1": 21.547, + "mrr_at_10": 33.839999999999996, + "mrr_at_100": 34.979, + "mrr_at_1000": 35.022999999999996, + "mrr_at_3": 29.988, + "mrr_at_5": 32.259, + "ndcg_at_1": 21.519, + "ndcg_at_10": 40.209, + "ndcg_at_100": 45.954, + "ndcg_at_1000": 47.187, + "ndcg_at_3": 32.227, + "ndcg_at_5": 36.347, + "precision_at_1": 21.519, + "precision_at_10": 6.447, + "precision_at_100": 0.932, + "precision_at_1000": 0.104, + "precision_at_3": 13.877999999999998, + "precision_at_5": 10.404, + "recall_at_1": 20.916999999999998, + "recall_at_10": 61.7, + "recall_at_100": 88.202, + "recall_at_1000": 97.588, + "recall_at_3": 40.044999999999995, + "recall_at_5": 49.964999999999996, + "main_score": 40.209 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/MTOPDomainClassification.json b/results/michaelfeil__ct2fast-gte-base/external/MTOPDomainClassification.json new file mode 100644 index 000000000..d8a74ee4a --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.02781577747379, + "f1": 92.83653922768306, + "main_score": 93.02781577747379 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/MTOPIntentClassification.json b/results/michaelfeil__ct2fast-gte-base/external/MTOPIntentClassification.json new file mode 100644 index 000000000..55fc0021d --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.04286365709075, + "f1": 53.43867658525793, + "main_score": 72.04286365709075 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/MassiveIntentClassification.json b/results/michaelfeil__ct2fast-gte-base/external/MassiveIntentClassification.json new file mode 100644 index 000000000..7ad68d767 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.47276395427035, + "f1": 69.77017399597342, + "main_score": 71.47276395427035 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/MassiveScenarioClassification.json b/results/michaelfeil__ct2fast-gte-base/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..62013d910 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.3819771351715, + "f1": 76.8484533435409, + "main_score": 76.3819771351715 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/MedrxivClusteringP2P.json b/results/michaelfeil__ct2fast-gte-base/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..6948ae36b --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.16515993299593, + "main_score": 33.16515993299593 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/MedrxivClusteringS2S.json b/results/michaelfeil__ct2fast-gte-base/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..3b967349a --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.77145323314774, + "main_score": 31.77145323314774 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/MindSmallReranking.json b/results/michaelfeil__ct2fast-gte-base/external/MindSmallReranking.json new file mode 100644 index 000000000..bfab30b9d --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 32.53637706586391, + "mrr": 33.7312926288863, + "main_score": 32.53637706586391 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/NFCorpus.json b/results/michaelfeil__ct2fast-gte-base/external/NFCorpus.json new file mode 100644 index 000000000..7900c1f4d --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 7.063999999999999, + "map_at_10": 15.046999999999999, + "map_at_100": 19.116, + "map_at_1000": 20.702, + "map_at_3": 10.932, + "map_at_5": 12.751999999999999, + "mrr_at_1": 50.464, + "mrr_at_10": 58.189, + "mrr_at_100": 58.733999999999995, + "mrr_at_1000": 58.769000000000005, + "mrr_at_3": 56.24400000000001, + "mrr_at_5": 57.68299999999999, + "ndcg_at_1": 48.142, + "ndcg_at_10": 37.897, + "ndcg_at_100": 35.264, + "ndcg_at_1000": 44.033, + "ndcg_at_3": 42.967, + "ndcg_at_5": 40.815, + "precision_at_1": 50.15500000000001, + "precision_at_10": 28.235, + "precision_at_100": 8.994, + "precision_at_1000": 2.218, + "precision_at_3": 40.041, + "precision_at_5": 35.046, + "recall_at_1": 7.063999999999999, + "recall_at_10": 18.598, + "recall_at_100": 35.577999999999996, + "recall_at_1000": 67.43, + "recall_at_3": 11.562999999999999, + "recall_at_5": 14.771, + "main_score": 37.897 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/NQ.json b/results/michaelfeil__ct2fast-gte-base/external/NQ.json new file mode 100644 index 000000000..21e9aac5d --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.046, + "map_at_10": 44.808, + "map_at_100": 45.898, + "map_at_1000": 45.927, + "map_at_3": 40.19, + "map_at_5": 42.897, + "mrr_at_1": 32.706, + "mrr_at_10": 47.275, + "mrr_at_100": 48.075, + "mrr_at_1000": 48.095, + "mrr_at_3": 43.463, + "mrr_at_5": 45.741, + "ndcg_at_1": 32.706, + "ndcg_at_10": 52.835, + "ndcg_at_100": 57.345, + "ndcg_at_1000": 57.985, + "ndcg_at_3": 44.171, + "ndcg_at_5": 48.661, + "precision_at_1": 32.706, + "precision_at_10": 8.895999999999999, + "precision_at_100": 1.143, + "precision_at_1000": 0.12, + "precision_at_3": 20.238999999999997, + "precision_at_5": 14.728, + "recall_at_1": 29.046, + "recall_at_10": 74.831, + "recall_at_100": 94.192, + "recall_at_1000": 98.897, + "recall_at_3": 52.37500000000001, + "recall_at_5": 62.732, + "main_score": 52.835 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/QuoraRetrieval.json b/results/michaelfeil__ct2fast-gte-base/external/QuoraRetrieval.json new file mode 100644 index 000000000..a6224a3be --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 70.38799999999999, + "map_at_10": 84.315, + "map_at_100": 84.955, + "map_at_1000": 84.971, + "map_at_3": 81.33399999999999, + "map_at_5": 83.21300000000001, + "mrr_at_1": 81.03, + "mrr_at_10": 87.395, + "mrr_at_100": 87.488, + "mrr_at_1000": 87.48899999999999, + "mrr_at_3": 86.41499999999999, + "mrr_at_5": 87.074, + "ndcg_at_1": 81.04, + "ndcg_at_10": 88.151, + "ndcg_at_100": 89.38199999999999, + "ndcg_at_1000": 89.479, + "ndcg_at_3": 85.24000000000001, + "ndcg_at_5": 86.856, + "precision_at_1": 81.04, + "precision_at_10": 13.372, + "precision_at_100": 1.526, + "precision_at_1000": 0.157, + "precision_at_3": 37.217, + "precision_at_5": 24.502, + "recall_at_1": 70.38799999999999, + "recall_at_10": 95.452, + "recall_at_100": 99.59700000000001, + "recall_at_1000": 99.988, + "recall_at_3": 87.11, + "recall_at_5": 91.662, + "main_score": 88.151 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/RedditClustering.json b/results/michaelfeil__ct2fast-gte-base/external/RedditClustering.json new file mode 100644 index 000000000..0ab93b9dd --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 59.334991029213235, + "main_score": 59.334991029213235 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/RedditClusteringP2P.json b/results/michaelfeil__ct2fast-gte-base/external/RedditClusteringP2P.json new file mode 100644 index 000000000..7c433d4a6 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 62.586500854616666, + "main_score": 62.586500854616666 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/SCIDOCS.json b/results/michaelfeil__ct2fast-gte-base/external/SCIDOCS.json new file mode 100644 index 000000000..c8b70fe2b --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.153, + "map_at_10": 14.277000000000001, + "map_at_100": 16.922, + "map_at_1000": 17.302999999999997, + "map_at_3": 9.961, + "map_at_5": 12.257, + "mrr_at_1": 25.4, + "mrr_at_10": 37.458000000000006, + "mrr_at_100": 38.681, + "mrr_at_1000": 38.722, + "mrr_at_3": 34.1, + "mrr_at_5": 36.17, + "ndcg_at_1": 25.4, + "ndcg_at_10": 23.132, + "ndcg_at_100": 32.908, + "ndcg_at_1000": 38.754, + "ndcg_at_3": 21.82, + "ndcg_at_5": 19.353, + "precision_at_1": 25.4, + "precision_at_10": 12.1, + "precision_at_100": 2.628, + "precision_at_1000": 0.402, + "precision_at_3": 20.732999999999997, + "precision_at_5": 17.34, + "recall_at_1": 5.153, + "recall_at_10": 24.54, + "recall_at_100": 53.293, + "recall_at_1000": 81.57, + "recall_at_3": 12.613, + "recall_at_5": 17.577, + "main_score": 23.132 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/SICK-R.json b/results/michaelfeil__ct2fast-gte-base/external/SICK-R.json new file mode 100644 index 000000000..812fed2dc --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.86284404925333, + "cos_sim_spearman": 78.85870555294795, + "euclidean_pearson": 82.20105295276093, + "euclidean_spearman": 78.92125617009592, + "manhattan_pearson": 82.15840025289069, + "manhattan_spearman": 78.85955732900803, + "cosine_pearson": 84.86284404925333, + "cosine_spearman": 78.85870555294795, + "main_score": 78.85870555294795 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/STS12.json b/results/michaelfeil__ct2fast-gte-base/external/STS12.json new file mode 100644 index 000000000..36c6ee01a --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.98747423389027, + "cos_sim_spearman": 75.71298531799367, + "euclidean_pearson": 81.59709559192291, + "euclidean_spearman": 75.40622749225653, + "manhattan_pearson": 81.55553547608804, + "manhattan_spearman": 75.39380235424899, + "cosine_pearson": 84.98747423389027, + "cosine_spearman": 75.71298531799367, + "main_score": 75.71298531799367 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/STS13.json b/results/michaelfeil__ct2fast-gte-base/external/STS13.json new file mode 100644 index 000000000..9dc47353d --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.76861330695503, + "cos_sim_spearman": 85.72991921531624, + "euclidean_pearson": 84.84504307397536, + "euclidean_spearman": 86.02679162824732, + "manhattan_pearson": 84.79969439220142, + "manhattan_spearman": 85.99238837291625, + "cosine_pearson": 83.76861330695503, + "cosine_spearman": 85.72991921531624, + "main_score": 85.72991921531624 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/STS14.json b/results/michaelfeil__ct2fast-gte-base/external/STS14.json new file mode 100644 index 000000000..828386039 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.31929747511796, + "cos_sim_spearman": 81.50806522502528, + "euclidean_pearson": 82.93936686512777, + "euclidean_spearman": 81.54403447993224, + "manhattan_pearson": 82.89696981900828, + "manhattan_spearman": 81.52817825470865, + "cosine_pearson": 83.31929747511796, + "cosine_spearman": 81.50806522502528, + "main_score": 81.50806522502528 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/STS15.json b/results/michaelfeil__ct2fast-gte-base/external/STS15.json new file mode 100644 index 000000000..6771fcebe --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.14413295332908, + "cos_sim_spearman": 88.81032027008195, + "euclidean_pearson": 88.19205563407645, + "euclidean_spearman": 88.89738339479216, + "manhattan_pearson": 88.11075942004189, + "manhattan_spearman": 88.8297061675564, + "cosine_pearson": 87.14413295332908, + "cosine_spearman": 88.81032027008195, + "main_score": 88.81032027008195 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/STS16.json b/results/michaelfeil__ct2fast-gte-base/external/STS16.json new file mode 100644 index 000000000..194ed8c98 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.15980075557017, + "cos_sim_spearman": 83.81896308594801, + "euclidean_pearson": 83.11195254311338, + "euclidean_spearman": 84.10479481755407, + "manhattan_pearson": 83.13915225100556, + "manhattan_spearman": 84.09895591027859, + "cosine_pearson": 82.15980075557017, + "cosine_spearman": 83.81896308594801, + "main_score": 83.81896308594801 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/STS17.json b/results/michaelfeil__ct2fast-gte-base/external/STS17.json new file mode 100644 index 000000000..dca63158a --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.93669480147919, + "cos_sim_spearman": 87.89861394614361, + "euclidean_pearson": 88.37316413202339, + "euclidean_spearman": 88.18033817842569, + "manhattan_pearson": 88.39427578879469, + "manhattan_spearman": 88.09185009236847, + "cosine_pearson": 87.93669480147919, + "cosine_spearman": 87.89861394614361, + "main_score": 87.89861394614361 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/STS22.json b/results/michaelfeil__ct2fast-gte-base/external/STS22.json new file mode 100644 index 000000000..28327f32f --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 66.62215083348255, + "cos_sim_spearman": 67.33243665716736, + "euclidean_pearson": 67.60871701996284, + "euclidean_spearman": 66.75929225238659, + "manhattan_pearson": 67.63907838970992, + "manhattan_spearman": 66.79313656754846, + "cosine_pearson": 66.62215083348255, + "cosine_spearman": 67.33243665716736, + "main_score": 67.33243665716736 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/STSBenchmark.json b/results/michaelfeil__ct2fast-gte-base/external/STSBenchmark.json new file mode 100644 index 000000000..02a11d332 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.65549191934764, + "cos_sim_spearman": 85.73266847750143, + "euclidean_pearson": 85.75609932254318, + "euclidean_spearman": 85.9452287759371, + "manhattan_pearson": 85.69717413063573, + "manhattan_spearman": 85.86546318377046, + "cosine_pearson": 84.65549191934764, + "cosine_spearman": 85.73266847750143, + "main_score": 85.73266847750143 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/SciDocsRR.json b/results/michaelfeil__ct2fast-gte-base/external/SciDocsRR.json new file mode 100644 index 000000000..3f4dddc45 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 87.08164129085783, + "mrr": 96.2877273416489, + "main_score": 87.08164129085783 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/SciFact.json b/results/michaelfeil__ct2fast-gte-base/external/SciFact.json new file mode 100644 index 000000000..5a6cb1ad0 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 62.09400000000001, + "map_at_10": 71.712, + "map_at_100": 72.128, + "map_at_1000": 72.14399999999999, + "map_at_3": 68.93, + "map_at_5": 70.694, + "mrr_at_1": 65.0, + "mrr_at_10": 72.572, + "mrr_at_100": 72.842, + "mrr_at_1000": 72.856, + "mrr_at_3": 70.44399999999999, + "mrr_at_5": 71.744, + "ndcg_at_1": 65.0, + "ndcg_at_10": 76.178, + "ndcg_at_100": 77.887, + "ndcg_at_1000": 78.227, + "ndcg_at_3": 71.367, + "ndcg_at_5": 73.938, + "precision_at_1": 65.0, + "precision_at_10": 10.033, + "precision_at_100": 1.097, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 27.667, + "precision_at_5": 18.4, + "recall_at_1": 62.09400000000001, + "recall_at_10": 89.022, + "recall_at_100": 96.833, + "recall_at_1000": 99.333, + "recall_at_3": 75.922, + "recall_at_5": 82.428, + "main_score": 76.178 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/SprintDuplicateQuestions.json b/results/michaelfeil__ct2fast-gte-base/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..442081634 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.82178217821782, + "cos_sim_ap": 95.71282508220798, + "cos_sim_f1": 90.73120494335737, + "cos_sim_precision": 93.52441613588111, + "cos_sim_recall": 88.1, + "dot_accuracy": 99.73960396039604, + "dot_ap": 92.98534606529098, + "dot_f1": 86.83024536805209, + "dot_precision": 86.96088264794383, + "dot_recall": 86.7, + "euclidean_accuracy": 99.82475247524752, + "euclidean_ap": 95.72927039014849, + "euclidean_f1": 90.89974293059126, + "euclidean_precision": 93.54497354497354, + "euclidean_recall": 88.4, + "manhattan_accuracy": 99.82574257425742, + "manhattan_ap": 95.72142177390405, + "manhattan_f1": 91.00152516522625, + "manhattan_precision": 92.55429162357808, + "manhattan_recall": 89.5, + "max_accuracy": 99.82574257425742, + "max_ap": 95.72927039014849, + "max_f1": 91.00152516522625, + "main_score": 95.72927039014849 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/StackExchangeClustering.json b/results/michaelfeil__ct2fast-gte-base/external/StackExchangeClustering.json new file mode 100644 index 000000000..b5a0e6a88 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 66.63957663468679, + "main_score": 66.63957663468679 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/StackExchangeClusteringP2P.json b/results/michaelfeil__ct2fast-gte-base/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..9e74228c9 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.003307257923964, + "main_score": 36.003307257923964 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/StackOverflowDupQuestions.json b/results/michaelfeil__ct2fast-gte-base/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..7fc510b8c --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 53.005825525863905, + "mrr": 53.854683919022165, + "main_score": 53.005825525863905 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/SummEval.json b/results/michaelfeil__ct2fast-gte-base/external/SummEval.json new file mode 100644 index 000000000..3923ad63e --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.503611569974098, + "cos_sim_spearman": 31.17155564248449, + "dot_pearson": 26.740428413981306, + "dot_spearman": 26.55727635469746, + "cosine_pearson": 30.503611569974098, + "cosine_spearman": 31.17155564248449, + "main_score": 31.17155564248449 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/TRECCOVID.json b/results/michaelfeil__ct2fast-gte-base/external/TRECCOVID.json new file mode 100644 index 000000000..7aff35d6a --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.23600000000000002, + "map_at_10": 1.7670000000000001, + "map_at_100": 10.208, + "map_at_1000": 25.997999999999998, + "map_at_3": 0.605, + "map_at_5": 0.9560000000000001, + "mrr_at_1": 84.0, + "mrr_at_10": 90.167, + "mrr_at_100": 90.167, + "mrr_at_1000": 90.167, + "mrr_at_3": 89.667, + "mrr_at_5": 90.167, + "ndcg_at_1": 77.0, + "ndcg_at_10": 68.783, + "ndcg_at_100": 54.196, + "ndcg_at_1000": 52.077, + "ndcg_at_3": 71.642, + "ndcg_at_5": 70.45700000000001, + "precision_at_1": 84.0, + "precision_at_10": 73.0, + "precision_at_100": 55.48, + "precision_at_1000": 23.102, + "precision_at_3": 76.0, + "precision_at_5": 74.8, + "recall_at_1": 0.23600000000000002, + "recall_at_10": 1.9869999999999999, + "recall_at_100": 13.749, + "recall_at_1000": 50.157, + "recall_at_3": 0.633, + "recall_at_5": 1.0290000000000001, + "main_score": 68.783 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/Touche2020.json b/results/michaelfeil__ct2fast-gte-base/external/Touche2020.json new file mode 100644 index 000000000..33b7b137a --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 1.437, + "map_at_10": 8.791, + "map_at_100": 15.001999999999999, + "map_at_1000": 16.549, + "map_at_3": 3.8080000000000003, + "map_at_5": 5.632000000000001, + "mrr_at_1": 20.408, + "mrr_at_10": 36.96, + "mrr_at_100": 37.912, + "mrr_at_1000": 37.912, + "mrr_at_3": 29.592000000000002, + "mrr_at_5": 34.489999999999995, + "ndcg_at_1": 19.387999999999998, + "ndcg_at_10": 22.554, + "ndcg_at_100": 35.197, + "ndcg_at_1000": 46.58, + "ndcg_at_3": 20.285, + "ndcg_at_5": 21.924, + "precision_at_1": 20.408, + "precision_at_10": 21.837, + "precision_at_100": 7.754999999999999, + "precision_at_1000": 1.537, + "precision_at_3": 21.769, + "precision_at_5": 23.673, + "recall_at_1": 1.437, + "recall_at_10": 16.314999999999998, + "recall_at_100": 47.635, + "recall_at_1000": 82.963, + "recall_at_3": 4.955, + "recall_at_5": 8.805, + "main_score": 22.554 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/ToxicConversationsClassification.json b/results/michaelfeil__ct2fast-gte-base/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..b987a9f27 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.6128, + "ap": 14.279639861175664, + "f1": 54.922292491204274, + "main_score": 71.6128 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/TweetSentimentExtractionClassification.json b/results/michaelfeil__ct2fast-gte-base/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..cfba7c4fb --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 57.01188455008489, + "f1": 57.377953019225515, + "main_score": 57.01188455008489 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/TwentyNewsgroupsClustering.json b/results/michaelfeil__ct2fast-gte-base/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..ca4b0c8ea --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 52.306769136544254, + "main_score": 52.306769136544254 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/TwitterSemEval2015.json b/results/michaelfeil__ct2fast-gte-base/external/TwitterSemEval2015.json new file mode 100644 index 000000000..3da84d8c9 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 85.64701674912082, + "cos_sim_ap": 72.46600945328552, + "cos_sim_f1": 67.96572367648784, + "cos_sim_precision": 61.21801649397336, + "cos_sim_recall": 76.38522427440633, + "dot_accuracy": 82.33295583238957, + "dot_ap": 62.54843443071716, + "dot_f1": 60.38378562507096, + "dot_precision": 52.99980067769583, + "dot_recall": 70.15831134564644, + "euclidean_accuracy": 85.7423854085951, + "euclidean_ap": 72.76873850945174, + "euclidean_f1": 68.23556960543262, + "euclidean_precision": 61.3344559040202, + "euclidean_recall": 76.88654353562005, + "manhattan_accuracy": 85.74834594981225, + "manhattan_ap": 72.66825372446462, + "manhattan_f1": 68.21539194662853, + "manhattan_precision": 62.185056472632496, + "manhattan_recall": 75.54089709762533, + "max_accuracy": 85.74834594981225, + "max_ap": 72.76873850945174, + "max_f1": 68.23556960543262, + "main_score": 72.76873850945174 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/TwitterURLCorpus.json b/results/michaelfeil__ct2fast-gte-base/external/TwitterURLCorpus.json new file mode 100644 index 000000000..d5688f147 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.73171110334924, + "cos_sim_ap": 85.51855542063649, + "cos_sim_f1": 77.95706775700934, + "cos_sim_precision": 74.12524298805887, + "cos_sim_recall": 82.20665229442562, + "dot_accuracy": 86.94842240074514, + "dot_ap": 80.90995345771762, + "dot_f1": 74.20765027322403, + "dot_precision": 70.42594385285575, + "dot_recall": 78.41854019094548, + "euclidean_accuracy": 88.73753250281368, + "euclidean_ap": 85.54712254033734, + "euclidean_f1": 78.07565728654365, + "euclidean_precision": 75.1120597652081, + "euclidean_recall": 81.282722513089, + "manhattan_accuracy": 88.72588970388482, + "manhattan_ap": 85.52118291594071, + "manhattan_f1": 78.04428724070593, + "manhattan_precision": 74.83219105490002, + "manhattan_recall": 81.54450261780106, + "max_accuracy": 88.73753250281368, + "max_ap": 85.54712254033734, + "max_f1": 78.07565728654365, + "main_score": 85.54712254033734 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-base/external/model_meta.json b/results/michaelfeil__ct2fast-gte-base/external/model_meta.json new file mode 100644 index 000000000..a8f867b7f --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-base/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "michaelfeil/ct2fast-gte-base", + "revision": "bb786a7d7858b306a16f53936f4e4c0c77f08d39", + "release_date": "2023-10-13", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 768, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/AmazonCounterfactualClassification.json b/results/michaelfeil__ct2fast-gte-large/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..6dbccb75d --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.62686567164178, + "ap": 34.46944126809772, + "f1": 66.23684353950857, + "main_score": 72.62686567164178 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/AmazonPolarityClassification.json b/results/michaelfeil__ct2fast-gte-large/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..f52f04509 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.51805, + "ap": 89.49842783330848, + "f1": 92.51112169431808, + "main_score": 92.51805 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/AmazonReviewsClassification.json b/results/michaelfeil__ct2fast-gte-large/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..944845a18 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 49.074, + "f1": 48.44785682572955, + "main_score": 49.074 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/ArguAna.json b/results/michaelfeil__ct2fast-gte-large/external/ArguAna.json new file mode 100644 index 000000000..d5bde51d2 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.077, + "map_at_10": 48.153, + "map_at_100": 48.963, + "map_at_1000": 48.966, + "map_at_3": 43.184, + "map_at_5": 46.072, + "mrr_at_1": 33.073, + "mrr_at_10": 48.54, + "mrr_at_100": 49.335, + "mrr_at_1000": 49.338, + "mrr_at_3": 43.563, + "mrr_at_5": 46.383, + "ndcg_at_1": 32.077, + "ndcg_at_10": 57.158, + "ndcg_at_100": 60.324999999999996, + "ndcg_at_1000": 60.402, + "ndcg_at_3": 46.934, + "ndcg_at_5": 52.158, + "precision_at_1": 32.077, + "precision_at_10": 8.591999999999999, + "precision_at_100": 0.991, + "precision_at_1000": 0.1, + "precision_at_3": 19.275000000000002, + "precision_at_5": 14.111, + "recall_at_1": 32.077, + "recall_at_10": 85.917, + "recall_at_100": 99.075, + "recall_at_1000": 99.644, + "recall_at_3": 57.824, + "recall_at_5": 70.555, + "main_score": 57.158 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/ArxivClusteringP2P.json b/results/michaelfeil__ct2fast-gte-large/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..1deb9b51c --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.619246083417295, + "main_score": 48.619246083417295 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/ArxivClusteringS2S.json b/results/michaelfeil__ct2fast-gte-large/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..928fd5a63 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 43.3574067664688, + "main_score": 43.3574067664688 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/AskUbuntuDupQuestions.json b/results/michaelfeil__ct2fast-gte-large/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..720f85bf6 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 63.06359661829253, + "mrr": 76.15596007562766, + "main_score": 63.06359661829253 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/BIOSSES.json b/results/michaelfeil__ct2fast-gte-large/external/BIOSSES.json new file mode 100644 index 000000000..a38b2572f --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 90.25407547368691, + "cos_sim_spearman": 88.65081514968477, + "euclidean_pearson": 88.14857116664494, + "euclidean_spearman": 88.50683596540692, + "manhattan_pearson": 87.9654797992225, + "manhattan_spearman": 88.21164851646908, + "cosine_pearson": 90.25407547368691, + "cosine_spearman": 88.65081514968477, + "main_score": 88.65081514968477 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/Banking77Classification.json b/results/michaelfeil__ct2fast-gte-large/external/Banking77Classification.json new file mode 100644 index 000000000..2d9d62dd9 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.05844155844157, + "f1": 86.01555597681825, + "main_score": 86.05844155844157 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/BiorxivClusteringP2P.json b/results/michaelfeil__ct2fast-gte-large/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..1703adacd --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.10510519739522, + "main_score": 39.10510519739522 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/BiorxivClusteringS2S.json b/results/michaelfeil__ct2fast-gte-large/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..7e935e7e7 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.84689960264385, + "main_score": 36.84689960264385 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/CQADupstackAndroidRetrieval.json b/results/michaelfeil__ct2fast-gte-large/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..b4c7e8d03 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.800000000000004, + "map_at_10": 44.857, + "map_at_100": 46.512, + "map_at_1000": 46.635, + "map_at_3": 41.062, + "map_at_5": 43.126, + "mrr_at_1": 39.628, + "mrr_at_10": 50.879, + "mrr_at_100": 51.605000000000004, + "mrr_at_1000": 51.641000000000005, + "mrr_at_3": 48.14, + "mrr_at_5": 49.835, + "ndcg_at_1": 39.628, + "ndcg_at_10": 51.819, + "ndcg_at_100": 57.318999999999996, + "ndcg_at_1000": 58.955999999999996, + "ndcg_at_3": 46.409, + "ndcg_at_5": 48.825, + "precision_at_1": 39.628, + "precision_at_10": 10.072000000000001, + "precision_at_100": 1.625, + "precision_at_1000": 0.21, + "precision_at_3": 22.556, + "precision_at_5": 16.309, + "recall_at_1": 32.800000000000004, + "recall_at_10": 65.078, + "recall_at_100": 87.491, + "recall_at_1000": 97.514, + "recall_at_3": 49.561, + "recall_at_5": 56.135999999999996, + "main_score": 51.819 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.614, + "map_at_10": 43.578, + "map_at_100": 44.897, + "map_at_1000": 45.023, + "map_at_3": 40.282000000000004, + "map_at_5": 42.117, + "mrr_at_1": 40.510000000000005, + "mrr_at_10": 49.428, + "mrr_at_100": 50.068999999999996, + "mrr_at_1000": 50.111000000000004, + "mrr_at_3": 47.176, + "mrr_at_5": 48.583999999999996, + "ndcg_at_1": 40.510000000000005, + "ndcg_at_10": 49.478, + "ndcg_at_100": 53.852, + "ndcg_at_1000": 55.782, + "ndcg_at_3": 45.091, + "ndcg_at_5": 47.19, + "precision_at_1": 40.510000000000005, + "precision_at_10": 9.363000000000001, + "precision_at_100": 1.51, + "precision_at_1000": 0.196, + "precision_at_3": 21.741, + "precision_at_5": 15.465000000000002, + "recall_at_1": 32.614, + "recall_at_10": 59.782000000000004, + "recall_at_100": 78.012, + "recall_at_1000": 90.319, + "recall_at_3": 46.825, + "recall_at_5": 52.688, + "main_score": 49.478 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.266000000000005, + "map_at_10": 53.756, + "map_at_100": 54.809, + "map_at_1000": 54.855, + "map_at_3": 50.073, + "map_at_5": 52.293, + "mrr_at_1": 46.332, + "mrr_at_10": 57.116, + "mrr_at_100": 57.767, + "mrr_at_1000": 57.791000000000004, + "mrr_at_3": 54.461999999999996, + "mrr_at_5": 56.092, + "ndcg_at_1": 46.332, + "ndcg_at_10": 60.092, + "ndcg_at_100": 64.034, + "ndcg_at_1000": 64.937, + "ndcg_at_3": 54.071000000000005, + "ndcg_at_5": 57.254000000000005, + "precision_at_1": 46.332, + "precision_at_10": 9.799, + "precision_at_100": 1.278, + "precision_at_1000": 0.13899999999999998, + "precision_at_3": 24.368000000000002, + "precision_at_5": 16.89, + "recall_at_1": 40.266000000000005, + "recall_at_10": 75.41499999999999, + "recall_at_100": 92.01700000000001, + "recall_at_1000": 98.379, + "recall_at_3": 59.476, + "recall_at_5": 67.297, + "main_score": 60.092 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.589, + "map_at_10": 37.755, + "map_at_100": 38.881, + "map_at_1000": 38.954, + "map_at_3": 34.759, + "map_at_5": 36.544, + "mrr_at_1": 30.734, + "mrr_at_10": 39.742, + "mrr_at_100": 40.774, + "mrr_at_1000": 40.824, + "mrr_at_3": 37.137, + "mrr_at_5": 38.719, + "ndcg_at_1": 30.734, + "ndcg_at_10": 42.978, + "ndcg_at_100": 48.309000000000005, + "ndcg_at_1000": 50.068, + "ndcg_at_3": 37.361, + "ndcg_at_5": 40.268, + "precision_at_1": 30.734, + "precision_at_10": 6.565, + "precision_at_100": 0.964, + "precision_at_1000": 0.11499999999999999, + "precision_at_3": 15.744, + "precision_at_5": 11.096, + "recall_at_1": 28.589, + "recall_at_10": 57.126999999999995, + "recall_at_100": 81.051, + "recall_at_1000": 94.027, + "recall_at_3": 42.045, + "recall_at_5": 49.019, + "main_score": 42.978 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.5, + "map_at_10": 27.950999999999997, + "map_at_100": 29.186, + "map_at_1000": 29.298000000000002, + "map_at_3": 25.141000000000002, + "map_at_5": 26.848, + "mrr_at_1": 22.637, + "mrr_at_10": 32.572, + "mrr_at_100": 33.472, + "mrr_at_1000": 33.533, + "mrr_at_3": 29.747, + "mrr_at_5": 31.482, + "ndcg_at_1": 22.637, + "ndcg_at_10": 33.73, + "ndcg_at_100": 39.568, + "ndcg_at_1000": 42.201, + "ndcg_at_3": 28.505999999999997, + "ndcg_at_5": 31.255, + "precision_at_1": 22.637, + "precision_at_10": 6.281000000000001, + "precision_at_100": 1.073, + "precision_at_1000": 0.14300000000000002, + "precision_at_3": 13.847000000000001, + "precision_at_5": 10.224, + "recall_at_1": 18.5, + "recall_at_10": 46.744, + "recall_at_100": 72.072, + "recall_at_1000": 91.03999999999999, + "recall_at_3": 32.551, + "recall_at_5": 39.533, + "main_score": 33.73 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.602, + "map_at_10": 42.18, + "map_at_100": 43.6, + "map_at_1000": 43.704, + "map_at_3": 38.413000000000004, + "map_at_5": 40.626, + "mrr_at_1": 37.344, + "mrr_at_10": 47.638000000000005, + "mrr_at_100": 48.485, + "mrr_at_1000": 48.52, + "mrr_at_3": 44.867000000000004, + "mrr_at_5": 46.566, + "ndcg_at_1": 37.344, + "ndcg_at_10": 48.632, + "ndcg_at_100": 54.215, + "ndcg_at_1000": 55.981, + "ndcg_at_3": 42.681999999999995, + "ndcg_at_5": 45.732, + "precision_at_1": 37.344, + "precision_at_10": 8.932, + "precision_at_100": 1.376, + "precision_at_1000": 0.17099999999999999, + "precision_at_3": 20.276, + "precision_at_5": 14.726, + "recall_at_1": 30.602, + "recall_at_10": 62.273, + "recall_at_100": 85.12100000000001, + "recall_at_1000": 96.439, + "recall_at_3": 45.848, + "recall_at_5": 53.615, + "main_score": 48.632 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.952, + "map_at_10": 35.177, + "map_at_100": 36.59, + "map_at_1000": 36.703, + "map_at_3": 31.261, + "map_at_5": 33.222, + "mrr_at_1": 29.337999999999997, + "mrr_at_10": 40.152, + "mrr_at_100": 40.963, + "mrr_at_1000": 41.016999999999996, + "mrr_at_3": 36.91, + "mrr_at_5": 38.685, + "ndcg_at_1": 29.337999999999997, + "ndcg_at_10": 41.994, + "ndcg_at_100": 47.587, + "ndcg_at_1000": 49.791000000000004, + "ndcg_at_3": 35.27, + "ndcg_at_5": 38.042, + "precision_at_1": 29.337999999999997, + "precision_at_10": 8.276, + "precision_at_100": 1.276, + "precision_at_1000": 0.164, + "precision_at_3": 17.161, + "precision_at_5": 12.671, + "recall_at_1": 23.952, + "recall_at_10": 57.267, + "recall_at_100": 80.886, + "recall_at_1000": 95.611, + "recall_at_3": 38.622, + "recall_at_5": 45.811, + "main_score": 41.994 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.092083333333335, + "map_at_10": 37.2925, + "map_at_100": 38.57041666666666, + "map_at_1000": 38.68141666666667, + "map_at_3": 34.080000000000005, + "map_at_5": 35.89958333333333, + "mrr_at_1": 31.94758333333333, + "mrr_at_10": 41.51049999999999, + "mrr_at_100": 42.36099999999999, + "mrr_at_1000": 42.4125, + "mrr_at_3": 38.849583333333335, + "mrr_at_5": 40.448249999999994, + "ndcg_at_1": 31.94758333333333, + "ndcg_at_10": 43.17633333333333, + "ndcg_at_100": 48.45241666666668, + "ndcg_at_1000": 50.513999999999996, + "ndcg_at_3": 37.75216666666667, + "ndcg_at_5": 40.393833333333326, + "precision_at_1": 31.94758333333333, + "precision_at_10": 7.688916666666666, + "precision_at_100": 1.2250833333333333, + "precision_at_1000": 0.1595, + "precision_at_3": 17.465999999999998, + "precision_at_5": 12.548083333333333, + "recall_at_1": 27.092083333333335, + "recall_at_10": 56.286583333333326, + "recall_at_100": 79.09033333333333, + "recall_at_1000": 93.27483333333335, + "recall_at_3": 41.35325, + "recall_at_5": 48.072750000000006, + "main_score": 43.17633333333333 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.825, + "map_at_10": 33.723, + "map_at_100": 34.74, + "map_at_1000": 34.824, + "map_at_3": 31.369000000000003, + "map_at_5": 32.533, + "mrr_at_1": 29.293999999999997, + "mrr_at_10": 36.84, + "mrr_at_100": 37.681, + "mrr_at_1000": 37.742, + "mrr_at_3": 34.79, + "mrr_at_5": 35.872, + "ndcg_at_1": 29.293999999999997, + "ndcg_at_10": 38.385999999999996, + "ndcg_at_100": 43.327, + "ndcg_at_1000": 45.53, + "ndcg_at_3": 33.985, + "ndcg_at_5": 35.817, + "precision_at_1": 29.293999999999997, + "precision_at_10": 6.12, + "precision_at_100": 0.9329999999999999, + "precision_at_1000": 0.11900000000000001, + "precision_at_3": 14.621999999999998, + "precision_at_5": 10.030999999999999, + "recall_at_1": 25.825, + "recall_at_10": 49.647000000000006, + "recall_at_100": 72.32300000000001, + "recall_at_1000": 88.62400000000001, + "recall_at_3": 37.366, + "recall_at_5": 41.957, + "main_score": 38.385999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.139, + "map_at_10": 26.107000000000003, + "map_at_100": 27.406999999999996, + "map_at_1000": 27.535999999999998, + "map_at_3": 23.445, + "map_at_5": 24.916, + "mrr_at_1": 21.817, + "mrr_at_10": 29.99, + "mrr_at_100": 31.052000000000003, + "mrr_at_1000": 31.128, + "mrr_at_3": 27.627000000000002, + "mrr_at_5": 29.005, + "ndcg_at_1": 21.817, + "ndcg_at_10": 31.135, + "ndcg_at_100": 37.108000000000004, + "ndcg_at_1000": 39.965, + "ndcg_at_3": 26.439, + "ndcg_at_5": 28.655, + "precision_at_1": 21.817, + "precision_at_10": 5.757000000000001, + "precision_at_100": 1.036, + "precision_at_1000": 0.147, + "precision_at_3": 12.537, + "precision_at_5": 9.229, + "recall_at_1": 18.139, + "recall_at_10": 42.272999999999996, + "recall_at_100": 68.657, + "recall_at_1000": 88.93799999999999, + "recall_at_3": 29.266, + "recall_at_5": 34.892, + "main_score": 31.135 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.755000000000003, + "map_at_10": 37.384, + "map_at_100": 38.56, + "map_at_1000": 38.655, + "map_at_3": 34.214, + "map_at_5": 35.96, + "mrr_at_1": 32.369, + "mrr_at_10": 41.625, + "mrr_at_100": 42.449, + "mrr_at_1000": 42.502, + "mrr_at_3": 38.899, + "mrr_at_5": 40.489999999999995, + "ndcg_at_1": 32.369, + "ndcg_at_10": 43.287, + "ndcg_at_100": 48.504999999999995, + "ndcg_at_1000": 50.552, + "ndcg_at_3": 37.549, + "ndcg_at_5": 40.204, + "precision_at_1": 32.369, + "precision_at_10": 7.425, + "precision_at_100": 1.134, + "precision_at_1000": 0.14200000000000002, + "precision_at_3": 17.102, + "precision_at_5": 12.107999999999999, + "recall_at_1": 27.755000000000003, + "recall_at_10": 57.071000000000005, + "recall_at_100": 79.456, + "recall_at_1000": 93.54299999999999, + "recall_at_3": 41.298, + "recall_at_5": 48.037, + "main_score": 43.287 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.855, + "map_at_10": 34.53, + "map_at_100": 36.167, + "map_at_1000": 36.394999999999996, + "map_at_3": 31.037, + "map_at_5": 33.119, + "mrr_at_1": 30.631999999999998, + "mrr_at_10": 39.763999999999996, + "mrr_at_100": 40.77, + "mrr_at_1000": 40.826, + "mrr_at_3": 36.495, + "mrr_at_5": 38.561, + "ndcg_at_1": 30.631999999999998, + "ndcg_at_10": 40.942, + "ndcg_at_100": 47.07, + "ndcg_at_1000": 49.363, + "ndcg_at_3": 35.038000000000004, + "ndcg_at_5": 38.161, + "precision_at_1": 30.631999999999998, + "precision_at_10": 7.983999999999999, + "precision_at_100": 1.6070000000000002, + "precision_at_1000": 0.246, + "precision_at_3": 16.206, + "precision_at_5": 12.253, + "recall_at_1": 24.855, + "recall_at_10": 53.291999999999994, + "recall_at_100": 80.283, + "recall_at_1000": 94.309, + "recall_at_3": 37.257, + "recall_at_5": 45.282, + "main_score": 40.942 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.208, + "map_at_10": 30.512, + "map_at_100": 31.496000000000002, + "map_at_1000": 31.595000000000002, + "map_at_3": 27.904, + "map_at_5": 29.491, + "mrr_at_1": 22.736, + "mrr_at_10": 32.379999999999995, + "mrr_at_100": 33.245000000000005, + "mrr_at_1000": 33.315, + "mrr_at_3": 29.945, + "mrr_at_5": 31.488, + "ndcg_at_1": 22.736, + "ndcg_at_10": 35.643, + "ndcg_at_100": 40.535, + "ndcg_at_1000": 43.042, + "ndcg_at_3": 30.625000000000004, + "ndcg_at_5": 33.323, + "precision_at_1": 22.736, + "precision_at_10": 5.6930000000000005, + "precision_at_100": 0.889, + "precision_at_1000": 0.122, + "precision_at_3": 13.431999999999999, + "precision_at_5": 9.575, + "recall_at_1": 21.208, + "recall_at_10": 49.47, + "recall_at_100": 71.71499999999999, + "recall_at_1000": 90.55499999999999, + "recall_at_3": 36.124, + "recall_at_5": 42.606, + "main_score": 35.643 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/ClimateFEVER.json b/results/michaelfeil__ct2fast-gte-large/external/ClimateFEVER.json new file mode 100644 index 000000000..72c16758d --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 11.363, + "map_at_10": 20.312, + "map_at_100": 22.225, + "map_at_1000": 22.411, + "map_at_3": 16.68, + "map_at_5": 18.608, + "mrr_at_1": 25.537, + "mrr_at_10": 37.933, + "mrr_at_100": 38.875, + "mrr_at_1000": 38.911, + "mrr_at_3": 34.387, + "mrr_at_5": 36.51, + "ndcg_at_1": 25.537, + "ndcg_at_10": 28.82, + "ndcg_at_100": 36.341, + "ndcg_at_1000": 39.615, + "ndcg_at_3": 23.01, + "ndcg_at_5": 25.269000000000002, + "precision_at_1": 25.537, + "precision_at_10": 9.153, + "precision_at_100": 1.7319999999999998, + "precision_at_1000": 0.234, + "precision_at_3": 17.22, + "precision_at_5": 13.629, + "recall_at_1": 11.363, + "recall_at_10": 35.382999999999996, + "recall_at_100": 61.367000000000004, + "recall_at_1000": 79.699, + "recall_at_3": 21.495, + "recall_at_5": 27.42, + "main_score": 28.82 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/DBPedia.json b/results/michaelfeil__ct2fast-gte-large/external/DBPedia.json new file mode 100644 index 000000000..14fd86a66 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.65, + "map_at_10": 20.742, + "map_at_100": 29.614, + "map_at_1000": 31.373, + "map_at_3": 14.667, + "map_at_5": 17.186, + "mrr_at_1": 69.75, + "mrr_at_10": 76.762, + "mrr_at_100": 77.171, + "mrr_at_1000": 77.179, + "mrr_at_3": 75.125, + "mrr_at_5": 76.287, + "ndcg_at_1": 57.62500000000001, + "ndcg_at_10": 42.370999999999995, + "ndcg_at_100": 47.897, + "ndcg_at_1000": 55.393, + "ndcg_at_3": 46.317, + "ndcg_at_5": 43.906, + "precision_at_1": 69.75, + "precision_at_10": 33.95, + "precision_at_100": 10.885, + "precision_at_1000": 2.2239999999999998, + "precision_at_3": 49.75, + "precision_at_5": 42.3, + "recall_at_1": 9.65, + "recall_at_10": 26.117, + "recall_at_100": 55.084, + "recall_at_1000": 78.62400000000001, + "recall_at_3": 15.823, + "recall_at_5": 19.652, + "main_score": 42.370999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/EmotionClassification.json b/results/michaelfeil__ct2fast-gte-large/external/EmotionClassification.json new file mode 100644 index 000000000..aef1f1008 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 47.885, + "f1": 42.99567641346983, + "main_score": 47.885 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/FEVER.json b/results/michaelfeil__ct2fast-gte-large/external/FEVER.json new file mode 100644 index 000000000..9c291d833 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 70.97, + "map_at_10": 80.34599999999999, + "map_at_100": 80.571, + "map_at_1000": 80.584, + "map_at_3": 79.279, + "map_at_5": 79.94, + "mrr_at_1": 76.613, + "mrr_at_10": 85.15700000000001, + "mrr_at_100": 85.249, + "mrr_at_1000": 85.252, + "mrr_at_3": 84.33800000000001, + "mrr_at_5": 84.89, + "ndcg_at_1": 76.613, + "ndcg_at_10": 84.53399999999999, + "ndcg_at_100": 85.359, + "ndcg_at_1000": 85.607, + "ndcg_at_3": 82.76599999999999, + "ndcg_at_5": 83.736, + "precision_at_1": 76.613, + "precision_at_10": 10.206, + "precision_at_100": 1.083, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 31.913000000000004, + "precision_at_5": 19.769000000000002, + "recall_at_1": 70.97, + "recall_at_10": 92.674, + "recall_at_100": 95.985, + "recall_at_1000": 97.57000000000001, + "recall_at_3": 87.742, + "recall_at_5": 90.28, + "main_score": 84.53399999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/FiQA2018.json b/results/michaelfeil__ct2fast-gte-large/external/FiQA2018.json new file mode 100644 index 000000000..b6414bbcf --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.494, + "map_at_10": 36.491, + "map_at_100": 38.550000000000004, + "map_at_1000": 38.726, + "map_at_3": 31.807000000000002, + "map_at_5": 34.299, + "mrr_at_1": 44.907000000000004, + "mrr_at_10": 53.146, + "mrr_at_100": 54.013999999999996, + "mrr_at_1000": 54.044000000000004, + "mrr_at_3": 50.952, + "mrr_at_5": 52.124, + "ndcg_at_1": 44.907000000000004, + "ndcg_at_10": 44.499, + "ndcg_at_100": 51.629000000000005, + "ndcg_at_1000": 54.367, + "ndcg_at_3": 40.900999999999996, + "ndcg_at_5": 41.737, + "precision_at_1": 44.907000000000004, + "precision_at_10": 12.346, + "precision_at_100": 1.974, + "precision_at_1000": 0.246, + "precision_at_3": 27.366, + "precision_at_5": 19.846, + "recall_at_1": 22.494, + "recall_at_10": 51.156, + "recall_at_100": 77.11200000000001, + "recall_at_1000": 93.44, + "recall_at_3": 36.574, + "recall_at_5": 42.361, + "main_score": 44.499 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/HotpotQA.json b/results/michaelfeil__ct2fast-gte-large/external/HotpotQA.json new file mode 100644 index 000000000..d234b1a6b --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.568999999999996, + "map_at_10": 58.485, + "map_at_100": 59.358999999999995, + "map_at_1000": 59.429, + "map_at_3": 55.217000000000006, + "map_at_5": 57.236, + "mrr_at_1": 77.137, + "mrr_at_10": 82.829, + "mrr_at_100": 83.04599999999999, + "mrr_at_1000": 83.05399999999999, + "mrr_at_3": 81.904, + "mrr_at_5": 82.50800000000001, + "ndcg_at_1": 77.137, + "ndcg_at_10": 67.156, + "ndcg_at_100": 70.298, + "ndcg_at_1000": 71.65700000000001, + "ndcg_at_3": 62.535, + "ndcg_at_5": 65.095, + "precision_at_1": 77.137, + "precision_at_10": 13.911999999999999, + "precision_at_100": 1.6389999999999998, + "precision_at_1000": 0.182, + "precision_at_3": 39.572, + "precision_at_5": 25.766, + "recall_at_1": 38.568999999999996, + "recall_at_10": 69.56099999999999, + "recall_at_100": 81.931, + "recall_at_1000": 90.91799999999999, + "recall_at_3": 59.358999999999995, + "recall_at_5": 64.416, + "main_score": 67.156 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/ImdbClassification.json b/results/michaelfeil__ct2fast-gte-large/external/ImdbClassification.json new file mode 100644 index 000000000..d810a3c53 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 88.45600000000002, + "ap": 84.09725115338568, + "f1": 88.41874909080512, + "main_score": 88.45600000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/MSMARCO.json b/results/michaelfeil__ct2fast-gte-large/external/MSMARCO.json new file mode 100644 index 000000000..2612d8e62 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.404999999999998, + "map_at_10": 33.921, + "map_at_100": 35.116, + "map_at_1000": 35.164, + "map_at_3": 30.043999999999997, + "map_at_5": 32.327, + "mrr_at_1": 21.977, + "mrr_at_10": 34.505, + "mrr_at_100": 35.638999999999996, + "mrr_at_1000": 35.68, + "mrr_at_3": 30.703999999999997, + "mrr_at_5": 32.96, + "ndcg_at_1": 21.963, + "ndcg_at_10": 40.859, + "ndcg_at_100": 46.614, + "ndcg_at_1000": 47.789, + "ndcg_at_3": 33.007999999999996, + "ndcg_at_5": 37.084, + "precision_at_1": 21.963, + "precision_at_10": 6.493, + "precision_at_100": 0.938, + "precision_at_1000": 0.104, + "precision_at_3": 14.155000000000001, + "precision_at_5": 10.544, + "recall_at_1": 21.404999999999998, + "recall_at_10": 62.175000000000004, + "recall_at_100": 88.786, + "recall_at_1000": 97.738, + "recall_at_3": 40.925, + "recall_at_5": 50.722, + "main_score": 40.859 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/MTOPDomainClassification.json b/results/michaelfeil__ct2fast-gte-large/external/MTOPDomainClassification.json new file mode 100644 index 000000000..7fdc2cb41 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.50661194710442, + "f1": 93.30311193153668, + "main_score": 93.50661194710442 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/MTOPIntentClassification.json b/results/michaelfeil__ct2fast-gte-large/external/MTOPIntentClassification.json new file mode 100644 index 000000000..0dc67e54e --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.24669402644778, + "f1": 54.23122108002977, + "main_score": 73.24669402644778 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/MassiveIntentClassification.json b/results/michaelfeil__ct2fast-gte-large/external/MassiveIntentClassification.json new file mode 100644 index 000000000..b3c804fcd --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.61936785474109, + "f1": 70.52644941025565, + "main_score": 72.61936785474109 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/MassiveScenarioClassification.json b/results/michaelfeil__ct2fast-gte-large/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..c0917a281 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.76529926025555, + "f1": 77.26872729322514, + "main_score": 76.76529926025555 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/MedrxivClusteringP2P.json b/results/michaelfeil__ct2fast-gte-large/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..238892b9e --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.39450293021839, + "main_score": 33.39450293021839 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/MedrxivClusteringS2S.json b/results/michaelfeil__ct2fast-gte-large/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..4a8ae103b --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.757796879839294, + "main_score": 31.757796879839294 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/MindSmallReranking.json b/results/michaelfeil__ct2fast-gte-large/external/MindSmallReranking.json new file mode 100644 index 000000000..e9cdc4138 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 32.62512146657428, + "mrr": 33.84624322066173, + "main_score": 32.62512146657428 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/NFCorpus.json b/results/michaelfeil__ct2fast-gte-large/external/NFCorpus.json new file mode 100644 index 000000000..570d8033e --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.462, + "map_at_10": 14.947, + "map_at_100": 19.344, + "map_at_1000": 20.933, + "map_at_3": 10.761999999999999, + "map_at_5": 12.744, + "mrr_at_1": 47.988, + "mrr_at_10": 57.365, + "mrr_at_100": 57.931, + "mrr_at_1000": 57.96, + "mrr_at_3": 54.85, + "mrr_at_5": 56.569, + "ndcg_at_1": 46.129999999999995, + "ndcg_at_10": 38.173, + "ndcg_at_100": 35.983, + "ndcg_at_1000": 44.507000000000005, + "ndcg_at_3": 42.495, + "ndcg_at_5": 41.019, + "precision_at_1": 47.678, + "precision_at_10": 28.731, + "precision_at_100": 9.232, + "precision_at_1000": 2.202, + "precision_at_3": 39.628, + "precision_at_5": 35.851, + "recall_at_1": 6.462, + "recall_at_10": 18.968, + "recall_at_100": 37.131, + "recall_at_1000": 67.956, + "recall_at_3": 11.905000000000001, + "recall_at_5": 15.097, + "main_score": 38.173 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/NQ.json b/results/michaelfeil__ct2fast-gte-large/external/NQ.json new file mode 100644 index 000000000..97dba0e8d --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.335, + "map_at_10": 46.611999999999995, + "map_at_100": 47.632000000000005, + "map_at_1000": 47.661, + "map_at_3": 41.876999999999995, + "map_at_5": 44.799, + "mrr_at_1": 34.125, + "mrr_at_10": 49.01, + "mrr_at_100": 49.75, + "mrr_at_1000": 49.768, + "mrr_at_3": 45.153, + "mrr_at_5": 47.589999999999996, + "ndcg_at_1": 34.125, + "ndcg_at_10": 54.777, + "ndcg_at_100": 58.914, + "ndcg_at_1000": 59.521, + "ndcg_at_3": 46.015, + "ndcg_at_5": 50.861000000000004, + "precision_at_1": 34.125, + "precision_at_10": 9.166, + "precision_at_100": 1.149, + "precision_at_1000": 0.121, + "precision_at_3": 21.147, + "precision_at_5": 15.469, + "recall_at_1": 30.335, + "recall_at_10": 77.194, + "recall_at_100": 94.812, + "recall_at_1000": 99.247, + "recall_at_3": 54.681000000000004, + "recall_at_5": 65.86800000000001, + "main_score": 54.777 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/QuoraRetrieval.json b/results/michaelfeil__ct2fast-gte-large/external/QuoraRetrieval.json new file mode 100644 index 000000000..a188c9f04 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 70.62, + "map_at_10": 84.536, + "map_at_100": 85.167, + "map_at_1000": 85.184, + "map_at_3": 81.607, + "map_at_5": 83.423, + "mrr_at_1": 81.36, + "mrr_at_10": 87.506, + "mrr_at_100": 87.601, + "mrr_at_1000": 87.601, + "mrr_at_3": 86.503, + "mrr_at_5": 87.179, + "ndcg_at_1": 81.36, + "ndcg_at_10": 88.319, + "ndcg_at_100": 89.517, + "ndcg_at_1000": 89.60900000000001, + "ndcg_at_3": 85.423, + "ndcg_at_5": 86.976, + "precision_at_1": 81.36, + "precision_at_10": 13.415, + "precision_at_100": 1.529, + "precision_at_1000": 0.157, + "precision_at_3": 37.342999999999996, + "precision_at_5": 24.534, + "recall_at_1": 70.62, + "recall_at_10": 95.57600000000001, + "recall_at_100": 99.624, + "recall_at_1000": 99.991, + "recall_at_3": 87.22, + "recall_at_5": 91.654, + "main_score": 88.319 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/RedditClustering.json b/results/michaelfeil__ct2fast-gte-large/external/RedditClustering.json new file mode 100644 index 000000000..e65642974 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 60.826438478212744, + "main_score": 60.826438478212744 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/RedditClusteringP2P.json b/results/michaelfeil__ct2fast-gte-large/external/RedditClusteringP2P.json new file mode 100644 index 000000000..92ff4d525 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 64.24027467551447, + "main_score": 64.24027467551447 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/SCIDOCS.json b/results/michaelfeil__ct2fast-gte-large/external/SCIDOCS.json new file mode 100644 index 000000000..9818a4adb --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.997999999999999, + "map_at_10": 14.267, + "map_at_100": 16.843, + "map_at_1000": 17.229, + "map_at_3": 9.834, + "map_at_5": 11.92, + "mrr_at_1": 24.7, + "mrr_at_10": 37.685, + "mrr_at_100": 38.704, + "mrr_at_1000": 38.747, + "mrr_at_3": 34.150000000000006, + "mrr_at_5": 36.075, + "ndcg_at_1": 24.7, + "ndcg_at_10": 23.44, + "ndcg_at_100": 32.617000000000004, + "ndcg_at_1000": 38.628, + "ndcg_at_3": 21.747, + "ndcg_at_5": 19.076, + "precision_at_1": 24.7, + "precision_at_10": 12.47, + "precision_at_100": 2.564, + "precision_at_1000": 0.4, + "precision_at_3": 20.767, + "precision_at_5": 17.06, + "recall_at_1": 4.997999999999999, + "recall_at_10": 25.3, + "recall_at_100": 52.048, + "recall_at_1000": 81.093, + "recall_at_3": 12.642999999999999, + "recall_at_5": 17.312, + "main_score": 23.44 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/SICK-R.json b/results/michaelfeil__ct2fast-gte-large/external/SICK-R.json new file mode 100644 index 000000000..4d77d92cb --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.44942006292234, + "cos_sim_spearman": 79.80930790660699, + "euclidean_pearson": 82.93400777494863, + "euclidean_spearman": 80.04664991110705, + "manhattan_pearson": 82.93551681854949, + "manhattan_spearman": 80.03156736837379, + "cosine_pearson": 85.44942006292234, + "cosine_spearman": 79.80930790660699, + "main_score": 79.80930790660699 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/STS12.json b/results/michaelfeil__ct2fast-gte-large/external/STS12.json new file mode 100644 index 000000000..77060379d --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.63574059135726, + "cos_sim_spearman": 76.80552915288186, + "euclidean_pearson": 82.46368529820518, + "euclidean_spearman": 76.60338474719275, + "manhattan_pearson": 82.4558617035968, + "manhattan_spearman": 76.57936082895705, + "cosine_pearson": 85.63574059135726, + "cosine_spearman": 76.80552915288186, + "main_score": 76.80552915288186 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/STS13.json b/results/michaelfeil__ct2fast-gte-large/external/STS13.json new file mode 100644 index 000000000..0d0760901 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.24116811084211, + "cos_sim_spearman": 88.10998662068769, + "euclidean_pearson": 87.04961732352689, + "euclidean_spearman": 88.12543945864087, + "manhattan_pearson": 86.9905224528854, + "manhattan_spearman": 88.07827944705546, + "cosine_pearson": 86.24116811084211, + "cosine_spearman": 88.10998662068769, + "main_score": 88.10998662068769 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/STS14.json b/results/michaelfeil__ct2fast-gte-large/external/STS14.json new file mode 100644 index 000000000..d4a43bbe7 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.74847296555048, + "cos_sim_spearman": 82.66200957916445, + "euclidean_pearson": 84.48132256004965, + "euclidean_spearman": 82.67915286000596, + "manhattan_pearson": 84.44950477268334, + "manhattan_spearman": 82.63327639173352, + "cosine_pearson": 84.74847296555048, + "cosine_spearman": 82.66200957916445, + "main_score": 82.66200957916445 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/STS15.json b/results/michaelfeil__ct2fast-gte-large/external/STS15.json new file mode 100644 index 000000000..278870f0b --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.23056258027053, + "cos_sim_spearman": 88.92791680286955, + "euclidean_pearson": 88.13819235461933, + "euclidean_spearman": 88.87294661361716, + "manhattan_pearson": 88.14212133687899, + "manhattan_spearman": 88.88551854529777, + "cosine_pearson": 87.23056258027053, + "cosine_spearman": 88.92791680286955, + "main_score": 88.92791680286955 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/STS16.json b/results/michaelfeil__ct2fast-gte-large/external/STS16.json new file mode 100644 index 000000000..859eb4bb1 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.64179522732887, + "cos_sim_spearman": 84.25028809903114, + "euclidean_pearson": 83.40175015236979, + "euclidean_spearman": 84.23369296429406, + "manhattan_pearson": 83.43768174261321, + "manhattan_spearman": 84.27855229214734, + "cosine_pearson": 82.64179522732887, + "cosine_spearman": 84.25028809903114, + "main_score": 84.25028809903114 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/STS17.json b/results/michaelfeil__ct2fast-gte-large/external/STS17.json new file mode 100644 index 000000000..098041739 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.20378955494732, + "cos_sim_spearman": 88.46863559173111, + "euclidean_pearson": 88.8249295811663, + "euclidean_spearman": 88.6312737724905, + "manhattan_pearson": 88.87744466378827, + "manhattan_spearman": 88.82908423767314, + "cosine_pearson": 88.20378955494732, + "cosine_spearman": 88.46863559173111, + "main_score": 88.46863559173111 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/STS22.json b/results/michaelfeil__ct2fast-gte-large/external/STS22.json new file mode 100644 index 000000000..3492017c0 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 69.91342028796086, + "cos_sim_spearman": 69.71495021867864, + "euclidean_pearson": 70.65334330405646, + "euclidean_spearman": 69.4321253472211, + "manhattan_pearson": 70.59743494727465, + "manhattan_spearman": 69.11695509297482, + "cosine_pearson": 69.91342028796086, + "cosine_spearman": 69.71495021867864, + "main_score": 69.71495021867864 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/STSBenchmark.json b/results/michaelfeil__ct2fast-gte-large/external/STSBenchmark.json new file mode 100644 index 000000000..e4a87206d --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.42451709766952, + "cos_sim_spearman": 86.07166710670508, + "euclidean_pearson": 86.12711421258899, + "euclidean_spearman": 86.05232086925126, + "manhattan_pearson": 86.15591089932126, + "manhattan_spearman": 86.0890128623439, + "cosine_pearson": 85.42451709766952, + "cosine_spearman": 86.07166710670508, + "main_score": 86.07166710670508 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/SciDocsRR.json b/results/michaelfeil__ct2fast-gte-large/external/SciDocsRR.json new file mode 100644 index 000000000..20a3d3008 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 87.1976344717285, + "mrr": 96.3703145075694, + "main_score": 87.1976344717285 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/SciFact.json b/results/michaelfeil__ct2fast-gte-large/external/SciFact.json new file mode 100644 index 000000000..b50ba0987 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 59.511, + "map_at_10": 69.724, + "map_at_100": 70.208, + "map_at_1000": 70.22800000000001, + "map_at_3": 66.986, + "map_at_5": 68.529, + "mrr_at_1": 62.333000000000006, + "mrr_at_10": 70.55, + "mrr_at_100": 70.985, + "mrr_at_1000": 71.004, + "mrr_at_3": 68.611, + "mrr_at_5": 69.728, + "ndcg_at_1": 62.333000000000006, + "ndcg_at_10": 74.265, + "ndcg_at_100": 76.361, + "ndcg_at_1000": 76.82900000000001, + "ndcg_at_3": 69.772, + "ndcg_at_5": 71.94800000000001, + "precision_at_1": 62.333000000000006, + "precision_at_10": 9.9, + "precision_at_100": 1.093, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 27.444000000000003, + "precision_at_5": 18, + "recall_at_1": 59.511, + "recall_at_10": 87.156, + "recall_at_100": 96.5, + "recall_at_1000": 100, + "recall_at_3": 75.2, + "recall_at_5": 80.661, + "main_score": 74.265 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/SprintDuplicateQuestions.json b/results/michaelfeil__ct2fast-gte-large/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..3b2041f0e --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.81683168316832, + "cos_sim_ap": 95.74716566563774, + "cos_sim_f1": 90.64238745574103, + "cos_sim_precision": 91.7093142272262, + "cos_sim_recall": 89.60000000000001, + "dot_accuracy": 99.69405940594059, + "dot_ap": 91.09013507754594, + "dot_f1": 84.54227113556779, + "dot_precision": 84.58458458458459, + "dot_recall": 84.5, + "euclidean_accuracy": 99.81782178217821, + "euclidean_ap": 95.6324301072609, + "euclidean_f1": 90.58341862845445, + "euclidean_precision": 92.76729559748428, + "euclidean_recall": 88.5, + "manhattan_accuracy": 99.81980198019802, + "manhattan_ap": 95.68510494437183, + "manhattan_f1": 90.58945191313342, + "manhattan_precision": 93.79014989293361, + "manhattan_recall": 87.6, + "max_accuracy": 99.81980198019802, + "max_ap": 95.74716566563774, + "max_f1": 90.64238745574103, + "main_score": 95.74716566563774 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/StackExchangeClustering.json b/results/michaelfeil__ct2fast-gte-large/external/StackExchangeClustering.json new file mode 100644 index 000000000..91bf4e375 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 67.63761899427078, + "main_score": 67.63761899427078 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/StackExchangeClusteringP2P.json b/results/michaelfeil__ct2fast-gte-large/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..a235695a0 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.572473369697235, + "main_score": 36.572473369697235 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/StackOverflowDupQuestions.json b/results/michaelfeil__ct2fast-gte-large/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..5964b6e7b --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 53.63000245208579, + "mrr": 54.504193722943725, + "main_score": 53.63000245208579 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/SummEval.json b/results/michaelfeil__ct2fast-gte-large/external/SummEval.json new file mode 100644 index 000000000..225c00e23 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.300791939416545, + "cos_sim_spearman": 31.662904057924123, + "dot_pearson": 26.21198530758316, + "dot_spearman": 27.006921548904263, + "cosine_pearson": 30.300791939416545, + "cosine_spearman": 31.662904057924123, + "main_score": 31.662904057924123 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/TRECCOVID.json b/results/michaelfeil__ct2fast-gte-large/external/TRECCOVID.json new file mode 100644 index 000000000..719fd1647 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.197, + "map_at_10": 1.752, + "map_at_100": 10.795, + "map_at_1000": 27.18, + "map_at_3": 0.5890000000000001, + "map_at_5": 0.938, + "mrr_at_1": 74, + "mrr_at_10": 85.833, + "mrr_at_100": 85.833, + "mrr_at_1000": 85.833, + "mrr_at_3": 85.333, + "mrr_at_5": 85.833, + "ndcg_at_1": 69, + "ndcg_at_10": 70.22, + "ndcg_at_100": 55.785, + "ndcg_at_1000": 52.93600000000001, + "ndcg_at_3": 72.084, + "ndcg_at_5": 71.184, + "precision_at_1": 74, + "precision_at_10": 75.2, + "precision_at_100": 57.3, + "precision_at_1000": 23.302, + "precision_at_3": 77.333, + "precision_at_5": 75.6, + "recall_at_1": 0.197, + "recall_at_10": 2.019, + "recall_at_100": 14.257, + "recall_at_1000": 50.922, + "recall_at_3": 0.642, + "recall_at_5": 1.043, + "main_score": 70.22 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/Touche2020.json b/results/michaelfeil__ct2fast-gte-large/external/Touche2020.json new file mode 100644 index 000000000..3c8e32e1f --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.803, + "map_at_10": 10.407, + "map_at_100": 16.948, + "map_at_1000": 18.424, + "map_at_3": 5.405, + "map_at_5": 6.908, + "mrr_at_1": 36.735, + "mrr_at_10": 50.221000000000004, + "mrr_at_100": 51.388, + "mrr_at_1000": 51.402, + "mrr_at_3": 47.278999999999996, + "mrr_at_5": 49.626, + "ndcg_at_1": 34.694, + "ndcg_at_10": 25.507, + "ndcg_at_100": 38.296, + "ndcg_at_1000": 49.492000000000004, + "ndcg_at_3": 29.006999999999998, + "ndcg_at_5": 25.979000000000003, + "precision_at_1": 36.735, + "precision_at_10": 22.041, + "precision_at_100": 8.02, + "precision_at_1000": 1.567, + "precision_at_3": 28.571, + "precision_at_5": 24.490000000000002, + "recall_at_1": 2.803, + "recall_at_10": 16.378, + "recall_at_100": 50.489, + "recall_at_1000": 85.013, + "recall_at_3": 6.505, + "recall_at_5": 9.243, + "main_score": 25.507 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/ToxicConversationsClassification.json b/results/michaelfeil__ct2fast-gte-large/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..598fb8c7f --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.55579999999999, + "ap": 14.206982753316227, + "f1": 54.372142814964285, + "main_score": 70.55579999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/TweetSentimentExtractionClassification.json b/results/michaelfeil__ct2fast-gte-large/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..cda65a30a --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 56.57611771363893, + "f1": 56.924172639063144, + "main_score": 56.57611771363893 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/TwentyNewsgroupsClustering.json b/results/michaelfeil__ct2fast-gte-large/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..c89865270 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 52.82304915719759, + "main_score": 52.82304915719759 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/TwitterSemEval2015.json b/results/michaelfeil__ct2fast-gte-large/external/TwitterSemEval2015.json new file mode 100644 index 000000000..c6ad74677 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 85.92716218632653, + "cos_sim_ap": 73.73359122546046, + "cos_sim_f1": 68.42559487116262, + "cos_sim_precision": 64.22124508215691, + "cos_sim_recall": 73.21899736147758, + "dot_accuracy": 80.38981939560112, + "dot_ap": 54.61060862444974, + "dot_f1": 53.45710627400769, + "dot_precision": 44.87638839125761, + "dot_recall": 66.09498680738787, + "euclidean_accuracy": 86.02849138701794, + "euclidean_ap": 73.95673761922404, + "euclidean_f1": 68.6783042394015, + "euclidean_precision": 65.1063829787234, + "euclidean_recall": 72.66490765171504, + "manhattan_accuracy": 85.9808070572808, + "manhattan_ap": 73.9050720058029, + "manhattan_f1": 68.57560618983794, + "manhattan_precision": 63.70839936608558, + "manhattan_recall": 74.24802110817942, + "max_accuracy": 86.02849138701794, + "max_ap": 73.95673761922404, + "max_f1": 68.6783042394015, + "main_score": 73.95673761922404 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/TwitterURLCorpus.json b/results/michaelfeil__ct2fast-gte-large/external/TwitterURLCorpus.json new file mode 100644 index 000000000..ddbac8665 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.72783017037295, + "cos_sim_ap": 85.52705223340233, + "cos_sim_f1": 77.91659078492079, + "cos_sim_precision": 73.93378032764221, + "cos_sim_recall": 82.35294117647058, + "dot_accuracy": 85.41739434159972, + "dot_ap": 77.17734818118443, + "dot_f1": 71.63473589973144, + "dot_precision": 66.96123719622415, + "dot_recall": 77.00954727440714, + "euclidean_accuracy": 88.68125897465751, + "euclidean_ap": 85.47712213906692, + "euclidean_f1": 77.81419950830664, + "euclidean_precision": 75.37162649733006, + "euclidean_recall": 80.42038805050817, + "manhattan_accuracy": 88.67349710870494, + "manhattan_ap": 85.46506475241955, + "manhattan_f1": 77.87259084890393, + "manhattan_precision": 74.54929577464789, + "manhattan_recall": 81.50600554357868, + "max_accuracy": 88.72783017037295, + "max_ap": 85.52705223340233, + "max_f1": 77.91659078492079, + "main_score": 85.52705223340233 + } + ] + } +} \ No newline at end of file diff --git a/results/michaelfeil__ct2fast-gte-large/external/model_meta.json b/results/michaelfeil__ct2fast-gte-large/external/model_meta.json new file mode 100644 index 000000000..6b66cb774 --- /dev/null +++ b/results/michaelfeil__ct2fast-gte-large/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "michaelfeil/ct2fast-gte-large", + "revision": "84891250ad48c8b8d9df61f1c54b58c1efc8db8e", + "release_date": "2023-10-13", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 1024, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/AmazonCounterfactualClassification.json b/results/minishlab__M2V_base_glove/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..0ca94d113 --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/AmazonCounterfactualClassification.json @@ -0,0 +1,34 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-ext", + "languages": [ + "eng-Latn" + ], + "accuracy": 65.65217391304347, + "ap": 17.836356075619893, + "ap_weighted": 17.836356075619893, + "f1": 54.37306111606638, + "f1_weighted": 72.23675193582666, + "main_score": 65.65217391304347 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 67.19402985074628, + "ap": 30.94305233770745, + "ap_weighted": 30.94305233770745, + "f1": 61.69517242961607, + "f1_weighted": 70.41137216914223, + "main_score": 67.19402985074628 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/AmazonPolarityClassification.json b/results/minishlab__M2V_base_glove/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..421743460 --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/AmazonPolarityClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 68.45135, + "ap": 63.48441586885817, + "ap_weighted": 63.48441586885817, + "f1": 67.81657156872735, + "f1_weighted": 67.81657156872735, + "main_score": 68.45135 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/AmazonReviewsClassification.json b/results/minishlab__M2V_base_glove/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..aa3b39b98 --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/AmazonReviewsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 31.838, + "f1": 31.4067444768528, + "f1_weighted": 31.4067444768528, + "main_score": 31.838 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/ArguAna.json b/results/minishlab__M2V_base_glove/external/ArguAna.json new file mode 100644 index 000000000..845da8694 --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/ArguAna.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 33.774, + "map_at_1": 17.212, + "map_at_10": 27.572000000000003, + "map_at_100": 28.756999999999998, + "map_at_1000": 28.826, + "map_at_20": 28.275, + "map_at_3": 24.064, + "map_at_5": 25.909, + "mrr_at_1": 17.56756756756757, + "mrr_at_10": 27.708206326627337, + "mrr_at_100": 28.89290919456729, + "mrr_at_1000": 28.96196792349176, + "mrr_at_20": 28.411079006850485, + "mrr_at_3": 24.182076813655733, + "mrr_at_5": 26.045519203413875, + "nauc_map_at_1000_diff1": 8.485123367352873, + "nauc_map_at_1000_max": -0.9193979953494795, + "nauc_map_at_1000_std": 15.100068482294574, + "nauc_map_at_100_diff1": 8.519325841728035, + "nauc_map_at_100_max": -0.8956256416288586, + "nauc_map_at_100_std": 15.147231104798806, + "nauc_map_at_10_diff1": 8.380916599430705, + "nauc_map_at_10_max": -0.9917288035736084, + "nauc_map_at_10_std": 14.761940291815831, + "nauc_map_at_1_diff1": 9.060503842089553, + "nauc_map_at_1_max": -4.8081298761261655, + "nauc_map_at_1_std": 11.125316223515181, + "nauc_map_at_20_diff1": 8.516487295524888, + "nauc_map_at_20_max": -0.8417277704421139, + "nauc_map_at_20_std": 15.101334311163782, + "nauc_map_at_3_diff1": 7.922067336816303, + "nauc_map_at_3_max": -2.2211217686219347, + "nauc_map_at_3_std": 12.687891894715243, + "nauc_map_at_5_diff1": 7.407423493480417, + "nauc_map_at_5_max": -2.4578439857602445, + "nauc_map_at_5_std": 13.543477676837792, + "nauc_mrr_at_1000_diff1": 7.318853326158743, + "nauc_mrr_at_1000_max": -0.74537688800884, + "nauc_mrr_at_1000_std": 14.72062445798488, + "nauc_mrr_at_100_diff1": 7.35529594869805, + "nauc_mrr_at_100_max": -0.722109219876811, + "nauc_mrr_at_100_std": 14.768290519037613, + "nauc_mrr_at_10_diff1": 7.21492350238724, + "nauc_mrr_at_10_max": -0.8670677275648112, + "nauc_mrr_at_10_std": 14.38960682092002, + "nauc_mrr_at_1_diff1": 7.5570385779405775, + "nauc_mrr_at_1_max": -3.16483196648834, + "nauc_mrr_at_1_std": 10.218393597427989, + "nauc_mrr_at_20_diff1": 7.335130620378978, + "nauc_mrr_at_20_max": -0.6993053791581448, + "nauc_mrr_at_20_std": 14.708624057565162, + "nauc_mrr_at_3_diff1": 6.613680793028679, + "nauc_mrr_at_3_max": -2.2272295185954625, + "nauc_mrr_at_3_std": 12.388157171198323, + "nauc_mrr_at_5_diff1": 6.212985461013579, + "nauc_mrr_at_5_max": -2.338470059431682, + "nauc_mrr_at_5_std": 13.240099646562145, + "nauc_ndcg_at_1000_diff1": 8.840275201346746, + "nauc_ndcg_at_1000_max": 0.6647417450383817, + "nauc_ndcg_at_1000_std": 17.8564730922891, + "nauc_ndcg_at_100_diff1": 9.762676212675903, + "nauc_ndcg_at_100_max": 1.4262377536189703, + "nauc_ndcg_at_100_std": 19.4795643393269, + "nauc_ndcg_at_10_diff1": 9.188741734944518, + "nauc_ndcg_at_10_max": 1.3802584933742896, + "nauc_ndcg_at_10_std": 17.506067996460327, + "nauc_ndcg_at_1_diff1": 9.060503842089553, + "nauc_ndcg_at_1_max": -4.8081298761261655, + "nauc_ndcg_at_1_std": 11.125316223515181, + "nauc_ndcg_at_20_diff1": 9.746204603745053, + "nauc_ndcg_at_20_max": 1.788309512869953, + "nauc_ndcg_at_20_std": 18.9423764949264, + "nauc_ndcg_at_3_diff1": 7.774791913420696, + "nauc_ndcg_at_3_max": -1.597066965567201, + "nauc_ndcg_at_3_std": 13.176494210176115, + "nauc_ndcg_at_5_diff1": 6.842522112636893, + "nauc_ndcg_at_5_max": -1.973068438869888, + "nauc_ndcg_at_5_std": 14.57209872417026, + "nauc_precision_at_1000_diff1": -3.0834719469656173, + "nauc_precision_at_1000_max": 14.451702830586255, + "nauc_precision_at_1000_std": 54.77279828687448, + "nauc_precision_at_100_diff1": 18.013952140209113, + "nauc_precision_at_100_max": 13.365490775657305, + "nauc_precision_at_100_std": 46.774497474558906, + "nauc_precision_at_10_diff1": 12.087879006855367, + "nauc_precision_at_10_max": 8.577753066338223, + "nauc_precision_at_10_std": 25.83055948986621, + "nauc_precision_at_1_diff1": 9.060503842089553, + "nauc_precision_at_1_max": -4.8081298761261655, + "nauc_precision_at_1_std": 11.125316223515181, + "nauc_precision_at_20_diff1": 14.837517107092523, + "nauc_precision_at_20_max": 10.825098623940823, + "nauc_precision_at_20_std": 33.07428383738506, + "nauc_precision_at_3_diff1": 7.454307392090738, + "nauc_precision_at_3_max": -0.07600576651425912, + "nauc_precision_at_3_std": 14.401150268962715, + "nauc_precision_at_5_diff1": 5.3722482323229945, + "nauc_precision_at_5_max": -0.8401775506949162, + "nauc_precision_at_5_std": 17.210282537073585, + "nauc_recall_at_1000_diff1": -3.0834719469653953, + "nauc_recall_at_1000_max": 14.451702830586296, + "nauc_recall_at_1000_std": 54.77279828687437, + "nauc_recall_at_100_diff1": 18.013952140209057, + "nauc_recall_at_100_max": 13.365490775657346, + "nauc_recall_at_100_std": 46.77449747455887, + "nauc_recall_at_10_diff1": 12.08787900685538, + "nauc_recall_at_10_max": 8.577753066338186, + "nauc_recall_at_10_std": 25.830559489866182, + "nauc_recall_at_1_diff1": 9.060503842089553, + "nauc_recall_at_1_max": -4.8081298761261655, + "nauc_recall_at_1_std": 11.125316223515181, + "nauc_recall_at_20_diff1": 14.837517107092587, + "nauc_recall_at_20_max": 10.825098623940837, + "nauc_recall_at_20_std": 33.07428383738506, + "nauc_recall_at_3_diff1": 7.45430739209076, + "nauc_recall_at_3_max": -0.07600576651424053, + "nauc_recall_at_3_std": 14.401150268962763, + "nauc_recall_at_5_diff1": 5.372248232322972, + "nauc_recall_at_5_max": -0.8401775506949434, + "nauc_recall_at_5_std": 17.210282537073567, + "ndcg_at_1": 17.212, + "ndcg_at_10": 33.774, + "ndcg_at_100": 39.648, + "ndcg_at_1000": 41.557, + "ndcg_at_20": 36.317, + "ndcg_at_3": 26.439, + "ndcg_at_5": 29.787000000000003, + "precision_at_1": 17.212, + "precision_at_10": 5.377, + "precision_at_100": 0.814, + "precision_at_1000": 0.097, + "precision_at_20": 3.19, + "precision_at_3": 11.119, + "precision_at_5": 8.307, + "recall_at_1": 17.212, + "recall_at_10": 53.769999999999996, + "recall_at_100": 81.437, + "recall_at_1000": 96.65700000000001, + "recall_at_20": 63.798, + "recall_at_3": 33.357, + "recall_at_5": 41.536 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/ArxivClusteringP2P.json b/results/minishlab__M2V_base_glove/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..5c812cb82 --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/ArxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 36.269773496288245, + "v_measure": 36.269773496288245, + "v_measure_std": 14.198119547704884 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/ArxivClusteringS2S.json b/results/minishlab__M2V_base_glove/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..e90a543d9 --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/ArxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 26.49448515145058, + "v_measure": 26.49448515145058, + "v_measure_std": 14.782872832774022 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/AskUbuntuDupQuestions.json b/results/minishlab__M2V_base_glove/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..a53a9ac43 --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/AskUbuntuDupQuestions.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 52.88598975544666, + "map": 52.88598975544666, + "mrr": 67.66906300839818, + "nAUC_map_diff1": 10.49901867802098, + "nAUC_map_max": 16.22592076548971, + "nAUC_map_std": 8.364041971796572, + "nAUC_mrr_diff1": 9.318385742328429, + "nAUC_mrr_max": 25.360931571595074, + "nAUC_mrr_std": 10.230339410350053 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/BIOSSES.json b/results/minishlab__M2V_base_glove/external/BIOSSES.json new file mode 100644 index 000000000..8f19aaeed --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 63.84878372119195, + "cosine_spearman": 65.856922281397, + "euclidean_pearson": 40.02875369629121, + "euclidean_spearman": 49.260760994073486, + "main_score": 65.856922281397, + "manhattan_pearson": 39.167512785706535, + "manhattan_spearman": 49.23786890619668, + "pearson": 63.84878372119195, + "spearman": 65.856922281397 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/Banking77Classification.json b/results/minishlab__M2V_base_glove/external/Banking77Classification.json new file mode 100644 index 000000000..21a4f9108 --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/Banking77Classification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.38961038961038, + "f1": 72.56423030958749, + "f1_weighted": 72.5642303095875, + "main_score": 72.38961038961038 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/BiorxivClusteringP2P.json b/results/minishlab__M2V_base_glove/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..bf7dabe11 --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/BiorxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 32.25731264202783, + "v_measure": 32.25731264202783, + "v_measure_std": 0.6180162953967675 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/BiorxivClusteringS2S.json b/results/minishlab__M2V_base_glove/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..277fc69b8 --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/BiorxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 22.338013507954145, + "v_measure": 22.338013507954145, + "v_measure_std": 0.8858915900286259 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/CQADupstackAndroidRetrieval.json b/results/minishlab__M2V_base_glove/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..cab8881b1 --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f46a197baaae43b4f621051089b82a364682dfeb", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 27.422, + "map_at_1": 15.805, + "map_at_10": 22.539, + "map_at_100": 23.580000000000002, + "map_at_1000": 23.724999999999998, + "map_at_20": 22.979, + "map_at_3": 19.824, + "map_at_5": 21.23, + "mrr_at_1": 20.171673819742487, + "mrr_at_10": 27.032552172037143, + "mrr_at_100": 27.87771584885484, + "mrr_at_1000": 27.958914975599175, + "mrr_at_20": 27.424591091295408, + "mrr_at_3": 24.58273724368146, + "mrr_at_5": 25.82021936099191, + "nauc_map_at_1000_diff1": 42.57030843164609, + "nauc_map_at_1000_max": 27.21303919157657, + "nauc_map_at_1000_std": -4.5260719947191825, + "nauc_map_at_100_diff1": 42.58560170722753, + "nauc_map_at_100_max": 27.172621592070005, + "nauc_map_at_100_std": -4.608320819640847, + "nauc_map_at_10_diff1": 43.20261782730561, + "nauc_map_at_10_max": 27.17733501002295, + "nauc_map_at_10_std": -4.853722954829147, + "nauc_map_at_1_diff1": 50.4589534396627, + "nauc_map_at_1_max": 31.98243028349231, + "nauc_map_at_1_std": -5.994261367708959, + "nauc_map_at_20_diff1": 42.738499762952614, + "nauc_map_at_20_max": 27.143975463265175, + "nauc_map_at_20_std": -4.806069582811075, + "nauc_map_at_3_diff1": 44.56389669066582, + "nauc_map_at_3_max": 26.833926287971416, + "nauc_map_at_3_std": -4.955428514290965, + "nauc_map_at_5_diff1": 43.86876315553915, + "nauc_map_at_5_max": 27.333186284565176, + "nauc_map_at_5_std": -5.074595359564486, + "nauc_mrr_at_1000_diff1": 39.63679192264147, + "nauc_mrr_at_1000_max": 26.234117053729133, + "nauc_mrr_at_1000_std": -2.3877696058349405, + "nauc_mrr_at_100_diff1": 39.60055271322061, + "nauc_mrr_at_100_max": 26.209241967136354, + "nauc_mrr_at_100_std": -2.40172379518456, + "nauc_mrr_at_10_diff1": 39.91403030715458, + "nauc_mrr_at_10_max": 26.291376019365615, + "nauc_mrr_at_10_std": -2.808990142924426, + "nauc_mrr_at_1_diff1": 47.28788038819518, + "nauc_mrr_at_1_max": 30.963706202382934, + "nauc_mrr_at_1_std": -3.51497869942044, + "nauc_mrr_at_20_diff1": 39.632871640502756, + "nauc_mrr_at_20_max": 26.268767712675096, + "nauc_mrr_at_20_std": -2.5995012134040913, + "nauc_mrr_at_3_diff1": 41.59291827397769, + "nauc_mrr_at_3_max": 26.377970945135985, + "nauc_mrr_at_3_std": -2.260424527742146, + "nauc_mrr_at_5_diff1": 40.660417345775265, + "nauc_mrr_at_5_max": 26.53119326656918, + "nauc_mrr_at_5_std": -2.6138936135502435, + "nauc_ndcg_at_1000_diff1": 38.09235776641414, + "nauc_ndcg_at_1000_max": 25.640060639600037, + "nauc_ndcg_at_1000_std": -1.0492521706000484, + "nauc_ndcg_at_100_diff1": 37.58032591292403, + "nauc_ndcg_at_100_max": 25.227643635602963, + "nauc_ndcg_at_100_std": -2.062733211841763, + "nauc_ndcg_at_10_diff1": 39.5902476515199, + "nauc_ndcg_at_10_max": 25.54860574123993, + "nauc_ndcg_at_10_std": -3.945402600781258, + "nauc_ndcg_at_1_diff1": 47.28788038819518, + "nauc_ndcg_at_1_max": 30.963706202382934, + "nauc_ndcg_at_1_std": -3.51497869942044, + "nauc_ndcg_at_20_diff1": 38.21420502242327, + "nauc_ndcg_at_20_max": 25.36312552066329, + "nauc_ndcg_at_20_std": -3.620006678321481, + "nauc_ndcg_at_3_diff1": 41.618842500004114, + "nauc_ndcg_at_3_max": 24.49658271374697, + "nauc_ndcg_at_3_std": -3.1464626400858737, + "nauc_ndcg_at_5_diff1": 40.62911850945203, + "nauc_ndcg_at_5_max": 25.645929097520533, + "nauc_ndcg_at_5_std": -3.930292192790889, + "nauc_precision_at_1000_diff1": -11.247759993119494, + "nauc_precision_at_1000_max": 0.0520592709173242, + "nauc_precision_at_1000_std": 13.875737244571596, + "nauc_precision_at_100_diff1": 2.9396114844829846, + "nauc_precision_at_100_max": 12.65311404861249, + "nauc_precision_at_100_std": 5.197197717403989, + "nauc_precision_at_10_diff1": 21.598728649828637, + "nauc_precision_at_10_max": 19.600344390387036, + "nauc_precision_at_10_std": -2.287072109349386, + "nauc_precision_at_1_diff1": 47.28788038819518, + "nauc_precision_at_1_max": 30.963706202382934, + "nauc_precision_at_1_std": -3.51497869942044, + "nauc_precision_at_20_diff1": 14.033184370220674, + "nauc_precision_at_20_max": 18.336361358754594, + "nauc_precision_at_20_std": -1.129136759880148, + "nauc_precision_at_3_diff1": 32.877986961799415, + "nauc_precision_at_3_max": 18.58314886301541, + "nauc_precision_at_3_std": -1.3149473444001074, + "nauc_precision_at_5_diff1": 28.64823897592757, + "nauc_precision_at_5_max": 20.1392449105061, + "nauc_precision_at_5_std": -2.4972384266998424, + "nauc_recall_at_1000_diff1": 20.162811892550007, + "nauc_recall_at_1000_max": 14.914546121550105, + "nauc_recall_at_1000_std": 22.679861727471952, + "nauc_recall_at_100_diff1": 21.682602022946543, + "nauc_recall_at_100_max": 17.054270054720657, + "nauc_recall_at_100_std": 6.873757453857215, + "nauc_recall_at_10_diff1": 31.380594956722373, + "nauc_recall_at_10_max": 19.869238680763793, + "nauc_recall_at_10_std": -2.3399003157867297, + "nauc_recall_at_1_diff1": 50.4589534396627, + "nauc_recall_at_1_max": 31.98243028349231, + "nauc_recall_at_1_std": -5.994261367708959, + "nauc_recall_at_20_diff1": 26.8397372221868, + "nauc_recall_at_20_max": 19.363005179158783, + "nauc_recall_at_20_std": -1.6220262325260055, + "nauc_recall_at_3_diff1": 37.022991018079324, + "nauc_recall_at_3_max": 20.02153979328149, + "nauc_recall_at_3_std": -2.6647682121076017, + "nauc_recall_at_5_diff1": 34.27903939519203, + "nauc_recall_at_5_max": 21.241055817449386, + "nauc_recall_at_5_std": -3.4314867128318873, + "ndcg_at_1": 20.172, + "ndcg_at_10": 27.422, + "ndcg_at_100": 32.505, + "ndcg_at_1000": 35.637, + "ndcg_at_20": 28.814, + "ndcg_at_3": 22.977, + "ndcg_at_5": 24.765, + "precision_at_1": 20.172, + "precision_at_10": 5.6370000000000005, + "precision_at_100": 1.027, + "precision_at_1000": 0.161, + "precision_at_20": 3.3259999999999996, + "precision_at_3": 11.493, + "precision_at_5": 8.584, + "recall_at_1": 15.805, + "recall_at_10": 37.374, + "recall_at_100": 60.279, + "recall_at_1000": 81.635, + "recall_at_20": 42.439, + "recall_at_3": 24.2, + "recall_at_5": 29.309 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/CQADupstackEnglishRetrieval.json b/results/minishlab__M2V_base_glove/external/CQADupstackEnglishRetrieval.json new file mode 100644 index 000000000..16d08b84f --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/CQADupstackEnglishRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ad9991cb51e31e31e430383c75ffb2885547b5f0", + "task_name": "CQADupstackEnglishRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 22.185, + "map_at_1": 13.771, + "map_at_10": 18.723, + "map_at_100": 19.547, + "map_at_1000": 19.67, + "map_at_20": 19.144, + "map_at_3": 17.039, + "map_at_5": 18.07, + "mrr_at_1": 17.261146496815286, + "mrr_at_10": 22.57607926397735, + "mrr_at_100": 23.328421262845985, + "mrr_at_1000": 23.406708440207726, + "mrr_at_20": 23.00513067729992, + "mrr_at_3": 20.881104033970274, + "mrr_at_5": 21.90976645435243, + "nauc_map_at_1000_diff1": 41.81438335345437, + "nauc_map_at_1000_max": 8.562208130739274, + "nauc_map_at_1000_std": -1.137157212764164, + "nauc_map_at_100_diff1": 41.85780839439892, + "nauc_map_at_100_max": 8.566307619578293, + "nauc_map_at_100_std": -1.2129732393356614, + "nauc_map_at_10_diff1": 41.785746693197126, + "nauc_map_at_10_max": 8.77020097530979, + "nauc_map_at_10_std": -1.860022142851326, + "nauc_map_at_1_diff1": 49.349328412728234, + "nauc_map_at_1_max": 9.959808327960705, + "nauc_map_at_1_std": -2.4979706379347015, + "nauc_map_at_20_diff1": 41.99867158799419, + "nauc_map_at_20_max": 8.630845517982852, + "nauc_map_at_20_std": -1.5555880960790722, + "nauc_map_at_3_diff1": 42.8531788404898, + "nauc_map_at_3_max": 9.38507401851082, + "nauc_map_at_3_std": -2.296896840269839, + "nauc_map_at_5_diff1": 42.12620645186648, + "nauc_map_at_5_max": 9.264433745870681, + "nauc_map_at_5_std": -2.0693688828997736, + "nauc_mrr_at_1000_diff1": 40.29012154388628, + "nauc_mrr_at_1000_max": 8.779701545657264, + "nauc_mrr_at_1000_std": -0.20014917783799155, + "nauc_mrr_at_100_diff1": 40.3006068547429, + "nauc_mrr_at_100_max": 8.775743924193097, + "nauc_mrr_at_100_std": -0.20828264879030806, + "nauc_mrr_at_10_diff1": 40.33534553416421, + "nauc_mrr_at_10_max": 8.981726859310484, + "nauc_mrr_at_10_std": -0.5216611931728035, + "nauc_mrr_at_1_diff1": 46.65590153016528, + "nauc_mrr_at_1_max": 11.354410377930167, + "nauc_mrr_at_1_std": -0.48512368172284914, + "nauc_mrr_at_20_diff1": 40.34786514439957, + "nauc_mrr_at_20_max": 8.832294217324495, + "nauc_mrr_at_20_std": -0.42924000733933554, + "nauc_mrr_at_3_diff1": 41.28224899603959, + "nauc_mrr_at_3_max": 10.003171996897654, + "nauc_mrr_at_3_std": -0.8113798290447825, + "nauc_mrr_at_5_diff1": 40.56541714571373, + "nauc_mrr_at_5_max": 9.563905395193512, + "nauc_mrr_at_5_std": -0.8315502471129665, + "nauc_ndcg_at_1000_diff1": 38.05472732838954, + "nauc_ndcg_at_1000_max": 6.7845911459695305, + "nauc_ndcg_at_1000_std": 2.2417310333870804, + "nauc_ndcg_at_100_diff1": 38.769913303134494, + "nauc_ndcg_at_100_max": 6.98512669077204, + "nauc_ndcg_at_100_std": 1.0262609809171577, + "nauc_ndcg_at_10_diff1": 38.908082234801846, + "nauc_ndcg_at_10_max": 7.603096791364804, + "nauc_ndcg_at_10_std": -1.1550921794586773, + "nauc_ndcg_at_1_diff1": 46.65590153016528, + "nauc_ndcg_at_1_max": 11.354410377930167, + "nauc_ndcg_at_1_std": -0.48512368172284914, + "nauc_ndcg_at_20_diff1": 39.465569854802325, + "nauc_ndcg_at_20_max": 7.154863969387037, + "nauc_ndcg_at_20_std": -0.6152305686970557, + "nauc_ndcg_at_3_diff1": 40.30563509474192, + "nauc_ndcg_at_3_max": 9.303308928291493, + "nauc_ndcg_at_3_std": -1.7310855429382492, + "nauc_ndcg_at_5_diff1": 39.43089993856754, + "nauc_ndcg_at_5_max": 8.684101391653703, + "nauc_ndcg_at_5_std": -1.5609939178898662, + "nauc_precision_at_1000_diff1": 3.0018103428187315, + "nauc_precision_at_1000_max": -0.12486785354520373, + "nauc_precision_at_1000_std": 16.595960891881056, + "nauc_precision_at_100_diff1": 15.783807114606802, + "nauc_precision_at_100_max": 2.2692493411585826, + "nauc_precision_at_100_std": 12.367040550680183, + "nauc_precision_at_10_diff1": 26.23103176130776, + "nauc_precision_at_10_max": 5.077361697939634, + "nauc_precision_at_10_std": 3.2548036883456657, + "nauc_precision_at_1_diff1": 46.65590153016528, + "nauc_precision_at_1_max": 11.354410377930167, + "nauc_precision_at_1_std": -0.48512368172284914, + "nauc_precision_at_20_diff1": 24.983738615009624, + "nauc_precision_at_20_max": 3.095779692318981, + "nauc_precision_at_20_std": 6.526918452724511, + "nauc_precision_at_3_diff1": 32.03964896171193, + "nauc_precision_at_3_max": 10.000197471378979, + "nauc_precision_at_3_std": -0.3781576907697181, + "nauc_precision_at_5_diff1": 29.031758722891198, + "nauc_precision_at_5_max": 8.97944054772189, + "nauc_precision_at_5_std": 0.5467561737293052, + "nauc_recall_at_1000_diff1": 22.648641936528087, + "nauc_recall_at_1000_max": -0.43222220598242816, + "nauc_recall_at_1000_std": 16.242047878703833, + "nauc_recall_at_100_diff1": 29.817588639346766, + "nauc_recall_at_100_max": 2.582453220704315, + "nauc_recall_at_100_std": 6.976670600001465, + "nauc_recall_at_10_diff1": 32.0508451306858, + "nauc_recall_at_10_max": 4.398320289922377, + "nauc_recall_at_10_std": -1.1675629134288315, + "nauc_recall_at_1_diff1": 49.349328412728234, + "nauc_recall_at_1_max": 9.959808327960705, + "nauc_recall_at_1_std": -2.4979706379347015, + "nauc_recall_at_20_diff1": 33.11704220737327, + "nauc_recall_at_20_max": 3.1705964314148267, + "nauc_recall_at_20_std": 0.2300386402818066, + "nauc_recall_at_3_diff1": 35.99265552818323, + "nauc_recall_at_3_max": 7.869051232744449, + "nauc_recall_at_3_std": -2.358653198443007, + "nauc_recall_at_5_diff1": 33.520063454248074, + "nauc_recall_at_5_max": 6.8093745620610395, + "nauc_recall_at_5_std": -1.7390155063380721, + "ndcg_at_1": 17.261000000000003, + "ndcg_at_10": 22.185, + "ndcg_at_100": 26.107000000000003, + "ndcg_at_1000": 29.071, + "ndcg_at_20": 23.56, + "ndcg_at_3": 19.333, + "ndcg_at_5": 20.807000000000002, + "precision_at_1": 17.261000000000003, + "precision_at_10": 4.223, + "precision_at_100": 0.783, + "precision_at_1000": 0.128, + "precision_at_20": 2.608, + "precision_at_3": 9.299, + "precision_at_5": 6.854, + "recall_at_1": 13.771, + "recall_at_10": 28.508, + "recall_at_100": 45.863, + "recall_at_1000": 66.604, + "recall_at_20": 33.588, + "recall_at_3": 20.427999999999997, + "recall_at_5": 24.357 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/CQADupstackGamingRetrieval.json b/results/minishlab__M2V_base_glove/external/CQADupstackGamingRetrieval.json new file mode 100644 index 000000000..5ea390136 --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/CQADupstackGamingRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "4885aa143210c98657558c04aaf3dc47cfb54340", + "task_name": "CQADupstackGamingRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 33.79, + "map_at_1": 21.637999999999998, + "map_at_10": 29.212, + "map_at_100": 30.214999999999996, + "map_at_1000": 30.312, + "map_at_20": 29.757, + "map_at_3": 26.734, + "map_at_5": 28.131, + "mrr_at_1": 25.07836990595611, + "mrr_at_10": 32.23615464994772, + "mrr_at_100": 33.086737260738005, + "mrr_at_1000": 33.15229870932955, + "mrr_at_20": 32.7018407151951, + "mrr_at_3": 29.905956112852643, + "mrr_at_5": 31.24137931034478, + "nauc_map_at_1000_diff1": 37.12307495362121, + "nauc_map_at_1000_max": 21.537265058555853, + "nauc_map_at_1000_std": -8.738060307090839, + "nauc_map_at_100_diff1": 37.1180741454758, + "nauc_map_at_100_max": 21.554344473420436, + "nauc_map_at_100_std": -8.78869495524838, + "nauc_map_at_10_diff1": 37.171532078470385, + "nauc_map_at_10_max": 21.419973328157454, + "nauc_map_at_10_std": -9.225483825250098, + "nauc_map_at_1_diff1": 41.21674359277609, + "nauc_map_at_1_max": 21.17386538449636, + "nauc_map_at_1_std": -10.13071651221397, + "nauc_map_at_20_diff1": 37.07089391994802, + "nauc_map_at_20_max": 21.56668913570749, + "nauc_map_at_20_std": -9.063862622862095, + "nauc_map_at_3_diff1": 37.685900130415895, + "nauc_map_at_3_max": 20.275025161152723, + "nauc_map_at_3_std": -10.786471610700463, + "nauc_map_at_5_diff1": 36.8471833508775, + "nauc_map_at_5_max": 20.92621364369423, + "nauc_map_at_5_std": -9.950094695828529, + "nauc_mrr_at_1000_diff1": 37.38260924638214, + "nauc_mrr_at_1000_max": 23.783503700138628, + "nauc_mrr_at_1000_std": -8.062115131406841, + "nauc_mrr_at_100_diff1": 37.369442118264715, + "nauc_mrr_at_100_max": 23.786993434343938, + "nauc_mrr_at_100_std": -8.068423378948197, + "nauc_mrr_at_10_diff1": 37.39001292590747, + "nauc_mrr_at_10_max": 23.888309074872616, + "nauc_mrr_at_10_std": -8.302475901455704, + "nauc_mrr_at_1_diff1": 42.04523215156183, + "nauc_mrr_at_1_max": 24.284081712011343, + "nauc_mrr_at_1_std": -9.814660127876252, + "nauc_mrr_at_20_diff1": 37.379334155540214, + "nauc_mrr_at_20_max": 23.844473948925106, + "nauc_mrr_at_20_std": -8.235356584670322, + "nauc_mrr_at_3_diff1": 38.139923039533954, + "nauc_mrr_at_3_max": 23.56622226506994, + "nauc_mrr_at_3_std": -9.875475998553846, + "nauc_mrr_at_5_diff1": 37.32472725762185, + "nauc_mrr_at_5_max": 23.678357942681288, + "nauc_mrr_at_5_std": -8.973665899372584, + "nauc_ndcg_at_1000_diff1": 35.9269587646789, + "nauc_ndcg_at_1000_max": 22.032154334522335, + "nauc_ndcg_at_1000_std": -4.420257572893553, + "nauc_ndcg_at_100_diff1": 35.70701221495438, + "nauc_ndcg_at_100_max": 22.385258261960903, + "nauc_ndcg_at_100_std": -5.218237549092405, + "nauc_ndcg_at_10_diff1": 35.84180901292102, + "nauc_ndcg_at_10_max": 22.464645985022006, + "nauc_ndcg_at_10_std": -7.5341732536415975, + "nauc_ndcg_at_1_diff1": 42.04523215156183, + "nauc_ndcg_at_1_max": 24.284081712011343, + "nauc_ndcg_at_1_std": -9.814660127876252, + "nauc_ndcg_at_20_diff1": 35.52062094141778, + "nauc_ndcg_at_20_max": 22.55317967653313, + "nauc_ndcg_at_20_std": -7.110500864173957, + "nauc_ndcg_at_3_diff1": 36.81378575758175, + "nauc_ndcg_at_3_max": 20.819587275808576, + "nauc_ndcg_at_3_std": -10.624109644518786, + "nauc_ndcg_at_5_diff1": 35.36217863334981, + "nauc_ndcg_at_5_max": 21.612788726107834, + "nauc_ndcg_at_5_std": -9.18508650489183, + "nauc_precision_at_1000_diff1": 5.772508569767738, + "nauc_precision_at_1000_max": 7.590203889721581, + "nauc_precision_at_1000_std": 25.20499657865677, + "nauc_precision_at_100_diff1": 17.027746274944796, + "nauc_precision_at_100_max": 18.23112402146368, + "nauc_precision_at_100_std": 14.975250839963802, + "nauc_precision_at_10_diff1": 27.568104882639886, + "nauc_precision_at_10_max": 24.523260535220405, + "nauc_precision_at_10_std": -0.7790401720706134, + "nauc_precision_at_1_diff1": 42.04523215156183, + "nauc_precision_at_1_max": 24.284081712011343, + "nauc_precision_at_1_std": -9.814660127876252, + "nauc_precision_at_20_diff1": 23.61060569911262, + "nauc_precision_at_20_max": 23.27474009600092, + "nauc_precision_at_20_std": 2.1363983504905684, + "nauc_precision_at_3_diff1": 32.021133529943114, + "nauc_precision_at_3_max": 21.951492022009393, + "nauc_precision_at_3_std": -9.33081717856222, + "nauc_precision_at_5_diff1": 27.781401018009493, + "nauc_precision_at_5_max": 23.00327374589772, + "nauc_precision_at_5_std": -5.582376474473184, + "nauc_recall_at_1000_diff1": 28.08463704110158, + "nauc_recall_at_1000_max": 14.719308230994152, + "nauc_recall_at_1000_std": 31.09066132145234, + "nauc_recall_at_100_diff1": 28.757625108969016, + "nauc_recall_at_100_max": 20.69402876399338, + "nauc_recall_at_100_std": 10.02186914341548, + "nauc_recall_at_10_diff1": 30.775586269840577, + "nauc_recall_at_10_max": 22.4818353459375, + "nauc_recall_at_10_std": -3.004399664292814, + "nauc_recall_at_1_diff1": 41.21674359277609, + "nauc_recall_at_1_max": 21.17386538449636, + "nauc_recall_at_1_std": -10.13071651221397, + "nauc_recall_at_20_diff1": 29.12970422131222, + "nauc_recall_at_20_max": 22.211132247666548, + "nauc_recall_at_20_std": -1.6807314724407867, + "nauc_recall_at_3_diff1": 33.437878690991376, + "nauc_recall_at_3_max": 18.621911570214518, + "nauc_recall_at_3_std": -10.670879405179733, + "nauc_recall_at_5_diff1": 30.19398360899056, + "nauc_recall_at_5_max": 20.646327147212524, + "nauc_recall_at_5_std": -7.5225214344616615, + "ndcg_at_1": 25.078, + "ndcg_at_10": 33.79, + "ndcg_at_100": 38.72, + "ndcg_at_1000": 41.107, + "ndcg_at_20": 35.609, + "ndcg_at_3": 29.096, + "ndcg_at_5": 31.348, + "precision_at_1": 25.078, + "precision_at_10": 5.618, + "precision_at_100": 0.8909999999999999, + "precision_at_1000": 0.117, + "precision_at_20": 3.292, + "precision_at_3": 13.062000000000001, + "precision_at_5": 9.254, + "recall_at_1": 21.637999999999998, + "recall_at_10": 44.968, + "recall_at_100": 67.415, + "recall_at_1000": 84.88799999999999, + "recall_at_20": 51.762, + "recall_at_3": 32.054, + "recall_at_5": 37.677 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/CQADupstackGisRetrieval.json b/results/minishlab__M2V_base_glove/external/CQADupstackGisRetrieval.json new file mode 100644 index 000000000..278410c16 --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/CQADupstackGisRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "5003b3064772da1887988e05400cf3806fe491f2", + "task_name": "CQADupstackGisRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 13.854, + "map_at_1": 8.437, + "map_at_10": 11.713, + "map_at_100": 12.398000000000001, + "map_at_1000": 12.506999999999998, + "map_at_20": 12.058, + "map_at_3": 10.584, + "map_at_5": 11.12, + "mrr_at_1": 8.926553672316384, + "mrr_at_10": 12.423325262308312, + "mrr_at_100": 13.10586004343873, + "mrr_at_1000": 13.212007969459988, + "mrr_at_20": 12.758616943509635, + "mrr_at_3": 11.224105461393593, + "mrr_at_5": 11.828625235404894, + "nauc_map_at_1000_diff1": 31.895778457147372, + "nauc_map_at_1000_max": 17.690415779738842, + "nauc_map_at_1000_std": -18.79188186045447, + "nauc_map_at_100_diff1": 31.892654811209773, + "nauc_map_at_100_max": 17.621047925604824, + "nauc_map_at_100_std": -18.791276567129998, + "nauc_map_at_10_diff1": 33.426989015523645, + "nauc_map_at_10_max": 18.050335773420002, + "nauc_map_at_10_std": -19.382509111730492, + "nauc_map_at_1_diff1": 42.314161966032856, + "nauc_map_at_1_max": 22.207585066404487, + "nauc_map_at_1_std": -23.600059254769178, + "nauc_map_at_20_diff1": 32.41734162581042, + "nauc_map_at_20_max": 17.85152366175027, + "nauc_map_at_20_std": -18.99269556017807, + "nauc_map_at_3_diff1": 35.23676219675338, + "nauc_map_at_3_max": 19.07665145397135, + "nauc_map_at_3_std": -21.38726052792218, + "nauc_map_at_5_diff1": 33.88523071159954, + "nauc_map_at_5_max": 18.023838499714422, + "nauc_map_at_5_std": -20.640978226500593, + "nauc_mrr_at_1000_diff1": 30.084485141409704, + "nauc_mrr_at_1000_max": 18.463084602140174, + "nauc_mrr_at_1000_std": -16.96576220212689, + "nauc_mrr_at_100_diff1": 30.083032361790384, + "nauc_mrr_at_100_max": 18.41867896211605, + "nauc_mrr_at_100_std": -16.941672717749174, + "nauc_mrr_at_10_diff1": 31.454758915975727, + "nauc_mrr_at_10_max": 18.89724676766129, + "nauc_mrr_at_10_std": -17.494532807628087, + "nauc_mrr_at_1_diff1": 40.42911498617085, + "nauc_mrr_at_1_max": 23.687375206668168, + "nauc_mrr_at_1_std": -21.73867940605904, + "nauc_mrr_at_20_diff1": 30.46673282152249, + "nauc_mrr_at_20_max": 18.578617566395927, + "nauc_mrr_at_20_std": -17.093906397674257, + "nauc_mrr_at_3_diff1": 33.47174891283547, + "nauc_mrr_at_3_max": 20.253650649438896, + "nauc_mrr_at_3_std": -19.54698186106603, + "nauc_mrr_at_5_diff1": 31.746879870345563, + "nauc_mrr_at_5_max": 18.901963239215746, + "nauc_mrr_at_5_std": -18.621911662052824, + "nauc_ndcg_at_1000_diff1": 24.09096968865543, + "nauc_ndcg_at_1000_max": 15.891636106534374, + "nauc_ndcg_at_1000_std": -13.871634842181408, + "nauc_ndcg_at_100_diff1": 24.175105867882852, + "nauc_ndcg_at_100_max": 14.17771979280098, + "nauc_ndcg_at_100_std": -13.991847290428177, + "nauc_ndcg_at_10_diff1": 29.77008313203033, + "nauc_ndcg_at_10_max": 16.49571094148876, + "nauc_ndcg_at_10_std": -16.42614748077505, + "nauc_ndcg_at_1_diff1": 40.42911498617085, + "nauc_ndcg_at_1_max": 23.687375206668168, + "nauc_ndcg_at_1_std": -21.73867940605904, + "nauc_ndcg_at_20_diff1": 26.76029443519322, + "nauc_ndcg_at_20_max": 15.74572558341743, + "nauc_ndcg_at_20_std": -15.32279872308287, + "nauc_ndcg_at_3_diff1": 32.806913565642375, + "nauc_ndcg_at_3_max": 18.45178369596658, + "nauc_ndcg_at_3_std": -20.37006496685283, + "nauc_ndcg_at_5_diff1": 30.494877222338364, + "nauc_ndcg_at_5_max": 16.541239086008822, + "nauc_ndcg_at_5_std": -19.015633388163188, + "nauc_precision_at_1000_diff1": -0.43658726743856746, + "nauc_precision_at_1000_max": 17.036247228446616, + "nauc_precision_at_1000_std": 3.435494852675229, + "nauc_precision_at_100_diff1": 6.712643480741582, + "nauc_precision_at_100_max": 9.614879293703039, + "nauc_precision_at_100_std": -3.4126404487749653, + "nauc_precision_at_10_diff1": 21.510457197077496, + "nauc_precision_at_10_max": 16.184332818605537, + "nauc_precision_at_10_std": -9.294139265690534, + "nauc_precision_at_1_diff1": 40.42911498617085, + "nauc_precision_at_1_max": 23.687375206668168, + "nauc_precision_at_1_std": -21.73867940605904, + "nauc_precision_at_20_diff1": 13.992219269068753, + "nauc_precision_at_20_max": 14.937883960803463, + "nauc_precision_at_20_std": -7.104557238331423, + "nauc_precision_at_3_diff1": 26.261517666998035, + "nauc_precision_at_3_max": 18.354566058660986, + "nauc_precision_at_3_std": -17.341338758596976, + "nauc_precision_at_5_diff1": 21.742341640092196, + "nauc_precision_at_5_max": 15.096193569326688, + "nauc_precision_at_5_std": -14.266583144611857, + "nauc_recall_at_1000_diff1": 4.2314167922614905, + "nauc_recall_at_1000_max": 12.215254827462095, + "nauc_recall_at_1000_std": -1.4077735592136236, + "nauc_recall_at_100_diff1": 8.185574219798335, + "nauc_recall_at_100_max": 4.897935122753127, + "nauc_recall_at_100_std": -4.283502316451027, + "nauc_recall_at_10_diff1": 23.28365482091351, + "nauc_recall_at_10_max": 12.121504428933513, + "nauc_recall_at_10_std": -10.957020862721302, + "nauc_recall_at_1_diff1": 42.314161966032856, + "nauc_recall_at_1_max": 22.207585066404487, + "nauc_recall_at_1_std": -23.600059254769178, + "nauc_recall_at_20_diff1": 15.503784848951534, + "nauc_recall_at_20_max": 10.217338368574987, + "nauc_recall_at_20_std": -8.400517193855757, + "nauc_recall_at_3_diff1": 28.04652701414722, + "nauc_recall_at_3_max": 15.164882904887497, + "nauc_recall_at_3_std": -19.033698598216844, + "nauc_recall_at_5_diff1": 24.268291218903475, + "nauc_recall_at_5_max": 11.923028154467396, + "nauc_recall_at_5_std": -16.82567873471909, + "ndcg_at_1": 8.927, + "ndcg_at_10": 13.854, + "ndcg_at_100": 17.7, + "ndcg_at_1000": 21.035, + "ndcg_at_20": 15.059000000000001, + "ndcg_at_3": 11.484, + "ndcg_at_5": 12.437, + "precision_at_1": 8.927, + "precision_at_10": 2.271, + "precision_at_100": 0.44400000000000006, + "precision_at_1000": 0.078, + "precision_at_20": 1.401, + "precision_at_3": 4.934, + "precision_at_5": 3.5479999999999996, + "recall_at_1": 8.437, + "recall_at_10": 19.834, + "recall_at_100": 38.694, + "recall_at_1000": 64.744, + "recall_at_20": 24.429000000000002, + "recall_at_3": 13.361999999999998, + "recall_at_5": 15.540000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/CQADupstackMathematicaRetrieval.json b/results/minishlab__M2V_base_glove/external/CQADupstackMathematicaRetrieval.json new file mode 100644 index 000000000..947c07fa4 --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/CQADupstackMathematicaRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "90fceea13679c63fe563ded68f3b6f06e50061de", + "task_name": "CQADupstackMathematicaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 9.837, + "map_at_1": 5.159, + "map_at_10": 7.703, + "map_at_100": 8.426, + "map_at_1000": 8.519, + "map_at_20": 8.047, + "map_at_3": 6.654, + "map_at_5": 7.091, + "mrr_at_1": 6.467661691542288, + "mrr_at_10": 9.478302929795472, + "mrr_at_100": 10.289008336384581, + "mrr_at_1000": 10.371409959945957, + "mrr_at_20": 9.90206244583065, + "mrr_at_3": 8.167495854063018, + "mrr_at_5": 8.776948590381428, + "nauc_map_at_1000_diff1": 20.991965340430756, + "nauc_map_at_1000_max": 5.4803410436586315, + "nauc_map_at_1000_std": 7.532860192395963, + "nauc_map_at_100_diff1": 20.948048169848562, + "nauc_map_at_100_max": 5.423178225119055, + "nauc_map_at_100_std": 7.428927233698493, + "nauc_map_at_10_diff1": 21.246222726045804, + "nauc_map_at_10_max": 4.63095343363466, + "nauc_map_at_10_std": 7.144023053962637, + "nauc_map_at_1_diff1": 30.223652292546266, + "nauc_map_at_1_max": 4.553051882134141, + "nauc_map_at_1_std": 4.951308605278772, + "nauc_map_at_20_diff1": 20.921761668029813, + "nauc_map_at_20_max": 5.030778839822774, + "nauc_map_at_20_std": 7.029955811602383, + "nauc_map_at_3_diff1": 23.285924325381803, + "nauc_map_at_3_max": 5.75529272678179, + "nauc_map_at_3_std": 4.596117470066295, + "nauc_map_at_5_diff1": 22.537257669190947, + "nauc_map_at_5_max": 4.121925731323751, + "nauc_map_at_5_std": 6.304714061098604, + "nauc_mrr_at_1000_diff1": 19.173759649273233, + "nauc_mrr_at_1000_max": 7.621793094874906, + "nauc_mrr_at_1000_std": 7.8559620996974004, + "nauc_mrr_at_100_diff1": 19.111228160116582, + "nauc_mrr_at_100_max": 7.5928006784641, + "nauc_mrr_at_100_std": 7.81950691444481, + "nauc_mrr_at_10_diff1": 19.489946278790672, + "nauc_mrr_at_10_max": 6.980975854904637, + "nauc_mrr_at_10_std": 7.706339687745954, + "nauc_mrr_at_1_diff1": 27.48148957465694, + "nauc_mrr_at_1_max": 7.372706481581169, + "nauc_mrr_at_1_std": 6.391416784537868, + "nauc_mrr_at_20_diff1": 19.148965222777782, + "nauc_mrr_at_20_max": 7.290887679899084, + "nauc_mrr_at_20_std": 7.448183665979951, + "nauc_mrr_at_3_diff1": 21.750601270327905, + "nauc_mrr_at_3_max": 8.244444667347075, + "nauc_mrr_at_3_std": 4.729668071892326, + "nauc_mrr_at_5_diff1": 20.7897812930415, + "nauc_mrr_at_5_max": 6.863327307713806, + "nauc_mrr_at_5_std": 6.841304973729449, + "nauc_ndcg_at_1000_diff1": 17.29441255932624, + "nauc_ndcg_at_1000_max": 7.9286798648497285, + "nauc_ndcg_at_1000_std": 11.877149914393652, + "nauc_ndcg_at_100_diff1": 16.4336463729308, + "nauc_ndcg_at_100_max": 8.07229083359491, + "nauc_ndcg_at_100_std": 10.34506864310445, + "nauc_ndcg_at_10_diff1": 17.55824567751664, + "nauc_ndcg_at_10_max": 4.993609073207455, + "nauc_ndcg_at_10_std": 8.781232299164529, + "nauc_ndcg_at_1_diff1": 27.48148957465694, + "nauc_ndcg_at_1_max": 7.372706481581169, + "nauc_ndcg_at_1_std": 6.391416784537868, + "nauc_ndcg_at_20_diff1": 16.87739691810417, + "nauc_ndcg_at_20_max": 6.326711669823591, + "nauc_ndcg_at_20_std": 8.193549456385835, + "nauc_ndcg_at_3_diff1": 21.57747982063095, + "nauc_ndcg_at_3_max": 7.091503322088235, + "nauc_ndcg_at_3_std": 4.157156253951653, + "nauc_ndcg_at_5_diff1": 20.082404601341455, + "nauc_ndcg_at_5_max": 4.22584316571604, + "nauc_ndcg_at_5_std": 7.054315761638248, + "nauc_precision_at_1000_diff1": 9.317689102874894, + "nauc_precision_at_1000_max": 9.58782401785448, + "nauc_precision_at_1000_std": 10.64241217084012, + "nauc_precision_at_100_diff1": 10.807229788315885, + "nauc_precision_at_100_max": 13.109067404516338, + "nauc_precision_at_100_std": 12.652461769792342, + "nauc_precision_at_10_diff1": 11.747684802786821, + "nauc_precision_at_10_max": 5.154980926282553, + "nauc_precision_at_10_std": 10.96256762400505, + "nauc_precision_at_1_diff1": 27.48148957465694, + "nauc_precision_at_1_max": 7.372706481581169, + "nauc_precision_at_1_std": 6.391416784537868, + "nauc_precision_at_20_diff1": 10.048919763414146, + "nauc_precision_at_20_max": 9.457533080637551, + "nauc_precision_at_20_std": 8.38270502134793, + "nauc_precision_at_3_diff1": 17.62648712108384, + "nauc_precision_at_3_max": 9.368333317681678, + "nauc_precision_at_3_std": 2.831364424989006, + "nauc_precision_at_5_diff1": 15.244543857948454, + "nauc_precision_at_5_max": 4.611372441896458, + "nauc_precision_at_5_std": 8.947499545370727, + "nauc_recall_at_1000_diff1": 11.860223591226426, + "nauc_recall_at_1000_max": 9.065659539526218, + "nauc_recall_at_1000_std": 21.369970396825007, + "nauc_recall_at_100_diff1": 9.097923124619061, + "nauc_recall_at_100_max": 11.44262240376369, + "nauc_recall_at_100_std": 14.733237990671242, + "nauc_recall_at_10_diff1": 11.095059312746661, + "nauc_recall_at_10_max": 4.459364478932909, + "nauc_recall_at_10_std": 11.13185668334817, + "nauc_recall_at_1_diff1": 30.223652292546266, + "nauc_recall_at_1_max": 4.553051882134141, + "nauc_recall_at_1_std": 4.951308605278772, + "nauc_recall_at_20_diff1": 10.810802709805385, + "nauc_recall_at_20_max": 7.510486361196866, + "nauc_recall_at_20_std": 9.447990949397933, + "nauc_recall_at_3_diff1": 17.313057423204715, + "nauc_recall_at_3_max": 7.227652377873599, + "nauc_recall_at_3_std": 3.091979625029158, + "nauc_recall_at_5_diff1": 15.40727532119762, + "nauc_recall_at_5_max": 1.8611986193155992, + "nauc_recall_at_5_std": 8.185241357994292, + "ndcg_at_1": 6.468, + "ndcg_at_10": 9.837, + "ndcg_at_100": 13.825000000000001, + "ndcg_at_1000": 16.592000000000002, + "ndcg_at_20": 11.129, + "ndcg_at_3": 7.579, + "ndcg_at_5": 8.355, + "precision_at_1": 6.468, + "precision_at_10": 1.9900000000000002, + "precision_at_100": 0.459, + "precision_at_1000": 0.08, + "precision_at_20": 1.331, + "precision_at_3": 3.566, + "precision_at_5": 2.6870000000000003, + "recall_at_1": 5.159, + "recall_at_10": 14.746, + "recall_at_100": 32.906, + "recall_at_1000": 53.25, + "recall_at_20": 19.439999999999998, + "recall_at_3": 8.584999999999999, + "recall_at_5": 10.446 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/CQADupstackPhysicsRetrieval.json b/results/minishlab__M2V_base_glove/external/CQADupstackPhysicsRetrieval.json new file mode 100644 index 000000000..b3898a78b --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/CQADupstackPhysicsRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "79531abbd1fb92d06c6d6315a0cbbbf5bb247ea4", + "task_name": "CQADupstackPhysicsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 24.915000000000003, + "map_at_1": 15.504999999999999, + "map_at_10": 20.957, + "map_at_100": 21.917, + "map_at_1000": 22.066, + "map_at_20": 21.443, + "map_at_3": 18.995, + "map_at_5": 20.096, + "mrr_at_1": 19.056785370548603, + "mrr_at_10": 24.990833677070444, + "mrr_at_100": 25.8208720564778, + "mrr_at_1000": 25.912884506186014, + "mrr_at_20": 25.41772037548221, + "mrr_at_3": 22.95476419634265, + "mrr_at_5": 24.11453320500482, + "nauc_map_at_1000_diff1": 38.076585051060675, + "nauc_map_at_1000_max": 18.056702089396662, + "nauc_map_at_1000_std": -5.671192417504087, + "nauc_map_at_100_diff1": 38.08599722714999, + "nauc_map_at_100_max": 17.990649882140914, + "nauc_map_at_100_std": -5.757790211650656, + "nauc_map_at_10_diff1": 38.05562481839379, + "nauc_map_at_10_max": 17.539054472069946, + "nauc_map_at_10_std": -6.387542547194047, + "nauc_map_at_1_diff1": 42.98313461413959, + "nauc_map_at_1_max": 21.177240393143098, + "nauc_map_at_1_std": -7.143850386196276, + "nauc_map_at_20_diff1": 37.9625452229517, + "nauc_map_at_20_max": 17.760857764249888, + "nauc_map_at_20_std": -6.1970139184556965, + "nauc_map_at_3_diff1": 39.44820032223843, + "nauc_map_at_3_max": 16.7722965995488, + "nauc_map_at_3_std": -6.81542895292068, + "nauc_map_at_5_diff1": 38.59443276293579, + "nauc_map_at_5_max": 17.371303618685445, + "nauc_map_at_5_std": -6.135604805438213, + "nauc_mrr_at_1000_diff1": 37.43089835368739, + "nauc_mrr_at_1000_max": 21.04805861047155, + "nauc_mrr_at_1000_std": -5.068432531045453, + "nauc_mrr_at_100_diff1": 37.41742475306239, + "nauc_mrr_at_100_max": 21.04544732019752, + "nauc_mrr_at_100_std": -5.095192190983453, + "nauc_mrr_at_10_diff1": 37.32527292823289, + "nauc_mrr_at_10_max": 20.817698975783884, + "nauc_mrr_at_10_std": -5.556456776618353, + "nauc_mrr_at_1_diff1": 42.09299252574772, + "nauc_mrr_at_1_max": 24.33888118839859, + "nauc_mrr_at_1_std": -5.666087824854275, + "nauc_mrr_at_20_diff1": 37.421240074775845, + "nauc_mrr_at_20_max": 21.00425959939269, + "nauc_mrr_at_20_std": -5.335211771892977, + "nauc_mrr_at_3_diff1": 38.52179702152584, + "nauc_mrr_at_3_max": 20.463153588780404, + "nauc_mrr_at_3_std": -6.209031923179788, + "nauc_mrr_at_5_diff1": 37.62988493544957, + "nauc_mrr_at_5_max": 20.79180521338152, + "nauc_mrr_at_5_std": -5.258589248617482, + "nauc_ndcg_at_1000_diff1": 35.73662163419835, + "nauc_ndcg_at_1000_max": 19.63564222331479, + "nauc_ndcg_at_1000_std": -1.851198141711594, + "nauc_ndcg_at_100_diff1": 36.09210648152838, + "nauc_ndcg_at_100_max": 18.917342208415263, + "nauc_ndcg_at_100_std": -3.0420576298778355, + "nauc_ndcg_at_10_diff1": 35.95226398653496, + "nauc_ndcg_at_10_max": 17.37357287979475, + "nauc_ndcg_at_10_std": -6.016002421388863, + "nauc_ndcg_at_1_diff1": 42.09299252574772, + "nauc_ndcg_at_1_max": 24.33888118839859, + "nauc_ndcg_at_1_std": -5.666087824854275, + "nauc_ndcg_at_20_diff1": 35.840674942997325, + "nauc_ndcg_at_20_max": 17.933986692165053, + "nauc_ndcg_at_20_std": -5.2137027245505205, + "nauc_ndcg_at_3_diff1": 38.04420087752632, + "nauc_ndcg_at_3_max": 17.12908674549184, + "nauc_ndcg_at_3_std": -6.5879484556209595, + "nauc_ndcg_at_5_diff1": 36.76262837789462, + "nauc_ndcg_at_5_max": 17.602322681433666, + "nauc_ndcg_at_5_std": -5.43250263819642, + "nauc_precision_at_1000_diff1": 6.206827402965226, + "nauc_precision_at_1000_max": 20.518766519942027, + "nauc_precision_at_1000_std": 12.6849839612137, + "nauc_precision_at_100_diff1": 17.95328955808249, + "nauc_precision_at_100_max": 24.488415170072823, + "nauc_precision_at_100_std": 8.318427798621334, + "nauc_precision_at_10_diff1": 24.95807708093173, + "nauc_precision_at_10_max": 21.14345372502348, + "nauc_precision_at_10_std": -3.1126086789686704, + "nauc_precision_at_1_diff1": 42.09299252574772, + "nauc_precision_at_1_max": 24.33888118839859, + "nauc_precision_at_1_std": -5.666087824854275, + "nauc_precision_at_20_diff1": 22.984681114976453, + "nauc_precision_at_20_max": 21.853967424797396, + "nauc_precision_at_20_std": 0.07620414784835099, + "nauc_precision_at_3_diff1": 31.59484266217764, + "nauc_precision_at_3_max": 16.983380178190778, + "nauc_precision_at_3_std": -5.539496681361992, + "nauc_precision_at_5_diff1": 27.842741210601368, + "nauc_precision_at_5_max": 19.67171996161724, + "nauc_precision_at_5_std": -2.6999602559382043, + "nauc_recall_at_1000_diff1": 19.224949841010464, + "nauc_recall_at_1000_max": 18.457171603445914, + "nauc_recall_at_1000_std": 22.347110023460264, + "nauc_recall_at_100_diff1": 27.573048738296507, + "nauc_recall_at_100_max": 15.701035991956289, + "nauc_recall_at_100_std": 5.924963398447016, + "nauc_recall_at_10_diff1": 29.69657755110037, + "nauc_recall_at_10_max": 12.97000604361471, + "nauc_recall_at_10_std": -5.416107045994844, + "nauc_recall_at_1_diff1": 42.98313461413959, + "nauc_recall_at_1_max": 21.177240393143098, + "nauc_recall_at_1_std": -7.143850386196276, + "nauc_recall_at_20_diff1": 29.040453658640118, + "nauc_recall_at_20_max": 14.243344703914374, + "nauc_recall_at_20_std": -3.015043773525295, + "nauc_recall_at_3_diff1": 34.83950527042068, + "nauc_recall_at_3_max": 11.569623342194008, + "nauc_recall_at_3_std": -6.213973770001328, + "nauc_recall_at_5_diff1": 32.204318355138106, + "nauc_recall_at_5_max": 13.42199856062887, + "nauc_recall_at_5_std": -4.019223300509159, + "ndcg_at_1": 19.057, + "ndcg_at_10": 24.915000000000003, + "ndcg_at_100": 29.858, + "ndcg_at_1000": 33.267, + "ndcg_at_20": 26.544, + "ndcg_at_3": 21.45, + "ndcg_at_5": 23.089000000000002, + "precision_at_1": 19.057, + "precision_at_10": 4.601, + "precision_at_100": 0.859, + "precision_at_1000": 0.133, + "precision_at_20": 2.82, + "precision_at_3": 10.138, + "precision_at_5": 7.430000000000001, + "recall_at_1": 15.504999999999999, + "recall_at_10": 33.052, + "recall_at_100": 55.212, + "recall_at_1000": 78.97, + "recall_at_20": 38.865, + "recall_at_3": 23.125, + "recall_at_5": 27.357 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/CQADupstackProgrammersRetrieval.json b/results/minishlab__M2V_base_glove/external/CQADupstackProgrammersRetrieval.json new file mode 100644 index 000000000..ea8ffa9f8 --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/CQADupstackProgrammersRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "6184bc1440d2dbc7612be22b50686b8826d22b32", + "task_name": "CQADupstackProgrammersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 16.933, + "map_at_1": 9.391, + "map_at_10": 13.785, + "map_at_100": 14.832999999999998, + "map_at_1000": 14.97, + "map_at_20": 14.299999999999999, + "map_at_3": 12.192, + "map_at_5": 13.104, + "mrr_at_1": 11.986301369863012, + "mrr_at_10": 16.76329093281149, + "mrr_at_100": 17.779884512390392, + "mrr_at_1000": 17.882629462505502, + "mrr_at_20": 17.298602789280416, + "mrr_at_3": 15.106544901065444, + "mrr_at_5": 16.059741248097417, + "nauc_map_at_1000_diff1": 36.119633695463484, + "nauc_map_at_1000_max": 17.825358789806963, + "nauc_map_at_1000_std": -2.678306157407544, + "nauc_map_at_100_diff1": 36.136511257676624, + "nauc_map_at_100_max": 17.791171504175814, + "nauc_map_at_100_std": -2.712161260291591, + "nauc_map_at_10_diff1": 36.414283638871204, + "nauc_map_at_10_max": 17.33919844365509, + "nauc_map_at_10_std": -3.596581939565149, + "nauc_map_at_1_diff1": 43.76928915162838, + "nauc_map_at_1_max": 18.65584868511747, + "nauc_map_at_1_std": -3.3203940049113925, + "nauc_map_at_20_diff1": 36.390706892829236, + "nauc_map_at_20_max": 17.713189000561734, + "nauc_map_at_20_std": -3.3096832058190686, + "nauc_map_at_3_diff1": 39.40208757504614, + "nauc_map_at_3_max": 17.734548958019822, + "nauc_map_at_3_std": -3.7767167790425376, + "nauc_map_at_5_diff1": 37.31691641307714, + "nauc_map_at_5_max": 17.824917859595036, + "nauc_map_at_5_std": -4.341793743354893, + "nauc_mrr_at_1000_diff1": 31.845850294564006, + "nauc_mrr_at_1000_max": 20.844113037057696, + "nauc_mrr_at_1000_std": -2.969718761532978, + "nauc_mrr_at_100_diff1": 31.833171076952905, + "nauc_mrr_at_100_max": 20.832754686515557, + "nauc_mrr_at_100_std": -2.9684641146406743, + "nauc_mrr_at_10_diff1": 31.975383495650654, + "nauc_mrr_at_10_max": 20.741551226715718, + "nauc_mrr_at_10_std": -3.308168222228622, + "nauc_mrr_at_1_diff1": 36.8962724905663, + "nauc_mrr_at_1_max": 21.08515026265049, + "nauc_mrr_at_1_std": -3.324764670910975, + "nauc_mrr_at_20_diff1": 31.97142874389304, + "nauc_mrr_at_20_max": 20.825942350517384, + "nauc_mrr_at_20_std": -3.3615147616814536, + "nauc_mrr_at_3_diff1": 34.43852472523908, + "nauc_mrr_at_3_max": 21.54594535376395, + "nauc_mrr_at_3_std": -3.1112804192797707, + "nauc_mrr_at_5_diff1": 32.874215613900375, + "nauc_mrr_at_5_max": 21.053271555386928, + "nauc_mrr_at_5_std": -3.747293302434281, + "nauc_ndcg_at_1000_diff1": 31.454242290151434, + "nauc_ndcg_at_1000_max": 18.489639899176066, + "nauc_ndcg_at_1000_std": 1.3159370438460316, + "nauc_ndcg_at_100_diff1": 31.25481472001158, + "nauc_ndcg_at_100_max": 18.086139248726578, + "nauc_ndcg_at_100_std": 0.7205652535273769, + "nauc_ndcg_at_10_diff1": 32.52727699271849, + "nauc_ndcg_at_10_max": 17.237486979718312, + "nauc_ndcg_at_10_std": -3.0915552982078935, + "nauc_ndcg_at_1_diff1": 36.8962724905663, + "nauc_ndcg_at_1_max": 21.08515026265049, + "nauc_ndcg_at_1_std": -3.324764670910975, + "nauc_ndcg_at_20_diff1": 32.50052068294007, + "nauc_ndcg_at_20_max": 18.18091699705452, + "nauc_ndcg_at_20_std": -2.545082654261116, + "nauc_ndcg_at_3_diff1": 36.76262984256575, + "nauc_ndcg_at_3_max": 18.715225732805465, + "nauc_ndcg_at_3_std": -3.3574761304071457, + "nauc_ndcg_at_5_diff1": 34.22831050785461, + "nauc_ndcg_at_5_max": 18.329756369078734, + "nauc_ndcg_at_5_std": -4.501968061129472, + "nauc_precision_at_1000_diff1": 4.627456337422589, + "nauc_precision_at_1000_max": 8.763785016596563, + "nauc_precision_at_1000_std": 5.798944013054676, + "nauc_precision_at_100_diff1": 12.785405156496902, + "nauc_precision_at_100_max": 15.913251592907118, + "nauc_precision_at_100_std": 7.922950006883855, + "nauc_precision_at_10_diff1": 21.671324247697545, + "nauc_precision_at_10_max": 16.844686528527216, + "nauc_precision_at_10_std": -0.8935902484243391, + "nauc_precision_at_1_diff1": 36.8962724905663, + "nauc_precision_at_1_max": 21.08515026265049, + "nauc_precision_at_1_std": -3.324764670910975, + "nauc_precision_at_20_diff1": 21.990648382513978, + "nauc_precision_at_20_max": 20.186544647997685, + "nauc_precision_at_20_std": 0.9473827309819518, + "nauc_precision_at_3_diff1": 29.809157912293742, + "nauc_precision_at_3_max": 20.817234555254064, + "nauc_precision_at_3_std": -2.9715364332106087, + "nauc_precision_at_5_diff1": 24.812305580415774, + "nauc_precision_at_5_max": 19.550818593102022, + "nauc_precision_at_5_std": -4.725734397876206, + "nauc_recall_at_1000_diff1": 19.311306554927057, + "nauc_recall_at_1000_max": 15.928723354100303, + "nauc_recall_at_1000_std": 20.082823111228784, + "nauc_recall_at_100_diff1": 21.25168897405789, + "nauc_recall_at_100_max": 15.00794104303515, + "nauc_recall_at_100_std": 11.12128776821777, + "nauc_recall_at_10_diff1": 25.198073470444715, + "nauc_recall_at_10_max": 13.548174607713822, + "nauc_recall_at_10_std": -1.963637599241129, + "nauc_recall_at_1_diff1": 43.76928915162838, + "nauc_recall_at_1_max": 18.65584868511747, + "nauc_recall_at_1_std": -3.3203940049113925, + "nauc_recall_at_20_diff1": 25.428294962767577, + "nauc_recall_at_20_max": 16.232380758977776, + "nauc_recall_at_20_std": -0.6565322850593908, + "nauc_recall_at_3_diff1": 35.62311837406267, + "nauc_recall_at_3_max": 16.099598243416118, + "nauc_recall_at_3_std": -4.061382736951024, + "nauc_recall_at_5_diff1": 29.30259587685098, + "nauc_recall_at_5_max": 15.610376688031682, + "nauc_recall_at_5_std": -5.480201062659099, + "ndcg_at_1": 11.985999999999999, + "ndcg_at_10": 16.933, + "ndcg_at_100": 22.411, + "ndcg_at_1000": 26.038, + "ndcg_at_20": 18.790000000000003, + "ndcg_at_3": 13.943, + "ndcg_at_5": 15.389, + "precision_at_1": 11.985999999999999, + "precision_at_10": 3.253, + "precision_at_100": 0.726, + "precision_at_1000": 0.122, + "precision_at_20": 2.146, + "precision_at_3": 6.773, + "precision_at_5": 5.0680000000000005, + "recall_at_1": 9.391, + "recall_at_10": 23.697, + "recall_at_100": 48.18, + "recall_at_1000": 74.207, + "recall_at_20": 30.489, + "recall_at_3": 15.616, + "recall_at_5": 19.243 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/CQADupstackStatsRetrieval.json b/results/minishlab__M2V_base_glove/external/CQADupstackStatsRetrieval.json new file mode 100644 index 000000000..a6891113c --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/CQADupstackStatsRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "65ac3a16b8e91f9cee4c9828cc7c335575432a2a", + "task_name": "CQADupstackStatsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 13.764000000000001, + "map_at_1": 7.407, + "map_at_10": 11.181000000000001, + "map_at_100": 11.999, + "map_at_1000": 12.086, + "map_at_20": 11.643, + "map_at_3": 9.808, + "map_at_5": 10.527000000000001, + "mrr_at_1": 9.049079754601227, + "mrr_at_10": 13.019281332164766, + "mrr_at_100": 13.83437647561529, + "mrr_at_1000": 13.90849595726279, + "mrr_at_20": 13.453243790394076, + "mrr_at_3": 11.605316973415134, + "mrr_at_5": 12.364519427402865, + "nauc_map_at_1000_diff1": 22.684386058096422, + "nauc_map_at_1000_max": 9.145886674872735, + "nauc_map_at_1000_std": -4.501342855209255, + "nauc_map_at_100_diff1": 22.663345222436842, + "nauc_map_at_100_max": 9.14775447704162, + "nauc_map_at_100_std": -4.546649058281547, + "nauc_map_at_10_diff1": 22.42971510386587, + "nauc_map_at_10_max": 9.534064523536093, + "nauc_map_at_10_std": -5.5964681895716275, + "nauc_map_at_1_diff1": 27.011177559854126, + "nauc_map_at_1_max": 10.58197198530854, + "nauc_map_at_1_std": -6.595308662343213, + "nauc_map_at_20_diff1": 22.6849314678422, + "nauc_map_at_20_max": 9.130124364237668, + "nauc_map_at_20_std": -4.6306079677985545, + "nauc_map_at_3_diff1": 23.765755755951382, + "nauc_map_at_3_max": 8.386673560382699, + "nauc_map_at_3_std": -6.820598051025553, + "nauc_map_at_5_diff1": 22.72172408624874, + "nauc_map_at_5_max": 9.94900277817333, + "nauc_map_at_5_std": -6.015194799527161, + "nauc_mrr_at_1000_diff1": 24.19050948215309, + "nauc_mrr_at_1000_max": 10.461180380214094, + "nauc_mrr_at_1000_std": -2.9941483783767304, + "nauc_mrr_at_100_diff1": 24.19585382086687, + "nauc_mrr_at_100_max": 10.486570575603626, + "nauc_mrr_at_100_std": -3.0182341126004104, + "nauc_mrr_at_10_diff1": 24.190126428290462, + "nauc_mrr_at_10_max": 11.126417890087135, + "nauc_mrr_at_10_std": -3.839141693577256, + "nauc_mrr_at_1_diff1": 28.571881597930947, + "nauc_mrr_at_1_max": 11.543441276788943, + "nauc_mrr_at_1_std": -5.512242856627392, + "nauc_mrr_at_20_diff1": 24.203108205389672, + "nauc_mrr_at_20_max": 10.50497556809877, + "nauc_mrr_at_20_std": -3.082934311249442, + "nauc_mrr_at_3_diff1": 25.98207063932455, + "nauc_mrr_at_3_max": 9.94844316319691, + "nauc_mrr_at_3_std": -5.0062389923354935, + "nauc_mrr_at_5_diff1": 24.61646227495659, + "nauc_mrr_at_5_max": 11.648384719673203, + "nauc_mrr_at_5_std": -4.375379994287079, + "nauc_ndcg_at_1000_diff1": 21.43768701111034, + "nauc_ndcg_at_1000_max": 8.273252874349057, + "nauc_ndcg_at_1000_std": 0.10670202820650984, + "nauc_ndcg_at_100_diff1": 21.4746954073475, + "nauc_ndcg_at_100_max": 7.896808760471978, + "nauc_ndcg_at_100_std": -1.2410245357577705, + "nauc_ndcg_at_10_diff1": 21.13137898867002, + "nauc_ndcg_at_10_max": 9.755235332270159, + "nauc_ndcg_at_10_std": -4.248419933008658, + "nauc_ndcg_at_1_diff1": 28.571881597930947, + "nauc_ndcg_at_1_max": 11.543441276788943, + "nauc_ndcg_at_1_std": -5.512242856627392, + "nauc_ndcg_at_20_diff1": 21.619408394641066, + "nauc_ndcg_at_20_max": 8.114217280583363, + "nauc_ndcg_at_20_std": -1.6730336682644353, + "nauc_ndcg_at_3_diff1": 24.16497986310871, + "nauc_ndcg_at_3_max": 8.400666596386994, + "nauc_ndcg_at_3_std": -6.307687835437969, + "nauc_ndcg_at_5_diff1": 21.80028821367463, + "nauc_ndcg_at_5_max": 11.029219640459228, + "nauc_ndcg_at_5_std": -5.1729515331734355, + "nauc_precision_at_1000_diff1": 18.426797014316406, + "nauc_precision_at_1000_max": 11.215745964862423, + "nauc_precision_at_1000_std": 10.130362328925651, + "nauc_precision_at_100_diff1": 22.777527984600223, + "nauc_precision_at_100_max": 8.693126368523261, + "nauc_precision_at_100_std": 6.849981524237866, + "nauc_precision_at_10_diff1": 21.32311537782387, + "nauc_precision_at_10_max": 12.466768131932003, + "nauc_precision_at_10_std": -0.24380397765811196, + "nauc_precision_at_1_diff1": 28.571881597930947, + "nauc_precision_at_1_max": 11.543441276788943, + "nauc_precision_at_1_std": -5.512242856627392, + "nauc_precision_at_20_diff1": 23.320697000941518, + "nauc_precision_at_20_max": 9.416642932870655, + "nauc_precision_at_20_std": 6.117048580465784, + "nauc_precision_at_3_diff1": 25.60854499214357, + "nauc_precision_at_3_max": 9.327816784887316, + "nauc_precision_at_3_std": -4.164690223373803, + "nauc_precision_at_5_diff1": 22.487293449343895, + "nauc_precision_at_5_max": 15.554122997255721, + "nauc_precision_at_5_std": -2.170204158965489, + "nauc_recall_at_1000_diff1": 15.20476822474712, + "nauc_recall_at_1000_max": 4.204822145176049, + "nauc_recall_at_1000_std": 12.879935852847554, + "nauc_recall_at_100_diff1": 16.850604775963244, + "nauc_recall_at_100_max": 2.767499477935308, + "nauc_recall_at_100_std": 4.095047171340664, + "nauc_recall_at_10_diff1": 16.689205215199248, + "nauc_recall_at_10_max": 8.378648312390819, + "nauc_recall_at_10_std": -2.8562137399428598, + "nauc_recall_at_1_diff1": 27.011177559854126, + "nauc_recall_at_1_max": 10.58197198530854, + "nauc_recall_at_1_std": -6.595308662343213, + "nauc_recall_at_20_diff1": 17.87665261251624, + "nauc_recall_at_20_max": 3.8134273552005995, + "nauc_recall_at_20_std": 3.3359977154662634, + "nauc_recall_at_3_diff1": 20.670877063544086, + "nauc_recall_at_3_max": 6.248798024686606, + "nauc_recall_at_3_std": -7.011222642729971, + "nauc_recall_at_5_diff1": 17.72007176247167, + "nauc_recall_at_5_max": 11.43834990123289, + "nauc_recall_at_5_std": -4.729213831313457, + "ndcg_at_1": 9.049, + "ndcg_at_10": 13.764000000000001, + "ndcg_at_100": 17.992, + "ndcg_at_1000": 20.558, + "ndcg_at_20": 15.318999999999999, + "ndcg_at_3": 11.038, + "ndcg_at_5": 12.218, + "precision_at_1": 9.049, + "precision_at_10": 2.469, + "precision_at_100": 0.505, + "precision_at_1000": 0.08, + "precision_at_20": 1.603, + "precision_at_3": 5.061, + "precision_at_5": 3.773, + "recall_at_1": 7.407, + "recall_at_10": 20.158, + "recall_at_100": 39.701, + "recall_at_1000": 59.205, + "recall_at_20": 25.887999999999998, + "recall_at_3": 12.626999999999999, + "recall_at_5": 15.488 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/CQADupstackTexRetrieval.json b/results/minishlab__M2V_base_glove/external/CQADupstackTexRetrieval.json new file mode 100644 index 000000000..0c0161f53 --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/CQADupstackTexRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "46989137a86843e03a6195de44b09deda022eec7", + "task_name": "CQADupstackTexRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 9.181000000000001, + "map_at_1": 4.861, + "map_at_10": 7.306, + "map_at_100": 7.8, + "map_at_1000": 7.8950000000000005, + "map_at_20": 7.542, + "map_at_3": 6.439, + "map_at_5": 6.869, + "mrr_at_1": 6.159669649002065, + "mrr_at_10": 9.153789641573534, + "mrr_at_100": 9.669799893317009, + "mrr_at_1000": 9.752120431878343, + "mrr_at_20": 9.406808091404807, + "mrr_at_3": 8.138334480385415, + "mrr_at_5": 8.628699242945634, + "nauc_map_at_1000_diff1": 26.690576069734234, + "nauc_map_at_1000_max": 17.094449483335218, + "nauc_map_at_1000_std": -3.774366560350282, + "nauc_map_at_100_diff1": 26.783605375597645, + "nauc_map_at_100_max": 17.080839761543665, + "nauc_map_at_100_std": -3.9576344084646853, + "nauc_map_at_10_diff1": 27.63020311826964, + "nauc_map_at_10_max": 17.336825770328517, + "nauc_map_at_10_std": -4.814817253146819, + "nauc_map_at_1_diff1": 38.766697715414516, + "nauc_map_at_1_max": 24.371350483475744, + "nauc_map_at_1_std": -8.173284901113332, + "nauc_map_at_20_diff1": 27.08870073967262, + "nauc_map_at_20_max": 17.118664395958582, + "nauc_map_at_20_std": -4.446220849289796, + "nauc_map_at_3_diff1": 30.66081471780112, + "nauc_map_at_3_max": 19.012237592897343, + "nauc_map_at_3_std": -6.627184332678718, + "nauc_map_at_5_diff1": 29.333535675239347, + "nauc_map_at_5_max": 18.089350024708615, + "nauc_map_at_5_std": -5.72123478612525, + "nauc_mrr_at_1000_diff1": 24.73352603489345, + "nauc_mrr_at_1000_max": 19.79900221948312, + "nauc_mrr_at_1000_std": -2.862077159418825, + "nauc_mrr_at_100_diff1": 24.782609923929535, + "nauc_mrr_at_100_max": 19.805461393582963, + "nauc_mrr_at_100_std": -2.930689128967593, + "nauc_mrr_at_10_diff1": 25.434777049042655, + "nauc_mrr_at_10_max": 20.181531593368128, + "nauc_mrr_at_10_std": -3.6076663995168774, + "nauc_mrr_at_1_diff1": 35.62063854238608, + "nauc_mrr_at_1_max": 26.799910642533735, + "nauc_mrr_at_1_std": -7.609406566642959, + "nauc_mrr_at_20_diff1": 24.992883725434815, + "nauc_mrr_at_20_max": 19.92741978259664, + "nauc_mrr_at_20_std": -3.2417052166595455, + "nauc_mrr_at_3_diff1": 27.922046683219946, + "nauc_mrr_at_3_max": 21.9282015050312, + "nauc_mrr_at_3_std": -5.590575647868078, + "nauc_mrr_at_5_diff1": 26.89070716968189, + "nauc_mrr_at_5_max": 21.073432913750224, + "nauc_mrr_at_5_std": -4.481614304446297, + "nauc_ndcg_at_1000_diff1": 19.568651831011014, + "nauc_ndcg_at_1000_max": 14.122372407292808, + "nauc_ndcg_at_1000_std": 3.7957207135672597, + "nauc_ndcg_at_100_diff1": 20.80268793272095, + "nauc_ndcg_at_100_max": 14.356177495251437, + "nauc_ndcg_at_100_std": 0.7863981963465579, + "nauc_ndcg_at_10_diff1": 23.3461518500026, + "nauc_ndcg_at_10_max": 15.57326961854722, + "nauc_ndcg_at_10_std": -2.7445931345312284, + "nauc_ndcg_at_1_diff1": 35.62063854238608, + "nauc_ndcg_at_1_max": 26.799910642533735, + "nauc_ndcg_at_1_std": -7.609406566642959, + "nauc_ndcg_at_20_diff1": 22.04481909899471, + "nauc_ndcg_at_20_max": 14.937866014666568, + "nauc_ndcg_at_20_std": -1.747008165250061, + "nauc_ndcg_at_3_diff1": 27.939895558816584, + "nauc_ndcg_at_3_max": 19.034512289670218, + "nauc_ndcg_at_3_std": -5.8325182778108795, + "nauc_ndcg_at_5_diff1": 26.486633537077754, + "nauc_ndcg_at_5_max": 17.271834422924798, + "nauc_ndcg_at_5_std": -4.409805002517824, + "nauc_precision_at_1000_diff1": 6.491111119228375, + "nauc_precision_at_1000_max": 18.443725307197724, + "nauc_precision_at_1000_std": 22.938787139825433, + "nauc_precision_at_100_diff1": 10.17740447024087, + "nauc_precision_at_100_max": 17.049105330751306, + "nauc_precision_at_100_std": 12.762513963286978, + "nauc_precision_at_10_diff1": 13.67439803472887, + "nauc_precision_at_10_max": 16.055467906792828, + "nauc_precision_at_10_std": 3.8405675136717323, + "nauc_precision_at_1_diff1": 35.62063854238608, + "nauc_precision_at_1_max": 26.799910642533735, + "nauc_precision_at_1_std": -7.609406566642959, + "nauc_precision_at_20_diff1": 12.306954777624213, + "nauc_precision_at_20_max": 15.96836613953479, + "nauc_precision_at_20_std": 6.70148311776044, + "nauc_precision_at_3_diff1": 21.855506525702847, + "nauc_precision_at_3_max": 19.209267745003704, + "nauc_precision_at_3_std": -3.8119776477478413, + "nauc_precision_at_5_diff1": 19.156111435062012, + "nauc_precision_at_5_max": 18.34440488085919, + "nauc_precision_at_5_std": -0.03928868519881514, + "nauc_recall_at_1000_diff1": 7.849926346079982, + "nauc_recall_at_1000_max": 5.306371454314062, + "nauc_recall_at_1000_std": 17.18954803503502, + "nauc_recall_at_100_diff1": 11.99060160309378, + "nauc_recall_at_100_max": 7.243119921489159, + "nauc_recall_at_100_std": 7.724576636146561, + "nauc_recall_at_10_diff1": 15.951856271318244, + "nauc_recall_at_10_max": 9.03241092518941, + "nauc_recall_at_10_std": 0.2357705274357088, + "nauc_recall_at_1_diff1": 38.766697715414516, + "nauc_recall_at_1_max": 24.371350483475744, + "nauc_recall_at_1_std": -8.173284901113332, + "nauc_recall_at_20_diff1": 13.76245045354016, + "nauc_recall_at_20_max": 8.303909450838308, + "nauc_recall_at_20_std": 1.9797360213278055, + "nauc_recall_at_3_diff1": 25.185146352227978, + "nauc_recall_at_3_max": 14.711935197854292, + "nauc_recall_at_3_std": -5.598795458243915, + "nauc_recall_at_5_diff1": 21.958052739428716, + "nauc_recall_at_5_max": 11.804079831463127, + "nauc_recall_at_5_std": -3.0315767806264198, + "ndcg_at_1": 6.16, + "ndcg_at_10": 9.181000000000001, + "ndcg_at_100": 11.946, + "ndcg_at_1000": 14.71, + "ndcg_at_20": 10.006, + "ndcg_at_3": 7.4639999999999995, + "ndcg_at_5": 8.133, + "precision_at_1": 6.16, + "precision_at_10": 1.844, + "precision_at_100": 0.395, + "precision_at_1000": 0.076, + "precision_at_20": 1.173, + "precision_at_3": 3.7159999999999997, + "precision_at_5": 2.746, + "recall_at_1": 4.861, + "recall_at_10": 13.07, + "recall_at_100": 25.946, + "recall_at_1000": 46.434, + "recall_at_20": 16.061, + "recall_at_3": 8.325000000000001, + "recall_at_5": 10.020999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/CQADupstackUnixRetrieval.json b/results/minishlab__M2V_base_glove/external/CQADupstackUnixRetrieval.json new file mode 100644 index 000000000..dc7b521dd --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/CQADupstackUnixRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "6c6430d3a6d36f8d2a829195bc5dc94d7e063e53", + "task_name": "CQADupstackUnixRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 16.589000000000002, + "map_at_1": 10.348, + "map_at_10": 13.808000000000002, + "map_at_100": 14.443, + "map_at_1000": 14.551, + "map_at_20": 14.106, + "map_at_3": 12.454, + "map_at_5": 13.173000000000002, + "mrr_at_1": 12.406716417910447, + "mrr_at_10": 16.39392324093816, + "mrr_at_100": 17.01727060954383, + "mrr_at_1000": 17.113417907096533, + "mrr_at_20": 16.68964517846198, + "mrr_at_3": 14.925373134328357, + "mrr_at_5": 15.69962686567164, + "nauc_map_at_1000_diff1": 37.96305817045708, + "nauc_map_at_1000_max": 26.063580688542388, + "nauc_map_at_1000_std": -4.831229848566574, + "nauc_map_at_100_diff1": 37.972522088343716, + "nauc_map_at_100_max": 26.04779581576852, + "nauc_map_at_100_std": -4.909662655473513, + "nauc_map_at_10_diff1": 38.35929365925692, + "nauc_map_at_10_max": 26.201184962039935, + "nauc_map_at_10_std": -5.4363000965541, + "nauc_map_at_1_diff1": 48.68557105246294, + "nauc_map_at_1_max": 32.48532434140668, + "nauc_map_at_1_std": -4.93862403800474, + "nauc_map_at_20_diff1": 38.20690594362951, + "nauc_map_at_20_max": 26.03970982522202, + "nauc_map_at_20_std": -5.242556500809629, + "nauc_map_at_3_diff1": 41.428803061011465, + "nauc_map_at_3_max": 27.47150922034986, + "nauc_map_at_3_std": -5.434283129605092, + "nauc_map_at_5_diff1": 39.67254166875351, + "nauc_map_at_5_max": 26.989621759032655, + "nauc_map_at_5_std": -5.360116959183613, + "nauc_mrr_at_1000_diff1": 36.163006365244435, + "nauc_mrr_at_1000_max": 27.963611146733218, + "nauc_mrr_at_1000_std": -4.276969598287321, + "nauc_mrr_at_100_diff1": 36.147594105582385, + "nauc_mrr_at_100_max": 27.963649956111542, + "nauc_mrr_at_100_std": -4.3271683004962, + "nauc_mrr_at_10_diff1": 36.496807206746176, + "nauc_mrr_at_10_max": 28.120842911547534, + "nauc_mrr_at_10_std": -4.87122638010671, + "nauc_mrr_at_1_diff1": 46.33099860144716, + "nauc_mrr_at_1_max": 35.4859105639909, + "nauc_mrr_at_1_std": -3.2263281209085566, + "nauc_mrr_at_20_diff1": 36.30705560054853, + "nauc_mrr_at_20_max": 27.976401984511075, + "nauc_mrr_at_20_std": -4.715772425909112, + "nauc_mrr_at_3_diff1": 38.96056551025221, + "nauc_mrr_at_3_max": 29.51099966763278, + "nauc_mrr_at_3_std": -4.6236213229116165, + "nauc_mrr_at_5_diff1": 37.77817956075975, + "nauc_mrr_at_5_max": 29.011475146701326, + "nauc_mrr_at_5_std": -4.718243588613509, + "nauc_ndcg_at_1000_diff1": 31.66466628463146, + "nauc_ndcg_at_1000_max": 23.801406394456677, + "nauc_ndcg_at_1000_std": -0.8537022176476805, + "nauc_ndcg_at_100_diff1": 32.12324111984138, + "nauc_ndcg_at_100_max": 23.531317692993255, + "nauc_ndcg_at_100_std": -2.5141257246667847, + "nauc_ndcg_at_10_diff1": 33.65961130642343, + "nauc_ndcg_at_10_max": 23.852547124966375, + "nauc_ndcg_at_10_std": -5.694261022509329, + "nauc_ndcg_at_1_diff1": 46.33099860144716, + "nauc_ndcg_at_1_max": 35.4859105639909, + "nauc_ndcg_at_1_std": -3.2263281209085566, + "nauc_ndcg_at_20_diff1": 33.2596461543923, + "nauc_ndcg_at_20_max": 23.410367154540957, + "nauc_ndcg_at_20_std": -4.993438821759135, + "nauc_ndcg_at_3_diff1": 38.49302702240003, + "nauc_ndcg_at_3_max": 26.91849498480658, + "nauc_ndcg_at_3_std": -5.507535655688577, + "nauc_ndcg_at_5_diff1": 36.34741479071839, + "nauc_ndcg_at_5_max": 25.867932454692088, + "nauc_ndcg_at_5_std": -5.51688925853437, + "nauc_precision_at_1000_diff1": 3.4780497920711326, + "nauc_precision_at_1000_max": 18.21263960599663, + "nauc_precision_at_1000_std": 14.085513436914637, + "nauc_precision_at_100_diff1": 14.36699897085701, + "nauc_precision_at_100_max": 19.32065741728386, + "nauc_precision_at_100_std": 5.71990367969069, + "nauc_precision_at_10_diff1": 20.767692427168015, + "nauc_precision_at_10_max": 19.73101890683137, + "nauc_precision_at_10_std": -6.069817243914008, + "nauc_precision_at_1_diff1": 46.33099860144716, + "nauc_precision_at_1_max": 35.4859105639909, + "nauc_precision_at_1_std": -3.2263281209085566, + "nauc_precision_at_20_diff1": 19.891096552387722, + "nauc_precision_at_20_max": 18.826506625959798, + "nauc_precision_at_20_std": -3.4269595182918033, + "nauc_precision_at_3_diff1": 31.43880801440455, + "nauc_precision_at_3_max": 25.061447990382852, + "nauc_precision_at_3_std": -5.354356608479064, + "nauc_precision_at_5_diff1": 26.79336768034434, + "nauc_precision_at_5_max": 23.477964523010396, + "nauc_precision_at_5_std": -5.762844318489033, + "nauc_recall_at_1000_diff1": 12.463469349742812, + "nauc_recall_at_1000_max": 13.262333629170845, + "nauc_recall_at_1000_std": 15.999509660589933, + "nauc_recall_at_100_diff1": 19.025729138081836, + "nauc_recall_at_100_max": 15.403625041530212, + "nauc_recall_at_100_std": 4.996443705774602, + "nauc_recall_at_10_diff1": 23.168831160154607, + "nauc_recall_at_10_max": 16.001264079205242, + "nauc_recall_at_10_std": -6.242620935676047, + "nauc_recall_at_1_diff1": 48.68557105246294, + "nauc_recall_at_1_max": 32.48532434140668, + "nauc_recall_at_1_std": -4.93862403800474, + "nauc_recall_at_20_diff1": 22.74757458816546, + "nauc_recall_at_20_max": 15.196173605729458, + "nauc_recall_at_20_std": -4.209222520321505, + "nauc_recall_at_3_diff1": 34.221157190727794, + "nauc_recall_at_3_max": 22.101122375914557, + "nauc_recall_at_3_std": -6.4312864088154855, + "nauc_recall_at_5_diff1": 30.00246916642969, + "nauc_recall_at_5_max": 20.813647492964524, + "nauc_recall_at_5_std": -5.963828101389924, + "ndcg_at_1": 12.407, + "ndcg_at_10": 16.589000000000002, + "ndcg_at_100": 20.122999999999998, + "ndcg_at_1000": 23.427999999999997, + "ndcg_at_20": 17.622, + "ndcg_at_3": 13.911000000000001, + "ndcg_at_5": 15.057, + "precision_at_1": 12.407, + "precision_at_10": 2.92, + "precision_at_100": 0.526, + "precision_at_1000": 0.09, + "precision_at_20": 1.73, + "precision_at_3": 6.3740000000000006, + "precision_at_5": 4.6080000000000005, + "recall_at_1": 10.348, + "recall_at_10": 22.765, + "recall_at_100": 39.311, + "recall_at_1000": 64.334, + "recall_at_20": 26.488, + "recall_at_3": 15.137, + "recall_at_5": 18.132 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/CQADupstackWebmastersRetrieval.json b/results/minishlab__M2V_base_glove/external/CQADupstackWebmastersRetrieval.json new file mode 100644 index 000000000..c8ffc05de --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/CQADupstackWebmastersRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "160c094312a0e1facb97e55eeddb698c0abe3571", + "task_name": "CQADupstackWebmastersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 20.898, + "map_at_1": 10.638, + "map_at_10": 16.833000000000002, + "map_at_100": 17.727999999999998, + "map_at_1000": 17.901, + "map_at_20": 17.286, + "map_at_3": 15.229999999999999, + "map_at_5": 15.964, + "mrr_at_1": 13.83399209486166, + "mrr_at_10": 20.414862914862912, + "mrr_at_100": 21.1918520823834, + "mrr_at_1000": 21.280393775500254, + "mrr_at_20": 20.85554487149435, + "mrr_at_3": 18.906455862977598, + "mrr_at_5": 19.677206851119895, + "nauc_map_at_1000_diff1": 35.60581498091247, + "nauc_map_at_1000_max": 19.807829060830564, + "nauc_map_at_1000_std": -12.288904191825727, + "nauc_map_at_100_diff1": 35.73031568643259, + "nauc_map_at_100_max": 19.888921175215273, + "nauc_map_at_100_std": -12.394338708086611, + "nauc_map_at_10_diff1": 35.90781658193538, + "nauc_map_at_10_max": 20.30071517139723, + "nauc_map_at_10_std": -13.21353855816924, + "nauc_map_at_1_diff1": 48.473719657085255, + "nauc_map_at_1_max": 20.581982089250136, + "nauc_map_at_1_std": -10.702644517489851, + "nauc_map_at_20_diff1": 35.94358649592004, + "nauc_map_at_20_max": 20.021365660458233, + "nauc_map_at_20_std": -12.910422224053336, + "nauc_map_at_3_diff1": 39.2414174048553, + "nauc_map_at_3_max": 19.121286688071976, + "nauc_map_at_3_std": -12.720527679135701, + "nauc_map_at_5_diff1": 37.65029240515698, + "nauc_map_at_5_max": 19.711370835818958, + "nauc_map_at_5_std": -12.861505993621163, + "nauc_mrr_at_1000_diff1": 32.3301643796503, + "nauc_mrr_at_1000_max": 20.52424230492303, + "nauc_mrr_at_1000_std": -12.232467571800854, + "nauc_mrr_at_100_diff1": 32.346634248359955, + "nauc_mrr_at_100_max": 20.525320060903585, + "nauc_mrr_at_100_std": -12.22134936297468, + "nauc_mrr_at_10_diff1": 32.22480347349119, + "nauc_mrr_at_10_max": 20.804493218360445, + "nauc_mrr_at_10_std": -12.822192933749621, + "nauc_mrr_at_1_diff1": 42.548653237693316, + "nauc_mrr_at_1_max": 23.06598695012915, + "nauc_mrr_at_1_std": -11.74488988266296, + "nauc_mrr_at_20_diff1": 32.432937534124086, + "nauc_mrr_at_20_max": 20.579328500121203, + "nauc_mrr_at_20_std": -12.588012401985225, + "nauc_mrr_at_3_diff1": 34.397571670501264, + "nauc_mrr_at_3_max": 20.13774876009483, + "nauc_mrr_at_3_std": -12.01068604428263, + "nauc_mrr_at_5_diff1": 32.876382340593864, + "nauc_mrr_at_5_max": 20.272684252547506, + "nauc_mrr_at_5_std": -12.336258450312041, + "nauc_ndcg_at_1000_diff1": 30.599477254817316, + "nauc_ndcg_at_1000_max": 19.58213768807632, + "nauc_ndcg_at_1000_std": -8.148938595988358, + "nauc_ndcg_at_100_diff1": 30.913346166831733, + "nauc_ndcg_at_100_max": 19.779289804033745, + "nauc_ndcg_at_100_std": -9.057419136085338, + "nauc_ndcg_at_10_diff1": 30.375159602708617, + "nauc_ndcg_at_10_max": 20.422870313571686, + "nauc_ndcg_at_10_std": -13.513106506566325, + "nauc_ndcg_at_1_diff1": 42.548653237693316, + "nauc_ndcg_at_1_max": 23.06598695012915, + "nauc_ndcg_at_1_std": -11.74488988266296, + "nauc_ndcg_at_20_diff1": 30.981127537056285, + "nauc_ndcg_at_20_max": 19.699283486395966, + "nauc_ndcg_at_20_std": -12.459362077789594, + "nauc_ndcg_at_3_diff1": 34.20407067030529, + "nauc_ndcg_at_3_max": 18.300931170740117, + "nauc_ndcg_at_3_std": -12.336085516544653, + "nauc_ndcg_at_5_diff1": 32.75690035095809, + "nauc_ndcg_at_5_max": 19.07389087899962, + "nauc_ndcg_at_5_std": -12.812135004055685, + "nauc_precision_at_1000_diff1": -6.568927341932564, + "nauc_precision_at_1000_max": -3.713640032829482, + "nauc_precision_at_1000_std": 12.117240649009698, + "nauc_precision_at_100_diff1": -2.9367632268748918, + "nauc_precision_at_100_max": 3.27216899405361, + "nauc_precision_at_100_std": 6.784184812065526, + "nauc_precision_at_10_diff1": 11.519147346234265, + "nauc_precision_at_10_max": 18.13695487911042, + "nauc_precision_at_10_std": -11.804807048296718, + "nauc_precision_at_1_diff1": 42.548653237693316, + "nauc_precision_at_1_max": 23.06598695012915, + "nauc_precision_at_1_std": -11.74488988266296, + "nauc_precision_at_20_diff1": 9.60547736036805, + "nauc_precision_at_20_max": 13.830439559945646, + "nauc_precision_at_20_std": -8.977774434672613, + "nauc_precision_at_3_diff1": 26.065405745771674, + "nauc_precision_at_3_max": 18.534736719384824, + "nauc_precision_at_3_std": -11.654717965450807, + "nauc_precision_at_5_diff1": 20.066525503683547, + "nauc_precision_at_5_max": 19.133419951937, + "nauc_precision_at_5_std": -12.818467999888828, + "nauc_recall_at_1000_diff1": 15.783538232295097, + "nauc_recall_at_1000_max": 14.071709448821176, + "nauc_recall_at_1000_std": 17.66158228025607, + "nauc_recall_at_100_diff1": 21.162385324476695, + "nauc_recall_at_100_max": 17.145208604213767, + "nauc_recall_at_100_std": 3.9374103258567112, + "nauc_recall_at_10_diff1": 20.699553866778857, + "nauc_recall_at_10_max": 21.282711211008866, + "nauc_recall_at_10_std": -14.179628995645633, + "nauc_recall_at_1_diff1": 48.473719657085255, + "nauc_recall_at_1_max": 20.581982089250136, + "nauc_recall_at_1_std": -10.702644517489851, + "nauc_recall_at_20_diff1": 21.419587577304537, + "nauc_recall_at_20_max": 17.606430632714602, + "nauc_recall_at_20_std": -10.993318743040348, + "nauc_recall_at_3_diff1": 32.07559647496913, + "nauc_recall_at_3_max": 17.565170643623897, + "nauc_recall_at_3_std": -12.19780121817959, + "nauc_recall_at_5_diff1": 27.518158043297458, + "nauc_recall_at_5_max": 19.04014005217722, + "nauc_recall_at_5_std": -12.29160434365186, + "ndcg_at_1": 13.834, + "ndcg_at_10": 20.898, + "ndcg_at_100": 25.130999999999997, + "ndcg_at_1000": 28.785, + "ndcg_at_20": 22.23, + "ndcg_at_3": 18.234, + "ndcg_at_5": 19.127, + "precision_at_1": 13.834, + "precision_at_10": 4.269, + "precision_at_100": 0.923, + "precision_at_1000": 0.178, + "precision_at_20": 2.658, + "precision_at_3": 9.157, + "precision_at_5": 6.4030000000000005, + "recall_at_1": 10.638, + "recall_at_10": 28.794999999999998, + "recall_at_100": 49.277, + "recall_at_1000": 74.615, + "recall_at_20": 34.247, + "recall_at_3": 20.183, + "recall_at_5": 23.180999999999997 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/CQADupstackWordpressRetrieval.json b/results/minishlab__M2V_base_glove/external/CQADupstackWordpressRetrieval.json new file mode 100644 index 000000000..73c225ab2 --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/CQADupstackWordpressRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "4ffe81d471b1924886b33c7567bfb200e9eec5c4", + "task_name": "CQADupstackWordpressRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 11.373999999999999, + "map_at_1": 6.414000000000001, + "map_at_10": 9.346, + "map_at_100": 9.957, + "map_at_1000": 10.068000000000001, + "map_at_20": 9.695, + "map_at_3": 8.404, + "map_at_5": 8.915, + "mrr_at_1": 7.024029574861368, + "mrr_at_10": 10.393451280697127, + "mrr_at_100": 11.019498040355051, + "mrr_at_1000": 11.126514549307483, + "mrr_at_20": 10.739949578915956, + "mrr_at_3": 9.365372766481826, + "mrr_at_5": 9.929143561306228, + "nauc_map_at_1000_diff1": 12.814381907786581, + "nauc_map_at_1000_max": 29.092426026076524, + "nauc_map_at_1000_std": -9.255923420073602, + "nauc_map_at_100_diff1": 12.878426138689159, + "nauc_map_at_100_max": 29.122942173430786, + "nauc_map_at_100_std": -9.23900341988892, + "nauc_map_at_10_diff1": 12.489510614799556, + "nauc_map_at_10_max": 29.750605132230973, + "nauc_map_at_10_std": -10.891316457455034, + "nauc_map_at_1_diff1": 21.979091153692785, + "nauc_map_at_1_max": 35.67921476025159, + "nauc_map_at_1_std": -14.076714572064722, + "nauc_map_at_20_diff1": 12.939397189474525, + "nauc_map_at_20_max": 29.2420862234903, + "nauc_map_at_20_std": -9.697032010892098, + "nauc_map_at_3_diff1": 11.71956313714658, + "nauc_map_at_3_max": 31.408331125347317, + "nauc_map_at_3_std": -12.366045347802453, + "nauc_map_at_5_diff1": 11.261295189080775, + "nauc_map_at_5_max": 30.532438938899865, + "nauc_map_at_5_std": -12.056642279674733, + "nauc_mrr_at_1000_diff1": 12.232878554105064, + "nauc_mrr_at_1000_max": 26.79489706046956, + "nauc_mrr_at_1000_std": -6.8992050502406315, + "nauc_mrr_at_100_diff1": 12.294839666442735, + "nauc_mrr_at_100_max": 26.78607457984652, + "nauc_mrr_at_100_std": -6.878887030823078, + "nauc_mrr_at_10_diff1": 12.002724356254795, + "nauc_mrr_at_10_max": 27.40402310816038, + "nauc_mrr_at_10_std": -8.162035027744258, + "nauc_mrr_at_1_diff1": 20.886203498846683, + "nauc_mrr_at_1_max": 33.254317694509375, + "nauc_mrr_at_1_std": -10.117522555828865, + "nauc_mrr_at_20_diff1": 12.319675769640858, + "nauc_mrr_at_20_max": 26.87015727907368, + "nauc_mrr_at_20_std": -7.2617234809484135, + "nauc_mrr_at_3_diff1": 11.230701177630559, + "nauc_mrr_at_3_max": 29.122126861558968, + "nauc_mrr_at_3_std": -9.026936451805618, + "nauc_mrr_at_5_diff1": 10.722689392365698, + "nauc_mrr_at_5_max": 27.993297554036012, + "nauc_mrr_at_5_std": -9.203791949467071, + "nauc_ndcg_at_1000_diff1": 11.60863424444098, + "nauc_ndcg_at_1000_max": 24.57800369950003, + "nauc_ndcg_at_1000_std": -3.153398878672258, + "nauc_ndcg_at_100_diff1": 12.469794088622505, + "nauc_ndcg_at_100_max": 25.001650897821804, + "nauc_ndcg_at_100_std": -3.0373993012052956, + "nauc_ndcg_at_10_diff1": 11.20161781483793, + "nauc_ndcg_at_10_max": 26.63677144307719, + "nauc_ndcg_at_10_std": -8.484641569381287, + "nauc_ndcg_at_1_diff1": 20.886203498846683, + "nauc_ndcg_at_1_max": 33.254317694509375, + "nauc_ndcg_at_1_std": -10.117522555828865, + "nauc_ndcg_at_20_diff1": 12.525480705639607, + "nauc_ndcg_at_20_max": 25.305210925916516, + "nauc_ndcg_at_20_std": -5.310390743566156, + "nauc_ndcg_at_3_diff1": 9.410259553800584, + "nauc_ndcg_at_3_max": 29.021903193094463, + "nauc_ndcg_at_3_std": -10.710588632351651, + "nauc_ndcg_at_5_diff1": 8.542378256013144, + "nauc_ndcg_at_5_max": 27.76839928117293, + "nauc_ndcg_at_5_std": -10.86086606320655, + "nauc_precision_at_1000_diff1": 6.970182551195389, + "nauc_precision_at_1000_max": 0.5412999294836751, + "nauc_precision_at_1000_std": 7.012494393070737, + "nauc_precision_at_100_diff1": 14.185556880215492, + "nauc_precision_at_100_max": 13.099017338602453, + "nauc_precision_at_100_std": 8.819688120163907, + "nauc_precision_at_10_diff1": 10.272854713458313, + "nauc_precision_at_10_max": 17.757675634794186, + "nauc_precision_at_10_std": -3.1133486120801988, + "nauc_precision_at_1_diff1": 20.886203498846683, + "nauc_precision_at_1_max": 33.254317694509375, + "nauc_precision_at_1_std": -10.117522555828865, + "nauc_precision_at_20_diff1": 14.088873804920043, + "nauc_precision_at_20_max": 14.90331907367224, + "nauc_precision_at_20_std": 4.034708541338394, + "nauc_precision_at_3_diff1": 3.2713456006968484, + "nauc_precision_at_3_max": 22.242467561792488, + "nauc_precision_at_3_std": -7.484175123651296, + "nauc_precision_at_5_diff1": 3.3283399856227054, + "nauc_precision_at_5_max": 19.173330923166482, + "nauc_precision_at_5_std": -6.826663840827791, + "nauc_recall_at_1000_diff1": 8.668188603519953, + "nauc_recall_at_1000_max": 17.270973316398546, + "nauc_recall_at_1000_std": 8.465785248503957, + "nauc_recall_at_100_diff1": 12.084384969430875, + "nauc_recall_at_100_max": 18.874679350876704, + "nauc_recall_at_100_std": 8.095326820740619, + "nauc_recall_at_10_diff1": 9.382418742690367, + "nauc_recall_at_10_max": 21.96752741022579, + "nauc_recall_at_10_std": -4.745351078438475, + "nauc_recall_at_1_diff1": 21.979091153692785, + "nauc_recall_at_1_max": 35.67921476025159, + "nauc_recall_at_1_std": -14.076714572064722, + "nauc_recall_at_20_diff1": 12.502935936269866, + "nauc_recall_at_20_max": 18.929026175207063, + "nauc_recall_at_20_std": 2.5944671259870504, + "nauc_recall_at_3_diff1": 4.4289380840974735, + "nauc_recall_at_3_max": 26.258771203699638, + "nauc_recall_at_3_std": -10.675231031449831, + "nauc_recall_at_5_diff1": 3.359403384626283, + "nauc_recall_at_5_max": 23.44431771658149, + "nauc_recall_at_5_std": -9.89846436941446, + "ndcg_at_1": 7.024, + "ndcg_at_10": 11.373999999999999, + "ndcg_at_100": 14.689, + "ndcg_at_1000": 17.955, + "ndcg_at_20": 12.587000000000002, + "ndcg_at_3": 9.4, + "ndcg_at_5": 10.288, + "precision_at_1": 7.024, + "precision_at_10": 1.959, + "precision_at_100": 0.386, + "precision_at_1000": 0.07200000000000001, + "precision_at_20": 1.248, + "precision_at_3": 4.313000000000001, + "precision_at_5": 3.1419999999999995, + "recall_at_1": 6.414000000000001, + "recall_at_10": 16.663, + "recall_at_100": 32.627, + "recall_at_1000": 57.965, + "recall_at_20": 21.254, + "recall_at_3": 11.05, + "recall_at_5": 13.306000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/ClimateFEVER.json b/results/minishlab__M2V_base_glove/external/ClimateFEVER.json new file mode 100644 index 000000000..f64e3895f --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/ClimateFEVER.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 16.171, + "map_at_1": 6.49, + "map_at_10": 10.86, + "map_at_100": 12.029, + "map_at_1000": 12.203, + "map_at_20": 11.436, + "map_at_3": 9.043, + "map_at_5": 9.8, + "mrr_at_1": 14.462540716612377, + "mrr_at_10": 22.29667545628457, + "mrr_at_100": 23.37683906670798, + "mrr_at_1000": 23.444939100216125, + "mrr_at_20": 22.96344510401194, + "mrr_at_3": 19.543973941368094, + "mrr_at_5": 20.856677524429962, + "nauc_map_at_1000_diff1": 25.452522122995575, + "nauc_map_at_1000_max": 12.219315907930918, + "nauc_map_at_1000_std": 16.320282612741305, + "nauc_map_at_100_diff1": 25.507996305601317, + "nauc_map_at_100_max": 12.06761857799284, + "nauc_map_at_100_std": 16.021924617361154, + "nauc_map_at_10_diff1": 25.57683857235436, + "nauc_map_at_10_max": 11.583315696972235, + "nauc_map_at_10_std": 13.393037535035432, + "nauc_map_at_1_diff1": 33.53502479094588, + "nauc_map_at_1_max": 13.878001277352162, + "nauc_map_at_1_std": 5.938822039290204, + "nauc_map_at_20_diff1": 25.55600131663723, + "nauc_map_at_20_max": 11.767498368847294, + "nauc_map_at_20_std": 14.874735745830284, + "nauc_map_at_3_diff1": 28.16358100998465, + "nauc_map_at_3_max": 11.009921978477848, + "nauc_map_at_3_std": 9.652386014234253, + "nauc_map_at_5_diff1": 26.439156523376795, + "nauc_map_at_5_max": 11.895365754476197, + "nauc_map_at_5_std": 11.092649215492974, + "nauc_mrr_at_1000_diff1": 21.97546949903572, + "nauc_mrr_at_1000_max": 14.261163831146325, + "nauc_mrr_at_1000_std": 19.72512565669776, + "nauc_mrr_at_100_diff1": 21.96565333521718, + "nauc_mrr_at_100_max": 14.25918411052649, + "nauc_mrr_at_100_std": 19.72641795619631, + "nauc_mrr_at_10_diff1": 21.761361506131664, + "nauc_mrr_at_10_max": 13.870635547681125, + "nauc_mrr_at_10_std": 18.899030921740913, + "nauc_mrr_at_1_diff1": 28.225624779989793, + "nauc_mrr_at_1_max": 15.731268371038876, + "nauc_mrr_at_1_std": 11.817097465195838, + "nauc_mrr_at_20_diff1": 21.932653013488263, + "nauc_mrr_at_20_max": 14.267696655537113, + "nauc_mrr_at_20_std": 19.57763771339346, + "nauc_mrr_at_3_diff1": 22.972742704805594, + "nauc_mrr_at_3_max": 13.606825043059484, + "nauc_mrr_at_3_std": 16.66396056842737, + "nauc_mrr_at_5_diff1": 21.53161336998259, + "nauc_mrr_at_5_max": 13.78805281788865, + "nauc_mrr_at_5_std": 17.48258179886329, + "nauc_ndcg_at_1000_diff1": 21.510438201814555, + "nauc_ndcg_at_1000_max": 15.294388509269332, + "nauc_ndcg_at_1000_std": 29.78286871086174, + "nauc_ndcg_at_100_diff1": 21.909993929792968, + "nauc_ndcg_at_100_max": 13.806153792247411, + "nauc_ndcg_at_100_std": 26.31514822578377, + "nauc_ndcg_at_10_diff1": 21.814688827039973, + "nauc_ndcg_at_10_max": 11.74040640724938, + "nauc_ndcg_at_10_std": 18.95001631559189, + "nauc_ndcg_at_1_diff1": 28.225624779989793, + "nauc_ndcg_at_1_max": 15.731268371038876, + "nauc_ndcg_at_1_std": 11.817097465195838, + "nauc_ndcg_at_20_diff1": 22.110803283934597, + "nauc_ndcg_at_20_max": 12.533091773854643, + "nauc_ndcg_at_20_std": 22.334144596461595, + "nauc_ndcg_at_3_diff1": 24.58550620567529, + "nauc_ndcg_at_3_max": 11.495133989089155, + "nauc_ndcg_at_3_std": 14.019950240046125, + "nauc_ndcg_at_5_diff1": 22.63932744589355, + "nauc_ndcg_at_5_max": 12.210494829061583, + "nauc_ndcg_at_5_std": 14.986538103879571, + "nauc_precision_at_1000_diff1": 3.0659507288198222, + "nauc_precision_at_1000_max": 17.651636411603363, + "nauc_precision_at_1000_std": 46.687885011722905, + "nauc_precision_at_100_diff1": 9.322266673560664, + "nauc_precision_at_100_max": 16.453949056266676, + "nauc_precision_at_100_std": 41.48389095040357, + "nauc_precision_at_10_diff1": 11.448954567469192, + "nauc_precision_at_10_max": 12.803293999157306, + "nauc_precision_at_10_std": 30.666747386505875, + "nauc_precision_at_1_diff1": 28.225624779989793, + "nauc_precision_at_1_max": 15.731268371038876, + "nauc_precision_at_1_std": 11.817097465195838, + "nauc_precision_at_20_diff1": 12.581503085208197, + "nauc_precision_at_20_max": 14.622144016052083, + "nauc_precision_at_20_std": 36.42962789257147, + "nauc_precision_at_3_diff1": 18.22988167028705, + "nauc_precision_at_3_max": 10.434936075066396, + "nauc_precision_at_3_std": 20.955643678318854, + "nauc_precision_at_5_diff1": 13.956844187820867, + "nauc_precision_at_5_max": 12.934736514145872, + "nauc_precision_at_5_std": 24.089671716662217, + "nauc_recall_at_1000_diff1": 12.176293176713001, + "nauc_recall_at_1000_max": 16.64676058872791, + "nauc_recall_at_1000_std": 48.3590425892625, + "nauc_recall_at_100_diff1": 14.099039177766926, + "nauc_recall_at_100_max": 11.566617068317054, + "nauc_recall_at_100_std": 35.558422008286676, + "nauc_recall_at_10_diff1": 16.256605283273597, + "nauc_recall_at_10_max": 8.008716206119368, + "nauc_recall_at_10_std": 22.100120995196388, + "nauc_recall_at_1_diff1": 33.53502479094588, + "nauc_recall_at_1_max": 13.878001277352162, + "nauc_recall_at_1_std": 5.938822039290204, + "nauc_recall_at_20_diff1": 16.06215529359703, + "nauc_recall_at_20_max": 9.19166885836403, + "nauc_recall_at_20_std": 28.421149511620403, + "nauc_recall_at_3_diff1": 23.305628146033623, + "nauc_recall_at_3_max": 8.33622109524315, + "nauc_recall_at_3_std": 13.031246726102937, + "nauc_recall_at_5_diff1": 18.43232483383881, + "nauc_recall_at_5_max": 10.155413231665907, + "nauc_recall_at_5_std": 15.628732838871349, + "ndcg_at_1": 14.463000000000001, + "ndcg_at_10": 16.171, + "ndcg_at_100": 21.862000000000002, + "ndcg_at_1000": 25.579, + "ndcg_at_20": 18.208, + "ndcg_at_3": 12.65, + "ndcg_at_5": 13.600999999999999, + "precision_at_1": 14.463000000000001, + "precision_at_10": 5.27, + "precision_at_100": 1.13, + "precision_at_1000": 0.181, + "precision_at_20": 3.472, + "precision_at_3": 9.511, + "precision_at_5": 7.257, + "recall_at_1": 6.49, + "recall_at_10": 20.145, + "recall_at_100": 40.491, + "recall_at_1000": 61.954, + "recall_at_20": 26.116, + "recall_at_3": 11.671, + "recall_at_5": 14.350999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/DBPedia.json b/results/minishlab__M2V_base_glove/external/DBPedia.json new file mode 100644 index 000000000..b778163af --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/DBPedia.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 23.314, + "map_at_1": 4.1930000000000005, + "map_at_10": 9.451, + "map_at_100": 13.345, + "map_at_1000": 14.295, + "map_at_20": 10.95, + "map_at_3": 6.719, + "map_at_5": 7.943, + "mrr_at_1": 41.25, + "mrr_at_10": 52.50029761904762, + "mrr_at_100": 53.04127177817847, + "mrr_at_1000": 53.06001345137005, + "mrr_at_20": 52.82097353648243, + "mrr_at_3": 49.79166666666667, + "mrr_at_5": 51.141666666666666, + "nauc_map_at_1000_diff1": 29.246888751401183, + "nauc_map_at_1000_max": 20.992593589579332, + "nauc_map_at_1000_std": 27.048244101785983, + "nauc_map_at_100_diff1": 29.396558524731773, + "nauc_map_at_100_max": 18.684709362814893, + "nauc_map_at_100_std": 24.42843328970449, + "nauc_map_at_10_diff1": 36.612473802810264, + "nauc_map_at_10_max": 5.370000439081981, + "nauc_map_at_10_std": 10.225231933933902, + "nauc_map_at_1_diff1": 47.0850596735353, + "nauc_map_at_1_max": -5.002455326326334, + "nauc_map_at_1_std": -2.5065181052556857, + "nauc_map_at_20_diff1": 32.814505431185125, + "nauc_map_at_20_max": 10.970159569703512, + "nauc_map_at_20_std": 15.568239172475318, + "nauc_map_at_3_diff1": 40.75862158186446, + "nauc_map_at_3_max": -0.4213270731304502, + "nauc_map_at_3_std": 1.3560087800504952, + "nauc_map_at_5_diff1": 39.866935212237244, + "nauc_map_at_5_max": 1.4074079573507723, + "nauc_map_at_5_std": 4.733909226917712, + "nauc_mrr_at_1000_diff1": 36.30061840549585, + "nauc_mrr_at_1000_max": 31.937578467317252, + "nauc_mrr_at_1000_std": 19.888993080628868, + "nauc_mrr_at_100_diff1": 36.316041541899715, + "nauc_mrr_at_100_max": 31.93973398065863, + "nauc_mrr_at_100_std": 19.882545554953712, + "nauc_mrr_at_10_diff1": 36.39340702961567, + "nauc_mrr_at_10_max": 31.939905747726755, + "nauc_mrr_at_10_std": 19.790744191534902, + "nauc_mrr_at_1_diff1": 39.41242061375868, + "nauc_mrr_at_1_max": 33.06184450800732, + "nauc_mrr_at_1_std": 20.58564018034613, + "nauc_mrr_at_20_diff1": 36.274937013283136, + "nauc_mrr_at_20_max": 31.92296521916047, + "nauc_mrr_at_20_std": 19.707437973673255, + "nauc_mrr_at_3_diff1": 35.12784809764666, + "nauc_mrr_at_3_max": 31.44276928443377, + "nauc_mrr_at_3_std": 20.001429588478665, + "nauc_mrr_at_5_diff1": 36.06783433185437, + "nauc_mrr_at_5_max": 31.301028441740108, + "nauc_mrr_at_5_std": 19.911112472798585, + "nauc_ndcg_at_1000_diff1": 30.145005420806648, + "nauc_ndcg_at_1000_max": 28.835794569879603, + "nauc_ndcg_at_1000_std": 40.94262912650509, + "nauc_ndcg_at_100_diff1": 31.004392045759786, + "nauc_ndcg_at_100_max": 22.609883734098876, + "nauc_ndcg_at_100_std": 32.45496883796963, + "nauc_ndcg_at_10_diff1": 33.95200380763225, + "nauc_ndcg_at_10_max": 22.166120818189874, + "nauc_ndcg_at_10_std": 24.31143387763355, + "nauc_ndcg_at_1_diff1": 37.09936078848664, + "nauc_ndcg_at_1_max": 23.177643445251952, + "nauc_ndcg_at_1_std": 15.644267850000382, + "nauc_ndcg_at_20_diff1": 32.94916178385309, + "nauc_ndcg_at_20_max": 20.493565131056947, + "nauc_ndcg_at_20_std": 24.71465577127248, + "nauc_ndcg_at_3_diff1": 31.83589559130389, + "nauc_ndcg_at_3_max": 25.624482222498973, + "nauc_ndcg_at_3_std": 22.398699425588234, + "nauc_ndcg_at_5_diff1": 34.467382509530104, + "nauc_ndcg_at_5_max": 23.918417030607156, + "nauc_ndcg_at_5_std": 22.52442509626043, + "nauc_precision_at_1000_diff1": 0.36979033722690385, + "nauc_precision_at_1000_max": 31.789852778368232, + "nauc_precision_at_1000_std": 19.034827076241115, + "nauc_precision_at_100_diff1": 3.8616359733836267, + "nauc_precision_at_100_max": 42.24487879027765, + "nauc_precision_at_100_std": 36.10418503006711, + "nauc_precision_at_10_diff1": 11.897092853884175, + "nauc_precision_at_10_max": 37.25079837960547, + "nauc_precision_at_10_std": 33.538882873177194, + "nauc_precision_at_1_diff1": 39.41242061375868, + "nauc_precision_at_1_max": 33.06184450800732, + "nauc_precision_at_1_std": 20.58564018034613, + "nauc_precision_at_20_diff1": 8.324631452363194, + "nauc_precision_at_20_max": 40.095554658189535, + "nauc_precision_at_20_std": 35.32627161609494, + "nauc_precision_at_3_diff1": 21.480845765105535, + "nauc_precision_at_3_max": 34.404510137957296, + "nauc_precision_at_3_std": 25.88702664185785, + "nauc_precision_at_5_diff1": 20.854535571676504, + "nauc_precision_at_5_max": 36.5652373884139, + "nauc_precision_at_5_std": 29.91773461835973, + "nauc_recall_at_1000_diff1": 17.160938178557515, + "nauc_recall_at_1000_max": 18.745040668172734, + "nauc_recall_at_1000_std": 47.77808860970952, + "nauc_recall_at_100_diff1": 19.663135115365638, + "nauc_recall_at_100_max": 11.5792555702293, + "nauc_recall_at_100_std": 29.34316489509291, + "nauc_recall_at_10_diff1": 26.460992406759853, + "nauc_recall_at_10_max": -4.0242727391107, + "nauc_recall_at_10_std": 6.854471190594813, + "nauc_recall_at_1_diff1": 47.0850596735353, + "nauc_recall_at_1_max": -5.002455326326334, + "nauc_recall_at_1_std": -2.5065181052556857, + "nauc_recall_at_20_diff1": 20.815109658844243, + "nauc_recall_at_20_max": 2.97987494189501, + "nauc_recall_at_20_std": 13.735624155054865, + "nauc_recall_at_3_diff1": 34.69852227923236, + "nauc_recall_at_3_max": -4.575310462476451, + "nauc_recall_at_3_std": -2.0162790496939738, + "nauc_recall_at_5_diff1": 30.573111849961087, + "nauc_recall_at_5_max": -6.852781921434314, + "nauc_recall_at_5_std": -0.12386515905111516, + "ndcg_at_1": 29.25, + "ndcg_at_10": 23.314, + "ndcg_at_100": 27.039, + "ndcg_at_1000": 33.547, + "ndcg_at_20": 22.908, + "ndcg_at_3": 26.067, + "ndcg_at_5": 24.41, + "precision_at_1": 41.25, + "precision_at_10": 20.8, + "precision_at_100": 6.7250000000000005, + "precision_at_1000": 1.345, + "precision_at_20": 15.437000000000001, + "precision_at_3": 32.917, + "precision_at_5": 26.8, + "recall_at_1": 4.1930000000000005, + "recall_at_10": 14.66, + "recall_at_100": 34.512, + "recall_at_1000": 56.525999999999996, + "recall_at_20": 19.41, + "recall_at_3": 7.993, + "recall_at_5": 10.836 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/EmotionClassification.json b/results/minishlab__M2V_base_glove/external/EmotionClassification.json new file mode 100644 index 000000000..7812174cd --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/EmotionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 40.955000000000005, + "f1": 37.3982202431314, + "f1_weighted": 42.96026705692032, + "main_score": 40.955000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/FEVER.json b/results/minishlab__M2V_base_glove/external/FEVER.json new file mode 100644 index 000000000..67b76be1c --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/FEVER.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 27.395999999999997, + "map_at_1": 14.455000000000002, + "map_at_10": 22.406000000000002, + "map_at_100": 23.513, + "map_at_1000": 23.592, + "map_at_20": 23.049, + "map_at_3": 19.664, + "map_at_5": 21.15, + "mrr_at_1": 15.391539153915392, + "mrr_at_10": 23.74293381719119, + "mrr_at_100": 24.851964008010718, + "mrr_at_1000": 24.92195076388346, + "mrr_at_20": 24.40141458580929, + "mrr_at_3": 20.854585458545802, + "mrr_at_5": 22.427492749274947, + "nauc_map_at_1000_diff1": 20.2790469606637, + "nauc_map_at_1000_max": 0.8826386989029893, + "nauc_map_at_1000_std": -17.05582143283508, + "nauc_map_at_100_diff1": 20.264642559395448, + "nauc_map_at_100_max": 0.8772383427105086, + "nauc_map_at_100_std": -17.08005716127888, + "nauc_map_at_10_diff1": 20.42750070187778, + "nauc_map_at_10_max": 0.4502295866975133, + "nauc_map_at_10_std": -17.695115627220385, + "nauc_map_at_1_diff1": 25.402387231266548, + "nauc_map_at_1_max": 1.6424815864829863, + "nauc_map_at_1_std": -18.49910519910091, + "nauc_map_at_20_diff1": 20.26688144985526, + "nauc_map_at_20_max": 0.7087392636384585, + "nauc_map_at_20_std": -17.375993165109765, + "nauc_map_at_3_diff1": 20.765888356127807, + "nauc_map_at_3_max": -0.07059496556722329, + "nauc_map_at_3_std": -18.419231946592017, + "nauc_map_at_5_diff1": 20.905440664217693, + "nauc_map_at_5_max": 0.3584165899677387, + "nauc_map_at_5_std": -17.960238537840485, + "nauc_mrr_at_1000_diff1": 19.949709649869035, + "nauc_mrr_at_1000_max": 1.0702665531867555, + "nauc_mrr_at_1000_std": -17.180355615691344, + "nauc_mrr_at_100_diff1": 19.93346406381515, + "nauc_mrr_at_100_max": 1.0727094729339137, + "nauc_mrr_at_100_std": -17.19274247521704, + "nauc_mrr_at_10_diff1": 20.024945509689047, + "nauc_mrr_at_10_max": 0.6906042096382804, + "nauc_mrr_at_10_std": -17.74983173883923, + "nauc_mrr_at_1_diff1": 24.940895245977828, + "nauc_mrr_at_1_max": 1.5525079921719245, + "nauc_mrr_at_1_std": -18.925250181715437, + "nauc_mrr_at_20_diff1": 19.90257349289708, + "nauc_mrr_at_20_max": 0.925879628869193, + "nauc_mrr_at_20_std": -17.44500121630808, + "nauc_mrr_at_3_diff1": 20.26325171483128, + "nauc_mrr_at_3_max": 0.018857144836432145, + "nauc_mrr_at_3_std": -18.432656313618555, + "nauc_mrr_at_5_diff1": 20.445492658201456, + "nauc_mrr_at_5_max": 0.5462571868453703, + "nauc_mrr_at_5_std": -17.973089271207673, + "nauc_ndcg_at_1000_diff1": 18.71462836235728, + "nauc_ndcg_at_1000_max": 2.289345161963916, + "nauc_ndcg_at_1000_std": -13.38521466871558, + "nauc_ndcg_at_100_diff1": 18.472939661147674, + "nauc_ndcg_at_100_max": 2.3580056588353764, + "nauc_ndcg_at_100_std": -13.916898857530924, + "nauc_ndcg_at_10_diff1": 18.90039313740843, + "nauc_ndcg_at_10_max": 0.5795427442774991, + "nauc_ndcg_at_10_std": -16.988099731346406, + "nauc_ndcg_at_1_diff1": 24.940895245977828, + "nauc_ndcg_at_1_max": 1.5525079921719245, + "nauc_ndcg_at_1_std": -18.925250181715437, + "nauc_ndcg_at_20_diff1": 18.423913612064656, + "nauc_ndcg_at_20_max": 1.4014988518484526, + "nauc_ndcg_at_20_std": -15.904079487263198, + "nauc_ndcg_at_3_diff1": 19.52338368556581, + "nauc_ndcg_at_3_max": -0.4303556520640412, + "nauc_ndcg_at_3_std": -18.355382024512902, + "nauc_ndcg_at_5_diff1": 19.902542455553938, + "nauc_ndcg_at_5_max": 0.36819962108400217, + "nauc_ndcg_at_5_std": -17.534941004258688, + "nauc_precision_at_1000_diff1": 3.426985078198139, + "nauc_precision_at_1000_max": 12.054081264569234, + "nauc_precision_at_1000_std": 16.607672572475924, + "nauc_precision_at_100_diff1": 10.247998444310676, + "nauc_precision_at_100_max": 10.546078762132966, + "nauc_precision_at_100_std": 2.841310743504355, + "nauc_precision_at_10_diff1": 15.008646835319983, + "nauc_precision_at_10_max": 1.7859018920625784, + "nauc_precision_at_10_std": -15.012353469423603, + "nauc_precision_at_1_diff1": 24.940895245977828, + "nauc_precision_at_1_max": 1.5525079921719245, + "nauc_precision_at_1_std": -18.925250181715437, + "nauc_precision_at_20_diff1": 12.913065542433785, + "nauc_precision_at_20_max": 4.79535972667671, + "nauc_precision_at_20_std": -10.959665280880227, + "nauc_precision_at_3_diff1": 16.554046135988255, + "nauc_precision_at_3_max": -1.016842829460215, + "nauc_precision_at_3_std": -18.30131063437463, + "nauc_precision_at_5_diff1": 17.57056354388634, + "nauc_precision_at_5_max": 0.9206722905039284, + "nauc_precision_at_5_std": -16.555200700131984, + "nauc_recall_at_1000_diff1": 9.780796880192254, + "nauc_recall_at_1000_max": 10.84645095035794, + "nauc_recall_at_1000_std": 19.834658134619517, + "nauc_recall_at_100_diff1": 11.918081129843214, + "nauc_recall_at_100_max": 8.243549025564546, + "nauc_recall_at_100_std": 1.2262445969338627, + "nauc_recall_at_10_diff1": 14.974454983131913, + "nauc_recall_at_10_max": 0.5959180392097884, + "nauc_recall_at_10_std": -14.540087182122505, + "nauc_recall_at_1_diff1": 25.402387231266548, + "nauc_recall_at_1_max": 1.6424815864829863, + "nauc_recall_at_1_std": -18.49910519910091, + "nauc_recall_at_20_diff1": 13.228115653538545, + "nauc_recall_at_20_max": 3.1832213036031716, + "nauc_recall_at_20_std": -10.777691355829218, + "nauc_recall_at_3_diff1": 16.842366692783443, + "nauc_recall_at_3_max": -1.2399637926309348, + "nauc_recall_at_3_std": -18.035740863838644, + "nauc_recall_at_5_diff1": 17.647020591600743, + "nauc_recall_at_5_max": 0.2358327920644874, + "nauc_recall_at_5_std": -16.09390361188663, + "ndcg_at_1": 15.392, + "ndcg_at_10": 27.395999999999997, + "ndcg_at_100": 33.0, + "ndcg_at_1000": 35.163, + "ndcg_at_20": 29.720000000000002, + "ndcg_at_3": 21.666, + "ndcg_at_5": 24.352999999999998, + "precision_at_1": 15.392, + "precision_at_10": 4.539, + "precision_at_100": 0.752, + "precision_at_1000": 0.096, + "precision_at_20": 2.7720000000000002, + "precision_at_3": 9.415999999999999, + "precision_at_5": 7.051, + "recall_at_1": 14.455000000000002, + "recall_at_10": 41.898, + "recall_at_100": 67.97, + "recall_at_1000": 84.625, + "recall_at_20": 50.829, + "recall_at_3": 26.262999999999998, + "recall_at_5": 32.708 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/FiQA2018.json b/results/minishlab__M2V_base_glove/external/FiQA2018.json new file mode 100644 index 000000000..9ad2c183d --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/FiQA2018.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 11.824, + "map_at_1": 5.218, + "map_at_10": 8.517, + "map_at_100": 9.504, + "map_at_1000": 9.689, + "map_at_20": 9.031, + "map_at_3": 7.319000000000001, + "map_at_5": 8.04, + "mrr_at_1": 10.339506172839506, + "mrr_at_10": 15.349059376837152, + "mrr_at_100": 16.371061402440464, + "mrr_at_1000": 16.477656097290016, + "mrr_at_20": 15.873015674142271, + "mrr_at_3": 13.708847736625513, + "mrr_at_5": 14.627057613168724, + "nauc_map_at_1000_diff1": 27.174948207247112, + "nauc_map_at_1000_max": -4.311649899079759, + "nauc_map_at_1000_std": -0.38160090900318006, + "nauc_map_at_100_diff1": 27.20326811103734, + "nauc_map_at_100_max": -4.543211866111751, + "nauc_map_at_100_std": -0.470958286287458, + "nauc_map_at_10_diff1": 26.80055164419936, + "nauc_map_at_10_max": -4.700092406624881, + "nauc_map_at_10_std": -1.6579549226632215, + "nauc_map_at_1_diff1": 36.99801644748919, + "nauc_map_at_1_max": -4.735306328466845, + "nauc_map_at_1_std": -1.5185777718681428, + "nauc_map_at_20_diff1": 27.191899496821808, + "nauc_map_at_20_max": -4.789787607757763, + "nauc_map_at_20_std": -0.37380992660144197, + "nauc_map_at_3_diff1": 29.824570230088295, + "nauc_map_at_3_max": -4.7671276715969, + "nauc_map_at_3_std": -2.0071047077213735, + "nauc_map_at_5_diff1": 27.113522744317482, + "nauc_map_at_5_max": -5.899491935203268, + "nauc_map_at_5_std": -1.6940652864715724, + "nauc_mrr_at_1000_diff1": 25.11585795715029, + "nauc_mrr_at_1000_max": 1.263060510525359, + "nauc_mrr_at_1000_std": -5.651601210106509, + "nauc_mrr_at_100_diff1": 25.09849428067031, + "nauc_mrr_at_100_max": 1.241067672315683, + "nauc_mrr_at_100_std": -5.651970573797591, + "nauc_mrr_at_10_diff1": 25.09970797279417, + "nauc_mrr_at_10_max": 1.1160065013935783, + "nauc_mrr_at_10_std": -5.883816075117658, + "nauc_mrr_at_1_diff1": 35.87989567542961, + "nauc_mrr_at_1_max": -1.708274202076274, + "nauc_mrr_at_1_std": -5.429683562346062, + "nauc_mrr_at_20_diff1": 25.161658193108927, + "nauc_mrr_at_20_max": 0.8942408750943778, + "nauc_mrr_at_20_std": -5.463735477362075, + "nauc_mrr_at_3_diff1": 27.16757629929729, + "nauc_mrr_at_3_max": 1.1880945252092139, + "nauc_mrr_at_3_std": -5.877922676220352, + "nauc_mrr_at_5_diff1": 25.12071281597739, + "nauc_mrr_at_5_max": 0.2569960461323651, + "nauc_mrr_at_5_std": -6.005515013860767, + "nauc_ndcg_at_1000_diff1": 23.978466543769482, + "nauc_ndcg_at_1000_max": 2.805359295752355, + "nauc_ndcg_at_1000_std": 1.0616890270012553, + "nauc_ndcg_at_100_diff1": 23.99617912744036, + "nauc_ndcg_at_100_max": -0.7181236112221313, + "nauc_ndcg_at_100_std": -0.31486558248308577, + "nauc_ndcg_at_10_diff1": 23.157725666617054, + "nauc_ndcg_at_10_max": -2.253117805034787, + "nauc_ndcg_at_10_std": -2.5314388467670876, + "nauc_ndcg_at_1_diff1": 35.87989567542961, + "nauc_ndcg_at_1_max": -1.708274202076274, + "nauc_ndcg_at_1_std": -5.429683562346062, + "nauc_ndcg_at_20_diff1": 23.94491858984704, + "nauc_ndcg_at_20_max": -2.9102672551128395, + "nauc_ndcg_at_20_std": 0.47314952026471774, + "nauc_ndcg_at_3_diff1": 26.861761378919986, + "nauc_ndcg_at_3_max": -1.4394121081704851, + "nauc_ndcg_at_3_std": -4.314220567441007, + "nauc_ndcg_at_5_diff1": 23.37960242039838, + "nauc_ndcg_at_5_max": -4.179520743567826, + "nauc_ndcg_at_5_std": -3.3461517847684927, + "nauc_precision_at_1000_diff1": 6.291560162072213, + "nauc_precision_at_1000_max": 25.654664482767476, + "nauc_precision_at_1000_std": -4.225784971712635, + "nauc_precision_at_100_diff1": 15.766457101276988, + "nauc_precision_at_100_max": 13.799257676950424, + "nauc_precision_at_100_std": -2.6687074263027637, + "nauc_precision_at_10_diff1": 16.154300406544458, + "nauc_precision_at_10_max": 3.99046730755771, + "nauc_precision_at_10_std": -5.320813807322365, + "nauc_precision_at_1_diff1": 35.87989567542961, + "nauc_precision_at_1_max": -1.708274202076274, + "nauc_precision_at_1_std": -5.429683562346062, + "nauc_precision_at_20_diff1": 17.072700429792718, + "nauc_precision_at_20_max": 3.7459960911748342, + "nauc_precision_at_20_std": 2.4170643350876366, + "nauc_precision_at_3_diff1": 21.920250469492693, + "nauc_precision_at_3_max": 1.288094387802318, + "nauc_precision_at_3_std": -6.971791140710122, + "nauc_precision_at_5_diff1": 15.607428903096954, + "nauc_precision_at_5_max": -1.6787818995588515, + "nauc_precision_at_5_std": -4.9868070952519705, + "nauc_recall_at_1000_diff1": 15.881415973787488, + "nauc_recall_at_1000_max": 11.992945268618186, + "nauc_recall_at_1000_std": 14.69434950594517, + "nauc_recall_at_100_diff1": 16.51233439080111, + "nauc_recall_at_100_max": 0.7034983345680653, + "nauc_recall_at_100_std": 3.795850397771235, + "nauc_recall_at_10_diff1": 15.855812500754347, + "nauc_recall_at_10_max": -2.2964819259752907, + "nauc_recall_at_10_std": -0.5884784023926211, + "nauc_recall_at_1_diff1": 36.99801644748919, + "nauc_recall_at_1_max": -4.735306328466845, + "nauc_recall_at_1_std": -1.5185777718681428, + "nauc_recall_at_20_diff1": 17.088583717871973, + "nauc_recall_at_20_max": -3.7389792709745606, + "nauc_recall_at_20_std": 5.575038898074453, + "nauc_recall_at_3_diff1": 22.80760100670119, + "nauc_recall_at_3_max": -4.354868233467814, + "nauc_recall_at_3_std": -1.1976882420463235, + "nauc_recall_at_5_diff1": 16.357277072848227, + "nauc_recall_at_5_max": -7.564166391276693, + "nauc_recall_at_5_std": -1.6477511903507516, + "ndcg_at_1": 10.34, + "ndcg_at_10": 11.824, + "ndcg_at_100": 17.009, + "ndcg_at_1000": 21.413, + "ndcg_at_20": 13.569999999999999, + "ndcg_at_3": 10.043000000000001, + "ndcg_at_5": 10.813, + "precision_at_1": 10.34, + "precision_at_10": 3.3329999999999997, + "precision_at_100": 0.823, + "precision_at_1000": 0.158, + "precision_at_20": 2.253, + "precision_at_3": 6.584, + "precision_at_5": 5.154, + "recall_at_1": 5.218, + "recall_at_10": 14.967, + "recall_at_100": 35.966, + "recall_at_1000": 63.283, + "recall_at_20": 20.888, + "recall_at_3": 9.497, + "recall_at_5": 12.062000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/HotpotQA.json b/results/minishlab__M2V_base_glove/external/HotpotQA.json new file mode 100644 index 000000000..608367f67 --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/HotpotQA.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 33.601, + "map_at_1": 19.055, + "map_at_10": 26.378, + "map_at_100": 27.247, + "map_at_1000": 27.339999999999996, + "map_at_20": 26.85, + "map_at_3": 24.363, + "map_at_5": 25.531, + "mrr_at_1": 38.12288993923025, + "mrr_at_10": 45.347303945210896, + "mrr_at_100": 45.98374132303968, + "mrr_at_1000": 46.03787042497575, + "mrr_at_20": 45.72374246944037, + "mrr_at_3": 43.47062795408526, + "mrr_at_5": 44.59216745442278, + "nauc_map_at_1000_diff1": 49.61029676574756, + "nauc_map_at_1000_max": 14.306274178948069, + "nauc_map_at_1000_std": 12.828823677673965, + "nauc_map_at_100_diff1": 49.61757758727525, + "nauc_map_at_100_max": 14.28014014417826, + "nauc_map_at_100_std": 12.771713251916466, + "nauc_map_at_10_diff1": 49.80331695458256, + "nauc_map_at_10_max": 14.38736362353793, + "nauc_map_at_10_std": 11.837285174819034, + "nauc_map_at_1_diff1": 60.89518556432222, + "nauc_map_at_1_max": 16.869499979966342, + "nauc_map_at_1_std": 5.873762883474129, + "nauc_map_at_20_diff1": 49.71622258645394, + "nauc_map_at_20_max": 14.282324513024822, + "nauc_map_at_20_std": 12.316040359062425, + "nauc_map_at_3_diff1": 51.594969142787484, + "nauc_map_at_3_max": 15.065531124955248, + "nauc_map_at_3_std": 10.096442801776883, + "nauc_map_at_5_diff1": 50.371800688950955, + "nauc_map_at_5_max": 14.767527550172844, + "nauc_map_at_5_std": 10.988483248294253, + "nauc_mrr_at_1000_diff1": 57.30221544434927, + "nauc_mrr_at_1000_max": 16.017793859581293, + "nauc_mrr_at_1000_std": 9.906436579683318, + "nauc_mrr_at_100_diff1": 57.29432417111391, + "nauc_mrr_at_100_max": 16.011699462071864, + "nauc_mrr_at_100_std": 9.917014518140116, + "nauc_mrr_at_10_diff1": 57.33765612722791, + "nauc_mrr_at_10_max": 16.118319101536276, + "nauc_mrr_at_10_std": 9.622460440078608, + "nauc_mrr_at_1_diff1": 60.85369395522825, + "nauc_mrr_at_1_max": 16.933775694516058, + "nauc_mrr_at_1_std": 5.894558768949606, + "nauc_mrr_at_20_diff1": 57.31592299977897, + "nauc_mrr_at_20_max": 16.031475898617764, + "nauc_mrr_at_20_std": 9.843331976335788, + "nauc_mrr_at_3_diff1": 57.6124650775418, + "nauc_mrr_at_3_max": 16.36290710838045, + "nauc_mrr_at_3_std": 8.780577988221042, + "nauc_mrr_at_5_diff1": 57.403485675292984, + "nauc_mrr_at_5_max": 16.161063703023103, + "nauc_mrr_at_5_std": 9.20219673432289, + "nauc_ndcg_at_1000_diff1": 49.07891077830242, + "nauc_ndcg_at_1000_max": 14.08537399855222, + "nauc_ndcg_at_1000_std": 17.569960709164604, + "nauc_ndcg_at_100_diff1": 49.14669859772792, + "nauc_ndcg_at_100_max": 13.638325073892574, + "nauc_ndcg_at_100_std": 16.723458541804803, + "nauc_ndcg_at_10_diff1": 50.1392784710198, + "nauc_ndcg_at_10_max": 14.185608590705648, + "nauc_ndcg_at_10_std": 13.288189091203812, + "nauc_ndcg_at_1_diff1": 60.89518556432222, + "nauc_ndcg_at_1_max": 16.869499979966342, + "nauc_ndcg_at_1_std": 5.873762883474129, + "nauc_ndcg_at_20_diff1": 49.797268454104085, + "nauc_ndcg_at_20_max": 13.806890902979502, + "nauc_ndcg_at_20_std": 14.563147882771915, + "nauc_ndcg_at_3_diff1": 52.47918114895865, + "nauc_ndcg_at_3_max": 15.238760898280686, + "nauc_ndcg_at_3_std": 10.514287406793875, + "nauc_ndcg_at_5_diff1": 50.99120023315429, + "nauc_ndcg_at_5_max": 14.745429496324105, + "nauc_ndcg_at_5_std": 11.695862264070552, + "nauc_precision_at_1000_diff1": 22.60878662068159, + "nauc_precision_at_1000_max": 8.207557591294677, + "nauc_precision_at_1000_std": 35.83506280458338, + "nauc_precision_at_100_diff1": 29.330460503143463, + "nauc_precision_at_100_max": 7.081726910359633, + "nauc_precision_at_100_std": 29.048691055349412, + "nauc_precision_at_10_diff1": 39.486573373792034, + "nauc_precision_at_10_max": 10.785943661786202, + "nauc_precision_at_10_std": 18.552704575254396, + "nauc_precision_at_1_diff1": 60.89518556432222, + "nauc_precision_at_1_max": 16.869499979966342, + "nauc_precision_at_1_std": 5.873762883474129, + "nauc_precision_at_20_diff1": 36.26651772775864, + "nauc_precision_at_20_max": 8.997813417199513, + "nauc_precision_at_20_std": 21.686796650707645, + "nauc_precision_at_3_diff1": 47.335106889322965, + "nauc_precision_at_3_max": 14.069889708331901, + "nauc_precision_at_3_std": 12.964427322213885, + "nauc_precision_at_5_diff1": 42.926481319467364, + "nauc_precision_at_5_max": 12.611254884223259, + "nauc_precision_at_5_std": 14.993681046665309, + "nauc_recall_at_1000_diff1": 22.608786620681652, + "nauc_recall_at_1000_max": 8.207557591294764, + "nauc_recall_at_1000_std": 35.83506280458342, + "nauc_recall_at_100_diff1": 29.330460503143378, + "nauc_recall_at_100_max": 7.081726910359586, + "nauc_recall_at_100_std": 29.04869105534933, + "nauc_recall_at_10_diff1": 39.486573373792055, + "nauc_recall_at_10_max": 10.7859436617862, + "nauc_recall_at_10_std": 18.55270457525437, + "nauc_recall_at_1_diff1": 60.89518556432222, + "nauc_recall_at_1_max": 16.869499979966342, + "nauc_recall_at_1_std": 5.873762883474129, + "nauc_recall_at_20_diff1": 36.266517727758604, + "nauc_recall_at_20_max": 8.997813417199502, + "nauc_recall_at_20_std": 21.68679665070765, + "nauc_recall_at_3_diff1": 47.33510688932295, + "nauc_recall_at_3_max": 14.069889708331843, + "nauc_recall_at_3_std": 12.964427322213865, + "nauc_recall_at_5_diff1": 42.926481319467385, + "nauc_recall_at_5_max": 12.611254884223289, + "nauc_recall_at_5_std": 14.993681046665271, + "ndcg_at_1": 38.109, + "ndcg_at_10": 33.601, + "ndcg_at_100": 37.509, + "ndcg_at_1000": 39.778999999999996, + "ndcg_at_20": 35.081, + "ndcg_at_3": 29.865000000000002, + "ndcg_at_5": 31.772, + "precision_at_1": 38.109, + "precision_at_10": 7.3069999999999995, + "precision_at_100": 1.043, + "precision_at_1000": 0.135, + "precision_at_20": 4.132000000000001, + "precision_at_3": 18.758, + "precision_at_5": 12.762, + "recall_at_1": 19.055, + "recall_at_10": 36.536, + "recall_at_100": 52.14, + "recall_at_1000": 67.292, + "recall_at_20": 41.317, + "recall_at_3": 28.136, + "recall_at_5": 31.904 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/ImdbClassification.json b/results/minishlab__M2V_base_glove/external/ImdbClassification.json new file mode 100644 index 000000000..0e18031d5 --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/ImdbClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 66.998, + "ap": 61.60195055467346, + "ap_weighted": 61.60195055467346, + "f1": 66.64801043272058, + "f1_weighted": 66.64801043272058, + "main_score": 66.998 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/MSMARCO.json b/results/minishlab__M2V_base_glove/external/MSMARCO.json new file mode 100644 index 000000000..3d5eedd61 --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/MSMARCO.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 32.273, + "map_at_1": 1.26, + "map_at_10": 4.999, + "map_at_100": 15.226, + "map_at_1000": 19.525000000000002, + "map_at_20": 7.811999999999999, + "map_at_3": 2.2399999999999998, + "map_at_5": 2.979, + "mrr_at_1": 55.81395348837209, + "mrr_at_10": 66.2984496124031, + "mrr_at_100": 66.6375968992248, + "mrr_at_1000": 66.65521494009866, + "mrr_at_20": 66.4922480620155, + "mrr_at_3": 63.565891472868216, + "mrr_at_5": 65.7751937984496, + "nauc_map_at_1000_diff1": -7.2384335338206025, + "nauc_map_at_1000_max": 27.86853077487615, + "nauc_map_at_1000_std": 49.70595401843686, + "nauc_map_at_100_diff1": -7.72485953952569, + "nauc_map_at_100_max": 19.20475909334588, + "nauc_map_at_100_std": 44.76591945108152, + "nauc_map_at_10_diff1": -10.826583560194884, + "nauc_map_at_10_max": 2.650169169054273, + "nauc_map_at_10_std": 20.28538688095811, + "nauc_map_at_1_diff1": -9.773620541845721, + "nauc_map_at_1_max": -20.826181521207314, + "nauc_map_at_1_std": -4.296956852843888, + "nauc_map_at_20_diff1": -8.87167940389222, + "nauc_map_at_20_max": 2.10698700232561, + "nauc_map_at_20_std": 27.745198156102624, + "nauc_map_at_3_diff1": -7.538911646351858, + "nauc_map_at_3_max": -14.478056522087797, + "nauc_map_at_3_std": 8.250414681220754, + "nauc_map_at_5_diff1": -13.487161747832765, + "nauc_map_at_5_max": -8.599591544293332, + "nauc_map_at_5_std": 11.302372902416588, + "nauc_mrr_at_1000_diff1": -2.6094212196500024, + "nauc_mrr_at_1000_max": 0.5699375390842714, + "nauc_mrr_at_1000_std": 11.718583899813463, + "nauc_mrr_at_100_diff1": -2.541354648659204, + "nauc_mrr_at_100_max": 0.6358950634973857, + "nauc_mrr_at_100_std": 11.698858347680059, + "nauc_mrr_at_10_diff1": -2.389722705210953, + "nauc_mrr_at_10_max": 1.2913990554540207, + "nauc_mrr_at_10_std": 11.723807899071335, + "nauc_mrr_at_1_diff1": -14.649463318849538, + "nauc_mrr_at_1_max": 4.896933275281175, + "nauc_mrr_at_1_std": 12.335386931120064, + "nauc_mrr_at_20_diff1": -2.8062407786548187, + "nauc_mrr_at_20_max": 0.6676774553193409, + "nauc_mrr_at_20_std": 11.92870604036784, + "nauc_mrr_at_3_diff1": 1.901943928764881, + "nauc_mrr_at_3_max": -1.8167841832954255, + "nauc_mrr_at_3_std": 10.706350197135121, + "nauc_mrr_at_5_diff1": -2.3869587133856207, + "nauc_mrr_at_5_max": 0.8324715604145814, + "nauc_mrr_at_5_std": 10.794575823199688, + "nauc_ndcg_at_1000_diff1": -5.093074373086338, + "nauc_ndcg_at_1000_max": 20.21533175919078, + "nauc_ndcg_at_1000_std": 51.83170866559663, + "nauc_ndcg_at_100_diff1": -3.0055499108417907, + "nauc_ndcg_at_100_max": 20.495514159769606, + "nauc_ndcg_at_100_std": 42.28335606844607, + "nauc_ndcg_at_10_diff1": -9.31362813850403, + "nauc_ndcg_at_10_max": 11.639829087077636, + "nauc_ndcg_at_10_std": 23.700161245825203, + "nauc_ndcg_at_1_diff1": -15.333044223926, + "nauc_ndcg_at_1_max": -3.07500235529693, + "nauc_ndcg_at_1_std": 4.065256907415142, + "nauc_ndcg_at_20_diff1": -5.905354138570243, + "nauc_ndcg_at_20_max": 12.085986560371456, + "nauc_ndcg_at_20_std": 25.28689139221832, + "nauc_ndcg_at_3_diff1": -10.415519964418783, + "nauc_ndcg_at_3_max": 1.6178148316801775, + "nauc_ndcg_at_3_std": 13.723458782792381, + "nauc_ndcg_at_5_diff1": -13.702228447081, + "nauc_ndcg_at_5_max": 4.662322121311934, + "nauc_ndcg_at_5_std": 12.12051616033404, + "nauc_precision_at_1000_diff1": -6.359048701961788, + "nauc_precision_at_1000_max": 37.759780329316115, + "nauc_precision_at_1000_std": 32.535116564859784, + "nauc_precision_at_100_diff1": -5.409853919421071, + "nauc_precision_at_100_max": 40.56178678248257, + "nauc_precision_at_100_std": 35.03605883167913, + "nauc_precision_at_10_diff1": -4.54973873421614, + "nauc_precision_at_10_max": 31.664713405424006, + "nauc_precision_at_10_std": 28.0962707062409, + "nauc_precision_at_1_diff1": -14.649463318849538, + "nauc_precision_at_1_max": 4.896933275281175, + "nauc_precision_at_1_std": 12.335386931120064, + "nauc_precision_at_20_diff1": -6.368495736631144, + "nauc_precision_at_20_max": 25.11537831434175, + "nauc_precision_at_20_std": 27.15664396037663, + "nauc_precision_at_3_diff1": -2.9130836707474783, + "nauc_precision_at_3_max": 15.82702993935027, + "nauc_precision_at_3_std": 17.54204029259862, + "nauc_precision_at_5_diff1": -10.543537476043058, + "nauc_precision_at_5_max": 21.81864230117124, + "nauc_precision_at_5_std": 14.995823609759157, + "nauc_recall_at_1000_diff1": 0.04484840659316002, + "nauc_recall_at_1000_max": 18.57758900605008, + "nauc_recall_at_1000_std": 56.51584043897145, + "nauc_recall_at_100_diff1": -2.6465347405870925, + "nauc_recall_at_100_max": 10.068426683331985, + "nauc_recall_at_100_std": 47.9088546197608, + "nauc_recall_at_10_diff1": -0.735486088869469, + "nauc_recall_at_10_max": -3.023335649004929, + "nauc_recall_at_10_std": 21.523714385342487, + "nauc_recall_at_1_diff1": -9.773620541845721, + "nauc_recall_at_1_max": -20.826181521207314, + "nauc_recall_at_1_std": -4.296956852843888, + "nauc_recall_at_20_diff1": 0.06451530856365675, + "nauc_recall_at_20_max": -8.796315209894445, + "nauc_recall_at_20_std": 25.022537467009226, + "nauc_recall_at_3_diff1": 0.5965893705640235, + "nauc_recall_at_3_max": -18.544318702564468, + "nauc_recall_at_3_std": 6.682746927691809, + "nauc_recall_at_5_diff1": -8.288707721672186, + "nauc_recall_at_5_max": -13.446678885535496, + "nauc_recall_at_5_std": 9.069991549746273, + "ndcg_at_1": 37.984, + "ndcg_at_10": 32.273, + "ndcg_at_100": 33.036, + "ndcg_at_1000": 42.653, + "ndcg_at_20": 31.826, + "ndcg_at_3": 33.64, + "ndcg_at_5": 32.012, + "precision_at_1": 55.814, + "precision_at_10": 42.791000000000004, + "precision_at_100": 23.233, + "precision_at_1000": 4.986, + "precision_at_20": 38.836999999999996, + "precision_at_3": 45.736, + "precision_at_5": 43.721, + "recall_at_1": 1.26, + "recall_at_10": 6.729, + "recall_at_100": 28.89, + "recall_at_1000": 55.614, + "recall_at_20": 11.544, + "recall_at_3": 2.5250000000000004, + "recall_at_5": 3.459 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/MTOPDomainClassification.json b/results/minishlab__M2V_base_glove/external/MTOPDomainClassification.json new file mode 100644 index 000000000..ce1cded4c --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/MTOPDomainClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 84.31828545371637, + "f1": 83.38736418641668, + "f1_weighted": 84.43991713227709, + "main_score": 84.31828545371637 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/MTOPIntentClassification.json b/results/minishlab__M2V_base_glove/external/MTOPIntentClassification.json new file mode 100644 index 000000000..1dc0acdb9 --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/MTOPIntentClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 59.261285909712726, + "f1": 43.335913061506425, + "f1_weighted": 63.36236251957159, + "main_score": 59.261285909712726 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/MassiveIntentClassification.json b/results/minishlab__M2V_base_glove/external/MassiveIntentClassification.json new file mode 100644 index 000000000..3643e16a0 --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/MassiveIntentClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "4672e20407010da34463acc759c162ca9734bca6", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.160053799596504, + "f1": 59.94993764150179, + "f1_weighted": 61.52985711688419, + "main_score": 61.160053799596504 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/MassiveScenarioClassification.json b/results/minishlab__M2V_base_glove/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..72b620a1e --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/MassiveScenarioClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "fad2c6e8459f9e1c45d9315f4953d921437d70f8", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 65.94485541358439, + "f1": 65.59924532700467, + "f1_weighted": 66.16311668638237, + "main_score": 65.94485541358439 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/MedrxivClusteringP2P.json b/results/minishlab__M2V_base_glove/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..d57e8fc5e --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/MedrxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 27.595368037128686, + "v_measure": 27.595368037128686, + "v_measure_std": 1.424950486137983 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/MedrxivClusteringS2S.json b/results/minishlab__M2V_base_glove/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..c8cf879de --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/MedrxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 23.37909671745749, + "v_measure": 23.37909671745749, + "v_measure_std": 1.365434600850458 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/MindSmallReranking.json b/results/minishlab__M2V_base_glove/external/MindSmallReranking.json new file mode 100644 index 000000000..219231c26 --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/MindSmallReranking.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "59042f120c80e8afa9cdbb224f67076cec0fc9a7", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 28.832500600750205, + "map": 28.832500600750205, + "mrr": 29.45215573894843, + "nAUC_map_diff1": 15.070236209014364, + "nAUC_map_max": -28.95562119862306, + "nAUC_map_std": -7.8946917703248385, + "nAUC_mrr_diff1": 14.21025189133838, + "nAUC_mrr_max": -22.81583363058566, + "nAUC_mrr_std": -6.04422773844616 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/NFCorpus.json b/results/minishlab__M2V_base_glove/external/NFCorpus.json new file mode 100644 index 000000000..87436c1a1 --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/NFCorpus.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 23.152, + "map_at_1": 4.041, + "map_at_10": 7.568, + "map_at_100": 9.533, + "map_at_1000": 10.712000000000002, + "map_at_20": 8.334, + "map_at_3": 5.872, + "map_at_5": 6.679, + "mrr_at_1": 30.959752321981426, + "mrr_at_10": 40.11794191360757, + "mrr_at_100": 40.96415295410306, + "mrr_at_1000": 41.01344555816548, + "mrr_at_20": 40.61172778764487, + "mrr_at_3": 37.358101135190914, + "mrr_at_5": 38.95252837977296, + "nauc_map_at_1000_diff1": 33.54119008935543, + "nauc_map_at_1000_max": 11.521923728847444, + "nauc_map_at_1000_std": 5.7915311031695005, + "nauc_map_at_100_diff1": 35.34097867168893, + "nauc_map_at_100_max": 10.293000640541555, + "nauc_map_at_100_std": 1.6114123867702002, + "nauc_map_at_10_diff1": 38.2230641089626, + "nauc_map_at_10_max": 5.823159065588302, + "nauc_map_at_10_std": -4.0377551934635125, + "nauc_map_at_1_diff1": 43.866715304866595, + "nauc_map_at_1_max": 0.5010754384304841, + "nauc_map_at_1_std": -9.927174446247756, + "nauc_map_at_20_diff1": 36.815049468511454, + "nauc_map_at_20_max": 8.252195357694598, + "nauc_map_at_20_std": -2.086668040926134, + "nauc_map_at_3_diff1": 42.40019878591813, + "nauc_map_at_3_max": 4.410646237192043, + "nauc_map_at_3_std": -7.439403782153504, + "nauc_map_at_5_diff1": 40.02451834303521, + "nauc_map_at_5_max": 4.135859554033173, + "nauc_map_at_5_std": -6.456961843430078, + "nauc_mrr_at_1000_diff1": 36.7884723808441, + "nauc_mrr_at_1000_max": 20.848427790316478, + "nauc_mrr_at_1000_std": 19.562761101041676, + "nauc_mrr_at_100_diff1": 36.75109367086827, + "nauc_mrr_at_100_max": 20.871949905852215, + "nauc_mrr_at_100_std": 19.541351397172342, + "nauc_mrr_at_10_diff1": 36.840624198794956, + "nauc_mrr_at_10_max": 20.61066223363542, + "nauc_mrr_at_10_std": 19.438339856525495, + "nauc_mrr_at_1_diff1": 40.12320713918803, + "nauc_mrr_at_1_max": 16.666642505956347, + "nauc_mrr_at_1_std": 14.562805568383885, + "nauc_mrr_at_20_diff1": 36.64580049384978, + "nauc_mrr_at_20_max": 20.8197921402343, + "nauc_mrr_at_20_std": 19.734791294250666, + "nauc_mrr_at_3_diff1": 36.55294783551202, + "nauc_mrr_at_3_max": 18.31132758585394, + "nauc_mrr_at_3_std": 18.218759713045383, + "nauc_mrr_at_5_diff1": 36.479761476413756, + "nauc_mrr_at_5_max": 19.3318833719133, + "nauc_mrr_at_5_std": 18.704945221576054, + "nauc_ndcg_at_1000_diff1": 30.42463887019783, + "nauc_ndcg_at_1000_max": 25.571139022199485, + "nauc_ndcg_at_1000_std": 19.145905780063103, + "nauc_ndcg_at_100_diff1": 29.54893059977665, + "nauc_ndcg_at_100_max": 17.931888215362786, + "nauc_ndcg_at_100_std": 14.721254007566573, + "nauc_ndcg_at_10_diff1": 28.80709651674213, + "nauc_ndcg_at_10_max": 13.60382339701216, + "nauc_ndcg_at_10_std": 22.343929058733426, + "nauc_ndcg_at_1_diff1": 40.2604547168291, + "nauc_ndcg_at_1_max": 13.523690473148378, + "nauc_ndcg_at_1_std": 15.731723260682553, + "nauc_ndcg_at_20_diff1": 27.052259594555288, + "nauc_ndcg_at_20_max": 14.72949156111374, + "nauc_ndcg_at_20_std": 20.65264608081379, + "nauc_ndcg_at_3_diff1": 31.86880514374516, + "nauc_ndcg_at_3_max": 11.146091717211744, + "nauc_ndcg_at_3_std": 19.396513614203307, + "nauc_ndcg_at_5_diff1": 28.832688177959675, + "nauc_ndcg_at_5_max": 12.716745963611547, + "nauc_ndcg_at_5_std": 20.097816900179126, + "nauc_precision_at_1000_diff1": -5.95583251269089, + "nauc_precision_at_1000_max": 7.864853642254841, + "nauc_precision_at_1000_std": 42.43587460739192, + "nauc_precision_at_100_diff1": -0.8101434464468288, + "nauc_precision_at_100_max": 12.482960665388665, + "nauc_precision_at_100_std": 40.29983942211701, + "nauc_precision_at_10_diff1": 14.516673067770029, + "nauc_precision_at_10_max": 17.00131648608557, + "nauc_precision_at_10_std": 33.816435534051095, + "nauc_precision_at_1_diff1": 40.12320713918803, + "nauc_precision_at_1_max": 16.666642505956347, + "nauc_precision_at_1_std": 14.562805568383885, + "nauc_precision_at_20_diff1": 7.550704205767464, + "nauc_precision_at_20_max": 16.6653194708243, + "nauc_precision_at_20_std": 36.01533911600929, + "nauc_precision_at_3_diff1": 25.705703136131085, + "nauc_precision_at_3_max": 14.330289120785821, + "nauc_precision_at_3_std": 23.553863921052418, + "nauc_precision_at_5_diff1": 18.417359763504866, + "nauc_precision_at_5_max": 16.720785167958933, + "nauc_precision_at_5_std": 26.478694310948626, + "nauc_recall_at_1000_diff1": 18.182749094845686, + "nauc_recall_at_1000_max": 18.65705566700086, + "nauc_recall_at_1000_std": 15.976652123107685, + "nauc_recall_at_100_diff1": 20.848414719124168, + "nauc_recall_at_100_max": 9.722630796539269, + "nauc_recall_at_100_std": 0.6085664546618689, + "nauc_recall_at_10_diff1": 26.315549356381844, + "nauc_recall_at_10_max": 5.287792137906281, + "nauc_recall_at_10_std": -4.559402898630484, + "nauc_recall_at_1_diff1": 43.866715304866595, + "nauc_recall_at_1_max": 0.5010754384304841, + "nauc_recall_at_1_std": -9.927174446247756, + "nauc_recall_at_20_diff1": 21.760679130522295, + "nauc_recall_at_20_max": 10.435867401402477, + "nauc_recall_at_20_std": -2.870896499573999, + "nauc_recall_at_3_diff1": 36.72536047988738, + "nauc_recall_at_3_max": 4.727132198726495, + "nauc_recall_at_3_std": -7.001349236625052, + "nauc_recall_at_5_diff1": 29.990201626305417, + "nauc_recall_at_5_max": 1.9555151957998211, + "nauc_recall_at_5_std": -7.3844386270164435, + "ndcg_at_1": 29.412, + "ndcg_at_10": 23.152, + "ndcg_at_100": 22.144, + "ndcg_at_1000": 31.35, + "ndcg_at_20": 21.926000000000002, + "ndcg_at_3": 26.108999999999998, + "ndcg_at_5": 25.008000000000003, + "precision_at_1": 30.959999999999997, + "precision_at_10": 17.058999999999997, + "precision_at_100": 5.985, + "precision_at_1000": 1.867, + "precision_at_20": 13.019, + "precision_at_3": 24.252000000000002, + "precision_at_5": 21.486, + "recall_at_1": 4.041, + "recall_at_10": 11.052, + "recall_at_100": 24.703, + "recall_at_1000": 56.974000000000004, + "recall_at_20": 14.393, + "recall_at_3": 6.739000000000001, + "recall_at_5": 8.527999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/NQ.json b/results/minishlab__M2V_base_glove/external/NQ.json new file mode 100644 index 000000000..6f53ae476 --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/NQ.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 19.243, + "map_at_1": 8.476, + "map_at_10": 14.923, + "map_at_100": 16.166, + "map_at_1000": 16.262999999999998, + "map_at_20": 15.633, + "map_at_3": 12.458, + "map_at_5": 13.782, + "mrr_at_1": 9.878331402085747, + "mrr_at_10": 16.654136548400757, + "mrr_at_100": 17.80367931211397, + "mrr_at_1000": 17.884114934492434, + "mrr_at_20": 17.326085402172655, + "mrr_at_3": 14.14156044804941, + "mrr_at_5": 15.52336809578985, + "nauc_map_at_1000_diff1": 18.957886469855463, + "nauc_map_at_1000_max": 9.162492690006172, + "nauc_map_at_1000_std": 4.697683384857226, + "nauc_map_at_100_diff1": 18.97104499890075, + "nauc_map_at_100_max": 9.161552789663508, + "nauc_map_at_100_std": 4.640104656084954, + "nauc_map_at_10_diff1": 18.824214120526587, + "nauc_map_at_10_max": 8.416234530426614, + "nauc_map_at_10_std": 3.1622854981256263, + "nauc_map_at_1_diff1": 20.817556457171833, + "nauc_map_at_1_max": 5.72281479959865, + "nauc_map_at_1_std": -1.1538921076884687, + "nauc_map_at_20_diff1": 18.89809228556843, + "nauc_map_at_20_max": 8.818504246900403, + "nauc_map_at_20_std": 4.046315916162477, + "nauc_map_at_3_diff1": 19.443548158566454, + "nauc_map_at_3_max": 8.040171381977375, + "nauc_map_at_3_std": 1.3664909428229102, + "nauc_map_at_5_diff1": 18.948047131870503, + "nauc_map_at_5_max": 8.030083239833372, + "nauc_map_at_5_std": 2.0932465891795187, + "nauc_mrr_at_1000_diff1": 17.999043488714815, + "nauc_mrr_at_1000_max": 8.975961343791447, + "nauc_mrr_at_1000_std": 5.41214531019527, + "nauc_mrr_at_100_diff1": 17.997286292696472, + "nauc_mrr_at_100_max": 8.98176390048409, + "nauc_mrr_at_100_std": 5.380554404936453, + "nauc_mrr_at_10_diff1": 18.017924894121382, + "nauc_mrr_at_10_max": 8.436187270178298, + "nauc_mrr_at_10_std": 4.3429546626180775, + "nauc_mrr_at_1_diff1": 19.42324725920124, + "nauc_mrr_at_1_max": 5.813177253135981, + "nauc_mrr_at_1_std": 0.623588505136798, + "nauc_mrr_at_20_diff1": 18.004638104594935, + "nauc_mrr_at_20_max": 8.829594116095835, + "nauc_mrr_at_20_std": 4.996153623181649, + "nauc_mrr_at_3_diff1": 18.34188673011434, + "nauc_mrr_at_3_max": 8.04955848263908, + "nauc_mrr_at_3_std": 2.7463770148884996, + "nauc_mrr_at_5_diff1": 18.15710576876441, + "nauc_mrr_at_5_max": 7.906975864218543, + "nauc_mrr_at_5_std": 3.434143063102149, + "nauc_ndcg_at_1000_diff1": 17.90599463931129, + "nauc_ndcg_at_1000_max": 12.220713351710225, + "nauc_ndcg_at_1000_std": 12.16870242222485, + "nauc_ndcg_at_100_diff1": 18.066720901418616, + "nauc_ndcg_at_100_max": 12.265976972493421, + "nauc_ndcg_at_100_std": 11.041165269563532, + "nauc_ndcg_at_10_diff1": 17.964556255464483, + "nauc_ndcg_at_10_max": 9.221841616925076, + "nauc_ndcg_at_10_std": 5.327940012848466, + "nauc_ndcg_at_1_diff1": 19.42324725920124, + "nauc_ndcg_at_1_max": 5.813177253135981, + "nauc_ndcg_at_1_std": 0.623588505136798, + "nauc_ndcg_at_20_diff1": 18.002564129737443, + "nauc_ndcg_at_20_max": 10.419960104065321, + "nauc_ndcg_at_20_std": 7.703677617979156, + "nauc_ndcg_at_3_diff1": 18.811972831627603, + "nauc_ndcg_at_3_max": 8.322490159345614, + "nauc_ndcg_at_3_std": 2.0978218207768586, + "nauc_ndcg_at_5_diff1": 18.219388109405433, + "nauc_ndcg_at_5_max": 8.275826301191405, + "nauc_ndcg_at_5_std": 3.259197527022326, + "nauc_precision_at_1000_diff1": 6.144404814037684, + "nauc_precision_at_1000_max": 17.53740102855067, + "nauc_precision_at_1000_std": 33.72365391365075, + "nauc_precision_at_100_diff1": 12.77875393086178, + "nauc_precision_at_100_max": 19.621306331527453, + "nauc_precision_at_100_std": 27.846320441754568, + "nauc_precision_at_10_diff1": 15.894192193507767, + "nauc_precision_at_10_max": 11.184225030108559, + "nauc_precision_at_10_std": 11.081411404427586, + "nauc_precision_at_1_diff1": 19.42324725920124, + "nauc_precision_at_1_max": 5.813177253135981, + "nauc_precision_at_1_std": 0.623588505136798, + "nauc_precision_at_20_diff1": 15.407091479970921, + "nauc_precision_at_20_max": 14.51534442723551, + "nauc_precision_at_20_std": 17.550861545103665, + "nauc_precision_at_3_diff1": 17.561643392271126, + "nauc_precision_at_3_max": 9.386296407523073, + "nauc_precision_at_3_std": 4.469734273377907, + "nauc_precision_at_5_diff1": 16.621760108716643, + "nauc_precision_at_5_max": 9.225486119103975, + "nauc_precision_at_5_std": 6.60309644424765, + "nauc_recall_at_1000_diff1": 13.73758620539813, + "nauc_recall_at_1000_max": 25.924626181473847, + "nauc_recall_at_1000_std": 48.77621329371596, + "nauc_recall_at_100_diff1": 15.611755205405203, + "nauc_recall_at_100_max": 20.8701203082053, + "nauc_recall_at_100_std": 28.22869520119306, + "nauc_recall_at_10_diff1": 15.924879565266556, + "nauc_recall_at_10_max": 10.392879304441442, + "nauc_recall_at_10_std": 8.591273770489796, + "nauc_recall_at_1_diff1": 20.817556457171833, + "nauc_recall_at_1_max": 5.72281479959865, + "nauc_recall_at_1_std": -1.1538921076884687, + "nauc_recall_at_20_diff1": 15.878910884769823, + "nauc_recall_at_20_max": 13.20353825812694, + "nauc_recall_at_20_std": 14.293562488536033, + "nauc_recall_at_3_diff1": 17.6964548934301, + "nauc_recall_at_3_max": 8.661017445399189, + "nauc_recall_at_3_std": 2.563072661506666, + "nauc_recall_at_5_diff1": 16.368469306993973, + "nauc_recall_at_5_max": 8.40711587060727, + "nauc_recall_at_5_std": 4.526515647566521, + "ndcg_at_1": 9.878, + "ndcg_at_10": 19.243, + "ndcg_at_100": 25.456, + "ndcg_at_1000": 28.083999999999996, + "ndcg_at_20": 21.727, + "ndcg_at_3": 14.163999999999998, + "ndcg_at_5": 16.535, + "precision_at_1": 9.878, + "precision_at_10": 3.6380000000000003, + "precision_at_100": 0.716, + "precision_at_1000": 0.097, + "precision_at_20": 2.396, + "precision_at_3": 6.769, + "precision_at_5": 5.353, + "recall_at_1": 8.476, + "recall_at_10": 31.067, + "recall_at_100": 59.711999999999996, + "recall_at_1000": 79.867, + "recall_at_20": 40.422999999999995, + "recall_at_3": 17.485, + "recall_at_5": 23.042 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/QuoraRetrieval.json b/results/minishlab__M2V_base_glove/external/QuoraRetrieval.json new file mode 100644 index 000000000..716593d29 --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/QuoraRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "e4e08e0b7dbe3c8700f0daef558ff32256715259", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 77.86, + "map_at_1": 60.541999999999994, + "map_at_10": 73.068, + "map_at_100": 73.856, + "map_at_1000": 73.89099999999999, + "map_at_20": 73.566, + "map_at_3": 70.119, + "map_at_5": 71.873, + "mrr_at_1": 69.77, + "mrr_at_10": 77.34153571428534, + "mrr_at_100": 77.64058625254714, + "mrr_at_1000": 77.6484160920852, + "mrr_at_20": 77.54938063278261, + "mrr_at_3": 75.83499999999958, + "mrr_at_5": 76.77799999999937, + "nauc_map_at_1000_diff1": 70.42051328825711, + "nauc_map_at_1000_max": 35.52950073375353, + "nauc_map_at_1000_std": -4.2525875732163, + "nauc_map_at_100_diff1": 70.4215631591108, + "nauc_map_at_100_max": 35.51981251464836, + "nauc_map_at_100_std": -4.271548224950028, + "nauc_map_at_10_diff1": 70.39744464397162, + "nauc_map_at_10_max": 35.17410961183995, + "nauc_map_at_10_std": -4.997465025620844, + "nauc_map_at_1_diff1": 72.65287424531431, + "nauc_map_at_1_max": 29.85669712853355, + "nauc_map_at_1_std": -7.995984805529352, + "nauc_map_at_20_diff1": 70.39621088889086, + "nauc_map_at_20_max": 35.385338530071856, + "nauc_map_at_20_std": -4.540304253182359, + "nauc_map_at_3_diff1": 70.34799577031751, + "nauc_map_at_3_max": 33.735165752612154, + "nauc_map_at_3_std": -6.288314248613237, + "nauc_map_at_5_diff1": 70.40682478137778, + "nauc_map_at_5_max": 34.71020611027348, + "nauc_map_at_5_std": -5.6532569989020915, + "nauc_mrr_at_1000_diff1": 71.33300708743174, + "nauc_mrr_at_1000_max": 37.58838215284017, + "nauc_mrr_at_1000_std": -3.004971199900334, + "nauc_mrr_at_100_diff1": 71.33202739636636, + "nauc_mrr_at_100_max": 37.59027333220707, + "nauc_mrr_at_100_std": -2.991291730650559, + "nauc_mrr_at_10_diff1": 71.24040296506607, + "nauc_mrr_at_10_max": 37.620967352710174, + "nauc_mrr_at_10_std": -2.9995148185723646, + "nauc_mrr_at_1_diff1": 72.97756073040875, + "nauc_mrr_at_1_max": 36.856024800382805, + "nauc_mrr_at_1_std": -5.295770163711124, + "nauc_mrr_at_20_diff1": 71.29886034081495, + "nauc_mrr_at_20_max": 37.599580987297266, + "nauc_mrr_at_20_std": -2.973667224309623, + "nauc_mrr_at_3_diff1": 71.24266456768551, + "nauc_mrr_at_3_max": 37.43275390419413, + "nauc_mrr_at_3_std": -3.803618565583205, + "nauc_mrr_at_5_diff1": 71.22352727409451, + "nauc_mrr_at_5_max": 37.667564673453725, + "nauc_mrr_at_5_std": -3.176984609998285, + "nauc_ndcg_at_1000_diff1": 70.29481477894221, + "nauc_ndcg_at_1000_max": 36.78709637968392, + "nauc_ndcg_at_1000_std": -1.8965664514629315, + "nauc_ndcg_at_100_diff1": 70.30815982948721, + "nauc_ndcg_at_100_max": 36.75533935417366, + "nauc_ndcg_at_100_std": -1.6034476028659186, + "nauc_ndcg_at_10_diff1": 69.83927176813567, + "nauc_ndcg_at_10_max": 36.14819225785969, + "nauc_ndcg_at_10_std": -3.0672167929844147, + "nauc_ndcg_at_1_diff1": 72.95468588233986, + "nauc_ndcg_at_1_max": 36.95102879374528, + "nauc_ndcg_at_1_std": -5.230626449450384, + "nauc_ndcg_at_20_diff1": 70.05211197167847, + "nauc_ndcg_at_20_max": 36.39117263415345, + "nauc_ndcg_at_20_std": -2.315672757758104, + "nauc_ndcg_at_3_diff1": 69.54718031993843, + "nauc_ndcg_at_3_max": 35.35135808159563, + "nauc_ndcg_at_3_std": -4.447694597960837, + "nauc_ndcg_at_5_diff1": 69.74297554323091, + "nauc_ndcg_at_5_max": 35.87559038131577, + "nauc_ndcg_at_5_std": -3.808666991968395, + "nauc_precision_at_1000_diff1": -32.74229162550065, + "nauc_precision_at_1000_max": -3.694030619202584, + "nauc_precision_at_1000_std": 15.375543044164285, + "nauc_precision_at_100_diff1": -28.90591593532601, + "nauc_precision_at_100_max": -0.5117915038170152, + "nauc_precision_at_100_std": 15.933222162614957, + "nauc_precision_at_10_diff1": -12.897163879462346, + "nauc_precision_at_10_max": 8.911596011476787, + "nauc_precision_at_10_std": 11.71430900771452, + "nauc_precision_at_1_diff1": 72.95468588233986, + "nauc_precision_at_1_max": 36.95102879374528, + "nauc_precision_at_1_std": -5.230626449450384, + "nauc_precision_at_20_diff1": -20.977098757786987, + "nauc_precision_at_20_max": 4.6209746297728955, + "nauc_precision_at_20_std": 14.520775663368807, + "nauc_precision_at_3_diff1": 14.177875480077756, + "nauc_precision_at_3_max": 19.64729584119952, + "nauc_precision_at_3_std": 4.677131862919459, + "nauc_precision_at_5_diff1": 0.19581157619052483, + "nauc_precision_at_5_max": 14.783150950776703, + "nauc_precision_at_5_std": 8.354179376016507, + "nauc_recall_at_1000_diff1": 58.35770817458498, + "nauc_recall_at_1000_max": 44.098312711969356, + "nauc_recall_at_1000_std": 54.840949153567244, + "nauc_recall_at_100_diff1": 62.790344157192465, + "nauc_recall_at_100_max": 37.5264227017106, + "nauc_recall_at_100_std": 28.602851594494, + "nauc_recall_at_10_diff1": 62.86776129395384, + "nauc_recall_at_10_max": 33.714290382332294, + "nauc_recall_at_10_std": 1.6098340254779206, + "nauc_recall_at_1_diff1": 72.65287424531431, + "nauc_recall_at_1_max": 29.85669712853355, + "nauc_recall_at_1_std": -7.995984805529352, + "nauc_recall_at_20_diff1": 61.83952894148527, + "nauc_recall_at_20_max": 33.88950042549727, + "nauc_recall_at_20_std": 8.225200296858647, + "nauc_recall_at_3_diff1": 65.43175155104451, + "nauc_recall_at_3_max": 31.66111655852123, + "nauc_recall_at_3_std": -5.35771405542385, + "nauc_recall_at_5_diff1": 64.43399712070679, + "nauc_recall_at_5_max": 33.39756587296581, + "nauc_recall_at_5_std": -2.6896475751986797, + "ndcg_at_1": 69.78, + "ndcg_at_10": 77.86, + "ndcg_at_100": 80.16499999999999, + "ndcg_at_1000": 80.632, + "ndcg_at_20": 78.999, + "ndcg_at_3": 74.164, + "ndcg_at_5": 75.992, + "precision_at_1": 69.78, + "precision_at_10": 11.823, + "precision_at_100": 1.426, + "precision_at_1000": 0.153, + "precision_at_20": 6.390999999999999, + "precision_at_3": 32.24, + "precision_at_5": 21.328, + "recall_at_1": 60.541999999999994, + "recall_at_10": 87.31400000000001, + "recall_at_100": 96.107, + "recall_at_1000": 98.914, + "recall_at_20": 91.184, + "recall_at_3": 76.708, + "recall_at_5": 81.777 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/RedditClustering.json b/results/minishlab__M2V_base_glove/external/RedditClustering.json new file mode 100644 index 000000000..b81cc6caa --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/RedditClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 31.372616849342727, + "v_measure": 31.372616849342727, + "v_measure_std": 4.218475883332416 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/RedditClusteringP2P.json b/results/minishlab__M2V_base_glove/external/RedditClusteringP2P.json new file mode 100644 index 000000000..b363d82f9 --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/RedditClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 42.56167386383679, + "v_measure": 42.56167386383679, + "v_measure_std": 10.687512676760736 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/SCIDOCS.json b/results/minishlab__M2V_base_glove/external/SCIDOCS.json new file mode 100644 index 000000000..c55117b63 --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/SCIDOCS.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f8c2fcf00f625baaa80f62ec5bd9e1fff3b8ae88", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 11.145, + "map_at_1": 2.483, + "map_at_10": 6.1240000000000006, + "map_at_100": 7.373, + "map_at_1000": 7.6240000000000006, + "map_at_20": 6.702, + "map_at_3": 4.386, + "map_at_5": 5.263, + "mrr_at_1": 12.2, + "mrr_at_10": 20.032777777777785, + "mrr_at_100": 21.15625759013742, + "mrr_at_1000": 21.262436849379473, + "mrr_at_20": 20.65437313202795, + "mrr_at_3": 17.20000000000001, + "mrr_at_5": 18.905000000000012, + "nauc_map_at_1000_diff1": 14.04179602177988, + "nauc_map_at_1000_max": 13.468822726683898, + "nauc_map_at_1000_std": 14.503925484288697, + "nauc_map_at_100_diff1": 13.908535424545734, + "nauc_map_at_100_max": 13.162814624955224, + "nauc_map_at_100_std": 14.006563832100305, + "nauc_map_at_10_diff1": 15.201590550896787, + "nauc_map_at_10_max": 11.381876530403124, + "nauc_map_at_10_std": 10.455475922863256, + "nauc_map_at_1_diff1": 19.866068777666875, + "nauc_map_at_1_max": 11.770661936677659, + "nauc_map_at_1_std": 6.992466368743762, + "nauc_map_at_20_diff1": 14.503428211315777, + "nauc_map_at_20_max": 12.621320375392958, + "nauc_map_at_20_std": 12.289076337416786, + "nauc_map_at_3_diff1": 18.65066577348665, + "nauc_map_at_3_max": 10.924786636490749, + "nauc_map_at_3_std": 7.63906799090755, + "nauc_map_at_5_diff1": 16.19410336729788, + "nauc_map_at_5_max": 10.331376246769484, + "nauc_map_at_5_std": 8.580454671132498, + "nauc_mrr_at_1000_diff1": 16.483814461625617, + "nauc_mrr_at_1000_max": 11.013515468591404, + "nauc_mrr_at_1000_std": 10.08446979638758, + "nauc_mrr_at_100_diff1": 16.453692879490145, + "nauc_mrr_at_100_max": 10.985293302748216, + "nauc_mrr_at_100_std": 10.118895973989607, + "nauc_mrr_at_10_diff1": 16.523414526034056, + "nauc_mrr_at_10_max": 10.69835720772289, + "nauc_mrr_at_10_std": 9.958323674539256, + "nauc_mrr_at_1_diff1": 18.916140092839388, + "nauc_mrr_at_1_max": 11.28382524462848, + "nauc_mrr_at_1_std": 7.4575969496971775, + "nauc_mrr_at_20_diff1": 16.515625751883075, + "nauc_mrr_at_20_max": 10.91058938020743, + "nauc_mrr_at_20_std": 10.089717651490684, + "nauc_mrr_at_3_diff1": 18.411357551531673, + "nauc_mrr_at_3_max": 10.150789848617546, + "nauc_mrr_at_3_std": 8.28539472469452, + "nauc_mrr_at_5_diff1": 17.076713001566414, + "nauc_mrr_at_5_max": 10.05110647296913, + "nauc_mrr_at_5_std": 9.650240066197977, + "nauc_ndcg_at_1000_diff1": 12.46764100509925, + "nauc_ndcg_at_1000_max": 16.87436450117945, + "nauc_ndcg_at_1000_std": 21.75055602465494, + "nauc_ndcg_at_100_diff1": 11.243822565671014, + "nauc_ndcg_at_100_max": 14.672906707981689, + "nauc_ndcg_at_100_std": 19.445159161356347, + "nauc_ndcg_at_10_diff1": 13.957173044270302, + "nauc_ndcg_at_10_max": 11.533365924682878, + "nauc_ndcg_at_10_std": 11.95008133703523, + "nauc_ndcg_at_1_diff1": 18.916140092839388, + "nauc_ndcg_at_1_max": 11.28382524462848, + "nauc_ndcg_at_1_std": 7.4575969496971775, + "nauc_ndcg_at_20_diff1": 13.080870749498825, + "nauc_ndcg_at_20_max": 13.529404104442364, + "nauc_ndcg_at_20_std": 14.698639769858543, + "nauc_ndcg_at_3_diff1": 18.07665765209192, + "nauc_ndcg_at_3_max": 10.36217623223806, + "nauc_ndcg_at_3_std": 8.543586014725516, + "nauc_ndcg_at_5_diff1": 15.753684501523171, + "nauc_ndcg_at_5_max": 9.756813674219412, + "nauc_ndcg_at_5_std": 9.81629695469914, + "nauc_precision_at_1000_diff1": 6.49181271146623, + "nauc_precision_at_1000_max": 20.038684056693548, + "nauc_precision_at_1000_std": 31.72411429728146, + "nauc_precision_at_100_diff1": 3.9695256002728554, + "nauc_precision_at_100_max": 15.760993964001843, + "nauc_precision_at_100_std": 27.819395859684438, + "nauc_precision_at_10_diff1": 10.034023456463208, + "nauc_precision_at_10_max": 11.9637202656781, + "nauc_precision_at_10_std": 14.548441016814499, + "nauc_precision_at_1_diff1": 18.916140092839388, + "nauc_precision_at_1_max": 11.28382524462848, + "nauc_precision_at_1_std": 7.4575969496971775, + "nauc_precision_at_20_diff1": 8.352003454018947, + "nauc_precision_at_20_max": 15.467696310306941, + "nauc_precision_at_20_std": 19.25895187079644, + "nauc_precision_at_3_diff1": 17.691306880096178, + "nauc_precision_at_3_max": 10.139076766993572, + "nauc_precision_at_3_std": 8.90413050013151, + "nauc_precision_at_5_diff1": 13.143973705786955, + "nauc_precision_at_5_max": 8.749700144288802, + "nauc_precision_at_5_std": 11.136372587280404, + "nauc_recall_at_1000_diff1": 6.304363095725838, + "nauc_recall_at_1000_max": 21.169336566844237, + "nauc_recall_at_1000_std": 32.09330745051374, + "nauc_recall_at_100_diff1": 4.165661039426188, + "nauc_recall_at_100_max": 16.139180608853625, + "nauc_recall_at_100_std": 27.757831244843974, + "nauc_recall_at_10_diff1": 10.495690478197298, + "nauc_recall_at_10_max": 12.167459093833328, + "nauc_recall_at_10_std": 14.254322684356577, + "nauc_recall_at_1_diff1": 19.866068777666875, + "nauc_recall_at_1_max": 11.770661936677659, + "nauc_recall_at_1_std": 6.992466368743762, + "nauc_recall_at_20_diff1": 8.776171330802653, + "nauc_recall_at_20_max": 15.704340191560787, + "nauc_recall_at_20_std": 18.923540881805714, + "nauc_recall_at_3_diff1": 18.255717163312028, + "nauc_recall_at_3_max": 10.28617567778892, + "nauc_recall_at_3_std": 8.4013196603258, + "nauc_recall_at_5_diff1": 13.539959991282688, + "nauc_recall_at_5_max": 8.920008079822104, + "nauc_recall_at_5_std": 10.908337371904086, + "ndcg_at_1": 12.2, + "ndcg_at_10": 11.145, + "ndcg_at_100": 17.16, + "ndcg_at_1000": 22.429, + "ndcg_at_20": 13.017000000000001, + "ndcg_at_3": 10.204, + "ndcg_at_5": 9.182, + "precision_at_1": 12.2, + "precision_at_10": 5.88, + "precision_at_100": 1.477, + "precision_at_1000": 0.27499999999999997, + "precision_at_20": 4.03, + "precision_at_3": 9.6, + "precision_at_5": 8.24, + "recall_at_1": 2.483, + "recall_at_10": 11.927, + "recall_at_100": 29.947000000000003, + "recall_at_1000": 55.797, + "recall_at_20": 16.322, + "recall_at_3": 5.848, + "recall_at_5": 8.362 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/SICK-R.json b/results/minishlab__M2V_base_glove/external/SICK-R.json new file mode 100644 index 000000000..ba680f12b --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 75.44317740316959, + "cosine_spearman": 64.66033328975722, + "euclidean_pearson": 65.32225778168542, + "euclidean_spearman": 58.37263214991483, + "main_score": 64.66033328975722, + "manhattan_pearson": 65.50832595100484, + "manhattan_spearman": 58.70461764721123, + "pearson": 75.44317740316959, + "spearman": 64.66033328975722 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/STS12.json b/results/minishlab__M2V_base_glove/external/STS12.json new file mode 100644 index 000000000..185beb2f3 --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 75.27179637130625, + "cosine_spearman": 64.63642414925371, + "euclidean_pearson": 57.60541573965394, + "euclidean_spearman": 54.16675402216673, + "main_score": 64.63642414925371, + "manhattan_pearson": 57.61916313400251, + "manhattan_spearman": 54.187861798376346, + "pearson": 75.27179637130625, + "spearman": 64.63642414925371 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/STS13.json b/results/minishlab__M2V_base_glove/external/STS13.json new file mode 100644 index 000000000..359bb00d0 --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 76.65670145290832, + "cosine_spearman": 77.9790218678965, + "euclidean_pearson": 55.69048686852492, + "euclidean_spearman": 56.915278453300886, + "main_score": 77.9790218678965, + "manhattan_pearson": 56.04078388415448, + "manhattan_spearman": 57.24479867581495, + "pearson": 76.65670145290832, + "spearman": 77.9790218678965 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/STS14.json b/results/minishlab__M2V_base_glove/external/STS14.json new file mode 100644 index 000000000..08cf96cc0 --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 72.6084144444495, + "cosine_spearman": 70.08415685571369, + "euclidean_pearson": 55.23603920676092, + "euclidean_spearman": 54.7951569454598, + "main_score": 70.08415685571369, + "manhattan_pearson": 55.467477859550954, + "manhattan_spearman": 54.97322607753517, + "pearson": 72.6084144444495, + "spearman": 70.08415685571369 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/STS15.json b/results/minishlab__M2V_base_glove/external/STS15.json new file mode 100644 index 000000000..a63289b92 --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 77.27930178635249, + "cosine_spearman": 78.77945492051583, + "euclidean_pearson": 56.209330819002254, + "euclidean_spearman": 58.59820677825991, + "main_score": 78.77945492051583, + "manhattan_pearson": 56.5027867921535, + "manhattan_spearman": 58.688012882636556, + "pearson": 77.27930178635249, + "spearman": 78.77945492051583 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/STS16.json b/results/minishlab__M2V_base_glove/external/STS16.json new file mode 100644 index 000000000..c287cb25d --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 67.59697831579804, + "cosine_spearman": 70.14433798829924, + "euclidean_pearson": 47.052560327076165, + "euclidean_spearman": 49.043366162737, + "main_score": 70.14433798829924, + "manhattan_pearson": 47.609083434026, + "manhattan_spearman": 49.4861745311838, + "pearson": 67.59697831579804, + "spearman": 70.14433798829924 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/STS17.json b/results/minishlab__M2V_base_glove/external/STS17.json new file mode 100644 index 000000000..531193fcd --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/STS17.json @@ -0,0 +1,137 @@ +{ + "dataset_revision": "faeb762787bd10488a50c8b5be4a3b82e411949c", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-tr", + "languages": [ + "eng-Latn", + "tur-Latn" + ], + "cosine_pearson": 6.816344817341537, + "cosine_spearman": 3.881927995948511, + "euclidean_pearson": -5.709905452714134, + "euclidean_spearman": -7.917676805793398, + "main_score": 3.881927995948511, + "manhattan_pearson": -5.915405149261368, + "manhattan_spearman": -6.999675819608648, + "pearson": 6.816344817341537, + "spearman": 3.881927995948511 + }, + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 80.3422878690775, + "cosine_spearman": 82.82381067886578, + "euclidean_pearson": 64.17718233417268, + "euclidean_spearman": 66.43456400831298, + "main_score": 82.82381067886578, + "manhattan_pearson": 64.18727485692851, + "manhattan_spearman": 66.66001258551782, + "pearson": 80.3422878690775, + "spearman": 82.82381067886578 + }, + { + "hf_subset": "it-en", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "cosine_pearson": 8.532514092953193, + "cosine_spearman": 2.925603710568467, + "euclidean_pearson": -15.310770996955645, + "euclidean_spearman": -15.153258000229735, + "main_score": 2.925603710568467, + "manhattan_pearson": -15.475725980253795, + "manhattan_spearman": -16.680696135577048, + "pearson": 8.532514092953193, + "spearman": 2.925603710568467 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "cosine_pearson": 21.045522855096426, + "cosine_spearman": 18.414978055057233, + "euclidean_pearson": -6.730015584391847, + "euclidean_spearman": -8.874563174643498, + "main_score": 18.414978055057233, + "manhattan_pearson": -8.373709018568837, + "manhattan_spearman": -10.869965671268195, + "pearson": 21.045522855096426, + "spearman": 18.414978055057233 + }, + { + "hf_subset": "en-de", + "languages": [ + "eng-Latn", + "deu-Latn" + ], + "cosine_pearson": 20.53965530318208, + "cosine_spearman": 19.779624251024742, + "euclidean_pearson": -8.422957022168687, + "euclidean_spearman": -8.441117623652552, + "main_score": 19.779624251024742, + "manhattan_pearson": -9.022000031615297, + "manhattan_spearman": -10.01944986236205, + "pearson": 20.53965530318208, + "spearman": 19.779624251024742 + }, + { + "hf_subset": "nl-en", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "cosine_pearson": 16.253197751087466, + "cosine_spearman": 10.281262353298493, + "euclidean_pearson": -8.327034080178862, + "euclidean_spearman": -14.082944243419524, + "main_score": 10.281262353298493, + "manhattan_pearson": -8.317424880938788, + "manhattan_spearman": -13.283091899944917, + "pearson": 16.253197751087466, + "spearman": 10.281262353298493 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cosine_pearson": 16.022314822926344, + "cosine_spearman": 15.481253181142337, + "euclidean_pearson": -7.565040371732333, + "euclidean_spearman": -13.24259258219904, + "main_score": 15.481253181142337, + "manhattan_pearson": -8.469782300955151, + "manhattan_spearman": -14.992140842771388, + "pearson": 16.022314822926344, + "spearman": 15.481253181142337 + }, + { + "hf_subset": "en-ar", + "languages": [ + "eng-Latn", + "ara-Arab" + ], + "cosine_pearson": 2.6572077286972204, + "cosine_spearman": 11.841223302913573, + "euclidean_pearson": 12.35431245166608, + "euclidean_spearman": 7.392490905400255, + "main_score": 11.841223302913573, + "manhattan_pearson": 12.216768710760196, + "manhattan_spearman": 7.503351553256482, + "pearson": 2.6572077286972204, + "spearman": 11.841223302913573 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/STS22.json b/results/minishlab__M2V_base_glove/external/STS22.json new file mode 100644 index 000000000..67e3977d5 --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/STS22.json @@ -0,0 +1,89 @@ +{ + "dataset_revision": "de9d86b3b84231dc21f76c7b7af1f28e2f57f6e3", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "pl-en", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "cosine_pearson": 38.2886612129808, + "cosine_spearman": 36.3923475100124, + "euclidean_pearson": 37.198162712953945, + "euclidean_spearman": 26.567559733905416, + "main_score": 36.3923475100124, + "manhattan_pearson": 36.744350682243976, + "manhattan_spearman": 23.764942648250294, + "pearson": 38.2886612129808, + "spearman": 36.3923475100124 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "cosine_pearson": 2.899096111714493, + "cosine_spearman": 3.6484939276246147, + "euclidean_pearson": -3.9577702896129683, + "euclidean_spearman": 0.5248086125754212, + "main_score": 3.6484939276246147, + "manhattan_pearson": -4.224953170165652, + "manhattan_spearman": 0.8064642714775411, + "pearson": 2.899096111714493, + "spearman": 3.6484939276246147 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 48.83428631897875, + "cosine_spearman": 59.208656752528064, + "euclidean_pearson": 50.318050030105866, + "euclidean_spearman": 59.248536122711904, + "main_score": 59.208656752528064, + "manhattan_pearson": 49.48047897165944, + "manhattan_spearman": 59.05695237288997, + "pearson": 48.83428631897875, + "spearman": 59.208656752528064 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cosine_pearson": 18.384789734482013, + "cosine_spearman": 20.680582502429395, + "euclidean_pearson": 15.257874781731998, + "euclidean_spearman": 20.121386973148013, + "main_score": 20.680582502429395, + "manhattan_pearson": 21.41821286518122, + "manhattan_spearman": 27.06116036653386, + "pearson": 18.384789734482013, + "spearman": 20.680582502429395 + }, + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "cosine_pearson": 31.971938782568998, + "cosine_spearman": 31.7331263475721, + "euclidean_pearson": 28.778244848424606, + "euclidean_spearman": 30.339181910659924, + "main_score": 31.7331263475721, + "manhattan_pearson": 27.763784017642745, + "manhattan_spearman": 34.60355364902863, + "pearson": 31.971938782568998, + "spearman": 31.7331263475721 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/STSBenchmark.json b/results/minishlab__M2V_base_glove/external/STSBenchmark.json new file mode 100644 index 000000000..3855115a1 --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 70.44848272475741, + "cosine_spearman": 68.90568918705054, + "euclidean_pearson": 55.15791539468034, + "euclidean_spearman": 54.524734170607026, + "main_score": 68.90568918705054, + "manhattan_pearson": 55.57205796134256, + "manhattan_spearman": 54.873833418202324, + "pearson": 70.44848272475741, + "spearman": 68.90568918705054 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/SciDocsRR.json b/results/minishlab__M2V_base_glove/external/SciDocsRR.json new file mode 100644 index 000000000..375f0d68c --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/SciDocsRR.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 71.51230402119855, + "map": 71.51230402119855, + "mrr": 90.07260169024875, + "nAUC_map_diff1": 9.457889555724364, + "nAUC_map_max": 54.32226718709489, + "nAUC_map_std": 64.3833035531696, + "nAUC_mrr_diff1": 46.733117682332065, + "nAUC_mrr_max": 73.34626532031795, + "nAUC_mrr_std": 66.21738431904454 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/SciFact.json b/results/minishlab__M2V_base_glove/external/SciFact.json new file mode 100644 index 000000000..9c28eb9f3 --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/SciFact.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 44.634, + "map_at_1": 31.056, + "map_at_10": 39.797, + "map_at_100": 40.786, + "map_at_1000": 40.849999999999994, + "map_at_20": 40.39, + "map_at_3": 37.537, + "map_at_5": 38.443, + "mrr_at_1": 32.666666666666664, + "mrr_at_10": 41.20542328042328, + "mrr_at_100": 42.02789454802248, + "mrr_at_1000": 42.08644496488576, + "mrr_at_20": 41.66418048182754, + "mrr_at_3": 39.277777777777764, + "mrr_at_5": 39.99444444444444, + "nauc_map_at_1000_diff1": 48.342044133365135, + "nauc_map_at_1000_max": 31.7826592935102, + "nauc_map_at_1000_std": 4.00630138549911, + "nauc_map_at_100_diff1": 48.31242764868427, + "nauc_map_at_100_max": 31.78012740426817, + "nauc_map_at_100_std": 4.060444642374662, + "nauc_map_at_10_diff1": 48.50670999217726, + "nauc_map_at_10_max": 31.64653583263081, + "nauc_map_at_10_std": 3.7046444258333997, + "nauc_map_at_1_diff1": 51.5249564463508, + "nauc_map_at_1_max": 28.73405802025607, + "nauc_map_at_1_std": -1.356155719324098, + "nauc_map_at_20_diff1": 48.456709981407556, + "nauc_map_at_20_max": 31.741525375093172, + "nauc_map_at_20_std": 3.646386443000312, + "nauc_map_at_3_diff1": 48.78563822360489, + "nauc_map_at_3_max": 31.058620920212448, + "nauc_map_at_3_std": 1.8326719277579946, + "nauc_map_at_5_diff1": 48.458976779652104, + "nauc_map_at_5_max": 31.083028206356534, + "nauc_map_at_5_std": 3.003794552425189, + "nauc_mrr_at_1000_diff1": 48.45609849024956, + "nauc_mrr_at_1000_max": 33.43988504966969, + "nauc_mrr_at_1000_std": 6.171555010767457, + "nauc_mrr_at_100_diff1": 48.42274487649728, + "nauc_mrr_at_100_max": 33.43866490885405, + "nauc_mrr_at_100_std": 6.218254767081506, + "nauc_mrr_at_10_diff1": 48.521379897756056, + "nauc_mrr_at_10_max": 33.75224042509809, + "nauc_mrr_at_10_std": 6.352815348713422, + "nauc_mrr_at_1_diff1": 52.443480348141506, + "nauc_mrr_at_1_max": 31.16915445000578, + "nauc_mrr_at_1_std": 1.0921650382724417, + "nauc_mrr_at_20_diff1": 48.50227992314695, + "nauc_mrr_at_20_max": 33.538352513692566, + "nauc_mrr_at_20_std": 5.888417051206362, + "nauc_mrr_at_3_diff1": 48.69864177007364, + "nauc_mrr_at_3_max": 33.6846609645469, + "nauc_mrr_at_3_std": 4.737077772688193, + "nauc_mrr_at_5_diff1": 48.762159728901295, + "nauc_mrr_at_5_max": 33.470448387039426, + "nauc_mrr_at_5_std": 5.88722077710814, + "nauc_ndcg_at_1000_diff1": 47.013205594218704, + "nauc_ndcg_at_1000_max": 33.784237785724024, + "nauc_ndcg_at_1000_std": 7.895748496610112, + "nauc_ndcg_at_100_diff1": 46.28673967820463, + "nauc_ndcg_at_100_max": 33.65163465988455, + "nauc_ndcg_at_100_std": 9.496219412572335, + "nauc_ndcg_at_10_diff1": 46.92009617313736, + "nauc_ndcg_at_10_max": 33.93070825037539, + "nauc_ndcg_at_10_std": 6.905054855789704, + "nauc_ndcg_at_1_diff1": 52.443480348141506, + "nauc_ndcg_at_1_max": 31.16915445000578, + "nauc_ndcg_at_1_std": 1.0921650382724417, + "nauc_ndcg_at_20_diff1": 46.80080169568735, + "nauc_ndcg_at_20_max": 33.85986080942156, + "nauc_ndcg_at_20_std": 6.030321172261957, + "nauc_ndcg_at_3_diff1": 47.37837330317871, + "nauc_ndcg_at_3_max": 32.70364322442463, + "nauc_ndcg_at_3_std": 3.5796359299979734, + "nauc_ndcg_at_5_diff1": 47.10858556467903, + "nauc_ndcg_at_5_max": 32.5432022640858, + "nauc_ndcg_at_5_std": 5.587372921117886, + "nauc_precision_at_1000_diff1": -4.00258727241286, + "nauc_precision_at_1000_max": 33.62365433015907, + "nauc_precision_at_1000_std": 27.912442602898498, + "nauc_precision_at_100_diff1": 12.742459620152669, + "nauc_precision_at_100_max": 38.534530486483895, + "nauc_precision_at_100_std": 38.335218929783586, + "nauc_precision_at_10_diff1": 34.00766046475659, + "nauc_precision_at_10_max": 42.736601309849924, + "nauc_precision_at_10_std": 19.11941288765331, + "nauc_precision_at_1_diff1": 52.443480348141506, + "nauc_precision_at_1_max": 31.16915445000578, + "nauc_precision_at_1_std": 1.0921650382724417, + "nauc_precision_at_20_diff1": 27.71446616326318, + "nauc_precision_at_20_max": 40.76177840979056, + "nauc_precision_at_20_std": 16.820454969752006, + "nauc_precision_at_3_diff1": 43.24269855398618, + "nauc_precision_at_3_max": 38.62040878020923, + "nauc_precision_at_3_std": 9.502376433837679, + "nauc_precision_at_5_diff1": 37.91908025291434, + "nauc_precision_at_5_max": 38.025934168347106, + "nauc_precision_at_5_std": 13.649985136861408, + "nauc_recall_at_1000_diff1": 36.18220825225795, + "nauc_recall_at_1000_max": 58.085116998453465, + "nauc_recall_at_1000_std": 71.24753209171706, + "nauc_recall_at_100_diff1": 34.15584735503604, + "nauc_recall_at_100_max": 37.6512924522105, + "nauc_recall_at_100_std": 46.323437983877746, + "nauc_recall_at_10_diff1": 40.95203469532717, + "nauc_recall_at_10_max": 38.227625869068206, + "nauc_recall_at_10_std": 14.047310749226211, + "nauc_recall_at_1_diff1": 51.5249564463508, + "nauc_recall_at_1_max": 28.73405802025607, + "nauc_recall_at_1_std": -1.356155719324098, + "nauc_recall_at_20_diff1": 40.36640963259781, + "nauc_recall_at_20_max": 38.003316708318394, + "nauc_recall_at_20_std": 10.141759227688368, + "nauc_recall_at_3_diff1": 43.45581442601486, + "nauc_recall_at_3_max": 34.015330740461444, + "nauc_recall_at_3_std": 5.800825635858678, + "nauc_recall_at_5_diff1": 42.4514713019334, + "nauc_recall_at_5_max": 33.81098452352482, + "nauc_recall_at_5_std": 10.553580332520063, + "ndcg_at_1": 32.667, + "ndcg_at_10": 44.634, + "ndcg_at_100": 49.455, + "ndcg_at_1000": 51.292, + "ndcg_at_20": 46.56, + "ndcg_at_3": 40.006, + "ndcg_at_5": 41.502, + "precision_at_1": 32.667, + "precision_at_10": 6.433, + "precision_at_100": 0.9129999999999999, + "precision_at_1000": 0.108, + "precision_at_20": 3.6830000000000003, + "precision_at_3": 16.222, + "precision_at_5": 10.667, + "recall_at_1": 31.056, + "recall_at_10": 58.4, + "recall_at_100": 81.15599999999999, + "recall_at_1000": 95.633, + "recall_at_20": 65.606, + "recall_at_3": 45.306000000000004, + "recall_at_5": 49.028 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/SprintDuplicateQuestions.json b/results/minishlab__M2V_base_glove/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..b382d7dda --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/SprintDuplicateQuestions.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 99.65445544554456, + "cosine_accuracy_threshold": 80.49482107162476, + "cosine_ap": 87.93890477556427, + "cosine_f1": 81.80420297283445, + "cosine_f1_threshold": 79.41848039627075, + "cosine_precision": 83.91167192429022, + "cosine_recall": 79.80000000000001, + "dot_accuracy": 99.04752475247524, + "dot_accuracy_threshold": 105860.55908203125, + "dot_ap": 27.092515912441513, + "dot_f1": 33.942093541202674, + "dot_f1_threshold": 73063.5009765625, + "dot_precision": 30.602409638554217, + "dot_recall": 38.1, + "euclidean_accuracy": 99.38118811881188, + "euclidean_accuracy_threshold": 1505.2160263061523, + "euclidean_ap": 62.30186807590662, + "euclidean_f1": 62.507221259387634, + "euclidean_f1_threshold": 1578.0624389648438, + "euclidean_precision": 74.00820793433653, + "euclidean_recall": 54.1, + "main_score": 87.93890477556427, + "manhattan_accuracy": 99.38118811881188, + "manhattan_accuracy_threshold": 18967.7490234375, + "manhattan_ap": 62.32090024036487, + "manhattan_f1": 62.29130685089235, + "manhattan_f1_threshold": 19725.3662109375, + "manhattan_precision": 73.40569877883311, + "manhattan_recall": 54.1, + "max_accuracy": 99.65445544554456, + "max_ap": 87.93890477556427, + "max_f1": 81.80420297283445, + "max_precision": 83.91167192429022, + "max_recall": 79.80000000000001, + "similarity_accuracy": 99.65445544554456, + "similarity_accuracy_threshold": 80.49482107162476, + "similarity_ap": 87.93890477556427, + "similarity_f1": 81.80420297283445, + "similarity_f1_threshold": 79.41848039627075, + "similarity_precision": 83.91167192429022, + "similarity_recall": 79.80000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/StackExchangeClustering.json b/results/minishlab__M2V_base_glove/external/StackExchangeClustering.json new file mode 100644 index 000000000..9119e2443 --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/StackExchangeClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 39.351977907677735, + "v_measure": 39.351977907677735, + "v_measure_std": 4.851580948174954 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/StackExchangeClusteringP2P.json b/results/minishlab__M2V_base_glove/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..e03fc1d14 --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/StackExchangeClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 28.718039425336826, + "v_measure": 28.718039425336826, + "v_measure_std": 1.5093426797012535 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/StackOverflowDupQuestions.json b/results/minishlab__M2V_base_glove/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..efc90f2fa --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/StackOverflowDupQuestions.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 40.74663316880145, + "map": 40.74663316880145, + "mrr": 41.04591078855785, + "nAUC_map_diff1": 29.118826541226202, + "nAUC_map_max": 14.062845178703915, + "nAUC_map_std": -4.409892124802246, + "nAUC_mrr_diff1": 28.22298206074212, + "nAUC_mrr_max": 14.631847809852314, + "nAUC_mrr_std": -3.6963659779241236 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/SummEval.json b/results/minishlab__M2V_base_glove/external/SummEval.json new file mode 100644 index 000000000..f4380c2cf --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 30.385829441542235, + "cosine_spearman": 31.44709156272413, + "dot_pearson": 16.8215086744564, + "dot_spearman": 19.63108392674418, + "main_score": 31.44709156272413, + "pearson": 30.385829441542235, + "spearman": 31.44709156272413 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/TRECCOVID.json b/results/minishlab__M2V_base_glove/external/TRECCOVID.json new file mode 100644 index 000000000..66f35527a --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/TRECCOVID.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "bb9466bac8153a0349341eb1b22e06409e78ef4e", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 50.293, + "map_at_1": 0.161, + "map_at_10": 1.065, + "map_at_100": 5.1819999999999995, + "map_at_1000": 12.165, + "map_at_20": 1.8419999999999999, + "map_at_3": 0.428, + "map_at_5": 0.639, + "mrr_at_1": 68.0, + "mrr_at_10": 77.83333333333333, + "mrr_at_100": 78.05833333333334, + "mrr_at_1000": 78.05833333333334, + "mrr_at_20": 78.05833333333334, + "mrr_at_3": 76.33333333333334, + "mrr_at_5": 77.63333333333334, + "nauc_map_at_1000_diff1": -20.730615524173658, + "nauc_map_at_1000_max": 39.839166514300764, + "nauc_map_at_1000_std": 58.90233287533496, + "nauc_map_at_100_diff1": -19.5516027613563, + "nauc_map_at_100_max": 20.59184199252621, + "nauc_map_at_100_std": 47.71226850012564, + "nauc_map_at_10_diff1": -6.646519709068492, + "nauc_map_at_10_max": 5.985482445627173, + "nauc_map_at_10_std": 23.95348041285318, + "nauc_map_at_1_diff1": 4.168508506022353, + "nauc_map_at_1_max": -13.919817882224258, + "nauc_map_at_1_std": 6.874058840078575, + "nauc_map_at_20_diff1": -11.782478697292618, + "nauc_map_at_20_max": 4.899042508743441, + "nauc_map_at_20_std": 30.581099865283782, + "nauc_map_at_3_diff1": -6.40346598043105, + "nauc_map_at_3_max": -5.693242415097199, + "nauc_map_at_3_std": 12.446665858993656, + "nauc_map_at_5_diff1": -9.611896908622962, + "nauc_map_at_5_max": 2.1092593900870904, + "nauc_map_at_5_std": 17.067486050785096, + "nauc_mrr_at_1000_diff1": -4.623321883762855, + "nauc_mrr_at_1000_max": 12.396808389858892, + "nauc_mrr_at_1000_std": 19.4089140622997, + "nauc_mrr_at_100_diff1": -4.623321883762855, + "nauc_mrr_at_100_max": 12.396808389858892, + "nauc_mrr_at_100_std": 19.4089140622997, + "nauc_mrr_at_10_diff1": -4.647195096446223, + "nauc_mrr_at_10_max": 11.952010167473812, + "nauc_mrr_at_10_std": 19.233980598143418, + "nauc_mrr_at_1_diff1": 3.5035588418214934, + "nauc_mrr_at_1_max": 7.68433418561253, + "nauc_mrr_at_1_std": 27.081749706309154, + "nauc_mrr_at_20_diff1": -4.623321883762855, + "nauc_mrr_at_20_max": 12.396808389858892, + "nauc_mrr_at_20_std": 19.4089140622997, + "nauc_mrr_at_3_diff1": -8.79007316324313, + "nauc_mrr_at_3_max": 16.737683188929008, + "nauc_mrr_at_3_std": 20.698383219632017, + "nauc_mrr_at_5_diff1": -6.38001261114355, + "nauc_mrr_at_5_max": 12.852936867850659, + "nauc_mrr_at_5_std": 19.604197982217094, + "nauc_ndcg_at_1000_diff1": -21.248774862042268, + "nauc_ndcg_at_1000_max": 37.112470599317845, + "nauc_ndcg_at_1000_std": 51.33184264725945, + "nauc_ndcg_at_100_diff1": -21.502469395614007, + "nauc_ndcg_at_100_max": 27.036619615428126, + "nauc_ndcg_at_100_std": 44.231578927541634, + "nauc_ndcg_at_10_diff1": -14.03544852632917, + "nauc_ndcg_at_10_max": 23.239909164511957, + "nauc_ndcg_at_10_std": 33.99420048710792, + "nauc_ndcg_at_1_diff1": -2.3076073755106807, + "nauc_ndcg_at_1_max": 4.093124497231777, + "nauc_ndcg_at_1_std": 15.907190965157136, + "nauc_ndcg_at_20_diff1": -17.80684642201865, + "nauc_ndcg_at_20_max": 22.356390424376404, + "nauc_ndcg_at_20_std": 36.58074650432794, + "nauc_ndcg_at_3_diff1": -14.03425485397747, + "nauc_ndcg_at_3_max": 22.900831825285497, + "nauc_ndcg_at_3_std": 27.595172162485166, + "nauc_ndcg_at_5_diff1": -15.9847552107415, + "nauc_ndcg_at_5_max": 23.610018767111146, + "nauc_ndcg_at_5_std": 31.76023082670396, + "nauc_precision_at_1000_diff1": -18.48606922966335, + "nauc_precision_at_1000_max": 40.09384944686907, + "nauc_precision_at_1000_std": 48.495329491382236, + "nauc_precision_at_100_diff1": -20.913247230868738, + "nauc_precision_at_100_max": 30.275117729529665, + "nauc_precision_at_100_std": 48.03556929860873, + "nauc_precision_at_10_diff1": -10.864615585413775, + "nauc_precision_at_10_max": 25.99575088281568, + "nauc_precision_at_10_std": 40.69762382986124, + "nauc_precision_at_1_diff1": 3.5035588418214934, + "nauc_precision_at_1_max": 7.68433418561253, + "nauc_precision_at_1_std": 27.081749706309154, + "nauc_precision_at_20_diff1": -18.231210614806834, + "nauc_precision_at_20_max": 24.49814133520953, + "nauc_precision_at_20_std": 42.08404347300964, + "nauc_precision_at_3_diff1": -13.464379703587404, + "nauc_precision_at_3_max": 25.641765547809243, + "nauc_precision_at_3_std": 38.4713052310818, + "nauc_precision_at_5_diff1": -13.230437128979991, + "nauc_precision_at_5_max": 27.40564849793124, + "nauc_precision_at_5_std": 40.16046051448101, + "nauc_recall_at_1000_diff1": -19.18062584482319, + "nauc_recall_at_1000_max": 42.54485632066801, + "nauc_recall_at_1000_std": 51.96242599629826, + "nauc_recall_at_100_diff1": -16.015292729450607, + "nauc_recall_at_100_max": 15.503701664732361, + "nauc_recall_at_100_std": 40.715412297495895, + "nauc_recall_at_10_diff1": -3.543521347350292, + "nauc_recall_at_10_max": 2.800389319981027, + "nauc_recall_at_10_std": 17.827330080949704, + "nauc_recall_at_1_diff1": 4.168508506022353, + "nauc_recall_at_1_max": -13.919817882224258, + "nauc_recall_at_1_std": 6.874058840078575, + "nauc_recall_at_20_diff1": -11.824453402321485, + "nauc_recall_at_20_max": 0.1600646646737227, + "nauc_recall_at_20_std": 22.770804511027276, + "nauc_recall_at_3_diff1": -12.153358693322797, + "nauc_recall_at_3_max": -0.8091436535543653, + "nauc_recall_at_3_std": 8.9194053611711, + "nauc_recall_at_5_diff1": -11.666886982290547, + "nauc_recall_at_5_max": 6.265898355667695, + "nauc_recall_at_5_std": 12.278654991544476, + "ndcg_at_1": 63.0, + "ndcg_at_10": 50.293, + "ndcg_at_100": 35.410000000000004, + "ndcg_at_1000": 31.432, + "ndcg_at_20": 47.281, + "ndcg_at_3": 56.285, + "ndcg_at_5": 53.931, + "precision_at_1": 68.0, + "precision_at_10": 53.2, + "precision_at_100": 37.1, + "precision_at_1000": 15.02, + "precision_at_20": 50.4, + "precision_at_3": 61.333000000000006, + "precision_at_5": 58.4, + "recall_at_1": 0.161, + "recall_at_10": 1.322, + "recall_at_100": 8.129999999999999, + "recall_at_1000": 30.206, + "recall_at_20": 2.4410000000000003, + "recall_at_3": 0.47000000000000003, + "recall_at_5": 0.741 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/Touche2020.json b/results/minishlab__M2V_base_glove/external/Touche2020.json new file mode 100644 index 000000000..9c5c18bf8 --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/Touche2020.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 15.790000000000001, + "map_at_1": 1.277, + "map_at_10": 5.24, + "map_at_100": 9.093, + "map_at_1000": 10.529, + "map_at_20": 6.658, + "map_at_3": 2.157, + "map_at_5": 3.343, + "mrr_at_1": 16.3265306122449, + "mrr_at_10": 31.72902494331065, + "mrr_at_100": 32.884769060167756, + "mrr_at_1000": 32.884769060167756, + "mrr_at_20": 32.43515354859892, + "mrr_at_3": 25.170068027210885, + "mrr_at_5": 29.455782312925173, + "nauc_map_at_1000_diff1": -3.1586324258036242, + "nauc_map_at_1000_max": -39.772263097287876, + "nauc_map_at_1000_std": -28.342876126008754, + "nauc_map_at_100_diff1": -3.665739300943786, + "nauc_map_at_100_max": -40.456706346113755, + "nauc_map_at_100_std": -31.83791676517853, + "nauc_map_at_10_diff1": -10.54672586401425, + "nauc_map_at_10_max": -44.54144890865597, + "nauc_map_at_10_std": -31.333904561832384, + "nauc_map_at_1_diff1": -1.818488518052858, + "nauc_map_at_1_max": -32.722843529731556, + "nauc_map_at_1_std": -21.190183458683524, + "nauc_map_at_20_diff1": -7.663503040209939, + "nauc_map_at_20_max": -45.78706394536052, + "nauc_map_at_20_std": -37.180872568708374, + "nauc_map_at_3_diff1": 3.1417424508761047, + "nauc_map_at_3_max": -35.02057696281606, + "nauc_map_at_3_std": -20.37396361107187, + "nauc_map_at_5_diff1": -6.496367073339007, + "nauc_map_at_5_max": -42.29452042433092, + "nauc_map_at_5_std": -24.800465182129475, + "nauc_mrr_at_1000_diff1": -1.5444742737338488, + "nauc_mrr_at_1000_max": -35.18049506603158, + "nauc_mrr_at_1000_std": -17.20070057367544, + "nauc_mrr_at_100_diff1": -1.5444742737338488, + "nauc_mrr_at_100_max": -35.18049506603158, + "nauc_mrr_at_100_std": -17.20070057367544, + "nauc_mrr_at_10_diff1": -1.4960263964114606, + "nauc_mrr_at_10_max": -34.873555341513196, + "nauc_mrr_at_10_std": -16.45999571373483, + "nauc_mrr_at_1_diff1": -12.189270623334648, + "nauc_mrr_at_1_max": -28.579192532694353, + "nauc_mrr_at_1_std": -11.459855962330844, + "nauc_mrr_at_20_diff1": -0.7609385123928843, + "nauc_mrr_at_20_max": -36.171296772870264, + "nauc_mrr_at_20_std": -18.301749458938232, + "nauc_mrr_at_3_diff1": -0.2301847707610496, + "nauc_mrr_at_3_max": -30.80499065218597, + "nauc_mrr_at_3_std": -12.834712397437057, + "nauc_mrr_at_5_diff1": -1.091903500739519, + "nauc_mrr_at_5_max": -35.21876224937198, + "nauc_mrr_at_5_std": -17.333123783071695, + "nauc_ndcg_at_1000_diff1": 12.341092315492014, + "nauc_ndcg_at_1000_max": -28.424531285639727, + "nauc_ndcg_at_1000_std": -9.684075691376377, + "nauc_ndcg_at_100_diff1": 8.032059858306981, + "nauc_ndcg_at_100_max": -39.255306271493794, + "nauc_ndcg_at_100_std": -27.422782475792946, + "nauc_ndcg_at_10_diff1": 1.9001557608396897, + "nauc_ndcg_at_10_max": -38.83941665073113, + "nauc_ndcg_at_10_std": -28.76852256482092, + "nauc_ndcg_at_1_diff1": -4.204891374640269, + "nauc_ndcg_at_1_max": -26.231692867275363, + "nauc_ndcg_at_1_std": -9.148523397771116, + "nauc_ndcg_at_20_diff1": 2.518885050551834, + "nauc_ndcg_at_20_max": -43.189561788855066, + "nauc_ndcg_at_20_std": -39.682465095289366, + "nauc_ndcg_at_3_diff1": 8.562730018960336, + "nauc_ndcg_at_3_max": -30.96991992817989, + "nauc_ndcg_at_3_std": -15.69208953358737, + "nauc_ndcg_at_5_diff1": 3.5840568515154994, + "nauc_ndcg_at_5_max": -36.53566191704277, + "nauc_ndcg_at_5_std": -20.55546310613085, + "nauc_precision_at_1000_diff1": 10.175495027635408, + "nauc_precision_at_1000_max": 44.31983167314647, + "nauc_precision_at_1000_std": 47.40763634184565, + "nauc_precision_at_100_diff1": 9.792026002798021, + "nauc_precision_at_100_max": -10.304602707011593, + "nauc_precision_at_100_std": 0.63567352854242, + "nauc_precision_at_10_diff1": -1.442177091120521, + "nauc_precision_at_10_max": -35.92859526255585, + "nauc_precision_at_10_std": -26.896073645887427, + "nauc_precision_at_1_diff1": -12.189270623334648, + "nauc_precision_at_1_max": -28.579192532694353, + "nauc_precision_at_1_std": -11.459855962330844, + "nauc_precision_at_20_diff1": 2.2669891060284955, + "nauc_precision_at_20_max": -36.92227467517464, + "nauc_precision_at_20_std": -45.42095329154831, + "nauc_precision_at_3_diff1": 10.90702129082723, + "nauc_precision_at_3_max": -33.745641123222846, + "nauc_precision_at_3_std": -16.27280451843888, + "nauc_precision_at_5_diff1": 0.6068634276790119, + "nauc_precision_at_5_max": -39.046167694767696, + "nauc_precision_at_5_std": -22.166228729900332, + "nauc_recall_at_1000_diff1": 7.096875956365895, + "nauc_recall_at_1000_max": -12.075390522906268, + "nauc_recall_at_1000_std": 27.949986052890573, + "nauc_recall_at_100_diff1": 2.9637437003660403, + "nauc_recall_at_100_max": -37.470315822402604, + "nauc_recall_at_100_std": -20.07639190396403, + "nauc_recall_at_10_diff1": -10.55130289262311, + "nauc_recall_at_10_max": -47.33072741498118, + "nauc_recall_at_10_std": -37.47543950737137, + "nauc_recall_at_1_diff1": -1.818488518052858, + "nauc_recall_at_1_max": -32.722843529731556, + "nauc_recall_at_1_std": -21.190183458683524, + "nauc_recall_at_20_diff1": -3.3497197311334665, + "nauc_recall_at_20_max": -46.86976432359865, + "nauc_recall_at_20_std": -46.35186722318313, + "nauc_recall_at_3_diff1": 10.548810696046742, + "nauc_recall_at_3_max": -36.36954645321451, + "nauc_recall_at_3_std": -20.082840698599032, + "nauc_recall_at_5_diff1": -7.380160291481995, + "nauc_recall_at_5_max": -47.34539862970469, + "nauc_recall_at_5_std": -31.4779670684682, + "ndcg_at_1": 12.245000000000001, + "ndcg_at_10": 15.790000000000001, + "ndcg_at_100": 26.016000000000002, + "ndcg_at_1000": 38.249, + "ndcg_at_20": 16.947000000000003, + "ndcg_at_3": 13.027, + "ndcg_at_5": 14.968, + "precision_at_1": 16.326999999999998, + "precision_at_10": 16.326999999999998, + "precision_at_100": 6.204, + "precision_at_1000": 1.402, + "precision_at_20": 12.959000000000001, + "precision_at_3": 15.645999999999999, + "precision_at_5": 17.551, + "recall_at_1": 1.277, + "recall_at_10": 11.657, + "recall_at_100": 37.804, + "recall_at_1000": 74.81, + "recall_at_20": 17.813000000000002, + "recall_at_3": 2.96, + "recall_at_5": 6.196 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/ToxicConversationsClassification.json b/results/minishlab__M2V_base_glove/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..309cbddd8 --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/ToxicConversationsClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 67.6025390625, + "ap": 12.228064322266615, + "ap_weighted": 12.228064322266615, + "f1": 51.545356210775054, + "f1_weighted": 74.8674960323055, + "main_score": 67.6025390625 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/TweetSentimentExtractionClassification.json b/results/minishlab__M2V_base_glove/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..538dea316 --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 50.019807583474815, + "f1": 50.18981751190431, + "f1_weighted": 49.516664117140984, + "main_score": 50.019807583474815 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/TwentyNewsgroupsClustering.json b/results/minishlab__M2V_base_glove/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..45a275143 --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 25.377920343280692, + "v_measure": 25.377920343280692, + "v_measure_std": 1.8170084203745749 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/TwitterSemEval2015.json b/results/minishlab__M2V_base_glove/external/TwitterSemEval2015.json new file mode 100644 index 000000000..05b7061b4 --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/TwitterSemEval2015.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 81.86803361745247, + "cosine_accuracy_threshold": 78.45279574394226, + "cosine_ap": 58.60727455967692, + "cosine_f1": 56.49663137632338, + "cosine_f1_threshold": 71.48932218551636, + "cosine_precision": 51.92392746572313, + "cosine_recall": 61.952506596306065, + "dot_accuracy": 77.82678667222984, + "dot_accuracy_threshold": 108382.0556640625, + "dot_ap": 39.48633290656697, + "dot_f1": 45.00564789414233, + "dot_f1_threshold": 52613.238525390625, + "dot_precision": 32.41515574151557, + "dot_recall": 73.58839050131925, + "euclidean_accuracy": 79.50765929546402, + "euclidean_accuracy_threshold": 1738.2392883300781, + "euclidean_ap": 46.636574638537574, + "euclidean_f1": 46.01173657900456, + "euclidean_f1_threshold": 2300.4941940307617, + "euclidean_precision": 39.11677753141168, + "euclidean_recall": 55.85751978891821, + "main_score": 58.60727455967692, + "manhattan_accuracy": 79.63283066102403, + "manhattan_accuracy_threshold": 22057.51953125, + "manhattan_ap": 47.091319468141194, + "manhattan_f1": 46.32838283828383, + "manhattan_f1_threshold": 29230.82275390625, + "manhattan_precision": 38.02912292583813, + "manhattan_recall": 59.26121372031662, + "max_accuracy": 81.86803361745247, + "max_ap": 58.60727455967692, + "max_f1": 56.49663137632338, + "max_precision": 51.92392746572313, + "max_recall": 73.58839050131925, + "similarity_accuracy": 81.86803361745247, + "similarity_accuracy_threshold": 78.45279574394226, + "similarity_ap": 58.60727455967692, + "similarity_f1": 56.49663137632338, + "similarity_f1_threshold": 71.48932218551636, + "similarity_precision": 51.92392746572313, + "similarity_recall": 61.952506596306065 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/TwitterURLCorpus.json b/results/minishlab__M2V_base_glove/external/TwitterURLCorpus.json new file mode 100644 index 000000000..bed20fbb2 --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/TwitterURLCorpus.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 86.24209259906081, + "cosine_accuracy_threshold": 72.93155193328857, + "cosine_ap": 79.47942287203573, + "cosine_f1": 71.80506478209658, + "cosine_f1_threshold": 67.74765849113464, + "cosine_precision": 68.78702397743301, + "cosine_recall": 75.10009239297814, + "dot_accuracy": 81.52869949935965, + "dot_accuracy_threshold": 37410.955810546875, + "dot_ap": 66.02217146026899, + "dot_f1": 62.43364213594255, + "dot_f1_threshold": 30416.412353515625, + "dot_precision": 56.82435419693046, + "dot_recall": 69.27163535571297, + "euclidean_accuracy": 82.72596732254434, + "euclidean_accuracy_threshold": 1420.4879760742188, + "euclidean_ap": 68.52026211185712, + "euclidean_f1": 60.637769715485966, + "euclidean_f1_threshold": 1657.3232650756836, + "euclidean_precision": 60.15761157838902, + "euclidean_recall": 61.12565445026178, + "main_score": 79.47942287203573, + "manhattan_accuracy": 82.68133659331703, + "manhattan_accuracy_threshold": 17628.411865234375, + "manhattan_ap": 68.57038227508352, + "manhattan_f1": 60.69790481781823, + "manhattan_f1_threshold": 21103.260803222656, + "manhattan_precision": 57.981072555205046, + "manhattan_recall": 63.68186017862642, + "max_accuracy": 86.24209259906081, + "max_ap": 79.47942287203573, + "max_f1": 71.80506478209658, + "max_precision": 68.78702397743301, + "max_recall": 75.10009239297814, + "similarity_accuracy": 86.24209259906081, + "similarity_accuracy_threshold": 72.93155193328857, + "similarity_ap": 79.47942287203573, + "similarity_f1": 71.80506478209658, + "similarity_f1_threshold": 67.74765849113464, + "similarity_precision": 68.78702397743301, + "similarity_recall": 75.10009239297814 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove/external/model_meta.json b/results/minishlab__M2V_base_glove/external/model_meta.json new file mode 100644 index 000000000..80540f802 --- /dev/null +++ b/results/minishlab__M2V_base_glove/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "minishlab/M2V_base_glove", + "revision": "b95de4e4264e5a9f85edd7e82a0741792c64a3c8", + "release_date": "2024-09-19", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 102400512, + "memory_usage": null, + "max_tokens": 1000000, + "embed_dim": 256, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/AmazonCounterfactualClassification.json b/results/minishlab__M2V_base_glove_subword/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..9534bca2f --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/AmazonCounterfactualClassification.json @@ -0,0 +1,34 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-ext", + "languages": [ + "eng-Latn" + ], + "accuracy": 66.4167916041979, + "ap": 18.202949885376736, + "ap_weighted": 18.202949885376736, + "f1": 54.98453722214898, + "f1_weighted": 72.84623161234782, + "main_score": 66.4167916041979 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 68.044776119403, + "ap": 31.604323176091363, + "ap_weighted": 31.604323176091363, + "f1": 62.53323789238326, + "f1_weighted": 71.2243167389672, + "main_score": 68.044776119403 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/AmazonPolarityClassification.json b/results/minishlab__M2V_base_glove_subword/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..677ab0b61 --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/AmazonPolarityClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 67.21602499999999, + "ap": 62.24635378305934, + "ap_weighted": 62.24635378305934, + "f1": 66.68107362746888, + "f1_weighted": 66.68107362746888, + "main_score": 67.21602499999999 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/AmazonReviewsClassification.json b/results/minishlab__M2V_base_glove_subword/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..150362792 --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/AmazonReviewsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 32.384, + "f1": 32.05276706247388, + "f1_weighted": 32.05276706247388, + "main_score": 32.384 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/ArguAna.json b/results/minishlab__M2V_base_glove_subword/external/ArguAna.json new file mode 100644 index 000000000..b7712c8eb --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/ArguAna.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 29.599999999999998, + "map_at_1": 14.438, + "map_at_10": 23.803, + "map_at_100": 24.85, + "map_at_1000": 24.925, + "map_at_20": 24.395, + "map_at_3": 20.519000000000002, + "map_at_5": 22.183, + "mrr_at_1": 14.65149359886202, + "mrr_at_10": 23.8787847998374, + "mrr_at_100": 24.945306088918446, + "mrr_at_1000": 25.019829460538446, + "mrr_at_20": 24.48722055512828, + "mrr_at_3": 20.661450924608815, + "mrr_at_5": 22.254623044096704, + "nauc_map_at_1000_diff1": 11.677995826704251, + "nauc_map_at_1000_max": -1.7036225489906935, + "nauc_map_at_1000_std": 13.608156164552337, + "nauc_map_at_100_diff1": 11.69898827728831, + "nauc_map_at_100_max": -1.6896771319000576, + "nauc_map_at_100_std": 13.657417732243642, + "nauc_map_at_10_diff1": 11.381029737026354, + "nauc_map_at_10_max": -1.7701185174946374, + "nauc_map_at_10_std": 12.878108250073275, + "nauc_map_at_1_diff1": 13.270492079181698, + "nauc_map_at_1_max": -5.320050131923338, + "nauc_map_at_1_std": 9.145476528935111, + "nauc_map_at_20_diff1": 11.636255256667027, + "nauc_map_at_20_max": -1.5972839976414983, + "nauc_map_at_20_std": 13.42888801202754, + "nauc_map_at_3_diff1": 10.870897941570064, + "nauc_map_at_3_max": -3.2129671196535785, + "nauc_map_at_3_std": 11.017585726260462, + "nauc_map_at_5_diff1": 11.323413777040606, + "nauc_map_at_5_max": -2.4760041260478904, + "nauc_map_at_5_std": 12.029899752157688, + "nauc_mrr_at_1000_diff1": 10.742715816971687, + "nauc_mrr_at_1000_max": -1.7753021168425986, + "nauc_mrr_at_1000_std": 13.427125200171295, + "nauc_mrr_at_100_diff1": 10.765635069630173, + "nauc_mrr_at_100_max": -1.7612670077500088, + "nauc_mrr_at_100_std": 13.47656838026296, + "nauc_mrr_at_10_diff1": 10.35632278742462, + "nauc_mrr_at_10_max": -1.9593749415315034, + "nauc_mrr_at_10_std": 12.726659151321748, + "nauc_mrr_at_1_diff1": 12.18980309927674, + "nauc_mrr_at_1_max": -4.630938342229097, + "nauc_mrr_at_1_std": 8.958732319219887, + "nauc_mrr_at_20_diff1": 10.689736739154682, + "nauc_mrr_at_20_max": -1.689535123826222, + "nauc_mrr_at_20_std": 13.251612129414687, + "nauc_mrr_at_3_diff1": 9.852214578314367, + "nauc_mrr_at_3_max": -3.33487013011876, + "nauc_mrr_at_3_std": 10.877855458667428, + "nauc_mrr_at_5_diff1": 10.270810271458073, + "nauc_mrr_at_5_max": -2.677309074821081, + "nauc_mrr_at_5_std": 11.882706514806639, + "nauc_ndcg_at_1000_diff1": 12.681360792690615, + "nauc_ndcg_at_1000_max": 0.30517667512214525, + "nauc_ndcg_at_1000_std": 17.50402456957222, + "nauc_ndcg_at_100_diff1": 13.169226394338585, + "nauc_ndcg_at_100_max": 0.7398525127020716, + "nauc_ndcg_at_100_std": 18.85172563798729, + "nauc_ndcg_at_10_diff1": 11.874278269234175, + "nauc_ndcg_at_10_max": 0.742178692340471, + "nauc_ndcg_at_10_std": 15.317281484021455, + "nauc_ndcg_at_1_diff1": 13.270492079181698, + "nauc_ndcg_at_1_max": -5.320050131923338, + "nauc_ndcg_at_1_std": 9.145476528935111, + "nauc_ndcg_at_20_diff1": 12.77788972412781, + "nauc_ndcg_at_20_max": 1.3509880113588073, + "nauc_ndcg_at_20_std": 17.20165293396484, + "nauc_ndcg_at_3_diff1": 10.59415387301215, + "nauc_ndcg_at_3_max": -2.5275550083941534, + "nauc_ndcg_at_3_std": 11.765849158403212, + "nauc_ndcg_at_5_diff1": 11.479181039452788, + "nauc_ndcg_at_5_max": -1.1695551867031702, + "nauc_ndcg_at_5_std": 13.366137540722084, + "nauc_precision_at_1000_diff1": 24.13842177102596, + "nauc_precision_at_1000_max": 15.778091220725535, + "nauc_precision_at_1000_std": 57.991198111902065, + "nauc_precision_at_100_diff1": 21.17988197332234, + "nauc_precision_at_100_max": 10.072329200503201, + "nauc_precision_at_100_std": 44.359368185927, + "nauc_precision_at_10_diff1": 13.619970980685995, + "nauc_precision_at_10_max": 7.683020411909876, + "nauc_precision_at_10_std": 21.79402262800611, + "nauc_precision_at_1_diff1": 13.270492079181698, + "nauc_precision_at_1_max": -5.320050131923338, + "nauc_precision_at_1_std": 9.145476528935111, + "nauc_precision_at_20_diff1": 16.97319915821357, + "nauc_precision_at_20_max": 10.315905315799096, + "nauc_precision_at_20_std": 28.82688927043146, + "nauc_precision_at_3_diff1": 10.02754671342287, + "nauc_precision_at_3_max": -0.8699973044493069, + "nauc_precision_at_3_std": 13.603782123513389, + "nauc_precision_at_5_diff1": 12.084329744277978, + "nauc_precision_at_5_max": 2.074626490481966, + "nauc_precision_at_5_std": 16.608205795807304, + "nauc_recall_at_1000_diff1": 24.138421771026135, + "nauc_recall_at_1000_max": 15.778091220725404, + "nauc_recall_at_1000_std": 57.99119811190208, + "nauc_recall_at_100_diff1": 21.179881973322274, + "nauc_recall_at_100_max": 10.072329200503164, + "nauc_recall_at_100_std": 44.359368185926975, + "nauc_recall_at_10_diff1": 13.619970980685975, + "nauc_recall_at_10_max": 7.683020411909859, + "nauc_recall_at_10_std": 21.794022628006108, + "nauc_recall_at_1_diff1": 13.270492079181698, + "nauc_recall_at_1_max": -5.320050131923338, + "nauc_recall_at_1_std": 9.145476528935111, + "nauc_recall_at_20_diff1": 16.973199158213596, + "nauc_recall_at_20_max": 10.315905315799101, + "nauc_recall_at_20_std": 28.82688927043146, + "nauc_recall_at_3_diff1": 10.02754671342289, + "nauc_recall_at_3_max": -0.869997304449278, + "nauc_recall_at_3_std": 13.603782123513424, + "nauc_recall_at_5_diff1": 12.084329744277952, + "nauc_recall_at_5_max": 2.074626490481952, + "nauc_recall_at_5_std": 16.60820579580728, + "ndcg_at_1": 14.438, + "ndcg_at_10": 29.599999999999998, + "ndcg_at_100": 35.062, + "ndcg_at_1000": 37.266, + "ndcg_at_20": 31.734, + "ndcg_at_3": 22.62, + "ndcg_at_5": 25.643, + "precision_at_1": 14.438, + "precision_at_10": 4.843999999999999, + "precision_at_100": 0.748, + "precision_at_1000": 0.093, + "precision_at_20": 2.841, + "precision_at_3": 9.578000000000001, + "precision_at_5": 7.226000000000001, + "recall_at_1": 14.438, + "recall_at_10": 48.435, + "recall_at_100": 74.822, + "recall_at_1000": 92.60300000000001, + "recall_at_20": 56.828, + "recall_at_3": 28.733999999999998, + "recall_at_5": 36.131 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/ArxivClusteringP2P.json b/results/minishlab__M2V_base_glove_subword/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..6ff329edd --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/ArxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 35.46255145204994, + "v_measure": 35.46255145204994, + "v_measure_std": 14.146815377034603 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/ArxivClusteringS2S.json b/results/minishlab__M2V_base_glove_subword/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..50c8dca30 --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/ArxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 26.34189987196252, + "v_measure": 26.34189987196252, + "v_measure_std": 14.798697652139317 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/AskUbuntuDupQuestions.json b/results/minishlab__M2V_base_glove_subword/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..92000b2bd --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/AskUbuntuDupQuestions.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 52.85912447389551, + "map": 52.85912447389551, + "mrr": 66.7957173635844, + "nAUC_map_diff1": 11.291158204891948, + "nAUC_map_max": 14.0571982637716, + "nAUC_map_std": 7.658903761935503, + "nAUC_mrr_diff1": 13.851083215099605, + "nAUC_mrr_max": 19.44964881732576, + "nAUC_mrr_std": 9.313450884539453 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/BIOSSES.json b/results/minishlab__M2V_base_glove_subword/external/BIOSSES.json new file mode 100644 index 000000000..9010570ad --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 73.38282679412139, + "cosine_spearman": 75.59389113278942, + "euclidean_pearson": 46.852724684799625, + "euclidean_spearman": 55.00125324086669, + "main_score": 75.59389113278942, + "manhattan_pearson": 45.7988833997748, + "manhattan_spearman": 53.28856361366204, + "pearson": 73.38282679412139, + "spearman": 75.59389113278942 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/Banking77Classification.json b/results/minishlab__M2V_base_glove_subword/external/Banking77Classification.json new file mode 100644 index 000000000..63ac17cad --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/Banking77Classification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.38636363636363, + "f1": 71.55994805461263, + "f1_weighted": 71.55994805461263, + "main_score": 71.38636363636363 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/BiorxivClusteringP2P.json b/results/minishlab__M2V_base_glove_subword/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..c3fe494f2 --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/BiorxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 31.47309865069476, + "v_measure": 31.47309865069476, + "v_measure_std": 0.6360736715097297 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/BiorxivClusteringS2S.json b/results/minishlab__M2V_base_glove_subword/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..e3408e187 --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/BiorxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 22.58199120148109, + "v_measure": 22.58199120148109, + "v_measure_std": 1.1055877138914942 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/CQADupstackAndroidRetrieval.json b/results/minishlab__M2V_base_glove_subword/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..ec695f9e7 --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f46a197baaae43b4f621051089b82a364682dfeb", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 28.518, + "map_at_1": 17.355999999999998, + "map_at_10": 24.007, + "map_at_100": 25.016, + "map_at_1000": 25.176, + "map_at_20": 24.457, + "map_at_3": 21.794, + "map_at_5": 23.04, + "mrr_at_1": 22.603719599427755, + "mrr_at_10": 29.108760814769386, + "mrr_at_100": 29.908376499291993, + "mrr_at_1000": 29.994015228435632, + "mrr_at_20": 29.504080407211593, + "mrr_at_3": 27.25321888412018, + "mrr_at_5": 28.233190271816884, + "nauc_map_at_1000_diff1": 47.869786003745816, + "nauc_map_at_1000_max": 27.54096137497838, + "nauc_map_at_1000_std": -7.400161145378304, + "nauc_map_at_100_diff1": 47.84118234991334, + "nauc_map_at_100_max": 27.54904954135266, + "nauc_map_at_100_std": -7.477944025206194, + "nauc_map_at_10_diff1": 47.9735876072791, + "nauc_map_at_10_max": 27.391055282545462, + "nauc_map_at_10_std": -7.809853508011509, + "nauc_map_at_1_diff1": 58.07291238335911, + "nauc_map_at_1_max": 29.491926251716666, + "nauc_map_at_1_std": -7.759388303825668, + "nauc_map_at_20_diff1": 47.98612480482489, + "nauc_map_at_20_max": 27.475036492625026, + "nauc_map_at_20_std": -7.516599563783101, + "nauc_map_at_3_diff1": 49.45201738384499, + "nauc_map_at_3_max": 27.178788486813954, + "nauc_map_at_3_std": -8.675581883315793, + "nauc_map_at_5_diff1": 48.54428206844137, + "nauc_map_at_5_max": 27.04154567160208, + "nauc_map_at_5_std": -7.985715295487552, + "nauc_mrr_at_1000_diff1": 46.574864956985365, + "nauc_mrr_at_1000_max": 28.087519043166832, + "nauc_mrr_at_1000_std": -6.451015366036509, + "nauc_mrr_at_100_diff1": 46.56229597151685, + "nauc_mrr_at_100_max": 28.097330034559143, + "nauc_mrr_at_100_std": -6.475319386029993, + "nauc_mrr_at_10_diff1": 46.72161155094325, + "nauc_mrr_at_10_max": 28.136796558719162, + "nauc_mrr_at_10_std": -6.804592873002316, + "nauc_mrr_at_1_diff1": 55.89633445168951, + "nauc_mrr_at_1_max": 30.47937590769701, + "nauc_mrr_at_1_std": -7.1323488254717935, + "nauc_mrr_at_20_diff1": 46.693169452232546, + "nauc_mrr_at_20_max": 28.140872936089373, + "nauc_mrr_at_20_std": -6.484331458969132, + "nauc_mrr_at_3_diff1": 47.808872121231374, + "nauc_mrr_at_3_max": 28.510278015059086, + "nauc_mrr_at_3_std": -7.418313420962369, + "nauc_mrr_at_5_diff1": 47.00163108991785, + "nauc_mrr_at_5_max": 28.03825046154691, + "nauc_mrr_at_5_std": -7.007540109114421, + "nauc_ndcg_at_1000_diff1": 44.04808574593522, + "nauc_ndcg_at_1000_max": 26.938526842644773, + "nauc_ndcg_at_1000_std": -4.429274627595189, + "nauc_ndcg_at_100_diff1": 43.556532019049136, + "nauc_ndcg_at_100_max": 27.236734895647253, + "nauc_ndcg_at_100_std": -5.869942528569457, + "nauc_ndcg_at_10_diff1": 44.125042380771696, + "nauc_ndcg_at_10_max": 27.283104729889622, + "nauc_ndcg_at_10_std": -7.250075385018749, + "nauc_ndcg_at_1_diff1": 55.89633445168951, + "nauc_ndcg_at_1_max": 30.47937590769701, + "nauc_ndcg_at_1_std": -7.1323488254717935, + "nauc_ndcg_at_20_diff1": 44.41899784089651, + "nauc_ndcg_at_20_max": 27.132007799782926, + "nauc_ndcg_at_20_std": -6.018341603261965, + "nauc_ndcg_at_3_diff1": 46.43333330203715, + "nauc_ndcg_at_3_max": 26.867159196890523, + "nauc_ndcg_at_3_std": -7.989033187697878, + "nauc_ndcg_at_5_diff1": 44.97708505801694, + "nauc_ndcg_at_5_max": 26.53850652652143, + "nauc_ndcg_at_5_std": -7.429040061351512, + "nauc_precision_at_1000_diff1": 10.90587664149544, + "nauc_precision_at_1000_max": 0.7573834415907932, + "nauc_precision_at_1000_std": 4.187233421717695, + "nauc_precision_at_100_diff1": 16.70162637068987, + "nauc_precision_at_100_max": 15.017760634485006, + "nauc_precision_at_100_std": -1.4401234272452257, + "nauc_precision_at_10_diff1": 27.11447978714884, + "nauc_precision_at_10_max": 25.239563326602838, + "nauc_precision_at_10_std": -5.113529015570373, + "nauc_precision_at_1_diff1": 55.89633445168951, + "nauc_precision_at_1_max": 30.47937590769701, + "nauc_precision_at_1_std": -7.1323488254717935, + "nauc_precision_at_20_diff1": 24.467549645043032, + "nauc_precision_at_20_max": 23.51675958880599, + "nauc_precision_at_20_std": -2.2460962355932654, + "nauc_precision_at_3_diff1": 36.99310143703273, + "nauc_precision_at_3_max": 24.28484429048304, + "nauc_precision_at_3_std": -8.294205947711662, + "nauc_precision_at_5_diff1": 32.53111998357926, + "nauc_precision_at_5_max": 23.890361705484153, + "nauc_precision_at_5_std": -6.119004280837306, + "nauc_recall_at_1000_diff1": 26.372327810550182, + "nauc_recall_at_1000_max": 17.386452637452958, + "nauc_recall_at_1000_std": 17.18893134942721, + "nauc_recall_at_100_diff1": 27.138092417145288, + "nauc_recall_at_100_max": 22.704436530088913, + "nauc_recall_at_100_std": -1.0716953053918568, + "nauc_recall_at_10_diff1": 32.41154313152003, + "nauc_recall_at_10_max": 23.2359443305839, + "nauc_recall_at_10_std": -5.002290149250385, + "nauc_recall_at_1_diff1": 58.07291238335911, + "nauc_recall_at_1_max": 29.491926251716666, + "nauc_recall_at_1_std": -7.759388303825668, + "nauc_recall_at_20_diff1": 33.00899946361021, + "nauc_recall_at_20_max": 22.82808333164438, + "nauc_recall_at_20_std": -1.4141291649557204, + "nauc_recall_at_3_diff1": 38.920601224546644, + "nauc_recall_at_3_max": 23.89232056113095, + "nauc_recall_at_3_std": -7.8481952205795995, + "nauc_recall_at_5_diff1": 35.257535866907, + "nauc_recall_at_5_max": 22.164920959223334, + "nauc_recall_at_5_std": -5.9961105131656725, + "ndcg_at_1": 22.604, + "ndcg_at_10": 28.518, + "ndcg_at_100": 33.442, + "ndcg_at_1000": 36.691, + "ndcg_at_20": 29.918, + "ndcg_at_3": 25.278, + "ndcg_at_5": 26.647, + "precision_at_1": 22.604, + "precision_at_10": 5.608, + "precision_at_100": 1.0210000000000001, + "precision_at_1000": 0.163, + "precision_at_20": 3.319, + "precision_at_3": 12.589, + "precision_at_5": 8.984, + "recall_at_1": 17.355999999999998, + "recall_at_10": 36.59, + "recall_at_100": 59.38099999999999, + "recall_at_1000": 81.382, + "recall_at_20": 41.972, + "recall_at_3": 26.183, + "recall_at_5": 30.653000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/CQADupstackEnglishRetrieval.json b/results/minishlab__M2V_base_glove_subword/external/CQADupstackEnglishRetrieval.json new file mode 100644 index 000000000..797b0123e --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/CQADupstackEnglishRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ad9991cb51e31e31e430383c75ffb2885547b5f0", + "task_name": "CQADupstackEnglishRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 24.698999999999998, + "map_at_1": 16.182, + "map_at_10": 21.187, + "map_at_100": 22.028, + "map_at_1000": 22.147, + "map_at_20": 21.603, + "map_at_3": 19.689999999999998, + "map_at_5": 20.402, + "mrr_at_1": 20.573248407643312, + "mrr_at_10": 25.743301991709615, + "mrr_at_100": 26.466582692758493, + "mrr_at_1000": 26.54213235591294, + "mrr_at_20": 26.116902322631823, + "mrr_at_3": 24.32059447983014, + "mrr_at_5": 24.960721868365162, + "nauc_map_at_1000_diff1": 43.80371326276162, + "nauc_map_at_1000_max": 10.307189223525215, + "nauc_map_at_1000_std": 1.1410206622059031, + "nauc_map_at_100_diff1": 43.80398291664643, + "nauc_map_at_100_max": 10.294039476698776, + "nauc_map_at_100_std": 1.0838400387773035, + "nauc_map_at_10_diff1": 43.987106322737205, + "nauc_map_at_10_max": 10.44970205412866, + "nauc_map_at_10_std": 0.4638949254801207, + "nauc_map_at_1_diff1": 50.262982039499725, + "nauc_map_at_1_max": 11.253389960693605, + "nauc_map_at_1_std": -1.1369036906864514, + "nauc_map_at_20_diff1": 43.86541706002641, + "nauc_map_at_20_max": 10.333426229095483, + "nauc_map_at_20_std": 0.7704746445769103, + "nauc_map_at_3_diff1": 44.96796698986098, + "nauc_map_at_3_max": 10.573187295958576, + "nauc_map_at_3_std": 0.01433549559929614, + "nauc_map_at_5_diff1": 44.245307311061204, + "nauc_map_at_5_max": 10.644568381319045, + "nauc_map_at_5_std": -0.029700274583380155, + "nauc_mrr_at_1000_diff1": 42.327672613522914, + "nauc_mrr_at_1000_max": 11.6999240554554, + "nauc_mrr_at_1000_std": 2.112897885106764, + "nauc_mrr_at_100_diff1": 42.31642286015079, + "nauc_mrr_at_100_max": 11.68787957194085, + "nauc_mrr_at_100_std": 2.105610688222343, + "nauc_mrr_at_10_diff1": 42.467973855007116, + "nauc_mrr_at_10_max": 11.797064798974974, + "nauc_mrr_at_10_std": 1.9779659522730684, + "nauc_mrr_at_1_diff1": 47.71737815016663, + "nauc_mrr_at_1_max": 14.383095652386146, + "nauc_mrr_at_1_std": -0.07474670021285572, + "nauc_mrr_at_20_diff1": 42.3995701621796, + "nauc_mrr_at_20_max": 11.701616710562975, + "nauc_mrr_at_20_std": 2.085148056092746, + "nauc_mrr_at_3_diff1": 42.95240734385427, + "nauc_mrr_at_3_max": 12.039509345325337, + "nauc_mrr_at_3_std": 1.7687962861822382, + "nauc_mrr_at_5_diff1": 42.694804355468115, + "nauc_mrr_at_5_max": 11.929565017206377, + "nauc_mrr_at_5_std": 1.694875246947431, + "nauc_ndcg_at_1000_diff1": 41.00761525475331, + "nauc_ndcg_at_1000_max": 9.858142865194182, + "nauc_ndcg_at_1000_std": 3.670728963648605, + "nauc_ndcg_at_100_diff1": 40.95449329238105, + "nauc_ndcg_at_100_max": 9.326306956218327, + "nauc_ndcg_at_100_std": 2.8868853641438506, + "nauc_ndcg_at_10_diff1": 41.53254984337585, + "nauc_ndcg_at_10_max": 10.057078591477252, + "nauc_ndcg_at_10_std": 1.604308043004992, + "nauc_ndcg_at_1_diff1": 47.71737815016663, + "nauc_ndcg_at_1_max": 14.383095652386146, + "nauc_ndcg_at_1_std": -0.07474670021285572, + "nauc_ndcg_at_20_diff1": 41.440675477881086, + "nauc_ndcg_at_20_max": 9.630011024652227, + "nauc_ndcg_at_20_std": 2.2157732372759256, + "nauc_ndcg_at_3_diff1": 42.46487256960971, + "nauc_ndcg_at_3_max": 11.038048797533829, + "nauc_ndcg_at_3_std": 1.2243654696200774, + "nauc_ndcg_at_5_diff1": 41.83878536100888, + "nauc_ndcg_at_5_max": 10.720801901432624, + "nauc_ndcg_at_5_std": 0.8712149388513847, + "nauc_precision_at_1000_diff1": 1.5865611853545292, + "nauc_precision_at_1000_max": 6.681393322922304, + "nauc_precision_at_1000_std": 14.974673269542507, + "nauc_precision_at_100_diff1": 13.555729326347315, + "nauc_precision_at_100_max": 7.545824391218551, + "nauc_precision_at_100_std": 13.934044415661273, + "nauc_precision_at_10_diff1": 25.53208157998575, + "nauc_precision_at_10_max": 10.861163675534936, + "nauc_precision_at_10_std": 4.879245837329693, + "nauc_precision_at_1_diff1": 47.71737815016663, + "nauc_precision_at_1_max": 14.383095652386146, + "nauc_precision_at_1_std": -0.07474670021285572, + "nauc_precision_at_20_diff1": 22.554580803838196, + "nauc_precision_at_20_max": 9.173222510159171, + "nauc_precision_at_20_std": 8.91005482914735, + "nauc_precision_at_3_diff1": 33.10508327009392, + "nauc_precision_at_3_max": 12.86002329562499, + "nauc_precision_at_3_std": 2.974310102418383, + "nauc_precision_at_5_diff1": 29.21043001216549, + "nauc_precision_at_5_max": 11.911630406472423, + "nauc_precision_at_5_std": 3.0525160145985994, + "nauc_recall_at_1000_diff1": 30.47927917267733, + "nauc_recall_at_1000_max": 7.6799659504807245, + "nauc_recall_at_1000_std": 12.501272715675682, + "nauc_recall_at_100_diff1": 31.37456182815277, + "nauc_recall_at_100_max": 4.3121178276146, + "nauc_recall_at_100_std": 6.610653786295896, + "nauc_recall_at_10_diff1": 35.70919804366768, + "nauc_recall_at_10_max": 7.164595283036483, + "nauc_recall_at_10_std": 2.511197530002145, + "nauc_recall_at_1_diff1": 50.262982039499725, + "nauc_recall_at_1_max": 11.253389960693605, + "nauc_recall_at_1_std": -1.1369036906864514, + "nauc_recall_at_20_diff1": 34.61353209754079, + "nauc_recall_at_20_max": 5.959396627193594, + "nauc_recall_at_20_std": 4.38802472107702, + "nauc_recall_at_3_diff1": 38.54587550067196, + "nauc_recall_at_3_max": 8.303476446370226, + "nauc_recall_at_3_std": 0.918233189682653, + "nauc_recall_at_5_diff1": 36.97453761390672, + "nauc_recall_at_5_max": 8.452744877863443, + "nauc_recall_at_5_std": 0.31182896781455743, + "ndcg_at_1": 20.573, + "ndcg_at_10": 24.698999999999998, + "ndcg_at_100": 28.626, + "ndcg_at_1000": 31.535999999999998, + "ndcg_at_20": 25.971, + "ndcg_at_3": 22.400000000000002, + "ndcg_at_5": 23.153000000000002, + "precision_at_1": 20.573, + "precision_at_10": 4.682, + "precision_at_100": 0.835, + "precision_at_1000": 0.132, + "precision_at_20": 2.806, + "precision_at_3": 10.955, + "precision_at_5": 7.580000000000001, + "recall_at_1": 16.182, + "recall_at_10": 30.410999999999998, + "recall_at_100": 47.94, + "recall_at_1000": 68.073, + "recall_at_20": 35.241, + "recall_at_3": 23.247999999999998, + "recall_at_5": 25.611 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/CQADupstackGamingRetrieval.json b/results/minishlab__M2V_base_glove_subword/external/CQADupstackGamingRetrieval.json new file mode 100644 index 000000000..05efd01b9 --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/CQADupstackGamingRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "4885aa143210c98657558c04aaf3dc47cfb54340", + "task_name": "CQADupstackGamingRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 34.837, + "map_at_1": 21.804000000000002, + "map_at_10": 30.117, + "map_at_100": 31.022, + "map_at_1000": 31.123, + "map_at_20": 30.592999999999996, + "map_at_3": 27.485, + "map_at_5": 29.015, + "mrr_at_1": 25.391849529780565, + "mrr_at_10": 33.06018311190724, + "mrr_at_100": 33.86542467064614, + "mrr_at_1000": 33.93133191694629, + "mrr_at_20": 33.48454644646544, + "mrr_at_3": 30.700104493207924, + "mrr_at_5": 32.12016718913267, + "nauc_map_at_1000_diff1": 45.5807513160407, + "nauc_map_at_1000_max": 21.915072082554456, + "nauc_map_at_1000_std": -7.325013122158723, + "nauc_map_at_100_diff1": 45.54127845733458, + "nauc_map_at_100_max": 21.90856139725234, + "nauc_map_at_100_std": -7.378234997163831, + "nauc_map_at_10_diff1": 45.56616787985884, + "nauc_map_at_10_max": 21.977377645141427, + "nauc_map_at_10_std": -7.953791461768689, + "nauc_map_at_1_diff1": 50.13523755859727, + "nauc_map_at_1_max": 22.079872106357826, + "nauc_map_at_1_std": -10.517989063520115, + "nauc_map_at_20_diff1": 45.47328572468456, + "nauc_map_at_20_max": 21.907938618532206, + "nauc_map_at_20_std": -7.654370878334637, + "nauc_map_at_3_diff1": 46.64296035971972, + "nauc_map_at_3_max": 21.55745539420763, + "nauc_map_at_3_std": -9.322387704640397, + "nauc_map_at_5_diff1": 45.87814328869891, + "nauc_map_at_5_max": 21.97551177369846, + "nauc_map_at_5_std": -8.442300800960686, + "nauc_mrr_at_1000_diff1": 46.21214184609282, + "nauc_mrr_at_1000_max": 24.121552423232732, + "nauc_mrr_at_1000_std": -5.197081534530456, + "nauc_mrr_at_100_diff1": 46.192209374562324, + "nauc_mrr_at_100_max": 24.117295080133403, + "nauc_mrr_at_100_std": -5.20106321371411, + "nauc_mrr_at_10_diff1": 46.214433219910426, + "nauc_mrr_at_10_max": 24.337609381566494, + "nauc_mrr_at_10_std": -5.539128286307364, + "nauc_mrr_at_1_diff1": 52.2527723494356, + "nauc_mrr_at_1_max": 25.421197106410293, + "nauc_mrr_at_1_std": -7.805349072851469, + "nauc_mrr_at_20_diff1": 46.10135736013422, + "nauc_mrr_at_20_max": 24.17582977429519, + "nauc_mrr_at_20_std": -5.3844233771043255, + "nauc_mrr_at_3_diff1": 47.089100932315574, + "nauc_mrr_at_3_max": 24.589442349183855, + "nauc_mrr_at_3_std": -6.861652459272909, + "nauc_mrr_at_5_diff1": 46.50908152902759, + "nauc_mrr_at_5_max": 24.44902343275474, + "nauc_mrr_at_5_std": -5.90486733129187, + "nauc_ndcg_at_1000_diff1": 44.01232290993056, + "nauc_ndcg_at_1000_max": 21.7547520856293, + "nauc_ndcg_at_1000_std": -2.8320334767530118, + "nauc_ndcg_at_100_diff1": 43.333079641772805, + "nauc_ndcg_at_100_max": 21.696558885860842, + "nauc_ndcg_at_100_std": -3.8168722593708466, + "nauc_ndcg_at_10_diff1": 43.55004080963945, + "nauc_ndcg_at_10_max": 22.437821635174988, + "nauc_ndcg_at_10_std": -6.156552890106106, + "nauc_ndcg_at_1_diff1": 52.2527723494356, + "nauc_ndcg_at_1_max": 25.421197106410293, + "nauc_ndcg_at_1_std": -7.805349072851469, + "nauc_ndcg_at_20_diff1": 43.09035864009835, + "nauc_ndcg_at_20_max": 21.94863122459976, + "nauc_ndcg_at_20_std": -5.4130728717458965, + "nauc_ndcg_at_3_diff1": 45.44710289580689, + "nauc_ndcg_at_3_max": 22.400341906939868, + "nauc_ndcg_at_3_std": -8.619757656107849, + "nauc_ndcg_at_5_diff1": 44.1896655275832, + "nauc_ndcg_at_5_max": 22.587591758610802, + "nauc_ndcg_at_5_std": -7.2269233073063575, + "nauc_precision_at_1000_diff1": 10.365353118490535, + "nauc_precision_at_1000_max": 7.8252547949888545, + "nauc_precision_at_1000_std": 26.55091491372318, + "nauc_precision_at_100_diff1": 21.049854477557055, + "nauc_precision_at_100_max": 16.20485886511922, + "nauc_precision_at_100_std": 15.969890079702717, + "nauc_precision_at_10_diff1": 32.52426180873231, + "nauc_precision_at_10_max": 22.685662047893707, + "nauc_precision_at_10_std": 1.4729404419557324, + "nauc_precision_at_1_diff1": 52.2527723494356, + "nauc_precision_at_1_max": 25.421197106410293, + "nauc_precision_at_1_std": -7.805349072851469, + "nauc_precision_at_20_diff1": 28.090691152210972, + "nauc_precision_at_20_max": 20.90743423717082, + "nauc_precision_at_20_std": 4.817506381512236, + "nauc_precision_at_3_diff1": 40.80538406829336, + "nauc_precision_at_3_max": 23.323105131070363, + "nauc_precision_at_3_std": -5.540716529624683, + "nauc_precision_at_5_diff1": 36.58280618039231, + "nauc_precision_at_5_max": 23.634816479662742, + "nauc_precision_at_5_std": -1.7820384730109589, + "nauc_recall_at_1000_diff1": 34.29190280951983, + "nauc_recall_at_1000_max": 13.798111582798564, + "nauc_recall_at_1000_std": 28.5351988388723, + "nauc_recall_at_100_diff1": 32.064087882086476, + "nauc_recall_at_100_max": 16.090743768333688, + "nauc_recall_at_100_std": 8.307894883910041, + "nauc_recall_at_10_diff1": 35.79378711197085, + "nauc_recall_at_10_max": 20.68575839918982, + "nauc_recall_at_10_std": -2.946830801840792, + "nauc_recall_at_1_diff1": 50.13523755859727, + "nauc_recall_at_1_max": 22.079872106357826, + "nauc_recall_at_1_std": -10.517989063520115, + "nauc_recall_at_20_diff1": 33.44790152149905, + "nauc_recall_at_20_max": 18.594618679781895, + "nauc_recall_at_20_std": -0.31826446038001266, + "nauc_recall_at_3_diff1": 40.94878372307589, + "nauc_recall_at_3_max": 20.42680666854128, + "nauc_recall_at_3_std": -8.903430047857414, + "nauc_recall_at_5_diff1": 37.927274464064844, + "nauc_recall_at_5_max": 21.06930934356292, + "nauc_recall_at_5_std": -5.831090950499156, + "ndcg_at_1": 25.392, + "ndcg_at_10": 34.837, + "ndcg_at_100": 39.291, + "ndcg_at_1000": 41.676, + "ndcg_at_20": 36.416, + "ndcg_at_3": 29.958000000000002, + "ndcg_at_5": 32.435, + "precision_at_1": 25.392, + "precision_at_10": 5.806, + "precision_at_100": 0.8789999999999999, + "precision_at_1000": 0.117, + "precision_at_20": 3.3320000000000003, + "precision_at_3": 13.501, + "precision_at_5": 9.718, + "recall_at_1": 21.804000000000002, + "recall_at_10": 46.367999999999995, + "recall_at_100": 66.526, + "recall_at_1000": 83.795, + "recall_at_20": 52.201, + "recall_at_3": 33.351, + "recall_at_5": 39.345 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/CQADupstackGisRetrieval.json b/results/minishlab__M2V_base_glove_subword/external/CQADupstackGisRetrieval.json new file mode 100644 index 000000000..fefd6063b --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/CQADupstackGisRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "5003b3064772da1887988e05400cf3806fe491f2", + "task_name": "CQADupstackGisRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 15.889000000000001, + "map_at_1": 9.472999999999999, + "map_at_10": 13.439, + "map_at_100": 14.165, + "map_at_1000": 14.267, + "map_at_20": 13.778000000000002, + "map_at_3": 12.136, + "map_at_5": 12.803, + "mrr_at_1": 10.056497175141244, + "mrr_at_10": 14.27383194332347, + "mrr_at_100": 15.012089041940587, + "mrr_at_1000": 15.104068046441926, + "mrr_at_20": 14.623929801790952, + "mrr_at_3": 12.86252354048964, + "mrr_at_5": 13.55743879472693, + "nauc_map_at_1000_diff1": 30.334633457872854, + "nauc_map_at_1000_max": 16.879524053860088, + "nauc_map_at_1000_std": -11.608379714877143, + "nauc_map_at_100_diff1": 30.315313717026044, + "nauc_map_at_100_max": 16.85237939531867, + "nauc_map_at_100_std": -11.622151859571831, + "nauc_map_at_10_diff1": 30.914146463660085, + "nauc_map_at_10_max": 16.957132658303777, + "nauc_map_at_10_std": -11.731838090023269, + "nauc_map_at_1_diff1": 38.059077642105095, + "nauc_map_at_1_max": 17.258898457644563, + "nauc_map_at_1_std": -15.1141417910556, + "nauc_map_at_20_diff1": 30.657379748220464, + "nauc_map_at_20_max": 16.728415773059652, + "nauc_map_at_20_std": -11.58808790930077, + "nauc_map_at_3_diff1": 33.46033892507575, + "nauc_map_at_3_max": 17.063496859962274, + "nauc_map_at_3_std": -12.540868416387656, + "nauc_map_at_5_diff1": 31.833328131003665, + "nauc_map_at_5_max": 16.85136559752421, + "nauc_map_at_5_std": -12.482629966798948, + "nauc_mrr_at_1000_diff1": 29.41507065744396, + "nauc_mrr_at_1000_max": 18.49824554052624, + "nauc_mrr_at_1000_std": -10.326025120569037, + "nauc_mrr_at_100_diff1": 29.379801930215717, + "nauc_mrr_at_100_max": 18.488234248143247, + "nauc_mrr_at_100_std": -10.335639545339422, + "nauc_mrr_at_10_diff1": 29.91432794618661, + "nauc_mrr_at_10_max": 18.724879448569546, + "nauc_mrr_at_10_std": -10.404101745775053, + "nauc_mrr_at_1_diff1": 37.90615317749033, + "nauc_mrr_at_1_max": 18.93535243576158, + "nauc_mrr_at_1_std": -13.352192729903559, + "nauc_mrr_at_20_diff1": 29.578605690031328, + "nauc_mrr_at_20_max": 18.407726379219987, + "nauc_mrr_at_20_std": -10.298490989990624, + "nauc_mrr_at_3_diff1": 32.02343883506372, + "nauc_mrr_at_3_max": 18.633783635235847, + "nauc_mrr_at_3_std": -11.228435347275935, + "nauc_mrr_at_5_diff1": 30.69962523728713, + "nauc_mrr_at_5_max": 18.72446829188985, + "nauc_mrr_at_5_std": -11.138830180701982, + "nauc_ndcg_at_1000_diff1": 25.382297853226866, + "nauc_ndcg_at_1000_max": 17.43716304218148, + "nauc_ndcg_at_1000_std": -10.190696887337486, + "nauc_ndcg_at_100_diff1": 24.735480242752285, + "nauc_ndcg_at_100_max": 16.71943454741711, + "nauc_ndcg_at_100_std": -9.924909206899162, + "nauc_ndcg_at_10_diff1": 27.358228148721842, + "nauc_ndcg_at_10_max": 16.922883804711265, + "nauc_ndcg_at_10_std": -10.016699536056024, + "nauc_ndcg_at_1_diff1": 37.90615317749033, + "nauc_ndcg_at_1_max": 18.93535243576158, + "nauc_ndcg_at_1_std": -13.352192729903559, + "nauc_ndcg_at_20_diff1": 26.463382227572517, + "nauc_ndcg_at_20_max": 16.22031339406569, + "nauc_ndcg_at_20_std": -9.66724467521929, + "nauc_ndcg_at_3_diff1": 31.53806923827287, + "nauc_ndcg_at_3_max": 17.049495750298107, + "nauc_ndcg_at_3_std": -11.58504512374531, + "nauc_ndcg_at_5_diff1": 29.10131680215961, + "nauc_ndcg_at_5_max": 16.786497467751296, + "nauc_ndcg_at_5_std": -11.594059282963107, + "nauc_precision_at_1000_diff1": 5.724183211042247, + "nauc_precision_at_1000_max": 22.481314169026508, + "nauc_precision_at_1000_std": -2.4780053135041844, + "nauc_precision_at_100_diff1": 8.982535905232872, + "nauc_precision_at_100_max": 19.23627381958997, + "nauc_precision_at_100_std": -6.469375758025859, + "nauc_precision_at_10_diff1": 18.446003934213422, + "nauc_precision_at_10_max": 18.317564090743698, + "nauc_precision_at_10_std": -5.258776187738409, + "nauc_precision_at_1_diff1": 37.90615317749033, + "nauc_precision_at_1_max": 18.93535243576158, + "nauc_precision_at_1_std": -13.352192729903559, + "nauc_precision_at_20_diff1": 16.32313052813914, + "nauc_precision_at_20_max": 16.623118796672443, + "nauc_precision_at_20_std": -5.178876021009233, + "nauc_precision_at_3_diff1": 28.153843298140956, + "nauc_precision_at_3_max": 18.261053599119773, + "nauc_precision_at_3_std": -8.633656740784398, + "nauc_precision_at_5_diff1": 22.30147327973116, + "nauc_precision_at_5_max": 17.724668119940276, + "nauc_precision_at_5_std": -9.147827083942738, + "nauc_recall_at_1000_diff1": 12.936742845571006, + "nauc_recall_at_1000_max": 17.728147389670845, + "nauc_recall_at_1000_std": -10.026543773605697, + "nauc_recall_at_100_diff1": 12.196046010910255, + "nauc_recall_at_100_max": 14.320146451643033, + "nauc_recall_at_100_std": -7.059868030131276, + "nauc_recall_at_10_diff1": 19.81974166368456, + "nauc_recall_at_10_max": 15.137717469839288, + "nauc_recall_at_10_std": -6.894031649742936, + "nauc_recall_at_1_diff1": 38.059077642105095, + "nauc_recall_at_1_max": 17.258898457644563, + "nauc_recall_at_1_std": -15.1141417910556, + "nauc_recall_at_20_diff1": 17.87014099435801, + "nauc_recall_at_20_max": 13.410148544576403, + "nauc_recall_at_20_std": -6.139892629545985, + "nauc_recall_at_3_diff1": 27.941355405054267, + "nauc_recall_at_3_max": 15.300277815129304, + "nauc_recall_at_3_std": -10.440312722587832, + "nauc_recall_at_5_diff1": 23.715987229368274, + "nauc_recall_at_5_max": 15.063760707410282, + "nauc_recall_at_5_std": -10.521011536014003, + "ndcg_at_1": 10.056, + "ndcg_at_10": 15.889000000000001, + "ndcg_at_100": 20.007, + "ndcg_at_1000": 23.324, + "ndcg_at_20": 17.127, + "ndcg_at_3": 13.171, + "ndcg_at_5": 14.358, + "precision_at_1": 10.056, + "precision_at_10": 2.588, + "precision_at_100": 0.49300000000000005, + "precision_at_1000": 0.083, + "precision_at_20": 1.559, + "precision_at_3": 5.612, + "precision_at_5": 4.0680000000000005, + "recall_at_1": 9.472999999999999, + "recall_at_10": 22.676, + "recall_at_100": 42.672, + "recall_at_1000": 68.939, + "recall_at_20": 27.462999999999997, + "recall_at_3": 15.383, + "recall_at_5": 18.174 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/CQADupstackMathematicaRetrieval.json b/results/minishlab__M2V_base_glove_subword/external/CQADupstackMathematicaRetrieval.json new file mode 100644 index 000000000..430559b23 --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/CQADupstackMathematicaRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "90fceea13679c63fe563ded68f3b6f06e50061de", + "task_name": "CQADupstackMathematicaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 11.0, + "map_at_1": 5.148, + "map_at_10": 8.469999999999999, + "map_at_100": 9.212, + "map_at_1000": 9.322, + "map_at_20": 8.808, + "map_at_3": 7.131, + "map_at_5": 7.815999999999999, + "mrr_at_1": 6.343283582089552, + "mrr_at_10": 10.370913290689412, + "mrr_at_100": 11.152489765865017, + "mrr_at_1000": 11.240647288895591, + "mrr_at_20": 10.741514212977526, + "mrr_at_3": 8.872305140961858, + "mrr_at_5": 9.631011608623549, + "nauc_map_at_1000_diff1": 23.766626012326586, + "nauc_map_at_1000_max": 12.653376257429583, + "nauc_map_at_1000_std": 8.616529960924888, + "nauc_map_at_100_diff1": 23.738827084996768, + "nauc_map_at_100_max": 12.649650411660854, + "nauc_map_at_100_std": 8.541383664809612, + "nauc_map_at_10_diff1": 23.999578907568026, + "nauc_map_at_10_max": 12.71263636252209, + "nauc_map_at_10_std": 7.591195966672301, + "nauc_map_at_1_diff1": 35.57446018071185, + "nauc_map_at_1_max": 14.079653770667337, + "nauc_map_at_1_std": 11.69336879118923, + "nauc_map_at_20_diff1": 24.160966681198037, + "nauc_map_at_20_max": 12.874042661878926, + "nauc_map_at_20_std": 8.47225999927236, + "nauc_map_at_3_diff1": 26.388037294578943, + "nauc_map_at_3_max": 12.836707260430186, + "nauc_map_at_3_std": 6.661759987628506, + "nauc_map_at_5_diff1": 24.670961314269608, + "nauc_map_at_5_max": 12.93683340709218, + "nauc_map_at_5_std": 6.6199426801021435, + "nauc_mrr_at_1000_diff1": 23.216930411387928, + "nauc_mrr_at_1000_max": 15.19292342533299, + "nauc_mrr_at_1000_std": 8.443837847880454, + "nauc_mrr_at_100_diff1": 23.191640457286802, + "nauc_mrr_at_100_max": 15.176060930237956, + "nauc_mrr_at_100_std": 8.438353759551372, + "nauc_mrr_at_10_diff1": 23.641665699722576, + "nauc_mrr_at_10_max": 15.363771027025361, + "nauc_mrr_at_10_std": 7.6943977364817675, + "nauc_mrr_at_1_diff1": 34.13967231695169, + "nauc_mrr_at_1_max": 18.217995055452356, + "nauc_mrr_at_1_std": 11.691078655411745, + "nauc_mrr_at_20_diff1": 23.584124655747633, + "nauc_mrr_at_20_max": 15.504561511128212, + "nauc_mrr_at_20_std": 8.487309205927613, + "nauc_mrr_at_3_diff1": 26.239880657367205, + "nauc_mrr_at_3_max": 15.653548540177347, + "nauc_mrr_at_3_std": 6.349852805707984, + "nauc_mrr_at_5_diff1": 23.976240360223915, + "nauc_mrr_at_5_max": 15.744338647107542, + "nauc_mrr_at_5_std": 6.487124576469712, + "nauc_ndcg_at_1000_diff1": 19.496197697682945, + "nauc_ndcg_at_1000_max": 12.101852407794244, + "nauc_ndcg_at_1000_std": 12.016860314478954, + "nauc_ndcg_at_100_diff1": 18.9745151618046, + "nauc_ndcg_at_100_max": 11.815079877327287, + "nauc_ndcg_at_100_std": 10.61036714041141, + "nauc_ndcg_at_10_diff1": 20.49507024120394, + "nauc_ndcg_at_10_max": 13.081108599437465, + "nauc_ndcg_at_10_std": 7.930411944011889, + "nauc_ndcg_at_1_diff1": 34.13967231695169, + "nauc_ndcg_at_1_max": 18.217995055452356, + "nauc_ndcg_at_1_std": 11.691078655411745, + "nauc_ndcg_at_20_diff1": 20.839258395401707, + "nauc_ndcg_at_20_max": 13.485012044482616, + "nauc_ndcg_at_20_std": 10.423314754071841, + "nauc_ndcg_at_3_diff1": 24.534248413854158, + "nauc_ndcg_at_3_max": 13.612373481617901, + "nauc_ndcg_at_3_std": 5.122655306518725, + "nauc_ndcg_at_5_diff1": 21.45736115604528, + "nauc_ndcg_at_5_max": 13.50049057414957, + "nauc_ndcg_at_5_std": 5.5599020003710375, + "nauc_precision_at_1000_diff1": 5.214729837045339, + "nauc_precision_at_1000_max": 7.049726610933547, + "nauc_precision_at_1000_std": 10.217710184510343, + "nauc_precision_at_100_diff1": 10.428281377918521, + "nauc_precision_at_100_max": 9.592496174158226, + "nauc_precision_at_100_std": 11.524579687966593, + "nauc_precision_at_10_diff1": 13.144126104006663, + "nauc_precision_at_10_max": 12.791519232802509, + "nauc_precision_at_10_std": 7.117254065134753, + "nauc_precision_at_1_diff1": 34.13967231695169, + "nauc_precision_at_1_max": 18.217995055452356, + "nauc_precision_at_1_std": 11.691078655411745, + "nauc_precision_at_20_diff1": 14.534665391717477, + "nauc_precision_at_20_max": 13.373720011165052, + "nauc_precision_at_20_std": 12.735872233304013, + "nauc_precision_at_3_diff1": 20.050332454808, + "nauc_precision_at_3_max": 14.287141036751699, + "nauc_precision_at_3_std": 2.1412848715847774, + "nauc_precision_at_5_diff1": 16.547335020939435, + "nauc_precision_at_5_max": 14.007790386514285, + "nauc_precision_at_5_std": 2.0821824154130835, + "nauc_recall_at_1000_diff1": 12.811540518810224, + "nauc_recall_at_1000_max": 8.292364898702107, + "nauc_recall_at_1000_std": 21.172583907189164, + "nauc_recall_at_100_diff1": 10.763207100689536, + "nauc_recall_at_100_max": 7.433707421662763, + "nauc_recall_at_100_std": 13.860488374098953, + "nauc_recall_at_10_diff1": 14.171919964914773, + "nauc_recall_at_10_max": 12.3310517183378, + "nauc_recall_at_10_std": 8.627373443421941, + "nauc_recall_at_1_diff1": 35.57446018071185, + "nauc_recall_at_1_max": 14.079653770667337, + "nauc_recall_at_1_std": 11.69336879118923, + "nauc_recall_at_20_diff1": 15.254229786832758, + "nauc_recall_at_20_max": 12.944155764013084, + "nauc_recall_at_20_std": 13.947428525952118, + "nauc_recall_at_3_diff1": 19.723050472865584, + "nauc_recall_at_3_max": 12.208432070640235, + "nauc_recall_at_3_std": 3.2560341221626357, + "nauc_recall_at_5_diff1": 14.200616898717133, + "nauc_recall_at_5_max": 12.262563917077088, + "nauc_recall_at_5_std": 4.115380825048154, + "ndcg_at_1": 6.343, + "ndcg_at_10": 11.0, + "ndcg_at_100": 15.332, + "ndcg_at_1000": 18.505, + "ndcg_at_20": 12.280000000000001, + "ndcg_at_3": 8.297, + "ndcg_at_5": 9.482, + "precision_at_1": 6.343, + "precision_at_10": 2.251, + "precision_at_100": 0.516, + "precision_at_1000": 0.091, + "precision_at_20": 1.437, + "precision_at_3": 4.104, + "precision_at_5": 3.234, + "recall_at_1": 5.148, + "recall_at_10": 16.955000000000002, + "recall_at_100": 37.295, + "recall_at_1000": 60.681, + "recall_at_20": 21.847, + "recall_at_3": 9.735000000000001, + "recall_at_5": 12.595999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/CQADupstackPhysicsRetrieval.json b/results/minishlab__M2V_base_glove_subword/external/CQADupstackPhysicsRetrieval.json new file mode 100644 index 000000000..06231a467 --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/CQADupstackPhysicsRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "79531abbd1fb92d06c6d6315a0cbbbf5bb247ea4", + "task_name": "CQADupstackPhysicsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 22.671, + "map_at_1": 13.99, + "map_at_10": 19.16, + "map_at_100": 20.247999999999998, + "map_at_1000": 20.392, + "map_at_20": 19.741, + "map_at_3": 17.527, + "map_at_5": 18.431, + "mrr_at_1": 17.035611164581326, + "mrr_at_10": 22.920886994515485, + "mrr_at_100": 23.890327247971815, + "mrr_at_1000": 23.98416758924587, + "mrr_at_20": 23.478953217825296, + "mrr_at_3": 21.158164902149515, + "mrr_at_5": 22.154315046519095, + "nauc_map_at_1000_diff1": 40.20942586785694, + "nauc_map_at_1000_max": 19.62019855432636, + "nauc_map_at_1000_std": -6.491186533676609, + "nauc_map_at_100_diff1": 40.20129829669095, + "nauc_map_at_100_max": 19.550525879706164, + "nauc_map_at_100_std": -6.557075399749154, + "nauc_map_at_10_diff1": 40.467281905527244, + "nauc_map_at_10_max": 19.43593214249552, + "nauc_map_at_10_std": -7.194947764095804, + "nauc_map_at_1_diff1": 49.99688096548819, + "nauc_map_at_1_max": 22.94216810488251, + "nauc_map_at_1_std": -8.778905956805103, + "nauc_map_at_20_diff1": 40.23228770570461, + "nauc_map_at_20_max": 19.53074463716011, + "nauc_map_at_20_std": -6.93310286275384, + "nauc_map_at_3_diff1": 42.462368040248364, + "nauc_map_at_3_max": 20.15932725435944, + "nauc_map_at_3_std": -7.524246324724258, + "nauc_map_at_5_diff1": 40.874264936734775, + "nauc_map_at_5_max": 19.741200249921643, + "nauc_map_at_5_std": -7.301832585861893, + "nauc_mrr_at_1000_diff1": 36.93104632204301, + "nauc_mrr_at_1000_max": 22.851961632870285, + "nauc_mrr_at_1000_std": -6.050824088401521, + "nauc_mrr_at_100_diff1": 36.90287005748533, + "nauc_mrr_at_100_max": 22.838209556819866, + "nauc_mrr_at_100_std": -6.064342814003103, + "nauc_mrr_at_10_diff1": 36.93428786395009, + "nauc_mrr_at_10_max": 22.89500409199853, + "nauc_mrr_at_10_std": -6.581360935957288, + "nauc_mrr_at_1_diff1": 46.11618926628157, + "nauc_mrr_at_1_max": 27.154042077346617, + "nauc_mrr_at_1_std": -7.408231463170914, + "nauc_mrr_at_20_diff1": 36.964474819881275, + "nauc_mrr_at_20_max": 22.9072805988528, + "nauc_mrr_at_20_std": -6.306124053032698, + "nauc_mrr_at_3_diff1": 38.9506895551962, + "nauc_mrr_at_3_max": 24.218011709989156, + "nauc_mrr_at_3_std": -6.7973818662665995, + "nauc_mrr_at_5_diff1": 37.42273475691658, + "nauc_mrr_at_5_max": 23.270403975249025, + "nauc_mrr_at_5_std": -6.745230968723559, + "nauc_ndcg_at_1000_diff1": 35.79628671266452, + "nauc_ndcg_at_1000_max": 19.26627785321929, + "nauc_ndcg_at_1000_std": -2.569388520550047, + "nauc_ndcg_at_100_diff1": 35.768798848849585, + "nauc_ndcg_at_100_max": 18.377203611905518, + "nauc_ndcg_at_100_std": -3.3799540521604636, + "nauc_ndcg_at_10_diff1": 36.510770710845314, + "nauc_ndcg_at_10_max": 18.461708026439457, + "nauc_ndcg_at_10_std": -6.491226580238661, + "nauc_ndcg_at_1_diff1": 46.11618926628157, + "nauc_ndcg_at_1_max": 27.154042077346617, + "nauc_ndcg_at_1_std": -7.408231463170914, + "nauc_ndcg_at_20_diff1": 36.070548441535124, + "nauc_ndcg_at_20_max": 18.42396263230167, + "nauc_ndcg_at_20_std": -5.61879907431204, + "nauc_ndcg_at_3_diff1": 39.41782933627965, + "nauc_ndcg_at_3_max": 21.047162846620946, + "nauc_ndcg_at_3_std": -6.840755018811107, + "nauc_ndcg_at_5_diff1": 37.17959347569529, + "nauc_ndcg_at_5_max": 19.680732729842823, + "nauc_ndcg_at_5_std": -6.707637987639474, + "nauc_precision_at_1000_diff1": 0.49247246717968796, + "nauc_precision_at_1000_max": 14.62495465729825, + "nauc_precision_at_1000_std": 9.669209534147573, + "nauc_precision_at_100_diff1": 11.5414175528365, + "nauc_precision_at_100_max": 18.504188333036936, + "nauc_precision_at_100_std": 6.194157348432716, + "nauc_precision_at_10_diff1": 23.453163613392075, + "nauc_precision_at_10_max": 20.06043852181855, + "nauc_precision_at_10_std": -3.1717316064536836, + "nauc_precision_at_1_diff1": 46.11618926628157, + "nauc_precision_at_1_max": 27.154042077346617, + "nauc_precision_at_1_std": -7.408231463170914, + "nauc_precision_at_20_diff1": 20.708737669355788, + "nauc_precision_at_20_max": 20.584185448256555, + "nauc_precision_at_20_std": -0.7112923884678451, + "nauc_precision_at_3_diff1": 31.594155528934703, + "nauc_precision_at_3_max": 21.789282355041912, + "nauc_precision_at_3_std": -3.9339318840163666, + "nauc_precision_at_5_diff1": 26.10899513884069, + "nauc_precision_at_5_max": 21.193775642825518, + "nauc_precision_at_5_std": -4.04371021464142, + "nauc_recall_at_1000_diff1": 19.475747590569128, + "nauc_recall_at_1000_max": 10.531569131631349, + "nauc_recall_at_1000_std": 20.376238758750535, + "nauc_recall_at_100_diff1": 24.539661771959622, + "nauc_recall_at_100_max": 8.849671325401761, + "nauc_recall_at_100_std": 8.155353459396068, + "nauc_recall_at_10_diff1": 27.94562559317398, + "nauc_recall_at_10_max": 12.341122611885497, + "nauc_recall_at_10_std": -4.945672050235199, + "nauc_recall_at_1_diff1": 49.99688096548819, + "nauc_recall_at_1_max": 22.94216810488251, + "nauc_recall_at_1_std": -8.778905956805103, + "nauc_recall_at_20_diff1": 26.721295492823483, + "nauc_recall_at_20_max": 11.354327070591353, + "nauc_recall_at_20_std": -2.0775832506536145, + "nauc_recall_at_3_diff1": 35.18424498331245, + "nauc_recall_at_3_max": 16.737206820951112, + "nauc_recall_at_3_std": -6.362047908804104, + "nauc_recall_at_5_diff1": 30.146390141726233, + "nauc_recall_at_5_max": 14.718619551703243, + "nauc_recall_at_5_std": -5.7544278604675165, + "ndcg_at_1": 17.036, + "ndcg_at_10": 22.671, + "ndcg_at_100": 28.105999999999998, + "ndcg_at_1000": 31.432, + "ndcg_at_20": 24.617, + "ndcg_at_3": 19.787, + "ndcg_at_5": 21.122, + "precision_at_1": 17.036, + "precision_at_10": 4.09, + "precision_at_100": 0.836, + "precision_at_1000": 0.131, + "precision_at_20": 2.6470000000000002, + "precision_at_3": 9.208, + "precision_at_5": 6.660000000000001, + "recall_at_1": 13.99, + "recall_at_10": 29.743000000000002, + "recall_at_100": 53.735, + "recall_at_1000": 76.785, + "recall_at_20": 36.624, + "recall_at_3": 21.583, + "recall_at_5": 24.937 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/CQADupstackProgrammersRetrieval.json b/results/minishlab__M2V_base_glove_subword/external/CQADupstackProgrammersRetrieval.json new file mode 100644 index 000000000..bea2441e0 --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/CQADupstackProgrammersRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "6184bc1440d2dbc7612be22b50686b8826d22b32", + "task_name": "CQADupstackProgrammersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 16.306, + "map_at_1": 8.802999999999999, + "map_at_10": 13.148000000000001, + "map_at_100": 13.971, + "map_at_1000": 14.105, + "map_at_20": 13.529, + "map_at_3": 11.638, + "map_at_5": 12.356, + "mrr_at_1": 11.073059360730593, + "mrr_at_10": 15.919583967529165, + "mrr_at_100": 16.709279732986573, + "mrr_at_1000": 16.815285605955996, + "mrr_at_20": 16.30432527215681, + "mrr_at_3": 14.23135464231354, + "mrr_at_5": 15.041856925418564, + "nauc_map_at_1000_diff1": 30.659955136068056, + "nauc_map_at_1000_max": 18.44163576415389, + "nauc_map_at_1000_std": -3.8367034295883577, + "nauc_map_at_100_diff1": 30.67476361799846, + "nauc_map_at_100_max": 18.428682857132582, + "nauc_map_at_100_std": -3.8897179777637882, + "nauc_map_at_10_diff1": 30.59247711976844, + "nauc_map_at_10_max": 18.705778597272683, + "nauc_map_at_10_std": -5.022221490794733, + "nauc_map_at_1_diff1": 40.141433107510736, + "nauc_map_at_1_max": 23.026643526851306, + "nauc_map_at_1_std": -5.749563342494851, + "nauc_map_at_20_diff1": 30.68509526178602, + "nauc_map_at_20_max": 18.45627985639005, + "nauc_map_at_20_std": -4.406952661617948, + "nauc_map_at_3_diff1": 31.73558283054405, + "nauc_map_at_3_max": 18.205161864303328, + "nauc_map_at_3_std": -5.435667326361934, + "nauc_map_at_5_diff1": 30.794538196458472, + "nauc_map_at_5_max": 18.500170217691768, + "nauc_map_at_5_std": -5.684418245921586, + "nauc_mrr_at_1000_diff1": 29.43077651539303, + "nauc_mrr_at_1000_max": 20.25130465933273, + "nauc_mrr_at_1000_std": -4.403299701181712, + "nauc_mrr_at_100_diff1": 29.42440095545253, + "nauc_mrr_at_100_max": 20.262024168775454, + "nauc_mrr_at_100_std": -4.46104833589502, + "nauc_mrr_at_10_diff1": 29.557535725132624, + "nauc_mrr_at_10_max": 20.517669578964018, + "nauc_mrr_at_10_std": -4.768947635082991, + "nauc_mrr_at_1_diff1": 37.4774948212758, + "nauc_mrr_at_1_max": 23.439278749784055, + "nauc_mrr_at_1_std": -5.157088191908156, + "nauc_mrr_at_20_diff1": 29.48470932914118, + "nauc_mrr_at_20_max": 20.278594953830762, + "nauc_mrr_at_20_std": -4.705845733248912, + "nauc_mrr_at_3_diff1": 30.77059795240642, + "nauc_mrr_at_3_max": 20.391982151070895, + "nauc_mrr_at_3_std": -5.0478682718453385, + "nauc_mrr_at_5_diff1": 30.028856765971984, + "nauc_mrr_at_5_max": 20.557553687197167, + "nauc_mrr_at_5_std": -5.24319954121192, + "nauc_ndcg_at_1000_diff1": 27.40711483349399, + "nauc_ndcg_at_1000_max": 17.126369493537826, + "nauc_ndcg_at_1000_std": 0.5342836524997823, + "nauc_ndcg_at_100_diff1": 27.711441526870356, + "nauc_ndcg_at_100_max": 17.276247470704032, + "nauc_ndcg_at_100_std": -0.8750376980385484, + "nauc_ndcg_at_10_diff1": 27.720574369240204, + "nauc_ndcg_at_10_max": 18.456829787593097, + "nauc_ndcg_at_10_std": -4.216473937357797, + "nauc_ndcg_at_1_diff1": 37.4774948212758, + "nauc_ndcg_at_1_max": 23.439278749784055, + "nauc_ndcg_at_1_std": -5.157088191908156, + "nauc_ndcg_at_20_diff1": 27.746972988773933, + "nauc_ndcg_at_20_max": 17.52494953980253, + "nauc_ndcg_at_20_std": -2.9781030890977322, + "nauc_ndcg_at_3_diff1": 29.522350537696717, + "nauc_ndcg_at_3_max": 18.011604144671008, + "nauc_ndcg_at_3_std": -4.725546369301677, + "nauc_ndcg_at_5_diff1": 28.15851614794711, + "nauc_ndcg_at_5_max": 18.317965726201184, + "nauc_ndcg_at_5_std": -5.54058686011457, + "nauc_precision_at_1000_diff1": 4.343913518236252, + "nauc_precision_at_1000_max": 7.949664745091711, + "nauc_precision_at_1000_std": 2.986855849342956, + "nauc_precision_at_100_diff1": 15.435700494268618, + "nauc_precision_at_100_max": 15.530490741404742, + "nauc_precision_at_100_std": 4.089210125048146, + "nauc_precision_at_10_diff1": 19.57474708128042, + "nauc_precision_at_10_max": 19.632161038711597, + "nauc_precision_at_10_std": -1.7830580435403458, + "nauc_precision_at_1_diff1": 37.4774948212758, + "nauc_precision_at_1_max": 23.439278749784055, + "nauc_precision_at_1_std": -5.157088191908156, + "nauc_precision_at_20_diff1": 20.568797026407644, + "nauc_precision_at_20_max": 17.15052399771233, + "nauc_precision_at_20_std": 0.6381100303472123, + "nauc_precision_at_3_diff1": 23.53527003948809, + "nauc_precision_at_3_max": 18.260774860471376, + "nauc_precision_at_3_std": -4.277699429606214, + "nauc_precision_at_5_diff1": 20.957492799575085, + "nauc_precision_at_5_max": 20.041536239699173, + "nauc_precision_at_5_std": -5.250189398148323, + "nauc_recall_at_1000_diff1": 19.56836100145482, + "nauc_recall_at_1000_max": 7.776560050916105, + "nauc_recall_at_1000_std": 20.13708584784103, + "nauc_recall_at_100_diff1": 22.16510567224014, + "nauc_recall_at_100_max": 11.397641876417932, + "nauc_recall_at_100_std": 7.58221141431797, + "nauc_recall_at_10_diff1": 21.305911125564595, + "nauc_recall_at_10_max": 15.61442350884527, + "nauc_recall_at_10_std": -2.264275057856056, + "nauc_recall_at_1_diff1": 40.141433107510736, + "nauc_recall_at_1_max": 23.026643526851306, + "nauc_recall_at_1_std": -5.749563342494851, + "nauc_recall_at_20_diff1": 21.33360178111777, + "nauc_recall_at_20_max": 13.007427262980725, + "nauc_recall_at_20_std": 0.8315450930852684, + "nauc_recall_at_3_diff1": 24.26871252397936, + "nauc_recall_at_3_max": 13.78009182310998, + "nauc_recall_at_3_std": -4.427807391785745, + "nauc_recall_at_5_diff1": 22.146386144738443, + "nauc_recall_at_5_max": 14.558261310921718, + "nauc_recall_at_5_std": -5.453171833787222, + "ndcg_at_1": 11.073, + "ndcg_at_10": 16.306, + "ndcg_at_100": 20.605, + "ndcg_at_1000": 24.321, + "ndcg_at_20": 17.605999999999998, + "ndcg_at_3": 13.242, + "ndcg_at_5": 14.424000000000001, + "precision_at_1": 11.073, + "precision_at_10": 3.174, + "precision_at_100": 0.632, + "precision_at_1000": 0.11299999999999999, + "precision_at_20": 1.981, + "precision_at_3": 6.317, + "precision_at_5": 4.658, + "recall_at_1": 8.802999999999999, + "recall_at_10": 23.294999999999998, + "recall_at_100": 42.543, + "recall_at_1000": 69.501, + "recall_at_20": 27.788, + "recall_at_3": 14.935, + "recall_at_5": 17.862000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/CQADupstackStatsRetrieval.json b/results/minishlab__M2V_base_glove_subword/external/CQADupstackStatsRetrieval.json new file mode 100644 index 000000000..2c573ae3a --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/CQADupstackStatsRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "65ac3a16b8e91f9cee4c9828cc7c335575432a2a", + "task_name": "CQADupstackStatsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 13.274, + "map_at_1": 7.514, + "map_at_10": 10.763, + "map_at_100": 11.466, + "map_at_1000": 11.565, + "map_at_20": 11.153, + "map_at_3": 9.489, + "map_at_5": 10.05, + "mrr_at_1": 9.049079754601227, + "mrr_at_10": 12.66140812153082, + "mrr_at_100": 13.34440731558096, + "mrr_at_1000": 13.431250805407094, + "mrr_at_20": 13.015821938908093, + "mrr_at_3": 11.349693251533745, + "mrr_at_5": 11.955521472392643, + "nauc_map_at_1000_diff1": 22.974932209110474, + "nauc_map_at_1000_max": 19.2179493418811, + "nauc_map_at_1000_std": -4.027224925667458, + "nauc_map_at_100_diff1": 23.00306330611636, + "nauc_map_at_100_max": 19.279597737188887, + "nauc_map_at_100_std": -4.054272921846715, + "nauc_map_at_10_diff1": 23.185643422536508, + "nauc_map_at_10_max": 19.620815876636478, + "nauc_map_at_10_std": -4.67640325592363, + "nauc_map_at_1_diff1": 29.800345069729406, + "nauc_map_at_1_max": 23.87910907490326, + "nauc_map_at_1_std": -6.320599828399073, + "nauc_map_at_20_diff1": 23.142569498191413, + "nauc_map_at_20_max": 19.48779289778967, + "nauc_map_at_20_std": -4.111902735804231, + "nauc_map_at_3_diff1": 25.743034910929975, + "nauc_map_at_3_max": 20.90755349054651, + "nauc_map_at_3_std": -5.380592645823912, + "nauc_map_at_5_diff1": 23.42137416675548, + "nauc_map_at_5_max": 19.329228837468158, + "nauc_map_at_5_std": -5.563525004474619, + "nauc_mrr_at_1000_diff1": 24.10086479687415, + "nauc_mrr_at_1000_max": 20.398011792778824, + "nauc_mrr_at_1000_std": -2.1446120511727957, + "nauc_mrr_at_100_diff1": 24.115697677435794, + "nauc_mrr_at_100_max": 20.458646264375886, + "nauc_mrr_at_100_std": -2.151550159504517, + "nauc_mrr_at_10_diff1": 24.293579862933555, + "nauc_mrr_at_10_max": 20.839345603643498, + "nauc_mrr_at_10_std": -2.480503488415708, + "nauc_mrr_at_1_diff1": 31.141124432852486, + "nauc_mrr_at_1_max": 25.3974393459875, + "nauc_mrr_at_1_std": -4.603112328474119, + "nauc_mrr_at_20_diff1": 24.199943135873237, + "nauc_mrr_at_20_max": 20.685578492011537, + "nauc_mrr_at_20_std": -2.216739386860867, + "nauc_mrr_at_3_diff1": 27.18978712305054, + "nauc_mrr_at_3_max": 21.95145492661433, + "nauc_mrr_at_3_std": -3.3010871727045004, + "nauc_mrr_at_5_diff1": 24.55785813047769, + "nauc_mrr_at_5_max": 20.630334122680697, + "nauc_mrr_at_5_std": -3.4751492733475713, + "nauc_ndcg_at_1000_diff1": 18.214182224000904, + "nauc_ndcg_at_1000_max": 15.022677670245125, + "nauc_ndcg_at_1000_std": -1.2757783952996276, + "nauc_ndcg_at_100_diff1": 19.45648169337917, + "nauc_ndcg_at_100_max": 16.160731902664246, + "nauc_ndcg_at_100_std": -1.2021617745185982, + "nauc_ndcg_at_10_diff1": 20.78032928549088, + "nauc_ndcg_at_10_max": 18.37701966895512, + "nauc_ndcg_at_10_std": -2.859756963061105, + "nauc_ndcg_at_1_diff1": 31.141124432852486, + "nauc_ndcg_at_1_max": 25.3974393459875, + "nauc_ndcg_at_1_std": -4.603112328474119, + "nauc_ndcg_at_20_diff1": 20.568804870494365, + "nauc_ndcg_at_20_max": 17.688797629532804, + "nauc_ndcg_at_20_std": -1.601270033947706, + "nauc_ndcg_at_3_diff1": 25.352168775398777, + "nauc_ndcg_at_3_max": 20.42319619108203, + "nauc_ndcg_at_3_std": -4.2521134409577845, + "nauc_ndcg_at_5_diff1": 21.18713014585295, + "nauc_ndcg_at_5_max": 17.939191093215953, + "nauc_ndcg_at_5_std": -4.743032229404275, + "nauc_precision_at_1000_diff1": 4.892829090188313, + "nauc_precision_at_1000_max": 7.933069592889083, + "nauc_precision_at_1000_std": 4.24278581923629, + "nauc_precision_at_100_diff1": 13.066398116495034, + "nauc_precision_at_100_max": 14.384247527346716, + "nauc_precision_at_100_std": 6.056873634302884, + "nauc_precision_at_10_diff1": 16.616656372852148, + "nauc_precision_at_10_max": 18.665616620054436, + "nauc_precision_at_10_std": 1.1124326621912484, + "nauc_precision_at_1_diff1": 31.141124432852486, + "nauc_precision_at_1_max": 25.3974393459875, + "nauc_precision_at_1_std": -4.603112328474119, + "nauc_precision_at_20_diff1": 17.294215780840165, + "nauc_precision_at_20_max": 18.09538722850449, + "nauc_precision_at_20_std": 5.524315844370954, + "nauc_precision_at_3_diff1": 25.1866897673422, + "nauc_precision_at_3_max": 19.72076391537079, + "nauc_precision_at_3_std": -1.6649392928833502, + "nauc_precision_at_5_diff1": 17.254095768389526, + "nauc_precision_at_5_max": 16.94859363403111, + "nauc_precision_at_5_std": -1.9187213027734356, + "nauc_recall_at_1000_diff1": 2.1491291924120404, + "nauc_recall_at_1000_max": -0.6564763388554173, + "nauc_recall_at_1000_std": 2.480520716627822, + "nauc_recall_at_100_diff1": 10.764856128055248, + "nauc_recall_at_100_max": 6.734689971662489, + "nauc_recall_at_100_std": 3.0407690200004334, + "nauc_recall_at_10_diff1": 14.979718773625542, + "nauc_recall_at_10_max": 14.109838347838258, + "nauc_recall_at_10_std": -0.5378433013187329, + "nauc_recall_at_1_diff1": 29.800345069729406, + "nauc_recall_at_1_max": 23.87910907490326, + "nauc_recall_at_1_std": -6.320599828399073, + "nauc_recall_at_20_diff1": 14.511882633459333, + "nauc_recall_at_20_max": 12.011480653201415, + "nauc_recall_at_20_std": 2.0767690218465877, + "nauc_recall_at_3_diff1": 20.6626126323687, + "nauc_recall_at_3_max": 17.25857728630443, + "nauc_recall_at_3_std": -3.7939883071411717, + "nauc_recall_at_5_diff1": 14.1235036082108, + "nauc_recall_at_5_max": 12.727411826064857, + "nauc_recall_at_5_std": -4.60850604165874, + "ndcg_at_1": 9.049, + "ndcg_at_10": 13.274, + "ndcg_at_100": 17.086000000000002, + "ndcg_at_1000": 19.936999999999998, + "ndcg_at_20": 14.582999999999998, + "ndcg_at_3": 10.725999999999999, + "ndcg_at_5": 11.623, + "precision_at_1": 9.049, + "precision_at_10": 2.423, + "precision_at_100": 0.479, + "precision_at_1000": 0.079, + "precision_at_20": 1.526, + "precision_at_3": 4.9590000000000005, + "precision_at_5": 3.62, + "recall_at_1": 7.514, + "recall_at_10": 19.31, + "recall_at_100": 37.413999999999994, + "recall_at_1000": 59.021, + "recall_at_20": 24.21, + "recall_at_3": 12.113999999999999, + "recall_at_5": 14.371 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/CQADupstackTexRetrieval.json b/results/minishlab__M2V_base_glove_subword/external/CQADupstackTexRetrieval.json new file mode 100644 index 000000000..aa5dfc13d --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/CQADupstackTexRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "46989137a86843e03a6195de44b09deda022eec7", + "task_name": "CQADupstackTexRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 10.994, + "map_at_1": 6.225, + "map_at_10": 8.953999999999999, + "map_at_100": 9.603, + "map_at_1000": 9.712, + "map_at_20": 9.278, + "map_at_3": 8.074, + "map_at_5": 8.547, + "mrr_at_1": 7.708189951823813, + "mrr_at_10": 11.010238805317954, + "mrr_at_100": 11.697852969394127, + "mrr_at_1000": 11.788096222755389, + "mrr_at_20": 11.36125747114887, + "mrr_at_3": 9.967882541867406, + "mrr_at_5": 10.53223216334021, + "nauc_map_at_1000_diff1": 28.62895539988389, + "nauc_map_at_1000_max": 16.242894414293037, + "nauc_map_at_1000_std": -4.569604418870727, + "nauc_map_at_100_diff1": 28.61807781605406, + "nauc_map_at_100_max": 16.21900205663456, + "nauc_map_at_100_std": -4.742228052779668, + "nauc_map_at_10_diff1": 29.55698899178743, + "nauc_map_at_10_max": 16.619065435982105, + "nauc_map_at_10_std": -5.272914850396907, + "nauc_map_at_1_diff1": 38.11099020611636, + "nauc_map_at_1_max": 19.754663729177466, + "nauc_map_at_1_std": -7.100435784719483, + "nauc_map_at_20_diff1": 28.96213016918891, + "nauc_map_at_20_max": 16.40536013245705, + "nauc_map_at_20_std": -5.152060847207817, + "nauc_map_at_3_diff1": 31.518330681088514, + "nauc_map_at_3_max": 17.648594434363673, + "nauc_map_at_3_std": -5.013522244046003, + "nauc_map_at_5_diff1": 30.53555288667588, + "nauc_map_at_5_max": 17.552873944829003, + "nauc_map_at_5_std": -5.459559007946099, + "nauc_mrr_at_1000_diff1": 28.56870451139856, + "nauc_mrr_at_1000_max": 18.199477946334998, + "nauc_mrr_at_1000_std": -3.83210753499382, + "nauc_mrr_at_100_diff1": 28.55289316686771, + "nauc_mrr_at_100_max": 18.190933266659705, + "nauc_mrr_at_100_std": -3.910114024174217, + "nauc_mrr_at_10_diff1": 29.44010525180224, + "nauc_mrr_at_10_max": 18.5618742276953, + "nauc_mrr_at_10_std": -4.318500155132472, + "nauc_mrr_at_1_diff1": 37.756041398612425, + "nauc_mrr_at_1_max": 22.180382124822522, + "nauc_mrr_at_1_std": -6.881985725496932, + "nauc_mrr_at_20_diff1": 28.862633708506863, + "nauc_mrr_at_20_max": 18.368745544312883, + "nauc_mrr_at_20_std": -4.231869471717514, + "nauc_mrr_at_3_diff1": 31.67790485910417, + "nauc_mrr_at_3_max": 20.067426011874694, + "nauc_mrr_at_3_std": -4.35750935851484, + "nauc_mrr_at_5_diff1": 30.3892346503623, + "nauc_mrr_at_5_max": 19.427471974651258, + "nauc_mrr_at_5_std": -4.501090877808792, + "nauc_ndcg_at_1000_diff1": 23.124264919835152, + "nauc_ndcg_at_1000_max": 13.725127541654583, + "nauc_ndcg_at_1000_std": 0.8488267118015322, + "nauc_ndcg_at_100_diff1": 22.931912676541813, + "nauc_ndcg_at_100_max": 13.573133160305714, + "nauc_ndcg_at_100_std": -1.9712575029716004, + "nauc_ndcg_at_10_diff1": 26.49225179330549, + "nauc_ndcg_at_10_max": 15.334589645844614, + "nauc_ndcg_at_10_std": -4.732200420388755, + "nauc_ndcg_at_1_diff1": 37.756041398612425, + "nauc_ndcg_at_1_max": 22.180382124822522, + "nauc_ndcg_at_1_std": -6.881985725496932, + "nauc_ndcg_at_20_diff1": 24.758487984247115, + "nauc_ndcg_at_20_max": 14.685319575357777, + "nauc_ndcg_at_20_std": -4.432729957713687, + "nauc_ndcg_at_3_diff1": 30.04172743163936, + "nauc_ndcg_at_3_max": 17.942422342704166, + "nauc_ndcg_at_3_std": -4.371869609553122, + "nauc_ndcg_at_5_diff1": 28.394597447013364, + "nauc_ndcg_at_5_max": 17.337563726465902, + "nauc_ndcg_at_5_std": -4.979815289974346, + "nauc_precision_at_1000_diff1": 13.358015963281982, + "nauc_precision_at_1000_max": 13.588027398642533, + "nauc_precision_at_1000_std": 16.038391304073617, + "nauc_precision_at_100_diff1": 14.048154067920237, + "nauc_precision_at_100_max": 13.442039272771812, + "nauc_precision_at_100_std": 6.293550136432713, + "nauc_precision_at_10_diff1": 19.7938197345429, + "nauc_precision_at_10_max": 15.498999930693053, + "nauc_precision_at_10_std": -2.820921985501471, + "nauc_precision_at_1_diff1": 37.756041398612425, + "nauc_precision_at_1_max": 22.180382124822522, + "nauc_precision_at_1_std": -6.881985725496932, + "nauc_precision_at_20_diff1": 16.86330177780297, + "nauc_precision_at_20_max": 14.757498925286052, + "nauc_precision_at_20_std": -1.4878113085077458, + "nauc_precision_at_3_diff1": 26.22068335923554, + "nauc_precision_at_3_max": 19.552244504819107, + "nauc_precision_at_3_std": -2.903836612504541, + "nauc_precision_at_5_diff1": 23.01543740291806, + "nauc_precision_at_5_max": 18.976238791156298, + "nauc_precision_at_5_std": -3.772870601995056, + "nauc_recall_at_1000_diff1": 11.344856628291772, + "nauc_recall_at_1000_max": 5.496064714954898, + "nauc_recall_at_1000_std": 14.552915745152944, + "nauc_recall_at_100_diff1": 11.37183345326816, + "nauc_recall_at_100_max": 6.152609534633153, + "nauc_recall_at_100_std": 3.3240506595168617, + "nauc_recall_at_10_diff1": 19.414706457137537, + "nauc_recall_at_10_max": 10.013408222848447, + "nauc_recall_at_10_std": -4.469998335412016, + "nauc_recall_at_1_diff1": 38.11099020611636, + "nauc_recall_at_1_max": 19.754663729177466, + "nauc_recall_at_1_std": -7.100435784719483, + "nauc_recall_at_20_diff1": 15.570619584248163, + "nauc_recall_at_20_max": 8.816676896160281, + "nauc_recall_at_20_std": -3.7706693105174836, + "nauc_recall_at_3_diff1": 25.664091285326485, + "nauc_recall_at_3_max": 14.868700645447488, + "nauc_recall_at_3_std": -3.5813114627791736, + "nauc_recall_at_5_diff1": 22.650699032516435, + "nauc_recall_at_5_max": 14.046776424466485, + "nauc_recall_at_5_std": -5.072422590207594, + "ndcg_at_1": 7.707999999999999, + "ndcg_at_10": 10.994, + "ndcg_at_100": 14.562, + "ndcg_at_1000": 17.738, + "ndcg_at_20": 12.152000000000001, + "ndcg_at_3": 9.286999999999999, + "ndcg_at_5": 10.057, + "precision_at_1": 7.707999999999999, + "precision_at_10": 2.068, + "precision_at_100": 0.466, + "precision_at_1000": 0.08800000000000001, + "precision_at_20": 1.352, + "precision_at_3": 4.508, + "precision_at_5": 3.3169999999999997, + "recall_at_1": 6.225, + "recall_at_10": 15.177999999999999, + "recall_at_100": 31.726, + "recall_at_1000": 55.286, + "recall_at_20": 19.516, + "recall_at_3": 10.381, + "recall_at_5": 12.354999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/CQADupstackUnixRetrieval.json b/results/minishlab__M2V_base_glove_subword/external/CQADupstackUnixRetrieval.json new file mode 100644 index 000000000..ea4b11663 --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/CQADupstackUnixRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "6c6430d3a6d36f8d2a829195bc5dc94d7e063e53", + "task_name": "CQADupstackUnixRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 17.415, + "map_at_1": 11.61, + "map_at_10": 14.879000000000001, + "map_at_100": 15.64, + "map_at_1000": 15.744, + "map_at_20": 15.222, + "map_at_3": 13.818, + "map_at_5": 14.221, + "mrr_at_1": 14.085820895522389, + "mrr_at_10": 17.784144752428336, + "mrr_at_100": 18.59055632302295, + "mrr_at_1000": 18.680733729013262, + "mrr_at_20": 18.159102701666594, + "mrr_at_3": 16.68221393034826, + "mrr_at_5": 17.10665422885572, + "nauc_map_at_1000_diff1": 39.56056915227938, + "nauc_map_at_1000_max": 27.13397943596498, + "nauc_map_at_1000_std": -7.0908382945611175, + "nauc_map_at_100_diff1": 39.54030188989168, + "nauc_map_at_100_max": 27.13281562979474, + "nauc_map_at_100_std": -7.165159503138965, + "nauc_map_at_10_diff1": 40.318171341397765, + "nauc_map_at_10_max": 27.535451283580016, + "nauc_map_at_10_std": -7.689737441073707, + "nauc_map_at_1_diff1": 47.05601088674895, + "nauc_map_at_1_max": 30.576608334052853, + "nauc_map_at_1_std": -9.67702524348975, + "nauc_map_at_20_diff1": 39.80136558735939, + "nauc_map_at_20_max": 27.051853945437948, + "nauc_map_at_20_std": -7.409144616339466, + "nauc_map_at_3_diff1": 42.15633029927089, + "nauc_map_at_3_max": 28.386143076096086, + "nauc_map_at_3_std": -9.106105164113686, + "nauc_map_at_5_diff1": 41.46860741828094, + "nauc_map_at_5_max": 28.202178480215373, + "nauc_map_at_5_std": -8.399626801433124, + "nauc_mrr_at_1000_diff1": 37.78472411053756, + "nauc_mrr_at_1000_max": 28.338277069066432, + "nauc_mrr_at_1000_std": -7.391912169514899, + "nauc_mrr_at_100_diff1": 37.74697100045658, + "nauc_mrr_at_100_max": 28.35832528792151, + "nauc_mrr_at_100_std": -7.4298805804754995, + "nauc_mrr_at_10_diff1": 38.428674914285196, + "nauc_mrr_at_10_max": 28.708508212507105, + "nauc_mrr_at_10_std": -7.884064754659524, + "nauc_mrr_at_1_diff1": 45.69997352898185, + "nauc_mrr_at_1_max": 32.47880480030532, + "nauc_mrr_at_1_std": -9.337266605729418, + "nauc_mrr_at_20_diff1": 37.99989625388078, + "nauc_mrr_at_20_max": 28.255616608253824, + "nauc_mrr_at_20_std": -7.614369324242356, + "nauc_mrr_at_3_diff1": 40.126736669268766, + "nauc_mrr_at_3_max": 29.616770044400464, + "nauc_mrr_at_3_std": -9.336882852739908, + "nauc_mrr_at_5_diff1": 39.41517859913304, + "nauc_mrr_at_5_max": 29.312224024493094, + "nauc_mrr_at_5_std": -8.792379282413792, + "nauc_ndcg_at_1000_diff1": 34.318717429678735, + "nauc_ndcg_at_1000_max": 24.57185685965525, + "nauc_ndcg_at_1000_std": -2.367526484055821, + "nauc_ndcg_at_100_diff1": 33.59453283807552, + "nauc_ndcg_at_100_max": 24.73858681825266, + "nauc_ndcg_at_100_std": -4.087141295771279, + "nauc_ndcg_at_10_diff1": 36.635105955522235, + "nauc_ndcg_at_10_max": 25.975386842872318, + "nauc_ndcg_at_10_std": -6.3751364798979315, + "nauc_ndcg_at_1_diff1": 45.69997352898185, + "nauc_ndcg_at_1_max": 32.47880480030532, + "nauc_ndcg_at_1_std": -9.337266605729418, + "nauc_ndcg_at_20_diff1": 35.16876791291799, + "nauc_ndcg_at_20_max": 24.477658044207647, + "nauc_ndcg_at_20_std": -5.555064208738701, + "nauc_ndcg_at_3_diff1": 39.82534185570945, + "nauc_ndcg_at_3_max": 28.139721552476963, + "nauc_ndcg_at_3_std": -9.160710946542384, + "nauc_ndcg_at_5_diff1": 38.98115351105197, + "nauc_ndcg_at_5_max": 27.515452028134202, + "nauc_ndcg_at_5_std": -8.025551102160557, + "nauc_precision_at_1000_diff1": 12.303392079476001, + "nauc_precision_at_1000_max": 15.521101561430214, + "nauc_precision_at_1000_std": 13.875729823362349, + "nauc_precision_at_100_diff1": 15.718813920537666, + "nauc_precision_at_100_max": 20.036566730817615, + "nauc_precision_at_100_std": 5.068608226979542, + "nauc_precision_at_10_diff1": 25.3121404066982, + "nauc_precision_at_10_max": 24.190797754465372, + "nauc_precision_at_10_std": -3.28815407741081, + "nauc_precision_at_1_diff1": 45.69997352898185, + "nauc_precision_at_1_max": 32.47880480030532, + "nauc_precision_at_1_std": -9.337266605729418, + "nauc_precision_at_20_diff1": 21.370193752136633, + "nauc_precision_at_20_max": 19.74829392747058, + "nauc_precision_at_20_std": -1.1434647531180093, + "nauc_precision_at_3_diff1": 33.27263719269652, + "nauc_precision_at_3_max": 27.28958835327579, + "nauc_precision_at_3_std": -9.03699952848916, + "nauc_precision_at_5_diff1": 31.109130426292463, + "nauc_precision_at_5_max": 26.959336149040137, + "nauc_precision_at_5_std": -6.946474296738139, + "nauc_recall_at_1000_diff1": 17.923508430691957, + "nauc_recall_at_1000_max": 10.80984639138324, + "nauc_recall_at_1000_std": 17.38699739341662, + "nauc_recall_at_100_diff1": 17.188512794168755, + "nauc_recall_at_100_max": 15.470956979815659, + "nauc_recall_at_100_std": 4.263468796063786, + "nauc_recall_at_10_diff1": 27.628371666732892, + "nauc_recall_at_10_max": 19.847290125705662, + "nauc_recall_at_10_std": -2.718782096589473, + "nauc_recall_at_1_diff1": 47.05601088674895, + "nauc_recall_at_1_max": 30.576608334052853, + "nauc_recall_at_1_std": -9.67702524348975, + "nauc_recall_at_20_diff1": 23.787114240920214, + "nauc_recall_at_20_max": 15.65621275614017, + "nauc_recall_at_20_std": -0.6996887505536454, + "nauc_recall_at_3_diff1": 37.16605995449111, + "nauc_recall_at_3_max": 24.971735910807293, + "nauc_recall_at_3_std": -8.874845333377282, + "nauc_recall_at_5_diff1": 34.15194539098878, + "nauc_recall_at_5_max": 23.788685123818407, + "nauc_recall_at_5_std": -6.520745742182325, + "ndcg_at_1": 14.086000000000002, + "ndcg_at_10": 17.415, + "ndcg_at_100": 21.705, + "ndcg_at_1000": 24.851, + "ndcg_at_20": 18.674, + "ndcg_at_3": 15.369, + "ndcg_at_5": 15.903, + "precision_at_1": 14.086000000000002, + "precision_at_10": 2.9010000000000002, + "precision_at_100": 0.567, + "precision_at_1000": 0.093, + "precision_at_20": 1.754, + "precision_at_3": 6.903, + "precision_at_5": 4.571, + "recall_at_1": 11.61, + "recall_at_10": 22.543, + "recall_at_100": 42.586, + "recall_at_1000": 66.3, + "recall_at_20": 27.296, + "recall_at_3": 16.458000000000002, + "recall_at_5": 18.087 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/CQADupstackWebmastersRetrieval.json b/results/minishlab__M2V_base_glove_subword/external/CQADupstackWebmastersRetrieval.json new file mode 100644 index 000000000..4eabd38b3 --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/CQADupstackWebmastersRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "160c094312a0e1facb97e55eeddb698c0abe3571", + "task_name": "CQADupstackWebmastersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 21.398, + "map_at_1": 12.418, + "map_at_10": 17.634, + "map_at_100": 18.427, + "map_at_1000": 18.601, + "map_at_20": 17.949, + "map_at_3": 16.070999999999998, + "map_at_5": 16.909, + "mrr_at_1": 16.007905138339922, + "mrr_at_10": 21.244275048622875, + "mrr_at_100": 21.913675154893422, + "mrr_at_1000": 22.00394675539023, + "mrr_at_20": 21.484105638892164, + "mrr_at_3": 19.729907773386028, + "mrr_at_5": 20.579710144927535, + "nauc_map_at_1000_diff1": 33.276058954347164, + "nauc_map_at_1000_max": 22.686785676254438, + "nauc_map_at_1000_std": -15.623983007245663, + "nauc_map_at_100_diff1": 33.277163035857754, + "nauc_map_at_100_max": 22.79483533389435, + "nauc_map_at_100_std": -15.806523169464585, + "nauc_map_at_10_diff1": 33.31349011893446, + "nauc_map_at_10_max": 23.16070733276047, + "nauc_map_at_10_std": -16.557456309767332, + "nauc_map_at_1_diff1": 43.560854870215444, + "nauc_map_at_1_max": 22.785972852704127, + "nauc_map_at_1_std": -17.629946377144794, + "nauc_map_at_20_diff1": 33.570999449061176, + "nauc_map_at_20_max": 22.993901876226587, + "nauc_map_at_20_std": -16.272939675166977, + "nauc_map_at_3_diff1": 35.03763295449743, + "nauc_map_at_3_max": 22.445582103531297, + "nauc_map_at_3_std": -16.560038144492275, + "nauc_map_at_5_diff1": 34.27964006257987, + "nauc_map_at_5_max": 23.332248714244795, + "nauc_map_at_5_std": -16.57243447707981, + "nauc_mrr_at_1000_diff1": 32.944240054080296, + "nauc_mrr_at_1000_max": 21.812793329305745, + "nauc_mrr_at_1000_std": -13.642145832181225, + "nauc_mrr_at_100_diff1": 32.92776460042595, + "nauc_mrr_at_100_max": 21.791203022888052, + "nauc_mrr_at_100_std": -13.640560468524749, + "nauc_mrr_at_10_diff1": 32.9752685024834, + "nauc_mrr_at_10_max": 22.104988021339146, + "nauc_mrr_at_10_std": -14.271356854639786, + "nauc_mrr_at_1_diff1": 42.51316330983356, + "nauc_mrr_at_1_max": 23.297138888078976, + "nauc_mrr_at_1_std": -14.903606813837882, + "nauc_mrr_at_20_diff1": 33.22223363073958, + "nauc_mrr_at_20_max": 21.974295331873055, + "nauc_mrr_at_20_std": -13.88205443342369, + "nauc_mrr_at_3_diff1": 33.993832814261395, + "nauc_mrr_at_3_max": 21.556945052605887, + "nauc_mrr_at_3_std": -13.797171517214505, + "nauc_mrr_at_5_diff1": 33.35409476101201, + "nauc_mrr_at_5_max": 21.981426511175837, + "nauc_mrr_at_5_std": -14.09531063812787, + "nauc_ndcg_at_1000_diff1": 29.438860831545004, + "nauc_ndcg_at_1000_max": 21.25973393436945, + "nauc_ndcg_at_1000_std": -11.16393916502227, + "nauc_ndcg_at_100_diff1": 28.444184419510172, + "nauc_ndcg_at_100_max": 21.18616561891909, + "nauc_ndcg_at_100_std": -12.037980607459001, + "nauc_ndcg_at_10_diff1": 29.271087139678205, + "nauc_ndcg_at_10_max": 22.032768110468098, + "nauc_ndcg_at_10_std": -15.467782849927971, + "nauc_ndcg_at_1_diff1": 42.51316330983356, + "nauc_ndcg_at_1_max": 23.297138888078976, + "nauc_ndcg_at_1_std": -14.903606813837882, + "nauc_ndcg_at_20_diff1": 30.46132048728029, + "nauc_ndcg_at_20_max": 21.81477297472493, + "nauc_ndcg_at_20_std": -14.218418166481491, + "nauc_ndcg_at_3_diff1": 32.0153358591922, + "nauc_ndcg_at_3_max": 20.770546204709458, + "nauc_ndcg_at_3_std": -14.747432002736549, + "nauc_ndcg_at_5_diff1": 30.981699893250898, + "nauc_ndcg_at_5_max": 22.090548813686304, + "nauc_ndcg_at_5_std": -15.09612387707668, + "nauc_precision_at_1000_diff1": 7.2014592078746125, + "nauc_precision_at_1000_max": -5.678465880888778, + "nauc_precision_at_1000_std": 22.430084503019, + "nauc_precision_at_100_diff1": 7.47376139946301, + "nauc_precision_at_100_max": 2.300260757829557, + "nauc_precision_at_100_std": 13.810673946221709, + "nauc_precision_at_10_diff1": 15.542740121996912, + "nauc_precision_at_10_max": 15.807667200751279, + "nauc_precision_at_10_std": -9.58878382311598, + "nauc_precision_at_1_diff1": 42.51316330983356, + "nauc_precision_at_1_max": 23.297138888078976, + "nauc_precision_at_1_std": -14.903606813837882, + "nauc_precision_at_20_diff1": 17.44141625096109, + "nauc_precision_at_20_max": 12.987380515646793, + "nauc_precision_at_20_std": -3.3241327401895018, + "nauc_precision_at_3_diff1": 24.31306633873876, + "nauc_precision_at_3_max": 20.59991114197874, + "nauc_precision_at_3_std": -12.702555430555881, + "nauc_precision_at_5_diff1": 21.113937977245538, + "nauc_precision_at_5_max": 19.40330569402618, + "nauc_precision_at_5_std": -11.001297546039366, + "nauc_recall_at_1000_diff1": 14.316639289353503, + "nauc_recall_at_1000_max": 14.663280590084184, + "nauc_recall_at_1000_std": 10.373834237194783, + "nauc_recall_at_100_diff1": 14.159748016577145, + "nauc_recall_at_100_max": 15.266942159548291, + "nauc_recall_at_100_std": 0.09898266158022606, + "nauc_recall_at_10_diff1": 19.311511962157848, + "nauc_recall_at_10_max": 21.086642659351444, + "nauc_recall_at_10_std": -15.03280805118371, + "nauc_recall_at_1_diff1": 43.560854870215444, + "nauc_recall_at_1_max": 22.785972852704127, + "nauc_recall_at_1_std": -17.629946377144794, + "nauc_recall_at_20_diff1": 22.84188696362324, + "nauc_recall_at_20_max": 19.255833980651115, + "nauc_recall_at_20_std": -10.769401250685878, + "nauc_recall_at_3_diff1": 25.289776971942963, + "nauc_recall_at_3_max": 19.495340268606647, + "nauc_recall_at_3_std": -14.682485696338162, + "nauc_recall_at_5_diff1": 23.28267489764339, + "nauc_recall_at_5_max": 21.90368937976734, + "nauc_recall_at_5_std": -15.19826645274188, + "ndcg_at_1": 16.008, + "ndcg_at_10": 21.398, + "ndcg_at_100": 25.241999999999997, + "ndcg_at_1000": 28.833, + "ndcg_at_20": 22.234, + "ndcg_at_3": 18.86, + "ndcg_at_5": 20.037, + "precision_at_1": 16.008, + "precision_at_10": 4.328, + "precision_at_100": 0.893, + "precision_at_1000": 0.17500000000000002, + "precision_at_20": 2.579, + "precision_at_3": 9.157, + "precision_at_5": 6.837999999999999, + "recall_at_1": 12.418, + "recall_at_10": 27.935, + "recall_at_100": 47.525, + "recall_at_1000": 72.146, + "recall_at_20": 31.861, + "recall_at_3": 20.148, + "recall_at_5": 23.296 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/CQADupstackWordpressRetrieval.json b/results/minishlab__M2V_base_glove_subword/external/CQADupstackWordpressRetrieval.json new file mode 100644 index 000000000..a19c04c36 --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/CQADupstackWordpressRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "4ffe81d471b1924886b33c7567bfb200e9eec5c4", + "task_name": "CQADupstackWordpressRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 13.536999999999999, + "map_at_1": 7.468, + "map_at_10": 10.972999999999999, + "map_at_100": 11.744, + "map_at_1000": 11.854000000000001, + "map_at_20": 11.336, + "map_at_3": 9.618, + "map_at_5": 10.205, + "mrr_at_1": 8.317929759704251, + "mrr_at_10": 12.179752369216331, + "mrr_at_100": 12.980085498763907, + "mrr_at_1000": 13.075701345231755, + "mrr_at_20": 12.550195110376356, + "mrr_at_3": 10.659272951324708, + "mrr_at_5": 11.30622304374615, + "nauc_map_at_1000_diff1": 25.499689183541758, + "nauc_map_at_1000_max": 26.492088085006486, + "nauc_map_at_1000_std": -10.29049248054652, + "nauc_map_at_100_diff1": 25.573124155292685, + "nauc_map_at_100_max": 26.56159077339433, + "nauc_map_at_100_std": -10.400824123310946, + "nauc_map_at_10_diff1": 25.485224554587006, + "nauc_map_at_10_max": 26.83491339438951, + "nauc_map_at_10_std": -11.212653836584204, + "nauc_map_at_1_diff1": 33.63991109177576, + "nauc_map_at_1_max": 34.23354700535017, + "nauc_map_at_1_std": -13.602316051776613, + "nauc_map_at_20_diff1": 25.401091624302076, + "nauc_map_at_20_max": 26.619190203647534, + "nauc_map_at_20_std": -10.956292541627727, + "nauc_map_at_3_diff1": 26.825203283397762, + "nauc_map_at_3_max": 27.86659163589406, + "nauc_map_at_3_std": -11.12760272108276, + "nauc_map_at_5_diff1": 25.95917424438333, + "nauc_map_at_5_max": 26.96719585977185, + "nauc_map_at_5_std": -12.304191598798255, + "nauc_mrr_at_1000_diff1": 26.058089211778814, + "nauc_mrr_at_1000_max": 25.715522107102462, + "nauc_mrr_at_1000_std": -9.26865979619022, + "nauc_mrr_at_100_diff1": 26.098211857983944, + "nauc_mrr_at_100_max": 25.751358106929445, + "nauc_mrr_at_100_std": -9.348646640329418, + "nauc_mrr_at_10_diff1": 26.245525532384857, + "nauc_mrr_at_10_max": 25.751651308654733, + "nauc_mrr_at_10_std": -10.162612510927444, + "nauc_mrr_at_1_diff1": 33.74283305857714, + "nauc_mrr_at_1_max": 33.58837545702206, + "nauc_mrr_at_1_std": -11.623065310526266, + "nauc_mrr_at_20_diff1": 25.889783688319756, + "nauc_mrr_at_20_max": 25.752118615901914, + "nauc_mrr_at_20_std": -9.822357050457521, + "nauc_mrr_at_3_diff1": 27.564445527656073, + "nauc_mrr_at_3_max": 27.360005995543013, + "nauc_mrr_at_3_std": -9.833890331593217, + "nauc_mrr_at_5_diff1": 26.822524992606787, + "nauc_mrr_at_5_max": 26.284478920424583, + "nauc_mrr_at_5_std": -11.036920037435278, + "nauc_ndcg_at_1000_diff1": 22.865864500824603, + "nauc_ndcg_at_1000_max": 22.771334973757252, + "nauc_ndcg_at_1000_std": -4.391248945624055, + "nauc_ndcg_at_100_diff1": 24.137939988386144, + "nauc_ndcg_at_100_max": 23.87513301750976, + "nauc_ndcg_at_100_std": -6.566673889142541, + "nauc_ndcg_at_10_diff1": 23.28670973899235, + "nauc_ndcg_at_10_max": 24.466850763499494, + "nauc_ndcg_at_10_std": -10.258177551014816, + "nauc_ndcg_at_1_diff1": 33.74283305857714, + "nauc_ndcg_at_1_max": 33.58837545702206, + "nauc_ndcg_at_1_std": -11.623065310526266, + "nauc_ndcg_at_20_diff1": 22.989442500386524, + "nauc_ndcg_at_20_max": 24.104082915814125, + "nauc_ndcg_at_20_std": -9.45785928337488, + "nauc_ndcg_at_3_diff1": 25.178014460273445, + "nauc_ndcg_at_3_max": 25.942767533173754, + "nauc_ndcg_at_3_std": -9.91363038933204, + "nauc_ndcg_at_5_diff1": 23.991757042799776, + "nauc_ndcg_at_5_max": 24.67696954394957, + "nauc_ndcg_at_5_std": -12.31985800626722, + "nauc_precision_at_1000_diff1": 8.73756056198236, + "nauc_precision_at_1000_max": -2.2039393198217896, + "nauc_precision_at_1000_std": 11.030221537933079, + "nauc_precision_at_100_diff1": 20.215172391403144, + "nauc_precision_at_100_max": 17.018645260191438, + "nauc_precision_at_100_std": 3.767328710045164, + "nauc_precision_at_10_diff1": 17.587454651591, + "nauc_precision_at_10_max": 18.519756223864587, + "nauc_precision_at_10_std": -7.57980264597448, + "nauc_precision_at_1_diff1": 33.74283305857714, + "nauc_precision_at_1_max": 33.58837545702206, + "nauc_precision_at_1_std": -11.623065310526266, + "nauc_precision_at_20_diff1": 16.8264764027673, + "nauc_precision_at_20_max": 17.684383034724306, + "nauc_precision_at_20_std": -4.715192266545397, + "nauc_precision_at_3_diff1": 21.074816828033445, + "nauc_precision_at_3_max": 21.203608983260384, + "nauc_precision_at_3_std": -7.0598567996303165, + "nauc_precision_at_5_diff1": 19.232226617012476, + "nauc_precision_at_5_max": 18.21464537199811, + "nauc_precision_at_5_std": -11.192063817701081, + "nauc_recall_at_1000_diff1": 13.682126336330219, + "nauc_recall_at_1000_max": 11.290148994929623, + "nauc_recall_at_1000_std": 15.234970859087472, + "nauc_recall_at_100_diff1": 21.54257810474028, + "nauc_recall_at_100_max": 18.319728481896473, + "nauc_recall_at_100_std": 1.8896944275133083, + "nauc_recall_at_10_diff1": 18.303586564099813, + "nauc_recall_at_10_max": 20.31707691425135, + "nauc_recall_at_10_std": -8.56717254223721, + "nauc_recall_at_1_diff1": 33.63991109177576, + "nauc_recall_at_1_max": 34.23354700535017, + "nauc_recall_at_1_std": -13.602316051776613, + "nauc_recall_at_20_diff1": 18.133732998590617, + "nauc_recall_at_20_max": 19.491824859679376, + "nauc_recall_at_20_std": -6.958404447908455, + "nauc_recall_at_3_diff1": 20.923379689287973, + "nauc_recall_at_3_max": 22.305262469725605, + "nauc_recall_at_3_std": -9.33545310798814, + "nauc_recall_at_5_diff1": 18.697534927162877, + "nauc_recall_at_5_max": 19.872464448638226, + "nauc_recall_at_5_std": -13.201942499761413, + "ndcg_at_1": 8.318, + "ndcg_at_10": 13.536999999999999, + "ndcg_at_100": 17.814, + "ndcg_at_1000": 21.037, + "ndcg_at_20": 14.795, + "ndcg_at_3": 10.584, + "ndcg_at_5": 11.631, + "precision_at_1": 8.318, + "precision_at_10": 2.348, + "precision_at_100": 0.488, + "precision_at_1000": 0.084, + "precision_at_20": 1.4789999999999999, + "precision_at_3": 4.559, + "precision_at_5": 3.327, + "recall_at_1": 7.468, + "recall_at_10": 20.508000000000003, + "recall_at_100": 40.969, + "recall_at_1000": 66.01, + "recall_at_20": 25.151, + "recall_at_3": 12.187000000000001, + "recall_at_5": 14.868 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/ClimateFEVER.json b/results/minishlab__M2V_base_glove_subword/external/ClimateFEVER.json new file mode 100644 index 000000000..afb6a9a25 --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/ClimateFEVER.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 14.015, + "map_at_1": 5.794, + "map_at_10": 9.467, + "map_at_100": 10.583, + "map_at_1000": 10.738, + "map_at_20": 10.019, + "map_at_3": 7.800999999999999, + "map_at_5": 8.530999999999999, + "mrr_at_1": 12.37785016286645, + "mrr_at_10": 19.195232924874603, + "mrr_at_100": 20.36171753911915, + "mrr_at_1000": 20.43422170175313, + "mrr_at_20": 19.925433949052078, + "mrr_at_3": 16.612377850162883, + "mrr_at_5": 17.928338762214977, + "nauc_map_at_1000_diff1": 30.77100530113992, + "nauc_map_at_1000_max": 3.930399825338355, + "nauc_map_at_1000_std": 19.339256296860647, + "nauc_map_at_100_diff1": 30.731834293026033, + "nauc_map_at_100_max": 3.9391965871824577, + "nauc_map_at_100_std": 18.994224188430934, + "nauc_map_at_10_diff1": 30.52002817023447, + "nauc_map_at_10_max": 4.047355652304053, + "nauc_map_at_10_std": 16.271456948493867, + "nauc_map_at_1_diff1": 40.78221783055125, + "nauc_map_at_1_max": 6.03643489529247, + "nauc_map_at_1_std": 10.164994264153364, + "nauc_map_at_20_diff1": 30.667265850525062, + "nauc_map_at_20_max": 3.808011497380771, + "nauc_map_at_20_std": 17.64597024700993, + "nauc_map_at_3_diff1": 32.9882945525325, + "nauc_map_at_3_max": 4.81442279492956, + "nauc_map_at_3_std": 11.72899701083213, + "nauc_map_at_5_diff1": 31.319747944398486, + "nauc_map_at_5_max": 4.789346536725522, + "nauc_map_at_5_std": 13.280932876910251, + "nauc_mrr_at_1000_diff1": 28.72974681423866, + "nauc_mrr_at_1000_max": 5.334428633833756, + "nauc_mrr_at_1000_std": 21.94603472046183, + "nauc_mrr_at_100_diff1": 28.71022403484308, + "nauc_mrr_at_100_max": 5.333420382518744, + "nauc_mrr_at_100_std": 21.95720361127466, + "nauc_mrr_at_10_diff1": 28.123142846152966, + "nauc_mrr_at_10_max": 5.476579464822251, + "nauc_mrr_at_10_std": 20.85306394069719, + "nauc_mrr_at_1_diff1": 34.81794628491484, + "nauc_mrr_at_1_max": 6.5806430588232905, + "nauc_mrr_at_1_std": 14.459527094653325, + "nauc_mrr_at_20_diff1": 28.439259242098213, + "nauc_mrr_at_20_max": 5.357148444191085, + "nauc_mrr_at_20_std": 21.61419717452997, + "nauc_mrr_at_3_diff1": 29.687849776616204, + "nauc_mrr_at_3_max": 5.740633779727121, + "nauc_mrr_at_3_std": 17.8879483888456, + "nauc_mrr_at_5_diff1": 28.47430129361797, + "nauc_mrr_at_5_max": 5.630703322113187, + "nauc_mrr_at_5_std": 19.229576158387964, + "nauc_ndcg_at_1000_diff1": 29.601902706390376, + "nauc_ndcg_at_1000_max": 2.953924251677932, + "nauc_ndcg_at_1000_std": 33.43699716309924, + "nauc_ndcg_at_100_diff1": 28.61050534370323, + "nauc_ndcg_at_100_max": 3.4205261114094623, + "nauc_ndcg_at_100_std": 29.71705615290654, + "nauc_ndcg_at_10_diff1": 27.08320442286844, + "nauc_ndcg_at_10_max": 3.7887194412304863, + "nauc_ndcg_at_10_std": 21.676623605562256, + "nauc_ndcg_at_1_diff1": 34.81794628491484, + "nauc_ndcg_at_1_max": 6.5806430588232905, + "nauc_ndcg_at_1_std": 14.459527094653325, + "nauc_ndcg_at_20_diff1": 27.787198576453758, + "nauc_ndcg_at_20_max": 3.1540397427527713, + "nauc_ndcg_at_20_std": 24.886749384694483, + "nauc_ndcg_at_3_diff1": 29.951818040541088, + "nauc_ndcg_at_3_max": 5.01579970046346, + "nauc_ndcg_at_3_std": 15.279492475081327, + "nauc_ndcg_at_5_diff1": 28.06492691727927, + "nauc_ndcg_at_5_max": 4.89933436886099, + "nauc_ndcg_at_5_std": 16.918642834035854, + "nauc_precision_at_1000_diff1": 15.771733257364474, + "nauc_precision_at_1000_max": 1.823845951487625, + "nauc_precision_at_1000_std": 49.1852294234272, + "nauc_precision_at_100_diff1": 18.265609570523985, + "nauc_precision_at_100_max": 4.2756221878446885, + "nauc_precision_at_100_std": 44.777126764828196, + "nauc_precision_at_10_diff1": 17.001368989158973, + "nauc_precision_at_10_max": 3.567699919296151, + "nauc_precision_at_10_std": 32.23622509514423, + "nauc_precision_at_1_diff1": 34.81794628491484, + "nauc_precision_at_1_max": 6.5806430588232905, + "nauc_precision_at_1_std": 14.459527094653325, + "nauc_precision_at_20_diff1": 17.635731357627552, + "nauc_precision_at_20_max": 3.034597543962715, + "nauc_precision_at_20_std": 37.444737258116376, + "nauc_precision_at_3_diff1": 22.582871559622486, + "nauc_precision_at_3_max": 6.018578205165446, + "nauc_precision_at_3_std": 19.760719025296815, + "nauc_precision_at_5_diff1": 18.665624106588705, + "nauc_precision_at_5_max": 5.618829486159042, + "nauc_precision_at_5_std": 24.487192977269594, + "nauc_recall_at_1000_diff1": 26.313094272841823, + "nauc_recall_at_1000_max": -3.0358409209748767, + "nauc_recall_at_1000_std": 52.23483909347241, + "nauc_recall_at_100_diff1": 22.619825448361848, + "nauc_recall_at_100_max": -0.48782855898636057, + "nauc_recall_at_100_std": 39.456946722540245, + "nauc_recall_at_10_diff1": 21.248191636390427, + "nauc_recall_at_10_max": 1.057162598023577, + "nauc_recall_at_10_std": 26.28529915222162, + "nauc_recall_at_1_diff1": 40.78221783055125, + "nauc_recall_at_1_max": 6.03643489529247, + "nauc_recall_at_1_std": 10.164994264153364, + "nauc_recall_at_20_diff1": 22.329681015763143, + "nauc_recall_at_20_max": -0.9021963926705002, + "nauc_recall_at_20_std": 31.423263430139137, + "nauc_recall_at_3_diff1": 27.367759082174025, + "nauc_recall_at_3_max": 3.9289202004328527, + "nauc_recall_at_3_std": 13.622863131134919, + "nauc_recall_at_5_diff1": 22.76288213235621, + "nauc_recall_at_5_max": 3.471221773429057, + "nauc_recall_at_5_std": 17.585600220417064, + "ndcg_at_1": 12.378, + "ndcg_at_10": 14.015, + "ndcg_at_100": 19.555, + "ndcg_at_1000": 22.979, + "ndcg_at_20": 16.019, + "ndcg_at_3": 10.780000000000001, + "ndcg_at_5": 11.773, + "precision_at_1": 12.378, + "precision_at_10": 4.567, + "precision_at_100": 1.035, + "precision_at_1000": 0.166, + "precision_at_20": 3.114, + "precision_at_3": 7.926, + "precision_at_5": 6.215, + "recall_at_1": 5.794, + "recall_at_10": 17.407, + "recall_at_100": 37.191, + "recall_at_1000": 56.851, + "recall_at_20": 23.165, + "recall_at_3": 9.713, + "recall_at_5": 12.415 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/DBPedia.json b/results/minishlab__M2V_base_glove_subword/external/DBPedia.json new file mode 100644 index 000000000..0149e9d2d --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/DBPedia.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 19.899, + "map_at_1": 3.465, + "map_at_10": 7.794, + "map_at_100": 10.933, + "map_at_1000": 11.752, + "map_at_20": 9.016, + "map_at_3": 5.427, + "map_at_5": 6.502, + "mrr_at_1": 34.75, + "mrr_at_10": 45.200793650793656, + "mrr_at_100": 46.05239344037991, + "mrr_at_1000": 46.0856684337964, + "mrr_at_20": 45.710684362077565, + "mrr_at_3": 42.208333333333336, + "mrr_at_5": 43.808333333333344, + "nauc_map_at_1000_diff1": 18.86972613270399, + "nauc_map_at_1000_max": 20.274156189253244, + "nauc_map_at_1000_std": 22.191040122589133, + "nauc_map_at_100_diff1": 18.788504382797093, + "nauc_map_at_100_max": 18.991259275904696, + "nauc_map_at_100_std": 19.224470200905856, + "nauc_map_at_10_diff1": 18.750083550817912, + "nauc_map_at_10_max": 10.317804767409177, + "nauc_map_at_10_std": 4.146780937716071, + "nauc_map_at_1_diff1": 24.593368387483753, + "nauc_map_at_1_max": 4.589639725353537, + "nauc_map_at_1_std": -8.92237341364795, + "nauc_map_at_20_diff1": 18.991788660584362, + "nauc_map_at_20_max": 13.525701435829877, + "nauc_map_at_20_std": 10.505788067068151, + "nauc_map_at_3_diff1": 18.3208401615434, + "nauc_map_at_3_max": 9.337037518676164, + "nauc_map_at_3_std": -3.652233530159517, + "nauc_map_at_5_diff1": 18.092639410476284, + "nauc_map_at_5_max": 10.092917720641017, + "nauc_map_at_5_std": 0.17001723577182712, + "nauc_mrr_at_1000_diff1": 29.78358698105705, + "nauc_mrr_at_1000_max": 28.715621788566008, + "nauc_mrr_at_1000_std": 22.028656730472925, + "nauc_mrr_at_100_diff1": 29.790252324106998, + "nauc_mrr_at_100_max": 28.742783310038494, + "nauc_mrr_at_100_std": 22.03968708083945, + "nauc_mrr_at_10_diff1": 29.438930345540236, + "nauc_mrr_at_10_max": 28.65369065827219, + "nauc_mrr_at_10_std": 21.78750467411176, + "nauc_mrr_at_1_diff1": 35.330827390243996, + "nauc_mrr_at_1_max": 26.56882708002626, + "nauc_mrr_at_1_std": 21.623824720391546, + "nauc_mrr_at_20_diff1": 29.738885034343433, + "nauc_mrr_at_20_max": 28.757633233697227, + "nauc_mrr_at_20_std": 21.94206110931751, + "nauc_mrr_at_3_diff1": 30.084883512926936, + "nauc_mrr_at_3_max": 28.504733195949854, + "nauc_mrr_at_3_std": 21.343105616755405, + "nauc_mrr_at_5_diff1": 29.162370505723974, + "nauc_mrr_at_5_max": 28.302134300102317, + "nauc_mrr_at_5_std": 21.967069891186686, + "nauc_ndcg_at_1000_diff1": 21.5599701482179, + "nauc_ndcg_at_1000_max": 19.60442562497246, + "nauc_ndcg_at_1000_std": 38.57803059971978, + "nauc_ndcg_at_100_diff1": 20.869754081262034, + "nauc_ndcg_at_100_max": 17.061854693160267, + "nauc_ndcg_at_100_std": 28.495912815567348, + "nauc_ndcg_at_10_diff1": 21.68424149188379, + "nauc_ndcg_at_10_max": 17.7957499268384, + "nauc_ndcg_at_10_std": 20.329697185043177, + "nauc_ndcg_at_1_diff1": 33.15797652004303, + "nauc_ndcg_at_1_max": 19.169777835934728, + "nauc_ndcg_at_1_std": 16.460300389696954, + "nauc_ndcg_at_20_diff1": 20.980003079381408, + "nauc_ndcg_at_20_max": 16.31240132872873, + "nauc_ndcg_at_20_std": 21.336530494236147, + "nauc_ndcg_at_3_diff1": 23.747010783899103, + "nauc_ndcg_at_3_max": 20.514543159699503, + "nauc_ndcg_at_3_std": 19.913679184651535, + "nauc_ndcg_at_5_diff1": 21.811506356457578, + "nauc_ndcg_at_5_max": 19.600228375339086, + "nauc_ndcg_at_5_std": 20.80223119600392, + "nauc_precision_at_1000_diff1": 7.616167380395875, + "nauc_precision_at_1000_max": 24.36987688613695, + "nauc_precision_at_1000_std": 28.517709442088883, + "nauc_precision_at_100_diff1": 10.899372478558005, + "nauc_precision_at_100_max": 32.52543047557354, + "nauc_precision_at_100_std": 40.418143841067725, + "nauc_precision_at_10_diff1": 12.454659530883022, + "nauc_precision_at_10_max": 26.633347275996822, + "nauc_precision_at_10_std": 31.766535462628333, + "nauc_precision_at_1_diff1": 35.330827390243996, + "nauc_precision_at_1_max": 26.56882708002626, + "nauc_precision_at_1_std": 21.623824720391546, + "nauc_precision_at_20_diff1": 13.710148345557894, + "nauc_precision_at_20_max": 30.06641352798287, + "nauc_precision_at_20_std": 37.51642649937503, + "nauc_precision_at_3_diff1": 19.379905126167277, + "nauc_precision_at_3_max": 29.474064921517996, + "nauc_precision_at_3_std": 24.324769024438673, + "nauc_precision_at_5_diff1": 14.983583546795229, + "nauc_precision_at_5_max": 29.377923800204137, + "nauc_precision_at_5_std": 28.792665620205433, + "nauc_recall_at_1000_diff1": 9.420323994147108, + "nauc_recall_at_1000_max": 1.716458858147155, + "nauc_recall_at_1000_std": 42.675208969537806, + "nauc_recall_at_100_diff1": 10.524089820623148, + "nauc_recall_at_100_max": 4.847393922578022, + "nauc_recall_at_100_std": 25.881256479477425, + "nauc_recall_at_10_diff1": 10.405559854705523, + "nauc_recall_at_10_max": -0.7229949712397538, + "nauc_recall_at_10_std": 1.2453684953323285, + "nauc_recall_at_1_diff1": 24.593368387483753, + "nauc_recall_at_1_max": 4.589639725353537, + "nauc_recall_at_1_std": -8.92237341364795, + "nauc_recall_at_20_diff1": 9.153545675349667, + "nauc_recall_at_20_max": 1.0523663509920702, + "nauc_recall_at_20_std": 9.617722656364721, + "nauc_recall_at_3_diff1": 11.453608857041628, + "nauc_recall_at_3_max": 6.541125581241787, + "nauc_recall_at_3_std": -6.374588849217941, + "nauc_recall_at_5_diff1": 10.747977942968255, + "nauc_recall_at_5_max": 3.2154611210290445, + "nauc_recall_at_5_std": -1.2652013924076986, + "ndcg_at_1": 24.25, + "ndcg_at_10": 19.899, + "ndcg_at_100": 23.204, + "ndcg_at_1000": 29.658, + "ndcg_at_20": 19.583000000000002, + "ndcg_at_3": 21.335, + "ndcg_at_5": 20.413999999999998, + "precision_at_1": 34.75, + "precision_at_10": 18.075, + "precision_at_100": 5.897, + "precision_at_1000": 1.22, + "precision_at_20": 13.55, + "precision_at_3": 26.833000000000002, + "precision_at_5": 22.6, + "recall_at_1": 3.465, + "recall_at_10": 12.606, + "recall_at_100": 29.843999999999998, + "recall_at_1000": 52.242999999999995, + "recall_at_20": 16.930999999999997, + "recall_at_3": 6.425, + "recall_at_5": 8.818 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/EmotionClassification.json b/results/minishlab__M2V_base_glove_subword/external/EmotionClassification.json new file mode 100644 index 000000000..03ac5df61 --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/EmotionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 38.339999999999996, + "f1": 34.598741976118816, + "f1_weighted": 40.51989104726522, + "main_score": 38.339999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/FEVER.json b/results/minishlab__M2V_base_glove_subword/external/FEVER.json new file mode 100644 index 000000000..6765631f6 --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/FEVER.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 25.006, + "map_at_1": 13.943, + "map_at_10": 20.706, + "map_at_100": 21.740000000000002, + "map_at_1000": 21.822, + "map_at_20": 21.267, + "map_at_3": 18.35, + "map_at_5": 19.636, + "mrr_at_1": 14.79147914791479, + "mrr_at_10": 21.939967806304423, + "mrr_at_100": 22.991772526136195, + "mrr_at_1000": 23.068306121221312, + "mrr_at_20": 22.521146379622163, + "mrr_at_3": 19.484448444844478, + "mrr_at_5": 20.817331733173358, + "nauc_map_at_1000_diff1": 19.35822964414219, + "nauc_map_at_1000_max": 8.897124191699918, + "nauc_map_at_1000_std": -14.004128494439424, + "nauc_map_at_100_diff1": 19.34567869663468, + "nauc_map_at_100_max": 8.8745190516295, + "nauc_map_at_100_std": -14.025946762212236, + "nauc_map_at_10_diff1": 19.478894508723158, + "nauc_map_at_10_max": 8.614136366133858, + "nauc_map_at_10_std": -14.636265322683597, + "nauc_map_at_1_diff1": 23.688109743445253, + "nauc_map_at_1_max": 10.721419669570178, + "nauc_map_at_1_std": -17.00198995751755, + "nauc_map_at_20_diff1": 19.40994853288039, + "nauc_map_at_20_max": 8.788561538894676, + "nauc_map_at_20_std": -14.287595480928521, + "nauc_map_at_3_diff1": 20.019246737479236, + "nauc_map_at_3_max": 8.530000749651693, + "nauc_map_at_3_std": -16.31053852110094, + "nauc_map_at_5_diff1": 19.574801722611753, + "nauc_map_at_5_max": 8.431256040109632, + "nauc_map_at_5_std": -15.42991927435635, + "nauc_mrr_at_1000_diff1": 19.199456594864415, + "nauc_mrr_at_1000_max": 9.053366261880821, + "nauc_mrr_at_1000_std": -14.325311358790312, + "nauc_mrr_at_100_diff1": 19.183968461336264, + "nauc_mrr_at_100_max": 9.0406708211084, + "nauc_mrr_at_100_std": -14.333168371749, + "nauc_mrr_at_10_diff1": 19.286280952658004, + "nauc_mrr_at_10_max": 8.786679451075301, + "nauc_mrr_at_10_std": -14.85433165190137, + "nauc_mrr_at_1_diff1": 23.372945217632637, + "nauc_mrr_at_1_max": 10.757009456320713, + "nauc_mrr_at_1_std": -17.37470573558239, + "nauc_mrr_at_20_diff1": 19.204260097760162, + "nauc_mrr_at_20_max": 8.967269936629057, + "nauc_mrr_at_20_std": -14.556203577633491, + "nauc_mrr_at_3_diff1": 19.802237510569196, + "nauc_mrr_at_3_max": 8.660412322072549, + "nauc_mrr_at_3_std": -16.483667365878983, + "nauc_mrr_at_5_diff1": 19.417190218500963, + "nauc_mrr_at_5_max": 8.592050482160923, + "nauc_mrr_at_5_std": -15.666970940052721, + "nauc_ndcg_at_1000_diff1": 17.770326257033936, + "nauc_ndcg_at_1000_max": 9.986868282212038, + "nauc_ndcg_at_1000_std": -9.378246687942493, + "nauc_ndcg_at_100_diff1": 17.57851695979306, + "nauc_ndcg_at_100_max": 9.516456101829059, + "nauc_ndcg_at_100_std": -9.92852108588332, + "nauc_ndcg_at_10_diff1": 18.211042534939516, + "nauc_ndcg_at_10_max": 8.263500593038305, + "nauc_ndcg_at_10_std": -12.860334730832001, + "nauc_ndcg_at_1_diff1": 23.372945217632637, + "nauc_ndcg_at_1_max": 10.757009456320713, + "nauc_ndcg_at_1_std": -17.37470573558239, + "nauc_ndcg_at_20_diff1": 17.910709608958474, + "nauc_ndcg_at_20_max": 8.893940446709529, + "nauc_ndcg_at_20_std": -11.689263799945813, + "nauc_ndcg_at_3_diff1": 19.09880112910806, + "nauc_ndcg_at_3_max": 8.023263463318175, + "nauc_ndcg_at_3_std": -16.092374418892373, + "nauc_ndcg_at_5_diff1": 18.42900402442049, + "nauc_ndcg_at_5_max": 7.8858287226066235, + "nauc_ndcg_at_5_std": -14.661280178399608, + "nauc_precision_at_1000_diff1": 3.642347466781283, + "nauc_precision_at_1000_max": 16.952404316587614, + "nauc_precision_at_1000_std": 21.40131424089912, + "nauc_precision_at_100_diff1": 9.750805732461842, + "nauc_precision_at_100_max": 13.757879488937125, + "nauc_precision_at_100_std": 8.039378982280406, + "nauc_precision_at_10_diff1": 14.7918457440186, + "nauc_precision_at_10_max": 8.123251440844076, + "nauc_precision_at_10_std": -7.766522118292242, + "nauc_precision_at_1_diff1": 23.372945217632637, + "nauc_precision_at_1_max": 10.757009456320713, + "nauc_precision_at_1_std": -17.37470573558239, + "nauc_precision_at_20_diff1": 13.317651277911787, + "nauc_precision_at_20_max": 10.204911801413331, + "nauc_precision_at_20_std": -3.322012947463638, + "nauc_precision_at_3_diff1": 16.938989829945534, + "nauc_precision_at_3_max": 7.007727368306191, + "nauc_precision_at_3_std": -15.264146253300096, + "nauc_precision_at_5_diff1": 15.595830777905029, + "nauc_precision_at_5_max": 6.87438645405223, + "nauc_precision_at_5_std": -12.548740115098678, + "nauc_recall_at_1000_diff1": 9.009543867034727, + "nauc_recall_at_1000_max": 18.305044258577915, + "nauc_recall_at_1000_std": 23.009148418514425, + "nauc_recall_at_100_diff1": 11.15850015080056, + "nauc_recall_at_100_max": 11.780408791390519, + "nauc_recall_at_100_std": 6.246652097817795, + "nauc_recall_at_10_diff1": 15.099829144415247, + "nauc_recall_at_10_max": 7.075068492864811, + "nauc_recall_at_10_std": -7.878092251138417, + "nauc_recall_at_1_diff1": 23.688109743445253, + "nauc_recall_at_1_max": 10.721419669570178, + "nauc_recall_at_1_std": -17.00198995751755, + "nauc_recall_at_20_diff1": 13.85704310580134, + "nauc_recall_at_20_max": 9.007426388276338, + "nauc_recall_at_20_std": -3.9997271157444843, + "nauc_recall_at_3_diff1": 16.851129797737183, + "nauc_recall_at_3_max": 6.616028659229676, + "nauc_recall_at_3_std": -15.286301162412613, + "nauc_recall_at_5_diff1": 15.671635716227339, + "nauc_recall_at_5_max": 6.342388043913686, + "nauc_recall_at_5_std": -12.39987752967968, + "ndcg_at_1": 14.791000000000002, + "ndcg_at_10": 25.006, + "ndcg_at_100": 30.471999999999998, + "ndcg_at_1000": 32.806000000000004, + "ndcg_at_20": 27.058, + "ndcg_at_3": 20.112, + "ndcg_at_5": 22.413, + "precision_at_1": 14.791000000000002, + "precision_at_10": 4.055000000000001, + "precision_at_100": 0.697, + "precision_at_1000": 0.092, + "precision_at_20": 2.465, + "precision_at_3": 8.626000000000001, + "precision_at_5": 6.382000000000001, + "recall_at_1": 13.943, + "recall_at_10": 37.397000000000006, + "recall_at_100": 63.334999999999994, + "recall_at_1000": 81.428, + "recall_at_20": 45.358, + "recall_at_3": 24.082, + "recall_at_5": 29.563 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/FiQA2018.json b/results/minishlab__M2V_base_glove_subword/external/FiQA2018.json new file mode 100644 index 000000000..37c1a223c --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/FiQA2018.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 11.167, + "map_at_1": 5.055, + "map_at_10": 7.974, + "map_at_100": 8.738, + "map_at_1000": 8.916, + "map_at_20": 8.341, + "map_at_3": 6.857, + "map_at_5": 7.5009999999999994, + "mrr_at_1": 10.030864197530864, + "mrr_at_10": 14.756087105624141, + "mrr_at_100": 15.562190249516133, + "mrr_at_1000": 15.69044643307793, + "mrr_at_20": 15.164252290155286, + "mrr_at_3": 13.297325102880658, + "mrr_at_5": 14.130658436213992, + "nauc_map_at_1000_diff1": 21.581584639641356, + "nauc_map_at_1000_max": -3.591350057991658, + "nauc_map_at_1000_std": 2.2450733180258466, + "nauc_map_at_100_diff1": 21.678068750484663, + "nauc_map_at_100_max": -3.754793884673454, + "nauc_map_at_100_std": 2.1134125512643034, + "nauc_map_at_10_diff1": 22.267707890250872, + "nauc_map_at_10_max": -4.109027667129512, + "nauc_map_at_10_std": 1.7397026170215282, + "nauc_map_at_1_diff1": 24.393602819317127, + "nauc_map_at_1_max": -5.463161484041758, + "nauc_map_at_1_std": 3.4527844717330898, + "nauc_map_at_20_diff1": 22.16603827194384, + "nauc_map_at_20_max": -3.829133240985351, + "nauc_map_at_20_std": 2.273305218017184, + "nauc_map_at_3_diff1": 25.550971234557217, + "nauc_map_at_3_max": -5.912131631375139, + "nauc_map_at_3_std": 2.6270431833752226, + "nauc_map_at_5_diff1": 23.693227817850918, + "nauc_map_at_5_max": -4.430117256044587, + "nauc_map_at_5_std": 1.90476330618582, + "nauc_mrr_at_1000_diff1": 18.407848757651383, + "nauc_mrr_at_1000_max": 1.4692643101259266, + "nauc_mrr_at_1000_std": -1.4737021198395484, + "nauc_mrr_at_100_diff1": 18.373936364611946, + "nauc_mrr_at_100_max": 1.4600491055347338, + "nauc_mrr_at_100_std": -1.5315816773226647, + "nauc_mrr_at_10_diff1": 18.812075225359994, + "nauc_mrr_at_10_max": 1.1423422260007967, + "nauc_mrr_at_10_std": -1.4331421942145333, + "nauc_mrr_at_1_diff1": 21.042020105537055, + "nauc_mrr_at_1_max": -1.8286330117738627, + "nauc_mrr_at_1_std": 0.6107108684145417, + "nauc_mrr_at_20_diff1": 18.67480478225173, + "nauc_mrr_at_20_max": 1.262037517477333, + "nauc_mrr_at_20_std": -1.3030974525400356, + "nauc_mrr_at_3_diff1": 20.263359986054837, + "nauc_mrr_at_3_max": -0.3775317483949404, + "nauc_mrr_at_3_std": -1.365236958935102, + "nauc_mrr_at_5_diff1": 19.555216165143772, + "nauc_mrr_at_5_max": 0.364621169263337, + "nauc_mrr_at_5_std": -1.0513020604553038, + "nauc_ndcg_at_1000_diff1": 15.768274611971735, + "nauc_ndcg_at_1000_max": 2.0520976478520327, + "nauc_ndcg_at_1000_std": 2.877627036243521, + "nauc_ndcg_at_100_diff1": 16.128663871942763, + "nauc_ndcg_at_100_max": -0.34227560585178396, + "nauc_ndcg_at_100_std": 0.8164780238765409, + "nauc_ndcg_at_10_diff1": 19.282198569420846, + "nauc_ndcg_at_10_max": -1.3250908207898342, + "nauc_ndcg_at_10_std": 0.28825143098016265, + "nauc_ndcg_at_1_diff1": 21.042020105537055, + "nauc_ndcg_at_1_max": -1.8286330117738627, + "nauc_ndcg_at_1_std": 0.6107108684145417, + "nauc_ndcg_at_20_diff1": 19.028654575882847, + "nauc_ndcg_at_20_max": -0.9325610304848784, + "nauc_ndcg_at_20_std": 1.5749962746078057, + "nauc_ndcg_at_3_diff1": 21.864688221213875, + "nauc_ndcg_at_3_max": -2.6883486751081693, + "nauc_ndcg_at_3_std": 0.17632918486246743, + "nauc_ndcg_at_5_diff1": 21.280319590515656, + "nauc_ndcg_at_5_max": -1.7628672417522795, + "nauc_ndcg_at_5_std": 0.35504411508050127, + "nauc_precision_at_1000_diff1": -5.134118935123325, + "nauc_precision_at_1000_max": 22.854317653101646, + "nauc_precision_at_1000_std": -5.519945670535999, + "nauc_precision_at_100_diff1": 2.410623305126647, + "nauc_precision_at_100_max": 11.323949150994391, + "nauc_precision_at_100_std": -4.4400164174748395, + "nauc_precision_at_10_diff1": 11.14562925123435, + "nauc_precision_at_10_max": 6.701684471603129, + "nauc_precision_at_10_std": -3.507090397196342, + "nauc_precision_at_1_diff1": 21.042020105537055, + "nauc_precision_at_1_max": -1.8286330117738627, + "nauc_precision_at_1_std": 0.6107108684145417, + "nauc_precision_at_20_diff1": 10.58098788224169, + "nauc_precision_at_20_max": 7.5107799297769935, + "nauc_precision_at_20_std": -1.5100106529478114, + "nauc_precision_at_3_diff1": 19.795198818057667, + "nauc_precision_at_3_max": 0.4713854827815967, + "nauc_precision_at_3_std": -3.125924766538086, + "nauc_precision_at_5_diff1": 16.907379789095696, + "nauc_precision_at_5_max": 4.140243156305644, + "nauc_precision_at_5_std": -1.8178346354290582, + "nauc_recall_at_1000_diff1": 4.711761259530349, + "nauc_recall_at_1000_max": 3.897303116005553, + "nauc_recall_at_1000_std": 14.259168849028104, + "nauc_recall_at_100_diff1": 4.811342813866857, + "nauc_recall_at_100_max": -0.46422331209391143, + "nauc_recall_at_100_std": 1.702190380676355, + "nauc_recall_at_10_diff1": 14.112982578958079, + "nauc_recall_at_10_max": -0.6934250965951679, + "nauc_recall_at_10_std": -0.19882683954238423, + "nauc_recall_at_1_diff1": 24.393602819317127, + "nauc_recall_at_1_max": -5.463161484041758, + "nauc_recall_at_1_std": 3.4527844717330898, + "nauc_recall_at_20_diff1": 13.19557557901834, + "nauc_recall_at_20_max": 0.1538644708778628, + "nauc_recall_at_20_std": 3.0492797001932974, + "nauc_recall_at_3_diff1": 24.182210704492558, + "nauc_recall_at_3_max": -6.034324229051654, + "nauc_recall_at_3_std": 2.8490090980023637, + "nauc_recall_at_5_diff1": 19.011063131073744, + "nauc_recall_at_5_max": -2.119359618883548, + "nauc_recall_at_5_std": 0.8198903805407032, + "ndcg_at_1": 10.030999999999999, + "ndcg_at_10": 11.167, + "ndcg_at_100": 15.409, + "ndcg_at_1000": 19.947, + "ndcg_at_20": 12.483, + "ndcg_at_3": 9.532, + "ndcg_at_5": 10.184, + "precision_at_1": 10.030999999999999, + "precision_at_10": 3.1329999999999996, + "precision_at_100": 0.7270000000000001, + "precision_at_1000": 0.15, + "precision_at_20": 2.06, + "precision_at_3": 6.481000000000001, + "precision_at_5": 4.877, + "recall_at_1": 5.055, + "recall_at_10": 14.193, + "recall_at_100": 31.47, + "recall_at_1000": 60.007, + "recall_at_20": 18.532, + "recall_at_3": 8.863999999999999, + "recall_at_5": 11.354000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/HotpotQA.json b/results/minishlab__M2V_base_glove_subword/external/HotpotQA.json new file mode 100644 index 000000000..da707caa1 --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/HotpotQA.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 30.837999999999997, + "map_at_1": 17.535, + "map_at_10": 24.127000000000002, + "map_at_100": 24.897, + "map_at_1000": 24.991, + "map_at_20": 24.537, + "map_at_3": 22.314, + "map_at_5": 23.369, + "mrr_at_1": 35.07089804186361, + "mrr_at_10": 41.84109835696607, + "mrr_at_100": 42.50312939357189, + "mrr_at_1000": 42.557192847100204, + "mrr_at_20": 42.23392771922393, + "mrr_at_3": 40.0540175557057, + "mrr_at_5": 41.09723160027011, + "nauc_map_at_1000_diff1": 53.405765033756104, + "nauc_map_at_1000_max": 7.122736293690594, + "nauc_map_at_1000_std": 25.154222353909706, + "nauc_map_at_100_diff1": 53.424105025391235, + "nauc_map_at_100_max": 7.127661247301736, + "nauc_map_at_100_std": 25.080306702030054, + "nauc_map_at_10_diff1": 53.83507469889932, + "nauc_map_at_10_max": 7.239978390454264, + "nauc_map_at_10_std": 24.216110502987867, + "nauc_map_at_1_diff1": 64.45610830977103, + "nauc_map_at_1_max": 10.831236114417758, + "nauc_map_at_1_std": 18.282463736681766, + "nauc_map_at_20_diff1": 53.50246555744542, + "nauc_map_at_20_max": 7.1666672586766085, + "nauc_map_at_20_std": 24.648695320801803, + "nauc_map_at_3_diff1": 55.467529631560474, + "nauc_map_at_3_max": 8.281275214726968, + "nauc_map_at_3_std": 22.436972833181386, + "nauc_map_at_5_diff1": 54.2596974292177, + "nauc_map_at_5_max": 7.5791705198322585, + "nauc_map_at_5_std": 23.272036332669295, + "nauc_mrr_at_1000_diff1": 60.01986079158693, + "nauc_mrr_at_1000_max": 9.046571417308733, + "nauc_mrr_at_1000_std": 22.078576232724707, + "nauc_mrr_at_100_diff1": 60.01145860886984, + "nauc_mrr_at_100_max": 9.036448042324515, + "nauc_mrr_at_100_std": 22.073613864801413, + "nauc_mrr_at_10_diff1": 60.138490480821595, + "nauc_mrr_at_10_max": 9.09851806151594, + "nauc_mrr_at_10_std": 21.871816692853095, + "nauc_mrr_at_1_diff1": 64.45610830977103, + "nauc_mrr_at_1_max": 10.831236114417758, + "nauc_mrr_at_1_std": 18.282463736681766, + "nauc_mrr_at_20_diff1": 60.020756965348596, + "nauc_mrr_at_20_max": 9.067384772615947, + "nauc_mrr_at_20_std": 22.007284296200602, + "nauc_mrr_at_3_diff1": 60.848848858927965, + "nauc_mrr_at_3_max": 9.77819590832476, + "nauc_mrr_at_3_std": 20.7857772481929, + "nauc_mrr_at_5_diff1": 60.23023654313581, + "nauc_mrr_at_5_max": 9.297697720996952, + "nauc_mrr_at_5_std": 21.305246554366864, + "nauc_ndcg_at_1000_diff1": 51.9050817941371, + "nauc_ndcg_at_1000_max": 6.253060051785559, + "nauc_ndcg_at_1000_std": 29.724428357103015, + "nauc_ndcg_at_100_diff1": 52.197825295468256, + "nauc_ndcg_at_100_max": 6.212784383093877, + "nauc_ndcg_at_100_std": 28.65006820758606, + "nauc_ndcg_at_10_diff1": 53.6117173506942, + "nauc_ndcg_at_10_max": 6.6792682572264646, + "nauc_ndcg_at_10_std": 25.56356291488488, + "nauc_ndcg_at_1_diff1": 64.45610830977103, + "nauc_ndcg_at_1_max": 10.831236114417758, + "nauc_ndcg_at_1_std": 18.282463736681766, + "nauc_ndcg_at_20_diff1": 52.725481130189465, + "nauc_ndcg_at_20_max": 6.443880761918098, + "nauc_ndcg_at_20_std": 26.623544659694815, + "nauc_ndcg_at_3_diff1": 56.087927881432066, + "nauc_ndcg_at_3_max": 8.38309550543212, + "nauc_ndcg_at_3_std": 22.573762514655623, + "nauc_ndcg_at_5_diff1": 54.351073912334144, + "nauc_ndcg_at_5_max": 7.325834612406898, + "nauc_ndcg_at_5_std": 23.7625099537027, + "nauc_precision_at_1000_diff1": 24.555760070632065, + "nauc_precision_at_1000_max": -0.030378364610462727, + "nauc_precision_at_1000_std": 43.44197980424529, + "nauc_precision_at_100_diff1": 31.89263750680818, + "nauc_precision_at_100_max": 0.5967214311073074, + "nauc_precision_at_100_std": 38.028330866223165, + "nauc_precision_at_10_diff1": 42.72001946616996, + "nauc_precision_at_10_max": 2.759405409849438, + "nauc_precision_at_10_std": 29.948179807406504, + "nauc_precision_at_1_diff1": 64.45610830977103, + "nauc_precision_at_1_max": 10.831236114417758, + "nauc_precision_at_1_std": 18.282463736681766, + "nauc_precision_at_20_diff1": 38.77807631886789, + "nauc_precision_at_20_max": 1.8720818516278552, + "nauc_precision_at_20_std": 32.59464097769524, + "nauc_precision_at_3_diff1": 50.84352281110305, + "nauc_precision_at_3_max": 6.8098905022703455, + "nauc_precision_at_3_std": 24.54656806570455, + "nauc_precision_at_5_diff1": 46.09980845642094, + "nauc_precision_at_5_max": 4.489864393832119, + "nauc_precision_at_5_std": 26.34146412719015, + "nauc_recall_at_1000_diff1": 24.55576007063215, + "nauc_recall_at_1000_max": -0.030378364610333563, + "nauc_recall_at_1000_std": 43.441979804245264, + "nauc_recall_at_100_diff1": 31.892637506808146, + "nauc_recall_at_100_max": 0.5967214311073054, + "nauc_recall_at_100_std": 38.02833086622307, + "nauc_recall_at_10_diff1": 42.72001946616998, + "nauc_recall_at_10_max": 2.7594054098494403, + "nauc_recall_at_10_std": 29.94817980740652, + "nauc_recall_at_1_diff1": 64.45610830977103, + "nauc_recall_at_1_max": 10.831236114417758, + "nauc_recall_at_1_std": 18.282463736681766, + "nauc_recall_at_20_diff1": 38.77807631886782, + "nauc_recall_at_20_max": 1.872081851627872, + "nauc_recall_at_20_std": 32.594640977695256, + "nauc_recall_at_3_diff1": 50.843522811103036, + "nauc_recall_at_3_max": 6.809890502270356, + "nauc_recall_at_3_std": 24.546568065704555, + "nauc_recall_at_5_diff1": 46.09980845642094, + "nauc_recall_at_5_max": 4.48986439383211, + "nauc_recall_at_5_std": 26.341464127190157, + "ndcg_at_1": 35.071000000000005, + "ndcg_at_10": 30.837999999999997, + "ndcg_at_100": 34.473, + "ndcg_at_1000": 36.788, + "ndcg_at_20": 32.193, + "ndcg_at_3": 27.412999999999997, + "ndcg_at_5": 29.160999999999998, + "precision_at_1": 35.071000000000005, + "precision_at_10": 6.694999999999999, + "precision_at_100": 0.96, + "precision_at_1000": 0.127, + "precision_at_20": 3.785, + "precision_at_3": 17.187, + "precision_at_5": 11.700000000000001, + "recall_at_1": 17.535, + "recall_at_10": 33.477000000000004, + "recall_at_100": 48.015, + "recall_at_1000": 63.483999999999995, + "recall_at_20": 37.846000000000004, + "recall_at_3": 25.779999999999998, + "recall_at_5": 29.250999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/ImdbClassification.json b/results/minishlab__M2V_base_glove_subword/external/ImdbClassification.json new file mode 100644 index 000000000..6220321e6 --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/ImdbClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 66.5616, + "ap": 61.38581579080602, + "ap_weighted": 61.38581579080602, + "f1": 66.15361405073979, + "f1_weighted": 66.15361405073978, + "main_score": 66.5616 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/MSMARCO.json b/results/minishlab__M2V_base_glove_subword/external/MSMARCO.json new file mode 100644 index 000000000..0accad010 --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/MSMARCO.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 28.034, + "map_at_1": 0.66, + "map_at_10": 4.3709999999999996, + "map_at_100": 12.02, + "map_at_1000": 15.081, + "map_at_20": 6.718, + "map_at_3": 1.7389999999999999, + "map_at_5": 2.5919999999999996, + "mrr_at_1": 41.86046511627907, + "mrr_at_10": 54.15651531930602, + "mrr_at_100": 54.68712248786739, + "mrr_at_1000": 54.68712248786739, + "mrr_at_20": 54.272794389073454, + "mrr_at_3": 51.937984496124024, + "mrr_at_5": 52.40310077519379, + "nauc_map_at_1000_diff1": 8.067177552562086, + "nauc_map_at_1000_max": 50.80997888655191, + "nauc_map_at_1000_std": 55.48450092063327, + "nauc_map_at_100_diff1": 11.852088152898117, + "nauc_map_at_100_max": 48.192262801076275, + "nauc_map_at_100_std": 46.99716861803027, + "nauc_map_at_10_diff1": 12.440097979884552, + "nauc_map_at_10_max": 29.873253516213786, + "nauc_map_at_10_std": 30.42960299808594, + "nauc_map_at_1_diff1": 34.552395254431445, + "nauc_map_at_1_max": 38.69572501766299, + "nauc_map_at_1_std": 23.493916737503017, + "nauc_map_at_20_diff1": 13.785974512045621, + "nauc_map_at_20_max": 34.54060954861762, + "nauc_map_at_20_std": 36.78361062739522, + "nauc_map_at_3_diff1": 25.396598443628488, + "nauc_map_at_3_max": 40.38715214284343, + "nauc_map_at_3_std": 25.366480567034372, + "nauc_map_at_5_diff1": 21.758905499107037, + "nauc_map_at_5_max": 35.664518863717646, + "nauc_map_at_5_std": 27.149202253810024, + "nauc_mrr_at_1000_diff1": 17.603886573367394, + "nauc_mrr_at_1000_max": 58.66874119428572, + "nauc_mrr_at_1000_std": 42.279175325006555, + "nauc_mrr_at_100_diff1": 17.603886573367394, + "nauc_mrr_at_100_max": 58.66874119428572, + "nauc_mrr_at_100_std": 42.279175325006555, + "nauc_mrr_at_10_diff1": 17.323803643197643, + "nauc_mrr_at_10_max": 58.762972566248315, + "nauc_mrr_at_10_std": 42.56956515834332, + "nauc_mrr_at_1_diff1": 27.861672627434668, + "nauc_mrr_at_1_max": 62.257123563504756, + "nauc_mrr_at_1_std": 44.379176486800986, + "nauc_mrr_at_20_diff1": 17.44644565955209, + "nauc_mrr_at_20_max": 58.58190663195971, + "nauc_mrr_at_20_std": 42.33627290946193, + "nauc_mrr_at_3_diff1": 17.262663278109798, + "nauc_mrr_at_3_max": 56.454793834736094, + "nauc_mrr_at_3_std": 41.08451346276091, + "nauc_mrr_at_5_diff1": 16.613650570034434, + "nauc_mrr_at_5_max": 55.66285623344173, + "nauc_mrr_at_5_std": 40.38311275408144, + "nauc_ndcg_at_1000_diff1": 10.174068866047635, + "nauc_ndcg_at_1000_max": 51.73192889106936, + "nauc_ndcg_at_1000_std": 59.65401111712334, + "nauc_ndcg_at_100_diff1": 7.828653579924433, + "nauc_ndcg_at_100_max": 54.36206806281852, + "nauc_ndcg_at_100_std": 44.08756682730974, + "nauc_ndcg_at_10_diff1": 3.1020204706672807, + "nauc_ndcg_at_10_max": 49.25209127878138, + "nauc_ndcg_at_10_std": 39.03800796651823, + "nauc_ndcg_at_1_diff1": 31.384674368521292, + "nauc_ndcg_at_1_max": 46.68691593258891, + "nauc_ndcg_at_1_std": 23.497422044367447, + "nauc_ndcg_at_20_diff1": 2.1223938698830445, + "nauc_ndcg_at_20_max": 52.82778912003725, + "nauc_ndcg_at_20_std": 40.85957147213028, + "nauc_ndcg_at_3_diff1": 15.620541244360142, + "nauc_ndcg_at_3_max": 53.11313758866487, + "nauc_ndcg_at_3_std": 30.214636563641196, + "nauc_ndcg_at_5_diff1": 11.094092047013888, + "nauc_ndcg_at_5_max": 50.15717166769855, + "nauc_ndcg_at_5_std": 32.63549193285381, + "nauc_precision_at_1000_diff1": -18.87788252321529, + "nauc_precision_at_1000_max": 47.752842936932964, + "nauc_precision_at_1000_std": 46.53172081645067, + "nauc_precision_at_100_diff1": -11.675608943686981, + "nauc_precision_at_100_max": 57.37789290450161, + "nauc_precision_at_100_std": 45.99043825302317, + "nauc_precision_at_10_diff1": -5.316480906785367, + "nauc_precision_at_10_max": 50.9022661670284, + "nauc_precision_at_10_std": 41.249198804648444, + "nauc_precision_at_1_diff1": 27.861672627434668, + "nauc_precision_at_1_max": 62.257123563504756, + "nauc_precision_at_1_std": 44.379176486800986, + "nauc_precision_at_20_diff1": -4.546893782120849, + "nauc_precision_at_20_max": 54.59631672833982, + "nauc_precision_at_20_std": 42.784497023294186, + "nauc_precision_at_3_diff1": 9.61605571022061, + "nauc_precision_at_3_max": 58.49382945748053, + "nauc_precision_at_3_std": 36.589164698407316, + "nauc_precision_at_5_diff1": 4.337255192132767, + "nauc_precision_at_5_max": 51.9951147484678, + "nauc_precision_at_5_std": 34.468467294436486, + "nauc_recall_at_1000_diff1": 12.99503296673786, + "nauc_recall_at_1000_max": 40.71962531328987, + "nauc_recall_at_1000_std": 61.64030151991186, + "nauc_recall_at_100_diff1": 10.859337421704575, + "nauc_recall_at_100_max": 38.842397587549044, + "nauc_recall_at_100_std": 44.123802055364514, + "nauc_recall_at_10_diff1": 5.054631656084283, + "nauc_recall_at_10_max": 16.616637058750165, + "nauc_recall_at_10_std": 23.85056756316223, + "nauc_recall_at_1_diff1": 34.552395254431445, + "nauc_recall_at_1_max": 38.69572501766299, + "nauc_recall_at_1_std": 23.493916737503017, + "nauc_recall_at_20_diff1": 11.266581564744333, + "nauc_recall_at_20_max": 20.205268245387963, + "nauc_recall_at_20_std": 25.000674179475464, + "nauc_recall_at_3_diff1": 23.716522929925635, + "nauc_recall_at_3_max": 33.675409791018915, + "nauc_recall_at_3_std": 23.659590089606255, + "nauc_recall_at_5_diff1": 13.826629690116377, + "nauc_recall_at_5_max": 21.450396058089545, + "nauc_recall_at_5_std": 21.053365906790678, + "ndcg_at_1": 27.907, + "ndcg_at_10": 28.034, + "ndcg_at_100": 28.166000000000004, + "ndcg_at_1000": 36.361, + "ndcg_at_20": 28.047, + "ndcg_at_3": 28.388999999999996, + "ndcg_at_5": 28.307, + "precision_at_1": 41.86, + "precision_at_10": 37.208999999999996, + "precision_at_100": 18.093, + "precision_at_1000": 3.995, + "precision_at_20": 33.372, + "precision_at_3": 42.636, + "precision_at_5": 40.0, + "recall_at_1": 0.66, + "recall_at_10": 6.287, + "recall_at_100": 24.134, + "recall_at_1000": 48.431999999999995, + "recall_at_20": 10.897, + "recall_at_3": 2.138, + "recall_at_5": 3.3770000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/MTOPDomainClassification.json b/results/minishlab__M2V_base_glove_subword/external/MTOPDomainClassification.json new file mode 100644 index 000000000..f862714fa --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/MTOPDomainClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 84.81988144094848, + "f1": 84.06333895718355, + "f1_weighted": 84.95181538630469, + "main_score": 84.81988144094848 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/MTOPIntentClassification.json b/results/minishlab__M2V_base_glove_subword/external/MTOPIntentClassification.json new file mode 100644 index 000000000..1ad4130d2 --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/MTOPIntentClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 62.41222070223438, + "f1": 46.156097858146175, + "f1_weighted": 66.23266420473301, + "main_score": 62.41222070223438 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/MassiveIntentClassification.json b/results/minishlab__M2V_base_glove_subword/external/MassiveIntentClassification.json new file mode 100644 index 000000000..46142d41f --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/MassiveIntentClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "4672e20407010da34463acc759c162ca9734bca6", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 62.50168123739073, + "f1": 60.72805496384179, + "f1_weighted": 62.787680759907204, + "main_score": 62.50168123739073 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/MassiveScenarioClassification.json b/results/minishlab__M2V_base_glove_subword/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..0a00691f1 --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/MassiveScenarioClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "fad2c6e8459f9e1c45d9315f4953d921437d70f8", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 66.09280430396772, + "f1": 65.36448769357172, + "f1_weighted": 66.15203456480924, + "main_score": 66.09280430396772 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/MedrxivClusteringP2P.json b/results/minishlab__M2V_base_glove_subword/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..adeefed53 --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/MedrxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 26.932942933622616, + "v_measure": 26.932942933622616, + "v_measure_std": 1.593124055965666 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/MedrxivClusteringS2S.json b/results/minishlab__M2V_base_glove_subword/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..85e581f8a --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/MedrxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 22.9594415386389, + "v_measure": 22.9594415386389, + "v_measure_std": 1.2719806552652395 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/MindSmallReranking.json b/results/minishlab__M2V_base_glove_subword/external/MindSmallReranking.json new file mode 100644 index 000000000..6cd8ae8b8 --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/MindSmallReranking.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "59042f120c80e8afa9cdbb224f67076cec0fc9a7", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 28.527234738258063, + "map": 28.527234738258063, + "mrr": 29.001137590751057, + "nAUC_map_diff1": 17.894640005397015, + "nAUC_map_max": -32.33772009018379, + "nAUC_map_std": -13.932018270818118, + "nAUC_mrr_diff1": 16.6645956799536, + "nAUC_mrr_max": -26.591327847291947, + "nAUC_mrr_std": -11.52072949105865 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/NFCorpus.json b/results/minishlab__M2V_base_glove_subword/external/NFCorpus.json new file mode 100644 index 000000000..094d750ac --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/NFCorpus.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 23.318, + "map_at_1": 3.9739999999999998, + "map_at_10": 7.636, + "map_at_100": 9.565999999999999, + "map_at_1000": 10.731, + "map_at_20": 8.389000000000001, + "map_at_3": 5.836, + "map_at_5": 6.6339999999999995, + "mrr_at_1": 31.57894736842105, + "mrr_at_10": 41.40436876504987, + "mrr_at_100": 42.171381521810616, + "mrr_at_1000": 42.21952740910268, + "mrr_at_20": 41.75160733542153, + "mrr_at_3": 38.544891640866865, + "mrr_at_5": 40.495356037151694, + "nauc_map_at_1000_diff1": 36.856779722587405, + "nauc_map_at_1000_max": 1.0732856849015824, + "nauc_map_at_1000_std": 9.651983758926798, + "nauc_map_at_100_diff1": 37.7388774830525, + "nauc_map_at_100_max": 0.5350831297890865, + "nauc_map_at_100_std": 5.572219889903966, + "nauc_map_at_10_diff1": 41.10439950831827, + "nauc_map_at_10_max": -1.9365518645162703, + "nauc_map_at_10_std": -0.14823142437775177, + "nauc_map_at_1_diff1": 45.5844553027814, + "nauc_map_at_1_max": -8.272551322248038, + "nauc_map_at_1_std": -5.988582518897944, + "nauc_map_at_20_diff1": 38.99926603388708, + "nauc_map_at_20_max": -0.8765984795564569, + "nauc_map_at_20_std": 1.8427808317285952, + "nauc_map_at_3_diff1": 44.541009820342296, + "nauc_map_at_3_max": -5.314865046137034, + "nauc_map_at_3_std": -4.401240111896542, + "nauc_map_at_5_diff1": 43.93142627220787, + "nauc_map_at_5_max": -4.452186699937273, + "nauc_map_at_5_std": -1.926768039888005, + "nauc_mrr_at_1000_diff1": 31.753283629515227, + "nauc_mrr_at_1000_max": 9.689948388217696, + "nauc_mrr_at_1000_std": 22.70267321039036, + "nauc_mrr_at_100_diff1": 31.729775359589773, + "nauc_mrr_at_100_max": 9.729637548794349, + "nauc_mrr_at_100_std": 22.680656825829267, + "nauc_mrr_at_10_diff1": 31.725910736285666, + "nauc_mrr_at_10_max": 9.676299619743284, + "nauc_mrr_at_10_std": 22.987975982720496, + "nauc_mrr_at_1_diff1": 33.222931085618626, + "nauc_mrr_at_1_max": 3.484453564278958, + "nauc_mrr_at_1_std": 14.566253883401012, + "nauc_mrr_at_20_diff1": 31.70316773246007, + "nauc_mrr_at_20_max": 9.857726052213023, + "nauc_mrr_at_20_std": 22.691706596582133, + "nauc_mrr_at_3_diff1": 33.123605268114545, + "nauc_mrr_at_3_max": 7.595554226164336, + "nauc_mrr_at_3_std": 22.833951307229185, + "nauc_mrr_at_5_diff1": 32.33356989096538, + "nauc_mrr_at_5_max": 8.78887950599465, + "nauc_mrr_at_5_std": 23.75577044154664, + "nauc_ndcg_at_1000_diff1": 29.06381153030341, + "nauc_ndcg_at_1000_max": 12.496787837448844, + "nauc_ndcg_at_1000_std": 21.957810402478064, + "nauc_ndcg_at_100_diff1": 30.705847017840128, + "nauc_ndcg_at_100_max": 7.14809714223451, + "nauc_ndcg_at_100_std": 17.218742555337656, + "nauc_ndcg_at_10_diff1": 28.03996243029464, + "nauc_ndcg_at_10_max": 4.699374701730214, + "nauc_ndcg_at_10_std": 24.227816808454218, + "nauc_ndcg_at_1_diff1": 33.51847942809358, + "nauc_ndcg_at_1_max": -0.15139755316818274, + "nauc_ndcg_at_1_std": 17.16967561523347, + "nauc_ndcg_at_20_diff1": 28.20952557682163, + "nauc_ndcg_at_20_max": 4.145398659710493, + "nauc_ndcg_at_20_std": 22.993088607717066, + "nauc_ndcg_at_3_diff1": 27.613082038987592, + "nauc_ndcg_at_3_max": 1.4593269064387369, + "nauc_ndcg_at_3_std": 23.50820643331994, + "nauc_ndcg_at_5_diff1": 28.240414065564686, + "nauc_ndcg_at_5_max": 3.5129825777351504, + "nauc_ndcg_at_5_std": 25.518429908335165, + "nauc_precision_at_1000_diff1": 3.744031922083433, + "nauc_precision_at_1000_max": -0.5091331293991512, + "nauc_precision_at_1000_std": 44.81402869309276, + "nauc_precision_at_100_diff1": 6.830797386827996, + "nauc_precision_at_100_max": 4.0810548509653755, + "nauc_precision_at_100_std": 42.7474662572479, + "nauc_precision_at_10_diff1": 12.394335511926892, + "nauc_precision_at_10_max": 10.49971612535947, + "nauc_precision_at_10_std": 34.03347850666832, + "nauc_precision_at_1_diff1": 33.222931085618626, + "nauc_precision_at_1_max": 3.484453564278958, + "nauc_precision_at_1_std": 14.566253883401012, + "nauc_precision_at_20_diff1": 9.64344422081397, + "nauc_precision_at_20_max": 6.621958244946981, + "nauc_precision_at_20_std": 37.86581516903579, + "nauc_precision_at_3_diff1": 20.278708738039267, + "nauc_precision_at_3_max": 7.392289389157268, + "nauc_precision_at_3_std": 27.036426818980896, + "nauc_precision_at_5_diff1": 18.449282750023514, + "nauc_precision_at_5_max": 9.979980772916283, + "nauc_precision_at_5_std": 33.01802732071948, + "nauc_recall_at_1000_diff1": 16.342561945689592, + "nauc_recall_at_1000_max": 5.937671266428497, + "nauc_recall_at_1000_std": 10.42918010425554, + "nauc_recall_at_100_diff1": 19.13895811746396, + "nauc_recall_at_100_max": 3.153899391811738, + "nauc_recall_at_100_std": 1.04689826072118, + "nauc_recall_at_10_diff1": 30.635745816653586, + "nauc_recall_at_10_max": 1.5673249988390006, + "nauc_recall_at_10_std": -3.6633108112395276, + "nauc_recall_at_1_diff1": 45.5844553027814, + "nauc_recall_at_1_max": -8.272551322248038, + "nauc_recall_at_1_std": -5.988582518897944, + "nauc_recall_at_20_diff1": 24.449469640898666, + "nauc_recall_at_20_max": 3.6319822015373404, + "nauc_recall_at_20_std": -3.460880541269202, + "nauc_recall_at_3_diff1": 40.57120118352399, + "nauc_recall_at_3_max": -6.4276251434173135, + "nauc_recall_at_3_std": -5.987479062691147, + "nauc_recall_at_5_diff1": 36.21768314516704, + "nauc_recall_at_5_max": -4.847092890211095, + "nauc_recall_at_5_std": -3.0514943484880144, + "ndcg_at_1": 29.876, + "ndcg_at_10": 23.318, + "ndcg_at_100": 22.178, + "ndcg_at_1000": 31.543, + "ndcg_at_20": 21.718, + "ndcg_at_3": 26.625, + "ndcg_at_5": 25.412000000000003, + "precision_at_1": 31.579, + "precision_at_10": 17.244999999999997, + "precision_at_100": 5.82, + "precision_at_1000": 1.857, + "precision_at_20": 12.709000000000001, + "precision_at_3": 24.974, + "precision_at_5": 21.981, + "recall_at_1": 3.9739999999999998, + "recall_at_10": 11.433, + "recall_at_100": 24.861, + "recall_at_1000": 57.75900000000001, + "recall_at_20": 14.167, + "recall_at_3": 6.773999999999999, + "recall_at_5": 8.713 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/NQ.json b/results/minishlab__M2V_base_glove_subword/external/NQ.json new file mode 100644 index 000000000..23184c859 --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/NQ.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 17.682000000000002, + "map_at_1": 7.968999999999999, + "map_at_10": 13.828, + "map_at_100": 14.881, + "map_at_1000": 14.979999999999999, + "map_at_20": 14.421999999999999, + "map_at_3": 11.681999999999999, + "map_at_5": 12.837000000000002, + "mrr_at_1": 9.096176129779836, + "mrr_at_10": 15.333772462248707, + "mrr_at_100": 16.309634922879194, + "mrr_at_1000": 16.39475249150789, + "mrr_at_20": 15.891392914358688, + "mrr_at_3": 13.064889918887577, + "mrr_at_5": 14.311993047508642, + "nauc_map_at_1000_diff1": 19.775928600522615, + "nauc_map_at_1000_max": 6.286282728873767, + "nauc_map_at_1000_std": 10.433091988799701, + "nauc_map_at_100_diff1": 19.76472010726201, + "nauc_map_at_100_max": 6.3000520043276245, + "nauc_map_at_100_std": 10.369742430725108, + "nauc_map_at_10_diff1": 19.717104003612306, + "nauc_map_at_10_max": 5.9416407746652915, + "nauc_map_at_10_std": 9.269462518525886, + "nauc_map_at_1_diff1": 22.577309259900126, + "nauc_map_at_1_max": 4.4722142164380605, + "nauc_map_at_1_std": 3.7899645702785345, + "nauc_map_at_20_diff1": 19.71861462412693, + "nauc_map_at_20_max": 6.104405666589615, + "nauc_map_at_20_std": 9.774250304834347, + "nauc_map_at_3_diff1": 20.745180167104174, + "nauc_map_at_3_max": 4.726336508000744, + "nauc_map_at_3_std": 7.012706580698335, + "nauc_map_at_5_diff1": 20.401667911889596, + "nauc_map_at_5_max": 5.021580992513943, + "nauc_map_at_5_std": 8.232301301005908, + "nauc_mrr_at_1000_diff1": 19.876105574468276, + "nauc_mrr_at_1000_max": 5.92950987632599, + "nauc_mrr_at_1000_std": 10.422385358307675, + "nauc_mrr_at_100_diff1": 19.864601593092164, + "nauc_mrr_at_100_max": 5.937364432461887, + "nauc_mrr_at_100_std": 10.372545373358479, + "nauc_mrr_at_10_diff1": 19.8074129108612, + "nauc_mrr_at_10_max": 5.583608572112338, + "nauc_mrr_at_10_std": 9.660933453553797, + "nauc_mrr_at_1_diff1": 22.771833118893053, + "nauc_mrr_at_1_max": 4.270593166778219, + "nauc_mrr_at_1_std": 4.72067370933128, + "nauc_mrr_at_20_diff1": 19.816299723557, + "nauc_mrr_at_20_max": 5.803282270363233, + "nauc_mrr_at_20_std": 9.982388740482714, + "nauc_mrr_at_3_diff1": 20.764352672106014, + "nauc_mrr_at_3_max": 4.308188794966225, + "nauc_mrr_at_3_std": 7.424575450681196, + "nauc_mrr_at_5_diff1": 20.468124439169884, + "nauc_mrr_at_5_max": 4.717164145352797, + "nauc_mrr_at_5_std": 8.75784949698527, + "nauc_ndcg_at_1000_diff1": 18.988627444499162, + "nauc_ndcg_at_1000_max": 8.336437983015612, + "nauc_ndcg_at_1000_std": 17.785235937443314, + "nauc_ndcg_at_100_diff1": 18.72435211905066, + "nauc_ndcg_at_100_max": 8.509559844610813, + "nauc_ndcg_at_100_std": 16.272027197158785, + "nauc_ndcg_at_10_diff1": 18.50083720860625, + "nauc_ndcg_at_10_max": 6.816989264362351, + "nauc_ndcg_at_10_std": 11.70379688056292, + "nauc_ndcg_at_1_diff1": 23.028151500845926, + "nauc_ndcg_at_1_max": 4.252790790979486, + "nauc_ndcg_at_1_std": 4.919320655470863, + "nauc_ndcg_at_20_diff1": 18.61317480699593, + "nauc_ndcg_at_20_max": 7.400038137531198, + "nauc_ndcg_at_20_std": 12.975329660907905, + "nauc_ndcg_at_3_diff1": 20.331305466487297, + "nauc_ndcg_at_3_max": 4.451813547010051, + "nauc_ndcg_at_3_std": 7.835866814473613, + "nauc_ndcg_at_5_diff1": 19.933475062151903, + "nauc_ndcg_at_5_max": 5.0523614629035, + "nauc_ndcg_at_5_std": 9.763459907678518, + "nauc_precision_at_1000_diff1": 10.24793761705778, + "nauc_precision_at_1000_max": 10.459646580367272, + "nauc_precision_at_1000_std": 35.19560755022326, + "nauc_precision_at_100_diff1": 14.032733274764734, + "nauc_precision_at_100_max": 12.582877921585014, + "nauc_precision_at_100_std": 30.56446230218432, + "nauc_precision_at_10_diff1": 15.46863641183508, + "nauc_precision_at_10_max": 8.026206096826051, + "nauc_precision_at_10_std": 17.580067448009732, + "nauc_precision_at_1_diff1": 23.028151500845926, + "nauc_precision_at_1_max": 4.252790790979486, + "nauc_precision_at_1_std": 4.919320655470863, + "nauc_precision_at_20_diff1": 15.577209585349616, + "nauc_precision_at_20_max": 9.37176988371138, + "nauc_precision_at_20_std": 20.825242862847972, + "nauc_precision_at_3_diff1": 19.697434012748303, + "nauc_precision_at_3_max": 3.817741628018302, + "nauc_precision_at_3_std": 9.855204198464552, + "nauc_precision_at_5_diff1": 18.757352510786994, + "nauc_precision_at_5_max": 4.78932962761337, + "nauc_precision_at_5_std": 13.485110478478058, + "nauc_recall_at_1000_diff1": 16.784291464246394, + "nauc_recall_at_1000_max": 15.357886220356304, + "nauc_recall_at_1000_std": 47.3266711354422, + "nauc_recall_at_100_diff1": 15.651366556591528, + "nauc_recall_at_100_max": 14.108369717831499, + "nauc_recall_at_100_std": 30.26307437972032, + "nauc_recall_at_10_diff1": 15.332913342892315, + "nauc_recall_at_10_max": 8.769293510819189, + "nauc_recall_at_10_std": 15.625436932641975, + "nauc_recall_at_1_diff1": 22.577309259900126, + "nauc_recall_at_1_max": 4.4722142164380605, + "nauc_recall_at_1_std": 3.7899645702785345, + "nauc_recall_at_20_diff1": 15.760837708226655, + "nauc_recall_at_20_max": 10.11729976512556, + "nauc_recall_at_20_std": 18.300935029131725, + "nauc_recall_at_3_diff1": 19.039476605698372, + "nauc_recall_at_3_max": 4.107922037298003, + "nauc_recall_at_3_std": 9.115412171303978, + "nauc_recall_at_5_diff1": 18.363415603635758, + "nauc_recall_at_5_max": 5.241253574533175, + "nauc_recall_at_5_std": 12.124948884672802, + "ndcg_at_1": 9.067, + "ndcg_at_10": 17.682000000000002, + "ndcg_at_100": 22.982, + "ndcg_at_1000": 25.692999999999998, + "ndcg_at_20": 19.747, + "ndcg_at_3": 13.219, + "ndcg_at_5": 15.312999999999999, + "precision_at_1": 9.067, + "precision_at_10": 3.3000000000000003, + "precision_at_100": 0.631, + "precision_at_1000": 0.089, + "precision_at_20": 2.136, + "precision_at_3": 6.228, + "precision_at_5": 4.925, + "recall_at_1": 7.968999999999999, + "recall_at_10": 28.208, + "recall_at_100": 52.776, + "recall_at_1000": 73.571, + "recall_at_20": 35.941, + "recall_at_3": 16.338, + "recall_at_5": 21.217 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/QuoraRetrieval.json b/results/minishlab__M2V_base_glove_subword/external/QuoraRetrieval.json new file mode 100644 index 000000000..84b78c579 --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/QuoraRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "e4e08e0b7dbe3c8700f0daef558ff32256715259", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 74.323, + "map_at_1": 57.30800000000001, + "map_at_10": 69.32000000000001, + "map_at_100": 70.106, + "map_at_1000": 70.149, + "map_at_20": 69.807, + "map_at_3": 66.418, + "map_at_5": 68.184, + "mrr_at_1": 66.0, + "mrr_at_10": 73.97885714285673, + "mrr_at_100": 74.29274218615109, + "mrr_at_1000": 74.3051429938558, + "mrr_at_20": 74.18544015014858, + "mrr_at_3": 72.26666666666631, + "mrr_at_5": 73.37966666666605, + "nauc_map_at_1000_diff1": 69.18960163699573, + "nauc_map_at_1000_max": 37.38136640005, + "nauc_map_at_1000_std": -2.570923100785111, + "nauc_map_at_100_diff1": 69.18751629878942, + "nauc_map_at_100_max": 37.36952143443813, + "nauc_map_at_100_std": -2.5886077139396027, + "nauc_map_at_10_diff1": 69.09406013156409, + "nauc_map_at_10_max": 36.877436974500775, + "nauc_map_at_10_std": -3.3540620889292203, + "nauc_map_at_1_diff1": 70.93951368121674, + "nauc_map_at_1_max": 32.233487451612305, + "nauc_map_at_1_std": -7.055750788201864, + "nauc_map_at_20_diff1": 69.14097261555858, + "nauc_map_at_20_max": 37.18308654380657, + "nauc_map_at_20_std": -2.912685185426714, + "nauc_map_at_3_diff1": 69.01140661964882, + "nauc_map_at_3_max": 35.56708493366717, + "nauc_map_at_3_std": -5.47958763916843, + "nauc_map_at_5_diff1": 68.97841901572657, + "nauc_map_at_5_max": 36.356674331191265, + "nauc_map_at_5_std": -4.271166648670905, + "nauc_mrr_at_1000_diff1": 70.61597700848178, + "nauc_mrr_at_1000_max": 40.41208966087904, + "nauc_mrr_at_1000_std": -0.15890737609620642, + "nauc_mrr_at_100_diff1": 70.61360632996228, + "nauc_mrr_at_100_max": 40.41568433400612, + "nauc_mrr_at_100_std": -0.1448505595676874, + "nauc_mrr_at_10_diff1": 70.5233993892019, + "nauc_mrr_at_10_max": 40.36230785474746, + "nauc_mrr_at_10_std": -0.22757815568658987, + "nauc_mrr_at_1_diff1": 72.6747651764081, + "nauc_mrr_at_1_max": 40.02178963789037, + "nauc_mrr_at_1_std": -2.575126954097418, + "nauc_mrr_at_20_diff1": 70.58326373490296, + "nauc_mrr_at_20_max": 40.41333734338905, + "nauc_mrr_at_20_std": -0.1345473571856357, + "nauc_mrr_at_3_diff1": 70.37817581234762, + "nauc_mrr_at_3_max": 40.203366387087705, + "nauc_mrr_at_3_std": -1.2261489082901087, + "nauc_mrr_at_5_diff1": 70.45626657672184, + "nauc_mrr_at_5_max": 40.3234615411654, + "nauc_mrr_at_5_std": -0.3805672716488398, + "nauc_ndcg_at_1000_diff1": 69.21984468258341, + "nauc_ndcg_at_1000_max": 39.0253925541956, + "nauc_ndcg_at_1000_std": 0.8160264523775477, + "nauc_ndcg_at_100_diff1": 69.15328478391302, + "nauc_ndcg_at_100_max": 38.96655324359319, + "nauc_ndcg_at_100_std": 1.1256651981311283, + "nauc_ndcg_at_10_diff1": 68.53510190998198, + "nauc_ndcg_at_10_max": 37.91208417950795, + "nauc_ndcg_at_10_std": -0.7377655073302805, + "nauc_ndcg_at_1_diff1": 72.63228601131651, + "nauc_ndcg_at_1_max": 40.16828628757125, + "nauc_ndcg_at_1_std": -2.528909627178983, + "nauc_ndcg_at_20_diff1": 68.822583729052, + "nauc_ndcg_at_20_max": 38.41592366520079, + "nauc_ndcg_at_20_std": 0.06798311113755548, + "nauc_ndcg_at_3_diff1": 68.1481692592636, + "nauc_ndcg_at_3_max": 37.31206796055115, + "nauc_ndcg_at_3_std": -3.254883595992796, + "nauc_ndcg_at_5_diff1": 68.24715917081343, + "nauc_ndcg_at_5_max": 37.56264948769021, + "nauc_ndcg_at_5_std": -1.8709773297999994, + "nauc_precision_at_1000_diff1": -27.810948267157137, + "nauc_precision_at_1000_max": -0.24668486328059996, + "nauc_precision_at_1000_std": 20.580820056804715, + "nauc_precision_at_100_diff1": -22.061161829256797, + "nauc_precision_at_100_max": 4.679165403717356, + "nauc_precision_at_100_std": 21.989059211475855, + "nauc_precision_at_10_diff1": -3.9320543024872556, + "nauc_precision_at_10_max": 14.010070678201766, + "nauc_precision_at_10_std": 16.669492507338155, + "nauc_precision_at_1_diff1": 72.63228601131651, + "nauc_precision_at_1_max": 40.16828628757125, + "nauc_precision_at_1_std": -2.528909627178983, + "nauc_precision_at_20_diff1": -12.164765481707331, + "nauc_precision_at_20_max": 10.511899418907312, + "nauc_precision_at_20_std": 19.320026937145183, + "nauc_precision_at_3_diff1": 22.621554858906986, + "nauc_precision_at_3_max": 24.326914902507287, + "nauc_precision_at_3_std": 6.099411862597304, + "nauc_precision_at_5_diff1": 8.981227790660293, + "nauc_precision_at_5_max": 19.916827592062745, + "nauc_precision_at_5_std": 11.93677912655441, + "nauc_recall_at_1000_diff1": 60.79128240819883, + "nauc_recall_at_1000_max": 44.80906309211301, + "nauc_recall_at_1000_std": 56.54768589270181, + "nauc_recall_at_100_diff1": 61.18835279218082, + "nauc_recall_at_100_max": 39.61329094249297, + "nauc_recall_at_100_std": 31.736658564346342, + "nauc_recall_at_10_diff1": 61.3639032751697, + "nauc_recall_at_10_max": 34.510711243051375, + "nauc_recall_at_10_std": 4.855117542870995, + "nauc_recall_at_1_diff1": 70.93951368121674, + "nauc_recall_at_1_max": 32.233487451612305, + "nauc_recall_at_1_std": -7.055750788201864, + "nauc_recall_at_20_diff1": 61.27124485304799, + "nauc_recall_at_20_max": 36.11805010411244, + "nauc_recall_at_20_std": 11.38763207684191, + "nauc_recall_at_3_diff1": 63.91101210841338, + "nauc_recall_at_3_max": 33.23862328274836, + "nauc_recall_at_3_std": -4.857791490570391, + "nauc_recall_at_5_diff1": 62.37552817951354, + "nauc_recall_at_5_max": 33.86753069930419, + "nauc_recall_at_5_std": -0.4857746420435554, + "ndcg_at_1": 66.02, + "ndcg_at_10": 74.323, + "ndcg_at_100": 76.806, + "ndcg_at_1000": 77.436, + "ndcg_at_20": 75.47500000000001, + "ndcg_at_3": 70.44500000000001, + "ndcg_at_5": 72.48, + "precision_at_1": 66.02, + "precision_at_10": 11.273, + "precision_at_100": 1.373, + "precision_at_1000": 0.149, + "precision_at_20": 6.101, + "precision_at_3": 30.5, + "precision_at_5": 20.31, + "recall_at_1": 57.30800000000001, + "recall_at_10": 84.152, + "recall_at_100": 93.989, + "recall_at_1000": 97.89999999999999, + "recall_at_20": 88.138, + "recall_at_3": 73.137, + "recall_at_5": 78.655 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/RedditClustering.json b/results/minishlab__M2V_base_glove_subword/external/RedditClustering.json new file mode 100644 index 000000000..ff91b398c --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/RedditClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 28.89014544508522, + "v_measure": 28.89014544508522, + "v_measure_std": 4.477854992673074 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/RedditClusteringP2P.json b/results/minishlab__M2V_base_glove_subword/external/RedditClusteringP2P.json new file mode 100644 index 000000000..0fe9f4754 --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/RedditClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 41.588064041506414, + "v_measure": 41.588064041506414, + "v_measure_std": 12.234957713539355 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/SCIDOCS.json b/results/minishlab__M2V_base_glove_subword/external/SCIDOCS.json new file mode 100644 index 000000000..5cb325a56 --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/SCIDOCS.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f8c2fcf00f625baaa80f62ec5bd9e1fff3b8ae88", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 9.923, + "map_at_1": 2.15, + "map_at_10": 5.379, + "map_at_100": 6.487, + "map_at_1000": 6.726999999999999, + "map_at_20": 5.845000000000001, + "map_at_3": 3.943, + "map_at_5": 4.642, + "mrr_at_1": 10.6, + "mrr_at_10": 17.65234126984126, + "mrr_at_100": 18.72231260720679, + "mrr_at_1000": 18.83457574677834, + "mrr_at_20": 18.178004510968904, + "mrr_at_3": 14.96666666666667, + "mrr_at_5": 16.426666666666666, + "nauc_map_at_1000_diff1": 11.904585832905996, + "nauc_map_at_1000_max": 13.966912689458244, + "nauc_map_at_1000_std": 14.274562318051975, + "nauc_map_at_100_diff1": 11.914962635425084, + "nauc_map_at_100_max": 13.792005445505046, + "nauc_map_at_100_std": 13.688572560422358, + "nauc_map_at_10_diff1": 12.924485348386265, + "nauc_map_at_10_max": 12.924904365030008, + "nauc_map_at_10_std": 11.028226417787405, + "nauc_map_at_1_diff1": 17.278503151293908, + "nauc_map_at_1_max": 7.878679954463645, + "nauc_map_at_1_std": 5.787632681875146, + "nauc_map_at_20_diff1": 12.361611976516448, + "nauc_map_at_20_max": 13.430602876791497, + "nauc_map_at_20_std": 11.626342360129135, + "nauc_map_at_3_diff1": 13.25103680109857, + "nauc_map_at_3_max": 11.851782553996365, + "nauc_map_at_3_std": 7.429469629304992, + "nauc_map_at_5_diff1": 13.800025735259355, + "nauc_map_at_5_max": 12.565449305066048, + "nauc_map_at_5_std": 9.75302950224773, + "nauc_mrr_at_1000_diff1": 12.268595456055587, + "nauc_mrr_at_1000_max": 9.25353359860505, + "nauc_mrr_at_1000_std": 9.108487924061626, + "nauc_mrr_at_100_diff1": 12.221030310338321, + "nauc_mrr_at_100_max": 9.25521408834954, + "nauc_mrr_at_100_std": 9.138330201368367, + "nauc_mrr_at_10_diff1": 12.574921954053705, + "nauc_mrr_at_10_max": 9.022771164246922, + "nauc_mrr_at_10_std": 8.72904050693386, + "nauc_mrr_at_1_diff1": 17.46158729503331, + "nauc_mrr_at_1_max": 7.638928315208697, + "nauc_mrr_at_1_std": 6.095710473752395, + "nauc_mrr_at_20_diff1": 12.138920051010647, + "nauc_mrr_at_20_max": 9.276258507402064, + "nauc_mrr_at_20_std": 8.886687014526801, + "nauc_mrr_at_3_diff1": 14.193338999133834, + "nauc_mrr_at_3_max": 8.299120353947483, + "nauc_mrr_at_3_std": 7.8035097667232005, + "nauc_mrr_at_5_diff1": 13.111703855187907, + "nauc_mrr_at_5_max": 9.120679964295672, + "nauc_mrr_at_5_std": 8.32132668626495, + "nauc_ndcg_at_1000_diff1": 8.86999972791066, + "nauc_ndcg_at_1000_max": 15.310859480575436, + "nauc_ndcg_at_1000_std": 21.250542726021116, + "nauc_ndcg_at_100_diff1": 8.721788996698756, + "nauc_ndcg_at_100_max": 13.753927264089416, + "nauc_ndcg_at_100_std": 17.83014109593192, + "nauc_ndcg_at_10_diff1": 10.851214040795984, + "nauc_ndcg_at_10_max": 11.754038261909226, + "nauc_ndcg_at_10_std": 11.732493442071242, + "nauc_ndcg_at_1_diff1": 17.46158729503331, + "nauc_ndcg_at_1_max": 7.638928315208697, + "nauc_ndcg_at_1_std": 6.095710473752395, + "nauc_ndcg_at_20_diff1": 9.76180043441647, + "nauc_ndcg_at_20_max": 12.820709997321758, + "nauc_ndcg_at_20_std": 12.721916889128632, + "nauc_ndcg_at_3_diff1": 12.839313795789275, + "nauc_ndcg_at_3_max": 10.610706825785767, + "nauc_ndcg_at_3_std": 8.204558555180421, + "nauc_ndcg_at_5_diff1": 12.406813811698386, + "nauc_ndcg_at_5_max": 11.878799458897053, + "nauc_ndcg_at_5_std": 10.186784386212949, + "nauc_precision_at_1000_diff1": 2.8398170540614176, + "nauc_precision_at_1000_max": 16.99931587707156, + "nauc_precision_at_1000_std": 31.86724716316765, + "nauc_precision_at_100_diff1": 3.4160417262207297, + "nauc_precision_at_100_max": 14.437629378775577, + "nauc_precision_at_100_std": 24.60677482735814, + "nauc_precision_at_10_diff1": 7.433603751797789, + "nauc_precision_at_10_max": 12.127707014834115, + "nauc_precision_at_10_std": 14.347141705378737, + "nauc_precision_at_1_diff1": 17.46158729503331, + "nauc_precision_at_1_max": 7.638928315208697, + "nauc_precision_at_1_std": 6.095710473752395, + "nauc_precision_at_20_diff1": 5.555321803900292, + "nauc_precision_at_20_max": 13.975730968140612, + "nauc_precision_at_20_std": 15.701599582613069, + "nauc_precision_at_3_diff1": 10.570021043882896, + "nauc_precision_at_3_max": 11.640698048065092, + "nauc_precision_at_3_std": 8.880832670930209, + "nauc_precision_at_5_diff1": 10.192070602011636, + "nauc_precision_at_5_max": 12.979688593338693, + "nauc_precision_at_5_std": 12.116013499683467, + "nauc_recall_at_1000_diff1": 2.883533640208864, + "nauc_recall_at_1000_max": 18.09724738913881, + "nauc_recall_at_1000_std": 32.15747757955521, + "nauc_recall_at_100_diff1": 3.6040687535563998, + "nauc_recall_at_100_max": 14.732664182141772, + "nauc_recall_at_100_std": 24.427986607748, + "nauc_recall_at_10_diff1": 7.587316953732061, + "nauc_recall_at_10_max": 12.334929718954289, + "nauc_recall_at_10_std": 14.094286673978088, + "nauc_recall_at_1_diff1": 17.278503151293908, + "nauc_recall_at_1_max": 7.878679954463645, + "nauc_recall_at_1_std": 5.787632681875146, + "nauc_recall_at_20_diff1": 5.706170516654628, + "nauc_recall_at_20_max": 14.095625029855203, + "nauc_recall_at_20_std": 15.241931131705527, + "nauc_recall_at_3_diff1": 10.574961375800127, + "nauc_recall_at_3_max": 11.733105660119586, + "nauc_recall_at_3_std": 8.540340847563677, + "nauc_recall_at_5_diff1": 10.158076693596577, + "nauc_recall_at_5_max": 13.152816873926534, + "nauc_recall_at_5_std": 11.843127888328391, + "ndcg_at_1": 10.6, + "ndcg_at_10": 9.923, + "ndcg_at_100": 15.463, + "ndcg_at_1000": 20.673, + "ndcg_at_20": 11.468, + "ndcg_at_3": 9.120000000000001, + "ndcg_at_5": 8.08, + "precision_at_1": 10.6, + "precision_at_10": 5.319999999999999, + "precision_at_100": 1.357, + "precision_at_1000": 0.262, + "precision_at_20": 3.56, + "precision_at_3": 8.733, + "precision_at_5": 7.3, + "recall_at_1": 2.15, + "recall_at_10": 10.745000000000001, + "recall_at_100": 27.478, + "recall_at_1000": 53.067, + "recall_at_20": 14.432, + "recall_at_3": 5.295, + "recall_at_5": 7.37 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/SICK-R.json b/results/minishlab__M2V_base_glove_subword/external/SICK-R.json new file mode 100644 index 000000000..ec65ff16b --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 75.0950047498747, + "cosine_spearman": 66.17240782538595, + "euclidean_pearson": 67.00770252295281, + "euclidean_spearman": 60.910363132843514, + "main_score": 66.17240782538595, + "manhattan_pearson": 67.05219198532856, + "manhattan_spearman": 61.09670227979067, + "pearson": 75.0950047498747, + "spearman": 66.17240782538595 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/STS12.json b/results/minishlab__M2V_base_glove_subword/external/STS12.json new file mode 100644 index 000000000..e85abddb5 --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 70.27191745166907, + "cosine_spearman": 61.89139464648924, + "euclidean_pearson": 54.34524146536028, + "euclidean_spearman": 50.72726514543895, + "main_score": 61.89139464648924, + "manhattan_pearson": 54.0517351204108, + "manhattan_spearman": 50.62237885284486, + "pearson": 70.27191745166907, + "spearman": 61.89139464648924 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/STS13.json b/results/minishlab__M2V_base_glove_subword/external/STS13.json new file mode 100644 index 000000000..c7646571a --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 70.19582039979868, + "cosine_spearman": 71.66792475528088, + "euclidean_pearson": 55.582203822685486, + "euclidean_spearman": 56.20322977297382, + "main_score": 71.66792475528088, + "manhattan_pearson": 55.95799094895162, + "manhattan_spearman": 56.588522991206325, + "pearson": 70.19582039979868, + "spearman": 71.66792475528088 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/STS14.json b/results/minishlab__M2V_base_glove_subword/external/STS14.json new file mode 100644 index 000000000..d9a0314e8 --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 69.52140108419252, + "cosine_spearman": 67.82634222687376, + "euclidean_pearson": 56.45640217254015, + "euclidean_spearman": 56.232462674683994, + "main_score": 67.82634222687376, + "manhattan_pearson": 56.71095067060834, + "manhattan_spearman": 56.419654300835596, + "pearson": 69.52140108419252, + "spearman": 67.82634222687376 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/STS15.json b/results/minishlab__M2V_base_glove_subword/external/STS15.json new file mode 100644 index 000000000..5976d269e --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 73.66221619412464, + "cosine_spearman": 75.48765072240437, + "euclidean_pearson": 56.971989853952046, + "euclidean_spearman": 59.57242983168428, + "main_score": 75.48765072240437, + "manhattan_pearson": 57.292670731862025, + "manhattan_spearman": 59.64547291104911, + "pearson": 73.66221619412464, + "spearman": 75.48765072240437 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/STS16.json b/results/minishlab__M2V_base_glove_subword/external/STS16.json new file mode 100644 index 000000000..a48bc58ba --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 62.328630460915925, + "cosine_spearman": 66.48155706668948, + "euclidean_pearson": 48.85087938485013, + "euclidean_spearman": 51.58756922385477, + "main_score": 66.48155706668948, + "manhattan_pearson": 49.02650798849104, + "manhattan_spearman": 51.597849334470936, + "pearson": 62.328630460915925, + "spearman": 66.48155706668948 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/STS17.json b/results/minishlab__M2V_base_glove_subword/external/STS17.json new file mode 100644 index 000000000..34a4deb7d --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/STS17.json @@ -0,0 +1,137 @@ +{ + "dataset_revision": "faeb762787bd10488a50c8b5be4a3b82e411949c", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "cosine_pearson": 21.344883409729785, + "cosine_spearman": 19.492480027372526, + "euclidean_pearson": -8.605176891549817, + "euclidean_spearman": -7.528098935541785, + "main_score": 19.492480027372526, + "manhattan_pearson": -10.120526712428015, + "manhattan_spearman": -8.968202174485103, + "pearson": 21.344883409729785, + "spearman": 19.492480027372526 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cosine_pearson": 14.966581838953037, + "cosine_spearman": 13.24509138766898, + "euclidean_pearson": -6.690226814122847, + "euclidean_spearman": -11.282875560023765, + "main_score": 13.24509138766898, + "manhattan_pearson": -7.476797502897139, + "manhattan_spearman": -11.92841312081328, + "pearson": 14.966581838953037, + "spearman": 13.24509138766898 + }, + { + "hf_subset": "nl-en", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "cosine_pearson": 18.309414985775234, + "cosine_spearman": 14.341489363671842, + "euclidean_pearson": -12.122888971186411, + "euclidean_spearman": -16.469354911796607, + "main_score": 14.341489363671842, + "manhattan_pearson": -10.903411096507561, + "manhattan_spearman": -13.076094357191614, + "pearson": 18.309414985775234, + "spearman": 14.341489363671842 + }, + { + "hf_subset": "en-de", + "languages": [ + "eng-Latn", + "deu-Latn" + ], + "cosine_pearson": 21.301586456013037, + "cosine_spearman": 22.571419522164376, + "euclidean_pearson": -6.367176828477704, + "euclidean_spearman": -9.877915052256634, + "main_score": 22.571419522164376, + "manhattan_pearson": -4.676449796672262, + "manhattan_spearman": -7.3330561255268805, + "pearson": 21.301586456013037, + "spearman": 22.571419522164376 + }, + { + "hf_subset": "it-en", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "cosine_pearson": 16.140292893693204, + "cosine_spearman": 10.216376215477217, + "euclidean_pearson": -15.27866395332899, + "euclidean_spearman": -14.09405330374556, + "main_score": 10.216376215477217, + "manhattan_pearson": -14.968016143069224, + "manhattan_spearman": -12.871979788571364, + "pearson": 16.140292893693204, + "spearman": 10.216376215477217 + }, + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 78.42242639560023, + "cosine_spearman": 80.2472005970173, + "euclidean_pearson": 66.28797094299918, + "euclidean_spearman": 67.13581863643712, + "main_score": 80.2472005970173, + "manhattan_pearson": 66.02431023839748, + "manhattan_spearman": 67.15538442088678, + "pearson": 78.42242639560023, + "spearman": 80.2472005970173 + }, + { + "hf_subset": "en-ar", + "languages": [ + "eng-Latn", + "ara-Arab" + ], + "cosine_pearson": -5.762967943082491, + "cosine_spearman": -6.184248227377756, + "euclidean_pearson": -12.170911062337659, + "euclidean_spearman": -9.846378276134612, + "main_score": -6.184248227377756, + "manhattan_pearson": -13.126030597269658, + "manhattan_spearman": -11.320163726484019, + "pearson": -5.762967943082491, + "spearman": -6.184248227377756 + }, + { + "hf_subset": "en-tr", + "languages": [ + "eng-Latn", + "tur-Latn" + ], + "cosine_pearson": -8.666319610669559, + "cosine_spearman": -10.0877070299522, + "euclidean_pearson": -21.16722886445997, + "euclidean_spearman": -25.725365743898504, + "main_score": -10.0877070299522, + "manhattan_pearson": -22.03289222804741, + "manhattan_spearman": -26.785390252425533, + "pearson": -8.666319610669559, + "spearman": -10.0877070299522 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/STS22.json b/results/minishlab__M2V_base_glove_subword/external/STS22.json new file mode 100644 index 000000000..e0dddab93 --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/STS22.json @@ -0,0 +1,89 @@ +{ + "dataset_revision": "de9d86b3b84231dc21f76c7b7af1f28e2f57f6e3", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cosine_pearson": 16.880423266497427, + "cosine_spearman": 18.497107178067477, + "euclidean_pearson": 14.33062698609246, + "euclidean_spearman": 16.623349996837863, + "main_score": 18.497107178067477, + "manhattan_pearson": 21.024602299309286, + "manhattan_spearman": 24.281840448539402, + "pearson": 16.880423266497427, + "spearman": 18.497107178067477 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 44.98861387948161, + "cosine_spearman": 59.04270974068145, + "euclidean_pearson": 49.574894395857484, + "euclidean_spearman": 58.827686687567805, + "main_score": 59.04270974068145, + "manhattan_pearson": 48.65094961023066, + "manhattan_spearman": 58.3204048215355, + "pearson": 44.98861387948161, + "spearman": 59.04270974068145 + }, + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "cosine_pearson": 26.505168004689462, + "cosine_spearman": 28.591720613248732, + "euclidean_pearson": 24.74526273753091, + "euclidean_spearman": 28.416241187559642, + "main_score": 28.591720613248732, + "manhattan_pearson": 23.527990703124505, + "manhattan_spearman": 33.434031878984136, + "pearson": 26.505168004689462, + "spearman": 28.591720613248732 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "cosine_pearson": 11.552622364692777, + "cosine_spearman": 10.973019756392695, + "euclidean_pearson": 2.373117729670719, + "euclidean_spearman": 1.961823192174414, + "main_score": 10.973019756392695, + "manhattan_pearson": 2.4552310228655108, + "manhattan_spearman": 2.9778196586898273, + "pearson": 11.552622364692777, + "spearman": 10.973019756392695 + }, + { + "hf_subset": "pl-en", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "cosine_pearson": 10.466988163502029, + "cosine_spearman": -0.21879166839686814, + "euclidean_pearson": 22.096342233944544, + "euclidean_spearman": 3.010990103175947, + "main_score": -0.21879166839686814, + "manhattan_pearson": 27.847325418935775, + "manhattan_spearman": 4.74569547403683, + "pearson": 10.466988163502029, + "spearman": -0.21879166839686814 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/STSBenchmark.json b/results/minishlab__M2V_base_glove_subword/external/STSBenchmark.json new file mode 100644 index 000000000..b19590725 --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 66.80057012864974, + "cosine_spearman": 66.52235871936412, + "euclidean_pearson": 55.372109895942536, + "euclidean_spearman": 56.04078716357898, + "main_score": 66.52235871936412, + "manhattan_pearson": 55.58797025494765, + "manhattan_spearman": 56.179959581772266, + "pearson": 66.80057012864974, + "spearman": 66.52235871936412 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/SciDocsRR.json b/results/minishlab__M2V_base_glove_subword/external/SciDocsRR.json new file mode 100644 index 000000000..d879cb624 --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/SciDocsRR.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 71.11074203128574, + "map": 71.11074203128574, + "mrr": 89.77809499868323, + "nAUC_map_diff1": 11.228330835325687, + "nAUC_map_max": 54.45812469406701, + "nAUC_map_std": 63.051723849534525, + "nAUC_mrr_diff1": 47.94323704040123, + "nAUC_mrr_max": 72.52180244204617, + "nAUC_mrr_std": 64.6185657337566 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/SciFact.json b/results/minishlab__M2V_base_glove_subword/external/SciFact.json new file mode 100644 index 000000000..e5aad6245 --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/SciFact.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 50.663000000000004, + "map_at_1": 34.9, + "map_at_10": 45.591, + "map_at_100": 46.478, + "map_at_1000": 46.544000000000004, + "map_at_20": 45.999, + "map_at_3": 43.354, + "map_at_5": 44.733000000000004, + "mrr_at_1": 37.0, + "mrr_at_10": 47.36547619047619, + "mrr_at_100": 48.09705728333796, + "mrr_at_1000": 48.152949244883104, + "mrr_at_20": 47.69512736718619, + "mrr_at_3": 45.388888888888886, + "mrr_at_5": 46.605555555555554, + "nauc_map_at_1000_diff1": 52.100145151741394, + "nauc_map_at_1000_max": 27.410237212009648, + "nauc_map_at_1000_std": 2.9904718168509814, + "nauc_map_at_100_diff1": 52.078009501467115, + "nauc_map_at_100_max": 27.388902536377337, + "nauc_map_at_100_std": 2.9956426758632553, + "nauc_map_at_10_diff1": 52.22446655004901, + "nauc_map_at_10_max": 27.537880755428052, + "nauc_map_at_10_std": 2.5329635707923672, + "nauc_map_at_1_diff1": 56.87947977552147, + "nauc_map_at_1_max": 26.992163127256497, + "nauc_map_at_1_std": -0.9440039327267877, + "nauc_map_at_20_diff1": 52.106371246476826, + "nauc_map_at_20_max": 27.32862929056924, + "nauc_map_at_20_std": 2.7349113689801996, + "nauc_map_at_3_diff1": 53.35317860724047, + "nauc_map_at_3_max": 26.25510463708658, + "nauc_map_at_3_std": 2.289593280073433, + "nauc_map_at_5_diff1": 51.678047431193974, + "nauc_map_at_5_max": 27.418395689002818, + "nauc_map_at_5_std": 2.1245361198440267, + "nauc_mrr_at_1000_diff1": 49.98301669091194, + "nauc_mrr_at_1000_max": 29.333209267321198, + "nauc_mrr_at_1000_std": 5.252782451549811, + "nauc_mrr_at_100_diff1": 49.967980336744034, + "nauc_mrr_at_100_max": 29.331397088810657, + "nauc_mrr_at_100_std": 5.261178047875302, + "nauc_mrr_at_10_diff1": 50.02865512004594, + "nauc_mrr_at_10_max": 29.665247088988096, + "nauc_mrr_at_10_std": 5.105677188444364, + "nauc_mrr_at_1_diff1": 55.219664224743944, + "nauc_mrr_at_1_max": 29.369235255966586, + "nauc_mrr_at_1_std": 1.294523738013475, + "nauc_mrr_at_20_diff1": 49.98301552378738, + "nauc_mrr_at_20_max": 29.388470718856922, + "nauc_mrr_at_20_std": 5.178678395201041, + "nauc_mrr_at_3_diff1": 51.00229122885918, + "nauc_mrr_at_3_max": 28.064602643242907, + "nauc_mrr_at_3_std": 4.744718855685464, + "nauc_mrr_at_5_diff1": 49.20787956974137, + "nauc_mrr_at_5_max": 29.663856377950655, + "nauc_mrr_at_5_std": 4.889452630825029, + "nauc_ndcg_at_1000_diff1": 50.26524611758448, + "nauc_ndcg_at_1000_max": 28.816092638532105, + "nauc_ndcg_at_1000_std": 5.777693934805941, + "nauc_ndcg_at_100_diff1": 49.810321964883876, + "nauc_ndcg_at_100_max": 28.85200497094049, + "nauc_ndcg_at_100_std": 6.4161665223690445, + "nauc_ndcg_at_10_diff1": 50.31987402674788, + "nauc_ndcg_at_10_max": 29.1957589259604, + "nauc_ndcg_at_10_std": 4.249172262339034, + "nauc_ndcg_at_1_diff1": 55.219664224743944, + "nauc_ndcg_at_1_max": 29.369235255966586, + "nauc_ndcg_at_1_std": 1.294523738013475, + "nauc_ndcg_at_20_diff1": 49.95117201846568, + "nauc_ndcg_at_20_max": 28.252381258706883, + "nauc_ndcg_at_20_std": 4.799900939787535, + "nauc_ndcg_at_3_diff1": 51.81554260088138, + "nauc_ndcg_at_3_max": 27.121304990834222, + "nauc_ndcg_at_3_std": 3.720528057690934, + "nauc_ndcg_at_5_diff1": 48.77973374919412, + "nauc_ndcg_at_5_max": 29.131535344710002, + "nauc_ndcg_at_5_std": 3.565095958368389, + "nauc_precision_at_1000_diff1": -7.462742973759457, + "nauc_precision_at_1000_max": 21.45790554414784, + "nauc_precision_at_1000_std": 24.38429850971904, + "nauc_precision_at_100_diff1": 10.210409634704046, + "nauc_precision_at_100_max": 27.700772933352024, + "nauc_precision_at_100_std": 27.80962272064547, + "nauc_precision_at_10_diff1": 34.576585797430766, + "nauc_precision_at_10_max": 33.364848337655786, + "nauc_precision_at_10_std": 14.448906660652794, + "nauc_precision_at_1_diff1": 55.219664224743944, + "nauc_precision_at_1_max": 29.369235255966586, + "nauc_precision_at_1_std": 1.294523738013475, + "nauc_precision_at_20_diff1": 28.759871255957847, + "nauc_precision_at_20_max": 28.756353659179982, + "nauc_precision_at_20_std": 17.539177234113616, + "nauc_precision_at_3_diff1": 44.99876896761731, + "nauc_precision_at_3_max": 28.597098219106442, + "nauc_precision_at_3_std": 9.21762492818973, + "nauc_precision_at_5_diff1": 34.186850914452485, + "nauc_precision_at_5_max": 33.954540973558686, + "nauc_precision_at_5_std": 10.546528423678431, + "nauc_recall_at_1000_diff1": 23.83001981280335, + "nauc_recall_at_1000_max": 43.846644348796225, + "nauc_recall_at_1000_std": 60.408553665368835, + "nauc_recall_at_100_diff1": 38.4746907480832, + "nauc_recall_at_100_max": 33.882306484150135, + "nauc_recall_at_100_std": 27.750836673176565, + "nauc_recall_at_10_diff1": 44.98978983013661, + "nauc_recall_at_10_max": 31.241708340662296, + "nauc_recall_at_10_std": 6.026684637828198, + "nauc_recall_at_1_diff1": 56.87947977552147, + "nauc_recall_at_1_max": 26.992163127256497, + "nauc_recall_at_1_std": -0.9440039327267877, + "nauc_recall_at_20_diff1": 43.253384002784074, + "nauc_recall_at_20_max": 26.89815696422301, + "nauc_recall_at_20_std": 8.446980210355042, + "nauc_recall_at_3_diff1": 48.89792955260931, + "nauc_recall_at_3_max": 26.765492965973237, + "nauc_recall_at_3_std": 5.600856860068723, + "nauc_recall_at_5_diff1": 40.79334879234603, + "nauc_recall_at_5_max": 31.676509416439163, + "nauc_recall_at_5_std": 4.7055724522242, + "ndcg_at_1": 37.0, + "ndcg_at_10": 50.663000000000004, + "ndcg_at_100": 55.022999999999996, + "ndcg_at_1000": 56.643, + "ndcg_at_20": 52.001, + "ndcg_at_3": 46.424, + "ndcg_at_5": 48.653999999999996, + "precision_at_1": 37.0, + "precision_at_10": 7.133000000000001, + "precision_at_100": 0.9570000000000001, + "precision_at_1000": 0.11, + "precision_at_20": 3.8670000000000004, + "precision_at_3": 19.0, + "precision_at_5": 12.733, + "recall_at_1": 34.9, + "recall_at_10": 64.372, + "recall_at_100": 84.806, + "recall_at_1000": 97.26700000000001, + "recall_at_20": 69.428, + "recall_at_3": 52.983000000000004, + "recall_at_5": 58.428000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/SprintDuplicateQuestions.json b/results/minishlab__M2V_base_glove_subword/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..bff4264fa --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/SprintDuplicateQuestions.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 99.6029702970297, + "cosine_accuracy_threshold": 78.96339297294617, + "cosine_ap": 85.09945680365945, + "cosine_f1": 79.00249376558605, + "cosine_f1_threshold": 77.54697799682617, + "cosine_precision": 78.80597014925374, + "cosine_recall": 79.2, + "dot_accuracy": 99.07128712871287, + "dot_accuracy_threshold": 113537.78076171875, + "dot_ap": 32.974014883183614, + "dot_f1": 38.70665417057169, + "dot_f1_threshold": 82395.60546875, + "dot_precision": 36.41975308641975, + "dot_recall": 41.3, + "euclidean_accuracy": 99.35742574257425, + "euclidean_accuracy_threshold": 1716.6461944580078, + "euclidean_ap": 60.79241641393818, + "euclidean_f1": 61.254199328107504, + "euclidean_f1_threshold": 1787.368392944336, + "euclidean_precision": 69.59287531806616, + "euclidean_recall": 54.7, + "main_score": 85.09945680365945, + "manhattan_accuracy": 99.35544554455446, + "manhattan_accuracy_threshold": 21216.224670410156, + "manhattan_ap": 60.67247165482485, + "manhattan_f1": 61.16876024030584, + "manhattan_f1_threshold": 22668.411254882812, + "manhattan_precision": 67.38868832731649, + "manhattan_recall": 56.00000000000001, + "max_accuracy": 99.6029702970297, + "max_ap": 85.09945680365945, + "max_f1": 79.00249376558605, + "max_precision": 78.80597014925374, + "max_recall": 79.2, + "similarity_accuracy": 99.6029702970297, + "similarity_accuracy_threshold": 78.96339297294617, + "similarity_ap": 85.09945680365945, + "similarity_f1": 79.00249376558605, + "similarity_f1_threshold": 77.54697799682617, + "similarity_precision": 78.80597014925374, + "similarity_recall": 79.2 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/StackExchangeClustering.json b/results/minishlab__M2V_base_glove_subword/external/StackExchangeClustering.json new file mode 100644 index 000000000..0a7432572 --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/StackExchangeClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 40.01875953666112, + "v_measure": 40.01875953666112, + "v_measure_std": 4.519991014119391 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/StackExchangeClusteringP2P.json b/results/minishlab__M2V_base_glove_subword/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..4f5c7db65 --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/StackExchangeClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 28.81354037080584, + "v_measure": 28.81354037080584, + "v_measure_std": 1.4144350664362755 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/StackOverflowDupQuestions.json b/results/minishlab__M2V_base_glove_subword/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..5fae2687f --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/StackOverflowDupQuestions.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 44.09716409649705, + "map": 44.09716409649705, + "mrr": 44.662380103556565, + "nAUC_map_diff1": 35.29255607823797, + "nAUC_map_max": 16.421837723462147, + "nAUC_map_std": 6.1302069782322315, + "nAUC_mrr_diff1": 34.559928528154806, + "nAUC_mrr_max": 17.207604918830953, + "nAUC_mrr_std": 6.664790258906265 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/SummEval.json b/results/minishlab__M2V_base_glove_subword/external/SummEval.json new file mode 100644 index 000000000..5bb87a1e7 --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 29.294245469087553, + "cosine_spearman": 30.080488918284974, + "dot_pearson": 18.322393003009722, + "dot_spearman": 20.941469677129597, + "main_score": 30.080488918284974, + "pearson": 29.294245469087553, + "spearman": 30.080488918284974 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/TRECCOVID.json b/results/minishlab__M2V_base_glove_subword/external/TRECCOVID.json new file mode 100644 index 000000000..ce9ec955e --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/TRECCOVID.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "bb9466bac8153a0349341eb1b22e06409e78ef4e", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 39.983999999999995, + "map_at_1": 0.106, + "map_at_10": 0.644, + "map_at_100": 3.021, + "map_at_1000": 7.86, + "map_at_20": 1.0959999999999999, + "map_at_3": 0.26, + "map_at_5": 0.383, + "mrr_at_1": 52.0, + "mrr_at_10": 63.62142857142856, + "mrr_at_100": 64.14120879120878, + "mrr_at_1000": 64.15196147938082, + "mrr_at_20": 64.06428571428572, + "mrr_at_3": 60.33333333333333, + "mrr_at_5": 62.133333333333326, + "nauc_map_at_1000_diff1": 24.416863084123577, + "nauc_map_at_1000_max": 38.56500518410879, + "nauc_map_at_1000_std": 57.28416632982124, + "nauc_map_at_100_diff1": 7.320029678013508, + "nauc_map_at_100_max": 31.67441200824679, + "nauc_map_at_100_std": 46.99676723594155, + "nauc_map_at_10_diff1": 2.1592330331050635, + "nauc_map_at_10_max": 26.48308930412215, + "nauc_map_at_10_std": 32.1215432254444, + "nauc_map_at_1_diff1": 19.602070971946954, + "nauc_map_at_1_max": 8.20575258643758, + "nauc_map_at_1_std": 17.150126202821102, + "nauc_map_at_20_diff1": 1.4525678948841099, + "nauc_map_at_20_max": 25.398372034894923, + "nauc_map_at_20_std": 37.98656048425611, + "nauc_map_at_3_diff1": 14.189476148666769, + "nauc_map_at_3_max": 13.645814074115348, + "nauc_map_at_3_std": 24.193562926020505, + "nauc_map_at_5_diff1": 6.385516140164152, + "nauc_map_at_5_max": 19.028014747196977, + "nauc_map_at_5_std": 27.2670171970273, + "nauc_mrr_at_1000_diff1": 29.927939844415192, + "nauc_mrr_at_1000_max": 19.139062731303653, + "nauc_mrr_at_1000_std": 30.750244889158466, + "nauc_mrr_at_100_diff1": 29.955577537768708, + "nauc_mrr_at_100_max": 19.15999969363906, + "nauc_mrr_at_100_std": 30.777558250465532, + "nauc_mrr_at_10_diff1": 29.75190425697829, + "nauc_mrr_at_10_max": 19.247901214296146, + "nauc_mrr_at_10_std": 30.12495769940457, + "nauc_mrr_at_1_diff1": 25.319658305674935, + "nauc_mrr_at_1_max": 19.408020022852174, + "nauc_mrr_at_1_std": 30.518526579248036, + "nauc_mrr_at_20_diff1": 29.381724804135523, + "nauc_mrr_at_20_max": 18.78203200071421, + "nauc_mrr_at_20_std": 30.201392736164536, + "nauc_mrr_at_3_diff1": 33.49197973287976, + "nauc_mrr_at_3_max": 16.821299944157854, + "nauc_mrr_at_3_std": 32.95866142740776, + "nauc_mrr_at_5_diff1": 30.519933718405962, + "nauc_mrr_at_5_max": 20.873028786250366, + "nauc_mrr_at_5_std": 31.53952703715278, + "nauc_ndcg_at_1000_diff1": 19.56599546833078, + "nauc_ndcg_at_1000_max": 31.55417192496882, + "nauc_ndcg_at_1000_std": 46.03469380933216, + "nauc_ndcg_at_100_diff1": 17.03409656600608, + "nauc_ndcg_at_100_max": 30.018921010755896, + "nauc_ndcg_at_100_std": 42.083969481235535, + "nauc_ndcg_at_10_diff1": 9.622601053598032, + "nauc_ndcg_at_10_max": 24.036876646465473, + "nauc_ndcg_at_10_std": 29.264022469658542, + "nauc_ndcg_at_1_diff1": 10.162034267788544, + "nauc_ndcg_at_1_max": 14.902101527295905, + "nauc_ndcg_at_1_std": 22.89481729606148, + "nauc_ndcg_at_20_diff1": 11.827596896516578, + "nauc_ndcg_at_20_max": 21.89722632493682, + "nauc_ndcg_at_20_std": 34.10813108354046, + "nauc_ndcg_at_3_diff1": 9.885830514681343, + "nauc_ndcg_at_3_max": 18.645371242229174, + "nauc_ndcg_at_3_std": 27.61014855490183, + "nauc_ndcg_at_5_diff1": 7.016021785588281, + "nauc_ndcg_at_5_max": 21.223071359768444, + "nauc_ndcg_at_5_std": 26.398061449644693, + "nauc_precision_at_1000_diff1": 21.951465290665013, + "nauc_precision_at_1000_max": 29.28795349580752, + "nauc_precision_at_1000_std": 43.851885410437404, + "nauc_precision_at_100_diff1": 20.103205413776266, + "nauc_precision_at_100_max": 29.53467404908886, + "nauc_precision_at_100_std": 43.41214281168461, + "nauc_precision_at_10_diff1": 9.327632341614823, + "nauc_precision_at_10_max": 27.739929968318993, + "nauc_precision_at_10_std": 30.029060765584443, + "nauc_precision_at_1_diff1": 25.319658305674935, + "nauc_precision_at_1_max": 19.408020022852174, + "nauc_precision_at_1_std": 30.518526579248036, + "nauc_precision_at_20_diff1": 12.507551705078598, + "nauc_precision_at_20_max": 25.437784661790673, + "nauc_precision_at_20_std": 37.6038493343788, + "nauc_precision_at_3_diff1": 17.302840903240426, + "nauc_precision_at_3_max": 18.240884706076184, + "nauc_precision_at_3_std": 32.34758075311221, + "nauc_precision_at_5_diff1": 10.643711764387417, + "nauc_precision_at_5_max": 24.411239239889554, + "nauc_precision_at_5_std": 28.767392128200953, + "nauc_recall_at_1000_diff1": 18.932208342315853, + "nauc_recall_at_1000_max": 28.482052015706234, + "nauc_recall_at_1000_std": 44.983993721189705, + "nauc_recall_at_100_diff1": 12.30127094174658, + "nauc_recall_at_100_max": 25.614395729836016, + "nauc_recall_at_100_std": 40.04868566707452, + "nauc_recall_at_10_diff1": -4.63806503951543, + "nauc_recall_at_10_max": 25.05145496553497, + "nauc_recall_at_10_std": 24.09893875274637, + "nauc_recall_at_1_diff1": 19.602070971946954, + "nauc_recall_at_1_max": 8.20575258643758, + "nauc_recall_at_1_std": 17.150126202821102, + "nauc_recall_at_20_diff1": 3.229932027028801, + "nauc_recall_at_20_max": 18.794275827349168, + "nauc_recall_at_20_std": 30.248974156728046, + "nauc_recall_at_3_diff1": 15.00878750843053, + "nauc_recall_at_3_max": 9.046387583277276, + "nauc_recall_at_3_std": 22.79927256744018, + "nauc_recall_at_5_diff1": 1.9090462818828973, + "nauc_recall_at_5_max": 17.416622454402713, + "nauc_recall_at_5_std": 21.915265437836833, + "ndcg_at_1": 45.0, + "ndcg_at_10": 39.983999999999995, + "ndcg_at_100": 27.095999999999997, + "ndcg_at_1000": 24.454, + "ndcg_at_20": 37.319, + "ndcg_at_3": 43.704, + "ndcg_at_5": 41.568, + "precision_at_1": 52.0, + "precision_at_10": 42.6, + "precision_at_100": 27.72, + "precision_at_1000": 11.844000000000001, + "precision_at_20": 39.6, + "precision_at_3": 48.667, + "precision_at_5": 45.6, + "recall_at_1": 0.106, + "recall_at_10": 0.9159999999999999, + "recall_at_100": 5.715, + "recall_at_1000": 23.662, + "recall_at_20": 1.7160000000000002, + "recall_at_3": 0.302, + "recall_at_5": 0.482 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/Touche2020.json b/results/minishlab__M2V_base_glove_subword/external/Touche2020.json new file mode 100644 index 000000000..9d3f9c81a --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/Touche2020.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 13.753000000000002, + "map_at_1": 1.5970000000000002, + "map_at_10": 4.601, + "map_at_100": 7.7700000000000005, + "map_at_1000": 9.096, + "map_at_20": 5.817, + "map_at_3": 2.377, + "map_at_5": 2.98, + "mrr_at_1": 22.448979591836736, + "mrr_at_10": 33.38030450275348, + "mrr_at_100": 35.01828931874863, + "mrr_at_1000": 35.037725664715595, + "mrr_at_20": 34.6865889212828, + "mrr_at_3": 28.231292517006807, + "mrr_at_5": 31.394557823129254, + "nauc_map_at_1000_diff1": -11.252417383140266, + "nauc_map_at_1000_max": -37.24375623641661, + "nauc_map_at_1000_std": -38.122086330314595, + "nauc_map_at_100_diff1": -13.970621196322664, + "nauc_map_at_100_max": -39.871220844684366, + "nauc_map_at_100_std": -41.05324590181932, + "nauc_map_at_10_diff1": -12.163263778180402, + "nauc_map_at_10_max": -36.76984556993433, + "nauc_map_at_10_std": -37.53503392844242, + "nauc_map_at_1_diff1": -21.481769300580112, + "nauc_map_at_1_max": -34.78475326600437, + "nauc_map_at_1_std": -31.34442054238037, + "nauc_map_at_20_diff1": -14.607331295503842, + "nauc_map_at_20_max": -40.507883730110066, + "nauc_map_at_20_std": -42.25172210956502, + "nauc_map_at_3_diff1": -16.11765086583003, + "nauc_map_at_3_max": -39.875149479128375, + "nauc_map_at_3_std": -36.495342441290575, + "nauc_map_at_5_diff1": -12.762015642768567, + "nauc_map_at_5_max": -35.84513643191068, + "nauc_map_at_5_std": -34.507874404019105, + "nauc_mrr_at_1000_diff1": -14.380678398651431, + "nauc_mrr_at_1000_max": -34.916144132151764, + "nauc_mrr_at_1000_std": -37.97719898398948, + "nauc_mrr_at_100_diff1": -14.315571331226579, + "nauc_mrr_at_100_max": -34.82941353583672, + "nauc_mrr_at_100_std": -37.88850059416566, + "nauc_mrr_at_10_diff1": -15.357854232460392, + "nauc_mrr_at_10_max": -35.50556512154432, + "nauc_mrr_at_10_std": -39.177327110088726, + "nauc_mrr_at_1_diff1": -20.81375579297355, + "nauc_mrr_at_1_max": -29.68218990777337, + "nauc_mrr_at_1_std": -32.340167902766225, + "nauc_mrr_at_20_diff1": -14.007415589033556, + "nauc_mrr_at_20_max": -35.07243301300378, + "nauc_mrr_at_20_std": -38.4083789449898, + "nauc_mrr_at_3_diff1": -18.09416617081835, + "nauc_mrr_at_3_max": -36.95185320631812, + "nauc_mrr_at_3_std": -35.64342684468998, + "nauc_mrr_at_5_diff1": -15.183051674277138, + "nauc_mrr_at_5_max": -34.67724348034976, + "nauc_mrr_at_5_std": -35.5955991849333, + "nauc_ndcg_at_1000_diff1": 0.8638249190254136, + "nauc_ndcg_at_1000_max": -27.240531292789573, + "nauc_ndcg_at_1000_std": -26.34406627094641, + "nauc_ndcg_at_100_diff1": -10.272509858747428, + "nauc_ndcg_at_100_max": -40.27645670071093, + "nauc_ndcg_at_100_std": -40.20324905617718, + "nauc_ndcg_at_10_diff1": -10.251898880214641, + "nauc_ndcg_at_10_max": -31.66063506955603, + "nauc_ndcg_at_10_std": -35.18245248110904, + "nauc_ndcg_at_1_diff1": -22.15796091381088, + "nauc_ndcg_at_1_max": -28.012386493294734, + "nauc_ndcg_at_1_std": -28.75534254770048, + "nauc_ndcg_at_20_diff1": -13.257359699197114, + "nauc_ndcg_at_20_max": -39.25007814100781, + "nauc_ndcg_at_20_std": -41.74617039563512, + "nauc_ndcg_at_3_diff1": -14.633327352889419, + "nauc_ndcg_at_3_max": -35.76970667496168, + "nauc_ndcg_at_3_std": -34.78512355124301, + "nauc_ndcg_at_5_diff1": -9.008702427186012, + "nauc_ndcg_at_5_max": -27.057510395795788, + "nauc_ndcg_at_5_std": -31.06336991460067, + "nauc_precision_at_1000_diff1": 24.915422567175415, + "nauc_precision_at_1000_max": 47.53560015584683, + "nauc_precision_at_1000_std": 38.21701614763806, + "nauc_precision_at_100_diff1": 6.645491992850349, + "nauc_precision_at_100_max": -14.578256280924878, + "nauc_precision_at_100_std": -23.049085659678926, + "nauc_precision_at_10_diff1": -0.9667619260601806, + "nauc_precision_at_10_max": -25.529150834147217, + "nauc_precision_at_10_std": -35.81209624358855, + "nauc_precision_at_1_diff1": -20.81375579297355, + "nauc_precision_at_1_max": -29.68218990777337, + "nauc_precision_at_1_std": -32.340167902766225, + "nauc_precision_at_20_diff1": -5.664913271170427, + "nauc_precision_at_20_max": -31.789766954167682, + "nauc_precision_at_20_std": -43.24957806575219, + "nauc_precision_at_3_diff1": -8.78321692449596, + "nauc_precision_at_3_max": -40.94190027571407, + "nauc_precision_at_3_std": -40.42051526602616, + "nauc_precision_at_5_diff1": -0.6700857649701735, + "nauc_precision_at_5_max": -25.396527239026117, + "nauc_precision_at_5_std": -31.60992759387055, + "nauc_recall_at_1000_diff1": 6.608885618295343, + "nauc_recall_at_1000_max": -17.90157348658524, + "nauc_recall_at_1000_std": 1.4128128959708763, + "nauc_recall_at_100_diff1": -10.790017345080633, + "nauc_recall_at_100_max": -42.67969932770011, + "nauc_recall_at_100_std": -36.57531070739207, + "nauc_recall_at_10_diff1": -9.632249853815987, + "nauc_recall_at_10_max": -35.775869145222444, + "nauc_recall_at_10_std": -38.6290217611413, + "nauc_recall_at_1_diff1": -21.481769300580112, + "nauc_recall_at_1_max": -34.78475326600437, + "nauc_recall_at_1_std": -31.34442054238037, + "nauc_recall_at_20_diff1": -16.584366120363462, + "nauc_recall_at_20_max": -45.0011419751979, + "nauc_recall_at_20_std": -46.22137916249736, + "nauc_recall_at_3_diff1": -16.227776403050605, + "nauc_recall_at_3_max": -46.19831636902846, + "nauc_recall_at_3_std": -39.31769096438802, + "nauc_recall_at_5_diff1": -8.463083898122722, + "nauc_recall_at_5_max": -34.1285878720165, + "nauc_recall_at_5_std": -33.56523176213727, + "ndcg_at_1": 19.387999999999998, + "ndcg_at_10": 13.753000000000002, + "ndcg_at_100": 23.552, + "ndcg_at_1000": 36.061, + "ndcg_at_20": 15.113999999999999, + "ndcg_at_3": 14.994, + "ndcg_at_5": 13.927, + "precision_at_1": 22.448999999999998, + "precision_at_10": 13.469000000000001, + "precision_at_100": 5.531, + "precision_at_1000": 1.333, + "precision_at_20": 11.224, + "precision_at_3": 15.645999999999999, + "precision_at_5": 14.693999999999999, + "recall_at_1": 1.5970000000000002, + "recall_at_10": 9.428, + "recall_at_100": 34.227000000000004, + "recall_at_1000": 72.233, + "recall_at_20": 15.456, + "recall_at_3": 3.024, + "recall_at_5": 4.776 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/ToxicConversationsClassification.json b/results/minishlab__M2V_base_glove_subword/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..fcb9cc41b --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/ToxicConversationsClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 65.6884765625, + "ap": 11.395400787741414, + "ap_weighted": 11.395400787741414, + "f1": 49.997667284332806, + "f1_weighted": 73.34420433686675, + "main_score": 65.6884765625 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/TweetSentimentExtractionClassification.json b/results/minishlab__M2V_base_glove_subword/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..8c9da48d3 --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 49.83305036785513, + "f1": 49.97910620163813, + "f1_weighted": 49.32130156716104, + "main_score": 49.83305036785513 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/TwentyNewsgroupsClustering.json b/results/minishlab__M2V_base_glove_subword/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..180ddb1ea --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 25.27920179659098, + "v_measure": 25.27920179659098, + "v_measure_std": 2.092324622279832 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/TwitterSemEval2015.json b/results/minishlab__M2V_base_glove_subword/external/TwitterSemEval2015.json new file mode 100644 index 000000000..1dbec88ae --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/TwitterSemEval2015.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 82.19586338439531, + "cosine_accuracy_threshold": 75.0169038772583, + "cosine_ap": 60.22081236487149, + "cosine_f1": 57.192894671003245, + "cosine_f1_threshold": 69.5034384727478, + "cosine_precision": 54.3767840152236, + "cosine_recall": 60.31662269129288, + "dot_accuracy": 77.92215533170412, + "dot_accuracy_threshold": 106759.60693359375, + "dot_ap": 40.49772647740827, + "dot_f1": 46.14293314417449, + "dot_f1_threshold": 67732.36083984375, + "dot_precision": 34.748931623931625, + "dot_recall": 68.65435356200528, + "euclidean_accuracy": 80.45538534898968, + "euclidean_accuracy_threshold": 2147.9385375976562, + "euclidean_ap": 52.814058086493475, + "euclidean_f1": 50.80232161147149, + "euclidean_f1_threshold": 2624.5105743408203, + "euclidean_precision": 44.66680008004803, + "euclidean_recall": 58.89182058047493, + "main_score": 60.22081236487149, + "manhattan_accuracy": 80.53883292602968, + "manhattan_accuracy_threshold": 27107.672119140625, + "manhattan_ap": 53.53662771884282, + "manhattan_f1": 51.65052816901407, + "manhattan_f1_threshold": 33232.24792480469, + "manhattan_precision": 44.299735749339376, + "manhattan_recall": 61.92612137203166, + "max_accuracy": 82.19586338439531, + "max_ap": 60.22081236487149, + "max_f1": 57.192894671003245, + "max_precision": 54.3767840152236, + "max_recall": 68.65435356200528, + "similarity_accuracy": 82.19586338439531, + "similarity_accuracy_threshold": 75.0169038772583, + "similarity_ap": 60.22081236487149, + "similarity_f1": 57.192894671003245, + "similarity_f1_threshold": 69.5034384727478, + "similarity_precision": 54.3767840152236, + "similarity_recall": 60.31662269129288 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/TwitterURLCorpus.json b/results/minishlab__M2V_base_glove_subword/external/TwitterURLCorpus.json new file mode 100644 index 000000000..2f2910bdb --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/TwitterURLCorpus.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 85.86758256684907, + "cosine_accuracy_threshold": 73.03299903869629, + "cosine_ap": 78.79896751132692, + "cosine_f1": 70.93762938984453, + "cosine_f1_threshold": 69.51396465301514, + "cosine_precision": 69.39391707784078, + "cosine_recall": 72.55158607945796, + "dot_accuracy": 81.69169868436373, + "dot_accuracy_threshold": 51796.2890625, + "dot_ap": 66.49022700054283, + "dot_f1": 62.167484157387854, + "dot_f1_threshold": 42622.021484375, + "dot_precision": 58.10078297530617, + "dot_recall": 66.84631967970435, + "euclidean_accuracy": 83.17809601428183, + "euclidean_accuracy_threshold": 1687.9749298095703, + "euclidean_ap": 70.39367677734302, + "euclidean_f1": 62.79221027661935, + "euclidean_f1_threshold": 1905.8393478393555, + "euclidean_precision": 62.40778766446118, + "euclidean_recall": 63.181398213735754, + "main_score": 78.79896751132692, + "manhattan_accuracy": 83.23631000892615, + "manhattan_accuracy_threshold": 21191.021728515625, + "manhattan_ap": 70.60408795606112, + "manhattan_f1": 62.99311208515969, + "manhattan_f1_threshold": 23671.893310546875, + "manhattan_precision": 64.05603311047437, + "manhattan_recall": 61.964890668309216, + "max_accuracy": 85.86758256684907, + "max_ap": 78.79896751132692, + "max_f1": 70.93762938984453, + "max_precision": 69.39391707784078, + "max_recall": 72.55158607945796, + "similarity_accuracy": 85.86758256684907, + "similarity_accuracy_threshold": 73.03299903869629, + "similarity_ap": 78.79896751132692, + "similarity_f1": 70.93762938984453, + "similarity_f1_threshold": 69.51396465301514, + "similarity_precision": 69.39391707784078, + "similarity_recall": 72.55158607945796 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_glove_subword/external/model_meta.json b/results/minishlab__M2V_base_glove_subword/external/model_meta.json new file mode 100644 index 000000000..5e770b07a --- /dev/null +++ b/results/minishlab__M2V_base_glove_subword/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "minishlab/M2V_base_glove_subword", + "revision": "09ae0e23b54407c9e5fbc2b6d9da41ac1c6b013d", + "release_date": "2024-10-02", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 102599424, + "memory_usage": null, + "max_tokens": 1000000, + "embed_dim": 256, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/AmazonCounterfactualClassification.json b/results/minishlab__M2V_base_output/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..5afdc7a6b --- /dev/null +++ b/results/minishlab__M2V_base_output/external/AmazonCounterfactualClassification.json @@ -0,0 +1,34 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-ext", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.1904047976012, + "ap": 19.610682715583142, + "ap_weighted": 19.610682715583142, + "f1": 57.14831247701502, + "f1_weighted": 75.0407024695743, + "main_score": 69.1904047976012 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.1044776119403, + "ap": 33.83428171392154, + "ap_weighted": 33.83428171392154, + "f1": 65.18431700199532, + "f1_weighted": 73.90467162513829, + "main_score": 71.1044776119403 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/AmazonPolarityClassification.json b/results/minishlab__M2V_base_output/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..c574c91b7 --- /dev/null +++ b/results/minishlab__M2V_base_output/external/AmazonPolarityClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 67.328075, + "ap": 62.26238067958846, + "ap_weighted": 62.26238067958846, + "f1": 66.93195816551996, + "f1_weighted": 66.93195816551996, + "main_score": 67.328075 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/AmazonReviewsClassification.json b/results/minishlab__M2V_base_output/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..9681e547a --- /dev/null +++ b/results/minishlab__M2V_base_output/external/AmazonReviewsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 32.589999999999996, + "f1": 32.11760053698346, + "f1_weighted": 32.11760053698346, + "main_score": 32.589999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/ArguAna.json b/results/minishlab__M2V_base_output/external/ArguAna.json new file mode 100644 index 000000000..eea8924ad --- /dev/null +++ b/results/minishlab__M2V_base_output/external/ArguAna.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 29.183999999999997, + "map_at_1": 14.011000000000001, + "map_at_10": 23.748, + "map_at_100": 24.808, + "map_at_1000": 24.89, + "map_at_20": 24.354, + "map_at_3": 20.721, + "map_at_5": 22.509, + "mrr_at_1": 14.509246088193455, + "mrr_at_10": 23.930067285330413, + "mrr_at_100": 24.990313023015393, + "mrr_at_1000": 25.071881804001343, + "mrr_at_20": 24.53573559987519, + "mrr_at_3": 20.88667614983403, + "mrr_at_5": 22.7038880986249, + "nauc_map_at_1000_diff1": 10.066441521146057, + "nauc_map_at_1000_max": -0.5837671794505647, + "nauc_map_at_1000_std": 12.356714430015906, + "nauc_map_at_100_diff1": 10.076633271522182, + "nauc_map_at_100_max": -0.5731496124067438, + "nauc_map_at_100_std": 12.415984202967115, + "nauc_map_at_10_diff1": 9.867302245745831, + "nauc_map_at_10_max": -0.8261964947948097, + "nauc_map_at_10_std": 11.57502900905332, + "nauc_map_at_1_diff1": 10.389795558592775, + "nauc_map_at_1_max": -4.511506238918001, + "nauc_map_at_1_std": 9.62435943787401, + "nauc_map_at_20_diff1": 10.114926370948476, + "nauc_map_at_20_max": -0.38257232900731064, + "nauc_map_at_20_std": 12.070421408069302, + "nauc_map_at_3_diff1": 8.840416555242445, + "nauc_map_at_3_max": -2.284214343720665, + "nauc_map_at_3_std": 9.41211373407306, + "nauc_map_at_5_diff1": 9.4616046565665, + "nauc_map_at_5_max": -1.8580221033457682, + "nauc_map_at_5_std": 10.252697423331279, + "nauc_mrr_at_1000_diff1": 8.50590042077137, + "nauc_mrr_at_1000_max": -0.9532348980220058, + "nauc_mrr_at_1000_std": 11.917718432821042, + "nauc_mrr_at_100_diff1": 8.519603663729045, + "nauc_mrr_at_100_max": -0.941843377489153, + "nauc_mrr_at_100_std": 11.977460275257405, + "nauc_mrr_at_10_diff1": 8.324129262175067, + "nauc_mrr_at_10_max": -1.1819451563051036, + "nauc_mrr_at_10_std": 11.143112974385687, + "nauc_mrr_at_1_diff1": 7.923019186157461, + "nauc_mrr_at_1_max": -3.8622428906009336, + "nauc_mrr_at_1_std": 8.574254762702411, + "nauc_mrr_at_20_diff1": 8.57172824197632, + "nauc_mrr_at_20_max": -0.7479018550868611, + "nauc_mrr_at_20_std": 11.638538106885681, + "nauc_mrr_at_3_diff1": 7.176947665978892, + "nauc_mrr_at_3_max": -2.8140949706898937, + "nauc_mrr_at_3_std": 8.966233266672026, + "nauc_mrr_at_5_diff1": 7.921651668561097, + "nauc_mrr_at_5_max": -2.1687598838347353, + "nauc_mrr_at_5_std": 9.810384238460967, + "nauc_ndcg_at_1000_diff1": 11.09862326017166, + "nauc_ndcg_at_1000_max": 1.6567266738852608, + "nauc_ndcg_at_1000_std": 16.06391490264334, + "nauc_ndcg_at_100_diff1": 11.372692796637454, + "nauc_ndcg_at_100_max": 1.8759976608604172, + "nauc_ndcg_at_100_std": 17.653326421438013, + "nauc_ndcg_at_10_diff1": 10.629937509771837, + "nauc_ndcg_at_10_max": 1.3739681707601088, + "nauc_ndcg_at_10_std": 13.688730163159986, + "nauc_ndcg_at_1_diff1": 10.389795558592775, + "nauc_ndcg_at_1_max": -4.511506238918001, + "nauc_ndcg_at_1_std": 9.62435943787401, + "nauc_ndcg_at_20_diff1": 11.486521194068173, + "nauc_ndcg_at_20_max": 2.855255358038754, + "nauc_ndcg_at_20_std": 15.394981206314688, + "nauc_ndcg_at_3_diff1": 8.680000272030385, + "nauc_ndcg_at_3_max": -1.6634044566640975, + "nauc_ndcg_at_3_std": 9.268472321517171, + "nauc_ndcg_at_5_diff1": 9.711071086647511, + "nauc_ndcg_at_5_max": -0.9491120105126298, + "nauc_ndcg_at_5_std": 10.68847112511071, + "nauc_precision_at_1000_diff1": 20.67453341943155, + "nauc_precision_at_1000_max": 21.6433346658854, + "nauc_precision_at_1000_std": 50.563552510430355, + "nauc_precision_at_100_diff1": 17.05138860576984, + "nauc_precision_at_100_max": 10.671778777967742, + "nauc_precision_at_100_std": 42.815464007080514, + "nauc_precision_at_10_diff1": 12.834245751753656, + "nauc_precision_at_10_max": 7.237728992777975, + "nauc_precision_at_10_std": 19.637476638724, + "nauc_precision_at_1_diff1": 10.389795558592775, + "nauc_precision_at_1_max": -4.511506238918001, + "nauc_precision_at_1_std": 9.62435943787401, + "nauc_precision_at_20_diff1": 15.960793242410434, + "nauc_precision_at_20_max": 12.642865380113017, + "nauc_precision_at_20_std": 25.900201704789065, + "nauc_precision_at_3_diff1": 8.364265704499747, + "nauc_precision_at_3_max": -0.20060414550763578, + "nauc_precision_at_3_std": 8.910638511394128, + "nauc_precision_at_5_diff1": 10.43686249937682, + "nauc_precision_at_5_max": 1.2061629814752834, + "nauc_precision_at_5_std": 11.812984132266987, + "nauc_recall_at_1000_diff1": 20.674533419431576, + "nauc_recall_at_1000_max": 21.643334665885174, + "nauc_recall_at_1000_std": 50.563552510430256, + "nauc_recall_at_100_diff1": 17.05138860576987, + "nauc_recall_at_100_max": 10.671778777967747, + "nauc_recall_at_100_std": 42.81546400708045, + "nauc_recall_at_10_diff1": 12.83424575175363, + "nauc_recall_at_10_max": 7.237728992777978, + "nauc_recall_at_10_std": 19.637476638724007, + "nauc_recall_at_1_diff1": 10.389795558592775, + "nauc_recall_at_1_max": -4.511506238918001, + "nauc_recall_at_1_std": 9.62435943787401, + "nauc_recall_at_20_diff1": 15.960793242410464, + "nauc_recall_at_20_max": 12.642865380113033, + "nauc_recall_at_20_std": 25.900201704789094, + "nauc_recall_at_3_diff1": 8.364265704499777, + "nauc_recall_at_3_max": -0.2006041455076358, + "nauc_recall_at_3_std": 8.910638511394144, + "nauc_recall_at_5_diff1": 10.436862499376828, + "nauc_recall_at_5_max": 1.2061629814752328, + "nauc_recall_at_5_std": 11.81298413226698, + "ndcg_at_1": 14.011000000000001, + "ndcg_at_10": 29.183999999999997, + "ndcg_at_100": 34.618, + "ndcg_at_1000": 37.006, + "ndcg_at_20": 31.371, + "ndcg_at_3": 22.991, + "ndcg_at_5": 26.244, + "precision_at_1": 14.011000000000001, + "precision_at_10": 4.651000000000001, + "precision_at_100": 0.7250000000000001, + "precision_at_1000": 0.092, + "precision_at_20": 2.7560000000000002, + "precision_at_3": 9.862, + "precision_at_5": 7.510999999999999, + "recall_at_1": 14.011000000000001, + "recall_at_10": 46.515, + "recall_at_100": 72.54599999999999, + "recall_at_1000": 91.821, + "recall_at_20": 55.120999999999995, + "recall_at_3": 29.587000000000003, + "recall_at_5": 37.553 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/ArxivClusteringP2P.json b/results/minishlab__M2V_base_output/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..56463b53e --- /dev/null +++ b/results/minishlab__M2V_base_output/external/ArxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 31.259738106366225, + "v_measure": 31.259738106366225, + "v_measure_std": 14.320141623571129 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/ArxivClusteringS2S.json b/results/minishlab__M2V_base_output/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..64df5b366 --- /dev/null +++ b/results/minishlab__M2V_base_output/external/ArxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 20.744213693691467, + "v_measure": 20.744213693691467, + "v_measure_std": 15.404721116239472 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/AskUbuntuDupQuestions.json b/results/minishlab__M2V_base_output/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..e14ad8a69 --- /dev/null +++ b/results/minishlab__M2V_base_output/external/AskUbuntuDupQuestions.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 51.62795895312553, + "map": 51.62795895312553, + "mrr": 65.83135470254582, + "nAUC_map_diff1": 14.141914127697058, + "nAUC_map_max": 15.463053892954765, + "nAUC_map_std": 6.690591989325812, + "nAUC_mrr_diff1": 17.935217602773022, + "nAUC_mrr_max": 20.50394658394339, + "nAUC_mrr_std": 11.867431280645176 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/BIOSSES.json b/results/minishlab__M2V_base_output/external/BIOSSES.json new file mode 100644 index 000000000..11204b6d7 --- /dev/null +++ b/results/minishlab__M2V_base_output/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 73.32741772202057, + "cosine_spearman": 73.42938398170034, + "euclidean_pearson": 52.53960842495785, + "euclidean_spearman": 55.20186022147138, + "main_score": 73.42938398170034, + "manhattan_pearson": 51.2857441475548, + "manhattan_spearman": 53.75062233475454, + "pearson": 73.32741772202057, + "spearman": 73.42938398170034 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/Banking77Classification.json b/results/minishlab__M2V_base_output/external/Banking77Classification.json new file mode 100644 index 000000000..93a00286c --- /dev/null +++ b/results/minishlab__M2V_base_output/external/Banking77Classification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.90909090909092, + "f1": 71.98225635322173, + "f1_weighted": 71.98225635322173, + "main_score": 71.90909090909092 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/BiorxivClusteringP2P.json b/results/minishlab__M2V_base_output/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..d9c497cc9 --- /dev/null +++ b/results/minishlab__M2V_base_output/external/BiorxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 26.532893125445977, + "v_measure": 26.532893125445977, + "v_measure_std": 0.6837586171917341 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/BiorxivClusteringS2S.json b/results/minishlab__M2V_base_output/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..5309e34d7 --- /dev/null +++ b/results/minishlab__M2V_base_output/external/BiorxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 14.036948167749145, + "v_measure": 14.036948167749145, + "v_measure_std": 0.5714236374163745 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/CQADupstackAndroidRetrieval.json b/results/minishlab__M2V_base_output/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..9da7b5e17 --- /dev/null +++ b/results/minishlab__M2V_base_output/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f46a197baaae43b4f621051089b82a364682dfeb", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 28.679, + "map_at_1": 18.546000000000003, + "map_at_10": 24.42, + "map_at_100": 25.495, + "map_at_1000": 25.633, + "map_at_20": 24.967, + "map_at_3": 22.375, + "map_at_5": 23.369999999999997, + "mrr_at_1": 23.74821173104435, + "mrr_at_10": 29.62997025228784, + "mrr_at_100": 30.509005070582297, + "mrr_at_1000": 30.57992301494201, + "mrr_at_20": 30.087957677199494, + "mrr_at_3": 27.944682880305205, + "mrr_at_5": 28.70290891750119, + "nauc_map_at_1000_diff1": 41.91741127467118, + "nauc_map_at_1000_max": 29.343811648500857, + "nauc_map_at_1000_std": -10.94124792488155, + "nauc_map_at_100_diff1": 41.9257059722684, + "nauc_map_at_100_max": 29.312977236968447, + "nauc_map_at_100_std": -10.964994215476203, + "nauc_map_at_10_diff1": 42.23276701935884, + "nauc_map_at_10_max": 28.927475882624865, + "nauc_map_at_10_std": -11.387774428133683, + "nauc_map_at_1_diff1": 47.30172597053699, + "nauc_map_at_1_max": 29.662552695406873, + "nauc_map_at_1_std": -11.737219447429663, + "nauc_map_at_20_diff1": 41.92458662433504, + "nauc_map_at_20_max": 29.174781873350845, + "nauc_map_at_20_std": -11.124043543527577, + "nauc_map_at_3_diff1": 43.129372455872165, + "nauc_map_at_3_max": 28.848842418769422, + "nauc_map_at_3_std": -12.285962277168842, + "nauc_map_at_5_diff1": 42.83044499601317, + "nauc_map_at_5_max": 28.98993975777227, + "nauc_map_at_5_std": -11.92018253024468, + "nauc_mrr_at_1000_diff1": 40.82041172984889, + "nauc_mrr_at_1000_max": 30.480885490296473, + "nauc_mrr_at_1000_std": -12.106796913247855, + "nauc_mrr_at_100_diff1": 40.80133713998306, + "nauc_mrr_at_100_max": 30.47453951479006, + "nauc_mrr_at_100_std": -12.124703479791053, + "nauc_mrr_at_10_diff1": 41.09211981274445, + "nauc_mrr_at_10_max": 30.497262535612556, + "nauc_mrr_at_10_std": -12.563263045952947, + "nauc_mrr_at_1_diff1": 45.0389906310178, + "nauc_mrr_at_1_max": 32.16914824564583, + "nauc_mrr_at_1_std": -13.19897745721674, + "nauc_mrr_at_20_diff1": 40.821901422240764, + "nauc_mrr_at_20_max": 30.545295646645254, + "nauc_mrr_at_20_std": -12.196074023168364, + "nauc_mrr_at_3_diff1": 41.57196675439484, + "nauc_mrr_at_3_max": 30.700923825692193, + "nauc_mrr_at_3_std": -13.269209066277213, + "nauc_mrr_at_5_diff1": 41.591753620602994, + "nauc_mrr_at_5_max": 30.63135138641901, + "nauc_mrr_at_5_std": -12.87020601984748, + "nauc_ndcg_at_1000_diff1": 38.92537692516828, + "nauc_ndcg_at_1000_max": 29.68260722943582, + "nauc_ndcg_at_1000_std": -8.602092840233484, + "nauc_ndcg_at_100_diff1": 38.64203362764584, + "nauc_ndcg_at_100_max": 29.393224511276372, + "nauc_ndcg_at_100_std": -9.191485720275928, + "nauc_ndcg_at_10_diff1": 39.88534566732229, + "nauc_ndcg_at_10_max": 28.986279143641227, + "nauc_ndcg_at_10_std": -11.318342616747607, + "nauc_ndcg_at_1_diff1": 45.0389906310178, + "nauc_ndcg_at_1_max": 32.16914824564583, + "nauc_ndcg_at_1_std": -13.19897745721674, + "nauc_ndcg_at_20_diff1": 38.94952491835268, + "nauc_ndcg_at_20_max": 29.206603792767904, + "nauc_ndcg_at_20_std": -10.304566017193741, + "nauc_ndcg_at_3_diff1": 40.7977929353434, + "nauc_ndcg_at_3_max": 29.580955663728076, + "nauc_ndcg_at_3_std": -12.648223472095015, + "nauc_ndcg_at_5_diff1": 40.74984554791671, + "nauc_ndcg_at_5_max": 29.59605805593679, + "nauc_ndcg_at_5_std": -12.139160076565458, + "nauc_precision_at_1000_diff1": 4.7568680155941925, + "nauc_precision_at_1000_max": 7.5355032131826984, + "nauc_precision_at_1000_std": -2.0414131984483914, + "nauc_precision_at_100_diff1": 11.527472092658552, + "nauc_precision_at_100_max": 21.514326888623554, + "nauc_precision_at_100_std": -2.625060194142745, + "nauc_precision_at_10_diff1": 24.503150439921896, + "nauc_precision_at_10_max": 28.670536590094265, + "nauc_precision_at_10_std": -8.197131538769034, + "nauc_precision_at_1_diff1": 45.0389906310178, + "nauc_precision_at_1_max": 32.16914824564583, + "nauc_precision_at_1_std": -13.19897745721674, + "nauc_precision_at_20_diff1": 17.864116269261178, + "nauc_precision_at_20_max": 27.6641030785838, + "nauc_precision_at_20_std": -7.076744708977724, + "nauc_precision_at_3_diff1": 33.5854284842399, + "nauc_precision_at_3_max": 29.14301466077523, + "nauc_precision_at_3_std": -13.269490261877111, + "nauc_precision_at_5_diff1": 29.98097033677175, + "nauc_precision_at_5_max": 29.294311210263995, + "nauc_precision_at_5_std": -10.994820836992847, + "nauc_recall_at_1000_diff1": 23.22014562996405, + "nauc_recall_at_1000_max": 27.193319559932988, + "nauc_recall_at_1000_std": 12.472685466473857, + "nauc_recall_at_100_diff1": 25.23024173971804, + "nauc_recall_at_100_max": 25.082403028027738, + "nauc_recall_at_100_std": -0.052423861070247414, + "nauc_recall_at_10_diff1": 33.12106610160164, + "nauc_recall_at_10_max": 24.918229663001544, + "nauc_recall_at_10_std": -8.549535177480411, + "nauc_recall_at_1_diff1": 47.30172597053699, + "nauc_recall_at_1_max": 29.662552695406873, + "nauc_recall_at_1_std": -11.737219447429663, + "nauc_recall_at_20_diff1": 28.81435708597515, + "nauc_recall_at_20_max": 25.47943694144538, + "nauc_recall_at_20_std": -5.307500208427278, + "nauc_recall_at_3_diff1": 36.830405146866575, + "nauc_recall_at_3_max": 26.435300017685588, + "nauc_recall_at_3_std": -12.224084159115286, + "nauc_recall_at_5_diff1": 36.17592797525086, + "nauc_recall_at_5_max": 26.135745335293564, + "nauc_recall_at_5_std": -10.854448931576895, + "ndcg_at_1": 23.748, + "ndcg_at_10": 28.679, + "ndcg_at_100": 33.849000000000004, + "ndcg_at_1000": 36.903999999999996, + "ndcg_at_20": 30.389, + "ndcg_at_3": 25.602999999999998, + "ndcg_at_5": 26.66, + "precision_at_1": 23.748, + "precision_at_10": 5.479, + "precision_at_100": 1.0070000000000001, + "precision_at_1000": 0.156, + "precision_at_20": 3.3689999999999998, + "precision_at_3": 12.303, + "precision_at_5": 8.784, + "recall_at_1": 18.546000000000003, + "recall_at_10": 36.062, + "recall_at_100": 59.622, + "recall_at_1000": 80.49199999999999, + "recall_at_20": 42.459, + "recall_at_3": 26.346000000000004, + "recall_at_5": 29.685 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/CQADupstackEnglishRetrieval.json b/results/minishlab__M2V_base_output/external/CQADupstackEnglishRetrieval.json new file mode 100644 index 000000000..0c00ec1f1 --- /dev/null +++ b/results/minishlab__M2V_base_output/external/CQADupstackEnglishRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ad9991cb51e31e31e430383c75ffb2885547b5f0", + "task_name": "CQADupstackEnglishRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 24.201, + "map_at_1": 15.659, + "map_at_10": 20.72, + "map_at_100": 21.494, + "map_at_1000": 21.61, + "map_at_20": 21.118000000000002, + "map_at_3": 19.112000000000002, + "map_at_5": 20.018, + "mrr_at_1": 20.191082802547772, + "mrr_at_10": 25.214639571327467, + "mrr_at_100": 25.923135895788356, + "mrr_at_1000": 25.99481688491863, + "mrr_at_20": 25.587003181612815, + "mrr_at_3": 23.736730360934178, + "mrr_at_5": 24.590233545647543, + "nauc_map_at_1000_diff1": 43.16887932091616, + "nauc_map_at_1000_max": 13.001793350069521, + "nauc_map_at_1000_std": -3.240745072009945, + "nauc_map_at_100_diff1": 43.186513856436335, + "nauc_map_at_100_max": 12.974985819420635, + "nauc_map_at_100_std": -3.2702208916272513, + "nauc_map_at_10_diff1": 43.564640578903344, + "nauc_map_at_10_max": 13.229537802390597, + "nauc_map_at_10_std": -3.7960991209188033, + "nauc_map_at_1_diff1": 49.188047470455324, + "nauc_map_at_1_max": 12.622228914711336, + "nauc_map_at_1_std": -5.079814609778495, + "nauc_map_at_20_diff1": 43.34504671504679, + "nauc_map_at_20_max": 13.053303288029316, + "nauc_map_at_20_std": -3.53357011925504, + "nauc_map_at_3_diff1": 44.804892782636394, + "nauc_map_at_3_max": 13.58725707185815, + "nauc_map_at_3_std": -3.8777357887480894, + "nauc_map_at_5_diff1": 43.72391951178523, + "nauc_map_at_5_max": 13.568707067556259, + "nauc_map_at_5_std": -4.038106969015966, + "nauc_mrr_at_1000_diff1": 40.667038144431636, + "nauc_mrr_at_1000_max": 14.384125598011202, + "nauc_mrr_at_1000_std": -2.444399832932607, + "nauc_mrr_at_100_diff1": 40.65910143040065, + "nauc_mrr_at_100_max": 14.375036584618234, + "nauc_mrr_at_100_std": -2.4274195136508547, + "nauc_mrr_at_10_diff1": 40.89131817246553, + "nauc_mrr_at_10_max": 14.581024560636887, + "nauc_mrr_at_10_std": -2.703373098942388, + "nauc_mrr_at_1_diff1": 45.09051009190851, + "nauc_mrr_at_1_max": 15.831915244565245, + "nauc_mrr_at_1_std": -4.310101948715212, + "nauc_mrr_at_20_diff1": 40.78860474631307, + "nauc_mrr_at_20_max": 14.4782017138514, + "nauc_mrr_at_20_std": -2.5161572751678998, + "nauc_mrr_at_3_diff1": 41.68191255304641, + "nauc_mrr_at_3_max": 15.041970652494102, + "nauc_mrr_at_3_std": -2.865017831776156, + "nauc_mrr_at_5_diff1": 40.93732895812152, + "nauc_mrr_at_5_max": 14.810999495708327, + "nauc_mrr_at_5_std": -2.922166723623921, + "nauc_ndcg_at_1000_diff1": 39.4110066143245, + "nauc_ndcg_at_1000_max": 12.821827433441005, + "nauc_ndcg_at_1000_std": -0.8108384214632934, + "nauc_ndcg_at_100_diff1": 39.62118270064326, + "nauc_ndcg_at_100_max": 12.037720650973109, + "nauc_ndcg_at_100_std": -0.9362771831617082, + "nauc_ndcg_at_10_diff1": 40.95447674096302, + "nauc_ndcg_at_10_max": 13.154418607273124, + "nauc_ndcg_at_10_std": -2.8988540864843886, + "nauc_ndcg_at_1_diff1": 45.09051009190851, + "nauc_ndcg_at_1_max": 15.831915244565245, + "nauc_ndcg_at_1_std": -4.310101948715212, + "nauc_ndcg_at_20_diff1": 40.63851149738437, + "nauc_ndcg_at_20_max": 12.604171957141656, + "nauc_ndcg_at_20_std": -2.1910058415334763, + "nauc_ndcg_at_3_diff1": 42.10101502571804, + "nauc_ndcg_at_3_max": 14.519710397645364, + "nauc_ndcg_at_3_std": -3.1565026643410667, + "nauc_ndcg_at_5_diff1": 40.94273285512494, + "nauc_ndcg_at_5_max": 14.054440556480834, + "nauc_ndcg_at_5_std": -3.442189925092899, + "nauc_precision_at_1000_diff1": -0.9565223011446182, + "nauc_precision_at_1000_max": 11.675006301584128, + "nauc_precision_at_1000_std": 8.093690013766537, + "nauc_precision_at_100_diff1": 11.288302809626888, + "nauc_precision_at_100_max": 10.960387422561148, + "nauc_precision_at_100_std": 8.591223668593777, + "nauc_precision_at_10_diff1": 25.64615042863472, + "nauc_precision_at_10_max": 14.069756217267985, + "nauc_precision_at_10_std": 0.08978592105584715, + "nauc_precision_at_1_diff1": 45.09051009190851, + "nauc_precision_at_1_max": 15.831915244565245, + "nauc_precision_at_1_std": -4.310101948715212, + "nauc_precision_at_20_diff1": 22.097468653407866, + "nauc_precision_at_20_max": 12.949212539250343, + "nauc_precision_at_20_std": 2.868048305908803, + "nauc_precision_at_3_diff1": 33.24608090774321, + "nauc_precision_at_3_max": 16.588047560522053, + "nauc_precision_at_3_std": -1.2432725324047462, + "nauc_precision_at_5_diff1": 28.89668943912206, + "nauc_precision_at_5_max": 16.25456580555215, + "nauc_precision_at_5_std": -2.0273998006444134, + "nauc_recall_at_1000_diff1": 24.86548627119768, + "nauc_recall_at_1000_max": 10.68002967962002, + "nauc_recall_at_1000_std": 8.076769436730153, + "nauc_recall_at_100_diff1": 28.204939299147387, + "nauc_recall_at_100_max": 6.159717806964745, + "nauc_recall_at_100_std": 6.145682430435217, + "nauc_recall_at_10_diff1": 35.339197660807436, + "nauc_recall_at_10_max": 10.955842694171421, + "nauc_recall_at_10_std": -2.050234322464136, + "nauc_recall_at_1_diff1": 49.188047470455324, + "nauc_recall_at_1_max": 12.622228914711336, + "nauc_recall_at_1_std": -5.079814609778495, + "nauc_recall_at_20_diff1": 33.66153319489103, + "nauc_recall_at_20_max": 9.045136466332934, + "nauc_recall_at_20_std": 0.6362560055945043, + "nauc_recall_at_3_diff1": 39.33078959934067, + "nauc_recall_at_3_max": 12.943838756532871, + "nauc_recall_at_3_std": -2.617759316161476, + "nauc_recall_at_5_diff1": 36.121619339589245, + "nauc_recall_at_5_max": 12.417874949270544, + "nauc_recall_at_5_std": -3.091748807456823, + "ndcg_at_1": 20.191, + "ndcg_at_10": 24.201, + "ndcg_at_100": 27.955999999999996, + "ndcg_at_1000": 30.773, + "ndcg_at_20": 25.44, + "ndcg_at_3": 21.806, + "ndcg_at_5": 22.905, + "precision_at_1": 20.191, + "precision_at_10": 4.573, + "precision_at_100": 0.8059999999999999, + "precision_at_1000": 0.13, + "precision_at_20": 2.7449999999999997, + "precision_at_3": 10.679, + "precision_at_5": 7.580000000000001, + "recall_at_1": 15.659, + "recall_at_10": 29.968, + "recall_at_100": 46.98, + "recall_at_1000": 66.286, + "recall_at_20": 34.621, + "recall_at_3": 22.572, + "recall_at_5": 25.787 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/CQADupstackGamingRetrieval.json b/results/minishlab__M2V_base_output/external/CQADupstackGamingRetrieval.json new file mode 100644 index 000000000..34d689130 --- /dev/null +++ b/results/minishlab__M2V_base_output/external/CQADupstackGamingRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "4885aa143210c98657558c04aaf3dc47cfb54340", + "task_name": "CQADupstackGamingRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 34.102, + "map_at_1": 22.269, + "map_at_10": 29.754, + "map_at_100": 30.692999999999998, + "map_at_1000": 30.786, + "map_at_20": 30.225, + "map_at_3": 27.392, + "map_at_5": 28.831, + "mrr_at_1": 25.956112852664575, + "mrr_at_10": 32.77869831318104, + "mrr_at_100": 33.60378795088834, + "mrr_at_1000": 33.66340064366992, + "mrr_at_20": 33.18375173610909, + "mrr_at_3": 30.647857889237173, + "mrr_at_5": 31.980146290491067, + "nauc_map_at_1000_diff1": 42.023422411516016, + "nauc_map_at_1000_max": 24.046890902960552, + "nauc_map_at_1000_std": -6.94632372002679, + "nauc_map_at_100_diff1": 42.00488415137851, + "nauc_map_at_100_max": 24.029258386148577, + "nauc_map_at_100_std": -7.013947866427552, + "nauc_map_at_10_diff1": 42.060086712211344, + "nauc_map_at_10_max": 23.998218675756625, + "nauc_map_at_10_std": -7.599227449673994, + "nauc_map_at_1_diff1": 45.27837491202271, + "nauc_map_at_1_max": 23.873436707472766, + "nauc_map_at_1_std": -10.458746042802577, + "nauc_map_at_20_diff1": 41.98597500237269, + "nauc_map_at_20_max": 24.07819180945319, + "nauc_map_at_20_std": -7.320963413971682, + "nauc_map_at_3_diff1": 42.69809960018882, + "nauc_map_at_3_max": 23.63846349891855, + "nauc_map_at_3_std": -8.732892056046317, + "nauc_map_at_5_diff1": 42.23446934702989, + "nauc_map_at_5_max": 23.905384542219803, + "nauc_map_at_5_std": -7.643670989026166, + "nauc_mrr_at_1000_diff1": 42.122071790378016, + "nauc_mrr_at_1000_max": 25.86760736591077, + "nauc_mrr_at_1000_std": -5.266317827181621, + "nauc_mrr_at_100_diff1": 42.10647973553166, + "nauc_mrr_at_100_max": 25.85687545921025, + "nauc_mrr_at_100_std": -5.270766368901785, + "nauc_mrr_at_10_diff1": 42.24735092990674, + "nauc_mrr_at_10_max": 25.994930434678004, + "nauc_mrr_at_10_std": -5.6601281070075355, + "nauc_mrr_at_1_diff1": 46.582933896071864, + "nauc_mrr_at_1_max": 27.228911381467753, + "nauc_mrr_at_1_std": -8.734962232415343, + "nauc_mrr_at_20_diff1": 42.07873815943869, + "nauc_mrr_at_20_max": 25.963756082386645, + "nauc_mrr_at_20_std": -5.478617831866867, + "nauc_mrr_at_3_diff1": 42.98246412395152, + "nauc_mrr_at_3_max": 26.158635453239686, + "nauc_mrr_at_3_std": -6.3931010500997125, + "nauc_mrr_at_5_diff1": 42.43712298159192, + "nauc_mrr_at_5_max": 26.20143695371023, + "nauc_mrr_at_5_std": -5.622650253873388, + "nauc_ndcg_at_1000_diff1": 40.40682446150754, + "nauc_ndcg_at_1000_max": 23.975034312446894, + "nauc_ndcg_at_1000_std": -2.645144894917121, + "nauc_ndcg_at_100_diff1": 39.96263062735843, + "nauc_ndcg_at_100_max": 23.583706441511858, + "nauc_ndcg_at_100_std": -3.3869912444384114, + "nauc_ndcg_at_10_diff1": 40.39533814272208, + "nauc_ndcg_at_10_max": 24.293062837455782, + "nauc_ndcg_at_10_std": -6.100075124875855, + "nauc_ndcg_at_1_diff1": 46.582933896071864, + "nauc_ndcg_at_1_max": 27.228911381467753, + "nauc_ndcg_at_1_std": -8.734962232415343, + "nauc_ndcg_at_20_diff1": 39.9687058773172, + "nauc_ndcg_at_20_max": 24.316546572139725, + "nauc_ndcg_at_20_std": -5.284472590592323, + "nauc_ndcg_at_3_diff1": 41.76544027471963, + "nauc_ndcg_at_3_max": 24.275838336051923, + "nauc_ndcg_at_3_std": -7.5019513901932715, + "nauc_ndcg_at_5_diff1": 40.90262427804706, + "nauc_ndcg_at_5_max": 24.491396294279173, + "nauc_ndcg_at_5_std": -6.148208697652546, + "nauc_precision_at_1000_diff1": 8.310979675445102, + "nauc_precision_at_1000_max": 10.177503506631384, + "nauc_precision_at_1000_std": 27.06496193087599, + "nauc_precision_at_100_diff1": 19.055469058991463, + "nauc_precision_at_100_max": 15.143082019798745, + "nauc_precision_at_100_std": 17.5613526737176, + "nauc_precision_at_10_diff1": 30.60558520635145, + "nauc_precision_at_10_max": 23.899102367494276, + "nauc_precision_at_10_std": 1.49034477139435, + "nauc_precision_at_1_diff1": 46.582933896071864, + "nauc_precision_at_1_max": 27.228911381467753, + "nauc_precision_at_1_std": -8.734962232415343, + "nauc_precision_at_20_diff1": 27.34257473822076, + "nauc_precision_at_20_max": 23.166488954967583, + "nauc_precision_at_20_std": 5.306163418928192, + "nauc_precision_at_3_diff1": 36.77034283418537, + "nauc_precision_at_3_max": 24.9271454504654, + "nauc_precision_at_3_std": -3.396946642230245, + "nauc_precision_at_5_diff1": 34.27058913291088, + "nauc_precision_at_5_max": 24.976805100785057, + "nauc_precision_at_5_std": 0.7181940371896616, + "nauc_recall_at_1000_diff1": 30.723778900213063, + "nauc_recall_at_1000_max": 18.638473722404548, + "nauc_recall_at_1000_std": 24.489955439065092, + "nauc_recall_at_100_diff1": 29.354618599167313, + "nauc_recall_at_100_max": 16.731640777347838, + "nauc_recall_at_100_std": 9.835673177366234, + "nauc_recall_at_10_diff1": 33.89120435058154, + "nauc_recall_at_10_max": 22.177696671277435, + "nauc_recall_at_10_std": -3.7985335869625865, + "nauc_recall_at_1_diff1": 45.27837491202271, + "nauc_recall_at_1_max": 23.873436707472766, + "nauc_recall_at_1_std": -10.458746042802577, + "nauc_recall_at_20_diff1": 31.924635267680696, + "nauc_recall_at_20_max": 22.051909242943513, + "nauc_recall_at_20_std": -0.8097713224498396, + "nauc_recall_at_3_diff1": 38.150042036072456, + "nauc_recall_at_3_max": 22.400370920900837, + "nauc_recall_at_3_std": -6.80660585255143, + "nauc_recall_at_5_diff1": 36.054052572950056, + "nauc_recall_at_5_max": 23.311864516504208, + "nauc_recall_at_5_std": -3.9369960666204302, + "ndcg_at_1": 25.956000000000003, + "ndcg_at_10": 34.102, + "ndcg_at_100": 38.815, + "ndcg_at_1000": 41.091, + "ndcg_at_20": 35.616, + "ndcg_at_3": 29.757, + "ndcg_at_5": 32.054, + "precision_at_1": 25.956000000000003, + "precision_at_10": 5.5489999999999995, + "precision_at_100": 0.8699999999999999, + "precision_at_1000": 0.11499999999999999, + "precision_at_20": 3.1850000000000005, + "precision_at_3": 13.375, + "precision_at_5": 9.492, + "recall_at_1": 22.269, + "recall_at_10": 44.487, + "recall_at_100": 66.065, + "recall_at_1000": 82.711, + "recall_at_20": 50.002, + "recall_at_3": 32.769999999999996, + "recall_at_5": 38.411 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/CQADupstackGisRetrieval.json b/results/minishlab__M2V_base_output/external/CQADupstackGisRetrieval.json new file mode 100644 index 000000000..c1b99b014 --- /dev/null +++ b/results/minishlab__M2V_base_output/external/CQADupstackGisRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "5003b3064772da1887988e05400cf3806fe491f2", + "task_name": "CQADupstackGisRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 15.504999999999999, + "map_at_1": 9.322, + "map_at_10": 13.215, + "map_at_100": 13.995, + "map_at_1000": 14.088999999999999, + "map_at_20": 13.669, + "map_at_3": 11.939, + "map_at_5": 12.809000000000001, + "mrr_at_1": 9.830508474576272, + "mrr_at_10": 14.040713837324004, + "mrr_at_100": 14.834528048636288, + "mrr_at_1000": 14.922257469530024, + "mrr_at_20": 14.506623042541603, + "mrr_at_3": 12.749529190207154, + "mrr_at_5": 13.574387947269303, + "nauc_map_at_1000_diff1": 30.529210655419025, + "nauc_map_at_1000_max": 17.46667029242714, + "nauc_map_at_1000_std": -14.147892794296949, + "nauc_map_at_100_diff1": 30.556449269344828, + "nauc_map_at_100_max": 17.43087617092459, + "nauc_map_at_100_std": -14.144527288140976, + "nauc_map_at_10_diff1": 31.239447478533798, + "nauc_map_at_10_max": 18.11892096077464, + "nauc_map_at_10_std": -14.62039767845138, + "nauc_map_at_1_diff1": 37.4160233030578, + "nauc_map_at_1_max": 17.016815986268263, + "nauc_map_at_1_std": -17.425864228691612, + "nauc_map_at_20_diff1": 30.719067002092494, + "nauc_map_at_20_max": 17.39019156487201, + "nauc_map_at_20_std": -14.270868979007783, + "nauc_map_at_3_diff1": 32.92206407639439, + "nauc_map_at_3_max": 17.835953557611468, + "nauc_map_at_3_std": -16.031495528857608, + "nauc_map_at_5_diff1": 31.584976124274416, + "nauc_map_at_5_max": 18.197826240384625, + "nauc_map_at_5_std": -15.441753419032448, + "nauc_mrr_at_1000_diff1": 30.046493575807283, + "nauc_mrr_at_1000_max": 19.498590306501473, + "nauc_mrr_at_1000_std": -13.402207800669682, + "nauc_mrr_at_100_diff1": 30.05195056678437, + "nauc_mrr_at_100_max": 19.47592918375251, + "nauc_mrr_at_100_std": -13.39845392251263, + "nauc_mrr_at_10_diff1": 30.791850768635605, + "nauc_mrr_at_10_max": 20.313444672627128, + "nauc_mrr_at_10_std": -13.935914370733792, + "nauc_mrr_at_1_diff1": 37.50338859979288, + "nauc_mrr_at_1_max": 19.34649504621331, + "nauc_mrr_at_1_std": -17.116234597672054, + "nauc_mrr_at_20_diff1": 30.18891093563501, + "nauc_mrr_at_20_max": 19.5511248509084, + "nauc_mrr_at_20_std": -13.5427820185682, + "nauc_mrr_at_3_diff1": 32.07301084185587, + "nauc_mrr_at_3_max": 20.191966663668733, + "nauc_mrr_at_3_std": -15.04405001225193, + "nauc_mrr_at_5_diff1": 31.086216757720575, + "nauc_mrr_at_5_max": 20.277903224593523, + "nauc_mrr_at_5_std": -14.65307477545357, + "nauc_ndcg_at_1000_diff1": 25.991511686309938, + "nauc_ndcg_at_1000_max": 16.945396948437562, + "nauc_ndcg_at_1000_std": -11.694443736831037, + "nauc_ndcg_at_100_diff1": 25.980124756057325, + "nauc_ndcg_at_100_max": 15.99158676356653, + "nauc_ndcg_at_100_std": -11.398279572216548, + "nauc_ndcg_at_10_diff1": 28.892093125361416, + "nauc_ndcg_at_10_max": 18.71513717736543, + "nauc_ndcg_at_10_std": -12.779856403033296, + "nauc_ndcg_at_1_diff1": 37.50338859979288, + "nauc_ndcg_at_1_max": 19.34649504621331, + "nauc_ndcg_at_1_std": -17.116234597672054, + "nauc_ndcg_at_20_diff1": 27.25547422800403, + "nauc_ndcg_at_20_max": 16.331067486313643, + "nauc_ndcg_at_20_std": -11.8817415790308, + "nauc_ndcg_at_3_diff1": 31.29985811872621, + "nauc_ndcg_at_3_max": 18.454751997552098, + "nauc_ndcg_at_3_std": -15.465471013016707, + "nauc_ndcg_at_5_diff1": 29.493811341594938, + "nauc_ndcg_at_5_max": 18.707691943439258, + "nauc_ndcg_at_5_std": -14.433807530159697, + "nauc_precision_at_1000_diff1": 3.2218446674363315, + "nauc_precision_at_1000_max": 17.12404764623586, + "nauc_precision_at_1000_std": -2.3264575552583064, + "nauc_precision_at_100_diff1": 11.214321152283215, + "nauc_precision_at_100_max": 13.446815680526637, + "nauc_precision_at_100_std": -4.987683964997388, + "nauc_precision_at_10_diff1": 21.60303059518948, + "nauc_precision_at_10_max": 21.596284543805293, + "nauc_precision_at_10_std": -8.082031256092737, + "nauc_precision_at_1_diff1": 37.50338859979288, + "nauc_precision_at_1_max": 19.34649504621331, + "nauc_precision_at_1_std": -17.116234597672054, + "nauc_precision_at_20_diff1": 17.14261533352261, + "nauc_precision_at_20_max": 15.233652532515793, + "nauc_precision_at_20_std": -6.647366892331011, + "nauc_precision_at_3_diff1": 27.367720137858804, + "nauc_precision_at_3_max": 21.090504124786534, + "nauc_precision_at_3_std": -13.306298994563972, + "nauc_precision_at_5_diff1": 23.025359281940467, + "nauc_precision_at_5_max": 21.211267803594005, + "nauc_precision_at_5_std": -11.168476315146755, + "nauc_recall_at_1000_diff1": 14.071492953686532, + "nauc_recall_at_1000_max": 13.218836154700018, + "nauc_recall_at_1000_std": -7.084593581668587, + "nauc_recall_at_100_diff1": 15.116097572344975, + "nauc_recall_at_100_max": 9.307648936748858, + "nauc_recall_at_100_std": -5.895474365275694, + "nauc_recall_at_10_diff1": 23.78022904015662, + "nauc_recall_at_10_max": 17.85241980538583, + "nauc_recall_at_10_std": -8.86829209909465, + "nauc_recall_at_1_diff1": 37.4160233030578, + "nauc_recall_at_1_max": 17.016815986268263, + "nauc_recall_at_1_std": -17.425864228691612, + "nauc_recall_at_20_diff1": 19.986562587692415, + "nauc_recall_at_20_max": 11.164823338332948, + "nauc_recall_at_20_std": -6.930345717632131, + "nauc_recall_at_3_diff1": 28.54476711344997, + "nauc_recall_at_3_max": 17.72982315112114, + "nauc_recall_at_3_std": -14.767629842747809, + "nauc_recall_at_5_diff1": 25.47233991251944, + "nauc_recall_at_5_max": 17.87587712457761, + "nauc_recall_at_5_std": -12.93959613517254, + "ndcg_at_1": 9.831, + "ndcg_at_10": 15.504999999999999, + "ndcg_at_100": 19.721, + "ndcg_at_1000": 22.746, + "ndcg_at_20": 17.177, + "ndcg_at_3": 13.020999999999999, + "ndcg_at_5": 14.517, + "precision_at_1": 9.831, + "precision_at_10": 2.475, + "precision_at_100": 0.484, + "precision_at_1000": 0.079, + "precision_at_20": 1.6099999999999999, + "precision_at_3": 5.612, + "precision_at_5": 4.202999999999999, + "recall_at_1": 9.322, + "recall_at_10": 21.706, + "recall_at_100": 41.837, + "recall_at_1000": 65.78500000000001, + "recall_at_20": 28.173, + "recall_at_3": 15.167, + "recall_at_5": 18.765 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/CQADupstackMathematicaRetrieval.json b/results/minishlab__M2V_base_output/external/CQADupstackMathematicaRetrieval.json new file mode 100644 index 000000000..b666ada73 --- /dev/null +++ b/results/minishlab__M2V_base_output/external/CQADupstackMathematicaRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "90fceea13679c63fe563ded68f3b6f06e50061de", + "task_name": "CQADupstackMathematicaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 10.506, + "map_at_1": 5.097, + "map_at_10": 8.123, + "map_at_100": 8.81, + "map_at_1000": 8.921999999999999, + "map_at_20": 8.445, + "map_at_3": 7.058000000000001, + "map_at_5": 7.509, + "mrr_at_1": 6.343283582089552, + "mrr_at_10": 9.93554055121219, + "mrr_at_100": 10.666175665806625, + "mrr_at_1000": 10.766018190354108, + "mrr_at_20": 10.29873635991652, + "mrr_at_3": 8.706467661691544, + "mrr_at_5": 9.20398009950249, + "nauc_map_at_1000_diff1": 16.71617773929961, + "nauc_map_at_1000_max": 12.836522190717654, + "nauc_map_at_1000_std": -1.5931324340434574, + "nauc_map_at_100_diff1": 16.708450779332075, + "nauc_map_at_100_max": 12.864987872701173, + "nauc_map_at_100_std": -1.7749974459670648, + "nauc_map_at_10_diff1": 16.889847999156434, + "nauc_map_at_10_max": 13.821580163360652, + "nauc_map_at_10_std": -1.5413513436151478, + "nauc_map_at_1_diff1": 27.620803823439566, + "nauc_map_at_1_max": 9.946991002221708, + "nauc_map_at_1_std": -2.4262680356943087, + "nauc_map_at_20_diff1": 16.674045845919565, + "nauc_map_at_20_max": 13.011303701592054, + "nauc_map_at_20_std": -1.6544743278320506, + "nauc_map_at_3_diff1": 17.421817131869087, + "nauc_map_at_3_max": 13.332677540146523, + "nauc_map_at_3_std": -3.3965199354497257, + "nauc_map_at_5_diff1": 16.472303139269965, + "nauc_map_at_5_max": 12.957712628879412, + "nauc_map_at_5_std": -2.5301777339577662, + "nauc_mrr_at_1000_diff1": 16.593077375065533, + "nauc_mrr_at_1000_max": 15.24914299560567, + "nauc_mrr_at_1000_std": -0.8209741469268466, + "nauc_mrr_at_100_diff1": 16.526988857467, + "nauc_mrr_at_100_max": 15.282403514335552, + "nauc_mrr_at_100_std": -0.9336495531936128, + "nauc_mrr_at_10_diff1": 17.112649116787765, + "nauc_mrr_at_10_max": 15.998287559296745, + "nauc_mrr_at_10_std": -0.4972479310956255, + "nauc_mrr_at_1_diff1": 26.390769480452008, + "nauc_mrr_at_1_max": 12.666086436004754, + "nauc_mrr_at_1_std": -0.8290506693110757, + "nauc_mrr_at_20_diff1": 16.570263118716873, + "nauc_mrr_at_20_max": 15.41609638468375, + "nauc_mrr_at_20_std": -0.7638194854818602, + "nauc_mrr_at_3_diff1": 17.337541518148672, + "nauc_mrr_at_3_max": 16.054253099766, + "nauc_mrr_at_3_std": -2.4609668986558098, + "nauc_mrr_at_5_diff1": 16.631292764650276, + "nauc_mrr_at_5_max": 15.260426520080111, + "nauc_mrr_at_5_std": -1.7287159836379042, + "nauc_ndcg_at_1000_diff1": 14.52634093171492, + "nauc_ndcg_at_1000_max": 12.171421632471498, + "nauc_ndcg_at_1000_std": 2.162794094660827, + "nauc_ndcg_at_100_diff1": 13.83799208322184, + "nauc_ndcg_at_100_max": 12.724714757328384, + "nauc_ndcg_at_100_std": -0.6192472371565176, + "nauc_ndcg_at_10_diff1": 14.905057185135432, + "nauc_ndcg_at_10_max": 15.671185607261256, + "nauc_ndcg_at_10_std": 0.4794457018671312, + "nauc_ndcg_at_1_diff1": 26.390769480452008, + "nauc_ndcg_at_1_max": 12.666086436004754, + "nauc_ndcg_at_1_std": -0.8290506693110757, + "nauc_ndcg_at_20_diff1": 14.177586694378425, + "nauc_ndcg_at_20_max": 13.309923186895894, + "nauc_ndcg_at_20_std": 0.08485334685153047, + "nauc_ndcg_at_3_diff1": 14.464832485633236, + "nauc_ndcg_at_3_max": 15.376082832680266, + "nauc_ndcg_at_3_std": -3.4289150318270947, + "nauc_ndcg_at_5_diff1": 13.479314775515663, + "nauc_ndcg_at_5_max": 14.170795142756146, + "nauc_ndcg_at_5_std": -1.8374279611217414, + "nauc_precision_at_1000_diff1": 5.5461386139543984, + "nauc_precision_at_1000_max": 8.173550020362248, + "nauc_precision_at_1000_std": 4.711143690664535, + "nauc_precision_at_100_diff1": 5.8834541815278945, + "nauc_precision_at_100_max": 11.091665205495271, + "nauc_precision_at_100_std": -2.7393617901866123, + "nauc_precision_at_10_diff1": 10.751011614623913, + "nauc_precision_at_10_max": 17.777588721031616, + "nauc_precision_at_10_std": 3.707970494956657, + "nauc_precision_at_1_diff1": 26.390769480452008, + "nauc_precision_at_1_max": 12.666086436004754, + "nauc_precision_at_1_std": -0.8290506693110757, + "nauc_precision_at_20_diff1": 8.974996734936457, + "nauc_precision_at_20_max": 12.402565300274947, + "nauc_precision_at_20_std": 0.937988804595429, + "nauc_precision_at_3_diff1": 8.383569631006118, + "nauc_precision_at_3_max": 18.173716740568526, + "nauc_precision_at_3_std": -3.3910150432001407, + "nauc_precision_at_5_diff1": 6.544996015375691, + "nauc_precision_at_5_max": 16.558965673469203, + "nauc_precision_at_5_std": -0.21836542541876836, + "nauc_recall_at_1000_diff1": 12.181437110921324, + "nauc_recall_at_1000_max": 6.492207340417336, + "nauc_recall_at_1000_std": 12.361749723553077, + "nauc_recall_at_100_diff1": 9.509974939632396, + "nauc_recall_at_100_max": 9.708468343147787, + "nauc_recall_at_100_std": 0.8884655075061652, + "nauc_recall_at_10_diff1": 11.525566414075342, + "nauc_recall_at_10_max": 17.809901918053168, + "nauc_recall_at_10_std": 3.6346449630612487, + "nauc_recall_at_1_diff1": 27.620803823439566, + "nauc_recall_at_1_max": 9.946991002221708, + "nauc_recall_at_1_std": -2.4262680356943087, + "nauc_recall_at_20_diff1": 10.29372538890332, + "nauc_recall_at_20_max": 11.376497210412108, + "nauc_recall_at_20_std": 2.7197830344340495, + "nauc_recall_at_3_diff1": 8.828406903593496, + "nauc_recall_at_3_max": 16.884533927784844, + "nauc_recall_at_3_std": -2.9509441866607156, + "nauc_recall_at_5_diff1": 7.436661727727917, + "nauc_recall_at_5_max": 14.355008485341797, + "nauc_recall_at_5_std": -0.38874284690465266, + "ndcg_at_1": 6.343, + "ndcg_at_10": 10.506, + "ndcg_at_100": 14.41, + "ndcg_at_1000": 17.698, + "ndcg_at_20": 11.73, + "ndcg_at_3": 8.257, + "ndcg_at_5": 8.996, + "precision_at_1": 6.343, + "precision_at_10": 2.114, + "precision_at_100": 0.48, + "precision_at_1000": 0.08800000000000001, + "precision_at_20": 1.393, + "precision_at_3": 4.146, + "precision_at_5": 3.0349999999999997, + "recall_at_1": 5.097, + "recall_at_10": 16.204, + "recall_at_100": 34.223, + "recall_at_1000": 58.553999999999995, + "recall_at_20": 20.76, + "recall_at_3": 9.809, + "recall_at_5": 11.623 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/CQADupstackPhysicsRetrieval.json b/results/minishlab__M2V_base_output/external/CQADupstackPhysicsRetrieval.json new file mode 100644 index 000000000..ea1fcdab2 --- /dev/null +++ b/results/minishlab__M2V_base_output/external/CQADupstackPhysicsRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "79531abbd1fb92d06c6d6315a0cbbbf5bb247ea4", + "task_name": "CQADupstackPhysicsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 22.942999999999998, + "map_at_1": 14.446, + "map_at_10": 19.377, + "map_at_100": 20.482, + "map_at_1000": 20.626, + "map_at_20": 19.991, + "map_at_3": 17.714, + "map_at_5": 18.665000000000003, + "mrr_at_1": 17.613089509143407, + "mrr_at_10": 23.370533327222446, + "mrr_at_100": 24.317061726895137, + "mrr_at_1000": 24.406259672604996, + "mrr_at_20": 23.908661597522798, + "mrr_at_3": 21.607314725697798, + "mrr_at_5": 22.632338787295485, + "nauc_map_at_1000_diff1": 34.036197058710755, + "nauc_map_at_1000_max": 22.301224424803703, + "nauc_map_at_1000_std": -2.9723475399352406, + "nauc_map_at_100_diff1": 34.0267334259839, + "nauc_map_at_100_max": 22.263450935087985, + "nauc_map_at_100_std": -3.0314992417234246, + "nauc_map_at_10_diff1": 34.242902742320005, + "nauc_map_at_10_max": 21.903826727642166, + "nauc_map_at_10_std": -3.542446159080337, + "nauc_map_at_1_diff1": 42.19086537913616, + "nauc_map_at_1_max": 25.7185835567139, + "nauc_map_at_1_std": -5.103024290179066, + "nauc_map_at_20_diff1": 34.125155980117164, + "nauc_map_at_20_max": 22.087294494234595, + "nauc_map_at_20_std": -3.36424948880508, + "nauc_map_at_3_diff1": 35.64286121660639, + "nauc_map_at_3_max": 22.590710495131557, + "nauc_map_at_3_std": -4.624441576366177, + "nauc_map_at_5_diff1": 34.14898021930562, + "nauc_map_at_5_max": 22.026354986165444, + "nauc_map_at_5_std": -3.783104198258874, + "nauc_mrr_at_1000_diff1": 32.070052005179754, + "nauc_mrr_at_1000_max": 25.5635144887676, + "nauc_mrr_at_1000_std": -2.5922525361206037, + "nauc_mrr_at_100_diff1": 32.02165293253879, + "nauc_mrr_at_100_max": 25.569836435013784, + "nauc_mrr_at_100_std": -2.598052553655546, + "nauc_mrr_at_10_diff1": 32.11316242036246, + "nauc_mrr_at_10_max": 25.54775740017834, + "nauc_mrr_at_10_std": -2.9438839044554044, + "nauc_mrr_at_1_diff1": 40.40685592638284, + "nauc_mrr_at_1_max": 30.0134595827404, + "nauc_mrr_at_1_std": -3.9985970334007477, + "nauc_mrr_at_20_diff1": 32.120466540461, + "nauc_mrr_at_20_max": 25.549273895185305, + "nauc_mrr_at_20_std": -2.6763999823702553, + "nauc_mrr_at_3_diff1": 33.66614272732434, + "nauc_mrr_at_3_max": 26.430879923148343, + "nauc_mrr_at_3_std": -4.0205614730618215, + "nauc_mrr_at_5_diff1": 32.166578904190416, + "nauc_mrr_at_5_max": 25.776645936774095, + "nauc_mrr_at_5_std": -3.302080351323094, + "nauc_ndcg_at_1000_diff1": 30.266233773630375, + "nauc_ndcg_at_1000_max": 22.08745825058941, + "nauc_ndcg_at_1000_std": 0.7729160122149865, + "nauc_ndcg_at_100_diff1": 29.84343294166904, + "nauc_ndcg_at_100_max": 21.578448258757316, + "nauc_ndcg_at_100_std": 0.11264370081458419, + "nauc_ndcg_at_10_diff1": 31.11895748690149, + "nauc_ndcg_at_10_max": 20.84767764918772, + "nauc_ndcg_at_10_std": -2.325520203137333, + "nauc_ndcg_at_1_diff1": 40.40685592638284, + "nauc_ndcg_at_1_max": 30.0134595827404, + "nauc_ndcg_at_1_std": -3.9985970334007477, + "nauc_ndcg_at_20_diff1": 30.76844239689582, + "nauc_ndcg_at_20_max": 21.158453354191884, + "nauc_ndcg_at_20_std": -1.6168879431876966, + "nauc_ndcg_at_3_diff1": 33.47831071332028, + "nauc_ndcg_at_3_max": 23.430301462229234, + "nauc_ndcg_at_3_std": -4.236230987770694, + "nauc_ndcg_at_5_diff1": 31.118155990902537, + "nauc_ndcg_at_5_max": 21.836987185909415, + "nauc_ndcg_at_5_std": -2.9140434980631045, + "nauc_precision_at_1000_diff1": 0.9998952314883321, + "nauc_precision_at_1000_max": 15.224526827087908, + "nauc_precision_at_1000_std": 12.857731911721679, + "nauc_precision_at_100_diff1": 9.206315178802491, + "nauc_precision_at_100_max": 23.2931840220031, + "nauc_precision_at_100_std": 10.762622088086484, + "nauc_precision_at_10_diff1": 21.76866798095069, + "nauc_precision_at_10_max": 22.882457871450608, + "nauc_precision_at_10_std": 1.4688800239255935, + "nauc_precision_at_1_diff1": 40.40685592638284, + "nauc_precision_at_1_max": 30.0134595827404, + "nauc_precision_at_1_std": -3.9985970334007477, + "nauc_precision_at_20_diff1": 18.273394428921403, + "nauc_precision_at_20_max": 24.006501989084022, + "nauc_precision_at_20_std": 3.992091565975308, + "nauc_precision_at_3_diff1": 27.442581369093507, + "nauc_precision_at_3_max": 24.691098910221115, + "nauc_precision_at_3_std": -2.5539232493084634, + "nauc_precision_at_5_diff1": 22.309274572791644, + "nauc_precision_at_5_max": 23.275965057073243, + "nauc_precision_at_5_std": -0.30106646052885566, + "nauc_recall_at_1000_diff1": 15.627777661804606, + "nauc_recall_at_1000_max": 12.338415154004217, + "nauc_recall_at_1000_std": 19.86929715112502, + "nauc_recall_at_100_diff1": 16.96732400913716, + "nauc_recall_at_100_max": 12.701326286720368, + "nauc_recall_at_100_std": 9.758216731399271, + "nauc_recall_at_10_diff1": 23.87551744396225, + "nauc_recall_at_10_max": 14.166646301822277, + "nauc_recall_at_10_std": 0.1988619766549251, + "nauc_recall_at_1_diff1": 42.19086537913616, + "nauc_recall_at_1_max": 25.7185835567139, + "nauc_recall_at_1_std": -5.103024290179066, + "nauc_recall_at_20_diff1": 22.82940257737179, + "nauc_recall_at_20_max": 14.380915615760875, + "nauc_recall_at_20_std": 2.254636975248318, + "nauc_recall_at_3_diff1": 28.766021778938168, + "nauc_recall_at_3_max": 17.976609326976067, + "nauc_recall_at_3_std": -3.702494785254991, + "nauc_recall_at_5_diff1": 23.908633564651726, + "nauc_recall_at_5_max": 15.914031250219566, + "nauc_recall_at_5_std": -1.1174655358936727, + "ndcg_at_1": 17.613, + "ndcg_at_10": 22.942999999999998, + "ndcg_at_100": 28.433999999999997, + "ndcg_at_1000": 31.757, + "ndcg_at_20": 24.98, + "ndcg_at_3": 20.048, + "ndcg_at_5": 21.477, + "precision_at_1": 17.613, + "precision_at_10": 4.196, + "precision_at_100": 0.857, + "precision_at_1000": 0.134, + "precision_at_20": 2.738, + "precision_at_3": 9.4, + "precision_at_5": 6.795, + "recall_at_1": 14.446, + "recall_at_10": 29.834, + "recall_at_100": 54.201, + "recall_at_1000": 77.404, + "recall_at_20": 37.076, + "recall_at_3": 21.634, + "recall_at_5": 25.354 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/CQADupstackProgrammersRetrieval.json b/results/minishlab__M2V_base_output/external/CQADupstackProgrammersRetrieval.json new file mode 100644 index 000000000..a72d423d9 --- /dev/null +++ b/results/minishlab__M2V_base_output/external/CQADupstackProgrammersRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "6184bc1440d2dbc7612be22b50686b8826d22b32", + "task_name": "CQADupstackProgrammersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 16.134999999999998, + "map_at_1": 9.081, + "map_at_10": 13.055, + "map_at_100": 13.983, + "map_at_1000": 14.121, + "map_at_20": 13.572999999999999, + "map_at_3": 11.356, + "map_at_5": 12.374, + "mrr_at_1": 11.643835616438356, + "mrr_at_10": 16.14947995941146, + "mrr_at_100": 16.997282843006918, + "mrr_at_1000": 17.102618713993394, + "mrr_at_20": 16.618159190946415, + "mrr_at_3": 14.193302891933024, + "mrr_at_5": 15.431887366818875, + "nauc_map_at_1000_diff1": 32.88432231391895, + "nauc_map_at_1000_max": 21.28374560046097, + "nauc_map_at_1000_std": 0.7870656250135109, + "nauc_map_at_100_diff1": 32.88983126213636, + "nauc_map_at_100_max": 21.22458501691853, + "nauc_map_at_100_std": 0.7745608524382627, + "nauc_map_at_10_diff1": 33.3173574829305, + "nauc_map_at_10_max": 21.367334815121904, + "nauc_map_at_10_std": -0.2609532870073169, + "nauc_map_at_1_diff1": 41.49865569300206, + "nauc_map_at_1_max": 23.806102705106763, + "nauc_map_at_1_std": -1.0768247293103315, + "nauc_map_at_20_diff1": 32.88467310993085, + "nauc_map_at_20_max": 21.327573738016785, + "nauc_map_at_20_std": 0.316045501648052, + "nauc_map_at_3_diff1": 35.81885176476419, + "nauc_map_at_3_max": 22.563058822026658, + "nauc_map_at_3_std": -0.8297325146016894, + "nauc_map_at_5_diff1": 33.77483401790263, + "nauc_map_at_5_max": 22.13376627990081, + "nauc_map_at_5_std": -1.298858688329888, + "nauc_mrr_at_1000_diff1": 30.18097667250221, + "nauc_mrr_at_1000_max": 23.047341870142613, + "nauc_mrr_at_1000_std": -0.7406764235969188, + "nauc_mrr_at_100_diff1": 30.137374263969996, + "nauc_mrr_at_100_max": 23.00586275774131, + "nauc_mrr_at_100_std": -0.7248089045016322, + "nauc_mrr_at_10_diff1": 30.5170004176012, + "nauc_mrr_at_10_max": 23.164562505110673, + "nauc_mrr_at_10_std": -1.337649573306133, + "nauc_mrr_at_1_diff1": 37.46155722071317, + "nauc_mrr_at_1_max": 25.00725832122006, + "nauc_mrr_at_1_std": -1.0496408564552728, + "nauc_mrr_at_20_diff1": 30.072298950513115, + "nauc_mrr_at_20_max": 23.12382481107441, + "nauc_mrr_at_20_std": -1.0529732263666112, + "nauc_mrr_at_3_diff1": 33.48101600704272, + "nauc_mrr_at_3_max": 24.320755907805154, + "nauc_mrr_at_3_std": -1.1307908969215423, + "nauc_mrr_at_5_diff1": 31.18888034831575, + "nauc_mrr_at_5_max": 24.06227117989202, + "nauc_mrr_at_5_std": -1.6797432122873692, + "nauc_ndcg_at_1000_diff1": 28.432037664372412, + "nauc_ndcg_at_1000_max": 20.70102200502625, + "nauc_ndcg_at_1000_std": 4.336326682724843, + "nauc_ndcg_at_100_diff1": 28.34454571794967, + "nauc_ndcg_at_100_max": 19.24223569564877, + "nauc_ndcg_at_100_std": 4.362280599906417, + "nauc_ndcg_at_10_diff1": 29.501926407603296, + "nauc_ndcg_at_10_max": 20.201609309464548, + "nauc_ndcg_at_10_std": 0.24089058436514194, + "nauc_ndcg_at_1_diff1": 37.46155722071317, + "nauc_ndcg_at_1_max": 25.00725832122006, + "nauc_ndcg_at_1_std": -1.0496408564552728, + "nauc_ndcg_at_20_diff1": 28.16170312615381, + "nauc_ndcg_at_20_max": 19.972996583494282, + "nauc_ndcg_at_20_std": 1.7952491904498078, + "nauc_ndcg_at_3_diff1": 33.81225087762225, + "nauc_ndcg_at_3_max": 22.806027738516985, + "nauc_ndcg_at_3_std": -0.3936571571120077, + "nauc_ndcg_at_5_diff1": 30.443042638323213, + "nauc_ndcg_at_5_max": 22.16102145420267, + "nauc_ndcg_at_5_std": -1.406251026694119, + "nauc_precision_at_1000_diff1": 0.4741273357484423, + "nauc_precision_at_1000_max": 11.280228116288542, + "nauc_precision_at_1000_std": 2.6901820584724363, + "nauc_precision_at_100_diff1": 12.332309998132743, + "nauc_precision_at_100_max": 13.961289532548982, + "nauc_precision_at_100_std": 11.085111649559586, + "nauc_precision_at_10_diff1": 19.283822581631675, + "nauc_precision_at_10_max": 18.7473146500872, + "nauc_precision_at_10_std": 0.35093524054436415, + "nauc_precision_at_1_diff1": 37.46155722071317, + "nauc_precision_at_1_max": 25.00725832122006, + "nauc_precision_at_1_std": -1.0496408564552728, + "nauc_precision_at_20_diff1": 16.254451730745757, + "nauc_precision_at_20_max": 17.364228546817166, + "nauc_precision_at_20_std": 5.773553761500332, + "nauc_precision_at_3_diff1": 28.259681463765514, + "nauc_precision_at_3_max": 22.873732037017984, + "nauc_precision_at_3_std": -0.8527795522416294, + "nauc_precision_at_5_diff1": 21.21485623284622, + "nauc_precision_at_5_max": 23.001097117924832, + "nauc_precision_at_5_std": -3.108687061513337, + "nauc_recall_at_1000_diff1": 18.73323624525636, + "nauc_recall_at_1000_max": 18.04287551295194, + "nauc_recall_at_1000_std": 17.786418942777992, + "nauc_recall_at_100_diff1": 19.919117945258254, + "nauc_recall_at_100_max": 11.16087760657872, + "nauc_recall_at_100_std": 14.566488048537535, + "nauc_recall_at_10_diff1": 22.078090142518782, + "nauc_recall_at_10_max": 14.941344831772128, + "nauc_recall_at_10_std": 2.4737147250843186, + "nauc_recall_at_1_diff1": 41.49865569300206, + "nauc_recall_at_1_max": 23.806102705106763, + "nauc_recall_at_1_std": -1.0768247293103315, + "nauc_recall_at_20_diff1": 18.725160188681265, + "nauc_recall_at_20_max": 14.46073981800366, + "nauc_recall_at_20_std": 6.133778343325667, + "nauc_recall_at_3_diff1": 30.297623023451, + "nauc_recall_at_3_max": 20.126404905370183, + "nauc_recall_at_3_std": -0.03367599947778304, + "nauc_recall_at_5_diff1": 24.35960314497861, + "nauc_recall_at_5_max": 19.26030564870987, + "nauc_recall_at_5_std": -1.3740373839056597, + "ndcg_at_1": 11.644, + "ndcg_at_10": 16.134999999999998, + "ndcg_at_100": 20.696, + "ndcg_at_1000": 24.43, + "ndcg_at_20": 17.861, + "ndcg_at_3": 12.842999999999998, + "ndcg_at_5": 14.618, + "precision_at_1": 11.644, + "precision_at_10": 3.116, + "precision_at_100": 0.6459999999999999, + "precision_at_1000": 0.11499999999999999, + "precision_at_20": 2.032, + "precision_at_3": 6.012, + "precision_at_5": 4.84, + "recall_at_1": 9.081, + "recall_at_10": 22.554, + "recall_at_100": 42.531, + "recall_at_1000": 69.706, + "recall_at_20": 28.743999999999996, + "recall_at_3": 13.977, + "recall_at_5": 18.169 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/CQADupstackStatsRetrieval.json b/results/minishlab__M2V_base_output/external/CQADupstackStatsRetrieval.json new file mode 100644 index 000000000..b24035e75 --- /dev/null +++ b/results/minishlab__M2V_base_output/external/CQADupstackStatsRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "65ac3a16b8e91f9cee4c9828cc7c335575432a2a", + "task_name": "CQADupstackStatsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 14.333000000000002, + "map_at_1": 8.547, + "map_at_10": 11.93, + "map_at_100": 12.684000000000001, + "map_at_1000": 12.78, + "map_at_20": 12.337, + "map_at_3": 10.588000000000001, + "map_at_5": 11.323, + "mrr_at_1": 10.122699386503067, + "mrr_at_10": 13.70039682539683, + "mrr_at_100": 14.482783387597786, + "mrr_at_1000": 14.570668290032126, + "mrr_at_20": 14.13394542086446, + "mrr_at_3": 12.295501022494888, + "mrr_at_5": 13.02402862985685, + "nauc_map_at_1000_diff1": 29.11861352274418, + "nauc_map_at_1000_max": 22.56892542189849, + "nauc_map_at_1000_std": -4.54004259281444, + "nauc_map_at_100_diff1": 29.19511912412574, + "nauc_map_at_100_max": 22.603999738779653, + "nauc_map_at_100_std": -4.52144665211894, + "nauc_map_at_10_diff1": 29.29630212567994, + "nauc_map_at_10_max": 23.196908629656825, + "nauc_map_at_10_std": -5.360014721454885, + "nauc_map_at_1_diff1": 35.230641193187914, + "nauc_map_at_1_max": 24.41472808203692, + "nauc_map_at_1_std": -5.821919201147339, + "nauc_map_at_20_diff1": 29.12584787266228, + "nauc_map_at_20_max": 22.709732890112623, + "nauc_map_at_20_std": -4.817143968480547, + "nauc_map_at_3_diff1": 31.57056394160851, + "nauc_map_at_3_max": 25.825155522604348, + "nauc_map_at_3_std": -6.542610906472262, + "nauc_map_at_5_diff1": 29.231256950912947, + "nauc_map_at_5_max": 24.156600281291105, + "nauc_map_at_5_std": -5.997363843824488, + "nauc_mrr_at_1000_diff1": 28.820090702123135, + "nauc_mrr_at_1000_max": 24.263679220309907, + "nauc_mrr_at_1000_std": -2.0607371843303057, + "nauc_mrr_at_100_diff1": 28.847376535658203, + "nauc_mrr_at_100_max": 24.272497169069386, + "nauc_mrr_at_100_std": -2.03120306488999, + "nauc_mrr_at_10_diff1": 28.911942194319707, + "nauc_mrr_at_10_max": 25.035362298602738, + "nauc_mrr_at_10_std": -2.5392409774079616, + "nauc_mrr_at_1_diff1": 34.94101066582577, + "nauc_mrr_at_1_max": 26.610522376067564, + "nauc_mrr_at_1_std": -2.6534637926597697, + "nauc_mrr_at_20_diff1": 28.743299849543636, + "nauc_mrr_at_20_max": 24.32003719178884, + "nauc_mrr_at_20_std": -2.3279080552115117, + "nauc_mrr_at_3_diff1": 31.04805054489257, + "nauc_mrr_at_3_max": 27.616725290738337, + "nauc_mrr_at_3_std": -2.9076820433664667, + "nauc_mrr_at_5_diff1": 28.865005001724242, + "nauc_mrr_at_5_max": 26.103439275448775, + "nauc_mrr_at_5_std": -3.0680396311703184, + "nauc_ndcg_at_1000_diff1": 25.539587234316798, + "nauc_ndcg_at_1000_max": 18.820788497321356, + "nauc_ndcg_at_1000_std": -1.9960462357498938, + "nauc_ndcg_at_100_diff1": 27.14578048184198, + "nauc_ndcg_at_100_max": 19.4851567283788, + "nauc_ndcg_at_100_std": -1.3749625199938715, + "nauc_ndcg_at_10_diff1": 26.87364502097816, + "nauc_ndcg_at_10_max": 21.485890355501102, + "nauc_ndcg_at_10_std": -3.894125413998458, + "nauc_ndcg_at_1_diff1": 34.94101066582577, + "nauc_ndcg_at_1_max": 26.610522376067564, + "nauc_ndcg_at_1_std": -2.6534637926597697, + "nauc_ndcg_at_20_diff1": 26.341280976454417, + "nauc_ndcg_at_20_max": 19.721515866258724, + "nauc_ndcg_at_20_std": -2.9319224524709053, + "nauc_ndcg_at_3_diff1": 30.74558316757148, + "nauc_ndcg_at_3_max": 26.40338736609146, + "nauc_ndcg_at_3_std": -5.561920759375321, + "nauc_ndcg_at_5_diff1": 26.881257783685893, + "nauc_ndcg_at_5_max": 23.650417322561335, + "nauc_ndcg_at_5_std": -5.175161111887432, + "nauc_precision_at_1000_diff1": 10.873007976618808, + "nauc_precision_at_1000_max": 12.030734880352934, + "nauc_precision_at_1000_std": 6.381355734825803, + "nauc_precision_at_100_diff1": 22.401720874248873, + "nauc_precision_at_100_max": 16.830307472250432, + "nauc_precision_at_100_std": 8.759369364769308, + "nauc_precision_at_10_diff1": 22.232090186151392, + "nauc_precision_at_10_max": 21.76539255838225, + "nauc_precision_at_10_std": 0.8339023471047621, + "nauc_precision_at_1_diff1": 34.94101066582577, + "nauc_precision_at_1_max": 26.610522376067564, + "nauc_precision_at_1_std": -2.6534637926597697, + "nauc_precision_at_20_diff1": 20.89118655581876, + "nauc_precision_at_20_max": 17.90131790057651, + "nauc_precision_at_20_std": 2.415900033993976, + "nauc_precision_at_3_diff1": 29.199646185693584, + "nauc_precision_at_3_max": 28.71542597359216, + "nauc_precision_at_3_std": -3.324231635814199, + "nauc_precision_at_5_diff1": 21.160582630949655, + "nauc_precision_at_5_max": 25.038152290365755, + "nauc_precision_at_5_std": -1.5349945089073667, + "nauc_recall_at_1000_diff1": 12.802585970938592, + "nauc_recall_at_1000_max": 4.416753173413089, + "nauc_recall_at_1000_std": 0.3242070873030706, + "nauc_recall_at_100_diff1": 23.177406841712212, + "nauc_recall_at_100_max": 10.168312031699122, + "nauc_recall_at_100_std": 3.5202491358448733, + "nauc_recall_at_10_diff1": 21.179523585586825, + "nauc_recall_at_10_max": 14.696510947366045, + "nauc_recall_at_10_std": -2.77056987911708, + "nauc_recall_at_1_diff1": 35.230641193187914, + "nauc_recall_at_1_max": 24.41472808203692, + "nauc_recall_at_1_std": -5.821919201147339, + "nauc_recall_at_20_diff1": 19.96336555562722, + "nauc_recall_at_20_max": 10.265926044858517, + "nauc_recall_at_20_std": -0.785259475171776, + "nauc_recall_at_3_diff1": 27.2666741731745, + "nauc_recall_at_3_max": 24.921261035370843, + "nauc_recall_at_3_std": -6.520343024542523, + "nauc_recall_at_5_diff1": 20.830145482657233, + "nauc_recall_at_5_max": 19.70605027355368, + "nauc_recall_at_5_std": -5.524187480821078, + "ndcg_at_1": 10.123, + "ndcg_at_10": 14.333000000000002, + "ndcg_at_100": 18.242, + "ndcg_at_1000": 21.185000000000002, + "ndcg_at_20": 15.795, + "ndcg_at_3": 11.737, + "ndcg_at_5": 12.875, + "precision_at_1": 10.123, + "precision_at_10": 2.5, + "precision_at_100": 0.48, + "precision_at_1000": 0.079, + "precision_at_20": 1.595, + "precision_at_3": 5.164, + "precision_at_5": 3.8649999999999998, + "recall_at_1": 8.547, + "recall_at_10": 20.152, + "recall_at_100": 38.274, + "recall_at_1000": 61.097, + "recall_at_20": 25.672, + "recall_at_3": 12.866, + "recall_at_5": 15.717999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/CQADupstackTexRetrieval.json b/results/minishlab__M2V_base_output/external/CQADupstackTexRetrieval.json new file mode 100644 index 000000000..f70e3a90d --- /dev/null +++ b/results/minishlab__M2V_base_output/external/CQADupstackTexRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "46989137a86843e03a6195de44b09deda022eec7", + "task_name": "CQADupstackTexRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 10.942, + "map_at_1": 5.989, + "map_at_10": 8.927, + "map_at_100": 9.539, + "map_at_1000": 9.649000000000001, + "map_at_20": 9.225, + "map_at_3": 8.126, + "map_at_5": 8.541, + "mrr_at_1": 7.5361321403991735, + "mrr_at_10": 10.92452397338838, + "mrr_at_100": 11.592043752074652, + "mrr_at_1000": 11.685734091169346, + "mrr_at_20": 11.258548816571706, + "mrr_at_3": 10.002294104152327, + "mrr_at_5": 10.47373250745583, + "nauc_map_at_1000_diff1": 29.70785865819864, + "nauc_map_at_1000_max": 15.814071189887855, + "nauc_map_at_1000_std": -5.60669413451568, + "nauc_map_at_100_diff1": 29.74148513545459, + "nauc_map_at_100_max": 15.779846885727725, + "nauc_map_at_100_std": -5.76117228213773, + "nauc_map_at_10_diff1": 30.592884755466276, + "nauc_map_at_10_max": 16.2821343956555, + "nauc_map_at_10_std": -6.31218509821274, + "nauc_map_at_1_diff1": 40.50426071077868, + "nauc_map_at_1_max": 17.251422635161674, + "nauc_map_at_1_std": -7.3319940985741505, + "nauc_map_at_20_diff1": 30.161839436701044, + "nauc_map_at_20_max": 15.822488590611552, + "nauc_map_at_20_std": -6.216851050714664, + "nauc_map_at_3_diff1": 32.80171391466759, + "nauc_map_at_3_max": 16.819928931516028, + "nauc_map_at_3_std": -6.8482887648089354, + "nauc_map_at_5_diff1": 31.68769336125935, + "nauc_map_at_5_max": 16.551544446521724, + "nauc_map_at_5_std": -6.610571158449323, + "nauc_mrr_at_1000_diff1": 30.032074926432294, + "nauc_mrr_at_1000_max": 17.31359992105279, + "nauc_mrr_at_1000_std": -5.051808537297404, + "nauc_mrr_at_100_diff1": 30.04561152587057, + "nauc_mrr_at_100_max": 17.31510991897843, + "nauc_mrr_at_100_std": -5.112171695450907, + "nauc_mrr_at_10_diff1": 30.7919588089329, + "nauc_mrr_at_10_max": 17.747307159609047, + "nauc_mrr_at_10_std": -5.620809668288058, + "nauc_mrr_at_1_diff1": 40.37820294671241, + "nauc_mrr_at_1_max": 19.515958567233955, + "nauc_mrr_at_1_std": -7.6128600910040385, + "nauc_mrr_at_20_diff1": 30.43076360217774, + "nauc_mrr_at_20_max": 17.42098412102074, + "nauc_mrr_at_20_std": -5.502999723295499, + "nauc_mrr_at_3_diff1": 33.35073752739181, + "nauc_mrr_at_3_max": 18.381225141274406, + "nauc_mrr_at_3_std": -6.281341542296808, + "nauc_mrr_at_5_diff1": 32.01975103837218, + "nauc_mrr_at_5_max": 18.248575553624875, + "nauc_mrr_at_5_std": -5.975629240088075, + "nauc_ndcg_at_1000_diff1": 23.480424968554473, + "nauc_ndcg_at_1000_max": 14.422280226661046, + "nauc_ndcg_at_1000_std": 0.037198763992900716, + "nauc_ndcg_at_100_diff1": 23.74556359447292, + "nauc_ndcg_at_100_max": 14.02306375423822, + "nauc_ndcg_at_100_std": -2.7832737496474014, + "nauc_ndcg_at_10_diff1": 27.151201274571196, + "nauc_ndcg_at_10_max": 15.7704175776716, + "nauc_ndcg_at_10_std": -5.561215786484417, + "nauc_ndcg_at_1_diff1": 40.37820294671241, + "nauc_ndcg_at_1_max": 19.515958567233955, + "nauc_ndcg_at_1_std": -7.6128600910040385, + "nauc_ndcg_at_20_diff1": 26.066768096454577, + "nauc_ndcg_at_20_max": 14.454961291556554, + "nauc_ndcg_at_20_std": -5.335984929547714, + "nauc_ndcg_at_3_diff1": 31.42782503500614, + "nauc_ndcg_at_3_max": 17.29083202850581, + "nauc_ndcg_at_3_std": -6.593661694626304, + "nauc_ndcg_at_5_diff1": 29.47414868567076, + "nauc_ndcg_at_5_max": 16.6743658195434, + "nauc_ndcg_at_5_std": -6.167442909277885, + "nauc_precision_at_1000_diff1": 11.55307594597712, + "nauc_precision_at_1000_max": 16.664194862533392, + "nauc_precision_at_1000_std": 15.574570590140713, + "nauc_precision_at_100_diff1": 14.135107624877794, + "nauc_precision_at_100_max": 15.965921007390795, + "nauc_precision_at_100_std": 5.476527761120489, + "nauc_precision_at_10_diff1": 20.463049463514587, + "nauc_precision_at_10_max": 17.478921279030477, + "nauc_precision_at_10_std": -3.491880161936641, + "nauc_precision_at_1_diff1": 40.37820294671241, + "nauc_precision_at_1_max": 19.515958567233955, + "nauc_precision_at_1_std": -7.6128600910040385, + "nauc_precision_at_20_diff1": 19.35511923391385, + "nauc_precision_at_20_max": 16.263201003355583, + "nauc_precision_at_20_std": -2.9385217665021464, + "nauc_precision_at_3_diff1": 28.582340371655384, + "nauc_precision_at_3_max": 18.900608189348805, + "nauc_precision_at_3_std": -6.399404023285527, + "nauc_precision_at_5_diff1": 24.787631563267876, + "nauc_precision_at_5_max": 18.566603285207357, + "nauc_precision_at_5_std": -4.640787291262861, + "nauc_recall_at_1000_diff1": 10.018323646441084, + "nauc_recall_at_1000_max": 8.971012069559492, + "nauc_recall_at_1000_std": 14.894521585422476, + "nauc_recall_at_100_diff1": 11.541962873194024, + "nauc_recall_at_100_max": 8.63730681762965, + "nauc_recall_at_100_std": 3.1924288769214333, + "nauc_recall_at_10_diff1": 18.978099632146687, + "nauc_recall_at_10_max": 12.346880908932615, + "nauc_recall_at_10_std": -4.380348720563592, + "nauc_recall_at_1_diff1": 40.50426071077868, + "nauc_recall_at_1_max": 17.251422635161674, + "nauc_recall_at_1_std": -7.3319940985741505, + "nauc_recall_at_20_diff1": 17.100697713020164, + "nauc_recall_at_20_max": 9.171514181265934, + "nauc_recall_at_20_std": -3.88622450782914, + "nauc_recall_at_3_diff1": 26.205669264205483, + "nauc_recall_at_3_max": 15.070286201579593, + "nauc_recall_at_3_std": -6.677898784102143, + "nauc_recall_at_5_diff1": 23.246637868945513, + "nauc_recall_at_5_max": 13.77133525419923, + "nauc_recall_at_5_std": -6.145815156982035, + "ndcg_at_1": 7.536, + "ndcg_at_10": 10.942, + "ndcg_at_100": 14.376, + "ndcg_at_1000": 17.66, + "ndcg_at_20": 12.012, + "ndcg_at_3": 9.39, + "ndcg_at_5": 10.036000000000001, + "precision_at_1": 7.536, + "precision_at_10": 2.051, + "precision_at_100": 0.455, + "precision_at_1000": 0.08800000000000001, + "precision_at_20": 1.321, + "precision_at_3": 4.565, + "precision_at_5": 3.2620000000000005, + "recall_at_1": 5.989, + "recall_at_10": 15.112, + "recall_at_100": 31.176, + "recall_at_1000": 55.789, + "recall_at_20": 19.139, + "recall_at_3": 10.610999999999999, + "recall_at_5": 12.302 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/CQADupstackUnixRetrieval.json b/results/minishlab__M2V_base_output/external/CQADupstackUnixRetrieval.json new file mode 100644 index 000000000..f12f4ca81 --- /dev/null +++ b/results/minishlab__M2V_base_output/external/CQADupstackUnixRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "6c6430d3a6d36f8d2a829195bc5dc94d7e063e53", + "task_name": "CQADupstackUnixRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 17.887, + "map_at_1": 10.67, + "map_at_10": 14.939, + "map_at_100": 15.573999999999998, + "map_at_1000": 15.684999999999999, + "map_at_20": 15.223999999999998, + "map_at_3": 13.799, + "map_at_5": 14.332, + "mrr_at_1": 12.87313432835821, + "mrr_at_10": 17.731469142383315, + "mrr_at_100": 18.402040803136185, + "mrr_at_1000": 18.494079224741526, + "mrr_at_20": 18.03607538846422, + "mrr_at_3": 16.52674129353234, + "mrr_at_5": 17.067786069651746, + "nauc_map_at_1000_diff1": 36.76823844116977, + "nauc_map_at_1000_max": 27.94572035162958, + "nauc_map_at_1000_std": -4.388884836241252, + "nauc_map_at_100_diff1": 36.79665558424098, + "nauc_map_at_100_max": 27.941945040312184, + "nauc_map_at_100_std": -4.490876272760181, + "nauc_map_at_10_diff1": 37.41372310249964, + "nauc_map_at_10_max": 27.990160762136163, + "nauc_map_at_10_std": -4.795820943975423, + "nauc_map_at_1_diff1": 49.98661453454098, + "nauc_map_at_1_max": 31.818725397600282, + "nauc_map_at_1_std": -5.925260594592982, + "nauc_map_at_20_diff1": 36.92254435057548, + "nauc_map_at_20_max": 28.05940570041997, + "nauc_map_at_20_std": -4.780726661563721, + "nauc_map_at_3_diff1": 38.36192130512335, + "nauc_map_at_3_max": 28.858454287203205, + "nauc_map_at_3_std": -5.755340070358489, + "nauc_map_at_5_diff1": 37.9499946188146, + "nauc_map_at_5_max": 28.32627898637564, + "nauc_map_at_5_std": -4.900005922457714, + "nauc_mrr_at_1000_diff1": 34.880119065480486, + "nauc_mrr_at_1000_max": 29.378414409768304, + "nauc_mrr_at_1000_std": -3.704128162920646, + "nauc_mrr_at_100_diff1": 34.89626548489115, + "nauc_mrr_at_100_max": 29.389675765322654, + "nauc_mrr_at_100_std": -3.7494327131452114, + "nauc_mrr_at_10_diff1": 35.32636142642244, + "nauc_mrr_at_10_max": 29.471010072155597, + "nauc_mrr_at_10_std": -3.996358264478763, + "nauc_mrr_at_1_diff1": 47.90151427745923, + "nauc_mrr_at_1_max": 34.205811607428565, + "nauc_mrr_at_1_std": -4.355308541351635, + "nauc_mrr_at_20_diff1": 34.939420448282924, + "nauc_mrr_at_20_max": 29.514028377508296, + "nauc_mrr_at_20_std": -4.031940468517912, + "nauc_mrr_at_3_diff1": 36.37081496865121, + "nauc_mrr_at_3_max": 30.668982407799405, + "nauc_mrr_at_3_std": -4.8471296781069, + "nauc_mrr_at_5_diff1": 35.88679509747269, + "nauc_mrr_at_5_max": 29.912822412299523, + "nauc_mrr_at_5_std": -4.38559630771512, + "nauc_ndcg_at_1000_diff1": 30.958587739289474, + "nauc_ndcg_at_1000_max": 25.494852381225762, + "nauc_ndcg_at_1000_std": -0.1616411394145601, + "nauc_ndcg_at_100_diff1": 31.25494182437728, + "nauc_ndcg_at_100_max": 25.646920642171217, + "nauc_ndcg_at_100_std": -2.4513554125960777, + "nauc_ndcg_at_10_diff1": 33.12811377055696, + "nauc_ndcg_at_10_max": 26.464639927253046, + "nauc_ndcg_at_10_std": -4.2881824335959395, + "nauc_ndcg_at_1_diff1": 47.90151427745923, + "nauc_ndcg_at_1_max": 34.205811607428565, + "nauc_ndcg_at_1_std": -4.355308541351635, + "nauc_ndcg_at_20_diff1": 31.675421489903904, + "nauc_ndcg_at_20_max": 26.522154184809644, + "nauc_ndcg_at_20_std": -4.284414659369125, + "nauc_ndcg_at_3_diff1": 34.46164089418861, + "nauc_ndcg_at_3_max": 28.686854091455782, + "nauc_ndcg_at_3_std": -5.695127299581537, + "nauc_ndcg_at_5_diff1": 34.06268264335981, + "nauc_ndcg_at_5_max": 27.41462353998668, + "nauc_ndcg_at_5_std": -4.615408130218053, + "nauc_precision_at_1000_diff1": 6.773761974306285, + "nauc_precision_at_1000_max": 13.042896531679865, + "nauc_precision_at_1000_std": 18.281508859789664, + "nauc_precision_at_100_diff1": 15.924429001932866, + "nauc_precision_at_100_max": 20.457743309047, + "nauc_precision_at_100_std": 6.6080283991640005, + "nauc_precision_at_10_diff1": 22.315260994226936, + "nauc_precision_at_10_max": 25.482668659182643, + "nauc_precision_at_10_std": -2.8176143138195253, + "nauc_precision_at_1_diff1": 47.90151427745923, + "nauc_precision_at_1_max": 34.205811607428565, + "nauc_precision_at_1_std": -4.355308541351635, + "nauc_precision_at_20_diff1": 18.144557360729884, + "nauc_precision_at_20_max": 25.204053277572914, + "nauc_precision_at_20_std": -1.7144259829502586, + "nauc_precision_at_3_diff1": 25.226557583051363, + "nauc_precision_at_3_max": 28.206981851597934, + "nauc_precision_at_3_std": -6.113164957842488, + "nauc_precision_at_5_diff1": 24.106572466155253, + "nauc_precision_at_5_max": 26.92943346868415, + "nauc_precision_at_5_std": -3.554052142651989, + "nauc_recall_at_1000_diff1": 14.589862576218504, + "nauc_recall_at_1000_max": 12.701428869835372, + "nauc_recall_at_1000_std": 17.690486024774614, + "nauc_recall_at_100_diff1": 18.41380873008093, + "nauc_recall_at_100_max": 16.44325189297761, + "nauc_recall_at_100_std": 2.5676496026723403, + "nauc_recall_at_10_diff1": 23.836353717326148, + "nauc_recall_at_10_max": 20.488533672940427, + "nauc_recall_at_10_std": -3.6412149465751766, + "nauc_recall_at_1_diff1": 49.98661453454098, + "nauc_recall_at_1_max": 31.818725397600282, + "nauc_recall_at_1_std": -5.925260594592982, + "nauc_recall_at_20_diff1": 19.95415850300592, + "nauc_recall_at_20_max": 20.479489049982334, + "nauc_recall_at_20_std": -3.748045332843713, + "nauc_recall_at_3_diff1": 27.51330288671981, + "nauc_recall_at_3_max": 25.233366697694947, + "nauc_recall_at_3_std": -6.416003335135423, + "nauc_recall_at_5_diff1": 25.92079220648793, + "nauc_recall_at_5_max": 22.63598503654417, + "nauc_recall_at_5_std": -4.241913243082138, + "ndcg_at_1": 12.873000000000001, + "ndcg_at_10": 17.887, + "ndcg_at_100": 21.487000000000002, + "ndcg_at_1000": 24.596, + "ndcg_at_20": 18.891, + "ndcg_at_3": 15.65, + "ndcg_at_5": 16.438, + "precision_at_1": 12.873000000000001, + "precision_at_10": 3.06, + "precision_at_100": 0.549, + "precision_at_1000": 0.091, + "precision_at_20": 1.81, + "precision_at_3": 7.338, + "precision_at_5": 4.925, + "recall_at_1": 10.67, + "recall_at_10": 24.332, + "recall_at_100": 41.046, + "recall_at_1000": 64.17399999999999, + "recall_at_20": 27.894999999999996, + "recall_at_3": 17.807000000000002, + "recall_at_5": 20.003 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/CQADupstackWebmastersRetrieval.json b/results/minishlab__M2V_base_output/external/CQADupstackWebmastersRetrieval.json new file mode 100644 index 000000000..ef20056ab --- /dev/null +++ b/results/minishlab__M2V_base_output/external/CQADupstackWebmastersRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "160c094312a0e1facb97e55eeddb698c0abe3571", + "task_name": "CQADupstackWebmastersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 20.995, + "map_at_1": 12.667, + "map_at_10": 17.408, + "map_at_100": 18.318, + "map_at_1000": 18.512, + "map_at_20": 17.829, + "map_at_3": 15.676000000000002, + "map_at_5": 16.799, + "mrr_at_1": 16.007905138339922, + "mrr_at_10": 20.940460505677894, + "mrr_at_100": 21.69143441032759, + "mrr_at_1000": 21.80204722464657, + "mrr_at_20": 21.26643246728539, + "mrr_at_3": 19.400527009222657, + "mrr_at_5": 20.25032938076416, + "nauc_map_at_1000_diff1": 32.47046839846832, + "nauc_map_at_1000_max": 27.66353273195947, + "nauc_map_at_1000_std": -8.343684598764236, + "nauc_map_at_100_diff1": 32.50616188089244, + "nauc_map_at_100_max": 27.73747518277514, + "nauc_map_at_100_std": -8.490341693700493, + "nauc_map_at_10_diff1": 33.1288027398037, + "nauc_map_at_10_max": 28.241224798228394, + "nauc_map_at_10_std": -9.02951560885345, + "nauc_map_at_1_diff1": 40.80511648851529, + "nauc_map_at_1_max": 30.162361476463918, + "nauc_map_at_1_std": -9.17387155813208, + "nauc_map_at_20_diff1": 32.48172255854906, + "nauc_map_at_20_max": 27.83782940642731, + "nauc_map_at_20_std": -9.00070653423497, + "nauc_map_at_3_diff1": 35.33220107117886, + "nauc_map_at_3_max": 28.50773685929629, + "nauc_map_at_3_std": -9.774728282721654, + "nauc_map_at_5_diff1": 33.86289360627357, + "nauc_map_at_5_max": 28.381915762969662, + "nauc_map_at_5_std": -8.724453393790323, + "nauc_mrr_at_1000_diff1": 34.76838356916287, + "nauc_mrr_at_1000_max": 25.973225541804773, + "nauc_mrr_at_1000_std": -7.858456592729439, + "nauc_mrr_at_100_diff1": 34.75307312922653, + "nauc_mrr_at_100_max": 25.954557036353204, + "nauc_mrr_at_100_std": -7.871516537547969, + "nauc_mrr_at_10_diff1": 35.358922810256225, + "nauc_mrr_at_10_max": 26.210843274361505, + "nauc_mrr_at_10_std": -8.214417147884735, + "nauc_mrr_at_1_diff1": 43.64078480508238, + "nauc_mrr_at_1_max": 29.370755170129257, + "nauc_mrr_at_1_std": -9.550993425629777, + "nauc_mrr_at_20_diff1": 34.78113781898558, + "nauc_mrr_at_20_max": 25.928518389732314, + "nauc_mrr_at_20_std": -8.239044555830915, + "nauc_mrr_at_3_diff1": 37.21568768239239, + "nauc_mrr_at_3_max": 26.65360940386168, + "nauc_mrr_at_3_std": -8.62478361674192, + "nauc_mrr_at_5_diff1": 35.82015322695793, + "nauc_mrr_at_5_max": 26.501248513872365, + "nauc_mrr_at_5_std": -8.032258195748593, + "nauc_ndcg_at_1000_diff1": 28.090450093791965, + "nauc_ndcg_at_1000_max": 25.0164560812251, + "nauc_ndcg_at_1000_std": -4.751492810050399, + "nauc_ndcg_at_100_diff1": 28.006371102918905, + "nauc_ndcg_at_100_max": 24.96330175676876, + "nauc_ndcg_at_100_std": -5.191836591721473, + "nauc_ndcg_at_10_diff1": 29.742355909419842, + "nauc_ndcg_at_10_max": 25.560202565798097, + "nauc_ndcg_at_10_std": -8.454314293252533, + "nauc_ndcg_at_1_diff1": 43.64078480508238, + "nauc_ndcg_at_1_max": 29.370755170129257, + "nauc_ndcg_at_1_std": -9.550993425629777, + "nauc_ndcg_at_20_diff1": 27.8673417820888, + "nauc_ndcg_at_20_max": 24.752636378864707, + "nauc_ndcg_at_20_std": -8.142335775441563, + "nauc_ndcg_at_3_diff1": 34.12983925479383, + "nauc_ndcg_at_3_max": 25.383414977354768, + "nauc_ndcg_at_3_std": -9.314125871147313, + "nauc_ndcg_at_5_diff1": 31.25517374528034, + "nauc_ndcg_at_5_max": 25.48971100051719, + "nauc_ndcg_at_5_std": -7.833719979552164, + "nauc_precision_at_1000_diff1": 3.50440341668897, + "nauc_precision_at_1000_max": -3.087157205676272, + "nauc_precision_at_1000_std": 15.957120100116718, + "nauc_precision_at_100_diff1": 8.365977140200012, + "nauc_precision_at_100_max": 5.265673590955992, + "nauc_precision_at_100_std": 10.094715416109812, + "nauc_precision_at_10_diff1": 20.119798486812844, + "nauc_precision_at_10_max": 16.84346414214358, + "nauc_precision_at_10_std": -6.134362396350626, + "nauc_precision_at_1_diff1": 43.64078480508238, + "nauc_precision_at_1_max": 29.370755170129257, + "nauc_precision_at_1_std": -9.550993425629777, + "nauc_precision_at_20_diff1": 16.458988589576688, + "nauc_precision_at_20_max": 13.882029306822776, + "nauc_precision_at_20_std": -2.349385052523666, + "nauc_precision_at_3_diff1": 30.425979660093866, + "nauc_precision_at_3_max": 20.960392518113437, + "nauc_precision_at_3_std": -9.122507391265795, + "nauc_precision_at_5_diff1": 23.711336481938176, + "nauc_precision_at_5_max": 17.785091688656124, + "nauc_precision_at_5_std": -5.953830939145774, + "nauc_recall_at_1000_diff1": 4.652161838596426, + "nauc_recall_at_1000_max": 13.427480897667563, + "nauc_recall_at_1000_std": 13.162281305962134, + "nauc_recall_at_100_diff1": 12.940141763574056, + "nauc_recall_at_100_max": 17.133363434036806, + "nauc_recall_at_100_std": 5.929516195308144, + "nauc_recall_at_10_diff1": 19.28025711155888, + "nauc_recall_at_10_max": 21.611600359640324, + "nauc_recall_at_10_std": -7.3225233954700055, + "nauc_recall_at_1_diff1": 40.80511648851529, + "nauc_recall_at_1_max": 30.162361476463918, + "nauc_recall_at_1_std": -9.17387155813208, + "nauc_recall_at_20_diff1": 13.45385867706307, + "nauc_recall_at_20_max": 17.79542474505384, + "nauc_recall_at_20_std": -6.804718967301025, + "nauc_recall_at_3_diff1": 28.00830001315124, + "nauc_recall_at_3_max": 23.903118754205703, + "nauc_recall_at_3_std": -9.446774660465353, + "nauc_recall_at_5_diff1": 22.969782395962362, + "nauc_recall_at_5_max": 23.293961742969984, + "nauc_recall_at_5_std": -5.613990704144268, + "ndcg_at_1": 16.008, + "ndcg_at_10": 20.995, + "ndcg_at_100": 25.146, + "ndcg_at_1000": 29.032999999999998, + "ndcg_at_20": 22.149, + "ndcg_at_3": 18.285999999999998, + "ndcg_at_5": 19.725, + "precision_at_1": 16.008, + "precision_at_10": 4.15, + "precision_at_100": 0.881, + "precision_at_1000": 0.18, + "precision_at_20": 2.549, + "precision_at_3": 8.827, + "precision_at_5": 6.561, + "recall_at_1": 12.667, + "recall_at_10": 27.334999999999997, + "recall_at_100": 47.504999999999995, + "recall_at_1000": 74.20400000000001, + "recall_at_20": 32.223, + "recall_at_3": 18.855, + "recall_at_5": 23.031 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/CQADupstackWordpressRetrieval.json b/results/minishlab__M2V_base_output/external/CQADupstackWordpressRetrieval.json new file mode 100644 index 000000000..3f1ead9d9 --- /dev/null +++ b/results/minishlab__M2V_base_output/external/CQADupstackWordpressRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "4ffe81d471b1924886b33c7567bfb200e9eec5c4", + "task_name": "CQADupstackWordpressRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 12.855, + "map_at_1": 5.952, + "map_at_10": 10.112, + "map_at_100": 10.841000000000001, + "map_at_1000": 10.952, + "map_at_20": 10.485, + "map_at_3": 8.61, + "map_at_5": 9.39, + "mrr_at_1": 6.654343807763401, + "mrr_at_10": 11.145512425549404, + "mrr_at_100": 11.890834621929745, + "mrr_at_1000": 11.98935500535199, + "mrr_at_20": 11.514438747582577, + "mrr_at_3": 9.519408502772645, + "mrr_at_5": 10.35120147874307, + "nauc_map_at_1000_diff1": 28.118324967619934, + "nauc_map_at_1000_max": 33.4955396363861, + "nauc_map_at_1000_std": -7.124620464882072, + "nauc_map_at_100_diff1": 28.139542997566775, + "nauc_map_at_100_max": 33.43234157469899, + "nauc_map_at_100_std": -7.243361520044231, + "nauc_map_at_10_diff1": 28.847631060466366, + "nauc_map_at_10_max": 33.901023417079976, + "nauc_map_at_10_std": -7.925183564546207, + "nauc_map_at_1_diff1": 50.30049199397133, + "nauc_map_at_1_max": 51.25572555439384, + "nauc_map_at_1_std": -11.015024646365136, + "nauc_map_at_20_diff1": 28.28927518524186, + "nauc_map_at_20_max": 33.660096742342866, + "nauc_map_at_20_std": -7.818967310155242, + "nauc_map_at_3_diff1": 31.240569537452505, + "nauc_map_at_3_max": 36.287067586021514, + "nauc_map_at_3_std": -9.672050554710639, + "nauc_map_at_5_diff1": 29.22151929708611, + "nauc_map_at_5_max": 35.151163055940096, + "nauc_map_at_5_std": -8.08857100327833, + "nauc_mrr_at_1000_diff1": 28.584908252510456, + "nauc_mrr_at_1000_max": 32.74580077107513, + "nauc_mrr_at_1000_std": -5.4545568607489425, + "nauc_mrr_at_100_diff1": 28.590158729530756, + "nauc_mrr_at_100_max": 32.648265058397314, + "nauc_mrr_at_100_std": -5.497715715850587, + "nauc_mrr_at_10_diff1": 29.13862424713755, + "nauc_mrr_at_10_max": 33.040759537886785, + "nauc_mrr_at_10_std": -5.9147477002669815, + "nauc_mrr_at_1_diff1": 50.27722302230953, + "nauc_mrr_at_1_max": 49.25905641972045, + "nauc_mrr_at_1_std": -8.480294289311937, + "nauc_mrr_at_20_diff1": 28.638536503165835, + "nauc_mrr_at_20_max": 32.88659954102282, + "nauc_mrr_at_20_std": -5.981819963535813, + "nauc_mrr_at_3_diff1": 31.18159924468885, + "nauc_mrr_at_3_max": 35.21727856087969, + "nauc_mrr_at_3_std": -7.572707528554651, + "nauc_mrr_at_5_diff1": 29.565525076928186, + "nauc_mrr_at_5_max": 34.266818009562066, + "nauc_mrr_at_5_std": -6.198634245500832, + "nauc_ndcg_at_1000_diff1": 21.992225333730815, + "nauc_ndcg_at_1000_max": 28.17427028625173, + "nauc_ndcg_at_1000_std": -1.5499706000360816, + "nauc_ndcg_at_100_diff1": 22.207779666352856, + "nauc_ndcg_at_100_max": 27.049600613849627, + "nauc_ndcg_at_100_std": -3.3145082009255664, + "nauc_ndcg_at_10_diff1": 23.689293335278357, + "nauc_ndcg_at_10_max": 29.430164805550735, + "nauc_ndcg_at_10_std": -6.7008075430059915, + "nauc_ndcg_at_1_diff1": 50.27722302230953, + "nauc_ndcg_at_1_max": 49.25905641972045, + "nauc_ndcg_at_1_std": -8.480294289311937, + "nauc_ndcg_at_20_diff1": 22.2925895362134, + "nauc_ndcg_at_20_max": 28.844919103532163, + "nauc_ndcg_at_20_std": -6.594295088509034, + "nauc_ndcg_at_3_diff1": 27.12317888260658, + "nauc_ndcg_at_3_max": 32.93206493058083, + "nauc_ndcg_at_3_std": -8.832021517864137, + "nauc_ndcg_at_5_diff1": 24.20043773979843, + "nauc_ndcg_at_5_max": 31.54380198974836, + "nauc_ndcg_at_5_std": -6.807495457594366, + "nauc_precision_at_1000_diff1": 5.581741511647604, + "nauc_precision_at_1000_max": 4.703458505931627, + "nauc_precision_at_1000_std": 10.657124449862566, + "nauc_precision_at_100_diff1": 10.883192976516437, + "nauc_precision_at_100_max": 12.752909725063391, + "nauc_precision_at_100_std": 5.477310651451066, + "nauc_precision_at_10_diff1": 13.750559486735126, + "nauc_precision_at_10_max": 21.16487005730127, + "nauc_precision_at_10_std": -4.531709245413559, + "nauc_precision_at_1_diff1": 50.27722302230953, + "nauc_precision_at_1_max": 49.25905641972045, + "nauc_precision_at_1_std": -8.480294289311937, + "nauc_precision_at_20_diff1": 11.29346713230963, + "nauc_precision_at_20_max": 20.31140492811378, + "nauc_precision_at_20_std": -3.028932222489695, + "nauc_precision_at_3_diff1": 18.64174123411719, + "nauc_precision_at_3_max": 26.389733577145407, + "nauc_precision_at_3_std": -7.942974687482611, + "nauc_precision_at_5_diff1": 14.483776598926971, + "nauc_precision_at_5_max": 24.48041754152907, + "nauc_precision_at_5_std": -3.7226914654635195, + "nauc_recall_at_1000_diff1": 9.291280130218974, + "nauc_recall_at_1000_max": 17.433646542112527, + "nauc_recall_at_1000_std": 15.008011633433348, + "nauc_recall_at_100_diff1": 12.803561963798474, + "nauc_recall_at_100_max": 14.512899220841478, + "nauc_recall_at_100_std": 4.5635363743743405, + "nauc_recall_at_10_diff1": 14.619920557797897, + "nauc_recall_at_10_max": 21.580422687110726, + "nauc_recall_at_10_std": -5.609327303626449, + "nauc_recall_at_1_diff1": 50.30049199397133, + "nauc_recall_at_1_max": 51.25572555439384, + "nauc_recall_at_1_std": -11.015024646365136, + "nauc_recall_at_20_diff1": 11.964600349614422, + "nauc_recall_at_20_max": 20.588461630785062, + "nauc_recall_at_20_std": -5.702130226450261, + "nauc_recall_at_3_diff1": 17.5253237828965, + "nauc_recall_at_3_max": 26.185608151458005, + "nauc_recall_at_3_std": -9.159514017216269, + "nauc_recall_at_5_diff1": 14.004716307559587, + "nauc_recall_at_5_max": 24.584165770910065, + "nauc_recall_at_5_std": -5.221167835710616, + "ndcg_at_1": 6.654, + "ndcg_at_10": 12.855, + "ndcg_at_100": 17.012, + "ndcg_at_1000": 20.252, + "ndcg_at_20": 14.161999999999999, + "ndcg_at_3": 9.703000000000001, + "ndcg_at_5": 11.091, + "precision_at_1": 6.654, + "precision_at_10": 2.366, + "precision_at_100": 0.488, + "precision_at_1000": 0.082, + "precision_at_20": 1.488, + "precision_at_3": 4.436, + "precision_at_5": 3.4750000000000005, + "recall_at_1": 5.952, + "recall_at_10": 20.434, + "recall_at_100": 40.579, + "recall_at_1000": 65.872, + "recall_at_20": 25.302000000000003, + "recall_at_3": 11.873000000000001, + "recall_at_5": 15.206 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/ClimateFEVER.json b/results/minishlab__M2V_base_output/external/ClimateFEVER.json new file mode 100644 index 000000000..a03e6fa41 --- /dev/null +++ b/results/minishlab__M2V_base_output/external/ClimateFEVER.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 12.684000000000001, + "map_at_1": 4.893, + "map_at_10": 8.362, + "map_at_100": 9.366, + "map_at_1000": 9.51, + "map_at_20": 8.89, + "map_at_3": 6.922000000000001, + "map_at_5": 7.55, + "mrr_at_1": 10.879478827361563, + "mrr_at_10": 17.425107285042124, + "mrr_at_100": 18.451707469189756, + "mrr_at_1000": 18.52126392525071, + "mrr_at_20": 18.048165607672363, + "mrr_at_3": 14.820846905537465, + "mrr_at_5": 16.114006514657984, + "nauc_map_at_1000_diff1": 23.84006264934629, + "nauc_map_at_1000_max": 4.910831067499504, + "nauc_map_at_1000_std": 21.87335313820886, + "nauc_map_at_100_diff1": 23.778524081332208, + "nauc_map_at_100_max": 4.859800424394481, + "nauc_map_at_100_std": 21.531388522921386, + "nauc_map_at_10_diff1": 23.87487289096816, + "nauc_map_at_10_max": 4.401846074458388, + "nauc_map_at_10_std": 18.73423239612392, + "nauc_map_at_1_diff1": 35.758137361986876, + "nauc_map_at_1_max": 6.168314369703521, + "nauc_map_at_1_std": 16.65271803089269, + "nauc_map_at_20_diff1": 24.039157788253018, + "nauc_map_at_20_max": 4.643267356141666, + "nauc_map_at_20_std": 20.226255685740064, + "nauc_map_at_3_diff1": 26.37074453742451, + "nauc_map_at_3_max": 4.413149278221099, + "nauc_map_at_3_std": 15.63665704099623, + "nauc_map_at_5_diff1": 25.039889457178184, + "nauc_map_at_5_max": 4.116798702870248, + "nauc_map_at_5_std": 16.483869796310607, + "nauc_mrr_at_1000_diff1": 22.547131264817562, + "nauc_mrr_at_1000_max": 6.808785488910689, + "nauc_mrr_at_1000_std": 21.975345310790907, + "nauc_mrr_at_100_diff1": 22.549641093971683, + "nauc_mrr_at_100_max": 6.81168274530983, + "nauc_mrr_at_100_std": 21.974004923300384, + "nauc_mrr_at_10_diff1": 22.312721592779024, + "nauc_mrr_at_10_max": 6.679578080791881, + "nauc_mrr_at_10_std": 21.07740647837007, + "nauc_mrr_at_1_diff1": 28.173217916679285, + "nauc_mrr_at_1_max": 7.01737786335727, + "nauc_mrr_at_1_std": 17.343185290003337, + "nauc_mrr_at_20_diff1": 22.453660248688838, + "nauc_mrr_at_20_max": 6.729779393524216, + "nauc_mrr_at_20_std": 21.7064323041105, + "nauc_mrr_at_3_diff1": 23.318290537345305, + "nauc_mrr_at_3_max": 6.85330097005025, + "nauc_mrr_at_3_std": 18.579666587768532, + "nauc_mrr_at_5_diff1": 22.776029548753908, + "nauc_mrr_at_5_max": 6.774526393574311, + "nauc_mrr_at_5_std": 19.493348467671495, + "nauc_ndcg_at_1000_diff1": 21.24051083897338, + "nauc_ndcg_at_1000_max": 5.47512915602942, + "nauc_ndcg_at_1000_std": 33.891319842379175, + "nauc_ndcg_at_100_diff1": 20.419435436717333, + "nauc_ndcg_at_100_max": 5.39782089893606, + "nauc_ndcg_at_100_std": 30.159229347157506, + "nauc_ndcg_at_10_diff1": 20.733063242245937, + "nauc_ndcg_at_10_max": 4.730118140766257, + "nauc_ndcg_at_10_std": 22.15611978743939, + "nauc_ndcg_at_1_diff1": 28.173217916679285, + "nauc_ndcg_at_1_max": 7.01737786335727, + "nauc_ndcg_at_1_std": 17.343185290003337, + "nauc_ndcg_at_20_diff1": 21.193054968270157, + "nauc_ndcg_at_20_max": 5.042507849955366, + "nauc_ndcg_at_20_std": 25.574905139811683, + "nauc_ndcg_at_3_diff1": 23.84494482915719, + "nauc_ndcg_at_3_max": 5.487614479078213, + "nauc_ndcg_at_3_std": 17.257041665670382, + "nauc_ndcg_at_5_diff1": 22.335981246975596, + "nauc_ndcg_at_5_max": 4.51930579751092, + "nauc_ndcg_at_5_std": 18.146324563164686, + "nauc_precision_at_1000_diff1": 10.732854051903242, + "nauc_precision_at_1000_max": 6.906169025482474, + "nauc_precision_at_1000_std": 48.29990501127646, + "nauc_precision_at_100_diff1": 11.335367835686048, + "nauc_precision_at_100_max": 8.33486931679638, + "nauc_precision_at_100_std": 44.02335918155949, + "nauc_precision_at_10_diff1": 12.734140898903185, + "nauc_precision_at_10_max": 7.345403114877788, + "nauc_precision_at_10_std": 29.786495191603628, + "nauc_precision_at_1_diff1": 28.173217916679285, + "nauc_precision_at_1_max": 7.01737786335727, + "nauc_precision_at_1_std": 17.343185290003337, + "nauc_precision_at_20_diff1": 14.578686218208455, + "nauc_precision_at_20_max": 8.31600884554527, + "nauc_precision_at_20_std": 35.57944755395991, + "nauc_precision_at_3_diff1": 17.424902975218114, + "nauc_precision_at_3_max": 7.173711594974116, + "nauc_precision_at_3_std": 18.881971193903073, + "nauc_precision_at_5_diff1": 14.71989380091471, + "nauc_precision_at_5_max": 6.747106177114406, + "nauc_precision_at_5_std": 22.565140813543476, + "nauc_recall_at_1000_diff1": 14.018742326454056, + "nauc_recall_at_1000_max": 1.5532125941851942, + "nauc_recall_at_1000_std": 48.0359073551386, + "nauc_recall_at_100_diff1": 11.782399018197935, + "nauc_recall_at_100_max": 2.2870655024097513, + "nauc_recall_at_100_std": 37.97352959084523, + "nauc_recall_at_10_diff1": 14.345879239147546, + "nauc_recall_at_10_max": 2.0087919399778515, + "nauc_recall_at_10_std": 24.59372608521495, + "nauc_recall_at_1_diff1": 35.758137361986876, + "nauc_recall_at_1_max": 6.168314369703521, + "nauc_recall_at_1_std": 16.65271803089269, + "nauc_recall_at_20_diff1": 14.6032045058713, + "nauc_recall_at_20_max": 2.192258051272998, + "nauc_recall_at_20_std": 30.200979930961648, + "nauc_recall_at_3_diff1": 21.450459178725765, + "nauc_recall_at_3_max": 2.6687225558746217, + "nauc_recall_at_3_std": 15.62001953924645, + "nauc_recall_at_5_diff1": 17.872642384652647, + "nauc_recall_at_5_max": 1.7062840921304248, + "nauc_recall_at_5_std": 17.238197751224522, + "ndcg_at_1": 10.879, + "ndcg_at_10": 12.684000000000001, + "ndcg_at_100": 17.636, + "ndcg_at_1000": 20.931, + "ndcg_at_20": 14.557999999999998, + "ndcg_at_3": 9.666, + "ndcg_at_5": 10.592, + "precision_at_1": 10.879, + "precision_at_10": 4.215, + "precision_at_100": 0.935, + "precision_at_1000": 0.154, + "precision_at_20": 2.8930000000000002, + "precision_at_3": 7.166, + "precision_at_5": 5.694, + "recall_at_1": 4.893, + "recall_at_10": 16.148, + "recall_at_100": 33.826, + "recall_at_1000": 52.91400000000001, + "recall_at_20": 21.568, + "recall_at_3": 8.984, + "recall_at_5": 11.417 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/DBPedia.json b/results/minishlab__M2V_base_output/external/DBPedia.json new file mode 100644 index 000000000..38f339275 --- /dev/null +++ b/results/minishlab__M2V_base_output/external/DBPedia.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 18.714, + "map_at_1": 3.6290000000000004, + "map_at_10": 7.344, + "map_at_100": 10.174999999999999, + "map_at_1000": 10.89, + "map_at_20": 8.439, + "map_at_3": 5.609999999999999, + "map_at_5": 6.337, + "mrr_at_1": 37.0, + "mrr_at_10": 46.09295634920637, + "mrr_at_100": 46.88963947930081, + "mrr_at_1000": 46.921566120401955, + "mrr_at_20": 46.52364089084293, + "mrr_at_3": 43.33333333333334, + "mrr_at_5": 44.90833333333335, + "nauc_map_at_1000_diff1": 15.332578307626383, + "nauc_map_at_1000_max": 19.591409700798067, + "nauc_map_at_1000_std": 26.787357729943086, + "nauc_map_at_100_diff1": 15.241772873921782, + "nauc_map_at_100_max": 18.342574948282497, + "nauc_map_at_100_std": 23.631531457963924, + "nauc_map_at_10_diff1": 17.295256116074693, + "nauc_map_at_10_max": 10.62161320889349, + "nauc_map_at_10_std": 9.528015695519017, + "nauc_map_at_1_diff1": 16.446542483531125, + "nauc_map_at_1_max": 4.979934347581338, + "nauc_map_at_1_std": 0.8028896220717383, + "nauc_map_at_20_diff1": 16.81602502338933, + "nauc_map_at_20_max": 13.113289648729024, + "nauc_map_at_20_std": 14.351215296062362, + "nauc_map_at_3_diff1": 14.907096937119139, + "nauc_map_at_3_max": 7.35444839341772, + "nauc_map_at_3_std": 3.56181101379306, + "nauc_map_at_5_diff1": 17.310165177414458, + "nauc_map_at_5_max": 9.029713690770615, + "nauc_map_at_5_std": 5.483712783452527, + "nauc_mrr_at_1000_diff1": 21.637726685501068, + "nauc_mrr_at_1000_max": 30.207538155542647, + "nauc_mrr_at_1000_std": 23.29384324216765, + "nauc_mrr_at_100_diff1": 21.635718406960365, + "nauc_mrr_at_100_max": 30.21626999781084, + "nauc_mrr_at_100_std": 23.315552275404077, + "nauc_mrr_at_10_diff1": 21.63149126393632, + "nauc_mrr_at_10_max": 30.19460995864985, + "nauc_mrr_at_10_std": 23.162647549161143, + "nauc_mrr_at_1_diff1": 23.364434113790995, + "nauc_mrr_at_1_max": 29.16236827328641, + "nauc_mrr_at_1_std": 20.444573577612672, + "nauc_mrr_at_20_diff1": 21.500850583557057, + "nauc_mrr_at_20_max": 30.20831775659985, + "nauc_mrr_at_20_std": 23.200255998287243, + "nauc_mrr_at_3_diff1": 21.12636914240847, + "nauc_mrr_at_3_max": 28.8554344421751, + "nauc_mrr_at_3_std": 22.971981931510907, + "nauc_mrr_at_5_diff1": 21.25759448565056, + "nauc_mrr_at_5_max": 29.949582847543653, + "nauc_mrr_at_5_std": 22.60218450418408, + "nauc_ndcg_at_1000_diff1": 18.808237293933672, + "nauc_ndcg_at_1000_max": 21.383496457619863, + "nauc_ndcg_at_1000_std": 41.576194502603904, + "nauc_ndcg_at_100_diff1": 17.221887092074635, + "nauc_ndcg_at_100_max": 17.701739166467814, + "nauc_ndcg_at_100_std": 32.68960425363178, + "nauc_ndcg_at_10_diff1": 18.532709672848732, + "nauc_ndcg_at_10_max": 17.09971249017414, + "nauc_ndcg_at_10_std": 24.640964891301568, + "nauc_ndcg_at_1_diff1": 20.909544791732714, + "nauc_ndcg_at_1_max": 19.966081278133522, + "nauc_ndcg_at_1_std": 16.467816838901918, + "nauc_ndcg_at_20_diff1": 17.17581137257012, + "nauc_ndcg_at_20_max": 15.286085887063514, + "nauc_ndcg_at_20_std": 24.382832522939328, + "nauc_ndcg_at_3_diff1": 16.33752617073797, + "nauc_ndcg_at_3_max": 17.80070987939365, + "nauc_ndcg_at_3_std": 21.901487508713668, + "nauc_ndcg_at_5_diff1": 17.66213503429926, + "nauc_ndcg_at_5_max": 18.315036078788523, + "nauc_ndcg_at_5_std": 22.196869148981882, + "nauc_precision_at_1000_diff1": 3.153755654841115, + "nauc_precision_at_1000_max": 23.826422759712194, + "nauc_precision_at_1000_std": 38.32310024626058, + "nauc_precision_at_100_diff1": 5.254703196587399, + "nauc_precision_at_100_max": 31.23694387267914, + "nauc_precision_at_100_std": 46.615222544239785, + "nauc_precision_at_10_diff1": 9.171988505302384, + "nauc_precision_at_10_max": 26.89906129794692, + "nauc_precision_at_10_std": 36.25236215404761, + "nauc_precision_at_1_diff1": 23.364434113790995, + "nauc_precision_at_1_max": 29.16236827328641, + "nauc_precision_at_1_std": 20.444573577612672, + "nauc_precision_at_20_diff1": 6.816222235055836, + "nauc_precision_at_20_max": 28.05552431582458, + "nauc_precision_at_20_std": 39.041946684417596, + "nauc_precision_at_3_diff1": 12.440898759477614, + "nauc_precision_at_3_max": 25.53095697663368, + "nauc_precision_at_3_std": 26.29306114437138, + "nauc_precision_at_5_diff1": 12.961933144163579, + "nauc_precision_at_5_max": 28.8551662840494, + "nauc_precision_at_5_std": 28.98920116163561, + "nauc_recall_at_1000_diff1": 10.46665439274001, + "nauc_recall_at_1000_max": 9.12732640867415, + "nauc_recall_at_1000_std": 42.420396816639986, + "nauc_recall_at_100_diff1": 7.630795440733252, + "nauc_recall_at_100_max": 9.497703777492731, + "nauc_recall_at_100_std": 30.3239668986987, + "nauc_recall_at_10_diff1": 15.472483341738865, + "nauc_recall_at_10_max": 3.6641891638054798, + "nauc_recall_at_10_std": 4.57953087809313, + "nauc_recall_at_1_diff1": 16.446542483531125, + "nauc_recall_at_1_max": 4.979934347581338, + "nauc_recall_at_1_std": 0.8028896220717383, + "nauc_recall_at_20_diff1": 9.043285621876421, + "nauc_recall_at_20_max": 2.799814278881547, + "nauc_recall_at_20_std": 9.488589268742839, + "nauc_recall_at_3_diff1": 11.070041224495936, + "nauc_recall_at_3_max": 3.058997523275269, + "nauc_recall_at_3_std": -0.31088660397764756, + "nauc_recall_at_5_diff1": 15.280147039490439, + "nauc_recall_at_5_max": 3.8735984736389604, + "nauc_recall_at_5_std": -0.03652249815937461, + "ndcg_at_1": 26.0, + "ndcg_at_10": 18.714, + "ndcg_at_100": 21.972, + "ndcg_at_1000": 27.908, + "ndcg_at_20": 18.666, + "ndcg_at_3": 21.593, + "ndcg_at_5": 19.89, + "precision_at_1": 37.0, + "precision_at_10": 16.175, + "precision_at_100": 5.405, + "precision_at_1000": 1.1119999999999999, + "precision_at_20": 12.45, + "precision_at_3": 26.25, + "precision_at_5": 21.3, + "recall_at_1": 3.6290000000000004, + "recall_at_10": 11.074, + "recall_at_100": 27.508, + "recall_at_1000": 48.478, + "recall_at_20": 15.765, + "recall_at_3": 6.679, + "recall_at_5": 8.272 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/EmotionClassification.json b/results/minishlab__M2V_base_output/external/EmotionClassification.json new file mode 100644 index 000000000..50b365d14 --- /dev/null +++ b/results/minishlab__M2V_base_output/external/EmotionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 37.085, + "f1": 33.85927583699898, + "f1_weighted": 39.200474117393966, + "main_score": 37.085 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/FEVER.json b/results/minishlab__M2V_base_output/external/FEVER.json new file mode 100644 index 000000000..937776d04 --- /dev/null +++ b/results/minishlab__M2V_base_output/external/FEVER.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 22.016, + "map_at_1": 12.193, + "map_at_10": 18.082, + "map_at_100": 19.041, + "map_at_1000": 19.127, + "map_at_20": 18.614, + "map_at_3": 15.791, + "map_at_5": 17.074, + "mrr_at_1": 12.946294629462946, + "mrr_at_10": 19.172619642916665, + "mrr_at_100": 20.154909631396883, + "mrr_at_1000": 20.23555740317628, + "mrr_at_20": 19.71354143370259, + "mrr_at_3": 16.76167616761678, + "mrr_at_5": 18.12756275627569, + "nauc_map_at_1000_diff1": 20.290997144547806, + "nauc_map_at_1000_max": 11.450991275708125, + "nauc_map_at_1000_std": -10.04517962568564, + "nauc_map_at_100_diff1": 20.286419962395446, + "nauc_map_at_100_max": 11.425096874032468, + "nauc_map_at_100_std": -10.065217561013961, + "nauc_map_at_10_diff1": 20.352678660604802, + "nauc_map_at_10_max": 11.01767996890229, + "nauc_map_at_10_std": -10.707087936088575, + "nauc_map_at_1_diff1": 25.032419107186094, + "nauc_map_at_1_max": 12.369813614872736, + "nauc_map_at_1_std": -14.118939916139569, + "nauc_map_at_20_diff1": 20.389612922681682, + "nauc_map_at_20_max": 11.353929159428661, + "nauc_map_at_20_std": -10.297859728424513, + "nauc_map_at_3_diff1": 21.10704599787224, + "nauc_map_at_3_max": 10.930500499862571, + "nauc_map_at_3_std": -12.150965535677678, + "nauc_map_at_5_diff1": 20.842777278284128, + "nauc_map_at_5_max": 10.827383306142737, + "nauc_map_at_5_std": -11.221709408333618, + "nauc_mrr_at_1000_diff1": 20.318256054389476, + "nauc_mrr_at_1000_max": 11.796117937558172, + "nauc_mrr_at_1000_std": -10.287039413450211, + "nauc_mrr_at_100_diff1": 20.30841620615174, + "nauc_mrr_at_100_max": 11.779189553888532, + "nauc_mrr_at_100_std": -10.294866807046127, + "nauc_mrr_at_10_diff1": 20.374243995449877, + "nauc_mrr_at_10_max": 11.378404399185833, + "nauc_mrr_at_10_std": -10.875685274480453, + "nauc_mrr_at_1_diff1": 25.100637371748824, + "nauc_mrr_at_1_max": 12.75349173425225, + "nauc_mrr_at_1_std": -14.395108761279237, + "nauc_mrr_at_20_diff1": 20.39503308580974, + "nauc_mrr_at_20_max": 11.68589575755117, + "nauc_mrr_at_20_std": -10.492915215640092, + "nauc_mrr_at_3_diff1": 21.15981004354575, + "nauc_mrr_at_3_max": 11.28231678901033, + "nauc_mrr_at_3_std": -12.354174511822121, + "nauc_mrr_at_5_diff1": 20.799863945954275, + "nauc_mrr_at_5_max": 11.185632335820825, + "nauc_mrr_at_5_std": -11.469723683281297, + "nauc_ndcg_at_1000_diff1": 18.464587317922547, + "nauc_ndcg_at_1000_max": 13.008062904816914, + "nauc_ndcg_at_1000_std": -5.664914582345968, + "nauc_ndcg_at_100_diff1": 18.16644191513211, + "nauc_ndcg_at_100_max": 12.562444143891966, + "nauc_ndcg_at_100_std": -6.1441260439999, + "nauc_ndcg_at_10_diff1": 18.686352401538496, + "nauc_ndcg_at_10_max": 10.869744096886084, + "nauc_ndcg_at_10_std": -8.944207877220036, + "nauc_ndcg_at_1_diff1": 25.100637371748824, + "nauc_ndcg_at_1_max": 12.75349173425225, + "nauc_ndcg_at_1_std": -14.395108761279237, + "nauc_ndcg_at_20_diff1": 18.771980400862198, + "nauc_ndcg_at_20_max": 11.905846688294329, + "nauc_ndcg_at_20_std": -7.692989490709515, + "nauc_ndcg_at_3_diff1": 20.08654674967674, + "nauc_ndcg_at_3_max": 10.663033509421721, + "nauc_ndcg_at_3_std": -11.574039012307594, + "nauc_ndcg_at_5_diff1": 19.6605128392337, + "nauc_ndcg_at_5_max": 10.508598217516415, + "nauc_ndcg_at_5_std": -10.065510128768713, + "nauc_precision_at_1000_diff1": 7.843686893129402, + "nauc_precision_at_1000_max": 21.12867481889994, + "nauc_precision_at_1000_std": 17.397771341896146, + "nauc_precision_at_100_diff1": 10.964367718664041, + "nauc_precision_at_100_max": 18.134742533867346, + "nauc_precision_at_100_std": 7.826000941250076, + "nauc_precision_at_10_diff1": 15.105380802537063, + "nauc_precision_at_10_max": 11.285261334237703, + "nauc_precision_at_10_std": -4.37944714089422, + "nauc_precision_at_1_diff1": 25.100637371748824, + "nauc_precision_at_1_max": 12.75349173425225, + "nauc_precision_at_1_std": -14.395108761279237, + "nauc_precision_at_20_diff1": 15.077505620030765, + "nauc_precision_at_20_max": 14.539549230107863, + "nauc_precision_at_20_std": -0.3542706803956202, + "nauc_precision_at_3_diff1": 17.885365023585084, + "nauc_precision_at_3_max": 10.292960240507334, + "nauc_precision_at_3_std": -10.022232347175288, + "nauc_precision_at_5_diff1": 17.139957329877934, + "nauc_precision_at_5_max": 10.26986709887834, + "nauc_precision_at_5_std": -7.222300752002702, + "nauc_recall_at_1000_diff1": 10.939852794630156, + "nauc_recall_at_1000_max": 20.445200176227928, + "nauc_recall_at_1000_std": 17.423637451714775, + "nauc_recall_at_100_diff1": 11.453503005311378, + "nauc_recall_at_100_max": 15.652758603853172, + "nauc_recall_at_100_std": 6.527801869334319, + "nauc_recall_at_10_diff1": 14.432828795666774, + "nauc_recall_at_10_max": 9.917611920139953, + "nauc_recall_at_10_std": -4.640402932242214, + "nauc_recall_at_1_diff1": 25.032419107186094, + "nauc_recall_at_1_max": 12.369813614872736, + "nauc_recall_at_1_std": -14.118939916139569, + "nauc_recall_at_20_diff1": 14.649940175342705, + "nauc_recall_at_20_max": 12.839139966470082, + "nauc_recall_at_20_std": -1.1007068094900396, + "nauc_recall_at_3_diff1": 17.369984220537575, + "nauc_recall_at_3_max": 9.706157288728694, + "nauc_recall_at_3_std": -9.933996418659476, + "nauc_recall_at_5_diff1": 16.73461655268465, + "nauc_recall_at_5_max": 9.307482112802237, + "nauc_recall_at_5_std": -7.03240216549824, + "ndcg_at_1": 12.946, + "ndcg_at_10": 22.016, + "ndcg_at_100": 27.1, + "ndcg_at_1000": 29.608, + "ndcg_at_20": 23.949, + "ndcg_at_3": 17.254, + "ndcg_at_5": 19.572, + "precision_at_1": 12.946, + "precision_at_10": 3.614, + "precision_at_100": 0.632, + "precision_at_1000": 0.086, + "precision_at_20": 2.2190000000000003, + "precision_at_3": 7.335999999999999, + "precision_at_5": 5.62, + "recall_at_1": 12.193, + "recall_at_10": 33.477000000000004, + "recall_at_100": 57.653, + "recall_at_1000": 77.331, + "recall_at_20": 40.967, + "recall_at_3": 20.524, + "recall_at_5": 26.049 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/FiQA2018.json b/results/minishlab__M2V_base_output/external/FiQA2018.json new file mode 100644 index 000000000..b3b23d614 --- /dev/null +++ b/results/minishlab__M2V_base_output/external/FiQA2018.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 10.489999999999998, + "map_at_1": 4.324999999999999, + "map_at_10": 7.2620000000000005, + "map_at_100": 8.049000000000001, + "map_at_1000": 8.219999999999999, + "map_at_20": 7.61, + "map_at_3": 5.973, + "map_at_5": 6.691, + "mrr_at_1": 8.950617283950617, + "mrr_at_10": 13.708602782676858, + "mrr_at_100": 14.590661251603459, + "mrr_at_1000": 14.700261572617254, + "mrr_at_20": 14.11123716025319, + "mrr_at_3": 12.062757201646086, + "mrr_at_5": 13.127572016460906, + "nauc_map_at_1000_diff1": 29.868612329177928, + "nauc_map_at_1000_max": 1.8204575427341532, + "nauc_map_at_1000_std": -4.185357333535049, + "nauc_map_at_100_diff1": 29.946178213759282, + "nauc_map_at_100_max": 1.610360929666458, + "nauc_map_at_100_std": -4.324079540013444, + "nauc_map_at_10_diff1": 30.399813155198824, + "nauc_map_at_10_max": 1.8115464824069072, + "nauc_map_at_10_std": -4.737607209968629, + "nauc_map_at_1_diff1": 37.53493767190502, + "nauc_map_at_1_max": 6.343933558239079, + "nauc_map_at_1_std": -8.230966082922905, + "nauc_map_at_20_diff1": 30.308094557427058, + "nauc_map_at_20_max": 1.7031539908608901, + "nauc_map_at_20_std": -4.596734035205173, + "nauc_map_at_3_diff1": 32.8951312020134, + "nauc_map_at_3_max": 1.5535854126023998, + "nauc_map_at_3_std": -4.539910426062374, + "nauc_map_at_5_diff1": 30.438220232065543, + "nauc_map_at_5_max": 2.0380362092746083, + "nauc_map_at_5_std": -4.716253038875689, + "nauc_mrr_at_1000_diff1": 26.097087362103995, + "nauc_mrr_at_1000_max": 6.377351302196768, + "nauc_mrr_at_1000_std": -8.980609641309028, + "nauc_mrr_at_100_diff1": 26.0420700495144, + "nauc_mrr_at_100_max": 6.3133809175339755, + "nauc_mrr_at_100_std": -9.000162649179808, + "nauc_mrr_at_10_diff1": 26.535507660887507, + "nauc_mrr_at_10_max": 6.381465133195606, + "nauc_mrr_at_10_std": -9.191571489530038, + "nauc_mrr_at_1_diff1": 33.21219729698373, + "nauc_mrr_at_1_max": 8.117452072894173, + "nauc_mrr_at_1_std": -12.844056505931412, + "nauc_mrr_at_20_diff1": 26.119432629408944, + "nauc_mrr_at_20_max": 6.142130397600541, + "nauc_mrr_at_20_std": -8.969120848763918, + "nauc_mrr_at_3_diff1": 29.213633065227913, + "nauc_mrr_at_3_max": 6.158454748584739, + "nauc_mrr_at_3_std": -9.312167992788329, + "nauc_mrr_at_5_diff1": 26.853690010476384, + "nauc_mrr_at_5_max": 6.607630323087147, + "nauc_mrr_at_5_std": -9.16727089175747, + "nauc_ndcg_at_1000_diff1": 24.608991804968696, + "nauc_ndcg_at_1000_max": 5.359080584203262, + "nauc_ndcg_at_1000_std": -1.4847472953357936, + "nauc_ndcg_at_100_diff1": 24.648632317746273, + "nauc_ndcg_at_100_max": 2.1712898966851113, + "nauc_ndcg_at_100_std": -3.5369260708070107, + "nauc_ndcg_at_10_diff1": 27.014604913486856, + "nauc_ndcg_at_10_max": 2.4695161721048713, + "nauc_ndcg_at_10_std": -5.3598766328112735, + "nauc_ndcg_at_1_diff1": 33.21219729698373, + "nauc_ndcg_at_1_max": 8.117452072894173, + "nauc_ndcg_at_1_std": -12.844056505931412, + "nauc_ndcg_at_20_diff1": 26.348030975637954, + "nauc_ndcg_at_20_max": 1.76798660214836, + "nauc_ndcg_at_20_std": -4.752973355036493, + "nauc_ndcg_at_3_diff1": 30.08569857797367, + "nauc_ndcg_at_3_max": 3.8922869178252917, + "nauc_ndcg_at_3_std": -5.983540710713673, + "nauc_ndcg_at_5_diff1": 27.00404833916418, + "nauc_ndcg_at_5_max": 3.5093481086647174, + "nauc_ndcg_at_5_std": -5.594177739447796, + "nauc_precision_at_1000_diff1": 6.90213731255884, + "nauc_precision_at_1000_max": 22.546962761447155, + "nauc_precision_at_1000_std": -4.411259743880491, + "nauc_precision_at_100_diff1": 14.110688584366798, + "nauc_precision_at_100_max": 10.545246972283675, + "nauc_precision_at_100_std": -5.013842584740609, + "nauc_precision_at_10_diff1": 20.259939679291286, + "nauc_precision_at_10_max": 6.864599576255598, + "nauc_precision_at_10_std": -6.629146983652406, + "nauc_precision_at_1_diff1": 33.21219729698373, + "nauc_precision_at_1_max": 8.117452072894173, + "nauc_precision_at_1_std": -12.844056505931412, + "nauc_precision_at_20_diff1": 19.290649186490967, + "nauc_precision_at_20_max": 5.972515078212738, + "nauc_precision_at_20_std": -5.429565238738726, + "nauc_precision_at_3_diff1": 26.615348561686524, + "nauc_precision_at_3_max": 4.303529688113032, + "nauc_precision_at_3_std": -6.3859133152717575, + "nauc_precision_at_5_diff1": 20.15741104687489, + "nauc_precision_at_5_max": 5.829980153393318, + "nauc_precision_at_5_std": -7.303750048891929, + "nauc_recall_at_1000_diff1": 12.433553342367036, + "nauc_recall_at_1000_max": 4.468200721496133, + "nauc_recall_at_1000_std": 14.900182633571784, + "nauc_recall_at_100_diff1": 14.0062702129626, + "nauc_recall_at_100_max": -1.7131702012948224, + "nauc_recall_at_100_std": 2.2633308267962704, + "nauc_recall_at_10_diff1": 21.690668515787653, + "nauc_recall_at_10_max": -0.6937364802491892, + "nauc_recall_at_10_std": -3.082925088768182, + "nauc_recall_at_1_diff1": 37.53493767190502, + "nauc_recall_at_1_max": 6.343933558239079, + "nauc_recall_at_1_std": -8.230966082922905, + "nauc_recall_at_20_diff1": 19.77931628522879, + "nauc_recall_at_20_max": -1.8891310482328967, + "nauc_recall_at_20_std": -2.116148089873719, + "nauc_recall_at_3_diff1": 29.51744746509749, + "nauc_recall_at_3_max": -1.5430112189485936, + "nauc_recall_at_3_std": -1.655207409284257, + "nauc_recall_at_5_diff1": 21.71469884887553, + "nauc_recall_at_5_max": 0.7546577860370985, + "nauc_recall_at_5_std": -1.8445545818566638, + "ndcg_at_1": 8.951, + "ndcg_at_10": 10.489999999999998, + "ndcg_at_100": 15.051, + "ndcg_at_1000": 19.479, + "ndcg_at_20": 11.73, + "ndcg_at_3": 8.407, + "ndcg_at_5": 9.382, + "precision_at_1": 8.951, + "precision_at_10": 3.056, + "precision_at_100": 0.761, + "precision_at_1000": 0.151, + "precision_at_20": 1.991, + "precision_at_3": 5.813, + "precision_at_5": 4.7219999999999995, + "recall_at_1": 4.324999999999999, + "recall_at_10": 13.963999999999999, + "recall_at_100": 32.568999999999996, + "recall_at_1000": 60.873999999999995, + "recall_at_20": 18.044, + "recall_at_3": 7.863, + "recall_at_5": 10.741 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/HotpotQA.json b/results/minishlab__M2V_base_output/external/HotpotQA.json new file mode 100644 index 000000000..08ac11da0 --- /dev/null +++ b/results/minishlab__M2V_base_output/external/HotpotQA.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 28.296, + "map_at_1": 16.124, + "map_at_10": 22.006999999999998, + "map_at_100": 22.739, + "map_at_1000": 22.831000000000003, + "map_at_20": 22.397, + "map_at_3": 20.343, + "map_at_5": 21.273, + "mrr_at_1": 32.248480756245776, + "mrr_at_10": 38.63598169405064, + "mrr_at_100": 39.30912106800413, + "mrr_at_1000": 39.36706737124047, + "mrr_at_20": 39.01889362753551, + "mrr_at_3": 36.90524420436645, + "mrr_at_5": 37.876884987621, + "nauc_map_at_1000_diff1": 52.56275733949851, + "nauc_map_at_1000_max": 15.678119273683258, + "nauc_map_at_1000_std": 21.94442763793275, + "nauc_map_at_100_diff1": 52.57779873054535, + "nauc_map_at_100_max": 15.675547534713088, + "nauc_map_at_100_std": 21.86210645684129, + "nauc_map_at_10_diff1": 53.016128486745004, + "nauc_map_at_10_max": 15.782677582200714, + "nauc_map_at_10_std": 20.895601911314472, + "nauc_map_at_1_diff1": 62.39324742344811, + "nauc_map_at_1_max": 18.922278332305293, + "nauc_map_at_1_std": 15.431990044458088, + "nauc_map_at_20_diff1": 52.66735350527932, + "nauc_map_at_20_max": 15.720152193572472, + "nauc_map_at_20_std": 21.43058845996297, + "nauc_map_at_3_diff1": 54.6666892102859, + "nauc_map_at_3_max": 16.731046525278487, + "nauc_map_at_3_std": 19.200351760472845, + "nauc_map_at_5_diff1": 53.67302712440124, + "nauc_map_at_5_max": 16.14212699563179, + "nauc_map_at_5_std": 20.109580390507958, + "nauc_mrr_at_1000_diff1": 57.590587384091286, + "nauc_mrr_at_1000_max": 16.955585029521554, + "nauc_mrr_at_1000_std": 18.940765599942846, + "nauc_mrr_at_100_diff1": 57.57727053172551, + "nauc_mrr_at_100_max": 16.95237066457576, + "nauc_mrr_at_100_std": 18.940796857284766, + "nauc_mrr_at_10_diff1": 57.71480130493494, + "nauc_mrr_at_10_max": 17.047197537035274, + "nauc_mrr_at_10_std": 18.60310516808845, + "nauc_mrr_at_1_diff1": 62.39324742344811, + "nauc_mrr_at_1_max": 18.922278332305293, + "nauc_mrr_at_1_std": 15.431990044458088, + "nauc_mrr_at_20_diff1": 57.59068015425055, + "nauc_mrr_at_20_max": 16.98394919583758, + "nauc_mrr_at_20_std": 18.81315221111426, + "nauc_mrr_at_3_diff1": 58.67948717756185, + "nauc_mrr_at_3_max": 17.68777692655858, + "nauc_mrr_at_3_std": 17.53265364680353, + "nauc_mrr_at_5_diff1": 58.139101763281666, + "nauc_mrr_at_5_max": 17.270925196457462, + "nauc_mrr_at_5_std": 18.056055685643045, + "nauc_ndcg_at_1000_diff1": 50.592269072101516, + "nauc_ndcg_at_1000_max": 14.524760647752915, + "nauc_ndcg_at_1000_std": 26.838335704567463, + "nauc_ndcg_at_100_diff1": 50.77465151278066, + "nauc_ndcg_at_100_max": 14.54429816135242, + "nauc_ndcg_at_100_std": 25.550144005876646, + "nauc_ndcg_at_10_diff1": 52.196099719654995, + "nauc_ndcg_at_10_max": 15.021941288342521, + "nauc_ndcg_at_10_std": 22.17407528719642, + "nauc_ndcg_at_1_diff1": 62.39324742344811, + "nauc_ndcg_at_1_max": 18.922278332305293, + "nauc_ndcg_at_1_std": 15.431990044458088, + "nauc_ndcg_at_20_diff1": 51.30002836393829, + "nauc_ndcg_at_20_max": 14.814680820356232, + "nauc_ndcg_at_20_std": 23.506479941769733, + "nauc_ndcg_at_3_diff1": 54.90780405878355, + "nauc_ndcg_at_3_max": 16.648637328318923, + "nauc_ndcg_at_3_std": 19.30934390416425, + "nauc_ndcg_at_5_diff1": 53.479799880106086, + "nauc_ndcg_at_5_max": 15.738363325622498, + "nauc_ndcg_at_5_std": 20.58963012081015, + "nauc_precision_at_1000_diff1": 24.304482939944215, + "nauc_precision_at_1000_max": 5.650518835490494, + "nauc_precision_at_1000_std": 41.977320321177345, + "nauc_precision_at_100_diff1": 31.210792569116773, + "nauc_precision_at_100_max": 7.568305897193786, + "nauc_precision_at_100_std": 35.39707853767338, + "nauc_precision_at_10_diff1": 41.43987014969449, + "nauc_precision_at_10_max": 10.60950763673837, + "nauc_precision_at_10_std": 26.62624496899695, + "nauc_precision_at_1_diff1": 62.39324742344811, + "nauc_precision_at_1_max": 18.922278332305293, + "nauc_precision_at_1_std": 15.431990044458088, + "nauc_precision_at_20_diff1": 37.555981094379796, + "nauc_precision_at_20_max": 9.733917395724056, + "nauc_precision_at_20_std": 29.976963378218098, + "nauc_precision_at_3_diff1": 50.27466251846394, + "nauc_precision_at_3_max": 15.137975562897834, + "nauc_precision_at_3_std": 21.385116394323468, + "nauc_precision_at_5_diff1": 46.22016922464899, + "nauc_precision_at_5_max": 12.884011400229156, + "nauc_precision_at_5_std": 23.551280371239656, + "nauc_recall_at_1000_diff1": 24.30448293994435, + "nauc_recall_at_1000_max": 5.650518835490617, + "nauc_recall_at_1000_std": 41.97732032117746, + "nauc_recall_at_100_diff1": 31.21079256911678, + "nauc_recall_at_100_max": 7.56830589719377, + "nauc_recall_at_100_std": 35.397078537673345, + "nauc_recall_at_10_diff1": 41.43987014969447, + "nauc_recall_at_10_max": 10.609507636738407, + "nauc_recall_at_10_std": 26.626244968996925, + "nauc_recall_at_1_diff1": 62.39324742344811, + "nauc_recall_at_1_max": 18.922278332305293, + "nauc_recall_at_1_std": 15.431990044458088, + "nauc_recall_at_20_diff1": 37.5559810943798, + "nauc_recall_at_20_max": 9.733917395724083, + "nauc_recall_at_20_std": 29.976963378218112, + "nauc_recall_at_3_diff1": 50.27466251846396, + "nauc_recall_at_3_max": 15.13797556289784, + "nauc_recall_at_3_std": 21.38511639432347, + "nauc_recall_at_5_diff1": 46.220169224649, + "nauc_recall_at_5_max": 12.88401140022913, + "nauc_recall_at_5_std": 23.551280371239613, + "ndcg_at_1": 32.248, + "ndcg_at_10": 28.296, + "ndcg_at_100": 31.830000000000002, + "ndcg_at_1000": 34.182, + "ndcg_at_20": 29.593000000000004, + "ndcg_at_3": 25.080000000000002, + "ndcg_at_5": 26.641, + "precision_at_1": 32.248, + "precision_at_10": 6.151, + "precision_at_100": 0.898, + "precision_at_1000": 0.121, + "precision_at_20": 3.4939999999999998, + "precision_at_3": 15.665000000000001, + "precision_at_5": 10.633, + "recall_at_1": 16.124, + "recall_at_10": 30.756, + "recall_at_100": 44.895, + "recall_at_1000": 60.655, + "recall_at_20": 34.936, + "recall_at_3": 23.498, + "recall_at_5": 26.583000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/ImdbClassification.json b/results/minishlab__M2V_base_output/external/ImdbClassification.json new file mode 100644 index 000000000..2760abaa8 --- /dev/null +++ b/results/minishlab__M2V_base_output/external/ImdbClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 65.11479999999999, + "ap": 60.16054663114752, + "ap_weighted": 60.16054663114752, + "f1": 64.58602077899722, + "f1_weighted": 64.58602077899724, + "main_score": 65.11479999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/MSMARCO.json b/results/minishlab__M2V_base_output/external/MSMARCO.json new file mode 100644 index 000000000..6992676c0 --- /dev/null +++ b/results/minishlab__M2V_base_output/external/MSMARCO.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 27.705000000000002, + "map_at_1": 0.777, + "map_at_10": 4.274, + "map_at_100": 10.459, + "map_at_1000": 12.995000000000001, + "map_at_20": 6.47, + "map_at_3": 1.8610000000000002, + "map_at_5": 2.606, + "mrr_at_1": 46.51162790697674, + "mrr_at_10": 58.708010335917315, + "mrr_at_100": 59.00751703077284, + "mrr_at_1000": 59.02276496514652, + "mrr_at_20": 58.90180878552971, + "mrr_at_3": 55.81395348837209, + "mrr_at_5": 57.44186046511628, + "nauc_map_at_1000_diff1": 37.892094182998136, + "nauc_map_at_1000_max": 61.74117112323522, + "nauc_map_at_1000_std": 58.58032442470286, + "nauc_map_at_100_diff1": 40.49245812562701, + "nauc_map_at_100_max": 57.01499706917439, + "nauc_map_at_100_std": 51.72298891596721, + "nauc_map_at_10_diff1": 38.194743917917116, + "nauc_map_at_10_max": 28.735417026530364, + "nauc_map_at_10_std": 31.023879510246598, + "nauc_map_at_1_diff1": 32.49931114906685, + "nauc_map_at_1_max": 17.671517789719864, + "nauc_map_at_1_std": 16.99861035727389, + "nauc_map_at_20_diff1": 36.32556775140449, + "nauc_map_at_20_max": 34.68159609940747, + "nauc_map_at_20_std": 38.40576232270393, + "nauc_map_at_3_diff1": 28.749285903216972, + "nauc_map_at_3_max": 22.471665405120152, + "nauc_map_at_3_std": 24.69853700687298, + "nauc_map_at_5_diff1": 31.853910704413547, + "nauc_map_at_5_max": 24.263061493565555, + "nauc_map_at_5_std": 28.612970147886262, + "nauc_mrr_at_1000_diff1": 38.28674723804615, + "nauc_mrr_at_1000_max": 65.31128352347841, + "nauc_mrr_at_1000_std": 60.74832369191216, + "nauc_mrr_at_100_diff1": 38.31302530772531, + "nauc_mrr_at_100_max": 65.33138728948728, + "nauc_mrr_at_100_std": 60.756072020421946, + "nauc_mrr_at_10_diff1": 38.407877536524715, + "nauc_mrr_at_10_max": 64.69187029537487, + "nauc_mrr_at_10_std": 60.99973125836723, + "nauc_mrr_at_1_diff1": 33.86818356255958, + "nauc_mrr_at_1_max": 63.497988338553334, + "nauc_mrr_at_1_std": 57.319330794169545, + "nauc_mrr_at_20_diff1": 38.548064176888836, + "nauc_mrr_at_20_max": 65.17230095066438, + "nauc_mrr_at_20_std": 60.876500917878865, + "nauc_mrr_at_3_diff1": 33.6890627338303, + "nauc_mrr_at_3_max": 64.82321215840447, + "nauc_mrr_at_3_std": 61.26157086058862, + "nauc_mrr_at_5_diff1": 37.49455502289622, + "nauc_mrr_at_5_max": 65.53530465417907, + "nauc_mrr_at_5_std": 61.02287299328536, + "nauc_ndcg_at_1000_diff1": 49.55226865832326, + "nauc_ndcg_at_1000_max": 61.12649206783223, + "nauc_ndcg_at_1000_std": 57.53286905675567, + "nauc_ndcg_at_100_diff1": 45.73981167442622, + "nauc_ndcg_at_100_max": 64.82900696367803, + "nauc_ndcg_at_100_std": 48.49824360353255, + "nauc_ndcg_at_10_diff1": 44.58241602640944, + "nauc_ndcg_at_10_max": 62.58045432730028, + "nauc_ndcg_at_10_std": 44.00810752260865, + "nauc_ndcg_at_1_diff1": 35.224578682142635, + "nauc_ndcg_at_1_max": 44.63222303780071, + "nauc_ndcg_at_1_std": 22.087936224074618, + "nauc_ndcg_at_20_diff1": 41.64314419662495, + "nauc_ndcg_at_20_max": 65.3789962064312, + "nauc_ndcg_at_20_std": 47.213428209069924, + "nauc_ndcg_at_3_diff1": 36.95443124125196, + "nauc_ndcg_at_3_max": 56.10236595509034, + "nauc_ndcg_at_3_std": 38.53747582748712, + "nauc_ndcg_at_5_diff1": 39.85878950415295, + "nauc_ndcg_at_5_max": 61.567975785495534, + "nauc_ndcg_at_5_std": 42.480532442232764, + "nauc_precision_at_1000_diff1": 9.463162430234085, + "nauc_precision_at_1000_max": 61.7012187403225, + "nauc_precision_at_1000_std": 53.356643761687806, + "nauc_precision_at_100_diff1": 22.507457849227073, + "nauc_precision_at_100_max": 74.14227941923573, + "nauc_precision_at_100_std": 56.66415918103874, + "nauc_precision_at_10_diff1": 37.11634706297281, + "nauc_precision_at_10_max": 64.70246260978291, + "nauc_precision_at_10_std": 52.076370670842195, + "nauc_precision_at_1_diff1": 33.86818356255958, + "nauc_precision_at_1_max": 63.497988338553334, + "nauc_precision_at_1_std": 57.319330794169545, + "nauc_precision_at_20_diff1": 30.464024743782335, + "nauc_precision_at_20_max": 67.25613806762661, + "nauc_precision_at_20_std": 52.950474527983495, + "nauc_precision_at_3_diff1": 25.67014245501591, + "nauc_precision_at_3_max": 64.64109190221811, + "nauc_precision_at_3_std": 61.79128083613472, + "nauc_precision_at_5_diff1": 30.728206847540683, + "nauc_precision_at_5_max": 63.132851485096175, + "nauc_precision_at_5_std": 53.934810596223336, + "nauc_recall_at_1000_diff1": 44.772142334722375, + "nauc_recall_at_1000_max": 52.83460479783461, + "nauc_recall_at_1000_std": 58.70222029972984, + "nauc_recall_at_100_diff1": 48.17949191462816, + "nauc_recall_at_100_max": 51.837404933039686, + "nauc_recall_at_100_std": 46.57038195442946, + "nauc_recall_at_10_diff1": 44.70152550284119, + "nauc_recall_at_10_max": 25.41255284271965, + "nauc_recall_at_10_std": 26.05400058770887, + "nauc_recall_at_1_diff1": 32.49931114906685, + "nauc_recall_at_1_max": 17.671517789719864, + "nauc_recall_at_1_std": 16.99861035727389, + "nauc_recall_at_20_diff1": 41.61632802348345, + "nauc_recall_at_20_max": 29.22885033770648, + "nauc_recall_at_20_std": 29.70591175740895, + "nauc_recall_at_3_diff1": 25.408832214219373, + "nauc_recall_at_3_max": 20.110088341846414, + "nauc_recall_at_3_std": 27.5814549517511, + "nauc_recall_at_5_diff1": 33.87726583518953, + "nauc_recall_at_5_max": 21.44640652682217, + "nauc_recall_at_5_std": 28.68467500448753, + "ndcg_at_1": 31.008000000000003, + "ndcg_at_10": 27.705000000000002, + "ndcg_at_100": 25.61, + "ndcg_at_1000": 32.81, + "ndcg_at_20": 26.617, + "ndcg_at_3": 29.476000000000003, + "ndcg_at_5": 27.461999999999996, + "precision_at_1": 46.512, + "precision_at_10": 36.047000000000004, + "precision_at_100": 15.86, + "precision_at_1000": 3.519, + "precision_at_20": 31.163, + "precision_at_3": 43.411, + "precision_at_5": 39.07, + "recall_at_1": 0.777, + "recall_at_10": 5.749, + "recall_at_100": 20.636, + "recall_at_1000": 41.509, + "recall_at_20": 9.689, + "recall_at_3": 2.125, + "recall_at_5": 3.1809999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/MTOPDomainClassification.json b/results/minishlab__M2V_base_output/external/MTOPDomainClassification.json new file mode 100644 index 000000000..1fe0c6e16 --- /dev/null +++ b/results/minishlab__M2V_base_output/external/MTOPDomainClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 84.75604195166439, + "f1": 83.95972384901661, + "f1_weighted": 84.89916018023138, + "main_score": 84.75604195166439 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/MTOPIntentClassification.json b/results/minishlab__M2V_base_output/external/MTOPIntentClassification.json new file mode 100644 index 000000000..56d15f4ed --- /dev/null +++ b/results/minishlab__M2V_base_output/external/MTOPIntentClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 63.25809393524852, + "f1": 45.891660110133806, + "f1_weighted": 67.20838453908303, + "main_score": 63.25809393524852 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/MassiveIntentClassification.json b/results/minishlab__M2V_base_output/external/MassiveIntentClassification.json new file mode 100644 index 000000000..92dd25676 --- /dev/null +++ b/results/minishlab__M2V_base_output/external/MassiveIntentClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "4672e20407010da34463acc759c162ca9734bca6", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 62.66980497646267, + "f1": 60.96054297925082, + "f1_weighted": 62.97616683347667, + "main_score": 62.66980497646267 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/MassiveScenarioClassification.json b/results/minishlab__M2V_base_output/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..0c6973eac --- /dev/null +++ b/results/minishlab__M2V_base_output/external/MassiveScenarioClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "fad2c6e8459f9e1c45d9315f4953d921437d70f8", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 66.69804976462676, + "f1": 65.66281437950263, + "f1_weighted": 66.80017206918848, + "main_score": 66.69804976462676 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/MedrxivClusteringP2P.json b/results/minishlab__M2V_base_output/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..32061e02e --- /dev/null +++ b/results/minishlab__M2V_base_output/external/MedrxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 24.995363084202875, + "v_measure": 24.995363084202875, + "v_measure_std": 1.5274247452970715 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/MedrxivClusteringS2S.json b/results/minishlab__M2V_base_output/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..f59558645 --- /dev/null +++ b/results/minishlab__M2V_base_output/external/MedrxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 20.260962789850833, + "v_measure": 20.260962789850833, + "v_measure_std": 1.5612389984116821 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/MindSmallReranking.json b/results/minishlab__M2V_base_output/external/MindSmallReranking.json new file mode 100644 index 000000000..da0fd0a2d --- /dev/null +++ b/results/minishlab__M2V_base_output/external/MindSmallReranking.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "59042f120c80e8afa9cdbb224f67076cec0fc9a7", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 26.982693878333546, + "map": 26.982693878333546, + "mrr": 27.234304648772216, + "nAUC_map_diff1": 15.483599146095642, + "nAUC_map_max": -31.954865506309687, + "nAUC_map_std": -19.352114548188798, + "nAUC_mrr_diff1": 14.897752061307749, + "nAUC_mrr_max": -25.96940014108176, + "nAUC_mrr_std": -16.128495128181108 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/NFCorpus.json b/results/minishlab__M2V_base_output/external/NFCorpus.json new file mode 100644 index 000000000..3773a0e70 --- /dev/null +++ b/results/minishlab__M2V_base_output/external/NFCorpus.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 19.475, + "map_at_1": 2.673, + "map_at_10": 5.7860000000000005, + "map_at_100": 7.434, + "map_at_1000": 8.429, + "map_at_20": 6.394, + "map_at_3": 4.352, + "map_at_5": 5.013999999999999, + "mrr_at_1": 27.24458204334365, + "mrr_at_10": 36.41702294953069, + "mrr_at_100": 37.2489840100607, + "mrr_at_1000": 37.3170804962274, + "mrr_at_20": 36.81253770554204, + "mrr_at_3": 33.797729618163046, + "mrr_at_5": 35.577915376676984, + "nauc_map_at_1000_diff1": 29.712895586376238, + "nauc_map_at_1000_max": 26.118684880596003, + "nauc_map_at_1000_std": 24.766880316423457, + "nauc_map_at_100_diff1": 31.159834051695544, + "nauc_map_at_100_max": 26.800206575448644, + "nauc_map_at_100_std": 20.993328557808237, + "nauc_map_at_10_diff1": 34.34909074479394, + "nauc_map_at_10_max": 25.23888585073763, + "nauc_map_at_10_std": 15.666191671894675, + "nauc_map_at_1_diff1": 54.40851531063473, + "nauc_map_at_1_max": 25.79812290419997, + "nauc_map_at_1_std": 9.490593216131844, + "nauc_map_at_20_diff1": 32.98428104841538, + "nauc_map_at_20_max": 26.274463522342213, + "nauc_map_at_20_std": 17.768552660498734, + "nauc_map_at_3_diff1": 40.97296071677192, + "nauc_map_at_3_max": 24.256933079739213, + "nauc_map_at_3_std": 12.605367264265299, + "nauc_map_at_5_diff1": 39.35136745378991, + "nauc_map_at_5_max": 25.24732157901422, + "nauc_map_at_5_std": 14.346530622570702, + "nauc_mrr_at_1000_diff1": 25.381479004777763, + "nauc_mrr_at_1000_max": 23.575087021020536, + "nauc_mrr_at_1000_std": 23.472005406321436, + "nauc_mrr_at_100_diff1": 25.3574395673177, + "nauc_mrr_at_100_max": 23.583049296879377, + "nauc_mrr_at_100_std": 23.456570812574856, + "nauc_mrr_at_10_diff1": 25.689849758337413, + "nauc_mrr_at_10_max": 23.617681843801964, + "nauc_mrr_at_10_std": 24.075405363094195, + "nauc_mrr_at_1_diff1": 26.641133846014746, + "nauc_mrr_at_1_max": 19.62245594877117, + "nauc_mrr_at_1_std": 15.81592525325739, + "nauc_mrr_at_20_diff1": 25.156433096912977, + "nauc_mrr_at_20_max": 23.580922123726676, + "nauc_mrr_at_20_std": 23.553425708985458, + "nauc_mrr_at_3_diff1": 25.92080426032495, + "nauc_mrr_at_3_max": 22.38972437925532, + "nauc_mrr_at_3_std": 23.868512198894585, + "nauc_mrr_at_5_diff1": 26.231411975409568, + "nauc_mrr_at_5_max": 22.763533805080037, + "nauc_mrr_at_5_std": 23.774766628068885, + "nauc_ndcg_at_1000_diff1": 23.768885727339356, + "nauc_ndcg_at_1000_max": 29.247599007631937, + "nauc_ndcg_at_1000_std": 28.022344377335152, + "nauc_ndcg_at_100_diff1": 23.85335949897677, + "nauc_ndcg_at_100_max": 25.697407111528147, + "nauc_ndcg_at_100_std": 27.07625187183171, + "nauc_ndcg_at_10_diff1": 20.50707532119363, + "nauc_ndcg_at_10_max": 20.857784625493622, + "nauc_ndcg_at_10_std": 31.239220591583607, + "nauc_ndcg_at_1_diff1": 26.802222119437737, + "nauc_ndcg_at_1_max": 17.38626435465188, + "nauc_ndcg_at_1_std": 18.543036819776866, + "nauc_ndcg_at_20_diff1": 22.68036110236631, + "nauc_ndcg_at_20_max": 22.127685695906415, + "nauc_ndcg_at_20_std": 31.38065283673992, + "nauc_ndcg_at_3_diff1": 21.126779548662377, + "nauc_ndcg_at_3_max": 21.257256258583762, + "nauc_ndcg_at_3_std": 30.38520412268269, + "nauc_ndcg_at_5_diff1": 20.728997790365923, + "nauc_ndcg_at_5_max": 21.136871113511706, + "nauc_ndcg_at_5_std": 30.103036943833878, + "nauc_precision_at_1000_diff1": -0.9684850979991009, + "nauc_precision_at_1000_max": -1.910073925377927, + "nauc_precision_at_1000_std": 42.445075721709244, + "nauc_precision_at_100_diff1": 2.553047959683974, + "nauc_precision_at_100_max": 6.706578335145517, + "nauc_precision_at_100_std": 42.677614016114795, + "nauc_precision_at_10_diff1": 6.908721977279816, + "nauc_precision_at_10_max": 18.524181494610247, + "nauc_precision_at_10_std": 38.513766049365444, + "nauc_precision_at_1_diff1": 26.641133846014746, + "nauc_precision_at_1_max": 19.62245594877117, + "nauc_precision_at_1_std": 15.81592525325739, + "nauc_precision_at_20_diff1": 6.5698441504079135, + "nauc_precision_at_20_max": 16.36401526243144, + "nauc_precision_at_20_std": 42.15246597563734, + "nauc_precision_at_3_diff1": 13.746590558925318, + "nauc_precision_at_3_max": 24.471712487836307, + "nauc_precision_at_3_std": 35.07796641303652, + "nauc_precision_at_5_diff1": 10.024055178218116, + "nauc_precision_at_5_max": 21.70563811077537, + "nauc_precision_at_5_std": 33.549334119957294, + "nauc_recall_at_1000_diff1": 15.516112454483574, + "nauc_recall_at_1000_max": 12.812602971232662, + "nauc_recall_at_1000_std": 4.9745377100353645, + "nauc_recall_at_100_diff1": 15.727471787207076, + "nauc_recall_at_100_max": 14.07072041204842, + "nauc_recall_at_100_std": 5.280256534913133, + "nauc_recall_at_10_diff1": 23.54021143821257, + "nauc_recall_at_10_max": 16.21143367909769, + "nauc_recall_at_10_std": 10.742397069751759, + "nauc_recall_at_1_diff1": 54.40851531063473, + "nauc_recall_at_1_max": 25.79812290419997, + "nauc_recall_at_1_std": 9.490593216131844, + "nauc_recall_at_20_diff1": 20.56588979224455, + "nauc_recall_at_20_max": 19.004784742942014, + "nauc_recall_at_20_std": 9.966568259612574, + "nauc_recall_at_3_diff1": 33.468878145564304, + "nauc_recall_at_3_max": 18.73787633759768, + "nauc_recall_at_3_std": 12.353055019568094, + "nauc_recall_at_5_diff1": 32.89494204767019, + "nauc_recall_at_5_max": 19.01998117178556, + "nauc_recall_at_5_std": 13.737801318037624, + "ndcg_at_1": 25.541999999999998, + "ndcg_at_10": 19.475, + "ndcg_at_100": 18.815, + "ndcg_at_1000": 27.71, + "ndcg_at_20": 18.212999999999997, + "ndcg_at_3": 22.651, + "ndcg_at_5": 21.516, + "precision_at_1": 27.245, + "precision_at_10": 14.365, + "precision_at_100": 5.384, + "precision_at_1000": 1.772, + "precision_at_20": 11.006, + "precision_at_3": 21.569, + "precision_at_5": 18.947, + "recall_at_1": 2.673, + "recall_at_10": 9.212, + "recall_at_100": 21.549, + "recall_at_1000": 52.617999999999995, + "recall_at_20": 11.705, + "recall_at_3": 5.313, + "recall_at_5": 6.869 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/NQ.json b/results/minishlab__M2V_base_output/external/NQ.json new file mode 100644 index 000000000..b72988c84 --- /dev/null +++ b/results/minishlab__M2V_base_output/external/NQ.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 16.991, + "map_at_1": 7.414, + "map_at_10": 13.291, + "map_at_100": 14.295, + "map_at_1000": 14.389, + "map_at_20": 13.876, + "map_at_3": 11.262, + "map_at_5": 12.339, + "mrr_at_1": 8.516801853997682, + "mrr_at_10": 14.731154242307184, + "mrr_at_100": 15.694198665655856, + "mrr_at_1000": 15.77486181874144, + "mrr_at_20": 15.298086694879798, + "mrr_at_3": 12.659327925840078, + "mrr_at_5": 13.768829663962883, + "nauc_map_at_1000_diff1": 20.28889762069646, + "nauc_map_at_1000_max": 11.368502727824952, + "nauc_map_at_1000_std": 10.077176659068975, + "nauc_map_at_100_diff1": 20.285666016924328, + "nauc_map_at_100_max": 11.352497499093694, + "nauc_map_at_100_std": 9.98136423017311, + "nauc_map_at_10_diff1": 20.335416558539237, + "nauc_map_at_10_max": 11.091563979136637, + "nauc_map_at_10_std": 8.745901277549152, + "nauc_map_at_1_diff1": 24.979719230754476, + "nauc_map_at_1_max": 10.972032990843237, + "nauc_map_at_1_std": 4.7964267266650955, + "nauc_map_at_20_diff1": 20.302803697684848, + "nauc_map_at_20_max": 11.159589961608782, + "nauc_map_at_20_std": 9.360825884036176, + "nauc_map_at_3_diff1": 19.863972188782967, + "nauc_map_at_3_max": 10.898818486894147, + "nauc_map_at_3_std": 6.97496787073755, + "nauc_map_at_5_diff1": 20.44569321324553, + "nauc_map_at_5_max": 10.722482919334105, + "nauc_map_at_5_std": 7.787226185137379, + "nauc_mrr_at_1000_diff1": 19.746039395864496, + "nauc_mrr_at_1000_max": 10.495187770800463, + "nauc_mrr_at_1000_std": 10.284862758352, + "nauc_mrr_at_100_diff1": 19.743060052871396, + "nauc_mrr_at_100_max": 10.484702853211761, + "nauc_mrr_at_100_std": 10.220220019367744, + "nauc_mrr_at_10_diff1": 19.747518214214974, + "nauc_mrr_at_10_max": 10.1823356525796, + "nauc_mrr_at_10_std": 9.25568601945109, + "nauc_mrr_at_1_diff1": 24.040270890346534, + "nauc_mrr_at_1_max": 9.900172534036168, + "nauc_mrr_at_1_std": 5.7354869310700245, + "nauc_mrr_at_20_diff1": 19.75060956163397, + "nauc_mrr_at_20_max": 10.31776046090269, + "nauc_mrr_at_20_std": 9.770741755791374, + "nauc_mrr_at_3_diff1": 19.4775451565507, + "nauc_mrr_at_3_max": 9.804429146930495, + "nauc_mrr_at_3_std": 7.931570036855481, + "nauc_mrr_at_5_diff1": 19.806308832458882, + "nauc_mrr_at_5_max": 9.77292617618666, + "nauc_mrr_at_5_std": 8.55195259630072, + "nauc_ndcg_at_1000_diff1": 19.375648509077983, + "nauc_ndcg_at_1000_max": 12.688796294165622, + "nauc_ndcg_at_1000_std": 17.80793230435146, + "nauc_ndcg_at_100_diff1": 19.343394443678996, + "nauc_ndcg_at_100_max": 12.520511876585841, + "nauc_ndcg_at_100_std": 15.978861606925918, + "nauc_ndcg_at_10_diff1": 19.42682468753324, + "nauc_ndcg_at_10_max": 11.10087572901484, + "nauc_ndcg_at_10_std": 10.54992883803028, + "nauc_ndcg_at_1_diff1": 24.318414546738026, + "nauc_ndcg_at_1_max": 9.82349827107002, + "nauc_ndcg_at_1_std": 5.951156922071484, + "nauc_ndcg_at_20_diff1": 19.41464830610135, + "nauc_ndcg_at_20_max": 11.344469897954262, + "nauc_ndcg_at_20_std": 12.221787446241533, + "nauc_ndcg_at_3_diff1": 18.641316759283264, + "nauc_ndcg_at_3_max": 10.543844267142214, + "nauc_ndcg_at_3_std": 7.687890803254003, + "nauc_ndcg_at_5_diff1": 19.45986949428097, + "nauc_ndcg_at_5_max": 10.375727437812799, + "nauc_ndcg_at_5_std": 8.85624541644588, + "nauc_precision_at_1000_diff1": 11.066860853955465, + "nauc_precision_at_1000_max": 12.190880720909412, + "nauc_precision_at_1000_std": 35.834721766648705, + "nauc_precision_at_100_diff1": 15.633579933121927, + "nauc_precision_at_100_max": 13.900393333698496, + "nauc_precision_at_100_std": 30.435998605665272, + "nauc_precision_at_10_diff1": 18.321561255328813, + "nauc_precision_at_10_max": 10.71704151142003, + "nauc_precision_at_10_std": 14.681070391575767, + "nauc_precision_at_1_diff1": 24.318414546738026, + "nauc_precision_at_1_max": 9.82349827107002, + "nauc_precision_at_1_std": 5.951156922071484, + "nauc_precision_at_20_diff1": 17.897250659867172, + "nauc_precision_at_20_max": 11.178073596260878, + "nauc_precision_at_20_std": 18.922339798822485, + "nauc_precision_at_3_diff1": 16.247029796437438, + "nauc_precision_at_3_max": 9.403033789602311, + "nauc_precision_at_3_std": 9.396827994803164, + "nauc_precision_at_5_diff1": 18.40723036139704, + "nauc_precision_at_5_max": 8.984724544333158, + "nauc_precision_at_5_std": 11.190725807701849, + "nauc_recall_at_1000_diff1": 17.125181724831485, + "nauc_recall_at_1000_max": 17.738235803420288, + "nauc_recall_at_1000_std": 47.4670421060216, + "nauc_recall_at_100_diff1": 17.27215401019124, + "nauc_recall_at_100_max": 16.00490577182562, + "nauc_recall_at_100_std": 30.65356324274426, + "nauc_recall_at_10_diff1": 17.554785599875217, + "nauc_recall_at_10_max": 11.381345798386317, + "nauc_recall_at_10_std": 13.34173170828859, + "nauc_recall_at_1_diff1": 24.979719230754476, + "nauc_recall_at_1_max": 10.972032990843237, + "nauc_recall_at_1_std": 4.7964267266650955, + "nauc_recall_at_20_diff1": 17.507273879317893, + "nauc_recall_at_20_max": 11.772238504003177, + "nauc_recall_at_20_std": 17.00496015114505, + "nauc_recall_at_3_diff1": 15.718069166841971, + "nauc_recall_at_3_max": 10.507841411541175, + "nauc_recall_at_3_std": 8.362642856838368, + "nauc_recall_at_5_diff1": 17.39920934041924, + "nauc_recall_at_5_max": 10.10162321958792, + "nauc_recall_at_5_std": 10.260318695226664, + "ndcg_at_1": 8.488, + "ndcg_at_10": 16.991, + "ndcg_at_100": 22.103, + "ndcg_at_1000": 24.708, + "ndcg_at_20": 19.086, + "ndcg_at_3": 12.803999999999998, + "ndcg_at_5": 14.727, + "precision_at_1": 8.488, + "precision_at_10": 3.1780000000000004, + "precision_at_100": 0.607, + "precision_at_1000": 0.086, + "precision_at_20": 2.0650000000000004, + "precision_at_3": 6.151, + "precision_at_5": 4.7620000000000005, + "recall_at_1": 7.414, + "recall_at_10": 27.105, + "recall_at_100": 50.782000000000004, + "recall_at_1000": 70.77799999999999, + "recall_at_20": 35.105, + "recall_at_3": 15.901000000000002, + "recall_at_5": 20.399 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/QuoraRetrieval.json b/results/minishlab__M2V_base_output/external/QuoraRetrieval.json new file mode 100644 index 000000000..bfeee4d30 --- /dev/null +++ b/results/minishlab__M2V_base_output/external/QuoraRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "e4e08e0b7dbe3c8700f0daef558ff32256715259", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 74.388, + "map_at_1": 57.594, + "map_at_10": 69.411, + "map_at_100": 70.197, + "map_at_1000": 70.23899999999999, + "map_at_20": 69.896, + "map_at_3": 66.50500000000001, + "map_at_5": 68.199, + "mrr_at_1": 66.34, + "mrr_at_10": 74.12798015872983, + "mrr_at_100": 74.45813156051709, + "mrr_at_1000": 74.47054611594581, + "mrr_at_20": 74.34983075339647, + "mrr_at_3": 72.47666666666632, + "mrr_at_5": 73.4861666666661, + "nauc_map_at_1000_diff1": 69.23574495855162, + "nauc_map_at_1000_max": 38.326344115314825, + "nauc_map_at_1000_std": -9.69190621889919, + "nauc_map_at_100_diff1": 69.23018899929654, + "nauc_map_at_100_max": 38.32200052980655, + "nauc_map_at_100_std": -9.709873607585722, + "nauc_map_at_10_diff1": 69.11881416442584, + "nauc_map_at_10_max": 37.80595474994142, + "nauc_map_at_10_std": -10.460350770888079, + "nauc_map_at_1_diff1": 71.29617122119095, + "nauc_map_at_1_max": 32.80205937689043, + "nauc_map_at_1_std": -13.444125573046852, + "nauc_map_at_20_diff1": 69.19096974069583, + "nauc_map_at_20_max": 38.15987972416603, + "nauc_map_at_20_std": -10.020269369800706, + "nauc_map_at_3_diff1": 69.12951153560108, + "nauc_map_at_3_max": 36.52459750894883, + "nauc_map_at_3_std": -12.174854661737818, + "nauc_map_at_5_diff1": 69.0264228661453, + "nauc_map_at_5_max": 37.166727350784164, + "nauc_map_at_5_std": -11.493776844406158, + "nauc_mrr_at_1000_diff1": 70.68150057700754, + "nauc_mrr_at_1000_max": 41.0178466695076, + "nauc_mrr_at_1000_std": -8.021358816489824, + "nauc_mrr_at_100_diff1": 70.67856380420632, + "nauc_mrr_at_100_max": 41.02236359207632, + "nauc_mrr_at_100_std": -8.004727052332067, + "nauc_mrr_at_10_diff1": 70.57476646749362, + "nauc_mrr_at_10_max": 40.98353008138954, + "nauc_mrr_at_10_std": -8.035083785813892, + "nauc_mrr_at_1_diff1": 72.83106243448691, + "nauc_mrr_at_1_max": 40.497226437078496, + "nauc_mrr_at_1_std": -10.545921253601675, + "nauc_mrr_at_20_diff1": 70.64698930715971, + "nauc_mrr_at_20_max": 41.01991026936206, + "nauc_mrr_at_20_std": -8.019248560369828, + "nauc_mrr_at_3_diff1": 70.48136695574067, + "nauc_mrr_at_3_max": 40.83575836332353, + "nauc_mrr_at_3_std": -8.80652589242081, + "nauc_mrr_at_5_diff1": 70.52447208499292, + "nauc_mrr_at_5_max": 40.95085309489185, + "nauc_mrr_at_5_std": -8.35502569521486, + "nauc_ndcg_at_1000_diff1": 69.2418574551877, + "nauc_ndcg_at_1000_max": 39.85962706323504, + "nauc_ndcg_at_1000_std": -6.479667269089863, + "nauc_ndcg_at_100_diff1": 69.13381091149564, + "nauc_ndcg_at_100_max": 39.902530291451974, + "nauc_ndcg_at_100_std": -6.19261331168395, + "nauc_ndcg_at_10_diff1": 68.49804618931282, + "nauc_ndcg_at_10_max": 38.95870794043419, + "nauc_ndcg_at_10_std": -7.9554943741526465, + "nauc_ndcg_at_1_diff1": 72.74562116035368, + "nauc_ndcg_at_1_max": 40.59003854736593, + "nauc_ndcg_at_1_std": -10.371154250660494, + "nauc_ndcg_at_20_diff1": 68.81744480185341, + "nauc_ndcg_at_20_max": 39.48036257511071, + "nauc_ndcg_at_20_std": -7.288863470178731, + "nauc_ndcg_at_3_diff1": 68.31977162714793, + "nauc_ndcg_at_3_max": 38.31785051573491, + "nauc_ndcg_at_3_std": -10.002238766651905, + "nauc_ndcg_at_5_diff1": 68.34693163150705, + "nauc_ndcg_at_5_max": 38.384529237292085, + "nauc_ndcg_at_5_std": -9.504613414918412, + "nauc_precision_at_1000_diff1": -27.886662167224248, + "nauc_precision_at_1000_max": -1.2099912726932696, + "nauc_precision_at_1000_std": 22.918146835627798, + "nauc_precision_at_100_diff1": -22.32582293591269, + "nauc_precision_at_100_max": 4.238909760244244, + "nauc_precision_at_100_std": 23.62131900536325, + "nauc_precision_at_10_diff1": -4.400459668224666, + "nauc_precision_at_10_max": 14.825184001294167, + "nauc_precision_at_10_std": 15.417646122517157, + "nauc_precision_at_1_diff1": 72.74562116035368, + "nauc_precision_at_1_max": 40.59003854736593, + "nauc_precision_at_1_std": -10.371154250660494, + "nauc_precision_at_20_diff1": -12.423098453024796, + "nauc_precision_at_20_max": 11.415547902904635, + "nauc_precision_at_20_std": 19.489921263698616, + "nauc_precision_at_3_diff1": 22.682624176435127, + "nauc_precision_at_3_max": 25.682155720802452, + "nauc_precision_at_3_std": 2.6084400354215935, + "nauc_precision_at_5_diff1": 9.272509130152006, + "nauc_precision_at_5_max": 20.36818990716189, + "nauc_precision_at_5_std": 8.054265889323238, + "nauc_recall_at_1000_diff1": 60.88815464763635, + "nauc_recall_at_1000_max": 43.112146232617725, + "nauc_recall_at_1000_std": 50.36464338810094, + "nauc_recall_at_100_diff1": 59.928500788144376, + "nauc_recall_at_100_max": 41.21981278373438, + "nauc_recall_at_100_std": 24.89653567034821, + "nauc_recall_at_10_diff1": 60.89345811958783, + "nauc_recall_at_10_max": 36.2662873716048, + "nauc_recall_at_10_std": -1.7478273979841499, + "nauc_recall_at_1_diff1": 71.29617122119095, + "nauc_recall_at_1_max": 32.80205937689043, + "nauc_recall_at_1_std": -13.444125573046852, + "nauc_recall_at_20_diff1": 60.72735270299192, + "nauc_recall_at_20_max": 38.02822016647552, + "nauc_recall_at_20_std": 3.7019564772205054, + "nauc_recall_at_3_diff1": 64.16899635037826, + "nauc_recall_at_3_max": 34.697022598257874, + "nauc_recall_at_3_std": -10.894218643842715, + "nauc_recall_at_5_diff1": 62.56790753908123, + "nauc_recall_at_5_max": 35.18512660768109, + "nauc_recall_at_5_std": -8.518825484008714, + "ndcg_at_1": 66.38, + "ndcg_at_10": 74.388, + "ndcg_at_100": 76.889, + "ndcg_at_1000": 77.518, + "ndcg_at_20": 75.548, + "ndcg_at_3": 70.513, + "ndcg_at_5": 72.406, + "precision_at_1": 66.38, + "precision_at_10": 11.274000000000001, + "precision_at_100": 1.373, + "precision_at_1000": 0.149, + "precision_at_20": 6.095, + "precision_at_3": 30.42, + "precision_at_5": 20.174, + "recall_at_1": 57.594, + "recall_at_10": 84.09, + "recall_at_100": 94.035, + "recall_at_1000": 97.914, + "recall_at_20": 88.13600000000001, + "recall_at_3": 73.074, + "recall_at_5": 78.29599999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/RedditClustering.json b/results/minishlab__M2V_base_output/external/RedditClustering.json new file mode 100644 index 000000000..628f75320 --- /dev/null +++ b/results/minishlab__M2V_base_output/external/RedditClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 23.878842199856606, + "v_measure": 23.878842199856606, + "v_measure_std": 4.578743173985467 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/RedditClusteringP2P.json b/results/minishlab__M2V_base_output/external/RedditClusteringP2P.json new file mode 100644 index 000000000..2b120bb14 --- /dev/null +++ b/results/minishlab__M2V_base_output/external/RedditClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 37.76655625558288, + "v_measure": 37.76655625558288, + "v_measure_std": 9.302167236222553 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/SCIDOCS.json b/results/minishlab__M2V_base_output/external/SCIDOCS.json new file mode 100644 index 000000000..ed3b29f45 --- /dev/null +++ b/results/minishlab__M2V_base_output/external/SCIDOCS.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f8c2fcf00f625baaa80f62ec5bd9e1fff3b8ae88", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 9.668000000000001, + "map_at_1": 2.395, + "map_at_10": 5.237, + "map_at_100": 6.311999999999999, + "map_at_1000": 6.529, + "map_at_20": 5.742, + "map_at_3": 3.827, + "map_at_5": 4.54, + "mrr_at_1": 11.799999999999999, + "mrr_at_10": 18.01527777777777, + "mrr_at_100": 19.170155944203785, + "mrr_at_1000": 19.281296973485173, + "mrr_at_20": 18.67572073480355, + "mrr_at_3": 15.549999999999988, + "mrr_at_5": 16.92999999999999, + "nauc_map_at_1000_diff1": 15.362749019317306, + "nauc_map_at_1000_max": 13.84696529256478, + "nauc_map_at_1000_std": 11.013607523301609, + "nauc_map_at_100_diff1": 15.41591399608084, + "nauc_map_at_100_max": 13.730140090589293, + "nauc_map_at_100_std": 10.455348719140309, + "nauc_map_at_10_diff1": 15.834686627354852, + "nauc_map_at_10_max": 13.28911184808523, + "nauc_map_at_10_std": 7.254487702527721, + "nauc_map_at_1_diff1": 20.822383776341656, + "nauc_map_at_1_max": 9.583343414892674, + "nauc_map_at_1_std": 2.8889126256334383, + "nauc_map_at_20_diff1": 15.522358238447422, + "nauc_map_at_20_max": 13.479963494201828, + "nauc_map_at_20_std": 8.76740668066124, + "nauc_map_at_3_diff1": 18.748084536735927, + "nauc_map_at_3_max": 10.620059279509105, + "nauc_map_at_3_std": 4.337679139867589, + "nauc_map_at_5_diff1": 17.345202973256, + "nauc_map_at_5_max": 12.452658321525504, + "nauc_map_at_5_std": 5.549910657395744, + "nauc_mrr_at_1000_diff1": 15.377808587249769, + "nauc_mrr_at_1000_max": 10.04139543851182, + "nauc_mrr_at_1000_std": 5.4677890792436274, + "nauc_mrr_at_100_diff1": 15.362987006646186, + "nauc_mrr_at_100_max": 10.041646833263774, + "nauc_mrr_at_100_std": 5.45421536846783, + "nauc_mrr_at_10_diff1": 15.195360862950183, + "nauc_mrr_at_10_max": 9.93445070582588, + "nauc_mrr_at_10_std": 5.052925884003134, + "nauc_mrr_at_1_diff1": 20.78440492344873, + "nauc_mrr_at_1_max": 9.65366117965217, + "nauc_mrr_at_1_std": 3.4370160103187177, + "nauc_mrr_at_20_diff1": 15.367072076987753, + "nauc_mrr_at_20_max": 9.944084606452824, + "nauc_mrr_at_20_std": 5.1697642130127885, + "nauc_mrr_at_3_diff1": 17.1065083677322, + "nauc_mrr_at_3_max": 9.730529319874428, + "nauc_mrr_at_3_std": 4.274768582707443, + "nauc_mrr_at_5_diff1": 15.781360738081599, + "nauc_mrr_at_5_max": 10.189809550324469, + "nauc_mrr_at_5_std": 4.45427477219345, + "nauc_ndcg_at_1000_diff1": 12.133137994513579, + "nauc_ndcg_at_1000_max": 14.593507049508561, + "nauc_ndcg_at_1000_std": 17.11300477285902, + "nauc_ndcg_at_100_diff1": 12.768847933024317, + "nauc_ndcg_at_100_max": 13.62157103798925, + "nauc_ndcg_at_100_std": 13.97874886533375, + "nauc_ndcg_at_10_diff1": 13.192522371369787, + "nauc_ndcg_at_10_max": 12.795709547611608, + "nauc_ndcg_at_10_std": 8.102799683454048, + "nauc_ndcg_at_1_diff1": 20.78440492344873, + "nauc_ndcg_at_1_max": 9.65366117965217, + "nauc_ndcg_at_1_std": 3.4370160103187177, + "nauc_ndcg_at_20_diff1": 13.10893336294196, + "nauc_ndcg_at_20_max": 12.87552853654183, + "nauc_ndcg_at_20_std": 10.673587471258529, + "nauc_ndcg_at_3_diff1": 17.44757983297746, + "nauc_ndcg_at_3_max": 10.4479529428812, + "nauc_ndcg_at_3_std": 4.926065165471736, + "nauc_ndcg_at_5_diff1": 15.131431597511005, + "nauc_ndcg_at_5_max": 12.138370476656045, + "nauc_ndcg_at_5_std": 5.747804810875746, + "nauc_precision_at_1000_diff1": 4.651545309113199, + "nauc_precision_at_1000_max": 14.534556833197726, + "nauc_precision_at_1000_std": 25.883957300866957, + "nauc_precision_at_100_diff1": 8.103597756413784, + "nauc_precision_at_100_max": 13.914816649477062, + "nauc_precision_at_100_std": 20.148598895345536, + "nauc_precision_at_10_diff1": 8.606065646275212, + "nauc_precision_at_10_max": 14.068776248492663, + "nauc_precision_at_10_std": 11.140890379112346, + "nauc_precision_at_1_diff1": 20.78440492344873, + "nauc_precision_at_1_max": 9.65366117965217, + "nauc_precision_at_1_std": 3.4370160103187177, + "nauc_precision_at_20_diff1": 8.704973032555928, + "nauc_precision_at_20_max": 13.437392449115665, + "nauc_precision_at_20_std": 15.65525714739556, + "nauc_precision_at_3_diff1": 15.796711189581933, + "nauc_precision_at_3_max": 10.514163928603118, + "nauc_precision_at_3_std": 5.788980186693269, + "nauc_precision_at_5_diff1": 11.878373012657411, + "nauc_precision_at_5_max": 13.465410920052506, + "nauc_precision_at_5_std": 7.369374260570812, + "nauc_recall_at_1000_diff1": 4.54914455375335, + "nauc_recall_at_1000_max": 15.398087677716521, + "nauc_recall_at_1000_std": 25.99787873557512, + "nauc_recall_at_100_diff1": 7.937303192890431, + "nauc_recall_at_100_max": 14.280466786048457, + "nauc_recall_at_100_std": 19.989053944649168, + "nauc_recall_at_10_diff1": 8.569047949172177, + "nauc_recall_at_10_max": 13.885951056418197, + "nauc_recall_at_10_std": 10.963367786952073, + "nauc_recall_at_1_diff1": 20.822383776341656, + "nauc_recall_at_1_max": 9.583343414892674, + "nauc_recall_at_1_std": 2.8889126256334383, + "nauc_recall_at_20_diff1": 8.683232232799698, + "nauc_recall_at_20_max": 13.336768111236735, + "nauc_recall_at_20_std": 15.457170894067298, + "nauc_recall_at_3_diff1": 15.745448840185977, + "nauc_recall_at_3_max": 10.317079087586992, + "nauc_recall_at_3_std": 5.450728079255462, + "nauc_recall_at_5_diff1": 11.800239024102154, + "nauc_recall_at_5_max": 13.175274608964674, + "nauc_recall_at_5_std": 7.016480519402965, + "ndcg_at_1": 11.799999999999999, + "ndcg_at_10": 9.668000000000001, + "ndcg_at_100": 15.015999999999998, + "ndcg_at_1000": 20.015, + "ndcg_at_20": 11.436, + "ndcg_at_3": 8.924, + "ndcg_at_5": 7.911, + "precision_at_1": 11.799999999999999, + "precision_at_10": 5.050000000000001, + "precision_at_100": 1.291, + "precision_at_1000": 0.251, + "precision_at_20": 3.56, + "precision_at_3": 8.133, + "precision_at_5": 6.88, + "recall_at_1": 2.395, + "recall_at_10": 10.232, + "recall_at_100": 26.172, + "recall_at_1000": 50.917, + "recall_at_20": 14.421999999999999, + "recall_at_3": 4.935, + "recall_at_5": 6.973 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/SICK-R.json b/results/minishlab__M2V_base_output/external/SICK-R.json new file mode 100644 index 000000000..653039866 --- /dev/null +++ b/results/minishlab__M2V_base_output/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 73.8523071648734, + "cosine_spearman": 65.43442849067297, + "euclidean_pearson": 66.70464173822097, + "euclidean_spearman": 60.82604439637834, + "main_score": 65.43442849067297, + "manhattan_pearson": 66.58172841322595, + "manhattan_spearman": 61.202424661616796, + "pearson": 73.8523071648734, + "spearman": 65.43442849067297 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/STS12.json b/results/minishlab__M2V_base_output/external/STS12.json new file mode 100644 index 000000000..a752a9a0e --- /dev/null +++ b/results/minishlab__M2V_base_output/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 66.23949905692108, + "cosine_spearman": 59.97334423570035, + "euclidean_pearson": 53.93367474754671, + "euclidean_spearman": 49.65643891073131, + "main_score": 59.97334423570035, + "manhattan_pearson": 52.50090747870868, + "manhattan_spearman": 48.726772969833064, + "pearson": 66.23949905692108, + "spearman": 59.97334423570035 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/STS13.json b/results/minishlab__M2V_base_output/external/STS13.json new file mode 100644 index 000000000..74296a5e2 --- /dev/null +++ b/results/minishlab__M2V_base_output/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 70.87351220452432, + "cosine_spearman": 71.81863685179427, + "euclidean_pearson": 59.249945757203946, + "euclidean_spearman": 60.053057494316796, + "main_score": 71.81863685179427, + "manhattan_pearson": 59.798731614026714, + "manhattan_spearman": 60.31075071097369, + "pearson": 70.87351220452432, + "spearman": 71.81863685179427 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/STS14.json b/results/minishlab__M2V_base_output/external/STS14.json new file mode 100644 index 000000000..b0d795704 --- /dev/null +++ b/results/minishlab__M2V_base_output/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 69.03600787240593, + "cosine_spearman": 66.99860396187162, + "euclidean_pearson": 58.61094669791067, + "euclidean_spearman": 58.286341788544995, + "main_score": 66.99860396187162, + "manhattan_pearson": 58.665872206618964, + "manhattan_spearman": 58.30408154246083, + "pearson": 69.03600787240593, + "spearman": 66.99860396187162 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/STS15.json b/results/minishlab__M2V_base_output/external/STS15.json new file mode 100644 index 000000000..712188354 --- /dev/null +++ b/results/minishlab__M2V_base_output/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 74.45269985909863, + "cosine_spearman": 75.4907813361932, + "euclidean_pearson": 58.68237542933832, + "euclidean_spearman": 61.08891047408572, + "main_score": 75.4907813361932, + "manhattan_pearson": 59.32028954908928, + "manhattan_spearman": 61.38980243849822, + "pearson": 74.45269985909863, + "spearman": 75.4907813361932 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/STS16.json b/results/minishlab__M2V_base_output/external/STS16.json new file mode 100644 index 000000000..645367084 --- /dev/null +++ b/results/minishlab__M2V_base_output/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 64.2309456558779, + "cosine_spearman": 66.97205823920407, + "euclidean_pearson": 52.471209393825134, + "euclidean_spearman": 55.05667213079255, + "main_score": 66.97205823920407, + "manhattan_pearson": 52.4566691722933, + "manhattan_spearman": 54.98149865449457, + "pearson": 64.2309456558779, + "spearman": 66.97205823920407 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/STS17.json b/results/minishlab__M2V_base_output/external/STS17.json new file mode 100644 index 000000000..50447b840 --- /dev/null +++ b/results/minishlab__M2V_base_output/external/STS17.json @@ -0,0 +1,137 @@ +{ + "dataset_revision": "faeb762787bd10488a50c8b5be4a3b82e411949c", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-de", + "languages": [ + "eng-Latn", + "deu-Latn" + ], + "cosine_pearson": 21.06202710190164, + "cosine_spearman": 18.26963771909619, + "euclidean_pearson": -10.937704538162821, + "euclidean_spearman": -13.838045200730331, + "main_score": 18.26963771909619, + "manhattan_pearson": -9.194548970239005, + "manhattan_spearman": -12.642533487235347, + "pearson": 21.06202710190164, + "spearman": 18.26963771909619 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cosine_pearson": 9.974655940103192, + "cosine_spearman": 6.625332823012507, + "euclidean_pearson": -6.193994464373409, + "euclidean_spearman": -13.09777719442545, + "main_score": 6.625332823012507, + "manhattan_pearson": -7.596649200902214, + "manhattan_spearman": -14.341067466786914, + "pearson": 9.974655940103192, + "spearman": 6.625332823012507 + }, + { + "hf_subset": "en-ar", + "languages": [ + "eng-Latn", + "ara-Arab" + ], + "cosine_pearson": 3.939829923076509, + "cosine_spearman": 1.5988688581594497, + "euclidean_pearson": -10.456279294578557, + "euclidean_spearman": -9.811244215059508, + "main_score": 1.5988688581594497, + "manhattan_pearson": -10.913654400994407, + "manhattan_spearman": -8.604616012491228, + "pearson": 3.939829923076509, + "spearman": 1.5988688581594497 + }, + { + "hf_subset": "it-en", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "cosine_pearson": 17.28499679216241, + "cosine_spearman": 14.621483811474079, + "euclidean_pearson": -16.874097134885233, + "euclidean_spearman": -16.68311783384881, + "main_score": 14.621483811474079, + "manhattan_pearson": -17.639738926102574, + "manhattan_spearman": -16.66416708388087, + "pearson": 17.28499679216241, + "spearman": 14.621483811474079 + }, + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 78.99251283215277, + "cosine_spearman": 80.61049377743727, + "euclidean_pearson": 66.17827666954877, + "euclidean_spearman": 67.45271515314245, + "main_score": 80.61049377743727, + "manhattan_pearson": 66.23284409257823, + "manhattan_spearman": 67.666247437264, + "pearson": 78.99251283215277, + "spearman": 80.61049377743727 + }, + { + "hf_subset": "en-tr", + "languages": [ + "eng-Latn", + "tur-Latn" + ], + "cosine_pearson": -1.931391285281735, + "cosine_spearman": -3.321078837897458, + "euclidean_pearson": -21.683857378409378, + "euclidean_spearman": -24.244038106560804, + "main_score": -3.321078837897458, + "manhattan_pearson": -22.19415161015049, + "manhattan_spearman": -22.71872700697092, + "pearson": -1.931391285281735, + "spearman": -3.321078837897458 + }, + { + "hf_subset": "nl-en", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "cosine_pearson": 21.215714201927316, + "cosine_spearman": 16.647983989080657, + "euclidean_pearson": -17.529579365480654, + "euclidean_spearman": -17.98599150405874, + "main_score": 16.647983989080657, + "manhattan_pearson": -17.041217222851987, + "manhattan_spearman": -17.099688376247617, + "pearson": 21.215714201927316, + "spearman": 16.647983989080657 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "cosine_pearson": 25.55717236376004, + "cosine_spearman": 21.120437860825668, + "euclidean_pearson": -13.532867255677811, + "euclidean_spearman": -14.067414622756136, + "main_score": 21.120437860825668, + "manhattan_pearson": -14.812251264524642, + "manhattan_spearman": -14.777202854314126, + "pearson": 25.55717236376004, + "spearman": 21.120437860825668 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/STS22.json b/results/minishlab__M2V_base_output/external/STS22.json new file mode 100644 index 000000000..c6b43b980 --- /dev/null +++ b/results/minishlab__M2V_base_output/external/STS22.json @@ -0,0 +1,89 @@ +{ + "dataset_revision": "de9d86b3b84231dc21f76c7b7af1f28e2f57f6e3", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 45.445485581559176, + "cosine_spearman": 57.81995941896327, + "euclidean_pearson": 46.45758835829159, + "euclidean_spearman": 57.15291591278634, + "main_score": 57.81995941896327, + "manhattan_pearson": 45.38976415067536, + "manhattan_spearman": 56.412461810883244, + "pearson": 45.445485581559176, + "spearman": 57.81995941896327 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cosine_pearson": 9.618696238808342, + "cosine_spearman": 11.05047267189447, + "euclidean_pearson": 10.475166065910297, + "euclidean_spearman": 11.515497306325212, + "main_score": 11.05047267189447, + "manhattan_pearson": 11.677707905016238, + "manhattan_spearman": 13.47068609853333, + "pearson": 9.618696238808342, + "spearman": 11.05047267189447 + }, + { + "hf_subset": "pl-en", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "cosine_pearson": 9.219640350559175, + "cosine_spearman": 15.424812621979203, + "euclidean_pearson": 27.079648075136692, + "euclidean_spearman": 15.127881072012025, + "main_score": 15.424812621979203, + "manhattan_pearson": 29.948405026370768, + "manhattan_spearman": 11.450097312769431, + "pearson": 9.219640350559175, + "spearman": 15.424812621979203 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "cosine_pearson": 2.016891027432069, + "cosine_spearman": 9.065694923749145, + "euclidean_pearson": -0.2317575485284492, + "euclidean_spearman": 1.478447144326562, + "main_score": 9.065694923749145, + "manhattan_pearson": 1.2210552984769953, + "manhattan_spearman": 1.0797490938939034, + "pearson": 2.016891027432069, + "spearman": 9.065694923749145 + }, + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "cosine_pearson": 20.30265778022666, + "cosine_spearman": 27.04088495025885, + "euclidean_pearson": 21.92624711333554, + "euclidean_spearman": 30.314966090982715, + "main_score": 27.04088495025885, + "manhattan_pearson": 22.449954374970556, + "manhattan_spearman": 33.98792612061501, + "pearson": 20.30265778022666, + "spearman": 27.04088495025885 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/STSBenchmark.json b/results/minishlab__M2V_base_output/external/STSBenchmark.json new file mode 100644 index 000000000..874c115a3 --- /dev/null +++ b/results/minishlab__M2V_base_output/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 67.58098869120114, + "cosine_spearman": 67.2453123773366, + "euclidean_pearson": 58.23603604808463, + "euclidean_spearman": 58.623631847217, + "main_score": 67.2453123773366, + "manhattan_pearson": 58.368136302971195, + "manhattan_spearman": 58.837841919175105, + "pearson": 67.58098869120114, + "spearman": 67.2453123773366 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/SciDocsRR.json b/results/minishlab__M2V_base_output/external/SciDocsRR.json new file mode 100644 index 000000000..7d9c92054 --- /dev/null +++ b/results/minishlab__M2V_base_output/external/SciDocsRR.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 68.53428785087402, + "map": 68.53428785087402, + "mrr": 88.53875880836665, + "nAUC_map_diff1": 11.778449408360105, + "nAUC_map_max": 55.710378394122195, + "nAUC_map_std": 66.15614923206279, + "nAUC_mrr_diff1": 47.35327285304558, + "nAUC_mrr_max": 74.15113781105075, + "nAUC_mrr_std": 70.40747046150474 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/SciFact.json b/results/minishlab__M2V_base_output/external/SciFact.json new file mode 100644 index 000000000..2aad726bb --- /dev/null +++ b/results/minishlab__M2V_base_output/external/SciFact.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 44.018, + "map_at_1": 30.778, + "map_at_10": 39.095, + "map_at_100": 40.136, + "map_at_1000": 40.19, + "map_at_20": 39.695, + "map_at_3": 36.25, + "map_at_5": 37.942, + "mrr_at_1": 32.33333333333333, + "mrr_at_10": 40.46640211640211, + "mrr_at_100": 41.3527413808237, + "mrr_at_1000": 41.402308015811776, + "mrr_at_20": 40.9920777608471, + "mrr_at_3": 37.999999999999986, + "mrr_at_5": 39.46666666666666, + "nauc_map_at_1000_diff1": 51.57525678345129, + "nauc_map_at_1000_max": 35.72906391653508, + "nauc_map_at_1000_std": -1.672862325664642, + "nauc_map_at_100_diff1": 51.57482414972323, + "nauc_map_at_100_max": 35.714681767398474, + "nauc_map_at_100_std": -1.6459806802624475, + "nauc_map_at_10_diff1": 51.142890340689064, + "nauc_map_at_10_max": 35.78128552943207, + "nauc_map_at_10_std": -2.1957957240897907, + "nauc_map_at_1_diff1": 57.59762900453854, + "nauc_map_at_1_max": 36.479602157030534, + "nauc_map_at_1_std": -4.834289532948042, + "nauc_map_at_20_diff1": 51.47980323079124, + "nauc_map_at_20_max": 35.585900524174406, + "nauc_map_at_20_std": -1.7680354064625985, + "nauc_map_at_3_diff1": 51.012766710346625, + "nauc_map_at_3_max": 34.8262662118054, + "nauc_map_at_3_std": -2.8168593560801045, + "nauc_map_at_5_diff1": 50.836092917622864, + "nauc_map_at_5_max": 35.32174769825645, + "nauc_map_at_5_std": -3.113242921586995, + "nauc_mrr_at_1000_diff1": 53.10217120766699, + "nauc_mrr_at_1000_max": 37.46657201878918, + "nauc_mrr_at_1000_std": 1.9085047586195323, + "nauc_mrr_at_100_diff1": 53.10038602820947, + "nauc_mrr_at_100_max": 37.461065885458225, + "nauc_mrr_at_100_std": 1.9403756850021763, + "nauc_mrr_at_10_diff1": 52.71420660954082, + "nauc_mrr_at_10_max": 37.62806428278671, + "nauc_mrr_at_10_std": 1.9517437711674281, + "nauc_mrr_at_1_diff1": 59.730007702616675, + "nauc_mrr_at_1_max": 38.85146416502298, + "nauc_mrr_at_1_std": -0.46260223776596965, + "nauc_mrr_at_20_diff1": 53.041376670418906, + "nauc_mrr_at_20_max": 37.45508852907037, + "nauc_mrr_at_20_std": 1.9843723810434797, + "nauc_mrr_at_3_diff1": 52.716388196194494, + "nauc_mrr_at_3_max": 36.76096106397856, + "nauc_mrr_at_3_std": 1.716782555536502, + "nauc_mrr_at_5_diff1": 52.61598345028188, + "nauc_mrr_at_5_max": 37.26316036644959, + "nauc_mrr_at_5_std": 1.3757366695050894, + "nauc_ndcg_at_1000_diff1": 51.342395628428314, + "nauc_ndcg_at_1000_max": 37.22548194348463, + "nauc_ndcg_at_1000_std": 1.6360986297119697, + "nauc_ndcg_at_100_diff1": 51.12772923293346, + "nauc_ndcg_at_100_max": 37.08162525770745, + "nauc_ndcg_at_100_std": 2.1437445417460146, + "nauc_ndcg_at_10_diff1": 49.48104920841383, + "nauc_ndcg_at_10_max": 36.98553295749576, + "nauc_ndcg_at_10_std": 0.7074029546666143, + "nauc_ndcg_at_1_diff1": 59.730007702616675, + "nauc_ndcg_at_1_max": 38.85146416502298, + "nauc_ndcg_at_1_std": -0.46260223776596965, + "nauc_ndcg_at_20_diff1": 50.63630218240983, + "nauc_ndcg_at_20_max": 36.29047254679528, + "nauc_ndcg_at_20_std": 1.3772144888034745, + "nauc_ndcg_at_3_diff1": 49.382153963236625, + "nauc_ndcg_at_3_max": 35.22306811742639, + "nauc_ndcg_at_3_std": -0.8877334603608296, + "nauc_ndcg_at_5_diff1": 49.05555691688766, + "nauc_ndcg_at_5_max": 36.00098364740635, + "nauc_ndcg_at_5_std": -1.5274960265115565, + "nauc_precision_at_1000_diff1": 12.30933370851068, + "nauc_precision_at_1000_max": 24.80977336944425, + "nauc_precision_at_1000_std": 42.85052700690557, + "nauc_precision_at_100_diff1": 26.185494481397587, + "nauc_precision_at_100_max": 31.155891382208928, + "nauc_precision_at_100_std": 35.608690885169295, + "nauc_precision_at_10_diff1": 36.27376093062482, + "nauc_precision_at_10_max": 36.42692892209515, + "nauc_precision_at_10_std": 16.967432904462893, + "nauc_precision_at_1_diff1": 59.730007702616675, + "nauc_precision_at_1_max": 38.85146416502298, + "nauc_precision_at_1_std": -0.46260223776596965, + "nauc_precision_at_20_diff1": 37.622482136709785, + "nauc_precision_at_20_max": 31.21688679166065, + "nauc_precision_at_20_std": 23.221017808713682, + "nauc_precision_at_3_diff1": 42.340206572143984, + "nauc_precision_at_3_max": 36.3442813514268, + "nauc_precision_at_3_std": 7.592922050055632, + "nauc_precision_at_5_diff1": 38.17808235542409, + "nauc_precision_at_5_max": 35.09801657302365, + "nauc_precision_at_5_std": 8.398007414457009, + "nauc_recall_at_1000_diff1": 55.841144651529085, + "nauc_recall_at_1000_max": 56.572722198749226, + "nauc_recall_at_1000_std": 31.84957409406956, + "nauc_recall_at_100_diff1": 48.328441413096336, + "nauc_recall_at_100_max": 42.071227967505166, + "nauc_recall_at_100_std": 18.845456547380337, + "nauc_recall_at_10_diff1": 42.32690986833832, + "nauc_recall_at_10_max": 38.657602228864995, + "nauc_recall_at_10_std": 5.742422923256993, + "nauc_recall_at_1_diff1": 57.59762900453854, + "nauc_recall_at_1_max": 36.479602157030534, + "nauc_recall_at_1_std": -4.834289532948042, + "nauc_recall_at_20_diff1": 46.280085660215995, + "nauc_recall_at_20_max": 35.65299771551237, + "nauc_recall_at_20_std": 8.057327587598591, + "nauc_recall_at_3_diff1": 42.84012935628984, + "nauc_recall_at_3_max": 33.69290527723077, + "nauc_recall_at_3_std": -0.9503712670051102, + "nauc_recall_at_5_diff1": 42.1137382698146, + "nauc_recall_at_5_max": 36.12494070598603, + "nauc_recall_at_5_std": -1.394936950543654, + "ndcg_at_1": 32.333, + "ndcg_at_10": 44.018, + "ndcg_at_100": 49.089, + "ndcg_at_1000": 50.651, + "ndcg_at_20": 46.089, + "ndcg_at_3": 38.499, + "ndcg_at_5": 41.297, + "precision_at_1": 32.333, + "precision_at_10": 6.4, + "precision_at_100": 0.923, + "precision_at_1000": 0.106, + "precision_at_20": 3.6670000000000003, + "precision_at_3": 15.443999999999999, + "precision_at_5": 10.867, + "recall_at_1": 30.778, + "recall_at_10": 57.99999999999999, + "recall_at_100": 81.722, + "recall_at_1000": 94.033, + "recall_at_20": 66.02799999999999, + "recall_at_3": 43.056, + "recall_at_5": 49.694 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/SprintDuplicateQuestions.json b/results/minishlab__M2V_base_output/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..f02f9921f --- /dev/null +++ b/results/minishlab__M2V_base_output/external/SprintDuplicateQuestions.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 99.6, + "cosine_accuracy_threshold": 72.43388891220093, + "cosine_ap": 85.05626292429993, + "cosine_f1": 78.94211576846308, + "cosine_f1_threshold": 70.86913585662842, + "cosine_precision": 78.78486055776892, + "cosine_recall": 79.10000000000001, + "dot_accuracy": 99.06534653465346, + "dot_accuracy_threshold": 76633.75244140625, + "dot_ap": 35.63520526748108, + "dot_f1": 40.297274979355905, + "dot_f1_threshold": 46533.13903808594, + "dot_precision": 34.31786216596343, + "dot_recall": 48.8, + "euclidean_accuracy": 99.38217821782177, + "euclidean_accuracy_threshold": 1529.2129516601562, + "euclidean_ap": 65.66713048050076, + "euclidean_f1": 63.702056698165656, + "euclidean_f1_threshold": 1659.9403381347656, + "euclidean_precision": 71.71464330413016, + "euclidean_recall": 57.3, + "main_score": 85.05626292429993, + "manhattan_accuracy": 99.36633663366337, + "manhattan_accuracy_threshold": 19134.791564941406, + "manhattan_ap": 64.327573756549, + "manhattan_f1": 62.878385554965476, + "manhattan_f1_threshold": 20997.62725830078, + "manhattan_precision": 67.04416761041902, + "manhattan_recall": 59.199999999999996, + "max_accuracy": 99.6, + "max_ap": 85.05626292429993, + "max_f1": 78.94211576846308, + "max_precision": 78.78486055776892, + "max_recall": 79.10000000000001, + "similarity_accuracy": 99.6, + "similarity_accuracy_threshold": 72.43388891220093, + "similarity_ap": 85.05626292429993, + "similarity_f1": 78.94211576846308, + "similarity_f1_threshold": 70.86913585662842, + "similarity_precision": 78.78486055776892, + "similarity_recall": 79.10000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/StackExchangeClustering.json b/results/minishlab__M2V_base_output/external/StackExchangeClustering.json new file mode 100644 index 000000000..27346a954 --- /dev/null +++ b/results/minishlab__M2V_base_output/external/StackExchangeClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 33.04088699016667, + "v_measure": 33.04088699016667, + "v_measure_std": 4.201419342997424 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/StackExchangeClusteringP2P.json b/results/minishlab__M2V_base_output/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..236ddb7f9 --- /dev/null +++ b/results/minishlab__M2V_base_output/external/StackExchangeClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 27.79227103935552, + "v_measure": 27.79227103935552, + "v_measure_std": 1.6306895991356034 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/StackOverflowDupQuestions.json b/results/minishlab__M2V_base_output/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..54e9e2671 --- /dev/null +++ b/results/minishlab__M2V_base_output/external/StackOverflowDupQuestions.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 43.37562407771596, + "map": 43.37562407771596, + "mrr": 43.95843943638062, + "nAUC_map_diff1": 35.17057785776578, + "nAUC_map_max": 16.895292109117968, + "nAUC_map_std": 7.566837158800999, + "nAUC_mrr_diff1": 34.529930093774155, + "nAUC_mrr_max": 17.875421743140148, + "nAUC_mrr_std": 8.16194884246291 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/SummEval.json b/results/minishlab__M2V_base_output/external/SummEval.json new file mode 100644 index 000000000..e99579786 --- /dev/null +++ b/results/minishlab__M2V_base_output/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 29.667795250962197, + "cosine_spearman": 29.280803143378677, + "dot_pearson": 17.20848486618972, + "dot_spearman": 19.642791960809518, + "main_score": 29.280803143378677, + "pearson": 29.667795250962197, + "spearman": 29.280803143378677 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/TRECCOVID.json b/results/minishlab__M2V_base_output/external/TRECCOVID.json new file mode 100644 index 000000000..ba8791076 --- /dev/null +++ b/results/minishlab__M2V_base_output/external/TRECCOVID.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "bb9466bac8153a0349341eb1b22e06409e78ef4e", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 47.015, + "map_at_1": 0.11299999999999999, + "map_at_10": 0.924, + "map_at_100": 4.172, + "map_at_1000": 9.794, + "map_at_20": 1.512, + "map_at_3": 0.32299999999999995, + "map_at_5": 0.5349999999999999, + "mrr_at_1": 54.0, + "mrr_at_10": 64.37222222222222, + "mrr_at_100": 64.95440794499618, + "mrr_at_1000": 64.95440794499618, + "mrr_at_20": 64.79285714285714, + "mrr_at_3": 61.0, + "mrr_at_5": 62.9, + "nauc_map_at_1000_diff1": 5.391181504174254, + "nauc_map_at_1000_max": 48.53906859573933, + "nauc_map_at_1000_std": 58.77913245945572, + "nauc_map_at_100_diff1": 5.602676644566584, + "nauc_map_at_100_max": 30.35986103902266, + "nauc_map_at_100_std": 43.61342447615204, + "nauc_map_at_10_diff1": 11.168677765044714, + "nauc_map_at_10_max": 12.615876642210566, + "nauc_map_at_10_std": 15.487673375733934, + "nauc_map_at_1_diff1": 13.856607126355705, + "nauc_map_at_1_max": 2.1470727276166315, + "nauc_map_at_1_std": 13.755038114656543, + "nauc_map_at_20_diff1": 9.278354233919723, + "nauc_map_at_20_max": 14.549895562986578, + "nauc_map_at_20_std": 21.58014466138326, + "nauc_map_at_3_diff1": 17.476371244979568, + "nauc_map_at_3_max": 5.336749157036172, + "nauc_map_at_3_std": 13.60030032869252, + "nauc_map_at_5_diff1": 18.159708091961715, + "nauc_map_at_5_max": 5.5023295542724195, + "nauc_map_at_5_std": 13.464524190505264, + "nauc_mrr_at_1000_diff1": 24.183591049739295, + "nauc_mrr_at_1000_max": 23.244935337421687, + "nauc_mrr_at_1000_std": 36.76491491232038, + "nauc_mrr_at_100_diff1": 24.183591049739295, + "nauc_mrr_at_100_max": 23.244935337421687, + "nauc_mrr_at_100_std": 36.76491491232038, + "nauc_mrr_at_10_diff1": 25.116993699935996, + "nauc_mrr_at_10_max": 23.996446760940472, + "nauc_mrr_at_10_std": 36.661108373978486, + "nauc_mrr_at_1_diff1": 22.46394932066349, + "nauc_mrr_at_1_max": 17.99338723569777, + "nauc_mrr_at_1_std": 31.805173515601105, + "nauc_mrr_at_20_diff1": 24.29457665863037, + "nauc_mrr_at_20_max": 23.511208714905433, + "nauc_mrr_at_20_std": 37.03779743443747, + "nauc_mrr_at_3_diff1": 21.325058136848703, + "nauc_mrr_at_3_max": 25.498590855189146, + "nauc_mrr_at_3_std": 35.28303533385696, + "nauc_mrr_at_5_diff1": 23.91581725239823, + "nauc_mrr_at_5_max": 21.88399789010818, + "nauc_mrr_at_5_std": 37.46999023019008, + "nauc_ndcg_at_1000_diff1": 3.7557778508958846, + "nauc_ndcg_at_1000_max": 40.346503557806564, + "nauc_ndcg_at_1000_std": 50.92180253083818, + "nauc_ndcg_at_100_diff1": 11.758581771303305, + "nauc_ndcg_at_100_max": 35.16894818233675, + "nauc_ndcg_at_100_std": 47.424485591389114, + "nauc_ndcg_at_10_diff1": 12.849993798661563, + "nauc_ndcg_at_10_max": 30.851313506820976, + "nauc_ndcg_at_10_std": 36.943619057267505, + "nauc_ndcg_at_1_diff1": 11.113346207488473, + "nauc_ndcg_at_1_max": 15.184797768479774, + "nauc_ndcg_at_1_std": 27.52387082931017, + "nauc_ndcg_at_20_diff1": 12.331028684560186, + "nauc_ndcg_at_20_max": 28.893165127974708, + "nauc_ndcg_at_20_std": 39.097000545114646, + "nauc_ndcg_at_3_diff1": 15.782271186947469, + "nauc_ndcg_at_3_max": 23.91790545249963, + "nauc_ndcg_at_3_std": 34.87568041720673, + "nauc_ndcg_at_5_diff1": 14.306657014965335, + "nauc_ndcg_at_5_max": 24.92679497185896, + "nauc_ndcg_at_5_std": 35.14072395767764, + "nauc_precision_at_1000_diff1": 9.698627632231533, + "nauc_precision_at_1000_max": 43.62044953565815, + "nauc_precision_at_1000_std": 54.089192302090495, + "nauc_precision_at_100_diff1": 11.799461882261514, + "nauc_precision_at_100_max": 36.87868882997057, + "nauc_precision_at_100_std": 51.09246667126284, + "nauc_precision_at_10_diff1": 13.170655404348533, + "nauc_precision_at_10_max": 38.227922901784936, + "nauc_precision_at_10_std": 40.51375636546919, + "nauc_precision_at_1_diff1": 22.46394932066349, + "nauc_precision_at_1_max": 17.99338723569777, + "nauc_precision_at_1_std": 31.805173515601105, + "nauc_precision_at_20_diff1": 13.020942321118012, + "nauc_precision_at_20_max": 32.76679746744021, + "nauc_precision_at_20_std": 43.375734018262754, + "nauc_precision_at_3_diff1": 22.36277013079758, + "nauc_precision_at_3_max": 29.14917970240368, + "nauc_precision_at_3_std": 38.40675412594522, + "nauc_precision_at_5_diff1": 20.38016205233649, + "nauc_precision_at_5_max": 28.40199750312108, + "nauc_precision_at_5_std": 37.658196861765916, + "nauc_recall_at_1000_diff1": -1.8797682238301674, + "nauc_recall_at_1000_max": 40.00611463779723, + "nauc_recall_at_1000_std": 50.00277798847854, + "nauc_recall_at_100_diff1": 5.570829659209835, + "nauc_recall_at_100_max": 21.511683158026184, + "nauc_recall_at_100_std": 37.17966017860592, + "nauc_recall_at_10_diff1": 5.649731119631445, + "nauc_recall_at_10_max": 12.690473408729572, + "nauc_recall_at_10_std": 8.697137776280309, + "nauc_recall_at_1_diff1": 13.856607126355705, + "nauc_recall_at_1_max": 2.1470727276166315, + "nauc_recall_at_1_std": 13.755038114656543, + "nauc_recall_at_20_diff1": 8.149753992066595, + "nauc_recall_at_20_max": 8.365030917145909, + "nauc_recall_at_20_std": 15.05385058373975, + "nauc_recall_at_3_diff1": 16.664831204533417, + "nauc_recall_at_3_max": 4.9075975386189015, + "nauc_recall_at_3_std": 11.436115039116913, + "nauc_recall_at_5_diff1": 17.863326487393323, + "nauc_recall_at_5_max": 0.04244496355094046, + "nauc_recall_at_5_std": 8.039336595643896, + "ndcg_at_1": 48.0, + "ndcg_at_10": 47.015, + "ndcg_at_100": 31.857999999999997, + "ndcg_at_1000": 27.142, + "ndcg_at_20": 43.162, + "ndcg_at_3": 49.123, + "ndcg_at_5": 49.425999999999995, + "precision_at_1": 54.0, + "precision_at_10": 51.0, + "precision_at_100": 32.56, + "precision_at_1000": 13.072000000000001, + "precision_at_20": 45.9, + "precision_at_3": 54.0, + "precision_at_5": 55.2, + "recall_at_1": 0.11299999999999999, + "recall_at_10": 1.162, + "recall_at_100": 6.809, + "recall_at_1000": 25.805, + "recall_at_20": 2.051, + "recall_at_3": 0.35200000000000004, + "recall_at_5": 0.618 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/Touche2020.json b/results/minishlab__M2V_base_output/external/Touche2020.json new file mode 100644 index 000000000..f0db1ae7e --- /dev/null +++ b/results/minishlab__M2V_base_output/external/Touche2020.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 12.417, + "map_at_1": 1.2, + "map_at_10": 4.376, + "map_at_100": 7.161, + "map_at_1000": 8.405, + "map_at_20": 5.578, + "map_at_3": 2.396, + "map_at_5": 3.044, + "mrr_at_1": 16.3265306122449, + "mrr_at_10": 30.004859086491738, + "mrr_at_100": 31.506819710420675, + "mrr_at_1000": 31.52488003189439, + "mrr_at_20": 31.07992314474907, + "mrr_at_3": 24.489795918367346, + "mrr_at_5": 27.857142857142854, + "nauc_map_at_1000_diff1": -15.240085041163246, + "nauc_map_at_1000_max": -34.07491781069546, + "nauc_map_at_1000_std": -39.33676134505847, + "nauc_map_at_100_diff1": -17.475590176275173, + "nauc_map_at_100_max": -36.27378611366948, + "nauc_map_at_100_std": -42.367310265458066, + "nauc_map_at_10_diff1": -17.79313659611791, + "nauc_map_at_10_max": -30.930524152161155, + "nauc_map_at_10_std": -37.96490423161143, + "nauc_map_at_1_diff1": -20.304167493996196, + "nauc_map_at_1_max": -34.39784658467407, + "nauc_map_at_1_std": -34.8048180060142, + "nauc_map_at_20_diff1": -19.601011957021058, + "nauc_map_at_20_max": -36.19251563365872, + "nauc_map_at_20_std": -41.872703350300306, + "nauc_map_at_3_diff1": -18.604827557464603, + "nauc_map_at_3_max": -33.87036816368854, + "nauc_map_at_3_std": -37.87305582981634, + "nauc_map_at_5_diff1": -19.000407560148222, + "nauc_map_at_5_max": -35.88105036080159, + "nauc_map_at_5_std": -39.89433800276062, + "nauc_mrr_at_1000_diff1": -10.977908813445096, + "nauc_mrr_at_1000_max": -32.70254863800196, + "nauc_mrr_at_1000_std": -36.932750949391014, + "nauc_mrr_at_100_diff1": -10.923380877501057, + "nauc_mrr_at_100_max": -32.61546764122419, + "nauc_mrr_at_100_std": -36.842894043351315, + "nauc_mrr_at_10_diff1": -10.131576305498573, + "nauc_mrr_at_10_max": -31.890083580054764, + "nauc_mrr_at_10_std": -36.93266622814508, + "nauc_mrr_at_1_diff1": -16.139790526714425, + "nauc_mrr_at_1_max": -29.900749975522345, + "nauc_mrr_at_1_std": -29.066801658151576, + "nauc_mrr_at_20_diff1": -10.70805724526718, + "nauc_mrr_at_20_max": -32.340792705157114, + "nauc_mrr_at_20_std": -36.72547772593701, + "nauc_mrr_at_3_diff1": -17.91765468161938, + "nauc_mrr_at_3_max": -32.241705526206275, + "nauc_mrr_at_3_std": -33.553729892050974, + "nauc_mrr_at_5_diff1": -12.991140385709848, + "nauc_mrr_at_5_max": -33.87447283054401, + "nauc_mrr_at_5_std": -37.96193128324505, + "nauc_ndcg_at_1000_diff1": 1.4521546341817582, + "nauc_ndcg_at_1000_max": -22.463819593958227, + "nauc_ndcg_at_1000_std": -27.617648672815875, + "nauc_ndcg_at_100_diff1": -11.537693897677832, + "nauc_ndcg_at_100_max": -36.160393447246, + "nauc_ndcg_at_100_std": -44.05399962086289, + "nauc_ndcg_at_10_diff1": -9.919400208671634, + "nauc_ndcg_at_10_max": -22.769115244797316, + "nauc_ndcg_at_10_std": -34.034353433778854, + "nauc_ndcg_at_1_diff1": -17.822259770980857, + "nauc_ndcg_at_1_max": -26.332806784918134, + "nauc_ndcg_at_1_std": -26.435402666146484, + "nauc_ndcg_at_20_diff1": -13.788195267001576, + "nauc_ndcg_at_20_max": -32.974957041119055, + "nauc_ndcg_at_20_std": -42.33157337528393, + "nauc_ndcg_at_3_diff1": -16.223851866502706, + "nauc_ndcg_at_3_max": -26.2902601974522, + "nauc_ndcg_at_3_std": -32.304039646610335, + "nauc_ndcg_at_5_diff1": -12.817036231720957, + "nauc_ndcg_at_5_max": -28.44642751642767, + "nauc_ndcg_at_5_std": -36.58899943553682, + "nauc_precision_at_1000_diff1": 26.935463895508967, + "nauc_precision_at_1000_max": 46.72249889198106, + "nauc_precision_at_1000_std": 38.53058407998278, + "nauc_precision_at_100_diff1": 4.163340339758862, + "nauc_precision_at_100_max": -10.581299020111306, + "nauc_precision_at_100_std": -29.038739456237955, + "nauc_precision_at_10_diff1": 0.5857232239199855, + "nauc_precision_at_10_max": -12.365623679544461, + "nauc_precision_at_10_std": -29.949307140170728, + "nauc_precision_at_1_diff1": -16.139790526714425, + "nauc_precision_at_1_max": -29.900749975522345, + "nauc_precision_at_1_std": -29.066801658151576, + "nauc_precision_at_20_diff1": -7.74805679959642, + "nauc_precision_at_20_max": -25.268356658986903, + "nauc_precision_at_20_std": -37.758242471707966, + "nauc_precision_at_3_diff1": -15.634998600034066, + "nauc_precision_at_3_max": -28.48849869574053, + "nauc_precision_at_3_std": -34.907495608911546, + "nauc_precision_at_5_diff1": -8.48679992836417, + "nauc_precision_at_5_max": -29.707555980272975, + "nauc_precision_at_5_std": -40.733334704807156, + "nauc_recall_at_1000_diff1": 8.826494916857577, + "nauc_recall_at_1000_max": -16.922331971426086, + "nauc_recall_at_1000_std": 1.4850859633484936, + "nauc_recall_at_100_diff1": -12.650176624230422, + "nauc_recall_at_100_max": -40.574740215148125, + "nauc_recall_at_100_std": -40.52283965149714, + "nauc_recall_at_10_diff1": -13.43480673345223, + "nauc_recall_at_10_max": -28.6156485981151, + "nauc_recall_at_10_std": -35.45555317207978, + "nauc_recall_at_1_diff1": -20.304167493996196, + "nauc_recall_at_1_max": -34.39784658467407, + "nauc_recall_at_1_std": -34.8048180060142, + "nauc_recall_at_20_diff1": -19.74246524681499, + "nauc_recall_at_20_max": -41.057831832815154, + "nauc_recall_at_20_std": -43.831099576419234, + "nauc_recall_at_3_diff1": -22.564348397487556, + "nauc_recall_at_3_max": -35.421451948002236, + "nauc_recall_at_3_std": -36.72882367879091, + "nauc_recall_at_5_diff1": -18.948821357059504, + "nauc_recall_at_5_max": -39.22248196683214, + "nauc_recall_at_5_std": -39.964758319612635, + "ndcg_at_1": 14.285999999999998, + "ndcg_at_10": 12.417, + "ndcg_at_100": 21.564, + "ndcg_at_1000": 34.264, + "ndcg_at_20": 13.932, + "ndcg_at_3": 13.997000000000002, + "ndcg_at_5": 13.161999999999999, + "precision_at_1": 16.326999999999998, + "precision_at_10": 12.245000000000001, + "precision_at_100": 5.163, + "precision_at_1000": 1.304, + "precision_at_20": 10.918, + "precision_at_3": 16.326999999999998, + "precision_at_5": 14.285999999999998, + "recall_at_1": 1.2, + "recall_at_10": 8.763, + "recall_at_100": 31.584, + "recall_at_1000": 70.519, + "recall_at_20": 14.379, + "recall_at_3": 3.229, + "recall_at_5": 5.079000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/ToxicConversationsClassification.json b/results/minishlab__M2V_base_output/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..b5be242b0 --- /dev/null +++ b/results/minishlab__M2V_base_output/external/ToxicConversationsClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 63.04199218749999, + "ap": 10.379917199607485, + "ap_weighted": 10.379917199607485, + "f1": 47.876568123841864, + "f1_weighted": 71.2370937104015, + "main_score": 63.04199218749999 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/TweetSentimentExtractionClassification.json b/results/minishlab__M2V_base_output/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..319886c80 --- /dev/null +++ b/results/minishlab__M2V_base_output/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 49.442558007923026, + "f1": 49.60441043943531, + "f1_weighted": 48.96898929345838, + "main_score": 49.442558007923026 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/TwentyNewsgroupsClustering.json b/results/minishlab__M2V_base_output/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..8962bdfc5 --- /dev/null +++ b/results/minishlab__M2V_base_output/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 21.127920450161458, + "v_measure": 21.127920450161458, + "v_measure_std": 1.5027840050520012 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/TwitterSemEval2015.json b/results/minishlab__M2V_base_output/external/TwitterSemEval2015.json new file mode 100644 index 000000000..50fcdcade --- /dev/null +++ b/results/minishlab__M2V_base_output/external/TwitterSemEval2015.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 82.18394230196103, + "cosine_accuracy_threshold": 70.92341184616089, + "cosine_ap": 59.78262740579837, + "cosine_f1": 56.536101934874935, + "cosine_f1_threshold": 63.08426856994629, + "cosine_precision": 51.13102859581733, + "cosine_recall": 63.21899736147757, + "dot_accuracy": 78.2559456398641, + "dot_accuracy_threshold": 75122.66235351562, + "dot_ap": 42.7554645305854, + "dot_f1": 46.84298752095361, + "dot_f1_threshold": 47930.230712890625, + "dot_precision": 36.19746689694876, + "dot_recall": 66.35883905013192, + "euclidean_accuracy": 80.41962210168684, + "euclidean_accuracy_threshold": 2041.592025756836, + "euclidean_ap": 53.9382918676684, + "euclidean_f1": 53.007111003977336, + "euclidean_f1_threshold": 2444.729995727539, + "euclidean_precision": 48.79076991346794, + "euclidean_recall": 58.02110817941952, + "main_score": 59.78262740579837, + "manhattan_accuracy": 80.65208320915539, + "manhattan_accuracy_threshold": 26017.153930664062, + "manhattan_ap": 54.628314460914396, + "manhattan_f1": 53.78151260504202, + "manhattan_f1_threshold": 30961.737060546875, + "manhattan_precision": 47.208931419457734, + "manhattan_recall": 62.48021108179419, + "max_accuracy": 82.18394230196103, + "max_ap": 59.78262740579837, + "max_f1": 56.536101934874935, + "max_precision": 51.13102859581733, + "max_recall": 66.35883905013192, + "similarity_accuracy": 82.18394230196103, + "similarity_accuracy_threshold": 70.92341184616089, + "similarity_ap": 59.78262740579837, + "similarity_f1": 56.536101934874935, + "similarity_f1_threshold": 63.08426856994629, + "similarity_precision": 51.13102859581733, + "similarity_recall": 63.21899736147757 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/TwitterURLCorpus.json b/results/minishlab__M2V_base_output/external/TwitterURLCorpus.json new file mode 100644 index 000000000..0f8c2dc31 --- /dev/null +++ b/results/minishlab__M2V_base_output/external/TwitterURLCorpus.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 86.35269918888501, + "cosine_accuracy_threshold": 65.62063097953796, + "cosine_ap": 79.86337146522463, + "cosine_f1": 72.03383314109958, + "cosine_f1_threshold": 62.217533588409424, + "cosine_precision": 71.93979419444018, + "cosine_recall": 72.12811826301201, + "dot_accuracy": 82.84045484534482, + "dot_accuracy_threshold": 35566.62902832031, + "dot_ap": 69.69127356271262, + "dot_f1": 64.93162154619034, + "dot_f1_threshold": 28885.244750976562, + "dot_precision": 59.36463383516203, + "dot_recall": 71.65075454265477, + "euclidean_accuracy": 83.63022470601933, + "euclidean_accuracy_threshold": 1693.5848236083984, + "euclidean_ap": 71.73555972139718, + "euclidean_f1": 63.8556476722812, + "euclidean_f1_threshold": 1923.9103317260742, + "euclidean_precision": 62.26497914990124, + "euclidean_recall": 65.52971974129966, + "main_score": 79.86337146522463, + "manhattan_accuracy": 83.70978383203322, + "manhattan_accuracy_threshold": 21348.568725585938, + "manhattan_ap": 72.01847359087003, + "manhattan_f1": 64.34136401773942, + "manhattan_f1_threshold": 23113.516235351562, + "manhattan_precision": 66.8715222988124, + "manhattan_recall": 61.99568832768709, + "max_accuracy": 86.35269918888501, + "max_ap": 79.86337146522463, + "max_f1": 72.03383314109958, + "max_precision": 71.93979419444018, + "max_recall": 72.12811826301201, + "similarity_accuracy": 86.35269918888501, + "similarity_accuracy_threshold": 65.62063097953796, + "similarity_ap": 79.86337146522463, + "similarity_f1": 72.03383314109958, + "similarity_f1_threshold": 62.217533588409424, + "similarity_precision": 71.93979419444018, + "similarity_recall": 72.12811826301201 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__M2V_base_output/external/model_meta.json b/results/minishlab__M2V_base_output/external/model_meta.json new file mode 100644 index 000000000..142f407b0 --- /dev/null +++ b/results/minishlab__M2V_base_output/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "minishlab/M2V_base_output", + "revision": "ded54a160e3e349a2de5cbfba36e6314a2b4fd7d", + "release_date": "2024-09-19", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 7559168, + "memory_usage": null, + "max_tokens": 1000000, + "embed_dim": 256, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/AmazonCounterfactualClassification.json b/results/minishlab__potion-base-2M/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..f10d20d96 --- /dev/null +++ b/results/minishlab__potion-base-2M/external/AmazonCounterfactualClassification.json @@ -0,0 +1,34 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-ext", + "languages": [ + "eng-Latn" + ], + "accuracy": 64.09295352323838, + "ap": 15.890517627297978, + "ap_weighted": 15.890517627297978, + "f1": 52.38020164592307, + "f1_weighted": 71.02083973787023, + "main_score": 64.09295352323838 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 65.44776119402985, + "ap": 27.63770109073248, + "ap_weighted": 27.63770109073248, + "f1": 58.90706680555824, + "f1_weighted": 68.76825531256598, + "main_score": 65.44776119402985 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/AmazonPolarityClassification.json b/results/minishlab__potion-base-2M/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..7586ff52f --- /dev/null +++ b/results/minishlab__potion-base-2M/external/AmazonPolarityClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.8279, + "ap": 65.28490580225534, + "ap_weighted": 65.28490580225534, + "f1": 70.57831663695143, + "f1_weighted": 70.5783166369514, + "main_score": 70.8279 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/AmazonReviewsClassification.json b/results/minishlab__potion-base-2M/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..f134da263 --- /dev/null +++ b/results/minishlab__potion-base-2M/external/AmazonReviewsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 32.996, + "f1": 32.31726739771069, + "f1_weighted": 32.31726739771067, + "main_score": 32.996 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/ArguAna.json b/results/minishlab__potion-base-2M/external/ArguAna.json new file mode 100644 index 000000000..a4aa43780 --- /dev/null +++ b/results/minishlab__potion-base-2M/external/ArguAna.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 32.622, + "map_at_1": 15.931999999999999, + "map_at_10": 26.404, + "map_at_100": 27.697, + "map_at_1000": 27.755000000000003, + "map_at_20": 27.195000000000004, + "map_at_3": 22.819, + "map_at_5": 24.714, + "mrr_at_1": 16.35846372688478, + "mrr_at_10": 26.554703199440034, + "mrr_at_100": 27.847935657025847, + "mrr_at_1000": 27.90589599760921, + "mrr_at_20": 27.34605509902883, + "mrr_at_3": 22.97297297297296, + "mrr_at_5": 24.839971550497825, + "nauc_map_at_1000_diff1": 9.371299425433035, + "nauc_map_at_1000_max": 2.9574792255471287, + "nauc_map_at_1000_std": 11.687859698836608, + "nauc_map_at_100_diff1": 9.371053628047203, + "nauc_map_at_100_max": 2.9809791205622322, + "nauc_map_at_100_std": 11.75333361929675, + "nauc_map_at_10_diff1": 9.252241357696322, + "nauc_map_at_10_max": 2.742017052724334, + "nauc_map_at_10_std": 11.558508764008751, + "nauc_map_at_1_diff1": 12.16316227081504, + "nauc_map_at_1_max": -0.5028808771807869, + "nauc_map_at_1_std": 6.962721581652243, + "nauc_map_at_20_diff1": 9.300115601627917, + "nauc_map_at_20_max": 2.9569034588818686, + "nauc_map_at_20_std": 11.691557039773556, + "nauc_map_at_3_diff1": 8.848778277311055, + "nauc_map_at_3_max": 1.423235443130067, + "nauc_map_at_3_std": 8.992118754001654, + "nauc_map_at_5_diff1": 8.57377738557976, + "nauc_map_at_5_max": 1.6847244703988815, + "nauc_map_at_5_std": 10.164700751752981, + "nauc_mrr_at_1000_diff1": 7.83234430121121, + "nauc_mrr_at_1000_max": 2.791250763636318, + "nauc_mrr_at_1000_std": 11.622332535373612, + "nauc_mrr_at_100_diff1": 7.834999518447015, + "nauc_mrr_at_100_max": 2.8149797974038266, + "nauc_mrr_at_100_std": 11.687441656533483, + "nauc_mrr_at_10_diff1": 7.762034718278307, + "nauc_mrr_at_10_max": 2.588154258263355, + "nauc_mrr_at_10_std": 11.496120973626677, + "nauc_mrr_at_1_diff1": 10.195687129188947, + "nauc_mrr_at_1_max": 0.7959780949834511, + "nauc_mrr_at_1_std": 6.909734959320861, + "nauc_mrr_at_20_diff1": 7.782191305042387, + "nauc_mrr_at_20_max": 2.793166533360494, + "nauc_mrr_at_20_std": 11.627007183010022, + "nauc_mrr_at_3_diff1": 7.24231818837065, + "nauc_mrr_at_3_max": 1.1207446053044912, + "nauc_mrr_at_3_std": 8.80503737855467, + "nauc_mrr_at_5_diff1": 6.979716982325695, + "nauc_mrr_at_5_max": 1.4170822735031223, + "nauc_mrr_at_5_std": 10.1236436941688, + "nauc_ndcg_at_1000_diff1": 9.442383068205185, + "nauc_ndcg_at_1000_max": 5.123695329561358, + "nauc_ndcg_at_1000_std": 14.437791974669423, + "nauc_ndcg_at_100_diff1": 9.708550273174609, + "nauc_ndcg_at_100_max": 6.051680933998194, + "nauc_ndcg_at_100_std": 16.356231738002254, + "nauc_ndcg_at_10_diff1": 9.067738290559637, + "nauc_ndcg_at_10_max": 5.051562540309537, + "nauc_ndcg_at_10_std": 14.981456308721722, + "nauc_ndcg_at_1_diff1": 12.16316227081504, + "nauc_ndcg_at_1_max": -0.5028808771807869, + "nauc_ndcg_at_1_std": 6.962721581652243, + "nauc_ndcg_at_20_diff1": 9.231508996935032, + "nauc_ndcg_at_20_max": 5.908400445912541, + "nauc_ndcg_at_20_std": 15.59551518646074, + "nauc_ndcg_at_3_diff1": 8.176316410933907, + "nauc_ndcg_at_3_max": 2.274031400606708, + "nauc_ndcg_at_3_std": 9.692557288413111, + "nauc_ndcg_at_5_diff1": 7.594758622405593, + "nauc_ndcg_at_5_max": 2.6813579129239575, + "nauc_ndcg_at_5_std": 11.657985683999456, + "nauc_precision_at_1000_diff1": 10.05696671180073, + "nauc_precision_at_1000_max": 38.62495739567785, + "nauc_precision_at_1000_std": 48.13074377805322, + "nauc_precision_at_100_diff1": 14.277579964693818, + "nauc_precision_at_100_max": 25.831877593548068, + "nauc_precision_at_100_std": 48.257692065653586, + "nauc_precision_at_10_diff1": 8.967213665268718, + "nauc_precision_at_10_max": 11.661929553714575, + "nauc_precision_at_10_std": 24.98165263864555, + "nauc_precision_at_1_diff1": 12.16316227081504, + "nauc_precision_at_1_max": -0.5028808771807869, + "nauc_precision_at_1_std": 6.962721581652243, + "nauc_precision_at_20_diff1": 9.596515632249602, + "nauc_precision_at_20_max": 16.17218527097958, + "nauc_precision_at_20_std": 29.12126867872034, + "nauc_precision_at_3_diff1": 6.602134310609642, + "nauc_precision_at_3_max": 4.422669583221979, + "nauc_precision_at_3_std": 11.430754758385522, + "nauc_precision_at_5_diff1": 5.2002210955386445, + "nauc_precision_at_5_max": 5.146945531205673, + "nauc_precision_at_5_std": 15.431582644403685, + "nauc_recall_at_1000_diff1": 10.056966711801207, + "nauc_recall_at_1000_max": 38.62495739567756, + "nauc_recall_at_1000_std": 48.1307437780539, + "nauc_recall_at_100_diff1": 14.277579964693778, + "nauc_recall_at_100_max": 25.83187759354808, + "nauc_recall_at_100_std": 48.257692065653615, + "nauc_recall_at_10_diff1": 8.967213665268691, + "nauc_recall_at_10_max": 11.661929553714536, + "nauc_recall_at_10_std": 24.98165263864557, + "nauc_recall_at_1_diff1": 12.16316227081504, + "nauc_recall_at_1_max": -0.5028808771807869, + "nauc_recall_at_1_std": 6.962721581652243, + "nauc_recall_at_20_diff1": 9.596515632249584, + "nauc_recall_at_20_max": 16.17218527097958, + "nauc_recall_at_20_std": 29.121268678720334, + "nauc_recall_at_3_diff1": 6.602134310609631, + "nauc_recall_at_3_max": 4.4226695832219765, + "nauc_recall_at_3_std": 11.430754758385536, + "nauc_recall_at_5_diff1": 5.200221095538592, + "nauc_recall_at_5_max": 5.146945531205657, + "nauc_recall_at_5_std": 15.431582644403655, + "ndcg_at_1": 15.931999999999999, + "ndcg_at_10": 32.622, + "ndcg_at_100": 39.182, + "ndcg_at_1000": 40.814, + "ndcg_at_20": 35.538, + "ndcg_at_3": 25.119000000000003, + "ndcg_at_5": 28.541, + "precision_at_1": 15.931999999999999, + "precision_at_10": 5.27, + "precision_at_100": 0.84, + "precision_at_1000": 0.097, + "precision_at_20": 3.215, + "precision_at_3": 10.597, + "precision_at_5": 8.023, + "recall_at_1": 15.931999999999999, + "recall_at_10": 52.703, + "recall_at_100": 83.997, + "recall_at_1000": 97.013, + "recall_at_20": 64.29599999999999, + "recall_at_3": 31.791999999999998, + "recall_at_5": 40.114 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/ArxivClusteringP2P.json b/results/minishlab__potion-base-2M/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..7ab675f89 --- /dev/null +++ b/results/minishlab__potion-base-2M/external/ArxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 29.870127302809124, + "v_measure": 29.870127302809124, + "v_measure_std": 14.791231720290682 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/ArxivClusteringS2S.json b/results/minishlab__potion-base-2M/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..b3f837896 --- /dev/null +++ b/results/minishlab__potion-base-2M/external/ArxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 20.120157976895523, + "v_measure": 20.120157976895523, + "v_measure_std": 15.985610307944178 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/AskUbuntuDupQuestions.json b/results/minishlab__potion-base-2M/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..2f8bdb0cd --- /dev/null +++ b/results/minishlab__potion-base-2M/external/AskUbuntuDupQuestions.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 52.90637925416103, + "map": 52.90637925416103, + "mrr": 66.15365167304226, + "nAUC_map_diff1": 9.30133487550967, + "nAUC_map_max": 18.70463131454981, + "nAUC_map_std": -0.14109850923583017, + "nAUC_mrr_diff1": 14.055448816273671, + "nAUC_mrr_max": 24.008690838618477, + "nAUC_mrr_std": 4.127979271888478 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/BIOSSES.json b/results/minishlab__potion-base-2M/external/BIOSSES.json new file mode 100644 index 000000000..874c9e290 --- /dev/null +++ b/results/minishlab__potion-base-2M/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 69.51991057082712, + "cosine_spearman": 64.10808725228159, + "euclidean_pearson": 68.61144541101957, + "euclidean_spearman": 64.10808725228159, + "main_score": 64.10808725228159, + "manhattan_pearson": 68.51780712764004, + "manhattan_spearman": 66.6352532692086, + "pearson": 69.51991057082712, + "spearman": 64.10808725228159 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/Banking77Classification.json b/results/minishlab__potion-base-2M/external/Banking77Classification.json new file mode 100644 index 000000000..17541e641 --- /dev/null +++ b/results/minishlab__potion-base-2M/external/Banking77Classification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 65.17207792207793, + "f1": 63.62144343754335, + "f1_weighted": 63.62144343754335, + "main_score": 65.17207792207793 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/BiorxivClusteringP2P.json b/results/minishlab__potion-base-2M/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..dbcf4eda0 --- /dev/null +++ b/results/minishlab__potion-base-2M/external/BiorxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 25.780291675770933, + "v_measure": 25.780291675770933, + "v_measure_std": 0.5140442536046052 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/BiorxivClusteringS2S.json b/results/minishlab__potion-base-2M/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..48623dafa --- /dev/null +++ b/results/minishlab__potion-base-2M/external/BiorxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 14.938305313404305, + "v_measure": 14.938305313404305, + "v_measure_std": 0.6925176157191298 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/CQADupstackAndroidRetrieval.json b/results/minishlab__potion-base-2M/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..a6d41acc7 --- /dev/null +++ b/results/minishlab__potion-base-2M/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f46a197baaae43b4f621051089b82a364682dfeb", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 25.330000000000002, + "map_at_1": 14.652000000000001, + "map_at_10": 20.697, + "map_at_100": 21.601, + "map_at_1000": 21.741, + "map_at_20": 21.182000000000002, + "map_at_3": 18.176000000000002, + "map_at_5": 19.43, + "mrr_at_1": 18.88412017167382, + "mrr_at_10": 25.220780252969078, + "mrr_at_100": 25.948898254396696, + "mrr_at_1000": 26.026660358556764, + "mrr_at_20": 25.57115097233221, + "mrr_at_3": 22.746781115879823, + "mrr_at_5": 23.984263233190266, + "nauc_map_at_1000_diff1": 42.12290261948617, + "nauc_map_at_1000_max": 25.055151779659003, + "nauc_map_at_1000_std": -2.210774158888407, + "nauc_map_at_100_diff1": 42.103292224612055, + "nauc_map_at_100_max": 25.024932512461167, + "nauc_map_at_100_std": -2.2434491051465666, + "nauc_map_at_10_diff1": 42.43897329865005, + "nauc_map_at_10_max": 24.900985870032148, + "nauc_map_at_10_std": -3.1698848459287547, + "nauc_map_at_1_diff1": 50.52605319846898, + "nauc_map_at_1_max": 26.416683733723296, + "nauc_map_at_1_std": -5.956774956817916, + "nauc_map_at_20_diff1": 42.16171369615511, + "nauc_map_at_20_max": 24.885527318331327, + "nauc_map_at_20_std": -2.5912307656872033, + "nauc_map_at_3_diff1": 45.269307730870345, + "nauc_map_at_3_max": 24.920202708925796, + "nauc_map_at_3_std": -3.8211698120619553, + "nauc_map_at_5_diff1": 43.518058300179305, + "nauc_map_at_5_max": 24.525800979439225, + "nauc_map_at_5_std": -3.7992949173792248, + "nauc_mrr_at_1000_diff1": 40.614363171344095, + "nauc_mrr_at_1000_max": 25.461648381508994, + "nauc_mrr_at_1000_std": -3.0170351047974697, + "nauc_mrr_at_100_diff1": 40.60930462215041, + "nauc_mrr_at_100_max": 25.438960747808164, + "nauc_mrr_at_100_std": -2.9834713770918477, + "nauc_mrr_at_10_diff1": 40.73347197221245, + "nauc_mrr_at_10_max": 25.462525362516896, + "nauc_mrr_at_10_std": -3.6376857514606833, + "nauc_mrr_at_1_diff1": 47.29968987535835, + "nauc_mrr_at_1_max": 28.554321882610132, + "nauc_mrr_at_1_std": -7.160060969495176, + "nauc_mrr_at_20_diff1": 40.609457206778366, + "nauc_mrr_at_20_max": 25.385706784725997, + "nauc_mrr_at_20_std": -3.2196439087267446, + "nauc_mrr_at_3_diff1": 42.40692706796631, + "nauc_mrr_at_3_max": 25.77574851888572, + "nauc_mrr_at_3_std": -4.8469351394956135, + "nauc_mrr_at_5_diff1": 41.22146669637393, + "nauc_mrr_at_5_max": 25.328517631105935, + "nauc_mrr_at_5_std": -4.572547216622222, + "nauc_ndcg_at_1000_diff1": 38.07049187253007, + "nauc_ndcg_at_1000_max": 25.746482146110424, + "nauc_ndcg_at_1000_std": 3.058232130723082, + "nauc_ndcg_at_100_diff1": 37.72243748027699, + "nauc_ndcg_at_100_max": 24.739589495666532, + "nauc_ndcg_at_100_std": 3.1186035597586583, + "nauc_ndcg_at_10_diff1": 38.986427400509506, + "nauc_ndcg_at_10_max": 24.145586682086602, + "nauc_ndcg_at_10_std": -1.3984860683398967, + "nauc_ndcg_at_1_diff1": 47.29968987535835, + "nauc_ndcg_at_1_max": 28.554321882610132, + "nauc_ndcg_at_1_std": -7.160060969495176, + "nauc_ndcg_at_20_diff1": 38.340556985152666, + "nauc_ndcg_at_20_max": 23.852700466978412, + "nauc_ndcg_at_20_std": 0.39156203034556514, + "nauc_ndcg_at_3_diff1": 42.73433715617584, + "nauc_ndcg_at_3_max": 24.171983374932484, + "nauc_ndcg_at_3_std": -3.2561069261029916, + "nauc_ndcg_at_5_diff1": 40.6293880411303, + "nauc_ndcg_at_5_max": 23.470270149785282, + "nauc_ndcg_at_5_std": -3.25295826799678, + "nauc_precision_at_1000_diff1": 14.532481445869708, + "nauc_precision_at_1000_max": 2.4063597129179874, + "nauc_precision_at_1000_std": 5.08743191359027, + "nauc_precision_at_100_diff1": 16.229283902136586, + "nauc_precision_at_100_max": 14.68488845425874, + "nauc_precision_at_100_std": 11.53673782607175, + "nauc_precision_at_10_diff1": 22.658121443906644, + "nauc_precision_at_10_max": 20.458468048702898, + "nauc_precision_at_10_std": 2.549916225317396, + "nauc_precision_at_1_diff1": 47.29968987535835, + "nauc_precision_at_1_max": 28.554321882610132, + "nauc_precision_at_1_std": -7.160060969495176, + "nauc_precision_at_20_diff1": 20.64109922418946, + "nauc_precision_at_20_max": 18.105770725108478, + "nauc_precision_at_20_std": 6.61515398984593, + "nauc_precision_at_3_diff1": 34.10042771425271, + "nauc_precision_at_3_max": 22.672104646433855, + "nauc_precision_at_3_std": -2.2992673003241033, + "nauc_precision_at_5_diff1": 28.555115169767404, + "nauc_precision_at_5_max": 21.203888592575485, + "nauc_precision_at_5_std": -1.7718460407125416, + "nauc_recall_at_1000_diff1": 15.35267593542552, + "nauc_recall_at_1000_max": 33.67891449185779, + "nauc_recall_at_1000_std": 33.03686303481503, + "nauc_recall_at_100_diff1": 22.251888567786047, + "nauc_recall_at_100_max": 22.200691564139312, + "nauc_recall_at_100_std": 21.990679346902265, + "nauc_recall_at_10_diff1": 28.995014251584863, + "nauc_recall_at_10_max": 20.072781093522806, + "nauc_recall_at_10_std": 3.72566933318097, + "nauc_recall_at_1_diff1": 50.52605319846898, + "nauc_recall_at_1_max": 26.416683733723296, + "nauc_recall_at_1_std": -5.956774956817916, + "nauc_recall_at_20_diff1": 26.562818478114973, + "nauc_recall_at_20_max": 19.231280299972486, + "nauc_recall_at_20_std": 8.678225293725014, + "nauc_recall_at_3_diff1": 39.31561233983533, + "nauc_recall_at_3_max": 20.930101667953906, + "nauc_recall_at_3_std": -0.6675587418511502, + "nauc_recall_at_5_diff1": 34.09061124292363, + "nauc_recall_at_5_max": 18.66212328855417, + "nauc_recall_at_5_std": -0.7309156199742269, + "ndcg_at_1": 18.884, + "ndcg_at_10": 25.330000000000002, + "ndcg_at_100": 29.803, + "ndcg_at_1000": 33.22, + "ndcg_at_20": 26.817, + "ndcg_at_3": 20.903, + "ndcg_at_5": 22.653000000000002, + "precision_at_1": 18.884, + "precision_at_10": 5.165, + "precision_at_100": 0.9169999999999999, + "precision_at_1000": 0.152, + "precision_at_20": 3.0620000000000003, + "precision_at_3": 10.205, + "precision_at_5": 7.668, + "recall_at_1": 14.652000000000001, + "recall_at_10": 34.839999999999996, + "recall_at_100": 55.254999999999995, + "recall_at_1000": 79.499, + "recall_at_20": 40.519, + "recall_at_3": 21.951999999999998, + "recall_at_5": 26.866 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/CQADupstackEnglishRetrieval.json b/results/minishlab__potion-base-2M/external/CQADupstackEnglishRetrieval.json new file mode 100644 index 000000000..e06d45767 --- /dev/null +++ b/results/minishlab__potion-base-2M/external/CQADupstackEnglishRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ad9991cb51e31e31e430383c75ffb2885547b5f0", + "task_name": "CQADupstackEnglishRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 19.03, + "map_at_1": 12.038, + "map_at_10": 16.209, + "map_at_100": 16.852, + "map_at_1000": 16.957, + "map_at_20": 16.503, + "map_at_3": 14.918999999999999, + "map_at_5": 15.628, + "mrr_at_1": 14.522292993630574, + "mrr_at_10": 19.049211404306938, + "mrr_at_100": 19.68616846000299, + "mrr_at_1000": 19.76021263547599, + "mrr_at_20": 19.357303026531586, + "mrr_at_3": 17.6963906581741, + "mrr_at_5": 18.42887473460721, + "nauc_map_at_1000_diff1": 40.668452256157586, + "nauc_map_at_1000_max": 12.03068593940894, + "nauc_map_at_1000_std": 8.282626956376456, + "nauc_map_at_100_diff1": 40.69689331326516, + "nauc_map_at_100_max": 11.975907653133852, + "nauc_map_at_100_std": 8.200723943582632, + "nauc_map_at_10_diff1": 40.92675356589961, + "nauc_map_at_10_max": 12.162793044434746, + "nauc_map_at_10_std": 7.416703287646554, + "nauc_map_at_1_diff1": 50.680707097806824, + "nauc_map_at_1_max": 14.950571652895167, + "nauc_map_at_1_std": 7.7584022650339355, + "nauc_map_at_20_diff1": 40.83556248327022, + "nauc_map_at_20_max": 12.10303655820891, + "nauc_map_at_20_std": 7.902382326647041, + "nauc_map_at_3_diff1": 43.05716913197717, + "nauc_map_at_3_max": 13.059797217109528, + "nauc_map_at_3_std": 7.086563876751212, + "nauc_map_at_5_diff1": 41.805198491838716, + "nauc_map_at_5_max": 12.76978465765044, + "nauc_map_at_5_std": 7.062456814961006, + "nauc_mrr_at_1000_diff1": 39.04694353040439, + "nauc_mrr_at_1000_max": 12.815481060933905, + "nauc_mrr_at_1000_std": 9.1263110333354, + "nauc_mrr_at_100_diff1": 39.048743374446275, + "nauc_mrr_at_100_max": 12.798690926603784, + "nauc_mrr_at_100_std": 9.122224737593758, + "nauc_mrr_at_10_diff1": 39.31192280486829, + "nauc_mrr_at_10_max": 12.98896180731353, + "nauc_mrr_at_10_std": 8.589942965121546, + "nauc_mrr_at_1_diff1": 48.851762997569374, + "nauc_mrr_at_1_max": 17.448204383555886, + "nauc_mrr_at_1_std": 9.957963740437934, + "nauc_mrr_at_20_diff1": 39.194781081736885, + "nauc_mrr_at_20_max": 12.96253606083205, + "nauc_mrr_at_20_std": 8.972866893546797, + "nauc_mrr_at_3_diff1": 41.01782917626344, + "nauc_mrr_at_3_max": 13.603475495611184, + "nauc_mrr_at_3_std": 8.897651838362023, + "nauc_mrr_at_5_diff1": 40.19192790045331, + "nauc_mrr_at_5_max": 13.548960496378678, + "nauc_mrr_at_5_std": 8.41651532405131, + "nauc_ndcg_at_1000_diff1": 35.354979509339366, + "nauc_ndcg_at_1000_max": 10.336450702196894, + "nauc_ndcg_at_1000_std": 10.554226856804888, + "nauc_ndcg_at_100_diff1": 35.76413836339596, + "nauc_ndcg_at_100_max": 9.670128921989843, + "nauc_ndcg_at_100_std": 10.17476854541832, + "nauc_ndcg_at_10_diff1": 36.94656640954636, + "nauc_ndcg_at_10_max": 10.643065285351891, + "nauc_ndcg_at_10_std": 7.806040737820652, + "nauc_ndcg_at_1_diff1": 48.851762997569374, + "nauc_ndcg_at_1_max": 17.448204383555886, + "nauc_ndcg_at_1_std": 9.957963740437934, + "nauc_ndcg_at_20_diff1": 36.73652715597696, + "nauc_ndcg_at_20_max": 10.555021619182972, + "nauc_ndcg_at_20_std": 9.079373122526354, + "nauc_ndcg_at_3_diff1": 40.4128640487012, + "nauc_ndcg_at_3_max": 12.91614218382092, + "nauc_ndcg_at_3_std": 7.903843158502924, + "nauc_ndcg_at_5_diff1": 38.74411532365887, + "nauc_ndcg_at_5_max": 12.179514645439847, + "nauc_ndcg_at_5_std": 7.336617986486788, + "nauc_precision_at_1000_diff1": 1.9011163507603661, + "nauc_precision_at_1000_max": 7.990884111944549, + "nauc_precision_at_1000_std": 21.061967908108002, + "nauc_precision_at_100_diff1": 12.33281445055559, + "nauc_precision_at_100_max": 8.880349742023368, + "nauc_precision_at_100_std": 21.013372083124928, + "nauc_precision_at_10_diff1": 21.650071006760747, + "nauc_precision_at_10_max": 9.318883411833756, + "nauc_precision_at_10_std": 11.730645859949483, + "nauc_precision_at_1_diff1": 48.851762997569374, + "nauc_precision_at_1_max": 17.448204383555886, + "nauc_precision_at_1_std": 9.957963740437934, + "nauc_precision_at_20_diff1": 20.35610346048067, + "nauc_precision_at_20_max": 9.924634585296353, + "nauc_precision_at_20_std": 16.14897238644223, + "nauc_precision_at_3_diff1": 31.173178334965346, + "nauc_precision_at_3_max": 13.51252773710169, + "nauc_precision_at_3_std": 10.580704859270702, + "nauc_precision_at_5_diff1": 26.650379822403686, + "nauc_precision_at_5_max": 12.638452808323358, + "nauc_precision_at_5_std": 10.624172954473973, + "nauc_recall_at_1000_diff1": 20.894977442792207, + "nauc_recall_at_1000_max": 4.351275412385671, + "nauc_recall_at_1000_std": 13.465338160416145, + "nauc_recall_at_100_diff1": 23.773806443855143, + "nauc_recall_at_100_max": 1.7786515196265826, + "nauc_recall_at_100_std": 13.316142806464812, + "nauc_recall_at_10_diff1": 28.238969776585414, + "nauc_recall_at_10_max": 5.795998046983078, + "nauc_recall_at_10_std": 6.472324467861674, + "nauc_recall_at_1_diff1": 50.680707097806824, + "nauc_recall_at_1_max": 14.950571652895167, + "nauc_recall_at_1_std": 7.7584022650339355, + "nauc_recall_at_20_diff1": 27.607217008926234, + "nauc_recall_at_20_max": 5.759176414257366, + "nauc_recall_at_20_std": 10.465779842554717, + "nauc_recall_at_3_diff1": 36.11483064950007, + "nauc_recall_at_3_max": 9.989993667730074, + "nauc_recall_at_3_std": 5.790709363191019, + "nauc_recall_at_5_diff1": 32.48686329315466, + "nauc_recall_at_5_max": 9.036821419906465, + "nauc_recall_at_5_std": 4.936776376797586, + "ndcg_at_1": 14.521999999999998, + "ndcg_at_10": 19.03, + "ndcg_at_100": 22.418, + "ndcg_at_1000": 25.174000000000003, + "ndcg_at_20": 20.008, + "ndcg_at_3": 16.699, + "ndcg_at_5": 17.718999999999998, + "precision_at_1": 14.521999999999998, + "precision_at_10": 3.49, + "precision_at_100": 0.641, + "precision_at_1000": 0.11, + "precision_at_20": 2.057, + "precision_at_3": 7.856000000000001, + "precision_at_5": 5.631, + "recall_at_1": 12.038, + "recall_at_10": 24.585, + "recall_at_100": 40.032000000000004, + "recall_at_1000": 59.343999999999994, + "recall_at_20": 28.224, + "recall_at_3": 17.95, + "recall_at_5": 20.605 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/CQADupstackGamingRetrieval.json b/results/minishlab__potion-base-2M/external/CQADupstackGamingRetrieval.json new file mode 100644 index 000000000..f73dd843c --- /dev/null +++ b/results/minishlab__potion-base-2M/external/CQADupstackGamingRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "4885aa143210c98657558c04aaf3dc47cfb54340", + "task_name": "CQADupstackGamingRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 29.583, + "map_at_1": 18.041, + "map_at_10": 25.406000000000002, + "map_at_100": 26.375, + "map_at_1000": 26.473999999999997, + "map_at_20": 25.936999999999998, + "map_at_3": 23.250999999999998, + "map_at_5": 24.503, + "mrr_at_1": 21.065830721003135, + "mrr_at_10": 28.189505896402416, + "mrr_at_100": 29.027452479410755, + "mrr_at_1000": 29.097293909258422, + "mrr_at_20": 28.662884995323772, + "mrr_at_3": 26.175548589341673, + "mrr_at_5": 27.363636363636324, + "nauc_map_at_1000_diff1": 37.796326336571276, + "nauc_map_at_1000_max": 22.220500792581, + "nauc_map_at_1000_std": -2.194799091612798, + "nauc_map_at_100_diff1": 37.790675383791196, + "nauc_map_at_100_max": 22.18614999731695, + "nauc_map_at_100_std": -2.2470039249188556, + "nauc_map_at_10_diff1": 38.05208350844174, + "nauc_map_at_10_max": 21.89935352381032, + "nauc_map_at_10_std": -2.98869512787041, + "nauc_map_at_1_diff1": 43.17642739404867, + "nauc_map_at_1_max": 20.42250394733745, + "nauc_map_at_1_std": -5.1467721201242815, + "nauc_map_at_20_diff1": 37.88392749116593, + "nauc_map_at_20_max": 22.112588076399714, + "nauc_map_at_20_std": -2.5454188620897344, + "nauc_map_at_3_diff1": 38.95611714844621, + "nauc_map_at_3_max": 21.111778563401586, + "nauc_map_at_3_std": -4.030551789691853, + "nauc_map_at_5_diff1": 38.21256789270451, + "nauc_map_at_5_max": 21.630014652906855, + "nauc_map_at_5_std": -3.590513047822652, + "nauc_mrr_at_1000_diff1": 36.87803483972353, + "nauc_mrr_at_1000_max": 23.879462874038296, + "nauc_mrr_at_1000_std": -0.22072500218761223, + "nauc_mrr_at_100_diff1": 36.855693968543044, + "nauc_mrr_at_100_max": 23.86918435310746, + "nauc_mrr_at_100_std": -0.2373419919431428, + "nauc_mrr_at_10_diff1": 37.101094342552734, + "nauc_mrr_at_10_max": 23.891367825494495, + "nauc_mrr_at_10_std": -0.5793444512066471, + "nauc_mrr_at_1_diff1": 42.42316114487945, + "nauc_mrr_at_1_max": 22.68818224435017, + "nauc_mrr_at_1_std": -3.303022083526107, + "nauc_mrr_at_20_diff1": 36.89206331322041, + "nauc_mrr_at_20_max": 23.89115604434676, + "nauc_mrr_at_20_std": -0.3403716687972552, + "nauc_mrr_at_3_diff1": 37.521708109041334, + "nauc_mrr_at_3_max": 23.449137234856188, + "nauc_mrr_at_3_std": -1.4620893509854138, + "nauc_mrr_at_5_diff1": 37.025745633521915, + "nauc_mrr_at_5_max": 23.75830801312528, + "nauc_mrr_at_5_std": -1.0488330632921128, + "nauc_ndcg_at_1000_diff1": 35.587510810642115, + "nauc_ndcg_at_1000_max": 24.203987312028563, + "nauc_ndcg_at_1000_std": 2.620871846305902, + "nauc_ndcg_at_100_diff1": 35.12129268842065, + "nauc_ndcg_at_100_max": 23.65718178818282, + "nauc_ndcg_at_100_std": 1.8047464668718496, + "nauc_ndcg_at_10_diff1": 36.010772727724536, + "nauc_ndcg_at_10_max": 22.90551457795281, + "nauc_ndcg_at_10_std": -1.0357681514957635, + "nauc_ndcg_at_1_diff1": 42.42316114487945, + "nauc_ndcg_at_1_max": 22.68818224435017, + "nauc_ndcg_at_1_std": -3.303022083526107, + "nauc_ndcg_at_20_diff1": 35.40541309259456, + "nauc_ndcg_at_20_max": 23.11326844908543, + "nauc_ndcg_at_20_std": 0.1368197147455866, + "nauc_ndcg_at_3_diff1": 37.13532824824766, + "nauc_ndcg_at_3_max": 22.0500118152094, + "nauc_ndcg_at_3_std": -2.9320120660361626, + "nauc_ndcg_at_5_diff1": 36.07908412831893, + "nauc_ndcg_at_5_max": 22.602680088691933, + "nauc_ndcg_at_5_std": -2.3155102885765224, + "nauc_precision_at_1000_diff1": 4.577550609194703, + "nauc_precision_at_1000_max": 26.78992905112731, + "nauc_precision_at_1000_std": 25.97267966871786, + "nauc_precision_at_100_diff1": 13.994381284162882, + "nauc_precision_at_100_max": 28.409033283319435, + "nauc_precision_at_100_std": 19.54360923075281, + "nauc_precision_at_10_diff1": 26.12260312750217, + "nauc_precision_at_10_max": 26.95132125829464, + "nauc_precision_at_10_std": 6.680006112016357, + "nauc_precision_at_1_diff1": 42.42316114487945, + "nauc_precision_at_1_max": 22.68818224435017, + "nauc_precision_at_1_std": -3.303022083526107, + "nauc_precision_at_20_diff1": 22.016448533332603, + "nauc_precision_at_20_max": 27.456103557217652, + "nauc_precision_at_20_std": 11.45451026915214, + "nauc_precision_at_3_diff1": 32.23575594151647, + "nauc_precision_at_3_max": 24.64944574707706, + "nauc_precision_at_3_std": 0.4270460916222822, + "nauc_precision_at_5_diff1": 28.184806696208724, + "nauc_precision_at_5_max": 26.024592101042877, + "nauc_precision_at_5_std": 2.7638864153340785, + "nauc_recall_at_1000_diff1": 28.164928645360614, + "nauc_recall_at_1000_max": 31.31853591627895, + "nauc_recall_at_1000_std": 29.79149359900253, + "nauc_recall_at_100_diff1": 26.247172017074462, + "nauc_recall_at_100_max": 25.072512911620848, + "nauc_recall_at_100_std": 14.124550084941525, + "nauc_recall_at_10_diff1": 30.58061655649643, + "nauc_recall_at_10_max": 22.667693055140635, + "nauc_recall_at_10_std": 1.9018004971795854, + "nauc_recall_at_1_diff1": 43.17642739404867, + "nauc_recall_at_1_max": 20.42250394733745, + "nauc_recall_at_1_std": -5.1467721201242815, + "nauc_recall_at_20_diff1": 27.988315641021494, + "nauc_recall_at_20_max": 22.796849228410014, + "nauc_recall_at_20_std": 5.50275370960407, + "nauc_recall_at_3_diff1": 33.43292455380229, + "nauc_recall_at_3_max": 20.805193280031343, + "nauc_recall_at_3_std": -2.581776145023966, + "nauc_recall_at_5_diff1": 30.835768599716566, + "nauc_recall_at_5_max": 21.93578745163432, + "nauc_recall_at_5_std": -1.268567019686916, + "ndcg_at_1": 21.066, + "ndcg_at_10": 29.583, + "ndcg_at_100": 34.281, + "ndcg_at_1000": 36.876, + "ndcg_at_20": 31.339, + "ndcg_at_3": 25.572, + "ndcg_at_5": 27.61, + "precision_at_1": 21.066, + "precision_at_10": 5.009, + "precision_at_100": 0.8109999999999999, + "precision_at_1000": 0.11100000000000002, + "precision_at_20": 2.972, + "precision_at_3": 11.661000000000001, + "precision_at_5": 8.364, + "recall_at_1": 18.041, + "recall_at_10": 39.545, + "recall_at_100": 60.827, + "recall_at_1000": 80.255, + "recall_at_20": 46.076, + "recall_at_3": 28.872999999999998, + "recall_at_5": 33.771 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/CQADupstackGisRetrieval.json b/results/minishlab__potion-base-2M/external/CQADupstackGisRetrieval.json new file mode 100644 index 000000000..d5bb4cf92 --- /dev/null +++ b/results/minishlab__potion-base-2M/external/CQADupstackGisRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "5003b3064772da1887988e05400cf3806fe491f2", + "task_name": "CQADupstackGisRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 14.183000000000002, + "map_at_1": 9.024000000000001, + "map_at_10": 12.02, + "map_at_100": 12.692999999999998, + "map_at_1000": 12.797, + "map_at_20": 12.353, + "map_at_3": 10.932, + "map_at_5": 11.296000000000001, + "mrr_at_1": 9.717514124293785, + "mrr_at_10": 12.945879293336926, + "mrr_at_100": 13.611537580723049, + "mrr_at_1000": 13.711450596451852, + "mrr_at_20": 13.25786962702532, + "mrr_at_3": 11.770244821092277, + "mrr_at_5": 12.171374764595104, + "nauc_map_at_1000_diff1": 29.694382411892878, + "nauc_map_at_1000_max": 8.928542212540712, + "nauc_map_at_1000_std": -8.388892090698437, + "nauc_map_at_100_diff1": 29.71725096884429, + "nauc_map_at_100_max": 8.920381106437004, + "nauc_map_at_100_std": -8.43007776575813, + "nauc_map_at_10_diff1": 30.15550030704659, + "nauc_map_at_10_max": 8.77661748937144, + "nauc_map_at_10_std": -9.270013574850484, + "nauc_map_at_1_diff1": 35.9745839417964, + "nauc_map_at_1_max": 8.983726756853555, + "nauc_map_at_1_std": -11.543240200322865, + "nauc_map_at_20_diff1": 29.937715854896386, + "nauc_map_at_20_max": 8.928620938274623, + "nauc_map_at_20_std": -8.728423357602786, + "nauc_map_at_3_diff1": 32.944694198956206, + "nauc_map_at_3_max": 8.952369834670906, + "nauc_map_at_3_std": -10.766696316204687, + "nauc_map_at_5_diff1": 32.631999531576085, + "nauc_map_at_5_max": 8.918457144741136, + "nauc_map_at_5_std": -10.136893335843391, + "nauc_mrr_at_1000_diff1": 28.618528255212343, + "nauc_mrr_at_1000_max": 9.826758587627383, + "nauc_mrr_at_1000_std": -7.368476011211808, + "nauc_mrr_at_100_diff1": 28.632394726892514, + "nauc_mrr_at_100_max": 9.839544124304876, + "nauc_mrr_at_100_std": -7.39471497056017, + "nauc_mrr_at_10_diff1": 28.93313107887261, + "nauc_mrr_at_10_max": 9.691269483479616, + "nauc_mrr_at_10_std": -8.100092578456541, + "nauc_mrr_at_1_diff1": 34.18603002613899, + "nauc_mrr_at_1_max": 8.97972973713456, + "nauc_mrr_at_1_std": -9.556153409751639, + "nauc_mrr_at_20_diff1": 28.880085769654883, + "nauc_mrr_at_20_max": 9.83539863841401, + "nauc_mrr_at_20_std": -7.6711928068068715, + "nauc_mrr_at_3_diff1": 31.40284372995198, + "nauc_mrr_at_3_max": 9.594465679874684, + "nauc_mrr_at_3_std": -9.400155113213387, + "nauc_mrr_at_5_diff1": 31.18905330799594, + "nauc_mrr_at_5_max": 9.787223698234424, + "nauc_mrr_at_5_std": -8.944299902971345, + "nauc_ndcg_at_1000_diff1": 23.98343656497298, + "nauc_ndcg_at_1000_max": 9.548662140754342, + "nauc_ndcg_at_1000_std": -3.7183620023361126, + "nauc_ndcg_at_100_diff1": 24.482138056294662, + "nauc_ndcg_at_100_max": 9.287712920341493, + "nauc_ndcg_at_100_std": -4.2098225628994586, + "nauc_ndcg_at_10_diff1": 26.272731221058486, + "nauc_ndcg_at_10_max": 8.935260059702577, + "nauc_ndcg_at_10_std": -7.4748482166321235, + "nauc_ndcg_at_1_diff1": 34.18603002613899, + "nauc_ndcg_at_1_max": 8.97972973713456, + "nauc_ndcg_at_1_std": -9.556153409751639, + "nauc_ndcg_at_20_diff1": 26.042310377055955, + "nauc_ndcg_at_20_max": 9.515567707399725, + "nauc_ndcg_at_20_std": -5.846263691928579, + "nauc_ndcg_at_3_diff1": 31.72486596127279, + "nauc_ndcg_at_3_max": 9.163918049738104, + "nauc_ndcg_at_3_std": -10.2293347637829, + "nauc_ndcg_at_5_diff1": 31.345187267291596, + "nauc_ndcg_at_5_max": 9.251871069906997, + "nauc_ndcg_at_5_std": -9.190517533933997, + "nauc_precision_at_1000_diff1": 1.6736869988815313, + "nauc_precision_at_1000_max": 14.364386740236068, + "nauc_precision_at_1000_std": 10.502570067944601, + "nauc_precision_at_100_diff1": 9.796375940479075, + "nauc_precision_at_100_max": 11.6759128601933, + "nauc_precision_at_100_std": 6.451807159550276, + "nauc_precision_at_10_diff1": 14.956196135825833, + "nauc_precision_at_10_max": 10.647897707252016, + "nauc_precision_at_10_std": -1.8947853747077736, + "nauc_precision_at_1_diff1": 34.18603002613899, + "nauc_precision_at_1_max": 8.97972973713456, + "nauc_precision_at_1_std": -9.556153409751639, + "nauc_precision_at_20_diff1": 14.948011109939843, + "nauc_precision_at_20_max": 11.83845188031389, + "nauc_precision_at_20_std": 1.8405747345723766, + "nauc_precision_at_3_diff1": 26.918031903045808, + "nauc_precision_at_3_max": 10.123941318105489, + "nauc_precision_at_3_std": -7.702246246477078, + "nauc_precision_at_5_diff1": 26.346862759257117, + "nauc_precision_at_5_max": 11.828023841927628, + "nauc_precision_at_5_std": -4.953822315909637, + "nauc_recall_at_1000_diff1": 8.185631273725106, + "nauc_recall_at_1000_max": 9.208792138920922, + "nauc_recall_at_1000_std": 8.851170225853041, + "nauc_recall_at_100_diff1": 13.184052895257976, + "nauc_recall_at_100_max": 8.34697668610321, + "nauc_recall_at_100_std": 5.133453080128742, + "nauc_recall_at_10_diff1": 18.03232365141138, + "nauc_recall_at_10_max": 8.097991374932626, + "nauc_recall_at_10_std": -4.213914606258432, + "nauc_recall_at_1_diff1": 35.9745839417964, + "nauc_recall_at_1_max": 8.983726756853555, + "nauc_recall_at_1_std": -11.543240200322865, + "nauc_recall_at_20_diff1": 18.1972141095434, + "nauc_recall_at_20_max": 9.80580980272139, + "nauc_recall_at_20_std": 0.20096255057340812, + "nauc_recall_at_3_diff1": 29.839268769004594, + "nauc_recall_at_3_max": 8.768732586863983, + "nauc_recall_at_3_std": -10.018089902140288, + "nauc_recall_at_5_diff1": 29.23297408189115, + "nauc_recall_at_5_max": 8.544522709961912, + "nauc_recall_at_5_std": -7.932279670012872, + "ndcg_at_1": 9.718, + "ndcg_at_10": 14.183000000000002, + "ndcg_at_100": 17.863, + "ndcg_at_1000": 21.016000000000002, + "ndcg_at_20": 15.354999999999999, + "ndcg_at_3": 11.745, + "ndcg_at_5": 12.427000000000001, + "precision_at_1": 9.718, + "precision_at_10": 2.294, + "precision_at_100": 0.434, + "precision_at_1000": 0.075, + "precision_at_20": 1.401, + "precision_at_3": 4.859, + "precision_at_5": 3.345, + "recall_at_1": 9.024000000000001, + "recall_at_10": 20.125, + "recall_at_100": 37.833, + "recall_at_1000": 62.426, + "recall_at_20": 24.616, + "recall_at_3": 13.221, + "recall_at_5": 14.895 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/CQADupstackMathematicaRetrieval.json b/results/minishlab__potion-base-2M/external/CQADupstackMathematicaRetrieval.json new file mode 100644 index 000000000..4702667e7 --- /dev/null +++ b/results/minishlab__potion-base-2M/external/CQADupstackMathematicaRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "90fceea13679c63fe563ded68f3b6f06e50061de", + "task_name": "CQADupstackMathematicaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 8.94, + "map_at_1": 4.475, + "map_at_10": 7.015000000000001, + "map_at_100": 7.697, + "map_at_1000": 7.804, + "map_at_20": 7.367999999999999, + "map_at_3": 6.099, + "map_at_5": 6.68, + "mrr_at_1": 5.597014925373134, + "mrr_at_10": 8.630113322277507, + "mrr_at_100": 9.353274610091166, + "mrr_at_1000": 9.448219998278597, + "mrr_at_20": 8.994812422579749, + "mrr_at_3": 7.462686567164181, + "mrr_at_5": 8.196517412935329, + "nauc_map_at_1000_diff1": 20.699138033783353, + "nauc_map_at_1000_max": 3.4880186481745263, + "nauc_map_at_1000_std": 4.155266389156031, + "nauc_map_at_100_diff1": 20.789490863398864, + "nauc_map_at_100_max": 3.5101164215354155, + "nauc_map_at_100_std": 4.047378961340708, + "nauc_map_at_10_diff1": 21.067672790599165, + "nauc_map_at_10_max": 3.0190585833019683, + "nauc_map_at_10_std": 3.4097840153233765, + "nauc_map_at_1_diff1": 32.44381415995889, + "nauc_map_at_1_max": 1.605779939955904, + "nauc_map_at_1_std": 7.853049501980802, + "nauc_map_at_20_diff1": 20.742651462391994, + "nauc_map_at_20_max": 3.1031371838146424, + "nauc_map_at_20_std": 3.3972203680764763, + "nauc_map_at_3_diff1": 23.377850907655887, + "nauc_map_at_3_max": 3.43705458976893, + "nauc_map_at_3_std": 2.3052940647032365, + "nauc_map_at_5_diff1": 21.68540176297294, + "nauc_map_at_5_max": 2.6845256027684927, + "nauc_map_at_5_std": 3.6379258535324013, + "nauc_mrr_at_1000_diff1": 18.179331618128824, + "nauc_mrr_at_1000_max": 6.7180152872525145, + "nauc_mrr_at_1000_std": 8.300550321256708, + "nauc_mrr_at_100_diff1": 18.200682367921388, + "nauc_mrr_at_100_max": 6.723979433081779, + "nauc_mrr_at_100_std": 8.268658628379946, + "nauc_mrr_at_10_diff1": 18.53091497875312, + "nauc_mrr_at_10_max": 6.714211207518613, + "nauc_mrr_at_10_std": 8.254586191549585, + "nauc_mrr_at_1_diff1": 28.509273697241255, + "nauc_mrr_at_1_max": 7.443060099776353, + "nauc_mrr_at_1_std": 11.346899929828002, + "nauc_mrr_at_20_diff1": 18.13128713477393, + "nauc_mrr_at_20_max": 6.441290959694762, + "nauc_mrr_at_20_std": 7.8537386011502, + "nauc_mrr_at_3_diff1": 20.289638131876536, + "nauc_mrr_at_3_max": 7.51846286598189, + "nauc_mrr_at_3_std": 6.97629908313753, + "nauc_mrr_at_5_diff1": 19.057446686788765, + "nauc_mrr_at_5_max": 6.194041004063384, + "nauc_mrr_at_5_std": 8.266439336767421, + "nauc_ndcg_at_1000_diff1": 16.126133453218237, + "nauc_ndcg_at_1000_max": 6.473172599722209, + "nauc_ndcg_at_1000_std": 8.69652115727476, + "nauc_ndcg_at_100_diff1": 17.319872374514915, + "nauc_ndcg_at_100_max": 5.849495042439249, + "nauc_ndcg_at_100_std": 6.4265443584796245, + "nauc_ndcg_at_10_diff1": 17.125738796368445, + "nauc_ndcg_at_10_max": 4.0772304333748455, + "nauc_ndcg_at_10_std": 4.004536808476969, + "nauc_ndcg_at_1_diff1": 28.509273697241255, + "nauc_ndcg_at_1_max": 7.443060099776353, + "nauc_ndcg_at_1_std": 11.346899929828002, + "nauc_ndcg_at_20_diff1": 16.475293282383653, + "nauc_ndcg_at_20_max": 4.193159703014229, + "nauc_ndcg_at_20_std": 3.96542774314758, + "nauc_ndcg_at_3_diff1": 20.350265482388675, + "nauc_ndcg_at_3_max": 5.258781547082042, + "nauc_ndcg_at_3_std": 2.6739128400027274, + "nauc_ndcg_at_5_diff1": 18.21156852832094, + "nauc_ndcg_at_5_max": 3.4009566876713664, + "nauc_ndcg_at_5_std": 4.529302308172549, + "nauc_precision_at_1000_diff1": 2.6694472389688273, + "nauc_precision_at_1000_max": 10.292839463409427, + "nauc_precision_at_1000_std": 12.12168608682668, + "nauc_precision_at_100_diff1": 10.552417708360135, + "nauc_precision_at_100_max": 9.353011709773758, + "nauc_precision_at_100_std": 10.78398814531876, + "nauc_precision_at_10_diff1": 10.06090578402067, + "nauc_precision_at_10_max": 5.515400837825047, + "nauc_precision_at_10_std": 6.443354281004256, + "nauc_precision_at_1_diff1": 28.509273697241255, + "nauc_precision_at_1_max": 7.443060099776353, + "nauc_precision_at_1_std": 11.346899929828002, + "nauc_precision_at_20_diff1": 9.428352118377042, + "nauc_precision_at_20_max": 4.33555861374056, + "nauc_precision_at_20_std": 4.388987611299773, + "nauc_precision_at_3_diff1": 13.301255810657844, + "nauc_precision_at_3_max": 6.908538912369242, + "nauc_precision_at_3_std": 3.004805130717702, + "nauc_precision_at_5_diff1": 11.317272340249335, + "nauc_precision_at_5_max": 3.4111964514747863, + "nauc_precision_at_5_std": 7.497163702295884, + "nauc_recall_at_1000_diff1": 10.014724636274634, + "nauc_recall_at_1000_max": 11.16254057075483, + "nauc_recall_at_1000_std": 17.899753204645734, + "nauc_recall_at_100_diff1": 14.341707844085244, + "nauc_recall_at_100_max": 8.212409271393616, + "nauc_recall_at_100_std": 8.327605677358545, + "nauc_recall_at_10_diff1": 11.00540827579114, + "nauc_recall_at_10_max": 4.297950741770129, + "nauc_recall_at_10_std": 1.865764269075481, + "nauc_recall_at_1_diff1": 32.44381415995889, + "nauc_recall_at_1_max": 1.605779939955904, + "nauc_recall_at_1_std": 7.853049501980802, + "nauc_recall_at_20_diff1": 10.733904905390727, + "nauc_recall_at_20_max": 5.038326152107519, + "nauc_recall_at_20_std": 2.896829465891877, + "nauc_recall_at_3_diff1": 16.293656417216383, + "nauc_recall_at_3_max": 5.288540184568237, + "nauc_recall_at_3_std": -1.316531044326585, + "nauc_recall_at_5_diff1": 12.627860206383975, + "nauc_recall_at_5_max": 2.7818463087922063, + "nauc_recall_at_5_std": 3.183638834186147, + "ndcg_at_1": 5.5969999999999995, + "ndcg_at_10": 8.94, + "ndcg_at_100": 12.7, + "ndcg_at_1000": 16.137999999999998, + "ndcg_at_20": 10.184999999999999, + "ndcg_at_3": 7.031999999999999, + "ndcg_at_5": 8.083, + "precision_at_1": 5.5969999999999995, + "precision_at_10": 1.7160000000000002, + "precision_at_100": 0.418, + "precision_at_1000": 0.086, + "precision_at_20": 1.157, + "precision_at_3": 3.4410000000000003, + "precision_at_5": 2.711, + "recall_at_1": 4.475, + "recall_at_10": 13.354, + "recall_at_100": 30.723, + "recall_at_1000": 56.426, + "recall_at_20": 17.980999999999998, + "recall_at_3": 8.260000000000002, + "recall_at_5": 10.82 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/CQADupstackPhysicsRetrieval.json b/results/minishlab__potion-base-2M/external/CQADupstackPhysicsRetrieval.json new file mode 100644 index 000000000..b2495a016 --- /dev/null +++ b/results/minishlab__potion-base-2M/external/CQADupstackPhysicsRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "79531abbd1fb92d06c6d6315a0cbbbf5bb247ea4", + "task_name": "CQADupstackPhysicsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 20.294999999999998, + "map_at_1": 12.431000000000001, + "map_at_10": 17.011000000000003, + "map_at_100": 17.990000000000002, + "map_at_1000": 18.117, + "map_at_20": 17.524, + "map_at_3": 15.459, + "map_at_5": 16.220000000000002, + "mrr_at_1": 15.014436958614052, + "mrr_at_10": 20.13447759597904, + "mrr_at_100": 21.092552475264426, + "mrr_at_1000": 21.183384542127783, + "mrr_at_20": 20.697513105665596, + "mrr_at_3": 18.511389156239982, + "mrr_at_5": 19.39204363169715, + "nauc_map_at_1000_diff1": 40.995356165457636, + "nauc_map_at_1000_max": 26.332034350632583, + "nauc_map_at_1000_std": 1.1702089486357359, + "nauc_map_at_100_diff1": 40.99769475618877, + "nauc_map_at_100_max": 26.243799694692854, + "nauc_map_at_100_std": 1.0963613460061759, + "nauc_map_at_10_diff1": 41.59053494619633, + "nauc_map_at_10_max": 26.368323616840865, + "nauc_map_at_10_std": 0.005351397334266719, + "nauc_map_at_1_diff1": 50.48591275806671, + "nauc_map_at_1_max": 28.027862494196544, + "nauc_map_at_1_std": -2.5124831594155737, + "nauc_map_at_20_diff1": 41.05475708589465, + "nauc_map_at_20_max": 26.145989770614918, + "nauc_map_at_20_std": 0.491490393489295, + "nauc_map_at_3_diff1": 44.34725985166202, + "nauc_map_at_3_max": 26.72607401939832, + "nauc_map_at_3_std": -0.7356644837153518, + "nauc_map_at_5_diff1": 42.89323870377218, + "nauc_map_at_5_max": 26.64092778112793, + "nauc_map_at_5_std": -0.3252651730879754, + "nauc_mrr_at_1000_diff1": 38.54868139280313, + "nauc_mrr_at_1000_max": 27.87286530236558, + "nauc_mrr_at_1000_std": 2.9794274560669813, + "nauc_mrr_at_100_diff1": 38.52426785096177, + "nauc_mrr_at_100_max": 27.84756143748855, + "nauc_mrr_at_100_std": 2.9843775744142267, + "nauc_mrr_at_10_diff1": 39.02760076727665, + "nauc_mrr_at_10_max": 28.11011491417654, + "nauc_mrr_at_10_std": 2.263143490304297, + "nauc_mrr_at_1_diff1": 47.46793071753645, + "nauc_mrr_at_1_max": 30.632650480338175, + "nauc_mrr_at_1_std": 0.7118428827724745, + "nauc_mrr_at_20_diff1": 38.500695077836966, + "nauc_mrr_at_20_max": 27.813613143586462, + "nauc_mrr_at_20_std": 2.598650654867692, + "nauc_mrr_at_3_diff1": 41.3716661699587, + "nauc_mrr_at_3_max": 29.053477693340696, + "nauc_mrr_at_3_std": 1.808746724928547, + "nauc_mrr_at_5_diff1": 39.961419554830485, + "nauc_mrr_at_5_max": 28.935701693774877, + "nauc_mrr_at_5_std": 2.210123564134845, + "nauc_ndcg_at_1000_diff1": 35.79875968568294, + "nauc_ndcg_at_1000_max": 26.45802178490949, + "nauc_ndcg_at_1000_std": 7.215707993785419, + "nauc_ndcg_at_100_diff1": 35.644370540541075, + "nauc_ndcg_at_100_max": 25.34353569408452, + "nauc_ndcg_at_100_std": 6.393901524581685, + "nauc_ndcg_at_10_diff1": 37.29085262377084, + "nauc_ndcg_at_10_max": 25.72198363571514, + "nauc_ndcg_at_10_std": 1.7544615128354837, + "nauc_ndcg_at_1_diff1": 47.46793071753645, + "nauc_ndcg_at_1_max": 30.632650480338175, + "nauc_ndcg_at_1_std": 0.7118428827724745, + "nauc_ndcg_at_20_diff1": 35.647868902287165, + "nauc_ndcg_at_20_max": 24.821600201323278, + "nauc_ndcg_at_20_std": 3.1415069731821412, + "nauc_ndcg_at_3_diff1": 41.596694545162094, + "nauc_ndcg_at_3_max": 27.40177916659524, + "nauc_ndcg_at_3_std": 0.6589628153571406, + "nauc_ndcg_at_5_diff1": 39.56724224478506, + "nauc_ndcg_at_5_max": 27.020558127051846, + "nauc_ndcg_at_5_std": 1.3523747955809573, + "nauc_precision_at_1000_diff1": 4.302657386063613, + "nauc_precision_at_1000_max": 18.2796045022123, + "nauc_precision_at_1000_std": 18.118747871890772, + "nauc_precision_at_100_diff1": 13.618119375734416, + "nauc_precision_at_100_max": 22.894335594340422, + "nauc_precision_at_100_std": 20.49716188566563, + "nauc_precision_at_10_diff1": 21.78252168291007, + "nauc_precision_at_10_max": 26.275127596576407, + "nauc_precision_at_10_std": 8.954746260059663, + "nauc_precision_at_1_diff1": 47.46793071753645, + "nauc_precision_at_1_max": 30.632650480338175, + "nauc_precision_at_1_std": 0.7118428827724745, + "nauc_precision_at_20_diff1": 17.998498363354663, + "nauc_precision_at_20_max": 22.79803013558884, + "nauc_precision_at_20_std": 11.734660275051407, + "nauc_precision_at_3_diff1": 32.910356757577446, + "nauc_precision_at_3_max": 29.355200743687078, + "nauc_precision_at_3_std": 5.099200729327598, + "nauc_precision_at_5_diff1": 27.588662253074265, + "nauc_precision_at_5_max": 29.922214255182038, + "nauc_precision_at_5_std": 7.133551104463415, + "nauc_recall_at_1000_diff1": 19.241952529490536, + "nauc_recall_at_1000_max": 22.945537589056595, + "nauc_recall_at_1000_std": 29.961714655551148, + "nauc_recall_at_100_diff1": 22.155127117270283, + "nauc_recall_at_100_max": 18.625383308175493, + "nauc_recall_at_100_std": 18.98245591409261, + "nauc_recall_at_10_diff1": 27.850417430803375, + "nauc_recall_at_10_max": 21.675692250461214, + "nauc_recall_at_10_std": 3.679179920639074, + "nauc_recall_at_1_diff1": 50.48591275806671, + "nauc_recall_at_1_max": 28.027862494196544, + "nauc_recall_at_1_std": -2.5124831594155737, + "nauc_recall_at_20_diff1": 22.512641196134968, + "nauc_recall_at_20_max": 18.380335694614793, + "nauc_recall_at_20_std": 7.435706290910056, + "nauc_recall_at_3_diff1": 38.23610349854204, + "nauc_recall_at_3_max": 25.121072891517997, + "nauc_recall_at_3_std": 1.6735898854406979, + "nauc_recall_at_5_diff1": 33.45573937210992, + "nauc_recall_at_5_max": 24.32998084089149, + "nauc_recall_at_5_std": 3.0358523743841666, + "ndcg_at_1": 15.014, + "ndcg_at_10": 20.294999999999998, + "ndcg_at_100": 25.351000000000003, + "ndcg_at_1000": 28.576, + "ndcg_at_20": 22.113, + "ndcg_at_3": 17.47, + "ndcg_at_5": 18.644, + "precision_at_1": 15.014, + "precision_at_10": 3.811, + "precision_at_100": 0.758, + "precision_at_1000": 0.122, + "precision_at_20": 2.411, + "precision_at_3": 8.341, + "precision_at_5": 5.9479999999999995, + "recall_at_1": 12.431000000000001, + "recall_at_10": 27.188000000000002, + "recall_at_100": 49.826, + "recall_at_1000": 72.483, + "recall_at_20": 33.859, + "recall_at_3": 19.167, + "recall_at_5": 22.281000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/CQADupstackProgrammersRetrieval.json b/results/minishlab__potion-base-2M/external/CQADupstackProgrammersRetrieval.json new file mode 100644 index 000000000..a4d09d050 --- /dev/null +++ b/results/minishlab__potion-base-2M/external/CQADupstackProgrammersRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "6184bc1440d2dbc7612be22b50686b8826d22b32", + "task_name": "CQADupstackProgrammersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 14.094999999999999, + "map_at_1": 7.303, + "map_at_10": 11.117, + "map_at_100": 12.032, + "map_at_1000": 12.163, + "map_at_20": 11.573, + "map_at_3": 9.649000000000001, + "map_at_5": 10.363999999999999, + "mrr_at_1": 9.1324200913242, + "mrr_at_10": 13.651110748713483, + "mrr_at_100": 14.51197163225672, + "mrr_at_1000": 14.613337993483293, + "mrr_at_20": 14.100106685630351, + "mrr_at_3": 12.005327245053268, + "mrr_at_5": 12.815829528158297, + "nauc_map_at_1000_diff1": 29.862867281596824, + "nauc_map_at_1000_max": 18.28531520368194, + "nauc_map_at_1000_std": 5.80584733659641, + "nauc_map_at_100_diff1": 29.87327043708194, + "nauc_map_at_100_max": 18.163395665550443, + "nauc_map_at_100_std": 5.676097483977982, + "nauc_map_at_10_diff1": 30.350916526673387, + "nauc_map_at_10_max": 17.846298150443882, + "nauc_map_at_10_std": 4.3226731665874345, + "nauc_map_at_1_diff1": 41.53532999423742, + "nauc_map_at_1_max": 20.989977874238626, + "nauc_map_at_1_std": 0.12919073079860827, + "nauc_map_at_20_diff1": 30.06844081159391, + "nauc_map_at_20_max": 17.873194514535488, + "nauc_map_at_20_std": 4.872720284268709, + "nauc_map_at_3_diff1": 33.6174080151037, + "nauc_map_at_3_max": 18.166456594456175, + "nauc_map_at_3_std": 2.896530825289501, + "nauc_map_at_5_diff1": 31.504566510177302, + "nauc_map_at_5_max": 17.93591120644573, + "nauc_map_at_5_std": 2.254193364885245, + "nauc_mrr_at_1000_diff1": 26.320408655131395, + "nauc_mrr_at_1000_max": 21.953529111617648, + "nauc_mrr_at_1000_std": 7.37046085302909, + "nauc_mrr_at_100_diff1": 26.302748717403563, + "nauc_mrr_at_100_max": 21.889357474358334, + "nauc_mrr_at_100_std": 7.338435428167231, + "nauc_mrr_at_10_diff1": 26.555927614522894, + "nauc_mrr_at_10_max": 22.257898944461783, + "nauc_mrr_at_10_std": 6.8052301035062035, + "nauc_mrr_at_1_diff1": 36.684553884221955, + "nauc_mrr_at_1_max": 25.48530151556953, + "nauc_mrr_at_1_std": 3.048877367303359, + "nauc_mrr_at_20_diff1": 26.326859097141593, + "nauc_mrr_at_20_max": 21.919318670390712, + "nauc_mrr_at_20_std": 7.125641468085978, + "nauc_mrr_at_3_diff1": 29.69932296050628, + "nauc_mrr_at_3_max": 23.683386112606282, + "nauc_mrr_at_3_std": 5.397563170400955, + "nauc_mrr_at_5_diff1": 27.701563882738522, + "nauc_mrr_at_5_max": 22.955245303254017, + "nauc_mrr_at_5_std": 5.231835251158974, + "nauc_ndcg_at_1000_diff1": 24.297424985001015, + "nauc_ndcg_at_1000_max": 20.306966661874245, + "nauc_ndcg_at_1000_std": 13.873545348303818, + "nauc_ndcg_at_100_diff1": 24.093566196853757, + "nauc_ndcg_at_100_max": 17.873825740316427, + "nauc_ndcg_at_100_std": 11.617123418364676, + "nauc_ndcg_at_10_diff1": 25.263815241083986, + "nauc_ndcg_at_10_max": 17.53213955708432, + "nauc_ndcg_at_10_std": 7.18466149501028, + "nauc_ndcg_at_1_diff1": 36.684553884221955, + "nauc_ndcg_at_1_max": 25.48530151556953, + "nauc_ndcg_at_1_std": 3.048877367303359, + "nauc_ndcg_at_20_diff1": 24.51658540263249, + "nauc_ndcg_at_20_max": 17.15525149947788, + "nauc_ndcg_at_20_std": 8.47477375794873, + "nauc_ndcg_at_3_diff1": 30.477243993172383, + "nauc_ndcg_at_3_max": 19.362585630411125, + "nauc_ndcg_at_3_std": 4.36632933674639, + "nauc_ndcg_at_5_diff1": 27.26848481494293, + "nauc_ndcg_at_5_max": 18.462159616033276, + "nauc_ndcg_at_5_std": 3.213137910126468, + "nauc_precision_at_1000_diff1": 1.0736355105318376, + "nauc_precision_at_1000_max": 18.51072739593544, + "nauc_precision_at_1000_std": 18.09096260033513, + "nauc_precision_at_100_diff1": 10.91522849112623, + "nauc_precision_at_100_max": 20.046044177346676, + "nauc_precision_at_100_std": 22.757282561231293, + "nauc_precision_at_10_diff1": 15.502562368567993, + "nauc_precision_at_10_max": 19.710006841646, + "nauc_precision_at_10_std": 15.785469668328542, + "nauc_precision_at_1_diff1": 36.684553884221955, + "nauc_precision_at_1_max": 25.48530151556953, + "nauc_precision_at_1_std": 3.048877367303359, + "nauc_precision_at_20_diff1": 13.971940104916381, + "nauc_precision_at_20_max": 18.273116307710737, + "nauc_precision_at_20_std": 18.36985028918322, + "nauc_precision_at_3_diff1": 24.258746372971096, + "nauc_precision_at_3_max": 21.58783837985128, + "nauc_precision_at_3_std": 7.400932652411214, + "nauc_precision_at_5_diff1": 18.7761846559401, + "nauc_precision_at_5_max": 19.42020311187233, + "nauc_precision_at_5_std": 5.341062590691995, + "nauc_recall_at_1000_diff1": 13.643070685078346, + "nauc_recall_at_1000_max": 24.738113172451285, + "nauc_recall_at_1000_std": 37.04460245864719, + "nauc_recall_at_100_diff1": 13.667185609958683, + "nauc_recall_at_100_max": 12.525118917774652, + "nauc_recall_at_100_std": 21.04251260586679, + "nauc_recall_at_10_diff1": 16.739434654375483, + "nauc_recall_at_10_max": 12.717329215582637, + "nauc_recall_at_10_std": 10.731719143575397, + "nauc_recall_at_1_diff1": 41.53532999423742, + "nauc_recall_at_1_max": 20.989977874238626, + "nauc_recall_at_1_std": 0.12919073079860827, + "nauc_recall_at_20_diff1": 14.868890539957777, + "nauc_recall_at_20_max": 11.729101949172534, + "nauc_recall_at_20_std": 12.813638534198143, + "nauc_recall_at_3_diff1": 25.86824535860269, + "nauc_recall_at_3_max": 15.894774632237532, + "nauc_recall_at_3_std": 4.443073134833879, + "nauc_recall_at_5_diff1": 20.89067633508717, + "nauc_recall_at_5_max": 15.049382971341338, + "nauc_recall_at_5_std": 2.887694159444617, + "ndcg_at_1": 9.132, + "ndcg_at_10": 14.094999999999999, + "ndcg_at_100": 18.762999999999998, + "ndcg_at_1000": 22.141, + "ndcg_at_20": 15.673, + "ndcg_at_3": 11.129, + "ndcg_at_5": 12.289, + "precision_at_1": 9.132, + "precision_at_10": 2.8770000000000002, + "precision_at_100": 0.639, + "precision_at_1000": 0.109, + "precision_at_20": 1.9120000000000001, + "precision_at_3": 5.441, + "precision_at_5": 4.087, + "recall_at_1": 7.303, + "recall_at_10": 20.74, + "recall_at_100": 41.465999999999994, + "recall_at_1000": 65.818, + "recall_at_20": 26.395000000000003, + "recall_at_3": 12.546, + "recall_at_5": 15.453 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/CQADupstackStatsRetrieval.json b/results/minishlab__potion-base-2M/external/CQADupstackStatsRetrieval.json new file mode 100644 index 000000000..c89fe9510 --- /dev/null +++ b/results/minishlab__potion-base-2M/external/CQADupstackStatsRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "65ac3a16b8e91f9cee4c9828cc7c335575432a2a", + "task_name": "CQADupstackStatsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 11.084, + "map_at_1": 5.473999999999999, + "map_at_10": 8.647, + "map_at_100": 9.254999999999999, + "map_at_1000": 9.343, + "map_at_20": 8.917, + "map_at_3": 7.116, + "map_at_5": 7.994999999999999, + "mrr_at_1": 6.901840490797547, + "mrr_at_10": 10.09019865614958, + "mrr_at_100": 10.710876089302603, + "mrr_at_1000": 10.80105115646488, + "mrr_at_20": 10.370791231604123, + "mrr_at_3": 8.384458077709613, + "mrr_at_5": 9.435071574642132, + "nauc_map_at_1000_diff1": 30.435533125669867, + "nauc_map_at_1000_max": 12.005700207406719, + "nauc_map_at_1000_std": 11.98304586760235, + "nauc_map_at_100_diff1": 30.39651861345863, + "nauc_map_at_100_max": 11.958667333522488, + "nauc_map_at_100_std": 11.988463526455364, + "nauc_map_at_10_diff1": 31.61134419975441, + "nauc_map_at_10_max": 12.466187898649492, + "nauc_map_at_10_std": 11.313817239575812, + "nauc_map_at_1_diff1": 40.459086633032356, + "nauc_map_at_1_max": 15.968191561744455, + "nauc_map_at_1_std": 11.53791310770506, + "nauc_map_at_20_diff1": 30.924210732306122, + "nauc_map_at_20_max": 12.25287847619258, + "nauc_map_at_20_std": 11.55166826589565, + "nauc_map_at_3_diff1": 34.474904520349476, + "nauc_map_at_3_max": 12.362217289453296, + "nauc_map_at_3_std": 11.91602389729683, + "nauc_map_at_5_diff1": 33.02009096009877, + "nauc_map_at_5_max": 12.293024493317091, + "nauc_map_at_5_std": 11.115164915945979, + "nauc_mrr_at_1000_diff1": 30.201837733428693, + "nauc_mrr_at_1000_max": 13.810857624668744, + "nauc_mrr_at_1000_std": 13.424949091741523, + "nauc_mrr_at_100_diff1": 30.154981139066106, + "nauc_mrr_at_100_max": 13.768835955825477, + "nauc_mrr_at_100_std": 13.437344407365057, + "nauc_mrr_at_10_diff1": 31.32911731857685, + "nauc_mrr_at_10_max": 14.372259338280156, + "nauc_mrr_at_10_std": 12.954575872352802, + "nauc_mrr_at_1_diff1": 40.183370781496436, + "nauc_mrr_at_1_max": 18.521164314158963, + "nauc_mrr_at_1_std": 13.876661499833192, + "nauc_mrr_at_20_diff1": 30.659255034067307, + "nauc_mrr_at_20_max": 14.208264685122343, + "nauc_mrr_at_20_std": 13.247575342063858, + "nauc_mrr_at_3_diff1": 33.81220382547985, + "nauc_mrr_at_3_max": 14.739175293962711, + "nauc_mrr_at_3_std": 13.51393470776092, + "nauc_mrr_at_5_diff1": 32.70503122094358, + "nauc_mrr_at_5_max": 14.58301653112657, + "nauc_mrr_at_5_std": 12.688382187193964, + "nauc_ndcg_at_1000_diff1": 23.898238338589813, + "nauc_ndcg_at_1000_max": 11.114129082978721, + "nauc_ndcg_at_1000_std": 13.731675765819507, + "nauc_ndcg_at_100_diff1": 23.37647877218008, + "nauc_ndcg_at_100_max": 9.752186087015916, + "nauc_ndcg_at_100_std": 14.038238814077786, + "nauc_ndcg_at_10_diff1": 27.862970249084874, + "nauc_ndcg_at_10_max": 12.080245279627151, + "nauc_ndcg_at_10_std": 11.163917047664574, + "nauc_ndcg_at_1_diff1": 40.183370781496436, + "nauc_ndcg_at_1_max": 18.521164314158963, + "nauc_ndcg_at_1_std": 13.876661499833192, + "nauc_ndcg_at_20_diff1": 26.004324461514095, + "nauc_ndcg_at_20_max": 11.489468188078314, + "nauc_ndcg_at_20_std": 11.996507006587706, + "nauc_ndcg_at_3_diff1": 32.598511559625955, + "nauc_ndcg_at_3_max": 11.4749311612369, + "nauc_ndcg_at_3_std": 12.255358545075135, + "nauc_ndcg_at_5_diff1": 30.40071630731615, + "nauc_ndcg_at_5_max": 11.564972341416748, + "nauc_ndcg_at_5_std": 10.673835410901216, + "nauc_precision_at_1000_diff1": 15.885458614190167, + "nauc_precision_at_1000_max": 13.531762379826272, + "nauc_precision_at_1000_std": 18.76316740635119, + "nauc_precision_at_100_diff1": 13.514892278384458, + "nauc_precision_at_100_max": 12.69922516770082, + "nauc_precision_at_100_std": 21.78469261226693, + "nauc_precision_at_10_diff1": 23.955298612073094, + "nauc_precision_at_10_max": 14.65966194981769, + "nauc_precision_at_10_std": 13.163937767486209, + "nauc_precision_at_1_diff1": 40.183370781496436, + "nauc_precision_at_1_max": 18.521164314158963, + "nauc_precision_at_1_std": 13.876661499833192, + "nauc_precision_at_20_diff1": 20.256887655625906, + "nauc_precision_at_20_max": 12.444330057218782, + "nauc_precision_at_20_std": 14.516083967147559, + "nauc_precision_at_3_diff1": 30.673101233143047, + "nauc_precision_at_3_max": 12.749036514728967, + "nauc_precision_at_3_std": 13.791131287286138, + "nauc_precision_at_5_diff1": 28.23647732368974, + "nauc_precision_at_5_max": 12.463909834151341, + "nauc_precision_at_5_std": 10.939907985087165, + "nauc_recall_at_1000_diff1": 10.109855189399731, + "nauc_recall_at_1000_max": 8.877789681216209, + "nauc_recall_at_1000_std": 14.575603895088566, + "nauc_recall_at_100_diff1": 10.19885264652248, + "nauc_recall_at_100_max": 2.6983137370833488, + "nauc_recall_at_100_std": 16.498875224858587, + "nauc_recall_at_10_diff1": 20.468620592125365, + "nauc_recall_at_10_max": 9.468638893767974, + "nauc_recall_at_10_std": 9.106303262865776, + "nauc_recall_at_1_diff1": 40.459086633032356, + "nauc_recall_at_1_max": 15.968191561744455, + "nauc_recall_at_1_std": 11.53791310770506, + "nauc_recall_at_20_diff1": 16.298246884560854, + "nauc_recall_at_20_max": 7.988135441382633, + "nauc_recall_at_20_std": 11.127243159943715, + "nauc_recall_at_3_diff1": 27.53910781445452, + "nauc_recall_at_3_max": 8.222622822120936, + "nauc_recall_at_3_std": 11.272104373840055, + "nauc_recall_at_5_diff1": 23.86996501085239, + "nauc_recall_at_5_max": 8.392455457234703, + "nauc_recall_at_5_std": 8.326116528002244, + "ndcg_at_1": 6.902, + "ndcg_at_10": 11.084, + "ndcg_at_100": 14.585999999999999, + "ndcg_at_1000": 17.299, + "ndcg_at_20": 12.073, + "ndcg_at_3": 8.03, + "ndcg_at_5": 9.583, + "precision_at_1": 6.902, + "precision_at_10": 2.147, + "precision_at_100": 0.426, + "precision_at_1000": 0.07200000000000001, + "precision_at_20": 1.2959999999999998, + "precision_at_3": 3.7830000000000004, + "precision_at_5": 3.19, + "recall_at_1": 5.473999999999999, + "recall_at_10": 17.432, + "recall_at_100": 34.385, + "recall_at_1000": 55.132000000000005, + "recall_at_20": 21.305, + "recall_at_3": 9.052, + "recall_at_5": 12.891 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/CQADupstackTexRetrieval.json b/results/minishlab__potion-base-2M/external/CQADupstackTexRetrieval.json new file mode 100644 index 000000000..f1dc7014b --- /dev/null +++ b/results/minishlab__potion-base-2M/external/CQADupstackTexRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "46989137a86843e03a6195de44b09deda022eec7", + "task_name": "CQADupstackTexRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 9.0, + "map_at_1": 4.699, + "map_at_10": 7.098, + "map_at_100": 7.605, + "map_at_1000": 7.712, + "map_at_20": 7.337000000000001, + "map_at_3": 6.138, + "map_at_5": 6.5809999999999995, + "mrr_at_1": 5.815554026152787, + "mrr_at_10": 8.60257649744917, + "mrr_at_100": 9.178358604435788, + "mrr_at_1000": 9.273358449979913, + "mrr_at_20": 8.890048577862194, + "mrr_at_3": 7.501720578114253, + "mrr_at_5": 8.014452856159672, + "nauc_map_at_1000_diff1": 30.593503138765428, + "nauc_map_at_1000_max": 18.453660255547693, + "nauc_map_at_1000_std": -1.7685567473582366, + "nauc_map_at_100_diff1": 30.650406650792867, + "nauc_map_at_100_max": 18.373623725444453, + "nauc_map_at_100_std": -1.9681957834935826, + "nauc_map_at_10_diff1": 31.811653014506152, + "nauc_map_at_10_max": 18.21651480605788, + "nauc_map_at_10_std": -2.9289522062108784, + "nauc_map_at_1_diff1": 41.22007664054066, + "nauc_map_at_1_max": 21.46970375146556, + "nauc_map_at_1_std": -1.2270094063971864, + "nauc_map_at_20_diff1": 30.950280855804262, + "nauc_map_at_20_max": 18.20426095422395, + "nauc_map_at_20_std": -2.2813322264387317, + "nauc_map_at_3_diff1": 34.836258994809555, + "nauc_map_at_3_max": 20.008809414227088, + "nauc_map_at_3_std": -2.4831995200462877, + "nauc_map_at_5_diff1": 33.53955304108325, + "nauc_map_at_5_max": 19.249532084724976, + "nauc_map_at_5_std": -2.7248191532377017, + "nauc_mrr_at_1000_diff1": 28.970055122260934, + "nauc_mrr_at_1000_max": 19.51589259479635, + "nauc_mrr_at_1000_std": -0.6191130680144826, + "nauc_mrr_at_100_diff1": 28.99415333990028, + "nauc_mrr_at_100_max": 19.489286318028913, + "nauc_mrr_at_100_std": -0.6904166831553156, + "nauc_mrr_at_10_diff1": 29.849897127551994, + "nauc_mrr_at_10_max": 19.34919336545091, + "nauc_mrr_at_10_std": -1.6338498086246527, + "nauc_mrr_at_1_diff1": 38.11981597192683, + "nauc_mrr_at_1_max": 23.254943869402304, + "nauc_mrr_at_1_std": -0.912901935471625, + "nauc_mrr_at_20_diff1": 29.188353833212986, + "nauc_mrr_at_20_max": 19.359637185038142, + "nauc_mrr_at_20_std": -0.9198376575664564, + "nauc_mrr_at_3_diff1": 32.588159647991255, + "nauc_mrr_at_3_max": 20.740531692877195, + "nauc_mrr_at_3_std": -1.5083070506201077, + "nauc_mrr_at_5_diff1": 31.539888866743084, + "nauc_mrr_at_5_max": 20.44348881279962, + "nauc_mrr_at_5_std": -1.6873820593904274, + "nauc_ndcg_at_1000_diff1": 23.557578195316097, + "nauc_ndcg_at_1000_max": 18.510335075222166, + "nauc_ndcg_at_1000_std": 3.469591902714254, + "nauc_ndcg_at_100_diff1": 24.458067231136006, + "nauc_ndcg_at_100_max": 17.298674134219844, + "nauc_ndcg_at_100_std": 0.5501100894117191, + "nauc_ndcg_at_10_diff1": 27.689420705932218, + "nauc_ndcg_at_10_max": 16.38882750521239, + "nauc_ndcg_at_10_std": -3.0544713516417197, + "nauc_ndcg_at_1_diff1": 38.11981597192683, + "nauc_ndcg_at_1_max": 23.254943869402304, + "nauc_ndcg_at_1_std": -0.912901935471625, + "nauc_ndcg_at_20_diff1": 25.61748620708531, + "nauc_ndcg_at_20_max": 16.382425400354414, + "nauc_ndcg_at_20_std": -1.1038549983732726, + "nauc_ndcg_at_3_diff1": 32.54369670243574, + "nauc_ndcg_at_3_max": 19.579663222392483, + "nauc_ndcg_at_3_std": -2.39761396687425, + "nauc_ndcg_at_5_diff1": 30.92127124752099, + "nauc_ndcg_at_5_max": 18.48113539417429, + "nauc_ndcg_at_5_std": -2.773343405545779, + "nauc_precision_at_1000_diff1": 7.4306683973787955, + "nauc_precision_at_1000_max": 24.159650238977886, + "nauc_precision_at_1000_std": 20.763060943130444, + "nauc_precision_at_100_diff1": 13.977127543915302, + "nauc_precision_at_100_max": 20.869226948933484, + "nauc_precision_at_100_std": 9.661028336511375, + "nauc_precision_at_10_diff1": 19.380945900490023, + "nauc_precision_at_10_max": 15.448645443238792, + "nauc_precision_at_10_std": -2.40779497372621, + "nauc_precision_at_1_diff1": 38.11981597192683, + "nauc_precision_at_1_max": 23.254943869402304, + "nauc_precision_at_1_std": -0.912901935471625, + "nauc_precision_at_20_diff1": 16.160123874138144, + "nauc_precision_at_20_max": 17.48755145780663, + "nauc_precision_at_20_std": 4.165695881782506, + "nauc_precision_at_3_diff1": 29.147993451561664, + "nauc_precision_at_3_max": 19.906375084344262, + "nauc_precision_at_3_std": -2.963281652492904, + "nauc_precision_at_5_diff1": 26.37656688810861, + "nauc_precision_at_5_max": 19.490814194233902, + "nauc_precision_at_5_std": -2.807622324723641, + "nauc_recall_at_1000_diff1": 11.055980578698891, + "nauc_recall_at_1000_max": 17.067913162609578, + "nauc_recall_at_1000_std": 13.86839682763791, + "nauc_recall_at_100_diff1": 14.616493061478572, + "nauc_recall_at_100_max": 14.082658622676192, + "nauc_recall_at_100_std": 4.29554835873666, + "nauc_recall_at_10_diff1": 20.59282910525744, + "nauc_recall_at_10_max": 11.294371411877117, + "nauc_recall_at_10_std": -4.076776396400985, + "nauc_recall_at_1_diff1": 41.22007664054066, + "nauc_recall_at_1_max": 21.46970375146556, + "nauc_recall_at_1_std": -1.2270094063971864, + "nauc_recall_at_20_diff1": 16.590417625375398, + "nauc_recall_at_20_max": 11.496290687792293, + "nauc_recall_at_20_std": 0.2718324385330241, + "nauc_recall_at_3_diff1": 29.739297600177927, + "nauc_recall_at_3_max": 17.456812549646664, + "nauc_recall_at_3_std": -3.330718505394941, + "nauc_recall_at_5_diff1": 26.526643928548303, + "nauc_recall_at_5_max": 14.970019231755732, + "nauc_recall_at_5_std": -4.104709617473779, + "ndcg_at_1": 5.816000000000001, + "ndcg_at_10": 9.0, + "ndcg_at_100": 11.966000000000001, + "ndcg_at_1000": 15.136, + "ndcg_at_20": 9.895, + "ndcg_at_3": 7.029000000000001, + "ndcg_at_5": 7.7490000000000006, + "precision_at_1": 5.816000000000001, + "precision_at_10": 1.786, + "precision_at_100": 0.392, + "precision_at_1000": 0.08099999999999999, + "precision_at_20": 1.139, + "precision_at_3": 3.338, + "precision_at_5": 2.512, + "recall_at_1": 4.699, + "recall_at_10": 13.444, + "recall_at_100": 27.338, + "recall_at_1000": 50.958000000000006, + "recall_at_20": 16.789, + "recall_at_3": 7.965999999999999, + "recall_at_5": 9.795 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/CQADupstackUnixRetrieval.json b/results/minishlab__potion-base-2M/external/CQADupstackUnixRetrieval.json new file mode 100644 index 000000000..24881a6a6 --- /dev/null +++ b/results/minishlab__potion-base-2M/external/CQADupstackUnixRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "6c6430d3a6d36f8d2a829195bc5dc94d7e063e53", + "task_name": "CQADupstackUnixRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 14.642, + "map_at_1": 8.594, + "map_at_10": 12.043, + "map_at_100": 12.628, + "map_at_1000": 12.748000000000001, + "map_at_20": 12.328999999999999, + "map_at_3": 10.825, + "map_at_5": 11.456, + "mrr_at_1": 10.167910447761194, + "mrr_at_10": 14.230632551528075, + "mrr_at_100": 14.84826533644871, + "mrr_at_1000": 14.952253325630801, + "mrr_at_20": 14.559963665127185, + "mrr_at_3": 12.795398009950246, + "mrr_at_5": 13.583644278606963, + "nauc_map_at_1000_diff1": 34.931894084707906, + "nauc_map_at_1000_max": 26.011453817858175, + "nauc_map_at_1000_std": -5.259310316806391, + "nauc_map_at_100_diff1": 34.97132262158893, + "nauc_map_at_100_max": 25.977925092139316, + "nauc_map_at_100_std": -5.363299933468949, + "nauc_map_at_10_diff1": 35.413614063892055, + "nauc_map_at_10_max": 25.996042532353293, + "nauc_map_at_10_std": -5.828052448730221, + "nauc_map_at_1_diff1": 45.43577340681606, + "nauc_map_at_1_max": 31.35451790693192, + "nauc_map_at_1_std": -6.804647167393954, + "nauc_map_at_20_diff1": 35.22634384251006, + "nauc_map_at_20_max": 26.0791417390376, + "nauc_map_at_20_std": -5.568206354119795, + "nauc_map_at_3_diff1": 37.88264382017105, + "nauc_map_at_3_max": 26.58464964762371, + "nauc_map_at_3_std": -7.143200449464618, + "nauc_map_at_5_diff1": 36.87555416284773, + "nauc_map_at_5_max": 26.187259454362504, + "nauc_map_at_5_std": -6.369340817625665, + "nauc_mrr_at_1000_diff1": 32.95386882016721, + "nauc_mrr_at_1000_max": 25.415545409989647, + "nauc_mrr_at_1000_std": -3.2966559932534576, + "nauc_mrr_at_100_diff1": 32.929024101483584, + "nauc_mrr_at_100_max": 25.410922727779607, + "nauc_mrr_at_100_std": -3.3602828495013846, + "nauc_mrr_at_10_diff1": 33.33184163667248, + "nauc_mrr_at_10_max": 25.23251644013973, + "nauc_mrr_at_10_std": -3.9425879290670562, + "nauc_mrr_at_1_diff1": 42.82444714568402, + "nauc_mrr_at_1_max": 31.162164601016823, + "nauc_mrr_at_1_std": -3.5959462505495385, + "nauc_mrr_at_20_diff1": 32.98077540397205, + "nauc_mrr_at_20_max": 25.377444590764863, + "nauc_mrr_at_20_std": -3.5942289573803903, + "nauc_mrr_at_3_diff1": 35.661719035464436, + "nauc_mrr_at_3_max": 25.822835021311068, + "nauc_mrr_at_3_std": -5.167396128886139, + "nauc_mrr_at_5_diff1": 34.415035085200515, + "nauc_mrr_at_5_max": 25.28881508345901, + "nauc_mrr_at_5_std": -4.235402582912731, + "nauc_ndcg_at_1000_diff1": 28.03863791690561, + "nauc_ndcg_at_1000_max": 24.6958953334643, + "nauc_ndcg_at_1000_std": 0.2069763422184006, + "nauc_ndcg_at_100_diff1": 28.85548056591013, + "nauc_ndcg_at_100_max": 24.19122237527082, + "nauc_ndcg_at_100_std": -2.2423685304285166, + "nauc_ndcg_at_10_diff1": 30.880622024820205, + "nauc_ndcg_at_10_max": 24.18898174097302, + "nauc_ndcg_at_10_std": -4.469335009355912, + "nauc_ndcg_at_1_diff1": 42.82444714568402, + "nauc_ndcg_at_1_max": 31.162164601016823, + "nauc_ndcg_at_1_std": -3.5959462505495385, + "nauc_ndcg_at_20_diff1": 30.20323649965523, + "nauc_ndcg_at_20_max": 24.593772143811695, + "nauc_ndcg_at_20_std": -3.5991057238283384, + "nauc_ndcg_at_3_diff1": 34.91373670076786, + "nauc_ndcg_at_3_max": 25.19536568941237, + "nauc_ndcg_at_3_std": -6.633997595341361, + "nauc_ndcg_at_5_diff1": 33.63758824952721, + "nauc_ndcg_at_5_max": 24.49292307627649, + "nauc_ndcg_at_5_std": -5.4472189787652745, + "nauc_precision_at_1000_diff1": 1.894326402664092, + "nauc_precision_at_1000_max": 18.837828888922346, + "nauc_precision_at_1000_std": 17.376768802392526, + "nauc_precision_at_100_diff1": 10.353766835996908, + "nauc_precision_at_100_max": 20.365565090207998, + "nauc_precision_at_100_std": 7.2204931423322805, + "nauc_precision_at_10_diff1": 16.79988263352762, + "nauc_precision_at_10_max": 21.063528845406292, + "nauc_precision_at_10_std": 0.13932249989411608, + "nauc_precision_at_1_diff1": 42.82444714568402, + "nauc_precision_at_1_max": 31.162164601016823, + "nauc_precision_at_1_std": -3.5959462505495385, + "nauc_precision_at_20_diff1": 14.92905968759458, + "nauc_precision_at_20_max": 22.36507590889619, + "nauc_precision_at_20_std": 2.331429468555827, + "nauc_precision_at_3_diff1": 26.951382943694664, + "nauc_precision_at_3_max": 22.522880130849387, + "nauc_precision_at_3_std": -4.497059354718661, + "nauc_precision_at_5_diff1": 23.34961270184579, + "nauc_precision_at_5_max": 21.853489705418728, + "nauc_precision_at_5_std": -1.902919557653842, + "nauc_recall_at_1000_diff1": 8.111241040499726, + "nauc_recall_at_1000_max": 19.23752105197241, + "nauc_recall_at_1000_std": 17.91949865825608, + "nauc_recall_at_100_diff1": 15.786966865491731, + "nauc_recall_at_100_max": 18.78573902011604, + "nauc_recall_at_100_std": 3.605693949233441, + "nauc_recall_at_10_diff1": 21.754181878336514, + "nauc_recall_at_10_max": 19.791211404418977, + "nauc_recall_at_10_std": -2.515188856014479, + "nauc_recall_at_1_diff1": 45.43577340681606, + "nauc_recall_at_1_max": 31.35451790693192, + "nauc_recall_at_1_std": -6.804647167393954, + "nauc_recall_at_20_diff1": 20.17297025573394, + "nauc_recall_at_20_max": 20.664495991798958, + "nauc_recall_at_20_std": -0.4228284630643226, + "nauc_recall_at_3_diff1": 30.62553553336479, + "nauc_recall_at_3_max": 21.35160745104226, + "nauc_recall_at_3_std": -7.871793761319987, + "nauc_recall_at_5_diff1": 28.572307121700735, + "nauc_recall_at_5_max": 20.62477116223967, + "nauc_recall_at_5_std": -4.906118790698553, + "ndcg_at_1": 10.168000000000001, + "ndcg_at_10": 14.642, + "ndcg_at_100": 17.97, + "ndcg_at_1000": 21.528, + "ndcg_at_20": 15.675, + "ndcg_at_3": 12.116, + "ndcg_at_5": 13.217, + "precision_at_1": 10.168000000000001, + "precision_at_10": 2.6310000000000002, + "precision_at_100": 0.48700000000000004, + "precision_at_1000": 0.09, + "precision_at_20": 1.5859999999999999, + "precision_at_3": 5.5969999999999995, + "precision_at_5": 4.123, + "recall_at_1": 8.594, + "recall_at_10": 20.544999999999998, + "recall_at_100": 36.232, + "recall_at_1000": 62.958999999999996, + "recall_at_20": 24.248, + "recall_at_3": 13.555, + "recall_at_5": 16.259 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/CQADupstackWebmastersRetrieval.json b/results/minishlab__potion-base-2M/external/CQADupstackWebmastersRetrieval.json new file mode 100644 index 000000000..f3f150913 --- /dev/null +++ b/results/minishlab__potion-base-2M/external/CQADupstackWebmastersRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "160c094312a0e1facb97e55eeddb698c0abe3571", + "task_name": "CQADupstackWebmastersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 17.971999999999998, + "map_at_1": 9.227, + "map_at_10": 14.176, + "map_at_100": 14.982999999999999, + "map_at_1000": 15.165999999999999, + "map_at_20": 14.523, + "map_at_3": 12.273, + "map_at_5": 13.254, + "mrr_at_1": 11.6600790513834, + "mrr_at_10": 17.24355354790138, + "mrr_at_100": 17.97458464711609, + "mrr_at_1000": 18.083881916544176, + "mrr_at_20": 17.592255982425357, + "mrr_at_3": 15.316205533596843, + "mrr_at_5": 16.442687747035578, + "nauc_map_at_1000_diff1": 28.293578671148907, + "nauc_map_at_1000_max": 13.73183648632115, + "nauc_map_at_1000_std": 0.6513907283453153, + "nauc_map_at_100_diff1": 28.359982175889286, + "nauc_map_at_100_max": 13.735767207497823, + "nauc_map_at_100_std": 0.636220564456525, + "nauc_map_at_10_diff1": 28.87472863753925, + "nauc_map_at_10_max": 13.300236729031244, + "nauc_map_at_10_std": -0.21966965850894107, + "nauc_map_at_1_diff1": 34.280945985083164, + "nauc_map_at_1_max": 15.24775858038184, + "nauc_map_at_1_std": -3.2611316928574468, + "nauc_map_at_20_diff1": 28.467795424891552, + "nauc_map_at_20_max": 13.103030925180414, + "nauc_map_at_20_std": 0.16211034905789024, + "nauc_map_at_3_diff1": 30.771049312852856, + "nauc_map_at_3_max": 14.117084438478287, + "nauc_map_at_3_std": -2.2303908982405245, + "nauc_map_at_5_diff1": 29.33000695676755, + "nauc_map_at_5_max": 15.098774022935096, + "nauc_map_at_5_std": -0.7416053986126886, + "nauc_mrr_at_1000_diff1": 26.580718195411514, + "nauc_mrr_at_1000_max": 11.543767496741827, + "nauc_mrr_at_1000_std": -0.08729361203690514, + "nauc_mrr_at_100_diff1": 26.591028172685533, + "nauc_mrr_at_100_max": 11.467614402235903, + "nauc_mrr_at_100_std": -0.123955657400379, + "nauc_mrr_at_10_diff1": 26.798913138334534, + "nauc_mrr_at_10_max": 11.078083355015591, + "nauc_mrr_at_10_std": -0.8852609502403819, + "nauc_mrr_at_1_diff1": 32.436384851266354, + "nauc_mrr_at_1_max": 12.9913980702892, + "nauc_mrr_at_1_std": -3.9949543285156777, + "nauc_mrr_at_20_diff1": 26.612951871381856, + "nauc_mrr_at_20_max": 10.930917683032405, + "nauc_mrr_at_20_std": -0.46554240191712054, + "nauc_mrr_at_3_diff1": 28.55986693321283, + "nauc_mrr_at_3_max": 11.798572580625544, + "nauc_mrr_at_3_std": -2.1716364631291873, + "nauc_mrr_at_5_diff1": 27.40320377813637, + "nauc_mrr_at_5_max": 12.131216799357102, + "nauc_mrr_at_5_std": -1.553808132785284, + "nauc_ndcg_at_1000_diff1": 25.29494004035333, + "nauc_ndcg_at_1000_max": 15.467396480816747, + "nauc_ndcg_at_1000_std": 5.582839175419764, + "nauc_ndcg_at_100_diff1": 25.618005514824066, + "nauc_ndcg_at_100_max": 14.133983313569171, + "nauc_ndcg_at_100_std": 5.178074286634601, + "nauc_ndcg_at_10_diff1": 26.182869933214597, + "nauc_ndcg_at_10_max": 10.826305051726441, + "nauc_ndcg_at_10_std": 1.1448249930047905, + "nauc_ndcg_at_1_diff1": 32.436384851266354, + "nauc_ndcg_at_1_max": 12.9913980702892, + "nauc_ndcg_at_1_std": -3.9949543285156777, + "nauc_ndcg_at_20_diff1": 25.47014527965502, + "nauc_ndcg_at_20_max": 10.494689973913854, + "nauc_ndcg_at_20_std": 2.5743266762961925, + "nauc_ndcg_at_3_diff1": 28.30011273776709, + "nauc_ndcg_at_3_max": 12.409101049392858, + "nauc_ndcg_at_3_std": -1.989338069256987, + "nauc_ndcg_at_5_diff1": 26.93375179240513, + "nauc_ndcg_at_5_max": 14.247006851983018, + "nauc_ndcg_at_5_std": -0.08501751009489864, + "nauc_precision_at_1000_diff1": 2.8681342841906576, + "nauc_precision_at_1000_max": 8.341013508588487, + "nauc_precision_at_1000_std": 5.822810476383136, + "nauc_precision_at_100_diff1": 10.768484095563934, + "nauc_precision_at_100_max": 9.704449885569526, + "nauc_precision_at_100_std": 8.928506635459463, + "nauc_precision_at_10_diff1": 17.05139532059708, + "nauc_precision_at_10_max": 3.9583770881813787, + "nauc_precision_at_10_std": 2.4925097171199555, + "nauc_precision_at_1_diff1": 32.436384851266354, + "nauc_precision_at_1_max": 12.9913980702892, + "nauc_precision_at_1_std": -3.9949543285156777, + "nauc_precision_at_20_diff1": 13.937332184712863, + "nauc_precision_at_20_max": 1.8030522940312594, + "nauc_precision_at_20_std": 4.717403639427268, + "nauc_precision_at_3_diff1": 24.877912406786166, + "nauc_precision_at_3_max": 10.485969186043016, + "nauc_precision_at_3_std": -0.904450839848222, + "nauc_precision_at_5_diff1": 22.445190926200702, + "nauc_precision_at_5_max": 12.540817149569952, + "nauc_precision_at_5_std": 1.4289427473397038, + "nauc_recall_at_1000_diff1": 17.226074022952993, + "nauc_recall_at_1000_max": 30.215724888141928, + "nauc_recall_at_1000_std": 25.363518496790032, + "nauc_recall_at_100_diff1": 19.98699952435803, + "nauc_recall_at_100_max": 18.145945965591014, + "nauc_recall_at_100_std": 16.845190921447113, + "nauc_recall_at_10_diff1": 21.378756963830913, + "nauc_recall_at_10_max": 6.684867375302075, + "nauc_recall_at_10_std": 4.930618483880454, + "nauc_recall_at_1_diff1": 34.280945985083164, + "nauc_recall_at_1_max": 15.24775858038184, + "nauc_recall_at_1_std": -3.2611316928574468, + "nauc_recall_at_20_diff1": 18.380399265092144, + "nauc_recall_at_20_max": 5.801348964041679, + "nauc_recall_at_20_std": 8.335943218907563, + "nauc_recall_at_3_diff1": 28.312640631315944, + "nauc_recall_at_3_max": 12.616717752139403, + "nauc_recall_at_3_std": -1.4581980410781947, + "nauc_recall_at_5_diff1": 23.215808038829948, + "nauc_recall_at_5_max": 14.815584298180424, + "nauc_recall_at_5_std": 2.3437599877590856, + "ndcg_at_1": 11.66, + "ndcg_at_10": 17.971999999999998, + "ndcg_at_100": 22.047, + "ndcg_at_1000": 25.948, + "ndcg_at_20": 19.09, + "ndcg_at_3": 14.512, + "ndcg_at_5": 16.062, + "precision_at_1": 11.66, + "precision_at_10": 3.7150000000000003, + "precision_at_100": 0.808, + "precision_at_1000": 0.17099999999999999, + "precision_at_20": 2.3120000000000003, + "precision_at_3": 7.181, + "precision_at_5": 5.494000000000001, + "recall_at_1": 9.227, + "recall_at_10": 26.179999999999996, + "recall_at_100": 45.37, + "recall_at_1000": 72.20299999999999, + "recall_at_20": 30.45, + "recall_at_3": 15.906, + "recall_at_5": 20.16 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/CQADupstackWordpressRetrieval.json b/results/minishlab__potion-base-2M/external/CQADupstackWordpressRetrieval.json new file mode 100644 index 000000000..fbef5a842 --- /dev/null +++ b/results/minishlab__potion-base-2M/external/CQADupstackWordpressRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "4ffe81d471b1924886b33c7567bfb200e9eec5c4", + "task_name": "CQADupstackWordpressRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 11.357000000000001, + "map_at_1": 5.829, + "map_at_10": 9.134, + "map_at_100": 9.817, + "map_at_1000": 9.947000000000001, + "map_at_20": 9.446, + "map_at_3": 7.898, + "map_at_5": 8.674, + "mrr_at_1": 6.284658040665435, + "mrr_at_10": 10.019364492562275, + "mrr_at_100": 10.722417463000754, + "mrr_at_1000": 10.835465799161899, + "mrr_at_20": 10.357338079063702, + "mrr_at_3": 8.687615526802217, + "mrr_at_5": 9.500924214417745, + "nauc_map_at_1000_diff1": 22.78724774966205, + "nauc_map_at_1000_max": 16.34437163744556, + "nauc_map_at_1000_std": -1.4735193183859276, + "nauc_map_at_100_diff1": 22.82517267745717, + "nauc_map_at_100_max": 16.284531033348436, + "nauc_map_at_100_std": -1.589549517811522, + "nauc_map_at_10_diff1": 23.49210604391011, + "nauc_map_at_10_max": 16.698351930811523, + "nauc_map_at_10_std": -2.126619934067786, + "nauc_map_at_1_diff1": 33.25537251862352, + "nauc_map_at_1_max": 21.059212756563113, + "nauc_map_at_1_std": -3.8230994890517693, + "nauc_map_at_20_diff1": 23.175992838887694, + "nauc_map_at_20_max": 16.456651106073693, + "nauc_map_at_20_std": -2.0476493700504066, + "nauc_map_at_3_diff1": 24.4113337992372, + "nauc_map_at_3_max": 18.630728856868554, + "nauc_map_at_3_std": -3.209291836815527, + "nauc_map_at_5_diff1": 23.277532213263274, + "nauc_map_at_5_max": 17.62493140717765, + "nauc_map_at_5_std": -1.7098531700261095, + "nauc_mrr_at_1000_diff1": 24.26971376692725, + "nauc_mrr_at_1000_max": 17.440070924898812, + "nauc_mrr_at_1000_std": -1.4904182677524227, + "nauc_mrr_at_100_diff1": 24.28090305523701, + "nauc_mrr_at_100_max": 17.38475182429859, + "nauc_mrr_at_100_std": -1.5763033409306217, + "nauc_mrr_at_10_diff1": 25.065955666592476, + "nauc_mrr_at_10_max": 17.76938293185054, + "nauc_mrr_at_10_std": -1.9095223519038518, + "nauc_mrr_at_1_diff1": 35.50030652953492, + "nauc_mrr_at_1_max": 22.074248230325683, + "nauc_mrr_at_1_std": -2.715605927207539, + "nauc_mrr_at_20_diff1": 24.628291881254953, + "nauc_mrr_at_20_max": 17.486410808513845, + "nauc_mrr_at_20_std": -1.9572884876186265, + "nauc_mrr_at_3_diff1": 26.601750153333132, + "nauc_mrr_at_3_max": 19.784337786810045, + "nauc_mrr_at_3_std": -3.0884478868833742, + "nauc_mrr_at_5_diff1": 25.34229521812873, + "nauc_mrr_at_5_max": 18.677143772462735, + "nauc_mrr_at_5_std": -1.819327747550439, + "nauc_ndcg_at_1000_diff1": 17.97058129000062, + "nauc_ndcg_at_1000_max": 14.443351643128269, + "nauc_ndcg_at_1000_std": 3.320385091285511, + "nauc_ndcg_at_100_diff1": 18.231929337260787, + "nauc_ndcg_at_100_max": 13.581295908170954, + "nauc_ndcg_at_100_std": 1.42405813280858, + "nauc_ndcg_at_10_diff1": 20.708409240714495, + "nauc_ndcg_at_10_max": 14.65955381947667, + "nauc_ndcg_at_10_std": -1.6167091304922117, + "nauc_ndcg_at_1_diff1": 35.50030652953492, + "nauc_ndcg_at_1_max": 22.074248230325683, + "nauc_ndcg_at_1_std": -2.715605927207539, + "nauc_ndcg_at_20_diff1": 19.794733794450234, + "nauc_ndcg_at_20_max": 13.936007085907942, + "nauc_ndcg_at_20_std": -1.6063508013870402, + "nauc_ndcg_at_3_diff1": 22.567689849957002, + "nauc_ndcg_at_3_max": 18.56916278259968, + "nauc_ndcg_at_3_std": -3.028792144928301, + "nauc_ndcg_at_5_diff1": 20.601733525569706, + "nauc_ndcg_at_5_max": 16.676847473988563, + "nauc_ndcg_at_5_std": -1.0024946114419166, + "nauc_precision_at_1000_diff1": 6.751633858887363, + "nauc_precision_at_1000_max": 8.574094346486792, + "nauc_precision_at_1000_std": 10.961823016288378, + "nauc_precision_at_100_diff1": 9.185536248366825, + "nauc_precision_at_100_max": 11.154969903889436, + "nauc_precision_at_100_std": 8.849680313441572, + "nauc_precision_at_10_diff1": 16.631977514574494, + "nauc_precision_at_10_max": 10.891738735128701, + "nauc_precision_at_10_std": -0.5881313108064528, + "nauc_precision_at_1_diff1": 35.50030652953492, + "nauc_precision_at_1_max": 22.074248230325683, + "nauc_precision_at_1_std": -2.715605927207539, + "nauc_precision_at_20_diff1": 13.755455474334418, + "nauc_precision_at_20_max": 11.143176815424624, + "nauc_precision_at_20_std": 0.22127860009316463, + "nauc_precision_at_3_diff1": 18.850494736038712, + "nauc_precision_at_3_max": 18.3734160357334, + "nauc_precision_at_3_std": -3.570335275359161, + "nauc_precision_at_5_diff1": 16.116395366767875, + "nauc_precision_at_5_max": 15.199475728220216, + "nauc_precision_at_5_std": -0.1646903087985237, + "nauc_recall_at_1000_diff1": 7.064519186534486, + "nauc_recall_at_1000_max": 10.537702917035265, + "nauc_recall_at_1000_std": 19.24374744927976, + "nauc_recall_at_100_diff1": 9.673538463478982, + "nauc_recall_at_100_max": 7.750546515055119, + "nauc_recall_at_100_std": 8.300080212088146, + "nauc_recall_at_10_diff1": 14.59536923133317, + "nauc_recall_at_10_max": 9.898224821325174, + "nauc_recall_at_10_std": -0.5852780000420884, + "nauc_recall_at_1_diff1": 33.25537251862352, + "nauc_recall_at_1_max": 21.059212756563113, + "nauc_recall_at_1_std": -3.8230994890517693, + "nauc_recall_at_20_diff1": 12.823131452573252, + "nauc_recall_at_20_max": 7.83963802432653, + "nauc_recall_at_20_std": -1.092413321137494, + "nauc_recall_at_3_diff1": 15.884549077272911, + "nauc_recall_at_3_max": 16.64076323497644, + "nauc_recall_at_3_std": -2.971396404621954, + "nauc_recall_at_5_diff1": 13.683727065301637, + "nauc_recall_at_5_max": 13.899539774976596, + "nauc_recall_at_5_std": 0.9343056640766644, + "ndcg_at_1": 6.285, + "ndcg_at_10": 11.357000000000001, + "ndcg_at_100": 15.296000000000001, + "ndcg_at_1000": 18.945999999999998, + "ndcg_at_20": 12.494, + "ndcg_at_3": 8.852, + "ndcg_at_5": 10.228, + "precision_at_1": 6.285, + "precision_at_10": 1.959, + "precision_at_100": 0.434, + "precision_at_1000": 0.08099999999999999, + "precision_at_20": 1.257, + "precision_at_3": 4.005, + "precision_at_5": 3.105, + "recall_at_1": 5.829, + "recall_at_10": 17.449, + "recall_at_100": 36.439, + "recall_at_1000": 64.549, + "recall_at_20": 21.667, + "recall_at_3": 10.789, + "recall_at_5": 14.116000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/ClimateFEVER.json b/results/minishlab__potion-base-2M/external/ClimateFEVER.json new file mode 100644 index 000000000..0f6f357cc --- /dev/null +++ b/results/minishlab__potion-base-2M/external/ClimateFEVER.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 8.665000000000001, + "map_at_1": 3.431, + "map_at_10": 5.548, + "map_at_100": 6.451999999999999, + "map_at_1000": 6.572, + "map_at_20": 6.0, + "map_at_3": 4.517, + "map_at_5": 4.989, + "mrr_at_1": 7.752442996742672, + "mrr_at_10": 12.347164055633106, + "mrr_at_100": 13.47855237102118, + "mrr_at_1000": 13.549653634356204, + "mrr_at_20": 12.991485758879193, + "mrr_at_3": 10.542888165038002, + "mrr_at_5": 11.500542888165036, + "nauc_map_at_1000_diff1": 20.20268497242339, + "nauc_map_at_1000_max": 24.18193699020533, + "nauc_map_at_1000_std": 24.50439660861598, + "nauc_map_at_100_diff1": 20.24249901794732, + "nauc_map_at_100_max": 23.967201952298748, + "nauc_map_at_100_std": 24.15000750583459, + "nauc_map_at_10_diff1": 20.03966291824178, + "nauc_map_at_10_max": 21.755785801673685, + "nauc_map_at_10_std": 20.282919204579944, + "nauc_map_at_1_diff1": 29.695690051340613, + "nauc_map_at_1_max": 20.865617103351067, + "nauc_map_at_1_std": 14.29329137354716, + "nauc_map_at_20_diff1": 20.728143069074356, + "nauc_map_at_20_max": 22.90305825311414, + "nauc_map_at_20_std": 22.11399310632219, + "nauc_map_at_3_diff1": 22.380408121971325, + "nauc_map_at_3_max": 19.75817554487646, + "nauc_map_at_3_std": 15.90373516686131, + "nauc_map_at_5_diff1": 21.162868524231556, + "nauc_map_at_5_max": 20.83194239461333, + "nauc_map_at_5_std": 17.646811142371032, + "nauc_mrr_at_1000_diff1": 18.72010631814857, + "nauc_mrr_at_1000_max": 23.109557240302276, + "nauc_mrr_at_1000_std": 24.817749690786577, + "nauc_mrr_at_100_diff1": 18.72349343780436, + "nauc_mrr_at_100_max": 23.114096614704422, + "nauc_mrr_at_100_std": 24.797054308635044, + "nauc_mrr_at_10_diff1": 18.064637218620152, + "nauc_mrr_at_10_max": 22.076095274822805, + "nauc_mrr_at_10_std": 23.01088518773615, + "nauc_mrr_at_1_diff1": 26.01054304903776, + "nauc_mrr_at_1_max": 20.13170457353963, + "nauc_mrr_at_1_std": 16.267938736930734, + "nauc_mrr_at_20_diff1": 18.845964611635978, + "nauc_mrr_at_20_max": 22.864659670290468, + "nauc_mrr_at_20_std": 24.27391107280338, + "nauc_mrr_at_3_diff1": 19.460522034655536, + "nauc_mrr_at_3_max": 20.850086228271273, + "nauc_mrr_at_3_std": 20.09277671782743, + "nauc_mrr_at_5_diff1": 18.48847312194798, + "nauc_mrr_at_5_max": 21.678625281995373, + "nauc_mrr_at_5_std": 21.459857528465935, + "nauc_ndcg_at_1000_diff1": 17.22440190516704, + "nauc_ndcg_at_1000_max": 30.81923311154538, + "nauc_ndcg_at_1000_std": 39.35963524379091, + "nauc_ndcg_at_100_diff1": 17.457054645637687, + "nauc_ndcg_at_100_max": 28.843983901862085, + "nauc_ndcg_at_100_std": 35.96968009544363, + "nauc_ndcg_at_10_diff1": 17.06876854851489, + "nauc_ndcg_at_10_max": 23.111301663700726, + "nauc_ndcg_at_10_std": 25.079720024466596, + "nauc_ndcg_at_1_diff1": 26.01054304903776, + "nauc_ndcg_at_1_max": 20.13170457353963, + "nauc_ndcg_at_1_std": 16.267938736930734, + "nauc_ndcg_at_20_diff1": 19.159383706288963, + "nauc_ndcg_at_20_max": 25.748625998594076, + "nauc_ndcg_at_20_std": 29.2777966585303, + "nauc_ndcg_at_3_diff1": 19.76246562466077, + "nauc_ndcg_at_3_max": 21.020808382794733, + "nauc_ndcg_at_3_std": 19.113271468015192, + "nauc_ndcg_at_5_diff1": 18.36759011393604, + "nauc_ndcg_at_5_max": 21.650284537673105, + "nauc_ndcg_at_5_std": 20.85439010070303, + "nauc_precision_at_1000_diff1": 7.866460573005927, + "nauc_precision_at_1000_max": 36.3237806073285, + "nauc_precision_at_1000_std": 53.341836980739984, + "nauc_precision_at_100_diff1": 10.119925830770402, + "nauc_precision_at_100_max": 34.98290066245935, + "nauc_precision_at_100_std": 51.722408165202694, + "nauc_precision_at_10_diff1": 10.295201659904015, + "nauc_precision_at_10_max": 28.09830932510505, + "nauc_precision_at_10_std": 35.82169548156545, + "nauc_precision_at_1_diff1": 26.01054304903776, + "nauc_precision_at_1_max": 20.13170457353963, + "nauc_precision_at_1_std": 16.267938736930734, + "nauc_precision_at_20_diff1": 15.485906980500427, + "nauc_precision_at_20_max": 32.34263330026811, + "nauc_precision_at_20_std": 42.658087739955434, + "nauc_precision_at_3_diff1": 13.939250177065949, + "nauc_precision_at_3_max": 21.825298086308017, + "nauc_precision_at_3_std": 23.371972971620732, + "nauc_precision_at_5_diff1": 11.885509516199035, + "nauc_precision_at_5_max": 24.896726997531367, + "nauc_precision_at_5_std": 28.093898617550252, + "nauc_recall_at_1000_diff1": 11.60220525255486, + "nauc_recall_at_1000_max": 33.43532086300828, + "nauc_recall_at_1000_std": 51.14547402627655, + "nauc_recall_at_100_diff1": 12.590256364068992, + "nauc_recall_at_100_max": 30.79008080487411, + "nauc_recall_at_100_std": 45.42391176816372, + "nauc_recall_at_10_diff1": 13.539869516256994, + "nauc_recall_at_10_max": 23.294485598950875, + "nauc_recall_at_10_std": 29.061101403756684, + "nauc_recall_at_1_diff1": 29.695690051340613, + "nauc_recall_at_1_max": 20.865617103351067, + "nauc_recall_at_1_std": 14.29329137354716, + "nauc_recall_at_20_diff1": 17.845867931336173, + "nauc_recall_at_20_max": 27.404059514695874, + "nauc_recall_at_20_std": 35.2508074045364, + "nauc_recall_at_3_diff1": 17.838823438292053, + "nauc_recall_at_3_max": 19.309869178987764, + "nauc_recall_at_3_std": 18.81309403950389, + "nauc_recall_at_5_diff1": 15.536078861120748, + "nauc_recall_at_5_max": 21.78126721208168, + "nauc_recall_at_5_std": 22.671176234569295, + "ndcg_at_1": 7.752000000000001, + "ndcg_at_10": 8.665000000000001, + "ndcg_at_100": 13.478000000000002, + "ndcg_at_1000": 16.463, + "ndcg_at_20": 10.357, + "ndcg_at_3": 6.526, + "ndcg_at_5": 7.204000000000001, + "precision_at_1": 7.752000000000001, + "precision_at_10": 2.932, + "precision_at_100": 0.7939999999999999, + "precision_at_1000": 0.134, + "precision_at_20": 2.137, + "precision_at_3": 4.951, + "precision_at_5": 3.987, + "recall_at_1": 3.431, + "recall_at_10": 10.982, + "recall_at_100": 28.276, + "recall_at_1000": 45.938, + "recall_at_20": 16.005, + "recall_at_3": 5.862, + "recall_at_5": 7.595000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/DBPedia.json b/results/minishlab__potion-base-2M/external/DBPedia.json new file mode 100644 index 000000000..be0174cf6 --- /dev/null +++ b/results/minishlab__potion-base-2M/external/DBPedia.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 18.317, + "map_at_1": 3.4450000000000003, + "map_at_10": 7.106, + "map_at_100": 9.631, + "map_at_1000": 10.252, + "map_at_20": 8.045, + "map_at_3": 5.438, + "map_at_5": 6.075, + "mrr_at_1": 33.25, + "mrr_at_10": 43.1984126984127, + "mrr_at_100": 44.10105314669371, + "mrr_at_1000": 44.14652177743905, + "mrr_at_20": 43.764106802854876, + "mrr_at_3": 41.16666666666667, + "mrr_at_5": 42.07916666666668, + "nauc_map_at_1000_diff1": 32.89274359578512, + "nauc_map_at_1000_max": 26.604828696525264, + "nauc_map_at_1000_std": 31.04310644401098, + "nauc_map_at_100_diff1": 33.39909855555811, + "nauc_map_at_100_max": 24.426258776321095, + "nauc_map_at_100_std": 27.950162866259888, + "nauc_map_at_10_diff1": 38.01633731897987, + "nauc_map_at_10_max": 10.864204272144072, + "nauc_map_at_10_std": 13.002257173637139, + "nauc_map_at_1_diff1": 51.974783929669066, + "nauc_map_at_1_max": 2.1087384419233546, + "nauc_map_at_1_std": 3.876223529954049, + "nauc_map_at_20_diff1": 36.578511302087925, + "nauc_map_at_20_max": 16.12600615737132, + "nauc_map_at_20_std": 19.17629858668846, + "nauc_map_at_3_diff1": 42.100527162189024, + "nauc_map_at_3_max": 4.583854234482867, + "nauc_map_at_3_std": 4.043752599363613, + "nauc_map_at_5_diff1": 41.25097930082802, + "nauc_map_at_5_max": 6.748191433066141, + "nauc_map_at_5_std": 6.834355643360842, + "nauc_mrr_at_1000_diff1": 31.808593974374478, + "nauc_mrr_at_1000_max": 38.189881128516284, + "nauc_mrr_at_1000_std": 29.26318169221298, + "nauc_mrr_at_100_diff1": 31.78571608370332, + "nauc_mrr_at_100_max": 38.19998391171405, + "nauc_mrr_at_100_std": 29.23827479906131, + "nauc_mrr_at_10_diff1": 31.786867448793465, + "nauc_mrr_at_10_max": 37.99600295959577, + "nauc_mrr_at_10_std": 28.829996904095655, + "nauc_mrr_at_1_diff1": 38.05179996742141, + "nauc_mrr_at_1_max": 36.79685915741111, + "nauc_mrr_at_1_std": 28.350691962727403, + "nauc_mrr_at_20_diff1": 31.808590310476177, + "nauc_mrr_at_20_max": 38.10937432755284, + "nauc_mrr_at_20_std": 29.159630421397104, + "nauc_mrr_at_3_diff1": 31.831109798177128, + "nauc_mrr_at_3_max": 37.160264447610786, + "nauc_mrr_at_3_std": 28.541784432773664, + "nauc_mrr_at_5_diff1": 32.265744410577796, + "nauc_mrr_at_5_max": 37.1185356423142, + "nauc_mrr_at_5_std": 28.542067443171383, + "nauc_ndcg_at_1000_diff1": 26.2354937722142, + "nauc_ndcg_at_1000_max": 35.15647109201309, + "nauc_ndcg_at_1000_std": 43.72983297081998, + "nauc_ndcg_at_100_diff1": 27.4257708149693, + "nauc_ndcg_at_100_max": 29.44362350882367, + "nauc_ndcg_at_100_std": 35.47194671187406, + "nauc_ndcg_at_10_diff1": 26.83748894960956, + "nauc_ndcg_at_10_max": 26.324600583375148, + "nauc_ndcg_at_10_std": 26.839688509046074, + "nauc_ndcg_at_1_diff1": 33.91534683952059, + "nauc_ndcg_at_1_max": 27.781900866901438, + "nauc_ndcg_at_1_std": 20.609436435124508, + "nauc_ndcg_at_20_diff1": 27.33782331818608, + "nauc_ndcg_at_20_max": 25.655998678526053, + "nauc_ndcg_at_20_std": 28.815358762679, + "nauc_ndcg_at_3_diff1": 24.911857448124124, + "nauc_ndcg_at_3_max": 28.44218389736495, + "nauc_ndcg_at_3_std": 22.814032559889135, + "nauc_ndcg_at_5_diff1": 26.99854276880701, + "nauc_ndcg_at_5_max": 26.70673289401602, + "nauc_ndcg_at_5_std": 23.875749510070484, + "nauc_precision_at_1000_diff1": -4.944236798264726, + "nauc_precision_at_1000_max": 40.121224630291145, + "nauc_precision_at_1000_std": 41.39631390461634, + "nauc_precision_at_100_diff1": 3.378479753980361, + "nauc_precision_at_100_max": 48.32256441737045, + "nauc_precision_at_100_std": 49.393335268436736, + "nauc_precision_at_10_diff1": 11.158417038139243, + "nauc_precision_at_10_max": 41.57441754310071, + "nauc_precision_at_10_std": 41.773169149009064, + "nauc_precision_at_1_diff1": 38.05179996742141, + "nauc_precision_at_1_max": 36.79685915741111, + "nauc_precision_at_1_std": 28.350691962727403, + "nauc_precision_at_20_diff1": 8.363894422086595, + "nauc_precision_at_20_max": 43.897592804770255, + "nauc_precision_at_20_std": 45.898546020673685, + "nauc_precision_at_3_diff1": 17.496170798036925, + "nauc_precision_at_3_max": 35.77099809321373, + "nauc_precision_at_3_std": 28.270294770404174, + "nauc_precision_at_5_diff1": 17.512866815049172, + "nauc_precision_at_5_max": 35.87345026620194, + "nauc_precision_at_5_std": 31.14539151046845, + "nauc_recall_at_1000_diff1": 12.042358990194806, + "nauc_recall_at_1000_max": 27.794792931251482, + "nauc_recall_at_1000_std": 48.936601177086885, + "nauc_recall_at_100_diff1": 17.74014614328557, + "nauc_recall_at_100_max": 23.649469832153112, + "nauc_recall_at_100_std": 35.91554178778231, + "nauc_recall_at_10_diff1": 24.602172763255464, + "nauc_recall_at_10_max": 3.2087715731960933, + "nauc_recall_at_10_std": 8.001266920970215, + "nauc_recall_at_1_diff1": 51.974783929669066, + "nauc_recall_at_1_max": 2.1087384419233546, + "nauc_recall_at_1_std": 3.876223529954049, + "nauc_recall_at_20_diff1": 23.722094513884095, + "nauc_recall_at_20_max": 10.321708038535022, + "nauc_recall_at_20_std": 18.772263734208646, + "nauc_recall_at_3_diff1": 33.0581116651206, + "nauc_recall_at_3_max": -1.4200131955084976, + "nauc_recall_at_3_std": -1.0154219924636907, + "nauc_recall_at_5_diff1": 31.665054222106033, + "nauc_recall_at_5_max": 0.41784903940174156, + "nauc_recall_at_5_std": 1.821099304694692, + "ndcg_at_1": 24.5, + "ndcg_at_10": 18.317, + "ndcg_at_100": 20.737, + "ndcg_at_1000": 26.124000000000002, + "ndcg_at_20": 17.91, + "ndcg_at_3": 21.468999999999998, + "ndcg_at_5": 19.557, + "precision_at_1": 33.25, + "precision_at_10": 15.925, + "precision_at_100": 5.015, + "precision_at_1000": 1.009, + "precision_at_20": 12.063, + "precision_at_3": 25.833000000000002, + "precision_at_5": 20.7, + "recall_at_1": 3.4450000000000003, + "recall_at_10": 10.914, + "recall_at_100": 25.511, + "recall_at_1000": 44.506, + "recall_at_20": 14.252999999999998, + "recall_at_3": 6.6530000000000005, + "recall_at_5": 7.93 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/EmotionClassification.json b/results/minishlab__potion-base-2M/external/EmotionClassification.json new file mode 100644 index 000000000..889d403e0 --- /dev/null +++ b/results/minishlab__potion-base-2M/external/EmotionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 42.035, + "f1": 37.86640884786291, + "f1_weighted": 44.414257303205105, + "main_score": 42.035 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/FEVER.json b/results/minishlab__potion-base-2M/external/FEVER.json new file mode 100644 index 000000000..5971488e6 --- /dev/null +++ b/results/minishlab__potion-base-2M/external/FEVER.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 18.761, + "map_at_1": 10.476, + "map_at_10": 15.404000000000002, + "map_at_100": 16.253999999999998, + "map_at_1000": 16.331, + "map_at_20": 15.853, + "map_at_3": 13.575000000000001, + "map_at_5": 14.521, + "mrr_at_1": 11.086108610861087, + "mrr_at_10": 16.355343867720112, + "mrr_at_100": 17.231932946772645, + "mrr_at_1000": 17.306050360630675, + "mrr_at_20": 16.824638510255593, + "mrr_at_3": 14.421442144214469, + "mrr_at_5": 15.419791979198013, + "nauc_map_at_1000_diff1": 21.483384414650857, + "nauc_map_at_1000_max": 14.658845058298656, + "nauc_map_at_1000_std": 1.4230966250967994, + "nauc_map_at_100_diff1": 21.478059331590387, + "nauc_map_at_100_max": 14.631728769027703, + "nauc_map_at_100_std": 1.3881789289506472, + "nauc_map_at_10_diff1": 21.720905300450458, + "nauc_map_at_10_max": 14.076908554314246, + "nauc_map_at_10_std": 0.5551386401263194, + "nauc_map_at_1_diff1": 27.661685422401224, + "nauc_map_at_1_max": 11.99044345858924, + "nauc_map_at_1_std": -3.3979769351402322, + "nauc_map_at_20_diff1": 21.59196261739584, + "nauc_map_at_20_max": 14.385540847050335, + "nauc_map_at_20_std": 0.9895830524590538, + "nauc_map_at_3_diff1": 23.20704312937525, + "nauc_map_at_3_max": 12.810161113474871, + "nauc_map_at_3_std": -1.411771996719974, + "nauc_map_at_5_diff1": 22.356183179583493, + "nauc_map_at_5_max": 13.36852816007986, + "nauc_map_at_5_std": -0.48512124846138643, + "nauc_mrr_at_1000_diff1": 21.435605535073744, + "nauc_mrr_at_1000_max": 15.102897427738405, + "nauc_mrr_at_1000_std": 1.8946939279941968, + "nauc_mrr_at_100_diff1": 21.421114034979606, + "nauc_mrr_at_100_max": 15.083160957472696, + "nauc_mrr_at_100_std": 1.8744293097807236, + "nauc_mrr_at_10_diff1": 21.649184972259103, + "nauc_mrr_at_10_max": 14.533371443998226, + "nauc_mrr_at_10_std": 1.1004240892945276, + "nauc_mrr_at_1_diff1": 27.75425157234291, + "nauc_mrr_at_1_max": 12.264180225035945, + "nauc_mrr_at_1_std": -2.9856311667661473, + "nauc_mrr_at_20_diff1": 21.50477816444254, + "nauc_mrr_at_20_max": 14.839198606656051, + "nauc_mrr_at_20_std": 1.504911445582658, + "nauc_mrr_at_3_diff1": 23.118987947282125, + "nauc_mrr_at_3_max": 13.268686916605809, + "nauc_mrr_at_3_std": -0.8973701423333541, + "nauc_mrr_at_5_diff1": 22.31906380361573, + "nauc_mrr_at_5_max": 13.879335206291863, + "nauc_mrr_at_5_std": 0.0743953082913858, + "nauc_ndcg_at_1000_diff1": 18.130594943202155, + "nauc_ndcg_at_1000_max": 18.618199152782932, + "nauc_ndcg_at_1000_std": 7.73800191626906, + "nauc_ndcg_at_100_diff1": 18.112919952254646, + "nauc_ndcg_at_100_max": 18.025448330998607, + "nauc_ndcg_at_100_std": 6.91218512382701, + "nauc_ndcg_at_10_diff1": 19.25411748879802, + "nauc_ndcg_at_10_max": 15.50666163176253, + "nauc_ndcg_at_10_std": 3.1415591079404876, + "nauc_ndcg_at_1_diff1": 27.75425157234291, + "nauc_ndcg_at_1_max": 12.264180225035945, + "nauc_ndcg_at_1_std": -2.9856311667661473, + "nauc_ndcg_at_20_diff1": 18.851607836867498, + "nauc_ndcg_at_20_max": 16.48340412282649, + "nauc_ndcg_at_20_std": 4.4126572393461165, + "nauc_ndcg_at_3_diff1": 21.91877312160879, + "nauc_ndcg_at_3_max": 13.094685444889004, + "nauc_ndcg_at_3_std": -0.6318460963618564, + "nauc_ndcg_at_5_diff1": 20.572894306217556, + "nauc_ndcg_at_5_max": 14.021287944779818, + "nauc_ndcg_at_5_std": 0.883274716789248, + "nauc_precision_at_1000_diff1": 4.720401672882462, + "nauc_precision_at_1000_max": 32.576463495142036, + "nauc_precision_at_1000_std": 31.992921949716685, + "nauc_precision_at_100_diff1": 8.668918137307568, + "nauc_precision_at_100_max": 28.43637657585084, + "nauc_precision_at_100_std": 24.081259792345715, + "nauc_precision_at_10_diff1": 13.4834870121441, + "nauc_precision_at_10_max": 19.174654923689058, + "nauc_precision_at_10_std": 9.740431350499781, + "nauc_precision_at_1_diff1": 27.75425157234291, + "nauc_precision_at_1_max": 12.264180225035945, + "nauc_precision_at_1_std": -2.9856311667661473, + "nauc_precision_at_20_diff1": 12.350150417728162, + "nauc_precision_at_20_max": 22.212511486344233, + "nauc_precision_at_20_std": 13.526492272122145, + "nauc_precision_at_3_diff1": 18.64161060878928, + "nauc_precision_at_3_max": 13.97868776386616, + "nauc_precision_at_3_std": 1.5199256063275335, + "nauc_precision_at_5_diff1": 16.302163063725423, + "nauc_precision_at_5_max": 15.854519904730397, + "nauc_precision_at_5_std": 4.58110916862716, + "nauc_recall_at_1000_diff1": 6.38722839005945, + "nauc_recall_at_1000_max": 31.894646548853515, + "nauc_recall_at_1000_std": 30.783921718347955, + "nauc_recall_at_100_diff1": 9.226926697109567, + "nauc_recall_at_100_max": 26.16213840995931, + "nauc_recall_at_100_std": 21.293733397810367, + "nauc_recall_at_10_diff1": 13.76020081492309, + "nauc_recall_at_10_max": 18.19732247560085, + "nauc_recall_at_10_std": 8.53316271133414, + "nauc_recall_at_1_diff1": 27.661685422401224, + "nauc_recall_at_1_max": 11.99044345858924, + "nauc_recall_at_1_std": -3.3979769351402322, + "nauc_recall_at_20_diff1": 12.650003144424666, + "nauc_recall_at_20_max": 20.557776180489952, + "nauc_recall_at_20_std": 11.639706607747087, + "nauc_recall_at_3_diff1": 18.999448979579647, + "nauc_recall_at_3_max": 13.339340670906067, + "nauc_recall_at_3_std": 0.7757658802091059, + "nauc_recall_at_5_diff1": 16.30330865863684, + "nauc_recall_at_5_max": 14.848069915205242, + "nauc_recall_at_5_std": 3.5287752456847232, + "ndcg_at_1": 11.086, + "ndcg_at_10": 18.761, + "ndcg_at_100": 23.362, + "ndcg_at_1000": 25.651000000000003, + "ndcg_at_20": 20.406, + "ndcg_at_3": 14.865, + "ndcg_at_5": 16.594, + "precision_at_1": 11.086, + "precision_at_10": 3.072, + "precision_at_100": 0.553, + "precision_at_1000": 0.076, + "precision_at_20": 1.891, + "precision_at_3": 6.331, + "precision_at_5": 4.707, + "recall_at_1": 10.476, + "recall_at_10": 28.544999999999998, + "recall_at_100": 50.602999999999994, + "recall_at_1000": 68.609, + "recall_at_20": 34.919, + "recall_at_3": 17.79, + "recall_at_5": 21.956 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/FiQA2018.json b/results/minishlab__potion-base-2M/external/FiQA2018.json new file mode 100644 index 000000000..ab656c450 --- /dev/null +++ b/results/minishlab__potion-base-2M/external/FiQA2018.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 10.219000000000001, + "map_at_1": 4.202, + "map_at_10": 7.047000000000001, + "map_at_100": 7.879, + "map_at_1000": 8.062999999999999, + "map_at_20": 7.393, + "map_at_3": 5.8229999999999995, + "map_at_5": 6.398, + "mrr_at_1": 8.641975308641975, + "mrr_at_10": 12.682184499314136, + "mrr_at_100": 13.641850480305543, + "mrr_at_1000": 13.764256983049062, + "mrr_at_20": 13.167533189337608, + "mrr_at_3": 10.956790123456795, + "mrr_at_5": 11.697530864197537, + "nauc_map_at_1000_diff1": 14.386120645400236, + "nauc_map_at_1000_max": 7.810435452171063, + "nauc_map_at_1000_std": 6.279009499496127, + "nauc_map_at_100_diff1": 14.394099339804242, + "nauc_map_at_100_max": 7.5482313825844365, + "nauc_map_at_100_std": 6.073231086542136, + "nauc_map_at_10_diff1": 15.019233622476264, + "nauc_map_at_10_max": 6.89561121695038, + "nauc_map_at_10_std": 4.69688965053592, + "nauc_map_at_1_diff1": 15.673097607542335, + "nauc_map_at_1_max": 7.8728446291021905, + "nauc_map_at_1_std": 6.4648760315306255, + "nauc_map_at_20_diff1": 14.300009454569937, + "nauc_map_at_20_max": 7.249872455283453, + "nauc_map_at_20_std": 5.268402065325031, + "nauc_map_at_3_diff1": 15.80071370296546, + "nauc_map_at_3_max": 6.339581216563252, + "nauc_map_at_3_std": 4.61618681520698, + "nauc_map_at_5_diff1": 14.770168963543034, + "nauc_map_at_5_max": 5.82190695283646, + "nauc_map_at_5_std": 4.041144061189678, + "nauc_mrr_at_1000_diff1": 13.947508055836414, + "nauc_mrr_at_1000_max": 8.016461541914124, + "nauc_mrr_at_1000_std": 2.3739399442305404, + "nauc_mrr_at_100_diff1": 13.916158963907396, + "nauc_mrr_at_100_max": 7.954544708752525, + "nauc_mrr_at_100_std": 2.3407189360908487, + "nauc_mrr_at_10_diff1": 14.169248704433596, + "nauc_mrr_at_10_max": 7.250162018740328, + "nauc_mrr_at_10_std": 1.8219524654513586, + "nauc_mrr_at_1_diff1": 14.956230962502085, + "nauc_mrr_at_1_max": 8.73931836103222, + "nauc_mrr_at_1_std": 2.64832616615408, + "nauc_mrr_at_20_diff1": 14.024588680674979, + "nauc_mrr_at_20_max": 7.920759304685261, + "nauc_mrr_at_20_std": 2.060286657771815, + "nauc_mrr_at_3_diff1": 15.015616913010701, + "nauc_mrr_at_3_max": 6.312297156230054, + "nauc_mrr_at_3_std": 2.696675323128789, + "nauc_mrr_at_5_diff1": 14.0352810633434, + "nauc_mrr_at_5_max": 7.2737096971574156, + "nauc_mrr_at_5_std": 1.9681344739855215, + "nauc_ndcg_at_1000_diff1": 12.794321125652422, + "nauc_ndcg_at_1000_max": 13.35215380526579, + "nauc_ndcg_at_1000_std": 11.213644620947537, + "nauc_ndcg_at_100_diff1": 13.02582260228888, + "nauc_ndcg_at_100_max": 9.545082480237982, + "nauc_ndcg_at_100_std": 8.533517097634686, + "nauc_ndcg_at_10_diff1": 14.529247699477052, + "nauc_ndcg_at_10_max": 7.485652713814595, + "nauc_ndcg_at_10_std": 3.75099655360646, + "nauc_ndcg_at_1_diff1": 14.956230962502085, + "nauc_ndcg_at_1_max": 8.73931836103222, + "nauc_ndcg_at_1_std": 2.64832616615408, + "nauc_ndcg_at_20_diff1": 13.005656656807135, + "nauc_ndcg_at_20_max": 8.412698057403183, + "nauc_ndcg_at_20_std": 4.9112354043743, + "nauc_ndcg_at_3_diff1": 14.363695670994714, + "nauc_ndcg_at_3_max": 6.793799720301805, + "nauc_ndcg_at_3_std": 3.568348121928968, + "nauc_ndcg_at_5_diff1": 13.518402147118861, + "nauc_ndcg_at_5_max": 6.463128522589964, + "nauc_ndcg_at_5_std": 2.6290251894206036, + "nauc_precision_at_1000_diff1": -0.14859656704447735, + "nauc_precision_at_1000_max": 22.305443744434182, + "nauc_precision_at_1000_std": 8.879840465533688, + "nauc_precision_at_100_diff1": 6.760575881719946, + "nauc_precision_at_100_max": 15.29737164075807, + "nauc_precision_at_100_std": 11.230012315493347, + "nauc_precision_at_10_diff1": 11.759182955072145, + "nauc_precision_at_10_max": 8.660562486174117, + "nauc_precision_at_10_std": 3.3549292515779094, + "nauc_precision_at_1_diff1": 14.956230962502085, + "nauc_precision_at_1_max": 8.73931836103222, + "nauc_precision_at_1_std": 2.64832616615408, + "nauc_precision_at_20_diff1": 7.401208860694865, + "nauc_precision_at_20_max": 12.51957393165894, + "nauc_precision_at_20_std": 3.7015352831870416, + "nauc_precision_at_3_diff1": 14.491922438510684, + "nauc_precision_at_3_max": 7.32351776738068, + "nauc_precision_at_3_std": 1.9199578473009384, + "nauc_precision_at_5_diff1": 12.119924723755787, + "nauc_precision_at_5_max": 8.55933421537529, + "nauc_precision_at_5_std": 0.9457844262487164, + "nauc_recall_at_1000_diff1": 8.83089587152667, + "nauc_recall_at_1000_max": 20.396552995861764, + "nauc_recall_at_1000_std": 26.716191067517524, + "nauc_recall_at_100_diff1": 9.43183012992213, + "nauc_recall_at_100_max": 9.501501571448282, + "nauc_recall_at_100_std": 14.285058832848089, + "nauc_recall_at_10_diff1": 13.839808835810432, + "nauc_recall_at_10_max": 7.933505226644632, + "nauc_recall_at_10_std": 3.1966135029140164, + "nauc_recall_at_1_diff1": 15.673097607542335, + "nauc_recall_at_1_max": 7.8728446291021905, + "nauc_recall_at_1_std": 6.4648760315306255, + "nauc_recall_at_20_diff1": 10.437563158014042, + "nauc_recall_at_20_max": 8.311799162247189, + "nauc_recall_at_20_std": 5.85366764191572, + "nauc_recall_at_3_diff1": 14.407773253315103, + "nauc_recall_at_3_max": 4.396111262809052, + "nauc_recall_at_3_std": 3.8372791660540058, + "nauc_recall_at_5_diff1": 11.54279108068964, + "nauc_recall_at_5_max": 4.945221910869192, + "nauc_recall_at_5_std": 1.7566860385328107, + "ndcg_at_1": 8.642, + "ndcg_at_10": 10.219000000000001, + "ndcg_at_100": 14.838000000000001, + "ndcg_at_1000": 19.335, + "ndcg_at_20": 11.495, + "ndcg_at_3": 8.021, + "ndcg_at_5": 8.663, + "precision_at_1": 8.642, + "precision_at_10": 3.086, + "precision_at_100": 0.747, + "precision_at_1000": 0.152, + "precision_at_20": 2.022, + "precision_at_3": 5.453, + "precision_at_5": 4.198, + "recall_at_1": 4.202, + "recall_at_10": 14.086000000000002, + "recall_at_100": 32.757999999999996, + "recall_at_1000": 60.649, + "recall_at_20": 18.129, + "recall_at_3": 7.8549999999999995, + "recall_at_5": 9.861 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/HotpotQA.json b/results/minishlab__potion-base-2M/external/HotpotQA.json new file mode 100644 index 000000000..9d9ce2538 --- /dev/null +++ b/results/minishlab__potion-base-2M/external/HotpotQA.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 21.614, + "map_at_1": 11.789, + "map_at_10": 16.298000000000002, + "map_at_100": 16.965, + "map_at_1000": 17.052, + "map_at_20": 16.669, + "map_at_3": 14.963000000000001, + "map_at_5": 15.709000000000001, + "mrr_at_1": 23.578663065496286, + "mrr_at_10": 29.639073770403908, + "mrr_at_100": 30.359813527624098, + "mrr_at_1000": 30.427786306549432, + "mrr_at_20": 30.057356684477064, + "mrr_at_3": 27.91357191087095, + "mrr_at_5": 28.895340985820354, + "nauc_map_at_1000_diff1": 44.917394348472826, + "nauc_map_at_1000_max": 31.80330450852885, + "nauc_map_at_1000_std": 14.578989457609914, + "nauc_map_at_100_diff1": 44.946269171547904, + "nauc_map_at_100_max": 31.75547980049172, + "nauc_map_at_100_std": 14.497740666511097, + "nauc_map_at_10_diff1": 45.63183405960151, + "nauc_map_at_10_max": 31.57684331750769, + "nauc_map_at_10_std": 13.720611937996688, + "nauc_map_at_1_diff1": 54.88588090350412, + "nauc_map_at_1_max": 32.01539186380243, + "nauc_map_at_1_std": 9.711864312852528, + "nauc_map_at_20_diff1": 45.183673410307875, + "nauc_map_at_20_max": 31.675889031272824, + "nauc_map_at_20_std": 14.117826246559353, + "nauc_map_at_3_diff1": 47.52208598209566, + "nauc_map_at_3_max": 31.86158421243083, + "nauc_map_at_3_std": 12.381248746187193, + "nauc_map_at_5_diff1": 46.442184401322145, + "nauc_map_at_5_max": 31.63017703410021, + "nauc_map_at_5_std": 13.132735114121214, + "nauc_mrr_at_1000_diff1": 47.54619690126628, + "nauc_mrr_at_1000_max": 30.657047435440386, + "nauc_mrr_at_1000_std": 12.157743555031063, + "nauc_mrr_at_100_diff1": 47.53279072131234, + "nauc_mrr_at_100_max": 30.644795488492903, + "nauc_mrr_at_100_std": 12.148316668565558, + "nauc_mrr_at_10_diff1": 47.80371467312708, + "nauc_mrr_at_10_max": 30.63631672644867, + "nauc_mrr_at_10_std": 11.850411637055567, + "nauc_mrr_at_1_diff1": 54.88588090350412, + "nauc_mrr_at_1_max": 32.01539186380243, + "nauc_mrr_at_1_std": 9.711864312852528, + "nauc_mrr_at_20_diff1": 47.59914593566423, + "nauc_mrr_at_20_max": 30.64820791166759, + "nauc_mrr_at_20_std": 12.025245568167318, + "nauc_mrr_at_3_diff1": 49.07945193378141, + "nauc_mrr_at_3_max": 31.101665157446384, + "nauc_mrr_at_3_std": 11.261770295831171, + "nauc_mrr_at_5_diff1": 48.31599574171794, + "nauc_mrr_at_5_max": 30.758029728579356, + "nauc_mrr_at_5_std": 11.57586015346866, + "nauc_ndcg_at_1000_diff1": 40.59730013454305, + "nauc_ndcg_at_1000_max": 31.858727171630406, + "nauc_ndcg_at_1000_std": 18.38911731839912, + "nauc_ndcg_at_100_diff1": 41.05727875473311, + "nauc_ndcg_at_100_max": 31.200209607115507, + "nauc_ndcg_at_100_std": 17.143920588351886, + "nauc_ndcg_at_10_diff1": 43.438534881275444, + "nauc_ndcg_at_10_max": 30.737946990772997, + "nauc_ndcg_at_10_std": 14.449960369509911, + "nauc_ndcg_at_1_diff1": 54.88588090350412, + "nauc_ndcg_at_1_max": 32.01539186380243, + "nauc_ndcg_at_1_std": 9.711864312852528, + "nauc_ndcg_at_20_diff1": 42.25718271284509, + "nauc_ndcg_at_20_max": 30.897435243868905, + "nauc_ndcg_at_20_std": 15.412549120054193, + "nauc_ndcg_at_3_diff1": 46.53638838597477, + "nauc_ndcg_at_3_max": 31.390495377790177, + "nauc_ndcg_at_3_std": 12.468335527090519, + "nauc_ndcg_at_5_diff1": 44.92693354952539, + "nauc_ndcg_at_5_max": 30.887428625960915, + "nauc_ndcg_at_5_std": 13.403669618286864, + "nauc_precision_at_1000_diff1": 14.046084009393786, + "nauc_precision_at_1000_max": 26.025160058476338, + "nauc_precision_at_1000_std": 29.157031067483256, + "nauc_precision_at_100_diff1": 21.990659256216876, + "nauc_precision_at_100_max": 26.93221065873268, + "nauc_precision_at_100_std": 25.151535987506747, + "nauc_precision_at_10_diff1": 33.711273609447844, + "nauc_precision_at_10_max": 28.4857023531615, + "nauc_precision_at_10_std": 17.99141308322003, + "nauc_precision_at_1_diff1": 54.88588090350412, + "nauc_precision_at_1_max": 32.01539186380243, + "nauc_precision_at_1_std": 9.711864312852528, + "nauc_precision_at_20_diff1": 29.06191496521685, + "nauc_precision_at_20_max": 27.913633624163765, + "nauc_precision_at_20_std": 20.103925765892363, + "nauc_precision_at_3_diff1": 41.89101661752835, + "nauc_precision_at_3_max": 30.936389232946116, + "nauc_precision_at_3_std": 13.983206968178264, + "nauc_precision_at_5_diff1": 38.15960353436429, + "nauc_precision_at_5_max": 29.48701633210831, + "nauc_precision_at_5_std": 15.725313714018691, + "nauc_recall_at_1000_diff1": 14.046084009393903, + "nauc_recall_at_1000_max": 26.02516005847642, + "nauc_recall_at_1000_std": 29.157031067483334, + "nauc_recall_at_100_diff1": 21.990659256216883, + "nauc_recall_at_100_max": 26.932210658732647, + "nauc_recall_at_100_std": 25.15153598750676, + "nauc_recall_at_10_diff1": 33.71127360944788, + "nauc_recall_at_10_max": 28.485702353161496, + "nauc_recall_at_10_std": 17.991413083220063, + "nauc_recall_at_1_diff1": 54.88588090350412, + "nauc_recall_at_1_max": 32.01539186380243, + "nauc_recall_at_1_std": 9.711864312852528, + "nauc_recall_at_20_diff1": 29.061914965216857, + "nauc_recall_at_20_max": 27.913633624163786, + "nauc_recall_at_20_std": 20.103925765892363, + "nauc_recall_at_3_diff1": 41.89101661752835, + "nauc_recall_at_3_max": 30.936389232946127, + "nauc_recall_at_3_std": 13.983206968178255, + "nauc_recall_at_5_diff1": 38.15960353436428, + "nauc_recall_at_5_max": 29.487016332108308, + "nauc_recall_at_5_std": 15.72531371401871, + "ndcg_at_1": 23.579, + "ndcg_at_10": 21.614, + "ndcg_at_100": 25.008000000000003, + "ndcg_at_1000": 27.394000000000002, + "ndcg_at_20": 22.909, + "ndcg_at_3": 18.806, + "ndcg_at_5": 20.180999999999997, + "precision_at_1": 23.579, + "precision_at_10": 4.8469999999999995, + "precision_at_100": 0.757, + "precision_at_1000": 0.108, + "precision_at_20": 2.841, + "precision_at_3": 11.915000000000001, + "precision_at_5": 8.243, + "recall_at_1": 11.789, + "recall_at_10": 24.234, + "recall_at_100": 37.833, + "recall_at_1000": 53.869, + "recall_at_20": 28.406, + "recall_at_3": 17.873, + "recall_at_5": 20.608 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/ImdbClassification.json b/results/minishlab__potion-base-2M/external/ImdbClassification.json new file mode 100644 index 000000000..7155e9607 --- /dev/null +++ b/results/minishlab__potion-base-2M/external/ImdbClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.35639999999998, + "ap": 64.70837553635555, + "ap_weighted": 64.70837553635555, + "f1": 70.18257490051944, + "f1_weighted": 70.18257490051944, + "main_score": 70.35639999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/MSMARCO.json b/results/minishlab__potion-base-2M/external/MSMARCO.json new file mode 100644 index 000000000..02b6a43c9 --- /dev/null +++ b/results/minishlab__potion-base-2M/external/MSMARCO.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 29.474, + "map_at_1": 0.844, + "map_at_10": 5.276, + "map_at_100": 12.017999999999999, + "map_at_1000": 15.082, + "map_at_20": 7.545, + "map_at_3": 2.102, + "map_at_5": 3.3000000000000003, + "mrr_at_1": 44.18604651162791, + "mrr_at_10": 54.360465116279066, + "mrr_at_100": 54.99847310312427, + "mrr_at_1000": 55.02059372381039, + "mrr_at_20": 54.799741602067186, + "mrr_at_3": 50.775193798449614, + "mrr_at_5": 53.68217054263565, + "nauc_map_at_1000_diff1": -2.021143214503584, + "nauc_map_at_1000_max": 52.31379907413224, + "nauc_map_at_1000_std": 49.2308667371812, + "nauc_map_at_100_diff1": -3.8937842066417074, + "nauc_map_at_100_max": 42.865843640140625, + "nauc_map_at_100_std": 37.95585233504797, + "nauc_map_at_10_diff1": 1.606824138727677, + "nauc_map_at_10_max": 23.890927075059928, + "nauc_map_at_10_std": 16.257680972641474, + "nauc_map_at_1_diff1": 22.570349150082496, + "nauc_map_at_1_max": 19.238395165822904, + "nauc_map_at_1_std": 17.550539838923076, + "nauc_map_at_20_diff1": -4.951486071114569, + "nauc_map_at_20_max": 27.583006880684685, + "nauc_map_at_20_std": 20.615620122179987, + "nauc_map_at_3_diff1": 14.786952703553915, + "nauc_map_at_3_max": 20.55790784157572, + "nauc_map_at_3_std": 19.79232931312015, + "nauc_map_at_5_diff1": 12.076877755500902, + "nauc_map_at_5_max": 24.663714787605002, + "nauc_map_at_5_std": 20.483862838332758, + "nauc_mrr_at_1000_diff1": -2.0990215138353774, + "nauc_mrr_at_1000_max": 63.648044801780216, + "nauc_mrr_at_1000_std": 52.77427870744277, + "nauc_mrr_at_100_diff1": -2.168718494363165, + "nauc_mrr_at_100_max": 63.67099864984754, + "nauc_mrr_at_100_std": 52.80928825893113, + "nauc_mrr_at_10_diff1": -1.792364177532816, + "nauc_mrr_at_10_max": 64.24673279475928, + "nauc_mrr_at_10_std": 53.00600172156902, + "nauc_mrr_at_1_diff1": -3.3449341568902606, + "nauc_mrr_at_1_max": 53.62962555265127, + "nauc_mrr_at_1_std": 41.51614972127939, + "nauc_mrr_at_20_diff1": -2.15540611512638, + "nauc_mrr_at_20_max": 63.819872925158805, + "nauc_mrr_at_20_std": 52.7961849237132, + "nauc_mrr_at_3_diff1": -0.43541432598439994, + "nauc_mrr_at_3_max": 59.7829402577313, + "nauc_mrr_at_3_std": 50.90856959435809, + "nauc_mrr_at_5_diff1": -2.3053362706782323, + "nauc_mrr_at_5_max": 64.96293039839213, + "nauc_mrr_at_5_std": 54.140790167234734, + "nauc_ndcg_at_1000_diff1": 4.829519342110107, + "nauc_ndcg_at_1000_max": 61.07451345243899, + "nauc_ndcg_at_1000_std": 57.92106611562103, + "nauc_ndcg_at_100_diff1": 2.04263990794124, + "nauc_ndcg_at_100_max": 55.358917987828036, + "nauc_ndcg_at_100_std": 49.87187447439087, + "nauc_ndcg_at_10_diff1": -3.004323448668936, + "nauc_ndcg_at_10_max": 52.83608965686278, + "nauc_ndcg_at_10_std": 41.53186594077247, + "nauc_ndcg_at_1_diff1": 8.54881714077641, + "nauc_ndcg_at_1_max": 49.57842930523978, + "nauc_ndcg_at_1_std": 36.75885193295566, + "nauc_ndcg_at_20_diff1": -5.839572654994822, + "nauc_ndcg_at_20_max": 55.613971289427624, + "nauc_ndcg_at_20_std": 44.3490091376206, + "nauc_ndcg_at_3_diff1": 0.9619430931504145, + "nauc_ndcg_at_3_max": 47.53601312984855, + "nauc_ndcg_at_3_std": 40.4176409277924, + "nauc_ndcg_at_5_diff1": 2.4738911967465573, + "nauc_ndcg_at_5_max": 54.82024302253763, + "nauc_ndcg_at_5_std": 45.60241734712396, + "nauc_precision_at_1000_diff1": 0.3013953483568884, + "nauc_precision_at_1000_max": 57.70808930624168, + "nauc_precision_at_1000_std": 58.201127413689, + "nauc_precision_at_100_diff1": -2.741499937534905, + "nauc_precision_at_100_max": 63.181504513834575, + "nauc_precision_at_100_std": 61.10964102659246, + "nauc_precision_at_10_diff1": -7.539781228254228, + "nauc_precision_at_10_max": 55.52784878560168, + "nauc_precision_at_10_std": 44.104151562310946, + "nauc_precision_at_1_diff1": -3.3449341568902606, + "nauc_precision_at_1_max": 53.62962555265127, + "nauc_precision_at_1_std": 41.51614972127939, + "nauc_precision_at_20_diff1": -9.570969327978647, + "nauc_precision_at_20_max": 57.27619865280717, + "nauc_precision_at_20_std": 47.014271773458766, + "nauc_precision_at_3_diff1": -8.650135123593332, + "nauc_precision_at_3_max": 52.75623365854728, + "nauc_precision_at_3_std": 45.17073452831896, + "nauc_precision_at_5_diff1": -5.93704448023575, + "nauc_precision_at_5_max": 59.65088855595867, + "nauc_precision_at_5_std": 49.423110379770065, + "nauc_recall_at_1000_diff1": 9.797434639403033, + "nauc_recall_at_1000_max": 56.59565673453876, + "nauc_recall_at_1000_std": 55.7036657099338, + "nauc_recall_at_100_diff1": 3.5802050256517317, + "nauc_recall_at_100_max": 44.92647077291689, + "nauc_recall_at_100_std": 40.98080812630615, + "nauc_recall_at_10_diff1": 3.3855332934188818, + "nauc_recall_at_10_max": 24.87343302186072, + "nauc_recall_at_10_std": 15.077881728039621, + "nauc_recall_at_1_diff1": 22.570349150082496, + "nauc_recall_at_1_max": 19.238395165822904, + "nauc_recall_at_1_std": 17.550539838923076, + "nauc_recall_at_20_diff1": -2.129517961134834, + "nauc_recall_at_20_max": 29.231226886425212, + "nauc_recall_at_20_std": 21.112189894866912, + "nauc_recall_at_3_diff1": 11.57541674939924, + "nauc_recall_at_3_max": 19.503507707855817, + "nauc_recall_at_3_std": 19.46878131021193, + "nauc_recall_at_5_diff1": 11.802964146201003, + "nauc_recall_at_5_max": 25.973454165368093, + "nauc_recall_at_5_std": 20.259629965777922, + "ndcg_at_1": 25.968999999999998, + "ndcg_at_10": 29.474, + "ndcg_at_100": 26.762999999999998, + "ndcg_at_1000": 35.032000000000004, + "ndcg_at_20": 28.141, + "ndcg_at_3": 28.58, + "ndcg_at_5": 30.213, + "precision_at_1": 44.186, + "precision_at_10": 40.465, + "precision_at_100": 17.023, + "precision_at_1000": 3.881, + "precision_at_20": 33.721000000000004, + "precision_at_3": 43.411, + "precision_at_5": 45.116, + "recall_at_1": 0.844, + "recall_at_10": 6.4670000000000005, + "recall_at_100": 21.831, + "recall_at_1000": 44.84, + "recall_at_20": 10.042, + "recall_at_3": 2.2800000000000002, + "recall_at_5": 3.94 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/MTOPDomainClassification.json b/results/minishlab__potion-base-2M/external/MTOPDomainClassification.json new file mode 100644 index 000000000..ee848a2c8 --- /dev/null +++ b/results/minishlab__potion-base-2M/external/MTOPDomainClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.27268581851345, + "f1": 77.91734002694149, + "f1_weighted": 79.14088602852584, + "main_score": 79.27268581851345 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/MTOPIntentClassification.json b/results/minishlab__potion-base-2M/external/MTOPIntentClassification.json new file mode 100644 index 000000000..5e6167754 --- /dev/null +++ b/results/minishlab__potion-base-2M/external/MTOPIntentClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 42.49886000911992, + "f1": 27.161113280134728, + "f1_weighted": 46.29236281595424, + "main_score": 42.49886000911992 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/MassiveIntentClassification.json b/results/minishlab__potion-base-2M/external/MassiveIntentClassification.json new file mode 100644 index 000000000..647ee8f4d --- /dev/null +++ b/results/minishlab__potion-base-2M/external/MassiveIntentClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "4672e20407010da34463acc759c162ca9734bca6", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 54.065232010759914, + "f1": 52.64846159370178, + "f1_weighted": 52.69815077422998, + "main_score": 54.065232010759914 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/MassiveScenarioClassification.json b/results/minishlab__potion-base-2M/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..5a8a825d7 --- /dev/null +++ b/results/minishlab__potion-base-2M/external/MassiveScenarioClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "fad2c6e8459f9e1c45d9315f4953d921437d70f8", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 59.596503026227296, + "f1": 58.454086272367725, + "f1_weighted": 59.23698301210568, + "main_score": 59.596503026227296 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/MedrxivClusteringP2P.json b/results/minishlab__potion-base-2M/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..8ab1b5976 --- /dev/null +++ b/results/minishlab__potion-base-2M/external/MedrxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 25.59161751046095, + "v_measure": 25.59161751046095, + "v_measure_std": 1.4816189134361553 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/MedrxivClusteringS2S.json b/results/minishlab__potion-base-2M/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..5ec18da18 --- /dev/null +++ b/results/minishlab__potion-base-2M/external/MedrxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 21.396391045777328, + "v_measure": 21.396391045777328, + "v_measure_std": 1.6103207158789596 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/MindSmallReranking.json b/results/minishlab__potion-base-2M/external/MindSmallReranking.json new file mode 100644 index 000000000..e75bd89b3 --- /dev/null +++ b/results/minishlab__potion-base-2M/external/MindSmallReranking.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "59042f120c80e8afa9cdbb224f67076cec0fc9a7", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 28.017817065141404, + "map": 28.017817065141404, + "mrr": 28.540519062700398, + "nAUC_map_diff1": 15.461550063785692, + "nAUC_map_max": -25.32105536328766, + "nAUC_map_std": -8.329979908589804, + "nAUC_mrr_diff1": 14.686110906248775, + "nAUC_mrr_max": -19.527290469919414, + "nAUC_mrr_std": -6.772185014428633 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/NFCorpus.json b/results/minishlab__potion-base-2M/external/NFCorpus.json new file mode 100644 index 000000000..41a4f9ece --- /dev/null +++ b/results/minishlab__potion-base-2M/external/NFCorpus.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 18.958, + "map_at_1": 2.6790000000000003, + "map_at_10": 5.232, + "map_at_100": 6.662, + "map_at_1000": 7.611999999999999, + "map_at_20": 5.753, + "map_at_3": 4.037, + "map_at_5": 4.611, + "mrr_at_1": 28.482972136222912, + "mrr_at_10": 36.405597326649946, + "mrr_at_100": 37.22595173312844, + "mrr_at_1000": 37.31683387820029, + "mrr_at_20": 36.93095174519322, + "mrr_at_3": 34.26212590299277, + "mrr_at_5": 35.33023735810114, + "nauc_map_at_1000_diff1": 34.55475823314036, + "nauc_map_at_1000_max": 27.34025191906842, + "nauc_map_at_1000_std": 27.342181927439913, + "nauc_map_at_100_diff1": 35.89756716732043, + "nauc_map_at_100_max": 25.674881665083976, + "nauc_map_at_100_std": 26.198892926722237, + "nauc_map_at_10_diff1": 39.22190087054285, + "nauc_map_at_10_max": 21.95676384880576, + "nauc_map_at_10_std": 23.963311484529996, + "nauc_map_at_1_diff1": 37.24773940905471, + "nauc_map_at_1_max": 14.271803984288198, + "nauc_map_at_1_std": 29.688383585943097, + "nauc_map_at_20_diff1": 37.68453649833976, + "nauc_map_at_20_max": 24.07159414296253, + "nauc_map_at_20_std": 25.447472109181398, + "nauc_map_at_3_diff1": 41.58967433401796, + "nauc_map_at_3_max": 18.968008374733863, + "nauc_map_at_3_std": 21.28294335040504, + "nauc_map_at_5_diff1": 40.49610097499772, + "nauc_map_at_5_max": 19.882044394766137, + "nauc_map_at_5_std": 22.896905648859477, + "nauc_mrr_at_1000_diff1": 25.809484398850618, + "nauc_mrr_at_1000_max": 26.414231307244414, + "nauc_mrr_at_1000_std": 17.985986694919003, + "nauc_mrr_at_100_diff1": 25.78606536353402, + "nauc_mrr_at_100_max": 26.4528757137163, + "nauc_mrr_at_100_std": 17.999133117747803, + "nauc_mrr_at_10_diff1": 25.779300906162796, + "nauc_mrr_at_10_max": 26.213232859542853, + "nauc_mrr_at_10_std": 18.08183257670132, + "nauc_mrr_at_1_diff1": 27.598875670159266, + "nauc_mrr_at_1_max": 20.32658251250794, + "nauc_mrr_at_1_std": 18.18823377326309, + "nauc_mrr_at_20_diff1": 25.636959155407197, + "nauc_mrr_at_20_max": 26.464954542586, + "nauc_mrr_at_20_std": 18.000213123428896, + "nauc_mrr_at_3_diff1": 26.204839589208444, + "nauc_mrr_at_3_max": 24.408100393220273, + "nauc_mrr_at_3_std": 17.5978010208717, + "nauc_mrr_at_5_diff1": 26.40893924955858, + "nauc_mrr_at_5_max": 25.12051846945133, + "nauc_mrr_at_5_std": 17.88757695915964, + "nauc_ndcg_at_1000_diff1": 28.382776725135717, + "nauc_ndcg_at_1000_max": 35.17640492284041, + "nauc_ndcg_at_1000_std": 21.960947306809935, + "nauc_ndcg_at_100_diff1": 29.15650285424262, + "nauc_ndcg_at_100_max": 28.93369196915297, + "nauc_ndcg_at_100_std": 22.98450747640745, + "nauc_ndcg_at_10_diff1": 23.285486018526193, + "nauc_ndcg_at_10_max": 25.356509158119785, + "nauc_ndcg_at_10_std": 21.47481325489274, + "nauc_ndcg_at_1_diff1": 28.30393191665423, + "nauc_ndcg_at_1_max": 19.280395074712168, + "nauc_ndcg_at_1_std": 20.264338440493027, + "nauc_ndcg_at_20_diff1": 25.056396490391524, + "nauc_ndcg_at_20_max": 27.345120936004818, + "nauc_ndcg_at_20_std": 23.96666766743033, + "nauc_ndcg_at_3_diff1": 23.30190701865977, + "nauc_ndcg_at_3_max": 23.229020303623322, + "nauc_ndcg_at_3_std": 20.04669638404903, + "nauc_ndcg_at_5_diff1": 23.09298233563678, + "nauc_ndcg_at_5_max": 24.961046635562553, + "nauc_ndcg_at_5_std": 20.761704284437112, + "nauc_precision_at_1000_diff1": 1.0960840257544657, + "nauc_precision_at_1000_max": 18.092406576627578, + "nauc_precision_at_1000_std": 18.90288850498279, + "nauc_precision_at_100_diff1": 6.267759440812813, + "nauc_precision_at_100_max": 24.652404577181972, + "nauc_precision_at_100_std": 22.887811997352166, + "nauc_precision_at_10_diff1": 9.718986333358377, + "nauc_precision_at_10_max": 29.836283256489544, + "nauc_precision_at_10_std": 20.462452851651605, + "nauc_precision_at_1_diff1": 27.598875670159266, + "nauc_precision_at_1_max": 20.32658251250794, + "nauc_precision_at_1_std": 18.18823377326309, + "nauc_precision_at_20_diff1": 8.676606543268425, + "nauc_precision_at_20_max": 30.399108802564502, + "nauc_precision_at_20_std": 23.861676907877747, + "nauc_precision_at_3_diff1": 17.45339550106393, + "nauc_precision_at_3_max": 26.216766421583156, + "nauc_precision_at_3_std": 19.277741416054468, + "nauc_precision_at_5_diff1": 14.548311075529996, + "nauc_precision_at_5_max": 28.578357432043095, + "nauc_precision_at_5_std": 20.06284061666006, + "nauc_recall_at_1000_diff1": 15.468783472460082, + "nauc_recall_at_1000_max": 18.76028457005554, + "nauc_recall_at_1000_std": 11.263359191726643, + "nauc_recall_at_100_diff1": 24.242089843241242, + "nauc_recall_at_100_max": 16.5727197700428, + "nauc_recall_at_100_std": 11.874947318154511, + "nauc_recall_at_10_diff1": 32.05672140211618, + "nauc_recall_at_10_max": 15.422864149105198, + "nauc_recall_at_10_std": 16.485136884962905, + "nauc_recall_at_1_diff1": 37.24773940905471, + "nauc_recall_at_1_max": 14.271803984288198, + "nauc_recall_at_1_std": 29.688383585943097, + "nauc_recall_at_20_diff1": 26.72558411584015, + "nauc_recall_at_20_max": 18.71742158521011, + "nauc_recall_at_20_std": 16.30979019801867, + "nauc_recall_at_3_diff1": 42.18802462874201, + "nauc_recall_at_3_max": 15.849348165931904, + "nauc_recall_at_3_std": 15.265602449011315, + "nauc_recall_at_5_diff1": 36.73549549313766, + "nauc_recall_at_5_max": 14.244134216875928, + "nauc_recall_at_5_std": 16.831447694292613, + "ndcg_at_1": 27.245, + "ndcg_at_10": 18.958, + "ndcg_at_100": 17.480999999999998, + "ndcg_at_1000": 26.590000000000003, + "ndcg_at_20": 17.732999999999997, + "ndcg_at_3": 22.745, + "ndcg_at_5": 20.845, + "precision_at_1": 28.483000000000004, + "precision_at_10": 13.963000000000001, + "precision_at_100": 4.926, + "precision_at_1000": 1.7129999999999999, + "precision_at_20": 10.867, + "precision_at_3": 21.259, + "precision_at_5": 17.647, + "recall_at_1": 2.6790000000000003, + "recall_at_10": 8.35, + "recall_at_100": 18.846, + "recall_at_1000": 51.906, + "recall_at_20": 10.713000000000001, + "recall_at_3": 5.005, + "recall_at_5": 6.3950000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/NQ.json b/results/minishlab__potion-base-2M/external/NQ.json new file mode 100644 index 000000000..20e41630e --- /dev/null +++ b/results/minishlab__potion-base-2M/external/NQ.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 13.048000000000002, + "map_at_1": 5.733, + "map_at_10": 10.041, + "map_at_100": 10.93, + "map_at_1000": 11.026, + "map_at_20": 10.506, + "map_at_3": 8.271, + "map_at_5": 9.245000000000001, + "mrr_at_1": 6.60486674391657, + "mrr_at_10": 11.158530136658742, + "mrr_at_100": 12.026649413998268, + "mrr_at_1000": 12.113535659557408, + "mrr_at_20": 11.630352356549999, + "mrr_at_3": 9.385863267670912, + "mrr_at_5": 10.349073001158729, + "nauc_map_at_1000_diff1": 18.601922397825142, + "nauc_map_at_1000_max": 15.538804960648637, + "nauc_map_at_1000_std": 8.932607273344003, + "nauc_map_at_100_diff1": 18.620680660067194, + "nauc_map_at_100_max": 15.484338018985905, + "nauc_map_at_100_std": 8.819973524636717, + "nauc_map_at_10_diff1": 19.13487178673801, + "nauc_map_at_10_max": 14.806496007734665, + "nauc_map_at_10_std": 7.298071664899234, + "nauc_map_at_1_diff1": 21.9930605817395, + "nauc_map_at_1_max": 11.133712801824862, + "nauc_map_at_1_std": 2.131487062602308, + "nauc_map_at_20_diff1": 18.845986559595225, + "nauc_map_at_20_max": 14.84348513576822, + "nauc_map_at_20_std": 7.856790248019083, + "nauc_map_at_3_diff1": 19.755782126040426, + "nauc_map_at_3_max": 12.255007439868141, + "nauc_map_at_3_std": 4.958398044298864, + "nauc_map_at_5_diff1": 19.022537070708342, + "nauc_map_at_5_max": 13.17042573872807, + "nauc_map_at_5_std": 5.482903489537978, + "nauc_mrr_at_1000_diff1": 17.632222622653444, + "nauc_mrr_at_1000_max": 15.42476571014277, + "nauc_mrr_at_1000_std": 10.153638750166555, + "nauc_mrr_at_100_diff1": 17.646689914747668, + "nauc_mrr_at_100_max": 15.38756697506547, + "nauc_mrr_at_100_std": 10.083635499306897, + "nauc_mrr_at_10_diff1": 18.028117672644154, + "nauc_mrr_at_10_max": 14.860588727254278, + "nauc_mrr_at_10_std": 8.896662029848459, + "nauc_mrr_at_1_diff1": 21.40810772236307, + "nauc_mrr_at_1_max": 11.946611379314245, + "nauc_mrr_at_1_std": 4.892375669408125, + "nauc_mrr_at_20_diff1": 17.804802947324127, + "nauc_mrr_at_20_max": 14.878056026236205, + "nauc_mrr_at_20_std": 9.377905847506275, + "nauc_mrr_at_3_diff1": 18.414257987511295, + "nauc_mrr_at_3_max": 12.761434587966134, + "nauc_mrr_at_3_std": 7.11744205502733, + "nauc_mrr_at_5_diff1": 17.685888476834307, + "nauc_mrr_at_5_max": 13.357657290287806, + "nauc_mrr_at_5_std": 7.41999209613162, + "nauc_ndcg_at_1000_diff1": 15.737671084966395, + "nauc_ndcg_at_1000_max": 21.300001109022485, + "nauc_ndcg_at_1000_std": 18.420598093162717, + "nauc_ndcg_at_100_diff1": 16.10827621536761, + "nauc_ndcg_at_100_max": 19.937939696831897, + "nauc_ndcg_at_100_std": 16.25333603534063, + "nauc_ndcg_at_10_diff1": 17.91787045098329, + "nauc_ndcg_at_10_max": 17.054099236569016, + "nauc_ndcg_at_10_std": 10.235961770803096, + "nauc_ndcg_at_1_diff1": 21.40810772236307, + "nauc_ndcg_at_1_max": 11.946611379314245, + "nauc_ndcg_at_1_std": 4.892375669408125, + "nauc_ndcg_at_20_diff1": 17.19832761450297, + "nauc_ndcg_at_20_max": 16.87970880397001, + "nauc_ndcg_at_20_std": 11.592453610359893, + "nauc_ndcg_at_3_diff1": 18.758841337291486, + "nauc_ndcg_at_3_max": 12.647106844067164, + "nauc_ndcg_at_3_std": 6.233821611512539, + "nauc_ndcg_at_5_diff1": 17.58950136961931, + "nauc_ndcg_at_5_max": 13.932670021270935, + "nauc_ndcg_at_5_std": 6.858307184055891, + "nauc_precision_at_1000_diff1": 5.363101838479181, + "nauc_precision_at_1000_max": 29.23404219454856, + "nauc_precision_at_1000_std": 38.77321422404564, + "nauc_precision_at_100_diff1": 10.391704346995839, + "nauc_precision_at_100_max": 27.03066371996945, + "nauc_precision_at_100_std": 32.09682685301781, + "nauc_precision_at_10_diff1": 16.048191019042747, + "nauc_precision_at_10_max": 21.207538845729886, + "nauc_precision_at_10_std": 17.019629271943458, + "nauc_precision_at_1_diff1": 21.40810772236307, + "nauc_precision_at_1_max": 11.946611379314245, + "nauc_precision_at_1_std": 4.892375669408125, + "nauc_precision_at_20_diff1": 13.977058772500564, + "nauc_precision_at_20_max": 19.839732387000677, + "nauc_precision_at_20_std": 19.57373741788698, + "nauc_precision_at_3_diff1": 17.421929652197804, + "nauc_precision_at_3_max": 13.424075887007348, + "nauc_precision_at_3_std": 9.341912396168489, + "nauc_precision_at_5_diff1": 15.501119413583092, + "nauc_precision_at_5_max": 15.459130320595197, + "nauc_precision_at_5_std": 10.159860224374993, + "nauc_recall_at_1000_diff1": 8.82421580754989, + "nauc_recall_at_1000_max": 37.506204045082434, + "nauc_recall_at_1000_std": 43.482870689484166, + "nauc_recall_at_100_diff1": 11.324486503492425, + "nauc_recall_at_100_max": 28.076656459901706, + "nauc_recall_at_100_std": 29.50463229683909, + "nauc_recall_at_10_diff1": 16.00096630993718, + "nauc_recall_at_10_max": 20.75175370679478, + "nauc_recall_at_10_std": 14.211472195848762, + "nauc_recall_at_1_diff1": 21.9930605817395, + "nauc_recall_at_1_max": 11.133712801824862, + "nauc_recall_at_1_std": 2.131487062602308, + "nauc_recall_at_20_diff1": 14.608826437651182, + "nauc_recall_at_20_max": 19.689200636397832, + "nauc_recall_at_20_std": 16.665580013229857, + "nauc_recall_at_3_diff1": 16.98767313511421, + "nauc_recall_at_3_max": 12.842939106207622, + "nauc_recall_at_3_std": 7.3018200578662, + "nauc_recall_at_5_diff1": 15.399790005324546, + "nauc_recall_at_5_max": 15.12565840699527, + "nauc_recall_at_5_std": 8.093512618178716, + "ndcg_at_1": 6.6049999999999995, + "ndcg_at_10": 13.048000000000002, + "ndcg_at_100": 17.723, + "ndcg_at_1000": 20.497, + "ndcg_at_20": 14.724, + "ndcg_at_3": 9.402000000000001, + "ndcg_at_5": 11.125, + "precision_at_1": 6.6049999999999995, + "precision_at_10": 2.5090000000000003, + "precision_at_100": 0.523, + "precision_at_1000": 0.079, + "precision_at_20": 1.641, + "precision_at_3": 4.519, + "precision_at_5": 3.662, + "recall_at_1": 5.733, + "recall_at_10": 21.407999999999998, + "recall_at_100": 43.197, + "recall_at_1000": 64.786, + "recall_at_20": 27.752, + "recall_at_3": 11.584999999999999, + "recall_at_5": 15.662 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/QuoraRetrieval.json b/results/minishlab__potion-base-2M/external/QuoraRetrieval.json new file mode 100644 index 000000000..30486f8a4 --- /dev/null +++ b/results/minishlab__potion-base-2M/external/QuoraRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "e4e08e0b7dbe3c8700f0daef558ff32256715259", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 75.889, + "map_at_1": 59.521, + "map_at_10": 71.28, + "map_at_100": 72.1, + "map_at_1000": 72.139, + "map_at_20": 71.788, + "map_at_3": 68.462, + "map_at_5": 70.143, + "mrr_at_1": 68.46, + "mrr_at_10": 75.60400396825362, + "mrr_at_100": 75.94020350652137, + "mrr_at_1000": 75.95072803605511, + "mrr_at_20": 75.82968447032792, + "mrr_at_3": 74.10999999999966, + "mrr_at_5": 75.06249999999946, + "nauc_map_at_1000_diff1": 70.19386706664726, + "nauc_map_at_1000_max": 43.44897820040013, + "nauc_map_at_1000_std": -14.237163216930396, + "nauc_map_at_100_diff1": 70.19866967992321, + "nauc_map_at_100_max": 43.44171960985875, + "nauc_map_at_100_std": -14.252373890404598, + "nauc_map_at_10_diff1": 70.26642450807104, + "nauc_map_at_10_max": 42.96787858551095, + "nauc_map_at_10_std": -15.223674656269695, + "nauc_map_at_1_diff1": 73.50598798215337, + "nauc_map_at_1_max": 35.6307293512228, + "nauc_map_at_1_std": -16.269089125483806, + "nauc_map_at_20_diff1": 70.2053600879007, + "nauc_map_at_20_max": 43.27498690180252, + "nauc_map_at_20_std": -14.64603003196119, + "nauc_map_at_3_diff1": 70.65138430278584, + "nauc_map_at_3_max": 40.89023340246951, + "nauc_map_at_3_std": -16.549534070111047, + "nauc_map_at_5_diff1": 70.349373734752, + "nauc_map_at_5_max": 42.24082396168828, + "nauc_map_at_5_std": -15.811500680254115, + "nauc_mrr_at_1000_diff1": 71.29203504603552, + "nauc_mrr_at_1000_max": 46.42690559992034, + "nauc_mrr_at_1000_std": -11.828704627498078, + "nauc_mrr_at_100_diff1": 71.2900226340849, + "nauc_mrr_at_100_max": 46.435253826921844, + "nauc_mrr_at_100_std": -11.814735763142298, + "nauc_mrr_at_10_diff1": 71.21844201081325, + "nauc_mrr_at_10_max": 46.421627982430884, + "nauc_mrr_at_10_std": -12.030751233110733, + "nauc_mrr_at_1_diff1": 73.05505007326735, + "nauc_mrr_at_1_max": 44.42599826502435, + "nauc_mrr_at_1_std": -13.238066635762205, + "nauc_mrr_at_20_diff1": 71.25293148556567, + "nauc_mrr_at_20_max": 46.41621835298584, + "nauc_mrr_at_20_std": -11.876661055767109, + "nauc_mrr_at_3_diff1": 71.37331205958733, + "nauc_mrr_at_3_max": 45.98413603164503, + "nauc_mrr_at_3_std": -12.574574509695696, + "nauc_mrr_at_5_diff1": 71.24542402884832, + "nauc_mrr_at_5_max": 46.38452436382147, + "nauc_mrr_at_5_std": -12.226266259767742, + "nauc_ndcg_at_1000_diff1": 69.77356705929742, + "nauc_ndcg_at_1000_max": 45.769266206351325, + "nauc_ndcg_at_1000_std": -11.368815656652979, + "nauc_ndcg_at_100_diff1": 69.75368757543434, + "nauc_ndcg_at_100_max": 45.92974089305349, + "nauc_ndcg_at_100_std": -10.962000777691044, + "nauc_ndcg_at_10_diff1": 69.43855250047541, + "nauc_ndcg_at_10_max": 44.87412123405316, + "nauc_ndcg_at_10_std": -13.581485619007081, + "nauc_ndcg_at_1_diff1": 72.98830746442073, + "nauc_ndcg_at_1_max": 44.52285306872999, + "nauc_ndcg_at_1_std": -13.140713028099874, + "nauc_ndcg_at_20_diff1": 69.47101741777516, + "nauc_ndcg_at_20_max": 45.363995866856655, + "nauc_ndcg_at_20_std": -12.31761653051956, + "nauc_ndcg_at_3_diff1": 69.63995301777895, + "nauc_ndcg_at_3_max": 43.385900881945936, + "nauc_ndcg_at_3_std": -14.646876750798473, + "nauc_ndcg_at_5_diff1": 69.43625651308415, + "nauc_ndcg_at_5_max": 44.28219675438962, + "nauc_ndcg_at_5_std": -14.245771527733861, + "nauc_precision_at_1000_diff1": -33.91911759045305, + "nauc_precision_at_1000_max": -1.6255596813223787, + "nauc_precision_at_1000_std": 22.114523481372608, + "nauc_precision_at_100_diff1": -29.22957093123771, + "nauc_precision_at_100_max": 3.3573621623107597, + "nauc_precision_at_100_std": 22.64243055590217, + "nauc_precision_at_10_diff1": -10.768120433843423, + "nauc_precision_at_10_max": 16.372356342933074, + "nauc_precision_at_10_std": 11.106047707692019, + "nauc_precision_at_1_diff1": 72.98830746442073, + "nauc_precision_at_1_max": 44.52285306872999, + "nauc_precision_at_1_std": -13.140713028099874, + "nauc_precision_at_20_diff1": -19.60328656850837, + "nauc_precision_at_20_max": 11.263698603553324, + "nauc_precision_at_20_std": 17.12862112761346, + "nauc_precision_at_3_diff1": 16.396535763529837, + "nauc_precision_at_3_max": 27.52510331770848, + "nauc_precision_at_3_std": -0.1431320144068112, + "nauc_precision_at_5_diff1": 1.9559899327174441, + "nauc_precision_at_5_max": 23.115797894537156, + "nauc_precision_at_5_std": 5.587976439020372, + "nauc_recall_at_1000_diff1": 52.165335899073426, + "nauc_recall_at_1000_max": 67.68332681999831, + "nauc_recall_at_1000_std": 48.44483006588368, + "nauc_recall_at_100_diff1": 59.452660123413004, + "nauc_recall_at_100_max": 57.21697880811637, + "nauc_recall_at_100_std": 23.194172294428036, + "nauc_recall_at_10_diff1": 62.06320665783282, + "nauc_recall_at_10_max": 44.97632618214612, + "nauc_recall_at_10_std": -11.783932871643586, + "nauc_recall_at_1_diff1": 73.50598798215337, + "nauc_recall_at_1_max": 35.6307293512228, + "nauc_recall_at_1_std": -16.269089125483806, + "nauc_recall_at_20_diff1": 60.096792659466615, + "nauc_recall_at_20_max": 47.36791373671932, + "nauc_recall_at_20_std": -3.617358805963005, + "nauc_recall_at_3_diff1": 66.4817738935685, + "nauc_recall_at_3_max": 40.07846085049393, + "nauc_recall_at_3_std": -17.019266805305357, + "nauc_recall_at_5_diff1": 64.29294958329528, + "nauc_recall_at_5_max": 42.80590704093666, + "nauc_recall_at_5_std": -14.96426642947079, + "ndcg_at_1": 68.49, + "ndcg_at_10": 75.889, + "ndcg_at_100": 78.452, + "ndcg_at_1000": 79.022, + "ndcg_at_20": 77.095, + "ndcg_at_3": 72.336, + "ndcg_at_5": 74.122, + "precision_at_1": 68.49, + "precision_at_10": 11.478, + "precision_at_100": 1.4040000000000001, + "precision_at_1000": 0.152, + "precision_at_20": 6.232, + "precision_at_3": 31.287, + "precision_at_5": 20.712, + "recall_at_1": 59.521, + "recall_at_10": 84.768, + "recall_at_100": 94.906, + "recall_at_1000": 98.437, + "recall_at_20": 88.919, + "recall_at_3": 74.507, + "recall_at_5": 79.487 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/RedditClustering.json b/results/minishlab__potion-base-2M/external/RedditClustering.json new file mode 100644 index 000000000..1498f3fff --- /dev/null +++ b/results/minishlab__potion-base-2M/external/RedditClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 29.134297978095674, + "v_measure": 29.134297978095674, + "v_measure_std": 3.9934034124121185 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/RedditClusteringP2P.json b/results/minishlab__potion-base-2M/external/RedditClusteringP2P.json new file mode 100644 index 000000000..3ee81ee4f --- /dev/null +++ b/results/minishlab__potion-base-2M/external/RedditClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 39.215421675518, + "v_measure": 39.215421675518, + "v_measure_std": 10.607286582764162 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/SCIDOCS.json b/results/minishlab__potion-base-2M/external/SCIDOCS.json new file mode 100644 index 000000000..4e2f66746 --- /dev/null +++ b/results/minishlab__potion-base-2M/external/SCIDOCS.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f8c2fcf00f625baaa80f62ec5bd9e1fff3b8ae88", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 8.163, + "map_at_1": 2.06, + "map_at_10": 4.349, + "map_at_100": 5.29, + "map_at_1000": 5.502, + "map_at_20": 4.757, + "map_at_3": 3.3320000000000003, + "map_at_5": 3.789, + "mrr_at_1": 10.2, + "mrr_at_10": 15.777301587301585, + "mrr_at_100": 16.87040130235826, + "mrr_at_1000": 16.99318092347203, + "mrr_at_20": 16.33887346227904, + "mrr_at_3": 13.816666666666663, + "mrr_at_5": 14.876666666666672, + "nauc_map_at_1000_diff1": 16.820399860912577, + "nauc_map_at_1000_max": 11.036291872368661, + "nauc_map_at_1000_std": 28.197293404910596, + "nauc_map_at_100_diff1": 16.974714726054092, + "nauc_map_at_100_max": 10.865585523763155, + "nauc_map_at_100_std": 27.743692421138462, + "nauc_map_at_10_diff1": 17.114604628918144, + "nauc_map_at_10_max": 9.375565363093843, + "nauc_map_at_10_std": 24.780455052145346, + "nauc_map_at_1_diff1": 20.658116587695112, + "nauc_map_at_1_max": 13.155907394830615, + "nauc_map_at_1_std": 22.426847527670628, + "nauc_map_at_20_diff1": 16.898082467709294, + "nauc_map_at_20_max": 9.988559872619556, + "nauc_map_at_20_std": 26.307229888534273, + "nauc_map_at_3_diff1": 16.76206057854526, + "nauc_map_at_3_max": 10.440545699729146, + "nauc_map_at_3_std": 22.958859601482796, + "nauc_map_at_5_diff1": 16.530876411848187, + "nauc_map_at_5_max": 9.311867261847425, + "nauc_map_at_5_std": 24.387141896077, + "nauc_mrr_at_1000_diff1": 16.73600946942673, + "nauc_mrr_at_1000_max": 12.676243402896537, + "nauc_mrr_at_1000_std": 22.6143458461655, + "nauc_mrr_at_100_diff1": 16.71570698771131, + "nauc_mrr_at_100_max": 12.669159209039286, + "nauc_mrr_at_100_std": 22.628552541531114, + "nauc_mrr_at_10_diff1": 16.724205099190893, + "nauc_mrr_at_10_max": 12.284407084892688, + "nauc_mrr_at_10_std": 22.029318681643513, + "nauc_mrr_at_1_diff1": 20.65518464968726, + "nauc_mrr_at_1_max": 13.380415958308845, + "nauc_mrr_at_1_std": 23.027057944994354, + "nauc_mrr_at_20_diff1": 16.743321127999945, + "nauc_mrr_at_20_max": 12.497444652373034, + "nauc_mrr_at_20_std": 22.523374071799278, + "nauc_mrr_at_3_diff1": 17.429706373434005, + "nauc_mrr_at_3_max": 11.567635068970057, + "nauc_mrr_at_3_std": 21.792853845733678, + "nauc_mrr_at_5_diff1": 17.067362660541164, + "nauc_mrr_at_5_max": 11.838591994727086, + "nauc_mrr_at_5_std": 21.89903870786229, + "nauc_ndcg_at_1000_diff1": 13.976383558618032, + "nauc_ndcg_at_1000_max": 15.004200828026185, + "nauc_ndcg_at_1000_std": 32.29145506934514, + "nauc_ndcg_at_100_diff1": 15.151338074531035, + "nauc_ndcg_at_100_max": 13.467821215240413, + "nauc_ndcg_at_100_std": 29.802198591954856, + "nauc_ndcg_at_10_diff1": 15.922085162704697, + "nauc_ndcg_at_10_max": 10.447859010783938, + "nauc_ndcg_at_10_std": 23.90947332043245, + "nauc_ndcg_at_1_diff1": 20.65518464968726, + "nauc_ndcg_at_1_max": 13.380415958308845, + "nauc_ndcg_at_1_std": 23.027057944994354, + "nauc_ndcg_at_20_diff1": 15.55874475345454, + "nauc_ndcg_at_20_max": 11.437273797119275, + "nauc_ndcg_at_20_std": 26.552304709089604, + "nauc_ndcg_at_3_diff1": 16.552004746479756, + "nauc_ndcg_at_3_max": 10.804357733167999, + "nauc_ndcg_at_3_std": 22.49302563529031, + "nauc_ndcg_at_5_diff1": 15.941541214122312, + "nauc_ndcg_at_5_max": 9.999332076127734, + "nauc_ndcg_at_5_std": 23.38227609142699, + "nauc_precision_at_1000_diff1": 7.058340373874923, + "nauc_precision_at_1000_max": 17.258245524006963, + "nauc_precision_at_1000_std": 36.45652142925109, + "nauc_precision_at_100_diff1": 11.432632810176315, + "nauc_precision_at_100_max": 14.706743744286266, + "nauc_precision_at_100_std": 33.509148405438516, + "nauc_precision_at_10_diff1": 13.899621711899094, + "nauc_precision_at_10_max": 9.288924597831762, + "nauc_precision_at_10_std": 23.887371820866647, + "nauc_precision_at_1_diff1": 20.65518464968726, + "nauc_precision_at_1_max": 13.380415958308845, + "nauc_precision_at_1_std": 23.027057944994354, + "nauc_precision_at_20_diff1": 13.143970754077383, + "nauc_precision_at_20_max": 11.347036397273031, + "nauc_precision_at_20_std": 28.728122625727842, + "nauc_precision_at_3_diff1": 15.17229479556843, + "nauc_precision_at_3_max": 9.942412630398362, + "nauc_precision_at_3_std": 22.56878491369083, + "nauc_precision_at_5_diff1": 14.110634156514475, + "nauc_precision_at_5_max": 8.484616766016119, + "nauc_precision_at_5_std": 24.207087120488005, + "nauc_recall_at_1000_diff1": 7.1431971152880624, + "nauc_recall_at_1000_max": 17.940414755613098, + "nauc_recall_at_1000_std": 36.52036034800652, + "nauc_recall_at_100_diff1": 11.564422539945994, + "nauc_recall_at_100_max": 14.768866414576125, + "nauc_recall_at_100_std": 33.57594828721061, + "nauc_recall_at_10_diff1": 13.826760252646993, + "nauc_recall_at_10_max": 9.167497311121016, + "nauc_recall_at_10_std": 23.658037032839953, + "nauc_recall_at_1_diff1": 20.658116587695112, + "nauc_recall_at_1_max": 13.155907394830615, + "nauc_recall_at_1_std": 22.426847527670628, + "nauc_recall_at_20_diff1": 13.053984329111262, + "nauc_recall_at_20_max": 11.261855881829511, + "nauc_recall_at_20_std": 28.59453401494739, + "nauc_recall_at_3_diff1": 15.176171372019025, + "nauc_recall_at_3_max": 9.927743665598976, + "nauc_recall_at_3_std": 22.263215956695852, + "nauc_recall_at_5_diff1": 14.117753921764933, + "nauc_recall_at_5_max": 8.407325978866647, + "nauc_recall_at_5_std": 23.973302948861026, + "ndcg_at_1": 10.2, + "ndcg_at_10": 8.163, + "ndcg_at_100": 13.093, + "ndcg_at_1000": 18.129, + "ndcg_at_20": 9.589, + "ndcg_at_3": 7.85, + "ndcg_at_5": 6.701, + "precision_at_1": 10.2, + "precision_at_10": 4.19, + "precision_at_100": 1.1520000000000001, + "precision_at_1000": 0.23800000000000002, + "precision_at_20": 2.9250000000000003, + "precision_at_3": 7.167, + "precision_at_5": 5.7, + "recall_at_1": 2.06, + "recall_at_10": 8.488, + "recall_at_100": 23.383000000000003, + "recall_at_1000": 48.312, + "recall_at_20": 11.843, + "recall_at_3": 4.35, + "recall_at_5": 5.765 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/SICK-R.json b/results/minishlab__potion-base-2M/external/SICK-R.json new file mode 100644 index 000000000..7c95ef37d --- /dev/null +++ b/results/minishlab__potion-base-2M/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 74.06014749723313, + "cosine_spearman": 62.85583348143348, + "euclidean_pearson": 67.90829663189977, + "euclidean_spearman": 62.855829168697966, + "main_score": 62.85583348143348, + "manhattan_pearson": 68.16895231463954, + "manhattan_spearman": 62.942131884343155, + "pearson": 74.06014749723313, + "spearman": 62.85583348143348 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/STS12.json b/results/minishlab__potion-base-2M/external/STS12.json new file mode 100644 index 000000000..548c43d6e --- /dev/null +++ b/results/minishlab__potion-base-2M/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 71.71587397454503, + "cosine_spearman": 62.07913034464432, + "euclidean_pearson": 68.38396254056258, + "euclidean_spearman": 62.07912362817025, + "main_score": 62.07913034464432, + "manhattan_pearson": 68.80285040680448, + "manhattan_spearman": 62.48427594825191, + "pearson": 71.71587397454503, + "spearman": 62.07913034464432 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/STS13.json b/results/minishlab__potion-base-2M/external/STS13.json new file mode 100644 index 000000000..fd9f29c28 --- /dev/null +++ b/results/minishlab__potion-base-2M/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 74.00146491973214, + "cosine_spearman": 75.73113726697468, + "euclidean_pearson": 75.17723244913799, + "euclidean_spearman": 75.73113726697468, + "main_score": 75.73113726697468, + "manhattan_pearson": 75.04817185215164, + "manhattan_spearman": 75.56882534866682, + "pearson": 74.00146491973214, + "spearman": 75.73113726697468 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/STS14.json b/results/minishlab__potion-base-2M/external/STS14.json new file mode 100644 index 000000000..9aec3e071 --- /dev/null +++ b/results/minishlab__potion-base-2M/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 73.18799052289306, + "cosine_spearman": 69.27997439795548, + "euclidean_pearson": 72.01699560068344, + "euclidean_spearman": 69.27997439795548, + "main_score": 69.27997439795548, + "manhattan_pearson": 72.08946320578453, + "manhattan_spearman": 69.3115876094692, + "pearson": 73.18799052289306, + "spearman": 69.27997439795548 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/STS15.json b/results/minishlab__potion-base-2M/external/STS15.json new file mode 100644 index 000000000..6ffe29591 --- /dev/null +++ b/results/minishlab__potion-base-2M/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 75.05240168700195, + "cosine_spearman": 76.32976845993336, + "euclidean_pearson": 76.23332436291838, + "euclidean_spearman": 76.32976845993336, + "main_score": 76.32976845993336, + "manhattan_pearson": 76.0196103445834, + "manhattan_spearman": 76.11367025445854, + "pearson": 75.05240168700195, + "spearman": 76.32976845993336 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/STS16.json b/results/minishlab__potion-base-2M/external/STS16.json new file mode 100644 index 000000000..4caa6de01 --- /dev/null +++ b/results/minishlab__potion-base-2M/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 71.35240308275529, + "cosine_spearman": 73.46659216141927, + "euclidean_pearson": 73.01431094479076, + "euclidean_spearman": 73.46659216141927, + "main_score": 73.46659216141927, + "manhattan_pearson": 73.05673665594625, + "manhattan_spearman": 73.46097106391906, + "pearson": 71.35240308275529, + "spearman": 73.46659216141927 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/STS17.json b/results/minishlab__potion-base-2M/external/STS17.json new file mode 100644 index 000000000..b1f84bae1 --- /dev/null +++ b/results/minishlab__potion-base-2M/external/STS17.json @@ -0,0 +1,137 @@ +{ + "dataset_revision": "faeb762787bd10488a50c8b5be4a3b82e411949c", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 80.32585308865436, + "cosine_spearman": 82.08042618874391, + "euclidean_pearson": 81.50315333642457, + "euclidean_spearman": 82.08042618874391, + "main_score": 82.08042618874391, + "manhattan_pearson": 81.50403771658148, + "manhattan_spearman": 81.86754737875918, + "pearson": 80.32585308865436, + "spearman": 82.08042618874391 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "cosine_pearson": 26.492433454505004, + "cosine_spearman": 25.26192630209604, + "euclidean_pearson": 26.508248428681146, + "euclidean_spearman": 25.26192630209604, + "main_score": 25.26192630209604, + "manhattan_pearson": 24.577958833043617, + "manhattan_spearman": 23.107268314361416, + "pearson": 26.492433454505004, + "spearman": 25.26192630209604 + }, + { + "hf_subset": "en-ar", + "languages": [ + "eng-Latn", + "ara-Arab" + ], + "cosine_pearson": 4.849502004066215, + "cosine_spearman": 2.4221360201347566, + "euclidean_pearson": 4.946775087695405, + "euclidean_spearman": 2.4221360201347566, + "main_score": 2.4221360201347566, + "manhattan_pearson": 2.0088474400844993, + "manhattan_spearman": 2.501283757283151, + "pearson": 4.849502004066215, + "spearman": 2.4221360201347566 + }, + { + "hf_subset": "it-en", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "cosine_pearson": 17.67430795163699, + "cosine_spearman": 14.138028269188412, + "euclidean_pearson": 17.719124540919474, + "euclidean_spearman": 14.138028269188412, + "main_score": 14.138028269188412, + "manhattan_pearson": 15.979360498335673, + "manhattan_spearman": 13.033003503816229, + "pearson": 17.67430795163699, + "spearman": 14.138028269188412 + }, + { + "hf_subset": "en-tr", + "languages": [ + "eng-Latn", + "tur-Latn" + ], + "cosine_pearson": 11.032677618214326, + "cosine_spearman": 8.819837594034183, + "euclidean_pearson": 11.212471090722028, + "euclidean_spearman": 8.819837594034183, + "main_score": 8.819837594034183, + "manhattan_pearson": 7.552514418132754, + "manhattan_spearman": 5.788554277295719, + "pearson": 11.032677618214326, + "spearman": 8.819837594034183 + }, + { + "hf_subset": "nl-en", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "cosine_pearson": 21.77242194085935, + "cosine_spearman": 19.564246863458028, + "euclidean_pearson": 21.997979208209685, + "euclidean_spearman": 19.564246863458028, + "main_score": 19.564246863458028, + "manhattan_pearson": 21.80940866422115, + "manhattan_spearman": 19.5079327687257, + "pearson": 21.77242194085935, + "spearman": 19.564246863458028 + }, + { + "hf_subset": "en-de", + "languages": [ + "eng-Latn", + "deu-Latn" + ], + "cosine_pearson": 24.34392722914247, + "cosine_spearman": 22.516912091222096, + "euclidean_pearson": 24.860123500651827, + "euclidean_spearman": 22.516912091222096, + "main_score": 22.516912091222096, + "manhattan_pearson": 28.816841514354884, + "manhattan_spearman": 27.740284625490002, + "pearson": 24.34392722914247, + "spearman": 22.516912091222096 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cosine_pearson": 11.486165309912764, + "cosine_spearman": 10.139614392782256, + "euclidean_pearson": 11.75125169236987, + "euclidean_spearman": 10.139614392782256, + "main_score": 10.139614392782256, + "manhattan_pearson": 12.405185554485518, + "manhattan_spearman": 10.053617041455068, + "pearson": 11.486165309912764, + "spearman": 10.139614392782256 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/STS22.json b/results/minishlab__potion-base-2M/external/STS22.json new file mode 100644 index 000000000..16bfbc1f4 --- /dev/null +++ b/results/minishlab__potion-base-2M/external/STS22.json @@ -0,0 +1,89 @@ +{ + "dataset_revision": "de9d86b3b84231dc21f76c7b7af1f28e2f57f6e3", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 56.1393113780294, + "cosine_spearman": 62.64707232707212, + "euclidean_pearson": 60.68784382476653, + "euclidean_spearman": 62.64707232707212, + "main_score": 62.64707232707212, + "manhattan_pearson": 60.849049192788776, + "manhattan_spearman": 62.50847116906587, + "pearson": 56.1393113780294, + "spearman": 62.64707232707212 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "cosine_pearson": 9.554093605202135, + "cosine_spearman": 11.788855140937605, + "euclidean_pearson": 8.3590729795075, + "euclidean_spearman": 11.674682450877647, + "main_score": 11.788855140937605, + "manhattan_pearson": 15.34897773929992, + "manhattan_spearman": 18.76001274530547, + "pearson": 9.554093605202135, + "spearman": 11.788855140937605 + }, + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "cosine_pearson": 23.699968394697848, + "cosine_spearman": 25.635685273215014, + "euclidean_pearson": 23.30847681564559, + "euclidean_spearman": 25.62920498344224, + "main_score": 25.635685273215014, + "manhattan_pearson": 22.877299914701172, + "manhattan_spearman": 29.58678616125247, + "pearson": 23.699968394697848, + "spearman": 25.635685273215014 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cosine_pearson": 9.344287684864119, + "cosine_spearman": 10.042423712385212, + "euclidean_pearson": 9.033832457728343, + "euclidean_spearman": 10.033434689662734, + "main_score": 10.042423712385212, + "manhattan_pearson": 6.744871382125734, + "manhattan_spearman": 6.302888265155408, + "pearson": 9.344287684864119, + "spearman": 10.042423712385212 + }, + { + "hf_subset": "pl-en", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "cosine_pearson": 8.001041267374578, + "cosine_spearman": 15.127881072012025, + "euclidean_pearson": 6.362399463770095, + "euclidean_spearman": 15.127881072012025, + "main_score": 15.127881072012025, + "manhattan_pearson": 14.398693320171096, + "manhattan_spearman": 23.42112716934093, + "pearson": 8.001041267374578, + "spearman": 15.127881072012025 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/STSBenchmark.json b/results/minishlab__potion-base-2M/external/STSBenchmark.json new file mode 100644 index 000000000..d6950cb13 --- /dev/null +++ b/results/minishlab__potion-base-2M/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 73.57677681061787, + "cosine_spearman": 72.80800903257308, + "euclidean_pearson": 74.4255195885822, + "euclidean_spearman": 72.80800903257308, + "main_score": 72.80800903257308, + "manhattan_pearson": 74.6222587602608, + "manhattan_spearman": 72.9559654281266, + "pearson": 73.57677681061787, + "spearman": 72.80800903257308 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/SciDocsRR.json b/results/minishlab__potion-base-2M/external/SciDocsRR.json new file mode 100644 index 000000000..cc944a0f0 --- /dev/null +++ b/results/minishlab__potion-base-2M/external/SciDocsRR.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 66.13944998572143, + "map": 66.13944998572143, + "mrr": 86.84982682531702, + "nAUC_map_diff1": 9.655489527090475, + "nAUC_map_max": 55.329447225464676, + "nAUC_map_std": 63.92644562946389, + "nAUC_mrr_diff1": 38.69379106400398, + "nAUC_mrr_max": 69.96013858740152, + "nAUC_mrr_std": 62.072046098925156 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/SciFact.json b/results/minishlab__potion-base-2M/external/SciFact.json new file mode 100644 index 000000000..61345051a --- /dev/null +++ b/results/minishlab__potion-base-2M/external/SciFact.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 36.55, + "map_at_1": 24.166999999999998, + "map_at_10": 32.255, + "map_at_100": 33.359, + "map_at_1000": 33.44, + "map_at_20": 32.885999999999996, + "map_at_3": 29.866, + "map_at_5": 31.557000000000002, + "mrr_at_1": 26.0, + "mrr_at_10": 33.87486772486773, + "mrr_at_100": 34.829580502303436, + "mrr_at_1000": 34.90127768602221, + "mrr_at_20": 34.44486881510876, + "mrr_at_3": 31.5, + "mrr_at_5": 33.21666666666667, + "nauc_map_at_1000_diff1": 40.27120542337293, + "nauc_map_at_1000_max": 34.881725395249745, + "nauc_map_at_1000_std": 14.804128183822776, + "nauc_map_at_100_diff1": 40.21945625314103, + "nauc_map_at_100_max": 34.86632729849179, + "nauc_map_at_100_std": 14.822072821802628, + "nauc_map_at_10_diff1": 40.22503326192557, + "nauc_map_at_10_max": 34.681031950162314, + "nauc_map_at_10_std": 13.969909037414721, + "nauc_map_at_1_diff1": 46.18145166307877, + "nauc_map_at_1_max": 32.850938864900506, + "nauc_map_at_1_std": 9.284621032067, + "nauc_map_at_20_diff1": 40.24803710661317, + "nauc_map_at_20_max": 34.74111106117432, + "nauc_map_at_20_std": 14.52709156133609, + "nauc_map_at_3_diff1": 42.21002367018134, + "nauc_map_at_3_max": 33.57697582968568, + "nauc_map_at_3_std": 12.715120187246024, + "nauc_map_at_5_diff1": 40.361071576043734, + "nauc_map_at_5_max": 34.960048160721065, + "nauc_map_at_5_std": 13.587382041347976, + "nauc_mrr_at_1000_diff1": 40.172026071768876, + "nauc_mrr_at_1000_max": 36.393047482968285, + "nauc_mrr_at_1000_std": 18.514061967011543, + "nauc_mrr_at_100_diff1": 40.10935371489407, + "nauc_mrr_at_100_max": 36.3941603476526, + "nauc_mrr_at_100_std": 18.549364999359284, + "nauc_mrr_at_10_diff1": 40.0143297539273, + "nauc_mrr_at_10_max": 36.285300624108174, + "nauc_mrr_at_10_std": 18.06040618434985, + "nauc_mrr_at_1_diff1": 45.94065893825947, + "nauc_mrr_at_1_max": 34.89250575775973, + "nauc_mrr_at_1_std": 15.032812003122197, + "nauc_mrr_at_20_diff1": 40.04355197303724, + "nauc_mrr_at_20_max": 36.35951332162351, + "nauc_mrr_at_20_std": 18.42335404196948, + "nauc_mrr_at_3_diff1": 42.30608858184136, + "nauc_mrr_at_3_max": 35.61225415425098, + "nauc_mrr_at_3_std": 17.223247492661102, + "nauc_mrr_at_5_diff1": 40.485972003959404, + "nauc_mrr_at_5_max": 36.67688438369464, + "nauc_mrr_at_5_std": 18.021306525172033, + "nauc_ndcg_at_1000_diff1": 38.1448539512143, + "nauc_ndcg_at_1000_max": 36.41251174091125, + "nauc_ndcg_at_1000_std": 18.863348298831134, + "nauc_ndcg_at_100_diff1": 36.828616223036995, + "nauc_ndcg_at_100_max": 36.326875743799825, + "nauc_ndcg_at_100_std": 19.753271271756166, + "nauc_ndcg_at_10_diff1": 36.999696509492765, + "nauc_ndcg_at_10_max": 35.510700157502384, + "nauc_ndcg_at_10_std": 16.51692902623065, + "nauc_ndcg_at_1_diff1": 45.94065893825947, + "nauc_ndcg_at_1_max": 34.89250575775973, + "nauc_ndcg_at_1_std": 15.032812003122197, + "nauc_ndcg_at_20_diff1": 36.98821200336492, + "nauc_ndcg_at_20_max": 35.51321933251509, + "nauc_ndcg_at_20_std": 17.880281629389334, + "nauc_ndcg_at_3_diff1": 40.854488421982474, + "nauc_ndcg_at_3_max": 34.13463997398456, + "nauc_ndcg_at_3_std": 14.833355685530647, + "nauc_ndcg_at_5_diff1": 37.65087893614269, + "nauc_ndcg_at_5_max": 36.16610548649603, + "nauc_ndcg_at_5_std": 15.85595394609524, + "nauc_precision_at_1000_diff1": -1.2213861207148984, + "nauc_precision_at_1000_max": 33.792059295415115, + "nauc_precision_at_1000_std": 51.25358732741295, + "nauc_precision_at_100_diff1": 8.942954849181, + "nauc_precision_at_100_max": 37.44655423710336, + "nauc_precision_at_100_std": 47.04438370323114, + "nauc_precision_at_10_diff1": 22.922592142376622, + "nauc_precision_at_10_max": 37.716906832835676, + "nauc_precision_at_10_std": 28.841183482232413, + "nauc_precision_at_1_diff1": 45.94065893825947, + "nauc_precision_at_1_max": 34.89250575775973, + "nauc_precision_at_1_std": 15.032812003122197, + "nauc_precision_at_20_diff1": 20.36859440465984, + "nauc_precision_at_20_max": 38.34513768246952, + "nauc_precision_at_20_std": 35.229890026962615, + "nauc_precision_at_3_diff1": 34.05345356587694, + "nauc_precision_at_3_max": 36.40222017855832, + "nauc_precision_at_3_std": 22.09598528562007, + "nauc_precision_at_5_diff1": 25.37065548133688, + "nauc_precision_at_5_max": 41.03941131544809, + "nauc_precision_at_5_std": 25.017881172035043, + "nauc_recall_at_1000_diff1": 33.09021721896312, + "nauc_recall_at_1000_max": 47.697443757377194, + "nauc_recall_at_1000_std": 44.12337261948821, + "nauc_recall_at_100_diff1": 22.06710557626714, + "nauc_recall_at_100_max": 40.18599082452499, + "nauc_recall_at_100_std": 38.184660672167595, + "nauc_recall_at_10_diff1": 27.10204324985591, + "nauc_recall_at_10_max": 35.30960104403818, + "nauc_recall_at_10_std": 19.306977699362033, + "nauc_recall_at_1_diff1": 46.18145166307877, + "nauc_recall_at_1_max": 32.850938864900506, + "nauc_recall_at_1_std": 9.284621032067, + "nauc_recall_at_20_diff1": 26.382409406526, + "nauc_recall_at_20_max": 34.469251680833004, + "nauc_recall_at_20_std": 23.400056135882995, + "nauc_recall_at_3_diff1": 37.2267183565415, + "nauc_recall_at_3_max": 32.77661901779293, + "nauc_recall_at_3_std": 15.031686858933885, + "nauc_recall_at_5_diff1": 29.257298344591987, + "nauc_recall_at_5_max": 36.84185394701337, + "nauc_recall_at_5_std": 17.84731120093588, + "ndcg_at_1": 26.0, + "ndcg_at_10": 36.55, + "ndcg_at_100": 42.049, + "ndcg_at_1000": 44.4, + "ndcg_at_20": 38.692, + "ndcg_at_3": 32.019999999999996, + "ndcg_at_5": 34.922, + "precision_at_1": 26.0, + "precision_at_10": 5.3, + "precision_at_100": 0.843, + "precision_at_1000": 0.105, + "precision_at_20": 3.1329999999999996, + "precision_at_3": 13.111, + "precision_at_5": 9.4, + "recall_at_1": 24.166999999999998, + "recall_at_10": 48.167, + "recall_at_100": 74.1, + "recall_at_1000": 92.93299999999999, + "recall_at_20": 56.289, + "recall_at_3": 36.306, + "recall_at_5": 43.389 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/SprintDuplicateQuestions.json b/results/minishlab__potion-base-2M/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..9a069126e --- /dev/null +++ b/results/minishlab__potion-base-2M/external/SprintDuplicateQuestions.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 99.68415841584158, + "cosine_accuracy_threshold": 81.75174090984304, + "cosine_ap": 88.17695295243927, + "cosine_f1": 83.46293416277865, + "cosine_f1_threshold": 81.67502920031147, + "cosine_precision": 86.65231431646933, + "cosine_recall": 80.5, + "dot_accuracy": 99.68415841584158, + "dot_accuracy_threshold": 81.7517430435309, + "dot_ap": 88.17695295243927, + "dot_f1": 83.46293416277865, + "dot_f1_threshold": 81.67503038678444, + "dot_precision": 86.65231431646933, + "dot_recall": 80.5, + "euclidean_accuracy": 99.68415841584158, + "euclidean_accuracy_threshold": 60.412346616246396, + "euclidean_ap": 88.17695295243927, + "euclidean_f1": 83.46293416277865, + "euclidean_f1_threshold": 60.539194123743535, + "euclidean_precision": 86.65231431646933, + "euclidean_recall": 80.5, + "main_score": 88.17695295243927, + "manhattan_accuracy": 99.67920792079208, + "manhattan_accuracy_threshold": 366.6920070296328, + "manhattan_ap": 88.09159390940687, + "manhattan_f1": 82.97982410760476, + "manhattan_f1_threshold": 384.15647450019605, + "manhattan_precision": 85.95927116827438, + "manhattan_recall": 80.2, + "max_accuracy": 99.68415841584158, + "max_ap": 88.17695295243927, + "max_f1": 83.46293416277865, + "max_precision": 86.65231431646933, + "max_recall": 80.5, + "similarity_accuracy": 99.68415841584158, + "similarity_accuracy_threshold": 81.75174090984304, + "similarity_ap": 88.17695295243927, + "similarity_f1": 83.46293416277865, + "similarity_f1_threshold": 81.67502920031147, + "similarity_precision": 86.65231431646933, + "similarity_recall": 80.5 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/StackExchangeClustering.json b/results/minishlab__potion-base-2M/external/StackExchangeClustering.json new file mode 100644 index 000000000..6b1d1befa --- /dev/null +++ b/results/minishlab__potion-base-2M/external/StackExchangeClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 37.82716668016299, + "v_measure": 37.82716668016299, + "v_measure_std": 3.9071651545475055 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/StackExchangeClusteringP2P.json b/results/minishlab__potion-base-2M/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..5e3deb1c9 --- /dev/null +++ b/results/minishlab__potion-base-2M/external/StackExchangeClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 31.549916824347523, + "v_measure": 31.549916824347523, + "v_measure_std": 1.649284454526032 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/StackOverflowDupQuestions.json b/results/minishlab__potion-base-2M/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..e4dc4c135 --- /dev/null +++ b/results/minishlab__potion-base-2M/external/StackOverflowDupQuestions.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 40.201162273119, + "map": 40.201162273119, + "mrr": 40.4580866437484, + "nAUC_map_diff1": 33.47313252548623, + "nAUC_map_max": 15.023702266852649, + "nAUC_map_std": 4.389545656603201, + "nAUC_mrr_diff1": 32.789106382547125, + "nAUC_mrr_max": 16.03297395659567, + "nAUC_mrr_std": 4.5441260195062885 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/SummEval.json b/results/minishlab__potion-base-2M/external/SummEval.json new file mode 100644 index 000000000..c27be3331 --- /dev/null +++ b/results/minishlab__potion-base-2M/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 30.982384340344282, + "cosine_spearman": 31.512077655680574, + "dot_pearson": 30.98238732795588, + "dot_spearman": 31.518281673786575, + "main_score": 31.512077655680574, + "pearson": 30.982384340344282, + "spearman": 31.512077655680574 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/TRECCOVID.json b/results/minishlab__potion-base-2M/external/TRECCOVID.json new file mode 100644 index 000000000..fd5716489 --- /dev/null +++ b/results/minishlab__potion-base-2M/external/TRECCOVID.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "bb9466bac8153a0349341eb1b22e06409e78ef4e", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 40.475, + "map_at_1": 0.13799999999999998, + "map_at_10": 0.8420000000000001, + "map_at_100": 3.5770000000000004, + "map_at_1000": 8.158, + "map_at_20": 1.2930000000000001, + "map_at_3": 0.314, + "map_at_5": 0.469, + "mrr_at_1": 52.0, + "mrr_at_10": 61.566666666666656, + "mrr_at_100": 62.05786242033046, + "mrr_at_1000": 62.114468654223785, + "mrr_at_20": 61.80277777777777, + "mrr_at_3": 59.333333333333336, + "mrr_at_5": 61.23333333333333, + "nauc_map_at_1000_diff1": -9.841499993688778, + "nauc_map_at_1000_max": 35.583722623282604, + "nauc_map_at_1000_std": 49.8512713272345, + "nauc_map_at_100_diff1": -9.535301607183984, + "nauc_map_at_100_max": 24.79493554952309, + "nauc_map_at_100_std": 30.200092896546565, + "nauc_map_at_10_diff1": 8.916577726839806, + "nauc_map_at_10_max": 29.525597945854425, + "nauc_map_at_10_std": 19.568384032684456, + "nauc_map_at_1_diff1": 26.460797161906434, + "nauc_map_at_1_max": 2.508967307552916, + "nauc_map_at_1_std": 1.1681201948586744, + "nauc_map_at_20_diff1": 0.9454484237357934, + "nauc_map_at_20_max": 23.745460933070735, + "nauc_map_at_20_std": 21.99699798901709, + "nauc_map_at_3_diff1": 11.118755215925088, + "nauc_map_at_3_max": 19.978322544243934, + "nauc_map_at_3_std": 14.509469952755843, + "nauc_map_at_5_diff1": 11.598932237369507, + "nauc_map_at_5_max": 26.153738721440213, + "nauc_map_at_5_std": 16.524906956574807, + "nauc_mrr_at_1000_diff1": 26.07845182857252, + "nauc_mrr_at_1000_max": 24.176348172120992, + "nauc_mrr_at_1000_std": 23.24482013997546, + "nauc_mrr_at_100_diff1": 25.984954958619326, + "nauc_mrr_at_100_max": 24.155747509357905, + "nauc_mrr_at_100_std": 23.29395979045902, + "nauc_mrr_at_10_diff1": 26.129837220948154, + "nauc_mrr_at_10_max": 24.392744717202998, + "nauc_mrr_at_10_std": 23.867386603817575, + "nauc_mrr_at_1_diff1": 33.149246422547435, + "nauc_mrr_at_1_max": 27.63480058762716, + "nauc_mrr_at_1_std": 15.626530279122907, + "nauc_mrr_at_20_diff1": 25.83893496030277, + "nauc_mrr_at_20_max": 24.044445525240917, + "nauc_mrr_at_20_std": 23.60228538747721, + "nauc_mrr_at_3_diff1": 27.270721998857006, + "nauc_mrr_at_3_max": 24.992229563752698, + "nauc_mrr_at_3_std": 25.97080321244876, + "nauc_mrr_at_5_diff1": 25.725324288076845, + "nauc_mrr_at_5_max": 24.00232670237143, + "nauc_mrr_at_5_std": 24.79721341200203, + "nauc_ndcg_at_1000_diff1": -4.183105310677864, + "nauc_ndcg_at_1000_max": 27.180660506931897, + "nauc_ndcg_at_1000_std": 44.28297994229539, + "nauc_ndcg_at_100_diff1": -2.4155068242179603, + "nauc_ndcg_at_100_max": 31.816956304456312, + "nauc_ndcg_at_100_std": 46.14561095598332, + "nauc_ndcg_at_10_diff1": 2.615898205427684, + "nauc_ndcg_at_10_max": 35.980044445372805, + "nauc_ndcg_at_10_std": 33.743474797390846, + "nauc_ndcg_at_1_diff1": 32.67671069224133, + "nauc_ndcg_at_1_max": 26.737904028671945, + "nauc_ndcg_at_1_std": 17.61598194730206, + "nauc_ndcg_at_20_diff1": 0.26491277268362085, + "nauc_ndcg_at_20_max": 31.281622776028495, + "nauc_ndcg_at_20_std": 38.724219848828994, + "nauc_ndcg_at_3_diff1": 8.936493331684819, + "nauc_ndcg_at_3_max": 36.02086733359256, + "nauc_ndcg_at_3_std": 30.338780238893374, + "nauc_ndcg_at_5_diff1": 8.045634929889802, + "nauc_ndcg_at_5_max": 37.327357284632185, + "nauc_ndcg_at_5_std": 30.957117218415558, + "nauc_precision_at_1000_diff1": -4.599639084511409, + "nauc_precision_at_1000_max": 32.194166261212416, + "nauc_precision_at_1000_std": 51.93173817114919, + "nauc_precision_at_100_diff1": -4.957123210096294, + "nauc_precision_at_100_max": 30.2670457390949, + "nauc_precision_at_100_std": 48.68923380370673, + "nauc_precision_at_10_diff1": -1.5291339587721136, + "nauc_precision_at_10_max": 38.17154891824624, + "nauc_precision_at_10_std": 35.5699151190248, + "nauc_precision_at_1_diff1": 33.149246422547435, + "nauc_precision_at_1_max": 27.63480058762716, + "nauc_precision_at_1_std": 15.626530279122907, + "nauc_precision_at_20_diff1": -4.749129059384092, + "nauc_precision_at_20_max": 29.86806703620865, + "nauc_precision_at_20_std": 42.15085625809208, + "nauc_precision_at_3_diff1": 0.9399784588269945, + "nauc_precision_at_3_max": 34.8888671301283, + "nauc_precision_at_3_std": 32.87183002056205, + "nauc_precision_at_5_diff1": 3.555638235202897, + "nauc_precision_at_5_max": 37.42287539143648, + "nauc_precision_at_5_std": 31.48792360400585, + "nauc_recall_at_1000_diff1": -6.381069093195219, + "nauc_recall_at_1000_max": 21.417984620002997, + "nauc_recall_at_1000_std": 39.07231544912849, + "nauc_recall_at_100_diff1": -7.26598409041968, + "nauc_recall_at_100_max": 16.570118087602005, + "nauc_recall_at_100_std": 26.77146523700651, + "nauc_recall_at_10_diff1": 8.714684916963465, + "nauc_recall_at_10_max": 25.75907022743869, + "nauc_recall_at_10_std": 19.009377316046564, + "nauc_recall_at_1_diff1": 26.460797161906434, + "nauc_recall_at_1_max": 2.508967307552916, + "nauc_recall_at_1_std": 1.1681201948586744, + "nauc_recall_at_20_diff1": 0.387922884336754, + "nauc_recall_at_20_max": 16.63869160692463, + "nauc_recall_at_20_std": 21.613192035516175, + "nauc_recall_at_3_diff1": 9.080317655844187, + "nauc_recall_at_3_max": 17.8202789569972, + "nauc_recall_at_3_std": 16.410682320537916, + "nauc_recall_at_5_diff1": 12.29082747211401, + "nauc_recall_at_5_max": 21.653811740840258, + "nauc_recall_at_5_std": 15.799511026732738, + "ndcg_at_1": 47.0, + "ndcg_at_10": 40.475, + "ndcg_at_100": 27.061, + "ndcg_at_1000": 23.977999999999998, + "ndcg_at_20": 35.676, + "ndcg_at_3": 44.285000000000004, + "ndcg_at_5": 41.916, + "precision_at_1": 52.0, + "precision_at_10": 43.2, + "precision_at_100": 27.68, + "precision_at_1000": 11.318, + "precision_at_20": 36.9, + "precision_at_3": 46.666999999999994, + "precision_at_5": 44.4, + "recall_at_1": 0.13799999999999998, + "recall_at_10": 1.036, + "recall_at_100": 6.024, + "recall_at_1000": 22.545, + "recall_at_20": 1.729, + "recall_at_3": 0.337, + "recall_at_5": 0.5329999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/Touche2020.json b/results/minishlab__potion-base-2M/external/Touche2020.json new file mode 100644 index 000000000..8b6281a77 --- /dev/null +++ b/results/minishlab__potion-base-2M/external/Touche2020.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 12.869, + "map_at_1": 0.662, + "map_at_10": 3.971, + "map_at_100": 7.363, + "map_at_1000": 8.472, + "map_at_20": 5.13, + "map_at_3": 1.644, + "map_at_5": 2.838, + "mrr_at_1": 8.16326530612245, + "mrr_at_10": 24.049238743116288, + "mrr_at_100": 25.12029835148993, + "mrr_at_1000": 25.14408894379364, + "mrr_at_20": 24.38624196545786, + "mrr_at_3": 17.68707482993197, + "mrr_at_5": 21.666666666666668, + "nauc_map_at_1000_diff1": 12.337448807158625, + "nauc_map_at_1000_max": -17.318046612869768, + "nauc_map_at_1000_std": -5.226718750608608, + "nauc_map_at_100_diff1": 13.956163090828705, + "nauc_map_at_100_max": -19.20287240190536, + "nauc_map_at_100_std": -10.092675511550773, + "nauc_map_at_10_diff1": 9.18601548640666, + "nauc_map_at_10_max": -24.021035071127027, + "nauc_map_at_10_std": -14.275185624920955, + "nauc_map_at_1_diff1": 4.7247342416680995, + "nauc_map_at_1_max": -34.642931094004034, + "nauc_map_at_1_std": -11.238414747973119, + "nauc_map_at_20_diff1": 12.874639720051235, + "nauc_map_at_20_max": -24.9080157788591, + "nauc_map_at_20_std": -13.156578501449037, + "nauc_map_at_3_diff1": 7.690290046454848, + "nauc_map_at_3_max": -23.28618026459301, + "nauc_map_at_3_std": -12.293774024221053, + "nauc_map_at_5_diff1": 12.498873258031583, + "nauc_map_at_5_max": -21.344480733880943, + "nauc_map_at_5_std": -8.37592777063943, + "nauc_mrr_at_1000_diff1": 7.632497711020806, + "nauc_mrr_at_1000_max": -18.25120924121576, + "nauc_mrr_at_1000_std": -6.414648627407907, + "nauc_mrr_at_100_diff1": 7.5484282387727655, + "nauc_mrr_at_100_max": -18.121388473878216, + "nauc_mrr_at_100_std": -6.297822495739477, + "nauc_mrr_at_10_diff1": 8.58584663550636, + "nauc_mrr_at_10_max": -19.845467444420596, + "nauc_mrr_at_10_std": -6.690298972830557, + "nauc_mrr_at_1_diff1": -16.07306433650747, + "nauc_mrr_at_1_max": -27.82478676090755, + "nauc_mrr_at_1_std": -15.97885564257309, + "nauc_mrr_at_20_diff1": 8.68636948230222, + "nauc_mrr_at_20_max": -18.602790322324793, + "nauc_mrr_at_20_std": -5.764922000928246, + "nauc_mrr_at_3_diff1": 8.625611091011928, + "nauc_mrr_at_3_max": -17.79470893653387, + "nauc_mrr_at_3_std": -10.458985196270106, + "nauc_mrr_at_5_diff1": 9.463099209006096, + "nauc_mrr_at_5_max": -12.070782626702988, + "nauc_mrr_at_5_std": -1.7108913341652359, + "nauc_ndcg_at_1000_diff1": 17.13876584026755, + "nauc_ndcg_at_1000_max": -9.658877990859322, + "nauc_ndcg_at_1000_std": 15.08101976706594, + "nauc_ndcg_at_100_diff1": 19.217666462897675, + "nauc_ndcg_at_100_max": -22.83702381325575, + "nauc_ndcg_at_100_std": -6.659892970133183, + "nauc_ndcg_at_10_diff1": 15.51333602888754, + "nauc_ndcg_at_10_max": -19.445241461181332, + "nauc_ndcg_at_10_std": -11.499134493661858, + "nauc_ndcg_at_1_diff1": -15.409833668093054, + "nauc_ndcg_at_1_max": -28.84037358169315, + "nauc_ndcg_at_1_std": -10.973056606811218, + "nauc_ndcg_at_20_diff1": 20.623641958571344, + "nauc_ndcg_at_20_max": -24.809454049416633, + "nauc_ndcg_at_20_std": -11.96823517644928, + "nauc_ndcg_at_3_diff1": 9.13352117357039, + "nauc_ndcg_at_3_max": -13.267328789703988, + "nauc_ndcg_at_3_std": -10.536298335822734, + "nauc_ndcg_at_5_diff1": 15.095676598753386, + "nauc_ndcg_at_5_max": -10.052271783670294, + "nauc_ndcg_at_5_std": -1.930908878523125, + "nauc_precision_at_1000_diff1": -14.11681455108461, + "nauc_precision_at_1000_max": 45.108803189710365, + "nauc_precision_at_1000_std": 53.31308692343628, + "nauc_precision_at_100_diff1": 6.9028413215024775, + "nauc_precision_at_100_max": -4.9050592903619785, + "nauc_precision_at_100_std": 9.735851001561873, + "nauc_precision_at_10_diff1": 11.991816062486441, + "nauc_precision_at_10_max": -19.368511495003602, + "nauc_precision_at_10_std": -10.990338266181084, + "nauc_precision_at_1_diff1": -16.07306433650747, + "nauc_precision_at_1_max": -27.82478676090755, + "nauc_precision_at_1_std": -15.97885564257309, + "nauc_precision_at_20_diff1": 24.32628917857637, + "nauc_precision_at_20_max": -19.57542096164371, + "nauc_precision_at_20_std": -7.99725890197478, + "nauc_precision_at_3_diff1": 9.121279719801027, + "nauc_precision_at_3_max": -11.446415855423215, + "nauc_precision_at_3_std": -8.639598301111935, + "nauc_precision_at_5_diff1": 14.610162733995358, + "nauc_precision_at_5_max": -6.951865156929523, + "nauc_precision_at_5_std": 2.6465275964628088, + "nauc_recall_at_1000_diff1": 0.83599650194909, + "nauc_recall_at_1000_max": -3.7204370018748496, + "nauc_recall_at_1000_std": 36.937019972801764, + "nauc_recall_at_100_diff1": 8.73150091660338, + "nauc_recall_at_100_max": -25.580421701806877, + "nauc_recall_at_100_std": -4.617850817669842, + "nauc_recall_at_10_diff1": 9.577784673082448, + "nauc_recall_at_10_max": -29.225334501694523, + "nauc_recall_at_10_std": -16.557978171725594, + "nauc_recall_at_1_diff1": 4.7247342416680995, + "nauc_recall_at_1_max": -34.642931094004034, + "nauc_recall_at_1_std": -11.238414747973119, + "nauc_recall_at_20_diff1": 16.714648634309317, + "nauc_recall_at_20_max": -30.901938269186104, + "nauc_recall_at_20_std": -13.257212212629026, + "nauc_recall_at_3_diff1": 18.114207560002715, + "nauc_recall_at_3_max": -20.425807180867242, + "nauc_recall_at_3_std": -11.309432358198672, + "nauc_recall_at_5_diff1": 20.772553996672443, + "nauc_recall_at_5_max": -17.828048513485772, + "nauc_recall_at_5_std": -1.0797675761407135, + "ndcg_at_1": 7.142999999999999, + "ndcg_at_10": 12.869, + "ndcg_at_100": 22.469, + "ndcg_at_1000": 33.626, + "ndcg_at_20": 13.858999999999998, + "ndcg_at_3": 11.110000000000001, + "ndcg_at_5": 13.208, + "precision_at_1": 8.163, + "precision_at_10": 14.082, + "precision_at_100": 5.449, + "precision_at_1000": 1.253, + "precision_at_20": 10.816, + "precision_at_3": 14.285999999999998, + "precision_at_5": 17.551, + "recall_at_1": 0.662, + "recall_at_10": 9.3, + "recall_at_100": 32.952, + "recall_at_1000": 67.022, + "recall_at_20": 14.485000000000001, + "recall_at_3": 2.495, + "recall_at_5": 5.4719999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/ToxicConversationsClassification.json b/results/minishlab__potion-base-2M/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..459e24394 --- /dev/null +++ b/results/minishlab__potion-base-2M/external/ToxicConversationsClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 66.591796875, + "ap": 11.916810235472406, + "ap_weighted": 11.916810235472406, + "f1": 50.82611668132084, + "f1_weighted": 74.03661967545759, + "main_score": 66.591796875 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/TweetSentimentExtractionClassification.json b/results/minishlab__potion-base-2M/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..d0ffc2cd7 --- /dev/null +++ b/results/minishlab__potion-base-2M/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 52.524052065648, + "f1": 52.69528334636704, + "f1_weighted": 51.956916785617736, + "main_score": 52.524052065648 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/TwentyNewsgroupsClustering.json b/results/minishlab__potion-base-2M/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..b0fb86a25 --- /dev/null +++ b/results/minishlab__potion-base-2M/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 27.072966157648477, + "v_measure": 27.072966157648477, + "v_measure_std": 1.563199572918265 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/TwitterSemEval2015.json b/results/minishlab__potion-base-2M/external/TwitterSemEval2015.json new file mode 100644 index 000000000..b1b0a0099 --- /dev/null +++ b/results/minishlab__potion-base-2M/external/TwitterSemEval2015.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 80.6818859152411, + "cosine_accuracy_threshold": 80.54484987856905, + "cosine_ap": 53.66110400517361, + "cosine_f1": 52.50138045278852, + "cosine_f1_threshold": 68.20751217239422, + "cosine_precision": 45.14719848053181, + "cosine_recall": 62.71767810026385, + "dot_accuracy": 80.6818859152411, + "dot_accuracy_threshold": 80.54484833308396, + "dot_ap": 53.66111257744601, + "dot_f1": 52.50138045278852, + "dot_f1_threshold": 68.20751122368169, + "dot_precision": 45.14719848053181, + "dot_recall": 62.71767810026385, + "euclidean_accuracy": 80.6818859152411, + "euclidean_accuracy_threshold": 62.37812014295836, + "euclidean_ap": 53.66110322376674, + "euclidean_f1": 52.50138045278852, + "euclidean_f1_threshold": 79.74018733602558, + "euclidean_precision": 45.14719848053181, + "euclidean_recall": 62.71767810026385, + "main_score": 53.66111257744601, + "manhattan_accuracy": 80.61631996185254, + "manhattan_accuracy_threshold": 408.045218404186, + "manhattan_ap": 53.55565109862251, + "manhattan_f1": 52.268926301705875, + "manhattan_f1_threshold": 502.7589220990194, + "manhattan_precision": 45.25970264529832, + "manhattan_recall": 61.84696569920845, + "max_accuracy": 80.6818859152411, + "max_ap": 53.66111257744601, + "max_f1": 52.50138045278852, + "max_precision": 45.25970264529832, + "max_recall": 62.71767810026385, + "similarity_accuracy": 80.6818859152411, + "similarity_accuracy_threshold": 80.54484987856905, + "similarity_ap": 53.66110400517361, + "similarity_f1": 52.50138045278852, + "similarity_f1_threshold": 68.20751217239422, + "similarity_precision": 45.14719848053181, + "similarity_recall": 62.71767810026385 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/TwitterURLCorpus.json b/results/minishlab__potion-base-2M/external/TwitterURLCorpus.json new file mode 100644 index 000000000..0351f2b50 --- /dev/null +++ b/results/minishlab__potion-base-2M/external/TwitterURLCorpus.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 85.89474909768309, + "cosine_accuracy_threshold": 66.7208384412081, + "cosine_ap": 79.33674860685535, + "cosine_f1": 71.67923542148885, + "cosine_f1_threshold": 61.64839965467019, + "cosine_precision": 69.57530076822728, + "cosine_recall": 73.91438250692947, + "dot_accuracy": 85.89474909768309, + "dot_accuracy_threshold": 66.72083970945883, + "dot_ap": 79.33671093343192, + "dot_f1": 71.67923542148885, + "dot_f1_threshold": 61.648404274339356, + "dot_precision": 69.57530076822728, + "dot_recall": 73.91438250692947, + "euclidean_accuracy": 85.89474909768309, + "euclidean_accuracy_threshold": 81.58328528607446, + "euclidean_ap": 79.33675212612457, + "euclidean_f1": 71.67923542148885, + "euclidean_f1_threshold": 87.58036675764342, + "euclidean_precision": 69.57530076822728, + "euclidean_recall": 73.91438250692947, + "main_score": 79.33675212612457, + "manhattan_accuracy": 85.89863003065938, + "manhattan_accuracy_threshold": 513.242605511914, + "manhattan_ap": 79.06488846026886, + "manhattan_f1": 71.42752882790833, + "manhattan_f1_threshold": 563.6103289492894, + "manhattan_precision": 67.88984461709212, + "manhattan_recall": 75.3541730828457, + "max_accuracy": 85.89863003065938, + "max_ap": 79.33675212612457, + "max_f1": 71.67923542148885, + "max_precision": 69.57530076822728, + "max_recall": 75.3541730828457, + "similarity_accuracy": 85.89474909768309, + "similarity_accuracy_threshold": 66.7208384412081, + "similarity_ap": 79.33674860685535, + "similarity_f1": 71.67923542148885, + "similarity_f1_threshold": 61.64839965467019, + "similarity_precision": 69.57530076822728, + "similarity_recall": 73.91438250692947 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-2M/external/model_meta.json b/results/minishlab__potion-base-2M/external/model_meta.json new file mode 100644 index 000000000..239a97463 --- /dev/null +++ b/results/minishlab__potion-base-2M/external/model_meta.json @@ -0,0 +1,20 @@ +{ + "name": "minishlab/potion-base-2M", + "revision": "ed90dd52cd420507eef6f5f0c638e935b4e992c3", + "release_date": "2024-10-29", + "languages": [], + "loader": null, + "n_parameters": 1889792, + "memory_usage": null, + "max_tokens": 1000000, + "embed_dim": 64, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/AmazonCounterfactualClassification.json b/results/minishlab__potion-base-4M/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..f0b343284 --- /dev/null +++ b/results/minishlab__potion-base-4M/external/AmazonCounterfactualClassification.json @@ -0,0 +1,34 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-ext", + "languages": [ + "eng-Latn" + ], + "accuracy": 67.5712143928036, + "ap": 17.612722401291446, + "ap_weighted": 17.612722401291446, + "f1": 55.192880430611815, + "f1_weighted": 73.78539599566238, + "main_score": 67.5712143928036 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 68.38805970149254, + "ap": 29.77595242354233, + "ap_weighted": 29.77595242354233, + "f1": 61.660550379147104, + "f1_weighted": 71.3687043183968, + "main_score": 68.38805970149254 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/AmazonPolarityClassification.json b/results/minishlab__potion-base-4M/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..5829ed051 --- /dev/null +++ b/results/minishlab__potion-base-4M/external/AmazonPolarityClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.69602499999999, + "ap": 66.0912235632392, + "ap_weighted": 66.0912235632392, + "f1": 71.42572451950106, + "f1_weighted": 71.42572451950106, + "main_score": 71.69602499999999 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/AmazonReviewsClassification.json b/results/minishlab__potion-base-4M/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..e74513e0a --- /dev/null +++ b/results/minishlab__potion-base-4M/external/AmazonReviewsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 34.321999999999996, + "f1": 33.685910374348474, + "f1_weighted": 33.68591037434848, + "main_score": 34.321999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/ArguAna.json b/results/minishlab__potion-base-4M/external/ArguAna.json new file mode 100644 index 000000000..e2282aa17 --- /dev/null +++ b/results/minishlab__potion-base-4M/external/ArguAna.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 39.449, + "map_at_1": 19.203, + "map_at_10": 32.068000000000005, + "map_at_100": 33.315, + "map_at_1000": 33.352, + "map_at_20": 32.891, + "map_at_3": 27.916, + "map_at_5": 30.238, + "mrr_at_1": 19.701280227596015, + "mrr_at_10": 32.25501817607077, + "mrr_at_100": 33.50123053139716, + "mrr_at_1000": 33.53792294287078, + "mrr_at_20": 33.08067358539894, + "mrr_at_3": 28.0464675201517, + "mrr_at_5": 30.375770507349387, + "nauc_map_at_1000_diff1": 12.945790446862631, + "nauc_map_at_1000_max": 2.7562298858970746, + "nauc_map_at_1000_std": 6.308808342750878, + "nauc_map_at_100_diff1": 12.950463273991264, + "nauc_map_at_100_max": 2.791124689377845, + "nauc_map_at_100_std": 6.355349751721058, + "nauc_map_at_10_diff1": 12.520099598532141, + "nauc_map_at_10_max": 2.4000545594181673, + "nauc_map_at_10_std": 6.104620938201642, + "nauc_map_at_1_diff1": 15.41697878849924, + "nauc_map_at_1_max": 0.06798318069793197, + "nauc_map_at_1_std": 2.287679644950582, + "nauc_map_at_20_diff1": 12.955778688664418, + "nauc_map_at_20_max": 2.868790975264444, + "nauc_map_at_20_std": 6.391194651176906, + "nauc_map_at_3_diff1": 13.201122451167164, + "nauc_map_at_3_max": 1.88922966188281, + "nauc_map_at_3_std": 4.49834374299309, + "nauc_map_at_5_diff1": 12.823675090212786, + "nauc_map_at_5_max": 1.7834104088257399, + "nauc_map_at_5_std": 5.065324239535852, + "nauc_mrr_at_1000_diff1": 11.326932411816648, + "nauc_mrr_at_1000_max": 2.1073908479584578, + "nauc_mrr_at_1000_std": 6.263379081100884, + "nauc_mrr_at_100_diff1": 11.333524099616422, + "nauc_mrr_at_100_max": 2.142759269416129, + "nauc_mrr_at_100_std": 6.309554100448871, + "nauc_mrr_at_10_diff1": 10.948665635179944, + "nauc_mrr_at_10_max": 1.7458485198283498, + "nauc_mrr_at_10_std": 6.054483809416018, + "nauc_mrr_at_1_diff1": 13.365599306041101, + "nauc_mrr_at_1_max": 0.10132975428191564, + "nauc_mrr_at_1_std": 2.3692857303611032, + "nauc_mrr_at_20_diff1": 11.362849419180831, + "nauc_mrr_at_20_max": 2.2368929793175263, + "nauc_mrr_at_20_std": 6.342198336503448, + "nauc_mrr_at_3_diff1": 11.501128611140333, + "nauc_mrr_at_3_max": 1.0918091675463633, + "nauc_mrr_at_3_std": 4.31343316721122, + "nauc_mrr_at_5_diff1": 11.066202871817653, + "nauc_mrr_at_5_max": 0.9506044147251881, + "nauc_mrr_at_5_std": 5.079518879246342, + "nauc_ndcg_at_1000_diff1": 12.927162083028898, + "nauc_ndcg_at_1000_max": 4.360655362716004, + "nauc_ndcg_at_1000_std": 8.410996652509247, + "nauc_ndcg_at_100_diff1": 13.058208468182912, + "nauc_ndcg_at_100_max": 5.462308667986846, + "nauc_ndcg_at_100_std": 9.825403964300818, + "nauc_ndcg_at_10_diff1": 11.612557086246108, + "nauc_ndcg_at_10_max": 4.101264941720262, + "nauc_ndcg_at_10_std": 8.829257094057274, + "nauc_ndcg_at_1_diff1": 15.41697878849924, + "nauc_ndcg_at_1_max": 0.06798318069793197, + "nauc_ndcg_at_1_std": 2.287679644950582, + "nauc_ndcg_at_20_diff1": 13.311704630454063, + "nauc_ndcg_at_20_max": 6.006804756561238, + "nauc_ndcg_at_20_std": 10.007008078971948, + "nauc_ndcg_at_3_diff1": 12.989623337852278, + "nauc_ndcg_at_3_max": 2.708080727538749, + "nauc_ndcg_at_3_std": 5.190385461099005, + "nauc_ndcg_at_5_diff1": 12.324781485912697, + "nauc_ndcg_at_5_max": 2.5703939367879904, + "nauc_ndcg_at_5_std": 6.312549457167382, + "nauc_precision_at_1000_diff1": 15.719224058263089, + "nauc_precision_at_1000_max": 38.39806367915726, + "nauc_precision_at_1000_std": 59.476183642948556, + "nauc_precision_at_100_diff1": 16.09148045706227, + "nauc_precision_at_100_max": 35.51651818510163, + "nauc_precision_at_100_std": 48.94915670796286, + "nauc_precision_at_10_diff1": 8.649466288211341, + "nauc_precision_at_10_max": 9.98754064777929, + "nauc_precision_at_10_std": 18.337504631774866, + "nauc_precision_at_1_diff1": 15.41697878849924, + "nauc_precision_at_1_max": 0.06798318069793197, + "nauc_precision_at_1_std": 2.287679644950582, + "nauc_precision_at_20_diff1": 16.643675133736345, + "nauc_precision_at_20_max": 21.841551146673815, + "nauc_precision_at_20_std": 27.39523828734291, + "nauc_precision_at_3_diff1": 12.562160662569264, + "nauc_precision_at_3_max": 4.884608119320729, + "nauc_precision_at_3_std": 6.97802947416861, + "nauc_precision_at_5_diff1": 11.050717696142218, + "nauc_precision_at_5_max": 4.718154851488971, + "nauc_precision_at_5_std": 9.813084435699531, + "nauc_recall_at_1000_diff1": 15.719224058264036, + "nauc_recall_at_1000_max": 38.39806367915738, + "nauc_recall_at_1000_std": 59.47618364294785, + "nauc_recall_at_100_diff1": 16.091480457062136, + "nauc_recall_at_100_max": 35.51651818510153, + "nauc_recall_at_100_std": 48.949156707963105, + "nauc_recall_at_10_diff1": 8.649466288211405, + "nauc_recall_at_10_max": 9.987540647779353, + "nauc_recall_at_10_std": 18.337504631774873, + "nauc_recall_at_1_diff1": 15.41697878849924, + "nauc_recall_at_1_max": 0.06798318069793197, + "nauc_recall_at_1_std": 2.287679644950582, + "nauc_recall_at_20_diff1": 16.643675133736263, + "nauc_recall_at_20_max": 21.841551146673865, + "nauc_recall_at_20_std": 27.39523828734288, + "nauc_recall_at_3_diff1": 12.56216066256926, + "nauc_recall_at_3_max": 4.884608119320747, + "nauc_recall_at_3_std": 6.978029474168629, + "nauc_recall_at_5_diff1": 11.05071769614224, + "nauc_recall_at_5_max": 4.718154851488988, + "nauc_recall_at_5_std": 9.81308443569954, + "ndcg_at_1": 19.203, + "ndcg_at_10": 39.449, + "ndcg_at_100": 45.461, + "ndcg_at_1000": 46.438, + "ndcg_at_20": 42.473, + "ndcg_at_3": 30.824, + "ndcg_at_5": 35.010999999999996, + "precision_at_1": 19.203, + "precision_at_10": 6.315999999999999, + "precision_at_100": 0.911, + "precision_at_1000": 0.099, + "precision_at_20": 3.759, + "precision_at_3": 13.086999999999998, + "precision_at_5": 9.886000000000001, + "recall_at_1": 19.203, + "recall_at_10": 63.158, + "recall_at_100": 91.11, + "recall_at_1000": 98.791, + "recall_at_20": 75.178, + "recall_at_3": 39.26, + "recall_at_5": 49.431000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/ArxivClusteringP2P.json b/results/minishlab__potion-base-4M/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..3e4e4cb49 --- /dev/null +++ b/results/minishlab__potion-base-4M/external/ArxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 34.19332453253303, + "v_measure": 34.19332453253303, + "v_measure_std": 14.189152053888938 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/ArxivClusteringS2S.json b/results/minishlab__potion-base-4M/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..b65c8ba7d --- /dev/null +++ b/results/minishlab__potion-base-4M/external/ArxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 24.104443846867934, + "v_measure": 24.104443846867934, + "v_measure_std": 15.164667270049211 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/AskUbuntuDupQuestions.json b/results/minishlab__potion-base-4M/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..4111a33f7 --- /dev/null +++ b/results/minishlab__potion-base-4M/external/AskUbuntuDupQuestions.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 53.803562861722696, + "map": 53.803562861722696, + "mrr": 67.899683419074, + "nAUC_map_diff1": 5.929761636502396, + "nAUC_map_max": 16.36818121973646, + "nAUC_map_std": 3.3645669952351964, + "nAUC_mrr_diff1": 10.961094805507717, + "nAUC_mrr_max": 21.221447117685774, + "nAUC_mrr_std": 5.470983299654257 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/BIOSSES.json b/results/minishlab__potion-base-4M/external/BIOSSES.json new file mode 100644 index 000000000..f596b570b --- /dev/null +++ b/results/minishlab__potion-base-4M/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 75.18540989714172, + "cosine_spearman": 71.87392685280749, + "euclidean_pearson": 73.96944357814664, + "euclidean_spearman": 71.87392685280749, + "main_score": 71.87392685280749, + "manhattan_pearson": 74.08100378291418, + "manhattan_spearman": 72.19080154289176, + "pearson": 75.18540989714172, + "spearman": 71.87392685280749 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/Banking77Classification.json b/results/minishlab__potion-base-4M/external/Banking77Classification.json new file mode 100644 index 000000000..fbd2f01e4 --- /dev/null +++ b/results/minishlab__potion-base-4M/external/Banking77Classification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.69480519480518, + "f1": 68.4951487448326, + "f1_weighted": 68.4951487448326, + "main_score": 69.69480519480518 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/BiorxivClusteringP2P.json b/results/minishlab__potion-base-4M/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..66e857ed1 --- /dev/null +++ b/results/minishlab__potion-base-4M/external/BiorxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 29.09840292638104, + "v_measure": 29.09840292638104, + "v_measure_std": 0.8130265845858159 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/BiorxivClusteringS2S.json b/results/minishlab__potion-base-4M/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..7c5b89afb --- /dev/null +++ b/results/minishlab__potion-base-4M/external/BiorxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 18.622216350398414, + "v_measure": 18.622216350398414, + "v_measure_std": 0.6293204014994399 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/CQADupstackAndroidRetrieval.json b/results/minishlab__potion-base-4M/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..34354765f --- /dev/null +++ b/results/minishlab__potion-base-4M/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f46a197baaae43b4f621051089b82a364682dfeb", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 28.634999999999998, + "map_at_1": 17.152, + "map_at_10": 23.895, + "map_at_100": 25.091, + "map_at_1000": 25.25, + "map_at_20": 24.572, + "map_at_3": 21.568, + "map_at_5": 22.704, + "mrr_at_1": 22.317596566523605, + "mrr_at_10": 29.185627994640857, + "mrr_at_100": 30.128435629032374, + "mrr_at_1000": 30.21421740576337, + "mrr_at_20": 29.74474169170152, + "mrr_at_3": 27.014783023366718, + "mrr_at_5": 28.130662851692893, + "nauc_map_at_1000_diff1": 45.49079878739815, + "nauc_map_at_1000_max": 29.534546072029517, + "nauc_map_at_1000_std": -0.5089249190300318, + "nauc_map_at_100_diff1": 45.49759783576997, + "nauc_map_at_100_max": 29.544604885435792, + "nauc_map_at_100_std": -0.5179655931207162, + "nauc_map_at_10_diff1": 45.976510563301666, + "nauc_map_at_10_max": 29.21402423851111, + "nauc_map_at_10_std": -1.0085014148488038, + "nauc_map_at_1_diff1": 52.75741998819541, + "nauc_map_at_1_max": 29.368585078235753, + "nauc_map_at_1_std": -3.5815403185371486, + "nauc_map_at_20_diff1": 45.506002175670076, + "nauc_map_at_20_max": 29.423435660254604, + "nauc_map_at_20_std": -0.9287391587149738, + "nauc_map_at_3_diff1": 47.81373253580316, + "nauc_map_at_3_max": 29.081148421629916, + "nauc_map_at_3_std": -2.7629811812032585, + "nauc_map_at_5_diff1": 46.55185813784054, + "nauc_map_at_5_max": 28.961901421879467, + "nauc_map_at_5_std": -1.937601506223827, + "nauc_mrr_at_1000_diff1": 43.614839323060764, + "nauc_mrr_at_1000_max": 30.960425002935082, + "nauc_mrr_at_1000_std": -0.5398301648022389, + "nauc_mrr_at_100_diff1": 43.59654297191633, + "nauc_mrr_at_100_max": 30.94533105496734, + "nauc_mrr_at_100_std": -0.49784542963130296, + "nauc_mrr_at_10_diff1": 43.81685974405299, + "nauc_mrr_at_10_max": 31.028568038527926, + "nauc_mrr_at_10_std": -0.8292434904346165, + "nauc_mrr_at_1_diff1": 49.9370433271119, + "nauc_mrr_at_1_max": 33.134285195236465, + "nauc_mrr_at_1_std": -2.7356567659695012, + "nauc_mrr_at_20_diff1": 43.584578326941525, + "nauc_mrr_at_20_max": 31.0127925760322, + "nauc_mrr_at_20_std": -0.8000020821062815, + "nauc_mrr_at_3_diff1": 45.11476358733441, + "nauc_mrr_at_3_max": 31.409901055954027, + "nauc_mrr_at_3_std": -2.676967528841609, + "nauc_mrr_at_5_diff1": 44.16805851271991, + "nauc_mrr_at_5_max": 30.88527971859746, + "nauc_mrr_at_5_std": -1.726462045900353, + "nauc_ndcg_at_1000_diff1": 41.77717839292474, + "nauc_ndcg_at_1000_max": 29.996487458093927, + "nauc_ndcg_at_1000_std": 3.8581103831063466, + "nauc_ndcg_at_100_diff1": 41.54727934976656, + "nauc_ndcg_at_100_max": 29.71085105251084, + "nauc_ndcg_at_100_std": 4.118793757322192, + "nauc_ndcg_at_10_diff1": 42.71626918562738, + "nauc_ndcg_at_10_max": 29.12514000395598, + "nauc_ndcg_at_10_std": 0.9327538498100547, + "nauc_ndcg_at_1_diff1": 49.9370433271119, + "nauc_ndcg_at_1_max": 33.134285195236465, + "nauc_ndcg_at_1_std": -2.7356567659695012, + "nauc_ndcg_at_20_diff1": 41.71058666775361, + "nauc_ndcg_at_20_max": 29.2397176902118, + "nauc_ndcg_at_20_std": 1.1399320166488158, + "nauc_ndcg_at_3_diff1": 44.328171353087356, + "nauc_ndcg_at_3_max": 29.225950057257126, + "nauc_ndcg_at_3_std": -1.9391744610181159, + "nauc_ndcg_at_5_diff1": 43.074003557819154, + "nauc_ndcg_at_5_max": 28.686726626031327, + "nauc_ndcg_at_5_std": -0.9025430391878352, + "nauc_precision_at_1000_diff1": 0.019262094978555112, + "nauc_precision_at_1000_max": 1.4280147129801406, + "nauc_precision_at_1000_std": 5.237394137713056, + "nauc_precision_at_100_diff1": 9.734198894095327, + "nauc_precision_at_100_max": 17.994270805040287, + "nauc_precision_at_100_std": 10.816224870855196, + "nauc_precision_at_10_diff1": 24.273335995399528, + "nauc_precision_at_10_max": 25.012150937872573, + "nauc_precision_at_10_std": 5.706335599631678, + "nauc_precision_at_1_diff1": 49.9370433271119, + "nauc_precision_at_1_max": 33.134285195236465, + "nauc_precision_at_1_std": -2.7356567659695012, + "nauc_precision_at_20_diff1": 18.199627802448852, + "nauc_precision_at_20_max": 24.55969777615955, + "nauc_precision_at_20_std": 5.528931520512831, + "nauc_precision_at_3_diff1": 35.21809033465108, + "nauc_precision_at_3_max": 28.81285998763693, + "nauc_precision_at_3_std": -1.3820729819891873, + "nauc_precision_at_5_diff1": 28.964838568128283, + "nauc_precision_at_5_max": 27.919889820702092, + "nauc_precision_at_5_std": 0.8326959136541273, + "nauc_recall_at_1000_diff1": 21.23258255267272, + "nauc_recall_at_1000_max": 30.758022399262604, + "nauc_recall_at_1000_std": 40.400857317855966, + "nauc_recall_at_100_diff1": 27.045466279262133, + "nauc_recall_at_100_max": 26.471211331500676, + "nauc_recall_at_100_std": 22.702444466758195, + "nauc_recall_at_10_diff1": 33.65302461303574, + "nauc_recall_at_10_max": 25.612926968693827, + "nauc_recall_at_10_std": 6.310778309941729, + "nauc_recall_at_1_diff1": 52.75741998819541, + "nauc_recall_at_1_max": 29.368585078235753, + "nauc_recall_at_1_std": -3.5815403185371486, + "nauc_recall_at_20_diff1": 29.16482990269768, + "nauc_recall_at_20_max": 24.902713129283242, + "nauc_recall_at_20_std": 6.842748407870703, + "nauc_recall_at_3_diff1": 40.48285894994969, + "nauc_recall_at_3_max": 25.25195012757927, + "nauc_recall_at_3_std": -1.923836712152538, + "nauc_recall_at_5_diff1": 35.61485776280015, + "nauc_recall_at_5_max": 23.60803593241084, + "nauc_recall_at_5_std": 1.2754180362185552, + "ndcg_at_1": 22.317999999999998, + "ndcg_at_10": 28.634999999999998, + "ndcg_at_100": 33.954, + "ndcg_at_1000": 37.467, + "ndcg_at_20": 30.75, + "ndcg_at_3": 24.956, + "ndcg_at_5": 26.308, + "precision_at_1": 22.317999999999998, + "precision_at_10": 5.651, + "precision_at_100": 1.039, + "precision_at_1000": 0.166, + "precision_at_20": 3.4979999999999998, + "precision_at_3": 12.256, + "precision_at_5": 8.755, + "recall_at_1": 17.152, + "recall_at_10": 37.447, + "recall_at_100": 60.699000000000005, + "recall_at_1000": 85.014, + "recall_at_20": 45.405, + "recall_at_3": 26.143, + "recall_at_5": 30.441000000000003 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/CQADupstackEnglishRetrieval.json b/results/minishlab__potion-base-4M/external/CQADupstackEnglishRetrieval.json new file mode 100644 index 000000000..48df18f9f --- /dev/null +++ b/results/minishlab__potion-base-4M/external/CQADupstackEnglishRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ad9991cb51e31e31e430383c75ffb2885547b5f0", + "task_name": "CQADupstackEnglishRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 23.933, + "map_at_1": 15.534999999999998, + "map_at_10": 20.494, + "map_at_100": 21.234, + "map_at_1000": 21.346999999999998, + "map_at_20": 20.842, + "map_at_3": 18.716, + "map_at_5": 19.694, + "mrr_at_1": 18.85350318471338, + "mrr_at_10": 23.976417955717306, + "mrr_at_100": 24.626250491278405, + "mrr_at_1000": 24.699274897180697, + "mrr_at_20": 24.31440451029886, + "mrr_at_3": 22.218683651804664, + "mrr_at_5": 23.209129511677258, + "nauc_map_at_1000_diff1": 37.74002837588212, + "nauc_map_at_1000_max": 11.52596069444164, + "nauc_map_at_1000_std": 1.5396386499345946, + "nauc_map_at_100_diff1": 37.769383414720515, + "nauc_map_at_100_max": 11.472584783973845, + "nauc_map_at_100_std": 1.4530341264663071, + "nauc_map_at_10_diff1": 38.14778408943225, + "nauc_map_at_10_max": 11.457324548618868, + "nauc_map_at_10_std": 0.8673572005420617, + "nauc_map_at_1_diff1": 45.248945131354226, + "nauc_map_at_1_max": 13.305886052642421, + "nauc_map_at_1_std": -0.8554239133186292, + "nauc_map_at_20_diff1": 37.94962093945997, + "nauc_map_at_20_max": 11.368934419724535, + "nauc_map_at_20_std": 1.176488837859526, + "nauc_map_at_3_diff1": 38.816860264330906, + "nauc_map_at_3_max": 12.244663804798567, + "nauc_map_at_3_std": -0.7044706920393753, + "nauc_map_at_5_diff1": 38.20664251362074, + "nauc_map_at_5_max": 11.58930422846952, + "nauc_map_at_5_std": 0.24788040735166877, + "nauc_mrr_at_1000_diff1": 36.01366865176011, + "nauc_mrr_at_1000_max": 12.692732314206609, + "nauc_mrr_at_1000_std": 3.24063469677308, + "nauc_mrr_at_100_diff1": 36.01759994326736, + "nauc_mrr_at_100_max": 12.688310838686673, + "nauc_mrr_at_100_std": 3.243753049954808, + "nauc_mrr_at_10_diff1": 36.27391277272198, + "nauc_mrr_at_10_max": 12.668653023640713, + "nauc_mrr_at_10_std": 2.9800614398297265, + "nauc_mrr_at_1_diff1": 42.03008021102266, + "nauc_mrr_at_1_max": 15.464219677345653, + "nauc_mrr_at_1_std": 1.9384689651010967, + "nauc_mrr_at_20_diff1": 36.081487674680965, + "nauc_mrr_at_20_max": 12.63192966261147, + "nauc_mrr_at_20_std": 3.1357738226142096, + "nauc_mrr_at_3_diff1": 36.74126358143279, + "nauc_mrr_at_3_max": 13.486458067334103, + "nauc_mrr_at_3_std": 2.0734773435525886, + "nauc_mrr_at_5_diff1": 36.21555621305363, + "nauc_mrr_at_5_max": 12.776138636129582, + "nauc_mrr_at_5_std": 2.7040718821656418, + "nauc_ndcg_at_1000_diff1": 34.17368469001136, + "nauc_ndcg_at_1000_max": 11.048310100081675, + "nauc_ndcg_at_1000_std": 5.07898838985954, + "nauc_ndcg_at_100_diff1": 34.55833751183066, + "nauc_ndcg_at_100_max": 10.558354467049766, + "nauc_ndcg_at_100_std": 4.549167498357635, + "nauc_ndcg_at_10_diff1": 35.792555836995334, + "nauc_ndcg_at_10_max": 10.462185132989973, + "nauc_ndcg_at_10_std": 2.8477903406821183, + "nauc_ndcg_at_1_diff1": 42.03008021102266, + "nauc_ndcg_at_1_max": 15.464219677345653, + "nauc_ndcg_at_1_std": 1.9384689651010967, + "nauc_ndcg_at_20_diff1": 35.26991472528924, + "nauc_ndcg_at_20_max": 10.069855031533036, + "nauc_ndcg_at_20_std": 3.376655328346143, + "nauc_ndcg_at_3_diff1": 36.37053997114841, + "nauc_ndcg_at_3_max": 12.224505873247024, + "nauc_ndcg_at_3_std": 0.6624194427639196, + "nauc_ndcg_at_5_diff1": 35.70090332699717, + "nauc_ndcg_at_5_max": 10.718660748235513, + "nauc_ndcg_at_5_std": 1.8377187458851245, + "nauc_precision_at_1000_diff1": -4.890564070316116, + "nauc_precision_at_1000_max": 8.308792103010054, + "nauc_precision_at_1000_std": 20.927425655021437, + "nauc_precision_at_100_diff1": 6.781480258638198, + "nauc_precision_at_100_max": 9.14338916106647, + "nauc_precision_at_100_std": 19.5689773619807, + "nauc_precision_at_10_diff1": 22.120003359351454, + "nauc_precision_at_10_max": 9.880724079161961, + "nauc_precision_at_10_std": 11.898292477010239, + "nauc_precision_at_1_diff1": 42.03008021102266, + "nauc_precision_at_1_max": 15.464219677345653, + "nauc_precision_at_1_std": 1.9384689651010967, + "nauc_precision_at_20_diff1": 17.586401294319412, + "nauc_precision_at_20_max": 8.286556086704074, + "nauc_precision_at_20_std": 14.20376727306384, + "nauc_precision_at_3_diff1": 27.877469254113386, + "nauc_precision_at_3_max": 12.208775338231302, + "nauc_precision_at_3_std": 3.874876685435265, + "nauc_precision_at_5_diff1": 24.786024793792617, + "nauc_precision_at_5_max": 10.355536887167844, + "nauc_precision_at_5_std": 8.000371130105563, + "nauc_recall_at_1000_diff1": 21.767117265109228, + "nauc_recall_at_1000_max": 7.388142374547023, + "nauc_recall_at_1000_std": 13.274812043748158, + "nauc_recall_at_100_diff1": 25.468443648444573, + "nauc_recall_at_100_max": 6.331483861859732, + "nauc_recall_at_100_std": 10.596959963008198, + "nauc_recall_at_10_diff1": 30.928988191036368, + "nauc_recall_at_10_max": 6.321847209343759, + "nauc_recall_at_10_std": 4.4911642118461685, + "nauc_recall_at_1_diff1": 45.248945131354226, + "nauc_recall_at_1_max": 13.305886052642421, + "nauc_recall_at_1_std": -0.8554239133186292, + "nauc_recall_at_20_diff1": 28.79337381513034, + "nauc_recall_at_20_max": 5.113928725475475, + "nauc_recall_at_20_std": 6.184413133197319, + "nauc_recall_at_3_diff1": 32.39614504895464, + "nauc_recall_at_3_max": 9.328104228537699, + "nauc_recall_at_3_std": -0.5296736724789125, + "nauc_recall_at_5_diff1": 31.294125355167253, + "nauc_recall_at_5_max": 6.491641210370972, + "nauc_recall_at_5_std": 2.040846304053944, + "ndcg_at_1": 18.854000000000003, + "ndcg_at_10": 23.933, + "ndcg_at_100": 27.593, + "ndcg_at_1000": 30.320000000000004, + "ndcg_at_20": 25.068, + "ndcg_at_3": 20.806, + "ndcg_at_5": 22.216, + "precision_at_1": 18.854000000000003, + "precision_at_10": 4.312, + "precision_at_100": 0.773, + "precision_at_1000": 0.124, + "precision_at_20": 2.557, + "precision_at_3": 9.575, + "precision_at_5": 6.93, + "recall_at_1": 15.534999999999998, + "recall_at_10": 30.865, + "recall_at_100": 47.044999999999995, + "recall_at_1000": 65.706, + "recall_at_20": 35.043, + "recall_at_3": 22.034000000000002, + "recall_at_5": 25.663000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/CQADupstackGamingRetrieval.json b/results/minishlab__potion-base-4M/external/CQADupstackGamingRetrieval.json new file mode 100644 index 000000000..d4504d379 --- /dev/null +++ b/results/minishlab__potion-base-4M/external/CQADupstackGamingRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "4885aa143210c98657558c04aaf3dc47cfb54340", + "task_name": "CQADupstackGamingRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 35.807, + "map_at_1": 22.628999999999998, + "map_at_10": 31.06, + "map_at_100": 32.124, + "map_at_1000": 32.228, + "map_at_20": 31.714, + "map_at_3": 28.576, + "map_at_5": 30.049999999999997, + "mrr_at_1": 26.332288401253916, + "mrr_at_10": 34.26966711449467, + "mrr_at_100": 35.10307061641104, + "mrr_at_1000": 35.175621663030384, + "mrr_at_20": 34.77207492905975, + "mrr_at_3": 31.985370950888154, + "mrr_at_5": 33.38035527690695, + "nauc_map_at_1000_diff1": 41.26538406776667, + "nauc_map_at_1000_max": 22.089808526173663, + "nauc_map_at_1000_std": -6.82680457634158, + "nauc_map_at_100_diff1": 41.272836431982014, + "nauc_map_at_100_max": 22.06375392023965, + "nauc_map_at_100_std": -6.876803386437694, + "nauc_map_at_10_diff1": 41.427308262702496, + "nauc_map_at_10_max": 21.774850849917172, + "nauc_map_at_10_std": -7.521250762475834, + "nauc_map_at_1_diff1": 47.0682194607475, + "nauc_map_at_1_max": 19.7271244754008, + "nauc_map_at_1_std": -8.387247040771014, + "nauc_map_at_20_diff1": 41.250225334717, + "nauc_map_at_20_max": 21.952825244751704, + "nauc_map_at_20_std": -7.089842060679384, + "nauc_map_at_3_diff1": 42.11071549668694, + "nauc_map_at_3_max": 20.334031983597875, + "nauc_map_at_3_std": -8.655163177779556, + "nauc_map_at_5_diff1": 41.55276805478624, + "nauc_map_at_5_max": 21.341662053429037, + "nauc_map_at_5_std": -8.252224038913697, + "nauc_mrr_at_1000_diff1": 41.1807053561387, + "nauc_mrr_at_1000_max": 24.141034562422607, + "nauc_mrr_at_1000_std": -4.582768753751603, + "nauc_mrr_at_100_diff1": 41.17248963594074, + "nauc_mrr_at_100_max": 24.14923648452245, + "nauc_mrr_at_100_std": -4.586237441845526, + "nauc_mrr_at_10_diff1": 41.29997961211437, + "nauc_mrr_at_10_max": 24.18197800438829, + "nauc_mrr_at_10_std": -4.92059802789352, + "nauc_mrr_at_1_diff1": 47.22202156377031, + "nauc_mrr_at_1_max": 22.81382395299871, + "nauc_mrr_at_1_std": -6.511731680897033, + "nauc_mrr_at_20_diff1": 41.12982414886362, + "nauc_mrr_at_20_max": 24.090339351286172, + "nauc_mrr_at_20_std": -4.714787687162255, + "nauc_mrr_at_3_diff1": 42.03685291338169, + "nauc_mrr_at_3_max": 23.46979265259633, + "nauc_mrr_at_3_std": -5.746637512261208, + "nauc_mrr_at_5_diff1": 41.41305039216194, + "nauc_mrr_at_5_max": 24.000287116591235, + "nauc_mrr_at_5_std": -5.470798244701126, + "nauc_ndcg_at_1000_diff1": 38.894631119522074, + "nauc_ndcg_at_1000_max": 24.067285655689073, + "nauc_ndcg_at_1000_std": -2.6694327561644458, + "nauc_ndcg_at_100_diff1": 38.82244557925009, + "nauc_ndcg_at_100_max": 23.997724699889826, + "nauc_ndcg_at_100_std": -3.0442083060901655, + "nauc_ndcg_at_10_diff1": 39.35732365524711, + "nauc_ndcg_at_10_max": 23.26445091825662, + "nauc_ndcg_at_10_std": -5.702352367922923, + "nauc_ndcg_at_1_diff1": 47.22202156377031, + "nauc_ndcg_at_1_max": 22.81382395299871, + "nauc_ndcg_at_1_std": -6.511731680897033, + "nauc_ndcg_at_20_diff1": 38.71915510942565, + "nauc_ndcg_at_20_max": 23.38127406835881, + "nauc_ndcg_at_20_std": -4.628020864250285, + "nauc_ndcg_at_3_diff1": 40.65241506559219, + "nauc_ndcg_at_3_max": 21.353018199050783, + "nauc_ndcg_at_3_std": -7.621281922991216, + "nauc_ndcg_at_5_diff1": 39.66904523712232, + "nauc_ndcg_at_5_max": 22.62846235537732, + "nauc_ndcg_at_5_std": -7.238655338688719, + "nauc_precision_at_1000_diff1": -0.10674589877264098, + "nauc_precision_at_1000_max": 22.880044900789883, + "nauc_precision_at_1000_std": 25.286841157887324, + "nauc_precision_at_100_diff1": 12.494580543979819, + "nauc_precision_at_100_max": 26.407646479434348, + "nauc_precision_at_100_std": 18.00786656478982, + "nauc_precision_at_10_diff1": 25.425846313220536, + "nauc_precision_at_10_max": 27.282619860852453, + "nauc_precision_at_10_std": 3.254416482888394, + "nauc_precision_at_1_diff1": 47.22202156377031, + "nauc_precision_at_1_max": 22.81382395299871, + "nauc_precision_at_1_std": -6.511731680897033, + "nauc_precision_at_20_diff1": 19.841372822387022, + "nauc_precision_at_20_max": 26.062138234488096, + "nauc_precision_at_20_std": 8.170520123604948, + "nauc_precision_at_3_diff1": 33.490720368183055, + "nauc_precision_at_3_max": 23.698874436209138, + "nauc_precision_at_3_std": -4.247457542736893, + "nauc_precision_at_5_diff1": 29.5800651053398, + "nauc_precision_at_5_max": 26.96711574015605, + "nauc_precision_at_5_std": -1.9260500005639964, + "nauc_recall_at_1000_diff1": 21.07089430236666, + "nauc_recall_at_1000_max": 29.068557444348208, + "nauc_recall_at_1000_std": 29.467514748549682, + "nauc_recall_at_100_diff1": 28.045187225936512, + "nauc_recall_at_100_max": 27.307019737570975, + "nauc_recall_at_100_std": 11.826790191487909, + "nauc_recall_at_10_diff1": 32.50271652049762, + "nauc_recall_at_10_max": 23.973682202148833, + "nauc_recall_at_10_std": -2.840362990837493, + "nauc_recall_at_1_diff1": 47.0682194607475, + "nauc_recall_at_1_max": 19.7271244754008, + "nauc_recall_at_1_std": -8.387247040771014, + "nauc_recall_at_20_diff1": 29.540137183084482, + "nauc_recall_at_20_max": 24.15868254359213, + "nauc_recall_at_20_std": 1.1030187029057643, + "nauc_recall_at_3_diff1": 36.11833942271728, + "nauc_recall_at_3_max": 19.70224872745943, + "nauc_recall_at_3_std": -8.193955960840473, + "nauc_recall_at_5_diff1": 33.6864411204656, + "nauc_recall_at_5_max": 22.29534359351608, + "nauc_recall_at_5_std": -7.198005144877803, + "ndcg_at_1": 26.332, + "ndcg_at_10": 35.807, + "ndcg_at_100": 40.654, + "ndcg_at_1000": 43.19, + "ndcg_at_20": 37.854, + "ndcg_at_3": 31.238, + "ndcg_at_5": 33.6, + "precision_at_1": 26.332, + "precision_at_10": 6.006, + "precision_at_100": 0.922, + "precision_at_1000": 0.122, + "precision_at_20": 3.5520000000000005, + "precision_at_3": 14.19, + "precision_at_5": 10.132, + "recall_at_1": 22.628999999999998, + "recall_at_10": 46.965, + "recall_at_100": 68.748, + "recall_at_1000": 87.428, + "recall_at_20": 54.559999999999995, + "recall_at_3": 34.777, + "recall_at_5": 40.527 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/CQADupstackGisRetrieval.json b/results/minishlab__potion-base-4M/external/CQADupstackGisRetrieval.json new file mode 100644 index 000000000..0e6e5a8f2 --- /dev/null +++ b/results/minishlab__potion-base-4M/external/CQADupstackGisRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "5003b3064772da1887988e05400cf3806fe491f2", + "task_name": "CQADupstackGisRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 17.629, + "map_at_1": 10.38, + "map_at_10": 14.754000000000001, + "map_at_100": 15.426, + "map_at_1000": 15.534999999999998, + "map_at_20": 15.088, + "map_at_3": 13.094, + "map_at_5": 14.05, + "mrr_at_1": 11.299435028248588, + "mrr_at_10": 15.835978835978842, + "mrr_at_100": 16.534237809945086, + "mrr_at_1000": 16.63481660848549, + "mrr_at_20": 16.204438309373508, + "mrr_at_3": 14.105461393596983, + "mrr_at_5": 15.133709981167609, + "nauc_map_at_1000_diff1": 30.813780800275577, + "nauc_map_at_1000_max": 11.782343656250962, + "nauc_map_at_1000_std": -8.450259569210562, + "nauc_map_at_100_diff1": 30.806060913087485, + "nauc_map_at_100_max": 11.766956595713632, + "nauc_map_at_100_std": -8.490982686334714, + "nauc_map_at_10_diff1": 31.036790223331284, + "nauc_map_at_10_max": 11.65928648411015, + "nauc_map_at_10_std": -8.891015250999633, + "nauc_map_at_1_diff1": 40.392118725694296, + "nauc_map_at_1_max": 12.989514645776437, + "nauc_map_at_1_std": -12.754693269346662, + "nauc_map_at_20_diff1": 30.901613440113913, + "nauc_map_at_20_max": 11.746782149315164, + "nauc_map_at_20_std": -8.736689401578923, + "nauc_map_at_3_diff1": 33.20492753741601, + "nauc_map_at_3_max": 12.357131975441227, + "nauc_map_at_3_std": -10.563694590125545, + "nauc_map_at_5_diff1": 32.061276704672686, + "nauc_map_at_5_max": 12.065660289608578, + "nauc_map_at_5_std": -9.627361978016017, + "nauc_mrr_at_1000_diff1": 29.18067582766131, + "nauc_mrr_at_1000_max": 12.945793155078967, + "nauc_mrr_at_1000_std": -7.3265109617304685, + "nauc_mrr_at_100_diff1": 29.163181593347904, + "nauc_mrr_at_100_max": 12.948132882807926, + "nauc_mrr_at_100_std": -7.351935545294857, + "nauc_mrr_at_10_diff1": 29.31938739231278, + "nauc_mrr_at_10_max": 12.806414703000188, + "nauc_mrr_at_10_std": -7.610287140903537, + "nauc_mrr_at_1_diff1": 38.89154503294042, + "nauc_mrr_at_1_max": 14.139403084242247, + "nauc_mrr_at_1_std": -11.312198001697299, + "nauc_mrr_at_20_diff1": 29.194444050920183, + "nauc_mrr_at_20_max": 12.904450862547447, + "nauc_mrr_at_20_std": -7.545415671110467, + "nauc_mrr_at_3_diff1": 31.393025095982384, + "nauc_mrr_at_3_max": 13.446210300659404, + "nauc_mrr_at_3_std": -8.842651857422517, + "nauc_mrr_at_5_diff1": 30.22907968906219, + "nauc_mrr_at_5_max": 13.073366417712586, + "nauc_mrr_at_5_std": -8.226431830427765, + "nauc_ndcg_at_1000_diff1": 26.264947886953237, + "nauc_ndcg_at_1000_max": 11.441384810090252, + "nauc_ndcg_at_1000_std": -4.395454030779977, + "nauc_ndcg_at_100_diff1": 26.0471151899472, + "nauc_ndcg_at_100_max": 11.093079614438034, + "nauc_ndcg_at_100_std": -4.9764023249186655, + "nauc_ndcg_at_10_diff1": 26.90251142153969, + "nauc_ndcg_at_10_max": 10.97337729814191, + "nauc_ndcg_at_10_std": -6.705324064661864, + "nauc_ndcg_at_1_diff1": 38.89154503294042, + "nauc_ndcg_at_1_max": 14.139403084242247, + "nauc_ndcg_at_1_std": -11.312198001697299, + "nauc_ndcg_at_20_diff1": 26.465932737299585, + "nauc_ndcg_at_20_max": 11.089006750559657, + "nauc_ndcg_at_20_std": -6.36961075704304, + "nauc_ndcg_at_3_diff1": 30.565609563262058, + "nauc_ndcg_at_3_max": 12.086090885642179, + "nauc_ndcg_at_3_std": -9.76046084488079, + "nauc_ndcg_at_5_diff1": 28.901329485568876, + "nauc_ndcg_at_5_max": 11.755991552389204, + "nauc_ndcg_at_5_std": -8.214029330866332, + "nauc_precision_at_1000_diff1": 5.893427497520307, + "nauc_precision_at_1000_max": 13.962546949241588, + "nauc_precision_at_1000_std": 11.182186647992918, + "nauc_precision_at_100_diff1": 14.122452287718449, + "nauc_precision_at_100_max": 11.56106074944499, + "nauc_precision_at_100_std": 5.394836213772653, + "nauc_precision_at_10_diff1": 17.44514141046529, + "nauc_precision_at_10_max": 10.595913542289864, + "nauc_precision_at_10_std": -0.20582788920299083, + "nauc_precision_at_1_diff1": 38.89154503294042, + "nauc_precision_at_1_max": 14.139403084242247, + "nauc_precision_at_1_std": -11.312198001697299, + "nauc_precision_at_20_diff1": 16.858817787085904, + "nauc_precision_at_20_max": 10.797716199244915, + "nauc_precision_at_20_std": -0.10821855328410326, + "nauc_precision_at_3_diff1": 24.700655044693608, + "nauc_precision_at_3_max": 13.11860977106586, + "nauc_precision_at_3_std": -7.129190710723354, + "nauc_precision_at_5_diff1": 21.49719563326281, + "nauc_precision_at_5_max": 12.493693151305854, + "nauc_precision_at_5_std": -4.332210627942629, + "nauc_recall_at_1000_diff1": 14.925915862719302, + "nauc_recall_at_1000_max": 8.497504317724683, + "nauc_recall_at_1000_std": 8.781321940759797, + "nauc_recall_at_100_diff1": 15.908339423365408, + "nauc_recall_at_100_max": 7.574805370380677, + "nauc_recall_at_100_std": 2.9546971482740427, + "nauc_recall_at_10_diff1": 18.479088740671163, + "nauc_recall_at_10_max": 8.196706188245905, + "nauc_recall_at_10_std": -2.6997578673469107, + "nauc_recall_at_1_diff1": 40.392118725694296, + "nauc_recall_at_1_max": 12.989514645776437, + "nauc_recall_at_1_std": -12.754693269346662, + "nauc_recall_at_20_diff1": 17.355050199783538, + "nauc_recall_at_20_max": 8.24865474928656, + "nauc_recall_at_20_std": -1.9444165911432059, + "nauc_recall_at_3_diff1": 25.991866279577998, + "nauc_recall_at_3_max": 10.780718288384648, + "nauc_recall_at_3_std": -9.020518000524683, + "nauc_recall_at_5_diff1": 22.825582625970096, + "nauc_recall_at_5_max": 9.895504719395994, + "nauc_recall_at_5_std": -5.958812555760698, + "ndcg_at_1": 11.299, + "ndcg_at_10": 17.629, + "ndcg_at_100": 21.437, + "ndcg_at_1000": 24.599, + "ndcg_at_20": 18.864, + "ndcg_at_3": 14.221, + "ndcg_at_5": 15.950000000000001, + "precision_at_1": 11.299, + "precision_at_10": 2.904, + "precision_at_100": 0.515, + "precision_at_1000": 0.082, + "precision_at_20": 1.7340000000000002, + "precision_at_3": 6.064, + "precision_at_5": 4.61, + "recall_at_1": 10.38, + "recall_at_10": 25.627, + "recall_at_100": 43.95, + "recall_at_1000": 68.49, + "recall_at_20": 30.320000000000004, + "recall_at_3": 16.329, + "recall_at_5": 20.561 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/CQADupstackMathematicaRetrieval.json b/results/minishlab__potion-base-4M/external/CQADupstackMathematicaRetrieval.json new file mode 100644 index 000000000..8af74614a --- /dev/null +++ b/results/minishlab__potion-base-4M/external/CQADupstackMathematicaRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "90fceea13679c63fe563ded68f3b6f06e50061de", + "task_name": "CQADupstackMathematicaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 11.477, + "map_at_1": 5.978, + "map_at_10": 9.094, + "map_at_100": 9.876, + "map_at_1000": 9.994, + "map_at_20": 9.472, + "map_at_3": 7.939, + "map_at_5": 8.464, + "mrr_at_1": 7.213930348258707, + "mrr_at_10": 11.07784490247177, + "mrr_at_100": 11.899767012693667, + "mrr_at_1000": 11.998411801437172, + "mrr_at_20": 11.508338702856639, + "mrr_at_3": 9.784411276948592, + "mrr_at_5": 10.350331674958541, + "nauc_map_at_1000_diff1": 13.591085928739844, + "nauc_map_at_1000_max": 6.290217870776886, + "nauc_map_at_1000_std": 2.392951276884633, + "nauc_map_at_100_diff1": 13.668656542290492, + "nauc_map_at_100_max": 6.258917946356381, + "nauc_map_at_100_std": 2.3266445676100136, + "nauc_map_at_10_diff1": 13.250096964157141, + "nauc_map_at_10_max": 5.813606943292423, + "nauc_map_at_10_std": 1.7271825359327229, + "nauc_map_at_1_diff1": 20.218709814462795, + "nauc_map_at_1_max": 8.036844386597277, + "nauc_map_at_1_std": 4.620772690437222, + "nauc_map_at_20_diff1": 13.21941234439436, + "nauc_map_at_20_max": 6.397052877775318, + "nauc_map_at_20_std": 2.0208479181057863, + "nauc_map_at_3_diff1": 14.253784181301269, + "nauc_map_at_3_max": 5.2244549800840705, + "nauc_map_at_3_std": 3.368522302214036, + "nauc_map_at_5_diff1": 13.044211991524158, + "nauc_map_at_5_max": 4.906068326503013, + "nauc_map_at_5_std": 1.338022929716299, + "nauc_mrr_at_1000_diff1": 12.290215308682262, + "nauc_mrr_at_1000_max": 7.643442169311612, + "nauc_mrr_at_1000_std": 4.653330662838167, + "nauc_mrr_at_100_diff1": 12.356655427085565, + "nauc_mrr_at_100_max": 7.628444205245759, + "nauc_mrr_at_100_std": 4.63571924333444, + "nauc_mrr_at_10_diff1": 11.955038091668206, + "nauc_mrr_at_10_max": 7.3633463435739746, + "nauc_mrr_at_10_std": 4.340105432925798, + "nauc_mrr_at_1_diff1": 18.54493340747909, + "nauc_mrr_at_1_max": 8.77355237570233, + "nauc_mrr_at_1_std": 5.594302960623576, + "nauc_mrr_at_20_diff1": 12.046481294394413, + "nauc_mrr_at_20_max": 7.690200754146728, + "nauc_mrr_at_20_std": 4.4655331328551195, + "nauc_mrr_at_3_diff1": 12.435651201239532, + "nauc_mrr_at_3_max": 6.558488098778106, + "nauc_mrr_at_3_std": 5.698098301646967, + "nauc_mrr_at_5_diff1": 11.748052022736733, + "nauc_mrr_at_5_max": 6.5271856425922365, + "nauc_mrr_at_5_std": 4.145794538156133, + "nauc_ndcg_at_1000_diff1": 13.288712098878081, + "nauc_ndcg_at_1000_max": 7.657748149258937, + "nauc_ndcg_at_1000_std": 5.545508293121399, + "nauc_ndcg_at_100_diff1": 14.885215517504447, + "nauc_ndcg_at_100_max": 7.2418991240971735, + "nauc_ndcg_at_100_std": 3.966737924400339, + "nauc_ndcg_at_10_diff1": 11.727912572806847, + "nauc_ndcg_at_10_max": 6.433084111905497, + "nauc_ndcg_at_10_std": 1.774941654953616, + "nauc_ndcg_at_1_diff1": 18.54493340747909, + "nauc_ndcg_at_1_max": 8.77355237570233, + "nauc_ndcg_at_1_std": 5.594302960623576, + "nauc_ndcg_at_20_diff1": 11.790912817274762, + "nauc_ndcg_at_20_max": 7.776091543736068, + "nauc_ndcg_at_20_std": 2.6016157495554073, + "nauc_ndcg_at_3_diff1": 12.439122277051485, + "nauc_ndcg_at_3_max": 5.174924004324122, + "nauc_ndcg_at_3_std": 3.860294561139816, + "nauc_ndcg_at_5_diff1": 10.913762290310355, + "nauc_ndcg_at_5_max": 4.575898104548388, + "nauc_ndcg_at_5_std": 0.8550022603482168, + "nauc_precision_at_1000_diff1": 0.8641627546620656, + "nauc_precision_at_1000_max": 7.136167893836067, + "nauc_precision_at_1000_std": 7.008996062106819, + "nauc_precision_at_100_diff1": 13.0673021579007, + "nauc_precision_at_100_max": 7.513212944963869, + "nauc_precision_at_100_std": 5.237924977571242, + "nauc_precision_at_10_diff1": 6.77138100994466, + "nauc_precision_at_10_max": 7.376874826886665, + "nauc_precision_at_10_std": 0.6383203572368118, + "nauc_precision_at_1_diff1": 18.54493340747909, + "nauc_precision_at_1_max": 8.77355237570233, + "nauc_precision_at_1_std": 5.594302960623576, + "nauc_precision_at_20_diff1": 7.542910400303255, + "nauc_precision_at_20_max": 8.702611395923912, + "nauc_precision_at_20_std": 3.4101571933438444, + "nauc_precision_at_3_diff1": 7.426612756605223, + "nauc_precision_at_3_max": 4.394162144689597, + "nauc_precision_at_3_std": 5.339197834739952, + "nauc_precision_at_5_diff1": 4.929106492214219, + "nauc_precision_at_5_max": 4.784302262927969, + "nauc_precision_at_5_std": -0.030270136453348934, + "nauc_recall_at_1000_diff1": 14.352619292360961, + "nauc_recall_at_1000_max": 9.06600701556724, + "nauc_recall_at_1000_std": 15.130728840498673, + "nauc_recall_at_100_diff1": 20.208981835771443, + "nauc_recall_at_100_max": 8.008407920519739, + "nauc_recall_at_100_std": 6.515568441370566, + "nauc_recall_at_10_diff1": 10.259953355933666, + "nauc_recall_at_10_max": 7.361918177568944, + "nauc_recall_at_10_std": 0.45481413814853, + "nauc_recall_at_1_diff1": 20.218709814462795, + "nauc_recall_at_1_max": 8.036844386597277, + "nauc_recall_at_1_std": 4.620772690437222, + "nauc_recall_at_20_diff1": 10.124366542143687, + "nauc_recall_at_20_max": 10.273002819827488, + "nauc_recall_at_20_std": 2.441630654254638, + "nauc_recall_at_3_diff1": 9.479158857315646, + "nauc_recall_at_3_max": 2.895928149511274, + "nauc_recall_at_3_std": 2.332135182452361, + "nauc_recall_at_5_diff1": 7.09949477683149, + "nauc_recall_at_5_max": 2.4529199558425057, + "nauc_recall_at_5_std": -2.574411094667869, + "ndcg_at_1": 7.2139999999999995, + "ndcg_at_10": 11.477, + "ndcg_at_100": 15.778, + "ndcg_at_1000": 19.335, + "ndcg_at_20": 12.884, + "ndcg_at_3": 9.097, + "ndcg_at_5": 9.959, + "precision_at_1": 7.2139999999999995, + "precision_at_10": 2.2009999999999996, + "precision_at_100": 0.516, + "precision_at_1000": 0.096, + "precision_at_20": 1.474, + "precision_at_3": 4.436, + "precision_at_5": 3.209, + "recall_at_1": 5.978, + "recall_at_10": 17.011000000000003, + "recall_at_100": 36.571, + "recall_at_1000": 63.019000000000005, + "recall_at_20": 22.158, + "recall_at_3": 10.395, + "recall_at_5": 12.519 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/CQADupstackPhysicsRetrieval.json b/results/minishlab__potion-base-4M/external/CQADupstackPhysicsRetrieval.json new file mode 100644 index 000000000..18d01452c --- /dev/null +++ b/results/minishlab__potion-base-4M/external/CQADupstackPhysicsRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "79531abbd1fb92d06c6d6315a0cbbbf5bb247ea4", + "task_name": "CQADupstackPhysicsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 24.339, + "map_at_1": 14.276, + "map_at_10": 20.214, + "map_at_100": 21.36, + "map_at_1000": 21.497, + "map_at_20": 20.82, + "map_at_3": 18.15, + "map_at_5": 19.303, + "mrr_at_1": 17.51684311838306, + "mrr_at_10": 23.891218662633474, + "mrr_at_100": 24.937335828242503, + "mrr_at_1000": 25.022891615789916, + "mrr_at_20": 24.539336514663326, + "mrr_at_3": 21.86397176772539, + "mrr_at_5": 22.946743663779277, + "nauc_map_at_1000_diff1": 41.03685606915441, + "nauc_map_at_1000_max": 28.407889486060654, + "nauc_map_at_1000_std": 0.22648768377295575, + "nauc_map_at_100_diff1": 41.062268537451416, + "nauc_map_at_100_max": 28.349515343592774, + "nauc_map_at_100_std": 0.17638147423187492, + "nauc_map_at_10_diff1": 41.4848494217639, + "nauc_map_at_10_max": 28.30792618978453, + "nauc_map_at_10_std": -0.5884871668402413, + "nauc_map_at_1_diff1": 51.34490233640957, + "nauc_map_at_1_max": 32.04388752102519, + "nauc_map_at_1_std": -2.0244080776431432, + "nauc_map_at_20_diff1": 41.011278551472955, + "nauc_map_at_20_max": 28.17575962730337, + "nauc_map_at_20_std": -0.22940262771844888, + "nauc_map_at_3_diff1": 43.79886641228932, + "nauc_map_at_3_max": 28.80071801875486, + "nauc_map_at_3_std": -1.5768826861725582, + "nauc_map_at_5_diff1": 42.00099643721408, + "nauc_map_at_5_max": 28.027991423509725, + "nauc_map_at_5_std": -1.1865794433594854, + "nauc_mrr_at_1000_diff1": 38.36644049601885, + "nauc_mrr_at_1000_max": 29.20697821315908, + "nauc_mrr_at_1000_std": 2.98422553488691, + "nauc_mrr_at_100_diff1": 38.356819684049654, + "nauc_mrr_at_100_max": 29.19843618169775, + "nauc_mrr_at_100_std": 2.9897198518781205, + "nauc_mrr_at_10_diff1": 38.5333441146625, + "nauc_mrr_at_10_max": 29.25137274523934, + "nauc_mrr_at_10_std": 2.3529920469429233, + "nauc_mrr_at_1_diff1": 47.366507524991746, + "nauc_mrr_at_1_max": 32.895281342019324, + "nauc_mrr_at_1_std": 1.8030005375326137, + "nauc_mrr_at_20_diff1": 38.211103001509194, + "nauc_mrr_at_20_max": 29.186823583515988, + "nauc_mrr_at_20_std": 2.812957883224704, + "nauc_mrr_at_3_diff1": 40.47065080516183, + "nauc_mrr_at_3_max": 30.206642160686492, + "nauc_mrr_at_3_std": 2.1869916923301416, + "nauc_mrr_at_5_diff1": 38.94103732935405, + "nauc_mrr_at_5_max": 29.44193725160551, + "nauc_mrr_at_5_std": 2.176339260825003, + "nauc_ndcg_at_1000_diff1": 36.536198648360866, + "nauc_ndcg_at_1000_max": 28.33360143898126, + "nauc_ndcg_at_1000_std": 5.405088279297754, + "nauc_ndcg_at_100_diff1": 36.77762883229137, + "nauc_ndcg_at_100_max": 27.60828107876558, + "nauc_ndcg_at_100_std": 4.538381997168604, + "nauc_ndcg_at_10_diff1": 37.29177848244754, + "nauc_ndcg_at_10_max": 27.152285083637018, + "nauc_ndcg_at_10_std": 0.8833331313768573, + "nauc_ndcg_at_1_diff1": 47.366507524991746, + "nauc_ndcg_at_1_max": 32.895281342019324, + "nauc_ndcg_at_1_std": 1.8030005375326137, + "nauc_ndcg_at_20_diff1": 35.898785819812296, + "nauc_ndcg_at_20_max": 26.741188274092714, + "nauc_ndcg_at_20_std": 2.128249456208991, + "nauc_ndcg_at_3_diff1": 40.604578269692986, + "nauc_ndcg_at_3_max": 28.921397080144978, + "nauc_ndcg_at_3_std": 0.2701872778553062, + "nauc_ndcg_at_5_diff1": 38.08793641548167, + "nauc_ndcg_at_5_max": 27.167620873313975, + "nauc_ndcg_at_5_std": 0.1778091881994553, + "nauc_precision_at_1000_diff1": -5.6743074187815985, + "nauc_precision_at_1000_max": 15.5986515824071, + "nauc_precision_at_1000_std": 17.134642238195273, + "nauc_precision_at_100_diff1": 7.3790050645260035, + "nauc_precision_at_100_max": 24.489647715333167, + "nauc_precision_at_100_std": 19.12946172674425, + "nauc_precision_at_10_diff1": 20.188506668009886, + "nauc_precision_at_10_max": 26.777986352425785, + "nauc_precision_at_10_std": 8.147538901049616, + "nauc_precision_at_1_diff1": 47.366507524991746, + "nauc_precision_at_1_max": 32.895281342019324, + "nauc_precision_at_1_std": 1.8030005375326137, + "nauc_precision_at_20_diff1": 14.0956852447824, + "nauc_precision_at_20_max": 25.068550907909394, + "nauc_precision_at_20_std": 12.083382546281381, + "nauc_precision_at_3_diff1": 30.61702706951849, + "nauc_precision_at_3_max": 29.360128712270566, + "nauc_precision_at_3_std": 5.900367278881995, + "nauc_precision_at_5_diff1": 25.03904537180811, + "nauc_precision_at_5_max": 26.368792424461123, + "nauc_precision_at_5_std": 5.5938190645224, + "nauc_recall_at_1000_diff1": 19.638152372175917, + "nauc_recall_at_1000_max": 23.177059214668773, + "nauc_recall_at_1000_std": 32.182698643855346, + "nauc_recall_at_100_diff1": 26.549351228167538, + "nauc_recall_at_100_max": 20.94797530163321, + "nauc_recall_at_100_std": 15.652166683248641, + "nauc_recall_at_10_diff1": 28.31827760081841, + "nauc_recall_at_10_max": 21.840786780978892, + "nauc_recall_at_10_std": 1.7870205785383046, + "nauc_recall_at_1_diff1": 51.34490233640957, + "nauc_recall_at_1_max": 32.04388752102519, + "nauc_recall_at_1_std": -2.0244080776431432, + "nauc_recall_at_20_diff1": 23.491682404438986, + "nauc_recall_at_20_max": 19.86816079086787, + "nauc_recall_at_20_std": 5.25218609094941, + "nauc_recall_at_3_diff1": 35.96141633078342, + "nauc_recall_at_3_max": 24.814199432686003, + "nauc_recall_at_3_std": -0.3476350788514478, + "nauc_recall_at_5_diff1": 30.5146792354956, + "nauc_recall_at_5_max": 22.120397499890533, + "nauc_recall_at_5_std": 0.2403134576449495, + "ndcg_at_1": 17.517, + "ndcg_at_10": 24.339, + "ndcg_at_100": 30.032999999999998, + "ndcg_at_1000": 33.23, + "ndcg_at_20": 26.455000000000002, + "ndcg_at_3": 20.65, + "ndcg_at_5": 22.356, + "precision_at_1": 17.517, + "precision_at_10": 4.668, + "precision_at_100": 0.8999999999999999, + "precision_at_1000": 0.13799999999999998, + "precision_at_20": 2.94, + "precision_at_3": 9.913, + "precision_at_5": 7.276000000000001, + "recall_at_1": 14.276, + "recall_at_10": 33.101, + "recall_at_100": 58.28, + "recall_at_1000": 80.322, + "recall_at_20": 40.811, + "recall_at_3": 22.708000000000002, + "recall_at_5": 27.126 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/CQADupstackProgrammersRetrieval.json b/results/minishlab__potion-base-4M/external/CQADupstackProgrammersRetrieval.json new file mode 100644 index 000000000..d53108588 --- /dev/null +++ b/results/minishlab__potion-base-4M/external/CQADupstackProgrammersRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "6184bc1440d2dbc7612be22b50686b8826d22b32", + "task_name": "CQADupstackProgrammersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 18.572, + "map_at_1": 10.113999999999999, + "map_at_10": 14.966, + "map_at_100": 16.142, + "map_at_1000": 16.274, + "map_at_20": 15.588, + "map_at_3": 13.306000000000001, + "map_at_5": 14.115, + "mrr_at_1": 12.32876712328767, + "mrr_at_10": 18.100311661955487, + "mrr_at_100": 19.104690734771953, + "mrr_at_1000": 19.191702866697273, + "mrr_at_20": 18.642865880622466, + "mrr_at_3": 16.229071537290704, + "mrr_at_5": 17.085235920852355, + "nauc_map_at_1000_diff1": 31.5380839663444, + "nauc_map_at_1000_max": 17.9681008389522, + "nauc_map_at_1000_std": 2.2164295402511014, + "nauc_map_at_100_diff1": 31.549568702174767, + "nauc_map_at_100_max": 17.875779141578462, + "nauc_map_at_100_std": 2.0933869829236347, + "nauc_map_at_10_diff1": 32.19172260750653, + "nauc_map_at_10_max": 17.306789949301294, + "nauc_map_at_10_std": 0.700237138708676, + "nauc_map_at_1_diff1": 41.99338272552499, + "nauc_map_at_1_max": 19.41453494529689, + "nauc_map_at_1_std": -2.9915157281415703, + "nauc_map_at_20_diff1": 31.73238374507595, + "nauc_map_at_20_max": 17.311580430203353, + "nauc_map_at_20_std": 1.5238571528713525, + "nauc_map_at_3_diff1": 32.949765145983314, + "nauc_map_at_3_max": 16.284348173129974, + "nauc_map_at_3_std": -1.3141721735461476, + "nauc_map_at_5_diff1": 31.963187574971176, + "nauc_map_at_5_max": 17.100787287868354, + "nauc_map_at_5_std": 0.0015731783817020976, + "nauc_mrr_at_1000_diff1": 28.148462053021166, + "nauc_mrr_at_1000_max": 19.28312681351677, + "nauc_mrr_at_1000_std": 3.8584952061086435, + "nauc_mrr_at_100_diff1": 28.094200856177288, + "nauc_mrr_at_100_max": 19.24299141244573, + "nauc_mrr_at_100_std": 3.8382724028400093, + "nauc_mrr_at_10_diff1": 28.51829789033651, + "nauc_mrr_at_10_max": 19.447637292790958, + "nauc_mrr_at_10_std": 3.19294049353816, + "nauc_mrr_at_1_diff1": 39.31634352935456, + "nauc_mrr_at_1_max": 21.789914492317912, + "nauc_mrr_at_1_std": -0.22812038812251473, + "nauc_mrr_at_20_diff1": 28.17131515128093, + "nauc_mrr_at_20_max": 18.954274621475932, + "nauc_mrr_at_20_std": 3.5798521757707897, + "nauc_mrr_at_3_diff1": 29.622155411044332, + "nauc_mrr_at_3_max": 19.238666216526838, + "nauc_mrr_at_3_std": 1.8906405763669278, + "nauc_mrr_at_5_diff1": 28.774014587372527, + "nauc_mrr_at_5_max": 19.414140006144585, + "nauc_mrr_at_5_std": 2.840339018057259, + "nauc_ndcg_at_1000_diff1": 26.895080768863867, + "nauc_ndcg_at_1000_max": 19.684613860376647, + "nauc_ndcg_at_1000_std": 9.793487660604164, + "nauc_ndcg_at_100_diff1": 26.78733090807618, + "nauc_ndcg_at_100_max": 18.91812508266874, + "nauc_ndcg_at_100_std": 8.32820999415013, + "nauc_ndcg_at_10_diff1": 28.51747551047639, + "nauc_ndcg_at_10_max": 17.451523037784746, + "nauc_ndcg_at_10_std": 3.4468383889800123, + "nauc_ndcg_at_1_diff1": 39.31634352935456, + "nauc_ndcg_at_1_max": 21.789914492317912, + "nauc_ndcg_at_1_std": -0.22812038812251473, + "nauc_ndcg_at_20_diff1": 27.280597584151316, + "nauc_ndcg_at_20_max": 16.67121677588379, + "nauc_ndcg_at_20_std": 5.313461111433228, + "nauc_ndcg_at_3_diff1": 29.268509392372348, + "nauc_ndcg_at_3_max": 16.68884126553042, + "nauc_ndcg_at_3_std": 0.3627021483553513, + "nauc_ndcg_at_5_diff1": 28.083836200902834, + "nauc_ndcg_at_5_max": 17.611782342073173, + "nauc_ndcg_at_5_std": 2.2512763000110536, + "nauc_precision_at_1000_diff1": -7.4970098056305945, + "nauc_precision_at_1000_max": 12.162352895422861, + "nauc_precision_at_1000_std": 16.211487627542326, + "nauc_precision_at_100_diff1": 4.007717730230379, + "nauc_precision_at_100_max": 20.704245855550486, + "nauc_precision_at_100_std": 21.96869724772107, + "nauc_precision_at_10_diff1": 15.831711280362699, + "nauc_precision_at_10_max": 20.001368457446638, + "nauc_precision_at_10_std": 10.737927827381192, + "nauc_precision_at_1_diff1": 39.31634352935456, + "nauc_precision_at_1_max": 21.789914492317912, + "nauc_precision_at_1_std": -0.22812038812251473, + "nauc_precision_at_20_diff1": 11.205148892259576, + "nauc_precision_at_20_max": 18.327783013272807, + "nauc_precision_at_20_std": 15.41328854851903, + "nauc_precision_at_3_diff1": 20.151568649441437, + "nauc_precision_at_3_max": 18.1027955515208, + "nauc_precision_at_3_std": 3.8969218089403976, + "nauc_precision_at_5_diff1": 15.735602797404976, + "nauc_precision_at_5_max": 20.417869995880807, + "nauc_precision_at_5_std": 7.859648888047052, + "nauc_recall_at_1000_diff1": 17.091378487075364, + "nauc_recall_at_1000_max": 22.040731541942677, + "nauc_recall_at_1000_std": 39.444689096986544, + "nauc_recall_at_100_diff1": 18.17709025244327, + "nauc_recall_at_100_max": 18.312516335450827, + "nauc_recall_at_100_std": 21.80943236545304, + "nauc_recall_at_10_diff1": 23.21820368922194, + "nauc_recall_at_10_max": 15.040119533520468, + "nauc_recall_at_10_std": 7.412805177818517, + "nauc_recall_at_1_diff1": 41.99338272552499, + "nauc_recall_at_1_max": 19.41453494529689, + "nauc_recall_at_1_std": -2.9915157281415703, + "nauc_recall_at_20_diff1": 19.927391383187544, + "nauc_recall_at_20_max": 12.10764205758219, + "nauc_recall_at_20_std": 11.456305933505394, + "nauc_recall_at_3_diff1": 24.57783329903588, + "nauc_recall_at_3_max": 13.251921475093864, + "nauc_recall_at_3_std": 0.4602962145435756, + "nauc_recall_at_5_diff1": 22.7513858055345, + "nauc_recall_at_5_max": 15.317660220264273, + "nauc_recall_at_5_std": 4.844790346315235, + "ndcg_at_1": 12.328999999999999, + "ndcg_at_10": 18.572, + "ndcg_at_100": 24.189, + "ndcg_at_1000": 27.564, + "ndcg_at_20": 20.580000000000002, + "ndcg_at_3": 15.346000000000002, + "ndcg_at_5": 16.567999999999998, + "precision_at_1": 12.328999999999999, + "precision_at_10": 3.6990000000000003, + "precision_at_100": 0.788, + "precision_at_1000": 0.125, + "precision_at_20": 2.443, + "precision_at_3": 7.61, + "precision_at_5": 5.548, + "recall_at_1": 10.113999999999999, + "recall_at_10": 26.299, + "recall_at_100": 50.963, + "recall_at_1000": 75.40400000000001, + "recall_at_20": 33.398, + "recall_at_3": 17.283, + "recall_at_5": 20.448 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/CQADupstackStatsRetrieval.json b/results/minishlab__potion-base-4M/external/CQADupstackStatsRetrieval.json new file mode 100644 index 000000000..4c6b4aa86 --- /dev/null +++ b/results/minishlab__potion-base-4M/external/CQADupstackStatsRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "65ac3a16b8e91f9cee4c9828cc7c335575432a2a", + "task_name": "CQADupstackStatsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 14.771999999999998, + "map_at_1": 7.9670000000000005, + "map_at_10": 11.916, + "map_at_100": 12.672, + "map_at_1000": 12.756, + "map_at_20": 12.313, + "map_at_3": 10.445, + "map_at_5": 11.274000000000001, + "mrr_at_1": 9.662576687116564, + "mrr_at_10": 13.881889667932617, + "mrr_at_100": 14.622003040491299, + "mrr_at_1000": 14.700421998539593, + "mrr_at_20": 14.26597490297063, + "mrr_at_3": 12.295501022494886, + "mrr_at_5": 13.185071574642123, + "nauc_map_at_1000_diff1": 27.464956379343636, + "nauc_map_at_1000_max": 12.688799707158202, + "nauc_map_at_1000_std": 6.181513833234629, + "nauc_map_at_100_diff1": 27.480291541621977, + "nauc_map_at_100_max": 12.669898754417847, + "nauc_map_at_100_std": 6.161789467868528, + "nauc_map_at_10_diff1": 27.84183710063236, + "nauc_map_at_10_max": 13.103624223429215, + "nauc_map_at_10_std": 5.826931197085812, + "nauc_map_at_1_diff1": 35.26968831241412, + "nauc_map_at_1_max": 13.821463026692879, + "nauc_map_at_1_std": 2.6240801068368147, + "nauc_map_at_20_diff1": 27.694640221569394, + "nauc_map_at_20_max": 12.566821566355408, + "nauc_map_at_20_std": 5.841018047634929, + "nauc_map_at_3_diff1": 29.554875884424263, + "nauc_map_at_3_max": 14.305644406759505, + "nauc_map_at_3_std": 5.601041654228171, + "nauc_map_at_5_diff1": 29.240061587938037, + "nauc_map_at_5_max": 14.00128435019755, + "nauc_map_at_5_std": 5.82150408034715, + "nauc_mrr_at_1000_diff1": 27.17619540994222, + "nauc_mrr_at_1000_max": 14.59029391462989, + "nauc_mrr_at_1000_std": 7.36596867864775, + "nauc_mrr_at_100_diff1": 27.168129068852892, + "nauc_mrr_at_100_max": 14.547185893357803, + "nauc_mrr_at_100_std": 7.356270166890706, + "nauc_mrr_at_10_diff1": 27.5014826968088, + "nauc_mrr_at_10_max": 14.986374849985179, + "nauc_mrr_at_10_std": 7.098527350761, + "nauc_mrr_at_1_diff1": 34.74758694269618, + "nauc_mrr_at_1_max": 15.94870709819082, + "nauc_mrr_at_1_std": 3.484756136581587, + "nauc_mrr_at_20_diff1": 27.30678702098046, + "nauc_mrr_at_20_max": 14.64068189163014, + "nauc_mrr_at_20_std": 7.222167908721225, + "nauc_mrr_at_3_diff1": 29.05886648272905, + "nauc_mrr_at_3_max": 16.437400286007918, + "nauc_mrr_at_3_std": 7.033090959882006, + "nauc_mrr_at_5_diff1": 28.75634825543908, + "nauc_mrr_at_5_max": 16.116487363272213, + "nauc_mrr_at_5_std": 7.357847583847684, + "nauc_ndcg_at_1000_diff1": 23.407580241714584, + "nauc_ndcg_at_1000_max": 11.773215821924362, + "nauc_ndcg_at_1000_std": 9.058784561916143, + "nauc_ndcg_at_100_diff1": 23.979537088722516, + "nauc_ndcg_at_100_max": 11.295731197485436, + "nauc_ndcg_at_100_std": 8.714374001997927, + "nauc_ndcg_at_10_diff1": 24.759023148739058, + "nauc_ndcg_at_10_max": 12.341084446128495, + "nauc_ndcg_at_10_std": 6.848529153224625, + "nauc_ndcg_at_1_diff1": 34.74758694269618, + "nauc_ndcg_at_1_max": 15.94870709819082, + "nauc_ndcg_at_1_std": 3.484756136581587, + "nauc_ndcg_at_20_diff1": 24.647169467462906, + "nauc_ndcg_at_20_max": 10.81220813658661, + "nauc_ndcg_at_20_std": 7.1325252724340595, + "nauc_ndcg_at_3_diff1": 28.251959160053886, + "nauc_ndcg_at_3_max": 14.534129576164926, + "nauc_ndcg_at_3_std": 6.919835773799475, + "nauc_ndcg_at_5_diff1": 27.767475859457825, + "nauc_ndcg_at_5_max": 14.308510586980146, + "nauc_ndcg_at_5_std": 6.997517881896331, + "nauc_precision_at_1000_diff1": 8.890773326647109, + "nauc_precision_at_1000_max": 12.287863157289907, + "nauc_precision_at_1000_std": 17.835978900903893, + "nauc_precision_at_100_diff1": 16.784612912355854, + "nauc_precision_at_100_max": 13.354526754596558, + "nauc_precision_at_100_std": 18.18769011052455, + "nauc_precision_at_10_diff1": 18.949749011392175, + "nauc_precision_at_10_max": 12.633074463041934, + "nauc_precision_at_10_std": 11.69597288682816, + "nauc_precision_at_1_diff1": 34.74758694269618, + "nauc_precision_at_1_max": 15.94870709819082, + "nauc_precision_at_1_std": 3.484756136581587, + "nauc_precision_at_20_diff1": 19.871714092445643, + "nauc_precision_at_20_max": 9.369266922594758, + "nauc_precision_at_20_std": 12.215660461035935, + "nauc_precision_at_3_diff1": 24.779708502791607, + "nauc_precision_at_3_max": 17.242869556602585, + "nauc_precision_at_3_std": 10.535864690942665, + "nauc_precision_at_5_diff1": 23.983801571912284, + "nauc_precision_at_5_max": 17.366696818116218, + "nauc_precision_at_5_std": 11.873524889936338, + "nauc_recall_at_1000_diff1": 12.066728664027488, + "nauc_recall_at_1000_max": 7.337077809378563, + "nauc_recall_at_1000_std": 14.409509010648286, + "nauc_recall_at_100_diff1": 16.485850144126058, + "nauc_recall_at_100_max": 5.940924198197424, + "nauc_recall_at_100_std": 12.53633827092492, + "nauc_recall_at_10_diff1": 17.108201444307365, + "nauc_recall_at_10_max": 8.094878456313593, + "nauc_recall_at_10_std": 6.922028971621734, + "nauc_recall_at_1_diff1": 35.26968831241412, + "nauc_recall_at_1_max": 13.821463026692879, + "nauc_recall_at_1_std": 2.6240801068368147, + "nauc_recall_at_20_diff1": 17.770237163799866, + "nauc_recall_at_20_max": 4.153335758130064, + "nauc_recall_at_20_std": 7.810562339838044, + "nauc_recall_at_3_diff1": 24.528686523846783, + "nauc_recall_at_3_max": 13.260197733449864, + "nauc_recall_at_3_std": 7.236438838203539, + "nauc_recall_at_5_diff1": 24.526787737523158, + "nauc_recall_at_5_max": 12.931129112159464, + "nauc_recall_at_5_std": 7.69306537628985, + "ndcg_at_1": 9.663, + "ndcg_at_10": 14.771999999999998, + "ndcg_at_100": 18.804000000000002, + "ndcg_at_1000": 21.398, + "ndcg_at_20": 16.158, + "ndcg_at_3": 11.826, + "ndcg_at_5": 13.22, + "precision_at_1": 9.663, + "precision_at_10": 2.638, + "precision_at_100": 0.506, + "precision_at_1000": 0.079, + "precision_at_20": 1.641, + "precision_at_3": 5.573, + "precision_at_5": 4.141, + "recall_at_1": 7.9670000000000005, + "recall_at_10": 21.95, + "recall_at_100": 40.909, + "recall_at_1000": 60.781, + "recall_at_20": 27.235, + "recall_at_3": 13.639000000000001, + "recall_at_5": 17.197000000000003 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/CQADupstackTexRetrieval.json b/results/minishlab__potion-base-4M/external/CQADupstackTexRetrieval.json new file mode 100644 index 000000000..0125590cd --- /dev/null +++ b/results/minishlab__potion-base-4M/external/CQADupstackTexRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "46989137a86843e03a6195de44b09deda022eec7", + "task_name": "CQADupstackTexRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 11.89, + "map_at_1": 6.544, + "map_at_10": 9.652, + "map_at_100": 10.302999999999999, + "map_at_1000": 10.419, + "map_at_20": 10.012, + "map_at_3": 8.602, + "map_at_5": 9.148, + "mrr_at_1": 7.91465932553338, + "mrr_at_10": 11.574451872972155, + "mrr_at_100": 12.26293448933862, + "mrr_at_1000": 12.35992343686757, + "mrr_at_20": 11.962637194186767, + "mrr_at_3": 10.329203945859144, + "mrr_at_5": 10.955494379444817, + "nauc_map_at_1000_diff1": 29.599569655376, + "nauc_map_at_1000_max": 14.260050539335332, + "nauc_map_at_1000_std": -3.6638649700127686, + "nauc_map_at_100_diff1": 29.626869833183132, + "nauc_map_at_100_max": 14.188784208136356, + "nauc_map_at_100_std": -3.7889138601146852, + "nauc_map_at_10_diff1": 30.240601138831547, + "nauc_map_at_10_max": 13.916837722756387, + "nauc_map_at_10_std": -4.316378076446822, + "nauc_map_at_1_diff1": 38.49732191352995, + "nauc_map_at_1_max": 13.959321672081417, + "nauc_map_at_1_std": -5.405022381926919, + "nauc_map_at_20_diff1": 29.869505981506343, + "nauc_map_at_20_max": 14.009382089208437, + "nauc_map_at_20_std": -4.193680132404101, + "nauc_map_at_3_diff1": 32.880929152413465, + "nauc_map_at_3_max": 14.7218073741984, + "nauc_map_at_3_std": -4.0556191052631965, + "nauc_map_at_5_diff1": 31.269904437209846, + "nauc_map_at_5_max": 13.937943418680376, + "nauc_map_at_5_std": -4.354961218325039, + "nauc_mrr_at_1000_diff1": 28.28534237979384, + "nauc_mrr_at_1000_max": 15.617476454684626, + "nauc_mrr_at_1000_std": -3.121517210162604, + "nauc_mrr_at_100_diff1": 28.28445731466983, + "nauc_mrr_at_100_max": 15.598018147875806, + "nauc_mrr_at_100_std": -3.1630011896008376, + "nauc_mrr_at_10_diff1": 28.720037201906628, + "nauc_mrr_at_10_max": 15.446326925464204, + "nauc_mrr_at_10_std": -3.628030605618028, + "nauc_mrr_at_1_diff1": 37.213053214984974, + "nauc_mrr_at_1_max": 16.871596517680164, + "nauc_mrr_at_1_std": -5.866424771722043, + "nauc_mrr_at_20_diff1": 28.4289942313558, + "nauc_mrr_at_20_max": 15.526335575515372, + "nauc_mrr_at_20_std": -3.4399906991625007, + "nauc_mrr_at_3_diff1": 31.457735295395793, + "nauc_mrr_at_3_max": 16.14296947486417, + "nauc_mrr_at_3_std": -4.090661296421823, + "nauc_mrr_at_5_diff1": 29.83938535974195, + "nauc_mrr_at_5_max": 15.41160305310037, + "nauc_mrr_at_5_std": -3.8949872883203978, + "nauc_ndcg_at_1000_diff1": 24.03973945083958, + "nauc_ndcg_at_1000_max": 15.990800342336264, + "nauc_ndcg_at_1000_std": 1.15168031596194, + "nauc_ndcg_at_100_diff1": 24.46192215199325, + "nauc_ndcg_at_100_max": 14.6392676264499, + "nauc_ndcg_at_100_std": -1.076913377988602, + "nauc_ndcg_at_10_diff1": 26.544537940077305, + "nauc_ndcg_at_10_max": 13.741302138379494, + "nauc_ndcg_at_10_std": -3.792408046032157, + "nauc_ndcg_at_1_diff1": 37.213053214984974, + "nauc_ndcg_at_1_max": 16.871596517680164, + "nauc_ndcg_at_1_std": -5.866424771722043, + "nauc_ndcg_at_20_diff1": 25.5102221223638, + "nauc_ndcg_at_20_max": 13.990598985829614, + "nauc_ndcg_at_20_std": -3.368720146146748, + "nauc_ndcg_at_3_diff1": 30.989600349929447, + "nauc_ndcg_at_3_max": 15.226808763832569, + "nauc_ndcg_at_3_std": -3.601126257016185, + "nauc_ndcg_at_5_diff1": 28.54393105410386, + "nauc_ndcg_at_5_max": 13.792435440713641, + "nauc_ndcg_at_5_std": -3.942970556452405, + "nauc_precision_at_1000_diff1": 8.397248790713299, + "nauc_precision_at_1000_max": 22.865216579494238, + "nauc_precision_at_1000_std": 18.964105556706816, + "nauc_precision_at_100_diff1": 13.795302908729973, + "nauc_precision_at_100_max": 19.894620163243133, + "nauc_precision_at_100_std": 9.265664986819248, + "nauc_precision_at_10_diff1": 18.894866608417136, + "nauc_precision_at_10_max": 16.174625648208707, + "nauc_precision_at_10_std": -1.748849701509255, + "nauc_precision_at_1_diff1": 37.213053214984974, + "nauc_precision_at_1_max": 16.871596517680164, + "nauc_precision_at_1_std": -5.866424771722043, + "nauc_precision_at_20_diff1": 16.725759138449074, + "nauc_precision_at_20_max": 18.07640605163822, + "nauc_precision_at_20_std": 0.8677700106490629, + "nauc_precision_at_3_diff1": 27.631950409324226, + "nauc_precision_at_3_max": 17.730161146279748, + "nauc_precision_at_3_std": -2.8349313445582793, + "nauc_precision_at_5_diff1": 23.092797668276425, + "nauc_precision_at_5_max": 15.754595059066414, + "nauc_precision_at_5_std": -2.6981835587673078, + "nauc_recall_at_1000_diff1": 11.611126009611255, + "nauc_recall_at_1000_max": 18.364258718711064, + "nauc_recall_at_1000_std": 14.590227954099502, + "nauc_recall_at_100_diff1": 14.602946067925245, + "nauc_recall_at_100_max": 13.19041135076776, + "nauc_recall_at_100_std": 4.279012994387592, + "nauc_recall_at_10_diff1": 19.8109475851167, + "nauc_recall_at_10_max": 11.628627287295066, + "nauc_recall_at_10_std": -3.3022579440673745, + "nauc_recall_at_1_diff1": 38.49732191352995, + "nauc_recall_at_1_max": 13.959321672081417, + "nauc_recall_at_1_std": -5.405022381926919, + "nauc_recall_at_20_diff1": 17.09822858202577, + "nauc_recall_at_20_max": 11.883568391126285, + "nauc_recall_at_20_std": -2.5468000044892034, + "nauc_recall_at_3_diff1": 27.497580747993382, + "nauc_recall_at_3_max": 13.739587046904262, + "nauc_recall_at_3_std": -2.958549474787635, + "nauc_recall_at_5_diff1": 23.200480313988866, + "nauc_recall_at_5_max": 11.409453989148197, + "nauc_recall_at_5_std": -3.802220387794951, + "ndcg_at_1": 7.915, + "ndcg_at_10": 11.89, + "ndcg_at_100": 15.409, + "ndcg_at_1000": 18.848000000000003, + "ndcg_at_20": 13.181999999999999, + "ndcg_at_3": 9.783, + "ndcg_at_5": 10.665, + "precision_at_1": 7.915, + "precision_at_10": 2.254, + "precision_at_100": 0.47800000000000004, + "precision_at_1000": 0.093, + "precision_at_20": 1.481, + "precision_at_3": 4.691, + "precision_at_5": 3.4479999999999995, + "recall_at_1": 6.544, + "recall_at_10": 16.874, + "recall_at_100": 33.027, + "recall_at_1000": 58.69, + "recall_at_20": 21.676000000000002, + "recall_at_3": 11.006, + "recall_at_5": 13.242999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/CQADupstackUnixRetrieval.json b/results/minishlab__potion-base-4M/external/CQADupstackUnixRetrieval.json new file mode 100644 index 000000000..39ba9bb45 --- /dev/null +++ b/results/minishlab__potion-base-4M/external/CQADupstackUnixRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "6c6430d3a6d36f8d2a829195bc5dc94d7e063e53", + "task_name": "CQADupstackUnixRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 17.681, + "map_at_1": 10.693, + "map_at_10": 14.815000000000001, + "map_at_100": 15.562999999999999, + "map_at_1000": 15.690999999999999, + "map_at_20": 15.198, + "map_at_3": 13.492, + "map_at_5": 14.251, + "mrr_at_1": 12.593283582089551, + "mrr_at_10": 17.294220859985778, + "mrr_at_100": 18.073301370312517, + "mrr_at_1000": 18.178539747275277, + "mrr_at_20": 17.726279044649704, + "mrr_at_3": 15.889303482587072, + "mrr_at_5": 16.654228855721396, + "nauc_map_at_1000_diff1": 37.06808689890735, + "nauc_map_at_1000_max": 25.830253602678106, + "nauc_map_at_1000_std": -8.200403962720742, + "nauc_map_at_100_diff1": 37.10963353228084, + "nauc_map_at_100_max": 25.79124583385762, + "nauc_map_at_100_std": -8.305867858237091, + "nauc_map_at_10_diff1": 37.55605713097813, + "nauc_map_at_10_max": 25.97236325257699, + "nauc_map_at_10_std": -8.787411817254986, + "nauc_map_at_1_diff1": 46.880104967892095, + "nauc_map_at_1_max": 30.47076747044864, + "nauc_map_at_1_std": -9.529043223192849, + "nauc_map_at_20_diff1": 37.40781191515129, + "nauc_map_at_20_max": 25.87534241343804, + "nauc_map_at_20_std": -8.727450039123232, + "nauc_map_at_3_diff1": 39.39543088322907, + "nauc_map_at_3_max": 27.250096581190846, + "nauc_map_at_3_std": -9.1583459940284, + "nauc_map_at_5_diff1": 38.37362606408328, + "nauc_map_at_5_max": 26.49488865613181, + "nauc_map_at_5_std": -9.204761225287667, + "nauc_mrr_at_1000_diff1": 37.35072657075773, + "nauc_mrr_at_1000_max": 27.103353599284386, + "nauc_mrr_at_1000_std": -6.772476592783599, + "nauc_mrr_at_100_diff1": 37.37461007495732, + "nauc_mrr_at_100_max": 27.10188269424093, + "nauc_mrr_at_100_std": -6.838551505670108, + "nauc_mrr_at_10_diff1": 37.7609241149103, + "nauc_mrr_at_10_max": 27.273600798878643, + "nauc_mrr_at_10_std": -7.288619333100662, + "nauc_mrr_at_1_diff1": 48.30751770509831, + "nauc_mrr_at_1_max": 32.52817497563151, + "nauc_mrr_at_1_std": -7.5523189586103605, + "nauc_mrr_at_20_diff1": 37.5902053059747, + "nauc_mrr_at_20_max": 27.180853168677206, + "nauc_mrr_at_20_std": -7.199015767371499, + "nauc_mrr_at_3_diff1": 39.423663262845075, + "nauc_mrr_at_3_max": 28.39283909032157, + "nauc_mrr_at_3_std": -7.490109392356441, + "nauc_mrr_at_5_diff1": 38.584599728860745, + "nauc_mrr_at_5_max": 27.588748981783258, + "nauc_mrr_at_5_std": -7.693201065125161, + "nauc_ndcg_at_1000_diff1": 31.12351398623868, + "nauc_ndcg_at_1000_max": 24.13093684291217, + "nauc_ndcg_at_1000_std": -2.9280612065592444, + "nauc_ndcg_at_100_diff1": 32.0198970741007, + "nauc_ndcg_at_100_max": 23.428381936309968, + "nauc_ndcg_at_100_std": -5.502846823665347, + "nauc_ndcg_at_10_diff1": 34.23942582280388, + "nauc_ndcg_at_10_max": 24.425351771280987, + "nauc_ndcg_at_10_std": -7.789211233356857, + "nauc_ndcg_at_1_diff1": 48.30751770509831, + "nauc_ndcg_at_1_max": 32.52817497563151, + "nauc_ndcg_at_1_std": -7.5523189586103605, + "nauc_ndcg_at_20_diff1": 33.89493526795971, + "nauc_ndcg_at_20_max": 24.267224154957585, + "nauc_ndcg_at_20_std": -7.516908959235173, + "nauc_ndcg_at_3_diff1": 37.20970459712713, + "nauc_ndcg_at_3_max": 26.89486636826351, + "nauc_ndcg_at_3_std": -8.276335845643223, + "nauc_ndcg_at_5_diff1": 35.795208970782824, + "nauc_ndcg_at_5_max": 25.45320266356439, + "nauc_ndcg_at_5_std": -8.649222494447436, + "nauc_precision_at_1000_diff1": 0.2021396432488509, + "nauc_precision_at_1000_max": 15.363228448365076, + "nauc_precision_at_1000_std": 16.823478933730968, + "nauc_precision_at_100_diff1": 13.026435394105418, + "nauc_precision_at_100_max": 17.52255452715734, + "nauc_precision_at_100_std": 4.822414814608969, + "nauc_precision_at_10_diff1": 24.130000342389195, + "nauc_precision_at_10_max": 21.21881750694888, + "nauc_precision_at_10_std": -3.45102769344446, + "nauc_precision_at_1_diff1": 48.30751770509831, + "nauc_precision_at_1_max": 32.52817497563151, + "nauc_precision_at_1_std": -7.5523189586103605, + "nauc_precision_at_20_diff1": 22.452615307016845, + "nauc_precision_at_20_max": 20.72785119139948, + "nauc_precision_at_20_std": -2.7892640432250544, + "nauc_precision_at_3_diff1": 31.573746476321247, + "nauc_precision_at_3_max": 25.43799077463197, + "nauc_precision_at_3_std": -5.584412040269154, + "nauc_precision_at_5_diff1": 28.50068432061233, + "nauc_precision_at_5_max": 23.141781646564937, + "nauc_precision_at_5_std": -6.256362269388643, + "nauc_recall_at_1000_diff1": 8.166822398413025, + "nauc_recall_at_1000_max": 14.844192671123944, + "nauc_recall_at_1000_std": 19.89066147510425, + "nauc_recall_at_100_diff1": 17.771335801647908, + "nauc_recall_at_100_max": 14.028210814051386, + "nauc_recall_at_100_std": 0.8854257983597732, + "nauc_recall_at_10_diff1": 25.583966333098534, + "nauc_recall_at_10_max": 18.78312107431364, + "nauc_recall_at_10_std": -6.259396644779273, + "nauc_recall_at_1_diff1": 46.880104967892095, + "nauc_recall_at_1_max": 30.47076747044864, + "nauc_recall_at_1_std": -9.529043223192849, + "nauc_recall_at_20_diff1": 25.363665370206114, + "nauc_recall_at_20_max": 18.59288202265051, + "nauc_recall_at_20_std": -5.518742270755405, + "nauc_recall_at_3_diff1": 33.02581275727718, + "nauc_recall_at_3_max": 24.221221318509823, + "nauc_recall_at_3_std": -8.806162684655048, + "nauc_recall_at_5_diff1": 29.392786856617924, + "nauc_recall_at_5_max": 21.258229422853034, + "nauc_recall_at_5_std": -8.60839655648439, + "ndcg_at_1": 12.592999999999998, + "ndcg_at_10": 17.681, + "ndcg_at_100": 21.708, + "ndcg_at_1000": 25.224000000000004, + "ndcg_at_20": 19.041, + "ndcg_at_3": 15.101999999999999, + "ndcg_at_5": 16.339000000000002, + "precision_at_1": 12.592999999999998, + "precision_at_10": 3.088, + "precision_at_100": 0.567, + "precision_at_1000": 0.098, + "precision_at_20": 1.894, + "precision_at_3": 7.058000000000001, + "precision_at_5": 5.037, + "recall_at_1": 10.693, + "recall_at_10": 24.004, + "recall_at_100": 42.614999999999995, + "recall_at_1000": 68.407, + "recall_at_20": 28.932000000000002, + "recall_at_3": 16.892, + "recall_at_5": 20.104 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/CQADupstackWebmastersRetrieval.json b/results/minishlab__potion-base-4M/external/CQADupstackWebmastersRetrieval.json new file mode 100644 index 000000000..a46d535eb --- /dev/null +++ b/results/minishlab__potion-base-4M/external/CQADupstackWebmastersRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "160c094312a0e1facb97e55eeddb698c0abe3571", + "task_name": "CQADupstackWebmastersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 21.083, + "map_at_1": 10.589, + "map_at_10": 16.74, + "map_at_100": 17.746000000000002, + "map_at_1000": 17.944, + "map_at_20": 17.216, + "map_at_3": 14.515, + "map_at_5": 15.616, + "mrr_at_1": 13.83399209486166, + "mrr_at_10": 20.246251333207848, + "mrr_at_100": 21.181360197232546, + "mrr_at_1000": 21.275281349122263, + "mrr_at_20": 20.722425203153367, + "mrr_at_3": 18.28063241106719, + "mrr_at_5": 19.308300395256918, + "nauc_map_at_1000_diff1": 35.23000631718578, + "nauc_map_at_1000_max": 14.034629155313908, + "nauc_map_at_1000_std": -3.342132884415706, + "nauc_map_at_100_diff1": 35.07001876750455, + "nauc_map_at_100_max": 14.080660368793952, + "nauc_map_at_100_std": -3.38242131987473, + "nauc_map_at_10_diff1": 35.062025807984, + "nauc_map_at_10_max": 13.699511234621395, + "nauc_map_at_10_std": -4.083990022755827, + "nauc_map_at_1_diff1": 45.349178620901554, + "nauc_map_at_1_max": 16.3746817879971, + "nauc_map_at_1_std": -9.540072950708476, + "nauc_map_at_20_diff1": 34.98391565692215, + "nauc_map_at_20_max": 13.931709612931071, + "nauc_map_at_20_std": -3.6983773997754374, + "nauc_map_at_3_diff1": 36.436904397354326, + "nauc_map_at_3_max": 14.045828808394539, + "nauc_map_at_3_std": -4.983728097939691, + "nauc_map_at_5_diff1": 36.25507710491795, + "nauc_map_at_5_max": 13.519612188865631, + "nauc_map_at_5_std": -4.818257745540146, + "nauc_mrr_at_1000_diff1": 36.944178495564515, + "nauc_mrr_at_1000_max": 14.749051712948209, + "nauc_mrr_at_1000_std": -1.370198226412231, + "nauc_mrr_at_100_diff1": 36.92276956055459, + "nauc_mrr_at_100_max": 14.686792299720352, + "nauc_mrr_at_100_std": -1.410279466082495, + "nauc_mrr_at_10_diff1": 37.201959911444554, + "nauc_mrr_at_10_max": 14.25820720715842, + "nauc_mrr_at_10_std": -1.7923078894976436, + "nauc_mrr_at_1_diff1": 45.755628967932196, + "nauc_mrr_at_1_max": 16.607201054295086, + "nauc_mrr_at_1_std": -7.0573272764900965, + "nauc_mrr_at_20_diff1": 36.95792032825288, + "nauc_mrr_at_20_max": 14.552930433669317, + "nauc_mrr_at_20_std": -1.543525246181849, + "nauc_mrr_at_3_diff1": 38.61392452473216, + "nauc_mrr_at_3_max": 15.09000017892547, + "nauc_mrr_at_3_std": -2.4206532001081893, + "nauc_mrr_at_5_diff1": 37.8928671772299, + "nauc_mrr_at_5_max": 14.007056266446194, + "nauc_mrr_at_5_std": -2.8039294686296974, + "nauc_ndcg_at_1000_diff1": 33.17069478746769, + "nauc_ndcg_at_1000_max": 16.83474260617637, + "nauc_ndcg_at_1000_std": 2.526704315250276, + "nauc_ndcg_at_100_diff1": 31.913331532987343, + "nauc_ndcg_at_100_max": 15.589987165503793, + "nauc_ndcg_at_100_std": 1.4127265220523926, + "nauc_ndcg_at_10_diff1": 32.72185313773176, + "nauc_ndcg_at_10_max": 12.836797550950171, + "nauc_ndcg_at_10_std": -1.383053414866171, + "nauc_ndcg_at_1_diff1": 45.755628967932196, + "nauc_ndcg_at_1_max": 16.607201054295086, + "nauc_ndcg_at_1_std": -7.0573272764900965, + "nauc_ndcg_at_20_diff1": 32.210491715945096, + "nauc_ndcg_at_20_max": 13.854824191729895, + "nauc_ndcg_at_20_std": -0.32877605104736113, + "nauc_ndcg_at_3_diff1": 35.77867047873611, + "nauc_ndcg_at_3_max": 13.436656917654846, + "nauc_ndcg_at_3_std": -2.2287189056300227, + "nauc_ndcg_at_5_diff1": 34.88057269102703, + "nauc_ndcg_at_5_max": 12.012147587547142, + "nauc_ndcg_at_5_std": -2.912715446298086, + "nauc_precision_at_1000_diff1": 18.52112163492622, + "nauc_precision_at_1000_max": 2.8134846288870183, + "nauc_precision_at_1000_std": 5.016718220137224, + "nauc_precision_at_100_diff1": 24.36563458826747, + "nauc_precision_at_100_max": 5.139325190644362, + "nauc_precision_at_100_std": 5.411737126737265, + "nauc_precision_at_10_diff1": 25.064506671188607, + "nauc_precision_at_10_max": 9.07537853265786, + "nauc_precision_at_10_std": 3.3546079369473714, + "nauc_precision_at_1_diff1": 45.755628967932196, + "nauc_precision_at_1_max": 16.607201054295086, + "nauc_precision_at_1_std": -7.0573272764900965, + "nauc_precision_at_20_diff1": 26.544768972255444, + "nauc_precision_at_20_max": 8.11877633227019, + "nauc_precision_at_20_std": 3.4908791358741156, + "nauc_precision_at_3_diff1": 32.491133814451864, + "nauc_precision_at_3_max": 11.967165947670138, + "nauc_precision_at_3_std": 3.401586036732758, + "nauc_precision_at_5_diff1": 30.046705015207348, + "nauc_precision_at_5_max": 7.852069800334351, + "nauc_precision_at_5_std": 0.691988259732557, + "nauc_recall_at_1000_diff1": 20.54143072751401, + "nauc_recall_at_1000_max": 36.86342351337889, + "nauc_recall_at_1000_std": 29.782267794890714, + "nauc_recall_at_100_diff1": 18.86293596621599, + "nauc_recall_at_100_max": 20.773347136028207, + "nauc_recall_at_100_std": 13.060795971533448, + "nauc_recall_at_10_diff1": 23.567799982717375, + "nauc_recall_at_10_max": 11.114908013016226, + "nauc_recall_at_10_std": 3.185236554617246, + "nauc_recall_at_1_diff1": 45.349178620901554, + "nauc_recall_at_1_max": 16.3746817879971, + "nauc_recall_at_1_std": -9.540072950708476, + "nauc_recall_at_20_diff1": 21.79299761755684, + "nauc_recall_at_20_max": 13.92842132191322, + "nauc_recall_at_20_std": 5.828656933839459, + "nauc_recall_at_3_diff1": 29.366971638804095, + "nauc_recall_at_3_max": 11.688109536903807, + "nauc_recall_at_3_std": -0.3524788019775435, + "nauc_recall_at_5_diff1": 28.44796720594458, + "nauc_recall_at_5_max": 9.24949698451435, + "nauc_recall_at_5_std": -0.5686547673804909, + "ndcg_at_1": 13.834, + "ndcg_at_10": 21.083, + "ndcg_at_100": 26.019, + "ndcg_at_1000": 29.578, + "ndcg_at_20": 22.63, + "ndcg_at_3": 17.309, + "ndcg_at_5": 18.802, + "precision_at_1": 13.834, + "precision_at_10": 4.387, + "precision_at_100": 0.984, + "precision_at_1000": 0.189, + "precision_at_20": 2.787, + "precision_at_3": 8.564, + "precision_at_5": 6.4430000000000005, + "recall_at_1": 10.589, + "recall_at_10": 30.162, + "recall_at_100": 53.418, + "recall_at_1000": 77.039, + "recall_at_20": 36.278, + "recall_at_3": 18.917, + "recall_at_5": 23.026 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/CQADupstackWordpressRetrieval.json b/results/minishlab__potion-base-4M/external/CQADupstackWordpressRetrieval.json new file mode 100644 index 000000000..fd51d2893 --- /dev/null +++ b/results/minishlab__potion-base-4M/external/CQADupstackWordpressRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "4ffe81d471b1924886b33c7567bfb200e9eec5c4", + "task_name": "CQADupstackWordpressRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 14.978, + "map_at_1": 8.725, + "map_at_10": 12.397, + "map_at_100": 13.200999999999999, + "map_at_1000": 13.320000000000002, + "map_at_20": 12.824, + "map_at_3": 10.886, + "map_at_5": 11.806999999999999, + "mrr_at_1": 9.426987060998151, + "mrr_at_10": 13.470058386879085, + "mrr_at_100": 14.288265285643698, + "mrr_at_1000": 14.388800653131446, + "mrr_at_20": 13.905041096945778, + "mrr_at_3": 11.76833025261861, + "mrr_at_5": 12.87738755391251, + "nauc_map_at_1000_diff1": 26.516673602508238, + "nauc_map_at_1000_max": 18.128898744784223, + "nauc_map_at_1000_std": -3.1241922128008364, + "nauc_map_at_100_diff1": 26.529424903965506, + "nauc_map_at_100_max": 18.121027204975082, + "nauc_map_at_100_std": -3.2676259690788925, + "nauc_map_at_10_diff1": 26.891005808479278, + "nauc_map_at_10_max": 18.150121635095932, + "nauc_map_at_10_std": -3.1818763691131964, + "nauc_map_at_1_diff1": 34.52482250092936, + "nauc_map_at_1_max": 21.403211658773166, + "nauc_map_at_1_std": -7.354875662027327, + "nauc_map_at_20_diff1": 26.71979132749755, + "nauc_map_at_20_max": 18.108875183007527, + "nauc_map_at_20_std": -3.4006672935922633, + "nauc_map_at_3_diff1": 30.46429907650115, + "nauc_map_at_3_max": 20.327713395843396, + "nauc_map_at_3_std": -3.4148598410901316, + "nauc_map_at_5_diff1": 27.98053127124393, + "nauc_map_at_5_max": 18.79633171976155, + "nauc_map_at_5_std": -3.1672774447353413, + "nauc_mrr_at_1000_diff1": 27.329698975753857, + "nauc_mrr_at_1000_max": 19.13329896851427, + "nauc_mrr_at_1000_std": -2.6699259566824516, + "nauc_mrr_at_100_diff1": 27.342939797507377, + "nauc_mrr_at_100_max": 19.12292516908982, + "nauc_mrr_at_100_std": -2.7630089030531506, + "nauc_mrr_at_10_diff1": 27.70674345186378, + "nauc_mrr_at_10_max": 19.1410332139274, + "nauc_mrr_at_10_std": -2.658242192942558, + "nauc_mrr_at_1_diff1": 35.415242782938975, + "nauc_mrr_at_1_max": 22.701431127854693, + "nauc_mrr_at_1_std": -6.788407573683776, + "nauc_mrr_at_20_diff1": 27.525159054745714, + "nauc_mrr_at_20_max": 19.072297716380486, + "nauc_mrr_at_20_std": -2.873908685324186, + "nauc_mrr_at_3_diff1": 31.272337691671826, + "nauc_mrr_at_3_max": 21.135406794969285, + "nauc_mrr_at_3_std": -3.4310898471972044, + "nauc_mrr_at_5_diff1": 28.663498942865967, + "nauc_mrr_at_5_max": 19.869337721787417, + "nauc_mrr_at_5_std": -2.7477312597184036, + "nauc_ndcg_at_1000_diff1": 21.50039886741295, + "nauc_ndcg_at_1000_max": 16.76172996905625, + "nauc_ndcg_at_1000_std": 1.0698201743855864, + "nauc_ndcg_at_100_diff1": 21.629922756878774, + "nauc_ndcg_at_100_max": 16.404192109073197, + "nauc_ndcg_at_100_std": -1.5166564388971011, + "nauc_ndcg_at_10_diff1": 23.368742832143244, + "nauc_ndcg_at_10_max": 16.329548177009606, + "nauc_ndcg_at_10_std": -2.1458488442168235, + "nauc_ndcg_at_1_diff1": 35.415242782938975, + "nauc_ndcg_at_1_max": 22.701431127854693, + "nauc_ndcg_at_1_std": -6.788407573683776, + "nauc_ndcg_at_20_diff1": 22.793508520783316, + "nauc_ndcg_at_20_max": 16.05112254209437, + "nauc_ndcg_at_20_std": -2.761873160653705, + "nauc_ndcg_at_3_diff1": 29.82956298838037, + "nauc_ndcg_at_3_max": 20.062474567529048, + "nauc_ndcg_at_3_std": -2.4980769789508668, + "nauc_ndcg_at_5_diff1": 25.66424410602312, + "nauc_ndcg_at_5_max": 17.601576278936605, + "nauc_ndcg_at_5_std": -2.3231890985166603, + "nauc_precision_at_1000_diff1": 3.709316535367016, + "nauc_precision_at_1000_max": 10.546640188020135, + "nauc_precision_at_1000_std": 18.202854906721562, + "nauc_precision_at_100_diff1": 8.291596389411799, + "nauc_precision_at_100_max": 14.644356710423942, + "nauc_precision_at_100_std": 5.259044565744187, + "nauc_precision_at_10_diff1": 14.9863600560976, + "nauc_precision_at_10_max": 12.772849786137709, + "nauc_precision_at_10_std": 1.6621034698073962, + "nauc_precision_at_1_diff1": 35.415242782938975, + "nauc_precision_at_1_max": 22.701431127854693, + "nauc_precision_at_1_std": -6.788407573683776, + "nauc_precision_at_20_diff1": 13.084814659316926, + "nauc_precision_at_20_max": 13.024432776766675, + "nauc_precision_at_20_std": 0.18909201285442837, + "nauc_precision_at_3_diff1": 27.936920978190987, + "nauc_precision_at_3_max": 18.680011829390438, + "nauc_precision_at_3_std": -1.1851787205474336, + "nauc_precision_at_5_diff1": 20.487312379443644, + "nauc_precision_at_5_max": 15.500096864522916, + "nauc_precision_at_5_std": 0.20075767744041675, + "nauc_recall_at_1000_diff1": 5.762022210382103, + "nauc_recall_at_1000_max": 13.160918374309539, + "nauc_recall_at_1000_std": 19.14372005911137, + "nauc_recall_at_100_diff1": 10.314461398699912, + "nauc_recall_at_100_max": 11.95089820438129, + "nauc_recall_at_100_std": 2.5226003737726694, + "nauc_recall_at_10_diff1": 14.809747725503208, + "nauc_recall_at_10_max": 11.374320213352947, + "nauc_recall_at_10_std": -0.5456850002607359, + "nauc_recall_at_1_diff1": 34.52482250092936, + "nauc_recall_at_1_max": 21.403211658773166, + "nauc_recall_at_1_std": -7.354875662027327, + "nauc_recall_at_20_diff1": 14.093871737295386, + "nauc_recall_at_20_max": 10.673857337966515, + "nauc_recall_at_20_std": -2.282867759773375, + "nauc_recall_at_3_diff1": 26.908608208530637, + "nauc_recall_at_3_max": 18.078128413017662, + "nauc_recall_at_3_std": -0.7517685230312128, + "nauc_recall_at_5_diff1": 19.854119160897675, + "nauc_recall_at_5_max": 13.986759331769022, + "nauc_recall_at_5_std": -0.724937240578743, + "ndcg_at_1": 9.427000000000001, + "ndcg_at_10": 14.978, + "ndcg_at_100": 19.341, + "ndcg_at_1000": 22.834, + "ndcg_at_20": 16.483999999999998, + "ndcg_at_3": 11.875, + "ndcg_at_5": 13.536999999999999, + "precision_at_1": 9.427000000000001, + "precision_at_10": 2.495, + "precision_at_100": 0.508, + "precision_at_1000": 0.086, + "precision_at_20": 1.608, + "precision_at_3": 4.9910000000000005, + "precision_at_5": 3.9190000000000005, + "recall_at_1": 8.725, + "recall_at_10": 22.020999999999997, + "recall_at_100": 42.585, + "recall_at_1000": 69.87400000000001, + "recall_at_20": 27.572000000000003, + "recall_at_3": 13.869000000000002, + "recall_at_5": 17.702 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/ClimateFEVER.json b/results/minishlab__potion-base-4M/external/ClimateFEVER.json new file mode 100644 index 000000000..915834ee3 --- /dev/null +++ b/results/minishlab__potion-base-4M/external/ClimateFEVER.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 14.771999999999998, + "map_at_1": 5.5489999999999995, + "map_at_10": 9.677, + "map_at_100": 10.946, + "map_at_1000": 11.119, + "map_at_20": 10.335999999999999, + "map_at_3": 7.869, + "map_at_5": 8.741999999999999, + "mrr_at_1": 13.029315960912053, + "mrr_at_10": 20.339744584044244, + "mrr_at_100": 21.54484002453409, + "mrr_at_1000": 21.616919381723786, + "mrr_at_20": 21.139241607046472, + "mrr_at_3": 17.491856677524435, + "mrr_at_5": 19.071661237785012, + "nauc_map_at_1000_diff1": 26.164411068020073, + "nauc_map_at_1000_max": 23.58735724160517, + "nauc_map_at_1000_std": 18.779016401499614, + "nauc_map_at_100_diff1": 26.214988804799972, + "nauc_map_at_100_max": 23.406310727713407, + "nauc_map_at_100_std": 18.460043360320917, + "nauc_map_at_10_diff1": 26.718397914143065, + "nauc_map_at_10_max": 21.229694457847526, + "nauc_map_at_10_std": 15.390083455519378, + "nauc_map_at_1_diff1": 37.32766813952627, + "nauc_map_at_1_max": 19.515906010846315, + "nauc_map_at_1_std": 9.99207652106678, + "nauc_map_at_20_diff1": 26.465578269196715, + "nauc_map_at_20_max": 22.398156286792933, + "nauc_map_at_20_std": 17.078418627633006, + "nauc_map_at_3_diff1": 29.759256354844837, + "nauc_map_at_3_max": 18.385599223153708, + "nauc_map_at_3_std": 11.366056030872816, + "nauc_map_at_5_diff1": 28.241520126871393, + "nauc_map_at_5_max": 19.78438163465289, + "nauc_map_at_5_std": 13.459940207726998, + "nauc_mrr_at_1000_diff1": 21.12409148907605, + "nauc_mrr_at_1000_max": 23.77746871154926, + "nauc_mrr_at_1000_std": 20.15537425469562, + "nauc_mrr_at_100_diff1": 21.12004667990828, + "nauc_mrr_at_100_max": 23.78827313202278, + "nauc_mrr_at_100_std": 20.187546696894692, + "nauc_mrr_at_10_diff1": 21.183801786810566, + "nauc_mrr_at_10_max": 23.02472680238422, + "nauc_mrr_at_10_std": 18.94062182333125, + "nauc_mrr_at_1_diff1": 29.250683054246483, + "nauc_mrr_at_1_max": 21.216233159084112, + "nauc_mrr_at_1_std": 13.676910696549449, + "nauc_mrr_at_20_diff1": 21.038599683577484, + "nauc_mrr_at_20_max": 23.712981135036166, + "nauc_mrr_at_20_std": 20.008317056296054, + "nauc_mrr_at_3_diff1": 21.924062586657143, + "nauc_mrr_at_3_max": 21.42184982676593, + "nauc_mrr_at_3_std": 16.457179657031556, + "nauc_mrr_at_5_diff1": 21.656696900775223, + "nauc_mrr_at_5_max": 21.98298849500632, + "nauc_mrr_at_5_std": 17.601656923653913, + "nauc_ndcg_at_1000_diff1": 19.858622397094305, + "nauc_ndcg_at_1000_max": 30.747733801747284, + "nauc_ndcg_at_1000_std": 31.099839929023442, + "nauc_ndcg_at_100_diff1": 20.47505630498792, + "nauc_ndcg_at_100_max": 29.271746216110035, + "nauc_ndcg_at_100_std": 28.396186616156115, + "nauc_ndcg_at_10_diff1": 21.563095586027515, + "nauc_ndcg_at_10_max": 23.47146695177757, + "nauc_ndcg_at_10_std": 19.743756127255523, + "nauc_ndcg_at_1_diff1": 29.250683054246483, + "nauc_ndcg_at_1_max": 21.216233159084112, + "nauc_ndcg_at_1_std": 13.676910696549449, + "nauc_ndcg_at_20_diff1": 20.85499472041572, + "nauc_ndcg_at_20_max": 25.959345574497316, + "nauc_ndcg_at_20_std": 23.727313893098067, + "nauc_ndcg_at_3_diff1": 24.777898795425166, + "nauc_ndcg_at_3_max": 20.273718923990444, + "nauc_ndcg_at_3_std": 14.474447188126685, + "nauc_ndcg_at_5_diff1": 23.66758409019224, + "nauc_ndcg_at_5_max": 20.977206695913566, + "nauc_ndcg_at_5_std": 16.27106724405967, + "nauc_precision_at_1000_diff1": 0.8707948826157808, + "nauc_precision_at_1000_max": 34.30239711148936, + "nauc_precision_at_1000_std": 43.664633287089586, + "nauc_precision_at_100_diff1": 6.854023820044692, + "nauc_precision_at_100_max": 37.282323173227546, + "nauc_precision_at_100_std": 42.33392649552268, + "nauc_precision_at_10_diff1": 11.091638888631259, + "nauc_precision_at_10_max": 28.594826391973132, + "nauc_precision_at_10_std": 29.321648755228264, + "nauc_precision_at_1_diff1": 29.250683054246483, + "nauc_precision_at_1_max": 21.216233159084112, + "nauc_precision_at_1_std": 13.676910696549449, + "nauc_precision_at_20_diff1": 9.594100825895916, + "nauc_precision_at_20_max": 33.200054445724255, + "nauc_precision_at_20_std": 36.78985295189952, + "nauc_precision_at_3_diff1": 17.110916647434916, + "nauc_precision_at_3_max": 21.20074776254172, + "nauc_precision_at_3_std": 18.67703775540859, + "nauc_precision_at_5_diff1": 15.501350898541641, + "nauc_precision_at_5_max": 24.499520173206353, + "nauc_precision_at_5_std": 23.53022513283104, + "nauc_recall_at_1000_diff1": 7.210483259093574, + "nauc_recall_at_1000_max": 35.51790397302799, + "nauc_recall_at_1000_std": 45.97048584755478, + "nauc_recall_at_100_diff1": 11.112587178551932, + "nauc_recall_at_100_max": 31.283221366595114, + "nauc_recall_at_100_std": 36.8933237158813, + "nauc_recall_at_10_diff1": 14.523694347361332, + "nauc_recall_at_10_max": 22.980982127733885, + "nauc_recall_at_10_std": 21.638404151421625, + "nauc_recall_at_1_diff1": 37.32766813952627, + "nauc_recall_at_1_max": 19.515906010846315, + "nauc_recall_at_1_std": 9.99207652106678, + "nauc_recall_at_20_diff1": 12.344344516597259, + "nauc_recall_at_20_max": 26.432279445759914, + "nauc_recall_at_20_std": 28.612814617982608, + "nauc_recall_at_3_diff1": 22.559118848361635, + "nauc_recall_at_3_max": 17.644261245104172, + "nauc_recall_at_3_std": 12.654124975909692, + "nauc_recall_at_5_diff1": 19.208115562541288, + "nauc_recall_at_5_max": 19.766812655523903, + "nauc_recall_at_5_std": 16.378285780040738, + "ndcg_at_1": 13.028999999999998, + "ndcg_at_10": 14.771999999999998, + "ndcg_at_100": 20.779, + "ndcg_at_1000": 24.553, + "ndcg_at_20": 17.085, + "ndcg_at_3": 11.203000000000001, + "ndcg_at_5": 12.475, + "precision_at_1": 13.028999999999998, + "precision_at_10": 4.893, + "precision_at_100": 1.126, + "precision_at_1000": 0.181, + "precision_at_20": 3.427, + "precision_at_3": 8.578, + "precision_at_5": 6.9190000000000005, + "recall_at_1": 5.5489999999999995, + "recall_at_10": 18.955, + "recall_at_100": 40.041, + "recall_at_1000": 61.970000000000006, + "recall_at_20": 25.535999999999998, + "recall_at_3": 10.41, + "recall_at_5": 13.636999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/DBPedia.json b/results/minishlab__potion-base-4M/external/DBPedia.json new file mode 100644 index 000000000..8b1ceb369 --- /dev/null +++ b/results/minishlab__potion-base-4M/external/DBPedia.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 22.325999999999997, + "map_at_1": 4.059, + "map_at_10": 8.817, + "map_at_100": 12.668, + "map_at_1000": 13.559, + "map_at_20": 10.344000000000001, + "map_at_3": 6.4030000000000005, + "map_at_5": 7.411, + "mrr_at_1": 41.0, + "mrr_at_10": 50.98363095238096, + "mrr_at_100": 51.72977669775032, + "mrr_at_1000": 51.752327140423695, + "mrr_at_20": 51.50770148324331, + "mrr_at_3": 48.0, + "mrr_at_5": 49.5125, + "nauc_map_at_1000_diff1": 29.149373818439265, + "nauc_map_at_1000_max": 28.195342365031212, + "nauc_map_at_1000_std": 35.55065720761848, + "nauc_map_at_100_diff1": 29.348983394865396, + "nauc_map_at_100_max": 25.633550032614806, + "nauc_map_at_100_std": 32.52451720021242, + "nauc_map_at_10_diff1": 36.25237616876193, + "nauc_map_at_10_max": 10.433718867684474, + "nauc_map_at_10_std": 16.315904343848334, + "nauc_map_at_1_diff1": 48.50316629206164, + "nauc_map_at_1_max": 2.5571639528096277, + "nauc_map_at_1_std": 5.472788157421047, + "nauc_map_at_20_diff1": 34.45541065707478, + "nauc_map_at_20_max": 15.48733575140639, + "nauc_map_at_20_std": 22.375360952444645, + "nauc_map_at_3_diff1": 40.58349942532284, + "nauc_map_at_3_max": 4.194993964973337, + "nauc_map_at_3_std": 8.737777513681708, + "nauc_map_at_5_diff1": 39.0798474228746, + "nauc_map_at_5_max": 5.429548462682357, + "nauc_map_at_5_std": 10.687290975485238, + "nauc_mrr_at_1000_diff1": 31.26810228227898, + "nauc_mrr_at_1000_max": 43.28972948203106, + "nauc_mrr_at_1000_std": 27.97866115458008, + "nauc_mrr_at_100_diff1": 31.252414298595298, + "nauc_mrr_at_100_max": 43.28429517353382, + "nauc_mrr_at_100_std": 27.981652093220422, + "nauc_mrr_at_10_diff1": 31.31952045872999, + "nauc_mrr_at_10_max": 43.15007965554428, + "nauc_mrr_at_10_std": 27.54085208273479, + "nauc_mrr_at_1_diff1": 33.447111099629296, + "nauc_mrr_at_1_max": 40.639975715928024, + "nauc_mrr_at_1_std": 27.664466460854854, + "nauc_mrr_at_20_diff1": 31.29766674009583, + "nauc_mrr_at_20_max": 43.22994957875351, + "nauc_mrr_at_20_std": 27.9022380444922, + "nauc_mrr_at_3_diff1": 31.456550406372802, + "nauc_mrr_at_3_max": 43.45211663706338, + "nauc_mrr_at_3_std": 27.754622154044906, + "nauc_mrr_at_5_diff1": 31.744167906758573, + "nauc_mrr_at_5_max": 43.358567652212976, + "nauc_mrr_at_5_std": 27.95435203187726, + "nauc_ndcg_at_1000_diff1": 28.872533419650097, + "nauc_ndcg_at_1000_max": 38.367438067028445, + "nauc_ndcg_at_1000_std": 45.56262810614998, + "nauc_ndcg_at_100_diff1": 28.224480561200004, + "nauc_ndcg_at_100_max": 30.269004490486186, + "nauc_ndcg_at_100_std": 36.680948795273444, + "nauc_ndcg_at_10_diff1": 30.11778029333171, + "nauc_ndcg_at_10_max": 29.25662355248585, + "nauc_ndcg_at_10_std": 28.37564750887575, + "nauc_ndcg_at_1_diff1": 34.200585955057214, + "nauc_ndcg_at_1_max": 27.32267704776983, + "nauc_ndcg_at_1_std": 20.070336621457255, + "nauc_ndcg_at_20_diff1": 30.156546268588553, + "nauc_ndcg_at_20_max": 25.99567370220745, + "nauc_ndcg_at_20_std": 29.36968221162758, + "nauc_ndcg_at_3_diff1": 29.642608252509245, + "nauc_ndcg_at_3_max": 31.964467916838306, + "nauc_ndcg_at_3_std": 25.549340163113797, + "nauc_ndcg_at_5_diff1": 30.104992922460404, + "nauc_ndcg_at_5_max": 31.04270512814639, + "nauc_ndcg_at_5_std": 27.688390384767757, + "nauc_precision_at_1000_diff1": -7.77879940579617, + "nauc_precision_at_1000_max": 29.02383046450357, + "nauc_precision_at_1000_std": 29.239802521893793, + "nauc_precision_at_100_diff1": 0.5367752232887497, + "nauc_precision_at_100_max": 45.20878632602283, + "nauc_precision_at_100_std": 44.818028589063324, + "nauc_precision_at_10_diff1": 12.42234237789027, + "nauc_precision_at_10_max": 43.260904263882104, + "nauc_precision_at_10_std": 38.33705651495131, + "nauc_precision_at_1_diff1": 33.447111099629296, + "nauc_precision_at_1_max": 40.639975715928024, + "nauc_precision_at_1_std": 27.664466460854854, + "nauc_precision_at_20_diff1": 8.665744338069603, + "nauc_precision_at_20_max": 45.42654329313483, + "nauc_precision_at_20_std": 43.01981922769551, + "nauc_precision_at_3_diff1": 18.612027834320646, + "nauc_precision_at_3_max": 41.74529031915723, + "nauc_precision_at_3_std": 31.443614275628185, + "nauc_precision_at_5_diff1": 16.59901783924638, + "nauc_precision_at_5_max": 43.87805345673531, + "nauc_precision_at_5_std": 35.77729700994364, + "nauc_recall_at_1000_diff1": 15.605491669695336, + "nauc_recall_at_1000_max": 28.937032865375567, + "nauc_recall_at_1000_std": 51.29409263551372, + "nauc_recall_at_100_diff1": 14.60626342855007, + "nauc_recall_at_100_max": 19.742808089206772, + "nauc_recall_at_100_std": 34.002728054787305, + "nauc_recall_at_10_diff1": 23.608867385986805, + "nauc_recall_at_10_max": -1.5056012290538128, + "nauc_recall_at_10_std": 6.72388525739291, + "nauc_recall_at_1_diff1": 48.50316629206164, + "nauc_recall_at_1_max": 2.5571639528096277, + "nauc_recall_at_1_std": 5.472788157421047, + "nauc_recall_at_20_diff1": 23.169940060107784, + "nauc_recall_at_20_max": 3.3775837661388577, + "nauc_recall_at_20_std": 14.687180697705957, + "nauc_recall_at_3_diff1": 34.02785181074422, + "nauc_recall_at_3_max": 0.16807738159490754, + "nauc_recall_at_3_std": 3.697714714085979, + "nauc_recall_at_5_diff1": 29.72623580447505, + "nauc_recall_at_5_max": -3.2040020921850876, + "nauc_recall_at_5_std": 3.1413050324155187, + "ndcg_at_1": 29.875, + "ndcg_at_10": 22.325999999999997, + "ndcg_at_100": 26.064999999999998, + "ndcg_at_1000": 32.281, + "ndcg_at_20": 22.470000000000002, + "ndcg_at_3": 25.022, + "ndcg_at_5": 23.202, + "precision_at_1": 41.0, + "precision_at_10": 19.875, + "precision_at_100": 6.575, + "precision_at_1000": 1.341, + "precision_at_20": 15.475, + "precision_at_3": 30.416999999999998, + "precision_at_5": 24.9, + "recall_at_1": 4.059, + "recall_at_10": 13.783999999999999, + "recall_at_100": 32.749, + "recall_at_1000": 54.588, + "recall_at_20": 19.334, + "recall_at_3": 7.481999999999999, + "recall_at_5": 9.869 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/EmotionClassification.json b/results/minishlab__potion-base-4M/external/EmotionClassification.json new file mode 100644 index 000000000..ebed3767a --- /dev/null +++ b/results/minishlab__potion-base-4M/external/EmotionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 44.71, + "f1": 40.4341929223557, + "f1_weighted": 46.99336148050091, + "main_score": 44.71 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/FEVER.json b/results/minishlab__potion-base-4M/external/FEVER.json new file mode 100644 index 000000000..4fa0371dc --- /dev/null +++ b/results/minishlab__potion-base-4M/external/FEVER.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 26.815, + "map_at_1": 14.388000000000002, + "map_at_10": 21.918000000000003, + "map_at_100": 22.965, + "map_at_1000": 23.039, + "map_at_20": 22.529, + "map_at_3": 19.299, + "map_at_5": 20.616, + "mrr_at_1": 15.241524152415241, + "mrr_at_10": 23.248259349744465, + "mrr_at_100": 24.29525983878544, + "mrr_at_1000": 24.364168282948302, + "mrr_at_20": 23.8732428545265, + "mrr_at_3": 20.48204820482046, + "mrr_at_5": 21.883188318831934, + "nauc_map_at_1000_diff1": 21.655721363953035, + "nauc_map_at_1000_max": 7.62632839503459, + "nauc_map_at_1000_std": -5.96263011077555, + "nauc_map_at_100_diff1": 21.65449915845023, + "nauc_map_at_100_max": 7.620603349218483, + "nauc_map_at_100_std": -5.971649197942024, + "nauc_map_at_10_diff1": 21.739985684584525, + "nauc_map_at_10_max": 7.088916079578887, + "nauc_map_at_10_std": -6.8118419036657665, + "nauc_map_at_1_diff1": 27.903781721236314, + "nauc_map_at_1_max": 4.87951257147686, + "nauc_map_at_1_std": -9.402837727588127, + "nauc_map_at_20_diff1": 21.667911401750317, + "nauc_map_at_20_max": 7.450247274464644, + "nauc_map_at_20_std": -6.28025758640821, + "nauc_map_at_3_diff1": 23.068479934395373, + "nauc_map_at_3_max": 6.054163763350815, + "nauc_map_at_3_std": -7.968430487910183, + "nauc_map_at_5_diff1": 22.003598455582406, + "nauc_map_at_5_max": 6.667068621095155, + "nauc_map_at_5_std": -7.356892532294304, + "nauc_mrr_at_1000_diff1": 21.43312812034654, + "nauc_mrr_at_1000_max": 7.853432973026932, + "nauc_mrr_at_1000_std": -6.016594874669531, + "nauc_mrr_at_100_diff1": 21.421027736461575, + "nauc_mrr_at_100_max": 7.857695018836121, + "nauc_mrr_at_100_std": -6.008152225210861, + "nauc_mrr_at_10_diff1": 21.47275704705045, + "nauc_mrr_at_10_max": 7.361739773464361, + "nauc_mrr_at_10_std": -6.756627592543245, + "nauc_mrr_at_1_diff1": 27.60421073842263, + "nauc_mrr_at_1_max": 4.998056898839529, + "nauc_mrr_at_1_std": -9.442871457148726, + "nauc_mrr_at_20_diff1": 21.401638574498012, + "nauc_mrr_at_20_max": 7.689207705331705, + "nauc_mrr_at_20_std": -6.267461818245488, + "nauc_mrr_at_3_diff1": 22.706324875653372, + "nauc_mrr_at_3_max": 6.227630142636092, + "nauc_mrr_at_3_std": -8.065029180110763, + "nauc_mrr_at_5_diff1": 21.761811369171628, + "nauc_mrr_at_5_max": 6.9062748987713265, + "nauc_mrr_at_5_std": -7.3516871119086975, + "nauc_ndcg_at_1000_diff1": 19.10514687283966, + "nauc_ndcg_at_1000_max": 10.896927197321096, + "nauc_ndcg_at_1000_std": -1.1781904676819126, + "nauc_ndcg_at_100_diff1": 18.99144163290363, + "nauc_ndcg_at_100_max": 10.891493894654618, + "nauc_ndcg_at_100_std": -1.2375767691785773, + "nauc_ndcg_at_10_diff1": 19.425260233591274, + "nauc_ndcg_at_10_max": 8.5170285343844, + "nauc_ndcg_at_10_std": -5.08694141032149, + "nauc_ndcg_at_1_diff1": 27.60421073842263, + "nauc_ndcg_at_1_max": 4.998056898839529, + "nauc_ndcg_at_1_std": -9.442871457148726, + "nauc_ndcg_at_20_diff1": 19.182333879372766, + "nauc_ndcg_at_20_max": 9.725326537318061, + "nauc_ndcg_at_20_std": -3.3215888170265337, + "nauc_ndcg_at_3_diff1": 21.68892037139692, + "nauc_ndcg_at_3_max": 6.424582762507422, + "nauc_ndcg_at_3_std": -7.446689750696121, + "nauc_ndcg_at_5_diff1": 19.98277916021606, + "nauc_ndcg_at_5_max": 7.503447105677768, + "nauc_ndcg_at_5_std": -6.353055635065993, + "nauc_precision_at_1000_diff1": 0.94551504365766, + "nauc_precision_at_1000_max": 26.202950984563913, + "nauc_precision_at_1000_std": 26.01649052806106, + "nauc_precision_at_100_diff1": 7.500434896405031, + "nauc_precision_at_100_max": 23.081873269296366, + "nauc_precision_at_100_std": 18.67428201659582, + "nauc_precision_at_10_diff1": 13.347162393780213, + "nauc_precision_at_10_max": 12.824521844898237, + "nauc_precision_at_10_std": -0.3528264106373464, + "nauc_precision_at_1_diff1": 27.60421073842263, + "nauc_precision_at_1_max": 4.998056898839529, + "nauc_precision_at_1_std": -9.442871457148726, + "nauc_precision_at_20_diff1": 11.890778484289347, + "nauc_precision_at_20_max": 16.888519506633404, + "nauc_precision_at_20_std": 5.986698398244371, + "nauc_precision_at_3_diff1": 18.076145969615585, + "nauc_precision_at_3_max": 7.3944113909218405, + "nauc_precision_at_3_std": -6.161877822968247, + "nauc_precision_at_5_diff1": 14.735397341254108, + "nauc_precision_at_5_max": 9.743184544463226, + "nauc_precision_at_5_std": -3.8509248959327995, + "nauc_recall_at_1000_diff1": 5.1388788747445036, + "nauc_recall_at_1000_max": 28.08149984627779, + "nauc_recall_at_1000_std": 29.07743185455911, + "nauc_recall_at_100_diff1": 9.609814975019047, + "nauc_recall_at_100_max": 22.2426133779678, + "nauc_recall_at_100_std": 17.486934350968994, + "nauc_recall_at_10_diff1": 13.521910300882013, + "nauc_recall_at_10_max": 11.50993372176311, + "nauc_recall_at_10_std": -0.6904522448973269, + "nauc_recall_at_1_diff1": 27.903781721236314, + "nauc_recall_at_1_max": 4.87951257147686, + "nauc_recall_at_1_std": -9.402837727588127, + "nauc_recall_at_20_diff1": 12.471865804084342, + "nauc_recall_at_20_max": 15.46145355412204, + "nauc_recall_at_20_std": 5.141306595627015, + "nauc_recall_at_3_diff1": 18.546625288206567, + "nauc_recall_at_3_max": 7.1131838964541325, + "nauc_recall_at_3_std": -5.949003808218984, + "nauc_recall_at_5_diff1": 14.902378618773394, + "nauc_recall_at_5_max": 9.104574501069981, + "nauc_recall_at_5_std": -3.7870817474786387, + "ndcg_at_1": 15.242, + "ndcg_at_10": 26.815, + "ndcg_at_100": 32.104, + "ndcg_at_1000": 34.182, + "ndcg_at_20": 29.017, + "ndcg_at_3": 21.255, + "ndcg_at_5": 23.652, + "precision_at_1": 15.242, + "precision_at_10": 4.443, + "precision_at_100": 0.7250000000000001, + "precision_at_1000": 0.092, + "precision_at_20": 2.696, + "precision_at_3": 9.211, + "precision_at_5": 6.796, + "recall_at_1": 14.388000000000002, + "recall_at_10": 41.082, + "recall_at_100": 65.689, + "recall_at_1000": 81.819, + "recall_at_20": 49.55, + "recall_at_3": 25.728, + "recall_at_5": 31.5 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/FiQA2018.json b/results/minishlab__potion-base-4M/external/FiQA2018.json new file mode 100644 index 000000000..ab2eaa24f --- /dev/null +++ b/results/minishlab__potion-base-4M/external/FiQA2018.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 14.184, + "map_at_1": 6.694999999999999, + "map_at_10": 10.288, + "map_at_100": 11.42, + "map_at_1000": 11.611, + "map_at_20": 10.822, + "map_at_3": 8.763, + "map_at_5": 9.424000000000001, + "mrr_at_1": 12.808641975308642, + "mrr_at_10": 17.855428179502255, + "mrr_at_100": 18.973068297161007, + "mrr_at_1000": 19.0715286472504, + "mrr_at_20": 18.453861173947747, + "mrr_at_3": 16.023662551440328, + "mrr_at_5": 16.78755144032922, + "nauc_map_at_1000_diff1": 24.097294182770188, + "nauc_map_at_1000_max": 3.2685765629171533, + "nauc_map_at_1000_std": -0.9979553125043357, + "nauc_map_at_100_diff1": 24.105146581815614, + "nauc_map_at_100_max": 3.0585457539422047, + "nauc_map_at_100_std": -1.1468311670507554, + "nauc_map_at_10_diff1": 24.52821887099821, + "nauc_map_at_10_max": 2.7550316833287845, + "nauc_map_at_10_std": -2.4843467627121165, + "nauc_map_at_1_diff1": 30.95101344161583, + "nauc_map_at_1_max": -0.5157549348933295, + "nauc_map_at_1_std": -4.958850144761861, + "nauc_map_at_20_diff1": 23.847109306721386, + "nauc_map_at_20_max": 2.6941597821242254, + "nauc_map_at_20_std": -2.1229202995449743, + "nauc_map_at_3_diff1": 26.478966155221574, + "nauc_map_at_3_max": 1.0192673396107754, + "nauc_map_at_3_std": -3.4976902184544514, + "nauc_map_at_5_diff1": 25.693752650368516, + "nauc_map_at_5_max": 3.0475782614572404, + "nauc_map_at_5_std": -3.0222860925053676, + "nauc_mrr_at_1000_diff1": 25.96667963483585, + "nauc_mrr_at_1000_max": 4.9805028001171365, + "nauc_mrr_at_1000_std": -5.051980290318263, + "nauc_mrr_at_100_diff1": 25.9283221950633, + "nauc_mrr_at_100_max": 4.913658610096335, + "nauc_mrr_at_100_std": -5.0647715925530195, + "nauc_mrr_at_10_diff1": 26.43424041732111, + "nauc_mrr_at_10_max": 4.944510711422189, + "nauc_mrr_at_10_std": -5.508594477775555, + "nauc_mrr_at_1_diff1": 32.70658156756328, + "nauc_mrr_at_1_max": 4.304979000202345, + "nauc_mrr_at_1_std": -7.012509390453069, + "nauc_mrr_at_20_diff1": 25.85251165430012, + "nauc_mrr_at_20_max": 4.863947427538521, + "nauc_mrr_at_20_std": -5.4951389153390435, + "nauc_mrr_at_3_diff1": 28.17727197125625, + "nauc_mrr_at_3_max": 3.5466912793013132, + "nauc_mrr_at_3_std": -5.697472529642202, + "nauc_mrr_at_5_diff1": 27.268090979681308, + "nauc_mrr_at_5_max": 4.255096917087457, + "nauc_mrr_at_5_std": -6.0629755254741875, + "nauc_ndcg_at_1000_diff1": 21.134894210565516, + "nauc_ndcg_at_1000_max": 8.352509871572998, + "nauc_ndcg_at_1000_std": 4.917656309055958, + "nauc_ndcg_at_100_diff1": 21.22918055007241, + "nauc_ndcg_at_100_max": 4.962139470825788, + "nauc_ndcg_at_100_std": 2.6274596028306605, + "nauc_ndcg_at_10_diff1": 22.383825724165597, + "nauc_ndcg_at_10_max": 4.199066108410538, + "nauc_ndcg_at_10_std": -2.180189858009522, + "nauc_ndcg_at_1_diff1": 32.70658156756328, + "nauc_ndcg_at_1_max": 4.304979000202345, + "nauc_ndcg_at_1_std": -7.012509390453069, + "nauc_ndcg_at_20_diff1": 20.56088961362714, + "nauc_ndcg_at_20_max": 3.850520965875747, + "nauc_ndcg_at_20_std": -1.5668477618878296, + "nauc_ndcg_at_3_diff1": 25.19652158244801, + "nauc_ndcg_at_3_max": 2.9159625389970745, + "nauc_ndcg_at_3_std": -5.262309592366074, + "nauc_ndcg_at_5_diff1": 24.387149626781675, + "nauc_ndcg_at_5_max": 4.582549659190017, + "nauc_ndcg_at_5_std": -4.2234362048264344, + "nauc_precision_at_1000_diff1": 5.818665891519602, + "nauc_precision_at_1000_max": 21.00907511949278, + "nauc_precision_at_1000_std": 7.666381615095223, + "nauc_precision_at_100_diff1": 12.449744456327732, + "nauc_precision_at_100_max": 13.892557453999277, + "nauc_precision_at_100_std": 8.010397294775991, + "nauc_precision_at_10_diff1": 16.87222376552928, + "nauc_precision_at_10_max": 9.553484675352895, + "nauc_precision_at_10_std": -0.3863038242955302, + "nauc_precision_at_1_diff1": 32.70658156756328, + "nauc_precision_at_1_max": 4.304979000202345, + "nauc_precision_at_1_std": -7.012509390453069, + "nauc_precision_at_20_diff1": 11.634964306167344, + "nauc_precision_at_20_max": 8.648225058127288, + "nauc_precision_at_20_std": -0.593009683161987, + "nauc_precision_at_3_diff1": 22.40721652841133, + "nauc_precision_at_3_max": 5.441796570309786, + "nauc_precision_at_3_std": -5.912794042227691, + "nauc_precision_at_5_diff1": 20.994475847749577, + "nauc_precision_at_5_max": 9.609401441679715, + "nauc_precision_at_5_std": -5.180422220012539, + "nauc_recall_at_1000_diff1": 7.674462981307882, + "nauc_recall_at_1000_max": 17.216307576877256, + "nauc_recall_at_1000_std": 29.483396762052937, + "nauc_recall_at_100_diff1": 10.932957210915704, + "nauc_recall_at_100_max": 3.727665900953925, + "nauc_recall_at_100_std": 12.728089920404603, + "nauc_recall_at_10_diff1": 14.59138142453412, + "nauc_recall_at_10_max": 4.0595316114085085, + "nauc_recall_at_10_std": 0.31872218135341895, + "nauc_recall_at_1_diff1": 30.95101344161583, + "nauc_recall_at_1_max": -0.5157549348933295, + "nauc_recall_at_1_std": -4.958850144761861, + "nauc_recall_at_20_diff1": 10.581157602615173, + "nauc_recall_at_20_max": 2.906074522139925, + "nauc_recall_at_20_std": 1.330036378872078, + "nauc_recall_at_3_diff1": 22.289882660691106, + "nauc_recall_at_3_max": 0.36100797128747864, + "nauc_recall_at_3_std": -2.6922650407093887, + "nauc_recall_at_5_diff1": 19.58957722640653, + "nauc_recall_at_5_max": 5.462277305621937, + "nauc_recall_at_5_std": -2.0838117982383966, + "ndcg_at_1": 12.809000000000001, + "ndcg_at_10": 14.184, + "ndcg_at_100": 20.064999999999998, + "ndcg_at_1000": 24.413, + "ndcg_at_20": 16.03, + "ndcg_at_3": 11.829, + "ndcg_at_5": 12.348, + "precision_at_1": 12.809000000000001, + "precision_at_10": 3.997, + "precision_at_100": 0.9570000000000001, + "precision_at_1000": 0.174, + "precision_at_20": 2.685, + "precision_at_3": 7.716000000000001, + "precision_at_5": 5.679, + "recall_at_1": 6.694999999999999, + "recall_at_10": 18.394, + "recall_at_100": 42.097, + "recall_at_1000": 68.631, + "recall_at_20": 24.391, + "recall_at_3": 10.904, + "recall_at_5": 13.141 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/HotpotQA.json b/results/minishlab__potion-base-4M/external/HotpotQA.json new file mode 100644 index 000000000..1614c7758 --- /dev/null +++ b/results/minishlab__potion-base-4M/external/HotpotQA.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 31.903, + "map_at_1": 18.102999999999998, + "map_at_10": 24.823, + "map_at_100": 25.674999999999997, + "map_at_1000": 25.773000000000003, + "map_at_20": 25.281, + "map_at_3": 22.941, + "map_at_5": 23.963, + "mrr_at_1": 36.2052667116813, + "mrr_at_10": 43.404820852491426, + "mrr_at_100": 44.09544455435167, + "mrr_at_1000": 44.147517040876984, + "mrr_at_20": 43.8108488456634, + "mrr_at_3": 41.44722034661278, + "mrr_at_5": 42.536349313526934, + "nauc_map_at_1000_diff1": 47.27982361373724, + "nauc_map_at_1000_max": 26.019975780111505, + "nauc_map_at_1000_std": 9.846281457996731, + "nauc_map_at_100_diff1": 47.297153838429566, + "nauc_map_at_100_max": 26.004987645842707, + "nauc_map_at_100_std": 9.77464296492678, + "nauc_map_at_10_diff1": 47.743548327104726, + "nauc_map_at_10_max": 25.726168480637163, + "nauc_map_at_10_std": 8.784313419154504, + "nauc_map_at_1_diff1": 58.522274080644486, + "nauc_map_at_1_max": 26.10698271553083, + "nauc_map_at_1_std": 3.9695999797031782, + "nauc_map_at_20_diff1": 47.51225370171534, + "nauc_map_at_20_max": 25.88270280062821, + "nauc_map_at_20_std": 9.29719681497441, + "nauc_map_at_3_diff1": 49.916428646760586, + "nauc_map_at_3_max": 26.148998685574576, + "nauc_map_at_3_std": 7.5296281829600105, + "nauc_map_at_5_diff1": 48.74833155933089, + "nauc_map_at_5_max": 25.7686251471497, + "nauc_map_at_5_std": 8.162710914397614, + "nauc_mrr_at_1000_diff1": 54.39456285567113, + "nauc_mrr_at_1000_max": 25.87888554868852, + "nauc_mrr_at_1000_std": 6.980510424015132, + "nauc_mrr_at_100_diff1": 54.383550212913356, + "nauc_mrr_at_100_max": 25.880465038955343, + "nauc_mrr_at_100_std": 6.990722947994807, + "nauc_mrr_at_10_diff1": 54.40568489034281, + "nauc_mrr_at_10_max": 25.80484966759375, + "nauc_mrr_at_10_std": 6.716200895715732, + "nauc_mrr_at_1_diff1": 58.522274080644486, + "nauc_mrr_at_1_max": 26.10698271553083, + "nauc_mrr_at_1_std": 3.9695999797031782, + "nauc_mrr_at_20_diff1": 54.38354933580429, + "nauc_mrr_at_20_max": 25.82697081406741, + "nauc_mrr_at_20_std": 6.840324995589092, + "nauc_mrr_at_3_diff1": 55.20845972552233, + "nauc_mrr_at_3_max": 26.133818717512252, + "nauc_mrr_at_3_std": 6.18610273343223, + "nauc_mrr_at_5_diff1": 54.77569448991443, + "nauc_mrr_at_5_max": 25.909722538158714, + "nauc_mrr_at_5_std": 6.457350156713465, + "nauc_ndcg_at_1000_diff1": 45.31342042774975, + "nauc_ndcg_at_1000_max": 26.460991437144067, + "nauc_ndcg_at_1000_std": 14.494000388772085, + "nauc_ndcg_at_100_diff1": 45.734953321121324, + "nauc_ndcg_at_100_max": 26.347893077226963, + "nauc_ndcg_at_100_std": 13.486443287557954, + "nauc_ndcg_at_10_diff1": 47.2712801149981, + "nauc_ndcg_at_10_max": 25.362835595556977, + "nauc_ndcg_at_10_std": 9.703109157709564, + "nauc_ndcg_at_1_diff1": 58.522274080644486, + "nauc_ndcg_at_1_max": 26.10698271553083, + "nauc_ndcg_at_1_std": 3.9695999797031782, + "nauc_ndcg_at_20_diff1": 46.68362518042518, + "nauc_ndcg_at_20_max": 25.679514271642507, + "nauc_ndcg_at_20_std": 10.896046904643255, + "nauc_ndcg_at_3_diff1": 50.58611283409585, + "nauc_ndcg_at_3_max": 26.118344876777638, + "nauc_ndcg_at_3_std": 7.795982972448585, + "nauc_ndcg_at_5_diff1": 49.03878464866394, + "nauc_ndcg_at_5_max": 25.558039532800663, + "nauc_ndcg_at_5_std": 8.603068871106622, + "nauc_precision_at_1000_diff1": 14.101040732969647, + "nauc_precision_at_1000_max": 20.86409428068311, + "nauc_precision_at_1000_std": 33.83928771739056, + "nauc_precision_at_100_diff1": 23.60806046646006, + "nauc_precision_at_100_max": 22.79001814313364, + "nauc_precision_at_100_std": 26.623524166212675, + "nauc_precision_at_10_diff1": 34.929881985998954, + "nauc_precision_at_10_max": 22.30282244931993, + "nauc_precision_at_10_std": 13.647922319906481, + "nauc_precision_at_1_diff1": 58.522274080644486, + "nauc_precision_at_1_max": 26.10698271553083, + "nauc_precision_at_1_std": 3.9695999797031782, + "nauc_precision_at_20_diff1": 32.184958004379226, + "nauc_precision_at_20_max": 22.771289682864097, + "nauc_precision_at_20_std": 17.122428431864808, + "nauc_precision_at_3_diff1": 45.638742470642235, + "nauc_precision_at_3_max": 25.791252930433156, + "nauc_precision_at_3_std": 9.990734907218188, + "nauc_precision_at_5_diff1": 41.42511675226, + "nauc_precision_at_5_max": 24.014233009915195, + "nauc_precision_at_5_std": 11.40080345708828, + "nauc_recall_at_1000_diff1": 14.101040732969633, + "nauc_recall_at_1000_max": 20.864094280683226, + "nauc_recall_at_1000_std": 33.839287717390626, + "nauc_recall_at_100_diff1": 23.608060466459975, + "nauc_recall_at_100_max": 22.79001814313358, + "nauc_recall_at_100_std": 26.623524166212597, + "nauc_recall_at_10_diff1": 34.929881985998975, + "nauc_recall_at_10_max": 22.302822449319958, + "nauc_recall_at_10_std": 13.647922319906506, + "nauc_recall_at_1_diff1": 58.522274080644486, + "nauc_recall_at_1_max": 26.10698271553083, + "nauc_recall_at_1_std": 3.9695999797031782, + "nauc_recall_at_20_diff1": 32.18495800437926, + "nauc_recall_at_20_max": 22.771289682864094, + "nauc_recall_at_20_std": 17.12242843186481, + "nauc_recall_at_3_diff1": 45.63874247064222, + "nauc_recall_at_3_max": 25.791252930433174, + "nauc_recall_at_3_std": 9.990734907218165, + "nauc_recall_at_5_diff1": 41.42511675226002, + "nauc_recall_at_5_max": 24.014233009915227, + "nauc_recall_at_5_std": 11.400803457088296, + "ndcg_at_1": 36.205, + "ndcg_at_10": 31.903, + "ndcg_at_100": 35.859, + "ndcg_at_1000": 38.218999999999994, + "ndcg_at_20": 33.379999999999995, + "ndcg_at_3": 28.249000000000002, + "ndcg_at_5": 29.981, + "precision_at_1": 36.205, + "precision_at_10": 6.959, + "precision_at_100": 1.013, + "precision_at_1000": 0.133, + "precision_at_20": 3.955, + "precision_at_3": 17.677, + "precision_at_5": 11.978, + "recall_at_1": 18.102999999999998, + "recall_at_10": 34.794000000000004, + "recall_at_100": 50.62799999999999, + "recall_at_1000": 66.39399999999999, + "recall_at_20": 39.554, + "recall_at_3": 26.516000000000002, + "recall_at_5": 29.946 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/ImdbClassification.json b/results/minishlab__potion-base-4M/external/ImdbClassification.json new file mode 100644 index 000000000..c5a9f67e2 --- /dev/null +++ b/results/minishlab__potion-base-4M/external/ImdbClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.78880000000001, + "ap": 65.03883652194777, + "ap_weighted": 65.03883652194777, + "f1": 70.58556203674722, + "f1_weighted": 70.58556203674722, + "main_score": 70.78880000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/MSMARCO.json b/results/minishlab__potion-base-4M/external/MSMARCO.json new file mode 100644 index 000000000..50f2e2b2e --- /dev/null +++ b/results/minishlab__potion-base-4M/external/MSMARCO.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 32.823, + "map_at_1": 0.9860000000000001, + "map_at_10": 5.976, + "map_at_100": 15.404000000000002, + "map_at_1000": 19.567999999999998, + "map_at_20": 9.109, + "map_at_3": 2.418, + "map_at_5": 3.864, + "mrr_at_1": 48.837209302325576, + "mrr_at_10": 62.2093023255814, + "mrr_at_100": 62.27770177838576, + "mrr_at_1000": 62.28904607787528, + "mrr_at_20": 62.2093023255814, + "mrr_at_3": 58.914728682170534, + "mrr_at_5": 61.240310077519375, + "nauc_map_at_1000_diff1": 8.751729457031873, + "nauc_map_at_1000_max": 60.04896551891142, + "nauc_map_at_1000_std": 53.077212935277466, + "nauc_map_at_100_diff1": 6.922687490370606, + "nauc_map_at_100_max": 49.65059065309455, + "nauc_map_at_100_std": 42.88292911032164, + "nauc_map_at_10_diff1": -0.3783247628730733, + "nauc_map_at_10_max": 26.69355085391205, + "nauc_map_at_10_std": 21.035834730108895, + "nauc_map_at_1_diff1": -12.382912648953685, + "nauc_map_at_1_max": 15.103511392499733, + "nauc_map_at_1_std": 10.646234291111401, + "nauc_map_at_20_diff1": 2.470781745822043, + "nauc_map_at_20_max": 30.876111163664127, + "nauc_map_at_20_std": 24.9809791173482, + "nauc_map_at_3_diff1": -8.321628149092982, + "nauc_map_at_3_max": 19.4280666057206, + "nauc_map_at_3_std": 17.149294671189587, + "nauc_map_at_5_diff1": -6.013325870911972, + "nauc_map_at_5_max": 21.96291629437915, + "nauc_map_at_5_std": 18.287688144122864, + "nauc_mrr_at_1000_diff1": -6.55908560475509, + "nauc_mrr_at_1000_max": 63.7357804040643, + "nauc_mrr_at_1000_std": 45.246136682418225, + "nauc_mrr_at_100_diff1": -6.5274276607751185, + "nauc_mrr_at_100_max": 63.7503664464894, + "nauc_mrr_at_100_std": 45.25017528433923, + "nauc_mrr_at_10_diff1": -6.379884653902308, + "nauc_mrr_at_10_max": 63.79070493015706, + "nauc_mrr_at_10_std": 45.365484352508275, + "nauc_mrr_at_1_diff1": -17.84019927997559, + "nauc_mrr_at_1_max": 58.52755657150483, + "nauc_mrr_at_1_std": 41.73471680745748, + "nauc_mrr_at_20_diff1": -6.379884653902308, + "nauc_mrr_at_20_max": 63.79070493015706, + "nauc_mrr_at_20_std": 45.365484352508275, + "nauc_mrr_at_3_diff1": -3.9083100270657716, + "nauc_mrr_at_3_max": 62.18741183069903, + "nauc_mrr_at_3_std": 43.295658470021436, + "nauc_mrr_at_5_diff1": -7.1215738827525925, + "nauc_mrr_at_5_max": 62.60576741721094, + "nauc_mrr_at_5_std": 41.880403498948716, + "nauc_ndcg_at_1000_diff1": 7.332595234385046, + "nauc_ndcg_at_1000_max": 64.32975587377672, + "nauc_ndcg_at_1000_std": 61.51743128459955, + "nauc_ndcg_at_100_diff1": 1.4494382437319793, + "nauc_ndcg_at_100_max": 57.874195533402286, + "nauc_ndcg_at_100_std": 50.888248375236614, + "nauc_ndcg_at_10_diff1": -0.7315495724138182, + "nauc_ndcg_at_10_max": 54.96996776097349, + "nauc_ndcg_at_10_std": 45.27121651582023, + "nauc_ndcg_at_1_diff1": -15.056696340171236, + "nauc_ndcg_at_1_max": 47.61677629151873, + "nauc_ndcg_at_1_std": 37.02896277566421, + "nauc_ndcg_at_20_diff1": 0.8233405712285105, + "nauc_ndcg_at_20_max": 58.96827303834117, + "nauc_ndcg_at_20_std": 50.86458633201503, + "nauc_ndcg_at_3_diff1": -4.276906949610996, + "nauc_ndcg_at_3_max": 48.31308632024211, + "nauc_ndcg_at_3_std": 38.455388100400725, + "nauc_ndcg_at_5_diff1": -1.3421422620129042, + "nauc_ndcg_at_5_max": 51.9123655054488, + "nauc_ndcg_at_5_std": 41.674609662059375, + "nauc_precision_at_1000_diff1": 6.372456647149425, + "nauc_precision_at_1000_max": 56.78532698940627, + "nauc_precision_at_1000_std": 52.46483738053407, + "nauc_precision_at_100_diff1": 6.577021351469274, + "nauc_precision_at_100_max": 63.76823129393031, + "nauc_precision_at_100_std": 56.34082227414525, + "nauc_precision_at_10_diff1": 12.569719755250647, + "nauc_precision_at_10_max": 64.12253935059921, + "nauc_precision_at_10_std": 53.28375185847503, + "nauc_precision_at_1_diff1": -17.84019927997559, + "nauc_precision_at_1_max": 58.52755657150483, + "nauc_precision_at_1_std": 41.73471680745748, + "nauc_precision_at_20_diff1": 12.782123104838256, + "nauc_precision_at_20_max": 64.62717668527766, + "nauc_precision_at_20_std": 56.713030305356725, + "nauc_precision_at_3_diff1": 1.0137979188426132, + "nauc_precision_at_3_max": 59.00556447771772, + "nauc_precision_at_3_std": 48.02337913753564, + "nauc_precision_at_5_diff1": 6.616675723116447, + "nauc_precision_at_5_max": 62.87219840100712, + "nauc_precision_at_5_std": 49.86527880916804, + "nauc_recall_at_1000_diff1": 9.556219515257334, + "nauc_recall_at_1000_max": 57.24110273060209, + "nauc_recall_at_1000_std": 57.56303957604837, + "nauc_recall_at_100_diff1": 3.5160058971838013, + "nauc_recall_at_100_max": 44.6508691428123, + "nauc_recall_at_100_std": 40.469866482826845, + "nauc_recall_at_10_diff1": 2.139024250495015, + "nauc_recall_at_10_max": 20.006408713083758, + "nauc_recall_at_10_std": 15.249248068351031, + "nauc_recall_at_1_diff1": -12.382912648953685, + "nauc_recall_at_1_max": 15.103511392499733, + "nauc_recall_at_1_std": 10.646234291111401, + "nauc_recall_at_20_diff1": 2.765059666028026, + "nauc_recall_at_20_max": 25.807810834205707, + "nauc_recall_at_20_std": 21.3906188095389, + "nauc_recall_at_3_diff1": -2.901694619296191, + "nauc_recall_at_3_max": 19.674783823606212, + "nauc_recall_at_3_std": 17.13722598183868, + "nauc_recall_at_5_diff1": -4.0200493920102875, + "nauc_recall_at_5_max": 17.514540336925517, + "nauc_recall_at_5_std": 12.433202741785959, + "ndcg_at_1": 31.395, + "ndcg_at_10": 32.823, + "ndcg_at_100": 32.096000000000004, + "ndcg_at_1000": 40.994, + "ndcg_at_20": 31.691000000000003, + "ndcg_at_3": 32.53, + "ndcg_at_5": 34.136, + "precision_at_1": 48.837, + "precision_at_10": 44.186, + "precision_at_100": 21.302, + "precision_at_1000": 4.607, + "precision_at_20": 38.372, + "precision_at_3": 50.388, + "precision_at_5": 50.698, + "recall_at_1": 0.9860000000000001, + "recall_at_10": 7.585, + "recall_at_100": 27.534999999999997, + "recall_at_1000": 51.769, + "recall_at_20": 12.361, + "recall_at_3": 2.625, + "recall_at_5": 4.593 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/MTOPDomainClassification.json b/results/minishlab__potion-base-4M/external/MTOPDomainClassification.json new file mode 100644 index 000000000..c43a5b20a --- /dev/null +++ b/results/minishlab__potion-base-4M/external/MTOPDomainClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 85.6155950752394, + "f1": 84.61299351825656, + "f1_weighted": 85.62566329953071, + "main_score": 85.6155950752394 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/MTOPIntentClassification.json b/results/minishlab__potion-base-4M/external/MTOPIntentClassification.json new file mode 100644 index 000000000..23954f831 --- /dev/null +++ b/results/minishlab__potion-base-4M/external/MTOPIntentClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 51.507067943456455, + "f1": 33.73329265389269, + "f1_weighted": 54.70051724359958, + "main_score": 51.507067943456455 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/MassiveIntentClassification.json b/results/minishlab__potion-base-4M/external/MassiveIntentClassification.json new file mode 100644 index 000000000..143866683 --- /dev/null +++ b/results/minishlab__potion-base-4M/external/MassiveIntentClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "4672e20407010da34463acc759c162ca9734bca6", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 60.67249495628783, + "f1": 58.55710441567331, + "f1_weighted": 59.4792418446047, + "main_score": 60.67249495628783 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/MassiveScenarioClassification.json b/results/minishlab__potion-base-4M/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..592f1715b --- /dev/null +++ b/results/minishlab__potion-base-4M/external/MassiveScenarioClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "fad2c6e8459f9e1c45d9315f4953d921437d70f8", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 66.94687289845326, + "f1": 65.55262619224948, + "f1_weighted": 66.7594041012024, + "main_score": 66.94687289845326 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/MedrxivClusteringP2P.json b/results/minishlab__potion-base-4M/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..6092e2db9 --- /dev/null +++ b/results/minishlab__potion-base-4M/external/MedrxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 27.033544101894037, + "v_measure": 27.033544101894037, + "v_measure_std": 1.3875075110570252 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/MedrxivClusteringS2S.json b/results/minishlab__potion-base-4M/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..dc1040236 --- /dev/null +++ b/results/minishlab__potion-base-4M/external/MedrxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 23.235475122772748, + "v_measure": 23.235475122772748, + "v_measure_std": 1.3669816155807724 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/MindSmallReranking.json b/results/minishlab__potion-base-4M/external/MindSmallReranking.json new file mode 100644 index 000000000..bd4688a18 --- /dev/null +++ b/results/minishlab__potion-base-4M/external/MindSmallReranking.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "59042f120c80e8afa9cdbb224f67076cec0fc9a7", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 29.025211119858856, + "map": 29.025211119858856, + "mrr": 29.72218362379489, + "nAUC_map_diff1": 10.344777333382883, + "nAUC_map_max": -23.666261656057035, + "nAUC_map_std": -8.98726774731994, + "nAUC_mrr_diff1": 10.267778513424473, + "nAUC_mrr_max": -18.006089017770165, + "nAUC_mrr_std": -6.484973234862847 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/NFCorpus.json b/results/minishlab__potion-base-4M/external/NFCorpus.json new file mode 100644 index 000000000..a373cecf9 --- /dev/null +++ b/results/minishlab__potion-base-4M/external/NFCorpus.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 22.613, + "map_at_1": 3.4189999999999996, + "map_at_10": 6.812, + "map_at_100": 8.767999999999999, + "map_at_1000": 9.82, + "map_at_20": 7.593999999999999, + "map_at_3": 5.281000000000001, + "map_at_5": 5.992999999999999, + "mrr_at_1": 32.81733746130031, + "mrr_at_10": 41.73694039019116, + "mrr_at_100": 42.44672811430311, + "mrr_at_1000": 42.51492426020226, + "mrr_at_20": 42.15273887004662, + "mrr_at_3": 39.42208462332301, + "mrr_at_5": 40.90815273477812, + "nauc_map_at_1000_diff1": 32.51914859153408, + "nauc_map_at_1000_max": 28.50731007634339, + "nauc_map_at_1000_std": 21.122290838876197, + "nauc_map_at_100_diff1": 34.0356163812035, + "nauc_map_at_100_max": 26.984927084496746, + "nauc_map_at_100_std": 17.16714022131354, + "nauc_map_at_10_diff1": 38.049956057842856, + "nauc_map_at_10_max": 21.689889302108227, + "nauc_map_at_10_std": 8.900716391912274, + "nauc_map_at_1_diff1": 43.69318427182068, + "nauc_map_at_1_max": 9.993398066053729, + "nauc_map_at_1_std": 1.6998173556132434, + "nauc_map_at_20_diff1": 35.65581914391132, + "nauc_map_at_20_max": 24.418344690964613, + "nauc_map_at_20_std": 12.521959576048808, + "nauc_map_at_3_diff1": 43.16156145914653, + "nauc_map_at_3_max": 17.094747748444377, + "nauc_map_at_3_std": 4.067978802659887, + "nauc_map_at_5_diff1": 41.407965249135806, + "nauc_map_at_5_max": 19.90265827157068, + "nauc_map_at_5_std": 6.339864622044265, + "nauc_mrr_at_1000_diff1": 26.099863745051945, + "nauc_mrr_at_1000_max": 30.451300657305747, + "nauc_mrr_at_1000_std": 20.99147829162304, + "nauc_mrr_at_100_diff1": 26.09622707115036, + "nauc_mrr_at_100_max": 30.47822047389741, + "nauc_mrr_at_100_std": 21.020356459106182, + "nauc_mrr_at_10_diff1": 25.767563178245727, + "nauc_mrr_at_10_max": 30.317099022190092, + "nauc_mrr_at_10_std": 21.039453634175945, + "nauc_mrr_at_1_diff1": 27.422277143717373, + "nauc_mrr_at_1_max": 23.638411521485935, + "nauc_mrr_at_1_std": 15.499293879835903, + "nauc_mrr_at_20_diff1": 25.98915185113393, + "nauc_mrr_at_20_max": 30.51502999286555, + "nauc_mrr_at_20_std": 21.007107746436386, + "nauc_mrr_at_3_diff1": 26.324556538009535, + "nauc_mrr_at_3_max": 29.369067665865117, + "nauc_mrr_at_3_std": 20.588832297661824, + "nauc_mrr_at_5_diff1": 26.460468401069974, + "nauc_mrr_at_5_max": 29.86644460025973, + "nauc_mrr_at_5_std": 19.849343846164693, + "nauc_ndcg_at_1000_diff1": 26.137174251660817, + "nauc_ndcg_at_1000_max": 36.88679053188914, + "nauc_ndcg_at_1000_std": 28.545299901436966, + "nauc_ndcg_at_100_diff1": 24.38235346166006, + "nauc_ndcg_at_100_max": 32.35934908511791, + "nauc_ndcg_at_100_std": 26.621500665622555, + "nauc_ndcg_at_10_diff1": 21.346110864966878, + "nauc_ndcg_at_10_max": 29.201870789543488, + "nauc_ndcg_at_10_std": 27.996224821771143, + "nauc_ndcg_at_1_diff1": 27.82064172474196, + "nauc_ndcg_at_1_max": 22.320782468431528, + "nauc_ndcg_at_1_std": 17.01269970506558, + "nauc_ndcg_at_20_diff1": 22.695086276964542, + "nauc_ndcg_at_20_max": 30.14781423581441, + "nauc_ndcg_at_20_std": 29.750857717833657, + "nauc_ndcg_at_3_diff1": 23.23035291802125, + "nauc_ndcg_at_3_max": 27.951166119373728, + "nauc_ndcg_at_3_std": 20.969642025523797, + "nauc_ndcg_at_5_diff1": 22.275733427660523, + "nauc_ndcg_at_5_max": 29.21633819667062, + "nauc_ndcg_at_5_std": 23.258878040008515, + "nauc_precision_at_1000_diff1": -4.522644786677741, + "nauc_precision_at_1000_max": 17.54188976143716, + "nauc_precision_at_1000_std": 43.566922007655045, + "nauc_precision_at_100_diff1": 0.7117884922496146, + "nauc_precision_at_100_max": 27.073214361431496, + "nauc_precision_at_100_std": 46.737829736269134, + "nauc_precision_at_10_diff1": 8.359859618942956, + "nauc_precision_at_10_max": 31.75752536248692, + "nauc_precision_at_10_std": 36.89066103106389, + "nauc_precision_at_1_diff1": 27.422277143717373, + "nauc_precision_at_1_max": 23.638411521485935, + "nauc_precision_at_1_std": 15.499293879835903, + "nauc_precision_at_20_diff1": 5.055347818306108, + "nauc_precision_at_20_max": 32.721802908008186, + "nauc_precision_at_20_std": 42.89763536496222, + "nauc_precision_at_3_diff1": 17.848359825929847, + "nauc_precision_at_3_max": 31.47671680933972, + "nauc_precision_at_3_std": 23.67581982693161, + "nauc_precision_at_5_diff1": 13.851675563275661, + "nauc_precision_at_5_max": 33.661786215343746, + "nauc_precision_at_5_std": 28.482203360698065, + "nauc_recall_at_1000_diff1": 13.961711120759071, + "nauc_recall_at_1000_max": 19.382624712902455, + "nauc_recall_at_1000_std": 14.558738251676376, + "nauc_recall_at_100_diff1": 18.32951532159328, + "nauc_recall_at_100_max": 23.974271967720846, + "nauc_recall_at_100_std": 14.252037430687484, + "nauc_recall_at_10_diff1": 28.95671818041367, + "nauc_recall_at_10_max": 19.625268127300917, + "nauc_recall_at_10_std": 9.165959351962458, + "nauc_recall_at_1_diff1": 43.69318427182068, + "nauc_recall_at_1_max": 9.993398066053729, + "nauc_recall_at_1_std": 1.6998173556132434, + "nauc_recall_at_20_diff1": 24.956992636170295, + "nauc_recall_at_20_max": 19.47601942861755, + "nauc_recall_at_20_std": 10.507076581980725, + "nauc_recall_at_3_diff1": 40.91167574965666, + "nauc_recall_at_3_max": 19.0859559383436, + "nauc_recall_at_3_std": 6.051536150937656, + "nauc_recall_at_5_diff1": 36.54933600909664, + "nauc_recall_at_5_max": 20.232938987005646, + "nauc_recall_at_5_std": 7.413199389324412, + "ndcg_at_1": 30.805, + "ndcg_at_10": 22.613, + "ndcg_at_100": 20.928, + "ndcg_at_1000": 29.695, + "ndcg_at_20": 21.09, + "ndcg_at_3": 26.377, + "ndcg_at_5": 24.595, + "precision_at_1": 32.817, + "precision_at_10": 16.966, + "precision_at_100": 5.811, + "precision_at_1000": 1.806, + "precision_at_20": 12.802, + "precision_at_3": 24.871, + "precision_at_5": 21.3, + "recall_at_1": 3.4189999999999996, + "recall_at_10": 9.883000000000001, + "recall_at_100": 22.392, + "recall_at_1000": 54.018, + "recall_at_20": 13.106000000000002, + "recall_at_3": 6.203, + "recall_at_5": 7.688000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/NQ.json b/results/minishlab__potion-base-4M/external/NQ.json new file mode 100644 index 000000000..4184d45a6 --- /dev/null +++ b/results/minishlab__potion-base-4M/external/NQ.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 17.163999999999998, + "map_at_1": 7.292999999999999, + "map_at_10": 13.206000000000001, + "map_at_100": 14.368, + "map_at_1000": 14.468, + "map_at_20": 13.825000000000001, + "map_at_3": 10.949, + "map_at_5": 12.110999999999999, + "mrr_at_1": 8.487833140208574, + "mrr_at_10": 14.675159557836242, + "mrr_at_100": 15.779595948147401, + "mrr_at_1000": 15.86576620262906, + "mrr_at_20": 15.296918959194382, + "mrr_at_3": 12.369640787948995, + "mrr_at_5": 13.58198146002313, + "nauc_map_at_1000_diff1": 19.323868662545987, + "nauc_map_at_1000_max": 13.767084099660302, + "nauc_map_at_1000_std": 5.232483665156492, + "nauc_map_at_100_diff1": 19.345070681167932, + "nauc_map_at_100_max": 13.742816206910161, + "nauc_map_at_100_std": 5.153409411301769, + "nauc_map_at_10_diff1": 19.659707100205903, + "nauc_map_at_10_max": 13.131492785425097, + "nauc_map_at_10_std": 3.7953216544067767, + "nauc_map_at_1_diff1": 23.621537828194803, + "nauc_map_at_1_max": 9.359321805095224, + "nauc_map_at_1_std": 0.9564844869375119, + "nauc_map_at_20_diff1": 19.41548662256754, + "nauc_map_at_20_max": 13.44112402133028, + "nauc_map_at_20_std": 4.526186657561462, + "nauc_map_at_3_diff1": 20.874144569488028, + "nauc_map_at_3_max": 10.59497020339296, + "nauc_map_at_3_std": 2.127061943857287, + "nauc_map_at_5_diff1": 20.212151988624548, + "nauc_map_at_5_max": 11.889866875966785, + "nauc_map_at_5_std": 2.7199819521456154, + "nauc_mrr_at_1000_diff1": 18.421603253063438, + "nauc_mrr_at_1000_max": 13.192373130005967, + "nauc_mrr_at_1000_std": 6.582095129043891, + "nauc_mrr_at_100_diff1": 18.445175537134432, + "nauc_mrr_at_100_max": 13.177218814359042, + "nauc_mrr_at_100_std": 6.540820393254043, + "nauc_mrr_at_10_diff1": 18.67543777577155, + "nauc_mrr_at_10_max": 12.698796909888438, + "nauc_mrr_at_10_std": 5.548542219175191, + "nauc_mrr_at_1_diff1": 22.405046326183907, + "nauc_mrr_at_1_max": 9.290311837698303, + "nauc_mrr_at_1_std": 3.772169020187191, + "nauc_mrr_at_20_diff1": 18.406790295652588, + "nauc_mrr_at_20_max": 12.982208065169374, + "nauc_mrr_at_20_std": 6.084379018636953, + "nauc_mrr_at_3_diff1": 19.761212114449446, + "nauc_mrr_at_3_max": 10.586228375739465, + "nauc_mrr_at_3_std": 4.454489369742695, + "nauc_mrr_at_5_diff1": 19.118475150105894, + "nauc_mrr_at_5_max": 11.58082985340595, + "nauc_mrr_at_5_std": 4.766402493324253, + "nauc_ndcg_at_1000_diff1": 16.96375429586292, + "nauc_ndcg_at_1000_max": 18.826013150783883, + "nauc_ndcg_at_1000_std": 12.9887940091125, + "nauc_ndcg_at_100_diff1": 17.377295880274822, + "nauc_ndcg_at_100_max": 18.099418324015964, + "nauc_ndcg_at_100_std": 11.394891190564095, + "nauc_ndcg_at_10_diff1": 18.06378127446637, + "nauc_ndcg_at_10_max": 15.297698965310232, + "nauc_ndcg_at_10_std": 5.717861719899932, + "nauc_ndcg_at_1_diff1": 22.405046326183907, + "nauc_ndcg_at_1_max": 9.290311837698303, + "nauc_ndcg_at_1_std": 3.772169020187191, + "nauc_ndcg_at_20_diff1": 17.34734627220401, + "nauc_ndcg_at_20_max": 16.20778833559378, + "nauc_ndcg_at_20_std": 7.749314013181468, + "nauc_ndcg_at_3_diff1": 20.151547280803808, + "nauc_ndcg_at_3_max": 10.886180458060574, + "nauc_ndcg_at_3_std": 2.855909481970702, + "nauc_ndcg_at_5_diff1": 19.08860016992726, + "nauc_ndcg_at_5_max": 12.76124542662454, + "nauc_ndcg_at_5_std": 3.6782880617792566, + "nauc_precision_at_1000_diff1": 3.4126117328409635, + "nauc_precision_at_1000_max": 26.144517857081162, + "nauc_precision_at_1000_std": 35.15957366598821, + "nauc_precision_at_100_diff1": 10.61994042439232, + "nauc_precision_at_100_max": 25.44638747527479, + "nauc_precision_at_100_std": 27.20279863003429, + "nauc_precision_at_10_diff1": 15.051182307262142, + "nauc_precision_at_10_max": 19.818107620262378, + "nauc_precision_at_10_std": 10.84691010517258, + "nauc_precision_at_1_diff1": 22.405046326183907, + "nauc_precision_at_1_max": 9.290311837698303, + "nauc_precision_at_1_std": 3.772169020187191, + "nauc_precision_at_20_diff1": 12.638984559185824, + "nauc_precision_at_20_max": 21.391773469704304, + "nauc_precision_at_20_std": 16.018277911853563, + "nauc_precision_at_3_diff1": 18.573099204831646, + "nauc_precision_at_3_max": 11.81684575514176, + "nauc_precision_at_3_std": 5.046334944705079, + "nauc_precision_at_5_diff1": 17.149349734404016, + "nauc_precision_at_5_max": 15.197844652143155, + "nauc_precision_at_5_std": 6.453417880704823, + "nauc_recall_at_1000_diff1": 9.836204388910634, + "nauc_recall_at_1000_max": 40.64943837622281, + "nauc_recall_at_1000_std": 46.01484423115387, + "nauc_recall_at_100_diff1": 13.656477700316763, + "nauc_recall_at_100_max": 28.768748963828845, + "nauc_recall_at_100_std": 26.247014408258778, + "nauc_recall_at_10_diff1": 15.055017670873397, + "nauc_recall_at_10_max": 19.424431660534115, + "nauc_recall_at_10_std": 8.12141284246005, + "nauc_recall_at_1_diff1": 23.621537828194803, + "nauc_recall_at_1_max": 9.359321805095224, + "nauc_recall_at_1_std": 0.9564844869375119, + "nauc_recall_at_20_diff1": 13.412421761546462, + "nauc_recall_at_20_max": 21.276341065435446, + "nauc_recall_at_20_std": 12.847302508235089, + "nauc_recall_at_3_diff1": 18.915998121406723, + "nauc_recall_at_3_max": 11.235299022137816, + "nauc_recall_at_3_std": 2.6771446726975703, + "nauc_recall_at_5_diff1": 16.998490481118615, + "nauc_recall_at_5_max": 14.326029592435003, + "nauc_recall_at_5_std": 4.083735570817751, + "ndcg_at_1": 8.488, + "ndcg_at_10": 17.163999999999998, + "ndcg_at_100": 23.166, + "ndcg_at_1000": 25.899, + "ndcg_at_20": 19.381999999999998, + "ndcg_at_3": 12.469, + "ndcg_at_5": 14.572, + "precision_at_1": 8.488, + "precision_at_10": 3.314, + "precision_at_100": 0.674, + "precision_at_1000": 0.093, + "precision_at_20": 2.176, + "precision_at_3": 6.016, + "precision_at_5": 4.7620000000000005, + "recall_at_1": 7.292999999999999, + "recall_at_10": 28.109, + "recall_at_100": 56.105000000000004, + "recall_at_1000": 77.033, + "recall_at_20": 36.447, + "recall_at_3": 15.486, + "recall_at_5": 20.471 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/QuoraRetrieval.json b/results/minishlab__potion-base-4M/external/QuoraRetrieval.json new file mode 100644 index 000000000..adf1c96b6 --- /dev/null +++ b/results/minishlab__potion-base-4M/external/QuoraRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "e4e08e0b7dbe3c8700f0daef558ff32256715259", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 78.944, + "map_at_1": 62.163000000000004, + "map_at_10": 74.406, + "map_at_100": 75.211, + "map_at_1000": 75.246, + "map_at_20": 74.901, + "map_at_3": 71.544, + "map_at_5": 73.237, + "mrr_at_1": 71.39999999999999, + "mrr_at_10": 78.53174999999968, + "mrr_at_100": 78.81864010375182, + "mrr_at_1000": 78.82645374918509, + "mrr_at_20": 78.71598608095506, + "mrr_at_3": 77.11166666666631, + "mrr_at_5": 77.97816666666611, + "nauc_map_at_1000_diff1": 71.12026097344402, + "nauc_map_at_1000_max": 38.34659709478082, + "nauc_map_at_1000_std": -17.076551222440084, + "nauc_map_at_100_diff1": 71.12970535718793, + "nauc_map_at_100_max": 38.34136449954092, + "nauc_map_at_100_std": -17.090201363548733, + "nauc_map_at_10_diff1": 71.1639091984701, + "nauc_map_at_10_max": 37.92962545307399, + "nauc_map_at_10_std": -17.935251452443836, + "nauc_map_at_1_diff1": 73.90119279220835, + "nauc_map_at_1_max": 30.96159752854218, + "nauc_map_at_1_std": -17.71968107861217, + "nauc_map_at_20_diff1": 71.14144425695068, + "nauc_map_at_20_max": 38.24084182045044, + "nauc_map_at_20_std": -17.41338269274242, + "nauc_map_at_3_diff1": 71.45595546693525, + "nauc_map_at_3_max": 36.08464694333641, + "nauc_map_at_3_std": -18.931004663754646, + "nauc_map_at_5_diff1": 71.27464789828589, + "nauc_map_at_5_max": 37.30423556122988, + "nauc_map_at_5_std": -18.486579027688897, + "nauc_mrr_at_1000_diff1": 71.9772870260667, + "nauc_mrr_at_1000_max": 40.84763399716098, + "nauc_mrr_at_1000_std": -14.825731250421617, + "nauc_mrr_at_100_diff1": 71.97627495514737, + "nauc_mrr_at_100_max": 40.85239610393123, + "nauc_mrr_at_100_std": -14.81452787723373, + "nauc_mrr_at_10_diff1": 71.88135293938872, + "nauc_mrr_at_10_max": 40.88653429928447, + "nauc_mrr_at_10_std": -14.921871682409485, + "nauc_mrr_at_1_diff1": 73.6972904270755, + "nauc_mrr_at_1_max": 39.32918667821438, + "nauc_mrr_at_1_std": -15.176326573460615, + "nauc_mrr_at_20_diff1": 71.95077268893942, + "nauc_mrr_at_20_max": 40.89414294678139, + "nauc_mrr_at_20_std": -14.82041706681107, + "nauc_mrr_at_3_diff1": 71.84102470725445, + "nauc_mrr_at_3_max": 40.55979190068784, + "nauc_mrr_at_3_std": -15.426013609275019, + "nauc_mrr_at_5_diff1": 71.7891912460372, + "nauc_mrr_at_5_max": 40.80511612753408, + "nauc_mrr_at_5_std": -15.18799645334625, + "nauc_ndcg_at_1000_diff1": 70.89670367344667, + "nauc_ndcg_at_1000_max": 40.17914305815258, + "nauc_ndcg_at_1000_std": -14.984614028845971, + "nauc_ndcg_at_100_diff1": 70.92339913111417, + "nauc_ndcg_at_100_max": 40.257745467547174, + "nauc_ndcg_at_100_std": -14.611387935135872, + "nauc_ndcg_at_10_diff1": 70.48756735324325, + "nauc_ndcg_at_10_max": 39.58487015963329, + "nauc_ndcg_at_10_std": -16.645804593646147, + "nauc_ndcg_at_1_diff1": 73.5844028830802, + "nauc_ndcg_at_1_max": 39.68976954212264, + "nauc_ndcg_at_1_std": -15.031929688958312, + "nauc_ndcg_at_20_diff1": 70.7029749983589, + "nauc_ndcg_at_20_max": 40.12481563061243, + "nauc_ndcg_at_20_std": -15.54606689841114, + "nauc_ndcg_at_3_diff1": 70.35105717009881, + "nauc_ndcg_at_3_max": 38.32508008621408, + "nauc_ndcg_at_3_std": -17.360779639396362, + "nauc_ndcg_at_5_diff1": 70.38583658821312, + "nauc_ndcg_at_5_max": 39.01963672520352, + "nauc_ndcg_at_5_std": -17.239959123518233, + "nauc_precision_at_1000_diff1": -36.21474583612648, + "nauc_precision_at_1000_max": -3.597428898937475, + "nauc_precision_at_1000_std": 20.250426782696966, + "nauc_precision_at_100_diff1": -32.33501144245241, + "nauc_precision_at_100_max": -0.20640880335901107, + "nauc_precision_at_100_std": 20.25734872492559, + "nauc_precision_at_10_diff1": -16.379871004767345, + "nauc_precision_at_10_max": 10.980061890327866, + "nauc_precision_at_10_std": 10.465941748223376, + "nauc_precision_at_1_diff1": 73.5844028830802, + "nauc_precision_at_1_max": 39.68976954212264, + "nauc_precision_at_1_std": -15.031929688958312, + "nauc_precision_at_20_diff1": -23.965337240125926, + "nauc_precision_at_20_max": 6.596649568590301, + "nauc_precision_at_20_std": 15.582400216847327, + "nauc_precision_at_3_diff1": 10.489396277777569, + "nauc_precision_at_3_max": 21.625923996482737, + "nauc_precision_at_3_std": -0.7788020451085538, + "nauc_precision_at_5_diff1": -3.737454839127393, + "nauc_precision_at_5_max": 16.933111460137404, + "nauc_precision_at_5_std": 4.7360335395138895, + "nauc_recall_at_1000_diff1": 63.20571064867851, + "nauc_recall_at_1000_max": 57.229334552429314, + "nauc_recall_at_1000_std": 44.21186400138876, + "nauc_recall_at_100_diff1": 64.53870069947862, + "nauc_recall_at_100_max": 47.10781661935386, + "nauc_recall_at_100_std": 16.521676724908925, + "nauc_recall_at_10_diff1": 63.869924515916765, + "nauc_recall_at_10_max": 39.50325719990688, + "nauc_recall_at_10_std": -16.071467891980763, + "nauc_recall_at_1_diff1": 73.90119279220835, + "nauc_recall_at_1_max": 30.96159752854218, + "nauc_recall_at_1_std": -17.71968107861217, + "nauc_recall_at_20_diff1": 63.20541507276648, + "nauc_recall_at_20_max": 42.52369355095013, + "nauc_recall_at_20_std": -7.966841748999692, + "nauc_recall_at_3_diff1": 66.95598825053953, + "nauc_recall_at_3_max": 34.813833345538, + "nauc_recall_at_3_std": -20.055997535188826, + "nauc_recall_at_5_diff1": 65.4441887294711, + "nauc_recall_at_5_max": 37.18383133639401, + "nauc_recall_at_5_std": -19.04229973267749, + "ndcg_at_1": 71.46000000000001, + "ndcg_at_10": 78.944, + "ndcg_at_100": 81.27799999999999, + "ndcg_at_1000": 81.72500000000001, + "ndcg_at_20": 80.041, + "ndcg_at_3": 75.47, + "ndcg_at_5": 77.181, + "precision_at_1": 71.46000000000001, + "precision_at_10": 11.935, + "precision_at_100": 1.442, + "precision_at_1000": 0.154, + "precision_at_20": 6.444, + "precision_at_3": 32.707, + "precision_at_5": 21.592, + "recall_at_1": 62.163000000000004, + "recall_at_10": 87.69200000000001, + "recall_at_100": 96.639, + "recall_at_1000": 99.297, + "recall_at_20": 91.401, + "recall_at_3": 77.594, + "recall_at_5": 82.431 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/RedditClustering.json b/results/minishlab__potion-base-4M/external/RedditClustering.json new file mode 100644 index 000000000..14188ada5 --- /dev/null +++ b/results/minishlab__potion-base-4M/external/RedditClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 37.24085606808143, + "v_measure": 37.24085606808143, + "v_measure_std": 4.75871654527573 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/RedditClusteringP2P.json b/results/minishlab__potion-base-4M/external/RedditClusteringP2P.json new file mode 100644 index 000000000..1227829b5 --- /dev/null +++ b/results/minishlab__potion-base-4M/external/RedditClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 44.53294634700315, + "v_measure": 44.53294634700315, + "v_measure_std": 11.281270481309583 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/SCIDOCS.json b/results/minishlab__potion-base-4M/external/SCIDOCS.json new file mode 100644 index 000000000..05e174644 --- /dev/null +++ b/results/minishlab__potion-base-4M/external/SCIDOCS.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f8c2fcf00f625baaa80f62ec5bd9e1fff3b8ae88", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 10.975999999999999, + "map_at_1": 2.6229999999999998, + "map_at_10": 6.043, + "map_at_100": 7.274, + "map_at_1000": 7.518, + "map_at_20": 6.625, + "map_at_3": 4.513, + "map_at_5": 5.297000000000001, + "mrr_at_1": 12.9, + "mrr_at_10": 20.29456349206347, + "mrr_at_100": 21.40608779578154, + "mrr_at_1000": 21.5096323900278, + "mrr_at_20": 20.89359279695191, + "mrr_at_3": 17.9, + "mrr_at_5": 19.264999999999986, + "nauc_map_at_1000_diff1": 13.973997796384928, + "nauc_map_at_1000_max": 15.24396457979008, + "nauc_map_at_1000_std": 19.956152939934125, + "nauc_map_at_100_diff1": 13.914326675244757, + "nauc_map_at_100_max": 14.992423212939576, + "nauc_map_at_100_std": 19.346582724513087, + "nauc_map_at_10_diff1": 14.005203145683373, + "nauc_map_at_10_max": 12.533617494842156, + "nauc_map_at_10_std": 16.019921073048483, + "nauc_map_at_1_diff1": 20.287526221402405, + "nauc_map_at_1_max": 12.29569598685881, + "nauc_map_at_1_std": 11.84440966885772, + "nauc_map_at_20_diff1": 14.506149052503625, + "nauc_map_at_20_max": 14.128710240967395, + "nauc_map_at_20_std": 17.66552816835646, + "nauc_map_at_3_diff1": 14.723437097271452, + "nauc_map_at_3_max": 13.97967494912635, + "nauc_map_at_3_std": 13.986282784554623, + "nauc_map_at_5_diff1": 15.281528000748432, + "nauc_map_at_5_max": 12.74789727694775, + "nauc_map_at_5_std": 14.152734564652567, + "nauc_mrr_at_1000_diff1": 14.909058242971323, + "nauc_mrr_at_1000_max": 14.89923029131018, + "nauc_mrr_at_1000_std": 16.112438519165448, + "nauc_mrr_at_100_diff1": 14.921170730270145, + "nauc_mrr_at_100_max": 14.903295271302024, + "nauc_mrr_at_100_std": 16.142605858051482, + "nauc_mrr_at_10_diff1": 15.055715022956981, + "nauc_mrr_at_10_max": 14.46564416594299, + "nauc_mrr_at_10_std": 15.462553449948851, + "nauc_mrr_at_1_diff1": 20.38884124229307, + "nauc_mrr_at_1_max": 12.334690698559113, + "nauc_mrr_at_1_std": 12.311505189727232, + "nauc_mrr_at_20_diff1": 14.906423936329604, + "nauc_mrr_at_20_max": 14.96346252727948, + "nauc_mrr_at_20_std": 15.957553065480726, + "nauc_mrr_at_3_diff1": 14.84506515179406, + "nauc_mrr_at_3_max": 14.122529963628732, + "nauc_mrr_at_3_std": 15.038251505547425, + "nauc_mrr_at_5_diff1": 14.761637229470903, + "nauc_mrr_at_5_max": 14.058545032558289, + "nauc_mrr_at_5_std": 15.257952718028047, + "nauc_ndcg_at_1000_diff1": 12.401557025097095, + "nauc_ndcg_at_1000_max": 19.162281715396258, + "nauc_ndcg_at_1000_std": 27.28208364614879, + "nauc_ndcg_at_100_diff1": 12.462531433192177, + "nauc_ndcg_at_100_max": 18.092239924308924, + "nauc_ndcg_at_100_std": 24.306771626400064, + "nauc_ndcg_at_10_diff1": 13.012854438802716, + "nauc_ndcg_at_10_max": 13.240961212392408, + "nauc_ndcg_at_10_std": 17.16444103531682, + "nauc_ndcg_at_1_diff1": 20.38884124229307, + "nauc_ndcg_at_1_max": 12.334690698559113, + "nauc_ndcg_at_1_std": 12.311505189727232, + "nauc_ndcg_at_20_diff1": 13.405022785618451, + "nauc_ndcg_at_20_max": 16.129038815158523, + "nauc_ndcg_at_20_std": 20.13896063590036, + "nauc_ndcg_at_3_diff1": 13.64223678386308, + "nauc_ndcg_at_3_max": 14.086175451408186, + "nauc_ndcg_at_3_std": 15.173192036409372, + "nauc_ndcg_at_5_diff1": 14.075835104603799, + "nauc_ndcg_at_5_max": 12.991019756492042, + "nauc_ndcg_at_5_std": 15.083844651982483, + "nauc_precision_at_1000_diff1": 6.679710695518377, + "nauc_precision_at_1000_max": 20.813353595075874, + "nauc_precision_at_1000_std": 36.13823850539846, + "nauc_precision_at_100_diff1": 8.582899195791812, + "nauc_precision_at_100_max": 20.606190885640554, + "nauc_precision_at_100_std": 31.015207458735837, + "nauc_precision_at_10_diff1": 9.955421784523907, + "nauc_precision_at_10_max": 12.226547316835655, + "nauc_precision_at_10_std": 19.194260501366102, + "nauc_precision_at_1_diff1": 20.38884124229307, + "nauc_precision_at_1_max": 12.334690698559113, + "nauc_precision_at_1_std": 12.311505189727232, + "nauc_precision_at_20_diff1": 10.821274632720215, + "nauc_precision_at_20_max": 17.910630241041957, + "nauc_precision_at_20_std": 24.089477303794364, + "nauc_precision_at_3_diff1": 11.280609220738322, + "nauc_precision_at_3_max": 14.000592735288128, + "nauc_precision_at_3_std": 16.066715135125115, + "nauc_precision_at_5_diff1": 11.973988845160886, + "nauc_precision_at_5_max": 11.63579702369595, + "nauc_precision_at_5_std": 15.66853420805326, + "nauc_recall_at_1000_diff1": 7.236848009802737, + "nauc_recall_at_1000_max": 21.90002660793917, + "nauc_recall_at_1000_std": 36.73039901613978, + "nauc_recall_at_100_diff1": 8.781121548109736, + "nauc_recall_at_100_max": 20.872807676915585, + "nauc_recall_at_100_std": 31.089252844325383, + "nauc_recall_at_10_diff1": 10.403929936534533, + "nauc_recall_at_10_max": 12.317583820258339, + "nauc_recall_at_10_std": 18.87239766836694, + "nauc_recall_at_1_diff1": 20.287526221402405, + "nauc_recall_at_1_max": 12.29569598685881, + "nauc_recall_at_1_std": 11.84440966885772, + "nauc_recall_at_20_diff1": 11.053723609378533, + "nauc_recall_at_20_max": 17.904832495199997, + "nauc_recall_at_20_std": 23.94487620259356, + "nauc_recall_at_3_diff1": 11.448063932383073, + "nauc_recall_at_3_max": 14.030673949295828, + "nauc_recall_at_3_std": 15.707862370994691, + "nauc_recall_at_5_diff1": 12.254302630244073, + "nauc_recall_at_5_max": 11.713720712309172, + "nauc_recall_at_5_std": 15.337816546798894, + "ndcg_at_1": 12.9, + "ndcg_at_10": 10.975999999999999, + "ndcg_at_100": 16.808, + "ndcg_at_1000": 22.061, + "ndcg_at_20": 12.854, + "ndcg_at_3": 10.544, + "ndcg_at_5": 9.200999999999999, + "precision_at_1": 12.9, + "precision_at_10": 5.66, + "precision_at_100": 1.422, + "precision_at_1000": 0.269, + "precision_at_20": 3.925, + "precision_at_3": 9.866999999999999, + "precision_at_5": 8.08, + "recall_at_1": 2.6229999999999998, + "recall_at_10": 11.458, + "recall_at_100": 28.852, + "recall_at_1000": 54.65, + "recall_at_20": 15.906999999999998, + "recall_at_3": 6.008, + "recall_at_5": 8.187999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/SICK-R.json b/results/minishlab__potion-base-4M/external/SICK-R.json new file mode 100644 index 000000000..08771d1da --- /dev/null +++ b/results/minishlab__potion-base-4M/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 75.3765633045698, + "cosine_spearman": 63.98613448451591, + "euclidean_pearson": 68.77492302556632, + "euclidean_spearman": 63.98600896235449, + "main_score": 63.98613448451591, + "manhattan_pearson": 68.97719158550568, + "manhattan_spearman": 64.17632002019486, + "pearson": 75.3765633045698, + "spearman": 63.98613448451591 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/STS12.json b/results/minishlab__potion-base-4M/external/STS12.json new file mode 100644 index 000000000..6e462d7ab --- /dev/null +++ b/results/minishlab__potion-base-4M/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 72.15434642732643, + "cosine_spearman": 62.37621006422606, + "euclidean_pearson": 68.4217723007459, + "euclidean_spearman": 62.3761516548255, + "main_score": 62.37621006422606, + "manhattan_pearson": 68.44462184344337, + "manhattan_spearman": 62.409862632343504, + "pearson": 72.15434642732643, + "spearman": 62.37621006422606 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/STS13.json b/results/minishlab__potion-base-4M/external/STS13.json new file mode 100644 index 000000000..d1afe28bb --- /dev/null +++ b/results/minishlab__potion-base-4M/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 75.8217088748812, + "cosine_spearman": 76.81750749576634, + "euclidean_pearson": 76.28374455431411, + "euclidean_spearman": 76.81750749576634, + "main_score": 76.81750749576634, + "manhattan_pearson": 76.22730912471911, + "manhattan_spearman": 76.76337659370503, + "pearson": 75.8217088748812, + "spearman": 76.81750749576634 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/STS14.json b/results/minishlab__potion-base-4M/external/STS14.json new file mode 100644 index 000000000..4cff13beb --- /dev/null +++ b/results/minishlab__potion-base-4M/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 75.44045207503216, + "cosine_spearman": 70.98200491385815, + "euclidean_pearson": 73.79528647452996, + "euclidean_spearman": 70.98200491385815, + "main_score": 70.98200491385815, + "manhattan_pearson": 74.00347105187919, + "manhattan_spearman": 71.15597425184266, + "pearson": 75.44045207503216, + "spearman": 70.98200491385815 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/STS15.json b/results/minishlab__potion-base-4M/external/STS15.json new file mode 100644 index 000000000..eb4fff085 --- /dev/null +++ b/results/minishlab__potion-base-4M/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 77.94210244961548, + "cosine_spearman": 78.66432028882325, + "euclidean_pearson": 78.35289467379204, + "euclidean_spearman": 78.66432028882325, + "main_score": 78.66432028882325, + "manhattan_pearson": 78.28424867038663, + "manhattan_spearman": 78.58719353431712, + "pearson": 77.94210244961548, + "spearman": 78.66432028882325 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/STS16.json b/results/minishlab__potion-base-4M/external/STS16.json new file mode 100644 index 000000000..b83451ce2 --- /dev/null +++ b/results/minishlab__potion-base-4M/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 74.09988267613177, + "cosine_spearman": 75.09842774068727, + "euclidean_pearson": 74.68409526331901, + "euclidean_spearman": 75.09842774068727, + "main_score": 75.09842774068727, + "manhattan_pearson": 74.59031379824495, + "manhattan_spearman": 75.02693979965505, + "pearson": 74.09988267613177, + "spearman": 75.09842774068727 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/STS17.json b/results/minishlab__potion-base-4M/external/STS17.json new file mode 100644 index 000000000..9df676ff6 --- /dev/null +++ b/results/minishlab__potion-base-4M/external/STS17.json @@ -0,0 +1,137 @@ +{ + "dataset_revision": "faeb762787bd10488a50c8b5be4a3b82e411949c", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-tr", + "languages": [ + "eng-Latn", + "tur-Latn" + ], + "cosine_pearson": 14.399972034167586, + "cosine_spearman": 11.974036233167949, + "euclidean_pearson": 14.485293885486817, + "euclidean_spearman": 11.974036233167949, + "main_score": 11.974036233167949, + "manhattan_pearson": 13.719281545868167, + "manhattan_spearman": 11.030737066771716, + "pearson": 14.399972034167586, + "spearman": 11.974036233167949 + }, + { + "hf_subset": "en-ar", + "languages": [ + "eng-Latn", + "ara-Arab" + ], + "cosine_pearson": 0.48735904843064204, + "cosine_spearman": -0.5586853869425744, + "euclidean_pearson": 0.6087049823875109, + "euclidean_spearman": -0.5586853869425744, + "main_score": -0.5586853869425744, + "manhattan_pearson": -5.604629753019841, + "manhattan_spearman": -6.156533065413701, + "pearson": 0.48735904843064204, + "spearman": -0.5586853869425744 + }, + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 83.08779566633636, + "cosine_spearman": 84.49159199501017, + "euclidean_pearson": 83.5601221620653, + "euclidean_spearman": 84.49159199501017, + "main_score": 84.49159199501017, + "manhattan_pearson": 83.66974922388209, + "manhattan_spearman": 84.69728258948982, + "pearson": 83.08779566633636, + "spearman": 84.49159199501017 + }, + { + "hf_subset": "nl-en", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "cosine_pearson": 28.253544786263518, + "cosine_spearman": 24.619138389390237, + "euclidean_pearson": 28.492064397709616, + "euclidean_spearman": 24.619138389390237, + "main_score": 24.619138389390237, + "manhattan_pearson": 30.135975855905052, + "manhattan_spearman": 25.508286051679313, + "pearson": 28.253544786263518, + "spearman": 24.619138389390237 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "cosine_pearson": 32.599578555181466, + "cosine_spearman": 31.33358514527386, + "euclidean_pearson": 32.613214551816796, + "euclidean_spearman": 31.33358514527386, + "main_score": 31.33358514527386, + "manhattan_pearson": 32.25686415499878, + "manhattan_spearman": 29.668763682572735, + "pearson": 32.599578555181466, + "spearman": 31.33358514527386 + }, + { + "hf_subset": "it-en", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "cosine_pearson": 23.75577872956453, + "cosine_spearman": 21.321554136347544, + "euclidean_pearson": 23.28498966277531, + "euclidean_spearman": 21.321554136347544, + "main_score": 21.321554136347544, + "manhattan_pearson": 21.83738887582424, + "manhattan_spearman": 18.096121115941422, + "pearson": 23.75577872956453, + "spearman": 21.321554136347544 + }, + { + "hf_subset": "en-de", + "languages": [ + "eng-Latn", + "deu-Latn" + ], + "cosine_pearson": 27.69563703760355, + "cosine_spearman": 24.76336397535317, + "euclidean_pearson": 28.070464936235396, + "euclidean_spearman": 24.76336397535317, + "main_score": 24.76336397535317, + "manhattan_pearson": 29.820923974737546, + "manhattan_spearman": 27.812820254677657, + "pearson": 27.69563703760355, + "spearman": 24.76336397535317 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cosine_pearson": 16.346177540651276, + "cosine_spearman": 13.601344161361006, + "euclidean_pearson": 16.494437424874043, + "euclidean_spearman": 13.601344161361006, + "main_score": 13.601344161361006, + "manhattan_pearson": 14.109457511241242, + "manhattan_spearman": 13.157710082543057, + "pearson": 16.346177540651276, + "spearman": 13.601344161361006 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/STS22.json b/results/minishlab__potion-base-4M/external/STS22.json new file mode 100644 index 000000000..33727ba11 --- /dev/null +++ b/results/minishlab__potion-base-4M/external/STS22.json @@ -0,0 +1,89 @@ +{ + "dataset_revision": "de9d86b3b84231dc21f76c7b7af1f28e2f57f6e3", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "pl-en", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "cosine_pearson": 8.721258908976726, + "cosine_spearman": 18.35245351814682, + "euclidean_pearson": 6.733168292100376, + "euclidean_spearman": 18.35245351814682, + "main_score": 18.35245351814682, + "manhattan_pearson": 10.48470979974683, + "manhattan_spearman": 23.301312684266456, + "pearson": 8.721258908976726, + "spearman": 18.35245351814682 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "cosine_pearson": 11.49126181142697, + "cosine_spearman": 16.21762340764813, + "euclidean_pearson": 10.421413269548768, + "euclidean_spearman": 16.15075860419545, + "main_score": 16.21762340764813, + "manhattan_pearson": 14.305549482593522, + "manhattan_spearman": 18.371358872490433, + "pearson": 11.49126181142697, + "spearman": 16.21762340764813 + }, + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "cosine_pearson": 26.168037910219216, + "cosine_spearman": 31.68384203851073, + "euclidean_pearson": 25.745626390764293, + "euclidean_spearman": 31.677361748737955, + "main_score": 31.68384203851073, + "manhattan_pearson": 25.87013667642989, + "manhattan_spearman": 34.71610605034525, + "pearson": 26.168037910219216, + "spearman": 31.68384203851073 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cosine_pearson": 9.071484790364082, + "cosine_spearman": 9.726488833098573, + "euclidean_pearson": 8.563790512620805, + "euclidean_spearman": 9.741694852789207, + "main_score": 9.726488833098573, + "manhattan_pearson": 6.653824957307301, + "manhattan_spearman": 7.550086762351419, + "pearson": 9.071484790364082, + "spearman": 9.726488833098573 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 58.835618895152855, + "cosine_spearman": 63.35773898104199, + "euclidean_pearson": 62.348443804922525, + "euclidean_spearman": 63.35773898104199, + "main_score": 63.35773898104199, + "manhattan_pearson": 62.7037835433589, + "manhattan_spearman": 62.86339756370198, + "pearson": 58.835618895152855, + "spearman": 63.35773898104199 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/STSBenchmark.json b/results/minishlab__potion-base-4M/external/STSBenchmark.json new file mode 100644 index 000000000..4927c91a5 --- /dev/null +++ b/results/minishlab__potion-base-4M/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 75.85762627227177, + "cosine_spearman": 74.28444387078392, + "euclidean_pearson": 76.14631470926992, + "euclidean_spearman": 74.28444387078392, + "main_score": 74.28444387078392, + "manhattan_pearson": 76.29026607759047, + "manhattan_spearman": 74.36833261994545, + "pearson": 75.85762627227177, + "spearman": 74.28444387078392 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/SciDocsRR.json b/results/minishlab__potion-base-4M/external/SciDocsRR.json new file mode 100644 index 000000000..acde41d20 --- /dev/null +++ b/results/minishlab__potion-base-4M/external/SciDocsRR.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 70.28519419296406, + "map": 70.28519419296406, + "mrr": 89.42476278260591, + "nAUC_map_diff1": 9.174758618691703, + "nAUC_map_max": 56.09564435538077, + "nAUC_map_std": 67.85518368829582, + "nAUC_mrr_diff1": 43.619263369174874, + "nAUC_mrr_max": 74.99462642243834, + "nAUC_mrr_std": 71.03708831031823 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/SciFact.json b/results/minishlab__potion-base-4M/external/SciFact.json new file mode 100644 index 000000000..ebd55ce54 --- /dev/null +++ b/results/minishlab__potion-base-4M/external/SciFact.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 46.039, + "map_at_1": 32.833, + "map_at_10": 41.073, + "map_at_100": 42.055, + "map_at_1000": 42.115, + "map_at_20": 41.577, + "map_at_3": 38.181, + "map_at_5": 39.939, + "mrr_at_1": 34.66666666666667, + "mrr_at_10": 42.69973544973544, + "mrr_at_100": 43.50094990516196, + "mrr_at_1000": 43.55518326135714, + "mrr_at_20": 43.09661278264219, + "mrr_at_3": 40.055555555555536, + "mrr_at_5": 41.755555555555546, + "nauc_map_at_1000_diff1": 45.428609740785745, + "nauc_map_at_1000_max": 37.543057127562015, + "nauc_map_at_1000_std": 2.996790610257377, + "nauc_map_at_100_diff1": 45.41655665365538, + "nauc_map_at_100_max": 37.55142170311717, + "nauc_map_at_100_std": 3.021634986612468, + "nauc_map_at_10_diff1": 45.28151352698938, + "nauc_map_at_10_max": 37.15161941800589, + "nauc_map_at_10_std": 2.1466882062165955, + "nauc_map_at_1_diff1": 46.886698245684144, + "nauc_map_at_1_max": 34.23436427795755, + "nauc_map_at_1_std": -1.63247086935568, + "nauc_map_at_20_diff1": 45.323443483378334, + "nauc_map_at_20_max": 37.360033627177806, + "nauc_map_at_20_std": 2.5814764857730226, + "nauc_map_at_3_diff1": 46.42738772300192, + "nauc_map_at_3_max": 34.91781909311709, + "nauc_map_at_3_std": 0.7407858981306185, + "nauc_map_at_5_diff1": 45.56095939652318, + "nauc_map_at_5_max": 36.42349927345809, + "nauc_map_at_5_std": 1.5882842990321877, + "nauc_mrr_at_1000_diff1": 46.619194210193115, + "nauc_mrr_at_1000_max": 39.58593846571098, + "nauc_mrr_at_1000_std": 6.871860120606581, + "nauc_mrr_at_100_diff1": 46.60992557885071, + "nauc_mrr_at_100_max": 39.59384195719456, + "nauc_mrr_at_100_std": 6.913799322671517, + "nauc_mrr_at_10_diff1": 46.49797118603073, + "nauc_mrr_at_10_max": 39.50640104704752, + "nauc_mrr_at_10_std": 6.508999197821892, + "nauc_mrr_at_1_diff1": 49.3185659952106, + "nauc_mrr_at_1_max": 36.96867516551628, + "nauc_mrr_at_1_std": 3.2209642203127, + "nauc_mrr_at_20_diff1": 46.57642255869317, + "nauc_mrr_at_20_max": 39.57536672051077, + "nauc_mrr_at_20_std": 6.686866161626959, + "nauc_mrr_at_3_diff1": 47.71472878192224, + "nauc_mrr_at_3_max": 37.84645732330119, + "nauc_mrr_at_3_std": 5.794681287411272, + "nauc_mrr_at_5_diff1": 46.88419733444017, + "nauc_mrr_at_5_max": 38.93781880268596, + "nauc_mrr_at_5_std": 5.995326077656308, + "nauc_ndcg_at_1000_diff1": 44.62859803359441, + "nauc_ndcg_at_1000_max": 40.04051001437065, + "nauc_ndcg_at_1000_std": 7.077880529469134, + "nauc_ndcg_at_100_diff1": 44.27396584172457, + "nauc_ndcg_at_100_max": 40.45032063067928, + "nauc_ndcg_at_100_std": 8.295284232687681, + "nauc_ndcg_at_10_diff1": 44.12502453790537, + "nauc_ndcg_at_10_max": 39.397967545534506, + "nauc_ndcg_at_10_std": 5.154810286641697, + "nauc_ndcg_at_1_diff1": 49.3185659952106, + "nauc_ndcg_at_1_max": 36.96867516551628, + "nauc_ndcg_at_1_std": 3.2209642203127, + "nauc_ndcg_at_20_diff1": 44.36600328826306, + "nauc_ndcg_at_20_max": 39.81785860876702, + "nauc_ndcg_at_20_std": 6.377952248139375, + "nauc_ndcg_at_3_diff1": 46.48606615048381, + "nauc_ndcg_at_3_max": 35.70009304999929, + "nauc_ndcg_at_3_std": 3.154595246639392, + "nauc_ndcg_at_5_diff1": 44.904178071715464, + "nauc_ndcg_at_5_max": 37.949117517935456, + "nauc_ndcg_at_5_std": 3.8124217549794093, + "nauc_precision_at_1000_diff1": -0.8300581285183218, + "nauc_precision_at_1000_max": 31.934010990018514, + "nauc_precision_at_1000_std": 47.92943894671857, + "nauc_precision_at_100_diff1": 14.358545370047567, + "nauc_precision_at_100_max": 43.205762751248905, + "nauc_precision_at_100_std": 44.94248867201113, + "nauc_precision_at_10_diff1": 32.758240141259556, + "nauc_precision_at_10_max": 46.157053168530545, + "nauc_precision_at_10_std": 21.028300961349817, + "nauc_precision_at_1_diff1": 49.3185659952106, + "nauc_precision_at_1_max": 36.96867516551628, + "nauc_precision_at_1_std": 3.2209642203127, + "nauc_precision_at_20_diff1": 29.999274269632952, + "nauc_precision_at_20_max": 46.11250433422294, + "nauc_precision_at_20_std": 27.805552643674424, + "nauc_precision_at_3_diff1": 44.76807259977309, + "nauc_precision_at_3_max": 39.34948953284521, + "nauc_precision_at_3_std": 12.711560276374097, + "nauc_precision_at_5_diff1": 39.43498516172891, + "nauc_precision_at_5_max": 44.48289868527945, + "nauc_precision_at_5_std": 16.414112107697655, + "nauc_recall_at_1000_diff1": 26.98339178190966, + "nauc_recall_at_1000_max": 65.3524927031179, + "nauc_recall_at_1000_std": 34.59530793944871, + "nauc_recall_at_100_diff1": 33.663296786200256, + "nauc_recall_at_100_max": 53.06676443361575, + "nauc_recall_at_100_std": 35.88980433138387, + "nauc_recall_at_10_diff1": 38.095698552275756, + "nauc_recall_at_10_max": 43.21866470802114, + "nauc_recall_at_10_std": 10.055255790665134, + "nauc_recall_at_1_diff1": 46.886698245684144, + "nauc_recall_at_1_max": 34.23436427795755, + "nauc_recall_at_1_std": -1.63247086935568, + "nauc_recall_at_20_diff1": 39.0968003991353, + "nauc_recall_at_20_max": 45.126688167134404, + "nauc_recall_at_20_std": 15.411347479962858, + "nauc_recall_at_3_diff1": 45.02281186238651, + "nauc_recall_at_3_max": 33.51469893830599, + "nauc_recall_at_3_std": 4.0471017429782385, + "nauc_recall_at_5_diff1": 40.702224348966396, + "nauc_recall_at_5_max": 38.8291162721674, + "nauc_recall_at_5_std": 5.599714100970187, + "ndcg_at_1": 34.666999999999994, + "ndcg_at_10": 46.039, + "ndcg_at_100": 50.88, + "ndcg_at_1000": 52.516, + "ndcg_at_20": 47.615, + "ndcg_at_3": 40.425, + "ndcg_at_5": 43.444, + "precision_at_1": 34.666999999999994, + "precision_at_10": 6.6000000000000005, + "precision_at_100": 0.9400000000000001, + "precision_at_1000": 0.108, + "precision_at_20": 3.6670000000000003, + "precision_at_3": 16.111, + "precision_at_5": 11.333, + "recall_at_1": 32.833, + "recall_at_10": 59.955999999999996, + "recall_at_100": 82.89999999999999, + "recall_at_1000": 95.767, + "recall_at_20": 65.789, + "recall_at_3": 44.806000000000004, + "recall_at_5": 52.111 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/SprintDuplicateQuestions.json b/results/minishlab__potion-base-4M/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..61df5fa26 --- /dev/null +++ b/results/minishlab__potion-base-4M/external/SprintDuplicateQuestions.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 99.71188118811881, + "cosine_accuracy_threshold": 80.28961679083551, + "cosine_ap": 89.87404753184795, + "cosine_f1": 85.25088697415104, + "cosine_f1_threshold": 78.87657179254246, + "cosine_precision": 86.43371017471738, + "cosine_recall": 84.1, + "dot_accuracy": 99.71188118811881, + "dot_accuracy_threshold": 80.28961582816035, + "dot_ap": 89.87404753184795, + "dot_f1": 85.25088697415104, + "dot_f1_threshold": 78.87657197624056, + "dot_precision": 86.43371017471738, + "dot_recall": 84.1, + "euclidean_accuracy": 99.71188118811881, + "euclidean_accuracy_threshold": 62.785946440274465, + "euclidean_ap": 89.87404753184795, + "euclidean_f1": 85.25088697415104, + "euclidean_f1_threshold": 64.9975660049523, + "euclidean_precision": 86.43371017471738, + "euclidean_recall": 84.1, + "main_score": 89.87404753184795, + "manhattan_accuracy": 99.71782178217822, + "manhattan_accuracy_threshold": 571.5442430373514, + "manhattan_ap": 89.86667222138405, + "manhattan_f1": 85.3017019082001, + "manhattan_f1_threshold": 571.5442430373514, + "manhattan_precision": 88.07241746538871, + "manhattan_recall": 82.69999999999999, + "max_accuracy": 99.71782178217822, + "max_ap": 89.87404753184795, + "max_f1": 85.3017019082001, + "max_precision": 88.07241746538871, + "max_recall": 84.1, + "similarity_accuracy": 99.71188118811881, + "similarity_accuracy_threshold": 80.28961679083551, + "similarity_ap": 89.87404753184795, + "similarity_f1": 85.25088697415104, + "similarity_f1_threshold": 78.87657179254246, + "similarity_precision": 86.43371017471738, + "similarity_recall": 84.1 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/StackExchangeClustering.json b/results/minishlab__potion-base-4M/external/StackExchangeClustering.json new file mode 100644 index 000000000..7207704a1 --- /dev/null +++ b/results/minishlab__potion-base-4M/external/StackExchangeClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 45.28623588344632, + "v_measure": 45.28623588344632, + "v_measure_std": 3.699756512710844 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/StackExchangeClusteringP2P.json b/results/minishlab__potion-base-4M/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..51a76f933 --- /dev/null +++ b/results/minishlab__potion-base-4M/external/StackExchangeClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 31.36188637863386, + "v_measure": 31.36188637863386, + "v_measure_std": 1.479842367330655 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/StackOverflowDupQuestions.json b/results/minishlab__potion-base-4M/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..8893a5063 --- /dev/null +++ b/results/minishlab__potion-base-4M/external/StackOverflowDupQuestions.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 41.90071199374392, + "map": 41.90071199374392, + "mrr": 42.24937133944486, + "nAUC_map_diff1": 34.56201480309732, + "nAUC_map_max": 13.244556287676348, + "nAUC_map_std": 4.280183327551114, + "nAUC_mrr_diff1": 33.70148851327892, + "nAUC_mrr_max": 14.254825331290972, + "nAUC_mrr_std": 4.529615444769097 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/SummEval.json b/results/minishlab__potion-base-4M/external/SummEval.json new file mode 100644 index 000000000..0af55e739 --- /dev/null +++ b/results/minishlab__potion-base-4M/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 30.390849690222034, + "cosine_spearman": 28.891662569282467, + "dot_pearson": 30.390849348187416, + "dot_spearman": 28.798804320984324, + "main_score": 28.891662569282467, + "pearson": 30.390849690222034, + "spearman": 28.891662569282467 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/TRECCOVID.json b/results/minishlab__potion-base-4M/external/TRECCOVID.json new file mode 100644 index 000000000..7d7564057 --- /dev/null +++ b/results/minishlab__potion-base-4M/external/TRECCOVID.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "bb9466bac8153a0349341eb1b22e06409e78ef4e", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 43.236000000000004, + "map_at_1": 0.145, + "map_at_10": 0.9209999999999999, + "map_at_100": 4.718, + "map_at_1000": 11.262, + "map_at_20": 1.637, + "map_at_3": 0.35000000000000003, + "map_at_5": 0.532, + "mrr_at_1": 62.0, + "mrr_at_10": 69.40238095238095, + "mrr_at_100": 69.55750915750914, + "mrr_at_1000": 69.59003822688032, + "mrr_at_20": 69.40238095238095, + "mrr_at_3": 67.66666666666667, + "mrr_at_5": 67.66666666666667, + "nauc_map_at_1000_diff1": -0.9866281041682196, + "nauc_map_at_1000_max": 31.12085608035618, + "nauc_map_at_1000_std": 53.009123272875236, + "nauc_map_at_100_diff1": -10.423991731052672, + "nauc_map_at_100_max": 21.253437633464, + "nauc_map_at_100_std": 28.44817556481647, + "nauc_map_at_10_diff1": 0.9108503211560519, + "nauc_map_at_10_max": 24.561084063694974, + "nauc_map_at_10_std": 18.05662846072466, + "nauc_map_at_1_diff1": 2.163025554719988, + "nauc_map_at_1_max": 4.173360349606284, + "nauc_map_at_1_std": 3.8151957830662955, + "nauc_map_at_20_diff1": -3.5278217716407774, + "nauc_map_at_20_max": 21.530434946303384, + "nauc_map_at_20_std": 17.503504606889667, + "nauc_map_at_3_diff1": -5.37288514415413, + "nauc_map_at_3_max": 19.159151414876334, + "nauc_map_at_3_std": 10.438553350197065, + "nauc_map_at_5_diff1": 0.2040960199712178, + "nauc_map_at_5_max": 20.989057156573026, + "nauc_map_at_5_std": 12.31339487014647, + "nauc_mrr_at_1000_diff1": 16.231982255141002, + "nauc_mrr_at_1000_max": 22.157032073031953, + "nauc_mrr_at_1000_std": 17.25244660114329, + "nauc_mrr_at_100_diff1": 16.291634278945995, + "nauc_mrr_at_100_max": 22.111932462460885, + "nauc_mrr_at_100_std": 17.175937439333218, + "nauc_mrr_at_10_diff1": 15.916829499802285, + "nauc_mrr_at_10_max": 22.02196974730754, + "nauc_mrr_at_10_std": 17.095811543787327, + "nauc_mrr_at_1_diff1": 13.58643817493768, + "nauc_mrr_at_1_max": 21.816447712518837, + "nauc_mrr_at_1_std": 17.924499276989756, + "nauc_mrr_at_20_diff1": 15.916829499802285, + "nauc_mrr_at_20_max": 22.02196974730754, + "nauc_mrr_at_20_std": 17.095811543787327, + "nauc_mrr_at_3_diff1": 16.861922990056758, + "nauc_mrr_at_3_max": 23.67224734912763, + "nauc_mrr_at_3_std": 18.77182517851052, + "nauc_mrr_at_5_diff1": 16.861922990056758, + "nauc_mrr_at_5_max": 23.67224734912763, + "nauc_mrr_at_5_std": 18.77182517851052, + "nauc_ndcg_at_1000_diff1": -3.6322351354234277, + "nauc_ndcg_at_1000_max": 22.84735239467931, + "nauc_ndcg_at_1000_std": 47.101995953544375, + "nauc_ndcg_at_100_diff1": 1.2976318687207455, + "nauc_ndcg_at_100_max": 25.603883117672627, + "nauc_ndcg_at_100_std": 43.82225311236483, + "nauc_ndcg_at_10_diff1": 1.4385026341900742, + "nauc_ndcg_at_10_max": 26.983102845386192, + "nauc_ndcg_at_10_std": 30.974303592515234, + "nauc_ndcg_at_1_diff1": 11.626777860284411, + "nauc_ndcg_at_1_max": 19.944879191180636, + "nauc_ndcg_at_1_std": 17.19740675158504, + "nauc_ndcg_at_20_diff1": 0.7222731371858458, + "nauc_ndcg_at_20_max": 25.565239587362182, + "nauc_ndcg_at_20_std": 33.250012456509396, + "nauc_ndcg_at_3_diff1": -0.048425941543918084, + "nauc_ndcg_at_3_max": 31.34942513461199, + "nauc_ndcg_at_3_std": 23.849711658390376, + "nauc_ndcg_at_5_diff1": 2.7179781299699624, + "nauc_ndcg_at_5_max": 28.356065716200323, + "nauc_ndcg_at_5_std": 27.038595761090995, + "nauc_precision_at_1000_diff1": 8.820420006228579, + "nauc_precision_at_1000_max": 27.589962032103767, + "nauc_precision_at_1000_std": 55.91804871658855, + "nauc_precision_at_100_diff1": 1.861909084323091, + "nauc_precision_at_100_max": 24.679468330371577, + "nauc_precision_at_100_std": 46.971622410582256, + "nauc_precision_at_10_diff1": 0.9473942721845824, + "nauc_precision_at_10_max": 27.373995617238855, + "nauc_precision_at_10_std": 33.8121206014962, + "nauc_precision_at_1_diff1": 13.58643817493768, + "nauc_precision_at_1_max": 21.816447712518837, + "nauc_precision_at_1_std": 17.924499276989756, + "nauc_precision_at_20_diff1": -0.9496032133443041, + "nauc_precision_at_20_max": 25.09536129203218, + "nauc_precision_at_20_std": 34.94477064476087, + "nauc_precision_at_3_diff1": -1.6270834605287547, + "nauc_precision_at_3_max": 32.97922136068537, + "nauc_precision_at_3_std": 27.004090603821968, + "nauc_precision_at_5_diff1": 3.152498000145442, + "nauc_precision_at_5_max": 28.41066104283325, + "nauc_precision_at_5_std": 28.703367027852533, + "nauc_recall_at_1000_diff1": -6.851615969002735, + "nauc_recall_at_1000_max": 18.254946709759913, + "nauc_recall_at_1000_std": 44.660282645336395, + "nauc_recall_at_100_diff1": -15.060165572281289, + "nauc_recall_at_100_max": 14.287315673289354, + "nauc_recall_at_100_std": 24.585719052074662, + "nauc_recall_at_10_diff1": -0.5156087338678611, + "nauc_recall_at_10_max": 20.63199550876313, + "nauc_recall_at_10_std": 16.05339234192207, + "nauc_recall_at_1_diff1": 2.163025554719988, + "nauc_recall_at_1_max": 4.173360349606284, + "nauc_recall_at_1_std": 3.8151957830662955, + "nauc_recall_at_20_diff1": -7.154067602130297, + "nauc_recall_at_20_max": 15.224908904403495, + "nauc_recall_at_20_std": 12.626459111226785, + "nauc_recall_at_3_diff1": -3.619649071909071, + "nauc_recall_at_3_max": 18.4012808687954, + "nauc_recall_at_3_std": 7.9348810473575115, + "nauc_recall_at_5_diff1": 1.7480268902181528, + "nauc_recall_at_5_max": 18.308076072154737, + "nauc_recall_at_5_std": 8.189069818854295, + "ndcg_at_1": 56.00000000000001, + "ndcg_at_10": 43.236000000000004, + "ndcg_at_100": 32.002, + "ndcg_at_1000": 28.841, + "ndcg_at_20": 41.939, + "ndcg_at_3": 49.397000000000006, + "ndcg_at_5": 45.989000000000004, + "precision_at_1": 62.0, + "precision_at_10": 45.2, + "precision_at_100": 32.98, + "precision_at_1000": 13.654, + "precision_at_20": 44.6, + "precision_at_3": 52.0, + "precision_at_5": 48.0, + "recall_at_1": 0.145, + "recall_at_10": 1.095, + "recall_at_100": 7.23, + "recall_at_1000": 27.381, + "recall_at_20": 2.137, + "recall_at_3": 0.38, + "recall_at_5": 0.598 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/Touche2020.json b/results/minishlab__potion-base-4M/external/Touche2020.json new file mode 100644 index 000000000..902485cac --- /dev/null +++ b/results/minishlab__potion-base-4M/external/Touche2020.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 15.369, + "map_at_1": 0.624, + "map_at_10": 5.045999999999999, + "map_at_100": 9.263, + "map_at_1000": 10.685, + "map_at_20": 6.802999999999999, + "map_at_3": 2.096, + "map_at_5": 3.0540000000000003, + "mrr_at_1": 8.16326530612245, + "mrr_at_10": 27.867670877874957, + "mrr_at_100": 29.547080186435025, + "mrr_at_1000": 29.547080186435025, + "mrr_at_20": 29.159558218365945, + "mrr_at_3": 23.809523809523807, + "mrr_at_5": 26.462585034013603, + "nauc_map_at_1000_diff1": 1.0582929159944574, + "nauc_map_at_1000_max": -27.972526856689594, + "nauc_map_at_1000_std": -13.966866642399777, + "nauc_map_at_100_diff1": 1.6049379176721044, + "nauc_map_at_100_max": -27.93768261006475, + "nauc_map_at_100_std": -19.120569812088558, + "nauc_map_at_10_diff1": -4.551284011489953, + "nauc_map_at_10_max": -36.348822221003736, + "nauc_map_at_10_std": -25.310440699574926, + "nauc_map_at_1_diff1": -4.29133354793351, + "nauc_map_at_1_max": -33.683902237924606, + "nauc_map_at_1_std": -2.149083372866397, + "nauc_map_at_20_diff1": -2.4993677210093415, + "nauc_map_at_20_max": -34.56781126360638, + "nauc_map_at_20_std": -27.270046086050996, + "nauc_map_at_3_diff1": -8.863535339368541, + "nauc_map_at_3_max": -33.915423919314165, + "nauc_map_at_3_std": -20.931876097914717, + "nauc_map_at_5_diff1": -6.112924399379883, + "nauc_map_at_5_max": -35.51745928601429, + "nauc_map_at_5_std": -26.71283272416072, + "nauc_mrr_at_1000_diff1": -7.143214264658434, + "nauc_mrr_at_1000_max": -31.863746808733406, + "nauc_mrr_at_1000_std": -20.83112018798552, + "nauc_mrr_at_100_diff1": -7.143214264658434, + "nauc_mrr_at_100_max": -31.863746808733406, + "nauc_mrr_at_100_std": -20.83112018798552, + "nauc_mrr_at_10_diff1": -5.884787315885467, + "nauc_mrr_at_10_max": -30.635220886655258, + "nauc_mrr_at_10_std": -19.490662014520957, + "nauc_mrr_at_1_diff1": -19.87621826159222, + "nauc_mrr_at_1_max": -29.000455091255144, + "nauc_mrr_at_1_std": -14.74961781962394, + "nauc_mrr_at_20_diff1": -6.586786522775319, + "nauc_mrr_at_20_max": -31.762465562178672, + "nauc_mrr_at_20_std": -20.175801528907265, + "nauc_mrr_at_3_diff1": -7.379742423129064, + "nauc_mrr_at_3_max": -29.391649545988567, + "nauc_mrr_at_3_std": -21.55556068358554, + "nauc_mrr_at_5_diff1": -8.355170805869708, + "nauc_mrr_at_5_max": -31.372339495284457, + "nauc_mrr_at_5_std": -22.75382295756138, + "nauc_ndcg_at_1000_diff1": 11.109947409844976, + "nauc_ndcg_at_1000_max": -23.497394105384846, + "nauc_ndcg_at_1000_std": 10.33864673546571, + "nauc_ndcg_at_100_diff1": 10.309963888321153, + "nauc_ndcg_at_100_max": -29.80240939206779, + "nauc_ndcg_at_100_std": -12.225609266444376, + "nauc_ndcg_at_10_diff1": 1.0618079883003713, + "nauc_ndcg_at_10_max": -30.20694258627494, + "nauc_ndcg_at_10_std": -20.899235269598666, + "nauc_ndcg_at_1_diff1": -19.756295296761344, + "nauc_ndcg_at_1_max": -28.516727659678804, + "nauc_ndcg_at_1_std": -10.80797592567357, + "nauc_ndcg_at_20_diff1": 5.732615761799287, + "nauc_ndcg_at_20_max": -34.92333737881057, + "nauc_ndcg_at_20_std": -26.461162552758942, + "nauc_ndcg_at_3_diff1": -14.660143720588037, + "nauc_ndcg_at_3_max": -26.62064265146035, + "nauc_ndcg_at_3_std": -18.157487966395067, + "nauc_ndcg_at_5_diff1": -7.731517563034629, + "nauc_ndcg_at_5_max": -27.00395580552045, + "nauc_ndcg_at_5_std": -24.039383478902586, + "nauc_precision_at_1000_diff1": -4.030522868525787, + "nauc_precision_at_1000_max": 35.26062641499173, + "nauc_precision_at_1000_std": 56.17859102879932, + "nauc_precision_at_100_diff1": 4.666878915081701, + "nauc_precision_at_100_max": -6.403637691779489, + "nauc_precision_at_100_std": 11.07070377101311, + "nauc_precision_at_10_diff1": 0.05509998588231166, + "nauc_precision_at_10_max": -28.377648043763603, + "nauc_precision_at_10_std": -21.34157508908641, + "nauc_precision_at_1_diff1": -19.87621826159222, + "nauc_precision_at_1_max": -29.000455091255144, + "nauc_precision_at_1_std": -14.74961781962394, + "nauc_precision_at_20_diff1": 4.05836071238904, + "nauc_precision_at_20_max": -24.70626402704997, + "nauc_precision_at_20_std": -24.319709234669276, + "nauc_precision_at_3_diff1": -14.934997211713059, + "nauc_precision_at_3_max": -25.535532316716708, + "nauc_precision_at_3_std": -22.977374631751008, + "nauc_precision_at_5_diff1": -6.4331893193391405, + "nauc_precision_at_5_max": -24.72694882355003, + "nauc_precision_at_5_std": -27.54507044990821, + "nauc_recall_at_1000_diff1": 12.952574652534027, + "nauc_recall_at_1000_max": -19.55020441237283, + "nauc_recall_at_1000_std": 44.97172549500198, + "nauc_recall_at_100_diff1": 8.529360939874099, + "nauc_recall_at_100_max": -30.32863940847708, + "nauc_recall_at_100_std": -9.61948332450022, + "nauc_recall_at_10_diff1": 2.4975692103190292, + "nauc_recall_at_10_max": -38.15178448204205, + "nauc_recall_at_10_std": -25.119879013303205, + "nauc_recall_at_1_diff1": -4.29133354793351, + "nauc_recall_at_1_max": -33.683902237924606, + "nauc_recall_at_1_std": -2.149083372866397, + "nauc_recall_at_20_diff1": 6.812191596907528, + "nauc_recall_at_20_max": -38.779604712399255, + "nauc_recall_at_20_std": -31.097428703581365, + "nauc_recall_at_3_diff1": -5.858755837786076, + "nauc_recall_at_3_max": -36.38554330826264, + "nauc_recall_at_3_std": -27.587992095769547, + "nauc_recall_at_5_diff1": -2.4757070734304856, + "nauc_recall_at_5_max": -38.80369033497341, + "nauc_recall_at_5_std": -32.378290142635706, + "ndcg_at_1": 7.142999999999999, + "ndcg_at_10": 15.369, + "ndcg_at_100": 26.151999999999997, + "ndcg_at_1000": 38.553, + "ndcg_at_20": 17.325, + "ndcg_at_3": 13.944999999999999, + "ndcg_at_5": 14.565, + "precision_at_1": 8.163, + "precision_at_10": 16.735, + "precision_at_100": 6.223999999999999, + "precision_at_1000": 1.4200000000000002, + "precision_at_20": 13.776, + "precision_at_3": 17.687, + "precision_at_5": 17.959, + "recall_at_1": 0.624, + "recall_at_10": 11.723, + "recall_at_100": 38.072, + "recall_at_1000": 76.011, + "recall_at_20": 18.553, + "recall_at_3": 3.7379999999999995, + "recall_at_5": 6.2170000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/ToxicConversationsClassification.json b/results/minishlab__potion-base-4M/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..d4d6d5dfc --- /dev/null +++ b/results/minishlab__potion-base-4M/external/ToxicConversationsClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 67.724609375, + "ap": 12.118510465436508, + "ap_weighted": 12.118510465436508, + "f1": 51.502156902277044, + "f1_weighted": 74.90031680337547, + "main_score": 67.724609375 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/TweetSentimentExtractionClassification.json b/results/minishlab__potion-base-4M/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..2e61d230b --- /dev/null +++ b/results/minishlab__potion-base-4M/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 54.20486700622524, + "f1": 54.430757063175975, + "f1_weighted": 53.770651858268025, + "main_score": 54.20486700622524 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/TwentyNewsgroupsClustering.json b/results/minishlab__potion-base-4M/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..56f219e5c --- /dev/null +++ b/results/minishlab__potion-base-4M/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 31.416458059499856, + "v_measure": 31.416458059499856, + "v_measure_std": 1.7923550883286548 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/TwitterSemEval2015.json b/results/minishlab__potion-base-4M/external/TwitterSemEval2015.json new file mode 100644 index 000000000..25deef898 --- /dev/null +++ b/results/minishlab__potion-base-4M/external/TwitterSemEval2015.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 81.09912380044108, + "cosine_accuracy_threshold": 78.23829613291026, + "cosine_ap": 55.35060563890305, + "cosine_f1": 53.80317025886646, + "cosine_f1_threshold": 66.90525865927196, + "cosine_precision": 47.37899176541474, + "cosine_recall": 62.24274406332454, + "dot_accuracy": 81.09912380044108, + "dot_accuracy_threshold": 78.23829756344699, + "dot_ap": 55.35060534827081, + "dot_f1": 53.80317025886646, + "dot_f1_threshold": 66.90525431322651, + "dot_precision": 47.37899176541474, + "dot_recall": 62.24274406332454, + "euclidean_accuracy": 81.09912380044108, + "euclidean_accuracy_threshold": 65.97227331408025, + "euclidean_ap": 55.350603467922014, + "euclidean_f1": 53.80317025886646, + "euclidean_f1_threshold": 81.35691587916897, + "euclidean_precision": 47.37899176541474, + "euclidean_recall": 62.24274406332454, + "main_score": 55.411799272092175, + "manhattan_accuracy": 81.25409787208679, + "manhattan_accuracy_threshold": 593.7671894840605, + "manhattan_ap": 55.411799272092175, + "manhattan_f1": 53.751250416805604, + "manhattan_f1_threshold": 732.5377952336567, + "manhattan_precision": 46.43748799692721, + "manhattan_recall": 63.79947229551451, + "max_accuracy": 81.25409787208679, + "max_ap": 55.411799272092175, + "max_f1": 53.80317025886646, + "max_precision": 47.37899176541474, + "max_recall": 63.79947229551451, + "similarity_accuracy": 81.09912380044108, + "similarity_accuracy_threshold": 78.23829613291026, + "similarity_ap": 55.35060563890305, + "similarity_f1": 53.80317025886646, + "similarity_f1_threshold": 66.90525865927196, + "similarity_precision": 47.37899176541474, + "similarity_recall": 62.24274406332454 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/TwitterURLCorpus.json b/results/minishlab__potion-base-4M/external/TwitterURLCorpus.json new file mode 100644 index 000000000..56509ca6a --- /dev/null +++ b/results/minishlab__potion-base-4M/external/TwitterURLCorpus.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 86.66123336049986, + "cosine_accuracy_threshold": 65.02320188247097, + "cosine_ap": 80.81687896238907, + "cosine_f1": 73.12032134380135, + "cosine_f1_threshold": 58.973089149680625, + "cosine_precision": 69.54226574980899, + "cosine_recall": 77.08654142285187, + "dot_accuracy": 86.66123336049986, + "dot_accuracy_threshold": 65.02319875482263, + "dot_ap": 80.81688006755317, + "dot_f1": 73.12032134380135, + "dot_f1_threshold": 58.97308824803296, + "dot_precision": 69.54226574980899, + "dot_recall": 77.08654142285187, + "euclidean_accuracy": 86.66123336049986, + "euclidean_accuracy_threshold": 83.63826448345795, + "euclidean_ap": 80.8168799506033, + "euclidean_f1": 73.12032134380135, + "euclidean_f1_threshold": 90.58356387644642, + "euclidean_precision": 69.54226574980899, + "euclidean_recall": 77.08654142285187, + "main_score": 80.81688006755317, + "manhattan_accuracy": 86.5564481701401, + "manhattan_accuracy_threshold": 762.9837047696128, + "manhattan_ap": 80.69253277787045, + "manhattan_f1": 73.04996608636671, + "manhattan_f1_threshold": 792.7533836003931, + "manhattan_precision": 71.5350553505535, + "manhattan_recall": 74.63042808746535, + "max_accuracy": 86.66123336049986, + "max_ap": 80.81688006755317, + "max_f1": 73.12032134380135, + "max_precision": 71.5350553505535, + "max_recall": 77.08654142285187, + "similarity_accuracy": 86.66123336049986, + "similarity_accuracy_threshold": 65.02320188247097, + "similarity_ap": 80.81687896238907, + "similarity_f1": 73.12032134380135, + "similarity_f1_threshold": 58.973089149680625, + "similarity_precision": 69.54226574980899, + "similarity_recall": 77.08654142285187 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-4M/external/model_meta.json b/results/minishlab__potion-base-4M/external/model_meta.json new file mode 100644 index 000000000..9e63201b6 --- /dev/null +++ b/results/minishlab__potion-base-4M/external/model_meta.json @@ -0,0 +1,20 @@ +{ + "name": "minishlab/potion-base-4M", + "revision": "b93003fe0efc6761872dc4978937a6f1a63015d7", + "release_date": "2024-10-29", + "languages": [], + "loader": null, + "n_parameters": 3779584, + "memory_usage": null, + "max_tokens": 1000000, + "embed_dim": 128, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/AmazonCounterfactualClassification.json b/results/minishlab__potion-base-8M/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..0bff28b17 --- /dev/null +++ b/results/minishlab__potion-base-8M/external/AmazonCounterfactualClassification.json @@ -0,0 +1,34 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-ext", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.15142428785607, + "ap": 20.626102291010103, + "ap_weighted": 20.626102291010103, + "f1": 59.187001923736894, + "f1_weighted": 77.34906471545477, + "main_score": 72.15142428785607 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.7910447761194, + "ap": 33.038020188116036, + "ap_weighted": 33.038020188116036, + "f1": 65.03799728338926, + "f1_weighted": 74.32788084269461, + "main_score": 71.7910447761194 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/AmazonPolarityClassification.json b/results/minishlab__potion-base-8M/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..44715f941 --- /dev/null +++ b/results/minishlab__potion-base-8M/external/AmazonPolarityClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.47644999999999, + "ap": 66.91002822830875, + "ap_weighted": 66.91002822830875, + "f1": 72.2600863044581, + "f1_weighted": 72.2600863044581, + "main_score": 72.47644999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/AmazonReviewsClassification.json b/results/minishlab__potion-base-8M/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..b5f3a0307 --- /dev/null +++ b/results/minishlab__potion-base-8M/external/AmazonReviewsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 36.012, + "f1": 35.38209336470206, + "f1_weighted": 35.38209336470206, + "main_score": 36.012 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/ArguAna.json b/results/minishlab__potion-base-8M/external/ArguAna.json new file mode 100644 index 000000000..e175a0019 --- /dev/null +++ b/results/minishlab__potion-base-8M/external/ArguAna.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 41.966, + "map_at_1": 21.124000000000002, + "map_at_10": 34.335, + "map_at_100": 35.618, + "map_at_1000": 35.653, + "map_at_20": 35.21, + "map_at_3": 30.287, + "map_at_5": 32.364, + "mrr_at_1": 21.62162162162162, + "mrr_at_10": 34.509104969631224, + "mrr_at_100": 35.79229946325059, + "mrr_at_1000": 35.82767320968403, + "mrr_at_20": 35.38485605181455, + "mrr_at_3": 30.405405405405343, + "mrr_at_5": 32.539118065433755, + "nauc_map_at_1000_diff1": 7.960826255212609, + "nauc_map_at_1000_max": -0.036381315067780806, + "nauc_map_at_1000_std": 4.317766293607543, + "nauc_map_at_100_diff1": 7.96318422584977, + "nauc_map_at_100_max": -0.007800758201736421, + "nauc_map_at_100_std": 4.362078927714198, + "nauc_map_at_10_diff1": 7.718022643886373, + "nauc_map_at_10_max": -0.28312250079415263, + "nauc_map_at_10_std": 4.079196099329437, + "nauc_map_at_1_diff1": 9.240393281366906, + "nauc_map_at_1_max": -4.35798405693968, + "nauc_map_at_1_std": 1.5076565659508505, + "nauc_map_at_20_diff1": 8.028053857747947, + "nauc_map_at_20_max": 0.0719807687813251, + "nauc_map_at_20_std": 4.394812024847373, + "nauc_map_at_3_diff1": 7.953781299828595, + "nauc_map_at_3_max": -0.573072664182506, + "nauc_map_at_3_std": 3.110821611511372, + "nauc_map_at_5_diff1": 7.3135486297676415, + "nauc_map_at_5_max": -1.2456304709603878, + "nauc_map_at_5_std": 3.2332006196074805, + "nauc_mrr_at_1000_diff1": 6.511595076207588, + "nauc_mrr_at_1000_max": -0.4777573692286575, + "nauc_mrr_at_1000_std": 4.19518565742107, + "nauc_mrr_at_100_diff1": 6.515632481906436, + "nauc_mrr_at_100_max": -0.44877259463397945, + "nauc_mrr_at_100_std": 4.23945026873963, + "nauc_mrr_at_10_diff1": 6.325261150908693, + "nauc_mrr_at_10_max": -0.6968688229450172, + "nauc_mrr_at_10_std": 3.9631303923167294, + "nauc_mrr_at_1_diff1": 7.4844946822832785, + "nauc_mrr_at_1_max": -4.0195803039697315, + "nauc_mrr_at_1_std": 1.3908984330415426, + "nauc_mrr_at_20_diff1": 6.596479652899773, + "nauc_mrr_at_20_max": -0.3643520262705732, + "nauc_mrr_at_20_std": 4.273437423781988, + "nauc_mrr_at_3_diff1": 6.3669450211955745, + "nauc_mrr_at_3_max": -1.2252447747465325, + "nauc_mrr_at_3_std": 2.941708547001192, + "nauc_mrr_at_5_diff1": 5.907234785613739, + "nauc_mrr_at_5_max": -1.6860364992754489, + "nauc_mrr_at_5_std": 3.0737345356263406, + "nauc_ndcg_at_1000_diff1": 7.9706658500975704, + "nauc_ndcg_at_1000_max": 1.5533941879318276, + "nauc_ndcg_at_1000_std": 5.933724413159287, + "nauc_ndcg_at_100_diff1": 8.107414913432397, + "nauc_ndcg_at_100_max": 2.5869418793842778, + "nauc_ndcg_at_100_std": 7.322146884970876, + "nauc_ndcg_at_10_diff1": 7.669807780113455, + "nauc_ndcg_at_10_max": 1.886214180834648, + "nauc_ndcg_at_10_std": 6.055781567147952, + "nauc_ndcg_at_1_diff1": 9.240393281366906, + "nauc_ndcg_at_1_max": -4.35798405693968, + "nauc_ndcg_at_1_std": 1.5076565659508505, + "nauc_ndcg_at_20_diff1": 8.661303229272372, + "nauc_ndcg_at_20_max": 3.303174862536166, + "nauc_ndcg_at_20_std": 7.493758825967179, + "nauc_ndcg_at_3_diff1": 7.858281169135036, + "nauc_ndcg_at_3_max": 0.7079724865506055, + "nauc_ndcg_at_3_std": 3.7402042497720958, + "nauc_ndcg_at_5_diff1": 6.68694262946663, + "nauc_ndcg_at_5_max": -0.43002529778264326, + "nauc_ndcg_at_5_std": 3.9597009492387265, + "nauc_precision_at_1000_diff1": -28.217119971169463, + "nauc_precision_at_1000_max": 17.425278660692022, + "nauc_precision_at_1000_std": 46.7473304347162, + "nauc_precision_at_100_diff1": 8.738254686624805, + "nauc_precision_at_100_max": 32.88945783040687, + "nauc_precision_at_100_std": 48.42583030760342, + "nauc_precision_at_10_diff1": 7.873361516017592, + "nauc_precision_at_10_max": 9.802552072953949, + "nauc_precision_at_10_std": 13.506647301311148, + "nauc_precision_at_1_diff1": 9.240393281366906, + "nauc_precision_at_1_max": -4.35798405693968, + "nauc_precision_at_1_std": 1.5076565659508505, + "nauc_precision_at_20_diff1": 13.008220519097161, + "nauc_precision_at_20_max": 20.829507014709748, + "nauc_precision_at_20_std": 25.02998005000373, + "nauc_precision_at_3_diff1": 7.685752623087433, + "nauc_precision_at_3_max": 4.126629771323765, + "nauc_precision_at_3_std": 5.440817692025366, + "nauc_precision_at_5_diff1": 4.879990376967901, + "nauc_precision_at_5_max": 1.7076492862153407, + "nauc_precision_at_5_std": 6.009634283832547, + "nauc_recall_at_1000_diff1": -28.217119971166543, + "nauc_recall_at_1000_max": 17.425278660689965, + "nauc_recall_at_1000_std": 46.74733043471749, + "nauc_recall_at_100_diff1": 8.738254686625181, + "nauc_recall_at_100_max": 32.8894578304071, + "nauc_recall_at_100_std": 48.425830307603746, + "nauc_recall_at_10_diff1": 7.87336151601764, + "nauc_recall_at_10_max": 9.802552072953997, + "nauc_recall_at_10_std": 13.506647301311201, + "nauc_recall_at_1_diff1": 9.240393281366906, + "nauc_recall_at_1_max": -4.35798405693968, + "nauc_recall_at_1_std": 1.5076565659508505, + "nauc_recall_at_20_diff1": 13.008220519097097, + "nauc_recall_at_20_max": 20.82950701470975, + "nauc_recall_at_20_std": 25.02998005000377, + "nauc_recall_at_3_diff1": 7.685752623087458, + "nauc_recall_at_3_max": 4.126629771323791, + "nauc_recall_at_3_std": 5.440817692025401, + "nauc_recall_at_5_diff1": 4.879990376967856, + "nauc_recall_at_5_max": 1.7076492862153638, + "nauc_recall_at_5_std": 6.009634283832578, + "ndcg_at_1": 21.124000000000002, + "ndcg_at_10": 41.966, + "ndcg_at_100": 47.751, + "ndcg_at_1000": 48.635, + "ndcg_at_20": 45.08, + "ndcg_at_3": 33.505, + "ndcg_at_5": 37.266, + "precision_at_1": 21.124000000000002, + "precision_at_10": 6.643000000000001, + "precision_at_100": 0.9249999999999999, + "precision_at_1000": 0.099, + "precision_at_20": 3.93, + "precision_at_3": 14.296000000000001, + "precision_at_5": 10.413, + "recall_at_1": 21.124000000000002, + "recall_at_10": 66.43, + "recall_at_100": 92.461, + "recall_at_1000": 99.289, + "recall_at_20": 78.592, + "recall_at_3": 42.888, + "recall_at_5": 52.063 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/ArxivClusteringP2P.json b/results/minishlab__potion-base-8M/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..f365aa5c7 --- /dev/null +++ b/results/minishlab__potion-base-8M/external/ArxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 35.387660145946825, + "v_measure": 35.387660145946825, + "v_measure_std": 14.022525689022785 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/ArxivClusteringS2S.json b/results/minishlab__potion-base-8M/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..c4c9e2e5f --- /dev/null +++ b/results/minishlab__potion-base-8M/external/ArxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 25.26058942964131, + "v_measure": 25.26058942964131, + "v_measure_std": 14.850432186356857 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/AskUbuntuDupQuestions.json b/results/minishlab__potion-base-8M/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..db4570afe --- /dev/null +++ b/results/minishlab__potion-base-8M/external/AskUbuntuDupQuestions.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 54.13950871400633, + "map": 54.13950871400633, + "mrr": 68.87437892978059, + "nAUC_map_diff1": 3.489277672557011, + "nAUC_map_max": 15.848457273691064, + "nAUC_map_std": 5.166813098270773, + "nAUC_mrr_diff1": 4.9924344024669765, + "nAUC_mrr_max": 21.861692980537956, + "nAUC_mrr_std": 8.256966784037171 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/BIOSSES.json b/results/minishlab__potion-base-8M/external/BIOSSES.json new file mode 100644 index 000000000..da71aa71e --- /dev/null +++ b/results/minishlab__potion-base-8M/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 79.11612010879227, + "cosine_spearman": 75.85775256673794, + "euclidean_pearson": 77.46080265077437, + "euclidean_spearman": 75.85775256673794, + "main_score": 75.85775256673794, + "manhattan_pearson": 77.73191375456281, + "manhattan_spearman": 75.98908086034702, + "pearson": 79.11612010879227, + "spearman": 75.85775256673794 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/Banking77Classification.json b/results/minishlab__potion-base-8M/external/Banking77Classification.json new file mode 100644 index 000000000..ab84a9de6 --- /dev/null +++ b/results/minishlab__potion-base-8M/external/Banking77Classification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.63636363636363, + "f1": 71.69751597573539, + "f1_weighted": 71.69751597573539, + "main_score": 72.63636363636363 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/BiorxivClusteringP2P.json b/results/minishlab__potion-base-8M/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..3c60cd1fe --- /dev/null +++ b/results/minishlab__potion-base-8M/external/BiorxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 30.861840536151014, + "v_measure": 30.861840536151014, + "v_measure_std": 0.8096483751274005 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/BiorxivClusteringS2S.json b/results/minishlab__potion-base-8M/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..30835d6c3 --- /dev/null +++ b/results/minishlab__potion-base-8M/external/BiorxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 20.219544420664455, + "v_measure": 20.219544420664455, + "v_measure_std": 0.7431903039116942 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/CQADupstackAndroidRetrieval.json b/results/minishlab__potion-base-8M/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..c3e70b966 --- /dev/null +++ b/results/minishlab__potion-base-8M/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f46a197baaae43b4f621051089b82a364682dfeb", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 31.835, + "map_at_1": 19.939, + "map_at_10": 26.924, + "map_at_100": 28.16, + "map_at_1000": 28.316999999999997, + "map_at_20": 27.554000000000002, + "map_at_3": 24.45, + "map_at_5": 25.751, + "mrr_at_1": 25.894134477825464, + "mrr_at_10": 32.65152031246451, + "mrr_at_100": 33.58362210177363, + "mrr_at_1000": 33.66415578481638, + "mrr_at_20": 33.158616397714056, + "mrr_at_3": 30.51979017644255, + "mrr_at_5": 31.67143538388174, + "nauc_map_at_1000_diff1": 43.61649840733464, + "nauc_map_at_1000_max": 27.361709993841355, + "nauc_map_at_1000_std": -1.47509416166404, + "nauc_map_at_100_diff1": 43.63694784277137, + "nauc_map_at_100_max": 27.3675446795805, + "nauc_map_at_100_std": -1.4918015679743737, + "nauc_map_at_10_diff1": 43.85263484013946, + "nauc_map_at_10_max": 26.810142038619045, + "nauc_map_at_10_std": -1.9884710880957612, + "nauc_map_at_1_diff1": 48.66149039458694, + "nauc_map_at_1_max": 25.719796249226828, + "nauc_map_at_1_std": -3.291830544258096, + "nauc_map_at_20_diff1": 43.70511471916722, + "nauc_map_at_20_max": 27.211922285560092, + "nauc_map_at_20_std": -1.621254133243609, + "nauc_map_at_3_diff1": 45.678378884966854, + "nauc_map_at_3_max": 26.263363796878807, + "nauc_map_at_3_std": -3.067861673919005, + "nauc_map_at_5_diff1": 44.28820868486158, + "nauc_map_at_5_max": 27.02028586800064, + "nauc_map_at_5_std": -2.8993536712942554, + "nauc_mrr_at_1000_diff1": 41.91452307309703, + "nauc_mrr_at_1000_max": 28.25542784321284, + "nauc_mrr_at_1000_std": -1.2881473492995474, + "nauc_mrr_at_100_diff1": 41.887361041816355, + "nauc_mrr_at_100_max": 28.242674898536045, + "nauc_mrr_at_100_std": -1.2962789057617752, + "nauc_mrr_at_10_diff1": 41.839392429152184, + "nauc_mrr_at_10_max": 28.18109937160502, + "nauc_mrr_at_10_std": -1.760338307129395, + "nauc_mrr_at_1_diff1": 46.97337896088234, + "nauc_mrr_at_1_max": 28.47299575870196, + "nauc_mrr_at_1_std": -2.699423724792112, + "nauc_mrr_at_20_diff1": 41.87609128070427, + "nauc_mrr_at_20_max": 28.275298954521837, + "nauc_mrr_at_20_std": -1.3019240483529069, + "nauc_mrr_at_3_diff1": 43.7337496151517, + "nauc_mrr_at_3_max": 27.798267478018285, + "nauc_mrr_at_3_std": -2.840593072947404, + "nauc_mrr_at_5_diff1": 42.334483231228894, + "nauc_mrr_at_5_max": 28.312298246235912, + "nauc_mrr_at_5_std": -2.4627148837425574, + "nauc_ndcg_at_1000_diff1": 41.15727539315947, + "nauc_ndcg_at_1000_max": 28.221291832726013, + "nauc_ndcg_at_1000_std": 2.0023108110987686, + "nauc_ndcg_at_100_diff1": 40.696711368737986, + "nauc_ndcg_at_100_max": 28.3380433133816, + "nauc_ndcg_at_100_std": 1.6747741379499974, + "nauc_ndcg_at_10_diff1": 40.68084799209197, + "nauc_ndcg_at_10_max": 27.001668531808047, + "nauc_ndcg_at_10_std": -0.6698055635076909, + "nauc_ndcg_at_1_diff1": 46.97337896088234, + "nauc_ndcg_at_1_max": 28.47299575870196, + "nauc_ndcg_at_1_std": -2.699423724792112, + "nauc_ndcg_at_20_diff1": 40.66080469225681, + "nauc_ndcg_at_20_max": 27.65886977082646, + "nauc_ndcg_at_20_std": 0.7450066458769301, + "nauc_ndcg_at_3_diff1": 42.76104820392522, + "nauc_ndcg_at_3_max": 26.519613853147632, + "nauc_ndcg_at_3_std": -2.4350130293906034, + "nauc_ndcg_at_5_diff1": 41.019172353488194, + "nauc_ndcg_at_5_max": 27.496046368143357, + "nauc_ndcg_at_5_std": -2.2882580326645177, + "nauc_precision_at_1000_diff1": -14.261675661323125, + "nauc_precision_at_1000_max": -1.183805005826827, + "nauc_precision_at_1000_std": 3.344837871953594, + "nauc_precision_at_100_diff1": 2.705968352361474, + "nauc_precision_at_100_max": 15.123914801051598, + "nauc_precision_at_100_std": 6.622282531987529, + "nauc_precision_at_10_diff1": 21.143497652137974, + "nauc_precision_at_10_max": 22.754667045964673, + "nauc_precision_at_10_std": 2.56769270957959, + "nauc_precision_at_1_diff1": 46.97337896088234, + "nauc_precision_at_1_max": 28.47299575870196, + "nauc_precision_at_1_std": -2.699423724792112, + "nauc_precision_at_20_diff1": 15.750482341955857, + "nauc_precision_at_20_max": 22.860380841938827, + "nauc_precision_at_20_std": 4.22745838192582, + "nauc_precision_at_3_diff1": 35.61809209460161, + "nauc_precision_at_3_max": 27.0006337531976, + "nauc_precision_at_3_std": -1.4556398881692423, + "nauc_precision_at_5_diff1": 28.851808861899496, + "nauc_precision_at_5_max": 27.469054608601784, + "nauc_precision_at_5_std": -1.1421142808937477, + "nauc_recall_at_1000_diff1": 33.27567106545891, + "nauc_recall_at_1000_max": 30.098997951989325, + "nauc_recall_at_1000_std": 37.339251250157766, + "nauc_recall_at_100_diff1": 29.072377336992822, + "nauc_recall_at_100_max": 28.48476566182903, + "nauc_recall_at_100_std": 14.360417936748082, + "nauc_recall_at_10_diff1": 32.83564819819592, + "nauc_recall_at_10_max": 24.465508171060677, + "nauc_recall_at_10_std": 3.332253149508536, + "nauc_recall_at_1_diff1": 48.66149039458694, + "nauc_recall_at_1_max": 25.719796249226828, + "nauc_recall_at_1_std": -3.291830544258096, + "nauc_recall_at_20_diff1": 31.185350107155045, + "nauc_recall_at_20_max": 25.812923152751406, + "nauc_recall_at_20_std": 8.353054109145367, + "nauc_recall_at_3_diff1": 40.27297484569938, + "nauc_recall_at_3_max": 23.81327189620511, + "nauc_recall_at_3_std": -2.526830052534271, + "nauc_recall_at_5_diff1": 34.64896359382995, + "nauc_recall_at_5_max": 25.750218989139317, + "nauc_recall_at_5_std": -1.3789317138918638, + "ndcg_at_1": 25.894000000000002, + "ndcg_at_10": 31.835, + "ndcg_at_100": 37.325, + "ndcg_at_1000": 40.586, + "ndcg_at_20": 33.714, + "ndcg_at_3": 28.143, + "ndcg_at_5": 29.648999999999997, + "precision_at_1": 25.894000000000002, + "precision_at_10": 6.194999999999999, + "precision_at_100": 1.126, + "precision_at_1000": 0.173, + "precision_at_20": 3.7199999999999998, + "precision_at_3": 13.543, + "precision_at_5": 9.757, + "recall_at_1": 19.939, + "recall_at_10": 40.537, + "recall_at_100": 64.717, + "recall_at_1000": 87.01299999999999, + "recall_at_20": 47.677, + "recall_at_3": 29.301, + "recall_at_5": 33.918 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/CQADupstackEnglishRetrieval.json b/results/minishlab__potion-base-8M/external/CQADupstackEnglishRetrieval.json new file mode 100644 index 000000000..cf859c1ae --- /dev/null +++ b/results/minishlab__potion-base-8M/external/CQADupstackEnglishRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ad9991cb51e31e31e430383c75ffb2885547b5f0", + "task_name": "CQADupstackEnglishRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 25.734, + "map_at_1": 16.601, + "map_at_10": 22.07, + "map_at_100": 22.958000000000002, + "map_at_1000": 23.074, + "map_at_20": 22.52, + "map_at_3": 20.137, + "map_at_5": 21.315, + "mrr_at_1": 20.382165605095544, + "mrr_at_10": 25.95447881912849, + "mrr_at_100": 26.72268332839149, + "mrr_at_1000": 26.79228081014276, + "mrr_at_20": 26.372942687112676, + "mrr_at_3": 24.097664543524406, + "mrr_at_5": 25.269639065817373, + "nauc_map_at_1000_diff1": 39.97979443324452, + "nauc_map_at_1000_max": 13.65503993855689, + "nauc_map_at_1000_std": -2.0265680574493286, + "nauc_map_at_100_diff1": 40.04134376146643, + "nauc_map_at_100_max": 13.602473622919186, + "nauc_map_at_100_std": -2.1531627932652073, + "nauc_map_at_10_diff1": 40.321538712092966, + "nauc_map_at_10_max": 13.5001803982381, + "nauc_map_at_10_std": -2.628320244096416, + "nauc_map_at_1_diff1": 47.528556920568896, + "nauc_map_at_1_max": 15.848152314768068, + "nauc_map_at_1_std": -3.8515029742454763, + "nauc_map_at_20_diff1": 40.22452252482904, + "nauc_map_at_20_max": 13.501820277821633, + "nauc_map_at_20_std": -2.4849480670127835, + "nauc_map_at_3_diff1": 41.68152420395297, + "nauc_map_at_3_max": 13.993359536648425, + "nauc_map_at_3_std": -4.120472655476033, + "nauc_map_at_5_diff1": 40.72541498326932, + "nauc_map_at_5_max": 13.706855573979945, + "nauc_map_at_5_std": -3.168857069165899, + "nauc_mrr_at_1000_diff1": 37.9361528126572, + "nauc_mrr_at_1000_max": 14.435169065764649, + "nauc_mrr_at_1000_std": -0.3672502634006242, + "nauc_mrr_at_100_diff1": 37.94986436229442, + "nauc_mrr_at_100_max": 14.435994989813192, + "nauc_mrr_at_100_std": -0.37576385382293837, + "nauc_mrr_at_10_diff1": 38.11900316449423, + "nauc_mrr_at_10_max": 14.472293540608746, + "nauc_mrr_at_10_std": -0.43716209085613345, + "nauc_mrr_at_1_diff1": 44.21976115137286, + "nauc_mrr_at_1_max": 17.82290497090946, + "nauc_mrr_at_1_std": -1.547820761457578, + "nauc_mrr_at_20_diff1": 38.024147471792524, + "nauc_mrr_at_20_max": 14.385378851779368, + "nauc_mrr_at_20_std": -0.47797312999005215, + "nauc_mrr_at_3_diff1": 39.15186528374059, + "nauc_mrr_at_3_max": 15.21927102759239, + "nauc_mrr_at_3_std": -1.5215890424003806, + "nauc_mrr_at_5_diff1": 38.45626599850357, + "nauc_mrr_at_5_max": 14.640408888284732, + "nauc_mrr_at_5_std": -0.7311075454359176, + "nauc_ndcg_at_1000_diff1": 36.09833573033763, + "nauc_ndcg_at_1000_max": 13.245365815282575, + "nauc_ndcg_at_1000_std": 1.5761746506032988, + "nauc_ndcg_at_100_diff1": 36.904025539005644, + "nauc_ndcg_at_100_max": 12.957957928970645, + "nauc_ndcg_at_100_std": 0.4532239536005292, + "nauc_ndcg_at_10_diff1": 37.32497182133629, + "nauc_ndcg_at_10_max": 12.490853969491074, + "nauc_ndcg_at_10_std": -0.7416415504597471, + "nauc_ndcg_at_1_diff1": 44.21976115137286, + "nauc_ndcg_at_1_max": 17.82290497090946, + "nauc_ndcg_at_1_std": -1.547820761457578, + "nauc_ndcg_at_20_diff1": 37.28170904668032, + "nauc_ndcg_at_20_max": 12.268080858587759, + "nauc_ndcg_at_20_std": -0.7360183931126623, + "nauc_ndcg_at_3_diff1": 39.02888999235542, + "nauc_ndcg_at_3_max": 13.901334459489329, + "nauc_ndcg_at_3_std": -2.7172751935367647, + "nauc_ndcg_at_5_diff1": 38.02752207740974, + "nauc_ndcg_at_5_max": 13.02646174038431, + "nauc_ndcg_at_5_std": -1.609904028585218, + "nauc_precision_at_1000_diff1": -6.66757757004073, + "nauc_precision_at_1000_max": 9.0023204523236, + "nauc_precision_at_1000_std": 23.5060357363243, + "nauc_precision_at_100_diff1": 6.113195112414238, + "nauc_precision_at_100_max": 11.685619926894306, + "nauc_precision_at_100_std": 19.46517809799074, + "nauc_precision_at_10_diff1": 20.39466712905433, + "nauc_precision_at_10_max": 11.42898255449916, + "nauc_precision_at_10_std": 9.716462445452729, + "nauc_precision_at_1_diff1": 44.21976115137286, + "nauc_precision_at_1_max": 17.82290497090946, + "nauc_precision_at_1_std": -1.547820761457578, + "nauc_precision_at_20_diff1": 16.658730057271427, + "nauc_precision_at_20_max": 11.1652114440581, + "nauc_precision_at_20_std": 11.300027272107469, + "nauc_precision_at_3_diff1": 30.28030907617402, + "nauc_precision_at_3_max": 13.794055418422083, + "nauc_precision_at_3_std": 0.6048823642224063, + "nauc_precision_at_5_diff1": 25.663334758638058, + "nauc_precision_at_5_max": 12.249908938864056, + "nauc_precision_at_5_std": 5.0045410071189425, + "nauc_recall_at_1000_diff1": 21.220572448408245, + "nauc_recall_at_1000_max": 9.691420267810058, + "nauc_recall_at_1000_std": 12.85759827330056, + "nauc_recall_at_100_diff1": 28.21527141094479, + "nauc_recall_at_100_max": 9.83831880254868, + "nauc_recall_at_100_std": 5.435149253402134, + "nauc_recall_at_10_diff1": 30.716014201487262, + "nauc_recall_at_10_max": 8.051593782800182, + "nauc_recall_at_10_std": 0.4471610378184442, + "nauc_recall_at_1_diff1": 47.528556920568896, + "nauc_recall_at_1_max": 15.848152314768068, + "nauc_recall_at_1_std": -3.8515029742454763, + "nauc_recall_at_20_diff1": 29.800603042147905, + "nauc_recall_at_20_max": 7.042808403898776, + "nauc_recall_at_20_std": 0.8179034283502986, + "nauc_recall_at_3_diff1": 36.05311584515151, + "nauc_recall_at_3_max": 11.03138015792514, + "nauc_recall_at_3_std": -4.298332543889119, + "nauc_recall_at_5_diff1": 33.34542113435848, + "nauc_recall_at_5_max": 9.391429367517976, + "nauc_recall_at_5_std": -1.5174868347878459, + "ndcg_at_1": 20.382, + "ndcg_at_10": 25.734, + "ndcg_at_100": 29.952, + "ndcg_at_1000": 32.618, + "ndcg_at_20": 27.181, + "ndcg_at_3": 22.445999999999998, + "ndcg_at_5": 24.162, + "precision_at_1": 20.382, + "precision_at_10": 4.662, + "precision_at_100": 0.8580000000000001, + "precision_at_1000": 0.133, + "precision_at_20": 2.828, + "precision_at_3": 10.446, + "precision_at_5": 7.682, + "recall_at_1": 16.601, + "recall_at_10": 32.882, + "recall_at_100": 51.273, + "recall_at_1000": 69.33200000000001, + "recall_at_20": 38.22, + "recall_at_3": 23.54, + "recall_at_5": 28.054000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/CQADupstackGamingRetrieval.json b/results/minishlab__potion-base-8M/external/CQADupstackGamingRetrieval.json new file mode 100644 index 000000000..98f0f6fab --- /dev/null +++ b/results/minishlab__potion-base-8M/external/CQADupstackGamingRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "4885aa143210c98657558c04aaf3dc47cfb54340", + "task_name": "CQADupstackGamingRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 39.235, + "map_at_1": 25.386999999999997, + "map_at_10": 34.183, + "map_at_100": 35.198, + "map_at_1000": 35.292, + "map_at_20": 34.756, + "map_at_3": 31.466, + "map_at_5": 33.037, + "mrr_at_1": 29.404388714733543, + "mrr_at_10": 37.51880877742944, + "mrr_at_100": 38.30457109532953, + "mrr_at_1000": 38.3645245292866, + "mrr_at_20": 37.94776237222878, + "mrr_at_3": 35.15151515151513, + "mrr_at_5": 36.530825496342715, + "nauc_map_at_1000_diff1": 41.249973220934464, + "nauc_map_at_1000_max": 23.416302755877073, + "nauc_map_at_1000_std": -10.207899212437999, + "nauc_map_at_100_diff1": 41.24390045906369, + "nauc_map_at_100_max": 23.393682611799267, + "nauc_map_at_100_std": -10.254556576082482, + "nauc_map_at_10_diff1": 41.382354597936995, + "nauc_map_at_10_max": 23.176782265492363, + "nauc_map_at_10_std": -10.849718292221906, + "nauc_map_at_1_diff1": 45.39686265513208, + "nauc_map_at_1_max": 19.620871905273706, + "nauc_map_at_1_std": -12.904987428165654, + "nauc_map_at_20_diff1": 41.27244082919643, + "nauc_map_at_20_max": 23.302684773349597, + "nauc_map_at_20_std": -10.441842806985154, + "nauc_map_at_3_diff1": 41.8919220244127, + "nauc_map_at_3_max": 22.254220793423723, + "nauc_map_at_3_std": -12.130298439753705, + "nauc_map_at_5_diff1": 41.58025783631085, + "nauc_map_at_5_max": 22.90826213564573, + "nauc_map_at_5_std": -11.165811549758352, + "nauc_mrr_at_1000_diff1": 40.53152598499822, + "nauc_mrr_at_1000_max": 25.11227665851315, + "nauc_mrr_at_1000_std": -8.08741271282522, + "nauc_mrr_at_100_diff1": 40.51963005358264, + "nauc_mrr_at_100_max": 25.120293035347625, + "nauc_mrr_at_100_std": -8.08477757772673, + "nauc_mrr_at_10_diff1": 40.630254919734845, + "nauc_mrr_at_10_max": 25.192263018985, + "nauc_mrr_at_10_std": -8.343786686430308, + "nauc_mrr_at_1_diff1": 45.24802769641752, + "nauc_mrr_at_1_max": 22.81400229887994, + "nauc_mrr_at_1_std": -11.030374885452746, + "nauc_mrr_at_20_diff1": 40.527874579465404, + "nauc_mrr_at_20_max": 25.09785309228408, + "nauc_mrr_at_20_std": -8.178961300984005, + "nauc_mrr_at_3_diff1": 40.9982110047705, + "nauc_mrr_at_3_max": 24.89415486978485, + "nauc_mrr_at_3_std": -9.326777261347539, + "nauc_mrr_at_5_diff1": 40.80630420274428, + "nauc_mrr_at_5_max": 25.27575084878062, + "nauc_mrr_at_5_std": -8.546736722404525, + "nauc_ndcg_at_1000_diff1": 39.53378645935715, + "nauc_ndcg_at_1000_max": 25.526492849521226, + "nauc_ndcg_at_1000_std": -6.007063152931765, + "nauc_ndcg_at_100_diff1": 39.0880907026097, + "nauc_ndcg_at_100_max": 25.27434977919565, + "nauc_ndcg_at_100_std": -6.494059729717049, + "nauc_ndcg_at_10_diff1": 39.75643189392527, + "nauc_ndcg_at_10_max": 24.79335502116443, + "nauc_ndcg_at_10_std": -8.786781322519788, + "nauc_ndcg_at_1_diff1": 45.24802769641752, + "nauc_ndcg_at_1_max": 22.81400229887994, + "nauc_ndcg_at_1_std": -11.030374885452746, + "nauc_ndcg_at_20_diff1": 39.38115636990762, + "nauc_ndcg_at_20_max": 24.830948061340973, + "nauc_ndcg_at_20_std": -7.74514857483731, + "nauc_ndcg_at_3_diff1": 40.597424968913295, + "nauc_ndcg_at_3_max": 23.83761797284813, + "nauc_ndcg_at_3_std": -10.826014984199753, + "nauc_ndcg_at_5_diff1": 40.160243884240955, + "nauc_ndcg_at_5_max": 24.641005184802403, + "nauc_ndcg_at_5_std": -9.394573143721122, + "nauc_precision_at_1000_diff1": -0.26775483855404, + "nauc_precision_at_1000_max": 23.052779599626216, + "nauc_precision_at_1000_std": 24.978867586645737, + "nauc_precision_at_100_diff1": 9.73599417323489, + "nauc_precision_at_100_max": 26.664612833573067, + "nauc_precision_at_100_std": 15.747547424892522, + "nauc_precision_at_10_diff1": 25.384143998683495, + "nauc_precision_at_10_max": 28.77515164969203, + "nauc_precision_at_10_std": 1.334799782027906, + "nauc_precision_at_1_diff1": 45.24802769641752, + "nauc_precision_at_1_max": 22.81400229887994, + "nauc_precision_at_1_std": -11.030374885452746, + "nauc_precision_at_20_diff1": 20.21252517032333, + "nauc_precision_at_20_max": 28.092242647209847, + "nauc_precision_at_20_std": 7.13292725544981, + "nauc_precision_at_3_diff1": 33.31087126292084, + "nauc_precision_at_3_max": 28.144729235595268, + "nauc_precision_at_3_std": -6.680273865904818, + "nauc_precision_at_5_diff1": 29.65876394876068, + "nauc_precision_at_5_max": 29.35126830830009, + "nauc_precision_at_5_std": -1.6373943088766274, + "nauc_recall_at_1000_diff1": 28.93648565815677, + "nauc_recall_at_1000_max": 35.83681303333163, + "nauc_recall_at_1000_std": 33.065249002817446, + "nauc_recall_at_100_diff1": 27.743019102171594, + "nauc_recall_at_100_max": 28.027951033595023, + "nauc_recall_at_100_std": 9.499502949546343, + "nauc_recall_at_10_diff1": 33.975592980890205, + "nauc_recall_at_10_max": 25.654266106207007, + "nauc_recall_at_10_std": -4.889087003341999, + "nauc_recall_at_1_diff1": 45.39686265513208, + "nauc_recall_at_1_max": 19.620871905273706, + "nauc_recall_at_1_std": -12.904987428165654, + "nauc_recall_at_20_diff1": 32.428638046562156, + "nauc_recall_at_20_max": 25.811049662670854, + "nauc_recall_at_20_std": -1.084167664066214, + "nauc_recall_at_3_diff1": 36.80239523147669, + "nauc_recall_at_3_max": 23.70115293826517, + "nauc_recall_at_3_std": -10.179865917816631, + "nauc_recall_at_5_diff1": 35.481273082880385, + "nauc_recall_at_5_max": 25.22699895557444, + "nauc_recall_at_5_std": -6.928154160954265, + "ndcg_at_1": 29.404000000000003, + "ndcg_at_10": 39.235, + "ndcg_at_100": 44.072, + "ndcg_at_1000": 46.272999999999996, + "ndcg_at_20": 40.983000000000004, + "ndcg_at_3": 34.292, + "ndcg_at_5": 36.735, + "precision_at_1": 29.404000000000003, + "precision_at_10": 6.539000000000001, + "precision_at_100": 0.984, + "precision_at_1000": 0.125, + "precision_at_20": 3.752, + "precision_at_3": 15.423, + "precision_at_5": 10.984, + "recall_at_1": 25.386999999999997, + "recall_at_10": 51.256, + "recall_at_100": 73.53699999999999, + "recall_at_1000": 89.522, + "recall_at_20": 57.687, + "recall_at_3": 37.830999999999996, + "recall_at_5": 43.811 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/CQADupstackGisRetrieval.json b/results/minishlab__potion-base-8M/external/CQADupstackGisRetrieval.json new file mode 100644 index 000000000..bcaca0b16 --- /dev/null +++ b/results/minishlab__potion-base-8M/external/CQADupstackGisRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "5003b3064772da1887988e05400cf3806fe491f2", + "task_name": "CQADupstackGisRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 19.197, + "map_at_1": 10.832, + "map_at_10": 16.154, + "map_at_100": 16.863, + "map_at_1000": 16.979, + "map_at_20": 16.494, + "map_at_3": 14.654, + "map_at_5": 15.634, + "mrr_at_1": 11.751412429378531, + "mrr_at_10": 17.286476549188407, + "mrr_at_100": 18.019080515365157, + "mrr_at_1000": 18.122220740371624, + "mrr_at_20": 17.643986643881693, + "mrr_at_3": 15.70621468926553, + "mrr_at_5": 16.774011299435024, + "nauc_map_at_1000_diff1": 37.927063185916786, + "nauc_map_at_1000_max": 14.15651072891371, + "nauc_map_at_1000_std": -8.124962552251457, + "nauc_map_at_100_diff1": 37.93525025821844, + "nauc_map_at_100_max": 14.131523699537288, + "nauc_map_at_100_std": -8.170583771371396, + "nauc_map_at_10_diff1": 38.42813636094302, + "nauc_map_at_10_max": 14.282120499977891, + "nauc_map_at_10_std": -8.577031812934745, + "nauc_map_at_1_diff1": 51.66692699481996, + "nauc_map_at_1_max": 17.664646674047123, + "nauc_map_at_1_std": -11.782621031162968, + "nauc_map_at_20_diff1": 38.17853788871855, + "nauc_map_at_20_max": 14.256213676574742, + "nauc_map_at_20_std": -8.310926163301415, + "nauc_map_at_3_diff1": 40.16070984262913, + "nauc_map_at_3_max": 14.268693118841725, + "nauc_map_at_3_std": -9.133251481752447, + "nauc_map_at_5_diff1": 38.83714248320578, + "nauc_map_at_5_max": 14.547528919229999, + "nauc_map_at_5_std": -8.916871955060776, + "nauc_mrr_at_1000_diff1": 36.5899689047331, + "nauc_mrr_at_1000_max": 15.113884206534985, + "nauc_mrr_at_1000_std": -7.170934224974719, + "nauc_mrr_at_100_diff1": 36.58290352969189, + "nauc_mrr_at_100_max": 15.10461015425463, + "nauc_mrr_at_100_std": -7.193153133255972, + "nauc_mrr_at_10_diff1": 36.886787941126755, + "nauc_mrr_at_10_max": 15.127743773603711, + "nauc_mrr_at_10_std": -7.450354111586159, + "nauc_mrr_at_1_diff1": 50.4303551964735, + "nauc_mrr_at_1_max": 18.974353633454818, + "nauc_mrr_at_1_std": -10.667048661688531, + "nauc_mrr_at_20_diff1": 36.748056497939466, + "nauc_mrr_at_20_max": 15.240859680475241, + "nauc_mrr_at_20_std": -7.288016407850428, + "nauc_mrr_at_3_diff1": 38.37428302171742, + "nauc_mrr_at_3_max": 14.8093219575286, + "nauc_mrr_at_3_std": -7.809230035161326, + "nauc_mrr_at_5_diff1": 37.2144623683964, + "nauc_mrr_at_5_max": 15.28601324524152, + "nauc_mrr_at_5_std": -7.7340060832485, + "nauc_ndcg_at_1000_diff1": 32.12453348510246, + "nauc_ndcg_at_1000_max": 13.157455004954915, + "nauc_ndcg_at_1000_std": -4.92622356811411, + "nauc_ndcg_at_100_diff1": 32.06154877919635, + "nauc_ndcg_at_100_max": 12.373862596941047, + "nauc_ndcg_at_100_std": -5.679273924705311, + "nauc_ndcg_at_10_diff1": 34.0105889334877, + "nauc_ndcg_at_10_max": 13.45850179368671, + "nauc_ndcg_at_10_std": -7.129474197823981, + "nauc_ndcg_at_1_diff1": 50.4303551964735, + "nauc_ndcg_at_1_max": 18.974353633454818, + "nauc_ndcg_at_1_std": -10.667048661688531, + "nauc_ndcg_at_20_diff1": 33.17001669466592, + "nauc_ndcg_at_20_max": 13.32565385671001, + "nauc_ndcg_at_20_std": -6.284897809311489, + "nauc_ndcg_at_3_diff1": 36.583009335894786, + "nauc_ndcg_at_3_max": 13.3100798018976, + "nauc_ndcg_at_3_std": -8.166653842277874, + "nauc_ndcg_at_5_diff1": 34.663883470713714, + "nauc_ndcg_at_5_max": 13.925348847790179, + "nauc_ndcg_at_5_std": -7.8134139319246705, + "nauc_precision_at_1000_diff1": 3.267820129824429, + "nauc_precision_at_1000_max": 13.475739290072998, + "nauc_precision_at_1000_std": 9.817456700342868, + "nauc_precision_at_100_diff1": 14.543473928222502, + "nauc_precision_at_100_max": 9.536842145225432, + "nauc_precision_at_100_std": 2.367980716410962, + "nauc_precision_at_10_diff1": 22.83690357863953, + "nauc_precision_at_10_max": 12.377338528340081, + "nauc_precision_at_10_std": -2.7413618512966442, + "nauc_precision_at_1_diff1": 50.4303551964735, + "nauc_precision_at_1_max": 18.974353633454818, + "nauc_precision_at_1_std": -10.667048661688531, + "nauc_precision_at_20_diff1": 20.379974384537427, + "nauc_precision_at_20_max": 12.277432490519853, + "nauc_precision_at_20_std": -0.023357415290595228, + "nauc_precision_at_3_diff1": 28.00128059605776, + "nauc_precision_at_3_max": 12.115949162806704, + "nauc_precision_at_3_std": -5.111345494119332, + "nauc_precision_at_5_diff1": 23.931333166517064, + "nauc_precision_at_5_max": 13.460490076263444, + "nauc_precision_at_5_std": -4.566369591299022, + "nauc_recall_at_1000_diff1": 13.901980638817474, + "nauc_recall_at_1000_max": 8.169301488452522, + "nauc_recall_at_1000_std": 6.977530327014011, + "nauc_recall_at_100_diff1": 18.54699849728289, + "nauc_recall_at_100_max": 5.40051681338299, + "nauc_recall_at_100_std": -0.2998165893044503, + "nauc_recall_at_10_diff1": 25.158691029447162, + "nauc_recall_at_10_max": 10.698096715728344, + "nauc_recall_at_10_std": -4.90677955177619, + "nauc_recall_at_1_diff1": 51.66692699481996, + "nauc_recall_at_1_max": 17.664646674047123, + "nauc_recall_at_1_std": -11.782621031162968, + "nauc_recall_at_20_diff1": 22.315869507893193, + "nauc_recall_at_20_max": 9.799239845339486, + "nauc_recall_at_20_std": -2.255295176195769, + "nauc_recall_at_3_diff1": 30.21846457670379, + "nauc_recall_at_3_max": 10.958491456074727, + "nauc_recall_at_3_std": -6.746808382770713, + "nauc_recall_at_5_diff1": 26.24302256225738, + "nauc_recall_at_5_max": 11.682268465161725, + "nauc_recall_at_5_std": -6.292007648799524, + "ndcg_at_1": 11.751000000000001, + "ndcg_at_10": 19.197, + "ndcg_at_100": 23.159, + "ndcg_at_1000": 26.453, + "ndcg_at_20": 20.448, + "ndcg_at_3": 16.186, + "ndcg_at_5": 17.936, + "precision_at_1": 11.751000000000001, + "precision_at_10": 3.1189999999999998, + "precision_at_100": 0.54, + "precision_at_1000": 0.086, + "precision_at_20": 1.859, + "precision_at_3": 7.194000000000001, + "precision_at_5": 5.311, + "recall_at_1": 10.832, + "recall_at_10": 27.472, + "recall_at_100": 46.471000000000004, + "recall_at_1000": 71.91199999999999, + "recall_at_20": 32.213, + "recall_at_3": 19.417, + "recall_at_5": 23.577 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/CQADupstackMathematicaRetrieval.json b/results/minishlab__potion-base-8M/external/CQADupstackMathematicaRetrieval.json new file mode 100644 index 000000000..e5a254b4b --- /dev/null +++ b/results/minishlab__potion-base-8M/external/CQADupstackMathematicaRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "90fceea13679c63fe563ded68f3b6f06e50061de", + "task_name": "CQADupstackMathematicaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 12.145, + "map_at_1": 6.019, + "map_at_10": 9.584, + "map_at_100": 10.433, + "map_at_1000": 10.562000000000001, + "map_at_20": 10.024, + "map_at_3": 8.351, + "map_at_5": 9.005, + "mrr_at_1": 7.213930348258707, + "mrr_at_10": 11.619827450051332, + "mrr_at_100": 12.469229814971346, + "mrr_at_1000": 12.577286932589695, + "mrr_at_20": 12.072514356821353, + "mrr_at_3": 10.157545605306801, + "mrr_at_5": 10.89759535655058, + "nauc_map_at_1000_diff1": 18.60219400887139, + "nauc_map_at_1000_max": 6.951583595979727, + "nauc_map_at_1000_std": -0.36466683994108184, + "nauc_map_at_100_diff1": 18.660733139389524, + "nauc_map_at_100_max": 6.903072765131549, + "nauc_map_at_100_std": -0.48390217802549257, + "nauc_map_at_10_diff1": 18.573179595835647, + "nauc_map_at_10_max": 6.992666771720911, + "nauc_map_at_10_std": -0.8874423543023089, + "nauc_map_at_1_diff1": 33.90106432523568, + "nauc_map_at_1_max": 9.289205840089235, + "nauc_map_at_1_std": 2.1852128418717705, + "nauc_map_at_20_diff1": 18.334656889783485, + "nauc_map_at_20_max": 6.931684308001437, + "nauc_map_at_20_std": -0.7124186564380448, + "nauc_map_at_3_diff1": 20.32895393313974, + "nauc_map_at_3_max": 5.887419026571198, + "nauc_map_at_3_std": -0.015273865884840596, + "nauc_map_at_5_diff1": 19.15574225963634, + "nauc_map_at_5_max": 6.175933890525402, + "nauc_map_at_5_std": -1.468261999387673, + "nauc_mrr_at_1000_diff1": 18.0560339880594, + "nauc_mrr_at_1000_max": 8.653214727915024, + "nauc_mrr_at_1000_std": 1.6650523107666824, + "nauc_mrr_at_100_diff1": 18.067266124955946, + "nauc_mrr_at_100_max": 8.645444544074266, + "nauc_mrr_at_100_std": 1.605397143432772, + "nauc_mrr_at_10_diff1": 18.227604303918422, + "nauc_mrr_at_10_max": 8.980990643614946, + "nauc_mrr_at_10_std": 1.625956129526598, + "nauc_mrr_at_1_diff1": 33.145174271418576, + "nauc_mrr_at_1_max": 10.674348159869123, + "nauc_mrr_at_1_std": 2.5718912675260843, + "nauc_mrr_at_20_diff1": 17.85361170315467, + "nauc_mrr_at_20_max": 8.689966423383293, + "nauc_mrr_at_20_std": 1.4845343622374683, + "nauc_mrr_at_3_diff1": 19.72873972100882, + "nauc_mrr_at_3_max": 7.818757201820606, + "nauc_mrr_at_3_std": 2.317801166782217, + "nauc_mrr_at_5_diff1": 18.70515159747826, + "nauc_mrr_at_5_max": 7.8553636278171055, + "nauc_mrr_at_5_std": 0.8593300223901442, + "nauc_ndcg_at_1000_diff1": 14.777764985527059, + "nauc_ndcg_at_1000_max": 8.001133085293265, + "nauc_ndcg_at_1000_std": 2.715094827482056, + "nauc_ndcg_at_100_diff1": 15.873494520058037, + "nauc_ndcg_at_100_max": 7.5190091115119, + "nauc_ndcg_at_100_std": 0.7430533500967327, + "nauc_ndcg_at_10_diff1": 14.950829327092022, + "nauc_ndcg_at_10_max": 7.999425322307154, + "nauc_ndcg_at_10_std": -0.5911692617165382, + "nauc_ndcg_at_1_diff1": 33.145174271418576, + "nauc_ndcg_at_1_max": 10.674348159869123, + "nauc_ndcg_at_1_std": 2.5718912675260843, + "nauc_ndcg_at_20_diff1": 14.28695753335748, + "nauc_ndcg_at_20_max": 7.460341211112809, + "nauc_ndcg_at_20_std": -0.2734671370134216, + "nauc_ndcg_at_3_diff1": 17.243393543205006, + "nauc_ndcg_at_3_max": 6.003682896861271, + "nauc_ndcg_at_3_std": 0.3923628664952013, + "nauc_ndcg_at_5_diff1": 15.841455870049076, + "nauc_ndcg_at_5_max": 6.163583363661528, + "nauc_ndcg_at_5_std": -1.9411356710983478, + "nauc_precision_at_1000_diff1": -3.399817676017686, + "nauc_precision_at_1000_max": 5.575723322824422, + "nauc_precision_at_1000_std": 5.63779109914318, + "nauc_precision_at_100_diff1": 6.1555220193892435, + "nauc_precision_at_100_max": 6.7977343501791045, + "nauc_precision_at_100_std": 2.026960062764128, + "nauc_precision_at_10_diff1": 5.864713737249161, + "nauc_precision_at_10_max": 10.987539143688663, + "nauc_precision_at_10_std": -0.12419185225065871, + "nauc_precision_at_1_diff1": 33.145174271418576, + "nauc_precision_at_1_max": 10.674348159869123, + "nauc_precision_at_1_std": 2.5718912675260843, + "nauc_precision_at_20_diff1": 4.994637980783556, + "nauc_precision_at_20_max": 7.522690866727933, + "nauc_precision_at_20_std": 0.027674551460471312, + "nauc_precision_at_3_diff1": 8.451342681964578, + "nauc_precision_at_3_max": 5.343253356927528, + "nauc_precision_at_3_std": 1.6495845441147832, + "nauc_precision_at_5_diff1": 6.193033041556517, + "nauc_precision_at_5_max": 5.77635145338238, + "nauc_precision_at_5_std": -3.421797113444559, + "nauc_recall_at_1000_diff1": 7.437110169863727, + "nauc_recall_at_1000_max": 9.607314782406986, + "nauc_recall_at_1000_std": 13.320498460741362, + "nauc_recall_at_100_diff1": 13.309966057961834, + "nauc_recall_at_100_max": 7.748170239579637, + "nauc_recall_at_100_std": 2.6798857378517864, + "nauc_recall_at_10_diff1": 8.674278695378167, + "nauc_recall_at_10_max": 8.969918415623756, + "nauc_recall_at_10_std": -1.4597400700986853, + "nauc_recall_at_1_diff1": 33.90106432523568, + "nauc_recall_at_1_max": 9.289205840089235, + "nauc_recall_at_1_std": 2.1852128418717705, + "nauc_recall_at_20_diff1": 7.663555921211413, + "nauc_recall_at_20_max": 7.420494129425241, + "nauc_recall_at_20_std": -0.39971980929980877, + "nauc_recall_at_3_diff1": 10.784631081908223, + "nauc_recall_at_3_max": 3.815625872455824, + "nauc_recall_at_3_std": -1.1614434404018152, + "nauc_recall_at_5_diff1": 9.60638979119831, + "nauc_recall_at_5_max": 5.1710882220553405, + "nauc_recall_at_5_std": -4.572280393094789, + "ndcg_at_1": 7.2139999999999995, + "ndcg_at_10": 12.145, + "ndcg_at_100": 16.672, + "ndcg_at_1000": 20.342, + "ndcg_at_20": 13.745, + "ndcg_at_3": 9.607000000000001, + "ndcg_at_5": 10.712000000000002, + "precision_at_1": 7.2139999999999995, + "precision_at_10": 2.338, + "precision_at_100": 0.5459999999999999, + "precision_at_1000": 0.099, + "precision_at_20": 1.6039999999999999, + "precision_at_3": 4.726, + "precision_at_5": 3.5319999999999996, + "recall_at_1": 6.019, + "recall_at_10": 18.102999999999998, + "recall_at_100": 38.482, + "recall_at_1000": 65.436, + "recall_at_20": 23.952, + "recall_at_3": 11.178, + "recall_at_5": 13.877 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/CQADupstackPhysicsRetrieval.json b/results/minishlab__potion-base-8M/external/CQADupstackPhysicsRetrieval.json new file mode 100644 index 000000000..6277ff5c7 --- /dev/null +++ b/results/minishlab__potion-base-8M/external/CQADupstackPhysicsRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "79531abbd1fb92d06c6d6315a0cbbbf5bb247ea4", + "task_name": "CQADupstackPhysicsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 26.667999999999996, + "map_at_1": 16.822, + "map_at_10": 22.476, + "map_at_100": 23.69, + "map_at_1000": 23.827, + "map_at_20": 23.084, + "map_at_3": 20.441000000000003, + "map_at_5": 21.512, + "mrr_at_1": 20.78922040423484, + "mrr_at_10": 26.67445804115679, + "mrr_at_100": 27.67534998291947, + "mrr_at_1000": 27.752906060167692, + "mrr_at_20": 27.19875968774574, + "mrr_at_3": 24.4947064485082, + "mrr_at_5": 25.630413859480278, + "nauc_map_at_1000_diff1": 40.40492447320535, + "nauc_map_at_1000_max": 28.548119831633194, + "nauc_map_at_1000_std": -0.22424233207141148, + "nauc_map_at_100_diff1": 40.39875847865982, + "nauc_map_at_100_max": 28.500575725413096, + "nauc_map_at_100_std": -0.2779979908842256, + "nauc_map_at_10_diff1": 40.942304749094085, + "nauc_map_at_10_max": 28.429772938475008, + "nauc_map_at_10_std": -0.8049874864329988, + "nauc_map_at_1_diff1": 47.17822553627135, + "nauc_map_at_1_max": 31.206514215995206, + "nauc_map_at_1_std": -1.8984121963184788, + "nauc_map_at_20_diff1": 40.4346381000311, + "nauc_map_at_20_max": 28.458128761837536, + "nauc_map_at_20_std": -0.7321703207226834, + "nauc_map_at_3_diff1": 42.2424427066743, + "nauc_map_at_3_max": 28.16537428952111, + "nauc_map_at_3_std": -2.298671243793284, + "nauc_map_at_5_diff1": 41.32690925538059, + "nauc_map_at_5_max": 28.53162210264393, + "nauc_map_at_5_std": -1.1738320079845177, + "nauc_mrr_at_1000_diff1": 37.69693278594645, + "nauc_mrr_at_1000_max": 29.49690742209793, + "nauc_mrr_at_1000_std": 3.1815473802020544, + "nauc_mrr_at_100_diff1": 37.65946389835227, + "nauc_mrr_at_100_max": 29.479438074437127, + "nauc_mrr_at_100_std": 3.166552364873761, + "nauc_mrr_at_10_diff1": 38.06473613801605, + "nauc_mrr_at_10_max": 29.79312016758447, + "nauc_mrr_at_10_std": 3.111988711521923, + "nauc_mrr_at_1_diff1": 43.69553072839024, + "nauc_mrr_at_1_max": 32.142344513289025, + "nauc_mrr_at_1_std": 2.696048057380709, + "nauc_mrr_at_20_diff1": 37.626141249327574, + "nauc_mrr_at_20_max": 29.559923833552347, + "nauc_mrr_at_20_std": 2.9860721770618697, + "nauc_mrr_at_3_diff1": 39.324715416924974, + "nauc_mrr_at_3_max": 29.651196356282618, + "nauc_mrr_at_3_std": 1.9583884507428824, + "nauc_mrr_at_5_diff1": 38.36691352781637, + "nauc_mrr_at_5_max": 29.939763561026002, + "nauc_mrr_at_5_std": 2.7317703526814214, + "nauc_ndcg_at_1000_diff1": 36.523136783112406, + "nauc_ndcg_at_1000_max": 28.684387654497584, + "nauc_ndcg_at_1000_std": 4.732051883634089, + "nauc_ndcg_at_100_diff1": 36.16154861613736, + "nauc_ndcg_at_100_max": 27.921202679602143, + "nauc_ndcg_at_100_std": 3.560040019944456, + "nauc_ndcg_at_10_diff1": 37.774474422977896, + "nauc_ndcg_at_10_max": 27.68147817987237, + "nauc_ndcg_at_10_std": 0.8327502237036594, + "nauc_ndcg_at_1_diff1": 43.69553072839024, + "nauc_ndcg_at_1_max": 32.142344513289025, + "nauc_ndcg_at_1_std": 2.696048057380709, + "nauc_ndcg_at_20_diff1": 36.163233644690266, + "nauc_ndcg_at_20_max": 27.4164968525345, + "nauc_ndcg_at_20_std": 0.8376631121502218, + "nauc_ndcg_at_3_diff1": 39.707715661307105, + "nauc_ndcg_at_3_max": 28.324727845444997, + "nauc_ndcg_at_3_std": -0.7238153399588456, + "nauc_ndcg_at_5_diff1": 38.42323115018405, + "nauc_ndcg_at_5_max": 28.520234702176587, + "nauc_ndcg_at_5_std": 0.4337143091381524, + "nauc_precision_at_1000_diff1": -1.7237517846851018, + "nauc_precision_at_1000_max": 16.20499296488572, + "nauc_precision_at_1000_std": 20.16360817424688, + "nauc_precision_at_100_diff1": 7.455105305668386, + "nauc_precision_at_100_max": 23.35672119353681, + "nauc_precision_at_100_std": 18.66911905196039, + "nauc_precision_at_10_diff1": 23.28265657395181, + "nauc_precision_at_10_max": 27.533659469131948, + "nauc_precision_at_10_std": 9.661356716727099, + "nauc_precision_at_1_diff1": 43.69553072839024, + "nauc_precision_at_1_max": 32.142344513289025, + "nauc_precision_at_1_std": 2.696048057380709, + "nauc_precision_at_20_diff1": 15.588844976640317, + "nauc_precision_at_20_max": 24.89373446940838, + "nauc_precision_at_20_std": 9.462736793529547, + "nauc_precision_at_3_diff1": 31.24543977571387, + "nauc_precision_at_3_max": 27.88457380895888, + "nauc_precision_at_3_std": 3.0400582769598334, + "nauc_precision_at_5_diff1": 27.621476771588156, + "nauc_precision_at_5_max": 29.344696084898647, + "nauc_precision_at_5_std": 6.279675749763937, + "nauc_recall_at_1000_diff1": 20.19996493542523, + "nauc_recall_at_1000_max": 24.65244498292903, + "nauc_recall_at_1000_std": 35.312310075738125, + "nauc_recall_at_100_diff1": 22.904431187357847, + "nauc_recall_at_100_max": 21.00955732817796, + "nauc_recall_at_100_std": 13.938151070174573, + "nauc_recall_at_10_diff1": 30.03923096618402, + "nauc_recall_at_10_max": 22.353534397229048, + "nauc_recall_at_10_std": 1.2207088824681231, + "nauc_recall_at_1_diff1": 47.17822553627135, + "nauc_recall_at_1_max": 31.206514215995206, + "nauc_recall_at_1_std": -1.8984121963184788, + "nauc_recall_at_20_diff1": 24.682826207248283, + "nauc_recall_at_20_max": 20.777119838220408, + "nauc_recall_at_20_std": 1.2286788398315465, + "nauc_recall_at_3_diff1": 35.715604782377035, + "nauc_recall_at_3_max": 23.7633639937056, + "nauc_recall_at_3_std": -2.868937897653619, + "nauc_recall_at_5_diff1": 32.21252827575707, + "nauc_recall_at_5_max": 24.799142864683375, + "nauc_recall_at_5_std": 0.36296684299374204, + "ndcg_at_1": 20.788999999999998, + "ndcg_at_10": 26.667999999999996, + "ndcg_at_100": 32.565, + "ndcg_at_1000": 35.634, + "ndcg_at_20": 28.642, + "ndcg_at_3": 22.942, + "ndcg_at_5": 24.514, + "precision_at_1": 20.788999999999998, + "precision_at_10": 4.947, + "precision_at_100": 0.96, + "precision_at_1000": 0.14100000000000001, + "precision_at_20": 3.104, + "precision_at_3": 10.748000000000001, + "precision_at_5": 7.68, + "recall_at_1": 16.822, + "recall_at_10": 35.237, + "recall_at_100": 61.219, + "recall_at_1000": 82.499, + "recall_at_20": 42.230000000000004, + "recall_at_3": 24.524, + "recall_at_5": 28.787000000000003 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/CQADupstackProgrammersRetrieval.json b/results/minishlab__potion-base-8M/external/CQADupstackProgrammersRetrieval.json new file mode 100644 index 000000000..e0b90f1ef --- /dev/null +++ b/results/minishlab__potion-base-8M/external/CQADupstackProgrammersRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "6184bc1440d2dbc7612be22b50686b8826d22b32", + "task_name": "CQADupstackProgrammersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 21.66, + "map_at_1": 12.416, + "map_at_10": 17.684, + "map_at_100": 18.851000000000003, + "map_at_1000": 18.991, + "map_at_20": 18.360000000000003, + "map_at_3": 15.770999999999999, + "map_at_5": 16.606, + "mrr_at_1": 15.068493150684931, + "mrr_at_10": 21.28823294919185, + "mrr_at_100": 22.306240026063588, + "mrr_at_1000": 22.395578374917164, + "mrr_at_20": 21.90701850599165, + "mrr_at_3": 19.273211567732123, + "mrr_at_5": 20.397640791476412, + "nauc_map_at_1000_diff1": 32.04680475392268, + "nauc_map_at_1000_max": 20.9527363509733, + "nauc_map_at_1000_std": 1.9775389393996066, + "nauc_map_at_100_diff1": 32.05659071752874, + "nauc_map_at_100_max": 20.937669829415213, + "nauc_map_at_100_std": 1.8872130027911487, + "nauc_map_at_10_diff1": 32.40493239661906, + "nauc_map_at_10_max": 20.24841030282171, + "nauc_map_at_10_std": 0.8873591420958411, + "nauc_map_at_1_diff1": 39.50866679123135, + "nauc_map_at_1_max": 21.067083493139833, + "nauc_map_at_1_std": -1.255629309903365, + "nauc_map_at_20_diff1": 32.06523680001786, + "nauc_map_at_20_max": 20.482809699946856, + "nauc_map_at_20_std": 1.2900775457613989, + "nauc_map_at_3_diff1": 33.51328659054749, + "nauc_map_at_3_max": 19.351150884357097, + "nauc_map_at_3_std": -0.9449293271546024, + "nauc_map_at_5_diff1": 32.672807388132, + "nauc_map_at_5_max": 19.888696407961916, + "nauc_map_at_5_std": -0.21370229639305732, + "nauc_mrr_at_1000_diff1": 29.4702965330427, + "nauc_mrr_at_1000_max": 21.5485190959632, + "nauc_mrr_at_1000_std": 2.9474086643706716, + "nauc_mrr_at_100_diff1": 29.444301031842237, + "nauc_mrr_at_100_max": 21.545652672940818, + "nauc_mrr_at_100_std": 2.930083417192537, + "nauc_mrr_at_10_diff1": 29.839809988865028, + "nauc_mrr_at_10_max": 21.285084047773285, + "nauc_mrr_at_10_std": 2.3023735099948794, + "nauc_mrr_at_1_diff1": 38.253685943964285, + "nauc_mrr_at_1_max": 23.506493457282993, + "nauc_mrr_at_1_std": 0.36623457899262024, + "nauc_mrr_at_20_diff1": 29.359787332306013, + "nauc_mrr_at_20_max": 21.246732134190733, + "nauc_mrr_at_20_std": 2.6115784611487087, + "nauc_mrr_at_3_diff1": 31.490392724228837, + "nauc_mrr_at_3_max": 21.643605643490904, + "nauc_mrr_at_3_std": 1.6756866672672965, + "nauc_mrr_at_5_diff1": 30.18536933081793, + "nauc_mrr_at_5_max": 21.27264373907216, + "nauc_mrr_at_5_std": 1.7079689552978534, + "nauc_ndcg_at_1000_diff1": 28.11169834333845, + "nauc_ndcg_at_1000_max": 22.65134504760621, + "nauc_ndcg_at_1000_std": 8.353986044564932, + "nauc_ndcg_at_100_diff1": 28.265985165496417, + "nauc_ndcg_at_100_max": 22.530347672551887, + "nauc_ndcg_at_100_std": 6.968755339521627, + "nauc_ndcg_at_10_diff1": 29.088878880551906, + "nauc_ndcg_at_10_max": 19.918818478137702, + "nauc_ndcg_at_10_std": 2.5519795248451795, + "nauc_ndcg_at_1_diff1": 38.253685943964285, + "nauc_ndcg_at_1_max": 23.506493457282993, + "nauc_ndcg_at_1_std": 0.36623457899262024, + "nauc_ndcg_at_20_diff1": 27.910656458566045, + "nauc_ndcg_at_20_max": 20.295061759944723, + "nauc_ndcg_at_20_std": 3.6145835770906833, + "nauc_ndcg_at_3_diff1": 31.233680318242634, + "nauc_ndcg_at_3_max": 19.494683132285033, + "nauc_ndcg_at_3_std": 0.04355647255533374, + "nauc_ndcg_at_5_diff1": 29.60761336088322, + "nauc_ndcg_at_5_max": 19.80719438136175, + "nauc_ndcg_at_5_std": 0.6195875169583498, + "nauc_precision_at_1000_diff1": -4.9635863591586284, + "nauc_precision_at_1000_max": 10.205880001940644, + "nauc_precision_at_1000_std": 13.475741604004421, + "nauc_precision_at_100_diff1": 7.633273326571685, + "nauc_precision_at_100_max": 23.151284304137622, + "nauc_precision_at_100_std": 20.405156194796863, + "nauc_precision_at_10_diff1": 18.705937577794554, + "nauc_precision_at_10_max": 20.628035226019335, + "nauc_precision_at_10_std": 7.041902045527893, + "nauc_precision_at_1_diff1": 38.253685943964285, + "nauc_precision_at_1_max": 23.506493457282993, + "nauc_precision_at_1_std": 0.36623457899262024, + "nauc_precision_at_20_diff1": 14.129163643470525, + "nauc_precision_at_20_max": 20.39744876825584, + "nauc_precision_at_20_std": 10.808780160453079, + "nauc_precision_at_3_diff1": 24.81724694529244, + "nauc_precision_at_3_max": 19.750250129235862, + "nauc_precision_at_3_std": 1.6383497722612925, + "nauc_precision_at_5_diff1": 20.559816479129896, + "nauc_precision_at_5_max": 20.737938153703908, + "nauc_precision_at_5_std": 2.9329054609944767, + "nauc_recall_at_1000_diff1": 14.657477263404504, + "nauc_recall_at_1000_max": 27.29789317523507, + "nauc_recall_at_1000_std": 41.54560242921126, + "nauc_recall_at_100_diff1": 19.668816678808028, + "nauc_recall_at_100_max": 24.546392696829855, + "nauc_recall_at_100_std": 20.045457113413388, + "nauc_recall_at_10_diff1": 22.57592036080691, + "nauc_recall_at_10_max": 17.30186041967476, + "nauc_recall_at_10_std": 5.75949108824036, + "nauc_recall_at_1_diff1": 39.50866679123135, + "nauc_recall_at_1_max": 21.067083493139833, + "nauc_recall_at_1_std": -1.255629309903365, + "nauc_recall_at_20_diff1": 18.597441888297915, + "nauc_recall_at_20_max": 17.76783323985467, + "nauc_recall_at_20_std": 7.756313900025849, + "nauc_recall_at_3_diff1": 27.928359626631092, + "nauc_recall_at_3_max": 16.336637037641772, + "nauc_recall_at_3_std": -1.3417417785554366, + "nauc_recall_at_5_diff1": 24.22251676423838, + "nauc_recall_at_5_max": 16.857422692031594, + "nauc_recall_at_5_std": 0.6185629064463674, + "ndcg_at_1": 15.068000000000001, + "ndcg_at_10": 21.66, + "ndcg_at_100": 27.245, + "ndcg_at_1000": 30.591, + "ndcg_at_20": 23.955000000000002, + "ndcg_at_3": 17.968999999999998, + "ndcg_at_5": 19.352, + "precision_at_1": 15.068000000000001, + "precision_at_10": 4.326, + "precision_at_100": 0.855, + "precision_at_1000": 0.132, + "precision_at_20": 2.8369999999999997, + "precision_at_3": 8.713999999999999, + "precision_at_5": 6.3469999999999995, + "recall_at_1": 12.416, + "recall_at_10": 30.008000000000003, + "recall_at_100": 54.498999999999995, + "recall_at_1000": 78.32000000000001, + "recall_at_20": 38.378, + "recall_at_3": 19.79, + "recall_at_5": 23.376 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/CQADupstackStatsRetrieval.json b/results/minishlab__potion-base-8M/external/CQADupstackStatsRetrieval.json new file mode 100644 index 000000000..252dd0805 --- /dev/null +++ b/results/minishlab__potion-base-8M/external/CQADupstackStatsRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "65ac3a16b8e91f9cee4c9828cc7c335575432a2a", + "task_name": "CQADupstackStatsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 17.253, + "map_at_1": 9.722999999999999, + "map_at_10": 14.280999999999999, + "map_at_100": 15.065000000000001, + "map_at_1000": 15.154, + "map_at_20": 14.704999999999998, + "map_at_3": 13.004, + "map_at_5": 13.626, + "mrr_at_1": 11.809815950920246, + "mrr_at_10": 16.383959002824028, + "mrr_at_100": 17.188709691814985, + "mrr_at_1000": 17.269435610183017, + "mrr_at_20": 16.836972625425393, + "mrr_at_3": 15.081799591002035, + "mrr_at_5": 15.710633946830258, + "nauc_map_at_1000_diff1": 28.431623275634156, + "nauc_map_at_1000_max": 14.476316695164403, + "nauc_map_at_1000_std": 4.607998508591043, + "nauc_map_at_100_diff1": 28.42367177875125, + "nauc_map_at_100_max": 14.394653506060012, + "nauc_map_at_100_std": 4.567472357591712, + "nauc_map_at_10_diff1": 28.60653023312716, + "nauc_map_at_10_max": 14.78157644547682, + "nauc_map_at_10_std": 3.94994519901673, + "nauc_map_at_1_diff1": 34.36968432094878, + "nauc_map_at_1_max": 17.456572010137457, + "nauc_map_at_1_std": 4.2640515305539415, + "nauc_map_at_20_diff1": 28.510596490501573, + "nauc_map_at_20_max": 14.318541992037401, + "nauc_map_at_20_std": 4.254075392620963, + "nauc_map_at_3_diff1": 30.539716169861936, + "nauc_map_at_3_max": 16.14471431902583, + "nauc_map_at_3_std": 4.973502209268125, + "nauc_map_at_5_diff1": 29.261684655915225, + "nauc_map_at_5_max": 15.372748605327446, + "nauc_map_at_5_std": 4.39285622535654, + "nauc_mrr_at_1000_diff1": 28.972718024301447, + "nauc_mrr_at_1000_max": 17.826835397341046, + "nauc_mrr_at_1000_std": 6.917284034347911, + "nauc_mrr_at_100_diff1": 28.945997371755087, + "nauc_mrr_at_100_max": 17.739278412823893, + "nauc_mrr_at_100_std": 6.899424135908487, + "nauc_mrr_at_10_diff1": 29.06935519309891, + "nauc_mrr_at_10_max": 18.21083753088906, + "nauc_mrr_at_10_std": 6.518493253737144, + "nauc_mrr_at_1_diff1": 35.63041619844435, + "nauc_mrr_at_1_max": 22.830306049699338, + "nauc_mrr_at_1_std": 7.826683917417351, + "nauc_mrr_at_20_diff1": 29.016004511022537, + "nauc_mrr_at_20_max": 17.788437345787926, + "nauc_mrr_at_20_std": 6.652263770077456, + "nauc_mrr_at_3_diff1": 30.644333070723466, + "nauc_mrr_at_3_max": 19.667632613725225, + "nauc_mrr_at_3_std": 7.743380165559918, + "nauc_mrr_at_5_diff1": 29.829376205828805, + "nauc_mrr_at_5_max": 18.722595091544253, + "nauc_mrr_at_5_std": 6.818524829545593, + "nauc_ndcg_at_1000_diff1": 25.62248172657835, + "nauc_ndcg_at_1000_max": 14.223326419511073, + "nauc_ndcg_at_1000_std": 7.495752604082028, + "nauc_ndcg_at_100_diff1": 25.499428653265642, + "nauc_ndcg_at_100_max": 12.585064293899102, + "nauc_ndcg_at_100_std": 6.664889384341954, + "nauc_ndcg_at_10_diff1": 25.74972755098383, + "nauc_ndcg_at_10_max": 13.793434874824303, + "nauc_ndcg_at_10_std": 3.883648047462527, + "nauc_ndcg_at_1_diff1": 35.63041619844435, + "nauc_ndcg_at_1_max": 22.830306049699338, + "nauc_ndcg_at_1_std": 7.826683917417351, + "nauc_ndcg_at_20_diff1": 25.334745687494443, + "nauc_ndcg_at_20_max": 12.305607906859144, + "nauc_ndcg_at_20_std": 4.7413728340444505, + "nauc_ndcg_at_3_diff1": 29.45395763143249, + "nauc_ndcg_at_3_max": 16.23690234046979, + "nauc_ndcg_at_3_std": 6.142105291678576, + "nauc_ndcg_at_5_diff1": 27.444736442905455, + "nauc_ndcg_at_5_max": 14.93362615759676, + "nauc_ndcg_at_5_std": 4.7342440148611225, + "nauc_precision_at_1000_diff1": 16.80575206659899, + "nauc_precision_at_1000_max": 17.66226703408546, + "nauc_precision_at_1000_std": 18.77422949877631, + "nauc_precision_at_100_diff1": 21.105287938477233, + "nauc_precision_at_100_max": 13.591179380636214, + "nauc_precision_at_100_std": 16.55840962012843, + "nauc_precision_at_10_diff1": 21.469758913525254, + "nauc_precision_at_10_max": 15.320780706573464, + "nauc_precision_at_10_std": 6.351289997170259, + "nauc_precision_at_1_diff1": 35.63041619844435, + "nauc_precision_at_1_max": 22.830306049699338, + "nauc_precision_at_1_std": 7.826683917417351, + "nauc_precision_at_20_diff1": 20.438996654370953, + "nauc_precision_at_20_max": 11.895395539109575, + "nauc_precision_at_20_std": 9.227372989467945, + "nauc_precision_at_3_diff1": 27.958385745280534, + "nauc_precision_at_3_max": 18.76663358991842, + "nauc_precision_at_3_std": 8.804799926813658, + "nauc_precision_at_5_diff1": 25.20756412916346, + "nauc_precision_at_5_max": 17.16752690039525, + "nauc_precision_at_5_std": 7.822524248176865, + "nauc_recall_at_1000_diff1": 17.093227818066353, + "nauc_recall_at_1000_max": 12.628515233697735, + "nauc_recall_at_1000_std": 16.519924218447994, + "nauc_recall_at_100_diff1": 18.19732935930814, + "nauc_recall_at_100_max": 4.740051109026774, + "nauc_recall_at_100_std": 10.729043783837753, + "nauc_recall_at_10_diff1": 17.84235497242283, + "nauc_recall_at_10_max": 7.9110522988146155, + "nauc_recall_at_10_std": 1.147900198002905, + "nauc_recall_at_1_diff1": 34.36968432094878, + "nauc_recall_at_1_max": 17.456572010137457, + "nauc_recall_at_1_std": 4.2640515305539415, + "nauc_recall_at_20_diff1": 16.692476991368853, + "nauc_recall_at_20_max": 3.809776817661501, + "nauc_recall_at_20_std": 3.6575551737685954, + "nauc_recall_at_3_diff1": 25.110591985459862, + "nauc_recall_at_3_max": 13.681824792451245, + "nauc_recall_at_3_std": 5.806771643452482, + "nauc_recall_at_5_diff1": 21.0191985797923, + "nauc_recall_at_5_max": 10.837381063643834, + "nauc_recall_at_5_std": 3.228418252689027, + "ndcg_at_1": 11.81, + "ndcg_at_10": 17.253, + "ndcg_at_100": 21.404, + "ndcg_at_1000": 24.09, + "ndcg_at_20": 18.801000000000002, + "ndcg_at_3": 14.716999999999999, + "ndcg_at_5": 15.706000000000001, + "precision_at_1": 11.81, + "precision_at_10": 2.9749999999999996, + "precision_at_100": 0.543, + "precision_at_1000": 0.084, + "precision_at_20": 1.848, + "precision_at_3": 6.902, + "precision_at_5": 4.816, + "recall_at_1": 9.722999999999999, + "recall_at_10": 24.569, + "recall_at_100": 43.997, + "recall_at_1000": 64.44, + "recall_at_20": 30.505, + "recall_at_3": 17.134, + "recall_at_5": 19.72 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/CQADupstackTexRetrieval.json b/results/minishlab__potion-base-8M/external/CQADupstackTexRetrieval.json new file mode 100644 index 000000000..d48a7bf63 --- /dev/null +++ b/results/minishlab__potion-base-8M/external/CQADupstackTexRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "46989137a86843e03a6195de44b09deda022eec7", + "task_name": "CQADupstackTexRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 13.308, + "map_at_1": 7.497, + "map_at_10": 10.846, + "map_at_100": 11.498999999999999, + "map_at_1000": 11.618, + "map_at_20": 11.161999999999999, + "map_at_3": 9.658999999999999, + "map_at_5": 10.298, + "mrr_at_1": 9.11906400550585, + "mrr_at_10": 12.993232392750626, + "mrr_at_100": 13.701403675494117, + "mrr_at_1000": 13.798101712770123, + "mrr_at_20": 13.360764217937035, + "mrr_at_3": 11.6655196145905, + "mrr_at_5": 12.362353750860274, + "nauc_map_at_1000_diff1": 29.030158454163164, + "nauc_map_at_1000_max": 15.750545094681929, + "nauc_map_at_1000_std": -3.0798436292807834, + "nauc_map_at_100_diff1": 29.05038743174521, + "nauc_map_at_100_max": 15.679082682471822, + "nauc_map_at_100_std": -3.2003921265004855, + "nauc_map_at_10_diff1": 29.680682239615308, + "nauc_map_at_10_max": 15.532980267877802, + "nauc_map_at_10_std": -3.622076099535413, + "nauc_map_at_1_diff1": 37.49924172327444, + "nauc_map_at_1_max": 14.852898999380606, + "nauc_map_at_1_std": -3.8871845491808403, + "nauc_map_at_20_diff1": 29.440127025124063, + "nauc_map_at_20_max": 15.566926763278111, + "nauc_map_at_20_std": -3.5118135905883445, + "nauc_map_at_3_diff1": 31.87407675131833, + "nauc_map_at_3_max": 16.133052442782088, + "nauc_map_at_3_std": -3.7331459743832536, + "nauc_map_at_5_diff1": 30.702048393849918, + "nauc_map_at_5_max": 15.7292852737471, + "nauc_map_at_5_std": -3.72714036461797, + "nauc_mrr_at_1000_diff1": 27.069591144268795, + "nauc_mrr_at_1000_max": 17.335323991978157, + "nauc_mrr_at_1000_std": -2.1443215489774863, + "nauc_mrr_at_100_diff1": 27.06995261671637, + "nauc_mrr_at_100_max": 17.3285570198275, + "nauc_mrr_at_100_std": -2.1819679734953903, + "nauc_mrr_at_10_diff1": 27.57687228309106, + "nauc_mrr_at_10_max": 17.166971785334017, + "nauc_mrr_at_10_std": -2.6000743496984526, + "nauc_mrr_at_1_diff1": 35.22676568917156, + "nauc_mrr_at_1_max": 17.007211079819626, + "nauc_mrr_at_1_std": -4.214696308727653, + "nauc_mrr_at_20_diff1": 27.374588178560465, + "nauc_mrr_at_20_max": 17.23758467893531, + "nauc_mrr_at_20_std": -2.4124837810565603, + "nauc_mrr_at_3_diff1": 29.722577971696918, + "nauc_mrr_at_3_max": 18.07384167733403, + "nauc_mrr_at_3_std": -3.003414797443647, + "nauc_mrr_at_5_diff1": 28.45980370469956, + "nauc_mrr_at_5_max": 17.511976658495847, + "nauc_mrr_at_5_std": -2.5924858663986745, + "nauc_ndcg_at_1000_diff1": 23.077231893052307, + "nauc_ndcg_at_1000_max": 16.93593483664181, + "nauc_ndcg_at_1000_std": 1.2092406562986315, + "nauc_ndcg_at_100_diff1": 23.549727836162358, + "nauc_ndcg_at_100_max": 15.750436011474273, + "nauc_ndcg_at_100_std": -0.9019324316165611, + "nauc_ndcg_at_10_diff1": 26.053761788639434, + "nauc_ndcg_at_10_max": 15.3669306793647, + "nauc_ndcg_at_10_std": -3.193779292269917, + "nauc_ndcg_at_1_diff1": 35.22676568917156, + "nauc_ndcg_at_1_max": 17.007211079819626, + "nauc_ndcg_at_1_std": -4.214696308727653, + "nauc_ndcg_at_20_diff1": 25.425326574435168, + "nauc_ndcg_at_20_max": 15.385189154016906, + "nauc_ndcg_at_20_std": -2.7870454259014545, + "nauc_ndcg_at_3_diff1": 29.685264931512716, + "nauc_ndcg_at_3_max": 17.07409526298788, + "nauc_ndcg_at_3_std": -3.4063850629923293, + "nauc_ndcg_at_5_diff1": 27.89860104840894, + "nauc_ndcg_at_5_max": 15.996740122854927, + "nauc_ndcg_at_5_std": -3.3146899970251873, + "nauc_precision_at_1000_diff1": 6.214195083416471, + "nauc_precision_at_1000_max": 24.273670809985404, + "nauc_precision_at_1000_std": 17.553556491344104, + "nauc_precision_at_100_diff1": 11.6615588663656, + "nauc_precision_at_100_max": 20.59244105372682, + "nauc_precision_at_100_std": 8.072189089366798, + "nauc_precision_at_10_diff1": 18.279161444567706, + "nauc_precision_at_10_max": 17.664508142320727, + "nauc_precision_at_10_std": -1.0218966605840407, + "nauc_precision_at_1_diff1": 35.22676568917156, + "nauc_precision_at_1_max": 17.007211079819626, + "nauc_precision_at_1_std": -4.214696308727653, + "nauc_precision_at_20_diff1": 16.855549347544613, + "nauc_precision_at_20_max": 18.640589054149743, + "nauc_precision_at_20_std": 0.7553558754796067, + "nauc_precision_at_3_diff1": 25.61293747306704, + "nauc_precision_at_3_max": 20.254901193584562, + "nauc_precision_at_3_std": -2.9517852127763153, + "nauc_precision_at_5_diff1": 22.32451285561962, + "nauc_precision_at_5_max": 18.709490300571886, + "nauc_precision_at_5_std": -2.0702847848899615, + "nauc_recall_at_1000_diff1": 8.102081393478185, + "nauc_recall_at_1000_max": 17.111395305264892, + "nauc_recall_at_1000_std": 14.340291614611578, + "nauc_recall_at_100_diff1": 12.480368811829736, + "nauc_recall_at_100_max": 12.879220685006636, + "nauc_recall_at_100_std": 3.650162252310097, + "nauc_recall_at_10_diff1": 19.461318204968205, + "nauc_recall_at_10_max": 12.823289358103562, + "nauc_recall_at_10_std": -3.1960264321653895, + "nauc_recall_at_1_diff1": 37.49924172327444, + "nauc_recall_at_1_max": 14.852898999380606, + "nauc_recall_at_1_std": -3.8871845491808403, + "nauc_recall_at_20_diff1": 17.698352862902524, + "nauc_recall_at_20_max": 12.409413309293047, + "nauc_recall_at_20_std": -2.0913697847507136, + "nauc_recall_at_3_diff1": 26.236763474946116, + "nauc_recall_at_3_max": 15.89287407458128, + "nauc_recall_at_3_std": -3.776018275852628, + "nauc_recall_at_5_diff1": 23.10472386873395, + "nauc_recall_at_5_max": 14.09706657151941, + "nauc_recall_at_5_std": -3.7053105237887296, + "ndcg_at_1": 9.119, + "ndcg_at_10": 13.308, + "ndcg_at_100": 16.98, + "ndcg_at_1000": 20.488, + "ndcg_at_20": 14.455000000000002, + "ndcg_at_3": 10.982, + "ndcg_at_5": 12.003, + "precision_at_1": 9.119, + "precision_at_10": 2.4979999999999998, + "precision_at_100": 0.519, + "precision_at_1000": 0.099, + "precision_at_20": 1.5779999999999998, + "precision_at_3": 5.288, + "precision_at_5": 3.8890000000000002, + "recall_at_1": 7.497, + "recall_at_10": 18.817999999999998, + "recall_at_100": 35.893, + "recall_at_1000": 61.966, + "recall_at_20": 23.017000000000003, + "recall_at_3": 12.199, + "recall_at_5": 14.87 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/CQADupstackUnixRetrieval.json b/results/minishlab__potion-base-8M/external/CQADupstackUnixRetrieval.json new file mode 100644 index 000000000..00d0d74f7 --- /dev/null +++ b/results/minishlab__potion-base-8M/external/CQADupstackUnixRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "6c6430d3a6d36f8d2a829195bc5dc94d7e063e53", + "task_name": "CQADupstackUnixRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 20.061999999999998, + "map_at_1": 11.856, + "map_at_10": 16.685, + "map_at_100": 17.433, + "map_at_1000": 17.558, + "map_at_20": 17.041999999999998, + "map_at_3": 15.021, + "map_at_5": 15.931999999999999, + "mrr_at_1": 14.17910447761194, + "mrr_at_10": 19.398468964700307, + "mrr_at_100": 20.153361230634783, + "mrr_at_1000": 20.25140420668968, + "mrr_at_20": 19.79354704809282, + "mrr_at_3": 17.63059701492538, + "mrr_at_5": 18.516791044776127, + "nauc_map_at_1000_diff1": 39.29033459612684, + "nauc_map_at_1000_max": 27.17416795511821, + "nauc_map_at_1000_std": -6.92127611795475, + "nauc_map_at_100_diff1": 39.32396099754708, + "nauc_map_at_100_max": 27.09334212594238, + "nauc_map_at_100_std": -7.039062385443858, + "nauc_map_at_10_diff1": 39.94340086930468, + "nauc_map_at_10_max": 27.423789336152417, + "nauc_map_at_10_std": -7.508495669216843, + "nauc_map_at_1_diff1": 47.64613699501138, + "nauc_map_at_1_max": 31.632492599268748, + "nauc_map_at_1_std": -7.883784832592304, + "nauc_map_at_20_diff1": 39.45107288329592, + "nauc_map_at_20_max": 27.15650902645131, + "nauc_map_at_20_std": -7.301916707077087, + "nauc_map_at_3_diff1": 41.801336320148984, + "nauc_map_at_3_max": 28.342684341392683, + "nauc_map_at_3_std": -8.213654438632787, + "nauc_map_at_5_diff1": 40.973958128612786, + "nauc_map_at_5_max": 28.355847958983126, + "nauc_map_at_5_std": -7.204454459764011, + "nauc_mrr_at_1000_diff1": 39.68737143543835, + "nauc_mrr_at_1000_max": 28.74366308891808, + "nauc_mrr_at_1000_std": -5.74519909264754, + "nauc_mrr_at_100_diff1": 39.696965050178875, + "nauc_mrr_at_100_max": 28.71065540406762, + "nauc_mrr_at_100_std": -5.8117683155682895, + "nauc_mrr_at_10_diff1": 40.22891666712493, + "nauc_mrr_at_10_max": 28.97882832718155, + "nauc_mrr_at_10_std": -6.167061574555064, + "nauc_mrr_at_1_diff1": 48.39795549312159, + "nauc_mrr_at_1_max": 33.31270433423697, + "nauc_mrr_at_1_std": -5.8264509798445925, + "nauc_mrr_at_20_diff1": 39.75516014377185, + "nauc_mrr_at_20_max": 28.762238070807676, + "nauc_mrr_at_20_std": -6.015233094372284, + "nauc_mrr_at_3_diff1": 42.39647678330573, + "nauc_mrr_at_3_max": 29.854246402890674, + "nauc_mrr_at_3_std": -6.989062488249666, + "nauc_mrr_at_5_diff1": 41.32547115377251, + "nauc_mrr_at_5_max": 29.756253662694554, + "nauc_mrr_at_5_std": -5.989324088608618, + "nauc_ndcg_at_1000_diff1": 33.24611188020779, + "nauc_ndcg_at_1000_max": 25.5685050419863, + "nauc_ndcg_at_1000_std": -2.1838171971216838, + "nauc_ndcg_at_100_diff1": 34.12429897480726, + "nauc_ndcg_at_100_max": 24.386449655174115, + "nauc_ndcg_at_100_std": -4.463092158837694, + "nauc_ndcg_at_10_diff1": 36.7514146310574, + "nauc_ndcg_at_10_max": 25.816604124438165, + "nauc_ndcg_at_10_std": -6.864047505974296, + "nauc_ndcg_at_1_diff1": 48.39795549312159, + "nauc_ndcg_at_1_max": 33.31270433423697, + "nauc_ndcg_at_1_std": -5.8264509798445925, + "nauc_ndcg_at_20_diff1": 35.19768360191347, + "nauc_ndcg_at_20_max": 25.02001675750392, + "nauc_ndcg_at_20_std": -6.20782733166831, + "nauc_ndcg_at_3_diff1": 40.154344522643925, + "nauc_ndcg_at_3_max": 27.955302837392672, + "nauc_ndcg_at_3_std": -7.6328532886404235, + "nauc_ndcg_at_5_diff1": 38.743591122825606, + "nauc_ndcg_at_5_max": 27.72241812814964, + "nauc_ndcg_at_5_std": -6.257812072012101, + "nauc_precision_at_1000_diff1": -3.9866748764702096, + "nauc_precision_at_1000_max": 14.72470736881832, + "nauc_precision_at_1000_std": 15.962534584653012, + "nauc_precision_at_100_diff1": 14.40948301991166, + "nauc_precision_at_100_max": 16.61733733078467, + "nauc_precision_at_100_std": 6.847882296599798, + "nauc_precision_at_10_diff1": 27.51873293006865, + "nauc_precision_at_10_max": 22.893866555907746, + "nauc_precision_at_10_std": -3.030805589162383, + "nauc_precision_at_1_diff1": 48.39795549312159, + "nauc_precision_at_1_max": 33.31270433423697, + "nauc_precision_at_1_std": -5.8264509798445925, + "nauc_precision_at_20_diff1": 22.56834807636722, + "nauc_precision_at_20_max": 20.490661671424448, + "nauc_precision_at_20_std": -0.660069645072748, + "nauc_precision_at_3_diff1": 36.978184171791156, + "nauc_precision_at_3_max": 26.478381926029265, + "nauc_precision_at_3_std": -6.091960417034656, + "nauc_precision_at_5_diff1": 33.58525371051779, + "nauc_precision_at_5_max": 26.334754741578593, + "nauc_precision_at_5_std": -3.154368502496007, + "nauc_recall_at_1000_diff1": 5.958742292353638, + "nauc_recall_at_1000_max": 15.864543076240528, + "nauc_recall_at_1000_std": 21.86695402215286, + "nauc_recall_at_100_diff1": 17.82865358233198, + "nauc_recall_at_100_max": 13.118309558968022, + "nauc_recall_at_100_std": 2.3032751559115114, + "nauc_recall_at_10_diff1": 27.980644115353996, + "nauc_recall_at_10_max": 19.39950863468228, + "nauc_recall_at_10_std": -6.36618746193429, + "nauc_recall_at_1_diff1": 47.64613699501138, + "nauc_recall_at_1_max": 31.632492599268748, + "nauc_recall_at_1_std": -7.883784832592304, + "nauc_recall_at_20_diff1": 22.967595804626253, + "nauc_recall_at_20_max": 16.693327271336244, + "nauc_recall_at_20_std": -4.559238353011102, + "nauc_recall_at_3_diff1": 35.41022087124811, + "nauc_recall_at_3_max": 24.543890488663166, + "nauc_recall_at_3_std": -8.200059552235023, + "nauc_recall_at_5_diff1": 32.09822917090586, + "nauc_recall_at_5_max": 23.82588196783892, + "nauc_recall_at_5_std": -4.932704288647733, + "ndcg_at_1": 14.179, + "ndcg_at_10": 20.061999999999998, + "ndcg_at_100": 24.149, + "ndcg_at_1000": 27.644999999999996, + "ndcg_at_20": 21.387999999999998, + "ndcg_at_3": 16.794, + "ndcg_at_5": 18.224, + "precision_at_1": 14.179, + "precision_at_10": 3.582, + "precision_at_100": 0.623, + "precision_at_1000": 0.105, + "precision_at_20": 2.1319999999999997, + "precision_at_3": 7.774, + "precision_at_5": 5.5969999999999995, + "recall_at_1": 11.856, + "recall_at_10": 27.778999999999996, + "recall_at_100": 46.733000000000004, + "recall_at_1000": 72.481, + "recall_at_20": 32.737, + "recall_at_3": 18.859, + "recall_at_5": 22.435 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/CQADupstackWebmastersRetrieval.json b/results/minishlab__potion-base-8M/external/CQADupstackWebmastersRetrieval.json new file mode 100644 index 000000000..0c6dda4a7 --- /dev/null +++ b/results/minishlab__potion-base-8M/external/CQADupstackWebmastersRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "160c094312a0e1facb97e55eeddb698c0abe3571", + "task_name": "CQADupstackWebmastersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 23.735999999999997, + "map_at_1": 13.164000000000001, + "map_at_10": 19.317999999999998, + "map_at_100": 20.463, + "map_at_1000": 20.646, + "map_at_20": 19.808, + "map_at_3": 17.126, + "map_at_5": 18.056, + "mrr_at_1": 16.600790513833992, + "mrr_at_10": 22.620067130936693, + "mrr_at_100": 23.601448756772193, + "mrr_at_1000": 23.675507750087586, + "mrr_at_20": 23.09510872850641, + "mrr_at_3": 20.685111989459816, + "mrr_at_5": 21.46574440052701, + "nauc_map_at_1000_diff1": 38.04966249247377, + "nauc_map_at_1000_max": 16.252263992463384, + "nauc_map_at_1000_std": -1.7460502582062356, + "nauc_map_at_100_diff1": 38.014610979412474, + "nauc_map_at_100_max": 16.21534617931594, + "nauc_map_at_100_std": -1.862936037740923, + "nauc_map_at_10_diff1": 37.85306201039408, + "nauc_map_at_10_max": 16.316152483605283, + "nauc_map_at_10_std": -1.9300768321014996, + "nauc_map_at_1_diff1": 46.32670783118563, + "nauc_map_at_1_max": 19.162748070034993, + "nauc_map_at_1_std": -7.2143378209361435, + "nauc_map_at_20_diff1": 37.76015277914087, + "nauc_map_at_20_max": 16.402558719060888, + "nauc_map_at_20_std": -2.065612538672495, + "nauc_map_at_3_diff1": 39.76679931113434, + "nauc_map_at_3_max": 16.834290630961544, + "nauc_map_at_3_std": -3.9003170439130335, + "nauc_map_at_5_diff1": 39.03208154755538, + "nauc_map_at_5_max": 16.225900244095133, + "nauc_map_at_5_std": -2.4557998742917273, + "nauc_mrr_at_1000_diff1": 37.458213267102465, + "nauc_mrr_at_1000_max": 16.263132423271077, + "nauc_mrr_at_1000_std": -0.6455583895471498, + "nauc_mrr_at_100_diff1": 37.45543984270519, + "nauc_mrr_at_100_max": 16.185738866185893, + "nauc_mrr_at_100_std": -0.6962640945779722, + "nauc_mrr_at_10_diff1": 37.16827089026705, + "nauc_mrr_at_10_max": 15.901025716349201, + "nauc_mrr_at_10_std": -0.6599647334904797, + "nauc_mrr_at_1_diff1": 44.322572770568456, + "nauc_mrr_at_1_max": 19.02126117731051, + "nauc_mrr_at_1_std": -5.8998188281784625, + "nauc_mrr_at_20_diff1": 37.24551389599038, + "nauc_mrr_at_20_max": 16.113728443160127, + "nauc_mrr_at_20_std": -0.8856480048238807, + "nauc_mrr_at_3_diff1": 38.800389636963004, + "nauc_mrr_at_3_max": 16.691447775512863, + "nauc_mrr_at_3_std": -2.2008701696190474, + "nauc_mrr_at_5_diff1": 38.17066041754819, + "nauc_mrr_at_5_max": 15.854986493430074, + "nauc_mrr_at_5_std": -1.3419132385788708, + "nauc_ndcg_at_1000_diff1": 36.500354605077305, + "nauc_ndcg_at_1000_max": 18.158853474546227, + "nauc_ndcg_at_1000_std": 3.7042707188045783, + "nauc_ndcg_at_100_diff1": 35.68797486655767, + "nauc_ndcg_at_100_max": 15.949868116992763, + "nauc_ndcg_at_100_std": 1.8743757496922573, + "nauc_ndcg_at_10_diff1": 34.44579459042251, + "nauc_ndcg_at_10_max": 14.976928472341097, + "nauc_ndcg_at_10_std": 0.668632426387858, + "nauc_ndcg_at_1_diff1": 44.322572770568456, + "nauc_ndcg_at_1_max": 19.02126117731051, + "nauc_ndcg_at_1_std": -5.8998188281784625, + "nauc_ndcg_at_20_diff1": 34.47554348325645, + "nauc_ndcg_at_20_max": 15.617518114283014, + "nauc_ndcg_at_20_std": 0.23279335295578624, + "nauc_ndcg_at_3_diff1": 37.34865309502302, + "nauc_ndcg_at_3_max": 15.6035028610235, + "nauc_ndcg_at_3_std": -2.042290469888462, + "nauc_ndcg_at_5_diff1": 36.710946337067, + "nauc_ndcg_at_5_max": 14.502265833101022, + "nauc_ndcg_at_5_std": -0.26386753108907807, + "nauc_precision_at_1000_diff1": 3.5611970722748056, + "nauc_precision_at_1000_max": 6.9688736574296275, + "nauc_precision_at_1000_std": 7.291986774352235, + "nauc_precision_at_100_diff1": 18.866491470530185, + "nauc_precision_at_100_max": 3.0721103361408497, + "nauc_precision_at_100_std": 4.384934503700695, + "nauc_precision_at_10_diff1": 20.850504784204883, + "nauc_precision_at_10_max": 10.633189141801425, + "nauc_precision_at_10_std": 5.014926409884033, + "nauc_precision_at_1_diff1": 44.322572770568456, + "nauc_precision_at_1_max": 19.02126117731051, + "nauc_precision_at_1_std": -5.8998188281784625, + "nauc_precision_at_20_diff1": 20.309109922155518, + "nauc_precision_at_20_max": 9.029797084048417, + "nauc_precision_at_20_std": 2.758218391395686, + "nauc_precision_at_3_diff1": 30.196789766812422, + "nauc_precision_at_3_max": 13.456577178909065, + "nauc_precision_at_3_std": 0.49917879030090373, + "nauc_precision_at_5_diff1": 27.706537485425653, + "nauc_precision_at_5_max": 9.849229139569182, + "nauc_precision_at_5_std": 3.685125093555483, + "nauc_recall_at_1000_diff1": 33.96229420221514, + "nauc_recall_at_1000_max": 37.16052892689619, + "nauc_recall_at_1000_std": 36.18222346361014, + "nauc_recall_at_100_diff1": 27.657710979013174, + "nauc_recall_at_100_max": 15.352705013529967, + "nauc_recall_at_100_std": 11.850919034123116, + "nauc_recall_at_10_diff1": 25.46843551212912, + "nauc_recall_at_10_max": 12.024769591895815, + "nauc_recall_at_10_std": 5.710557786436904, + "nauc_recall_at_1_diff1": 46.32670783118563, + "nauc_recall_at_1_max": 19.162748070034993, + "nauc_recall_at_1_std": -7.2143378209361435, + "nauc_recall_at_20_diff1": 24.950754303786603, + "nauc_recall_at_20_max": 13.779914894639022, + "nauc_recall_at_20_std": 4.337235880676669, + "nauc_recall_at_3_diff1": 33.979943512337485, + "nauc_recall_at_3_max": 14.35407227008922, + "nauc_recall_at_3_std": -0.5408111812033761, + "nauc_recall_at_5_diff1": 31.887819659716687, + "nauc_recall_at_5_max": 12.266354466300289, + "nauc_recall_at_5_std": 3.67855636796736, + "ndcg_at_1": 16.601, + "ndcg_at_10": 23.735999999999997, + "ndcg_at_100": 29.047, + "ndcg_at_1000": 32.323, + "ndcg_at_20": 25.222, + "ndcg_at_3": 20.013, + "ndcg_at_5": 21.165, + "precision_at_1": 16.601, + "precision_at_10": 4.7829999999999995, + "precision_at_100": 1.077, + "precision_at_1000": 0.197, + "precision_at_20": 3.0429999999999997, + "precision_at_3": 9.881, + "precision_at_5": 7.074999999999999, + "recall_at_1": 13.164000000000001, + "recall_at_10": 33.041, + "recall_at_100": 57.907, + "recall_at_1000": 79.887, + "recall_at_20": 38.833, + "recall_at_3": 21.397, + "recall_at_5": 24.863 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/CQADupstackWordpressRetrieval.json b/results/minishlab__potion-base-8M/external/CQADupstackWordpressRetrieval.json new file mode 100644 index 000000000..8464992c6 --- /dev/null +++ b/results/minishlab__potion-base-8M/external/CQADupstackWordpressRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "4ffe81d471b1924886b33c7567bfb200e9eec5c4", + "task_name": "CQADupstackWordpressRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 16.794999999999998, + "map_at_1": 10.08, + "map_at_10": 14.069, + "map_at_100": 14.860000000000001, + "map_at_1000": 14.968, + "map_at_20": 14.46, + "map_at_3": 12.498, + "map_at_5": 13.324, + "mrr_at_1": 10.905730129390019, + "mrr_at_10": 15.199146201918854, + "mrr_at_100": 16.00264496872985, + "mrr_at_1000": 16.09501918722929, + "mrr_at_20": 15.633768523540942, + "mrr_at_3": 13.493530499075785, + "mrr_at_5": 14.36229205175601, + "nauc_map_at_1000_diff1": 22.950167181074935, + "nauc_map_at_1000_max": 18.717980764527866, + "nauc_map_at_1000_std": -6.25267811740101, + "nauc_map_at_100_diff1": 22.94728125565202, + "nauc_map_at_100_max": 18.719770177431155, + "nauc_map_at_100_std": -6.323089529332934, + "nauc_map_at_10_diff1": 22.346430545898126, + "nauc_map_at_10_max": 18.80938448630523, + "nauc_map_at_10_std": -7.0008855212089065, + "nauc_map_at_1_diff1": 31.95272198051361, + "nauc_map_at_1_max": 22.895259623649785, + "nauc_map_at_1_std": -9.582498979740272, + "nauc_map_at_20_diff1": 22.86393142972787, + "nauc_map_at_20_max": 18.86264577450788, + "nauc_map_at_20_std": -6.45412214287895, + "nauc_map_at_3_diff1": 24.099754234032194, + "nauc_map_at_3_max": 18.478412248275664, + "nauc_map_at_3_std": -7.165377931835313, + "nauc_map_at_5_diff1": 23.19897817392842, + "nauc_map_at_5_max": 18.92826540423832, + "nauc_map_at_5_std": -6.707296227198584, + "nauc_mrr_at_1000_diff1": 23.213771617115064, + "nauc_mrr_at_1000_max": 19.46803843401541, + "nauc_mrr_at_1000_std": -6.593116817917101, + "nauc_mrr_at_100_diff1": 23.231343638867212, + "nauc_mrr_at_100_max": 19.452575181351783, + "nauc_mrr_at_100_std": -6.626683471900298, + "nauc_mrr_at_10_diff1": 22.605547224050298, + "nauc_mrr_at_10_max": 19.467230968891098, + "nauc_mrr_at_10_std": -7.304335909859951, + "nauc_mrr_at_1_diff1": 32.21591155654977, + "nauc_mrr_at_1_max": 23.898168032566968, + "nauc_mrr_at_1_std": -10.113298227732622, + "nauc_mrr_at_20_diff1": 23.17788912060599, + "nauc_mrr_at_20_max": 19.681138842631395, + "nauc_mrr_at_20_std": -6.668117181278914, + "nauc_mrr_at_3_diff1": 24.324685622276508, + "nauc_mrr_at_3_max": 19.28094175953585, + "nauc_mrr_at_3_std": -7.896612175052549, + "nauc_mrr_at_5_diff1": 23.56101870977645, + "nauc_mrr_at_5_max": 19.830915115983956, + "nauc_mrr_at_5_std": -7.247689969483312, + "nauc_ndcg_at_1000_diff1": 21.101486527699198, + "nauc_ndcg_at_1000_max": 17.661660378409593, + "nauc_ndcg_at_1000_std": -1.627651235714167, + "nauc_ndcg_at_100_diff1": 21.24378422898819, + "nauc_ndcg_at_100_max": 17.493044854580774, + "nauc_ndcg_at_100_std": -3.419151472965354, + "nauc_ndcg_at_10_diff1": 18.656346406751783, + "nauc_ndcg_at_10_max": 17.884063161669054, + "nauc_ndcg_at_10_std": -6.3304637473674985, + "nauc_ndcg_at_1_diff1": 32.21591155654977, + "nauc_ndcg_at_1_max": 23.898168032566968, + "nauc_ndcg_at_1_std": -10.113298227732622, + "nauc_ndcg_at_20_diff1": 20.517191848764295, + "nauc_ndcg_at_20_max": 18.302766567740257, + "nauc_ndcg_at_20_std": -4.676348966303663, + "nauc_ndcg_at_3_diff1": 22.229860548618376, + "nauc_ndcg_at_3_max": 17.700425344082685, + "nauc_ndcg_at_3_std": -6.599851166419227, + "nauc_ndcg_at_5_diff1": 20.760917715244236, + "nauc_ndcg_at_5_max": 18.320361121073617, + "nauc_ndcg_at_5_std": -5.968352306934327, + "nauc_precision_at_1000_diff1": 6.111781725558282, + "nauc_precision_at_1000_max": 4.893420377600338, + "nauc_precision_at_1000_std": 13.552656007673166, + "nauc_precision_at_100_diff1": 16.174564725391278, + "nauc_precision_at_100_max": 14.759102996929807, + "nauc_precision_at_100_std": 6.644858850147021, + "nauc_precision_at_10_diff1": 8.889821893924042, + "nauc_precision_at_10_max": 15.574473888576575, + "nauc_precision_at_10_std": -2.6115731810417366, + "nauc_precision_at_1_diff1": 32.21591155654977, + "nauc_precision_at_1_max": 23.898168032566968, + "nauc_precision_at_1_std": -10.113298227732622, + "nauc_precision_at_20_diff1": 14.776717379922587, + "nauc_precision_at_20_max": 19.55219664568408, + "nauc_precision_at_20_std": 2.8624434397265373, + "nauc_precision_at_3_diff1": 17.24181833195652, + "nauc_precision_at_3_max": 15.310985601785825, + "nauc_precision_at_3_std": -5.815145792096017, + "nauc_precision_at_5_diff1": 14.568702652383378, + "nauc_precision_at_5_max": 16.90398092807837, + "nauc_precision_at_5_std": -4.884555559489991, + "nauc_recall_at_1000_diff1": 17.718608305964434, + "nauc_recall_at_1000_max": 13.402668234081721, + "nauc_recall_at_1000_std": 21.623779371422756, + "nauc_recall_at_100_diff1": 18.932841874380454, + "nauc_recall_at_100_max": 13.254799775623564, + "nauc_recall_at_100_std": 4.592397886568707, + "nauc_recall_at_10_diff1": 10.256753131266485, + "nauc_recall_at_10_max": 15.34274332609289, + "nauc_recall_at_10_std": -5.019100394026518, + "nauc_recall_at_1_diff1": 31.95272198051361, + "nauc_recall_at_1_max": 22.895259623649785, + "nauc_recall_at_1_std": -9.582498979740272, + "nauc_recall_at_20_diff1": 16.098225999062155, + "nauc_recall_at_20_max": 16.11919310391389, + "nauc_recall_at_20_std": -0.981856820033547, + "nauc_recall_at_3_diff1": 16.896414167717293, + "nauc_recall_at_3_max": 14.67655178851271, + "nauc_recall_at_3_std": -4.885403738918622, + "nauc_recall_at_5_diff1": 15.074392597620905, + "nauc_recall_at_5_max": 16.457162195748644, + "nauc_recall_at_5_std": -3.6534367499331046, + "ndcg_at_1": 10.906, + "ndcg_at_10": 16.794999999999998, + "ndcg_at_100": 21.434, + "ndcg_at_1000": 24.743000000000002, + "ndcg_at_20": 18.275, + "ndcg_at_3": 13.507, + "ndcg_at_5": 14.953, + "precision_at_1": 10.906, + "precision_at_10": 2.791, + "precision_at_100": 0.5559999999999999, + "precision_at_1000": 0.091, + "precision_at_20": 1.738, + "precision_at_3": 5.545, + "precision_at_5": 4.14, + "recall_at_1": 10.08, + "recall_at_10": 24.184, + "recall_at_100": 46.967999999999996, + "recall_at_1000": 72.92999999999999, + "recall_at_20": 29.852, + "recall_at_3": 15.440999999999999, + "recall_at_5": 18.829 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/ClimateFEVER.json b/results/minishlab__potion-base-8M/external/ClimateFEVER.json new file mode 100644 index 000000000..a6d4dd0fe --- /dev/null +++ b/results/minishlab__potion-base-8M/external/ClimateFEVER.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 17.288999999999998, + "map_at_1": 6.537, + "map_at_10": 11.465, + "map_at_100": 12.851, + "map_at_1000": 13.045000000000002, + "map_at_20": 12.174, + "map_at_3": 9.369, + "map_at_5": 10.331, + "mrr_at_1": 15.2442996742671, + "mrr_at_10": 23.59306654257793, + "mrr_at_100": 24.771529453769823, + "mrr_at_1000": 24.838895119526256, + "mrr_at_20": 24.34915881726873, + "mrr_at_3": 20.466883821932676, + "mrr_at_5": 22.027144408251875, + "nauc_map_at_1000_diff1": 21.34422077879759, + "nauc_map_at_1000_max": 22.628208123980382, + "nauc_map_at_1000_std": 15.80771024789922, + "nauc_map_at_100_diff1": 21.373352148960333, + "nauc_map_at_100_max": 22.445247482460697, + "nauc_map_at_100_std": 15.551345921669244, + "nauc_map_at_10_diff1": 22.093245216727393, + "nauc_map_at_10_max": 20.71848879842843, + "nauc_map_at_10_std": 13.073037988129768, + "nauc_map_at_1_diff1": 32.56507685691908, + "nauc_map_at_1_max": 19.299512363814912, + "nauc_map_at_1_std": 7.980883065948159, + "nauc_map_at_20_diff1": 21.612469499988222, + "nauc_map_at_20_max": 21.70315933461587, + "nauc_map_at_20_std": 14.51324386963804, + "nauc_map_at_3_diff1": 22.671417020380986, + "nauc_map_at_3_max": 18.10374651349345, + "nauc_map_at_3_std": 9.73448791948781, + "nauc_map_at_5_diff1": 22.034988196838064, + "nauc_map_at_5_max": 18.490696961140145, + "nauc_map_at_5_std": 11.001958112977931, + "nauc_mrr_at_1000_diff1": 17.997877765827052, + "nauc_mrr_at_1000_max": 23.761191320854795, + "nauc_mrr_at_1000_std": 17.086288520129283, + "nauc_mrr_at_100_diff1": 17.99589491236679, + "nauc_mrr_at_100_max": 23.76386777696214, + "nauc_mrr_at_100_std": 17.114923252433908, + "nauc_mrr_at_10_diff1": 17.95028052166577, + "nauc_mrr_at_10_max": 23.313446785613046, + "nauc_mrr_at_10_std": 16.289313792057893, + "nauc_mrr_at_1_diff1": 25.00794012521374, + "nauc_mrr_at_1_max": 20.934023514536086, + "nauc_mrr_at_1_std": 10.326842252115775, + "nauc_mrr_at_20_diff1": 17.977173189525192, + "nauc_mrr_at_20_max": 23.858084437038833, + "nauc_mrr_at_20_std": 17.177629596269224, + "nauc_mrr_at_3_diff1": 18.049118818264052, + "nauc_mrr_at_3_max": 21.812245650122605, + "nauc_mrr_at_3_std": 14.048078149579718, + "nauc_mrr_at_5_diff1": 18.028877069283745, + "nauc_mrr_at_5_max": 21.88620019054395, + "nauc_mrr_at_5_std": 14.787661645971001, + "nauc_ndcg_at_1000_diff1": 16.72726980659064, + "nauc_ndcg_at_1000_max": 30.043672363788087, + "nauc_ndcg_at_1000_std": 26.833584730455268, + "nauc_ndcg_at_100_diff1": 17.16473243031922, + "nauc_ndcg_at_100_max": 28.239622016125566, + "nauc_ndcg_at_100_std": 24.469002695895977, + "nauc_ndcg_at_10_diff1": 18.655890597433427, + "nauc_ndcg_at_10_max": 23.63136724071696, + "nauc_ndcg_at_10_std": 17.29295589103389, + "nauc_ndcg_at_1_diff1": 25.00794012521374, + "nauc_ndcg_at_1_max": 20.934023514536086, + "nauc_ndcg_at_1_std": 10.326842252115775, + "nauc_ndcg_at_20_diff1": 17.762757204969244, + "nauc_ndcg_at_20_max": 25.946755000541476, + "nauc_ndcg_at_20_std": 20.9523075152757, + "nauc_ndcg_at_3_diff1": 18.258615831392746, + "nauc_ndcg_at_3_max": 20.21498568651181, + "nauc_ndcg_at_3_std": 12.588112301185989, + "nauc_ndcg_at_5_diff1": 18.575198873459577, + "nauc_ndcg_at_5_max": 19.821485190942443, + "nauc_ndcg_at_5_std": 13.559611377687455, + "nauc_precision_at_1000_diff1": -1.3591333339360123, + "nauc_precision_at_1000_max": 33.01866225202323, + "nauc_precision_at_1000_std": 38.26072433720804, + "nauc_precision_at_100_diff1": 4.534183759090849, + "nauc_precision_at_100_max": 35.499433595656335, + "nauc_precision_at_100_std": 37.765227934597114, + "nauc_precision_at_10_diff1": 11.369511250136568, + "nauc_precision_at_10_max": 30.281092515358527, + "nauc_precision_at_10_std": 26.690470077530847, + "nauc_precision_at_1_diff1": 25.00794012521374, + "nauc_precision_at_1_max": 20.934023514536086, + "nauc_precision_at_1_std": 10.326842252115775, + "nauc_precision_at_20_diff1": 8.133211694372351, + "nauc_precision_at_20_max": 34.161055315782775, + "nauc_precision_at_20_std": 33.33055010570849, + "nauc_precision_at_3_diff1": 10.5682193001728, + "nauc_precision_at_3_max": 22.786982248944767, + "nauc_precision_at_3_std": 17.92766896610086, + "nauc_precision_at_5_diff1": 10.940535871177055, + "nauc_precision_at_5_max": 23.197073410356037, + "nauc_precision_at_5_std": 20.612896217277573, + "nauc_recall_at_1000_diff1": 5.540983045337761, + "nauc_recall_at_1000_max": 37.3394645787145, + "nauc_recall_at_1000_std": 43.905340993951555, + "nauc_recall_at_100_diff1": 8.725053205627061, + "nauc_recall_at_100_max": 29.46589116376182, + "nauc_recall_at_100_std": 32.76739728784572, + "nauc_recall_at_10_diff1": 13.519133005869758, + "nauc_recall_at_10_max": 23.66746585259265, + "nauc_recall_at_10_std": 19.744857128981092, + "nauc_recall_at_1_diff1": 32.56507685691908, + "nauc_recall_at_1_max": 19.299512363814912, + "nauc_recall_at_1_std": 7.980883065948159, + "nauc_recall_at_20_diff1": 10.866077600352101, + "nauc_recall_at_20_max": 26.726876720649262, + "nauc_recall_at_20_std": 26.28100368153264, + "nauc_recall_at_3_diff1": 15.295338383488533, + "nauc_recall_at_3_max": 18.013167170259173, + "nauc_recall_at_3_std": 11.569701886642754, + "nauc_recall_at_5_diff1": 14.214598780846863, + "nauc_recall_at_5_max": 17.96550333772466, + "nauc_recall_at_5_std": 13.720834673116972, + "ndcg_at_1": 15.244, + "ndcg_at_10": 17.288999999999998, + "ndcg_at_100": 23.757, + "ndcg_at_1000": 27.725, + "ndcg_at_20": 19.686999999999998, + "ndcg_at_3": 13.245000000000001, + "ndcg_at_5": 14.485000000000001, + "precision_at_1": 15.244, + "precision_at_10": 5.733, + "precision_at_100": 1.264, + "precision_at_1000": 0.199, + "precision_at_20": 3.85, + "precision_at_3": 10.054, + "precision_at_5": 7.9350000000000005, + "recall_at_1": 6.537, + "recall_at_10": 22.046, + "recall_at_100": 44.818000000000005, + "recall_at_1000": 67.676, + "recall_at_20": 28.974, + "recall_at_3": 12.232, + "recall_at_5": 15.540999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/DBPedia.json b/results/minishlab__potion-base-8M/external/DBPedia.json new file mode 100644 index 000000000..a0424d53f --- /dev/null +++ b/results/minishlab__potion-base-8M/external/DBPedia.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 24.235, + "map_at_1": 4.304, + "map_at_10": 9.944, + "map_at_100": 14.113000000000001, + "map_at_1000": 15.085, + "map_at_20": 11.594, + "map_at_3": 7.228999999999999, + "map_at_5": 8.368, + "mrr_at_1": 43.0, + "mrr_at_10": 53.30376984126983, + "mrr_at_100": 53.97910163622114, + "mrr_at_1000": 54.005267473599304, + "mrr_at_20": 53.740161512249365, + "mrr_at_3": 50.54166666666667, + "mrr_at_5": 52.154166666666654, + "nauc_map_at_1000_diff1": 26.809585057496545, + "nauc_map_at_1000_max": 27.599866660752987, + "nauc_map_at_1000_std": 31.459439584000094, + "nauc_map_at_100_diff1": 27.049487336011836, + "nauc_map_at_100_max": 25.112936840752, + "nauc_map_at_100_std": 28.400137100413364, + "nauc_map_at_10_diff1": 32.105246040146554, + "nauc_map_at_10_max": 9.658311385867774, + "nauc_map_at_10_std": 12.006591313970928, + "nauc_map_at_1_diff1": 45.66826032911575, + "nauc_map_at_1_max": 1.1005171486965344, + "nauc_map_at_1_std": 3.2500050585955558, + "nauc_map_at_20_diff1": 30.73734552740125, + "nauc_map_at_20_max": 14.994971393610829, + "nauc_map_at_20_std": 18.029603402042753, + "nauc_map_at_3_diff1": 36.77585294977933, + "nauc_map_at_3_max": 2.0123666749907034, + "nauc_map_at_3_std": 3.1886056493854906, + "nauc_map_at_5_diff1": 34.910885252980414, + "nauc_map_at_5_max": 4.606898880177816, + "nauc_map_at_5_std": 5.897472990222533, + "nauc_mrr_at_1000_diff1": 32.8408203164654, + "nauc_mrr_at_1000_max": 44.57916824429895, + "nauc_mrr_at_1000_std": 25.76632603800019, + "nauc_mrr_at_100_diff1": 32.83381181877902, + "nauc_mrr_at_100_max": 44.57742098993615, + "nauc_mrr_at_100_std": 25.763980866882193, + "nauc_mrr_at_10_diff1": 32.85879447148161, + "nauc_mrr_at_10_max": 44.587973042043814, + "nauc_mrr_at_10_std": 25.548766798683893, + "nauc_mrr_at_1_diff1": 36.064038704139605, + "nauc_mrr_at_1_max": 43.188409566789346, + "nauc_mrr_at_1_std": 24.26421817898062, + "nauc_mrr_at_20_diff1": 32.752896264184685, + "nauc_mrr_at_20_max": 44.56787283356919, + "nauc_mrr_at_20_std": 25.763763879915313, + "nauc_mrr_at_3_diff1": 33.265925003418126, + "nauc_mrr_at_3_max": 43.98236209085194, + "nauc_mrr_at_3_std": 24.811433062956347, + "nauc_mrr_at_5_diff1": 33.02692454410134, + "nauc_mrr_at_5_max": 44.02150946107612, + "nauc_mrr_at_5_std": 24.414392179240878, + "nauc_ndcg_at_1000_diff1": 29.071114816059023, + "nauc_ndcg_at_1000_max": 38.90222092060964, + "nauc_ndcg_at_1000_std": 44.44820451621514, + "nauc_ndcg_at_100_diff1": 29.1316364198098, + "nauc_ndcg_at_100_max": 31.558894971415064, + "nauc_ndcg_at_100_std": 35.45395514581182, + "nauc_ndcg_at_10_diff1": 29.303783217647744, + "nauc_ndcg_at_10_max": 31.009718153863414, + "nauc_ndcg_at_10_std": 27.49477754545124, + "nauc_ndcg_at_1_diff1": 35.43480922848642, + "nauc_ndcg_at_1_max": 30.475722281046714, + "nauc_ndcg_at_1_std": 17.626646786380547, + "nauc_ndcg_at_20_diff1": 29.30769894815147, + "nauc_ndcg_at_20_max": 27.870710525324107, + "nauc_ndcg_at_20_std": 28.334513734492532, + "nauc_ndcg_at_3_diff1": 30.7536730308035, + "nauc_ndcg_at_3_max": 32.32457811814772, + "nauc_ndcg_at_3_std": 21.676427426548152, + "nauc_ndcg_at_5_diff1": 29.96943892323901, + "nauc_ndcg_at_5_max": 31.493512707920964, + "nauc_ndcg_at_5_std": 24.0956693770445, + "nauc_precision_at_1000_diff1": -5.720318672455256, + "nauc_precision_at_1000_max": 28.08646209634404, + "nauc_precision_at_1000_std": 29.34422238786186, + "nauc_precision_at_100_diff1": 0.84607162708279, + "nauc_precision_at_100_max": 47.97391409332498, + "nauc_precision_at_100_std": 44.619521382937286, + "nauc_precision_at_10_diff1": 9.622029967680373, + "nauc_precision_at_10_max": 45.89203900455004, + "nauc_precision_at_10_std": 38.276273021326745, + "nauc_precision_at_1_diff1": 36.064038704139605, + "nauc_precision_at_1_max": 43.188409566789346, + "nauc_precision_at_1_std": 24.26421817898062, + "nauc_precision_at_20_diff1": 6.709711811715244, + "nauc_precision_at_20_max": 47.47318907005896, + "nauc_precision_at_20_std": 42.595576770275095, + "nauc_precision_at_3_diff1": 19.233575308317054, + "nauc_precision_at_3_max": 43.02563765159987, + "nauc_precision_at_3_std": 27.334254446564454, + "nauc_precision_at_5_diff1": 14.298477498830673, + "nauc_precision_at_5_max": 42.72631241492758, + "nauc_precision_at_5_std": 32.14763584000337, + "nauc_recall_at_1000_diff1": 18.551929022070503, + "nauc_recall_at_1000_max": 25.99572596347025, + "nauc_recall_at_1000_std": 49.479321187111644, + "nauc_recall_at_100_diff1": 16.24655246342188, + "nauc_recall_at_100_max": 19.193014693852824, + "nauc_recall_at_100_std": 31.691642773148754, + "nauc_recall_at_10_diff1": 21.181166055890365, + "nauc_recall_at_10_max": -0.020533885799737757, + "nauc_recall_at_10_std": 7.266191592314226, + "nauc_recall_at_1_diff1": 45.66826032911575, + "nauc_recall_at_1_max": 1.1005171486965344, + "nauc_recall_at_1_std": 3.2500050585955558, + "nauc_recall_at_20_diff1": 19.153797037751836, + "nauc_recall_at_20_max": 3.9385573002743057, + "nauc_recall_at_20_std": 14.048512138776442, + "nauc_recall_at_3_diff1": 30.240078354763085, + "nauc_recall_at_3_max": -4.0841121814480195, + "nauc_recall_at_3_std": -2.3759344889809264, + "nauc_recall_at_5_diff1": 26.22489817092464, + "nauc_recall_at_5_max": -3.2396073154699256, + "nauc_recall_at_5_std": -0.1327990827712389, + "ndcg_at_1": 31.5, + "ndcg_at_10": 24.235, + "ndcg_at_100": 28.01, + "ndcg_at_1000": 34.724, + "ndcg_at_20": 24.265, + "ndcg_at_3": 26.682, + "ndcg_at_5": 25.249, + "precision_at_1": 43.0, + "precision_at_10": 21.65, + "precision_at_100": 6.97, + "precision_at_1000": 1.4449999999999998, + "precision_at_20": 16.6, + "precision_at_3": 32.25, + "precision_at_5": 27.250000000000004, + "recall_at_1": 4.304, + "recall_at_10": 15.014, + "recall_at_100": 35.115, + "recall_at_1000": 58.52, + "recall_at_20": 20.817, + "recall_at_3": 8.698, + "recall_at_5": 11.052 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/EmotionClassification.json b/results/minishlab__potion-base-8M/external/EmotionClassification.json new file mode 100644 index 000000000..804126bcd --- /dev/null +++ b/results/minishlab__potion-base-8M/external/EmotionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 45.09, + "f1": 41.3731018097549, + "f1_weighted": 47.129694558751545, + "main_score": 45.09 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/FEVER.json b/results/minishlab__potion-base-8M/external/FEVER.json new file mode 100644 index 000000000..526534d34 --- /dev/null +++ b/results/minishlab__potion-base-8M/external/FEVER.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 30.267, + "map_at_1": 16.349, + "map_at_10": 24.917, + "map_at_100": 26.003, + "map_at_1000": 26.072, + "map_at_20": 25.558999999999997, + "map_at_3": 22.067999999999998, + "map_at_5": 23.610999999999997, + "mrr_at_1": 17.416741674167415, + "mrr_at_10": 26.439929707256365, + "mrr_at_100": 27.508820939687954, + "mrr_at_1000": 27.570352489203128, + "mrr_at_20": 27.08319436248233, + "mrr_at_3": 23.422342234223358, + "mrr_at_5": 25.06350635063509, + "nauc_map_at_1000_diff1": 21.773223671090857, + "nauc_map_at_1000_max": 6.412897130218669, + "nauc_map_at_1000_std": -6.3221009008493745, + "nauc_map_at_100_diff1": 21.76483868507978, + "nauc_map_at_100_max": 6.404365200549758, + "nauc_map_at_100_std": -6.342840969370927, + "nauc_map_at_10_diff1": 21.669481996014238, + "nauc_map_at_10_max": 6.019531738681224, + "nauc_map_at_10_std": -6.941777440293395, + "nauc_map_at_1_diff1": 27.706382248361393, + "nauc_map_at_1_max": 4.030610814398596, + "nauc_map_at_1_std": -9.782554832619702, + "nauc_map_at_20_diff1": 21.80535156700929, + "nauc_map_at_20_max": 6.361714278006344, + "nauc_map_at_20_std": -6.513790702798104, + "nauc_map_at_3_diff1": 23.017059605983857, + "nauc_map_at_3_max": 5.110304244032051, + "nauc_map_at_3_std": -8.069547854658104, + "nauc_map_at_5_diff1": 21.927491204194766, + "nauc_map_at_5_max": 5.462525780765053, + "nauc_map_at_5_std": -7.474340804858998, + "nauc_mrr_at_1000_diff1": 21.61235920652557, + "nauc_mrr_at_1000_max": 6.6996553488043915, + "nauc_mrr_at_1000_std": -6.520954496784069, + "nauc_mrr_at_100_diff1": 21.597831485534126, + "nauc_mrr_at_100_max": 6.705135295195408, + "nauc_mrr_at_100_std": -6.521597409657566, + "nauc_mrr_at_10_diff1": 21.404259600861597, + "nauc_mrr_at_10_max": 6.348078634441438, + "nauc_mrr_at_10_std": -7.012906818443071, + "nauc_mrr_at_1_diff1": 27.231264207663248, + "nauc_mrr_at_1_max": 4.04888129901842, + "nauc_mrr_at_1_std": -9.998368133129015, + "nauc_mrr_at_20_diff1": 21.57543681953314, + "nauc_mrr_at_20_max": 6.670007051575425, + "nauc_mrr_at_20_std": -6.636382948186316, + "nauc_mrr_at_3_diff1": 22.771758514181627, + "nauc_mrr_at_3_max": 5.389600538667887, + "nauc_mrr_at_3_std": -8.189661361743667, + "nauc_mrr_at_5_diff1": 21.689397986510446, + "nauc_mrr_at_5_max": 5.765658649049543, + "nauc_mrr_at_5_std": -7.590205788150704, + "nauc_ndcg_at_1000_diff1": 19.780729881850963, + "nauc_ndcg_at_1000_max": 8.968522119658385, + "nauc_ndcg_at_1000_std": -2.425269449284083, + "nauc_ndcg_at_100_diff1": 19.46657224380776, + "nauc_ndcg_at_100_max": 9.05883201318058, + "nauc_ndcg_at_100_std": -2.5565659351523293, + "nauc_ndcg_at_10_diff1": 19.29152253186839, + "nauc_ndcg_at_10_max": 7.499062048205841, + "nauc_ndcg_at_10_std": -5.2482566392088685, + "nauc_ndcg_at_1_diff1": 27.231264207663248, + "nauc_ndcg_at_1_max": 4.04888129901842, + "nauc_ndcg_at_1_std": -9.998368133129015, + "nauc_ndcg_at_20_diff1": 19.71545443537324, + "nauc_ndcg_at_20_max": 8.64504551388718, + "nauc_ndcg_at_20_std": -3.7667113417348976, + "nauc_ndcg_at_3_diff1": 21.745216173844803, + "nauc_ndcg_at_3_max": 5.650727598972489, + "nauc_ndcg_at_3_std": -7.481336986244201, + "nauc_ndcg_at_5_diff1": 19.936133837204203, + "nauc_ndcg_at_5_max": 6.259916537058443, + "nauc_ndcg_at_5_std": -6.484388158971839, + "nauc_precision_at_1000_diff1": 1.471146535072958, + "nauc_precision_at_1000_max": 20.630906784097483, + "nauc_precision_at_1000_std": 21.9773366010731, + "nauc_precision_at_100_diff1": 7.533964401054148, + "nauc_precision_at_100_max": 19.925643661900423, + "nauc_precision_at_100_std": 15.336729247195924, + "nauc_precision_at_10_diff1": 12.150440335935734, + "nauc_precision_at_10_max": 11.983854268540387, + "nauc_precision_at_10_std": -0.37221151434129196, + "nauc_precision_at_1_diff1": 27.231264207663248, + "nauc_precision_at_1_max": 4.04888129901842, + "nauc_precision_at_1_std": -9.998368133129015, + "nauc_precision_at_20_diff1": 12.630450311503752, + "nauc_precision_at_20_max": 16.05605149278296, + "nauc_precision_at_20_std": 5.3999355877921165, + "nauc_precision_at_3_diff1": 18.359563527526568, + "nauc_precision_at_3_max": 7.050702808245418, + "nauc_precision_at_3_std": -6.012052050420314, + "nauc_precision_at_5_diff1": 14.398743831406193, + "nauc_precision_at_5_max": 8.47645601614165, + "nauc_precision_at_5_std": -4.017240645221931, + "nauc_recall_at_1000_diff1": 7.839541590866944, + "nauc_recall_at_1000_max": 23.309619602703478, + "nauc_recall_at_1000_std": 27.804864458508405, + "nauc_recall_at_100_diff1": 9.97691215791031, + "nauc_recall_at_100_max": 18.819153599870717, + "nauc_recall_at_100_std": 14.458117071228108, + "nauc_recall_at_10_diff1": 12.810432997078946, + "nauc_recall_at_10_max": 10.766544057766287, + "nauc_recall_at_10_std": -0.5969028921503585, + "nauc_recall_at_1_diff1": 27.706382248361393, + "nauc_recall_at_1_max": 4.030610814398596, + "nauc_recall_at_1_std": -9.782554832619702, + "nauc_recall_at_20_diff1": 13.595110328407126, + "nauc_recall_at_20_max": 14.757809231376443, + "nauc_recall_at_20_std": 4.9020894617594575, + "nauc_recall_at_3_diff1": 18.603105066886183, + "nauc_recall_at_3_max": 6.695351132956627, + "nauc_recall_at_3_std": -5.761401766506087, + "nauc_recall_at_5_diff1": 14.770731919705574, + "nauc_recall_at_5_max": 7.754748009508286, + "nauc_recall_at_5_std": -3.7961358195332773, + "ndcg_at_1": 17.416999999999998, + "ndcg_at_10": 30.267, + "ndcg_at_100": 35.650999999999996, + "ndcg_at_1000": 37.57, + "ndcg_at_20": 32.574, + "ndcg_at_3": 24.303, + "ndcg_at_5": 27.099, + "precision_at_1": 17.416999999999998, + "precision_at_10": 4.9590000000000005, + "precision_at_100": 0.7799999999999999, + "precision_at_1000": 0.096, + "precision_at_20": 2.9819999999999998, + "precision_at_3": 10.536, + "precision_at_5": 7.807, + "recall_at_1": 16.349, + "recall_at_10": 45.678999999999995, + "recall_at_100": 70.541, + "recall_at_1000": 85.36500000000001, + "recall_at_20": 54.541, + "recall_at_3": 29.42, + "recall_at_5": 36.112 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/FiQA2018.json b/results/minishlab__potion-base-8M/external/FiQA2018.json new file mode 100644 index 000000000..acdc88040 --- /dev/null +++ b/results/minishlab__potion-base-8M/external/FiQA2018.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 16.619, + "map_at_1": 7.478999999999999, + "map_at_10": 11.933, + "map_at_100": 13.078000000000001, + "map_at_1000": 13.267999999999999, + "map_at_20": 12.465, + "map_at_3": 9.975000000000001, + "map_at_5": 10.928, + "mrr_at_1": 14.660493827160495, + "mrr_at_10": 20.737250146972368, + "mrr_at_100": 21.718558761167632, + "mrr_at_1000": 21.808600465854973, + "mrr_at_20": 21.221196101889976, + "mrr_at_3": 18.569958847736622, + "mrr_at_5": 19.557613168724284, + "nauc_map_at_1000_diff1": 21.51431734644358, + "nauc_map_at_1000_max": 4.931074809601008, + "nauc_map_at_1000_std": -3.3303160557020033, + "nauc_map_at_100_diff1": 21.38249575770264, + "nauc_map_at_100_max": 4.725930298940441, + "nauc_map_at_100_std": -3.4448477852279473, + "nauc_map_at_10_diff1": 21.195172969735484, + "nauc_map_at_10_max": 4.412691847045547, + "nauc_map_at_10_std": -4.350074377307911, + "nauc_map_at_1_diff1": 28.103238263092063, + "nauc_map_at_1_max": 6.669837188399256, + "nauc_map_at_1_std": -4.3658897905036405, + "nauc_map_at_20_diff1": 21.489132375885042, + "nauc_map_at_20_max": 4.303022314751493, + "nauc_map_at_20_std": -4.17992541434375, + "nauc_map_at_3_diff1": 22.237087711122065, + "nauc_map_at_3_max": 4.533442194144081, + "nauc_map_at_3_std": -5.4916480142821635, + "nauc_map_at_5_diff1": 21.876772694300065, + "nauc_map_at_5_max": 4.511112176374985, + "nauc_map_at_5_std": -5.176150118472554, + "nauc_mrr_at_1000_diff1": 22.783625924297894, + "nauc_mrr_at_1000_max": 5.601679998803955, + "nauc_mrr_at_1000_std": -7.3878080622090865, + "nauc_mrr_at_100_diff1": 22.729460521696915, + "nauc_mrr_at_100_max": 5.57805664833725, + "nauc_mrr_at_100_std": -7.3741470356357945, + "nauc_mrr_at_10_diff1": 22.92977199129734, + "nauc_mrr_at_10_max": 5.36088601159652, + "nauc_mrr_at_10_std": -7.875413563795927, + "nauc_mrr_at_1_diff1": 28.31095482042955, + "nauc_mrr_at_1_max": 7.815000197077026, + "nauc_mrr_at_1_std": -7.957538731368522, + "nauc_mrr_at_20_diff1": 22.946584920142406, + "nauc_mrr_at_20_max": 5.384498887828733, + "nauc_mrr_at_20_std": -7.633579657779428, + "nauc_mrr_at_3_diff1": 23.46361356498147, + "nauc_mrr_at_3_max": 4.50117125788086, + "nauc_mrr_at_3_std": -8.902224452227653, + "nauc_mrr_at_5_diff1": 23.331352654582094, + "nauc_mrr_at_5_max": 4.978873752458006, + "nauc_mrr_at_5_std": -8.93749978655238, + "nauc_ndcg_at_1000_diff1": 19.87039469365751, + "nauc_ndcg_at_1000_max": 8.696714614408632, + "nauc_ndcg_at_1000_std": 1.9681923697039077, + "nauc_ndcg_at_100_diff1": 18.868322837780532, + "nauc_ndcg_at_100_max": 6.0333062132177675, + "nauc_ndcg_at_100_std": 0.44045929715801535, + "nauc_ndcg_at_10_diff1": 19.727068370792786, + "nauc_ndcg_at_10_max": 4.277512828410901, + "nauc_ndcg_at_10_std": -4.086859790177703, + "nauc_ndcg_at_1_diff1": 28.31095482042955, + "nauc_ndcg_at_1_max": 7.815000197077026, + "nauc_ndcg_at_1_std": -7.957538731368522, + "nauc_ndcg_at_20_diff1": 20.29147215834196, + "nauc_ndcg_at_20_max": 4.095649235859702, + "nauc_ndcg_at_20_std": -3.35870597862009, + "nauc_ndcg_at_3_diff1": 21.821928240162936, + "nauc_ndcg_at_3_max": 4.480256449572136, + "nauc_ndcg_at_3_std": -7.852741840584263, + "nauc_ndcg_at_5_diff1": 21.15156996884851, + "nauc_ndcg_at_5_max": 4.290200639355712, + "nauc_ndcg_at_5_std": -6.820305338379054, + "nauc_precision_at_1000_diff1": 8.075302805866599, + "nauc_precision_at_1000_max": 19.944406193476624, + "nauc_precision_at_1000_std": 7.381890177301082, + "nauc_precision_at_100_diff1": 11.601078456057651, + "nauc_precision_at_100_max": 13.628171798745194, + "nauc_precision_at_100_std": 5.64401780985023, + "nauc_precision_at_10_diff1": 16.653551040271243, + "nauc_precision_at_10_max": 6.546264597330201, + "nauc_precision_at_10_std": -4.71713361654603, + "nauc_precision_at_1_diff1": 28.31095482042955, + "nauc_precision_at_1_max": 7.815000197077026, + "nauc_precision_at_1_std": -7.957538731368522, + "nauc_precision_at_20_diff1": 17.066402720849883, + "nauc_precision_at_20_max": 6.178677607606832, + "nauc_precision_at_20_std": -3.987829586084965, + "nauc_precision_at_3_diff1": 18.358060169256518, + "nauc_precision_at_3_max": 3.326657304001109, + "nauc_precision_at_3_std": -10.729398884603352, + "nauc_precision_at_5_diff1": 19.41722339541596, + "nauc_precision_at_5_max": 5.714829813319856, + "nauc_precision_at_5_std": -8.915414021584194, + "nauc_recall_at_1000_diff1": 9.365082280755011, + "nauc_recall_at_1000_max": 15.829818126823215, + "nauc_recall_at_1000_std": 27.360808820832666, + "nauc_recall_at_100_diff1": 8.05391879951721, + "nauc_recall_at_100_max": 5.285477600522065, + "nauc_recall_at_100_std": 13.239431098719457, + "nauc_recall_at_10_diff1": 13.288596558862537, + "nauc_recall_at_10_max": 1.9512189235666242, + "nauc_recall_at_10_std": 0.08420098367582614, + "nauc_recall_at_1_diff1": 28.103238263092063, + "nauc_recall_at_1_max": 6.669837188399256, + "nauc_recall_at_1_std": -4.3658897905036405, + "nauc_recall_at_20_diff1": 14.781087409113736, + "nauc_recall_at_20_max": 1.6715579437911525, + "nauc_recall_at_20_std": 1.4885011649849296, + "nauc_recall_at_3_diff1": 16.904223069103445, + "nauc_recall_at_3_max": 1.2031021965601998, + "nauc_recall_at_3_std": -5.7358517453558395, + "nauc_recall_at_5_diff1": 15.560583779980208, + "nauc_recall_at_5_max": 1.268944483676161, + "nauc_recall_at_5_std": -5.114882384179444, + "ndcg_at_1": 14.66, + "ndcg_at_10": 16.619, + "ndcg_at_100": 22.467000000000002, + "ndcg_at_1000": 26.745, + "ndcg_at_20": 18.356, + "ndcg_at_3": 13.547, + "ndcg_at_5": 14.466999999999999, + "precision_at_1": 14.66, + "precision_at_10": 4.8149999999999995, + "precision_at_100": 1.0619999999999998, + "precision_at_1000": 0.182, + "precision_at_20": 3.071, + "precision_at_3": 9.002, + "precision_at_5": 6.79, + "recall_at_1": 7.478999999999999, + "recall_at_10": 21.884, + "recall_at_100": 45.545, + "recall_at_1000": 71.887, + "recall_at_20": 27.567999999999998, + "recall_at_3": 12.485, + "recall_at_5": 15.862000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/HotpotQA.json b/results/minishlab__potion-base-8M/external/HotpotQA.json new file mode 100644 index 000000000..36a654553 --- /dev/null +++ b/results/minishlab__potion-base-8M/external/HotpotQA.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 36.217, + "map_at_1": 20.628, + "map_at_10": 28.559, + "map_at_100": 29.5, + "map_at_1000": 29.601, + "map_at_20": 29.069, + "map_at_3": 26.429000000000002, + "map_at_5": 27.589000000000002, + "mrr_at_1": 41.2559081701553, + "mrr_at_10": 48.84337052399182, + "mrr_at_100": 49.523346087979284, + "mrr_at_1000": 49.56958885341236, + "mrr_at_20": 49.24793448550151, + "mrr_at_3": 46.893990546927924, + "mrr_at_5": 48.02430790006756, + "nauc_map_at_1000_diff1": 47.360168970984724, + "nauc_map_at_1000_max": 24.614881662381816, + "nauc_map_at_1000_std": 7.361001821254585, + "nauc_map_at_100_diff1": 47.364333667549126, + "nauc_map_at_100_max": 24.59919582686935, + "nauc_map_at_100_std": 7.30629187742088, + "nauc_map_at_10_diff1": 47.72981170600924, + "nauc_map_at_10_max": 24.438913671717863, + "nauc_map_at_10_std": 6.344771843030873, + "nauc_map_at_1_diff1": 60.38112885477367, + "nauc_map_at_1_max": 25.9097175050165, + "nauc_map_at_1_std": 1.6564371988429167, + "nauc_map_at_20_diff1": 47.57684884180127, + "nauc_map_at_20_max": 24.499763513475443, + "nauc_map_at_20_std": 6.846169751546589, + "nauc_map_at_3_diff1": 49.86374782865936, + "nauc_map_at_3_max": 24.885292020762233, + "nauc_map_at_3_std": 4.8258321037343075, + "nauc_map_at_5_diff1": 48.41433187485084, + "nauc_map_at_5_max": 24.439622781310288, + "nauc_map_at_5_std": 5.664110533938225, + "nauc_mrr_at_1000_diff1": 56.730426912840926, + "nauc_mrr_at_1000_max": 25.303184184778832, + "nauc_mrr_at_1000_std": 4.096788282752593, + "nauc_mrr_at_100_diff1": 56.72217642846328, + "nauc_mrr_at_100_max": 25.302090289174313, + "nauc_mrr_at_100_std": 4.108586907297719, + "nauc_mrr_at_10_diff1": 56.738023427066885, + "nauc_mrr_at_10_max": 25.271616491844455, + "nauc_mrr_at_10_std": 3.824908381559653, + "nauc_mrr_at_1_diff1": 60.38112885477367, + "nauc_mrr_at_1_max": 25.9097175050165, + "nauc_mrr_at_1_std": 1.6564371988429167, + "nauc_mrr_at_20_diff1": 56.70644340159845, + "nauc_mrr_at_20_max": 25.27993872890672, + "nauc_mrr_at_20_std": 4.0064390570846875, + "nauc_mrr_at_3_diff1": 57.245840183280194, + "nauc_mrr_at_3_max": 25.33525251108163, + "nauc_mrr_at_3_std": 2.9291934957523584, + "nauc_mrr_at_5_diff1": 56.755596718387125, + "nauc_mrr_at_5_max": 25.22311364368114, + "nauc_mrr_at_5_std": 3.5613271952141865, + "nauc_ndcg_at_1000_diff1": 46.553394894195456, + "nauc_ndcg_at_1000_max": 24.938550469205936, + "nauc_ndcg_at_1000_std": 11.539278224453703, + "nauc_ndcg_at_100_diff1": 46.60518292153804, + "nauc_ndcg_at_100_max": 24.724969691359487, + "nauc_ndcg_at_100_std": 10.73834721703669, + "nauc_ndcg_at_10_diff1": 48.12092181292035, + "nauc_ndcg_at_10_max": 24.2791002435645, + "nauc_ndcg_at_10_std": 7.153695707296072, + "nauc_ndcg_at_1_diff1": 60.38112885477367, + "nauc_ndcg_at_1_max": 25.9097175050165, + "nauc_ndcg_at_1_std": 1.6564371988429167, + "nauc_ndcg_at_20_diff1": 47.65117800859018, + "nauc_ndcg_at_20_max": 24.357451369693482, + "nauc_ndcg_at_20_std": 8.469581027730795, + "nauc_ndcg_at_3_diff1": 51.08303103543016, + "nauc_ndcg_at_3_max": 24.799424583706255, + "nauc_ndcg_at_3_std": 4.63909501741516, + "nauc_ndcg_at_5_diff1": 49.136821889915225, + "nauc_ndcg_at_5_max": 24.243099266851612, + "nauc_ndcg_at_5_std": 5.961841495442629, + "nauc_precision_at_1000_diff1": 14.823992446535481, + "nauc_precision_at_1000_max": 17.957974549199044, + "nauc_precision_at_1000_std": 31.79928156519854, + "nauc_precision_at_100_diff1": 23.121894912525356, + "nauc_precision_at_100_max": 19.166436915427486, + "nauc_precision_at_100_std": 23.79964191034748, + "nauc_precision_at_10_diff1": 35.6440151764581, + "nauc_precision_at_10_max": 21.022400502868223, + "nauc_precision_at_10_std": 11.461152130387351, + "nauc_precision_at_1_diff1": 60.38112885477367, + "nauc_precision_at_1_max": 25.9097175050165, + "nauc_precision_at_1_std": 1.6564371988429167, + "nauc_precision_at_20_diff1": 31.893138428309527, + "nauc_precision_at_20_max": 19.961827091439737, + "nauc_precision_at_20_std": 15.056260461619232, + "nauc_precision_at_3_diff1": 45.06971180999361, + "nauc_precision_at_3_max": 23.635891515921788, + "nauc_precision_at_3_std": 6.198234444102806, + "nauc_precision_at_5_diff1": 39.43842818627394, + "nauc_precision_at_5_max": 21.623592109687603, + "nauc_precision_at_5_std": 8.718348302717638, + "nauc_recall_at_1000_diff1": 14.823992446535502, + "nauc_recall_at_1000_max": 17.95797454919907, + "nauc_recall_at_1000_std": 31.799281565198577, + "nauc_recall_at_100_diff1": 23.121894912525338, + "nauc_recall_at_100_max": 19.16643691542745, + "nauc_recall_at_100_std": 23.799641910347454, + "nauc_recall_at_10_diff1": 35.64401517645808, + "nauc_recall_at_10_max": 21.022400502868223, + "nauc_recall_at_10_std": 11.461152130387346, + "nauc_recall_at_1_diff1": 60.38112885477367, + "nauc_recall_at_1_max": 25.9097175050165, + "nauc_recall_at_1_std": 1.6564371988429167, + "nauc_recall_at_20_diff1": 31.89313842830953, + "nauc_recall_at_20_max": 19.961827091439776, + "nauc_recall_at_20_std": 15.05626046161922, + "nauc_recall_at_3_diff1": 45.06971180999365, + "nauc_recall_at_3_max": 23.6358915159218, + "nauc_recall_at_3_std": 6.198234444102802, + "nauc_recall_at_5_diff1": 39.43842818627392, + "nauc_recall_at_5_max": 21.623592109687596, + "nauc_recall_at_5_std": 8.71834830271761, + "ndcg_at_1": 41.256, + "ndcg_at_10": 36.217, + "ndcg_at_100": 40.422000000000004, + "ndcg_at_1000": 42.762, + "ndcg_at_20": 37.801, + "ndcg_at_3": 32.275999999999996, + "ndcg_at_5": 34.184, + "precision_at_1": 41.256, + "precision_at_10": 7.838000000000001, + "precision_at_100": 1.119, + "precision_at_1000": 0.14300000000000002, + "precision_at_20": 4.429, + "precision_at_3": 20.207, + "precision_at_5": 13.636999999999999, + "recall_at_1": 20.628, + "recall_at_10": 39.190000000000005, + "recall_at_100": 55.962, + "recall_at_1000": 71.56700000000001, + "recall_at_20": 44.288, + "recall_at_3": 30.311, + "recall_at_5": 34.092 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/ImdbClassification.json b/results/minishlab__potion-base-8M/external/ImdbClassification.json new file mode 100644 index 000000000..b183faba7 --- /dev/null +++ b/results/minishlab__potion-base-8M/external/ImdbClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.78, + "ap": 65.09281598781793, + "ap_weighted": 65.09281598781793, + "f1": 70.56498155979408, + "f1_weighted": 70.56498155979408, + "main_score": 70.78 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/MSMARCO.json b/results/minishlab__potion-base-8M/external/MSMARCO.json new file mode 100644 index 000000000..d10e5d2ba --- /dev/null +++ b/results/minishlab__potion-base-8M/external/MSMARCO.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 34.981, + "map_at_1": 0.9369999999999999, + "map_at_10": 6.105, + "map_at_100": 16.573, + "map_at_1000": 20.952, + "map_at_20": 9.495000000000001, + "map_at_3": 2.429, + "map_at_5": 3.7199999999999998, + "mrr_at_1": 55.81395348837209, + "mrr_at_10": 68.06201550387597, + "mrr_at_100": 68.1915571731129, + "mrr_at_1000": 68.20171255038517, + "mrr_at_20": 68.06201550387597, + "mrr_at_3": 65.89147286821705, + "mrr_at_5": 67.05426356589147, + "nauc_map_at_1000_diff1": 18.395978949265306, + "nauc_map_at_1000_max": 65.4845955483722, + "nauc_map_at_1000_std": 60.01425674651855, + "nauc_map_at_100_diff1": 17.66459171040137, + "nauc_map_at_100_max": 56.91214775388199, + "nauc_map_at_100_std": 51.26999006986676, + "nauc_map_at_10_diff1": 16.954292128521953, + "nauc_map_at_10_max": 29.470502786246144, + "nauc_map_at_10_std": 26.609751637393327, + "nauc_map_at_1_diff1": 10.947697022780028, + "nauc_map_at_1_max": 11.333211449460881, + "nauc_map_at_1_std": 19.475048420924633, + "nauc_map_at_20_diff1": 13.788525799384063, + "nauc_map_at_20_max": 36.86668066777578, + "nauc_map_at_20_std": 31.64971965701265, + "nauc_map_at_3_diff1": 17.859630126844696, + "nauc_map_at_3_max": 21.46834280704547, + "nauc_map_at_3_std": 21.076387895251823, + "nauc_map_at_5_diff1": 20.17441650295119, + "nauc_map_at_5_max": 24.878188082696866, + "nauc_map_at_5_std": 25.307502719861176, + "nauc_mrr_at_1000_diff1": 14.192749126463891, + "nauc_mrr_at_1000_max": 52.54526357757101, + "nauc_mrr_at_1000_std": 44.496694053499596, + "nauc_mrr_at_100_diff1": 14.215939043892334, + "nauc_mrr_at_100_max": 52.564251294672225, + "nauc_mrr_at_100_std": 44.51890218594217, + "nauc_mrr_at_10_diff1": 14.433120969285195, + "nauc_mrr_at_10_max": 52.78365722715205, + "nauc_mrr_at_10_std": 44.72011559301776, + "nauc_mrr_at_1_diff1": 4.7355957804700415, + "nauc_mrr_at_1_max": 39.93352486009351, + "nauc_mrr_at_1_std": 39.55801119967461, + "nauc_mrr_at_20_diff1": 14.433120969285195, + "nauc_mrr_at_20_max": 52.78365722715205, + "nauc_mrr_at_20_std": 44.72011559301776, + "nauc_mrr_at_3_diff1": 13.11183382637074, + "nauc_mrr_at_3_max": 51.12370908328734, + "nauc_mrr_at_3_std": 40.238401804460075, + "nauc_mrr_at_5_diff1": 13.179254658692855, + "nauc_mrr_at_5_max": 53.38265101836388, + "nauc_mrr_at_5_std": 44.541370972177624, + "nauc_ndcg_at_1000_diff1": 21.69587945916941, + "nauc_ndcg_at_1000_max": 63.37066645313249, + "nauc_ndcg_at_1000_std": 62.97303091219909, + "nauc_ndcg_at_100_diff1": 14.796314010328851, + "nauc_ndcg_at_100_max": 58.71101997436683, + "nauc_ndcg_at_100_std": 56.81420228421644, + "nauc_ndcg_at_10_diff1": 3.194403093296008, + "nauc_ndcg_at_10_max": 48.55754387196878, + "nauc_ndcg_at_10_std": 47.48615570741263, + "nauc_ndcg_at_1_diff1": -6.148169734658873, + "nauc_ndcg_at_1_max": 25.556355503841665, + "nauc_ndcg_at_1_std": 21.48805389151005, + "nauc_ndcg_at_20_diff1": 4.461683170351035, + "nauc_ndcg_at_20_max": 56.88294190421313, + "nauc_ndcg_at_20_std": 51.93821404537562, + "nauc_ndcg_at_3_diff1": -2.861880240597804, + "nauc_ndcg_at_3_max": 41.33450475096539, + "nauc_ndcg_at_3_std": 37.27470370159716, + "nauc_ndcg_at_5_diff1": 0.08149020695323854, + "nauc_ndcg_at_5_max": 46.722954751612264, + "nauc_ndcg_at_5_std": 44.665247293303416, + "nauc_precision_at_1000_diff1": 6.514642381748156, + "nauc_precision_at_1000_max": 54.61143553569596, + "nauc_precision_at_1000_std": 51.84636945565138, + "nauc_precision_at_100_diff1": 9.181266993927007, + "nauc_precision_at_100_max": 63.29553111429812, + "nauc_precision_at_100_std": 59.013060721871035, + "nauc_precision_at_10_diff1": 16.062673027273505, + "nauc_precision_at_10_max": 64.85826828536602, + "nauc_precision_at_10_std": 58.476222375984, + "nauc_precision_at_1_diff1": 4.7355957804700415, + "nauc_precision_at_1_max": 39.93352486009351, + "nauc_precision_at_1_std": 39.55801119967461, + "nauc_precision_at_20_diff1": 12.061096674017728, + "nauc_precision_at_20_max": 66.81322466200473, + "nauc_precision_at_20_std": 58.18606533749746, + "nauc_precision_at_3_diff1": 9.10289433878097, + "nauc_precision_at_3_max": 61.00901833818042, + "nauc_precision_at_3_std": 52.94626237786338, + "nauc_precision_at_5_diff1": 13.765083369324818, + "nauc_precision_at_5_max": 67.0735717931603, + "nauc_precision_at_5_std": 60.160759158192334, + "nauc_recall_at_1000_diff1": 33.378885488094184, + "nauc_recall_at_1000_max": 58.97167459966026, + "nauc_recall_at_1000_std": 59.59218645358476, + "nauc_recall_at_100_diff1": 25.1307767949282, + "nauc_recall_at_100_max": 48.29698220976826, + "nauc_recall_at_100_std": 44.76527467601765, + "nauc_recall_at_10_diff1": 21.012536607264714, + "nauc_recall_at_10_max": 21.719714919287135, + "nauc_recall_at_10_std": 18.503987452436643, + "nauc_recall_at_1_diff1": 10.947697022780028, + "nauc_recall_at_1_max": 11.333211449460881, + "nauc_recall_at_1_std": 19.475048420924633, + "nauc_recall_at_20_diff1": 14.221666924930961, + "nauc_recall_at_20_max": 30.83326629354958, + "nauc_recall_at_20_std": 25.419400751031635, + "nauc_recall_at_3_diff1": 19.488515137385438, + "nauc_recall_at_3_max": 18.682366339227507, + "nauc_recall_at_3_std": 14.801487977327957, + "nauc_recall_at_5_diff1": 21.493404372645262, + "nauc_recall_at_5_max": 22.470910257369972, + "nauc_recall_at_5_std": 20.91789333035049, + "ndcg_at_1": 36.047000000000004, + "ndcg_at_10": 34.981, + "ndcg_at_100": 33.928000000000004, + "ndcg_at_1000": 42.553999999999995, + "ndcg_at_20": 33.768, + "ndcg_at_3": 35.477, + "ndcg_at_5": 35.54, + "precision_at_1": 55.814, + "precision_at_10": 46.744, + "precision_at_100": 22.721, + "precision_at_1000": 4.781, + "precision_at_20": 40.465, + "precision_at_3": 52.713, + "precision_at_5": 51.163000000000004, + "recall_at_1": 0.9369999999999999, + "recall_at_10": 7.921, + "recall_at_100": 28.903000000000002, + "recall_at_1000": 53.691, + "recall_at_20": 12.745000000000001, + "recall_at_3": 2.8240000000000003, + "recall_at_5": 4.476999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/MTOPDomainClassification.json b/results/minishlab__potion-base-8M/external/MTOPDomainClassification.json new file mode 100644 index 000000000..fca2dc3f0 --- /dev/null +++ b/results/minishlab__potion-base-8M/external/MTOPDomainClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 88.95576835385319, + "f1": 88.06364678376042, + "f1_weighted": 89.00721562093213, + "main_score": 88.95576835385319 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/MTOPIntentClassification.json b/results/minishlab__potion-base-8M/external/MTOPIntentClassification.json new file mode 100644 index 000000000..9f349134e --- /dev/null +++ b/results/minishlab__potion-base-8M/external/MTOPIntentClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 56.99726402188783, + "f1": 38.19916053247397, + "f1_weighted": 59.96788951671549, + "main_score": 56.99726402188783 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/MassiveIntentClassification.json b/results/minishlab__potion-base-8M/external/MassiveIntentClassification.json new file mode 100644 index 000000000..389c18f3a --- /dev/null +++ b/results/minishlab__potion-base-8M/external/MassiveIntentClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "4672e20407010da34463acc759c162ca9734bca6", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 63.79287155346336, + "f1": 61.634629394462934, + "f1_weighted": 62.567311481126055, + "main_score": 63.79287155346336 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/MassiveScenarioClassification.json b/results/minishlab__potion-base-8M/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..b5b536096 --- /dev/null +++ b/results/minishlab__potion-base-8M/external/MassiveScenarioClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "fad2c6e8459f9e1c45d9315f4953d921437d70f8", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.30934767989241, + "f1": 68.77914761769517, + "f1_weighted": 70.1128179307388, + "main_score": 70.30934767989241 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/MedrxivClusteringP2P.json b/results/minishlab__potion-base-8M/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..d1ce14a52 --- /dev/null +++ b/results/minishlab__potion-base-8M/external/MedrxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 27.61734940907637, + "v_measure": 27.61734940907637, + "v_measure_std": 1.2248100208316097 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/MedrxivClusteringS2S.json b/results/minishlab__potion-base-8M/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..de9fdaa7b --- /dev/null +++ b/results/minishlab__potion-base-8M/external/MedrxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 23.802943866708308, + "v_measure": 23.802943866708308, + "v_measure_std": 1.4975518910969763 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/MindSmallReranking.json b/results/minishlab__potion-base-8M/external/MindSmallReranking.json new file mode 100644 index 000000000..9f041a9a9 --- /dev/null +++ b/results/minishlab__potion-base-8M/external/MindSmallReranking.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "59042f120c80e8afa9cdbb224f67076cec0fc9a7", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 29.431722284942175, + "map": 29.431722284942175, + "mrr": 30.207239990924332, + "nAUC_map_diff1": 8.996546748314882, + "nAUC_map_max": -23.177815249478726, + "nAUC_map_std": -8.953694065964015, + "nAUC_mrr_diff1": 9.247690774332192, + "nAUC_mrr_max": -17.42779158552557, + "nAUC_mrr_std": -5.997215692334967 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/NFCorpus.json b/results/minishlab__potion-base-8M/external/NFCorpus.json new file mode 100644 index 000000000..9db60c2cf --- /dev/null +++ b/results/minishlab__potion-base-8M/external/NFCorpus.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 24.267, + "map_at_1": 3.479, + "map_at_10": 7.603, + "map_at_100": 9.725999999999999, + "map_at_1000": 10.84, + "map_at_20": 8.458, + "map_at_3": 5.844, + "map_at_5": 6.732, + "mrr_at_1": 33.746130030959755, + "mrr_at_10": 43.515897587105016, + "mrr_at_100": 44.1900925310943, + "mrr_at_1000": 44.248355412773655, + "mrr_at_20": 43.868459509915866, + "mrr_at_3": 41.74406604747161, + "mrr_at_5": 42.82765737874097, + "nauc_map_at_1000_diff1": 34.88971488841416, + "nauc_map_at_1000_max": 31.233839968277195, + "nauc_map_at_1000_std": 17.992857492799814, + "nauc_map_at_100_diff1": 36.76693324709909, + "nauc_map_at_100_max": 29.86086979425915, + "nauc_map_at_100_std": 13.839419605590217, + "nauc_map_at_10_diff1": 41.84259867098214, + "nauc_map_at_10_max": 25.879197474145045, + "nauc_map_at_10_std": 5.172621372587683, + "nauc_map_at_1_diff1": 59.30631217950276, + "nauc_map_at_1_max": 20.33548433428363, + "nauc_map_at_1_std": -1.8217254079917093, + "nauc_map_at_20_diff1": 38.95414455683049, + "nauc_map_at_20_max": 26.987123257006363, + "nauc_map_at_20_std": 8.70109669516395, + "nauc_map_at_3_diff1": 47.18504542973307, + "nauc_map_at_3_max": 21.706151469833202, + "nauc_map_at_3_std": 0.8205050181794802, + "nauc_map_at_5_diff1": 45.415931092144476, + "nauc_map_at_5_max": 23.366427326413234, + "nauc_map_at_5_std": 2.036343948136038, + "nauc_mrr_at_1000_diff1": 34.09352814360173, + "nauc_mrr_at_1000_max": 36.57744406738573, + "nauc_mrr_at_1000_std": 18.874642200828255, + "nauc_mrr_at_100_diff1": 34.07606233752646, + "nauc_mrr_at_100_max": 36.570920987632604, + "nauc_mrr_at_100_std": 18.90704866545748, + "nauc_mrr_at_10_diff1": 33.86749261732675, + "nauc_mrr_at_10_max": 36.53445713485045, + "nauc_mrr_at_10_std": 18.72635222657426, + "nauc_mrr_at_1_diff1": 38.310753456104415, + "nauc_mrr_at_1_max": 32.080433604684444, + "nauc_mrr_at_1_std": 10.76705379557832, + "nauc_mrr_at_20_diff1": 34.05889362360272, + "nauc_mrr_at_20_max": 36.539902847898894, + "nauc_mrr_at_20_std": 18.829170969376136, + "nauc_mrr_at_3_diff1": 34.661230693226, + "nauc_mrr_at_3_max": 35.27494037957078, + "nauc_mrr_at_3_std": 16.799715396839538, + "nauc_mrr_at_5_diff1": 34.30568391918026, + "nauc_mrr_at_5_max": 36.31513238612551, + "nauc_mrr_at_5_std": 18.248879043938977, + "nauc_ndcg_at_1000_diff1": 28.625594076978317, + "nauc_ndcg_at_1000_max": 39.10317925519372, + "nauc_ndcg_at_1000_std": 28.285055860454257, + "nauc_ndcg_at_100_diff1": 27.620568325357986, + "nauc_ndcg_at_100_max": 34.32867733567831, + "nauc_ndcg_at_100_std": 25.103257804738867, + "nauc_ndcg_at_10_diff1": 24.527566945282576, + "nauc_ndcg_at_10_max": 32.19051221282665, + "nauc_ndcg_at_10_std": 25.403501921327432, + "nauc_ndcg_at_1_diff1": 38.95386802348185, + "nauc_ndcg_at_1_max": 30.134605059752644, + "nauc_ndcg_at_1_std": 11.904644683131, + "nauc_ndcg_at_20_diff1": 25.422544698266798, + "nauc_ndcg_at_20_max": 31.85394200124836, + "nauc_ndcg_at_20_std": 26.925279769256523, + "nauc_ndcg_at_3_diff1": 27.968874988258573, + "nauc_ndcg_at_3_max": 30.93696431950224, + "nauc_ndcg_at_3_std": 18.551823245893114, + "nauc_ndcg_at_5_diff1": 25.722349682774233, + "nauc_ndcg_at_5_max": 32.29294830500251, + "nauc_ndcg_at_5_std": 21.309663190563718, + "nauc_precision_at_1000_diff1": -7.466934392543785, + "nauc_precision_at_1000_max": 17.534662065944236, + "nauc_precision_at_1000_std": 43.86335465977071, + "nauc_precision_at_100_diff1": -2.073530455550674, + "nauc_precision_at_100_max": 26.51626141328235, + "nauc_precision_at_100_std": 47.02741717034574, + "nauc_precision_at_10_diff1": 6.717006995188633, + "nauc_precision_at_10_max": 32.738691529253494, + "nauc_precision_at_10_std": 35.80103442917034, + "nauc_precision_at_1_diff1": 38.310753456104415, + "nauc_precision_at_1_max": 32.080433604684444, + "nauc_precision_at_1_std": 10.76705379557832, + "nauc_precision_at_20_diff1": 2.745832502363386, + "nauc_precision_at_20_max": 30.954145690157688, + "nauc_precision_at_20_std": 41.74795596694651, + "nauc_precision_at_3_diff1": 20.04271494210498, + "nauc_precision_at_3_max": 32.49798591360355, + "nauc_precision_at_3_std": 22.433174666547337, + "nauc_precision_at_5_diff1": 13.559244763754297, + "nauc_precision_at_5_max": 34.29174467545541, + "nauc_precision_at_5_std": 27.67088510253159, + "nauc_recall_at_1000_diff1": 14.406899781864585, + "nauc_recall_at_1000_max": 18.63293041982341, + "nauc_recall_at_1000_std": 14.873113563587054, + "nauc_recall_at_100_diff1": 20.276630820341023, + "nauc_recall_at_100_max": 20.74130868375551, + "nauc_recall_at_100_std": 14.253807947296465, + "nauc_recall_at_10_diff1": 32.131322772361194, + "nauc_recall_at_10_max": 21.834619003317645, + "nauc_recall_at_10_std": 5.111047982154726, + "nauc_recall_at_1_diff1": 59.30631217950276, + "nauc_recall_at_1_max": 20.33548433428363, + "nauc_recall_at_1_std": -1.8217254079917093, + "nauc_recall_at_20_diff1": 29.009526186873646, + "nauc_recall_at_20_max": 19.222693262075214, + "nauc_recall_at_20_std": 8.263428180065297, + "nauc_recall_at_3_diff1": 38.428506196942266, + "nauc_recall_at_3_max": 18.92885903756039, + "nauc_recall_at_3_std": 2.2767688747391106, + "nauc_recall_at_5_diff1": 35.93597428489607, + "nauc_recall_at_5_max": 19.591607144107787, + "nauc_recall_at_5_std": 2.110828447844176, + "ndcg_at_1": 31.424000000000003, + "ndcg_at_10": 24.267, + "ndcg_at_100": 22.416, + "ndcg_at_1000": 31.165, + "ndcg_at_20": 22.698, + "ndcg_at_3": 28.349999999999998, + "ndcg_at_5": 26.596999999999998, + "precision_at_1": 33.745999999999995, + "precision_at_10": 18.173000000000002, + "precision_at_100": 6.142, + "precision_at_1000": 1.856, + "precision_at_20": 13.808000000000002, + "precision_at_3": 27.141, + "precision_at_5": 22.91, + "recall_at_1": 3.479, + "recall_at_10": 10.838000000000001, + "recall_at_100": 23.817, + "recall_at_1000": 54.910000000000004, + "recall_at_20": 14.201, + "recall_at_3": 7.236, + "recall_at_5": 9.003 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/NQ.json b/results/minishlab__potion-base-8M/external/NQ.json new file mode 100644 index 000000000..8c5b915e8 --- /dev/null +++ b/results/minishlab__potion-base-8M/external/NQ.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 19.543, + "map_at_1": 8.413, + "map_at_10": 15.137, + "map_at_100": 16.393, + "map_at_1000": 16.492, + "map_at_20": 15.827, + "map_at_3": 12.584999999999999, + "map_at_5": 13.963000000000001, + "mrr_at_1": 9.73348783314021, + "mrr_at_10": 16.79895712630359, + "mrr_at_100": 17.96527488497497, + "mrr_at_1000": 18.049284621380956, + "mrr_at_20": 17.456541969883244, + "mrr_at_3": 14.2429509463113, + "mrr_at_5": 15.636346079567373, + "nauc_map_at_1000_diff1": 18.819971639310904, + "nauc_map_at_1000_max": 13.814947350680912, + "nauc_map_at_1000_std": 2.521914759184715, + "nauc_map_at_100_diff1": 18.814255883152295, + "nauc_map_at_100_max": 13.784098474987728, + "nauc_map_at_100_std": 2.463386644603925, + "nauc_map_at_10_diff1": 18.859741700546, + "nauc_map_at_10_max": 13.200112454161522, + "nauc_map_at_10_std": 1.2838729142015952, + "nauc_map_at_1_diff1": 22.792911666175435, + "nauc_map_at_1_max": 9.420966909430586, + "nauc_map_at_1_std": -2.177707391834426, + "nauc_map_at_20_diff1": 18.857585870077603, + "nauc_map_at_20_max": 13.494371000020585, + "nauc_map_at_20_std": 1.7987081767888724, + "nauc_map_at_3_diff1": 20.3919043114244, + "nauc_map_at_3_max": 11.229233328712159, + "nauc_map_at_3_std": -0.38627708043707826, + "nauc_map_at_5_diff1": 19.354241266183816, + "nauc_map_at_5_max": 12.050995012138287, + "nauc_map_at_5_std": 0.4619900683963445, + "nauc_mrr_at_1000_diff1": 17.44597143162577, + "nauc_mrr_at_1000_max": 12.99325734801233, + "nauc_mrr_at_1000_std": 3.843471729334042, + "nauc_mrr_at_100_diff1": 17.435646674940784, + "nauc_mrr_at_100_max": 12.977733602157626, + "nauc_mrr_at_100_std": 3.819688827654704, + "nauc_mrr_at_10_diff1": 17.366258247556274, + "nauc_mrr_at_10_max": 12.525863095955028, + "nauc_mrr_at_10_std": 2.9586217333067033, + "nauc_mrr_at_1_diff1": 21.181200992092933, + "nauc_mrr_at_1_max": 9.071174422547715, + "nauc_mrr_at_1_std": 0.37666341313223156, + "nauc_mrr_at_20_diff1": 17.47842029246494, + "nauc_mrr_at_20_max": 12.782728137865854, + "nauc_mrr_at_20_std": 3.335207400639897, + "nauc_mrr_at_3_diff1": 18.51145002403263, + "nauc_mrr_at_3_max": 10.835289485126742, + "nauc_mrr_at_3_std": 1.9317890085586098, + "nauc_mrr_at_5_diff1": 17.85072852768249, + "nauc_mrr_at_5_max": 11.48513938150474, + "nauc_mrr_at_5_std": 2.42459300983239, + "nauc_ndcg_at_1000_diff1": 16.90906471124972, + "nauc_ndcg_at_1000_max": 18.10309890125217, + "nauc_ndcg_at_1000_std": 9.531587494208333, + "nauc_ndcg_at_100_diff1": 16.794610031459452, + "nauc_ndcg_at_100_max": 17.320423121617587, + "nauc_ndcg_at_100_std": 8.36089871892644, + "nauc_ndcg_at_10_diff1": 16.9238328483549, + "nauc_ndcg_at_10_max": 15.003898384476175, + "nauc_ndcg_at_10_std": 3.220068514580869, + "nauc_ndcg_at_1_diff1": 21.181200992092933, + "nauc_ndcg_at_1_max": 9.071174422547715, + "nauc_ndcg_at_1_std": 0.37666341313223156, + "nauc_ndcg_at_20_diff1": 17.122783032672636, + "nauc_ndcg_at_20_max": 15.811529036192868, + "nauc_ndcg_at_20_std": 4.638881062044276, + "nauc_ndcg_at_3_diff1": 19.397651629456085, + "nauc_ndcg_at_3_max": 11.519185092964664, + "nauc_ndcg_at_3_std": 0.5852664941054009, + "nauc_ndcg_at_5_diff1": 17.836092374281833, + "nauc_ndcg_at_5_max": 12.692159310256345, + "nauc_ndcg_at_5_std": 1.7356004993081944, + "nauc_precision_at_1000_diff1": 3.073453832047264, + "nauc_precision_at_1000_max": 23.790855697865958, + "nauc_precision_at_1000_std": 32.57511127212919, + "nauc_precision_at_100_diff1": 9.127444700503846, + "nauc_precision_at_100_max": 22.71156118580008, + "nauc_precision_at_100_std": 24.63648530454141, + "nauc_precision_at_10_diff1": 13.02401021030829, + "nauc_precision_at_10_max": 18.85263386483255, + "nauc_precision_at_10_std": 8.373513612599647, + "nauc_precision_at_1_diff1": 21.181200992092933, + "nauc_precision_at_1_max": 9.071174422547715, + "nauc_precision_at_1_std": 0.37666341313223156, + "nauc_precision_at_20_diff1": 12.975989332948448, + "nauc_precision_at_20_max": 20.296858370304385, + "nauc_precision_at_20_std": 12.119876359299383, + "nauc_precision_at_3_diff1": 17.130641156396027, + "nauc_precision_at_3_max": 12.010571872098485, + "nauc_precision_at_3_std": 2.637465881798806, + "nauc_precision_at_5_diff1": 14.960326184287629, + "nauc_precision_at_5_max": 14.264819044499205, + "nauc_precision_at_5_std": 4.5445140864787215, + "nauc_recall_at_1000_diff1": 11.322486975456016, + "nauc_recall_at_1000_max": 42.74305283200241, + "nauc_recall_at_1000_std": 47.78794764298061, + "nauc_recall_at_100_diff1": 12.242221079259041, + "nauc_recall_at_100_max": 26.918744103646013, + "nauc_recall_at_100_std": 24.541980019505186, + "nauc_recall_at_10_diff1": 13.38045827515169, + "nauc_recall_at_10_max": 18.545456163809533, + "nauc_recall_at_10_std": 5.734945625849404, + "nauc_recall_at_1_diff1": 22.792911666175435, + "nauc_recall_at_1_max": 9.420966909430586, + "nauc_recall_at_1_std": -2.177707391834426, + "nauc_recall_at_20_diff1": 14.133329746281683, + "nauc_recall_at_20_max": 20.394153554260118, + "nauc_recall_at_20_std": 9.229321407977622, + "nauc_recall_at_3_diff1": 18.230047011254864, + "nauc_recall_at_3_max": 12.217461047044784, + "nauc_recall_at_3_std": 1.0395060720237228, + "nauc_recall_at_5_diff1": 14.947190921163273, + "nauc_recall_at_5_max": 13.844816353548604, + "nauc_recall_at_5_std": 2.9621844586841086, + "ndcg_at_1": 9.733, + "ndcg_at_10": 19.543, + "ndcg_at_100": 25.965, + "ndcg_at_1000": 28.663, + "ndcg_at_20": 21.985, + "ndcg_at_3": 14.308000000000002, + "ndcg_at_5": 16.771, + "precision_at_1": 9.733, + "precision_at_10": 3.7249999999999996, + "precision_at_100": 0.739, + "precision_at_1000": 0.1, + "precision_at_20": 2.4330000000000003, + "precision_at_3": 6.856, + "precision_at_5": 5.475, + "recall_at_1": 8.413, + "recall_at_10": 31.668000000000003, + "recall_at_100": 61.551, + "recall_at_1000": 82.228, + "recall_at_20": 40.888999999999996, + "recall_at_3": 17.669, + "recall_at_5": 23.488999999999997 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/QuoraRetrieval.json b/results/minishlab__potion-base-8M/external/QuoraRetrieval.json new file mode 100644 index 000000000..fb9ae077a --- /dev/null +++ b/results/minishlab__potion-base-8M/external/QuoraRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "e4e08e0b7dbe3c8700f0daef558ff32256715259", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 80.598, + "map_at_1": 63.532, + "map_at_10": 76.07300000000001, + "map_at_100": 76.863, + "map_at_1000": 76.896, + "map_at_20": 76.575, + "map_at_3": 73.075, + "map_at_5": 74.888, + "mrr_at_1": 73.11, + "mrr_at_10": 80.13760714285678, + "mrr_at_100": 80.40676931635143, + "mrr_at_1000": 80.413857041773, + "mrr_at_20": 80.33569450368124, + "mrr_at_3": 78.73166666666627, + "mrr_at_5": 79.60316666666607, + "nauc_map_at_1000_diff1": 71.76748518946404, + "nauc_map_at_1000_max": 37.52091562623074, + "nauc_map_at_1000_std": -19.886772833711106, + "nauc_map_at_100_diff1": 71.77392469494623, + "nauc_map_at_100_max": 37.51305402355471, + "nauc_map_at_100_std": -19.90950133564633, + "nauc_map_at_10_diff1": 71.78435718469383, + "nauc_map_at_10_max": 37.12859151143304, + "nauc_map_at_10_std": -20.6727975668906, + "nauc_map_at_1_diff1": 74.16329762399023, + "nauc_map_at_1_max": 30.710315707498864, + "nauc_map_at_1_std": -19.3193474040897, + "nauc_map_at_20_diff1": 71.8048608565351, + "nauc_map_at_20_max": 37.437936254957336, + "nauc_map_at_20_std": -20.256332267213164, + "nauc_map_at_3_diff1": 72.15934361454754, + "nauc_map_at_3_max": 35.34630080626579, + "nauc_map_at_3_std": -22.03571060362441, + "nauc_map_at_5_diff1": 71.83699898564598, + "nauc_map_at_5_max": 36.479498983192975, + "nauc_map_at_5_std": -21.231304270451062, + "nauc_mrr_at_1000_diff1": 72.88897169606878, + "nauc_mrr_at_1000_max": 40.200221349285634, + "nauc_mrr_at_1000_std": -17.633375591506123, + "nauc_mrr_at_100_diff1": 72.88918562563104, + "nauc_mrr_at_100_max": 40.20508375617468, + "nauc_mrr_at_100_std": -17.62754237516005, + "nauc_mrr_at_10_diff1": 72.78722143722388, + "nauc_mrr_at_10_max": 40.26493516347653, + "nauc_mrr_at_10_std": -17.591516046092213, + "nauc_mrr_at_1_diff1": 74.20323111992924, + "nauc_mrr_at_1_max": 39.1888925247388, + "nauc_mrr_at_1_std": -17.041083591080856, + "nauc_mrr_at_20_diff1": 72.87614719969847, + "nauc_mrr_at_20_max": 40.25187245577547, + "nauc_mrr_at_20_std": -17.623643078270213, + "nauc_mrr_at_3_diff1": 72.70424133205663, + "nauc_mrr_at_3_max": 40.015103745774944, + "nauc_mrr_at_3_std": -18.296912082298693, + "nauc_mrr_at_5_diff1": 72.6695462203408, + "nauc_mrr_at_5_max": 40.166677547198724, + "nauc_mrr_at_5_std": -17.836669429879553, + "nauc_ndcg_at_1000_diff1": 71.7014600627096, + "nauc_ndcg_at_1000_max": 39.17528447849729, + "nauc_ndcg_at_1000_std": -18.169144412803025, + "nauc_ndcg_at_100_diff1": 71.72812292491562, + "nauc_ndcg_at_100_max": 39.178065817466866, + "nauc_ndcg_at_100_std": -17.98857148420824, + "nauc_ndcg_at_10_diff1": 71.22490342106018, + "nauc_ndcg_at_10_max": 38.58976910658222, + "nauc_ndcg_at_10_std": -19.3807889122846, + "nauc_ndcg_at_1_diff1": 74.20323111992924, + "nauc_ndcg_at_1_max": 39.18366557965937, + "nauc_ndcg_at_1_std": -16.979563433712343, + "nauc_ndcg_at_20_diff1": 71.59416957115776, + "nauc_ndcg_at_20_max": 39.11048553178983, + "nauc_ndcg_at_20_std": -18.913452979338476, + "nauc_ndcg_at_3_diff1": 71.15596154191027, + "nauc_ndcg_at_3_max": 37.36564154714553, + "nauc_ndcg_at_3_std": -20.721815190390565, + "nauc_ndcg_at_5_diff1": 71.0047395584928, + "nauc_ndcg_at_5_max": 37.95479899642812, + "nauc_ndcg_at_5_std": -20.008045920279887, + "nauc_precision_at_1000_diff1": -36.79287717727177, + "nauc_precision_at_1000_max": -4.853042765778535, + "nauc_precision_at_1000_std": 21.89700327903914, + "nauc_precision_at_100_diff1": -33.803566917391024, + "nauc_precision_at_100_max": -2.343501157957199, + "nauc_precision_at_100_std": 21.03134251148425, + "nauc_precision_at_10_diff1": -19.647078935128047, + "nauc_precision_at_10_max": 7.646163968592671, + "nauc_precision_at_10_std": 11.425640109742039, + "nauc_precision_at_1_diff1": 74.20323111992924, + "nauc_precision_at_1_max": 39.18366557965937, + "nauc_precision_at_1_std": -16.979563433712343, + "nauc_precision_at_20_diff1": -26.95360783576433, + "nauc_precision_at_20_max": 3.534889652498316, + "nauc_precision_at_20_std": 16.011941126119197, + "nauc_precision_at_3_diff1": 7.80806721613657, + "nauc_precision_at_3_max": 18.93471456458755, + "nauc_precision_at_3_std": -2.3471793824170493, + "nauc_precision_at_5_diff1": -7.187077136844068, + "nauc_precision_at_5_max": 13.710196203710806, + "nauc_precision_at_5_std": 5.029517000064198, + "nauc_recall_at_1000_diff1": 55.29138658386572, + "nauc_recall_at_1000_max": 57.58368141138265, + "nauc_recall_at_1000_std": 33.353499745829765, + "nauc_recall_at_100_diff1": 65.98407378542676, + "nauc_recall_at_100_max": 43.3437006049648, + "nauc_recall_at_100_std": 3.7556643837275345, + "nauc_recall_at_10_diff1": 64.73552843826317, + "nauc_recall_at_10_max": 37.93061567923699, + "nauc_recall_at_10_std": -19.1098323242707, + "nauc_recall_at_1_diff1": 74.16329762399023, + "nauc_recall_at_1_max": 30.710315707498864, + "nauc_recall_at_1_std": -19.3193474040897, + "nauc_recall_at_20_diff1": 64.4507396763554, + "nauc_recall_at_20_max": 40.62914458603293, + "nauc_recall_at_20_std": -15.040711675139082, + "nauc_recall_at_3_diff1": 67.8143518137102, + "nauc_recall_at_3_max": 33.649275891159945, + "nauc_recall_at_3_std": -24.400275123272163, + "nauc_recall_at_5_diff1": 65.9405683463817, + "nauc_recall_at_5_max": 35.64051201738537, + "nauc_recall_at_5_std": -22.06335424061329, + "ndcg_at_1": 73.11, + "ndcg_at_10": 80.598, + "ndcg_at_100": 82.75200000000001, + "ndcg_at_1000": 83.145, + "ndcg_at_20": 81.71300000000001, + "ndcg_at_3": 77.025, + "ndcg_at_5": 78.85, + "precision_at_1": 73.11, + "precision_at_10": 12.206999999999999, + "precision_at_100": 1.459, + "precision_at_1000": 0.155, + "precision_at_20": 6.579, + "precision_at_3": 33.36, + "precision_at_5": 22.09, + "recall_at_1": 63.532, + "recall_at_10": 89.32600000000001, + "recall_at_100": 97.35000000000001, + "recall_at_1000": 99.613, + "recall_at_20": 93.151, + "recall_at_3": 79.074, + "recall_at_5": 84.143 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/RedditClustering.json b/results/minishlab__potion-base-8M/external/RedditClustering.json new file mode 100644 index 000000000..da0fd759d --- /dev/null +++ b/results/minishlab__potion-base-8M/external/RedditClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 39.5465127563479, + "v_measure": 39.5465127563479, + "v_measure_std": 5.038703300031419 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/RedditClusteringP2P.json b/results/minishlab__potion-base-8M/external/RedditClusteringP2P.json new file mode 100644 index 000000000..9f5860521 --- /dev/null +++ b/results/minishlab__potion-base-8M/external/RedditClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 47.07911795189491, + "v_measure": 47.07911795189491, + "v_measure_std": 11.546436135362846 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/SCIDOCS.json b/results/minishlab__potion-base-8M/external/SCIDOCS.json new file mode 100644 index 000000000..3380794c5 --- /dev/null +++ b/results/minishlab__potion-base-8M/external/SCIDOCS.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f8c2fcf00f625baaa80f62ec5bd9e1fff3b8ae88", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 12.386999999999999, + "map_at_1": 3.053, + "map_at_10": 6.912999999999999, + "map_at_100": 8.261000000000001, + "map_at_1000": 8.530999999999999, + "map_at_20": 7.566000000000001, + "map_at_3": 5.094, + "map_at_5": 5.997, + "mrr_at_1": 15.0, + "mrr_at_10": 22.795357142857135, + "mrr_at_100": 24.007787966055577, + "mrr_at_1000": 24.09964360060081, + "mrr_at_20": 23.466190383404, + "mrr_at_3": 20.100000000000012, + "mrr_at_5": 21.685000000000006, + "nauc_map_at_1000_diff1": 11.73412101608325, + "nauc_map_at_1000_max": 14.330449150895694, + "nauc_map_at_1000_std": 15.742095990011743, + "nauc_map_at_100_diff1": 11.777038848684697, + "nauc_map_at_100_max": 14.104140826193404, + "nauc_map_at_100_std": 15.155771699462264, + "nauc_map_at_10_diff1": 12.374060330916672, + "nauc_map_at_10_max": 11.856630361520313, + "nauc_map_at_10_std": 11.753665232073269, + "nauc_map_at_1_diff1": 16.986085327339335, + "nauc_map_at_1_max": 12.246255844992572, + "nauc_map_at_1_std": 7.863450169503143, + "nauc_map_at_20_diff1": 11.634858111388464, + "nauc_map_at_20_max": 13.108008262696513, + "nauc_map_at_20_std": 13.423455469499999, + "nauc_map_at_3_diff1": 14.889445454705324, + "nauc_map_at_3_max": 11.572110481390013, + "nauc_map_at_3_std": 8.556136010622351, + "nauc_map_at_5_diff1": 12.907309838627985, + "nauc_map_at_5_max": 11.000220583694968, + "nauc_map_at_5_std": 10.111376166991917, + "nauc_mrr_at_1000_diff1": 14.963874100415397, + "nauc_mrr_at_1000_max": 13.495160823256164, + "nauc_mrr_at_1000_std": 11.28815345444998, + "nauc_mrr_at_100_diff1": 14.97621893176082, + "nauc_mrr_at_100_max": 13.464936280105155, + "nauc_mrr_at_100_std": 11.305521958378108, + "nauc_mrr_at_10_diff1": 14.956869421525884, + "nauc_mrr_at_10_max": 13.425685629657924, + "nauc_mrr_at_10_std": 10.767260180262618, + "nauc_mrr_at_1_diff1": 16.83378691664147, + "nauc_mrr_at_1_max": 12.112287067835906, + "nauc_mrr_at_1_std": 8.418304606390475, + "nauc_mrr_at_20_diff1": 14.917032940839656, + "nauc_mrr_at_20_max": 13.41755983642966, + "nauc_mrr_at_20_std": 11.11458079038555, + "nauc_mrr_at_3_diff1": 15.214496970273089, + "nauc_mrr_at_3_max": 12.165871395179483, + "nauc_mrr_at_3_std": 9.980162064503286, + "nauc_mrr_at_5_diff1": 14.835204244776087, + "nauc_mrr_at_5_max": 12.524956858818742, + "nauc_mrr_at_5_std": 10.099655249800849, + "nauc_ndcg_at_1000_diff1": 10.764737128236437, + "nauc_ndcg_at_1000_max": 18.3469700109834, + "nauc_ndcg_at_1000_std": 23.22837765426608, + "nauc_ndcg_at_100_diff1": 11.606245579895573, + "nauc_ndcg_at_100_max": 17.167157579603412, + "nauc_ndcg_at_100_std": 20.347909657378473, + "nauc_ndcg_at_10_diff1": 12.394040285590439, + "nauc_ndcg_at_10_max": 13.388439287974505, + "nauc_ndcg_at_10_std": 13.188024533529397, + "nauc_ndcg_at_1_diff1": 16.83378691664147, + "nauc_ndcg_at_1_max": 12.112287067835906, + "nauc_ndcg_at_1_std": 8.418304606390475, + "nauc_ndcg_at_20_diff1": 11.212784095325706, + "nauc_ndcg_at_20_max": 15.185332617097233, + "nauc_ndcg_at_20_std": 16.087050160363443, + "nauc_ndcg_at_3_diff1": 14.708471591387005, + "nauc_ndcg_at_3_max": 11.70756510699363, + "nauc_ndcg_at_3_std": 9.658612404132116, + "nauc_ndcg_at_5_diff1": 13.123868466784149, + "nauc_ndcg_at_5_max": 11.60382600862464, + "nauc_ndcg_at_5_std": 10.625775061954277, + "nauc_precision_at_1000_diff1": 3.608251418490512, + "nauc_precision_at_1000_max": 20.501537930519582, + "nauc_precision_at_1000_std": 34.4770607840569, + "nauc_precision_at_100_diff1": 7.864853652134883, + "nauc_precision_at_100_max": 19.894334894038547, + "nauc_precision_at_100_std": 28.711783183330663, + "nauc_precision_at_10_diff1": 9.605214553552692, + "nauc_precision_at_10_max": 14.347596155123817, + "nauc_precision_at_10_std": 16.242794843380032, + "nauc_precision_at_1_diff1": 16.83378691664147, + "nauc_precision_at_1_max": 12.112287067835906, + "nauc_precision_at_1_std": 8.418304606390475, + "nauc_precision_at_20_diff1": 6.9964985542924545, + "nauc_precision_at_20_max": 17.275243538199216, + "nauc_precision_at_20_std": 20.986245055691036, + "nauc_precision_at_3_diff1": 13.995705983866177, + "nauc_precision_at_3_max": 11.391320470301181, + "nauc_precision_at_3_std": 10.151716783634907, + "nauc_precision_at_5_diff1": 11.064867165700008, + "nauc_precision_at_5_max": 10.965289810519257, + "nauc_precision_at_5_std": 11.837752544253021, + "nauc_recall_at_1000_diff1": 3.4118402840027118, + "nauc_recall_at_1000_max": 21.505334337938027, + "nauc_recall_at_1000_std": 34.87205826061254, + "nauc_recall_at_100_diff1": 7.793188645900735, + "nauc_recall_at_100_max": 20.09269964020807, + "nauc_recall_at_100_std": 28.838050639358375, + "nauc_recall_at_10_diff1": 10.010288074812564, + "nauc_recall_at_10_max": 14.470333599080465, + "nauc_recall_at_10_std": 16.106977670704044, + "nauc_recall_at_1_diff1": 16.986085327339335, + "nauc_recall_at_1_max": 12.246255844992572, + "nauc_recall_at_1_std": 7.863450169503143, + "nauc_recall_at_20_diff1": 7.248991485381231, + "nauc_recall_at_20_max": 17.357162157871585, + "nauc_recall_at_20_std": 20.916649810908385, + "nauc_recall_at_3_diff1": 14.190312777099356, + "nauc_recall_at_3_max": 11.494013846579504, + "nauc_recall_at_3_std": 9.871734511413411, + "nauc_recall_at_5_diff1": 11.369318015463497, + "nauc_recall_at_5_max": 11.0867249382338, + "nauc_recall_at_5_std": 11.565786080587733, + "ndcg_at_1": 15.0, + "ndcg_at_10": 12.386999999999999, + "ndcg_at_100": 18.533, + "ndcg_at_1000": 23.955000000000002, + "ndcg_at_20": 14.459, + "ndcg_at_3": 11.75, + "ndcg_at_5": 10.285, + "precision_at_1": 15.0, + "precision_at_10": 6.36, + "precision_at_100": 1.528, + "precision_at_1000": 0.28300000000000003, + "precision_at_20": 4.375, + "precision_at_3": 10.767, + "precision_at_5": 8.9, + "recall_at_1": 3.053, + "recall_at_10": 12.873000000000001, + "recall_at_100": 30.982, + "recall_at_1000": 57.489999999999995, + "recall_at_20": 17.718, + "recall_at_3": 6.553000000000001, + "recall_at_5": 9.013 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/SICK-R.json b/results/minishlab__potion-base-8M/external/SICK-R.json new file mode 100644 index 000000000..74958c797 --- /dev/null +++ b/results/minishlab__potion-base-8M/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 75.67336823619708, + "cosine_spearman": 64.6753400763881, + "euclidean_pearson": 69.13481550039579, + "euclidean_spearman": 64.6752133161514, + "main_score": 64.6753400763881, + "manhattan_pearson": 69.01619023671678, + "manhattan_spearman": 64.8728231074179, + "pearson": 75.67336823619708, + "spearman": 64.6753400763881 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/STS12.json b/results/minishlab__potion-base-8M/external/STS12.json new file mode 100644 index 000000000..3c6a63236 --- /dev/null +++ b/results/minishlab__potion-base-8M/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 72.06681927996405, + "cosine_spearman": 62.248985055530525, + "euclidean_pearson": 68.05815981894538, + "euclidean_spearman": 62.248985055530525, + "main_score": 62.248985055530525, + "manhattan_pearson": 66.68543185400786, + "manhattan_spearman": 61.43850654925033, + "pearson": 72.06681927996405, + "spearman": 62.248985055530525 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/STS13.json b/results/minishlab__potion-base-8M/external/STS13.json new file mode 100644 index 000000000..75ceef4dd --- /dev/null +++ b/results/minishlab__potion-base-8M/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 76.53983680018591, + "cosine_spearman": 77.27600787572996, + "euclidean_pearson": 76.77960647262235, + "euclidean_spearman": 77.27600787572996, + "main_score": 77.27600787572996, + "manhattan_pearson": 76.37651436440808, + "manhattan_spearman": 76.85568457177312, + "pearson": 76.53983680018591, + "spearman": 77.27600787572996 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/STS14.json b/results/minishlab__potion-base-8M/external/STS14.json new file mode 100644 index 000000000..ec8393553 --- /dev/null +++ b/results/minishlab__potion-base-8M/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 76.20854411766629, + "cosine_spearman": 71.914099628002, + "euclidean_pearson": 74.5273047891339, + "euclidean_spearman": 71.914099628002, + "main_score": 71.914099628002, + "manhattan_pearson": 74.53275458017302, + "manhattan_spearman": 71.9720930787841, + "pearson": 76.20854411766629, + "spearman": 71.914099628002 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/STS15.json b/results/minishlab__potion-base-8M/external/STS15.json new file mode 100644 index 000000000..7d93586cb --- /dev/null +++ b/results/minishlab__potion-base-8M/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 79.24273419832653, + "cosine_spearman": 79.75345871163103, + "euclidean_pearson": 79.31395801169265, + "euclidean_spearman": 79.75345871163103, + "main_score": 79.75345871163103, + "manhattan_pearson": 79.24199238927697, + "manhattan_spearman": 79.64058599210834, + "pearson": 79.24273419832653, + "spearman": 79.75345871163103 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/STS16.json b/results/minishlab__potion-base-8M/external/STS16.json new file mode 100644 index 000000000..1f0031b90 --- /dev/null +++ b/results/minishlab__potion-base-8M/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 75.64452330127995, + "cosine_spearman": 76.26343823222666, + "euclidean_pearson": 75.64112047932008, + "euclidean_spearman": 76.26343823222666, + "main_score": 76.26343823222666, + "manhattan_pearson": 75.32718809126764, + "manhattan_spearman": 75.9420892784719, + "pearson": 75.64452330127995, + "spearman": 76.26343823222666 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/STS17.json b/results/minishlab__potion-base-8M/external/STS17.json new file mode 100644 index 000000000..d8011373e --- /dev/null +++ b/results/minishlab__potion-base-8M/external/STS17.json @@ -0,0 +1,137 @@ +{ + "dataset_revision": "faeb762787bd10488a50c8b5be4a3b82e411949c", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cosine_pearson": 17.52217310066287, + "cosine_spearman": 14.729958484232528, + "euclidean_pearson": 17.507234354096582, + "euclidean_spearman": 14.729958484232528, + "main_score": 14.729958484232528, + "manhattan_pearson": 15.286020788097272, + "manhattan_spearman": 11.320242312589713, + "pearson": 17.52217310066287, + "spearman": 14.729958484232528 + }, + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 84.67406984717113, + "cosine_spearman": 85.96709815630739, + "euclidean_pearson": 84.7186375682207, + "euclidean_spearman": 85.96709815630739, + "main_score": 85.96709815630739, + "manhattan_pearson": 85.07894758059129, + "manhattan_spearman": 86.57110045700985, + "pearson": 84.67406984717113, + "spearman": 85.96709815630739 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "cosine_pearson": 36.02331692863771, + "cosine_spearman": 34.28540470062557, + "euclidean_pearson": 35.996881386631514, + "euclidean_spearman": 34.28540470062557, + "main_score": 34.28540470062557, + "manhattan_pearson": 35.47246063445784, + "manhattan_spearman": 34.83247787211397, + "pearson": 36.02331692863771, + "spearman": 34.28540470062557 + }, + { + "hf_subset": "en-tr", + "languages": [ + "eng-Latn", + "tur-Latn" + ], + "cosine_pearson": 13.925983981770388, + "cosine_spearman": 11.193291331109325, + "euclidean_pearson": 13.9151651239108, + "euclidean_spearman": 11.193291331109325, + "main_score": 11.193291331109325, + "manhattan_pearson": 12.652407957594654, + "manhattan_spearman": 9.888358907769014, + "pearson": 13.925983981770388, + "spearman": 11.193291331109325 + }, + { + "hf_subset": "en-de", + "languages": [ + "eng-Latn", + "deu-Latn" + ], + "cosine_pearson": 26.77839285232968, + "cosine_spearman": 23.010015986939717, + "euclidean_pearson": 27.13668235790385, + "euclidean_spearman": 23.010015986939717, + "main_score": 23.010015986939717, + "manhattan_pearson": 27.02698710744775, + "manhattan_spearman": 23.038730409304936, + "pearson": 26.77839285232968, + "spearman": 23.010015986939717 + }, + { + "hf_subset": "it-en", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "cosine_pearson": 25.330935194314364, + "cosine_spearman": 23.143555348782797, + "euclidean_pearson": 24.670147594978143, + "euclidean_spearman": 23.143555348782797, + "main_score": 23.143555348782797, + "manhattan_pearson": 24.879695698914418, + "manhattan_spearman": 25.916630507885134, + "pearson": 25.330935194314364, + "spearman": 23.143555348782797 + }, + { + "hf_subset": "en-ar", + "languages": [ + "eng-Latn", + "ara-Arab" + ], + "cosine_pearson": 6.61651078645899, + "cosine_spearman": 5.415104433010482, + "euclidean_pearson": 6.791575957480809, + "euclidean_spearman": 5.415104433010482, + "main_score": 5.415104433010482, + "manhattan_pearson": 3.6585407382250987, + "manhattan_spearman": 4.566044103659472, + "pearson": 6.61651078645899, + "spearman": 5.415104433010482 + }, + { + "hf_subset": "nl-en", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "cosine_pearson": 32.718045784523184, + "cosine_spearman": 27.52844368619317, + "euclidean_pearson": 32.98978359596458, + "euclidean_spearman": 27.52844368619317, + "main_score": 27.52844368619317, + "manhattan_pearson": 35.57923949366344, + "manhattan_spearman": 34.27137422651138, + "pearson": 32.718045784523184, + "spearman": 27.52844368619317 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/STS22.json b/results/minishlab__potion-base-8M/external/STS22.json new file mode 100644 index 000000000..f92590bfe --- /dev/null +++ b/results/minishlab__potion-base-8M/external/STS22.json @@ -0,0 +1,89 @@ +{ + "dataset_revision": "de9d86b3b84231dc21f76c7b7af1f28e2f57f6e3", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cosine_pearson": 9.98410299881163, + "cosine_spearman": 10.98684405086525, + "euclidean_pearson": 9.461680781495218, + "euclidean_spearman": 10.9925413190658, + "main_score": 10.98684405086525, + "manhattan_pearson": 9.442055271895944, + "manhattan_spearman": 11.226101908391069, + "pearson": 9.98410299881163, + "spearman": 10.98684405086525 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 59.3180680265132, + "cosine_spearman": 63.07956002739231, + "euclidean_pearson": 62.46424835000928, + "euclidean_spearman": 63.07956002739231, + "main_score": 63.07956002739231, + "manhattan_pearson": 62.048137683643766, + "manhattan_spearman": 61.83898606879604, + "pearson": 59.3180680265132, + "spearman": 63.07956002739231 + }, + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "cosine_pearson": 29.061215770374826, + "cosine_spearman": 36.21441725938738, + "euclidean_pearson": 28.44045530150387, + "euclidean_spearman": 36.21441725938738, + "main_score": 36.21441725938738, + "manhattan_pearson": 29.32403221599612, + "manhattan_spearman": 38.914481153396494, + "pearson": 29.061215770374826, + "spearman": 36.21441725938738 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "cosine_pearson": 11.266385865086239, + "cosine_spearman": 17.291293843893733, + "euclidean_pearson": 10.045897285683115, + "euclidean_spearman": 17.321323804048646, + "main_score": 17.291293843893733, + "manhattan_pearson": 15.333482209624194, + "manhattan_spearman": 20.399166731513915, + "pearson": 11.266385865086239, + "spearman": 17.291293843893733 + }, + { + "hf_subset": "pl-en", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "cosine_pearson": 9.647587208410648, + "cosine_spearman": 21.33739699413266, + "euclidean_pearson": 7.451981822243237, + "euclidean_spearman": 21.33739699413266, + "main_score": 21.33739699413266, + "manhattan_pearson": 10.05280275870948, + "manhattan_spearman": 22.233400969472218, + "pearson": 9.647587208410648, + "spearman": 21.33739699413266 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/STSBenchmark.json b/results/minishlab__potion-base-8M/external/STSBenchmark.json new file mode 100644 index 000000000..eae179277 --- /dev/null +++ b/results/minishlab__potion-base-8M/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 77.2598255013409, + "cosine_spearman": 75.40519061413276, + "euclidean_pearson": 77.19878276657876, + "euclidean_spearman": 75.40519061413276, + "main_score": 75.40519061413276, + "manhattan_pearson": 77.04099640594512, + "manhattan_spearman": 75.32219501493076, + "pearson": 77.2598255013409, + "spearman": 75.40519061413276 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/SciDocsRR.json b/results/minishlab__potion-base-8M/external/SciDocsRR.json new file mode 100644 index 000000000..20cda7367 --- /dev/null +++ b/results/minishlab__potion-base-8M/external/SciDocsRR.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 72.10127087089839, + "map": 72.10127087089839, + "mrr": 90.62288020621355, + "nAUC_map_diff1": 8.726677558277695, + "nAUC_map_max": 54.59636736704295, + "nAUC_map_std": 67.36367052533402, + "nAUC_mrr_diff1": 47.77588337162405, + "nAUC_mrr_max": 74.90946175462605, + "nAUC_mrr_std": 71.81332269641806 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/SciFact.json b/results/minishlab__potion-base-8M/external/SciFact.json new file mode 100644 index 000000000..faa4a0573 --- /dev/null +++ b/results/minishlab__potion-base-8M/external/SciFact.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 50.63999999999999, + "map_at_1": 35.5, + "map_at_10": 45.238, + "map_at_100": 46.135999999999996, + "map_at_1000": 46.181, + "map_at_20": 45.767, + "map_at_3": 42.329, + "map_at_5": 44.054, + "mrr_at_1": 37.666666666666664, + "mrr_at_10": 46.6611111111111, + "mrr_at_100": 47.37819687814183, + "mrr_at_1000": 47.417644921595766, + "mrr_at_20": 47.06856780130773, + "mrr_at_3": 43.94444444444443, + "mrr_at_5": 45.52777777777777, + "nauc_map_at_1000_diff1": 52.83081390161976, + "nauc_map_at_1000_max": 37.21621852995913, + "nauc_map_at_1000_std": -3.416369626271914, + "nauc_map_at_100_diff1": 52.823502489139884, + "nauc_map_at_100_max": 37.2435733087758, + "nauc_map_at_100_std": -3.376708460074628, + "nauc_map_at_10_diff1": 52.495695868970785, + "nauc_map_at_10_max": 36.79244353087952, + "nauc_map_at_10_std": -3.998841918813238, + "nauc_map_at_1_diff1": 55.20714819661926, + "nauc_map_at_1_max": 33.68583272500883, + "nauc_map_at_1_std": -7.806502386166579, + "nauc_map_at_20_diff1": 52.82557233788675, + "nauc_map_at_20_max": 37.02532534485883, + "nauc_map_at_20_std": -3.6962702134516126, + "nauc_map_at_3_diff1": 53.005833884053054, + "nauc_map_at_3_max": 35.102473883265056, + "nauc_map_at_3_std": -6.237364868462919, + "nauc_map_at_5_diff1": 52.67151253564545, + "nauc_map_at_5_max": 36.083416260083574, + "nauc_map_at_5_std": -4.7023113318143785, + "nauc_mrr_at_1000_diff1": 52.938698102997094, + "nauc_mrr_at_1000_max": 39.46705187537523, + "nauc_mrr_at_1000_std": 0.6163818152860598, + "nauc_mrr_at_100_diff1": 52.93491193041612, + "nauc_mrr_at_100_max": 39.490426719059165, + "nauc_mrr_at_100_std": 0.6662007971949842, + "nauc_mrr_at_10_diff1": 52.70216069864656, + "nauc_mrr_at_10_max": 39.52193808791504, + "nauc_mrr_at_10_std": 0.536595037291294, + "nauc_mrr_at_1_diff1": 55.77100806609076, + "nauc_mrr_at_1_max": 37.966164940491446, + "nauc_mrr_at_1_std": -2.1074234936282537, + "nauc_mrr_at_20_diff1": 52.942136130524986, + "nauc_mrr_at_20_max": 39.42716448302782, + "nauc_mrr_at_20_std": 0.5472281187662744, + "nauc_mrr_at_3_diff1": 53.144295072591206, + "nauc_mrr_at_3_max": 38.05294316134295, + "nauc_mrr_at_3_std": -1.2360608664776096, + "nauc_mrr_at_5_diff1": 52.789220500594205, + "nauc_mrr_at_5_max": 38.83395427252616, + "nauc_mrr_at_5_std": -0.09099470685601964, + "nauc_ndcg_at_1000_diff1": 52.16867590195915, + "nauc_ndcg_at_1000_max": 39.70115643730131, + "nauc_ndcg_at_1000_std": 0.904258507053096, + "nauc_ndcg_at_100_diff1": 51.87328245345757, + "nauc_ndcg_at_100_max": 40.59055338026654, + "nauc_ndcg_at_100_std": 2.554356951645788, + "nauc_ndcg_at_10_diff1": 50.809281234563805, + "nauc_ndcg_at_10_max": 39.085094925973245, + "nauc_ndcg_at_10_std": -0.23387754671232033, + "nauc_ndcg_at_1_diff1": 55.77100806609076, + "nauc_ndcg_at_1_max": 37.966164940491446, + "nauc_ndcg_at_1_std": -2.1074234936282537, + "nauc_ndcg_at_20_diff1": 51.74864887078553, + "nauc_ndcg_at_20_max": 39.32033115509482, + "nauc_ndcg_at_20_std": 0.4346356935494506, + "nauc_ndcg_at_3_diff1": 51.9909705702443, + "nauc_ndcg_at_3_max": 36.078476037019094, + "nauc_ndcg_at_3_std": -4.014502363911228, + "nauc_ndcg_at_5_diff1": 51.312788955634325, + "nauc_ndcg_at_5_max": 37.54290824294073, + "nauc_ndcg_at_5_std": -1.8169251273098448, + "nauc_precision_at_1000_diff1": 1.4596703970072096, + "nauc_precision_at_1000_max": 36.408552907408, + "nauc_precision_at_1000_std": 53.892991905053776, + "nauc_precision_at_100_diff1": 17.90829681479967, + "nauc_precision_at_100_max": 50.02058762977557, + "nauc_precision_at_100_std": 50.95242296795188, + "nauc_precision_at_10_diff1": 33.69533492770854, + "nauc_precision_at_10_max": 47.554637845938025, + "nauc_precision_at_10_std": 21.812883074791838, + "nauc_precision_at_1_diff1": 55.77100806609076, + "nauc_precision_at_1_max": 37.966164940491446, + "nauc_precision_at_1_std": -2.1074234936282537, + "nauc_precision_at_20_diff1": 31.797703948512723, + "nauc_precision_at_20_max": 46.94077230822751, + "nauc_precision_at_20_std": 29.525569664289396, + "nauc_precision_at_3_diff1": 41.753151429999456, + "nauc_precision_at_3_max": 38.30163209243931, + "nauc_precision_at_3_std": 6.19935377482869, + "nauc_precision_at_5_diff1": 38.479320931912575, + "nauc_precision_at_5_max": 41.576866734894516, + "nauc_precision_at_5_std": 13.327714566652604, + "nauc_recall_at_1000_diff1": 50.28923446773287, + "nauc_recall_at_1000_max": 68.29528746364413, + "nauc_recall_at_1000_std": 48.2313231806132, + "nauc_recall_at_100_diff1": 46.22085619290839, + "nauc_recall_at_100_max": 61.60933703216747, + "nauc_recall_at_100_std": 42.210649980610896, + "nauc_recall_at_10_diff1": 43.10485234893865, + "nauc_recall_at_10_max": 43.06779802776641, + "nauc_recall_at_10_std": 8.272818985431385, + "nauc_recall_at_1_diff1": 55.20714819661926, + "nauc_recall_at_1_max": 33.68583272500883, + "nauc_recall_at_1_std": -7.806502386166579, + "nauc_recall_at_20_diff1": 46.850902149595036, + "nauc_recall_at_20_max": 44.58623368637416, + "nauc_recall_at_20_std": 11.890054420031708, + "nauc_recall_at_3_diff1": 48.80301236823221, + "nauc_recall_at_3_max": 34.177890037375, + "nauc_recall_at_3_std": -3.852215004054359, + "nauc_recall_at_5_diff1": 46.206941308622056, + "nauc_recall_at_5_max": 38.61994260176494, + "nauc_recall_at_5_std": 2.735469769782116, + "ndcg_at_1": 37.667, + "ndcg_at_10": 50.63999999999999, + "ndcg_at_100": 54.885, + "ndcg_at_1000": 56.274, + "ndcg_at_20": 52.349000000000004, + "ndcg_at_3": 44.891999999999996, + "ndcg_at_5": 47.788000000000004, + "precision_at_1": 37.667, + "precision_at_10": 7.3, + "precision_at_100": 0.97, + "precision_at_1000": 0.11, + "precision_at_20": 4.067, + "precision_at_3": 18.333, + "precision_at_5": 12.6, + "recall_at_1": 35.5, + "recall_at_10": 66.178, + "recall_at_100": 85.9, + "recall_at_1000": 97.1, + "recall_at_20": 72.60600000000001, + "recall_at_3": 50.306, + "recall_at_5": 57.443999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/SprintDuplicateQuestions.json b/results/minishlab__potion-base-8M/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..7beac8ae9 --- /dev/null +++ b/results/minishlab__potion-base-8M/external/SprintDuplicateQuestions.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 99.71386138613862, + "cosine_accuracy_threshold": 78.56961662426235, + "cosine_ap": 90.20131927652946, + "cosine_f1": 84.7749114820435, + "cosine_f1_threshold": 75.7768544371973, + "cosine_precision": 85.7727737973388, + "cosine_recall": 83.8, + "dot_accuracy": 99.71386138613862, + "dot_accuracy_threshold": 78.56961780669964, + "dot_ap": 90.20131927652946, + "dot_f1": 84.7749114820435, + "dot_f1_threshold": 75.77685228378391, + "dot_precision": 85.7727737973388, + "dot_recall": 83.8, + "euclidean_accuracy": 99.71386138613862, + "euclidean_accuracy_threshold": 65.46813529720524, + "euclidean_ap": 90.20131927652946, + "euclidean_f1": 84.7749114820435, + "euclidean_f1_threshold": 69.60336608830053, + "euclidean_precision": 85.7727737973388, + "euclidean_recall": 83.8, + "main_score": 90.20131927652946, + "manhattan_accuracy": 99.7059405940594, + "manhattan_accuracy_threshold": 804.8100425289704, + "manhattan_ap": 90.00682250828237, + "manhattan_f1": 84.44211629125196, + "manhattan_f1_threshold": 828.8486447498144, + "manhattan_precision": 88.66886688668868, + "manhattan_recall": 80.60000000000001, + "max_accuracy": 99.71386138613862, + "max_ap": 90.20131927652946, + "max_f1": 84.7749114820435, + "max_precision": 88.66886688668868, + "max_recall": 83.8, + "similarity_accuracy": 99.71386138613862, + "similarity_accuracy_threshold": 78.56961662426235, + "similarity_ap": 90.20131927652946, + "similarity_f1": 84.7749114820435, + "similarity_f1_threshold": 75.7768544371973, + "similarity_precision": 85.7727737973388, + "similarity_recall": 83.8 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/StackExchangeClustering.json b/results/minishlab__potion-base-8M/external/StackExchangeClustering.json new file mode 100644 index 000000000..460d77bbc --- /dev/null +++ b/results/minishlab__potion-base-8M/external/StackExchangeClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 48.18939518021159, + "v_measure": 48.18939518021159, + "v_measure_std": 4.6189444340187995 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/StackExchangeClusteringP2P.json b/results/minishlab__potion-base-8M/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..f9a1b5460 --- /dev/null +++ b/results/minishlab__potion-base-8M/external/StackExchangeClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 30.743938802421265, + "v_measure": 30.743938802421265, + "v_measure_std": 1.4645401677053824 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/StackOverflowDupQuestions.json b/results/minishlab__potion-base-8M/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..52273cdf5 --- /dev/null +++ b/results/minishlab__potion-base-8M/external/StackOverflowDupQuestions.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 43.254152892780986, + "map": 43.254152892780986, + "mrr": 43.70483989050165, + "nAUC_map_diff1": 33.22453777168869, + "nAUC_map_max": 13.175366935671228, + "nAUC_map_std": 3.718253924398536, + "nAUC_mrr_diff1": 32.58818809467491, + "nAUC_mrr_max": 14.093758435205075, + "nAUC_mrr_std": 4.198791420159734 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/SummEval.json b/results/minishlab__potion-base-8M/external/SummEval.json new file mode 100644 index 000000000..3ce9cd61c --- /dev/null +++ b/results/minishlab__potion-base-8M/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 29.88360050203766, + "cosine_spearman": 29.275185932109494, + "dot_pearson": 29.883597746108975, + "dot_spearman": 29.28377974870949, + "main_score": 29.275185932109494, + "pearson": 29.88360050203766, + "spearman": 29.275185932109494 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/TRECCOVID.json b/results/minishlab__potion-base-8M/external/TRECCOVID.json new file mode 100644 index 000000000..c196ccdc3 --- /dev/null +++ b/results/minishlab__potion-base-8M/external/TRECCOVID.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "bb9466bac8153a0349341eb1b22e06409e78ef4e", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 45.747, + "map_at_1": 0.148, + "map_at_10": 0.972, + "map_at_100": 4.652, + "map_at_1000": 11.511000000000001, + "map_at_20": 1.643, + "map_at_3": 0.369, + "map_at_5": 0.561, + "mrr_at_1": 62.0, + "mrr_at_10": 70.06904761904761, + "mrr_at_100": 70.45500059672992, + "mrr_at_1000": 70.45500059672992, + "mrr_at_20": 70.31716791979949, + "mrr_at_3": 68.0, + "mrr_at_5": 69.19999999999999, + "nauc_map_at_1000_diff1": -0.8266899821302324, + "nauc_map_at_1000_max": 34.62914536640893, + "nauc_map_at_1000_std": 57.177693387251615, + "nauc_map_at_100_diff1": -3.3097934383165613, + "nauc_map_at_100_max": 22.052336613600293, + "nauc_map_at_100_std": 29.905360060478188, + "nauc_map_at_10_diff1": 6.057035481050755, + "nauc_map_at_10_max": 22.742824418774667, + "nauc_map_at_10_std": 5.649441588476496, + "nauc_map_at_1_diff1": 10.469485578180873, + "nauc_map_at_1_max": 4.582098501050435, + "nauc_map_at_1_std": -10.47482550446343, + "nauc_map_at_20_diff1": 1.5813367839245727, + "nauc_map_at_20_max": 25.09380802651507, + "nauc_map_at_20_std": 11.733045886140895, + "nauc_map_at_3_diff1": -0.4174848325628528, + "nauc_map_at_3_max": 16.54291715633098, + "nauc_map_at_3_std": -6.315368365719176, + "nauc_map_at_5_diff1": 1.6439114449809122, + "nauc_map_at_5_max": 18.119472468345634, + "nauc_map_at_5_std": -1.4642215840068935, + "nauc_mrr_at_1000_diff1": 19.962304210632194, + "nauc_mrr_at_1000_max": 28.66281052259736, + "nauc_mrr_at_1000_std": 14.4833499197582, + "nauc_mrr_at_100_diff1": 19.962304210632194, + "nauc_mrr_at_100_max": 28.66281052259736, + "nauc_mrr_at_100_std": 14.4833499197582, + "nauc_mrr_at_10_diff1": 19.79498540271038, + "nauc_mrr_at_10_max": 28.07551011390951, + "nauc_mrr_at_10_std": 13.820791565247939, + "nauc_mrr_at_1_diff1": 23.72088730271045, + "nauc_mrr_at_1_max": 29.338830261821947, + "nauc_mrr_at_1_std": 10.463649509276033, + "nauc_mrr_at_20_diff1": 20.06776286940325, + "nauc_mrr_at_20_max": 28.69272909781133, + "nauc_mrr_at_20_std": 14.560673636667628, + "nauc_mrr_at_3_diff1": 18.71166001912622, + "nauc_mrr_at_3_max": 30.645161290322555, + "nauc_mrr_at_3_std": 16.37394164159257, + "nauc_mrr_at_5_diff1": 15.791374902745353, + "nauc_mrr_at_5_max": 28.51602708149093, + "nauc_mrr_at_5_std": 15.246386476651619, + "nauc_ndcg_at_1000_diff1": -5.179304837164554, + "nauc_ndcg_at_1000_max": 27.27301986190763, + "nauc_ndcg_at_1000_std": 49.239144813886654, + "nauc_ndcg_at_100_diff1": 7.283019925558149, + "nauc_ndcg_at_100_max": 29.80340187562149, + "nauc_ndcg_at_100_std": 47.60799676958296, + "nauc_ndcg_at_10_diff1": 11.621471677557253, + "nauc_ndcg_at_10_max": 31.78727749460396, + "nauc_ndcg_at_10_std": 26.339328462146177, + "nauc_ndcg_at_1_diff1": 26.896384303421446, + "nauc_ndcg_at_1_max": 28.727080596332872, + "nauc_ndcg_at_1_std": 12.10515793682523, + "nauc_ndcg_at_20_diff1": 7.253524538786647, + "nauc_ndcg_at_20_max": 33.412855576178295, + "nauc_ndcg_at_20_std": 34.10895211064073, + "nauc_ndcg_at_3_diff1": 11.303112239393863, + "nauc_ndcg_at_3_max": 35.0880605283756, + "nauc_ndcg_at_3_std": 18.514877130637803, + "nauc_ndcg_at_5_diff1": 8.537541001217583, + "nauc_ndcg_at_5_max": 32.24796400964019, + "nauc_ndcg_at_5_std": 21.65596013895985, + "nauc_precision_at_1000_diff1": 5.217123572202896, + "nauc_precision_at_1000_max": 31.954154167309177, + "nauc_precision_at_1000_std": 60.51613061301686, + "nauc_precision_at_100_diff1": 5.748688865778208, + "nauc_precision_at_100_max": 28.503515028630567, + "nauc_precision_at_100_std": 52.8175811950368, + "nauc_precision_at_10_diff1": 9.634424129349284, + "nauc_precision_at_10_max": 33.90210630229416, + "nauc_precision_at_10_std": 30.197787312348073, + "nauc_precision_at_1_diff1": 23.72088730271045, + "nauc_precision_at_1_max": 29.338830261821947, + "nauc_precision_at_1_std": 10.463649509276033, + "nauc_precision_at_20_diff1": 2.6440820197838923, + "nauc_precision_at_20_max": 36.6927642980172, + "nauc_precision_at_20_std": 40.53918258763216, + "nauc_precision_at_3_diff1": 2.9773659425793695, + "nauc_precision_at_3_max": 35.63522203655881, + "nauc_precision_at_3_std": 17.365942579371055, + "nauc_precision_at_5_diff1": 3.883249981522982, + "nauc_precision_at_5_max": 34.19785174053362, + "nauc_precision_at_5_std": 25.391096548495977, + "nauc_recall_at_1000_diff1": -10.977265624215267, + "nauc_recall_at_1000_max": 22.349720150932985, + "nauc_recall_at_1000_std": 47.14118127199015, + "nauc_recall_at_100_diff1": -10.566105105889243, + "nauc_recall_at_100_max": 13.59897332326766, + "nauc_recall_at_100_std": 25.1260269383207, + "nauc_recall_at_10_diff1": 3.9418824014124514, + "nauc_recall_at_10_max": 18.87305117920693, + "nauc_recall_at_10_std": 4.227456274746917, + "nauc_recall_at_1_diff1": 10.469485578180873, + "nauc_recall_at_1_max": 4.582098501050435, + "nauc_recall_at_1_std": -10.47482550446343, + "nauc_recall_at_20_diff1": -3.663384950691917, + "nauc_recall_at_20_max": 20.838703493064635, + "nauc_recall_at_20_std": 10.729793670370862, + "nauc_recall_at_3_diff1": -1.1850402683856456, + "nauc_recall_at_3_max": 16.033671610288522, + "nauc_recall_at_3_std": -6.953520529126048, + "nauc_recall_at_5_diff1": -0.5156927662191768, + "nauc_recall_at_5_max": 15.556954479927315, + "nauc_recall_at_5_std": -2.965229848389009, + "ndcg_at_1": 56.00000000000001, + "ndcg_at_10": 45.747, + "ndcg_at_100": 32.761, + "ndcg_at_1000": 29.633, + "ndcg_at_20": 42.905, + "ndcg_at_3": 50.641999999999996, + "ndcg_at_5": 48.231, + "precision_at_1": 62.0, + "precision_at_10": 47.8, + "precision_at_100": 33.72, + "precision_at_1000": 14.238000000000001, + "precision_at_20": 45.2, + "precision_at_3": 54.0, + "precision_at_5": 50.8, + "recall_at_1": 0.148, + "recall_at_10": 1.143, + "recall_at_100": 7.219, + "recall_at_1000": 28.294999999999998, + "recall_at_20": 2.083, + "recall_at_3": 0.395, + "recall_at_5": 0.628 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/Touche2020.json b/results/minishlab__potion-base-8M/external/Touche2020.json new file mode 100644 index 000000000..7a4807105 --- /dev/null +++ b/results/minishlab__potion-base-8M/external/Touche2020.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 18.618000000000002, + "map_at_1": 1.22, + "map_at_10": 6.635000000000001, + "map_at_100": 10.873, + "map_at_1000": 12.415, + "map_at_20": 8.334, + "map_at_3": 2.8240000000000003, + "map_at_5": 4.111, + "mrr_at_1": 14.285714285714285, + "mrr_at_10": 31.959831551668284, + "mrr_at_100": 33.15059576942869, + "mrr_at_1000": 33.15059576942869, + "mrr_at_20": 32.685999641281754, + "mrr_at_3": 25.850340136054424, + "mrr_at_5": 29.31972789115646, + "nauc_map_at_1000_diff1": 8.820920087157313, + "nauc_map_at_1000_max": -33.58280072902863, + "nauc_map_at_1000_std": -22.730292551065183, + "nauc_map_at_100_diff1": 9.741008911531535, + "nauc_map_at_100_max": -33.6532837418042, + "nauc_map_at_100_std": -28.3444309192652, + "nauc_map_at_10_diff1": 7.657150877271815, + "nauc_map_at_10_max": -41.7412362957407, + "nauc_map_at_10_std": -35.66062824513052, + "nauc_map_at_1_diff1": 7.593190069621649, + "nauc_map_at_1_max": -39.58442010649443, + "nauc_map_at_1_std": -22.564719811889777, + "nauc_map_at_20_diff1": 7.245303325270055, + "nauc_map_at_20_max": -37.804327180430946, + "nauc_map_at_20_std": -32.702756826489846, + "nauc_map_at_3_diff1": 6.742365189818029, + "nauc_map_at_3_max": -41.7228290771728, + "nauc_map_at_3_std": -30.230168338925107, + "nauc_map_at_5_diff1": 11.935913888588882, + "nauc_map_at_5_max": -41.39335754887243, + "nauc_map_at_5_std": -33.780157609546535, + "nauc_mrr_at_1000_diff1": -1.6708159098532442, + "nauc_mrr_at_1000_max": -36.55890935351506, + "nauc_mrr_at_1000_std": -24.27343264470873, + "nauc_mrr_at_100_diff1": -1.6708159098532442, + "nauc_mrr_at_100_max": -36.55890935351506, + "nauc_mrr_at_100_std": -24.27343264470873, + "nauc_mrr_at_10_diff1": -0.42650070974468685, + "nauc_mrr_at_10_max": -37.09244916127389, + "nauc_mrr_at_10_std": -24.66093983608399, + "nauc_mrr_at_1_diff1": -5.630573652147252, + "nauc_mrr_at_1_max": -33.616658797870684, + "nauc_mrr_at_1_std": -23.601564115907, + "nauc_mrr_at_20_diff1": -1.832519847770416, + "nauc_mrr_at_20_max": -37.12461848720876, + "nauc_mrr_at_20_std": -24.697864546344437, + "nauc_mrr_at_3_diff1": -0.005683436651441496, + "nauc_mrr_at_3_max": -32.50516010446863, + "nauc_mrr_at_3_std": -21.544877233050823, + "nauc_mrr_at_5_diff1": -2.354001730958692, + "nauc_mrr_at_5_max": -32.51899298268129, + "nauc_mrr_at_5_std": -23.68035252143919, + "nauc_ndcg_at_1000_diff1": 14.007950932108976, + "nauc_ndcg_at_1000_max": -31.274257790464837, + "nauc_ndcg_at_1000_std": 3.658749568249879, + "nauc_ndcg_at_100_diff1": 13.626007116136158, + "nauc_ndcg_at_100_max": -35.59107319590088, + "nauc_ndcg_at_100_std": -18.874707006492024, + "nauc_ndcg_at_10_diff1": 9.82558048538336, + "nauc_ndcg_at_10_max": -39.51461465840459, + "nauc_ndcg_at_10_std": -30.33405672804229, + "nauc_ndcg_at_1_diff1": -1.598770159246464, + "nauc_ndcg_at_1_max": -31.975857803575675, + "nauc_ndcg_at_1_std": -18.993368614347663, + "nauc_ndcg_at_20_diff1": 11.616460882964375, + "nauc_ndcg_at_20_max": -36.68867443298684, + "nauc_ndcg_at_20_std": -27.831158282067598, + "nauc_ndcg_at_3_diff1": 3.6760483719742556, + "nauc_ndcg_at_3_max": -30.935030030092992, + "nauc_ndcg_at_3_std": -18.717891674270643, + "nauc_ndcg_at_5_diff1": 10.773599917143413, + "nauc_ndcg_at_5_max": -31.08451038101287, + "nauc_ndcg_at_5_std": -25.478457258577336, + "nauc_precision_at_1000_diff1": -6.780225586359699, + "nauc_precision_at_1000_max": 38.71975790762798, + "nauc_precision_at_1000_std": 57.8083677042306, + "nauc_precision_at_100_diff1": 2.959136061872892, + "nauc_precision_at_100_max": -8.27764507575222, + "nauc_precision_at_100_std": 5.742410187313611, + "nauc_precision_at_10_diff1": 9.882789695687109, + "nauc_precision_at_10_max": -31.486245698037102, + "nauc_precision_at_10_std": -29.081919554833874, + "nauc_precision_at_1_diff1": -5.630573652147252, + "nauc_precision_at_1_max": -33.616658797870684, + "nauc_precision_at_1_std": -23.601564115907, + "nauc_precision_at_20_diff1": 5.165999913921455, + "nauc_precision_at_20_max": -19.322665087378923, + "nauc_precision_at_20_std": -19.841805142598865, + "nauc_precision_at_3_diff1": 2.846740832419061, + "nauc_precision_at_3_max": -30.76562032864513, + "nauc_precision_at_3_std": -23.610192672373636, + "nauc_precision_at_5_diff1": 13.83881140180208, + "nauc_precision_at_5_max": -23.40672207825652, + "nauc_precision_at_5_std": -26.803291207458884, + "nauc_recall_at_1000_diff1": 5.989093134294799, + "nauc_recall_at_1000_max": -23.01810906637643, + "nauc_recall_at_1000_std": 51.72967782759332, + "nauc_recall_at_100_diff1": 9.279568158025599, + "nauc_recall_at_100_max": -32.49225165397591, + "nauc_recall_at_100_std": -14.266931753931292, + "nauc_recall_at_10_diff1": 8.789441102892894, + "nauc_recall_at_10_max": -41.575759675933185, + "nauc_recall_at_10_std": -36.066608504981836, + "nauc_recall_at_1_diff1": 7.593190069621649, + "nauc_recall_at_1_max": -39.58442010649443, + "nauc_recall_at_1_std": -22.564719811889777, + "nauc_recall_at_20_diff1": 7.288095720364289, + "nauc_recall_at_20_max": -34.19747470428325, + "nauc_recall_at_20_std": -29.334755464530023, + "nauc_recall_at_3_diff1": 7.541743741210702, + "nauc_recall_at_3_max": -38.357726279072416, + "nauc_recall_at_3_std": -29.877869977138204, + "nauc_recall_at_5_diff1": 11.512545675995455, + "nauc_recall_at_5_max": -37.366204857623586, + "nauc_recall_at_5_std": -33.58926486109219, + "ndcg_at_1": 12.245000000000001, + "ndcg_at_10": 18.618000000000002, + "ndcg_at_100": 28.488000000000003, + "ndcg_at_1000": 41.208, + "ndcg_at_20": 19.536, + "ndcg_at_3": 15.045, + "ndcg_at_5": 16.359, + "precision_at_1": 14.285999999999998, + "precision_at_10": 19.796, + "precision_at_100": 6.5920000000000005, + "precision_at_1000": 1.471, + "precision_at_20": 15.204, + "precision_at_3": 18.367, + "precision_at_5": 18.776, + "recall_at_1": 1.22, + "recall_at_10": 13.763, + "recall_at_100": 40.107, + "recall_at_1000": 79.06800000000001, + "recall_at_20": 20.049, + "recall_at_3": 4.2540000000000004, + "recall_at_5": 7.142999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/ToxicConversationsClassification.json b/results/minishlab__potion-base-8M/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..540e15ce1 --- /dev/null +++ b/results/minishlab__potion-base-8M/external/ToxicConversationsClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.0625, + "ap": 12.429057046174089, + "ap_weighted": 12.429057046174089, + "f1": 52.366056859622454, + "f1_weighted": 75.91632061778698, + "main_score": 69.0625 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/TweetSentimentExtractionClassification.json b/results/minishlab__potion-base-8M/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..099c1bcbf --- /dev/null +++ b/results/minishlab__potion-base-8M/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 55.387662705149964, + "f1": 55.62292803889264, + "f1_weighted": 55.01561915660653, + "main_score": 55.387662705149964 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/TwentyNewsgroupsClustering.json b/results/minishlab__potion-base-8M/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..41f4d93d2 --- /dev/null +++ b/results/minishlab__potion-base-8M/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 33.535908963951435, + "v_measure": 33.535908963951435, + "v_measure_std": 1.8862804680454297 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/TwitterSemEval2015.json b/results/minishlab__potion-base-8M/external/TwitterSemEval2015.json new file mode 100644 index 000000000..04e7db931 --- /dev/null +++ b/results/minishlab__potion-base-8M/external/TwitterSemEval2015.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 81.57000655659535, + "cosine_accuracy_threshold": 76.01186428039885, + "cosine_ap": 57.187252502171674, + "cosine_f1": 54.94480738905159, + "cosine_f1_threshold": 63.27845286960887, + "cosine_precision": 47.93632075471698, + "cosine_recall": 64.35356200527704, + "dot_accuracy": 81.57000655659535, + "dot_accuracy_threshold": 76.01186510638954, + "dot_ap": 57.1872568788409, + "dot_f1": 54.94480738905159, + "dot_f1_threshold": 63.27845437266042, + "dot_precision": 47.93632075471698, + "dot_recall": 64.35356200527704, + "euclidean_accuracy": 81.57000655659535, + "euclidean_accuracy_threshold": 69.2649048666448, + "euclidean_ap": 57.18724194735979, + "euclidean_f1": 54.94480738905159, + "euclidean_f1_threshold": 85.69894748780587, + "euclidean_precision": 47.93632075471698, + "euclidean_recall": 64.35356200527704, + "main_score": 57.516050924090266, + "manhattan_accuracy": 81.71902008702389, + "manhattan_accuracy_threshold": 856.8997862166725, + "manhattan_ap": 57.516050924090266, + "manhattan_f1": 55.16339869281046, + "manhattan_f1_threshold": 1035.858379830097, + "manhattan_precision": 50.18378378378379, + "manhattan_recall": 61.24010554089709, + "max_accuracy": 81.71902008702389, + "max_ap": 57.516050924090266, + "max_f1": 55.16339869281046, + "max_precision": 50.18378378378379, + "max_recall": 64.35356200527704, + "similarity_accuracy": 81.57000655659535, + "similarity_accuracy_threshold": 76.01186428039885, + "similarity_ap": 57.187252502171674, + "similarity_f1": 54.94480738905159, + "similarity_f1_threshold": 63.27845286960887, + "similarity_precision": 47.93632075471698, + "similarity_recall": 64.35356200527704 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/TwitterURLCorpus.json b/results/minishlab__potion-base-8M/external/TwitterURLCorpus.json new file mode 100644 index 000000000..f3992b210 --- /dev/null +++ b/results/minishlab__potion-base-8M/external/TwitterURLCorpus.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 87.09977878682035, + "cosine_accuracy_threshold": 63.00089389314832, + "cosine_ap": 81.9487582699938, + "cosine_f1": 74.04089724292375, + "cosine_f1_threshold": 56.35024835869245, + "cosine_precision": 70.7599466704091, + "cosine_recall": 77.64089929165382, + "dot_accuracy": 87.09977878682035, + "dot_accuracy_threshold": 63.00089560728222, + "dot_ap": 81.94879514546079, + "dot_f1": 74.04089724292375, + "dot_f1_threshold": 56.350250341728405, + "dot_precision": 70.7599466704091, + "dot_recall": 77.64089929165382, + "euclidean_accuracy": 87.09977878682035, + "euclidean_accuracy_threshold": 86.02221469735642, + "euclidean_ap": 81.94875892553148, + "euclidean_f1": 74.04089724292375, + "euclidean_f1_threshold": 93.43420484744681, + "euclidean_precision": 70.7599466704091, + "euclidean_recall": 77.64089929165382, + "main_score": 82.13756947863085, + "manhattan_accuracy": 87.19292117825125, + "manhattan_accuracy_threshold": 1076.0586285257887, + "manhattan_ap": 82.13756947863085, + "manhattan_f1": 74.36426623424485, + "manhattan_f1_threshold": 1148.366796662276, + "manhattan_precision": 71.32051463311183, + "manhattan_recall": 77.6793963658762, + "max_accuracy": 87.19292117825125, + "max_ap": 82.13756947863085, + "max_f1": 74.36426623424485, + "max_precision": 71.32051463311183, + "max_recall": 77.6793963658762, + "similarity_accuracy": 87.09977878682035, + "similarity_accuracy_threshold": 63.00089389314832, + "similarity_ap": 81.9487582699938, + "similarity_f1": 74.04089724292375, + "similarity_f1_threshold": 56.35024835869245, + "similarity_precision": 70.7599466704091, + "similarity_recall": 77.64089929165382 + } + ] + } +} \ No newline at end of file diff --git a/results/minishlab__potion-base-8M/external/model_meta.json b/results/minishlab__potion-base-8M/external/model_meta.json new file mode 100644 index 000000000..91d9f3b13 --- /dev/null +++ b/results/minishlab__potion-base-8M/external/model_meta.json @@ -0,0 +1,20 @@ +{ + "name": "minishlab/potion-base-8M", + "revision": "e1d295fda7b14b5a1364e4052da18d4fb6e95793", + "release_date": "2024-10-29", + "languages": [], + "loader": null, + "n_parameters": 7559168, + "memory_usage": null, + "max_tokens": 1000000, + "embed_dim": 256, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/AmazonCounterfactualClassification.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..d907dce2a --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.76119402985074, + "ap": 37.90611182084586, + "f1": 68.80795400445113, + "main_score": 74.76119402985074 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/AmazonPolarityClassification.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..74fbedfd4 --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.255525, + "ap": 90.06886124154308, + "f1": 93.24785420201029, + "main_score": 93.255525 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/AmazonReviewsClassification.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..a7d18ffba --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 46.162000000000006, + "f1": 45.66989189593428, + "main_score": 46.162000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/ArguAna.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/ArguAna.json new file mode 100644 index 000000000..98dbbb1d9 --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 37.980000000000004, + "map_at_10": 54.918, + "map_at_100": 55.401, + "map_at_1000": 55.403000000000006, + "map_at_3": 50.249, + "map_at_5": 53.400000000000006, + "mrr_at_1": 38.834, + "mrr_at_10": 55.24, + "mrr_at_100": 55.737, + "mrr_at_1000": 55.738, + "mrr_at_3": 50.580999999999996, + "mrr_at_5": 53.71, + "ndcg_at_1": 37.980000000000004, + "ndcg_at_10": 63.629000000000005, + "ndcg_at_100": 65.567, + "ndcg_at_1000": 65.61399999999999, + "ndcg_at_3": 54.275, + "ndcg_at_5": 59.91, + "precision_at_1": 37.980000000000004, + "precision_at_10": 9.110999999999999, + "precision_at_100": 0.993, + "precision_at_1000": 0.1, + "precision_at_3": 21.977, + "precision_at_5": 15.903, + "recall_at_1": 37.980000000000004, + "recall_at_10": 91.11, + "recall_at_100": 99.289, + "recall_at_1000": 99.644, + "recall_at_3": 65.932, + "recall_at_5": 79.51599999999999, + "main_score": 63.629000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/ArxivClusteringP2P.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..9ac19c99a --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.28746486562395, + "main_score": 48.28746486562395 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/ArxivClusteringS2S.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..1b6e4c168 --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 42.335244985544165, + "main_score": 42.335244985544165 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/AskUbuntuDupQuestions.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..0c1c89337 --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 63.771155681602096, + "mrr": 76.55993052807459, + "main_score": 63.771155681602096 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/BIOSSES.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/BIOSSES.json new file mode 100644 index 000000000..f2f840dd0 --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 89.76152904846916, + "cos_sim_spearman": 88.05622328825284, + "euclidean_pearson": 88.2821986323439, + "euclidean_spearman": 88.05622328825284, + "manhattan_pearson": 87.98419111117559, + "manhattan_spearman": 87.905617446958, + "cosine_pearson": 89.76152904846916, + "cosine_spearman": 88.05622328825284, + "main_score": 88.05622328825284 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/Banking77Classification.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/Banking77Classification.json new file mode 100644 index 000000000..8cef1ac52 --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.65259740259741, + "f1": 86.62044951853902, + "main_score": 86.65259740259741 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/BiorxivClusteringP2P.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..284ac32e8 --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.7270855384167, + "main_score": 39.7270855384167 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/BiorxivClusteringS2S.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..36704d570 --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.95365397158872, + "main_score": 36.95365397158872 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/CQADupstackAndroidRetrieval.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..e25d25395 --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.604, + "map_at_10": 42.126999999999995, + "map_at_100": 43.702999999999996, + "map_at_1000": 43.851, + "map_at_3": 38.663, + "map_at_5": 40.67, + "mrr_at_1": 37.625, + "mrr_at_10": 48.203, + "mrr_at_100": 48.925000000000004, + "mrr_at_1000": 48.979, + "mrr_at_3": 45.494, + "mrr_at_5": 47.288999999999994, + "ndcg_at_1": 37.625, + "ndcg_at_10": 48.649, + "ndcg_at_100": 54.041, + "ndcg_at_1000": 56.233999999999995, + "ndcg_at_3": 43.704, + "ndcg_at_5": 46.172999999999995, + "precision_at_1": 37.625, + "precision_at_10": 9.371, + "precision_at_100": 1.545, + "precision_at_1000": 0.20400000000000001, + "precision_at_3": 21.364, + "precision_at_5": 15.421999999999999, + "recall_at_1": 30.604, + "recall_at_10": 60.94199999999999, + "recall_at_100": 82.893, + "recall_at_1000": 96.887, + "recall_at_3": 46.346, + "recall_at_5": 53.495000000000005, + "main_score": 48.649 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.959000000000003, + "map_at_10": 40.217999999999996, + "map_at_100": 41.337, + "map_at_1000": 41.471999999999994, + "map_at_3": 37.029, + "map_at_5": 38.873000000000005, + "mrr_at_1": 37.325, + "mrr_at_10": 45.637, + "mrr_at_100": 46.243, + "mrr_at_1000": 46.297, + "mrr_at_3": 43.323, + "mrr_at_5": 44.734, + "ndcg_at_1": 37.325, + "ndcg_at_10": 45.864, + "ndcg_at_100": 49.832, + "ndcg_at_1000": 52.056000000000004, + "ndcg_at_3": 41.329, + "ndcg_at_5": 43.547000000000004, + "precision_at_1": 37.325, + "precision_at_10": 8.732, + "precision_at_100": 1.369, + "precision_at_1000": 0.185, + "precision_at_3": 19.936, + "precision_at_5": 14.306, + "recall_at_1": 29.959000000000003, + "recall_at_10": 56.113, + "recall_at_100": 73.231, + "recall_at_1000": 87.373, + "recall_at_3": 42.88, + "recall_at_5": 49.004, + "main_score": 45.864 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.679, + "map_at_10": 50.696, + "map_at_100": 51.788000000000004, + "map_at_1000": 51.849999999999994, + "map_at_3": 47.414, + "map_at_5": 49.284, + "mrr_at_1": 44.263000000000005, + "mrr_at_10": 54.03, + "mrr_at_100": 54.752, + "mrr_at_1000": 54.784, + "mrr_at_3": 51.661, + "mrr_at_5": 53.047, + "ndcg_at_1": 44.263000000000005, + "ndcg_at_10": 56.452999999999996, + "ndcg_at_100": 60.736999999999995, + "ndcg_at_1000": 61.982000000000006, + "ndcg_at_3": 51.085, + "ndcg_at_5": 53.715999999999994, + "precision_at_1": 44.263000000000005, + "precision_at_10": 9.129, + "precision_at_100": 1.218, + "precision_at_1000": 0.13699999999999998, + "precision_at_3": 22.8, + "precision_at_5": 15.674, + "recall_at_1": 38.679, + "recall_at_10": 70.1, + "recall_at_100": 88.649, + "recall_at_1000": 97.48, + "recall_at_3": 55.757999999999996, + "recall_at_5": 62.244, + "main_score": 56.452999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.796999999999997, + "map_at_10": 34.011, + "map_at_100": 35.103, + "map_at_1000": 35.187000000000005, + "map_at_3": 31.218, + "map_at_5": 32.801, + "mrr_at_1": 28.022999999999996, + "mrr_at_10": 36.108000000000004, + "mrr_at_100": 37.094, + "mrr_at_1000": 37.158, + "mrr_at_3": 33.635, + "mrr_at_5": 35.081, + "ndcg_at_1": 28.022999999999996, + "ndcg_at_10": 38.887, + "ndcg_at_100": 44.159, + "ndcg_at_1000": 46.300000000000004, + "ndcg_at_3": 33.623, + "ndcg_at_5": 36.281, + "precision_at_1": 28.022999999999996, + "precision_at_10": 6.010999999999999, + "precision_at_100": 0.901, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 14.124, + "precision_at_5": 10.034, + "recall_at_1": 25.796999999999997, + "recall_at_10": 51.86300000000001, + "recall_at_100": 75.995, + "recall_at_1000": 91.93299999999999, + "recall_at_3": 37.882, + "recall_at_5": 44.34, + "main_score": 38.887 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.468000000000002, + "map_at_10": 24.026, + "map_at_100": 25.237, + "map_at_1000": 25.380000000000003, + "map_at_3": 21.342, + "map_at_5": 22.843, + "mrr_at_1": 19.154, + "mrr_at_10": 28.429, + "mrr_at_100": 29.416999999999998, + "mrr_at_1000": 29.491, + "mrr_at_3": 25.746000000000002, + "mrr_at_5": 27.282, + "ndcg_at_1": 19.154, + "ndcg_at_10": 29.512, + "ndcg_at_100": 35.331, + "ndcg_at_1000": 38.435, + "ndcg_at_3": 24.566, + "ndcg_at_5": 26.891, + "precision_at_1": 19.154, + "precision_at_10": 5.647, + "precision_at_100": 0.984, + "precision_at_1000": 0.13899999999999998, + "precision_at_3": 12.065, + "precision_at_5": 8.98, + "recall_at_1": 15.468000000000002, + "recall_at_10": 41.908, + "recall_at_100": 67.17, + "recall_at_1000": 89.05499999999999, + "recall_at_3": 28.436, + "recall_at_5": 34.278, + "main_score": 29.512 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.116000000000003, + "map_at_10": 39.034, + "map_at_100": 40.461000000000006, + "map_at_1000": 40.563, + "map_at_3": 35.742000000000004, + "map_at_5": 37.762, + "mrr_at_1": 34.264, + "mrr_at_10": 44.173, + "mrr_at_100": 45.111000000000004, + "mrr_at_1000": 45.149, + "mrr_at_3": 41.626999999999995, + "mrr_at_5": 43.234, + "ndcg_at_1": 34.264, + "ndcg_at_10": 45.011, + "ndcg_at_100": 50.91, + "ndcg_at_1000": 52.886, + "ndcg_at_3": 39.757999999999996, + "ndcg_at_5": 42.569, + "precision_at_1": 34.264, + "precision_at_10": 8.114, + "precision_at_100": 1.2890000000000001, + "precision_at_1000": 0.163, + "precision_at_3": 18.864, + "precision_at_5": 13.628000000000002, + "recall_at_1": 28.116000000000003, + "recall_at_10": 57.764, + "recall_at_100": 82.393, + "recall_at_1000": 95.345, + "recall_at_3": 43.35, + "recall_at_5": 50.368, + "main_score": 45.011 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.557, + "map_at_10": 33.94, + "map_at_100": 35.382000000000005, + "map_at_1000": 35.497, + "map_at_3": 30.635, + "map_at_5": 32.372, + "mrr_at_1": 29.224, + "mrr_at_10": 39.017, + "mrr_at_100": 39.908, + "mrr_at_1000": 39.96, + "mrr_at_3": 36.225, + "mrr_at_5": 37.869, + "ndcg_at_1": 29.224, + "ndcg_at_10": 40.097, + "ndcg_at_100": 46.058, + "ndcg_at_1000": 48.309999999999995, + "ndcg_at_3": 34.551, + "ndcg_at_5": 36.937, + "precision_at_1": 29.224, + "precision_at_10": 7.6259999999999994, + "precision_at_100": 1.226, + "precision_at_1000": 0.161, + "precision_at_3": 16.781, + "precision_at_5": 12.26, + "recall_at_1": 23.557, + "recall_at_10": 53.46300000000001, + "recall_at_100": 78.797, + "recall_at_1000": 93.743, + "recall_at_3": 37.95, + "recall_at_5": 44.121, + "main_score": 40.097 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.81583333333333, + "map_at_10": 34.057833333333335, + "map_at_100": 35.29658333333334, + "map_at_1000": 35.418666666666674, + "map_at_3": 31.16416666666667, + "map_at_5": 32.797, + "mrr_at_1": 29.40216666666667, + "mrr_at_10": 38.11191666666667, + "mrr_at_100": 38.983250000000005, + "mrr_at_1000": 39.043, + "mrr_at_3": 35.663333333333334, + "mrr_at_5": 37.08975, + "ndcg_at_1": 29.40216666666667, + "ndcg_at_10": 39.462416666666655, + "ndcg_at_100": 44.74341666666666, + "ndcg_at_1000": 47.12283333333333, + "ndcg_at_3": 34.57383333333334, + "ndcg_at_5": 36.91816666666667, + "precision_at_1": 29.40216666666667, + "precision_at_10": 7.008416666666667, + "precision_at_100": 1.143333333333333, + "precision_at_1000": 0.15391666666666665, + "precision_at_3": 16.011083333333335, + "precision_at_5": 11.506666666666664, + "recall_at_1": 24.81583333333333, + "recall_at_10": 51.39391666666666, + "recall_at_100": 74.52983333333333, + "recall_at_1000": 91.00650000000002, + "recall_at_3": 37.87458333333334, + "recall_at_5": 43.865833333333335, + "main_score": 39.462416666666655 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.04, + "map_at_10": 30.651, + "map_at_100": 31.561, + "map_at_1000": 31.667, + "map_at_3": 28.358, + "map_at_5": 29.644, + "mrr_at_1": 26.840000000000003, + "mrr_at_10": 33.397, + "mrr_at_100": 34.166999999999994, + "mrr_at_1000": 34.252, + "mrr_at_3": 31.339, + "mrr_at_5": 32.451, + "ndcg_at_1": 26.840000000000003, + "ndcg_at_10": 34.821999999999996, + "ndcg_at_100": 39.155, + "ndcg_at_1000": 41.837999999999994, + "ndcg_at_3": 30.55, + "ndcg_at_5": 32.588, + "precision_at_1": 26.840000000000003, + "precision_at_10": 5.383, + "precision_at_100": 0.827, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 12.986, + "precision_at_5": 9.11, + "recall_at_1": 24.04, + "recall_at_10": 45.133, + "recall_at_100": 64.519, + "recall_at_1000": 84.397, + "recall_at_3": 33.465, + "recall_at_5": 38.504, + "main_score": 34.821999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.744, + "map_at_10": 22.557, + "map_at_100": 23.705000000000002, + "map_at_1000": 23.833, + "map_at_3": 20.342, + "map_at_5": 21.584, + "mrr_at_1": 19.133, + "mrr_at_10": 26.316, + "mrr_at_100": 27.285999999999998, + "mrr_at_1000": 27.367, + "mrr_at_3": 24.214, + "mrr_at_5": 25.419999999999998, + "ndcg_at_1": 19.133, + "ndcg_at_10": 27.002, + "ndcg_at_100": 32.544000000000004, + "ndcg_at_1000": 35.624, + "ndcg_at_3": 23.015, + "ndcg_at_5": 24.916, + "precision_at_1": 19.133, + "precision_at_10": 4.952, + "precision_at_100": 0.918, + "precision_at_1000": 0.136, + "precision_at_3": 10.908, + "precision_at_5": 8.004, + "recall_at_1": 15.744, + "recall_at_10": 36.63, + "recall_at_100": 61.58, + "recall_at_1000": 83.648, + "recall_at_3": 25.545, + "recall_at_5": 30.392000000000003, + "main_score": 27.002 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.944, + "map_at_10": 33.611000000000004, + "map_at_100": 34.737, + "map_at_1000": 34.847, + "map_at_3": 30.746000000000002, + "map_at_5": 32.357, + "mrr_at_1": 29.198, + "mrr_at_10": 37.632, + "mrr_at_100": 38.53, + "mrr_at_1000": 38.59, + "mrr_at_3": 35.292, + "mrr_at_5": 36.519, + "ndcg_at_1": 29.198, + "ndcg_at_10": 38.946999999999996, + "ndcg_at_100": 44.348, + "ndcg_at_1000": 46.787, + "ndcg_at_3": 33.794999999999995, + "ndcg_at_5": 36.166, + "precision_at_1": 29.198, + "precision_at_10": 6.595, + "precision_at_100": 1.055, + "precision_at_1000": 0.13899999999999998, + "precision_at_3": 15.235999999999999, + "precision_at_5": 10.896, + "recall_at_1": 24.944, + "recall_at_10": 51.284, + "recall_at_100": 75.197, + "recall_at_1000": 92.10000000000001, + "recall_at_3": 37.213, + "recall_at_5": 43.129, + "main_score": 38.946999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.979000000000003, + "map_at_10": 31.349, + "map_at_100": 32.969, + "map_at_1000": 33.2, + "map_at_3": 28.237000000000002, + "map_at_5": 30.09, + "mrr_at_1": 27.075, + "mrr_at_10": 35.946, + "mrr_at_100": 36.897000000000006, + "mrr_at_1000": 36.951, + "mrr_at_3": 32.971000000000004, + "mrr_at_5": 34.868, + "ndcg_at_1": 27.075, + "ndcg_at_10": 37.317, + "ndcg_at_100": 43.448, + "ndcg_at_1000": 45.940999999999995, + "ndcg_at_3": 32.263, + "ndcg_at_5": 34.981, + "precision_at_1": 27.075, + "precision_at_10": 7.568999999999999, + "precision_at_100": 1.5650000000000002, + "precision_at_1000": 0.241, + "precision_at_3": 15.547, + "precision_at_5": 11.818, + "recall_at_1": 21.979000000000003, + "recall_at_10": 48.522999999999996, + "recall_at_100": 76.51, + "recall_at_1000": 92.168, + "recall_at_3": 34.499, + "recall_at_5": 41.443999999999996, + "main_score": 37.317 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.903, + "map_at_10": 26.473999999999997, + "map_at_100": 27.576, + "map_at_1000": 27.677000000000003, + "map_at_3": 24.244, + "map_at_5": 25.284000000000002, + "mrr_at_1": 20.702, + "mrr_at_10": 28.455000000000002, + "mrr_at_100": 29.469, + "mrr_at_1000": 29.537999999999997, + "mrr_at_3": 26.433, + "mrr_at_5": 27.283, + "ndcg_at_1": 20.702, + "ndcg_at_10": 30.988, + "ndcg_at_100": 36.358000000000004, + "ndcg_at_1000": 39.080999999999996, + "ndcg_at_3": 26.647, + "ndcg_at_5": 28.253, + "precision_at_1": 20.702, + "precision_at_10": 4.972, + "precision_at_100": 0.823, + "precision_at_1000": 0.117, + "precision_at_3": 11.522, + "precision_at_5": 7.9479999999999995, + "recall_at_1": 18.903, + "recall_at_10": 43.004, + "recall_at_100": 67.42399999999999, + "recall_at_1000": 87.949, + "recall_at_3": 31.171, + "recall_at_5": 35.071000000000005, + "main_score": 30.988 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/ClimateFEVER.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/ClimateFEVER.json new file mode 100644 index 000000000..2dd19d48c --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 12.942, + "map_at_10": 22.017999999999997, + "map_at_100": 23.968, + "map_at_1000": 24.169, + "map_at_3": 18.282, + "map_at_5": 20.191, + "mrr_at_1": 29.121000000000002, + "mrr_at_10": 40.897, + "mrr_at_100": 41.787, + "mrr_at_1000": 41.819, + "mrr_at_3": 37.535000000000004, + "mrr_at_5": 39.626, + "ndcg_at_1": 29.121000000000002, + "ndcg_at_10": 30.728, + "ndcg_at_100": 38.231, + "ndcg_at_1000": 41.735, + "ndcg_at_3": 25.141000000000002, + "ndcg_at_5": 27.093, + "precision_at_1": 29.121000000000002, + "precision_at_10": 9.674000000000001, + "precision_at_100": 1.775, + "precision_at_1000": 0.243, + "precision_at_3": 18.826999999999998, + "precision_at_5": 14.515, + "recall_at_1": 12.942, + "recall_at_10": 36.692, + "recall_at_100": 62.688, + "recall_at_1000": 82.203, + "recall_at_3": 22.820999999999998, + "recall_at_5": 28.625, + "main_score": 30.728 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/DBPedia.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/DBPedia.json new file mode 100644 index 000000000..cbe653439 --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.6, + "map_at_10": 18.672, + "map_at_100": 27.199, + "map_at_1000": 29.032999999999998, + "map_at_3": 13.045000000000002, + "map_at_5": 15.271, + "mrr_at_1": 69, + "mrr_at_10": 75.304, + "mrr_at_100": 75.68, + "mrr_at_1000": 75.688, + "mrr_at_3": 73.708, + "mrr_at_5": 74.333, + "ndcg_at_1": 56.25, + "ndcg_at_10": 40.741, + "ndcg_at_100": 45.933, + "ndcg_at_1000": 53.764, + "ndcg_at_3": 44.664, + "ndcg_at_5": 42.104, + "precision_at_1": 69, + "precision_at_10": 33, + "precision_at_100": 10.75, + "precision_at_1000": 2.1999999999999997, + "precision_at_3": 48.167, + "precision_at_5": 41.099999999999994, + "recall_at_1": 8.6, + "recall_at_10": 24.447, + "recall_at_100": 52.697, + "recall_at_1000": 77.717, + "recall_at_3": 14.13, + "recall_at_5": 17.485999999999997, + "main_score": 40.741 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/EmotionClassification.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/EmotionClassification.json new file mode 100644 index 000000000..99b63cb0a --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 49.32, + "f1": 43.92815810776849, + "main_score": 49.32 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/FEVER.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/FEVER.json new file mode 100644 index 000000000..0c9aa691a --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 68.987, + "map_at_10": 78.025, + "map_at_100": 78.28500000000001, + "map_at_1000": 78.3, + "map_at_3": 76.735, + "map_at_5": 77.558, + "mrr_at_1": 74.482, + "mrr_at_10": 82.673, + "mrr_at_100": 82.799, + "mrr_at_1000": 82.804, + "mrr_at_3": 81.661, + "mrr_at_5": 82.369, + "ndcg_at_1": 74.482, + "ndcg_at_10": 82.238, + "ndcg_at_100": 83.245, + "ndcg_at_1000": 83.557, + "ndcg_at_3": 80.066, + "ndcg_at_5": 81.316, + "precision_at_1": 74.482, + "precision_at_10": 10.006, + "precision_at_100": 1.0699999999999998, + "precision_at_1000": 0.11100000000000002, + "precision_at_3": 30.808000000000003, + "precision_at_5": 19.256, + "recall_at_1": 68.987, + "recall_at_10": 90.646, + "recall_at_100": 94.85900000000001, + "recall_at_1000": 96.979, + "recall_at_3": 84.76599999999999, + "recall_at_5": 87.929, + "main_score": 82.238 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/FiQA2018.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/FiQA2018.json new file mode 100644 index 000000000..95ec5ce85 --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.3, + "map_at_10": 33.499, + "map_at_100": 35.510000000000005, + "map_at_1000": 35.693999999999996, + "map_at_3": 29.083, + "map_at_5": 31.367, + "mrr_at_1": 39.660000000000004, + "mrr_at_10": 49.517, + "mrr_at_100": 50.18899999999999, + "mrr_at_1000": 50.224000000000004, + "mrr_at_3": 46.965, + "mrr_at_5": 48.184, + "ndcg_at_1": 39.660000000000004, + "ndcg_at_10": 41.75, + "ndcg_at_100": 48.477, + "ndcg_at_1000": 51.373999999999995, + "ndcg_at_3": 37.532, + "ndcg_at_5": 38.564, + "precision_at_1": 39.660000000000004, + "precision_at_10": 11.774999999999999, + "precision_at_100": 1.883, + "precision_at_1000": 0.23900000000000002, + "precision_at_3": 25.102999999999998, + "precision_at_5": 18.395, + "recall_at_1": 20.3, + "recall_at_10": 49.633, + "recall_at_100": 73.932, + "recall_at_1000": 91.174, + "recall_at_3": 34.516999999999996, + "recall_at_5": 40.217000000000006, + "main_score": 41.75 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/HotpotQA.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/HotpotQA.json new file mode 100644 index 000000000..2a527c9b8 --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 34.699999999999996, + "map_at_10": 54.400000000000006, + "map_at_100": 55.45, + "map_at_1000": 55.525999999999996, + "map_at_3": 50.99, + "map_at_5": 53.054, + "mrr_at_1": 69.399, + "mrr_at_10": 76.454, + "mrr_at_100": 76.771, + "mrr_at_1000": 76.783, + "mrr_at_3": 75.179, + "mrr_at_5": 75.978, + "ndcg_at_1": 69.399, + "ndcg_at_10": 63.001, + "ndcg_at_100": 66.842, + "ndcg_at_1000": 68.33500000000001, + "ndcg_at_3": 57.961, + "ndcg_at_5": 60.67700000000001, + "precision_at_1": 69.399, + "precision_at_10": 13.4, + "precision_at_100": 1.6420000000000001, + "precision_at_1000": 0.184, + "precision_at_3": 37.218, + "precision_at_5": 24.478, + "recall_at_1": 34.699999999999996, + "recall_at_10": 67.002, + "recall_at_100": 82.113, + "recall_at_1000": 91.945, + "recall_at_3": 55.827000000000005, + "recall_at_5": 61.195, + "main_score": 63.001 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/ImdbClassification.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/ImdbClassification.json new file mode 100644 index 000000000..011ca8cc9 --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 90.40480000000001, + "ap": 86.34472513785936, + "f1": 90.3766943422773, + "main_score": 90.40480000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/MSMARCO.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/MSMARCO.json new file mode 100644 index 000000000..01d46cc02 --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.796, + "map_at_10": 31.344, + "map_at_100": 32.525999999999996, + "map_at_1000": 32.582, + "map_at_3": 27.514, + "map_at_5": 29.683, + "mrr_at_1": 20.358, + "mrr_at_10": 31.924999999999997, + "mrr_at_100": 33.056000000000004, + "mrr_at_1000": 33.105000000000004, + "mrr_at_3": 28.149, + "mrr_at_5": 30.303, + "ndcg_at_1": 20.372, + "ndcg_at_10": 38.025999999999996, + "ndcg_at_100": 43.813, + "ndcg_at_1000": 45.21, + "ndcg_at_3": 30.218, + "ndcg_at_5": 34.088, + "precision_at_1": 20.372, + "precision_at_10": 6.123, + "precision_at_100": 0.903, + "precision_at_1000": 0.10200000000000001, + "precision_at_3": 12.918, + "precision_at_5": 9.702, + "recall_at_1": 19.796, + "recall_at_10": 58.644, + "recall_at_100": 85.611, + "recall_at_1000": 96.314, + "recall_at_3": 37.419999999999995, + "recall_at_5": 46.697, + "main_score": 38.025999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/MTOPDomainClassification.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/MTOPDomainClassification.json new file mode 100644 index 000000000..6c056f728 --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.0984952120383, + "f1": 92.9409029889071, + "main_score": 93.0984952120383 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/MTOPIntentClassification.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/MTOPIntentClassification.json new file mode 100644 index 000000000..d540a2a6a --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.24441404468764, + "f1": 54.66568676132254, + "main_score": 73.24441404468764 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/MassiveIntentClassification.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/MassiveIntentClassification.json new file mode 100644 index 000000000..eb2194f3a --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.86684599865501, + "f1": 72.16086061041996, + "main_score": 73.86684599865501 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/MassiveScenarioClassification.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..24f6d2029 --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.16745124411568, + "f1": 78.76361933295068, + "main_score": 78.16745124411568 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/MedrxivClusteringP2P.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..e76306541 --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.66329421728342, + "main_score": 33.66329421728342 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/MedrxivClusteringS2S.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..78ceabf40 --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.21637418682758, + "main_score": 32.21637418682758 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/MindSmallReranking.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/MindSmallReranking.json new file mode 100644 index 000000000..350f35502 --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.85308363141191, + "mrr": 33.06713899953772, + "main_score": 31.85308363141191 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/NFCorpus.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/NFCorpus.json new file mode 100644 index 000000000..d9efd54ae --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.392, + "map_at_10": 14.539, + "map_at_100": 18.811, + "map_at_1000": 20.471, + "map_at_3": 10.26, + "map_at_5": 12.224, + "mrr_at_1": 46.749, + "mrr_at_10": 55.72200000000001, + "mrr_at_100": 56.325, + "mrr_at_1000": 56.35, + "mrr_at_3": 53.30200000000001, + "mrr_at_5": 54.742000000000004, + "ndcg_at_1": 44.891999999999996, + "ndcg_at_10": 37.355, + "ndcg_at_100": 35.285, + "ndcg_at_1000": 44.246, + "ndcg_at_3": 41.291, + "ndcg_at_5": 39.952, + "precision_at_1": 46.749, + "precision_at_10": 28.111000000000004, + "precision_at_100": 9.127, + "precision_at_1000": 2.23, + "precision_at_3": 38.803, + "precision_at_5": 35.046, + "recall_at_1": 6.392, + "recall_at_10": 19.066, + "recall_at_100": 37.105, + "recall_at_1000": 69.37299999999999, + "recall_at_3": 11.213, + "recall_at_5": 14.648, + "main_score": 37.355 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/NQ.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/NQ.json new file mode 100644 index 000000000..053dda294 --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.387999999999998, + "map_at_10": 47.172, + "map_at_100": 48.158, + "map_at_1000": 48.186, + "map_at_3": 42.952, + "map_at_5": 45.405, + "mrr_at_1": 35.458, + "mrr_at_10": 49.583, + "mrr_at_100": 50.324999999999996, + "mrr_at_1000": 50.344, + "mrr_at_3": 46.195, + "mrr_at_5": 48.258, + "ndcg_at_1": 35.458, + "ndcg_at_10": 54.839000000000006, + "ndcg_at_100": 58.974000000000004, + "ndcg_at_1000": 59.64699999999999, + "ndcg_at_3": 47.012, + "ndcg_at_5": 51.080999999999996, + "precision_at_1": 35.458, + "precision_at_10": 9.056000000000001, + "precision_at_100": 1.137, + "precision_at_1000": 0.12, + "precision_at_3": 21.582, + "precision_at_5": 15.295, + "recall_at_1": 31.387999999999998, + "recall_at_10": 75.661, + "recall_at_100": 93.605, + "recall_at_1000": 98.658, + "recall_at_3": 55.492, + "recall_at_5": 64.85600000000001, + "main_score": 54.839000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/QuoraRetrieval.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/QuoraRetrieval.json new file mode 100644 index 000000000..5f1211ab6 --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 70.547, + "map_at_10": 84.495, + "map_at_100": 85.14, + "map_at_1000": 85.15599999999999, + "map_at_3": 81.606, + "map_at_5": 83.449, + "mrr_at_1": 81.22, + "mrr_at_10": 87.31, + "mrr_at_100": 87.436, + "mrr_at_1000": 87.437, + "mrr_at_3": 86.363, + "mrr_at_5": 87.06, + "ndcg_at_1": 81.24, + "ndcg_at_10": 88.145, + "ndcg_at_100": 89.423, + "ndcg_at_1000": 89.52799999999999, + "ndcg_at_3": 85.435, + "ndcg_at_5": 87, + "precision_at_1": 81.24, + "precision_at_10": 13.381000000000002, + "precision_at_100": 1.529, + "precision_at_1000": 0.157, + "precision_at_3": 37.44, + "precision_at_5": 24.62, + "recall_at_1": 70.547, + "recall_at_10": 95.083, + "recall_at_100": 99.50099999999999, + "recall_at_1000": 99.982, + "recall_at_3": 87.235, + "recall_at_5": 91.701, + "main_score": 88.145 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/RedditClustering.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/RedditClustering.json new file mode 100644 index 000000000..0fd82506c --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 57.93101384071724, + "main_score": 57.93101384071724 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/RedditClusteringP2P.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/RedditClusteringP2P.json new file mode 100644 index 000000000..e8de540d0 --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 62.46951126228829, + "main_score": 62.46951126228829 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/SCIDOCS.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/SCIDOCS.json new file mode 100644 index 000000000..324c33706 --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.018000000000001, + "map_at_10": 13.818, + "map_at_100": 16.346, + "map_at_1000": 16.744999999999997, + "map_at_3": 9.456000000000001, + "map_at_5": 11.879000000000001, + "mrr_at_1": 24.8, + "mrr_at_10": 37.092000000000006, + "mrr_at_100": 38.199, + "mrr_at_1000": 38.243, + "mrr_at_3": 33.517, + "mrr_at_5": 35.692, + "ndcg_at_1": 24.8, + "ndcg_at_10": 22.782, + "ndcg_at_100": 32.072, + "ndcg_at_1000": 38.163000000000004, + "ndcg_at_3": 21.046, + "ndcg_at_5": 19.134, + "precision_at_1": 24.8, + "precision_at_10": 12, + "precision_at_100": 2.5420000000000003, + "precision_at_1000": 0.39899999999999997, + "precision_at_3": 20, + "precision_at_5": 17.4, + "recall_at_1": 5.018000000000001, + "recall_at_10": 24.34, + "recall_at_100": 51.613, + "recall_at_1000": 80.95, + "recall_at_3": 12.153, + "recall_at_5": 17.648, + "main_score": 22.782 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/SICK-R.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/SICK-R.json new file mode 100644 index 000000000..3b65c6d69 --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.28259142800503, + "cos_sim_spearman": 82.04792579356291, + "euclidean_pearson": 83.7755858026306, + "euclidean_spearman": 82.04789872846196, + "manhattan_pearson": 83.79937122515567, + "manhattan_spearman": 82.05076966288574, + "cosine_pearson": 86.28259142800503, + "cosine_spearman": 82.04792579356291, + "main_score": 82.04792579356291 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/STS12.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/STS12.json new file mode 100644 index 000000000..6e59be921 --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.37773414195387, + "cos_sim_spearman": 78.76929696642694, + "euclidean_pearson": 85.75861298616339, + "euclidean_spearman": 78.76607739031363, + "manhattan_pearson": 85.74412868736295, + "manhattan_spearman": 78.74388526796852, + "cosine_pearson": 87.37773414195387, + "cosine_spearman": 78.76929696642694, + "main_score": 78.76929696642694 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/STS13.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/STS13.json new file mode 100644 index 000000000..904ca7dc1 --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 89.6176449076649, + "cos_sim_spearman": 90.39810997063387, + "euclidean_pearson": 89.753863994154, + "euclidean_spearman": 90.39810989027997, + "manhattan_pearson": 89.67750819879801, + "manhattan_spearman": 90.3286558059104, + "cosine_pearson": 89.6176449076649, + "cosine_spearman": 90.39810997063387, + "main_score": 90.39810997063387 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/STS14.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/STS14.json new file mode 100644 index 000000000..05471cb17 --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.7488246203373, + "cos_sim_spearman": 85.44794976383963, + "euclidean_pearson": 87.33205836313964, + "euclidean_spearman": 85.44793954377185, + "manhattan_pearson": 87.30760291906203, + "manhattan_spearman": 85.4308413187653, + "cosine_pearson": 87.7488246203373, + "cosine_spearman": 85.44794976383963, + "main_score": 85.44794976383963 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/STS15.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/STS15.json new file mode 100644 index 000000000..8ec9fb3e9 --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.6937750952719, + "cos_sim_spearman": 90.01162604967037, + "euclidean_pearson": 89.35321306629116, + "euclidean_spearman": 90.01161406477627, + "manhattan_pearson": 89.31351907042307, + "manhattan_spearman": 89.97264644642166, + "cosine_pearson": 88.6937750952719, + "cosine_spearman": 90.01162604967037, + "main_score": 90.01162604967037 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/STS16.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/STS16.json new file mode 100644 index 000000000..3f3ac301f --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.49107564294891, + "cos_sim_spearman": 87.42092493144571, + "euclidean_pearson": 86.88112016705634, + "euclidean_spearman": 87.42092430260175, + "manhattan_pearson": 86.85846210123235, + "manhattan_spearman": 87.40059575522972, + "cosine_pearson": 85.49107564294891, + "cosine_spearman": 87.42092493144571, + "main_score": 87.42092493144571 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/STS17.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/STS17.json new file mode 100644 index 000000000..86015de22 --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.71766466521638, + "cos_sim_spearman": 88.80244555668372, + "euclidean_pearson": 89.59428700746064, + "euclidean_spearman": 88.80244555668372, + "manhattan_pearson": 89.62272396580352, + "manhattan_spearman": 88.77584531534937, + "cosine_pearson": 88.71766466521638, + "cosine_spearman": 88.80244555668372, + "main_score": 88.80244555668372 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/STS22.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/STS22.json new file mode 100644 index 000000000..caeec18ec --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 67.7743776239708, + "cos_sim_spearman": 68.79768249749681, + "euclidean_pearson": 70.16430919697441, + "euclidean_spearman": 68.79768249749681, + "manhattan_pearson": 70.17205038967042, + "manhattan_spearman": 68.89740094589914, + "cosine_pearson": 67.7743776239708, + "cosine_spearman": 68.79768249749681, + "main_score": 68.79768249749681 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/STSBenchmark.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/STSBenchmark.json new file mode 100644 index 000000000..55c4b0f35 --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.9087137484716, + "cos_sim_spearman": 89.19783009521629, + "euclidean_pearson": 88.89888500166009, + "euclidean_spearman": 89.19783009521629, + "manhattan_pearson": 88.88400033783687, + "manhattan_spearman": 89.16299162200889, + "cosine_pearson": 86.9087137484716, + "cosine_spearman": 89.19783009521629, + "main_score": 89.19783009521629 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/SciDocsRR.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/SciDocsRR.json new file mode 100644 index 000000000..694d2882d --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 86.9799916253683, + "mrr": 96.0708200659181, + "main_score": 86.9799916253683 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/SciFact.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/SciFact.json new file mode 100644 index 000000000..67cb3efc2 --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 59.928000000000004, + "map_at_10": 69.56400000000001, + "map_at_100": 70.125, + "map_at_1000": 70.148, + "map_at_3": 66.774, + "map_at_5": 68.267, + "mrr_at_1": 62.666999999999994, + "mrr_at_10": 70.448, + "mrr_at_100": 70.94, + "mrr_at_1000": 70.962, + "mrr_at_3": 68.389, + "mrr_at_5": 69.65599999999999, + "ndcg_at_1": 62.666999999999994, + "ndcg_at_10": 74.117, + "ndcg_at_100": 76.248, + "ndcg_at_1000": 76.768, + "ndcg_at_3": 69.358, + "ndcg_at_5": 71.574, + "precision_at_1": 62.666999999999994, + "precision_at_10": 9.933, + "precision_at_100": 1.09, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 27.222, + "precision_at_5": 17.867, + "recall_at_1": 59.928000000000004, + "recall_at_10": 87.156, + "recall_at_100": 96.167, + "recall_at_1000": 100, + "recall_at_3": 74.117, + "recall_at_5": 79.80000000000001, + "main_score": 74.117 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/SprintDuplicateQuestions.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..05b1f88ad --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.83762376237624, + "cos_sim_ap": 96.05077689253707, + "cos_sim_f1": 91.75879396984925, + "cos_sim_precision": 92.22222222222223, + "cos_sim_recall": 91.3, + "dot_accuracy": 99.83762376237624, + "dot_ap": 96.05082513542375, + "dot_f1": 91.75879396984925, + "dot_precision": 92.22222222222223, + "dot_recall": 91.3, + "euclidean_accuracy": 99.83762376237624, + "euclidean_ap": 96.05077689253707, + "euclidean_f1": 91.75879396984925, + "euclidean_precision": 92.22222222222223, + "euclidean_recall": 91.3, + "manhattan_accuracy": 99.83861386138614, + "manhattan_ap": 96.07646831090695, + "manhattan_f1": 91.86220668996505, + "manhattan_precision": 91.72482552342971, + "manhattan_recall": 92, + "max_accuracy": 99.83861386138614, + "max_ap": 96.07646831090695, + "max_f1": 91.86220668996505, + "main_score": 96.07646831090695 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/StackExchangeClustering.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/StackExchangeClustering.json new file mode 100644 index 000000000..c5de88957 --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 66.40672513062134, + "main_score": 66.40672513062134 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/StackExchangeClusteringP2P.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..8c6f6f345 --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.31519237029376, + "main_score": 35.31519237029376 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/StackOverflowDupQuestions.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..b917f5d94 --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 53.15764586446943, + "mrr": 53.981596426449364, + "main_score": 53.15764586446943 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/SummEval.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/SummEval.json new file mode 100644 index 000000000..bc1883ede --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.92935724124931, + "cos_sim_spearman": 31.54589922149803, + "dot_pearson": 30.929365687857675, + "dot_spearman": 31.54589922149803, + "cosine_pearson": 30.92935724124931, + "cosine_spearman": 31.54589922149803, + "main_score": 31.54589922149803 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/TRECCOVID.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/TRECCOVID.json new file mode 100644 index 000000000..4b239ff73 --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.22100000000000003, + "map_at_10": 1.791, + "map_at_100": 9.404, + "map_at_1000": 22.932, + "map_at_3": 0.601, + "map_at_5": 1.001, + "mrr_at_1": 76, + "mrr_at_10": 85.667, + "mrr_at_100": 85.667, + "mrr_at_1000": 85.667, + "mrr_at_3": 84.667, + "mrr_at_5": 85.667, + "ndcg_at_1": 72, + "ndcg_at_10": 68.637, + "ndcg_at_100": 51.418, + "ndcg_at_1000": 47.75, + "ndcg_at_3": 70.765, + "ndcg_at_5": 71.808, + "precision_at_1": 76, + "precision_at_10": 73.8, + "precision_at_100": 52.68000000000001, + "precision_at_1000": 20.9, + "precision_at_3": 74.667, + "precision_at_5": 78, + "recall_at_1": 0.22100000000000003, + "recall_at_10": 2.027, + "recall_at_100": 12.831000000000001, + "recall_at_1000": 44.996, + "recall_at_3": 0.635, + "recall_at_5": 1.097, + "main_score": 68.637 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/Touche2020.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/Touche2020.json new file mode 100644 index 000000000..5016cab17 --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.289, + "map_at_10": 10.475, + "map_at_100": 16.993, + "map_at_1000": 18.598, + "map_at_3": 5.891, + "map_at_5": 7.678999999999999, + "mrr_at_1": 32.653, + "mrr_at_10": 49.475, + "mrr_at_100": 50.483, + "mrr_at_1000": 50.499, + "mrr_at_3": 45.918, + "mrr_at_5": 48.469, + "ndcg_at_1": 29.592000000000002, + "ndcg_at_10": 25.891, + "ndcg_at_100": 38.106, + "ndcg_at_1000": 49.873, + "ndcg_at_3": 29.915999999999997, + "ndcg_at_5": 27.982000000000003, + "precision_at_1": 32.653, + "precision_at_10": 22.448999999999998, + "precision_at_100": 7.837, + "precision_at_1000": 1.5730000000000002, + "precision_at_3": 31.293, + "precision_at_5": 27.755000000000003, + "recall_at_1": 2.289, + "recall_at_10": 16.594, + "recall_at_100": 48.619, + "recall_at_1000": 85.467, + "recall_at_3": 7.144, + "recall_at_5": 10.465, + "main_score": 25.891 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/ToxicConversationsClassification.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..968c8154e --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.5268, + "ap": 14.763212211567907, + "f1": 55.200562727472736, + "main_score": 71.5268 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/TweetSentimentExtractionClassification.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..39bde0e95 --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 59.25297113752123, + "f1": 59.55315247947331, + "main_score": 59.25297113752123 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/TwentyNewsgroupsClustering.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..3a4a35a89 --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 51.47685515092062, + "main_score": 51.47685515092062 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/TwitterSemEval2015.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/TwitterSemEval2015.json new file mode 100644 index 000000000..8efef54b8 --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 86.73183525064076, + "cos_sim_ap": 76.08498196190112, + "cos_sim_f1": 69.4834471209584, + "cos_sim_precision": 67.88321167883211, + "cos_sim_recall": 71.16094986807387, + "dot_accuracy": 86.73183525064076, + "dot_ap": 76.08503499590553, + "dot_f1": 69.4834471209584, + "dot_precision": 67.88321167883211, + "dot_recall": 71.16094986807387, + "euclidean_accuracy": 86.73183525064076, + "euclidean_ap": 76.08500172594562, + "euclidean_f1": 69.4834471209584, + "euclidean_precision": 67.88321167883211, + "euclidean_recall": 71.16094986807387, + "manhattan_accuracy": 86.6960720033379, + "manhattan_ap": 76.00885156192993, + "manhattan_f1": 69.24488725747247, + "manhattan_precision": 68.8118811881188, + "manhattan_recall": 69.68337730870712, + "max_accuracy": 86.73183525064076, + "max_ap": 76.08503499590553, + "max_f1": 69.4834471209584, + "main_score": 76.08503499590553 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/TwitterURLCorpus.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/TwitterURLCorpus.json new file mode 100644 index 000000000..2ecd93d1c --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.74529436876625, + "cos_sim_ap": 85.53503158777171, + "cos_sim_f1": 77.68167368965773, + "cos_sim_precision": 74.70496232048912, + "cos_sim_recall": 80.9054511857099, + "dot_accuracy": 88.74529436876625, + "dot_ap": 85.5350158446314, + "dot_f1": 77.68167368965773, + "dot_precision": 74.70496232048912, + "dot_recall": 80.9054511857099, + "euclidean_accuracy": 88.74529436876625, + "euclidean_ap": 85.53503846009764, + "euclidean_f1": 77.68167368965773, + "euclidean_precision": 74.70496232048912, + "euclidean_recall": 80.9054511857099, + "manhattan_accuracy": 88.73753250281368, + "manhattan_ap": 85.53197689629393, + "manhattan_f1": 77.58753437213566, + "manhattan_precision": 74.06033456988871, + "manhattan_recall": 81.46750846935633, + "max_accuracy": 88.74529436876625, + "max_ap": 85.53503846009764, + "max_f1": 77.68167368965773, + "main_score": 85.53503846009764 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/model_meta.json b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/model_meta.json new file mode 100644 index 000000000..346cf4c73 --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-2d-large-v1/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "mixedbread-ai/mxbai-embed-2d-large-v1", + "revision": "7e639ca8e344af398876ead3b19ec3c0b9068f49", + "release_date": "2024-03-04", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 335141888, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 1024, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-xsmall-v1/external/ArguAna.json b/results/mixedbread-ai__mxbai-embed-xsmall-v1/external/ArguAna.json new file mode 100644 index 000000000..f696e15b1 --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-xsmall-v1/external/ArguAna.json @@ -0,0 +1,44 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 25.18, + "ndcg_at_3": 39.22, + "ndcg_at_5": 43.93, + "ndcg_at_10": 49.58, + "ndcg_at_30": 53.41, + "ndcg_at_100": 54.11, + "map_at_1": 25.18, + "map_at_3": 35.66, + "map_at_5": 38.25, + "map_at_10": 40.58, + "map_at_30": 41.6, + "map_at_100": 41.69, + "recall_at_1": 25.18, + "recall_at_3": 49.57, + "recall_at_5": 61.09, + "recall_at_10": 78.59, + "recall_at_30": 94.03, + "recall_at_100": 97.94, + "precision_at_1": 25.18, + "precision_at_3": 16.52, + "precision_at_5": 12.22, + "precision_at_10": 7.86, + "precision_at_30": 3.13, + "precision_at_100": 0.98, + "accuracy_at_3": 49.57, + "accuracy_at_5": 61.09, + "accuracy_at_10": 78.59, + "main_score": 49.58 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-xsmall-v1/external/CQADupstackAndroidRetrieval.json b/results/mixedbread-ai__mxbai-embed-xsmall-v1/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..993334fd4 --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-xsmall-v1/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,426 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 44.35, + "ndcg_at_3": 49.64, + "ndcg_at_5": 51.73, + "ndcg_at_10": 54.82, + "ndcg_at_30": 57.64, + "ndcg_at_100": 59.77, + "map_at_1": 36.26, + "map_at_3": 44.35, + "map_at_5": 46.26, + "map_at_10": 48.24, + "map_at_30": 49.34, + "map_at_100": 49.75, + "recall_at_1": 36.26, + "recall_at_3": 51.46, + "recall_at_5": 57.78, + "recall_at_10": 66.5, + "recall_at_30": 77.19, + "recall_at_100": 87.53, + "precision_at_1": 44.35, + "precision_at_3": 23.65, + "precision_at_5": 16.88, + "precision_at_10": 10.7, + "precision_at_30": 4.53, + "precision_at_100": 1.65, + "accuracy_at_3": 60.51, + "accuracy_at_5": 67.67, + "accuracy_at_10": 74.68, + "main_score": 54.82 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 39.43, + "ndcg_at_3": 44.13, + "ndcg_at_5": 46.06, + "ndcg_at_10": 48.31, + "ndcg_at_30": 51.06, + "ndcg_at_100": 53.07, + "map_at_1": 31.27, + "map_at_3": 39.07, + "map_at_5": 40.83, + "map_at_10": 42.23, + "map_at_30": 43.27, + "map_at_100": 43.66, + "recall_at_1": 31.27, + "recall_at_3": 45.89, + "recall_at_5": 51.44, + "recall_at_10": 58.65, + "recall_at_30": 69.12, + "recall_at_100": 78.72, + "precision_at_1": 39.43, + "precision_at_3": 21.61, + "precision_at_5": 15.34, + "precision_at_10": 9.27, + "precision_at_30": 4.01, + "precision_at_100": 1.52, + "accuracy_at_3": 55.48, + "accuracy_at_5": 60.76, + "accuracy_at_10": 67.45, + "main_score": 48.31 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 45.58, + "ndcg_at_3": 52.68, + "ndcg_at_5": 55.28, + "ndcg_at_10": 57.88, + "ndcg_at_30": 60.6, + "ndcg_at_100": 62.03, + "map_at_1": 39.97, + "map_at_3": 49.06, + "map_at_5": 50.87, + "map_at_10": 52.2, + "map_at_30": 53.06, + "map_at_100": 53.28, + "recall_at_1": 39.97, + "recall_at_3": 57.4, + "recall_at_5": 63.83, + "recall_at_10": 71.33, + "recall_at_30": 81.81, + "recall_at_100": 89.0, + "precision_at_1": 45.58, + "precision_at_3": 23.55, + "precision_at_5": 16.01, + "precision_at_10": 9.25, + "precision_at_30": 3.67, + "precision_at_100": 1.23, + "accuracy_at_3": 62.76, + "accuracy_at_5": 68.84, + "accuracy_at_10": 75.8, + "main_score": 57.88 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 27.35, + "ndcg_at_3": 34.23, + "ndcg_at_5": 37.1, + "ndcg_at_10": 40.26, + "ndcg_at_30": 43.54, + "ndcg_at_100": 45.9, + "map_at_1": 25.28, + "map_at_3": 31.68, + "map_at_5": 33.38, + "map_at_10": 34.79, + "map_at_30": 35.67, + "map_at_100": 35.96, + "recall_at_1": 25.28, + "recall_at_3": 38.95, + "recall_at_5": 45.82, + "recall_at_10": 55.11, + "recall_at_30": 68.13, + "recall_at_100": 80.88, + "precision_at_1": 27.35, + "precision_at_3": 14.65, + "precision_at_5": 10.44, + "precision_at_10": 6.37, + "precision_at_30": 2.65, + "precision_at_100": 0.97, + "accuracy_at_3": 42.15, + "accuracy_at_5": 49.15, + "accuracy_at_10": 58.53, + "main_score": 40.26 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 18.91, + "ndcg_at_3": 24.37, + "ndcg_at_5": 26.11, + "ndcg_at_10": 29.37, + "ndcg_at_30": 33.22, + "ndcg_at_100": 35.73, + "map_at_1": 15.23, + "map_at_3": 21.25, + "map_at_5": 22.38, + "map_at_10": 23.86, + "map_at_30": 24.91, + "map_at_100": 25.24, + "recall_at_1": 15.23, + "recall_at_3": 28.28, + "recall_at_5": 32.67, + "recall_at_10": 42.23, + "recall_at_30": 56.87, + "recall_at_100": 69.44, + "precision_at_1": 18.91, + "precision_at_3": 11.9, + "precision_at_5": 8.48, + "precision_at_10": 5.63, + "precision_at_30": 2.64, + "precision_at_100": 1.02, + "accuracy_at_3": 33.95, + "accuracy_at_5": 38.81, + "accuracy_at_10": 49.13, + "main_score": 29.37 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 36.96, + "ndcg_at_3": 42.48, + "ndcg_at_5": 44.57, + "ndcg_at_10": 47.13, + "ndcg_at_30": 50.65, + "ndcg_at_100": 53.14, + "map_at_1": 30.1, + "map_at_3": 37.97, + "map_at_5": 39.62, + "map_at_10": 41.06, + "map_at_30": 42.13, + "map_at_100": 42.53, + "recall_at_1": 30.1, + "recall_at_3": 45.98, + "recall_at_5": 51.58, + "recall_at_10": 59.24, + "recall_at_30": 72.47, + "recall_at_100": 84.53, + "precision_at_1": 36.96, + "precision_at_3": 20.5, + "precision_at_5": 14.4, + "precision_at_10": 8.62, + "precision_at_30": 3.67, + "precision_at_100": 1.38, + "accuracy_at_3": 54.09, + "accuracy_at_5": 60.25, + "accuracy_at_10": 67.37, + "main_score": 47.13 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 28.65, + "ndcg_at_3": 34.3, + "ndcg_at_5": 36.8, + "ndcg_at_10": 39.92, + "ndcg_at_30": 42.97, + "ndcg_at_100": 45.45, + "map_at_1": 23.35, + "map_at_3": 30.36, + "map_at_5": 32.15, + "map_at_10": 33.74, + "map_at_30": 34.69, + "map_at_100": 35.02, + "recall_at_1": 23.35, + "recall_at_3": 37.71, + "recall_at_5": 44.23, + "recall_at_10": 53.6, + "recall_at_30": 64.69, + "recall_at_100": 77.41, + "precision_at_1": 28.65, + "precision_at_3": 16.74, + "precision_at_5": 12.21, + "precision_at_10": 7.61, + "precision_at_30": 3.29, + "precision_at_100": 1.22, + "accuracy_at_3": 44.86, + "accuracy_at_5": 52.4, + "accuracy_at_10": 61.07, + "main_score": 39.92 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 26.07, + "ndcg_at_3": 31.62, + "ndcg_at_5": 33.23, + "ndcg_at_10": 35.62, + "ndcg_at_30": 38.41, + "ndcg_at_100": 40.81, + "map_at_1": 22.96, + "map_at_3": 28.85, + "map_at_5": 29.97, + "map_at_10": 31.11, + "map_at_30": 31.86, + "map_at_100": 32.15, + "recall_at_1": 22.96, + "recall_at_3": 35.14, + "recall_at_5": 39.22, + "recall_at_10": 46.52, + "recall_at_30": 57.58, + "recall_at_100": 70.57, + "precision_at_1": 26.07, + "precision_at_3": 14.11, + "precision_at_5": 9.69, + "precision_at_10": 5.81, + "precision_at_30": 2.45, + "precision_at_100": 0.92, + "accuracy_at_3": 39.42, + "accuracy_at_5": 43.41, + "accuracy_at_10": 50.92, + "main_score": 35.62 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 21.78, + "ndcg_at_3": 25.74, + "ndcg_at_5": 27.86, + "ndcg_at_10": 30.3, + "ndcg_at_30": 33.51, + "ndcg_at_100": 36.12, + "map_at_1": 17.63, + "map_at_3": 22.7, + "map_at_5": 24.14, + "map_at_10": 25.31, + "map_at_30": 26.22, + "map_at_100": 26.56, + "recall_at_1": 17.63, + "recall_at_3": 28.37, + "recall_at_5": 33.99, + "recall_at_10": 41.23, + "recall_at_30": 53.69, + "recall_at_100": 67.27, + "precision_at_1": 21.78, + "precision_at_3": 12.41, + "precision_at_5": 9.07, + "precision_at_10": 5.69, + "precision_at_30": 2.61, + "precision_at_100": 1.03, + "accuracy_at_3": 33.62, + "accuracy_at_5": 39.81, + "accuracy_at_10": 47.32, + "main_score": 30.3 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 30.97, + "ndcg_at_3": 36.13, + "ndcg_at_5": 39.0, + "ndcg_at_10": 41.78, + "ndcg_at_30": 44.96, + "ndcg_at_100": 47.52, + "map_at_1": 26.05, + "map_at_3": 32.77, + "map_at_5": 34.6, + "map_at_10": 35.93, + "map_at_30": 36.88, + "map_at_100": 37.22, + "recall_at_1": 26.05, + "recall_at_3": 40.0, + "recall_at_5": 47.34, + "recall_at_10": 55.34, + "recall_at_30": 67.08, + "recall_at_100": 80.2, + "precision_at_1": 30.97, + "precision_at_3": 16.6, + "precision_at_5": 12.03, + "precision_at_10": 7.3, + "precision_at_30": 3.08, + "precision_at_100": 1.15, + "accuracy_at_3": 45.62, + "accuracy_at_5": 53.64, + "accuracy_at_10": 61.66, + "main_score": 41.78 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 29.64, + "ndcg_at_3": 35.49, + "ndcg_at_5": 37.77, + "ndcg_at_10": 40.78, + "ndcg_at_30": 44.59, + "ndcg_at_100": 46.97, + "map_at_1": 24.77, + "map_at_3": 31.33, + "map_at_5": 32.95, + "map_at_10": 34.47, + "map_at_30": 35.7, + "map_at_100": 36.17, + "recall_at_1": 24.77, + "recall_at_3": 38.16, + "recall_at_5": 44.1, + "recall_at_10": 53.31, + "recall_at_30": 68.43, + "recall_at_100": 80.24, + "precision_at_1": 29.64, + "precision_at_3": 16.8, + "precision_at_5": 12.21, + "precision_at_10": 7.83, + "precision_at_30": 3.89, + "precision_at_100": 1.63, + "accuracy_at_3": 45.45, + "accuracy_at_5": 51.58, + "accuracy_at_10": 61.07, + "main_score": 40.78 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 23.47, + "ndcg_at_3": 27.98, + "ndcg_at_5": 30.16, + "ndcg_at_10": 32.97, + "ndcg_at_30": 36.3, + "ndcg_at_100": 38.47, + "map_at_1": 21.63, + "map_at_3": 26.02, + "map_at_5": 27.32, + "map_at_10": 28.51, + "map_at_30": 29.39, + "map_at_100": 29.66, + "recall_at_1": 21.63, + "recall_at_3": 31.47, + "recall_at_5": 36.69, + "recall_at_10": 44.95, + "recall_at_30": 58.2, + "recall_at_100": 69.83, + "precision_at_1": 23.47, + "precision_at_3": 11.71, + "precision_at_5": 8.32, + "precision_at_10": 5.23, + "precision_at_30": 2.29, + "precision_at_100": 0.86, + "accuracy_at_3": 34.01, + "accuracy_at_5": 39.37, + "accuracy_at_10": 48.24, + "main_score": 32.97 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 41.59, + "main_score": 41.59 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-xsmall-v1/external/ClimateFEVER.json b/results/mixedbread-ai__mxbai-embed-xsmall-v1/external/ClimateFEVER.json new file mode 100644 index 000000000..27c69a207 --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-xsmall-v1/external/ClimateFEVER.json @@ -0,0 +1,44 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 19.8, + "ndcg_at_3": 17.93, + "ndcg_at_5": 19.39, + "ndcg_at_10": 22.42, + "ndcg_at_30": 26.79, + "ndcg_at_100": 29.84, + "map_at_1": 9.09, + "map_at_3": 12.91, + "map_at_5": 14.12, + "map_at_10": 15.45, + "map_at_30": 16.73, + "map_at_100": 17.21, + "recall_at_1": 9.09, + "recall_at_3": 16.81, + "recall_at_5": 20.9, + "recall_at_10": 27.65, + "recall_at_30": 41.23, + "recall_at_100": 53.57, + "precision_at_1": 19.8, + "precision_at_3": 13.36, + "precision_at_5": 10.33, + "precision_at_10": 7.15, + "precision_at_30": 3.66, + "precision_at_100": 1.49, + "accuracy_at_3": 36.22, + "accuracy_at_5": 44.1, + "accuracy_at_10": 55.11, + "main_score": 22.42 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-xsmall-v1/external/DBPedia.json b/results/mixedbread-ai__mxbai-embed-xsmall-v1/external/DBPedia.json new file mode 100644 index 000000000..08a342105 --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-xsmall-v1/external/DBPedia.json @@ -0,0 +1,44 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 42.75, + "ndcg_at_3": 35.67, + "ndcg_at_5": 33.58, + "ndcg_at_10": 32.19, + "ndcg_at_30": 31.82, + "ndcg_at_100": 35.87, + "map_at_1": 7.05, + "map_at_3": 10.5, + "map_at_5": 12.06, + "map_at_10": 14.29, + "map_at_30": 17.38, + "map_at_100": 19.58, + "recall_at_1": 7.05, + "recall_at_3": 11.89, + "recall_at_5": 14.7, + "recall_at_10": 19.78, + "recall_at_30": 29.88, + "recall_at_100": 42.4, + "precision_at_1": 54.25, + "precision_at_3": 39.42, + "precision_at_5": 33.15, + "precision_at_10": 25.95, + "precision_at_30": 15.51, + "precision_at_100": 7.9, + "accuracy_at_3": 72.0, + "accuracy_at_5": 77.75, + "accuracy_at_10": 83.5, + "main_score": 32.19 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-xsmall-v1/external/FEVER.json b/results/mixedbread-ai__mxbai-embed-xsmall-v1/external/FEVER.json new file mode 100644 index 000000000..8debdf2d3 --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-xsmall-v1/external/FEVER.json @@ -0,0 +1,44 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 40.19, + "ndcg_at_3": 50.51, + "ndcg_at_5": 53.51, + "ndcg_at_10": 56.45, + "ndcg_at_30": 58.74, + "ndcg_at_100": 59.72, + "map_at_1": 37.56, + "map_at_3": 46.74, + "map_at_5": 48.46, + "map_at_10": 49.7, + "map_at_30": 50.31, + "map_at_100": 50.43, + "recall_at_1": 37.56, + "recall_at_3": 58.28, + "recall_at_5": 65.45, + "recall_at_10": 74.28, + "recall_at_30": 83.42, + "recall_at_100": 88.76, + "precision_at_1": 40.19, + "precision_at_3": 20.99, + "precision_at_5": 14.24, + "precision_at_10": 8.12, + "precision_at_30": 3.06, + "precision_at_100": 0.98, + "accuracy_at_3": 62.3, + "accuracy_at_5": 69.94, + "accuracy_at_10": 79.13, + "main_score": 56.45 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-xsmall-v1/external/FiQA2018.json b/results/mixedbread-ai__mxbai-embed-xsmall-v1/external/FiQA2018.json new file mode 100644 index 000000000..c3896d7bd --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-xsmall-v1/external/FiQA2018.json @@ -0,0 +1,44 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 34.41, + "ndcg_at_3": 33.2, + "ndcg_at_5": 34.71, + "ndcg_at_10": 37.1, + "ndcg_at_30": 40.88, + "ndcg_at_100": 44.12, + "map_at_1": 17.27, + "map_at_3": 25.36, + "map_at_5": 27.76, + "map_at_10": 29.46, + "map_at_30": 30.74, + "map_at_100": 31.29, + "recall_at_1": 17.27, + "recall_at_3": 30.46, + "recall_at_5": 36.91, + "recall_at_10": 44.47, + "recall_at_30": 56.71, + "recall_at_100": 70.72, + "precision_at_1": 34.41, + "precision_at_3": 22.32, + "precision_at_5": 16.91, + "precision_at_10": 10.53, + "precision_at_30": 4.62, + "precision_at_100": 1.79, + "accuracy_at_3": 50.77, + "accuracy_at_5": 57.56, + "accuracy_at_10": 65.12, + "main_score": 37.1 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-xsmall-v1/external/HotpotQA.json b/results/mixedbread-ai__mxbai-embed-xsmall-v1/external/HotpotQA.json new file mode 100644 index 000000000..7d7330664 --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-xsmall-v1/external/HotpotQA.json @@ -0,0 +1,44 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 57.93, + "ndcg_at_3": 44.21, + "ndcg_at_5": 46.4, + "ndcg_at_10": 48.37, + "ndcg_at_30": 50.44, + "ndcg_at_100": 51.86, + "map_at_1": 28.97, + "map_at_3": 36.79, + "map_at_5": 38.31, + "map_at_10": 39.32, + "map_at_30": 39.99, + "map_at_100": 40.2, + "recall_at_1": 28.97, + "recall_at_3": 41.01, + "recall_at_5": 45.36, + "recall_at_10": 50.32, + "recall_at_30": 57.38, + "recall_at_100": 64.06, + "precision_at_1": 57.93, + "precision_at_3": 27.34, + "precision_at_5": 18.14, + "precision_at_10": 10.06, + "precision_at_30": 3.82, + "precision_at_100": 1.28, + "accuracy_at_3": 71.03, + "accuracy_at_5": 75.14, + "accuracy_at_10": 79.84, + "main_score": 48.37 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-xsmall-v1/external/MSMARCO.json b/results/mixedbread-ai__mxbai-embed-xsmall-v1/external/MSMARCO.json new file mode 100644 index 000000000..f39d1691f --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-xsmall-v1/external/MSMARCO.json @@ -0,0 +1,44 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 19.74, + "ndcg_at_3": 29.47, + "ndcg_at_5": 32.99, + "ndcg_at_10": 36.76, + "ndcg_at_30": 40.52, + "ndcg_at_100": 42.78, + "map_at_1": 19.2, + "map_at_3": 26.81, + "map_at_5": 28.78, + "map_at_10": 30.35, + "map_at_30": 31.3, + "map_at_100": 31.57, + "recall_at_1": 19.2, + "recall_at_3": 36.59, + "recall_at_5": 45.08, + "recall_at_10": 56.54, + "recall_at_30": 72.05, + "recall_at_100": 84.73, + "precision_at_1": 19.74, + "precision_at_3": 12.61, + "precision_at_5": 9.37, + "precision_at_10": 5.89, + "precision_at_30": 2.52, + "precision_at_100": 0.89, + "accuracy_at_3": 37.38, + "accuracy_at_5": 46.06, + "accuracy_at_10": 57.62, + "main_score": 36.76 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-xsmall-v1/external/NFCorpus.json b/results/mixedbread-ai__mxbai-embed-xsmall-v1/external/NFCorpus.json new file mode 100644 index 000000000..60618ab1a --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-xsmall-v1/external/NFCorpus.json @@ -0,0 +1,44 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 40.87, + "ndcg_at_3": 36.79, + "ndcg_at_5": 34.47, + "ndcg_at_10": 32.05, + "ndcg_at_30": 29.23, + "ndcg_at_100": 29.84, + "map_at_1": 5.05, + "map_at_3": 8.5, + "map_at_5": 9.87, + "map_at_10": 11.71, + "map_at_30": 13.48, + "map_at_100": 14.86, + "recall_at_1": 5.05, + "recall_at_3": 9.55, + "recall_at_5": 11.91, + "recall_at_10": 16.07, + "recall_at_30": 22.13, + "recall_at_100": 30.7, + "precision_at_1": 42.72, + "precision_at_3": 34.78, + "precision_at_5": 30.03, + "precision_at_10": 23.93, + "precision_at_30": 14.61, + "precision_at_100": 7.85, + "accuracy_at_3": 58.2, + "accuracy_at_5": 64.09, + "accuracy_at_10": 69.35, + "main_score": 32.05 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-xsmall-v1/external/NQ.json b/results/mixedbread-ai__mxbai-embed-xsmall-v1/external/NQ.json new file mode 100644 index 000000000..9cdc8aafe --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-xsmall-v1/external/NQ.json @@ -0,0 +1,44 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 25.9, + "ndcg_at_3": 35.97, + "ndcg_at_5": 40.27, + "ndcg_at_10": 44.44, + "ndcg_at_30": 48.31, + "ndcg_at_100": 50.14, + "map_at_1": 23.03, + "map_at_3": 32.45, + "map_at_5": 34.99, + "map_at_10": 36.84, + "map_at_30": 37.92, + "map_at_100": 38.16, + "recall_at_1": 23.03, + "recall_at_3": 43.49, + "recall_at_5": 53.41, + "recall_at_10": 65.65, + "recall_at_30": 80.79, + "recall_at_100": 90.59, + "precision_at_1": 25.9, + "precision_at_3": 16.76, + "precision_at_5": 12.54, + "precision_at_10": 7.78, + "precision_at_30": 3.23, + "precision_at_100": 1.1, + "accuracy_at_3": 47.31, + "accuracy_at_5": 57.16, + "accuracy_at_10": 69.09, + "main_score": 44.44 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-xsmall-v1/external/QuoraRetrieval.json b/results/mixedbread-ai__mxbai-embed-xsmall-v1/external/QuoraRetrieval.json new file mode 100644 index 000000000..fb887d526 --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-xsmall-v1/external/QuoraRetrieval.json @@ -0,0 +1,44 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 80.62, + "ndcg_at_3": 84.62, + "ndcg_at_5": 86.25, + "ndcg_at_10": 87.7, + "ndcg_at_30": 88.63, + "ndcg_at_100": 88.95, + "map_at_1": 69.91, + "map_at_3": 80.7, + "map_at_5": 82.57, + "map_at_10": 83.78, + "map_at_30": 84.33, + "map_at_100": 84.44, + "recall_at_1": 69.91, + "recall_at_3": 86.36, + "recall_at_5": 90.99, + "recall_at_10": 95.19, + "recall_at_30": 98.25, + "recall_at_100": 99.47, + "precision_at_1": 80.62, + "precision_at_3": 37.03, + "precision_at_5": 24.36, + "precision_at_10": 13.4, + "precision_at_30": 4.87, + "precision_at_100": 1.53, + "accuracy_at_3": 92.25, + "accuracy_at_5": 95.29, + "accuracy_at_10": 97.74, + "main_score": 87.7 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-xsmall-v1/external/SCIDOCS.json b/results/mixedbread-ai__mxbai-embed-xsmall-v1/external/SCIDOCS.json new file mode 100644 index 000000000..0a8c443e5 --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-xsmall-v1/external/SCIDOCS.json @@ -0,0 +1,44 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 24.1, + "ndcg_at_3": 20.18, + "ndcg_at_5": 17.72, + "ndcg_at_10": 21.5, + "ndcg_at_30": 26.66, + "ndcg_at_100": 30.95, + "map_at_1": 4.88, + "map_at_3": 9.09, + "map_at_5": 10.99, + "map_at_10": 12.93, + "map_at_30": 14.71, + "map_at_100": 15.49, + "recall_at_1": 4.88, + "recall_at_3": 11.55, + "recall_at_5": 15.91, + "recall_at_10": 22.82, + "recall_at_30": 35.7, + "recall_at_100": 50.41, + "precision_at_1": 24.1, + "precision_at_3": 19.0, + "precision_at_5": 15.72, + "precision_at_10": 11.27, + "precision_at_30": 5.87, + "precision_at_100": 2.49, + "accuracy_at_3": 43.0, + "accuracy_at_5": 51.6, + "accuracy_at_10": 62.7, + "main_score": 21.5 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-xsmall-v1/external/SciFact.json b/results/mixedbread-ai__mxbai-embed-xsmall-v1/external/SciFact.json new file mode 100644 index 000000000..16230a4a3 --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-xsmall-v1/external/SciFact.json @@ -0,0 +1,44 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 52.33, + "ndcg_at_3": 61.47, + "ndcg_at_5": 63.82, + "ndcg_at_10": 65.81, + "ndcg_at_30": 67.75, + "ndcg_at_100": 68.96, + "map_at_1": 50.46, + "map_at_3": 58.51, + "map_at_5": 60.12, + "map_at_10": 61.07, + "map_at_30": 61.64, + "map_at_100": 61.8, + "recall_at_1": 50.46, + "recall_at_3": 67.81, + "recall_at_5": 73.6, + "recall_at_10": 79.31, + "recall_at_30": 86.8, + "recall_at_100": 93.5, + "precision_at_1": 52.33, + "precision_at_3": 24.56, + "precision_at_5": 16.27, + "precision_at_10": 8.9, + "precision_at_30": 3.28, + "precision_at_100": 1.06, + "accuracy_at_3": 69.67, + "accuracy_at_5": 75.0, + "accuracy_at_10": 80.67, + "main_score": 65.81 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-xsmall-v1/external/TRECCOVID.json b/results/mixedbread-ai__mxbai-embed-xsmall-v1/external/TRECCOVID.json new file mode 100644 index 000000000..29982c96a --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-xsmall-v1/external/TRECCOVID.json @@ -0,0 +1,44 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 57.0, + "ndcg_at_3": 53.78, + "ndcg_at_5": 52.62, + "ndcg_at_10": 48.9, + "ndcg_at_30": 44.2, + "ndcg_at_100": 36.53, + "map_at_1": 0.16, + "map_at_3": 0.41, + "map_at_5": 0.62, + "map_at_10": 1.07, + "map_at_30": 2.46, + "map_at_100": 5.52, + "recall_at_1": 0.16, + "recall_at_3": 0.45, + "recall_at_5": 0.72, + "recall_at_10": 1.33, + "recall_at_30": 3.46, + "recall_at_100": 8.73, + "precision_at_1": 62.0, + "precision_at_3": 57.33, + "precision_at_5": 56.0, + "precision_at_10": 52.0, + "precision_at_30": 46.2, + "precision_at_100": 37.22, + "accuracy_at_3": 82.0, + "accuracy_at_5": 90.0, + "accuracy_at_10": 92.0, + "main_score": 48.9 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-xsmall-v1/external/Touche2020.json b/results/mixedbread-ai__mxbai-embed-xsmall-v1/external/Touche2020.json new file mode 100644 index 000000000..ba94d5ca5 --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-xsmall-v1/external/Touche2020.json @@ -0,0 +1,44 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 20.41, + "ndcg_at_3": 17.62, + "ndcg_at_5": 17.16, + "ndcg_at_10": 17.09, + "ndcg_at_30": 20.1, + "ndcg_at_100": 26.33, + "map_at_1": 2.15, + "map_at_3": 3.59, + "map_at_5": 5.07, + "map_at_10": 6.95, + "map_at_30": 9.01, + "map_at_100": 10.54, + "recall_at_1": 2.15, + "recall_at_3": 4.5, + "recall_at_5": 7.54, + "recall_at_10": 12.46, + "recall_at_30": 21.9, + "recall_at_100": 36.58, + "precision_at_1": 22.45, + "precision_at_3": 19.05, + "precision_at_5": 17.55, + "precision_at_10": 15.51, + "precision_at_30": 10.07, + "precision_at_100": 5.57, + "accuracy_at_3": 42.86, + "accuracy_at_5": 53.06, + "accuracy_at_10": 69.39, + "main_score": 17.09 + } + ] + } +} \ No newline at end of file diff --git a/results/mixedbread-ai__mxbai-embed-xsmall-v1/external/model_meta.json b/results/mixedbread-ai__mxbai-embed-xsmall-v1/external/model_meta.json new file mode 100644 index 000000000..64a5b4bfe --- /dev/null +++ b/results/mixedbread-ai__mxbai-embed-xsmall-v1/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "mixedbread-ai/mxbai-embed-xsmall-v1", + "revision": "e975f1cd8576aab72a96a5a1460a2a5f7cbe9c2d", + "release_date": "2024-09-13", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 24089472, + "memory_usage": null, + "max_tokens": 4096, + "embed_dim": 384, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/neofung__LdIR-Qwen2-reranker-1.5B/external/MMarcoReranking.json b/results/neofung__LdIR-Qwen2-reranker-1.5B/external/MMarcoReranking.json new file mode 100644 index 000000000..e910274c1 --- /dev/null +++ b/results/neofung__LdIR-Qwen2-reranker-1.5B/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 39.354813242907134, + "mrr": 39.075793650793656, + "main_score": 39.354813242907134 + } + ] + } +} \ No newline at end of file diff --git a/results/neofung__LdIR-Qwen2-reranker-1.5B/external/T2Reranking.json b/results/neofung__LdIR-Qwen2-reranker-1.5B/external/T2Reranking.json new file mode 100644 index 000000000..8516b53f8 --- /dev/null +++ b/results/neofung__LdIR-Qwen2-reranker-1.5B/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 68.83696915006163, + "mrr": 79.77644651857584, + "main_score": 68.83696915006163 + } + ] + } +} \ No newline at end of file diff --git a/results/neofung__LdIR-Qwen2-reranker-1.5B/external/model_meta.json b/results/neofung__LdIR-Qwen2-reranker-1.5B/external/model_meta.json new file mode 100644 index 000000000..57bee0a04 --- /dev/null +++ b/results/neofung__LdIR-Qwen2-reranker-1.5B/external/model_meta.json @@ -0,0 +1,23 @@ +{ + "name": "neofung/LdIR-Qwen2-reranker-1.5B", + "revision": "cbe2d6d63b6dbc3465bd865c4d96c7b543a146ae", + "release_date": "2024-08-13", + "languages": [ + "en", + "zh" + ], + "loader": null, + "n_parameters": 1543715841, + "memory_usage": null, + "max_tokens": 32768, + "embed_dim": 1536, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/neofung__LdIR-reranker-large/external/MMarcoReranking.json b/results/neofung__LdIR-reranker-large/external/MMarcoReranking.json new file mode 100644 index 000000000..7380ba008 --- /dev/null +++ b/results/neofung__LdIR-reranker-large/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 35.63649812558671, + "mrr": 34.77976190476191, + "main_score": 35.63649812558671 + } + ] + } +} \ No newline at end of file diff --git a/results/neofung__LdIR-reranker-large/external/T2Reranking.json b/results/neofung__LdIR-reranker-large/external/T2Reranking.json new file mode 100644 index 000000000..f76552b79 --- /dev/null +++ b/results/neofung__LdIR-reranker-large/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 67.86074519667235, + "mrr": 78.49763839184962, + "main_score": 67.86074519667235 + } + ] + } +} \ No newline at end of file diff --git a/results/neofung__LdIR-reranker-large/external/model_meta.json b/results/neofung__LdIR-reranker-large/external/model_meta.json new file mode 100644 index 000000000..d47d542d2 --- /dev/null +++ b/results/neofung__LdIR-reranker-large/external/model_meta.json @@ -0,0 +1,23 @@ +{ + "name": "neofung/LdIR-reranker-large", + "revision": "2abc2298007306d20f906e06a40129d378da6369", + "release_date": "2024-06-05", + "languages": [ + "zh", + "en" + ], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": null, + "embed_dim": null, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/neofung__bge-reranker-large-1k/external/MMarcoReranking.json b/results/neofung__bge-reranker-large-1k/external/MMarcoReranking.json new file mode 100644 index 000000000..4f2e87888 --- /dev/null +++ b/results/neofung__bge-reranker-large-1k/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 37.641770303833106, + "mrr": 36.5765873015873, + "main_score": 37.641770303833106 + } + ] + } +} \ No newline at end of file diff --git a/results/neofung__bge-reranker-large-1k/external/T2Reranking.json b/results/neofung__bge-reranker-large-1k/external/T2Reranking.json new file mode 100644 index 000000000..982dcad85 --- /dev/null +++ b/results/neofung__bge-reranker-large-1k/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 67.47867763060952, + "mrr": 77.609724774586, + "main_score": 67.47867763060952 + } + ] + } +} \ No newline at end of file diff --git a/results/neofung__bge-reranker-large-1k/external/model_meta.json b/results/neofung__bge-reranker-large-1k/external/model_meta.json new file mode 100644 index 000000000..3bfece666 --- /dev/null +++ b/results/neofung__bge-reranker-large-1k/external/model_meta.json @@ -0,0 +1,23 @@ +{ + "name": "neofung/bge-reranker-large-1k", + "revision": "f4b6e0c5c51b8c33b648d4c14b726921f336cf39", + "release_date": "2024-05-15", + "languages": [ + "zh", + "en" + ], + "loader": null, + "n_parameters": 560448268, + "memory_usage": null, + "max_tokens": 1026, + "embed_dim": 1024, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/neofung__m3e-ernie-xbase-zh/external/AFQMC.json b/results/neofung__m3e-ernie-xbase-zh/external/AFQMC.json new file mode 100644 index 000000000..a6b898069 --- /dev/null +++ b/results/neofung__m3e-ernie-xbase-zh/external/AFQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b44c3b011063adb25877c13823db83bb193913c4", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 36.28363608508365, + "cos_sim_spearman": 37.39698005114737, + "euclidean_pearson": 36.407377294778186, + "euclidean_spearman": 37.396959945459166, + "manhattan_pearson": 36.30818480805082, + "manhattan_spearman": 37.28435580456356, + "cosine_pearson": 36.28363608508365, + "cosine_spearman": 37.39698005114737, + "main_score": 37.39698005114737 + } + ] + } +} \ No newline at end of file diff --git a/results/neofung__m3e-ernie-xbase-zh/external/ATEC.json b/results/neofung__m3e-ernie-xbase-zh/external/ATEC.json new file mode 100644 index 000000000..a6b97e663 --- /dev/null +++ b/results/neofung__m3e-ernie-xbase-zh/external/ATEC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "0f319b1142f28d00e055a6770f3f726ae9b7d865", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 39.918566602029536, + "cos_sim_spearman": 42.163555979292155, + "euclidean_pearson": 43.24429263158407, + "euclidean_spearman": 42.16355485217486, + "manhattan_pearson": 43.23108002349145, + "manhattan_spearman": 42.156854810425834, + "cosine_pearson": 39.918566602029536, + "cosine_spearman": 42.163555979292155, + "main_score": 42.163555979292155 + } + ] + } +} \ No newline at end of file diff --git a/results/neofung__m3e-ernie-xbase-zh/external/AmazonReviewsClassification.json b/results/neofung__m3e-ernie-xbase-zh/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..effe216b9 --- /dev/null +++ b/results/neofung__m3e-ernie-xbase-zh/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 47.788000000000004, + "f1": 44.518439064691925, + "main_score": 47.788000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/neofung__m3e-ernie-xbase-zh/external/BQ.json b/results/neofung__m3e-ernie-xbase-zh/external/BQ.json new file mode 100644 index 000000000..7861f2d43 --- /dev/null +++ b/results/neofung__m3e-ernie-xbase-zh/external/BQ.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e3dda5e115e487b39ec7e618c0c6a29137052a55", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 67.03414409142314, + "cos_sim_spearman": 70.95560250546684, + "euclidean_pearson": 69.35644910492917, + "euclidean_spearman": 70.95560250269956, + "manhattan_pearson": 69.32201332479197, + "manhattan_spearman": 70.92406185691, + "cosine_pearson": 67.03414409142314, + "cosine_spearman": 70.95560250546684, + "main_score": 70.95560250546684 + } + ] + } +} \ No newline at end of file diff --git a/results/neofung__m3e-ernie-xbase-zh/external/CLSClusteringP2P.json b/results/neofung__m3e-ernie-xbase-zh/external/CLSClusteringP2P.json new file mode 100644 index 000000000..aee8c5f9c --- /dev/null +++ b/results/neofung__m3e-ernie-xbase-zh/external/CLSClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "4b6227591c6c1a73bc76b1055f3b7f3588e72476", + "task_name": "CLSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 39.31955168227449, + "main_score": 39.31955168227449 + } + ] + } +} \ No newline at end of file diff --git a/results/neofung__m3e-ernie-xbase-zh/external/CLSClusteringS2S.json b/results/neofung__m3e-ernie-xbase-zh/external/CLSClusteringS2S.json new file mode 100644 index 000000000..69b0f65f3 --- /dev/null +++ b/results/neofung__m3e-ernie-xbase-zh/external/CLSClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e458b3f5414b62b7f9f83499ac1f5497ae2e869f", + "task_name": "CLSClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 37.8418274237459, + "main_score": 37.8418274237459 + } + ] + } +} \ No newline at end of file diff --git a/results/neofung__m3e-ernie-xbase-zh/external/CmedqaRetrieval.json b/results/neofung__m3e-ernie-xbase-zh/external/CmedqaRetrieval.json new file mode 100644 index 000000000..fb751d454 --- /dev/null +++ b/results/neofung__m3e-ernie-xbase-zh/external/CmedqaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "cd540c506dae1cf9e9a59c3e06f42030d54e7301", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 16.672, + "map_at_10": 26.273000000000003, + "map_at_100": 28.044999999999998, + "map_at_1000": 28.208, + "map_at_3": 22.989, + "map_at_5": 24.737000000000002, + "mrr_at_1": 26.257, + "mrr_at_10": 34.358, + "mrr_at_100": 35.436, + "mrr_at_1000": 35.513, + "mrr_at_3": 31.954, + "mrr_at_5": 33.234, + "ndcg_at_1": 26.257, + "ndcg_at_10": 32.326, + "ndcg_at_100": 39.959, + "ndcg_at_1000": 43.163000000000004, + "ndcg_at_3": 27.700999999999997, + "ndcg_at_5": 29.514000000000003, + "precision_at_1": 26.257, + "precision_at_10": 7.607, + "precision_at_100": 1.388, + "precision_at_1000": 0.179, + "precision_at_3": 16.162000000000003, + "precision_at_5": 11.933, + "recall_at_1": 16.672, + "recall_at_10": 42.135, + "recall_at_100": 74.417, + "recall_at_1000": 96.417, + "recall_at_3": 28.416999999999998, + "recall_at_5": 33.873999999999995, + "main_score": 32.326 + } + ] + } +} \ No newline at end of file diff --git a/results/neofung__m3e-ernie-xbase-zh/external/Cmnli.json b/results/neofung__m3e-ernie-xbase-zh/external/Cmnli.json new file mode 100644 index 000000000..c2f97aedf --- /dev/null +++ b/results/neofung__m3e-ernie-xbase-zh/external/Cmnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "41bc36f332156f7adc9e38f53777c959b2ae9766", + "task_name": "Cmnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 61.11846061334937, + "cos_sim_ap": 65.68356716139071, + "cos_sim_f1": 68.15213842637937, + "cos_sim_precision": 52.35109717868338, + "cos_sim_recall": 97.61515080664017, + "dot_accuracy": 61.11846061334937, + "dot_ap": 65.68369552204702, + "dot_f1": 68.15213842637937, + "dot_precision": 52.35109717868338, + "dot_recall": 97.61515080664017, + "euclidean_accuracy": 61.11846061334937, + "euclidean_ap": 65.68356789608616, + "euclidean_f1": 68.15213842637937, + "euclidean_precision": 52.35109717868338, + "euclidean_recall": 97.61515080664017, + "manhattan_accuracy": 61.17859290438966, + "manhattan_ap": 65.68230365595265, + "manhattan_f1": 68.14029363784665, + "manhattan_precision": 52.32368783665289, + "manhattan_recall": 97.66191255552957, + "max_accuracy": 61.17859290438966, + "max_ap": 65.68369552204702, + "max_f1": 68.15213842637937, + "main_score": 61.17859290438966 + } + ] + } +} \ No newline at end of file diff --git a/results/neofung__m3e-ernie-xbase-zh/external/CovidRetrieval.json b/results/neofung__m3e-ernie-xbase-zh/external/CovidRetrieval.json new file mode 100644 index 000000000..5fe403838 --- /dev/null +++ b/results/neofung__m3e-ernie-xbase-zh/external/CovidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "1271c7809071a13532e05f25fb53511ffce77117", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 51.054, + "map_at_10": 61.926, + "map_at_100": 62.514, + "map_at_1000": 62.529, + "map_at_3": 59.272999999999996, + "map_at_5": 60.943000000000005, + "mrr_at_1": 51.212, + "mrr_at_10": 61.916000000000004, + "mrr_at_100": 62.495999999999995, + "mrr_at_1000": 62.511, + "mrr_at_3": 59.326, + "mrr_at_5": 60.958999999999996, + "ndcg_at_1": 51.212, + "ndcg_at_10": 67.223, + "ndcg_at_100": 69.92699999999999, + "ndcg_at_1000": 70.307, + "ndcg_at_3": 61.873, + "ndcg_at_5": 64.883, + "precision_at_1": 51.212, + "precision_at_10": 8.472, + "precision_at_100": 0.9730000000000001, + "precision_at_1000": 0.1, + "precision_at_3": 23.253, + "precision_at_5": 15.448, + "recall_at_1": 51.054, + "recall_at_10": 83.825, + "recall_at_100": 96.207, + "recall_at_1000": 99.157, + "recall_at_3": 69.31, + "recall_at_5": 76.66, + "main_score": 67.223 + } + ] + } +} \ No newline at end of file diff --git a/results/neofung__m3e-ernie-xbase-zh/external/DuRetrieval.json b/results/neofung__m3e-ernie-xbase-zh/external/DuRetrieval.json new file mode 100644 index 000000000..9584f879e --- /dev/null +++ b/results/neofung__m3e-ernie-xbase-zh/external/DuRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "a1a333e290fe30b10f3f56498e3a0d911a693ced", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 21.247, + "map_at_10": 64.793, + "map_at_100": 68.62899999999999, + "map_at_1000": 68.718, + "map_at_3": 44.192, + "map_at_5": 55.435, + "mrr_at_1": 76.7, + "mrr_at_10": 84.22, + "mrr_at_100": 84.341, + "mrr_at_1000": 84.346, + "mrr_at_3": 83.42500000000001, + "mrr_at_5": 83.902, + "ndcg_at_1": 76.7, + "ndcg_at_10": 75.271, + "ndcg_at_100": 80.62, + "ndcg_at_1000": 81.45, + "ndcg_at_3": 72.803, + "ndcg_at_5": 71.694, + "precision_at_1": 76.7, + "precision_at_10": 36.925000000000004, + "precision_at_100": 4.675, + "precision_at_1000": 0.48700000000000004, + "precision_at_3": 65.383, + "precision_at_5": 55.15, + "recall_at_1": 21.247, + "recall_at_10": 78.38300000000001, + "recall_at_100": 94.759, + "recall_at_1000": 98.907, + "recall_at_3": 48.04, + "recall_at_5": 62.883, + "main_score": 75.271 + } + ] + } +} \ No newline at end of file diff --git a/results/neofung__m3e-ernie-xbase-zh/external/EcomRetrieval.json b/results/neofung__m3e-ernie-xbase-zh/external/EcomRetrieval.json new file mode 100644 index 000000000..87e451174 --- /dev/null +++ b/results/neofung__m3e-ernie-xbase-zh/external/EcomRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "687de13dc7294d6fd9be10c6945f9e8fec8166b9", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 42.0, + "map_at_10": 52.691, + "map_at_100": 53.456, + "map_at_1000": 53.480000000000004, + "map_at_3": 49.583, + "map_at_5": 51.723, + "mrr_at_1": 42.0, + "mrr_at_10": 52.691, + "mrr_at_100": 53.456, + "mrr_at_1000": 53.480000000000004, + "mrr_at_3": 49.583, + "mrr_at_5": 51.723, + "ndcg_at_1": 42.0, + "ndcg_at_10": 58.243, + "ndcg_at_100": 61.907999999999994, + "ndcg_at_1000": 62.483999999999995, + "ndcg_at_3": 52.03, + "ndcg_at_5": 55.85099999999999, + "precision_at_1": 42.0, + "precision_at_10": 7.580000000000001, + "precision_at_100": 0.928, + "precision_at_1000": 0.097, + "precision_at_3": 19.7, + "precision_at_5": 13.66, + "recall_at_1": 42.0, + "recall_at_10": 75.8, + "recall_at_100": 92.80000000000001, + "recall_at_1000": 97.2, + "recall_at_3": 59.099999999999994, + "recall_at_5": 68.30000000000001, + "main_score": 58.243 + } + ] + } +} \ No newline at end of file diff --git a/results/neofung__m3e-ernie-xbase-zh/external/IFlyTek.json b/results/neofung__m3e-ernie-xbase-zh/external/IFlyTek.json new file mode 100644 index 000000000..40fc13ee6 --- /dev/null +++ b/results/neofung__m3e-ernie-xbase-zh/external/IFlyTek.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "421605374b29664c5fc098418fe20ada9bd55f8a", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 44.86340900346287, + "f1": 31.324006049353713, + "main_score": 44.86340900346287 + } + ] + } +} \ No newline at end of file diff --git a/results/neofung__m3e-ernie-xbase-zh/external/JDReview.json b/results/neofung__m3e-ernie-xbase-zh/external/JDReview.json new file mode 100644 index 000000000..d202a5232 --- /dev/null +++ b/results/neofung__m3e-ernie-xbase-zh/external/JDReview.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "b7c64bd89eb87f8ded463478346f76731f07bf8b", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 88.48030018761726, + "ap": 59.392058006606476, + "f1": 83.61333024672861, + "main_score": 88.48030018761726 + } + ] + } +} \ No newline at end of file diff --git a/results/neofung__m3e-ernie-xbase-zh/external/LCQMC.json b/results/neofung__m3e-ernie-xbase-zh/external/LCQMC.json new file mode 100644 index 000000000..e29d09f4a --- /dev/null +++ b/results/neofung__m3e-ernie-xbase-zh/external/LCQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "17f9b096f80380fce5ed12a9be8be7784b337daf", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 66.36852873686233, + "cos_sim_spearman": 73.27371960661353, + "euclidean_pearson": 71.38209904858738, + "euclidean_spearman": 73.27373512049904, + "manhattan_pearson": 71.51557697058817, + "manhattan_spearman": 73.38956581066971, + "cosine_pearson": 66.36852873686233, + "cosine_spearman": 73.27371960661353, + "main_score": 73.27371960661353 + } + ] + } +} \ No newline at end of file diff --git a/results/neofung__m3e-ernie-xbase-zh/external/MMarcoReranking.json b/results/neofung__m3e-ernie-xbase-zh/external/MMarcoReranking.json new file mode 100644 index 000000000..6f11cbf0a --- /dev/null +++ b/results/neofung__m3e-ernie-xbase-zh/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "8e0c766dbe9e16e1d221116a3f36795fbade07f6", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 19.57107231987867, + "mrr": 18.224603174603175, + "main_score": 19.57107231987867 + } + ] + } +} \ No newline at end of file diff --git a/results/neofung__m3e-ernie-xbase-zh/external/MMarcoRetrieval.json b/results/neofung__m3e-ernie-xbase-zh/external/MMarcoRetrieval.json new file mode 100644 index 000000000..8766b22d9 --- /dev/null +++ b/results/neofung__m3e-ernie-xbase-zh/external/MMarcoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "539bbde593d947e2a124ba72651aafc09eb33fc2", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 43.785000000000004, + "map_at_10": 53.278000000000006, + "map_at_100": 53.946000000000005, + "map_at_1000": 53.983000000000004, + "map_at_3": 50.846999999999994, + "map_at_5": 52.286, + "mrr_at_1": 45.559, + "mrr_at_10": 54.129000000000005, + "mrr_at_100": 54.732, + "mrr_at_1000": 54.766999999999996, + "mrr_at_3": 51.885999999999996, + "mrr_at_5": 53.212, + "ndcg_at_1": 45.559, + "ndcg_at_10": 57.909, + "ndcg_at_100": 61.068999999999996, + "ndcg_at_1000": 62.09400000000001, + "ndcg_at_3": 53.125, + "ndcg_at_5": 55.614, + "precision_at_1": 45.559, + "precision_at_10": 7.617, + "precision_at_100": 0.9199999999999999, + "precision_at_1000": 0.101, + "precision_at_3": 20.707, + "precision_at_5": 13.730999999999998, + "recall_at_1": 43.785000000000004, + "recall_at_10": 71.543, + "recall_at_100": 86.197, + "recall_at_1000": 94.305, + "recall_at_3": 58.677, + "recall_at_5": 64.62599999999999, + "main_score": 57.909 + } + ] + } +} \ No newline at end of file diff --git a/results/neofung__m3e-ernie-xbase-zh/external/MassiveIntentClassification.json b/results/neofung__m3e-ernie-xbase-zh/external/MassiveIntentClassification.json new file mode 100644 index 000000000..5ca3e6f34 --- /dev/null +++ b/results/neofung__m3e-ernie-xbase-zh/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 61.29455279085406, + "f1": 58.42865357114413, + "main_score": 61.29455279085406 + } + ] + } +} \ No newline at end of file diff --git a/results/neofung__m3e-ernie-xbase-zh/external/MassiveScenarioClassification.json b/results/neofung__m3e-ernie-xbase-zh/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..e70731ce2 --- /dev/null +++ b/results/neofung__m3e-ernie-xbase-zh/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 66.89979825151312, + "f1": 66.6125514843663, + "main_score": 66.89979825151312 + } + ] + } +} \ No newline at end of file diff --git a/results/neofung__m3e-ernie-xbase-zh/external/MedicalRetrieval.json b/results/neofung__m3e-ernie-xbase-zh/external/MedicalRetrieval.json new file mode 100644 index 000000000..5622366f1 --- /dev/null +++ b/results/neofung__m3e-ernie-xbase-zh/external/MedicalRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "2039188fb5800a9803ba5048df7b76e6fb151fc6", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 44.7, + "map_at_10": 51.307, + "map_at_100": 52.002, + "map_at_1000": 52.06699999999999, + "map_at_3": 49.55, + "map_at_5": 50.544999999999995, + "mrr_at_1": 44.9, + "mrr_at_10": 51.415, + "mrr_at_100": 52.111, + "mrr_at_1000": 52.175000000000004, + "mrr_at_3": 49.683, + "mrr_at_5": 50.653000000000006, + "ndcg_at_1": 44.7, + "ndcg_at_10": 54.778000000000006, + "ndcg_at_100": 58.526, + "ndcg_at_1000": 60.187999999999995, + "ndcg_at_3": 51.129999999999995, + "ndcg_at_5": 52.933, + "precision_at_1": 44.7, + "precision_at_10": 6.58, + "precision_at_100": 0.8420000000000001, + "precision_at_1000": 0.097, + "precision_at_3": 18.567, + "precision_at_5": 12.02, + "recall_at_1": 44.7, + "recall_at_10": 65.8, + "recall_at_100": 84.2, + "recall_at_1000": 97.2, + "recall_at_3": 55.7, + "recall_at_5": 60.099999999999994, + "main_score": 54.778000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/neofung__m3e-ernie-xbase-zh/external/MultiLongDocRetrieval.json b/results/neofung__m3e-ernie-xbase-zh/external/MultiLongDocRetrieval.json new file mode 100644 index 000000000..110dc8239 --- /dev/null +++ b/results/neofung__m3e-ernie-xbase-zh/external/MultiLongDocRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MultiLongDocRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 7.625, + "map_at_10": 10.238, + "map_at_100": 10.885, + "map_at_1000": 10.958, + "map_at_3": 9.292, + "map_at_5": 9.91, + "mrr_at_1": 7.625, + "mrr_at_10": 10.238, + "mrr_at_100": 10.885, + "mrr_at_1000": 10.958, + "mrr_at_3": 9.292, + "mrr_at_5": 9.91, + "ndcg_at_1": 7.625, + "ndcg_at_10": 11.784, + "ndcg_at_100": 15.133, + "ndcg_at_1000": 17.511, + "ndcg_at_3": 9.857000000000001, + "ndcg_at_5": 10.981, + "precision_at_1": 7.625, + "precision_at_10": 1.675, + "precision_at_100": 0.329, + "precision_at_1000": 0.053, + "precision_at_3": 3.833, + "precision_at_5": 2.85, + "recall_at_1": 7.625, + "recall_at_10": 16.75, + "recall_at_100": 32.875, + "recall_at_1000": 52.625, + "recall_at_3": 11.5, + "recall_at_5": 14.249999999999998, + "main_score": 11.784 + } + ] + } +} \ No newline at end of file diff --git a/results/neofung__m3e-ernie-xbase-zh/external/MultilingualSentiment.json b/results/neofung__m3e-ernie-xbase-zh/external/MultilingualSentiment.json new file mode 100644 index 000000000..af710d2c1 --- /dev/null +++ b/results/neofung__m3e-ernie-xbase-zh/external/MultilingualSentiment.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "46958b007a63fdbf239b7672c25d0bea67b5ea1a", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 78.45666666666666, + "f1": 78.06393644109178, + "main_score": 78.45666666666666 + } + ] + } +} \ No newline at end of file diff --git a/results/neofung__m3e-ernie-xbase-zh/external/Ocnli.json b/results/neofung__m3e-ernie-xbase-zh/external/Ocnli.json new file mode 100644 index 000000000..ff0101491 --- /dev/null +++ b/results/neofung__m3e-ernie-xbase-zh/external/Ocnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "66e76a618a34d6d565d5538088562851e6daa7ec", + "task_name": "Ocnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 59.88088792636708, + "cos_sim_ap": 59.993466246406854, + "cos_sim_f1": 69.33333333333334, + "cos_sim_precision": 54.23122765196663, + "cos_sim_recall": 96.09292502639916, + "dot_accuracy": 59.88088792636708, + "dot_ap": 59.99351215786742, + "dot_f1": 69.33333333333334, + "dot_precision": 54.23122765196663, + "dot_recall": 96.09292502639916, + "euclidean_accuracy": 59.88088792636708, + "euclidean_ap": 59.993466246406854, + "euclidean_f1": 69.33333333333334, + "euclidean_precision": 54.23122765196663, + "euclidean_recall": 96.09292502639916, + "manhattan_accuracy": 59.989171629669734, + "manhattan_ap": 60.06745167956717, + "manhattan_f1": 69.37381404174573, + "manhattan_precision": 54.14691943127961, + "manhattan_recall": 96.51531151003168, + "max_accuracy": 59.989171629669734, + "max_ap": 60.06745167956717, + "max_f1": 69.37381404174573, + "main_score": 59.989171629669734 + } + ] + } +} \ No newline at end of file diff --git a/results/neofung__m3e-ernie-xbase-zh/external/OnlineShopping.json b/results/neofung__m3e-ernie-xbase-zh/external/OnlineShopping.json new file mode 100644 index 000000000..c0de2ecc0 --- /dev/null +++ b/results/neofung__m3e-ernie-xbase-zh/external/OnlineShopping.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e610f2ebd179a8fda30ae534c3878750a96db120", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 92.58, + "ap": 90.58624365698103, + "f1": 92.56998002261557, + "main_score": 92.58 + } + ] + } +} \ No newline at end of file diff --git a/results/neofung__m3e-ernie-xbase-zh/external/PAWSX.json b/results/neofung__m3e-ernie-xbase-zh/external/PAWSX.json new file mode 100644 index 000000000..333bf8512 --- /dev/null +++ b/results/neofung__m3e-ernie-xbase-zh/external/PAWSX.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "9c6a90e430ac22b5779fb019a23e820b11a8b5e1", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 15.428347645738844, + "cos_sim_spearman": 18.54916824520863, + "euclidean_pearson": 18.525706701701317, + "euclidean_spearman": 18.564855538117524, + "manhattan_pearson": 18.54511262151164, + "manhattan_spearman": 18.587848451111213, + "cosine_pearson": 15.428347645738844, + "cosine_spearman": 18.54916824520863, + "main_score": 18.54916824520863 + } + ] + } +} \ No newline at end of file diff --git a/results/neofung__m3e-ernie-xbase-zh/external/QBQTC.json b/results/neofung__m3e-ernie-xbase-zh/external/QBQTC.json new file mode 100644 index 000000000..56e077f17 --- /dev/null +++ b/results/neofung__m3e-ernie-xbase-zh/external/QBQTC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "790b0510dc52b1553e8c49f3d2afb48c0e5c48b7", + "task_name": "QBQTC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 28.445664430656038, + "cos_sim_spearman": 29.599326690902288, + "euclidean_pearson": 27.900455284977017, + "euclidean_spearman": 29.599947224705264, + "manhattan_pearson": 28.101656918683116, + "manhattan_spearman": 29.78083888978687, + "cosine_pearson": 28.445664430656038, + "cosine_spearman": 29.599326690902288, + "main_score": 29.599326690902288 + } + ] + } +} \ No newline at end of file diff --git a/results/neofung__m3e-ernie-xbase-zh/external/STS22.json b/results/neofung__m3e-ernie-xbase-zh/external/STS22.json new file mode 100644 index 000000000..1807c9402 --- /dev/null +++ b/results/neofung__m3e-ernie-xbase-zh/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "eea2b4fe26a775864c896887d910b76a8098ad3f", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 61.13774633735679, + "cos_sim_spearman": 65.43749616084263, + "euclidean_pearson": 63.42122949030793, + "euclidean_spearman": 65.43749616084263, + "manhattan_pearson": 63.78466267937151, + "manhattan_spearman": 65.4252196465631, + "cosine_pearson": 61.13774633735679, + "cosine_spearman": 65.43749616084263, + "main_score": 65.43749616084263 + } + ] + } +} \ No newline at end of file diff --git a/results/neofung__m3e-ernie-xbase-zh/external/STSB.json b/results/neofung__m3e-ernie-xbase-zh/external/STSB.json new file mode 100644 index 000000000..cf3ecf595 --- /dev/null +++ b/results/neofung__m3e-ernie-xbase-zh/external/STSB.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "0cde68302b3541bb8b3c340dc0644b0b745b3dc0", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 66.43725663481563, + "cos_sim_spearman": 66.91073455354187, + "euclidean_pearson": 67.25178758750022, + "euclidean_spearman": 66.91129699608939, + "manhattan_pearson": 67.33381999971951, + "manhattan_spearman": 66.9990458174529, + "cosine_pearson": 66.43725663481563, + "cosine_spearman": 66.91073455354187, + "main_score": 66.91073455354187 + } + ] + } +} \ No newline at end of file diff --git a/results/neofung__m3e-ernie-xbase-zh/external/T2Reranking.json b/results/neofung__m3e-ernie-xbase-zh/external/T2Reranking.json new file mode 100644 index 000000000..707e4b8cc --- /dev/null +++ b/results/neofung__m3e-ernie-xbase-zh/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "76631901a18387f85eaa53e5450019b87ad58ef9", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 64.31327281684898, + "mrr": 73.58095291829211, + "main_score": 64.31327281684898 + } + ] + } +} \ No newline at end of file diff --git a/results/neofung__m3e-ernie-xbase-zh/external/T2Retrieval.json b/results/neofung__m3e-ernie-xbase-zh/external/T2Retrieval.json new file mode 100644 index 000000000..dbef6e1da --- /dev/null +++ b/results/neofung__m3e-ernie-xbase-zh/external/T2Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "8731a845f1bf500a4f111cf1070785c793d10e64", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 20.961, + "map_at_10": 59.065, + "map_at_100": 63.544, + "map_at_1000": 63.681, + "map_at_3": 40.849999999999994, + "map_at_5": 50.268, + "mrr_at_1": 74.934, + "mrr_at_10": 80.571, + "mrr_at_100": 80.814, + "mrr_at_1000": 80.82300000000001, + "mrr_at_3": 79.449, + "mrr_at_5": 80.13, + "ndcg_at_1": 74.934, + "ndcg_at_10": 69.215, + "ndcg_at_100": 75.61099999999999, + "ndcg_at_1000": 77.03999999999999, + "ndcg_at_3": 70.04899999999999, + "ndcg_at_5": 68.50699999999999, + "precision_at_1": 74.934, + "precision_at_10": 35.569, + "precision_at_100": 4.757, + "precision_at_1000": 0.509, + "precision_at_3": 61.802, + "precision_at_5": 51.882, + "recall_at_1": 20.961, + "recall_at_10": 69.626, + "recall_at_100": 89.464, + "recall_at_1000": 96.721, + "recall_at_3": 43.608999999999995, + "recall_at_5": 55.724, + "main_score": 69.215 + } + ] + } +} \ No newline at end of file diff --git a/results/neofung__m3e-ernie-xbase-zh/external/TNews.json b/results/neofung__m3e-ernie-xbase-zh/external/TNews.json new file mode 100644 index 000000000..43109eab1 --- /dev/null +++ b/results/neofung__m3e-ernie-xbase-zh/external/TNews.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "317f262bf1e6126357bbe89e875451e4b0938fe4", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 50.01800000000001, + "f1": 48.262341643251936, + "main_score": 50.01800000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/neofung__m3e-ernie-xbase-zh/external/ThuNewsClusteringP2P.json b/results/neofung__m3e-ernie-xbase-zh/external/ThuNewsClusteringP2P.json new file mode 100644 index 000000000..418e4275d --- /dev/null +++ b/results/neofung__m3e-ernie-xbase-zh/external/ThuNewsClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "5798586b105c0434e4f0fe5e767abe619442cf93", + "task_name": "ThuNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 60.68748256831344, + "main_score": 60.68748256831344 + } + ] + } +} \ No newline at end of file diff --git a/results/neofung__m3e-ernie-xbase-zh/external/ThuNewsClusteringS2S.json b/results/neofung__m3e-ernie-xbase-zh/external/ThuNewsClusteringS2S.json new file mode 100644 index 000000000..b65b23002 --- /dev/null +++ b/results/neofung__m3e-ernie-xbase-zh/external/ThuNewsClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "8a8b2caeda43f39e13c4bc5bea0f8a667896e10d", + "task_name": "ThuNewsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 56.73298697800912, + "main_score": 56.73298697800912 + } + ] + } +} \ No newline at end of file diff --git a/results/neofung__m3e-ernie-xbase-zh/external/VideoRetrieval.json b/results/neofung__m3e-ernie-xbase-zh/external/VideoRetrieval.json new file mode 100644 index 000000000..7ca0a1557 --- /dev/null +++ b/results/neofung__m3e-ernie-xbase-zh/external/VideoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "58c2597a5943a2ba48f4668c3b90d796283c5639", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 46.9, + "map_at_10": 57.849, + "map_at_100": 58.532, + "map_at_1000": 58.553, + "map_at_3": 55.467, + "map_at_5": 56.92700000000001, + "mrr_at_1": 46.9, + "mrr_at_10": 57.849, + "mrr_at_100": 58.532, + "mrr_at_1000": 58.553, + "mrr_at_3": 55.467, + "mrr_at_5": 56.92700000000001, + "ndcg_at_1": 46.9, + "ndcg_at_10": 63.09, + "ndcg_at_100": 66.43, + "ndcg_at_1000": 66.949, + "ndcg_at_3": 58.226, + "ndcg_at_5": 60.838, + "precision_at_1": 46.9, + "precision_at_10": 7.95, + "precision_at_100": 0.951, + "precision_at_1000": 0.099, + "precision_at_3": 22.067, + "precision_at_5": 14.499999999999998, + "recall_at_1": 46.9, + "recall_at_10": 79.5, + "recall_at_100": 95.1, + "recall_at_1000": 99.1, + "recall_at_3": 66.2, + "recall_at_5": 72.5, + "main_score": 63.09 + } + ] + } +} \ No newline at end of file diff --git a/results/neofung__m3e-ernie-xbase-zh/external/Waimai.json b/results/neofung__m3e-ernie-xbase-zh/external/Waimai.json new file mode 100644 index 000000000..4029fc3b6 --- /dev/null +++ b/results/neofung__m3e-ernie-xbase-zh/external/Waimai.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "339287def212450dcaa9df8c22bf93e9980c7023", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 89.09, + "ap": 74.68093732384233, + "f1": 87.7768409829789, + "main_score": 89.09 + } + ] + } +} \ No newline at end of file diff --git a/results/neofung__m3e-ernie-xbase-zh/external/model_meta.json b/results/neofung__m3e-ernie-xbase-zh/external/model_meta.json new file mode 100644 index 000000000..478a62d73 --- /dev/null +++ b/results/neofung__m3e-ernie-xbase-zh/external/model_meta.json @@ -0,0 +1,25 @@ +{ + "name": "neofung/m3e-ernie-xbase-zh", + "revision": "bf092aea71bbcd3fbe35277fc556155b25c44fa9", + "release_date": "2024-03-04", + "languages": [ + "zh", + "en" + ], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": null, + "embed_dim": null, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-quant/external/AmazonCounterfactualClassification.json b/results/neuralmagic__bge-base-en-v1.5-quant/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..af9876af1 --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-quant/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.16417910447761, + "ap": 39.62965026785565, + "f1": 70.30041589476463, + "main_score": 76.16417910447761 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-quant/external/AmazonPolarityClassification.json b/results/neuralmagic__bge-base-en-v1.5-quant/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..e42dfe664 --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-quant/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.95087500000001, + "ap": 89.92451248271642, + "f1": 92.94162732408543, + "main_score": 92.95087500000001 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-quant/external/AmazonReviewsClassification.json b/results/neuralmagic__bge-base-en-v1.5-quant/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..b37e419c5 --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-quant/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 48.214, + "f1": 47.57084372829096, + "main_score": 48.214 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-quant/external/ArxivClusteringP2P.json b/results/neuralmagic__bge-base-en-v1.5-quant/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..d01c6e2a1 --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-quant/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.499816497755646, + "main_score": 48.499816497755646 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-quant/external/ArxivClusteringS2S.json b/results/neuralmagic__bge-base-en-v1.5-quant/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..ba83eeb29 --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-quant/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 42.006939120636034, + "main_score": 42.006939120636034 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-quant/external/AskUbuntuDupQuestions.json b/results/neuralmagic__bge-base-en-v1.5-quant/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..a6ba3a861 --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-quant/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 62.390343953329875, + "mrr": 75.69922613551422, + "main_score": 62.390343953329875 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-quant/external/BIOSSES.json b/results/neuralmagic__bge-base-en-v1.5-quant/external/BIOSSES.json new file mode 100644 index 000000000..a307199e8 --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-quant/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 89.03408553833623, + "cos_sim_spearman": 86.71221676053791, + "euclidean_pearson": 87.81477796215844, + "euclidean_spearman": 87.28994076774481, + "manhattan_pearson": 87.76204756059836, + "manhattan_spearman": 87.1971675695072, + "cosine_pearson": 89.03408553833623, + "cosine_spearman": 86.71221676053791, + "main_score": 86.71221676053791 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-quant/external/Banking77Classification.json b/results/neuralmagic__bge-base-en-v1.5-quant/external/Banking77Classification.json new file mode 100644 index 000000000..e39db171d --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-quant/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.35064935064935, + "f1": 86.32782396028989, + "main_score": 86.35064935064935 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-quant/external/BiorxivClusteringP2P.json b/results/neuralmagic__bge-base-en-v1.5-quant/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..a7f61e767 --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-quant/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.299558776859485, + "main_score": 39.299558776859485 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-quant/external/BiorxivClusteringS2S.json b/results/neuralmagic__bge-base-en-v1.5-quant/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..30d877d0e --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-quant/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.64603198816062, + "main_score": 35.64603198816062 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-quant/external/EmotionClassification.json b/results/neuralmagic__bge-base-en-v1.5-quant/external/EmotionClassification.json new file mode 100644 index 000000000..a98f383f1 --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-quant/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 51.269999999999996, + "f1": 45.9714399031315, + "main_score": 51.269999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-quant/external/ImdbClassification.json b/results/neuralmagic__bge-base-en-v1.5-quant/external/ImdbClassification.json new file mode 100644 index 000000000..cbffd315a --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-quant/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 89.7204, + "ap": 85.70238397381907, + "f1": 89.70961232185473, + "main_score": 89.7204 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-quant/external/MTOPDomainClassification.json b/results/neuralmagic__bge-base-en-v1.5-quant/external/MTOPDomainClassification.json new file mode 100644 index 000000000..ff85ed731 --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-quant/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.95120839033288, + "f1": 93.70348712248138, + "main_score": 93.95120839033288 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-quant/external/MTOPIntentClassification.json b/results/neuralmagic__bge-base-en-v1.5-quant/external/MTOPIntentClassification.json new file mode 100644 index 000000000..319e9f4d6 --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-quant/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.25763793889648, + "f1": 57.59583082574482, + "main_score": 75.25763793889648 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-quant/external/MassiveIntentClassification.json b/results/neuralmagic__bge-base-en-v1.5-quant/external/MassiveIntentClassification.json new file mode 100644 index 000000000..db3ad4fb2 --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-quant/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.16476126429052, + "f1": 73.29287381030854, + "main_score": 75.16476126429052 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-quant/external/MassiveScenarioClassification.json b/results/neuralmagic__bge-base-en-v1.5-quant/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..70131a91b --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-quant/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.9340954942838, + "f1": 79.04036413238218, + "main_score": 78.9340954942838 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-quant/external/MedrxivClusteringP2P.json b/results/neuralmagic__bge-base-en-v1.5-quant/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..e579cb6cb --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-quant/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.80025982143821, + "main_score": 32.80025982143821 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-quant/external/MedrxivClusteringS2S.json b/results/neuralmagic__bge-base-en-v1.5-quant/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..e160bea53 --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-quant/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.956464446009623, + "main_score": 30.956464446009623 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-quant/external/MindSmallReranking.json b/results/neuralmagic__bge-base-en-v1.5-quant/external/MindSmallReranking.json new file mode 100644 index 000000000..83c4bc0ba --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-quant/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.886626060290734, + "mrr": 32.99813843700759, + "main_score": 31.886626060290734 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-quant/external/RedditClustering.json b/results/neuralmagic__bge-base-en-v1.5-quant/external/RedditClustering.json new file mode 100644 index 000000000..cf7c14c66 --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-quant/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 55.693914682185365, + "main_score": 55.693914682185365 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-quant/external/RedditClusteringP2P.json b/results/neuralmagic__bge-base-en-v1.5-quant/external/RedditClusteringP2P.json new file mode 100644 index 000000000..ea60336db --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-quant/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 62.32723620518647, + "main_score": 62.32723620518647 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-quant/external/SICK-R.json b/results/neuralmagic__bge-base-en-v1.5-quant/external/SICK-R.json new file mode 100644 index 000000000..97c3b419f --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-quant/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.70275347034692, + "cos_sim_spearman": 80.06126639668393, + "euclidean_pearson": 82.18370726102707, + "euclidean_spearman": 80.05483013524909, + "manhattan_pearson": 82.11962032129463, + "manhattan_spearman": 79.97174232961949, + "cosine_pearson": 84.70275347034692, + "cosine_spearman": 80.06126639668393, + "main_score": 80.06126639668393 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-quant/external/STS12.json b/results/neuralmagic__bge-base-en-v1.5-quant/external/STS12.json new file mode 100644 index 000000000..159c6182c --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-quant/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.08210281025868, + "cos_sim_spearman": 77.75002826042643, + "euclidean_pearson": 83.06487161944293, + "euclidean_spearman": 78.0677956304104, + "manhattan_pearson": 83.04321232787379, + "manhattan_spearman": 78.09582483148635, + "cosine_pearson": 86.08210281025868, + "cosine_spearman": 77.75002826042643, + "main_score": 77.75002826042643 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-quant/external/STS13.json b/results/neuralmagic__bge-base-en-v1.5-quant/external/STS13.json new file mode 100644 index 000000000..e1f592b69 --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-quant/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.64353592106988, + "cos_sim_spearman": 86.07934653140616, + "euclidean_pearson": 85.21820182954883, + "euclidean_spearman": 86.18828773665395, + "manhattan_pearson": 85.12075207905364, + "manhattan_spearman": 86.12061116344299, + "cosine_pearson": 84.64353592106988, + "cosine_spearman": 86.07934653140616, + "main_score": 86.07934653140616 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-quant/external/STS14.json b/results/neuralmagic__bge-base-en-v1.5-quant/external/STS14.json new file mode 100644 index 000000000..06c622e5c --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-quant/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.33571296969136, + "cos_sim_spearman": 82.8868213429789, + "euclidean_pearson": 83.65476643152161, + "euclidean_spearman": 82.76439753890263, + "manhattan_pearson": 83.63348951033883, + "manhattan_spearman": 82.76176495070241, + "cosine_pearson": 84.33571296969136, + "cosine_spearman": 82.8868213429789, + "main_score": 82.8868213429789 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-quant/external/STS15.json b/results/neuralmagic__bge-base-en-v1.5-quant/external/STS15.json new file mode 100644 index 000000000..3415d6d20 --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-quant/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.6337321089215, + "cos_sim_spearman": 88.54453531860615, + "euclidean_pearson": 87.68754116644199, + "euclidean_spearman": 88.22610830299979, + "manhattan_pearson": 87.62214887890859, + "manhattan_spearman": 88.14766677391091, + "cosine_pearson": 87.6337321089215, + "cosine_spearman": 88.54453531860615, + "main_score": 88.54453531860615 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-quant/external/STS16.json b/results/neuralmagic__bge-base-en-v1.5-quant/external/STS16.json new file mode 100644 index 000000000..fbaec0800 --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-quant/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.89742747806514, + "cos_sim_spearman": 85.76282302560992, + "euclidean_pearson": 84.83917251074928, + "euclidean_spearman": 85.74354740775905, + "manhattan_pearson": 84.91190952448616, + "manhattan_spearman": 85.82001542154245, + "cosine_pearson": 83.89742747806514, + "cosine_spearman": 85.76282302560992, + "main_score": 85.76282302560992 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-quant/external/STS17.json b/results/neuralmagic__bge-base-en-v1.5-quant/external/STS17.json new file mode 100644 index 000000000..01024c8e8 --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-quant/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.70974342036347, + "cos_sim_spearman": 87.82200371351459, + "euclidean_pearson": 88.04095125600278, + "euclidean_spearman": 87.5069523002544, + "manhattan_pearson": 88.03247709799281, + "manhattan_spearman": 87.43433979175654, + "cosine_pearson": 87.70974342036347, + "cosine_spearman": 87.82200371351459, + "main_score": 87.82200371351459 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-quant/external/STS22.json b/results/neuralmagic__bge-base-en-v1.5-quant/external/STS22.json new file mode 100644 index 000000000..02d4b4a5a --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-quant/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 65.0349727703108, + "cos_sim_spearman": 65.46090125254047, + "euclidean_pearson": 66.75349075443432, + "euclidean_spearman": 65.57576680702924, + "manhattan_pearson": 66.72598998285412, + "manhattan_spearman": 65.63446184311414, + "cosine_pearson": 65.0349727703108, + "cosine_spearman": 65.46090125254047, + "main_score": 65.46090125254047 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-quant/external/STSBenchmark.json b/results/neuralmagic__bge-base-en-v1.5-quant/external/STSBenchmark.json new file mode 100644 index 000000000..6e0bde51e --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-quant/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.18026134463653, + "cos_sim_spearman": 86.79430055943524, + "euclidean_pearson": 86.2668626122386, + "euclidean_spearman": 86.72288498504841, + "manhattan_pearson": 86.28615540445857, + "manhattan_spearman": 86.7110630606802, + "cosine_pearson": 85.18026134463653, + "cosine_spearman": 86.79430055943524, + "main_score": 86.79430055943524 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-quant/external/SciDocsRR.json b/results/neuralmagic__bge-base-en-v1.5-quant/external/SciDocsRR.json new file mode 100644 index 000000000..9c99e94d9 --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-quant/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 87.05335415919195, + "mrr": 96.27455968142243, + "main_score": 87.05335415919195 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-quant/external/SprintDuplicateQuestions.json b/results/neuralmagic__bge-base-en-v1.5-quant/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..9c1acdfe3 --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-quant/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.84653465346534, + "cos_sim_ap": 96.38115549823692, + "cos_sim_f1": 92.15983813859383, + "cos_sim_precision": 93.24462640736951, + "cos_sim_recall": 91.10000000000001, + "dot_accuracy": 99.81782178217821, + "dot_ap": 95.65732630933346, + "dot_f1": 90.68825910931176, + "dot_precision": 91.80327868852459, + "dot_recall": 89.60000000000001, + "euclidean_accuracy": 99.84653465346534, + "euclidean_ap": 96.34134720479366, + "euclidean_f1": 92.1756688541141, + "euclidean_precision": 93.06829765545362, + "euclidean_recall": 91.3, + "manhattan_accuracy": 99.84356435643565, + "manhattan_ap": 96.38165573090185, + "manhattan_f1": 92.07622868605819, + "manhattan_precision": 92.35412474849095, + "manhattan_recall": 91.8, + "max_accuracy": 99.84653465346534, + "max_ap": 96.38165573090185, + "max_f1": 92.1756688541141, + "main_score": 96.38165573090185 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-quant/external/StackExchangeClustering.json b/results/neuralmagic__bge-base-en-v1.5-quant/external/StackExchangeClustering.json new file mode 100644 index 000000000..edf5c6f5d --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-quant/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 64.81205738681385, + "main_score": 64.81205738681385 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-quant/external/StackExchangeClusteringP2P.json b/results/neuralmagic__bge-base-en-v1.5-quant/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..d7d4376f0 --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-quant/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.083934029129445, + "main_score": 34.083934029129445 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-quant/external/StackOverflowDupQuestions.json b/results/neuralmagic__bge-base-en-v1.5-quant/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..d927584bf --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-quant/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 54.447346270481376, + "mrr": 55.382382119514475, + "main_score": 54.447346270481376 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-quant/external/ToxicConversationsClassification.json b/results/neuralmagic__bge-base-en-v1.5-quant/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..a43b65861 --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-quant/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.123, + "ap": 14.396060207954983, + "f1": 55.24344377812756, + "main_score": 72.123 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-quant/external/TweetSentimentExtractionClassification.json b/results/neuralmagic__bge-base-en-v1.5-quant/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..3725f63ba --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-quant/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 59.67176004527447, + "f1": 59.97320225890037, + "main_score": 59.67176004527447 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-quant/external/TwentyNewsgroupsClustering.json b/results/neuralmagic__bge-base-en-v1.5-quant/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..d7d531573 --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-quant/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 49.50190094208029, + "main_score": 49.50190094208029 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-quant/external/TwitterSemEval2015.json b/results/neuralmagic__bge-base-en-v1.5-quant/external/TwitterSemEval2015.json new file mode 100644 index 000000000..a8caf2981 --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-quant/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 86.70799308577219, + "cos_sim_ap": 76.40980707197174, + "cos_sim_f1": 70.64264849074976, + "cos_sim_precision": 65.56710347943967, + "cos_sim_recall": 76.56992084432717, + "dot_accuracy": 85.75430649102938, + "dot_ap": 72.68783978286282, + "dot_f1": 67.56951102588687, + "dot_precision": 61.90162494510321, + "dot_recall": 74.37994722955145, + "euclidean_accuracy": 86.70799308577219, + "euclidean_ap": 76.43046769325314, + "euclidean_f1": 70.84852905421832, + "euclidean_precision": 65.68981064021641, + "euclidean_recall": 76.88654353562005, + "manhattan_accuracy": 86.70203254455504, + "manhattan_ap": 76.39254562413156, + "manhattan_f1": 70.86557059961316, + "manhattan_precision": 65.39491298527443, + "manhattan_recall": 77.33509234828496, + "max_accuracy": 86.70799308577219, + "max_ap": 76.43046769325314, + "max_f1": 70.86557059961316, + "main_score": 76.43046769325314 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-quant/external/TwitterURLCorpus.json b/results/neuralmagic__bge-base-en-v1.5-quant/external/TwitterURLCorpus.json new file mode 100644 index 000000000..9417d75ce --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-quant/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.92381728567548, + "cos_sim_ap": 85.92532857788025, + "cos_sim_f1": 78.11970128792525, + "cos_sim_precision": 73.49806530445998, + "cos_sim_recall": 83.3615645210964, + "dot_accuracy": 88.28540381107618, + "dot_ap": 84.42890126108796, + "dot_f1": 76.98401162790698, + "dot_precision": 72.89430222956234, + "dot_recall": 81.55990144748999, + "euclidean_accuracy": 88.95874568246207, + "euclidean_ap": 85.88338025133037, + "euclidean_f1": 78.14740888593184, + "euclidean_precision": 75.15285084601166, + "euclidean_recall": 81.3905143209116, + "manhattan_accuracy": 88.92769821865176, + "manhattan_ap": 85.84824183217555, + "manhattan_f1": 77.9830582736965, + "manhattan_precision": 74.15972222222223, + "manhattan_recall": 82.22205112411457, + "max_accuracy": 88.95874568246207, + "max_ap": 85.92532857788025, + "max_f1": 78.14740888593184, + "main_score": 85.92532857788025 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-quant/external/model_meta.json b/results/neuralmagic__bge-base-en-v1.5-quant/external/model_meta.json new file mode 100644 index 000000000..ffabb59f2 --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-quant/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "neuralmagic/bge-base-en-v1.5-quant", + "revision": "f890007506a96f95c1ac47118d65a4189021d967", + "release_date": "2023-10-03", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 768, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-sparse/external/AmazonCounterfactualClassification.json b/results/neuralmagic__bge-base-en-v1.5-sparse/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..dc2bc1b55 --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-sparse/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.38805970149254, + "ap": 38.80643435437097, + "f1": 69.52906891019036, + "main_score": 75.38805970149254 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-sparse/external/AmazonPolarityClassification.json b/results/neuralmagic__bge-base-en-v1.5-sparse/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..a21e90424 --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-sparse/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 90.72759999999998, + "ap": 87.07910150764239, + "f1": 90.71025910882096, + "main_score": 90.72759999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-sparse/external/AmazonReviewsClassification.json b/results/neuralmagic__bge-base-en-v1.5-sparse/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..79373a86e --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-sparse/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 45.494, + "f1": 44.917953161904805, + "main_score": 45.494 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-sparse/external/ArxivClusteringP2P.json b/results/neuralmagic__bge-base-en-v1.5-sparse/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..0868691d7 --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-sparse/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 46.50495921726095, + "main_score": 46.50495921726095 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-sparse/external/ArxivClusteringS2S.json b/results/neuralmagic__bge-base-en-v1.5-sparse/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..eba0073a0 --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-sparse/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.080055890804836, + "main_score": 40.080055890804836 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-sparse/external/AskUbuntuDupQuestions.json b/results/neuralmagic__bge-base-en-v1.5-sparse/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..0d39d10b5 --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-sparse/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 60.22880715757138, + "mrr": 73.11227630479708, + "main_score": 60.22880715757138 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-sparse/external/BIOSSES.json b/results/neuralmagic__bge-base-en-v1.5-sparse/external/BIOSSES.json new file mode 100644 index 000000000..4c27feecc --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-sparse/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.9542549153515, + "cos_sim_spearman": 83.93865958725257, + "euclidean_pearson": 86.00372707912037, + "euclidean_spearman": 84.97302050526537, + "manhattan_pearson": 85.63207676453459, + "manhattan_spearman": 84.82542678079645, + "cosine_pearson": 86.9542549153515, + "cosine_spearman": 83.93865958725257, + "main_score": 83.93865958725257 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-sparse/external/Banking77Classification.json b/results/neuralmagic__bge-base-en-v1.5-sparse/external/Banking77Classification.json new file mode 100644 index 000000000..450b344ae --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-sparse/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 84.29545454545455, + "f1": 84.26780483160312, + "main_score": 84.29545454545455 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-sparse/external/BiorxivClusteringP2P.json b/results/neuralmagic__bge-base-en-v1.5-sparse/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..3a9359743 --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-sparse/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.78678386185847, + "main_score": 36.78678386185847 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-sparse/external/BiorxivClusteringS2S.json b/results/neuralmagic__bge-base-en-v1.5-sparse/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..731e3b9e8 --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-sparse/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.42462869304013, + "main_score": 34.42462869304013 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-sparse/external/EmotionClassification.json b/results/neuralmagic__bge-base-en-v1.5-sparse/external/EmotionClassification.json new file mode 100644 index 000000000..09ffab02a --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-sparse/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 46.705, + "f1": 41.82618717355017, + "main_score": 46.705 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-sparse/external/ImdbClassification.json b/results/neuralmagic__bge-base-en-v1.5-sparse/external/ImdbClassification.json new file mode 100644 index 000000000..88be77327 --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-sparse/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 83.14760000000001, + "ap": 77.40813245635195, + "f1": 83.08648833100911, + "main_score": 83.14760000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-sparse/external/MTOPDomainClassification.json b/results/neuralmagic__bge-base-en-v1.5-sparse/external/MTOPDomainClassification.json new file mode 100644 index 000000000..2111f8735 --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-sparse/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.0519835841313, + "f1": 91.73392170858916, + "main_score": 92.0519835841313 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-sparse/external/MTOPIntentClassification.json b/results/neuralmagic__bge-base-en-v1.5-sparse/external/MTOPIntentClassification.json new file mode 100644 index 000000000..07aad46b4 --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-sparse/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.48974008207935, + "f1": 54.812872972777505, + "main_score": 72.48974008207935 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-sparse/external/MassiveIntentClassification.json b/results/neuralmagic__bge-base-en-v1.5-sparse/external/MassiveIntentClassification.json new file mode 100644 index 000000000..f6bca7b12 --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-sparse/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.17753866846, + "f1": 71.51091282373878, + "main_score": 73.17753866846 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-sparse/external/MassiveScenarioClassification.json b/results/neuralmagic__bge-base-en-v1.5-sparse/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..fce4901a7 --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-sparse/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.5353059852051, + "f1": 77.42427561340143, + "main_score": 77.5353059852051 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-sparse/external/MedrxivClusteringP2P.json b/results/neuralmagic__bge-base-en-v1.5-sparse/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..1ff5193ba --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-sparse/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.00163251745748, + "main_score": 32.00163251745748 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-sparse/external/MedrxivClusteringS2S.json b/results/neuralmagic__bge-base-en-v1.5-sparse/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..d61e24392 --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-sparse/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.37879992380756, + "main_score": 30.37879992380756 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-sparse/external/MindSmallReranking.json b/results/neuralmagic__bge-base-en-v1.5-sparse/external/MindSmallReranking.json new file mode 100644 index 000000000..e7697c53c --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-sparse/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.714215488161983, + "mrr": 32.857362140961904, + "main_score": 31.714215488161983 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-sparse/external/RedditClustering.json b/results/neuralmagic__bge-base-en-v1.5-sparse/external/RedditClustering.json new file mode 100644 index 000000000..07428f106 --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-sparse/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 50.99679402527969, + "main_score": 50.99679402527969 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-sparse/external/RedditClusteringP2P.json b/results/neuralmagic__bge-base-en-v1.5-sparse/external/RedditClusteringP2P.json new file mode 100644 index 000000000..6513f9310 --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-sparse/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 59.28024721612242, + "main_score": 59.28024721612242 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-sparse/external/SICK-R.json b/results/neuralmagic__bge-base-en-v1.5-sparse/external/SICK-R.json new file mode 100644 index 000000000..a557c578f --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-sparse/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.54645068673153, + "cos_sim_spearman": 78.64401947043316, + "euclidean_pearson": 82.36873285307261, + "euclidean_spearman": 78.57406974337181, + "manhattan_pearson": 82.33000263843067, + "manhattan_spearman": 78.51127629983256, + "cosine_pearson": 84.54645068673153, + "cosine_spearman": 78.64401947043316, + "main_score": 78.64401947043316 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-sparse/external/STS12.json b/results/neuralmagic__bge-base-en-v1.5-sparse/external/STS12.json new file mode 100644 index 000000000..754d337ea --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-sparse/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.3001843293691, + "cos_sim_spearman": 74.87989254109124, + "euclidean_pearson": 80.88523322810525, + "euclidean_spearman": 75.6469299496058, + "manhattan_pearson": 80.8921104008781, + "manhattan_spearman": 75.65942956132456, + "cosine_pearson": 83.3001843293691, + "cosine_spearman": 74.87989254109124, + "main_score": 74.87989254109124 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-sparse/external/STS13.json b/results/neuralmagic__bge-base-en-v1.5-sparse/external/STS13.json new file mode 100644 index 000000000..4283a414a --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-sparse/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.40319855455617, + "cos_sim_spearman": 83.63807375781141, + "euclidean_pearson": 83.28557187260904, + "euclidean_spearman": 83.65223617817439, + "manhattan_pearson": 83.30411918680012, + "manhattan_spearman": 83.69204806663276, + "cosine_pearson": 82.40319855455617, + "cosine_spearman": 83.63807375781141, + "main_score": 83.63807375781141 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-sparse/external/STS14.json b/results/neuralmagic__bge-base-en-v1.5-sparse/external/STS14.json new file mode 100644 index 000000000..8c71967e7 --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-sparse/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.08942420708404, + "cos_sim_spearman": 80.39991846857053, + "euclidean_pearson": 82.68275416568997, + "euclidean_spearman": 80.49626214786178, + "manhattan_pearson": 82.62993414444689, + "manhattan_spearman": 80.44148684748403, + "cosine_pearson": 83.08942420708404, + "cosine_spearman": 80.39991846857053, + "main_score": 80.39991846857053 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-sparse/external/STS15.json b/results/neuralmagic__bge-base-en-v1.5-sparse/external/STS15.json new file mode 100644 index 000000000..21b10ffab --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-sparse/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.70365000096972, + "cos_sim_spearman": 88.00515486253518, + "euclidean_pearson": 87.65142168651604, + "euclidean_spearman": 88.05834854642737, + "manhattan_pearson": 87.59548659661925, + "manhattan_spearman": 88.00573237576926, + "cosine_pearson": 86.70365000096972, + "cosine_spearman": 88.00515486253518, + "main_score": 88.00515486253518 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-sparse/external/STS16.json b/results/neuralmagic__bge-base-en-v1.5-sparse/external/STS16.json new file mode 100644 index 000000000..063f98602 --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-sparse/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.47886818876728, + "cos_sim_spearman": 84.30874770680975, + "euclidean_pearson": 83.74580951498133, + "euclidean_spearman": 84.60595431454789, + "manhattan_pearson": 83.74122023121615, + "manhattan_spearman": 84.60549899361064, + "cosine_pearson": 82.47886818876728, + "cosine_spearman": 84.30874770680975, + "main_score": 84.30874770680975 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-sparse/external/STS17.json b/results/neuralmagic__bge-base-en-v1.5-sparse/external/STS17.json new file mode 100644 index 000000000..1c0acb005 --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-sparse/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.60257252565631, + "cos_sim_spearman": 88.29577246271319, + "euclidean_pearson": 88.25434138634807, + "euclidean_spearman": 88.06678743723845, + "manhattan_pearson": 88.3651048848073, + "manhattan_spearman": 88.23688291108866, + "cosine_pearson": 87.60257252565631, + "cosine_spearman": 88.29577246271319, + "main_score": 88.29577246271319 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-sparse/external/STS22.json b/results/neuralmagic__bge-base-en-v1.5-sparse/external/STS22.json new file mode 100644 index 000000000..2891c3eb4 --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-sparse/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 61.666254720687206, + "cos_sim_spearman": 63.83700525419119, + "euclidean_pearson": 64.36325040161177, + "euclidean_spearman": 63.99833771224718, + "manhattan_pearson": 64.01356576965371, + "manhattan_spearman": 63.7201674202641, + "cosine_pearson": 61.666254720687206, + "cosine_spearman": 63.83700525419119, + "main_score": 63.83700525419119 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-sparse/external/STSBenchmark.json b/results/neuralmagic__bge-base-en-v1.5-sparse/external/STSBenchmark.json new file mode 100644 index 000000000..8ca98906c --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-sparse/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.14584232139909, + "cos_sim_spearman": 85.92570762612142, + "euclidean_pearson": 86.34291503630607, + "euclidean_spearman": 86.12670269109282, + "manhattan_pearson": 86.26109450032494, + "manhattan_spearman": 86.07665628498633, + "cosine_pearson": 85.14584232139909, + "cosine_spearman": 85.92570762612142, + "main_score": 85.92570762612142 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-sparse/external/SciDocsRR.json b/results/neuralmagic__bge-base-en-v1.5-sparse/external/SciDocsRR.json new file mode 100644 index 000000000..716b61146 --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-sparse/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 84.46430478723548, + "mrr": 95.63907044299201, + "main_score": 84.46430478723548 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-sparse/external/SprintDuplicateQuestions.json b/results/neuralmagic__bge-base-en-v1.5-sparse/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..7b1a14ee9 --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-sparse/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.82178217821782, + "cos_sim_ap": 95.49612561375889, + "cos_sim_f1": 91.02691924227318, + "cos_sim_precision": 90.75546719681908, + "cos_sim_recall": 91.3, + "dot_accuracy": 99.67821782178218, + "dot_ap": 90.55740832326241, + "dot_f1": 83.30765279917823, + "dot_precision": 85.6388595564942, + "dot_recall": 81.10000000000001, + "euclidean_accuracy": 99.82475247524752, + "euclidean_ap": 95.4739426775874, + "euclidean_f1": 91.07413010590017, + "euclidean_precision": 91.8616480162767, + "euclidean_recall": 90.3, + "manhattan_accuracy": 99.82376237623762, + "manhattan_ap": 95.48506891694475, + "manhattan_f1": 91.02822580645163, + "manhattan_precision": 91.76829268292683, + "manhattan_recall": 90.3, + "max_accuracy": 99.82475247524752, + "max_ap": 95.49612561375889, + "max_f1": 91.07413010590017, + "main_score": 95.49612561375889 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-sparse/external/StackExchangeClustering.json b/results/neuralmagic__bge-base-en-v1.5-sparse/external/StackExchangeClustering.json new file mode 100644 index 000000000..d8d2ac799 --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-sparse/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 60.92486258951404, + "main_score": 60.92486258951404 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-sparse/external/StackExchangeClusteringP2P.json b/results/neuralmagic__bge-base-en-v1.5-sparse/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..9cd8bcf58 --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-sparse/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.97511013092965, + "main_score": 32.97511013092965 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-sparse/external/StackOverflowDupQuestions.json b/results/neuralmagic__bge-base-en-v1.5-sparse/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..a872ace90 --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-sparse/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 52.31647363355174, + "mrr": 53.26469792462439, + "main_score": 52.31647363355174 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-sparse/external/ToxicConversationsClassification.json b/results/neuralmagic__bge-base-en-v1.5-sparse/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..3a308aaa6 --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-sparse/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.917, + "ap": 13.760770628090576, + "f1": 54.23887489664618, + "main_score": 70.917 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-sparse/external/TweetSentimentExtractionClassification.json b/results/neuralmagic__bge-base-en-v1.5-sparse/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..d38b8ebbf --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-sparse/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 59.49349179400113, + "f1": 59.815392064510775, + "main_score": 59.49349179400113 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-sparse/external/TwentyNewsgroupsClustering.json b/results/neuralmagic__bge-base-en-v1.5-sparse/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..7f8d9d41a --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-sparse/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 47.29662657485732, + "main_score": 47.29662657485732 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-sparse/external/TwitterSemEval2015.json b/results/neuralmagic__bge-base-en-v1.5-sparse/external/TwitterSemEval2015.json new file mode 100644 index 000000000..1fa3cd828 --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-sparse/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 85.74834594981225, + "cos_sim_ap": 72.92449226447182, + "cos_sim_f1": 68.14611644433363, + "cos_sim_precision": 64.59465847317419, + "cos_sim_recall": 72.1108179419525, + "dot_accuracy": 82.73827263515527, + "dot_ap": 63.27505594570806, + "dot_f1": 61.717543651265, + "dot_precision": 56.12443292287751, + "dot_recall": 68.54881266490766, + "euclidean_accuracy": 85.90332002145796, + "euclidean_ap": 73.08299660990401, + "euclidean_f1": 67.9050313691721, + "euclidean_precision": 63.6091265268495, + "euclidean_recall": 72.82321899736148, + "manhattan_accuracy": 85.87351731537224, + "manhattan_ap": 73.02205874497865, + "manhattan_f1": 67.87532596547871, + "manhattan_precision": 64.109781843772, + "manhattan_recall": 72.1108179419525, + "max_accuracy": 85.90332002145796, + "max_ap": 73.08299660990401, + "max_f1": 68.14611644433363, + "main_score": 73.08299660990401 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-sparse/external/TwitterURLCorpus.json b/results/neuralmagic__bge-base-en-v1.5-sparse/external/TwitterURLCorpus.json new file mode 100644 index 000000000..3153206df --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-sparse/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.84231769317343, + "cos_sim_ap": 85.65683184516553, + "cos_sim_f1": 77.60567077973222, + "cos_sim_precision": 75.6563071297989, + "cos_sim_recall": 79.65814598090545, + "dot_accuracy": 86.85333954282609, + "dot_ap": 80.79899186896125, + "dot_f1": 74.15220098146928, + "dot_precision": 70.70819946919961, + "dot_recall": 77.94887588543271, + "euclidean_accuracy": 88.77634183257655, + "euclidean_ap": 85.67411484805298, + "euclidean_f1": 77.61566374357423, + "euclidean_precision": 76.23255123255123, + "euclidean_recall": 79.04989220819218, + "manhattan_accuracy": 88.79962743043428, + "manhattan_ap": 85.6494795781639, + "manhattan_f1": 77.54222877224805, + "manhattan_precision": 76.14100185528757, + "manhattan_recall": 78.99599630428088, + "max_accuracy": 88.84231769317343, + "max_ap": 85.67411484805298, + "max_f1": 77.61566374357423, + "main_score": 85.67411484805298 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-base-en-v1.5-sparse/external/model_meta.json b/results/neuralmagic__bge-base-en-v1.5-sparse/external/model_meta.json new file mode 100644 index 000000000..374b7259e --- /dev/null +++ b/results/neuralmagic__bge-base-en-v1.5-sparse/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "neuralmagic/bge-base-en-v1.5-sparse", + "revision": "ebea0f0d5a46e3fe1c094c90b5d4e9f9e404aeb9", + "release_date": "2023-10-01", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 768, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/neuralmagic__bge-large-en-v1.5-quant/external/AmazonCounterfactualClassification.json b/results/neuralmagic__bge-large-en-v1.5-quant/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..6eafc2379 --- /dev/null +++ b/results/neuralmagic__bge-large-en-v1.5-quant/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.53731343283583, + "ap": 38.30609312253564, + "f1": 69.42802757893695, + "main_score": 75.53731343283583 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-large-en-v1.5-quant/external/BIOSSES.json b/results/neuralmagic__bge-large-en-v1.5-quant/external/BIOSSES.json new file mode 100644 index 000000000..413069449 --- /dev/null +++ b/results/neuralmagic__bge-large-en-v1.5-quant/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 89.27346145216443, + "cos_sim_spearman": 88.36526647458979, + "euclidean_pearson": 86.83053354694746, + "euclidean_spearman": 87.56223612880584, + "manhattan_pearson": 86.59250609226758, + "manhattan_spearman": 87.70681773644885, + "cosine_pearson": 89.27346145216443, + "cosine_spearman": 88.36526647458979, + "main_score": 88.36526647458979 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-large-en-v1.5-quant/external/SICK-R.json b/results/neuralmagic__bge-large-en-v1.5-quant/external/SICK-R.json new file mode 100644 index 000000000..2989b947f --- /dev/null +++ b/results/neuralmagic__bge-large-en-v1.5-quant/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.18998669716373, + "cos_sim_spearman": 82.06129973984048, + "euclidean_pearson": 83.65969509485801, + "euclidean_spearman": 81.91666612708826, + "manhattan_pearson": 83.6906794731384, + "manhattan_spearman": 81.91752705367436, + "cosine_pearson": 86.18998669716373, + "cosine_spearman": 82.06129973984048, + "main_score": 82.06129973984048 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-large-en-v1.5-quant/external/STS12.json b/results/neuralmagic__bge-large-en-v1.5-quant/external/STS12.json new file mode 100644 index 000000000..44cc462f4 --- /dev/null +++ b/results/neuralmagic__bge-large-en-v1.5-quant/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.93407086985752, + "cos_sim_spearman": 78.82992283957066, + "euclidean_pearson": 83.39733473832982, + "euclidean_spearman": 78.86999229850214, + "manhattan_pearson": 83.39397058098533, + "manhattan_spearman": 78.85397971200753, + "cosine_pearson": 86.93407086985752, + "cosine_spearman": 78.82992283957066, + "main_score": 78.82992283957066 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-large-en-v1.5-quant/external/STS13.json b/results/neuralmagic__bge-large-en-v1.5-quant/external/STS13.json new file mode 100644 index 000000000..0cef94c5f --- /dev/null +++ b/results/neuralmagic__bge-large-en-v1.5-quant/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.2586009863056, + "cos_sim_spearman": 87.99415514558852, + "euclidean_pearson": 86.98993652364359, + "euclidean_spearman": 87.72725335668807, + "manhattan_pearson": 86.897205761048, + "manhattan_spearman": 87.65231103509018, + "cosine_pearson": 87.2586009863056, + "cosine_spearman": 87.99415514558852, + "main_score": 87.99415514558852 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-large-en-v1.5-quant/external/STS14.json b/results/neuralmagic__bge-large-en-v1.5-quant/external/STS14.json new file mode 100644 index 000000000..7034e04e9 --- /dev/null +++ b/results/neuralmagic__bge-large-en-v1.5-quant/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.41417660460755, + "cos_sim_spearman": 83.50291886604928, + "euclidean_pearson": 84.67758839660924, + "euclidean_spearman": 83.4368059512681, + "manhattan_pearson": 84.66027228213025, + "manhattan_spearman": 83.43472054456252, + "cosine_pearson": 85.41417660460755, + "cosine_spearman": 83.50291886604928, + "main_score": 83.50291886604928 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-large-en-v1.5-quant/external/STS15.json b/results/neuralmagic__bge-large-en-v1.5-quant/external/STS15.json new file mode 100644 index 000000000..e7c392252 --- /dev/null +++ b/results/neuralmagic__bge-large-en-v1.5-quant/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.02513262365703, + "cos_sim_spearman": 89.00430907638267, + "euclidean_pearson": 88.16290361497319, + "euclidean_spearman": 88.6645154822661, + "manhattan_pearson": 88.15337528825458, + "manhattan_spearman": 88.66202950081507, + "cosine_pearson": 88.02513262365703, + "cosine_spearman": 89.00430907638267, + "main_score": 89.00430907638267 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-large-en-v1.5-quant/external/STS16.json b/results/neuralmagic__bge-large-en-v1.5-quant/external/STS16.json new file mode 100644 index 000000000..da9b05f7b --- /dev/null +++ b/results/neuralmagic__bge-large-en-v1.5-quant/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.10194022827035, + "cos_sim_spearman": 86.45367112223394, + "euclidean_pearson": 85.45292931769094, + "euclidean_spearman": 86.06607589083283, + "manhattan_pearson": 85.4111233047049, + "manhattan_spearman": 86.04379654118996, + "cosine_pearson": 85.10194022827035, + "cosine_spearman": 86.45367112223394, + "main_score": 86.45367112223394 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-large-en-v1.5-quant/external/STS17.json b/results/neuralmagic__bge-large-en-v1.5-quant/external/STS17.json new file mode 100644 index 000000000..8db11becb --- /dev/null +++ b/results/neuralmagic__bge-large-en-v1.5-quant/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 89.86966589113663, + "cos_sim_spearman": 89.5617056243649, + "euclidean_pearson": 89.018495917952, + "euclidean_spearman": 88.387335721179, + "manhattan_pearson": 89.07568042943448, + "manhattan_spearman": 88.51733863475219, + "cosine_pearson": 89.86966589113663, + "cosine_spearman": 89.5617056243649, + "main_score": 89.5617056243649 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-large-en-v1.5-quant/external/STS22.json b/results/neuralmagic__bge-large-en-v1.5-quant/external/STS22.json new file mode 100644 index 000000000..d79fc6abe --- /dev/null +++ b/results/neuralmagic__bge-large-en-v1.5-quant/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 68.38465344518238, + "cos_sim_spearman": 68.15219488291783, + "euclidean_pearson": 68.99169681132668, + "euclidean_spearman": 68.01334641045888, + "manhattan_pearson": 68.84952679202642, + "manhattan_spearman": 67.85430179655137, + "cosine_pearson": 68.38465344518238, + "cosine_spearman": 68.15219488291783, + "main_score": 68.15219488291783 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-large-en-v1.5-quant/external/STSBenchmark.json b/results/neuralmagic__bge-large-en-v1.5-quant/external/STSBenchmark.json new file mode 100644 index 000000000..b69b7ea81 --- /dev/null +++ b/results/neuralmagic__bge-large-en-v1.5-quant/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.60574360222778, + "cos_sim_spearman": 87.8878986593873, + "euclidean_pearson": 87.11557232168404, + "euclidean_spearman": 87.40944677043365, + "manhattan_pearson": 87.10395398212532, + "manhattan_spearman": 87.35977283466168, + "cosine_pearson": 86.60574360222778, + "cosine_spearman": 87.8878986593873, + "main_score": 87.8878986593873 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-large-en-v1.5-quant/external/SprintDuplicateQuestions.json b/results/neuralmagic__bge-large-en-v1.5-quant/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..7efa73db4 --- /dev/null +++ b/results/neuralmagic__bge-large-en-v1.5-quant/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.84752475247525, + "cos_sim_ap": 96.49316696572335, + "cos_sim_f1": 92.35352532274081, + "cos_sim_precision": 91.71597633136095, + "cos_sim_recall": 93.0, + "dot_accuracy": 99.77326732673268, + "dot_ap": 93.5497681978726, + "dot_f1": 88.35582208895552, + "dot_precision": 88.31168831168831, + "dot_recall": 88.4, + "euclidean_accuracy": 99.84653465346534, + "euclidean_ap": 96.36378999360083, + "euclidean_f1": 92.33052944087086, + "euclidean_precision": 91.38099902056807, + "euclidean_recall": 93.30000000000001, + "manhattan_accuracy": 99.84455445544555, + "manhattan_ap": 96.36035171233175, + "manhattan_f1": 92.13260761999011, + "manhattan_precision": 91.1851126346719, + "manhattan_recall": 93.10000000000001, + "max_accuracy": 99.84752475247525, + "max_ap": 96.49316696572335, + "max_f1": 92.35352532274081, + "main_score": 96.49316696572335 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-large-en-v1.5-quant/external/TwitterSemEval2015.json b/results/neuralmagic__bge-large-en-v1.5-quant/external/TwitterSemEval2015.json new file mode 100644 index 000000000..1ad628ec7 --- /dev/null +++ b/results/neuralmagic__bge-large-en-v1.5-quant/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 87.26828396018358, + "cos_sim_ap": 77.79878217023162, + "cos_sim_f1": 71.0425694621463, + "cos_sim_precision": 68.71301775147928, + "cos_sim_recall": 73.53562005277044, + "dot_accuracy": 84.01978899684092, + "dot_ap": 66.12134149171163, + "dot_f1": 63.283507097098365, + "dot_precision": 60.393191081275475, + "dot_recall": 66.46437994722955, + "euclidean_accuracy": 87.24444179531503, + "euclidean_ap": 77.84821131946212, + "euclidean_f1": 71.30456661215247, + "euclidean_precision": 68.1413801394566, + "euclidean_recall": 74.77572559366754, + "manhattan_accuracy": 87.19079692436074, + "manhattan_ap": 77.78054941055291, + "manhattan_f1": 71.13002127393318, + "manhattan_precision": 67.65055939062128, + "manhattan_recall": 74.9868073878628, + "max_accuracy": 87.26828396018358, + "max_ap": 77.84821131946212, + "max_f1": 71.30456661215247, + "main_score": 77.84821131946212 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-large-en-v1.5-quant/external/TwitterURLCorpus.json b/results/neuralmagic__bge-large-en-v1.5-quant/external/TwitterURLCorpus.json new file mode 100644 index 000000000..7f7bfff88 --- /dev/null +++ b/results/neuralmagic__bge-large-en-v1.5-quant/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.91023402025847, + "cos_sim_ap": 85.94088151184411, + "cos_sim_f1": 78.25673997223645, + "cos_sim_precision": 74.45433059919367, + "cos_sim_recall": 82.46843239913767, + "dot_accuracy": 87.91865564481701, + "dot_ap": 82.75373957440969, + "dot_f1": 75.97383507276201, + "dot_precision": 72.67294713160854, + "dot_recall": 79.5888512473052, + "euclidean_accuracy": 88.8539604921023, + "euclidean_ap": 85.71590936389937, + "euclidean_f1": 77.82902261742242, + "euclidean_precision": 74.7219270279844, + "euclidean_recall": 81.20572836464429, + "manhattan_accuracy": 88.78992509799356, + "manhattan_ap": 85.70200619366904, + "manhattan_f1": 77.85875848203065, + "manhattan_precision": 72.94315506222671, + "manhattan_recall": 83.48475515860795, + "max_accuracy": 88.91023402025847, + "max_ap": 85.94088151184411, + "max_f1": 78.25673997223645, + "main_score": 85.94088151184411 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-large-en-v1.5-quant/external/model_meta.json b/results/neuralmagic__bge-large-en-v1.5-quant/external/model_meta.json new file mode 100644 index 000000000..8f402b497 --- /dev/null +++ b/results/neuralmagic__bge-large-en-v1.5-quant/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "neuralmagic/bge-large-en-v1.5-quant", + "revision": "f805bd9801169b3ed443f628d8a3514dc6298914", + "release_date": "2023-10-03", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 1024, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/neuralmagic__bge-large-en-v1.5-sparse/external/BIOSSES.json b/results/neuralmagic__bge-large-en-v1.5-sparse/external/BIOSSES.json new file mode 100644 index 000000000..a28fc5b18 --- /dev/null +++ b/results/neuralmagic__bge-large-en-v1.5-sparse/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.73305831153709, + "cos_sim_spearman": 85.64351771070989, + "euclidean_pearson": 86.06880877736519, + "euclidean_spearman": 85.60676988543395, + "manhattan_pearson": 85.69108036145253, + "manhattan_spearman": 85.05314281283421, + "cosine_pearson": 87.73305831153709, + "cosine_spearman": 85.64351771070989, + "main_score": 85.64351771070989 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-large-en-v1.5-sparse/external/SICK-R.json b/results/neuralmagic__bge-large-en-v1.5-sparse/external/SICK-R.json new file mode 100644 index 000000000..565e053fb --- /dev/null +++ b/results/neuralmagic__bge-large-en-v1.5-sparse/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.61833776000717, + "cos_sim_spearman": 80.73718686921521, + "euclidean_pearson": 83.9368704709159, + "euclidean_spearman": 80.64477415487963, + "manhattan_pearson": 83.92383757341743, + "manhattan_spearman": 80.59625506933862, + "cosine_pearson": 85.61833776000717, + "cosine_spearman": 80.73718686921521, + "main_score": 80.73718686921521 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-large-en-v1.5-sparse/external/STS12.json b/results/neuralmagic__bge-large-en-v1.5-sparse/external/STS12.json new file mode 100644 index 000000000..8ea8c8798 --- /dev/null +++ b/results/neuralmagic__bge-large-en-v1.5-sparse/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.81272888013494, + "cos_sim_spearman": 76.07038564455931, + "euclidean_pearson": 80.33676600912023, + "euclidean_spearman": 75.86575335744111, + "manhattan_pearson": 80.36973770593211, + "manhattan_spearman": 75.88787860200954, + "cosine_pearson": 83.81272888013494, + "cosine_spearman": 76.07038564455931, + "main_score": 76.07038564455931 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-large-en-v1.5-sparse/external/STS13.json b/results/neuralmagic__bge-large-en-v1.5-sparse/external/STS13.json new file mode 100644 index 000000000..f754e62b2 --- /dev/null +++ b/results/neuralmagic__bge-large-en-v1.5-sparse/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.58781524090651, + "cos_sim_spearman": 86.80508359626748, + "euclidean_pearson": 85.22891409219575, + "euclidean_spearman": 85.78295876926319, + "manhattan_pearson": 85.2193177032458, + "manhattan_spearman": 85.74049940198427, + "cosine_pearson": 85.58781524090651, + "cosine_spearman": 86.80508359626748, + "main_score": 86.80508359626748 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-large-en-v1.5-sparse/external/STS14.json b/results/neuralmagic__bge-large-en-v1.5-sparse/external/STS14.json new file mode 100644 index 000000000..457512cdb --- /dev/null +++ b/results/neuralmagic__bge-large-en-v1.5-sparse/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.0862821699066, + "cos_sim_spearman": 81.67856196476185, + "euclidean_pearson": 83.38475353138897, + "euclidean_spearman": 81.45279784228292, + "manhattan_pearson": 83.29235221714131, + "manhattan_spearman": 81.3971683104493, + "cosine_pearson": 84.0862821699066, + "cosine_spearman": 81.67856196476185, + "main_score": 81.67856196476185 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-large-en-v1.5-sparse/external/STS15.json b/results/neuralmagic__bge-large-en-v1.5-sparse/external/STS15.json new file mode 100644 index 000000000..a5e119ec8 --- /dev/null +++ b/results/neuralmagic__bge-large-en-v1.5-sparse/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.44459051393112, + "cos_sim_spearman": 88.74673154561383, + "euclidean_pearson": 88.13112382236628, + "euclidean_spearman": 88.56241954487271, + "manhattan_pearson": 88.11098632041256, + "manhattan_spearman": 88.55607051247829, + "cosine_pearson": 87.44459051393112, + "cosine_spearman": 88.74673154561383, + "main_score": 88.74673154561383 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-large-en-v1.5-sparse/external/STS16.json b/results/neuralmagic__bge-large-en-v1.5-sparse/external/STS16.json new file mode 100644 index 000000000..620101c43 --- /dev/null +++ b/results/neuralmagic__bge-large-en-v1.5-sparse/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.8825746257794, + "cos_sim_spearman": 84.6066555379785, + "euclidean_pearson": 84.12438131112606, + "euclidean_spearman": 84.75862802179907, + "manhattan_pearson": 84.12791217960807, + "manhattan_spearman": 84.7739597139034, + "cosine_pearson": 82.8825746257794, + "cosine_spearman": 84.6066555379785, + "main_score": 84.6066555379785 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-large-en-v1.5-sparse/external/STS17.json b/results/neuralmagic__bge-large-en-v1.5-sparse/external/STS17.json new file mode 100644 index 000000000..27ffbe55e --- /dev/null +++ b/results/neuralmagic__bge-large-en-v1.5-sparse/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 89.19971502207773, + "cos_sim_spearman": 89.75109780507901, + "euclidean_pearson": 89.5913898113725, + "euclidean_spearman": 89.20244860773123, + "manhattan_pearson": 89.68755363801112, + "manhattan_spearman": 89.3105024782381, + "cosine_pearson": 89.19971502207773, + "cosine_spearman": 89.75109780507901, + "main_score": 89.75109780507901 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-large-en-v1.5-sparse/external/STS22.json b/results/neuralmagic__bge-large-en-v1.5-sparse/external/STS22.json new file mode 100644 index 000000000..bbfe99192 --- /dev/null +++ b/results/neuralmagic__bge-large-en-v1.5-sparse/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 61.73885819503523, + "cos_sim_spearman": 64.09521607825829, + "euclidean_pearson": 64.22116001518724, + "euclidean_spearman": 63.84189650719827, + "manhattan_pearson": 64.23930191730729, + "manhattan_spearman": 63.7536172795383, + "cosine_pearson": 61.73885819503523, + "cosine_spearman": 64.09521607825829, + "main_score": 64.09521607825829 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-large-en-v1.5-sparse/external/STSBenchmark.json b/results/neuralmagic__bge-large-en-v1.5-sparse/external/STSBenchmark.json new file mode 100644 index 000000000..6dfd71df6 --- /dev/null +++ b/results/neuralmagic__bge-large-en-v1.5-sparse/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.68505574064375, + "cos_sim_spearman": 86.87614324154406, + "euclidean_pearson": 86.96751967489614, + "euclidean_spearman": 86.78979082790067, + "manhattan_pearson": 86.92578795715433, + "manhattan_spearman": 86.74076104131726, + "cosine_pearson": 85.68505574064375, + "cosine_spearman": 86.87614324154406, + "main_score": 86.87614324154406 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-large-en-v1.5-sparse/external/SprintDuplicateQuestions.json b/results/neuralmagic__bge-large-en-v1.5-sparse/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..deb89f1c0 --- /dev/null +++ b/results/neuralmagic__bge-large-en-v1.5-sparse/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.80990099009901, + "cos_sim_ap": 95.00187845875503, + "cos_sim_f1": 90.37698412698413, + "cos_sim_precision": 89.66535433070865, + "cos_sim_recall": 91.10000000000001, + "dot_accuracy": 99.63366336633663, + "dot_ap": 87.6642728041652, + "dot_f1": 81.40803173029252, + "dot_precision": 80.7276302851524, + "dot_recall": 82.1, + "euclidean_accuracy": 99.8079207920792, + "euclidean_ap": 94.88531851782375, + "euclidean_f1": 90.49019607843137, + "euclidean_precision": 88.75, + "euclidean_recall": 92.30000000000001, + "manhattan_accuracy": 99.81188118811882, + "manhattan_ap": 94.87944331919043, + "manhattan_f1": 90.5, + "manhattan_precision": 90.5, + "manhattan_recall": 90.5, + "max_accuracy": 99.81188118811882, + "max_ap": 95.00187845875503, + "max_f1": 90.5, + "main_score": 95.00187845875503 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-large-en-v1.5-sparse/external/TwitterSemEval2015.json b/results/neuralmagic__bge-large-en-v1.5-sparse/external/TwitterSemEval2015.json new file mode 100644 index 000000000..7a958686b --- /dev/null +++ b/results/neuralmagic__bge-large-en-v1.5-sparse/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 86.3861238600465, + "cos_sim_ap": 74.50058066578084, + "cos_sim_f1": 69.25949774629748, + "cos_sim_precision": 67.64779874213836, + "cos_sim_recall": 70.94986807387863, + "dot_accuracy": 81.57000655659535, + "dot_ap": 59.10193583653485, + "dot_f1": 58.39352155832786, + "dot_precision": 49.88780852655198, + "dot_recall": 70.3957783641161, + "euclidean_accuracy": 86.37420277761221, + "euclidean_ap": 74.41671247141966, + "euclidean_f1": 69.43907156673114, + "euclidean_precision": 64.07853636769299, + "euclidean_recall": 75.77836411609499, + "manhattan_accuracy": 86.30267628300649, + "manhattan_ap": 74.34438603336339, + "manhattan_f1": 69.41888619854721, + "manhattan_precision": 64.13870246085011, + "manhattan_recall": 75.64643799472296, + "max_accuracy": 86.3861238600465, + "max_ap": 74.50058066578084, + "max_f1": 69.43907156673114, + "main_score": 74.50058066578084 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-large-en-v1.5-sparse/external/TwitterURLCorpus.json b/results/neuralmagic__bge-large-en-v1.5-sparse/external/TwitterURLCorpus.json new file mode 100644 index 000000000..cf821b4e4 --- /dev/null +++ b/results/neuralmagic__bge-large-en-v1.5-sparse/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.87530562347187, + "cos_sim_ap": 85.69496469410068, + "cos_sim_f1": 77.96973052787007, + "cos_sim_precision": 74.8900865125514, + "cos_sim_recall": 81.3135201724669, + "dot_accuracy": 86.70780455621532, + "dot_ap": 80.03489678512908, + "dot_f1": 73.26376129933124, + "dot_precision": 70.07591733445804, + "dot_recall": 76.75546658453958, + "euclidean_accuracy": 88.85978189156674, + "euclidean_ap": 85.67894953317325, + "euclidean_f1": 78.04295942720763, + "euclidean_precision": 75.67254845241538, + "euclidean_recall": 80.56667693255312, + "manhattan_accuracy": 88.88306748942446, + "manhattan_ap": 85.66556510677526, + "manhattan_f1": 78.06278290950576, + "manhattan_precision": 74.76912231230173, + "manhattan_recall": 81.65999384046813, + "max_accuracy": 88.88306748942446, + "max_ap": 85.69496469410068, + "max_f1": 78.06278290950576, + "main_score": 85.69496469410068 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-large-en-v1.5-sparse/external/model_meta.json b/results/neuralmagic__bge-large-en-v1.5-sparse/external/model_meta.json new file mode 100644 index 000000000..6b20c75c7 --- /dev/null +++ b/results/neuralmagic__bge-large-en-v1.5-sparse/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "neuralmagic/bge-large-en-v1.5-sparse", + "revision": "1429ba12e50f0ba49ebaa7fa06cb0aa986cc5093", + "release_date": "2023-10-03", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 1024, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-quant/external/AmazonCounterfactualClassification.json b/results/neuralmagic__bge-small-en-v1.5-quant/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..d9b2017ca --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-quant/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.19402985074626, + "ap": 37.562368912364036, + "f1": 68.47046663470138, + "main_score": 74.19402985074626 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-quant/external/AmazonPolarityClassification.json b/results/neuralmagic__bge-small-en-v1.5-quant/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..17fbc1030 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-quant/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.89432499999998, + "ap": 88.64572979375352, + "f1": 91.87171177424113, + "main_score": 91.89432499999998 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-quant/external/AmazonReviewsClassification.json b/results/neuralmagic__bge-small-en-v1.5-quant/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..69c4e8592 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-quant/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 46.71799999999999, + "f1": 46.25791412217894, + "main_score": 46.71799999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-quant/external/ArguAna.json b/results/neuralmagic__bge-small-en-v1.5-quant/external/ArguAna.json new file mode 100644 index 000000000..4eff16282 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-quant/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 34.424, + "map_at_10": 49.63, + "map_at_100": 50.477000000000004, + "map_at_1000": 50.483, + "map_at_3": 45.389, + "map_at_5": 47.888999999999996, + "mrr_at_1": 34.78, + "mrr_at_10": 49.793, + "mrr_at_100": 50.632999999999996, + "mrr_at_1000": 50.638000000000005, + "mrr_at_3": 45.531, + "mrr_at_5": 48.010000000000005, + "ndcg_at_1": 34.424, + "ndcg_at_10": 57.774, + "ndcg_at_100": 61.248000000000005, + "ndcg_at_1000": 61.378, + "ndcg_at_3": 49.067, + "ndcg_at_5": 53.561, + "precision_at_1": 34.424, + "precision_at_10": 8.364, + "precision_at_100": 0.985, + "precision_at_1000": 0.1, + "precision_at_3": 19.915, + "precision_at_5": 14.124999999999998, + "recall_at_1": 34.424, + "recall_at_10": 83.64200000000001, + "recall_at_100": 98.506, + "recall_at_1000": 99.502, + "recall_at_3": 59.744, + "recall_at_5": 70.626, + "main_score": 57.774 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-quant/external/ArxivClusteringP2P.json b/results/neuralmagic__bge-small-en-v1.5-quant/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..270f7477b --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-quant/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 46.91874634333147, + "main_score": 46.91874634333147 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-quant/external/ArxivClusteringS2S.json b/results/neuralmagic__bge-small-en-v1.5-quant/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..5709014a0 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-quant/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.1201020016146, + "main_score": 39.1201020016146 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-quant/external/AskUbuntuDupQuestions.json b/results/neuralmagic__bge-small-en-v1.5-quant/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..1c79c2503 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-quant/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 62.40334669601722, + "mrr": 75.33175042870333, + "main_score": 62.40334669601722 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-quant/external/BIOSSES.json b/results/neuralmagic__bge-small-en-v1.5-quant/external/BIOSSES.json new file mode 100644 index 000000000..e2be617ff --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-quant/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.00433892980047, + "cos_sim_spearman": 86.65558896421105, + "euclidean_pearson": 85.98927300398377, + "euclidean_spearman": 86.0905158476729, + "manhattan_pearson": 86.0272425017433, + "manhattan_spearman": 85.8929209838941, + "cosine_pearson": 88.00433892980047, + "cosine_spearman": 86.65558896421105, + "main_score": 86.65558896421105 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-quant/external/Banking77Classification.json b/results/neuralmagic__bge-small-en-v1.5-quant/external/Banking77Classification.json new file mode 100644 index 000000000..a1cb4a995 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-quant/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 85.1038961038961, + "f1": 85.06851570045757, + "main_score": 85.1038961038961 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-quant/external/BiorxivClusteringP2P.json b/results/neuralmagic__bge-small-en-v1.5-quant/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..57d5b052c --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-quant/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.42637694389153, + "main_score": 37.42637694389153 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-quant/external/BiorxivClusteringS2S.json b/results/neuralmagic__bge-small-en-v1.5-quant/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..c90a93a89 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-quant/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.89440321125906, + "main_score": 33.89440321125906 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-quant/external/CQADupstackAndroidRetrieval.json b/results/neuralmagic__bge-small-en-v1.5-quant/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..a6db2d0c8 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-quant/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,454 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.111000000000004, + "map_at_10": 39.067, + "map_at_100": 40.519, + "map_at_1000": 40.652, + "map_at_3": 35.571999999999996, + "map_at_5": 37.708999999999996, + "mrr_at_1": 34.335, + "mrr_at_10": 44.868, + "mrr_at_100": 45.607, + "mrr_at_1000": 45.655, + "mrr_at_3": 41.798, + "mrr_at_5": 43.786, + "ndcg_at_1": 34.335, + "ndcg_at_10": 45.513, + "ndcg_at_100": 51.037, + "ndcg_at_1000": 53.171, + "ndcg_at_3": 40.131, + "ndcg_at_5": 43.027, + "precision_at_1": 34.335, + "precision_at_10": 8.784, + "precision_at_100": 1.4460000000000002, + "precision_at_1000": 0.193, + "precision_at_3": 19.361, + "precision_at_5": 14.249, + "recall_at_1": 28.111000000000004, + "recall_at_10": 58.372, + "recall_at_100": 81.631, + "recall_at_1000": 95.192, + "recall_at_3": 42.863, + "recall_at_5": 50.924, + "main_score": 45.513 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.437, + "map_at_10": 37.942, + "map_at_100": 39.108, + "map_at_1000": 39.242, + "map_at_3": 35.419, + "map_at_5": 36.825, + "mrr_at_1": 35.35, + "mrr_at_10": 43.855, + "mrr_at_100": 44.543, + "mrr_at_1000": 44.588, + "mrr_at_3": 41.826, + "mrr_at_5": 42.937, + "ndcg_at_1": 35.35, + "ndcg_at_10": 43.32, + "ndcg_at_100": 47.769, + "ndcg_at_1000": 49.979, + "ndcg_at_3": 39.709, + "ndcg_at_5": 41.316, + "precision_at_1": 35.35, + "precision_at_10": 7.994, + "precision_at_100": 1.323, + "precision_at_1000": 0.182, + "precision_at_3": 18.96, + "precision_at_5": 13.236, + "recall_at_1": 28.437, + "recall_at_10": 52.531000000000006, + "recall_at_100": 71.79299999999999, + "recall_at_1000": 85.675, + "recall_at_3": 41.605, + "recall_at_5": 46.32, + "main_score": 43.32 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 37.364999999999995, + "map_at_10": 49.324, + "map_at_100": 50.458999999999996, + "map_at_1000": 50.512, + "map_at_3": 45.96, + "map_at_5": 47.934, + "mrr_at_1": 43.009, + "mrr_at_10": 52.946000000000005, + "mrr_at_100": 53.74100000000001, + "mrr_at_1000": 53.76800000000001, + "mrr_at_3": 50.554, + "mrr_at_5": 51.964, + "ndcg_at_1": 43.009, + "ndcg_at_10": 55.143, + "ndcg_at_100": 59.653999999999996, + "ndcg_at_1000": 60.805, + "ndcg_at_3": 49.605, + "ndcg_at_5": 52.437, + "precision_at_1": 43.009, + "precision_at_10": 8.984, + "precision_at_100": 1.209, + "precision_at_1000": 0.135, + "precision_at_3": 22.09, + "precision_at_5": 15.423, + "recall_at_1": 37.364999999999995, + "recall_at_10": 68.657, + "recall_at_100": 88.155, + "recall_at_1000": 96.48400000000001, + "recall_at_3": 54.186, + "recall_at_5": 60.848, + "main_score": 55.143 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.827, + "map_at_10": 31.721, + "map_at_100": 32.812999999999995, + "map_at_1000": 32.89, + "map_at_3": 29.238999999999997, + "map_at_5": 30.584, + "mrr_at_1": 25.650000000000002, + "mrr_at_10": 33.642, + "mrr_at_100": 34.595, + "mrr_at_1000": 34.650999999999996, + "mrr_at_3": 31.205, + "mrr_at_5": 32.499, + "ndcg_at_1": 25.650000000000002, + "ndcg_at_10": 36.366, + "ndcg_at_100": 41.766, + "ndcg_at_1000": 43.735, + "ndcg_at_3": 31.447000000000003, + "ndcg_at_5": 33.701, + "precision_at_1": 25.650000000000002, + "precision_at_10": 5.582, + "precision_at_100": 0.872, + "precision_at_1000": 0.108, + "precision_at_3": 13.107, + "precision_at_5": 9.198, + "recall_at_1": 23.827, + "recall_at_10": 48.9, + "recall_at_100": 73.917, + "recall_at_1000": 88.787, + "recall_at_3": 35.498000000000005, + "recall_at_5": 40.929, + "main_score": 36.366 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.47, + "map_at_10": 22.679, + "map_at_100": 23.823, + "map_at_1000": 23.94, + "map_at_3": 20.535999999999998, + "map_at_5": 21.61, + "mrr_at_1": 18.781, + "mrr_at_10": 26.979, + "mrr_at_100": 27.945999999999998, + "mrr_at_1000": 28.016000000000002, + "mrr_at_3": 24.648, + "mrr_at_5": 25.947, + "ndcg_at_1": 18.781, + "ndcg_at_10": 27.55, + "ndcg_at_100": 33.176, + "ndcg_at_1000": 36.150999999999996, + "ndcg_at_3": 23.456, + "ndcg_at_5": 25.16, + "precision_at_1": 18.781, + "precision_at_10": 5.050000000000001, + "precision_at_100": 0.9039999999999999, + "precision_at_1000": 0.129, + "precision_at_3": 11.235000000000001, + "precision_at_5": 8.01, + "recall_at_1": 15.47, + "recall_at_10": 38.446000000000005, + "recall_at_100": 63.199000000000005, + "recall_at_1000": 84.719, + "recall_at_3": 26.687, + "recall_at_5": 31.196, + "main_score": 27.55 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.285999999999998, + "map_at_10": 35.701, + "map_at_100": 37.062, + "map_at_1000": 37.175999999999995, + "map_at_3": 32.65, + "map_at_5": 34.129, + "mrr_at_1": 32.05, + "mrr_at_10": 41.105000000000004, + "mrr_at_100": 41.996, + "mrr_at_1000": 42.047000000000004, + "mrr_at_3": 38.466, + "mrr_at_5": 39.766, + "ndcg_at_1": 32.05, + "ndcg_at_10": 41.516999999999996, + "ndcg_at_100": 47.083999999999996, + "ndcg_at_1000": 49.309, + "ndcg_at_3": 36.254999999999995, + "ndcg_at_5": 38.346999999999994, + "precision_at_1": 32.05, + "precision_at_10": 7.536, + "precision_at_100": 1.202, + "precision_at_1000": 0.158, + "precision_at_3": 17.004, + "precision_at_5": 11.973, + "recall_at_1": 26.285999999999998, + "recall_at_10": 53.667, + "recall_at_100": 76.97, + "recall_at_1000": 91.691, + "recall_at_3": 38.571, + "recall_at_5": 44.131, + "main_score": 41.516999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.595000000000002, + "map_at_10": 31.352000000000004, + "map_at_100": 32.652, + "map_at_1000": 32.774, + "map_at_3": 28.238000000000003, + "map_at_5": 30.178, + "mrr_at_1": 27.626, + "mrr_at_10": 36.351, + "mrr_at_100": 37.297000000000004, + "mrr_at_1000": 37.362, + "mrr_at_3": 33.885, + "mrr_at_5": 35.358000000000004, + "ndcg_at_1": 27.626, + "ndcg_at_10": 36.795, + "ndcg_at_100": 42.808, + "ndcg_at_1000": 45.417, + "ndcg_at_3": 31.744, + "ndcg_at_5": 34.407, + "precision_at_1": 27.626, + "precision_at_10": 6.781, + "precision_at_100": 1.159, + "precision_at_1000": 0.155, + "precision_at_3": 15.221000000000002, + "precision_at_5": 11.279, + "recall_at_1": 22.595000000000002, + "recall_at_10": 48.126000000000005, + "recall_at_100": 74.24300000000001, + "recall_at_1000": 92.276, + "recall_at_3": 34.346, + "recall_at_5": 41.065000000000005, + "main_score": 36.795 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.237000000000002, + "map_at_10": 28.626, + "map_at_100": 29.494999999999997, + "map_at_1000": 29.587999999999997, + "map_at_3": 26.747, + "map_at_5": 27.903, + "mrr_at_1": 24.847, + "mrr_at_10": 31.091, + "mrr_at_100": 31.91, + "mrr_at_1000": 31.977, + "mrr_at_3": 29.218, + "mrr_at_5": 30.391000000000002, + "ndcg_at_1": 24.847, + "ndcg_at_10": 32.452999999999996, + "ndcg_at_100": 37.009, + "ndcg_at_1000": 39.425, + "ndcg_at_3": 28.848000000000003, + "ndcg_at_5": 30.752000000000002, + "precision_at_1": 24.847, + "precision_at_10": 4.968999999999999, + "precision_at_100": 0.8009999999999999, + "precision_at_1000": 0.107, + "precision_at_3": 12.321, + "precision_at_5": 8.62, + "recall_at_1": 22.237000000000002, + "recall_at_10": 41.942, + "recall_at_100": 62.907000000000004, + "recall_at_1000": 81.035, + "recall_at_3": 32.05, + "recall_at_5": 36.695, + "main_score": 32.452999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 14.835, + "map_at_10": 21.124000000000002, + "map_at_100": 22.133, + "map_at_1000": 22.258, + "map_at_3": 19.076999999999998, + "map_at_5": 20.18, + "mrr_at_1": 17.791, + "mrr_at_10": 24.438, + "mrr_at_100": 25.332, + "mrr_at_1000": 25.417, + "mrr_at_3": 22.425, + "mrr_at_5": 23.524, + "ndcg_at_1": 17.791, + "ndcg_at_10": 25.27, + "ndcg_at_100": 30.362000000000002, + "ndcg_at_1000": 33.494, + "ndcg_at_3": 21.474, + "ndcg_at_5": 23.189999999999998, + "precision_at_1": 17.791, + "precision_at_10": 4.58, + "precision_at_100": 0.839, + "precision_at_1000": 0.128, + "precision_at_3": 10.071, + "precision_at_5": 7.337000000000001, + "recall_at_1": 14.835, + "recall_at_10": 34.534, + "recall_at_100": 57.812, + "recall_at_1000": 80.467, + "recall_at_3": 23.938000000000002, + "recall_at_5": 28.269, + "main_score": 25.27 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.400000000000002, + "map_at_10": 31.55, + "map_at_100": 32.72, + "map_at_1000": 32.830999999999996, + "map_at_3": 28.942, + "map_at_5": 30.403000000000002, + "mrr_at_1": 27.705000000000002, + "mrr_at_10": 35.778, + "mrr_at_100": 36.705, + "mrr_at_1000": 36.773, + "mrr_at_3": 33.458, + "mrr_at_5": 34.778, + "ndcg_at_1": 27.705000000000002, + "ndcg_at_10": 36.541000000000004, + "ndcg_at_100": 42.016999999999996, + "ndcg_at_1000": 44.571, + "ndcg_at_3": 31.845000000000002, + "ndcg_at_5": 34.056, + "precision_at_1": 27.705000000000002, + "precision_at_10": 6.166, + "precision_at_100": 0.993, + "precision_at_1000": 0.132, + "precision_at_3": 14.302999999999999, + "precision_at_5": 10.187, + "recall_at_1": 23.400000000000002, + "recall_at_10": 47.61, + "recall_at_100": 71.69200000000001, + "recall_at_1000": 89.652, + "recall_at_3": 35.026, + "recall_at_5": 40.48, + "main_score": 36.541000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.409, + "map_at_10": 29.642000000000003, + "map_at_100": 31.213, + "map_at_1000": 31.418000000000003, + "map_at_3": 26.811, + "map_at_5": 28.433999999999997, + "mrr_at_1": 25.494, + "mrr_at_10": 33.735, + "mrr_at_100": 34.791, + "mrr_at_1000": 34.848, + "mrr_at_3": 31.225, + "mrr_at_5": 32.688, + "ndcg_at_1": 25.494, + "ndcg_at_10": 35.038000000000004, + "ndcg_at_100": 41.499, + "ndcg_at_1000": 44.183, + "ndcg_at_3": 30.305, + "ndcg_at_5": 32.607, + "precision_at_1": 25.494, + "precision_at_10": 6.739000000000001, + "precision_at_100": 1.439, + "precision_at_1000": 0.233, + "precision_at_3": 14.163, + "precision_at_5": 10.474, + "recall_at_1": 21.409, + "recall_at_10": 46.033, + "recall_at_100": 74.932, + "recall_at_1000": 92.35600000000001, + "recall_at_3": 32.858, + "recall_at_5": 38.675, + "main_score": 35.038000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.145, + "map_at_10": 24.712, + "map_at_100": 25.813000000000002, + "map_at_1000": 25.935000000000002, + "map_at_3": 22.33, + "map_at_5": 23.524, + "mrr_at_1": 19.224, + "mrr_at_10": 26.194, + "mrr_at_100": 27.208, + "mrr_at_1000": 27.3, + "mrr_at_3": 23.906, + "mrr_at_5": 24.988, + "ndcg_at_1": 19.224, + "ndcg_at_10": 29.015, + "ndcg_at_100": 34.224, + "ndcg_at_1000": 37.235, + "ndcg_at_3": 24.22, + "ndcg_at_5": 26.176, + "precision_at_1": 19.224, + "precision_at_10": 4.713, + "precision_at_100": 0.787, + "precision_at_1000": 0.11499999999999999, + "precision_at_3": 10.290000000000001, + "precision_at_5": 7.32, + "recall_at_1": 18.145, + "recall_at_10": 40.875, + "recall_at_100": 64.371, + "recall_at_1000": 86.67399999999999, + "recall_at_3": 27.717000000000002, + "recall_at_5": 32.381, + "main_score": 29.015 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-quant/external/EmotionClassification.json b/results/neuralmagic__bge-small-en-v1.5-quant/external/EmotionClassification.json new file mode 100644 index 000000000..b1f42a93f --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-quant/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 46.845, + "f1": 41.70045120106269, + "main_score": 46.845 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-quant/external/ImdbClassification.json b/results/neuralmagic__bge-small-en-v1.5-quant/external/ImdbClassification.json new file mode 100644 index 000000000..c7a58930d --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-quant/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 89.3476, + "ap": 85.26891728027032, + "f1": 89.33488973832894, + "main_score": 89.3476 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-quant/external/MTOPDomainClassification.json b/results/neuralmagic__bge-small-en-v1.5-quant/external/MTOPDomainClassification.json new file mode 100644 index 000000000..eccef2643 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-quant/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.67441860465115, + "f1": 92.48821366022861, + "main_score": 92.67441860465115 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-quant/external/MTOPIntentClassification.json b/results/neuralmagic__bge-small-en-v1.5-quant/external/MTOPIntentClassification.json new file mode 100644 index 000000000..c40639d64 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-quant/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.02872777017784, + "f1": 57.28822860484337, + "main_score": 74.02872777017784 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-quant/external/MassiveIntentClassification.json b/results/neuralmagic__bge-small-en-v1.5-quant/external/MassiveIntentClassification.json new file mode 100644 index 000000000..e6c8431d5 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-quant/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.01479488903833, + "f1": 71.83716204573571, + "main_score": 74.01479488903833 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-quant/external/MassiveScenarioClassification.json b/results/neuralmagic__bge-small-en-v1.5-quant/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..59dc1b7a9 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-quant/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.95897780766644, + "f1": 77.80380046125542, + "main_score": 77.95897780766644 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-quant/external/MedrxivClusteringP2P.json b/results/neuralmagic__bge-small-en-v1.5-quant/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..5acce3913 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-quant/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.897956840478948, + "main_score": 31.897956840478948 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-quant/external/MedrxivClusteringS2S.json b/results/neuralmagic__bge-small-en-v1.5-quant/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..ddfce5b84 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-quant/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.71493744677591, + "main_score": 30.71493744677591 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-quant/external/MindSmallReranking.json b/results/neuralmagic__bge-small-en-v1.5-quant/external/MindSmallReranking.json new file mode 100644 index 000000000..ee84a64b4 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-quant/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.279419910393734, + "mrr": 32.41989483774563, + "main_score": 31.279419910393734 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-quant/external/RedditClustering.json b/results/neuralmagic__bge-small-en-v1.5-quant/external/RedditClustering.json new file mode 100644 index 000000000..807a7a70c --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-quant/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 50.49612915002382, + "main_score": 50.49612915002382 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-quant/external/RedditClusteringP2P.json b/results/neuralmagic__bge-small-en-v1.5-quant/external/RedditClusteringP2P.json new file mode 100644 index 000000000..26b647345 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-quant/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 60.29912718965653, + "main_score": 60.29912718965653 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-quant/external/SICK-R.json b/results/neuralmagic__bge-small-en-v1.5-quant/external/SICK-R.json new file mode 100644 index 000000000..e8174a7ae --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-quant/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.86793477948164, + "cos_sim_spearman": 79.43675709317894, + "euclidean_pearson": 81.42564463337872, + "euclidean_spearman": 79.39138648510273, + "manhattan_pearson": 81.31167449689285, + "manhattan_spearman": 79.28411420758785, + "cosine_pearson": 83.86793477948164, + "cosine_spearman": 79.43675709317894, + "main_score": 79.43675709317894 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-quant/external/STS12.json b/results/neuralmagic__bge-small-en-v1.5-quant/external/STS12.json new file mode 100644 index 000000000..55fb1dbc4 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-quant/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.43490408077298, + "cos_sim_spearman": 76.16878340109265, + "euclidean_pearson": 80.6016219080782, + "euclidean_spearman": 75.67063072565917, + "manhattan_pearson": 80.7238920179759, + "manhattan_spearman": 75.85631683403953, + "cosine_pearson": 84.43490408077298, + "cosine_spearman": 76.16878340109265, + "main_score": 76.16878340109265 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-quant/external/STS13.json b/results/neuralmagic__bge-small-en-v1.5-quant/external/STS13.json new file mode 100644 index 000000000..abcf57438 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-quant/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.03882477767792, + "cos_sim_spearman": 84.15171505206217, + "euclidean_pearson": 84.11692506470922, + "euclidean_spearman": 84.78589046217311, + "manhattan_pearson": 83.98651139454486, + "manhattan_spearman": 84.64928563751276, + "cosine_pearson": 83.03882477767792, + "cosine_spearman": 84.15171505206217, + "main_score": 84.15171505206217 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-quant/external/STS14.json b/results/neuralmagic__bge-small-en-v1.5-quant/external/STS14.json new file mode 100644 index 000000000..dc50a4881 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-quant/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.11158600428418, + "cos_sim_spearman": 81.48561519933875, + "euclidean_pearson": 83.21025907155807, + "euclidean_spearman": 81.68699235487654, + "manhattan_pearson": 83.16704771658094, + "manhattan_spearman": 81.7133110412898, + "cosine_pearson": 83.11158600428418, + "cosine_spearman": 81.48561519933875, + "main_score": 81.48561519933875 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-quant/external/STS15.json b/results/neuralmagic__bge-small-en-v1.5-quant/external/STS15.json new file mode 100644 index 000000000..72e15eb97 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-quant/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.1514510686502, + "cos_sim_spearman": 88.11449450494452, + "euclidean_pearson": 87.75854949349939, + "euclidean_spearman": 88.4055148221637, + "manhattan_pearson": 87.71487828059706, + "manhattan_spearman": 88.35301381116254, + "cosine_pearson": 87.1514510686502, + "cosine_spearman": 88.11449450494452, + "main_score": 88.11449450494452 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-quant/external/STS16.json b/results/neuralmagic__bge-small-en-v1.5-quant/external/STS16.json new file mode 100644 index 000000000..d5a3ce68e --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-quant/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.36838640113687, + "cos_sim_spearman": 84.98776974283366, + "euclidean_pearson": 84.0617526427129, + "euclidean_spearman": 85.04234805662242, + "manhattan_pearson": 83.87433162971784, + "manhattan_spearman": 84.87174280390242, + "cosine_pearson": 83.36838640113687, + "cosine_spearman": 84.98776974283366, + "main_score": 84.98776974283366 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-quant/external/STS17.json b/results/neuralmagic__bge-small-en-v1.5-quant/external/STS17.json new file mode 100644 index 000000000..2da0005b0 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-quant/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.72465270691285, + "cos_sim_spearman": 87.97672332532184, + "euclidean_pearson": 88.78764701492182, + "euclidean_spearman": 88.3509718074474, + "manhattan_pearson": 88.73024739256215, + "manhattan_spearman": 88.24149566970154, + "cosine_pearson": 87.72465270691285, + "cosine_spearman": 87.97672332532184, + "main_score": 87.97672332532184 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-quant/external/STS22.json b/results/neuralmagic__bge-small-en-v1.5-quant/external/STS22.json new file mode 100644 index 000000000..7db9d08f9 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-quant/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 64.65195562203238, + "cos_sim_spearman": 65.0726777678982, + "euclidean_pearson": 65.84698245675273, + "euclidean_spearman": 65.13121502162804, + "manhattan_pearson": 65.96149904857049, + "manhattan_spearman": 65.39983948112955, + "cosine_pearson": 64.65195562203238, + "cosine_spearman": 65.0726777678982, + "main_score": 65.0726777678982 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-quant/external/STSBenchmark.json b/results/neuralmagic__bge-small-en-v1.5-quant/external/STSBenchmark.json new file mode 100644 index 000000000..86b460e58 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-quant/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.2642818050049, + "cos_sim_spearman": 86.30633382439257, + "euclidean_pearson": 86.46510435905633, + "euclidean_spearman": 86.62650496446, + "manhattan_pearson": 86.2546330637872, + "manhattan_spearman": 86.46309860938591, + "cosine_pearson": 85.2642818050049, + "cosine_spearman": 86.30633382439257, + "main_score": 86.30633382439257 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-quant/external/SciDocsRR.json b/results/neuralmagic__bge-small-en-v1.5-quant/external/SciDocsRR.json new file mode 100644 index 000000000..2acdba865 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-quant/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 85.009977767778, + "mrr": 95.59795143128476, + "main_score": 85.009977767778 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-quant/external/SprintDuplicateQuestions.json b/results/neuralmagic__bge-small-en-v1.5-quant/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..80d5b2ee7 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-quant/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.84257425742574, + "cos_sim_ap": 96.25445889914926, + "cos_sim_f1": 92.03805708562844, + "cos_sim_precision": 92.1765295887663, + "cos_sim_recall": 91.9, + "dot_accuracy": 99.83069306930693, + "dot_ap": 96.00517778550396, + "dot_f1": 91.27995920448751, + "dot_precision": 93.1321540062435, + "dot_recall": 89.5, + "euclidean_accuracy": 99.84455445544555, + "euclidean_ap": 96.14761524546034, + "euclidean_f1": 91.97751660705163, + "euclidean_precision": 94.04388714733543, + "euclidean_recall": 90, + "manhattan_accuracy": 99.84158415841584, + "manhattan_ap": 96.17014673429341, + "manhattan_f1": 91.93790686029043, + "manhattan_precision": 92.07622868605817, + "manhattan_recall": 91.8, + "max_accuracy": 99.84455445544555, + "max_ap": 96.25445889914926, + "max_f1": 92.03805708562844, + "main_score": 96.25445889914926 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-quant/external/StackExchangeClustering.json b/results/neuralmagic__bge-small-en-v1.5-quant/external/StackExchangeClustering.json new file mode 100644 index 000000000..8d0ea6bb9 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-quant/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 59.26454683321409, + "main_score": 59.26454683321409 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-quant/external/StackExchangeClusteringP2P.json b/results/neuralmagic__bge-small-en-v1.5-quant/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..186f6c8b0 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-quant/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.75520575713765, + "main_score": 33.75520575713765 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-quant/external/StackOverflowDupQuestions.json b/results/neuralmagic__bge-small-en-v1.5-quant/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..144ecb6ec --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-quant/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 52.74607778008495, + "mrr": 53.55101699770818, + "main_score": 52.74607778008495 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-quant/external/ToxicConversationsClassification.json b/results/neuralmagic__bge-small-en-v1.5-quant/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..7cec20be0 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-quant/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.5008, + "ap": 13.64158304183089, + "f1": 53.50073331072236, + "main_score": 69.5008 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-quant/external/TweetSentimentExtractionClassification.json b/results/neuralmagic__bge-small-en-v1.5-quant/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..e5c84a34a --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-quant/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 60.01980758347483, + "f1": 60.35679678249753, + "main_score": 60.01980758347483 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-quant/external/TwentyNewsgroupsClustering.json b/results/neuralmagic__bge-small-en-v1.5-quant/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..9b2f0111c --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-quant/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 45.09419243325077, + "main_score": 45.09419243325077 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-quant/external/TwitterSemEval2015.json b/results/neuralmagic__bge-small-en-v1.5-quant/external/TwitterSemEval2015.json new file mode 100644 index 000000000..bd46a68b3 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-quant/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 85.68874053764081, + "cos_sim_ap": 73.26334732095694, + "cos_sim_f1": 68.01558376272465, + "cos_sim_precision": 64.93880489560834, + "cos_sim_recall": 71.39841688654354, + "dot_accuracy": 84.71121177802945, + "dot_ap": 70.33606362522605, + "dot_f1": 65.0887573964497, + "dot_precision": 63.50401606425703, + "dot_recall": 66.75461741424802, + "euclidean_accuracy": 85.80795136198367, + "euclidean_ap": 73.43201285001163, + "euclidean_f1": 68.33166833166834, + "euclidean_precision": 64.86486486486487, + "euclidean_recall": 72.18997361477572, + "manhattan_accuracy": 85.62317458425225, + "manhattan_ap": 73.21212085536185, + "manhattan_f1": 68.01681314482232, + "manhattan_precision": 65.74735286875153, + "manhattan_recall": 70.44854881266491, + "max_accuracy": 85.80795136198367, + "max_ap": 73.43201285001163, + "max_f1": 68.33166833166834, + "main_score": 73.43201285001163 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-quant/external/TwitterURLCorpus.json b/results/neuralmagic__bge-small-en-v1.5-quant/external/TwitterURLCorpus.json new file mode 100644 index 000000000..5890af164 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-quant/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.81709162882757, + "cos_sim_ap": 85.63540257309367, + "cos_sim_f1": 77.9091382258904, + "cos_sim_precision": 75.32710280373833, + "cos_sim_recall": 80.67446874037573, + "dot_accuracy": 88.04478596654636, + "dot_ap": 84.16371725220706, + "dot_f1": 76.45949643213666, + "dot_precision": 73.54719396827655, + "dot_recall": 79.61194949183862, + "euclidean_accuracy": 88.9296386851399, + "euclidean_ap": 85.71894615274715, + "euclidean_f1": 78.12952767313823, + "euclidean_precision": 73.7688098495212, + "euclidean_recall": 83.03818909762857, + "manhattan_accuracy": 88.89276982186519, + "manhattan_ap": 85.6838514059479, + "manhattan_f1": 78.06861875184856, + "manhattan_precision": 75.09246088193457, + "manhattan_recall": 81.29042192793348, + "max_accuracy": 88.9296386851399, + "max_ap": 85.71894615274715, + "max_f1": 78.12952767313823, + "main_score": 85.71894615274715 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-quant/external/model_meta.json b/results/neuralmagic__bge-small-en-v1.5-quant/external/model_meta.json new file mode 100644 index 000000000..bd437cc88 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-quant/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "neuralmagic/bge-small-en-v1.5-quant", + "revision": "d233e375b3cf063f29e1f504255b68ca19f466c2", + "release_date": "2023-09-27", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 384, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-sparse/external/AmazonCounterfactualClassification.json b/results/neuralmagic__bge-small-en-v1.5-sparse/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..8722478b2 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-sparse/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.71641791044776, + "ap": 32.850850647310004, + "f1": 64.48101916414805, + "main_score": 70.71641791044776 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-sparse/external/AmazonPolarityClassification.json b/results/neuralmagic__bge-small-en-v1.5-sparse/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..bd2bcd1e1 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-sparse/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 83.33962500000001, + "ap": 78.28706349240106, + "f1": 83.27426715603062, + "main_score": 83.33962500000001 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-sparse/external/AmazonReviewsClassification.json b/results/neuralmagic__bge-small-en-v1.5-sparse/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..62213272a --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-sparse/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 40.988, + "f1": 40.776679545648506, + "main_score": 40.988 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-sparse/external/ArguAna.json b/results/neuralmagic__bge-small-en-v1.5-sparse/external/ArguAna.json new file mode 100644 index 000000000..064712d67 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-sparse/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.101999999999997, + "map_at_10": 40.754000000000005, + "map_at_100": 41.83, + "map_at_1000": 41.845, + "map_at_3": 36.178, + "map_at_5": 38.646, + "mrr_at_1": 26.6, + "mrr_at_10": 40.934, + "mrr_at_100": 42.015, + "mrr_at_1000": 42.03, + "mrr_at_3": 36.344, + "mrr_at_5": 38.848, + "ndcg_at_1": 26.101999999999997, + "ndcg_at_10": 49.126999999999995, + "ndcg_at_100": 53.815999999999995, + "ndcg_at_1000": 54.178000000000004, + "ndcg_at_3": 39.607, + "ndcg_at_5": 44.086999999999996, + "precision_at_1": 26.101999999999997, + "precision_at_10": 7.596, + "precision_at_100": 0.967, + "precision_at_1000": 0.099, + "precision_at_3": 16.524, + "precision_at_5": 12.105, + "recall_at_1": 26.101999999999997, + "recall_at_10": 75.96000000000001, + "recall_at_100": 96.65700000000001, + "recall_at_1000": 99.431, + "recall_at_3": 49.573, + "recall_at_5": 60.526, + "main_score": 49.126999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-sparse/external/ArxivClusteringP2P.json b/results/neuralmagic__bge-small-en-v1.5-sparse/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..fd99c388b --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-sparse/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 43.10651535441929, + "main_score": 43.10651535441929 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-sparse/external/ArxivClusteringS2S.json b/results/neuralmagic__bge-small-en-v1.5-sparse/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..931d701f4 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-sparse/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.41095293826606, + "main_score": 34.41095293826606 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-sparse/external/AskUbuntuDupQuestions.json b/results/neuralmagic__bge-small-en-v1.5-sparse/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..c95b1bdde --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-sparse/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 56.96575970919239, + "mrr": 69.92503187794047, + "main_score": 56.96575970919239 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-sparse/external/BIOSSES.json b/results/neuralmagic__bge-small-en-v1.5-sparse/external/BIOSSES.json new file mode 100644 index 000000000..637919ceb --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-sparse/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 79.64892774481326, + "cos_sim_spearman": 78.953003817029, + "euclidean_pearson": 78.92456838230683, + "euclidean_spearman": 78.56504316985354, + "manhattan_pearson": 79.21436359014227, + "manhattan_spearman": 78.66263575501259, + "cosine_pearson": 79.64892774481326, + "cosine_spearman": 78.953003817029, + "main_score": 78.953003817029 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-sparse/external/Banking77Classification.json b/results/neuralmagic__bge-small-en-v1.5-sparse/external/Banking77Classification.json new file mode 100644 index 000000000..58c710a23 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-sparse/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 81.25, + "f1": 81.20841448916138, + "main_score": 81.25 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-sparse/external/BiorxivClusteringP2P.json b/results/neuralmagic__bge-small-en-v1.5-sparse/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..d39f82728 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-sparse/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.69545244587236, + "main_score": 34.69545244587236 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-sparse/external/BiorxivClusteringS2S.json b/results/neuralmagic__bge-small-en-v1.5-sparse/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..6b5bacd4f --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-sparse/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 28.84301739171936, + "main_score": 28.84301739171936 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-sparse/external/CQADupstackAndroidRetrieval.json b/results/neuralmagic__bge-small-en-v1.5-sparse/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..bb46ed290 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-sparse/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,454 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.401, + "map_at_10": 32.451, + "map_at_100": 33.891, + "map_at_1000": 34.01, + "map_at_3": 29.365999999999996, + "map_at_5": 31.240000000000002, + "mrr_at_1": 29.9, + "mrr_at_10": 38.590999999999994, + "mrr_at_100": 39.587, + "mrr_at_1000": 39.637, + "mrr_at_3": 36.028, + "mrr_at_5": 37.673, + "ndcg_at_1": 29.9, + "ndcg_at_10": 38.251000000000005, + "ndcg_at_100": 44.354, + "ndcg_at_1000": 46.642, + "ndcg_at_3": 33.581, + "ndcg_at_5": 35.96, + "precision_at_1": 29.9, + "precision_at_10": 7.439, + "precision_at_100": 1.28, + "precision_at_1000": 0.17700000000000002, + "precision_at_3": 16.404, + "precision_at_5": 12.046, + "recall_at_1": 23.401, + "recall_at_10": 49.305, + "recall_at_100": 75.885, + "recall_at_1000": 90.885, + "recall_at_3": 35.341, + "recall_at_5": 42.275, + "main_score": 38.251000000000005 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.103, + "map_at_10": 29.271, + "map_at_100": 30.151, + "map_at_1000": 30.276999999999997, + "map_at_3": 27.289, + "map_at_5": 28.236, + "mrr_at_1": 26.943, + "mrr_at_10": 33.782000000000004, + "mrr_at_100": 34.459, + "mrr_at_1000": 34.525, + "mrr_at_3": 31.985000000000003, + "mrr_at_5": 32.909, + "ndcg_at_1": 26.943, + "ndcg_at_10": 33.616, + "ndcg_at_100": 37.669000000000004, + "ndcg_at_1000": 40.247, + "ndcg_at_3": 30.482, + "ndcg_at_5": 31.615, + "precision_at_1": 26.943, + "precision_at_10": 6.146, + "precision_at_100": 1.038, + "precision_at_1000": 0.151, + "precision_at_3": 14.521999999999998, + "precision_at_5": 10.038, + "recall_at_1": 22.103, + "recall_at_10": 41.754999999999995, + "recall_at_100": 59.636, + "recall_at_1000": 76.801, + "recall_at_3": 32.285000000000004, + "recall_at_5": 35.684, + "main_score": 33.616 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.565, + "map_at_10": 43.07, + "map_at_100": 44.102999999999994, + "map_at_1000": 44.175, + "map_at_3": 40.245, + "map_at_5": 41.71, + "mrr_at_1": 37.429, + "mrr_at_10": 46.358, + "mrr_at_100": 47.146, + "mrr_at_1000": 47.187, + "mrr_at_3": 44.086, + "mrr_at_5": 45.318000000000005, + "ndcg_at_1": 37.429, + "ndcg_at_10": 48.398, + "ndcg_at_100": 52.90899999999999, + "ndcg_at_1000": 54.478, + "ndcg_at_3": 43.418, + "ndcg_at_5": 45.578, + "precision_at_1": 37.429, + "precision_at_10": 7.856000000000001, + "precision_at_100": 1.093, + "precision_at_1000": 0.129, + "precision_at_3": 19.331, + "precision_at_5": 13.191, + "recall_at_1": 32.565, + "recall_at_10": 61.021, + "recall_at_100": 81.105, + "recall_at_1000": 92.251, + "recall_at_3": 47.637, + "recall_at_5": 52.871, + "main_score": 48.398 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.108, + "map_at_10": 24.613, + "map_at_100": 25.624000000000002, + "map_at_1000": 25.721, + "map_at_3": 22.271, + "map_at_5": 23.681, + "mrr_at_1": 19.435, + "mrr_at_10": 26.124000000000002, + "mrr_at_100": 27.07, + "mrr_at_1000": 27.145999999999997, + "mrr_at_3": 23.748, + "mrr_at_5": 25.239, + "ndcg_at_1": 19.435, + "ndcg_at_10": 28.632, + "ndcg_at_100": 33.988, + "ndcg_at_1000": 36.551, + "ndcg_at_3": 24.035999999999998, + "ndcg_at_5": 26.525, + "precision_at_1": 19.435, + "precision_at_10": 4.565, + "precision_at_100": 0.771, + "precision_at_1000": 0.10200000000000001, + "precision_at_3": 10.169, + "precision_at_5": 7.571, + "recall_at_1": 18.108, + "recall_at_10": 39.533, + "recall_at_100": 64.854, + "recall_at_1000": 84.421, + "recall_at_3": 27.500000000000004, + "recall_at_5": 33.314, + "main_score": 28.632 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 11.087, + "map_at_10": 17.323, + "map_at_100": 18.569, + "map_at_1000": 18.694, + "map_at_3": 15.370000000000001, + "map_at_5": 16.538, + "mrr_at_1": 13.557, + "mrr_at_10": 21.041, + "mrr_at_100": 22.134, + "mrr_at_1000": 22.207, + "mrr_at_3": 18.843, + "mrr_at_5": 20.236, + "ndcg_at_1": 13.557, + "ndcg_at_10": 21.571, + "ndcg_at_100": 27.678000000000004, + "ndcg_at_1000": 30.8, + "ndcg_at_3": 17.922, + "ndcg_at_5": 19.826, + "precision_at_1": 13.557, + "precision_at_10": 4.1290000000000004, + "precision_at_100": 0.8370000000000001, + "precision_at_1000": 0.125, + "precision_at_3": 8.914, + "precision_at_5": 6.691999999999999, + "recall_at_1": 11.087, + "recall_at_10": 30.94, + "recall_at_100": 57.833999999999996, + "recall_at_1000": 80.365, + "recall_at_3": 20.854, + "recall_at_5": 25.695, + "main_score": 21.571 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.708, + "map_at_10": 30.422, + "map_at_100": 31.713, + "map_at_1000": 31.842, + "map_at_3": 27.424, + "map_at_5": 29.17, + "mrr_at_1": 26.756, + "mrr_at_10": 35.304, + "mrr_at_100": 36.296, + "mrr_at_1000": 36.359, + "mrr_at_3": 32.692, + "mrr_at_5": 34.288999999999994, + "ndcg_at_1": 26.756, + "ndcg_at_10": 35.876000000000005, + "ndcg_at_100": 41.708, + "ndcg_at_1000": 44.359, + "ndcg_at_3": 30.946, + "ndcg_at_5": 33.404, + "precision_at_1": 26.756, + "precision_at_10": 6.795, + "precision_at_100": 1.138, + "precision_at_1000": 0.155, + "precision_at_3": 15.046999999999999, + "precision_at_5": 10.972, + "recall_at_1": 21.708, + "recall_at_10": 47.315000000000005, + "recall_at_100": 72.313, + "recall_at_1000": 90.199, + "recall_at_3": 33.528999999999996, + "recall_at_5": 39.985, + "main_score": 35.876000000000005 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.902, + "map_at_10": 26.166, + "map_at_100": 27.368, + "map_at_1000": 27.493000000000002, + "map_at_3": 23.505000000000003, + "map_at_5": 25.019000000000002, + "mrr_at_1": 23.402, + "mrr_at_10": 30.787, + "mrr_at_100": 31.735000000000003, + "mrr_at_1000": 31.806, + "mrr_at_3": 28.33, + "mrr_at_5": 29.711, + "ndcg_at_1": 23.402, + "ndcg_at_10": 30.971, + "ndcg_at_100": 36.61, + "ndcg_at_1000": 39.507999999999996, + "ndcg_at_3": 26.352999999999998, + "ndcg_at_5": 28.488000000000003, + "precision_at_1": 23.402, + "precision_at_10": 5.799, + "precision_at_100": 1.0, + "precision_at_1000": 0.14100000000000001, + "precision_at_3": 12.633, + "precision_at_5": 9.269, + "recall_at_1": 18.902, + "recall_at_10": 40.929, + "recall_at_100": 65.594, + "recall_at_1000": 85.961, + "recall_at_3": 28.121000000000002, + "recall_at_5": 33.638, + "main_score": 30.971 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.168, + "map_at_10": 25.142999999999997, + "map_at_100": 25.993, + "map_at_1000": 26.076, + "map_at_3": 23.179, + "map_at_5": 24.322, + "mrr_at_1": 21.933, + "mrr_at_10": 27.72, + "mrr_at_100": 28.518, + "mrr_at_1000": 28.582, + "mrr_at_3": 25.791999999999998, + "mrr_at_5": 26.958, + "ndcg_at_1": 21.933, + "ndcg_at_10": 28.866999999999997, + "ndcg_at_100": 33.285, + "ndcg_at_1000": 35.591, + "ndcg_at_3": 25.202999999999996, + "ndcg_at_5": 27.045, + "precision_at_1": 21.933, + "precision_at_10": 4.632, + "precision_at_100": 0.733, + "precision_at_1000": 0.101, + "precision_at_3": 10.992, + "precision_at_5": 7.853000000000001, + "recall_at_1": 19.168, + "recall_at_10": 37.899, + "recall_at_100": 58.54899999999999, + "recall_at_1000": 75.666, + "recall_at_3": 27.831, + "recall_at_5": 32.336, + "main_score": 28.866999999999997 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 12.764000000000001, + "map_at_10": 17.757, + "map_at_100": 18.677, + "map_at_1000": 18.813, + "map_at_3": 16.151, + "map_at_5": 16.946, + "mrr_at_1": 15.726, + "mrr_at_10": 21.019, + "mrr_at_100": 21.856, + "mrr_at_1000": 21.954, + "mrr_at_3": 19.282, + "mrr_at_5": 20.189, + "ndcg_at_1": 15.726, + "ndcg_at_10": 21.259, + "ndcg_at_100": 25.868999999999996, + "ndcg_at_1000": 29.425, + "ndcg_at_3": 18.204, + "ndcg_at_5": 19.434, + "precision_at_1": 15.726, + "precision_at_10": 3.8920000000000003, + "precision_at_100": 0.741, + "precision_at_1000": 0.121, + "precision_at_3": 8.58, + "precision_at_5": 6.132, + "recall_at_1": 12.764000000000001, + "recall_at_10": 28.639, + "recall_at_100": 49.639, + "recall_at_1000": 75.725, + "recall_at_3": 19.883, + "recall_at_5": 23.141000000000002, + "main_score": 21.259 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.98, + "map_at_10": 25.2, + "map_at_100": 26.279000000000003, + "map_at_1000": 26.399, + "map_at_3": 23.399, + "map_at_5": 24.284, + "mrr_at_1": 22.015, + "mrr_at_10": 28.555000000000003, + "mrr_at_100": 29.497, + "mrr_at_1000": 29.574, + "mrr_at_3": 26.788, + "mrr_at_5": 27.576, + "ndcg_at_1": 22.015, + "ndcg_at_10": 29.266, + "ndcg_at_100": 34.721000000000004, + "ndcg_at_1000": 37.659, + "ndcg_at_3": 25.741000000000003, + "ndcg_at_5": 27.044, + "precision_at_1": 22.015, + "precision_at_10": 4.897, + "precision_at_100": 0.8540000000000001, + "precision_at_1000": 0.122, + "precision_at_3": 11.567, + "precision_at_5": 7.9479999999999995, + "recall_at_1": 18.98, + "recall_at_10": 38.411, + "recall_at_100": 63.164, + "recall_at_1000": 84.292, + "recall_at_3": 28.576, + "recall_at_5": 31.789, + "main_score": 29.266 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.372, + "map_at_10": 27.161, + "map_at_100": 28.364, + "map_at_1000": 28.554000000000002, + "map_at_3": 25.135, + "map_at_5": 26.200000000000003, + "mrr_at_1": 24.704, + "mrr_at_10": 31.219, + "mrr_at_100": 32.092, + "mrr_at_1000": 32.181, + "mrr_at_3": 29.282000000000004, + "mrr_at_5": 30.359, + "ndcg_at_1": 24.704, + "ndcg_at_10": 31.622, + "ndcg_at_100": 36.917, + "ndcg_at_1000": 40.357, + "ndcg_at_3": 28.398, + "ndcg_at_5": 29.764000000000003, + "precision_at_1": 24.704, + "precision_at_10": 5.81, + "precision_at_100": 1.208, + "precision_at_1000": 0.209, + "precision_at_3": 13.241, + "precision_at_5": 9.407, + "recall_at_1": 20.372, + "recall_at_10": 40.053, + "recall_at_100": 64.71000000000001, + "recall_at_1000": 87.607, + "recall_at_3": 29.961, + "recall_at_5": 34.058, + "main_score": 31.622 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 14.424000000000001, + "map_at_10": 20.541999999999998, + "map_at_100": 21.495, + "map_at_1000": 21.604, + "map_at_3": 18.608, + "map_at_5": 19.783, + "mrr_at_1": 15.895999999999999, + "mrr_at_10": 22.484, + "mrr_at_100": 23.376, + "mrr_at_1000": 23.467, + "mrr_at_3": 20.548, + "mrr_at_5": 21.731, + "ndcg_at_1": 15.895999999999999, + "ndcg_at_10": 24.343, + "ndcg_at_100": 29.181, + "ndcg_at_1000": 32.330999999999996, + "ndcg_at_3": 20.518, + "ndcg_at_5": 22.561999999999998, + "precision_at_1": 15.895999999999999, + "precision_at_10": 3.9739999999999998, + "precision_at_100": 0.6799999999999999, + "precision_at_1000": 0.105, + "precision_at_3": 9.057, + "precision_at_5": 6.654, + "recall_at_1": 14.424000000000001, + "recall_at_10": 34.079, + "recall_at_100": 56.728, + "recall_at_1000": 80.765, + "recall_at_3": 23.993000000000002, + "recall_at_5": 28.838, + "main_score": 24.343 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-sparse/external/EmotionClassification.json b/results/neuralmagic__bge-small-en-v1.5-sparse/external/EmotionClassification.json new file mode 100644 index 000000000..6d5d90e56 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-sparse/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 41.665, + "f1": 37.601137843331244, + "main_score": 41.665 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-sparse/external/ImdbClassification.json b/results/neuralmagic__bge-small-en-v1.5-sparse/external/ImdbClassification.json new file mode 100644 index 000000000..6d9a3ee07 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-sparse/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.8052, + "ap": 68.92588517572685, + "f1": 74.66801685854456, + "main_score": 74.8052 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-sparse/external/MTOPDomainClassification.json b/results/neuralmagic__bge-small-en-v1.5-sparse/external/MTOPDomainClassification.json new file mode 100644 index 000000000..b7cfa3f18 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-sparse/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.2220702234382, + "f1": 90.81687856852439, + "main_score": 91.2220702234382 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-sparse/external/MTOPIntentClassification.json b/results/neuralmagic__bge-small-en-v1.5-sparse/external/MTOPIntentClassification.json new file mode 100644 index 000000000..1a25dca96 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-sparse/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.39124487004105, + "f1": 51.8350043424968, + "main_score": 69.39124487004105 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-sparse/external/MassiveIntentClassification.json b/results/neuralmagic__bge-small-en-v1.5-sparse/external/MassiveIntentClassification.json new file mode 100644 index 000000000..87deacb06 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-sparse/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.80497646267652, + "f1": 67.34213899244814, + "main_score": 69.80497646267652 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-sparse/external/MassiveScenarioClassification.json b/results/neuralmagic__bge-small-en-v1.5-sparse/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..fc0ef6357 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-sparse/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.54270342972428, + "f1": 74.02802500235784, + "main_score": 74.54270342972428 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-sparse/external/MedrxivClusteringP2P.json b/results/neuralmagic__bge-small-en-v1.5-sparse/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..8db2689b7 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-sparse/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.488580544269002, + "main_score": 30.488580544269002 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-sparse/external/MedrxivClusteringS2S.json b/results/neuralmagic__bge-small-en-v1.5-sparse/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..e33d20376 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-sparse/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 28.80426879476371, + "main_score": 28.80426879476371 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-sparse/external/MindSmallReranking.json b/results/neuralmagic__bge-small-en-v1.5-sparse/external/MindSmallReranking.json new file mode 100644 index 000000000..1911f5066 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-sparse/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.37970068676043, + "mrr": 32.48523694064166, + "main_score": 31.37970068676043 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-sparse/external/RedditClustering.json b/results/neuralmagic__bge-small-en-v1.5-sparse/external/RedditClustering.json new file mode 100644 index 000000000..1f66b4c1a --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-sparse/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 42.862710845031565, + "main_score": 42.862710845031565 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-sparse/external/RedditClusteringP2P.json b/results/neuralmagic__bge-small-en-v1.5-sparse/external/RedditClusteringP2P.json new file mode 100644 index 000000000..ec9db3ef6 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-sparse/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 54.270000736385626, + "main_score": 54.270000736385626 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-sparse/external/SICK-R.json b/results/neuralmagic__bge-small-en-v1.5-sparse/external/SICK-R.json new file mode 100644 index 000000000..6c2adb873 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-sparse/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 80.89215288990194, + "cos_sim_spearman": 74.386413188675, + "euclidean_pearson": 78.83679563989534, + "euclidean_spearman": 74.29328198771996, + "manhattan_pearson": 78.77968796707641, + "manhattan_spearman": 74.20887429784696, + "cosine_pearson": 80.89215288990194, + "cosine_spearman": 74.386413188675, + "main_score": 74.386413188675 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-sparse/external/STS12.json b/results/neuralmagic__bge-small-en-v1.5-sparse/external/STS12.json new file mode 100644 index 000000000..90bb68737 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-sparse/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 78.31858821914498, + "cos_sim_spearman": 72.2217008523832, + "euclidean_pearson": 75.38901061978429, + "euclidean_spearman": 71.81255767675184, + "manhattan_pearson": 75.49472202181288, + "manhattan_spearman": 71.96322588726144, + "cosine_pearson": 78.31858821914498, + "cosine_spearman": 72.2217008523832, + "main_score": 72.2217008523832 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-sparse/external/STS13.json b/results/neuralmagic__bge-small-en-v1.5-sparse/external/STS13.json new file mode 100644 index 000000000..3e8f1bcbd --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-sparse/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 79.48334648997455, + "cos_sim_spearman": 80.99654029572798, + "euclidean_pearson": 80.46546523970035, + "euclidean_spearman": 80.90646216980744, + "manhattan_pearson": 80.35474057857608, + "manhattan_spearman": 80.8141299909659, + "cosine_pearson": 79.48334648997455, + "cosine_spearman": 80.99654029572798, + "main_score": 80.99654029572798 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-sparse/external/STS14.json b/results/neuralmagic__bge-small-en-v1.5-sparse/external/STS14.json new file mode 100644 index 000000000..da4b38041 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-sparse/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 79.73826970784727, + "cos_sim_spearman": 76.9926870133034, + "euclidean_pearson": 79.6386542120984, + "euclidean_spearman": 77.05041986942253, + "manhattan_pearson": 79.61799508502459, + "manhattan_spearman": 77.07169617647067, + "cosine_pearson": 79.73826970784727, + "cosine_spearman": 76.9926870133034, + "main_score": 76.9926870133034 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-sparse/external/STS15.json b/results/neuralmagic__bge-small-en-v1.5-sparse/external/STS15.json new file mode 100644 index 000000000..3beda2036 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-sparse/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.93999019426069, + "cos_sim_spearman": 85.21166521594695, + "euclidean_pearson": 84.97207676326357, + "euclidean_spearman": 85.40726578482739, + "manhattan_pearson": 85.0386693192183, + "manhattan_spearman": 85.49230945586409, + "cosine_pearson": 83.93999019426069, + "cosine_spearman": 85.21166521594695, + "main_score": 85.21166521594695 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-sparse/external/STS16.json b/results/neuralmagic__bge-small-en-v1.5-sparse/external/STS16.json new file mode 100644 index 000000000..0b9f96b54 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-sparse/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 80.8133974034008, + "cos_sim_spearman": 82.82919022688844, + "euclidean_pearson": 81.92587923760179, + "euclidean_spearman": 82.86629450518863, + "manhattan_pearson": 81.98232365999253, + "manhattan_spearman": 82.94313939920296, + "cosine_pearson": 80.8133974034008, + "cosine_spearman": 82.82919022688844, + "main_score": 82.82919022688844 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-sparse/external/STS17.json b/results/neuralmagic__bge-small-en-v1.5-sparse/external/STS17.json new file mode 100644 index 000000000..271fde048 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-sparse/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.12872422642363, + "cos_sim_spearman": 87.77672179979807, + "euclidean_pearson": 87.76172961705947, + "euclidean_spearman": 87.9891393339215, + "manhattan_pearson": 87.78863663568221, + "manhattan_spearman": 88.08297053203866, + "cosine_pearson": 86.12872422642363, + "cosine_spearman": 87.77672179979807, + "main_score": 87.77672179979807 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-sparse/external/STS22.json b/results/neuralmagic__bge-small-en-v1.5-sparse/external/STS22.json new file mode 100644 index 000000000..ec855c6fd --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-sparse/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 58.82824030232733, + "cos_sim_spearman": 64.17079382633538, + "euclidean_pearson": 61.31505225602925, + "euclidean_spearman": 64.05080034530694, + "manhattan_pearson": 61.77095758943306, + "manhattan_spearman": 64.14475973774933, + "cosine_pearson": 58.82824030232733, + "cosine_spearman": 64.17079382633538, + "main_score": 64.17079382633538 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-sparse/external/STSBenchmark.json b/results/neuralmagic__bge-small-en-v1.5-sparse/external/STSBenchmark.json new file mode 100644 index 000000000..4858c7fff --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-sparse/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.39239803497064, + "cos_sim_spearman": 81.76637354520439, + "euclidean_pearson": 82.98008209033587, + "euclidean_spearman": 82.18662536188657, + "manhattan_pearson": 82.9630328314908, + "manhattan_spearman": 82.13726553603003, + "cosine_pearson": 81.39239803497064, + "cosine_spearman": 81.76637354520439, + "main_score": 81.76637354520439 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-sparse/external/SciDocsRR.json b/results/neuralmagic__bge-small-en-v1.5-sparse/external/SciDocsRR.json new file mode 100644 index 000000000..4b19a8a3e --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-sparse/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 79.45753132898741, + "mrr": 93.84029822755313, + "main_score": 79.45753132898741 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-sparse/external/SprintDuplicateQuestions.json b/results/neuralmagic__bge-small-en-v1.5-sparse/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..3fd365fb7 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-sparse/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.8019801980198, + "cos_sim_ap": 94.58629018512772, + "cos_sim_f1": 89.84771573604061, + "cos_sim_precision": 91.23711340206185, + "cos_sim_recall": 88.5, + "dot_accuracy": 99.74950495049505, + "dot_ap": 92.5761214576951, + "dot_f1": 87.09841917389087, + "dot_precision": 88.86576482830385, + "dot_recall": 85.39999999999999, + "euclidean_accuracy": 99.80495049504951, + "euclidean_ap": 94.56231673602272, + "euclidean_f1": 90.02531645569621, + "euclidean_precision": 91.17948717948718, + "euclidean_recall": 88.9, + "manhattan_accuracy": 99.8009900990099, + "manhattan_ap": 94.5775591647447, + "manhattan_f1": 89.86384266263238, + "manhattan_precision": 90.64089521871821, + "manhattan_recall": 89.1, + "max_accuracy": 99.80495049504951, + "max_ap": 94.58629018512772, + "max_f1": 90.02531645569621, + "main_score": 94.58629018512772 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-sparse/external/StackExchangeClustering.json b/results/neuralmagic__bge-small-en-v1.5-sparse/external/StackExchangeClustering.json new file mode 100644 index 000000000..557d9133f --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-sparse/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 53.088941385715735, + "main_score": 53.088941385715735 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-sparse/external/StackExchangeClusteringP2P.json b/results/neuralmagic__bge-small-en-v1.5-sparse/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..87e9c77c3 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-sparse/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.146129414825744, + "main_score": 33.146129414825744 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-sparse/external/StackOverflowDupQuestions.json b/results/neuralmagic__bge-small-en-v1.5-sparse/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..64de29979 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-sparse/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 48.7511362739003, + "mrr": 49.61682210763093, + "main_score": 48.7511362739003 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-sparse/external/ToxicConversationsClassification.json b/results/neuralmagic__bge-small-en-v1.5-sparse/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..9770ea047 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-sparse/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 67.43820000000001, + "ap": 12.899489312331003, + "f1": 52.03468121072981, + "main_score": 67.43820000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-sparse/external/TweetSentimentExtractionClassification.json b/results/neuralmagic__bge-small-en-v1.5-sparse/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..2a590b237 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-sparse/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 57.475947934352, + "f1": 57.77676730676238, + "main_score": 57.475947934352 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-sparse/external/TwentyNewsgroupsClustering.json b/results/neuralmagic__bge-small-en-v1.5-sparse/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..845e8de34 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-sparse/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.3463456299738, + "main_score": 38.3463456299738 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-sparse/external/TwitterSemEval2015.json b/results/neuralmagic__bge-small-en-v1.5-sparse/external/TwitterSemEval2015.json new file mode 100644 index 000000000..ee9d29843 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-sparse/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 83.94230196101806, + "cos_sim_ap": 67.00916556336148, + "cos_sim_f1": 63.046014257939085, + "cos_sim_precision": 61.961783439490446, + "cos_sim_recall": 64.16886543535621, + "dot_accuracy": 83.18531322644095, + "dot_ap": 63.112896030267066, + "dot_f1": 59.06565656565657, + "dot_precision": 56.63438256658596, + "dot_recall": 61.715039577836414, + "euclidean_accuracy": 83.94230196101806, + "euclidean_ap": 67.19856676674463, + "euclidean_f1": 63.08428413691571, + "euclidean_precision": 58.9543682641596, + "euclidean_recall": 67.83641160949868, + "manhattan_accuracy": 83.91845979614949, + "manhattan_ap": 66.9845327263072, + "manhattan_f1": 62.693323274236135, + "manhattan_precision": 59.884698534710544, + "manhattan_recall": 65.77836411609499, + "max_accuracy": 83.94230196101806, + "max_ap": 67.19856676674463, + "max_f1": 63.08428413691571, + "main_score": 67.19856676674463 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-sparse/external/TwitterURLCorpus.json b/results/neuralmagic__bge-small-en-v1.5-sparse/external/TwitterURLCorpus.json new file mode 100644 index 000000000..b09668c0c --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-sparse/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.0777738968448, + "cos_sim_ap": 84.19747786536, + "cos_sim_f1": 75.91830995817077, + "cos_sim_precision": 69.84671107949033, + "cos_sim_recall": 83.14598090545118, + "dot_accuracy": 87.14246904955951, + "dot_ap": 82.37528804640529, + "dot_f1": 74.40963166732163, + "dot_precision": 69.4127841098447, + "dot_recall": 80.18170619032954, + "euclidean_accuracy": 88.08359529630924, + "euclidean_ap": 84.22633217661986, + "euclidean_f1": 76.09190339866403, + "euclidean_precision": 72.70304390517605, + "euclidean_recall": 79.81213427779488, + "manhattan_accuracy": 88.08359529630924, + "manhattan_ap": 84.18362004611083, + "manhattan_f1": 76.08789625360231, + "manhattan_precision": 71.49336582724072, + "manhattan_recall": 81.3135201724669, + "max_accuracy": 88.08359529630924, + "max_ap": 84.22633217661986, + "max_f1": 76.09190339866403, + "main_score": 84.22633217661986 + } + ] + } +} \ No newline at end of file diff --git a/results/neuralmagic__bge-small-en-v1.5-sparse/external/model_meta.json b/results/neuralmagic__bge-small-en-v1.5-sparse/external/model_meta.json new file mode 100644 index 000000000..67a913dc7 --- /dev/null +++ b/results/neuralmagic__bge-small-en-v1.5-sparse/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "neuralmagic/bge-small-en-v1.5-sparse", + "revision": "4800c91428523a28b2feb522f6a9b05f5fef9bc1", + "release_date": "2023-09-21", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 384, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/nickprock__mmarco-bert-base-italian-uncased/external/MassiveIntentClassification.json b/results/nickprock__mmarco-bert-base-italian-uncased/external/MassiveIntentClassification.json new file mode 100644 index 000000000..3ac92721a --- /dev/null +++ b/results/nickprock__mmarco-bert-base-italian-uncased/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 55.06052454606589, + "f1": 54.014768121214104, + "main_score": 55.06052454606589 + } + ] + } +} \ No newline at end of file diff --git a/results/nickprock__mmarco-bert-base-italian-uncased/external/MassiveScenarioClassification.json b/results/nickprock__mmarco-bert-base-italian-uncased/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..37271bfd7 --- /dev/null +++ b/results/nickprock__mmarco-bert-base-italian-uncased/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 63.04303967720243, + "f1": 62.695230714417406, + "main_score": 63.04303967720243 + } + ] + } +} \ No newline at end of file diff --git a/results/nickprock__mmarco-bert-base-italian-uncased/external/STS22.json b/results/nickprock__mmarco-bert-base-italian-uncased/external/STS22.json new file mode 100644 index 000000000..e84c4c7a3 --- /dev/null +++ b/results/nickprock__mmarco-bert-base-italian-uncased/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "cos_sim_pearson": 64.73840574137837, + "cos_sim_spearman": 69.44233124548987, + "euclidean_pearson": 67.65045364124317, + "euclidean_spearman": 69.586510471675, + "manhattan_pearson": 67.76125181623837, + "manhattan_spearman": 69.61010945802974, + "cosine_pearson": 64.73840574137837, + "cosine_spearman": 69.44233124548987, + "main_score": 69.44233124548987 + } + ] + } +} \ No newline at end of file diff --git a/results/nickprock__mmarco-bert-base-italian-uncased/external/model_meta.json b/results/nickprock__mmarco-bert-base-italian-uncased/external/model_meta.json new file mode 100644 index 000000000..1952645ba --- /dev/null +++ b/results/nickprock__mmarco-bert-base-italian-uncased/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "nickprock/mmarco-bert-base-italian-uncased", + "revision": "85cb72509c88a2aaa484589f87fed8f78fce4776", + "release_date": "2023-05-18", + "languages": [ + "it" + ], + "loader": null, + "n_parameters": 109928192, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 768, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/nickprock__mmarco-sentence-flare-it/external/MassiveIntentClassification.json b/results/nickprock__mmarco-sentence-flare-it/external/MassiveIntentClassification.json new file mode 100644 index 000000000..34a1e8e36 --- /dev/null +++ b/results/nickprock__mmarco-sentence-flare-it/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 22.299932750504368, + "f1": 20.147804322480262, + "main_score": 22.299932750504368 + } + ] + } +} \ No newline at end of file diff --git a/results/nickprock__mmarco-sentence-flare-it/external/MassiveScenarioClassification.json b/results/nickprock__mmarco-sentence-flare-it/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..c8d11a3d6 --- /dev/null +++ b/results/nickprock__mmarco-sentence-flare-it/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 27.40753194351042, + "f1": 25.187141587127705, + "main_score": 27.40753194351042 + } + ] + } +} \ No newline at end of file diff --git a/results/nickprock__mmarco-sentence-flare-it/external/STS22.json b/results/nickprock__mmarco-sentence-flare-it/external/STS22.json new file mode 100644 index 000000000..4426a4fab --- /dev/null +++ b/results/nickprock__mmarco-sentence-flare-it/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "cos_sim_pearson": 30.67175493186678, + "cos_sim_spearman": 37.92638638971281, + "euclidean_pearson": 37.47072224334179, + "euclidean_spearman": 39.23036609148336, + "manhattan_pearson": 42.92657347688227, + "manhattan_spearman": 43.93955531904934, + "cosine_pearson": 30.67175493186678, + "cosine_spearman": 37.92638638971281, + "main_score": 37.92638638971281 + } + ] + } +} \ No newline at end of file diff --git a/results/nickprock__mmarco-sentence-flare-it/external/model_meta.json b/results/nickprock__mmarco-sentence-flare-it/external/model_meta.json new file mode 100644 index 000000000..897f56eb9 --- /dev/null +++ b/results/nickprock__mmarco-sentence-flare-it/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "nickprock/mmarco-sentence-flare-it", + "revision": "35c754cb9ac74a1ae7552f923b640e6ab6bb6afc", + "release_date": "2023-09-28", + "languages": [ + "it" + ], + "loader": null, + "n_parameters": 16613067, + "memory_usage": null, + "max_tokens": 514, + "embed_dim": 384, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/nickprock__stsbm-sentence-flare-it/external/MassiveIntentClassification.json b/results/nickprock__stsbm-sentence-flare-it/external/MassiveIntentClassification.json new file mode 100644 index 000000000..46aa8b930 --- /dev/null +++ b/results/nickprock__stsbm-sentence-flare-it/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 38.87693342299933, + "f1": 38.59797368919743, + "main_score": 38.87693342299933 + } + ] + } +} \ No newline at end of file diff --git a/results/nickprock__stsbm-sentence-flare-it/external/MassiveScenarioClassification.json b/results/nickprock__stsbm-sentence-flare-it/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..8df9aacb7 --- /dev/null +++ b/results/nickprock__stsbm-sentence-flare-it/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 43.29522528581036, + "f1": 41.885971841007155, + "main_score": 43.29522528581036 + } + ] + } +} \ No newline at end of file diff --git a/results/nickprock__stsbm-sentence-flare-it/external/STS22.json b/results/nickprock__stsbm-sentence-flare-it/external/STS22.json new file mode 100644 index 000000000..9e222bd66 --- /dev/null +++ b/results/nickprock__stsbm-sentence-flare-it/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "cos_sim_pearson": 56.8889140577969, + "cos_sim_spearman": 65.7143262279769, + "euclidean_pearson": 57.08929223691975, + "euclidean_spearman": 64.46289912272027, + "manhattan_pearson": 58.275319862511424, + "manhattan_spearman": 64.84248858822639, + "cosine_pearson": 56.8889140577969, + "cosine_spearman": 65.7143262279769, + "main_score": 65.7143262279769 + } + ] + } +} \ No newline at end of file diff --git a/results/nickprock__stsbm-sentence-flare-it/external/model_meta.json b/results/nickprock__stsbm-sentence-flare-it/external/model_meta.json new file mode 100644 index 000000000..0fd659b3d --- /dev/null +++ b/results/nickprock__stsbm-sentence-flare-it/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "nickprock/stsbm-sentence-flare-it", + "revision": "6cbcb07d43e6252ff5b2ca26018d5586778a0fc3", + "release_date": "2023-09-28", + "languages": [ + "it" + ], + "loader": null, + "n_parameters": 16611962, + "memory_usage": null, + "max_tokens": 514, + "embed_dim": 384, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/AmazonCounterfactualClassification.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..9afd20c8b --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.67164179104476, + "ap": 42.7379383648841, + "f1": 72.79997373883408, + "main_score": 78.67164179104476 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/AmazonPolarityClassification.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..c23fa987d --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 90.413775, + "ap": 87.08812293673202, + "f1": 90.39246586225426, + "main_score": 90.413775 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/AmazonReviewsClassification.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..f54c086dc --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 47.80799999999999, + "f1": 47.25679462673503, + "main_score": 47.80799999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/ArguAna.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/ArguAna.json new file mode 100644 index 000000000..68327da86 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.37, + "map_at_10": 45.748, + "map_at_100": 46.617, + "map_at_1000": 46.622, + "map_at_3": 40.564, + "map_at_5": 43.69, + "mrr_at_1": 30.868000000000002, + "mrr_at_10": 45.905, + "mrr_at_100": 46.787, + "mrr_at_1000": 46.792, + "mrr_at_3": 40.717999999999996, + "mrr_at_5": 43.851, + "ndcg_at_1": 30.37, + "ndcg_at_10": 54.662, + "ndcg_at_100": 58.23700000000001, + "ndcg_at_1000": 58.373, + "ndcg_at_3": 44.069, + "ndcg_at_5": 49.728, + "precision_at_1": 30.37, + "precision_at_10": 8.321000000000002, + "precision_at_100": 0.985, + "precision_at_1000": 0.1, + "precision_at_3": 18.089, + "precision_at_5": 13.613, + "recall_at_1": 30.37, + "recall_at_10": 83.21499999999999, + "recall_at_100": 98.506, + "recall_at_1000": 99.57300000000001, + "recall_at_3": 54.266999999999996, + "recall_at_5": 68.065, + "main_score": 54.662 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/ArxivClusteringP2P.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..84f3deba5 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 45.85329429748079, + "main_score": 45.85329429748079 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/ArxivClusteringS2S.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..09e895466 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.12666783330692, + "main_score": 36.12666783330692 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/AskUbuntuDupQuestions.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..faf71a064 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 57.58783867794241, + "mrr": 71.84078617596622, + "main_score": 57.58783867794241 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/BIOSSES.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/BIOSSES.json new file mode 100644 index 000000000..1503d98f3 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.92453139507079, + "cos_sim_spearman": 85.37122234964886, + "euclidean_pearson": 86.19345621799168, + "euclidean_spearman": 85.37122234964886, + "manhattan_pearson": 86.4685290616604, + "manhattan_spearman": 85.91400580167537, + "cosine_pearson": 87.92453139507079, + "cosine_spearman": 85.37122234964886, + "main_score": 85.37122234964886 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/Banking77Classification.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/Banking77Classification.json new file mode 100644 index 000000000..ea9f909b8 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 83.81818181818181, + "f1": 83.76155217378863, + "main_score": 83.81818181818181 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/BiorxivClusteringP2P.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..72ad5c8f8 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.46362764203256, + "main_score": 38.46362764203256 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/BiorxivClusteringS2S.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..6e6ca2a2b --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.13807021168658, + "main_score": 33.13807021168658 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/CQADupstackAndroidRetrieval.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..ef317532b --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.725, + "map_at_10": 39.654, + "map_at_100": 41.022, + "map_at_1000": 41.144999999999996, + "map_at_3": 36.819, + "map_at_5": 38.376, + "mrr_at_1": 36.195, + "mrr_at_10": 45.171, + "mrr_at_100": 45.987, + "mrr_at_1000": 46.033, + "mrr_at_3": 43.038, + "mrr_at_5": 44.196000000000005, + "ndcg_at_1": 36.195, + "ndcg_at_10": 45.194, + "ndcg_at_100": 50.516000000000005, + "ndcg_at_1000": 52.739000000000004, + "ndcg_at_3": 41.142, + "ndcg_at_5": 42.973, + "precision_at_1": 36.195, + "precision_at_10": 8.312, + "precision_at_100": 1.346, + "precision_at_1000": 0.182, + "precision_at_3": 19.599, + "precision_at_5": 13.847999999999999, + "recall_at_1": 29.725, + "recall_at_10": 55.51199999999999, + "recall_at_100": 78.182, + "recall_at_1000": 92.727, + "recall_at_3": 43.287, + "recall_at_5": 48.732, + "main_score": 45.194 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.23, + "map_at_10": 40.091, + "map_at_100": 41.251, + "map_at_1000": 41.384, + "map_at_3": 37.247, + "map_at_5": 38.865, + "mrr_at_1": 38.279999999999994, + "mrr_at_10": 46.288000000000004, + "mrr_at_100": 47.022999999999996, + "mrr_at_1000": 47.068, + "mrr_at_3": 44.395, + "mrr_at_5": 45.446, + "ndcg_at_1": 38.279999999999994, + "ndcg_at_10": 45.647, + "ndcg_at_100": 49.851, + "ndcg_at_1000": 51.991, + "ndcg_at_3": 41.795, + "ndcg_at_5": 43.578, + "precision_at_1": 38.279999999999994, + "precision_at_10": 8.522, + "precision_at_100": 1.361, + "precision_at_1000": 0.185, + "precision_at_3": 20.297, + "precision_at_5": 14.255, + "recall_at_1": 30.23, + "recall_at_10": 55.094, + "recall_at_100": 72.887, + "recall_at_1000": 86.295, + "recall_at_3": 43.244, + "recall_at_5": 48.507, + "main_score": 45.647 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.854, + "map_at_10": 52.232, + "map_at_100": 53.129000000000005, + "map_at_1000": 53.185, + "map_at_3": 49.094, + "map_at_5": 50.834999999999994, + "mrr_at_1": 46.708, + "mrr_at_10": 56.021, + "mrr_at_100": 56.584, + "mrr_at_1000": 56.611999999999995, + "mrr_at_3": 53.657, + "mrr_at_5": 55.027, + "ndcg_at_1": 46.708, + "ndcg_at_10": 57.89, + "ndcg_at_100": 61.541999999999994, + "ndcg_at_1000": 62.754, + "ndcg_at_3": 52.632, + "ndcg_at_5": 55.104, + "precision_at_1": 46.708, + "precision_at_10": 9.122, + "precision_at_100": 1.187, + "precision_at_1000": 0.134, + "precision_at_3": 23.072, + "precision_at_5": 15.661, + "recall_at_1": 40.854, + "recall_at_10": 70.98, + "recall_at_100": 86.947, + "recall_at_1000": 95.62, + "recall_at_3": 56.782999999999994, + "recall_at_5": 62.980000000000004, + "main_score": 57.89 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.366, + "map_at_10": 33.674, + "map_at_100": 34.58, + "map_at_1000": 34.662, + "map_at_3": 31.596999999999998, + "map_at_5": 32.596000000000004, + "mrr_at_1": 28.588, + "mrr_at_10": 35.912, + "mrr_at_100": 36.696, + "mrr_at_1000": 36.760999999999996, + "mrr_at_3": 33.823, + "mrr_at_5": 34.829, + "ndcg_at_1": 28.588, + "ndcg_at_10": 38.031, + "ndcg_at_100": 42.678, + "ndcg_at_1000": 44.871, + "ndcg_at_3": 33.815, + "ndcg_at_5": 35.531, + "precision_at_1": 28.588, + "precision_at_10": 5.638, + "precision_at_100": 0.8380000000000001, + "precision_at_1000": 0.106, + "precision_at_3": 13.974, + "precision_at_5": 9.401, + "recall_at_1": 26.366, + "recall_at_10": 49.353, + "recall_at_100": 71.194, + "recall_at_1000": 87.842, + "recall_at_3": 37.829, + "recall_at_5": 41.976, + "main_score": 38.031 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.634, + "map_at_10": 23.271, + "map_at_100": 24.366, + "map_at_1000": 24.484, + "map_at_3": 21.075, + "map_at_5": 22.364, + "mrr_at_1": 20.522000000000002, + "mrr_at_10": 27.735, + "mrr_at_100": 28.691, + "mrr_at_1000": 28.762999999999998, + "mrr_at_3": 25.518, + "mrr_at_5": 26.762000000000004, + "ndcg_at_1": 20.522000000000002, + "ndcg_at_10": 27.791, + "ndcg_at_100": 33.101, + "ndcg_at_1000": 36.075, + "ndcg_at_3": 23.74, + "ndcg_at_5": 25.691000000000003, + "precision_at_1": 20.522000000000002, + "precision_at_10": 4.963, + "precision_at_100": 0.873, + "precision_at_1000": 0.128, + "precision_at_3": 11.111, + "precision_at_5": 8.01, + "recall_at_1": 16.634, + "recall_at_10": 37.498, + "recall_at_100": 60.598, + "recall_at_1000": 81.828, + "recall_at_3": 26.136, + "recall_at_5": 31.211, + "main_score": 27.791 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.200999999999997, + "map_at_10": 37.619, + "map_at_100": 38.834999999999994, + "map_at_1000": 38.951, + "map_at_3": 35.119, + "map_at_5": 36.559999999999995, + "mrr_at_1": 33.782000000000004, + "mrr_at_10": 43.033, + "mrr_at_100": 43.761, + "mrr_at_1000": 43.818, + "mrr_at_3": 40.727999999999994, + "mrr_at_5": 42.129, + "ndcg_at_1": 33.782000000000004, + "ndcg_at_10": 43.178, + "ndcg_at_100": 48.27, + "ndcg_at_1000": 50.559, + "ndcg_at_3": 38.974, + "ndcg_at_5": 41.019, + "precision_at_1": 33.782000000000004, + "precision_at_10": 7.575, + "precision_at_100": 1.1820000000000002, + "precision_at_1000": 0.154, + "precision_at_3": 18.223, + "precision_at_5": 12.742999999999999, + "recall_at_1": 28.200999999999997, + "recall_at_10": 54.089, + "recall_at_100": 75.57000000000001, + "recall_at_1000": 90.827, + "recall_at_3": 42.435, + "recall_at_5": 47.652, + "main_score": 43.178 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.313000000000002, + "map_at_10": 34.329, + "map_at_100": 35.445, + "map_at_1000": 35.556, + "map_at_3": 31.659, + "map_at_5": 32.981, + "mrr_at_1": 30.822, + "mrr_at_10": 39.084, + "mrr_at_100": 39.97, + "mrr_at_1000": 40.025, + "mrr_at_3": 36.815, + "mrr_at_5": 38.002, + "ndcg_at_1": 30.822, + "ndcg_at_10": 39.512, + "ndcg_at_100": 44.925, + "ndcg_at_1000": 47.274, + "ndcg_at_3": 35.055, + "ndcg_at_5": 36.788, + "precision_at_1": 30.822, + "precision_at_10": 7.1, + "precision_at_100": 1.15, + "precision_at_1000": 0.151, + "precision_at_3": 16.476, + "precision_at_5": 11.461, + "recall_at_1": 25.313000000000002, + "recall_at_10": 50.178, + "recall_at_100": 74.312, + "recall_at_1000": 90.50200000000001, + "recall_at_3": 37.626, + "recall_at_5": 42.34, + "main_score": 39.512 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.502250000000004, + "map_at_10": 33.655166666666666, + "map_at_100": 34.72833333333333, + "map_at_1000": 34.84375, + "map_at_3": 31.253999999999998, + "map_at_5": 32.55075, + "mrr_at_1": 29.91975, + "mrr_at_10": 37.65441666666667, + "mrr_at_100": 38.464416666666665, + "mrr_at_1000": 38.52591666666667, + "mrr_at_3": 35.57858333333333, + "mrr_at_5": 36.71083333333333, + "ndcg_at_1": 29.91975, + "ndcg_at_10": 38.47316666666667, + "ndcg_at_100": 43.256416666666674, + "ndcg_at_1000": 45.70658333333333, + "ndcg_at_3": 34.350833333333334, + "ndcg_at_5": 36.184583333333336, + "precision_at_1": 29.91975, + "precision_at_10": 6.5489999999999995, + "precision_at_100": 1.0553333333333332, + "precision_at_1000": 0.14516666666666667, + "precision_at_3": 15.579083333333333, + "precision_at_5": 10.851083333333332, + "recall_at_1": 25.502250000000004, + "recall_at_10": 48.7965, + "recall_at_100": 69.93500000000002, + "recall_at_1000": 87.17049999999999, + "recall_at_3": 37.20433333333333, + "recall_at_5": 42.00783333333333, + "main_score": 38.47316666666667 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.777, + "map_at_10": 29.932, + "map_at_100": 30.778, + "map_at_1000": 30.879, + "map_at_3": 27.898, + "map_at_5": 29.086000000000002, + "mrr_at_1": 26.227, + "mrr_at_10": 32.443, + "mrr_at_100": 33.212, + "mrr_at_1000": 33.29, + "mrr_at_3": 30.419, + "mrr_at_5": 31.616, + "ndcg_at_1": 26.227, + "ndcg_at_10": 33.774, + "ndcg_at_100": 37.917, + "ndcg_at_1000": 40.557, + "ndcg_at_3": 29.875, + "ndcg_at_5": 31.845000000000002, + "precision_at_1": 26.227, + "precision_at_10": 5.153, + "precision_at_100": 0.784, + "precision_at_1000": 0.108, + "precision_at_3": 12.423, + "precision_at_5": 8.773, + "recall_at_1": 23.777, + "recall_at_10": 43.142, + "recall_at_100": 61.68900000000001, + "recall_at_1000": 81.37100000000001, + "recall_at_3": 32.582, + "recall_at_5": 37.403, + "main_score": 33.774 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.659, + "map_at_10": 22.926, + "map_at_100": 23.837, + "map_at_1000": 23.953, + "map_at_3": 21.029999999999998, + "map_at_5": 22.019, + "mrr_at_1": 19.649, + "mrr_at_10": 26.32, + "mrr_at_100": 27.143, + "mrr_at_1000": 27.222, + "mrr_at_3": 24.484, + "mrr_at_5": 25.468000000000004, + "ndcg_at_1": 19.649, + "ndcg_at_10": 26.941, + "ndcg_at_100": 31.522, + "ndcg_at_1000": 34.538999999999994, + "ndcg_at_3": 23.419999999999998, + "ndcg_at_5": 24.927, + "precision_at_1": 19.649, + "precision_at_10": 4.7010000000000005, + "precision_at_100": 0.8130000000000001, + "precision_at_1000": 0.124, + "precision_at_3": 10.735999999999999, + "precision_at_5": 7.591, + "recall_at_1": 16.659, + "recall_at_10": 35.721000000000004, + "recall_at_100": 56.43, + "recall_at_1000": 78.464, + "recall_at_3": 25.878, + "recall_at_5": 29.731999999999996, + "main_score": 26.941 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.309, + "map_at_10": 31.990000000000002, + "map_at_100": 32.895, + "map_at_1000": 33.0, + "map_at_3": 29.848999999999997, + "map_at_5": 30.942999999999998, + "mrr_at_1": 28.638, + "mrr_at_10": 36.036, + "mrr_at_100": 36.787, + "mrr_at_1000": 36.855, + "mrr_at_3": 34.08, + "mrr_at_5": 35.073, + "ndcg_at_1": 28.638, + "ndcg_at_10": 36.588, + "ndcg_at_100": 41.152, + "ndcg_at_1000": 43.769999999999996, + "ndcg_at_3": 32.632, + "ndcg_at_5": 34.249, + "precision_at_1": 28.638, + "precision_at_10": 5.942, + "precision_at_100": 0.9249999999999999, + "precision_at_1000": 0.127, + "precision_at_3": 14.582999999999998, + "precision_at_5": 9.944, + "recall_at_1": 24.309, + "recall_at_10": 46.725, + "recall_at_100": 67.11, + "recall_at_1000": 85.91499999999999, + "recall_at_3": 35.72, + "recall_at_5": 39.854, + "main_score": 36.588 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.997999999999998, + "map_at_10": 30.564000000000004, + "map_at_100": 32.06, + "map_at_1000": 32.282, + "map_at_3": 28.12, + "map_at_5": 29.395, + "mrr_at_1": 27.075, + "mrr_at_10": 34.510999999999996, + "mrr_at_100": 35.549, + "mrr_at_1000": 35.616, + "mrr_at_3": 32.444, + "mrr_at_5": 33.589999999999996, + "ndcg_at_1": 27.075, + "ndcg_at_10": 35.582, + "ndcg_at_100": 41.308, + "ndcg_at_1000": 44.385999999999996, + "ndcg_at_3": 31.467, + "ndcg_at_5": 33.189, + "precision_at_1": 27.075, + "precision_at_10": 6.68, + "precision_at_100": 1.427, + "precision_at_1000": 0.231, + "precision_at_3": 14.625, + "precision_at_5": 10.356, + "recall_at_1": 22.997999999999998, + "recall_at_10": 45.196, + "recall_at_100": 70.319, + "recall_at_1000": 90.766, + "recall_at_3": 33.487, + "recall_at_5": 38.297, + "main_score": 35.582 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.961, + "map_at_10": 27.58, + "map_at_100": 28.542, + "map_at_1000": 28.644, + "map_at_3": 25.541000000000004, + "map_at_5": 26.589000000000002, + "mrr_at_1": 22.551, + "mrr_at_10": 29.298999999999996, + "mrr_at_100": 30.17, + "mrr_at_1000": 30.248, + "mrr_at_3": 27.542, + "mrr_at_5": 28.392, + "ndcg_at_1": 22.551, + "ndcg_at_10": 31.55, + "ndcg_at_100": 36.295, + "ndcg_at_1000": 38.964, + "ndcg_at_3": 27.663, + "ndcg_at_5": 29.321, + "precision_at_1": 22.551, + "precision_at_10": 4.88, + "precision_at_100": 0.7779999999999999, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 11.83, + "precision_at_5": 8.17, + "recall_at_1": 20.961, + "recall_at_10": 42.07, + "recall_at_100": 63.982000000000006, + "recall_at_1000": 83.889, + "recall_at_3": 31.445, + "recall_at_5": 35.410000000000004, + "main_score": 31.55 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/ClimateFEVER.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/ClimateFEVER.json new file mode 100644 index 000000000..f975738ef --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 11.314, + "map_at_10": 18.983, + "map_at_100": 20.851, + "map_at_1000": 21.066, + "map_at_3": 16.014, + "map_at_5": 17.569000000000003, + "mrr_at_1": 25.277, + "mrr_at_10": 36.657000000000004, + "mrr_at_100": 37.646, + "mrr_at_1000": 37.686, + "mrr_at_3": 33.17, + "mrr_at_5": 35.232, + "ndcg_at_1": 25.277, + "ndcg_at_10": 27.011000000000003, + "ndcg_at_100": 34.418, + "ndcg_at_1000": 38.089, + "ndcg_at_3": 22.026, + "ndcg_at_5": 23.866, + "precision_at_1": 25.277, + "precision_at_10": 8.397, + "precision_at_100": 1.6320000000000001, + "precision_at_1000": 0.22999999999999998, + "precision_at_3": 16.156000000000002, + "precision_at_5": 12.612000000000002, + "recall_at_1": 11.314, + "recall_at_10": 32.474, + "recall_at_100": 57.926, + "recall_at_1000": 78.387, + "recall_at_3": 20.415, + "recall_at_5": 25.407999999999998, + "main_score": 27.011000000000003 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/DBPedia.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/DBPedia.json new file mode 100644 index 000000000..689e10bbc --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.835999999999999, + "map_at_10": 19.73, + "map_at_100": 28.011000000000003, + "map_at_1000": 29.519000000000002, + "map_at_3": 14.249, + "map_at_5": 16.472, + "mrr_at_1": 67.0, + "mrr_at_10": 74.632, + "mrr_at_100": 74.97200000000001, + "mrr_at_1000": 74.97500000000001, + "mrr_at_3": 72.958, + "mrr_at_5": 73.908, + "ndcg_at_1": 55.875, + "ndcg_at_10": 42.071999999999996, + "ndcg_at_100": 46.091, + "ndcg_at_1000": 52.737, + "ndcg_at_3": 47.079, + "ndcg_at_5": 43.788, + "precision_at_1": 67.0, + "precision_at_10": 33.45, + "precision_at_100": 10.633, + "precision_at_1000": 2.067, + "precision_at_3": 49.583, + "precision_at_5": 41.25, + "recall_at_1": 8.835999999999999, + "recall_at_10": 24.872, + "recall_at_100": 51.427, + "recall_at_1000": 72.17099999999999, + "recall_at_3": 15.631999999999998, + "recall_at_5": 18.956, + "main_score": 42.071999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/EmotionClassification.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/EmotionClassification.json new file mode 100644 index 000000000..ecebc755d --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 48.80500000000001, + "f1": 43.91955883597831, + "main_score": 48.80500000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/FEVER.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/FEVER.json new file mode 100644 index 000000000..f6d116d3a --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 61.480999999999995, + "map_at_10": 72.162, + "map_at_100": 72.487, + "map_at_1000": 72.504, + "map_at_3": 70.354, + "map_at_5": 71.509, + "mrr_at_1": 66.262, + "mrr_at_10": 76.605, + "mrr_at_100": 76.833, + "mrr_at_1000": 76.839, + "mrr_at_3": 74.977, + "mrr_at_5": 76.06, + "ndcg_at_1": 66.262, + "ndcg_at_10": 77.323, + "ndcg_at_100": 78.685, + "ndcg_at_1000": 79.032, + "ndcg_at_3": 74.015, + "ndcg_at_5": 75.916, + "precision_at_1": 66.262, + "precision_at_10": 9.757, + "precision_at_100": 1.059, + "precision_at_1000": 0.11100000000000002, + "precision_at_3": 29.032999999999998, + "precision_at_5": 18.5, + "recall_at_1": 61.480999999999995, + "recall_at_10": 88.878, + "recall_at_100": 94.719, + "recall_at_1000": 97.066, + "recall_at_3": 79.95100000000001, + "recall_at_5": 84.691, + "main_score": 77.323 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/FiQA2018.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/FiQA2018.json new file mode 100644 index 000000000..e15fc80a8 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.925, + "map_at_10": 31.621, + "map_at_100": 33.282000000000004, + "map_at_1000": 33.455, + "map_at_3": 27.504, + "map_at_5": 29.921999999999997, + "mrr_at_1": 39.660000000000004, + "mrr_at_10": 47.366, + "mrr_at_100": 48.179, + "mrr_at_1000": 48.219, + "mrr_at_3": 45.062000000000005, + "mrr_at_5": 46.404, + "ndcg_at_1": 39.660000000000004, + "ndcg_at_10": 39.019, + "ndcg_at_100": 45.286, + "ndcg_at_1000": 48.370000000000005, + "ndcg_at_3": 35.421, + "ndcg_at_5": 36.767, + "precision_at_1": 39.660000000000004, + "precision_at_10": 10.494, + "precision_at_100": 1.7069999999999999, + "precision_at_1000": 0.22599999999999998, + "precision_at_3": 23.200000000000003, + "precision_at_5": 17.253, + "recall_at_1": 19.925, + "recall_at_10": 45.48, + "recall_at_100": 68.585, + "recall_at_1000": 87.128, + "recall_at_3": 31.913000000000004, + "recall_at_5": 38.107, + "main_score": 39.019 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/HotpotQA.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/HotpotQA.json new file mode 100644 index 000000000..da0d257ca --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 37.961, + "map_at_10": 55.010000000000005, + "map_at_100": 55.896, + "map_at_1000": 55.962, + "map_at_3": 52.03, + "map_at_5": 53.866, + "mrr_at_1": 75.922, + "mrr_at_10": 81.655, + "mrr_at_100": 81.879, + "mrr_at_1000": 81.889, + "mrr_at_3": 80.657, + "mrr_at_5": 81.291, + "ndcg_at_1": 75.922, + "ndcg_at_10": 64.119, + "ndcg_at_100": 67.25, + "ndcg_at_1000": 68.55499999999999, + "ndcg_at_3": 59.792, + "ndcg_at_5": 62.165000000000006, + "precision_at_1": 75.922, + "precision_at_10": 13.155, + "precision_at_100": 1.5599999999999998, + "precision_at_1000": 0.173, + "precision_at_3": 37.461, + "precision_at_5": 24.351, + "recall_at_1": 37.961, + "recall_at_10": 65.77300000000001, + "recall_at_100": 78.015, + "recall_at_1000": 86.685, + "recall_at_3": 56.192, + "recall_at_5": 60.878, + "main_score": 64.119 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/ImdbClassification.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/ImdbClassification.json new file mode 100644 index 000000000..1da0d3068 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 83.7804, + "ap": 78.89508987851809, + "f1": 83.72392373438922, + "main_score": 83.7804 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/MSMARCO.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/MSMARCO.json new file mode 100644 index 000000000..6decbd9a1 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.807000000000002, + "map_at_10": 36.411, + "map_at_100": 37.574000000000005, + "map_at_1000": 37.618, + "map_at_3": 32.653, + "map_at_5": 34.902, + "mrr_at_1": 24.499000000000002, + "mrr_at_10": 37.045, + "mrr_at_100": 38.135999999999996, + "mrr_at_1000": 38.175, + "mrr_at_3": 33.326, + "mrr_at_5": 35.561, + "ndcg_at_1": 24.512999999999998, + "ndcg_at_10": 43.328, + "ndcg_at_100": 48.779, + "ndcg_at_1000": 49.897999999999996, + "ndcg_at_3": 35.713, + "ndcg_at_5": 39.729, + "precision_at_1": 24.512999999999998, + "precision_at_10": 6.7379999999999995, + "precision_at_100": 0.9450000000000001, + "precision_at_1000": 0.104, + "precision_at_3": 15.196000000000002, + "precision_at_5": 11.158, + "recall_at_1": 23.807000000000002, + "recall_at_10": 64.488, + "recall_at_100": 89.386, + "recall_at_1000": 97.968, + "recall_at_3": 43.891000000000005, + "recall_at_5": 53.535, + "main_score": 43.328 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/MTOPDomainClassification.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/MTOPDomainClassification.json new file mode 100644 index 000000000..58bc64d49 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.47013223894209, + "f1": 93.15020887152107, + "main_score": 93.47013223894209 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/MTOPIntentClassification.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/MTOPIntentClassification.json new file mode 100644 index 000000000..77b07fcc0 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.27131782945737, + "f1": 58.45703758149779, + "main_score": 75.27131782945737 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/MassiveIntentClassification.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/MassiveIntentClassification.json new file mode 100644 index 000000000..e50600d2a --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.76395427034298, + "f1": 70.6084399610629, + "main_score": 72.76395427034298 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/MassiveScenarioClassification.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..8cd13de61 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.69804976462676, + "f1": 76.61599181962723, + "main_score": 76.69804976462676 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/MedrxivClusteringP2P.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..0cab203a9 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.7253797676744, + "main_score": 32.7253797676744 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/MedrxivClusteringS2S.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..582cbf3e6 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.547731924629424, + "main_score": 30.547731924629424 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/MindSmallReranking.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/MindSmallReranking.json new file mode 100644 index 000000000..5a4d5cecd --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.286918745183772, + "mrr": 32.47449315230336, + "main_score": 31.286918745183772 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/NFCorpus.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/NFCorpus.json new file mode 100644 index 000000000..04879ff10 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.894, + "map_at_10": 13.405000000000001, + "map_at_100": 16.586000000000002, + "map_at_1000": 17.919, + "map_at_3": 10.066, + "map_at_5": 11.679, + "mrr_at_1": 45.201, + "mrr_at_10": 54.018, + "mrr_at_100": 54.581999999999994, + "mrr_at_1000": 54.623, + "mrr_at_3": 51.6, + "mrr_at_5": 53.473000000000006, + "ndcg_at_1": 43.189, + "ndcg_at_10": 35.306, + "ndcg_at_100": 31.505, + "ndcg_at_1000": 39.991, + "ndcg_at_3": 41.108, + "ndcg_at_5": 39.039, + "precision_at_1": 44.582, + "precision_at_10": 26.161, + "precision_at_100": 7.867, + "precision_at_1000": 2.043, + "precision_at_3": 39.112, + "precision_at_5": 34.18, + "recall_at_1": 5.894, + "recall_at_10": 16.88, + "recall_at_100": 30.671, + "recall_at_1000": 61.42999999999999, + "recall_at_3": 11.022, + "recall_at_5": 13.697999999999999, + "main_score": 35.306 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/NQ.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/NQ.json new file mode 100644 index 000000000..f9e76ac80 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.440999999999995, + "map_at_10": 54.187, + "map_at_100": 55.022000000000006, + "map_at_1000": 55.044000000000004, + "map_at_3": 50.174, + "map_at_5": 52.61, + "mrr_at_1": 42.903000000000006, + "mrr_at_10": 56.699, + "mrr_at_100": 57.31, + "mrr_at_1000": 57.325, + "mrr_at_3": 53.63099999999999, + "mrr_at_5": 55.596000000000004, + "ndcg_at_1": 42.903000000000006, + "ndcg_at_10": 61.434, + "ndcg_at_100": 64.852, + "ndcg_at_1000": 65.36, + "ndcg_at_3": 54.193000000000005, + "ndcg_at_5": 58.15, + "precision_at_1": 42.903000000000006, + "precision_at_10": 9.623, + "precision_at_100": 1.1560000000000001, + "precision_at_1000": 0.12, + "precision_at_3": 24.034, + "precision_at_5": 16.779, + "recall_at_1": 38.440999999999995, + "recall_at_10": 80.72399999999999, + "recall_at_100": 95.329, + "recall_at_1000": 99.059, + "recall_at_3": 62.343, + "recall_at_5": 71.304, + "main_score": 61.434 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/QuoraRetrieval.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/QuoraRetrieval.json new file mode 100644 index 000000000..c273e5dd1 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 70.85000000000001, + "map_at_10": 84.54, + "map_at_100": 85.148, + "map_at_1000": 85.168, + "map_at_3": 81.631, + "map_at_5": 83.45700000000001, + "mrr_at_1": 81.58, + "mrr_at_10": 87.732, + "mrr_at_100": 87.825, + "mrr_at_1000": 87.82600000000001, + "mrr_at_3": 86.783, + "mrr_at_5": 87.437, + "ndcg_at_1": 81.56, + "ndcg_at_10": 88.32900000000001, + "ndcg_at_100": 89.513, + "ndcg_at_1000": 89.63799999999999, + "ndcg_at_3": 85.51100000000001, + "ndcg_at_5": 87.062, + "precision_at_1": 81.56, + "precision_at_10": 13.349, + "precision_at_100": 1.518, + "precision_at_1000": 0.156, + "precision_at_3": 37.293, + "precision_at_5": 24.502, + "recall_at_1": 70.85000000000001, + "recall_at_10": 95.351, + "recall_at_100": 99.405, + "recall_at_1000": 99.958, + "recall_at_3": 87.184, + "recall_at_5": 91.625, + "main_score": 88.32900000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/RedditClustering.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/RedditClustering.json new file mode 100644 index 000000000..045be39ba --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 56.81818576893834, + "main_score": 56.81818576893834 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/RedditClusteringP2P.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/RedditClusteringP2P.json new file mode 100644 index 000000000..404870da3 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 61.57033658868022, + "main_score": 61.57033658868022 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/SCIDOCS.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/SCIDOCS.json new file mode 100644 index 000000000..da59eda9d --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.468, + "map_at_10": 11.109, + "map_at_100": 12.921, + "map_at_1000": 13.187999999999999, + "map_at_3": 8.094999999999999, + "map_at_5": 9.664, + "mrr_at_1": 22.1, + "mrr_at_10": 32.482, + "mrr_at_100": 33.558, + "mrr_at_1000": 33.623999999999995, + "mrr_at_3": 29.25, + "mrr_at_5": 31.080000000000002, + "ndcg_at_1": 22.1, + "ndcg_at_10": 18.695999999999998, + "ndcg_at_100": 25.749, + "ndcg_at_1000": 30.711, + "ndcg_at_3": 17.974, + "ndcg_at_5": 15.684000000000001, + "precision_at_1": 22.1, + "precision_at_10": 9.56, + "precision_at_100": 1.966, + "precision_at_1000": 0.316, + "precision_at_3": 16.667, + "precision_at_5": 13.68, + "recall_at_1": 4.468, + "recall_at_10": 19.373, + "recall_at_100": 39.853, + "recall_at_1000": 64.118, + "recall_at_3": 10.133000000000001, + "recall_at_5": 13.877999999999998, + "main_score": 18.695999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/SICK-R.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/SICK-R.json new file mode 100644 index 000000000..8317051f1 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 80.11452150923512, + "cos_sim_spearman": 77.3007421887329, + "euclidean_pearson": 78.2493681078981, + "euclidean_spearman": 77.3007432741821, + "manhattan_pearson": 78.19716818242554, + "manhattan_spearman": 77.26439033199102, + "cosine_pearson": 80.11452150923512, + "cosine_spearman": 77.3007421887329, + "main_score": 77.3007421887329 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/STS12.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/STS12.json new file mode 100644 index 000000000..2dc2d50dd --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.70293570563516, + "cos_sim_spearman": 77.97040896962338, + "euclidean_pearson": 77.98827330337348, + "euclidean_spearman": 77.9704358930525, + "manhattan_pearson": 78.06991702207395, + "manhattan_spearman": 78.03857843100195, + "cosine_pearson": 82.70293570563516, + "cosine_spearman": 77.97040896962338, + "main_score": 77.97040896962338 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/STS13.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/STS13.json new file mode 100644 index 000000000..950b0b4a7 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 77.81236960157503, + "cos_sim_spearman": 79.38801416063187, + "euclidean_pearson": 79.35003045476847, + "euclidean_spearman": 79.38797289536578, + "manhattan_pearson": 79.33155563344724, + "manhattan_spearman": 79.3858955436803, + "cosine_pearson": 77.81236960157503, + "cosine_spearman": 79.38801416063187, + "main_score": 79.38801416063187 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/STS14.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/STS14.json new file mode 100644 index 000000000..abe1a6e41 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 77.35604880089507, + "cos_sim_spearman": 78.17327332594571, + "euclidean_pearson": 77.30302038209295, + "euclidean_spearman": 78.17327332594571, + "manhattan_pearson": 77.31323781935417, + "manhattan_spearman": 78.20141256686921, + "cosine_pearson": 77.35604880089507, + "cosine_spearman": 78.17327332594571, + "main_score": 78.17327332594571 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/STS15.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/STS15.json new file mode 100644 index 000000000..fc68fadef --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.29348597583, + "cos_sim_spearman": 85.50877410088334, + "euclidean_pearson": 85.22367284169081, + "euclidean_spearman": 85.50877410088334, + "manhattan_pearson": 85.17979979737612, + "manhattan_spearman": 85.46459282596254, + "cosine_pearson": 84.29348597583, + "cosine_spearman": 85.50877410088334, + "main_score": 85.50877410088334 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/STS16.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/STS16.json new file mode 100644 index 000000000..75f1f9e7b --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.16190794761513, + "cos_sim_spearman": 84.94610605287254, + "euclidean_pearson": 83.95587174131369, + "euclidean_spearman": 84.94610605287254, + "manhattan_pearson": 83.99025745366798, + "manhattan_spearman": 84.98123107148953, + "cosine_pearson": 83.16190794761513, + "cosine_spearman": 84.94610605287254, + "main_score": 84.94610605287254 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/STS17.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/STS17.json new file mode 100644 index 000000000..4184eac4d --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.3047190687711, + "cos_sim_spearman": 85.86642469958113, + "euclidean_pearson": 86.74377658528041, + "euclidean_spearman": 85.86642469958113, + "manhattan_pearson": 86.56967885987439, + "manhattan_spearman": 85.63613272583275, + "cosine_pearson": 85.3047190687711, + "cosine_spearman": 85.86642469958113, + "main_score": 85.86642469958113 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/STS22.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/STS22.json new file mode 100644 index 000000000..40702ce55 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "eea2b4fe26a775864c896887d910b76a8098ad3f", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 64.8298932792099, + "cos_sim_spearman": 64.27626667878636, + "euclidean_pearson": 66.01603861201576, + "euclidean_spearman": 64.27626667878636, + "manhattan_pearson": 66.31232809448106, + "manhattan_spearman": 64.46190921631559, + "cosine_pearson": 64.8298932792099, + "cosine_spearman": 64.27626667878636, + "main_score": 64.27626667878636 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/STSBenchmark.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/STSBenchmark.json new file mode 100644 index 000000000..ad8e0d06f --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.73696291316243, + "cos_sim_spearman": 83.41508337893958, + "euclidean_pearson": 82.8827053024064, + "euclidean_spearman": 83.41508337893958, + "manhattan_pearson": 82.85613329045803, + "manhattan_spearman": 83.40522047443645, + "cosine_pearson": 82.73696291316243, + "cosine_spearman": 83.41508337893958, + "main_score": 83.41508337893958 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/SciDocsRR.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/SciDocsRR.json new file mode 100644 index 000000000..7a0705720 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 75.51490079179645, + "mrr": 92.6809655486126, + "main_score": 75.51490079179645 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/SciFact.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/SciFact.json new file mode 100644 index 000000000..8c41ee476 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 58.594, + "map_at_10": 67.208, + "map_at_100": 67.702, + "map_at_1000": 67.73, + "map_at_3": 64.815, + "map_at_5": 65.946, + "mrr_at_1": 61.667, + "mrr_at_10": 68.52000000000001, + "mrr_at_100": 68.888, + "mrr_at_1000": 68.911, + "mrr_at_3": 66.833, + "mrr_at_5": 67.617, + "ndcg_at_1": 61.667, + "ndcg_at_10": 71.511, + "ndcg_at_100": 73.765, + "ndcg_at_1000": 74.40299999999999, + "ndcg_at_3": 67.411, + "ndcg_at_5": 68.88, + "precision_at_1": 61.667, + "precision_at_10": 9.433, + "precision_at_100": 1.0670000000000002, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 26.222, + "precision_at_5": 16.866999999999997, + "recall_at_1": 58.594, + "recall_at_10": 83.439, + "recall_at_100": 94.1, + "recall_at_1000": 99.0, + "recall_at_3": 71.922, + "recall_at_5": 75.678, + "main_score": 71.511 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/SprintDuplicateQuestions.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..fc9513d63 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.7990099009901, + "cos_sim_ap": 94.8316184070519, + "cos_sim_f1": 89.75265017667844, + "cos_sim_precision": 90.62181447502549, + "cos_sim_recall": 88.9, + "dot_accuracy": 99.7990099009901, + "dot_ap": 94.831611518794, + "dot_f1": 89.75265017667844, + "dot_precision": 90.62181447502549, + "dot_recall": 88.9, + "euclidean_accuracy": 99.7990099009901, + "euclidean_ap": 94.83161335144017, + "euclidean_f1": 89.75265017667844, + "euclidean_precision": 90.62181447502549, + "euclidean_recall": 88.9, + "manhattan_accuracy": 99.8, + "manhattan_ap": 94.84210829841739, + "manhattan_f1": 89.60905349794238, + "manhattan_precision": 92.26694915254238, + "manhattan_recall": 87.1, + "max_accuracy": 99.8, + "max_ap": 94.84210829841739, + "max_f1": 89.75265017667844, + "main_score": 94.84210829841739 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/StackExchangeClustering.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/StackExchangeClustering.json new file mode 100644 index 000000000..17b62001f --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 63.18343792633894, + "main_score": 63.18343792633894 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/StackExchangeClusteringP2P.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..4180183b5 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.50944549814364, + "main_score": 33.50944549814364 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/StackOverflowDupQuestions.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..6ca4103c8 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 48.89100016028111, + "mrr": 49.607630931160344, + "main_score": 48.89100016028111 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/SummEval.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/SummEval.json new file mode 100644 index 000000000..4fc4c5c3b --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.628145384101522, + "cos_sim_spearman": 31.275306930726675, + "dot_pearson": 30.62814883550051, + "dot_spearman": 31.275306930726675, + "cosine_pearson": 30.628145384101522, + "cosine_spearman": 31.275306930726675, + "main_score": 31.275306930726675 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/TRECCOVID.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/TRECCOVID.json new file mode 100644 index 000000000..e654343ef --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.26, + "map_at_10": 2.163, + "map_at_100": 12.29, + "map_at_1000": 29.221999999999998, + "map_at_3": 0.729, + "map_at_5": 1.161, + "mrr_at_1": 96.0, + "mrr_at_10": 98.0, + "mrr_at_100": 98.0, + "mrr_at_1000": 98.0, + "mrr_at_3": 98.0, + "mrr_at_5": 98.0, + "ndcg_at_1": 89.0, + "ndcg_at_10": 82.312, + "ndcg_at_100": 61.971, + "ndcg_at_1000": 54.065, + "ndcg_at_3": 87.87700000000001, + "ndcg_at_5": 85.475, + "precision_at_1": 96.0, + "precision_at_10": 87.4, + "precision_at_100": 64.02, + "precision_at_1000": 24.093999999999998, + "precision_at_3": 94.0, + "precision_at_5": 90.8, + "recall_at_1": 0.26, + "recall_at_10": 2.302, + "recall_at_100": 15.148, + "recall_at_1000": 50.55, + "recall_at_3": 0.744, + "recall_at_5": 1.198, + "main_score": 82.312 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/Touche2020.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/Touche2020.json new file mode 100644 index 000000000..d96ee99bb --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.217, + "map_at_10": 11.378, + "map_at_100": 18.022, + "map_at_1000": 19.544, + "map_at_3": 6.079, + "map_at_5": 8.559, + "mrr_at_1": 28.571, + "mrr_at_10": 48.423, + "mrr_at_100": 49.028, + "mrr_at_1000": 49.028, + "mrr_at_3": 44.897999999999996, + "mrr_at_5": 46.531, + "ndcg_at_1": 25.509999999999998, + "ndcg_at_10": 27.860000000000003, + "ndcg_at_100": 39.34, + "ndcg_at_1000": 50.21, + "ndcg_at_3": 30.968, + "ndcg_at_5": 29.541, + "precision_at_1": 28.571, + "precision_at_10": 25.918000000000003, + "precision_at_100": 8.184, + "precision_at_1000": 1.545, + "precision_at_3": 35.374, + "precision_at_5": 31.837, + "recall_at_1": 2.217, + "recall_at_10": 18.511, + "recall_at_100": 50.178, + "recall_at_1000": 83.07600000000001, + "recall_at_3": 7.811999999999999, + "recall_at_5": 11.684, + "main_score": 27.860000000000003 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/ToxicConversationsClassification.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..5dc8ab7be --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.386, + "ap": 14.58573366644018, + "f1": 55.0170316975105, + "main_score": 71.386 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/TweetSentimentExtractionClassification.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..9117a402b --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 60.868704018109796, + "f1": 61.175908652496624, + "main_score": 60.868704018109796 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/TwentyNewsgroupsClustering.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..c89b2ad79 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.72082824812323, + "main_score": 48.72082824812323 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/TwitterSemEval2015.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/TwitterSemEval2015.json new file mode 100644 index 000000000..807b596b3 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 85.43839780652083, + "cos_sim_ap": 72.55258980537292, + "cos_sim_f1": 66.4145419055752, + "cos_sim_precision": 61.765373269798054, + "cos_sim_recall": 71.82058047493403, + "dot_accuracy": 85.43839780652083, + "dot_ap": 72.55256370197756, + "dot_f1": 66.4145419055752, + "dot_precision": 61.765373269798054, + "dot_recall": 71.82058047493403, + "euclidean_accuracy": 85.43839780652083, + "euclidean_ap": 72.55259011957311, + "euclidean_f1": 66.4145419055752, + "euclidean_precision": 61.765373269798054, + "euclidean_recall": 71.82058047493403, + "manhattan_accuracy": 85.40263455921799, + "manhattan_ap": 72.47856062032, + "manhattan_f1": 66.39413249969942, + "manhattan_precision": 60.989617848464775, + "manhattan_recall": 72.84960422163589, + "max_accuracy": 85.43839780652083, + "max_ap": 72.55259011957311, + "max_f1": 66.4145419055752, + "main_score": 72.55259011957311 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/TwitterURLCorpus.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/TwitterURLCorpus.json new file mode 100644 index 000000000..5514b1e56 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.24981565568363, + "cos_sim_ap": 86.38437585690401, + "cos_sim_f1": 78.79039565086076, + "cos_sim_precision": 77.29629629629629, + "cos_sim_recall": 80.34339390206344, + "dot_accuracy": 89.24981565568363, + "dot_ap": 86.38437587564587, + "dot_f1": 78.79039565086076, + "dot_precision": 77.29629629629629, + "dot_recall": 80.34339390206344, + "euclidean_accuracy": 89.24981565568363, + "euclidean_ap": 86.38437691024106, + "euclidean_f1": 78.79039565086076, + "euclidean_precision": 77.29629629629629, + "euclidean_recall": 80.34339390206344, + "manhattan_accuracy": 89.25563705514806, + "manhattan_ap": 86.35729146774388, + "manhattan_f1": 78.7238059278837, + "manhattan_precision": 77.23938653034007, + "manhattan_recall": 80.26639975361873, + "max_accuracy": 89.25563705514806, + "max_ap": 86.38437691024106, + "max_f1": 78.79039565086076, + "main_score": 86.38437691024106 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-ablated/external/model_meta.json b/results/nomic-ai__nomic-embed-text-v1-ablated/external/model_meta.json new file mode 100644 index 000000000..de1985d28 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-ablated/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "nomic-ai/nomic-embed-text-v1-ablated", + "revision": "7d948905c5d5d3874fa55a925d68e49dbf411e5f", + "release_date": "2024-01-15", + "languages": [], + "loader": null, + "n_parameters": 136740466, + "memory_usage": null, + "max_tokens": 8192, + "embed_dim": 768, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/AmazonCounterfactualClassification.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..9a1f5f291 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.98507462686568, + "ap": 39.47222193126652, + "f1": 70.5923611893019, + "main_score": 76.98507462686568 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/AmazonPolarityClassification.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..85648991e --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 87.540175, + "ap": 83.16128207188409, + "f1": 87.5231988227265, + "main_score": 87.540175 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/AmazonReviewsClassification.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..27ce59a62 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 46.80799999999999, + "f1": 46.2632547445265, + "main_score": 46.80799999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/ArguAna.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/ArguAna.json new file mode 100644 index 000000000..1e45b44a5 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.583, + "map_at_10": 46.17, + "map_at_100": 47.115, + "map_at_1000": 47.121, + "map_at_3": 41.489, + "map_at_5": 44.046, + "mrr_at_1": 30.939, + "mrr_at_10": 46.289, + "mrr_at_100": 47.241, + "mrr_at_1000": 47.247, + "mrr_at_3": 41.596, + "mrr_at_5": 44.149, + "ndcg_at_1": 30.583, + "ndcg_at_10": 54.812000000000005, + "ndcg_at_100": 58.605, + "ndcg_at_1000": 58.753, + "ndcg_at_3": 45.095, + "ndcg_at_5": 49.744, + "precision_at_1": 30.583, + "precision_at_10": 8.243, + "precision_at_100": 0.984, + "precision_at_1000": 0.1, + "precision_at_3": 18.516, + "precision_at_5": 13.385, + "recall_at_1": 30.583, + "recall_at_10": 82.432, + "recall_at_100": 98.43499999999999, + "recall_at_1000": 99.57300000000001, + "recall_at_3": 55.547999999999995, + "recall_at_5": 66.927, + "main_score": 54.812000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/ArxivClusteringP2P.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..0a334cb9c --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 45.17830107652425, + "main_score": 45.17830107652425 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/ArxivClusteringS2S.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..d79340a61 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.90561364087807, + "main_score": 35.90561364087807 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/AskUbuntuDupQuestions.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..31cb65688 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 59.57222651819297, + "mrr": 73.19241085169062, + "main_score": 59.57222651819297 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/BIOSSES.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/BIOSSES.json new file mode 100644 index 000000000..bd3e5aea2 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 89.55181686367382, + "cos_sim_spearman": 87.18933606575987, + "euclidean_pearson": 87.78077503434338, + "euclidean_spearman": 87.18933606575987, + "manhattan_pearson": 87.75124980168601, + "manhattan_spearman": 86.79113422137638, + "cosine_pearson": 89.55181686367382, + "cosine_spearman": 87.18933606575987, + "main_score": 87.18933606575987 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/Banking77Classification.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/Banking77Classification.json new file mode 100644 index 000000000..9fc927394 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 81.09415584415585, + "f1": 80.60088693212091, + "main_score": 81.09415584415585 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/BiorxivClusteringP2P.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..ae1bad331 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.57061229905462, + "main_score": 36.57061229905462 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/BiorxivClusteringS2S.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..d30286a17 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.05342946608653, + "main_score": 32.05342946608653 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/CQADupstackAndroidRetrieval.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..a61aef80e --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 34.376, + "map_at_10": 45.214, + "map_at_100": 46.635, + "map_at_1000": 46.755, + "map_at_3": 42.198, + "map_at_5": 43.723, + "mrr_at_1": 41.774, + "mrr_at_10": 51.07000000000001, + "mrr_at_100": 51.785000000000004, + "mrr_at_1000": 51.824999999999996, + "mrr_at_3": 48.808, + "mrr_at_5": 50.11, + "ndcg_at_1": 41.774, + "ndcg_at_10": 51.105999999999995, + "ndcg_at_100": 56.358, + "ndcg_at_1000": 58.205, + "ndcg_at_3": 46.965, + "ndcg_at_5": 48.599, + "precision_at_1": 41.774, + "precision_at_10": 9.514, + "precision_at_100": 1.508, + "precision_at_1000": 0.196, + "precision_at_3": 22.175, + "precision_at_5": 15.508, + "recall_at_1": 34.376, + "recall_at_10": 61.748000000000005, + "recall_at_100": 84.025, + "recall_at_1000": 95.5, + "recall_at_3": 49.378, + "recall_at_5": 54.276, + "main_score": 51.105999999999995 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.394, + "map_at_10": 42.707, + "map_at_100": 43.893, + "map_at_1000": 44.019000000000005, + "map_at_3": 39.51, + "map_at_5": 41.381, + "mrr_at_1": 41.019, + "mrr_at_10": 49.042, + "mrr_at_100": 49.669000000000004, + "mrr_at_1000": 49.712, + "mrr_at_3": 46.921, + "mrr_at_5": 48.192, + "ndcg_at_1": 41.019, + "ndcg_at_10": 48.46, + "ndcg_at_100": 52.537, + "ndcg_at_1000": 54.491, + "ndcg_at_3": 44.232, + "ndcg_at_5": 46.305, + "precision_at_1": 41.019, + "precision_at_10": 9.134, + "precision_at_100": 1.422, + "precision_at_1000": 0.188, + "precision_at_3": 21.38, + "precision_at_5": 15.096000000000002, + "recall_at_1": 32.394, + "recall_at_10": 58.11500000000001, + "recall_at_100": 75.509, + "recall_at_1000": 87.812, + "recall_at_3": 45.476, + "recall_at_5": 51.549, + "main_score": 48.46 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 43.47, + "map_at_10": 55.871, + "map_at_100": 56.745000000000005, + "map_at_1000": 56.794, + "map_at_3": 52.439, + "map_at_5": 54.412000000000006, + "mrr_at_1": 49.592000000000006, + "mrr_at_10": 59.34199999999999, + "mrr_at_100": 59.857000000000006, + "mrr_at_1000": 59.88, + "mrr_at_3": 56.897, + "mrr_at_5": 58.339, + "ndcg_at_1": 49.592000000000006, + "ndcg_at_10": 61.67, + "ndcg_at_100": 65.11099999999999, + "ndcg_at_1000": 66.065, + "ndcg_at_3": 56.071000000000005, + "ndcg_at_5": 58.84700000000001, + "precision_at_1": 49.592000000000006, + "precision_at_10": 9.774, + "precision_at_100": 1.2449999999999999, + "precision_at_1000": 0.13699999999999998, + "precision_at_3": 24.66, + "precision_at_5": 16.878, + "recall_at_1": 43.47, + "recall_at_10": 75.387, + "recall_at_100": 90.253, + "recall_at_1000": 97.00800000000001, + "recall_at_3": 60.616, + "recall_at_5": 67.31899999999999, + "main_score": 61.67 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.633000000000003, + "map_at_10": 35.497, + "map_at_100": 36.504, + "map_at_1000": 36.574, + "map_at_3": 33.115, + "map_at_5": 34.536, + "mrr_at_1": 28.927000000000003, + "mrr_at_10": 37.778, + "mrr_at_100": 38.634, + "mrr_at_1000": 38.690000000000005, + "mrr_at_3": 35.518, + "mrr_at_5": 36.908, + "ndcg_at_1": 28.927000000000003, + "ndcg_at_10": 40.327, + "ndcg_at_100": 45.321, + "ndcg_at_1000": 47.214, + "ndcg_at_3": 35.762, + "ndcg_at_5": 38.153999999999996, + "precision_at_1": 28.927000000000003, + "precision_at_10": 6.045, + "precision_at_100": 0.901, + "precision_at_1000": 0.11, + "precision_at_3": 15.140999999999998, + "precision_at_5": 10.485999999999999, + "recall_at_1": 26.633000000000003, + "recall_at_10": 52.99, + "recall_at_100": 76.086, + "recall_at_1000": 90.46300000000001, + "recall_at_3": 40.738, + "recall_at_5": 46.449, + "main_score": 40.327 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.521, + "map_at_10": 25.130000000000003, + "map_at_100": 26.176, + "map_at_1000": 26.289, + "map_at_3": 22.829, + "map_at_5": 24.082, + "mrr_at_1": 21.766, + "mrr_at_10": 29.801, + "mrr_at_100": 30.682, + "mrr_at_1000": 30.75, + "mrr_at_3": 27.633000000000003, + "mrr_at_5": 28.858, + "ndcg_at_1": 21.766, + "ndcg_at_10": 30.026000000000003, + "ndcg_at_100": 35.429, + "ndcg_at_1000": 38.236, + "ndcg_at_3": 25.968000000000004, + "ndcg_at_5": 27.785, + "precision_at_1": 21.766, + "precision_at_10": 5.498, + "precision_at_100": 0.9450000000000001, + "precision_at_1000": 0.133, + "precision_at_3": 12.687000000000001, + "precision_at_5": 9.005, + "recall_at_1": 17.521, + "recall_at_10": 40.454, + "recall_at_100": 64.828, + "recall_at_1000": 84.83800000000001, + "recall_at_3": 28.758, + "recall_at_5": 33.617000000000004, + "main_score": 30.026000000000003 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.564999999999998, + "map_at_10": 40.664, + "map_at_100": 41.995, + "map_at_1000": 42.104, + "map_at_3": 37.578, + "map_at_5": 39.247, + "mrr_at_1": 37.44, + "mrr_at_10": 46.533, + "mrr_at_100": 47.363, + "mrr_at_1000": 47.405, + "mrr_at_3": 44.224999999999994, + "mrr_at_5": 45.549, + "ndcg_at_1": 37.44, + "ndcg_at_10": 46.574, + "ndcg_at_100": 52.024, + "ndcg_at_1000": 53.93900000000001, + "ndcg_at_3": 41.722, + "ndcg_at_5": 43.973, + "precision_at_1": 37.44, + "precision_at_10": 8.344999999999999, + "precision_at_100": 1.278, + "precision_at_1000": 0.16, + "precision_at_3": 19.442, + "precision_at_5": 13.802, + "recall_at_1": 30.564999999999998, + "recall_at_10": 58.207, + "recall_at_100": 81.137, + "recall_at_1000": 93.506, + "recall_at_3": 44.606, + "recall_at_5": 50.373000000000005, + "main_score": 46.574 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.892, + "map_at_10": 37.251, + "map_at_100": 38.606, + "map_at_1000": 38.716, + "map_at_3": 34.312, + "map_at_5": 35.791000000000004, + "mrr_at_1": 34.247, + "mrr_at_10": 42.696, + "mrr_at_100": 43.659, + "mrr_at_1000": 43.711, + "mrr_at_3": 40.563, + "mrr_at_5": 41.625, + "ndcg_at_1": 34.247, + "ndcg_at_10": 42.709, + "ndcg_at_100": 48.422, + "ndcg_at_1000": 50.544, + "ndcg_at_3": 38.105, + "ndcg_at_5": 39.846, + "precision_at_1": 34.247, + "precision_at_10": 7.66, + "precision_at_100": 1.2109999999999999, + "precision_at_1000": 0.157, + "precision_at_3": 17.884, + "precision_at_5": 12.489, + "recall_at_1": 27.892, + "recall_at_10": 53.559, + "recall_at_100": 78.018, + "recall_at_1000": 92.07300000000001, + "recall_at_3": 40.154, + "recall_at_5": 45.078, + "main_score": 42.709 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.29375, + "map_at_10": 36.19533333333334, + "map_at_100": 37.33183333333334, + "map_at_1000": 37.44616666666667, + "map_at_3": 33.49125, + "map_at_5": 34.94166666666667, + "mrr_at_1": 32.336666666666666, + "mrr_at_10": 40.45983333333333, + "mrr_at_100": 41.26533333333334, + "mrr_at_1000": 41.321583333333336, + "mrr_at_3": 38.23416666666667, + "mrr_at_5": 39.48491666666666, + "ndcg_at_1": 32.336666666666666, + "ndcg_at_10": 41.39958333333333, + "ndcg_at_100": 46.293, + "ndcg_at_1000": 48.53425, + "ndcg_at_3": 36.88833333333333, + "ndcg_at_5": 38.90733333333333, + "precision_at_1": 32.336666666666666, + "precision_at_10": 7.175916666666667, + "precision_at_100": 1.1311666666666669, + "precision_at_1000": 0.15141666666666667, + "precision_at_3": 16.841166666666666, + "precision_at_5": 11.796583333333334, + "recall_at_1": 27.29375, + "recall_at_10": 52.514583333333334, + "recall_at_100": 74.128, + "recall_at_1000": 89.64125, + "recall_at_3": 39.83258333333333, + "recall_at_5": 45.126416666666664, + "main_score": 41.39958333333333 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.62, + "map_at_10": 31.517, + "map_at_100": 32.322, + "map_at_1000": 32.422000000000004, + "map_at_3": 29.293999999999997, + "map_at_5": 30.403999999999996, + "mrr_at_1": 27.607, + "mrr_at_10": 34.294999999999995, + "mrr_at_100": 35.045, + "mrr_at_1000": 35.114000000000004, + "mrr_at_3": 32.311, + "mrr_at_5": 33.369, + "ndcg_at_1": 27.607, + "ndcg_at_10": 35.853, + "ndcg_at_100": 39.919, + "ndcg_at_1000": 42.452, + "ndcg_at_3": 31.702, + "ndcg_at_5": 33.47, + "precision_at_1": 27.607, + "precision_at_10": 5.598, + "precision_at_100": 0.83, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 13.700999999999999, + "precision_at_5": 9.325, + "recall_at_1": 24.62, + "recall_at_10": 46.475, + "recall_at_100": 64.891, + "recall_at_1000": 83.524, + "recall_at_3": 34.954, + "recall_at_5": 39.471000000000004, + "main_score": 35.853 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.858999999999998, + "map_at_10": 23.746000000000002, + "map_at_100": 24.731, + "map_at_1000": 24.86, + "map_at_3": 21.603, + "map_at_5": 22.811999999999998, + "mrr_at_1": 20.578, + "mrr_at_10": 27.618, + "mrr_at_100": 28.459, + "mrr_at_1000": 28.543000000000003, + "mrr_at_3": 25.533, + "mrr_at_5": 26.730999999999998, + "ndcg_at_1": 20.578, + "ndcg_at_10": 28.147, + "ndcg_at_100": 32.946999999999996, + "ndcg_at_1000": 36.048, + "ndcg_at_3": 24.32, + "ndcg_at_5": 26.131999999999998, + "precision_at_1": 20.578, + "precision_at_10": 5.061999999999999, + "precision_at_100": 0.8789999999999999, + "precision_at_1000": 0.132, + "precision_at_3": 11.448, + "precision_at_5": 8.251999999999999, + "recall_at_1": 16.858999999999998, + "recall_at_10": 37.565, + "recall_at_100": 59.239, + "recall_at_1000": 81.496, + "recall_at_3": 26.865, + "recall_at_5": 31.581, + "main_score": 28.147 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.11, + "map_at_10": 34.214, + "map_at_100": 35.291, + "map_at_1000": 35.400999999999996, + "map_at_3": 31.541000000000004, + "map_at_5": 33.21, + "mrr_at_1": 30.97, + "mrr_at_10": 38.522, + "mrr_at_100": 39.37, + "mrr_at_1000": 39.437, + "mrr_at_3": 36.193999999999996, + "mrr_at_5": 37.691, + "ndcg_at_1": 30.97, + "ndcg_at_10": 39.2, + "ndcg_at_100": 44.267, + "ndcg_at_1000": 46.760000000000005, + "ndcg_at_3": 34.474, + "ndcg_at_5": 37.016, + "precision_at_1": 30.97, + "precision_at_10": 6.521000000000001, + "precision_at_100": 1.011, + "precision_at_1000": 0.135, + "precision_at_3": 15.392, + "precision_at_5": 11.026, + "recall_at_1": 26.11, + "recall_at_10": 50.14999999999999, + "recall_at_100": 72.398, + "recall_at_1000": 89.764, + "recall_at_3": 37.352999999999994, + "recall_at_5": 43.736000000000004, + "main_score": 39.2 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.514, + "map_at_10": 34.278999999999996, + "map_at_100": 35.847, + "map_at_1000": 36.086, + "map_at_3": 31.563999999999997, + "map_at_5": 32.903999999999996, + "mrr_at_1": 30.830000000000002, + "mrr_at_10": 38.719, + "mrr_at_100": 39.678999999999995, + "mrr_at_1000": 39.741, + "mrr_at_3": 36.265, + "mrr_at_5": 37.599, + "ndcg_at_1": 30.830000000000002, + "ndcg_at_10": 39.997, + "ndcg_at_100": 45.537, + "ndcg_at_1000": 48.296, + "ndcg_at_3": 35.429, + "ndcg_at_5": 37.3, + "precision_at_1": 30.830000000000002, + "precision_at_10": 7.747, + "precision_at_100": 1.516, + "precision_at_1000": 0.24, + "precision_at_3": 16.601, + "precision_at_5": 11.818, + "recall_at_1": 25.514, + "recall_at_10": 50.71600000000001, + "recall_at_100": 75.40299999999999, + "recall_at_1000": 93.10300000000001, + "recall_at_3": 37.466, + "recall_at_5": 42.677, + "main_score": 39.997 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.571, + "map_at_10": 28.254, + "map_at_100": 29.237000000000002, + "map_at_1000": 29.334, + "map_at_3": 25.912000000000003, + "map_at_5": 26.798, + "mrr_at_1": 23.29, + "mrr_at_10": 30.102, + "mrr_at_100": 30.982, + "mrr_at_1000": 31.051000000000002, + "mrr_at_3": 27.942, + "mrr_at_5": 28.848000000000003, + "ndcg_at_1": 23.29, + "ndcg_at_10": 32.726, + "ndcg_at_100": 37.644, + "ndcg_at_1000": 40.161, + "ndcg_at_3": 27.91, + "ndcg_at_5": 29.461, + "precision_at_1": 23.29, + "precision_at_10": 5.213, + "precision_at_100": 0.828, + "precision_at_1000": 0.117, + "precision_at_3": 11.583, + "precision_at_5": 7.8740000000000006, + "recall_at_1": 21.571, + "recall_at_10": 44.809, + "recall_at_100": 67.74900000000001, + "recall_at_1000": 86.60799999999999, + "recall_at_3": 31.627, + "recall_at_5": 35.391, + "main_score": 32.726 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/ClimateFEVER.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/ClimateFEVER.json new file mode 100644 index 000000000..fcd53b933 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.953, + "map_at_10": 17.183, + "map_at_100": 18.926000000000002, + "map_at_1000": 19.105, + "map_at_3": 14.308000000000002, + "map_at_5": 15.738, + "mrr_at_1": 22.02, + "mrr_at_10": 33.181, + "mrr_at_100": 34.357, + "mrr_at_1000": 34.398, + "mrr_at_3": 29.793999999999997, + "mrr_at_5": 31.817, + "ndcg_at_1": 22.02, + "ndcg_at_10": 24.712, + "ndcg_at_100": 32.025, + "ndcg_at_1000": 35.437000000000005, + "ndcg_at_3": 19.852, + "ndcg_at_5": 21.565, + "precision_at_1": 22.02, + "precision_at_10": 7.779, + "precision_at_100": 1.554, + "precision_at_1000": 0.219, + "precision_at_3": 14.832, + "precision_at_5": 11.453000000000001, + "recall_at_1": 9.953, + "recall_at_10": 30.375000000000004, + "recall_at_100": 55.737, + "recall_at_1000": 75.071, + "recall_at_3": 18.529999999999998, + "recall_at_5": 23.313, + "main_score": 24.712 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/DBPedia.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/DBPedia.json new file mode 100644 index 000000000..14b79f476 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.651, + "map_at_10": 19.674, + "map_at_100": 27.855999999999998, + "map_at_1000": 29.348000000000003, + "map_at_3": 14.247000000000002, + "map_at_5": 16.453, + "mrr_at_1": 61.75000000000001, + "mrr_at_10": 71.329, + "mrr_at_100": 71.69200000000001, + "mrr_at_1000": 71.699, + "mrr_at_3": 69.042, + "mrr_at_5": 70.679, + "ndcg_at_1": 50.125, + "ndcg_at_10": 40.199, + "ndcg_at_100": 45.378, + "ndcg_at_1000": 52.376999999999995, + "ndcg_at_3": 44.342, + "ndcg_at_5": 41.730000000000004, + "precision_at_1": 61.75000000000001, + "precision_at_10": 32.2, + "precision_at_100": 10.298, + "precision_at_1000": 1.984, + "precision_at_3": 48.667, + "precision_at_5": 40.5, + "recall_at_1": 8.651, + "recall_at_10": 25.607000000000003, + "recall_at_100": 53.062, + "recall_at_1000": 74.717, + "recall_at_3": 15.661, + "recall_at_5": 19.409000000000002, + "main_score": 40.199 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/EmotionClassification.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/EmotionClassification.json new file mode 100644 index 000000000..d1b255b52 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 47.64500000000001, + "f1": 43.71011316507787, + "main_score": 47.64500000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/FEVER.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/FEVER.json new file mode 100644 index 000000000..af23bd46e --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 54.613, + "map_at_10": 68.02, + "map_at_100": 68.366, + "map_at_1000": 68.379, + "map_at_3": 65.753, + "map_at_5": 67.242, + "mrr_at_1": 59.001000000000005, + "mrr_at_10": 72.318, + "mrr_at_100": 72.558, + "mrr_at_1000": 72.56099999999999, + "mrr_at_3": 70.22699999999999, + "mrr_at_5": 71.655, + "ndcg_at_1": 59.001000000000005, + "ndcg_at_10": 74.386, + "ndcg_at_100": 75.763, + "ndcg_at_1000": 76.03, + "ndcg_at_3": 70.216, + "ndcg_at_5": 72.697, + "precision_at_1": 59.001000000000005, + "precision_at_10": 9.844, + "precision_at_100": 1.068, + "precision_at_1000": 0.11100000000000002, + "precision_at_3": 28.523, + "precision_at_5": 18.491, + "recall_at_1": 54.613, + "recall_at_10": 89.669, + "recall_at_100": 95.387, + "recall_at_1000": 97.129, + "recall_at_3": 78.54100000000001, + "recall_at_5": 84.637, + "main_score": 74.386 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/FiQA2018.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/FiQA2018.json new file mode 100644 index 000000000..d6db7d423 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.348, + "map_at_10": 32.464999999999996, + "map_at_100": 34.235, + "map_at_1000": 34.410000000000004, + "map_at_3": 28.109, + "map_at_5": 30.634, + "mrr_at_1": 38.889, + "mrr_at_10": 47.131, + "mrr_at_100": 48.107, + "mrr_at_1000": 48.138, + "mrr_at_3": 44.599, + "mrr_at_5": 46.181, + "ndcg_at_1": 38.889, + "ndcg_at_10": 39.86, + "ndcg_at_100": 46.619, + "ndcg_at_1000": 49.525999999999996, + "ndcg_at_3": 35.768, + "ndcg_at_5": 37.4, + "precision_at_1": 38.889, + "precision_at_10": 11.003, + "precision_at_100": 1.796, + "precision_at_1000": 0.233, + "precision_at_3": 23.714, + "precision_at_5": 17.901, + "recall_at_1": 20.348, + "recall_at_10": 46.781, + "recall_at_100": 71.937, + "recall_at_1000": 89.18599999999999, + "recall_at_3": 32.16, + "recall_at_5": 38.81, + "main_score": 39.86 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/HotpotQA.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/HotpotQA.json new file mode 100644 index 000000000..ecefeb388 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 37.198, + "map_at_10": 54.065, + "map_at_100": 54.984, + "map_at_1000": 55.05, + "map_at_3": 50.758, + "map_at_5": 52.758, + "mrr_at_1": 74.396, + "mrr_at_10": 81.352, + "mrr_at_100": 81.562, + "mrr_at_1000": 81.57, + "mrr_at_3": 80.30199999999999, + "mrr_at_5": 80.963, + "ndcg_at_1": 74.396, + "ndcg_at_10": 63.70099999999999, + "ndcg_at_100": 66.874, + "ndcg_at_1000": 68.171, + "ndcg_at_3": 58.916999999999994, + "ndcg_at_5": 61.495999999999995, + "precision_at_1": 74.396, + "precision_at_10": 13.228000000000002, + "precision_at_100": 1.569, + "precision_at_1000": 0.174, + "precision_at_3": 37.007, + "precision_at_5": 24.248, + "recall_at_1": 37.198, + "recall_at_10": 66.13799999999999, + "recall_at_100": 78.45400000000001, + "recall_at_1000": 87.04899999999999, + "recall_at_3": 55.510000000000005, + "recall_at_5": 60.621, + "main_score": 63.70099999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/ImdbClassification.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/ImdbClassification.json new file mode 100644 index 000000000..59b44f9b6 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.32240000000002, + "ap": 81.37708984744188, + "f1": 86.29645005523952, + "main_score": 86.32240000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/MSMARCO.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/MSMARCO.json new file mode 100644 index 000000000..8f45e729c --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.402, + "map_at_10": 28.097, + "map_at_100": 29.421999999999997, + "map_at_1000": 29.476999999999997, + "map_at_3": 24.015, + "map_at_5": 26.316, + "mrr_at_1": 16.905, + "mrr_at_10": 28.573999999999998, + "mrr_at_100": 29.862, + "mrr_at_1000": 29.912, + "mrr_at_3": 24.589, + "mrr_at_5": 26.851000000000003, + "ndcg_at_1": 16.905, + "ndcg_at_10": 34.99, + "ndcg_at_100": 41.419, + "ndcg_at_1000": 42.815999999999995, + "ndcg_at_3": 26.695, + "ndcg_at_5": 30.789, + "precision_at_1": 16.905, + "precision_at_10": 5.891, + "precision_at_100": 0.91, + "precision_at_1000": 0.10300000000000001, + "precision_at_3": 11.724, + "precision_at_5": 9.097, + "recall_at_1": 16.402, + "recall_at_10": 56.462999999999994, + "recall_at_100": 86.246, + "recall_at_1000": 96.926, + "recall_at_3": 33.897, + "recall_at_5": 43.718, + "main_score": 34.99 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/MTOPDomainClassification.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/MTOPDomainClassification.json new file mode 100644 index 000000000..fbe963faf --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.35978112175103, + "f1": 92.04704651024416, + "main_score": 92.35978112175103 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/MTOPIntentClassification.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/MTOPIntentClassification.json new file mode 100644 index 000000000..1683c78c4 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 65.20063839489283, + "f1": 45.34047546059121, + "main_score": 65.20063839489283 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/MassiveIntentClassification.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/MassiveIntentClassification.json new file mode 100644 index 000000000..af740ea10 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 67.74714189643578, + "f1": 65.36156843270334, + "main_score": 67.74714189643578 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/MassiveScenarioClassification.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..d751c1125 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.03160726294554, + "f1": 73.42899064973165, + "main_score": 74.03160726294554 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/MedrxivClusteringP2P.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..58ef7466a --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.347360980344476, + "main_score": 31.347360980344476 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/MedrxivClusteringS2S.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..4e27bcdde --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 29.56022733162805, + "main_score": 29.56022733162805 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/MindSmallReranking.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/MindSmallReranking.json new file mode 100644 index 000000000..115e3da20 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 30.60132765358296, + "mrr": 31.710892632824468, + "main_score": 30.60132765358296 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/NFCorpus.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/NFCorpus.json new file mode 100644 index 000000000..f5166a543 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.827999999999999, + "map_at_10": 13.547, + "map_at_100": 16.869, + "map_at_1000": 18.242, + "map_at_3": 9.917, + "map_at_5": 11.648, + "mrr_at_1": 46.44, + "mrr_at_10": 55.062, + "mrr_at_100": 55.513999999999996, + "mrr_at_1000": 55.564, + "mrr_at_3": 52.735, + "mrr_at_5": 54.391, + "ndcg_at_1": 44.582, + "ndcg_at_10": 35.684, + "ndcg_at_100": 31.913999999999998, + "ndcg_at_1000": 40.701, + "ndcg_at_3": 40.819, + "ndcg_at_5": 39.117000000000004, + "precision_at_1": 46.129999999999995, + "precision_at_10": 26.687, + "precision_at_100": 8.062, + "precision_at_1000": 2.073, + "precision_at_3": 38.493, + "precision_at_5": 34.241, + "recall_at_1": 5.827999999999999, + "recall_at_10": 17.391000000000002, + "recall_at_100": 31.228, + "recall_at_1000": 63.943000000000005, + "recall_at_3": 10.81, + "recall_at_5": 13.618, + "main_score": 35.684 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/NQ.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/NQ.json new file mode 100644 index 000000000..526761b74 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.02, + "map_at_10": 40.054, + "map_at_100": 41.318, + "map_at_1000": 41.343999999999994, + "map_at_3": 35.221999999999994, + "map_at_5": 38.057, + "mrr_at_1": 27.230999999999998, + "mrr_at_10": 42.315999999999995, + "mrr_at_100": 43.254, + "mrr_at_1000": 43.272, + "mrr_at_3": 38.176, + "mrr_at_5": 40.64, + "ndcg_at_1": 27.230999999999998, + "ndcg_at_10": 48.551, + "ndcg_at_100": 53.737, + "ndcg_at_1000": 54.313, + "ndcg_at_3": 39.367999999999995, + "ndcg_at_5": 44.128, + "precision_at_1": 27.230999999999998, + "precision_at_10": 8.578, + "precision_at_100": 1.145, + "precision_at_1000": 0.12, + "precision_at_3": 18.704, + "precision_at_5": 13.927999999999999, + "recall_at_1": 24.02, + "recall_at_10": 72.258, + "recall_at_100": 94.489, + "recall_at_1000": 98.721, + "recall_at_3": 48.373, + "recall_at_5": 59.388, + "main_score": 48.551 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/QuoraRetrieval.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/QuoraRetrieval.json new file mode 100644 index 000000000..207ea7904 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 70.476, + "map_at_10": 84.41300000000001, + "map_at_100": 85.036, + "map_at_1000": 85.055, + "map_at_3": 81.45599999999999, + "map_at_5": 83.351, + "mrr_at_1": 81.07, + "mrr_at_10": 87.408, + "mrr_at_100": 87.509, + "mrr_at_1000": 87.51, + "mrr_at_3": 86.432, + "mrr_at_5": 87.128, + "ndcg_at_1": 81.13, + "ndcg_at_10": 88.18599999999999, + "ndcg_at_100": 89.401, + "ndcg_at_1000": 89.515, + "ndcg_at_3": 85.332, + "ndcg_at_5": 86.97, + "precision_at_1": 81.13, + "precision_at_10": 13.361, + "precision_at_100": 1.5230000000000001, + "precision_at_1000": 0.156, + "precision_at_3": 37.31, + "precision_at_5": 24.548000000000002, + "recall_at_1": 70.476, + "recall_at_10": 95.3, + "recall_at_100": 99.46000000000001, + "recall_at_1000": 99.96000000000001, + "recall_at_3": 87.057, + "recall_at_5": 91.739, + "main_score": 88.18599999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/RedditClustering.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/RedditClustering.json new file mode 100644 index 000000000..e54acb579 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 55.36775089400664, + "main_score": 55.36775089400664 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/RedditClusteringP2P.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/RedditClusteringP2P.json new file mode 100644 index 000000000..e9615c72c --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 60.05041008018361, + "main_score": 60.05041008018361 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/SCIDOCS.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/SCIDOCS.json new file mode 100644 index 000000000..96e703dff --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.743, + "map_at_10": 12.171, + "map_at_100": 14.174999999999999, + "map_at_1000": 14.446, + "map_at_3": 8.698, + "map_at_5": 10.444, + "mrr_at_1": 23.400000000000002, + "mrr_at_10": 34.284, + "mrr_at_100": 35.400999999999996, + "mrr_at_1000": 35.451, + "mrr_at_3": 31.167, + "mrr_at_5": 32.946999999999996, + "ndcg_at_1": 23.400000000000002, + "ndcg_at_10": 20.169999999999998, + "ndcg_at_100": 27.967, + "ndcg_at_1000": 32.982, + "ndcg_at_3": 19.308, + "ndcg_at_5": 16.837, + "precision_at_1": 23.400000000000002, + "precision_at_10": 10.41, + "precision_at_100": 2.162, + "precision_at_1000": 0.338, + "precision_at_3": 18.067, + "precision_at_5": 14.78, + "recall_at_1": 4.743, + "recall_at_10": 21.098, + "recall_at_100": 43.85, + "recall_at_1000": 68.60000000000001, + "recall_at_3": 10.993, + "recall_at_5": 14.998000000000001, + "main_score": 20.169999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/SICK-R.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/SICK-R.json new file mode 100644 index 000000000..26cfbc582 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.129376905658, + "cos_sim_spearman": 74.18938626206575, + "euclidean_pearson": 77.95192851803141, + "euclidean_spearman": 74.18938626206575, + "manhattan_pearson": 77.97718819383338, + "manhattan_spearman": 74.20580317409417, + "cosine_pearson": 81.129376905658, + "cosine_spearman": 74.18938626206575, + "main_score": 74.18938626206575 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/STS12.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/STS12.json new file mode 100644 index 000000000..e5e02127e --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 78.36913772828827, + "cos_sim_spearman": 73.22311186990363, + "euclidean_pearson": 74.45263405031004, + "euclidean_spearman": 73.22311186990363, + "manhattan_pearson": 74.56201270071791, + "manhattan_spearman": 73.26490493774821, + "cosine_pearson": 78.36913772828827, + "cosine_spearman": 73.22311186990363, + "main_score": 73.22311186990363 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/STS13.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/STS13.json new file mode 100644 index 000000000..c055b766d --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.79920796384403, + "cos_sim_spearman": 84.77145185366201, + "euclidean_pearson": 83.90638366191354, + "euclidean_spearman": 84.77145185366201, + "manhattan_pearson": 83.83788216629048, + "manhattan_spearman": 84.70515987131665, + "cosine_pearson": 84.79920796384403, + "cosine_spearman": 84.77145185366201, + "main_score": 84.77145185366201 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/STS14.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/STS14.json new file mode 100644 index 000000000..895683895 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.18883765092875, + "cos_sim_spearman": 79.9948128016449, + "euclidean_pearson": 81.57436738666773, + "euclidean_spearman": 79.9948128016449, + "manhattan_pearson": 81.55274202648187, + "manhattan_spearman": 79.99854975019382, + "cosine_pearson": 83.18883765092875, + "cosine_spearman": 79.9948128016449, + "main_score": 79.9948128016449 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/STS15.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/STS15.json new file mode 100644 index 000000000..2efaa9932 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.89669110871021, + "cos_sim_spearman": 87.26758456901442, + "euclidean_pearson": 86.62614163641416, + "euclidean_spearman": 87.26758456901442, + "manhattan_pearson": 86.58584490012353, + "manhattan_spearman": 87.20340001562076, + "cosine_pearson": 86.89669110871021, + "cosine_spearman": 87.26758456901442, + "main_score": 87.26758456901442 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/STS16.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/STS16.json new file mode 100644 index 000000000..fb0f8f65c --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.983023415916, + "cos_sim_spearman": 82.31169002657151, + "euclidean_pearson": 81.52305092886222, + "euclidean_spearman": 82.31169002657151, + "manhattan_pearson": 81.63024996600281, + "manhattan_spearman": 82.44579116264026, + "cosine_pearson": 81.983023415916, + "cosine_spearman": 82.31169002657151, + "main_score": 82.31169002657151 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/STS17.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/STS17.json new file mode 100644 index 000000000..9833a9a31 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 89.27779520541694, + "cos_sim_spearman": 89.54137104681308, + "euclidean_pearson": 88.99136079955996, + "euclidean_spearman": 89.54137104681308, + "manhattan_pearson": 88.95980417618277, + "manhattan_spearman": 89.55178819334718, + "cosine_pearson": 89.27779520541694, + "cosine_spearman": 89.54137104681308, + "main_score": 89.54137104681308 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/STS22.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/STS22.json new file mode 100644 index 000000000..02879b9ac --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 66.50806758829178, + "cos_sim_spearman": 65.92675365587571, + "euclidean_pearson": 67.09216876696559, + "euclidean_spearman": 65.92675365587571, + "manhattan_pearson": 67.37398716891478, + "manhattan_spearman": 66.34811143508206, + "cosine_pearson": 66.50806758829178, + "cosine_spearman": 65.92675365587571, + "main_score": 65.92675365587571 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/STSBenchmark.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/STSBenchmark.json new file mode 100644 index 000000000..8afe60d0c --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.557575753862, + "cos_sim_spearman": 83.95859527071087, + "euclidean_pearson": 83.77287626715369, + "euclidean_spearman": 83.95859527071087, + "manhattan_pearson": 83.7898033034244, + "manhattan_spearman": 83.94860981294184, + "cosine_pearson": 84.557575753862, + "cosine_spearman": 83.95859527071087, + "main_score": 83.95859527071087 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/SciDocsRR.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/SciDocsRR.json new file mode 100644 index 000000000..e59784c8e --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 79.90679624144718, + "mrr": 94.33150183150182, + "main_score": 79.90679624144718 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/SciFact.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/SciFact.json new file mode 100644 index 000000000..247946ff2 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 56.81699999999999, + "map_at_10": 67.301, + "map_at_100": 67.73599999999999, + "map_at_1000": 67.757, + "map_at_3": 64.865, + "map_at_5": 66.193, + "mrr_at_1": 59.667, + "mrr_at_10": 68.324, + "mrr_at_100": 68.66, + "mrr_at_1000": 68.676, + "mrr_at_3": 66.556, + "mrr_at_5": 67.472, + "ndcg_at_1": 59.667, + "ndcg_at_10": 71.982, + "ndcg_at_100": 74.149, + "ndcg_at_1000": 74.60799999999999, + "ndcg_at_3": 67.796, + "ndcg_at_5": 69.64099999999999, + "precision_at_1": 59.667, + "precision_at_10": 9.633, + "precision_at_100": 1.08, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 26.889000000000003, + "precision_at_5": 17.467, + "recall_at_1": 56.81699999999999, + "recall_at_10": 85.18900000000001, + "recall_at_100": 95.6, + "recall_at_1000": 99.0, + "recall_at_3": 73.617, + "recall_at_5": 78.444, + "main_score": 71.982 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/SprintDuplicateQuestions.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..d5a4ad098 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.83465346534653, + "cos_sim_ap": 95.93387984443646, + "cos_sim_f1": 91.49261334691798, + "cos_sim_precision": 93.25025960539979, + "cos_sim_recall": 89.8, + "dot_accuracy": 99.83465346534653, + "dot_ap": 95.93389375761485, + "dot_f1": 91.49261334691798, + "dot_precision": 93.25025960539979, + "dot_recall": 89.8, + "euclidean_accuracy": 99.83465346534653, + "euclidean_ap": 95.93389375761487, + "euclidean_f1": 91.49261334691798, + "euclidean_precision": 93.25025960539979, + "euclidean_recall": 89.8, + "manhattan_accuracy": 99.83564356435643, + "manhattan_ap": 95.89877504534601, + "manhattan_f1": 91.53061224489795, + "manhattan_precision": 93.4375, + "manhattan_recall": 89.7, + "max_accuracy": 99.83564356435643, + "max_ap": 95.93389375761487, + "max_f1": 91.53061224489795, + "main_score": 95.93389375761487 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/StackExchangeClustering.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/StackExchangeClustering.json new file mode 100644 index 000000000..3bd768a1e --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 62.2780055191805, + "main_score": 62.2780055191805 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/StackExchangeClusteringP2P.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..550309ff5 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.94461701798904, + "main_score": 33.94461701798904 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/StackOverflowDupQuestions.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..57375c3c1 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 49.865789666749535, + "mrr": 50.61783804430863, + "main_score": 49.865789666749535 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/SummEval.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/SummEval.json new file mode 100644 index 000000000..ec5a438cb --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 29.97703436199298, + "cos_sim_spearman": 30.71880290978946, + "dot_pearson": 29.977036284086818, + "dot_spearman": 30.71880290978946, + "cosine_pearson": 29.97703436199298, + "cosine_spearman": 30.71880290978946, + "main_score": 30.71880290978946 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/TRECCOVID.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/TRECCOVID.json new file mode 100644 index 000000000..76b808957 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.22799999999999998, + "map_at_10": 1.559, + "map_at_100": 8.866, + "map_at_1000": 23.071, + "map_at_3": 0.592, + "map_at_5": 0.906, + "mrr_at_1": 84.0, + "mrr_at_10": 88.567, + "mrr_at_100": 88.748, + "mrr_at_1000": 88.748, + "mrr_at_3": 87.667, + "mrr_at_5": 88.067, + "ndcg_at_1": 73.0, + "ndcg_at_10": 62.202999999999996, + "ndcg_at_100": 49.66, + "ndcg_at_1000": 48.760999999999996, + "ndcg_at_3": 67.52, + "ndcg_at_5": 64.80799999999999, + "precision_at_1": 84.0, + "precision_at_10": 65.4, + "precision_at_100": 51.72, + "precision_at_1000": 22.014, + "precision_at_3": 74.0, + "precision_at_5": 69.19999999999999, + "recall_at_1": 0.22799999999999998, + "recall_at_10": 1.7680000000000002, + "recall_at_100": 12.581999999999999, + "recall_at_1000": 46.883, + "recall_at_3": 0.618, + "recall_at_5": 0.9690000000000001, + "main_score": 62.202999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/Touche2020.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/Touche2020.json new file mode 100644 index 000000000..d6665402c --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 1.295, + "map_at_10": 7.481, + "map_at_100": 13.120999999999999, + "map_at_1000": 14.863999999999999, + "map_at_3": 3.266, + "map_at_5": 4.662, + "mrr_at_1": 14.285999999999998, + "mrr_at_10": 31.995, + "mrr_at_100": 33.415, + "mrr_at_1000": 33.432, + "mrr_at_3": 27.551, + "mrr_at_5": 30.306, + "ndcg_at_1": 11.224, + "ndcg_at_10": 19.166, + "ndcg_at_100": 31.86, + "ndcg_at_1000": 44.668, + "ndcg_at_3": 17.371, + "ndcg_at_5": 18.567, + "precision_at_1": 14.285999999999998, + "precision_at_10": 18.98, + "precision_at_100": 7.041, + "precision_at_1000": 1.555, + "precision_at_3": 19.728, + "precision_at_5": 20.816000000000003, + "recall_at_1": 1.295, + "recall_at_10": 14.482000000000001, + "recall_at_100": 45.149, + "recall_at_1000": 84.317, + "recall_at_3": 4.484, + "recall_at_5": 7.7170000000000005, + "main_score": 19.166 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/ToxicConversationsClassification.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..b73145498 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.96340000000001, + "ap": 15.62835559397026, + "f1": 56.42561616707867, + "main_score": 72.96340000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/TweetSentimentExtractionClassification.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..533991546 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 55.280135823429546, + "f1": 55.61428067547153, + "main_score": 55.280135823429546 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/TwentyNewsgroupsClustering.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..51edd24e2 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 45.426677723253555, + "main_score": 45.426677723253555 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/TwitterSemEval2015.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/TwitterSemEval2015.json new file mode 100644 index 000000000..edab2f2ff --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 84.57411933003517, + "cos_sim_ap": 69.68254951354992, + "cos_sim_f1": 65.05232416646386, + "cos_sim_precision": 60.36585365853659, + "cos_sim_recall": 70.52770448548813, + "dot_accuracy": 84.57411933003517, + "dot_ap": 69.68256519978905, + "dot_f1": 65.05232416646386, + "dot_precision": 60.36585365853659, + "dot_recall": 70.52770448548813, + "euclidean_accuracy": 84.57411933003517, + "euclidean_ap": 69.6825655240522, + "euclidean_f1": 65.05232416646386, + "euclidean_precision": 60.36585365853659, + "euclidean_recall": 70.52770448548813, + "manhattan_accuracy": 84.5502771651666, + "manhattan_ap": 69.61700491283233, + "manhattan_f1": 64.83962148211872, + "manhattan_precision": 60.68553025074765, + "manhattan_recall": 69.6042216358839, + "max_accuracy": 84.57411933003517, + "max_ap": 69.6825655240522, + "max_f1": 65.05232416646386, + "main_score": 69.6825655240522 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/TwitterURLCorpus.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/TwitterURLCorpus.json new file mode 100644 index 000000000..b7cf23c7b --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.80350836341057, + "cos_sim_ap": 85.41051415803449, + "cos_sim_f1": 77.99305633329602, + "cos_sim_precision": 75.70113776360607, + "cos_sim_recall": 80.42808746535263, + "dot_accuracy": 88.80350836341057, + "dot_ap": 85.41051488820463, + "dot_f1": 77.99305633329602, + "dot_precision": 75.70113776360607, + "dot_recall": 80.42808746535263, + "euclidean_accuracy": 88.80350836341057, + "euclidean_ap": 85.41051374760137, + "euclidean_f1": 77.99305633329602, + "euclidean_precision": 75.70113776360607, + "euclidean_recall": 80.42808746535263, + "manhattan_accuracy": 88.74529436876625, + "manhattan_ap": 85.38380242074525, + "manhattan_f1": 78.02957839746892, + "manhattan_precision": 74.71466816964914, + "manhattan_recall": 81.65229442562365, + "max_accuracy": 88.80350836341057, + "max_ap": 85.41051488820463, + "max_f1": 78.02957839746892, + "main_score": 85.41051488820463 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/model_meta.json b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/model_meta.json new file mode 100644 index 000000000..44d82526f --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1-unsupervised/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "nomic-ai/nomic-embed-text-v1-unsupervised", + "revision": "b53d557b15ae63852847c222d336c1609eced93c", + "release_date": "2024-01-15", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 136740466, + "memory_usage": null, + "max_tokens": 8192, + "embed_dim": 768, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/AmazonCounterfactualClassification.json b/results/nomic-ai__nomic-embed-text-v1.5/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..29a621d8d --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.20895522388058, + "ap": 38.57605549557802, + "f1": 69.35586565857854, + "main_score": 75.20895522388058 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/AmazonPolarityClassification.json b/results/nomic-ai__nomic-embed-text-v1.5/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..0ae9162c5 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.8144, + "ap": 88.65222882032363, + "f1": 91.80426301643274, + "main_score": 91.8144 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/AmazonReviewsClassification.json b/results/nomic-ai__nomic-embed-text-v1.5/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..4ab66d602 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 47.162000000000006, + "f1": 46.59329642263158, + "main_score": 47.162000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/ArguAna.json b/results/nomic-ai__nomic-embed-text-v1.5/external/ArguAna.json new file mode 100644 index 000000000..afc08f6cb --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.253, + "map_at_10": 38.962, + "map_at_100": 40.081, + "map_at_1000": 40.089000000000006, + "map_at_3": 33.499, + "map_at_5": 36.351, + "mrr_at_1": 24.609, + "mrr_at_10": 39.099000000000004, + "mrr_at_100": 40.211000000000006, + "mrr_at_1000": 40.219, + "mrr_at_3": 33.677, + "mrr_at_5": 36.469, + "ndcg_at_1": 24.253, + "ndcg_at_10": 48.010999999999996, + "ndcg_at_100": 52.756, + "ndcg_at_1000": 52.964999999999996, + "ndcg_at_3": 36.564, + "ndcg_at_5": 41.711999999999996, + "precision_at_1": 24.253, + "precision_at_10": 7.738, + "precision_at_100": 0.98, + "precision_at_1000": 0.1, + "precision_at_3": 15.149000000000001, + "precision_at_5": 11.593, + "recall_at_1": 24.253, + "recall_at_10": 77.383, + "recall_at_100": 98.009, + "recall_at_1000": 99.644, + "recall_at_3": 45.448, + "recall_at_5": 57.965999999999994, + "main_score": 48.010999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/ArxivClusteringP2P.json b/results/nomic-ai__nomic-embed-text-v1.5/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..3bc63ad39 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 45.69069567851087, + "main_score": 45.69069567851087 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/ArxivClusteringS2S.json b/results/nomic-ai__nomic-embed-text-v1.5/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..501d6220c --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.35185490976283, + "main_score": 36.35185490976283 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/AskUbuntuDupQuestions.json b/results/nomic-ai__nomic-embed-text-v1.5/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..f55524b05 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 61.71274951450321, + "mrr": 76.06032625423207, + "main_score": 61.71274951450321 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/BIOSSES.json b/results/nomic-ai__nomic-embed-text-v1.5/external/BIOSSES.json new file mode 100644 index 000000000..c0115a082 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.73980520022269, + "cos_sim_spearman": 84.24649792685918, + "euclidean_pearson": 85.85197641158186, + "euclidean_spearman": 84.24649792685918, + "manhattan_pearson": 86.26809552711346, + "manhattan_spearman": 84.56397504030865, + "cosine_pearson": 86.73980520022269, + "cosine_spearman": 84.24649792685918, + "main_score": 84.24649792685918 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/Banking77Classification.json b/results/nomic-ai__nomic-embed-text-v1.5/external/Banking77Classification.json new file mode 100644 index 000000000..17dd493a5 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 84.25324675324674, + "f1": 84.17872280892557, + "main_score": 84.25324675324674 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/BiorxivClusteringP2P.json b/results/nomic-ai__nomic-embed-text-v1.5/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..ab5ee61c7 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.770253446400886, + "main_score": 38.770253446400886 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/BiorxivClusteringS2S.json b/results/nomic-ai__nomic-embed-text-v1.5/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..4c4019805 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.94307095497281, + "main_score": 32.94307095497281 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/CQADupstackAndroidRetrieval.json b/results/nomic-ai__nomic-embed-text-v1.5/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..aa421b7ce --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.164, + "map_at_10": 42.641, + "map_at_100": 43.947, + "map_at_1000": 44.074999999999996, + "map_at_3": 39.592, + "map_at_5": 41.204, + "mrr_at_1": 39.628, + "mrr_at_10": 48.625, + "mrr_at_100": 49.368, + "mrr_at_1000": 49.413000000000004, + "mrr_at_3": 46.400000000000006, + "mrr_at_5": 47.68, + "ndcg_at_1": 39.628, + "ndcg_at_10": 48.564, + "ndcg_at_100": 53.507000000000005, + "ndcg_at_1000": 55.635999999999996, + "ndcg_at_3": 44.471, + "ndcg_at_5": 46.137, + "precision_at_1": 39.628, + "precision_at_10": 8.856, + "precision_at_100": 1.429, + "precision_at_1000": 0.191, + "precision_at_3": 21.268, + "precision_at_5": 14.649000000000001, + "recall_at_1": 32.164, + "recall_at_10": 59.609, + "recall_at_100": 80.521, + "recall_at_1000": 94.245, + "recall_at_3": 46.521, + "recall_at_5": 52.083999999999996, + "main_score": 48.564 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.526, + "map_at_10": 41.581, + "map_at_100": 42.815999999999995, + "map_at_1000": 42.936, + "map_at_3": 38.605000000000004, + "map_at_5": 40.351, + "mrr_at_1": 39.489999999999995, + "mrr_at_10": 47.829, + "mrr_at_100": 48.512, + "mrr_at_1000": 48.552, + "mrr_at_3": 45.754, + "mrr_at_5": 46.986, + "ndcg_at_1": 39.489999999999995, + "ndcg_at_10": 47.269, + "ndcg_at_100": 51.564, + "ndcg_at_1000": 53.53099999999999, + "ndcg_at_3": 43.301, + "ndcg_at_5": 45.239000000000004, + "precision_at_1": 39.489999999999995, + "precision_at_10": 8.93, + "precision_at_100": 1.415, + "precision_at_1000": 0.188, + "precision_at_3": 20.892, + "precision_at_5": 14.865999999999998, + "recall_at_1": 31.526, + "recall_at_10": 56.76, + "recall_at_100": 75.029, + "recall_at_1000": 87.491, + "recall_at_3": 44.786, + "recall_at_5": 50.254, + "main_score": 47.269 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.987, + "map_at_10": 52.827, + "map_at_100": 53.751000000000005, + "map_at_1000": 53.81, + "map_at_3": 49.844, + "map_at_5": 51.473, + "mrr_at_1": 46.833999999999996, + "mrr_at_10": 56.389, + "mrr_at_100": 57.003, + "mrr_at_1000": 57.034, + "mrr_at_3": 54.17999999999999, + "mrr_at_5": 55.486999999999995, + "ndcg_at_1": 46.833999999999996, + "ndcg_at_10": 58.372, + "ndcg_at_100": 62.068, + "ndcg_at_1000": 63.288, + "ndcg_at_3": 53.400000000000006, + "ndcg_at_5": 55.766000000000005, + "precision_at_1": 46.833999999999996, + "precision_at_10": 9.191, + "precision_at_100": 1.192, + "precision_at_1000": 0.134, + "precision_at_3": 23.448, + "precision_at_5": 15.862000000000002, + "recall_at_1": 40.987, + "recall_at_10": 71.146, + "recall_at_100": 87.035, + "recall_at_1000": 95.633, + "recall_at_3": 58.025999999999996, + "recall_at_5": 63.815999999999995, + "main_score": 58.372 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.587, + "map_at_10": 33.114, + "map_at_100": 34.043, + "map_at_1000": 34.123999999999995, + "map_at_3": 30.45, + "map_at_5": 31.813999999999997, + "mrr_at_1": 26.554, + "mrr_at_10": 35.148, + "mrr_at_100": 35.926, + "mrr_at_1000": 35.991, + "mrr_at_3": 32.599000000000004, + "mrr_at_5": 33.893, + "ndcg_at_1": 26.554, + "ndcg_at_10": 38.132, + "ndcg_at_100": 42.78, + "ndcg_at_1000": 44.919, + "ndcg_at_3": 32.833, + "ndcg_at_5": 35.168, + "precision_at_1": 26.554, + "precision_at_10": 5.921, + "precision_at_100": 0.8659999999999999, + "precision_at_1000": 0.109, + "precision_at_3": 13.861, + "precision_at_5": 9.605, + "recall_at_1": 24.587, + "recall_at_10": 51.690000000000005, + "recall_at_100": 73.428, + "recall_at_1000": 89.551, + "recall_at_3": 37.336999999999996, + "recall_at_5": 43.047000000000004, + "main_score": 38.132 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.715, + "map_at_10": 24.251, + "map_at_100": 25.326999999999998, + "map_at_1000": 25.455, + "map_at_3": 21.912000000000003, + "map_at_5": 23.257, + "mrr_at_1": 20.274, + "mrr_at_10": 28.552, + "mrr_at_100": 29.42, + "mrr_at_1000": 29.497, + "mrr_at_3": 26.14, + "mrr_at_5": 27.502, + "ndcg_at_1": 20.274, + "ndcg_at_10": 29.088, + "ndcg_at_100": 34.293, + "ndcg_at_1000": 37.271, + "ndcg_at_3": 24.708, + "ndcg_at_5": 26.809, + "precision_at_1": 20.274, + "precision_at_10": 5.361, + "precision_at_100": 0.915, + "precision_at_1000": 0.13, + "precision_at_3": 11.733, + "precision_at_5": 8.556999999999999, + "recall_at_1": 16.715, + "recall_at_10": 39.587, + "recall_at_100": 62.336000000000006, + "recall_at_1000": 83.453, + "recall_at_3": 27.839999999999996, + "recall_at_5": 32.952999999999996, + "main_score": 29.088 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.793000000000003, + "map_at_10": 38.582, + "map_at_100": 39.881, + "map_at_1000": 39.987, + "map_at_3": 35.851, + "map_at_5": 37.289, + "mrr_at_1": 34.455999999999996, + "mrr_at_10": 43.909, + "mrr_at_100": 44.74, + "mrr_at_1000": 44.786, + "mrr_at_3": 41.659, + "mrr_at_5": 43.010999999999996, + "ndcg_at_1": 34.455999999999996, + "ndcg_at_10": 44.266, + "ndcg_at_100": 49.639, + "ndcg_at_1000": 51.644, + "ndcg_at_3": 39.865, + "ndcg_at_5": 41.887, + "precision_at_1": 34.455999999999996, + "precision_at_10": 7.843999999999999, + "precision_at_100": 1.243, + "precision_at_1000": 0.158, + "precision_at_3": 18.831999999999997, + "precision_at_5": 13.147, + "recall_at_1": 28.793000000000003, + "recall_at_10": 55.68300000000001, + "recall_at_100": 77.99000000000001, + "recall_at_1000": 91.183, + "recall_at_3": 43.293, + "recall_at_5": 48.618, + "main_score": 44.266 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.907000000000004, + "map_at_10": 35.519, + "map_at_100": 36.806, + "map_at_1000": 36.912, + "map_at_3": 32.748, + "map_at_5": 34.232, + "mrr_at_1": 31.621, + "mrr_at_10": 40.687, + "mrr_at_100": 41.583, + "mrr_at_1000": 41.638999999999996, + "mrr_at_3": 38.527, + "mrr_at_5": 39.612, + "ndcg_at_1": 31.621, + "ndcg_at_10": 41.003, + "ndcg_at_100": 46.617999999999995, + "ndcg_at_1000": 48.82, + "ndcg_at_3": 36.542, + "ndcg_at_5": 38.368, + "precision_at_1": 31.621, + "precision_at_10": 7.396999999999999, + "precision_at_100": 1.191, + "precision_at_1000": 0.153, + "precision_at_3": 17.39, + "precision_at_5": 12.1, + "recall_at_1": 25.907000000000004, + "recall_at_10": 52.115, + "recall_at_100": 76.238, + "recall_at_1000": 91.218, + "recall_at_3": 39.417, + "recall_at_5": 44.435, + "main_score": 41.003 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.732166666666668, + "map_at_10": 34.51616666666667, + "map_at_100": 35.67241666666666, + "map_at_1000": 35.78675, + "map_at_3": 31.953416666666662, + "map_at_5": 33.333, + "mrr_at_1": 30.300166666666673, + "mrr_at_10": 38.6255, + "mrr_at_100": 39.46183333333334, + "mrr_at_1000": 39.519999999999996, + "mrr_at_3": 36.41299999999999, + "mrr_at_5": 37.6365, + "ndcg_at_1": 30.300166666666673, + "ndcg_at_10": 39.61466666666667, + "ndcg_at_100": 44.60808333333334, + "ndcg_at_1000": 46.91708333333334, + "ndcg_at_3": 35.26558333333333, + "ndcg_at_5": 37.220000000000006, + "precision_at_1": 30.300166666666673, + "precision_at_10": 6.837416666666667, + "precision_at_100": 1.10425, + "precision_at_1000": 0.14875, + "precision_at_3": 16.13716666666667, + "precision_at_5": 11.2815, + "recall_at_1": 25.732166666666668, + "recall_at_10": 50.578916666666665, + "recall_at_100": 72.42183333333334, + "recall_at_1000": 88.48766666666667, + "recall_at_3": 38.41325, + "recall_at_5": 43.515750000000004, + "main_score": 39.61466666666667 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.951, + "map_at_10": 30.974, + "map_at_100": 31.804, + "map_at_1000": 31.900000000000002, + "map_at_3": 28.762, + "map_at_5": 29.94, + "mrr_at_1": 26.534000000000002, + "mrr_at_10": 33.553, + "mrr_at_100": 34.297, + "mrr_at_1000": 34.36, + "mrr_at_3": 31.391000000000002, + "mrr_at_5": 32.525999999999996, + "ndcg_at_1": 26.534000000000002, + "ndcg_at_10": 35.112, + "ndcg_at_100": 39.28, + "ndcg_at_1000": 41.723, + "ndcg_at_3": 30.902, + "ndcg_at_5": 32.759, + "precision_at_1": 26.534000000000002, + "precision_at_10": 5.445, + "precision_at_100": 0.819, + "precision_at_1000": 0.11, + "precision_at_3": 12.986, + "precision_at_5": 9.049, + "recall_at_1": 23.951, + "recall_at_10": 45.24, + "recall_at_100": 64.12299999999999, + "recall_at_1000": 82.28999999999999, + "recall_at_3": 33.806000000000004, + "recall_at_5": 38.277, + "main_score": 35.112 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.829, + "map_at_10": 23.684, + "map_at_100": 24.683, + "map_at_1000": 24.81, + "map_at_3": 21.554000000000002, + "map_at_5": 22.768, + "mrr_at_1": 20.096, + "mrr_at_10": 27.230999999999998, + "mrr_at_100": 28.083999999999996, + "mrr_at_1000": 28.166000000000004, + "mrr_at_3": 25.212, + "mrr_at_5": 26.32, + "ndcg_at_1": 20.096, + "ndcg_at_10": 27.989000000000004, + "ndcg_at_100": 32.847, + "ndcg_at_1000": 35.896, + "ndcg_at_3": 24.116, + "ndcg_at_5": 25.964, + "precision_at_1": 20.096, + "precision_at_10": 5, + "precision_at_100": 0.8750000000000001, + "precision_at_1000": 0.131, + "precision_at_3": 11.207, + "precision_at_5": 8.08, + "recall_at_1": 16.829, + "recall_at_10": 37.407000000000004, + "recall_at_100": 59.101000000000006, + "recall_at_1000": 81.024, + "recall_at_3": 26.739, + "recall_at_5": 31.524, + "main_score": 27.989000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.138, + "map_at_10": 32.275999999999996, + "map_at_100": 33.416000000000004, + "map_at_1000": 33.527, + "map_at_3": 29.854000000000003, + "map_at_5": 31.096, + "mrr_at_1": 28.450999999999997, + "mrr_at_10": 36.214, + "mrr_at_100": 37.134, + "mrr_at_1000": 37.198, + "mrr_at_3": 34.001999999999995, + "mrr_at_5": 35.187000000000005, + "ndcg_at_1": 28.450999999999997, + "ndcg_at_10": 37.166, + "ndcg_at_100": 42.454, + "ndcg_at_1000": 44.976, + "ndcg_at_3": 32.796, + "ndcg_at_5": 34.631, + "precision_at_1": 28.450999999999997, + "precision_at_10": 6.241, + "precision_at_100": 0.9950000000000001, + "precision_at_1000": 0.133, + "precision_at_3": 14.801, + "precision_at_5": 10.280000000000001, + "recall_at_1": 24.138, + "recall_at_10": 48.111, + "recall_at_100": 71.245, + "recall_at_1000": 88.986, + "recall_at_3": 36.119, + "recall_at_5": 40.846, + "main_score": 37.166 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.244, + "map_at_10": 31.227, + "map_at_100": 33.007, + "map_at_1000": 33.223, + "map_at_3": 28.924, + "map_at_5": 30.017, + "mrr_at_1": 27.668, + "mrr_at_10": 35.524, + "mrr_at_100": 36.699, + "mrr_at_1000": 36.759, + "mrr_at_3": 33.366, + "mrr_at_5": 34.552, + "ndcg_at_1": 27.668, + "ndcg_at_10": 36.381, + "ndcg_at_100": 43.062, + "ndcg_at_1000": 45.656, + "ndcg_at_3": 32.501999999999995, + "ndcg_at_5": 34.105999999999995, + "precision_at_1": 27.668, + "precision_at_10": 6.798, + "precision_at_100": 1.492, + "precision_at_1000": 0.234, + "precision_at_3": 15.152, + "precision_at_5": 10.791, + "recall_at_1": 23.244, + "recall_at_10": 45.979, + "recall_at_100": 74.822, + "recall_at_1000": 91.078, + "recall_at_3": 34.925, + "recall_at_5": 39.126, + "main_score": 36.381 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.945, + "map_at_10": 27.517999999999997, + "map_at_100": 28.588, + "map_at_1000": 28.682000000000002, + "map_at_3": 25.345000000000002, + "map_at_5": 26.555, + "mrr_at_1": 21.996, + "mrr_at_10": 29.845, + "mrr_at_100": 30.775999999999996, + "mrr_at_1000": 30.845, + "mrr_at_3": 27.726, + "mrr_at_5": 28.882, + "ndcg_at_1": 21.996, + "ndcg_at_10": 32.034, + "ndcg_at_100": 37.185, + "ndcg_at_1000": 39.645, + "ndcg_at_3": 27.750999999999998, + "ndcg_at_5": 29.805999999999997, + "precision_at_1": 21.996, + "precision_at_10": 5.065, + "precision_at_100": 0.819, + "precision_at_1000": 0.11399999999999999, + "precision_at_3": 12.076, + "precision_at_5": 8.392, + "recall_at_1": 19.945, + "recall_at_10": 43.62, + "recall_at_100": 67.194, + "recall_at_1000": 85.7, + "recall_at_3": 32.15, + "recall_at_5": 37.208999999999996, + "main_score": 32.034 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/ClimateFEVER.json b/results/nomic-ai__nomic-embed-text-v1.5/external/ClimateFEVER.json new file mode 100644 index 000000000..f06b1ece2 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.279, + "map_at_10": 31.052999999999997, + "map_at_100": 33.125, + "map_at_1000": 33.306000000000004, + "map_at_3": 26.208, + "map_at_5": 28.857, + "mrr_at_1": 42.671, + "mrr_at_10": 54.557, + "mrr_at_100": 55.142, + "mrr_at_1000": 55.169000000000004, + "mrr_at_3": 51.488, + "mrr_at_5": 53.439, + "ndcg_at_1": 42.671, + "ndcg_at_10": 41.276, + "ndcg_at_100": 48.376000000000005, + "ndcg_at_1000": 51.318, + "ndcg_at_3": 35.068, + "ndcg_at_5": 37.242, + "precision_at_1": 42.671, + "precision_at_10": 12.638, + "precision_at_100": 2.045, + "precision_at_1000": 0.26, + "precision_at_3": 26.08, + "precision_at_5": 19.805, + "recall_at_1": 18.279, + "recall_at_10": 46.946, + "recall_at_100": 70.97200000000001, + "recall_at_1000": 87.107, + "recall_at_3": 31.147999999999996, + "recall_at_5": 38.099, + "main_score": 41.276 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/DBPedia.json b/results/nomic-ai__nomic-embed-text-v1.5/external/DBPedia.json new file mode 100644 index 000000000..193d8617f --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.573, + "map_at_10": 19.747, + "map_at_100": 28.205000000000002, + "map_at_1000": 29.831000000000003, + "map_at_3": 14.109, + "map_at_5": 16.448999999999998, + "mrr_at_1": 71, + "mrr_at_10": 77.68599999999999, + "mrr_at_100": 77.995, + "mrr_at_1000": 78.00200000000001, + "mrr_at_3": 76.292, + "mrr_at_5": 77.029, + "ndcg_at_1": 59.12500000000001, + "ndcg_at_10": 43.9, + "ndcg_at_100": 47.863, + "ndcg_at_1000": 54.848, + "ndcg_at_3": 49.803999999999995, + "ndcg_at_5": 46.317, + "precision_at_1": 71, + "precision_at_10": 34.4, + "precision_at_100": 11.063, + "precision_at_1000": 1.989, + "precision_at_3": 52.333, + "precision_at_5": 43.7, + "recall_at_1": 8.573, + "recall_at_10": 25.615, + "recall_at_100": 53.385000000000005, + "recall_at_1000": 75.46000000000001, + "recall_at_3": 15.429, + "recall_at_5": 19.357, + "main_score": 43.9 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/EmotionClassification.json b/results/nomic-ai__nomic-embed-text-v1.5/external/EmotionClassification.json new file mode 100644 index 000000000..4486b4b57 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 47.989999999999995, + "f1": 42.776314451497555, + "main_score": 47.989999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/FEVER.json b/results/nomic-ai__nomic-embed-text-v1.5/external/FEVER.json new file mode 100644 index 000000000..25b61d152 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 74.13499999999999, + "map_at_10": 82.825, + "map_at_100": 83.096, + "map_at_1000": 83.111, + "map_at_3": 81.748, + "map_at_5": 82.446, + "mrr_at_1": 79.553, + "mrr_at_10": 86.654, + "mrr_at_100": 86.774, + "mrr_at_1000": 86.778, + "mrr_at_3": 85.981, + "mrr_at_5": 86.462, + "ndcg_at_1": 79.553, + "ndcg_at_10": 86.345, + "ndcg_at_100": 87.32, + "ndcg_at_1000": 87.58200000000001, + "ndcg_at_3": 84.719, + "ndcg_at_5": 85.677, + "precision_at_1": 79.553, + "precision_at_10": 10.402000000000001, + "precision_at_100": 1.1119999999999999, + "precision_at_1000": 0.11499999999999999, + "precision_at_3": 32.413, + "precision_at_5": 20.138, + "recall_at_1": 74.13499999999999, + "recall_at_10": 93.215, + "recall_at_100": 97.083, + "recall_at_1000": 98.732, + "recall_at_3": 88.79, + "recall_at_5": 91.259, + "main_score": 86.345 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/FiQA2018.json b/results/nomic-ai__nomic-embed-text-v1.5/external/FiQA2018.json new file mode 100644 index 000000000..f17039789 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.298000000000002, + "map_at_10": 29.901, + "map_at_100": 31.528, + "map_at_1000": 31.713, + "map_at_3": 25.740000000000002, + "map_at_5": 28.227999999999998, + "mrr_at_1": 36.728, + "mrr_at_10": 45.401, + "mrr_at_100": 46.27, + "mrr_at_1000": 46.315, + "mrr_at_3": 42.978, + "mrr_at_5": 44.29, + "ndcg_at_1": 36.728, + "ndcg_at_10": 37.456, + "ndcg_at_100": 43.832, + "ndcg_at_1000": 47, + "ndcg_at_3": 33.694, + "ndcg_at_5": 35.085, + "precision_at_1": 36.728, + "precision_at_10": 10.386, + "precision_at_100": 1.701, + "precision_at_1000": 0.22599999999999998, + "precision_at_3": 22.479, + "precision_at_5": 16.605, + "recall_at_1": 18.298000000000002, + "recall_at_10": 44.369, + "recall_at_100": 68.098, + "recall_at_1000": 87.21900000000001, + "recall_at_3": 30.215999999999998, + "recall_at_5": 36.861, + "main_score": 37.456 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/HotpotQA.json b/results/nomic-ai__nomic-embed-text-v1.5/external/HotpotQA.json new file mode 100644 index 000000000..be71445bf --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 39.568, + "map_at_10": 65.061, + "map_at_100": 65.896, + "map_at_1000": 65.95100000000001, + "map_at_3": 61.831, + "map_at_5": 63.849000000000004, + "mrr_at_1": 79.136, + "mrr_at_10": 84.58200000000001, + "mrr_at_100": 84.765, + "mrr_at_1000": 84.772, + "mrr_at_3": 83.684, + "mrr_at_5": 84.223, + "ndcg_at_1": 79.136, + "ndcg_at_10": 72.622, + "ndcg_at_100": 75.539, + "ndcg_at_1000": 76.613, + "ndcg_at_3": 68.065, + "ndcg_at_5": 70.58, + "precision_at_1": 79.136, + "precision_at_10": 15.215, + "precision_at_100": 1.7500000000000002, + "precision_at_1000": 0.189, + "precision_at_3": 44.011, + "precision_at_5": 28.388999999999996, + "recall_at_1": 39.568, + "recall_at_10": 76.077, + "recall_at_100": 87.481, + "recall_at_1000": 94.56400000000001, + "recall_at_3": 66.01599999999999, + "recall_at_5": 70.97200000000001, + "main_score": 72.622 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/ImdbClassification.json b/results/nomic-ai__nomic-embed-text-v1.5/external/ImdbClassification.json new file mode 100644 index 000000000..06268ccc1 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 85.312, + "ap": 80.36296867333715, + "f1": 85.26613311552218, + "main_score": 85.312 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/MSMARCO.json b/results/nomic-ai__nomic-embed-text-v1.5/external/MSMARCO.json new file mode 100644 index 000000000..6d63fb3d1 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.363999999999997, + "map_at_10": 35.711999999999996, + "map_at_100": 36.876999999999995, + "map_at_1000": 36.923, + "map_at_3": 32.034, + "map_at_5": 34.159, + "mrr_at_1": 24.04, + "mrr_at_10": 36.345, + "mrr_at_100": 37.441, + "mrr_at_1000": 37.480000000000004, + "mrr_at_3": 32.713, + "mrr_at_5": 34.824, + "ndcg_at_1": 24.026, + "ndcg_at_10": 42.531, + "ndcg_at_100": 48.081, + "ndcg_at_1000": 49.213, + "ndcg_at_3": 35.044, + "ndcg_at_5": 38.834, + "precision_at_1": 24.026, + "precision_at_10": 6.622999999999999, + "precision_at_100": 0.941, + "precision_at_1000": 0.104, + "precision_at_3": 14.909, + "precision_at_5": 10.871, + "recall_at_1": 23.363999999999997, + "recall_at_10": 63.426, + "recall_at_100": 88.96300000000001, + "recall_at_1000": 97.637, + "recall_at_3": 43.095, + "recall_at_5": 52.178000000000004, + "main_score": 42.531 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/MTOPDomainClassification.json b/results/nomic-ai__nomic-embed-text-v1.5/external/MTOPDomainClassification.json new file mode 100644 index 000000000..40cf2a813 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.0095759233926, + "f1": 92.78387794667408, + "main_score": 93.0095759233926 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/MTOPIntentClassification.json b/results/nomic-ai__nomic-embed-text-v1.5/external/MTOPIntentClassification.json new file mode 100644 index 000000000..eda21086e --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.0296397628819, + "f1": 58.45699589820874, + "main_score": 75.0296397628819 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/MassiveIntentClassification.json b/results/nomic-ai__nomic-embed-text-v1.5/external/MassiveIntentClassification.json new file mode 100644 index 000000000..5ad9f3ab4 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.45662407531944, + "f1": 71.42364781421813, + "main_score": 73.45662407531944 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/MassiveScenarioClassification.json b/results/nomic-ai__nomic-embed-text-v1.5/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..da490f534 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.07800941492937, + "f1": 77.22799045640845, + "main_score": 77.07800941492937 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/MedrxivClusteringP2P.json b/results/nomic-ai__nomic-embed-text-v1.5/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..064cdca1d --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.531234379250606, + "main_score": 34.531234379250606 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/MedrxivClusteringS2S.json b/results/nomic-ai__nomic-embed-text-v1.5/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..6f95ac6bf --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.941490381193802, + "main_score": 30.941490381193802 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/MindSmallReranking.json b/results/nomic-ai__nomic-embed-text-v1.5/external/MindSmallReranking.json new file mode 100644 index 000000000..fdee48f3a --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 30.3115090856725, + "mrr": 31.290667638675757, + "main_score": 30.3115090856725 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/NFCorpus.json b/results/nomic-ai__nomic-embed-text-v1.5/external/NFCorpus.json new file mode 100644 index 000000000..51d0474df --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.465, + "map_at_10": 13.03, + "map_at_100": 16.057, + "map_at_1000": 17.49, + "map_at_3": 9.553, + "map_at_5": 11.204, + "mrr_at_1": 43.653, + "mrr_at_10": 53.269, + "mrr_at_100": 53.72, + "mrr_at_1000": 53.761, + "mrr_at_3": 50.929, + "mrr_at_5": 52.461, + "ndcg_at_1": 42.26, + "ndcg_at_10": 34.673, + "ndcg_at_100": 30.759999999999998, + "ndcg_at_1000": 39.728, + "ndcg_at_3": 40.349000000000004, + "ndcg_at_5": 37.915, + "precision_at_1": 43.653, + "precision_at_10": 25.789, + "precision_at_100": 7.754999999999999, + "precision_at_1000": 2.07, + "precision_at_3": 38.596000000000004, + "precision_at_5": 33.251, + "recall_at_1": 5.465, + "recall_at_10": 17.148, + "recall_at_100": 29.768, + "recall_at_1000": 62.239, + "recall_at_3": 10.577, + "recall_at_5": 13.315, + "main_score": 34.673 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/NQ.json b/results/nomic-ai__nomic-embed-text-v1.5/external/NQ.json new file mode 100644 index 000000000..0fdcfe1ec --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 37.008, + "map_at_10": 52.467, + "map_at_100": 53.342999999999996, + "map_at_1000": 53.366, + "map_at_3": 48.412, + "map_at_5": 50.875, + "mrr_at_1": 41.541, + "mrr_at_10": 54.967, + "mrr_at_100": 55.611, + "mrr_at_1000": 55.627, + "mrr_at_3": 51.824999999999996, + "mrr_at_5": 53.763000000000005, + "ndcg_at_1": 41.541, + "ndcg_at_10": 59.724999999999994, + "ndcg_at_100": 63.38700000000001, + "ndcg_at_1000": 63.883, + "ndcg_at_3": 52.331, + "ndcg_at_5": 56.327000000000005, + "precision_at_1": 41.541, + "precision_at_10": 9.447, + "precision_at_100": 1.1520000000000001, + "precision_at_1000": 0.12, + "precision_at_3": 23.262, + "precision_at_5": 16.314999999999998, + "recall_at_1": 37.008, + "recall_at_10": 79.145, + "recall_at_100": 94.986, + "recall_at_1000": 98.607, + "recall_at_3": 60.277, + "recall_at_5": 69.407, + "main_score": 59.724999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/QuoraRetrieval.json b/results/nomic-ai__nomic-embed-text-v1.5/external/QuoraRetrieval.json new file mode 100644 index 000000000..f313fa795 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 70.402, + "map_at_10": 84.181, + "map_at_100": 84.796, + "map_at_1000": 84.81400000000001, + "map_at_3": 81.209, + "map_at_5": 83.085, + "mrr_at_1": 81.02000000000001, + "mrr_at_10": 87.263, + "mrr_at_100": 87.36, + "mrr_at_1000": 87.36, + "mrr_at_3": 86.235, + "mrr_at_5": 86.945, + "ndcg_at_1": 81.01, + "ndcg_at_10": 87.99900000000001, + "ndcg_at_100": 89.217, + "ndcg_at_1000": 89.33, + "ndcg_at_3": 85.053, + "ndcg_at_5": 86.703, + "precision_at_1": 81.01, + "precision_at_10": 13.336, + "precision_at_100": 1.52, + "precision_at_1000": 0.156, + "precision_at_3": 37.14, + "precision_at_5": 24.44, + "recall_at_1": 70.402, + "recall_at_10": 95.214, + "recall_at_100": 99.438, + "recall_at_1000": 99.928, + "recall_at_3": 86.75699999999999, + "recall_at_5": 91.44099999999999, + "main_score": 87.99900000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/RedditClustering.json b/results/nomic-ai__nomic-embed-text-v1.5/external/RedditClustering.json new file mode 100644 index 000000000..e7cfe92bd --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 56.51721502758904, + "main_score": 56.51721502758904 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/RedditClusteringP2P.json b/results/nomic-ai__nomic-embed-text-v1.5/external/RedditClusteringP2P.json new file mode 100644 index 000000000..b9939ecdb --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 61.054808572333016, + "main_score": 61.054808572333016 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/SCIDOCS.json b/results/nomic-ai__nomic-embed-text-v1.5/external/SCIDOCS.json new file mode 100644 index 000000000..dc7eedc8d --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.578, + "map_at_10": 11.036999999999999, + "map_at_100": 12.879999999999999, + "map_at_1000": 13.150999999999998, + "map_at_3": 8.133, + "map_at_5": 9.559, + "mrr_at_1": 22.6, + "mrr_at_10": 32.68, + "mrr_at_100": 33.789, + "mrr_at_1000": 33.854, + "mrr_at_3": 29.7, + "mrr_at_5": 31.480000000000004, + "ndcg_at_1": 22.6, + "ndcg_at_10": 18.616, + "ndcg_at_100": 25.883, + "ndcg_at_1000": 30.944, + "ndcg_at_3": 18.136, + "ndcg_at_5": 15.625, + "precision_at_1": 22.6, + "precision_at_10": 9.48, + "precision_at_100": 1.991, + "precision_at_1000": 0.321, + "precision_at_3": 16.8, + "precision_at_5": 13.54, + "recall_at_1": 4.578, + "recall_at_10": 19.213, + "recall_at_100": 40.397, + "recall_at_1000": 65.2, + "recall_at_3": 10.208, + "recall_at_5": 13.718, + "main_score": 18.616 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/SICK-R.json b/results/nomic-ai__nomic-embed-text-v1.5/external/SICK-R.json new file mode 100644 index 000000000..c660dc815 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.44288351714071, + "cos_sim_spearman": 79.37995604564952, + "euclidean_pearson": 81.1078874670718, + "euclidean_spearman": 79.37995905980499, + "manhattan_pearson": 81.03697527288986, + "manhattan_spearman": 79.33490235296236, + "cosine_pearson": 83.44288351714071, + "cosine_spearman": 79.37995604564952, + "main_score": 79.37995604564952 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/STS12.json b/results/nomic-ai__nomic-embed-text-v1.5/external/STS12.json new file mode 100644 index 000000000..15ecd369d --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.95557650436523, + "cos_sim_spearman": 78.5190672399868, + "euclidean_pearson": 81.58064025904707, + "euclidean_spearman": 78.5190672399868, + "manhattan_pearson": 81.52857930619889, + "manhattan_spearman": 78.50421361308034, + "cosine_pearson": 84.95557650436523, + "cosine_spearman": 78.5190672399868, + "main_score": 78.5190672399868 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/STS13.json b/results/nomic-ai__nomic-embed-text-v1.5/external/STS13.json new file mode 100644 index 000000000..8fb3338a3 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.79128416228737, + "cos_sim_spearman": 86.05402451477147, + "euclidean_pearson": 85.46280267054289, + "euclidean_spearman": 86.05402451477147, + "manhattan_pearson": 85.46278563858236, + "manhattan_spearman": 86.08079590861004, + "cosine_pearson": 84.79128416228737, + "cosine_spearman": 86.05402451477147, + "main_score": 86.05402451477147 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/STS14.json b/results/nomic-ai__nomic-embed-text-v1.5/external/STS14.json new file mode 100644 index 000000000..cc3665317 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.20623089568763, + "cos_sim_spearman": 81.53786907061009, + "euclidean_pearson": 82.82272250091494, + "euclidean_spearman": 81.53786907061009, + "manhattan_pearson": 82.78850494027013, + "manhattan_spearman": 81.5135618083407, + "cosine_pearson": 83.20623089568763, + "cosine_spearman": 81.53786907061009, + "main_score": 81.53786907061009 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/STS15.json b/results/nomic-ai__nomic-embed-text-v1.5/external/STS15.json new file mode 100644 index 000000000..6afca6f5d --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.46366618397936, + "cos_sim_spearman": 86.96566013336908, + "euclidean_pearson": 86.62651697548931, + "euclidean_spearman": 86.96565526364454, + "manhattan_pearson": 86.58812160258009, + "manhattan_spearman": 86.9336484321288, + "cosine_pearson": 85.46366618397936, + "cosine_spearman": 86.96566013336908, + "main_score": 86.96566013336908 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/STS16.json b/results/nomic-ai__nomic-embed-text-v1.5/external/STS16.json new file mode 100644 index 000000000..b9322c42a --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.51858358641559, + "cos_sim_spearman": 84.7652527954999, + "euclidean_pearson": 84.23914783766861, + "euclidean_spearman": 84.7652527954999, + "manhattan_pearson": 84.22749648503171, + "manhattan_spearman": 84.74527996746386, + "cosine_pearson": 82.51858358641559, + "cosine_spearman": 84.7652527954999, + "main_score": 84.7652527954999 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/STS17.json b/results/nomic-ai__nomic-embed-text-v1.5/external/STS17.json new file mode 100644 index 000000000..27cfda4d1 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.28026563313065, + "cos_sim_spearman": 87.46928143824915, + "euclidean_pearson": 88.30558762000372, + "euclidean_spearman": 87.46928143824915, + "manhattan_pearson": 88.10513330809331, + "manhattan_spearman": 87.21069787834173, + "cosine_pearson": 87.28026563313065, + "cosine_spearman": 87.46928143824915, + "main_score": 87.46928143824915 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/STS22.json b/results/nomic-ai__nomic-embed-text-v1.5/external/STS22.json new file mode 100644 index 000000000..3a20ff8ad --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 62.376497134587375, + "cos_sim_spearman": 65.0159550112516, + "euclidean_pearson": 65.64572120879598, + "euclidean_spearman": 65.0159550112516, + "manhattan_pearson": 65.88143604989976, + "manhattan_spearman": 65.17547297222434, + "cosine_pearson": 62.376497134587375, + "cosine_spearman": 65.0159550112516, + "main_score": 65.0159550112516 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/STSBenchmark.json b/results/nomic-ai__nomic-embed-text-v1.5/external/STSBenchmark.json new file mode 100644 index 000000000..b80318163 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.22876368947644, + "cos_sim_spearman": 85.46935577445318, + "euclidean_pearson": 85.32830231392005, + "euclidean_spearman": 85.46935577445318, + "manhattan_pearson": 85.30353211758495, + "manhattan_spearman": 85.42821085956945, + "cosine_pearson": 84.22876368947644, + "cosine_spearman": 85.46935577445318, + "main_score": 85.46935577445318 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/SciDocsRR.json b/results/nomic-ai__nomic-embed-text-v1.5/external/SciDocsRR.json new file mode 100644 index 000000000..1588d9ec2 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 80.60986667767133, + "mrr": 94.29432314236236, + "main_score": 80.60986667767133 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/SciFact.json b/results/nomic-ai__nomic-embed-text-v1.5/external/SciFact.json new file mode 100644 index 000000000..39def7821 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 54.528, + "map_at_10": 65.187, + "map_at_100": 65.62599999999999, + "map_at_1000": 65.657, + "map_at_3": 62.352, + "map_at_5": 64.025, + "mrr_at_1": 57.333, + "mrr_at_10": 66.577, + "mrr_at_100": 66.88, + "mrr_at_1000": 66.908, + "mrr_at_3": 64.556, + "mrr_at_5": 65.739, + "ndcg_at_1": 57.333, + "ndcg_at_10": 70.275, + "ndcg_at_100": 72.136, + "ndcg_at_1000": 72.963, + "ndcg_at_3": 65.414, + "ndcg_at_5": 67.831, + "precision_at_1": 57.333, + "precision_at_10": 9.5, + "precision_at_100": 1.057, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 25.778000000000002, + "precision_at_5": 17.2, + "recall_at_1": 54.528, + "recall_at_10": 84.356, + "recall_at_100": 92.833, + "recall_at_1000": 99.333, + "recall_at_3": 71.283, + "recall_at_5": 77.14999999999999, + "main_score": 70.275 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/SprintDuplicateQuestions.json b/results/nomic-ai__nomic-embed-text-v1.5/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..77e1bb0d9 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.74158415841585, + "cos_sim_ap": 92.90048959850317, + "cos_sim_f1": 86.35650810245687, + "cos_sim_precision": 90.4709748083242, + "cos_sim_recall": 82.6, + "dot_accuracy": 99.74158415841585, + "dot_ap": 92.90048959850317, + "dot_f1": 86.35650810245687, + "dot_precision": 90.4709748083242, + "dot_recall": 82.6, + "euclidean_accuracy": 99.74158415841585, + "euclidean_ap": 92.90048959850317, + "euclidean_f1": 86.35650810245687, + "euclidean_precision": 90.4709748083242, + "euclidean_recall": 82.6, + "manhattan_accuracy": 99.74158415841585, + "manhattan_ap": 92.87344692947894, + "manhattan_f1": 86.38497652582159, + "manhattan_precision": 90.29443838604145, + "manhattan_recall": 82.8, + "max_accuracy": 99.74158415841585, + "max_ap": 92.90048959850317, + "max_f1": 86.38497652582159, + "main_score": 92.90048959850317 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/StackExchangeClustering.json b/results/nomic-ai__nomic-embed-text-v1.5/external/StackExchangeClustering.json new file mode 100644 index 000000000..10d0c4e22 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 63.191648770424216, + "main_score": 63.191648770424216 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/StackExchangeClusteringP2P.json b/results/nomic-ai__nomic-embed-text-v1.5/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..09bcc9804 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.02944668730218, + "main_score": 34.02944668730218 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/StackOverflowDupQuestions.json b/results/nomic-ai__nomic-embed-text-v1.5/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..abfe363cd --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 50.466386167525265, + "mrr": 51.19071492233257, + "main_score": 50.466386167525265 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/SummEval.json b/results/nomic-ai__nomic-embed-text-v1.5/external/SummEval.json new file mode 100644 index 000000000..beb5e535b --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.198022505886435, + "cos_sim_spearman": 30.40170257939193, + "dot_pearson": 30.198015316402614, + "dot_spearman": 30.40170257939193, + "cosine_pearson": 30.198022505886435, + "cosine_spearman": 30.40170257939193, + "main_score": 30.40170257939193 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/TRECCOVID.json b/results/nomic-ai__nomic-embed-text-v1.5/external/TRECCOVID.json new file mode 100644 index 000000000..f61c6d4e4 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.242, + "map_at_10": 2.17, + "map_at_100": 12.221, + "map_at_1000": 28.63, + "map_at_3": 0.728, + "map_at_5": 1.185, + "mrr_at_1": 94, + "mrr_at_10": 97, + "mrr_at_100": 97, + "mrr_at_1000": 97, + "mrr_at_3": 97, + "mrr_at_5": 97, + "ndcg_at_1": 89, + "ndcg_at_10": 82.30499999999999, + "ndcg_at_100": 61.839999999999996, + "ndcg_at_1000": 53.381, + "ndcg_at_3": 88.877, + "ndcg_at_5": 86.05199999999999, + "precision_at_1": 94, + "precision_at_10": 87, + "precision_at_100": 63.38, + "precision_at_1000": 23.498, + "precision_at_3": 94, + "precision_at_5": 92, + "recall_at_1": 0.242, + "recall_at_10": 2.302, + "recall_at_100": 14.979000000000001, + "recall_at_1000": 49.638, + "recall_at_3": 0.753, + "recall_at_5": 1.226, + "main_score": 82.30499999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/Touche2020.json b/results/nomic-ai__nomic-embed-text-v1.5/external/Touche2020.json new file mode 100644 index 000000000..37ec9232b --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.006, + "map_at_10": 11.805, + "map_at_100": 18.146, + "map_at_1000": 19.788, + "map_at_3": 5.914, + "map_at_5": 8.801, + "mrr_at_1": 40.816, + "mrr_at_10": 56.36600000000001, + "mrr_at_100": 56.721999999999994, + "mrr_at_1000": 56.721999999999994, + "mrr_at_3": 52.041000000000004, + "mrr_at_5": 54.796, + "ndcg_at_1": 37.755, + "ndcg_at_10": 29.863, + "ndcg_at_100": 39.571, + "ndcg_at_1000": 51.385999999999996, + "ndcg_at_3": 32.578, + "ndcg_at_5": 32.351, + "precision_at_1": 40.816, + "precision_at_10": 26.531, + "precision_at_100": 7.796, + "precision_at_1000": 1.555, + "precision_at_3": 32.653, + "precision_at_5": 33.061, + "recall_at_1": 3.006, + "recall_at_10": 18.738, + "recall_at_100": 48.058, + "recall_at_1000": 83.41300000000001, + "recall_at_3": 7.166, + "recall_at_5": 12.102, + "main_score": 29.863 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/ToxicConversationsClassification.json b/results/nomic-ai__nomic-embed-text-v1.5/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..765f07d7d --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.4178, + "ap": 14.648781342150446, + "f1": 55.07299194946378, + "main_score": 71.4178 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/TweetSentimentExtractionClassification.json b/results/nomic-ai__nomic-embed-text-v1.5/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..026cc4a21 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 60.919637804187886, + "f1": 61.24122013967399, + "main_score": 60.919637804187886 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/TwentyNewsgroupsClustering.json b/results/nomic-ai__nomic-embed-text-v1.5/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..1e78c1d49 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 49.207896583685695, + "main_score": 49.207896583685695 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/TwitterSemEval2015.json b/results/nomic-ai__nomic-embed-text-v1.5/external/TwitterSemEval2015.json new file mode 100644 index 000000000..1940869db --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 86.23114978840078, + "cos_sim_ap": 74.26624727825818, + "cos_sim_f1": 68.72377190817083, + "cos_sim_precision": 64.56400742115028, + "cos_sim_recall": 73.45646437994723, + "dot_accuracy": 86.23114978840078, + "dot_ap": 74.26624032659652, + "dot_f1": 68.72377190817083, + "dot_precision": 64.56400742115028, + "dot_recall": 73.45646437994723, + "euclidean_accuracy": 86.23114978840078, + "euclidean_ap": 74.26624714480556, + "euclidean_f1": 68.72377190817083, + "euclidean_precision": 64.56400742115028, + "euclidean_recall": 73.45646437994723, + "manhattan_accuracy": 86.16558383501221, + "manhattan_ap": 74.2091943976357, + "manhattan_f1": 68.64221520524654, + "manhattan_precision": 63.59135913591359, + "manhattan_recall": 74.5646437994723, + "max_accuracy": 86.23114978840078, + "max_ap": 74.26624727825818, + "max_f1": 68.72377190817083, + "main_score": 74.26624727825818 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/TwitterURLCorpus.json b/results/nomic-ai__nomic-embed-text-v1.5/external/TwitterURLCorpus.json new file mode 100644 index 000000000..bfa574749 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.3681841114604, + "cos_sim_ap": 86.65166387498546, + "cos_sim_f1": 79.02581944698774, + "cos_sim_precision": 75.35796605434099, + "cos_sim_recall": 83.06898675700647, + "dot_accuracy": 89.3681841114604, + "dot_ap": 86.65166019802056, + "dot_f1": 79.02581944698774, + "dot_precision": 75.35796605434099, + "dot_recall": 83.06898675700647, + "euclidean_accuracy": 89.3681841114604, + "euclidean_ap": 86.65166462876266, + "euclidean_f1": 79.02581944698774, + "euclidean_precision": 75.35796605434099, + "euclidean_recall": 83.06898675700647, + "manhattan_accuracy": 89.36624364497226, + "manhattan_ap": 86.65076471274106, + "manhattan_f1": 79.07408783532733, + "manhattan_precision": 76.41102972856527, + "manhattan_recall": 81.92947336002464, + "max_accuracy": 89.3681841114604, + "max_ap": 86.65166462876266, + "max_f1": 79.07408783532733, + "main_score": 86.65166462876266 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1.5/external/model_meta.json b/results/nomic-ai__nomic-embed-text-v1.5/external/model_meta.json new file mode 100644 index 000000000..c5188647d --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1.5/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "nomic-ai/nomic-embed-text-v1.5", + "revision": "679199c2575b5bfe93b06161d06cd7c16ebe4124", + "release_date": "2024-02-10", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 136731648, + "memory_usage": null, + "max_tokens": 8192, + "embed_dim": 768, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/AmazonCounterfactualClassification.json b/results/nomic-ai__nomic-embed-text-v1/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..3980acd84 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.8507462686567, + "ap": 40.592189159090495, + "f1": 71.01634655512476, + "main_score": 76.8507462686567 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/AmazonPolarityClassification.json b/results/nomic-ai__nomic-embed-text-v1/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..c6fbf18ae --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.51892500000001, + "ap": 88.50346762975335, + "f1": 91.50342077459624, + "main_score": 91.51892500000001 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/AmazonReviewsClassification.json b/results/nomic-ai__nomic-embed-text-v1/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..17d35cba1 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 47.364, + "f1": 46.72708080922794, + "main_score": 47.364 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/ArguAna.json b/results/nomic-ai__nomic-embed-text-v1/external/ArguAna.json new file mode 100644 index 000000000..e88ec08f5 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.178, + "map_at_10": 40.244, + "map_at_100": 41.321999999999996, + "map_at_1000": 41.331, + "map_at_3": 35.016999999999996, + "map_at_5": 37.99, + "mrr_at_1": 25.605, + "mrr_at_10": 40.422000000000004, + "mrr_at_100": 41.507, + "mrr_at_1000": 41.516, + "mrr_at_3": 35.23, + "mrr_at_5": 38.15, + "ndcg_at_1": 25.178, + "ndcg_at_10": 49.258, + "ndcg_at_100": 53.776, + "ndcg_at_1000": 53.995000000000005, + "ndcg_at_3": 38.429, + "ndcg_at_5": 43.803, + "precision_at_1": 25.178, + "precision_at_10": 7.831, + "precision_at_100": 0.979, + "precision_at_1000": 0.1, + "precision_at_3": 16.121, + "precision_at_5": 12.29, + "recall_at_1": 25.178, + "recall_at_10": 78.307, + "recall_at_100": 97.866, + "recall_at_1000": 99.57300000000001, + "recall_at_3": 48.364000000000004, + "recall_at_5": 61.451, + "main_score": 49.258 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/ArxivClusteringP2P.json b/results/nomic-ai__nomic-embed-text-v1/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..c4930dafa --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 45.93034494751465, + "main_score": 45.93034494751465 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/ArxivClusteringS2S.json b/results/nomic-ai__nomic-embed-text-v1/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..71e4c83bf --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.64579480054327, + "main_score": 36.64579480054327 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/AskUbuntuDupQuestions.json b/results/nomic-ai__nomic-embed-text-v1/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..52062aff7 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 60.601310529222054, + "mrr": 75.04484896451656, + "main_score": 60.601310529222054 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/BIOSSES.json b/results/nomic-ai__nomic-embed-text-v1/external/BIOSSES.json new file mode 100644 index 000000000..15b087f7a --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.57797718095814, + "cos_sim_spearman": 86.47064499110101, + "euclidean_pearson": 87.4559602783142, + "euclidean_spearman": 86.47064499110101, + "manhattan_pearson": 87.7232764230245, + "manhattan_spearman": 86.91222131777742, + "cosine_pearson": 88.57797718095814, + "cosine_spearman": 86.47064499110101, + "main_score": 86.47064499110101 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/Banking77Classification.json b/results/nomic-ai__nomic-embed-text-v1/external/Banking77Classification.json new file mode 100644 index 000000000..4a9b53859 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 84.5422077922078, + "f1": 84.47657456950589, + "main_score": 84.5422077922078 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/BiorxivClusteringP2P.json b/results/nomic-ai__nomic-embed-text-v1/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..ae0ddfa55 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.48953561974464, + "main_score": 38.48953561974464 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/BiorxivClusteringS2S.json b/results/nomic-ai__nomic-embed-text-v1/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..dd0b93b16 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.75995857510105, + "main_score": 32.75995857510105 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/CQADupstackAndroidRetrieval.json b/results/nomic-ai__nomic-embed-text-v1/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..d1a13c76d --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.008000000000003, + "map_at_10": 39.51, + "map_at_100": 40.841, + "map_at_1000": 40.973, + "map_at_3": 36.248999999999995, + "map_at_5": 38.096999999999994, + "mrr_at_1": 36.481, + "mrr_at_10": 44.818000000000005, + "mrr_at_100": 45.64, + "mrr_at_1000": 45.687, + "mrr_at_3": 42.036, + "mrr_at_5": 43.782, + "ndcg_at_1": 36.481, + "ndcg_at_10": 45.152, + "ndcg_at_100": 50.449, + "ndcg_at_1000": 52.76499999999999, + "ndcg_at_3": 40.161, + "ndcg_at_5": 42.577999999999996, + "precision_at_1": 36.481, + "precision_at_10": 8.369, + "precision_at_100": 1.373, + "precision_at_1000": 0.186, + "precision_at_3": 18.693, + "precision_at_5": 13.533999999999999, + "recall_at_1": 30.008000000000003, + "recall_at_10": 56.108999999999995, + "recall_at_100": 78.55499999999999, + "recall_at_1000": 93.659, + "recall_at_3": 41.754999999999995, + "recall_at_5": 48.296, + "main_score": 45.152 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.262, + "map_at_10": 40.139, + "map_at_100": 41.394, + "map_at_1000": 41.526, + "map_at_3": 37.155, + "map_at_5": 38.785, + "mrr_at_1": 38.153, + "mrr_at_10": 46.369, + "mrr_at_100": 47.072, + "mrr_at_1000": 47.111999999999995, + "mrr_at_3": 44.268, + "mrr_at_5": 45.389, + "ndcg_at_1": 38.153, + "ndcg_at_10": 45.925, + "ndcg_at_100": 50.394000000000005, + "ndcg_at_1000": 52.37500000000001, + "ndcg_at_3": 41.754000000000005, + "ndcg_at_5": 43.574, + "precision_at_1": 38.153, + "precision_at_10": 8.796, + "precision_at_100": 1.432, + "precision_at_1000": 0.189, + "precision_at_3": 20.318, + "precision_at_5": 14.395, + "recall_at_1": 30.262, + "recall_at_10": 55.72200000000001, + "recall_at_100": 74.97500000000001, + "recall_at_1000": 87.342, + "recall_at_3": 43.129, + "recall_at_5": 48.336, + "main_score": 45.925 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 39.951, + "map_at_10": 51.248000000000005, + "map_at_100": 52.188, + "map_at_1000": 52.247, + "map_at_3": 48.211, + "map_at_5": 49.797000000000004, + "mrr_at_1": 45.329, + "mrr_at_10": 54.749, + "mrr_at_100": 55.367999999999995, + "mrr_at_1000": 55.400000000000006, + "mrr_at_3": 52.382, + "mrr_at_5": 53.649, + "ndcg_at_1": 45.329, + "ndcg_at_10": 56.847, + "ndcg_at_100": 60.738, + "ndcg_at_1000": 61.976, + "ndcg_at_3": 51.59, + "ndcg_at_5": 53.915, + "precision_at_1": 45.329, + "precision_at_10": 8.959, + "precision_at_100": 1.187, + "precision_at_1000": 0.134, + "precision_at_3": 22.612, + "precision_at_5": 15.273, + "recall_at_1": 39.951, + "recall_at_10": 70.053, + "recall_at_100": 86.996, + "recall_at_1000": 95.707, + "recall_at_3": 56.032000000000004, + "recall_at_5": 61.629999999999995, + "main_score": 56.847 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.566, + "map_at_10": 33.207, + "map_at_100": 34.166000000000004, + "map_at_1000": 34.245, + "map_at_3": 30.94, + "map_at_5": 32.01, + "mrr_at_1": 27.345000000000002, + "mrr_at_10": 35.193000000000005, + "mrr_at_100": 35.965, + "mrr_at_1000": 36.028999999999996, + "mrr_at_3": 32.806000000000004, + "mrr_at_5": 34.021, + "ndcg_at_1": 27.345000000000002, + "ndcg_at_10": 37.891999999999996, + "ndcg_at_100": 42.664, + "ndcg_at_1000": 44.757000000000005, + "ndcg_at_3": 33.123000000000005, + "ndcg_at_5": 35.035, + "precision_at_1": 27.345000000000002, + "precision_at_10": 5.763, + "precision_at_100": 0.859, + "precision_at_1000": 0.108, + "precision_at_3": 13.71, + "precision_at_5": 9.401, + "recall_at_1": 25.566, + "recall_at_10": 50.563, + "recall_at_100": 72.86399999999999, + "recall_at_1000": 88.68599999999999, + "recall_at_3": 37.43, + "recall_at_5": 41.894999999999996, + "main_score": 37.891999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.663, + "map_at_10": 23.552, + "map_at_100": 24.538, + "map_at_1000": 24.661, + "map_at_3": 21.085, + "map_at_5": 22.391, + "mrr_at_1": 20.025000000000002, + "mrr_at_10": 27.643, + "mrr_at_100": 28.499999999999996, + "mrr_at_1000": 28.582, + "mrr_at_3": 25.083, + "mrr_at_5": 26.544, + "ndcg_at_1": 20.025000000000002, + "ndcg_at_10": 28.272000000000002, + "ndcg_at_100": 33.353, + "ndcg_at_1000": 36.454, + "ndcg_at_3": 23.579, + "ndcg_at_5": 25.685000000000002, + "precision_at_1": 20.025000000000002, + "precision_at_10": 5.187, + "precision_at_100": 0.897, + "precision_at_1000": 0.13, + "precision_at_3": 10.987, + "precision_at_5": 8.06, + "recall_at_1": 16.663, + "recall_at_10": 38.808, + "recall_at_100": 61.305, + "recall_at_1000": 83.571, + "recall_at_3": 25.907999999999998, + "recall_at_5": 31.214, + "main_score": 28.272000000000002 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.695999999999998, + "map_at_10": 37.018, + "map_at_100": 38.263000000000005, + "map_at_1000": 38.371, + "map_at_3": 34.226, + "map_at_5": 35.809999999999995, + "mrr_at_1": 32.916000000000004, + "mrr_at_10": 42.067, + "mrr_at_100": 42.925000000000004, + "mrr_at_1000": 42.978, + "mrr_at_3": 39.637, + "mrr_at_5": 41.134, + "ndcg_at_1": 32.916000000000004, + "ndcg_at_10": 42.539, + "ndcg_at_100": 47.873, + "ndcg_at_1000": 50.08200000000001, + "ndcg_at_3": 37.852999999999994, + "ndcg_at_5": 40.201, + "precision_at_1": 32.916000000000004, + "precision_at_10": 7.5840000000000005, + "precision_at_100": 1.199, + "precision_at_1000": 0.155, + "precision_at_3": 17.485, + "precision_at_5": 12.512, + "recall_at_1": 27.695999999999998, + "recall_at_10": 53.638, + "recall_at_100": 76.116, + "recall_at_1000": 91.069, + "recall_at_3": 41.13, + "recall_at_5": 46.872, + "main_score": 42.539 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.108, + "map_at_10": 33.372, + "map_at_100": 34.656, + "map_at_1000": 34.768, + "map_at_3": 30.830999999999996, + "map_at_5": 32.204, + "mrr_at_1": 29.110000000000003, + "mrr_at_10": 37.979, + "mrr_at_100": 38.933, + "mrr_at_1000": 38.988, + "mrr_at_3": 35.731, + "mrr_at_5": 36.963, + "ndcg_at_1": 29.110000000000003, + "ndcg_at_10": 38.635000000000005, + "ndcg_at_100": 44.324999999999996, + "ndcg_at_1000": 46.747, + "ndcg_at_3": 34.37, + "ndcg_at_5": 36.228, + "precision_at_1": 29.110000000000003, + "precision_at_10": 6.963, + "precision_at_100": 1.146, + "precision_at_1000": 0.152, + "precision_at_3": 16.400000000000002, + "precision_at_5": 11.552999999999999, + "recall_at_1": 24.108, + "recall_at_10": 49.597, + "recall_at_100": 73.88900000000001, + "recall_at_1000": 90.62400000000001, + "recall_at_3": 37.662, + "recall_at_5": 42.565, + "main_score": 38.635000000000005 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.00791666666667, + "map_at_10": 33.287749999999996, + "map_at_100": 34.41141666666667, + "map_at_1000": 34.52583333333333, + "map_at_3": 30.734416666666668, + "map_at_5": 32.137166666666666, + "mrr_at_1": 29.305666666666664, + "mrr_at_10": 37.22966666666666, + "mrr_at_100": 38.066583333333334, + "mrr_at_1000": 38.12616666666667, + "mrr_at_3": 34.92275, + "mrr_at_5": 36.23333333333334, + "ndcg_at_1": 29.305666666666664, + "ndcg_at_10": 38.25533333333333, + "ndcg_at_100": 43.25266666666666, + "ndcg_at_1000": 45.63583333333334, + "ndcg_at_3": 33.777166666666666, + "ndcg_at_5": 35.85, + "precision_at_1": 29.305666666666664, + "precision_at_10": 6.596416666666667, + "precision_at_100": 1.0784166666666668, + "precision_at_1000": 0.14666666666666664, + "precision_at_3": 15.31075, + "precision_at_5": 10.830916666666667, + "recall_at_1": 25.00791666666667, + "recall_at_10": 49.10933333333333, + "recall_at_100": 71.09216666666667, + "recall_at_1000": 87.77725000000001, + "recall_at_3": 36.660916666666665, + "recall_at_5": 41.94149999999999, + "main_score": 38.25533333333333 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.521, + "map_at_10": 30.043, + "map_at_100": 30.936000000000003, + "map_at_1000": 31.022, + "map_at_3": 27.926000000000002, + "map_at_5": 29.076999999999998, + "mrr_at_1": 26.227, + "mrr_at_10": 32.822, + "mrr_at_100": 33.61, + "mrr_at_1000": 33.672000000000004, + "mrr_at_3": 30.776999999999997, + "mrr_at_5": 31.866, + "ndcg_at_1": 26.227, + "ndcg_at_10": 34.041, + "ndcg_at_100": 38.394, + "ndcg_at_1000": 40.732, + "ndcg_at_3": 30.037999999999997, + "ndcg_at_5": 31.845000000000002, + "precision_at_1": 26.227, + "precision_at_10": 5.244999999999999, + "precision_at_100": 0.808, + "precision_at_1000": 0.107, + "precision_at_3": 12.679000000000002, + "precision_at_5": 8.773, + "recall_at_1": 23.521, + "recall_at_10": 43.633, + "recall_at_100": 63.126000000000005, + "recall_at_1000": 80.765, + "recall_at_3": 32.614, + "recall_at_5": 37.15, + "main_score": 34.041 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.236, + "map_at_10": 22.898, + "map_at_100": 23.878, + "map_at_1000": 24.009, + "map_at_3": 20.87, + "map_at_5": 22.025, + "mrr_at_1": 19.339000000000002, + "mrr_at_10": 26.382, + "mrr_at_100": 27.245, + "mrr_at_1000": 27.33, + "mrr_at_3": 24.386, + "mrr_at_5": 25.496000000000002, + "ndcg_at_1": 19.339000000000002, + "ndcg_at_10": 27.139999999999997, + "ndcg_at_100": 31.944, + "ndcg_at_1000": 35.077999999999996, + "ndcg_at_3": 23.424, + "ndcg_at_5": 25.188, + "precision_at_1": 19.339000000000002, + "precision_at_10": 4.8309999999999995, + "precision_at_100": 0.845, + "precision_at_1000": 0.128, + "precision_at_3": 10.874, + "precision_at_5": 7.825, + "recall_at_1": 16.236, + "recall_at_10": 36.513, + "recall_at_100": 57.999, + "recall_at_1000": 80.512, + "recall_at_3": 26.179999999999996, + "recall_at_5": 30.712, + "main_score": 27.139999999999997 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.11, + "map_at_10": 31.566, + "map_at_100": 32.647, + "map_at_1000": 32.753, + "map_at_3": 29.24, + "map_at_5": 30.564999999999998, + "mrr_at_1": 28.265, + "mrr_at_10": 35.504000000000005, + "mrr_at_100": 36.436, + "mrr_at_1000": 36.503, + "mrr_at_3": 33.349000000000004, + "mrr_at_5": 34.622, + "ndcg_at_1": 28.265, + "ndcg_at_10": 36.192, + "ndcg_at_100": 41.388000000000005, + "ndcg_at_1000": 43.948, + "ndcg_at_3": 31.959, + "ndcg_at_5": 33.998, + "precision_at_1": 28.265, + "precision_at_10": 5.989, + "precision_at_100": 0.9650000000000001, + "precision_at_1000": 0.13, + "precision_at_3": 14.335, + "precision_at_5": 10.112, + "recall_at_1": 24.11, + "recall_at_10": 46.418, + "recall_at_100": 69.314, + "recall_at_1000": 87.397, + "recall_at_3": 34.724, + "recall_at_5": 39.925, + "main_score": 36.192 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.091, + "map_at_10": 29.948999999999998, + "map_at_100": 31.502000000000002, + "map_at_1000": 31.713, + "map_at_3": 27.464, + "map_at_5": 28.968, + "mrr_at_1": 26.482, + "mrr_at_10": 34.009, + "mrr_at_100": 35.081, + "mrr_at_1000": 35.138000000000005, + "mrr_at_3": 31.785000000000004, + "mrr_at_5": 33.178999999999995, + "ndcg_at_1": 26.482, + "ndcg_at_10": 35.008, + "ndcg_at_100": 41.272999999999996, + "ndcg_at_1000": 43.972, + "ndcg_at_3": 30.804, + "ndcg_at_5": 33.046, + "precision_at_1": 26.482, + "precision_at_10": 6.462, + "precision_at_100": 1.431, + "precision_at_1000": 0.22899999999999998, + "precision_at_3": 14.360999999999999, + "precision_at_5": 10.474, + "recall_at_1": 22.091, + "recall_at_10": 45.125, + "recall_at_100": 72.313, + "recall_at_1000": 89.503, + "recall_at_3": 33.158, + "recall_at_5": 39.086999999999996, + "main_score": 35.008 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.883, + "map_at_10": 26.951000000000004, + "map_at_100": 27.927999999999997, + "map_at_1000": 28.022000000000002, + "map_at_3": 24.616, + "map_at_5": 25.917, + "mrr_at_1": 21.996, + "mrr_at_10": 29.221000000000004, + "mrr_at_100": 30.024, + "mrr_at_1000": 30.095, + "mrr_at_3": 26.833000000000002, + "mrr_at_5": 28.155, + "ndcg_at_1": 21.996, + "ndcg_at_10": 31.421, + "ndcg_at_100": 36.237, + "ndcg_at_1000": 38.744, + "ndcg_at_3": 26.671, + "ndcg_at_5": 28.907, + "precision_at_1": 21.996, + "precision_at_10": 5.009, + "precision_at_100": 0.799, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 11.275, + "precision_at_5": 8.059, + "recall_at_1": 19.883, + "recall_at_10": 43.132999999999996, + "recall_at_100": 65.654, + "recall_at_1000": 84.492, + "recall_at_3": 30.209000000000003, + "recall_at_5": 35.616, + "main_score": 31.421 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/ClimateFEVER.json b/results/nomic-ai__nomic-embed-text-v1/external/ClimateFEVER.json new file mode 100644 index 000000000..f559ab7c5 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.756, + "map_at_10": 30.378, + "map_at_100": 32.537, + "map_at_1000": 32.717, + "map_at_3": 25.599, + "map_at_5": 28.372999999999998, + "mrr_at_1": 41.303, + "mrr_at_10": 53.483999999999995, + "mrr_at_100": 54.106, + "mrr_at_1000": 54.127, + "mrr_at_3": 50.315, + "mrr_at_5": 52.396, + "ndcg_at_1": 41.303, + "ndcg_at_10": 40.503, + "ndcg_at_100": 47.821000000000005, + "ndcg_at_1000": 50.788, + "ndcg_at_3": 34.364, + "ndcg_at_5": 36.818, + "precision_at_1": 41.303, + "precision_at_10": 12.463000000000001, + "precision_at_100": 2.037, + "precision_at_1000": 0.26, + "precision_at_3": 25.798, + "precision_at_5": 19.896, + "recall_at_1": 17.756, + "recall_at_10": 46.102, + "recall_at_100": 70.819, + "recall_at_1000": 87.21799999999999, + "recall_at_3": 30.646, + "recall_at_5": 38.022, + "main_score": 40.503 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/DBPedia.json b/results/nomic-ai__nomic-embed-text-v1/external/DBPedia.json new file mode 100644 index 000000000..6e9ee975a --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.033, + "map_at_10": 20.584, + "map_at_100": 29.518, + "map_at_1000": 31.186000000000003, + "map_at_3": 14.468, + "map_at_5": 17.177, + "mrr_at_1": 69.75, + "mrr_at_10": 77.025, + "mrr_at_100": 77.36699999999999, + "mrr_at_1000": 77.373, + "mrr_at_3": 75.583, + "mrr_at_5": 76.396, + "ndcg_at_1": 58.5, + "ndcg_at_10": 45.033, + "ndcg_at_100": 49.071, + "ndcg_at_1000": 56.056, + "ndcg_at_3": 49.936, + "ndcg_at_5": 47.471999999999994, + "precision_at_1": 69.75, + "precision_at_10": 35.775, + "precision_at_100": 11.594999999999999, + "precision_at_1000": 2.062, + "precision_at_3": 52.5, + "precision_at_5": 45.300000000000004, + "recall_at_1": 9.033, + "recall_at_10": 26.596999999999998, + "recall_at_100": 54.607000000000006, + "recall_at_1000": 76.961, + "recall_at_3": 15.754999999999999, + "recall_at_5": 20.033, + "main_score": 45.033 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/EmotionClassification.json b/results/nomic-ai__nomic-embed-text-v1/external/EmotionClassification.json new file mode 100644 index 000000000..891c60094 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 48.345000000000006, + "f1": 43.4514918068706, + "main_score": 48.345000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/FEVER.json b/results/nomic-ai__nomic-embed-text-v1/external/FEVER.json new file mode 100644 index 000000000..aaec3a661 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 71.29100000000001, + "map_at_10": 81.059, + "map_at_100": 81.341, + "map_at_1000": 81.355, + "map_at_3": 79.74799999999999, + "map_at_5": 80.612, + "mrr_at_1": 76.40299999999999, + "mrr_at_10": 84.615, + "mrr_at_100": 84.745, + "mrr_at_1000": 84.748, + "mrr_at_3": 83.776, + "mrr_at_5": 84.343, + "ndcg_at_1": 76.40299999999999, + "ndcg_at_10": 84.981, + "ndcg_at_100": 86.00999999999999, + "ndcg_at_1000": 86.252, + "ndcg_at_3": 82.97, + "ndcg_at_5": 84.152, + "precision_at_1": 76.40299999999999, + "precision_at_10": 10.446, + "precision_at_100": 1.1199999999999999, + "precision_at_1000": 0.116, + "precision_at_3": 32.147999999999996, + "precision_at_5": 20.135, + "recall_at_1": 71.29100000000001, + "recall_at_10": 93.232, + "recall_at_100": 97.363, + "recall_at_1000": 98.905, + "recall_at_3": 87.893, + "recall_at_5": 90.804, + "main_score": 84.981 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/FiQA2018.json b/results/nomic-ai__nomic-embed-text-v1/external/FiQA2018.json new file mode 100644 index 000000000..b93eac214 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.667, + "map_at_10": 30.853, + "map_at_100": 32.494, + "map_at_1000": 32.677, + "map_at_3": 26.91, + "map_at_5": 29.099000000000004, + "mrr_at_1": 37.191, + "mrr_at_10": 46.171, + "mrr_at_100": 47.056, + "mrr_at_1000": 47.099000000000004, + "mrr_at_3": 44.059, + "mrr_at_5": 45.147, + "ndcg_at_1": 37.191, + "ndcg_at_10": 38.437, + "ndcg_at_100": 44.62, + "ndcg_at_1000": 47.795, + "ndcg_at_3": 35.003, + "ndcg_at_5": 36.006, + "precision_at_1": 37.191, + "precision_at_10": 10.586, + "precision_at_100": 1.688, + "precision_at_1000": 0.22699999999999998, + "precision_at_3": 23.302, + "precision_at_5": 17.006, + "recall_at_1": 18.667, + "recall_at_10": 45.367000000000004, + "recall_at_100": 68.207, + "recall_at_1000": 87.072, + "recall_at_3": 32.129000000000005, + "recall_at_5": 37.719, + "main_score": 38.437 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/HotpotQA.json b/results/nomic-ai__nomic-embed-text-v1/external/HotpotQA.json new file mode 100644 index 000000000..c30dfdc4d --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 39.494, + "map_at_10": 66.223, + "map_at_100": 67.062, + "map_at_1000": 67.11500000000001, + "map_at_3": 62.867, + "map_at_5": 64.994, + "mrr_at_1": 78.987, + "mrr_at_10": 84.585, + "mrr_at_100": 84.773, + "mrr_at_1000": 84.77900000000001, + "mrr_at_3": 83.592, + "mrr_at_5": 84.235, + "ndcg_at_1": 78.987, + "ndcg_at_10": 73.64, + "ndcg_at_100": 76.519, + "ndcg_at_1000": 77.51, + "ndcg_at_3": 68.893, + "ndcg_at_5": 71.585, + "precision_at_1": 78.987, + "precision_at_10": 15.529000000000002, + "precision_at_100": 1.7770000000000001, + "precision_at_1000": 0.191, + "precision_at_3": 44.808, + "precision_at_5": 29.006999999999998, + "recall_at_1": 39.494, + "recall_at_10": 77.643, + "recall_at_100": 88.825, + "recall_at_1000": 95.321, + "recall_at_3": 67.211, + "recall_at_5": 72.519, + "main_score": 73.64 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/ImdbClassification.json b/results/nomic-ai__nomic-embed-text-v1/external/ImdbClassification.json new file mode 100644 index 000000000..42c78515f --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 85.55959999999999, + "ap": 80.7246500384617, + "f1": 85.52336485065454, + "main_score": 85.55959999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/MSMARCO.json b/results/nomic-ai__nomic-embed-text-v1/external/MSMARCO.json new file mode 100644 index 000000000..dc9343419 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.631, + "map_at_10": 36.264, + "map_at_100": 37.428, + "map_at_1000": 37.472, + "map_at_3": 32.537, + "map_at_5": 34.746, + "mrr_at_1": 24.312, + "mrr_at_10": 36.858000000000004, + "mrr_at_100": 37.966, + "mrr_at_1000": 38.004, + "mrr_at_3": 33.188, + "mrr_at_5": 35.367, + "ndcg_at_1": 24.312, + "ndcg_at_10": 43.126999999999995, + "ndcg_at_100": 48.642, + "ndcg_at_1000": 49.741, + "ndcg_at_3": 35.589, + "ndcg_at_5": 39.515, + "precision_at_1": 24.312, + "precision_at_10": 6.699, + "precision_at_100": 0.9450000000000001, + "precision_at_1000": 0.104, + "precision_at_3": 15.153, + "precision_at_5": 11.065999999999999, + "recall_at_1": 23.631, + "recall_at_10": 64.145, + "recall_at_100": 89.41, + "recall_at_1000": 97.83500000000001, + "recall_at_3": 43.769000000000005, + "recall_at_5": 53.169, + "main_score": 43.126999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/MTOPDomainClassification.json b/results/nomic-ai__nomic-embed-text-v1/external/MTOPDomainClassification.json new file mode 100644 index 000000000..4066caa90 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.4108527131783, + "f1": 93.1415880261038, + "main_score": 93.4108527131783 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/MTOPIntentClassification.json b/results/nomic-ai__nomic-embed-text-v1/external/MTOPIntentClassification.json new file mode 100644 index 000000000..a68f2746a --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.24806201550388, + "f1": 60.531916308197175, + "main_score": 77.24806201550388 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/MassiveIntentClassification.json b/results/nomic-ai__nomic-embed-text-v1/external/MassiveIntentClassification.json new file mode 100644 index 000000000..37263df5f --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.71553463349024, + "f1": 71.70753174900791, + "main_score": 73.71553463349024 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/MassiveScenarioClassification.json b/results/nomic-ai__nomic-embed-text-v1/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..f81333ad3 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.79757901815736, + "f1": 77.83719850433258, + "main_score": 77.79757901815736 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/MedrxivClusteringP2P.json b/results/nomic-ai__nomic-embed-text-v1/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..24f1d7349 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.74193296622113, + "main_score": 33.74193296622113 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/MedrxivClusteringS2S.json b/results/nomic-ai__nomic-embed-text-v1/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..e78965fbd --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.64257594108566, + "main_score": 30.64257594108566 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/MindSmallReranking.json b/results/nomic-ai__nomic-embed-text-v1/external/MindSmallReranking.json new file mode 100644 index 000000000..f94b60308 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 30.811018518883625, + "mrr": 31.910376577445003, + "main_score": 30.811018518883625 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/NFCorpus.json b/results/nomic-ai__nomic-embed-text-v1/external/NFCorpus.json new file mode 100644 index 000000000..10dd35a90 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.409, + "map_at_10": 13.093, + "map_at_100": 16.256999999999998, + "map_at_1000": 17.617, + "map_at_3": 9.555, + "map_at_5": 11.428, + "mrr_at_1": 45.201, + "mrr_at_10": 54.179, + "mrr_at_100": 54.812000000000005, + "mrr_at_1000": 54.840999999999994, + "mrr_at_3": 51.909000000000006, + "mrr_at_5": 53.519000000000005, + "ndcg_at_1": 43.189, + "ndcg_at_10": 35.028, + "ndcg_at_100": 31.226, + "ndcg_at_1000": 39.678000000000004, + "ndcg_at_3": 40.596, + "ndcg_at_5": 38.75, + "precision_at_1": 44.582, + "precision_at_10": 25.974999999999998, + "precision_at_100": 7.793, + "precision_at_1000": 2.036, + "precision_at_3": 38.493, + "precision_at_5": 33.994, + "recall_at_1": 5.409, + "recall_at_10": 16.875999999999998, + "recall_at_100": 30.316, + "recall_at_1000": 60.891, + "recall_at_3": 10.688, + "recall_at_5": 13.832, + "main_score": 35.028 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/NQ.json b/results/nomic-ai__nomic-embed-text-v1/external/NQ.json new file mode 100644 index 000000000..1f64a1d2a --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 36.375, + "map_at_10": 51.991, + "map_at_100": 52.91400000000001, + "map_at_1000": 52.93600000000001, + "map_at_3": 48.014, + "map_at_5": 50.381, + "mrr_at_1": 40.759, + "mrr_at_10": 54.617000000000004, + "mrr_at_100": 55.301, + "mrr_at_1000": 55.315000000000005, + "mrr_at_3": 51.516, + "mrr_at_5": 53.435, + "ndcg_at_1": 40.759, + "ndcg_at_10": 59.384, + "ndcg_at_100": 63.157, + "ndcg_at_1000": 63.654999999999994, + "ndcg_at_3": 52.114000000000004, + "ndcg_at_5": 55.986000000000004, + "precision_at_1": 40.759, + "precision_at_10": 9.411999999999999, + "precision_at_100": 1.153, + "precision_at_1000": 0.12, + "precision_at_3": 23.329, + "precision_at_5": 16.256999999999998, + "recall_at_1": 36.375, + "recall_at_10": 79.053, + "recall_at_100": 95.167, + "recall_at_1000": 98.82, + "recall_at_3": 60.475, + "recall_at_5": 69.327, + "main_score": 59.384 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/QuoraRetrieval.json b/results/nomic-ai__nomic-embed-text-v1/external/QuoraRetrieval.json new file mode 100644 index 000000000..7d8eacc66 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 70.256, + "map_at_10": 83.8, + "map_at_100": 84.425, + "map_at_1000": 84.444, + "map_at_3": 80.906, + "map_at_5": 82.717, + "mrr_at_1": 80.97999999999999, + "mrr_at_10": 87.161, + "mrr_at_100": 87.262, + "mrr_at_1000": 87.263, + "mrr_at_3": 86.175, + "mrr_at_5": 86.848, + "ndcg_at_1": 80.97999999999999, + "ndcg_at_10": 87.697, + "ndcg_at_100": 88.959, + "ndcg_at_1000": 89.09899999999999, + "ndcg_at_3": 84.83800000000001, + "ndcg_at_5": 86.401, + "precision_at_1": 80.97999999999999, + "precision_at_10": 13.261000000000001, + "precision_at_100": 1.5150000000000001, + "precision_at_1000": 0.156, + "precision_at_3": 37.01, + "precision_at_5": 24.298000000000002, + "recall_at_1": 70.256, + "recall_at_10": 94.935, + "recall_at_100": 99.274, + "recall_at_1000": 99.928, + "recall_at_3": 86.602, + "recall_at_5": 91.133, + "main_score": 87.697 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/RedditClustering.json b/results/nomic-ai__nomic-embed-text-v1/external/RedditClustering.json new file mode 100644 index 000000000..e5bd75b8a --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 56.322692497613104, + "main_score": 56.322692497613104 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/RedditClusteringP2P.json b/results/nomic-ai__nomic-embed-text-v1/external/RedditClusteringP2P.json new file mode 100644 index 000000000..467eb53ff --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 61.895813503775074, + "main_score": 61.895813503775074 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/SCIDOCS.json b/results/nomic-ai__nomic-embed-text-v1/external/SCIDOCS.json new file mode 100644 index 000000000..63b5bf4d1 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.338, + "map_at_10": 10.767, + "map_at_100": 12.537999999999998, + "map_at_1000": 12.803999999999998, + "map_at_3": 7.788, + "map_at_5": 9.302000000000001, + "mrr_at_1": 21.4, + "mrr_at_10": 31.637999999999998, + "mrr_at_100": 32.688, + "mrr_at_1000": 32.756, + "mrr_at_3": 28.433000000000003, + "mrr_at_5": 30.178, + "ndcg_at_1": 21.4, + "ndcg_at_10": 18.293, + "ndcg_at_100": 25.274, + "ndcg_at_1000": 30.284, + "ndcg_at_3": 17.391000000000002, + "ndcg_at_5": 15.146999999999998, + "precision_at_1": 21.4, + "precision_at_10": 9.48, + "precision_at_100": 1.949, + "precision_at_1000": 0.316, + "precision_at_3": 16.167, + "precision_at_5": 13.22, + "recall_at_1": 4.338, + "recall_at_10": 19.213, + "recall_at_100": 39.562999999999995, + "recall_at_1000": 64.08, + "recall_at_3": 9.828000000000001, + "recall_at_5": 13.383000000000001, + "main_score": 18.293 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/SICK-R.json b/results/nomic-ai__nomic-embed-text-v1/external/SICK-R.json new file mode 100644 index 000000000..892be1eef --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.42568163642142, + "cos_sim_spearman": 78.5797159641342, + "euclidean_pearson": 80.22151260811604, + "euclidean_spearman": 78.5797151953878, + "manhattan_pearson": 80.21224215864788, + "manhattan_spearman": 78.55641478381344, + "cosine_pearson": 82.42568163642142, + "cosine_spearman": 78.5797159641342, + "main_score": 78.5797159641342 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/STS12.json b/results/nomic-ai__nomic-embed-text-v1/external/STS12.json new file mode 100644 index 000000000..031a15fd3 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.44020710812569, + "cos_sim_spearman": 78.91631735081286, + "euclidean_pearson": 81.64188964182102, + "euclidean_spearman": 78.91633286881678, + "manhattan_pearson": 81.69294748512496, + "manhattan_spearman": 78.93438558002656, + "cosine_pearson": 85.44020710812569, + "cosine_spearman": 78.91631735081286, + "main_score": 78.91631735081286 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/STS13.json b/results/nomic-ai__nomic-embed-text-v1/external/STS13.json new file mode 100644 index 000000000..5a3f384c4 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.27165426412311, + "cos_sim_spearman": 85.40429140249618, + "euclidean_pearson": 84.7509580724893, + "euclidean_spearman": 85.40429140249618, + "manhattan_pearson": 84.76488289321308, + "manhattan_spearman": 85.4256793698708, + "cosine_pearson": 84.27165426412311, + "cosine_spearman": 85.40429140249618, + "main_score": 85.40429140249618 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/STS14.json b/results/nomic-ai__nomic-embed-text-v1/external/STS14.json new file mode 100644 index 000000000..4691e58a7 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.138851760732, + "cos_sim_spearman": 81.64101363896586, + "euclidean_pearson": 82.55165038934942, + "euclidean_spearman": 81.64105257080502, + "manhattan_pearson": 82.52802949883335, + "manhattan_spearman": 81.61255430718158, + "cosine_pearson": 83.138851760732, + "cosine_spearman": 81.64101363896586, + "main_score": 81.64101363896586 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/STS15.json b/results/nomic-ai__nomic-embed-text-v1/external/STS15.json new file mode 100644 index 000000000..0378df54d --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.0654695484029, + "cos_sim_spearman": 87.20408521902229, + "euclidean_pearson": 86.8110651362115, + "euclidean_spearman": 87.20408521902229, + "manhattan_pearson": 86.77984656478691, + "manhattan_spearman": 87.1719947099227, + "cosine_pearson": 86.0654695484029, + "cosine_spearman": 87.20408521902229, + "main_score": 87.20408521902229 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/STS16.json b/results/nomic-ai__nomic-embed-text-v1/external/STS16.json new file mode 100644 index 000000000..31a06488a --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.77823915496512, + "cos_sim_spearman": 85.43566325729779, + "euclidean_pearson": 84.5396956658821, + "euclidean_spearman": 85.43566325729779, + "manhattan_pearson": 84.5665398848169, + "manhattan_spearman": 85.44375870303232, + "cosine_pearson": 83.77823915496512, + "cosine_spearman": 85.43566325729779, + "main_score": 85.43566325729779 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/STS17.json b/results/nomic-ai__nomic-embed-text-v1/external/STS17.json new file mode 100644 index 000000000..1d2833316 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.20030208471798, + "cos_sim_spearman": 87.20485505076539, + "euclidean_pearson": 88.10588324368722, + "euclidean_spearman": 87.20485505076539, + "manhattan_pearson": 87.92324770415183, + "manhattan_spearman": 87.0571314561877, + "cosine_pearson": 87.20030208471798, + "cosine_spearman": 87.20485505076539, + "main_score": 87.20485505076539 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/STS22.json b/results/nomic-ai__nomic-embed-text-v1/external/STS22.json new file mode 100644 index 000000000..75069f1e8 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 63.06093161604453, + "cos_sim_spearman": 64.2163140357722, + "euclidean_pearson": 65.27589680994006, + "euclidean_spearman": 64.2163140357722, + "manhattan_pearson": 65.45904383711101, + "manhattan_spearman": 64.55404716679305, + "cosine_pearson": 63.06093161604453, + "cosine_spearman": 64.2163140357722, + "main_score": 64.2163140357722 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/STSBenchmark.json b/results/nomic-ai__nomic-embed-text-v1/external/STSBenchmark.json new file mode 100644 index 000000000..7aa13077f --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.32976164578706, + "cos_sim_spearman": 85.54302197678368, + "euclidean_pearson": 85.26307149193056, + "euclidean_spearman": 85.54302197678368, + "manhattan_pearson": 85.26647282029371, + "manhattan_spearman": 85.5316135265568, + "cosine_pearson": 84.32976164578706, + "cosine_spearman": 85.54302197678368, + "main_score": 85.54302197678368 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/SciDocsRR.json b/results/nomic-ai__nomic-embed-text-v1/external/SciDocsRR.json new file mode 100644 index 000000000..fd7c4d4e0 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 81.44675968318754, + "mrr": 94.92741826075158, + "main_score": 81.44675968318754 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/SciFact.json b/results/nomic-ai__nomic-embed-text-v1/external/SciFact.json new file mode 100644 index 000000000..e49c50fc4 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 56.34400000000001, + "map_at_10": 65.927, + "map_at_100": 66.431, + "map_at_1000": 66.461, + "map_at_3": 63.529, + "map_at_5": 64.818, + "mrr_at_1": 59.333000000000006, + "mrr_at_10": 67.54599999999999, + "mrr_at_100": 67.892, + "mrr_at_1000": 67.917, + "mrr_at_3": 65.778, + "mrr_at_5": 66.794, + "ndcg_at_1": 59.333000000000006, + "ndcg_at_10": 70.5, + "ndcg_at_100": 72.688, + "ndcg_at_1000": 73.483, + "ndcg_at_3": 66.338, + "ndcg_at_5": 68.265, + "precision_at_1": 59.333000000000006, + "precision_at_10": 9.3, + "precision_at_100": 1.053, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 25.889, + "precision_at_5": 16.866999999999997, + "recall_at_1": 56.34400000000001, + "recall_at_10": 82.789, + "recall_at_100": 92.767, + "recall_at_1000": 99, + "recall_at_3": 71.64399999999999, + "recall_at_5": 76.322, + "main_score": 70.5 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/SprintDuplicateQuestions.json b/results/nomic-ai__nomic-embed-text-v1/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..22e4f3e1b --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.75742574257426, + "cos_sim_ap": 93.52081548447406, + "cos_sim_f1": 87.33850129198966, + "cos_sim_precision": 90.37433155080214, + "cos_sim_recall": 84.5, + "dot_accuracy": 99.75742574257426, + "dot_ap": 93.52081548447406, + "dot_f1": 87.33850129198966, + "dot_precision": 90.37433155080214, + "dot_recall": 84.5, + "euclidean_accuracy": 99.75742574257426, + "euclidean_ap": 93.52081548447406, + "euclidean_f1": 87.33850129198966, + "euclidean_precision": 90.37433155080214, + "euclidean_recall": 84.5, + "manhattan_accuracy": 99.75841584158415, + "manhattan_ap": 93.4975678585854, + "manhattan_f1": 87.26708074534162, + "manhattan_precision": 90.45064377682404, + "manhattan_recall": 84.3, + "max_accuracy": 99.75841584158415, + "max_ap": 93.52081548447406, + "max_f1": 87.33850129198966, + "main_score": 93.52081548447406 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/StackExchangeClustering.json b/results/nomic-ai__nomic-embed-text-v1/external/StackExchangeClustering.json new file mode 100644 index 000000000..3ca2e9ada --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 64.31437036686651, + "main_score": 64.31437036686651 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/StackExchangeClusteringP2P.json b/results/nomic-ai__nomic-embed-text-v1/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..d3e4a6b5d --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.25569319007206, + "main_score": 33.25569319007206 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/StackOverflowDupQuestions.json b/results/nomic-ai__nomic-embed-text-v1/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..045b28404 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 49.90474939720706, + "mrr": 50.568115503777264, + "main_score": 49.90474939720706 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/SummEval.json b/results/nomic-ai__nomic-embed-text-v1/external/SummEval.json new file mode 100644 index 000000000..73c5b37f2 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 29.866828641244712, + "cos_sim_spearman": 30.077555055873866, + "dot_pearson": 29.866832988572266, + "dot_spearman": 30.077555055873866, + "cosine_pearson": 29.866828641244712, + "cosine_spearman": 30.077555055873866, + "main_score": 30.077555055873866 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/TRECCOVID.json b/results/nomic-ai__nomic-embed-text-v1/external/TRECCOVID.json new file mode 100644 index 000000000..0f92b6d3b --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.232, + "map_at_10": 2.094, + "map_at_100": 11.971, + "map_at_1000": 28.158, + "map_at_3": 0.688, + "map_at_5": 1.114, + "mrr_at_1": 88, + "mrr_at_10": 93.4, + "mrr_at_100": 93.4, + "mrr_at_1000": 93.4, + "mrr_at_3": 93, + "mrr_at_5": 93.4, + "ndcg_at_1": 84, + "ndcg_at_10": 79.923, + "ndcg_at_100": 61.17, + "ndcg_at_1000": 53.03, + "ndcg_at_3": 84.592, + "ndcg_at_5": 82.821, + "precision_at_1": 88, + "precision_at_10": 85, + "precision_at_100": 63.019999999999996, + "precision_at_1000": 23.554, + "precision_at_3": 89.333, + "precision_at_5": 87.2, + "recall_at_1": 0.232, + "recall_at_10": 2.255, + "recall_at_100": 14.823, + "recall_at_1000": 49.456, + "recall_at_3": 0.718, + "recall_at_5": 1.175, + "main_score": 79.923 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/Touche2020.json b/results/nomic-ai__nomic-embed-text-v1/external/Touche2020.json new file mode 100644 index 000000000..92e5f2e5f --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.547, + "map_at_10": 11.375, + "map_at_100": 18.194, + "map_at_1000": 19.749, + "map_at_3": 5.825, + "map_at_5": 8.581, + "mrr_at_1": 32.653, + "mrr_at_10": 51.32, + "mrr_at_100": 51.747, + "mrr_at_1000": 51.747, + "mrr_at_3": 47.278999999999996, + "mrr_at_5": 48.605, + "ndcg_at_1": 29.592000000000002, + "ndcg_at_10": 28.151, + "ndcg_at_100": 39.438, + "ndcg_at_1000": 50.769, + "ndcg_at_3": 30.758999999999997, + "ndcg_at_5": 30.366, + "precision_at_1": 32.653, + "precision_at_10": 25.714, + "precision_at_100": 8.041, + "precision_at_1000": 1.555, + "precision_at_3": 33.333, + "precision_at_5": 31.837, + "recall_at_1": 2.547, + "recall_at_10": 18.19, + "recall_at_100": 49.538, + "recall_at_1000": 83.86, + "recall_at_3": 7.329, + "recall_at_5": 11.532, + "main_score": 28.151 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/ToxicConversationsClassification.json b/results/nomic-ai__nomic-embed-text-v1/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..a23c7c5c0 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.4952, + "ap": 14.793362635531409, + "f1": 55.204635551516915, + "main_score": 71.4952 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/TweetSentimentExtractionClassification.json b/results/nomic-ai__nomic-embed-text-v1/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..944cdafb0 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.5365025466893, + "f1": 61.81742556334845, + "main_score": 61.5365025466893 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/TwentyNewsgroupsClustering.json b/results/nomic-ai__nomic-embed-text-v1/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..3facbbd63 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 49.05531070301185, + "main_score": 49.05531070301185 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/TwitterSemEval2015.json b/results/nomic-ai__nomic-embed-text-v1/external/TwitterSemEval2015.json new file mode 100644 index 000000000..c0d998c53 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 86.51725576682364, + "cos_sim_ap": 75.2292304265163, + "cos_sim_f1": 69.54022988505749, + "cos_sim_precision": 63.65629110039457, + "cos_sim_recall": 76.62269129287598, + "dot_accuracy": 86.51725576682364, + "dot_ap": 75.22922386081054, + "dot_f1": 69.54022988505749, + "dot_precision": 63.65629110039457, + "dot_recall": 76.62269129287598, + "euclidean_accuracy": 86.51725576682364, + "euclidean_ap": 75.22925730473472, + "euclidean_f1": 69.54022988505749, + "euclidean_precision": 63.65629110039457, + "euclidean_recall": 76.62269129287598, + "manhattan_accuracy": 86.52321630804077, + "manhattan_ap": 75.20608115037336, + "manhattan_f1": 69.60000000000001, + "manhattan_precision": 64.37219730941705, + "manhattan_recall": 75.75197889182058, + "max_accuracy": 86.52321630804077, + "max_ap": 75.22925730473472, + "max_f1": 69.60000000000001, + "main_score": 75.22925730473472 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/TwitterURLCorpus.json b/results/nomic-ai__nomic-embed-text-v1/external/TwitterURLCorpus.json new file mode 100644 index 000000000..55a3b35b6 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.34877944657896, + "cos_sim_ap": 86.71257569277373, + "cos_sim_f1": 79.10386355986088, + "cos_sim_precision": 76.91468470434214, + "cos_sim_recall": 81.4213119802895, + "dot_accuracy": 89.34877944657896, + "dot_ap": 86.71257133133368, + "dot_f1": 79.10386355986088, + "dot_precision": 76.91468470434214, + "dot_recall": 81.4213119802895, + "euclidean_accuracy": 89.34877944657896, + "euclidean_ap": 86.71257651501476, + "euclidean_f1": 79.10386355986088, + "euclidean_precision": 76.91468470434214, + "euclidean_recall": 81.4213119802895, + "manhattan_accuracy": 89.35848177901967, + "manhattan_ap": 86.69330615469126, + "manhattan_f1": 79.13867741453949, + "manhattan_precision": 76.78881807647741, + "manhattan_recall": 81.63689559593472, + "max_accuracy": 89.35848177901967, + "max_ap": 86.71257651501476, + "max_f1": 79.13867741453949, + "main_score": 86.71257651501476 + } + ] + } +} \ No newline at end of file diff --git a/results/nomic-ai__nomic-embed-text-v1/external/model_meta.json b/results/nomic-ai__nomic-embed-text-v1/external/model_meta.json new file mode 100644 index 000000000..65265a9c7 --- /dev/null +++ b/results/nomic-ai__nomic-embed-text-v1/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "nomic-ai/nomic-embed-text-v1", + "revision": "720244025c1a7e15661a174c63cce63c8218e52b", + "release_date": "2024-01-31", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 136731648, + "memory_usage": null, + "max_tokens": 8192, + "embed_dim": 768, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/AmazonCounterfactualClassification.json b/results/nvidia__NV-Embed-v1/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..e93822786 --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 95.11940298507461, + "ap": 79.21521293687752, + "f1": 92.45575440759485, + "main_score": 95.11940298507461 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/AmazonPolarityClassification.json b/results/nvidia__NV-Embed-v1/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..65e587049 --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 97.143125, + "ap": 95.28635983806933, + "f1": 97.1426073127198, + "main_score": 97.143125 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/AmazonReviewsClassification.json b/results/nvidia__NV-Embed-v1/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..568098b47 --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 55.465999999999994, + "f1": 52.70196166254287, + "main_score": 55.465999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/ArguAna.json b/results/nvidia__NV-Embed-v1/external/ArguAna.json new file mode 100644 index 000000000..ca68ab9d6 --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 44.879000000000005, + "map_at_10": 60.146, + "map_at_100": 60.533, + "map_at_1000": 60.533, + "map_at_3": 55.725, + "map_at_5": 58.477999999999994, + "mrr_at_1": 0, + "mrr_at_10": 0, + "mrr_at_100": 0, + "mrr_at_1000": 0, + "mrr_at_3": 0, + "mrr_at_5": 0, + "ndcg_at_1": 44.879000000000005, + "ndcg_at_10": 68.205, + "ndcg_at_100": 69.646, + "ndcg_at_1000": 69.65599999999999, + "ndcg_at_3": 59.243, + "ndcg_at_5": 64.214, + "precision_at_1": 44.879000000000005, + "precision_at_10": 9.374, + "precision_at_100": 0.996, + "precision_at_1000": 0.1, + "precision_at_3": 23.139000000000003, + "precision_at_5": 16.302, + "recall_at_1": 44.879000000000005, + "recall_at_10": 93.741, + "recall_at_100": 99.57300000000001, + "recall_at_1000": 99.644, + "recall_at_3": 69.417, + "recall_at_5": 81.50800000000001, + "main_score": 68.205 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/ArxivClusteringP2P.json b/results/nvidia__NV-Embed-v1/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..f64bd083d --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 53.76391569504432, + "main_score": 53.76391569504432 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/ArxivClusteringS2S.json b/results/nvidia__NV-Embed-v1/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..78a71a9bd --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 49.589284930659005, + "main_score": 49.589284930659005 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/AskUbuntuDupQuestions.json b/results/nvidia__NV-Embed-v1/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..cdc9207e1 --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 67.49860736554155, + "mrr": 80.77771182341819, + "main_score": 67.49860736554155 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/BIOSSES.json b/results/nvidia__NV-Embed-v1/external/BIOSSES.json new file mode 100644 index 000000000..02294b68a --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.87900681188576, + "cos_sim_spearman": 85.5905044545741, + "euclidean_pearson": 86.80150192033507, + "euclidean_spearman": 85.5905044545741, + "manhattan_pearson": 86.79080500635683, + "manhattan_spearman": 85.69351885001977, + "cosine_pearson": 87.87900681188576, + "cosine_spearman": 85.5905044545741, + "main_score": 85.5905044545741 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/Banking77Classification.json b/results/nvidia__NV-Embed-v1/external/Banking77Classification.json new file mode 100644 index 000000000..bd6931c16 --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 90.33766233766235, + "f1": 90.20736178753944, + "main_score": 90.33766233766235 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/BiorxivClusteringP2P.json b/results/nvidia__NV-Embed-v1/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..d4e91fee2 --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.152262077598465, + "main_score": 48.152262077598465 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/BiorxivClusteringS2S.json b/results/nvidia__NV-Embed-v1/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..9676fae71 --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 44.742970683037235, + "main_score": 44.742970683037235 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/ClimateFEVER.json b/results/nvidia__NV-Embed-v1/external/ClimateFEVER.json new file mode 100644 index 000000000..ee3b2ee29 --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 14.698, + "map_at_10": 25.141999999999996, + "map_at_100": 27.1, + "map_at_1000": 27.277, + "map_at_3": 21.162, + "map_at_5": 23.154, + "mrr_at_1": 0, + "mrr_at_10": 0, + "mrr_at_100": 0, + "mrr_at_1000": 0, + "mrr_at_3": 0, + "mrr_at_5": 0, + "ndcg_at_1": 32.704, + "ndcg_at_10": 34.715, + "ndcg_at_100": 41.839, + "ndcg_at_1000": 44.82, + "ndcg_at_3": 28.916999999999998, + "ndcg_at_5": 30.738, + "precision_at_1": 32.704, + "precision_at_10": 10.795, + "precision_at_100": 1.8530000000000002, + "precision_at_1000": 0.241, + "precision_at_3": 21.564, + "precision_at_5": 16.261, + "recall_at_1": 14.698, + "recall_at_10": 41.260999999999996, + "recall_at_100": 65.351, + "recall_at_1000": 81.759, + "recall_at_3": 26.545999999999996, + "recall_at_5": 32.416, + "main_score": 34.715 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/DBPedia.json b/results/nvidia__NV-Embed-v1/external/DBPedia.json new file mode 100644 index 000000000..10373c6b0 --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.959, + "map_at_10": 23.104, + "map_at_100": 33.202, + "map_at_1000": 35.061, + "map_at_3": 15.911, + "map_at_5": 18.796, + "mrr_at_1": 0, + "mrr_at_10": 0, + "mrr_at_100": 0, + "mrr_at_1000": 0, + "mrr_at_3": 0, + "mrr_at_5": 0, + "ndcg_at_1": 63.5, + "ndcg_at_10": 48.29, + "ndcg_at_100": 52.949999999999996, + "ndcg_at_1000": 60.20100000000001, + "ndcg_at_3": 52.92, + "ndcg_at_5": 50.375, + "precision_at_1": 73.75, + "precision_at_10": 38.65, + "precision_at_100": 12.008000000000001, + "precision_at_1000": 2.409, + "precision_at_3": 56.083000000000006, + "precision_at_5": 48.449999999999996, + "recall_at_1": 9.959, + "recall_at_10": 28.666999999999998, + "recall_at_100": 59.319, + "recall_at_1000": 81.973, + "recall_at_3": 17.219, + "recall_at_5": 21.343999999999998, + "main_score": 48.29 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/EmotionClassification.json b/results/nvidia__NV-Embed-v1/external/EmotionClassification.json new file mode 100644 index 000000000..1e52fa9d6 --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.705, + "f1": 87.98464515154814, + "main_score": 91.705 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/FEVER.json b/results/nvidia__NV-Embed-v1/external/FEVER.json new file mode 100644 index 000000000..f388c39e0 --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 74.297, + "map_at_10": 83.931, + "map_at_100": 84.152, + "map_at_1000": 84.164, + "map_at_3": 82.708, + "map_at_5": 83.536, + "mrr_at_1": 0, + "mrr_at_10": 0, + "mrr_at_100": 0, + "mrr_at_1000": 0, + "mrr_at_3": 0, + "mrr_at_5": 0, + "ndcg_at_1": 80.048, + "ndcg_at_10": 87.77000000000001, + "ndcg_at_100": 88.467, + "ndcg_at_1000": 88.673, + "ndcg_at_3": 86.003, + "ndcg_at_5": 87.115, + "precision_at_1": 80.048, + "precision_at_10": 10.711, + "precision_at_100": 1.1320000000000001, + "precision_at_1000": 0.117, + "precision_at_3": 33.248, + "precision_at_5": 20.744, + "recall_at_1": 74.297, + "recall_at_10": 95.402, + "recall_at_100": 97.97, + "recall_at_1000": 99.235, + "recall_at_3": 90.783, + "recall_at_5": 93.55499999999999, + "main_score": 87.77000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/FiQA2018.json b/results/nvidia__NV-Embed-v1/external/FiQA2018.json new file mode 100644 index 000000000..9090fc0b5 --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.986, + "map_at_10": 55.173, + "map_at_100": 57.077, + "map_at_1000": 57.176, + "map_at_3": 48.182, + "map_at_5": 52.303999999999995, + "mrr_at_1": 0, + "mrr_at_10": 0, + "mrr_at_100": 0, + "mrr_at_1000": 0, + "mrr_at_3": 0, + "mrr_at_5": 0, + "ndcg_at_1": 62.037, + "ndcg_at_10": 63.096, + "ndcg_at_100": 68.42200000000001, + "ndcg_at_1000": 69.811, + "ndcg_at_3": 58.702, + "ndcg_at_5": 60.20100000000001, + "precision_at_1": 62.037, + "precision_at_10": 17.269000000000002, + "precision_at_100": 2.309, + "precision_at_1000": 0.256, + "precision_at_3": 38.992, + "precision_at_5": 28.610999999999997, + "recall_at_1": 32.986, + "recall_at_10": 70.61800000000001, + "recall_at_100": 89.548, + "recall_at_1000": 97.548, + "recall_at_3": 53.400000000000006, + "recall_at_5": 61.29599999999999, + "main_score": 63.096 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/HotpotQA.json b/results/nvidia__NV-Embed-v1/external/HotpotQA.json new file mode 100644 index 000000000..8f344df92 --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 41.357, + "map_at_10": 72.91499999999999, + "map_at_100": 73.64699999999999, + "map_at_1000": 73.67899999999999, + "map_at_3": 69.113, + "map_at_5": 71.68299999999999, + "mrr_at_1": 0, + "mrr_at_10": 0, + "mrr_at_100": 0, + "mrr_at_1000": 0, + "mrr_at_3": 0, + "mrr_at_5": 0, + "ndcg_at_1": 82.714, + "ndcg_at_10": 79.92, + "ndcg_at_100": 82.232, + "ndcg_at_1000": 82.816, + "ndcg_at_3": 74.875, + "ndcg_at_5": 77.969, + "precision_at_1": 82.714, + "precision_at_10": 17.037, + "precision_at_100": 1.879, + "precision_at_1000": 0.196, + "precision_at_3": 49.471, + "precision_at_5": 32.124, + "recall_at_1": 41.357, + "recall_at_10": 85.18599999999999, + "recall_at_100": 93.964, + "recall_at_1000": 97.765, + "recall_at_3": 74.207, + "recall_at_5": 80.31099999999999, + "main_score": 79.92 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/ImdbClassification.json b/results/nvidia__NV-Embed-v1/external/ImdbClassification.json new file mode 100644 index 000000000..a6e49f576 --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 97.05799999999998, + "ap": 95.51324940484382, + "f1": 97.05788617110184, + "main_score": 97.05799999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/MSMARCO.json b/results/nvidia__NV-Embed-v1/external/MSMARCO.json new file mode 100644 index 000000000..6a948cd93 --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.608999999999998, + "map_at_10": 39.098, + "map_at_100": 0, + "map_at_1000": 0, + "map_at_3": 0, + "map_at_5": 37.383, + "mrr_at_1": 0, + "mrr_at_10": 0, + "mrr_at_100": 0, + "mrr_at_1000": 0, + "mrr_at_3": 0, + "mrr_at_5": 0, + "ndcg_at_1": 26.404, + "ndcg_at_10": 46.493, + "ndcg_at_100": 0, + "ndcg_at_1000": 0, + "ndcg_at_3": 0, + "ndcg_at_5": 42.459, + "precision_at_1": 26.404, + "precision_at_10": 7.249, + "precision_at_100": 0, + "precision_at_1000": 0, + "precision_at_3": 0, + "precision_at_5": 11.874, + "recall_at_1": 25.608999999999998, + "recall_at_10": 69.16799999999999, + "recall_at_100": 0, + "recall_at_1000": 0, + "recall_at_3": 0, + "recall_at_5": 56.962, + "main_score": 46.493 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/MTOPDomainClassification.json b/results/nvidia__NV-Embed-v1/external/MTOPDomainClassification.json new file mode 100644 index 000000000..3424ad372 --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 96.50706794345645, + "f1": 96.3983656000426, + "main_score": 96.50706794345645 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/MTOPIntentClassification.json b/results/nvidia__NV-Embed-v1/external/MTOPIntentClassification.json new file mode 100644 index 000000000..80d5ec2cd --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 89.77428180574556, + "f1": 70.47378359921777, + "main_score": 89.77428180574556 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/MassiveIntentClassification.json b/results/nvidia__NV-Embed-v1/external/MassiveIntentClassification.json new file mode 100644 index 000000000..08b6fffee --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.07061197041023, + "f1": 77.8633288994029, + "main_score": 80.07061197041023 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/MassiveScenarioClassification.json b/results/nvidia__NV-Embed-v1/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..1c4c7bd1a --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 81.74176193678547, + "f1": 79.8943810025071, + "main_score": 81.74176193678547 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/MedrxivClusteringP2P.json b/results/nvidia__NV-Embed-v1/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..fb0371127 --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.239199736486334, + "main_score": 39.239199736486334 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/MedrxivClusteringS2S.json b/results/nvidia__NV-Embed-v1/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..3a16d03c6 --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.98167653792483, + "main_score": 36.98167653792483 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/MindSmallReranking.json b/results/nvidia__NV-Embed-v1/external/MindSmallReranking.json new file mode 100644 index 000000000..2f4c8c5a0 --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 30.815595271130718, + "mrr": 31.892823243368795, + "main_score": 30.815595271130718 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/NFCorpus.json b/results/nvidia__NV-Embed-v1/external/NFCorpus.json new file mode 100644 index 000000000..c5d36b3d2 --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.214, + "map_at_10": 14.393, + "map_at_100": 18.163999999999998, + "map_at_1000": 19.753999999999998, + "map_at_3": 10.737, + "map_at_5": 12.325, + "mrr_at_1": 0, + "mrr_at_10": 0, + "mrr_at_100": 0, + "mrr_at_1000": 0, + "mrr_at_3": 0, + "mrr_at_5": 0, + "ndcg_at_1": 48.297000000000004, + "ndcg_at_10": 38.035000000000004, + "ndcg_at_100": 34.772, + "ndcg_at_1000": 43.631, + "ndcg_at_3": 44.252, + "ndcg_at_5": 41.307, + "precision_at_1": 50.15500000000001, + "precision_at_10": 27.647, + "precision_at_100": 8.824, + "precision_at_1000": 2.169, + "precision_at_3": 40.97, + "precision_at_5": 35.17, + "recall_at_1": 6.214, + "recall_at_10": 18.566, + "recall_at_100": 34.411, + "recall_at_1000": 67.331, + "recall_at_3": 12.277000000000001, + "recall_at_5": 14.734, + "main_score": 38.035000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/NQ.json b/results/nvidia__NV-Embed-v1/external/NQ.json new file mode 100644 index 000000000..8e9b9c79c --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 47.11, + "map_at_10": 64.404, + "map_at_100": 65.005, + "map_at_1000": 65.01400000000001, + "map_at_3": 60.831, + "map_at_5": 63.181, + "mrr_at_1": 0, + "mrr_at_10": 0, + "mrr_at_100": 0, + "mrr_at_1000": 0, + "mrr_at_3": 0, + "mrr_at_5": 0, + "ndcg_at_1": 52.983999999999995, + "ndcg_at_10": 71.219, + "ndcg_at_100": 73.449, + "ndcg_at_1000": 73.629, + "ndcg_at_3": 65.07, + "ndcg_at_5": 68.715, + "precision_at_1": 52.983999999999995, + "precision_at_10": 10.756, + "precision_at_100": 1.198, + "precision_at_1000": 0.121, + "precision_at_3": 28.977999999999998, + "precision_at_5": 19.583000000000002, + "recall_at_1": 47.11, + "recall_at_10": 89.216, + "recall_at_100": 98.44500000000001, + "recall_at_1000": 99.744, + "recall_at_3": 73.851, + "recall_at_5": 82.126, + "main_score": 71.219 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/QuoraRetrieval.json b/results/nvidia__NV-Embed-v1/external/QuoraRetrieval.json new file mode 100644 index 000000000..b7465fc6c --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "e4e08e0b7dbe3c8700f0daef558ff32256715259", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 71.641, + "map_at_10": 85.687, + "map_at_100": 86.304, + "map_at_1000": 86.318, + "map_at_3": 82.811, + "map_at_5": 84.641, + "mrr_at_1": 0, + "mrr_at_10": 0, + "mrr_at_100": 0, + "mrr_at_1000": 0, + "mrr_at_3": 0, + "mrr_at_5": 0, + "ndcg_at_1": 82.48, + "ndcg_at_10": 89.212, + "ndcg_at_100": 90.321, + "ndcg_at_1000": 90.405, + "ndcg_at_3": 86.573, + "ndcg_at_5": 88.046, + "precision_at_1": 82.48, + "precision_at_10": 13.522, + "precision_at_100": 1.536, + "precision_at_1000": 0.157, + "precision_at_3": 37.95, + "precision_at_5": 24.932000000000002, + "recall_at_1": 71.641, + "recall_at_10": 95.91499999999999, + "recall_at_100": 99.63300000000001, + "recall_at_1000": 99.994, + "recall_at_3": 88.248, + "recall_at_5": 92.428, + "main_score": 89.212 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/RedditClustering.json b/results/nvidia__NV-Embed-v1/external/RedditClustering.json new file mode 100644 index 000000000..4e97e58f8 --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 63.19631707795757, + "main_score": 63.19631707795757 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/RedditClusteringP2P.json b/results/nvidia__NV-Embed-v1/external/RedditClusteringP2P.json new file mode 100644 index 000000000..7e7ac0f23 --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 68.01353074322002, + "main_score": 68.01353074322002 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/SCIDOCS.json b/results/nvidia__NV-Embed-v1/external/SCIDOCS.json new file mode 100644 index 000000000..fcd5d4cab --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "f8c2fcf00f625baaa80f62ec5bd9e1fff3b8ae88", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.67, + "map_at_10": 11.991999999999999, + "map_at_100": 14.263, + "map_at_1000": 14.59, + "map_at_3": 8.468, + "map_at_5": 10.346, + "mrr_at_1": 0, + "mrr_at_10": 0, + "mrr_at_100": 0, + "mrr_at_1000": 0, + "mrr_at_3": 0, + "mrr_at_5": 0, + "ndcg_at_1": 23.1, + "ndcg_at_10": 20.19, + "ndcg_at_100": 28.792, + "ndcg_at_1000": 34.406, + "ndcg_at_3": 19.139, + "ndcg_at_5": 16.916, + "precision_at_1": 23.1, + "precision_at_10": 10.47, + "precision_at_100": 2.2849999999999997, + "precision_at_1000": 0.363, + "precision_at_3": 17.9, + "precision_at_5": 14.979999999999999, + "recall_at_1": 4.67, + "recall_at_10": 21.21, + "recall_at_100": 46.36, + "recall_at_1000": 73.72999999999999, + "recall_at_3": 10.865, + "recall_at_5": 15.185, + "main_score": 20.19 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/SICK-R.json b/results/nvidia__NV-Embed-v1/external/SICK-R.json new file mode 100644 index 000000000..b91c456de --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.31392081916142, + "cos_sim_spearman": 82.80375234068289, + "euclidean_pearson": 81.4159066418654, + "euclidean_spearman": 82.80377112831907, + "manhattan_pearson": 81.48376861134983, + "manhattan_spearman": 82.86696725667119, + "cosine_pearson": 84.31392081916142, + "cosine_spearman": 82.80375234068289, + "main_score": 82.80375234068289 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/STS12.json b/results/nvidia__NV-Embed-v1/external/STS12.json new file mode 100644 index 000000000..54ab59588 --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.1940844467158, + "cos_sim_spearman": 76.22474792649982, + "euclidean_pearson": 79.87714243582901, + "euclidean_spearman": 76.22462054296349, + "manhattan_pearson": 80.19242023327877, + "manhattan_spearman": 76.53202564089719, + "cosine_pearson": 84.1940844467158, + "cosine_spearman": 76.22474792649982, + "main_score": 76.22474792649982 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/STS13.json b/results/nvidia__NV-Embed-v1/external/STS13.json new file mode 100644 index 000000000..9cac11a3d --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.58028303401805, + "cos_sim_spearman": 86.30355131725051, + "euclidean_pearson": 85.9027489087145, + "euclidean_spearman": 86.30352515906158, + "manhattan_pearson": 85.74953930990678, + "manhattan_spearman": 86.21878393891001, + "cosine_pearson": 85.58028303401805, + "cosine_spearman": 86.30355131725051, + "main_score": 86.30355131725051 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/STS14.json b/results/nvidia__NV-Embed-v1/external/STS14.json new file mode 100644 index 000000000..d81105684 --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.92370135244734, + "cos_sim_spearman": 82.09196894621044, + "euclidean_pearson": 81.83198023906334, + "euclidean_spearman": 82.09196482328333, + "manhattan_pearson": 81.8951479497964, + "manhattan_spearman": 82.2392819738236, + "cosine_pearson": 82.92370135244734, + "cosine_spearman": 82.09196894621044, + "main_score": 82.09196894621044 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/STS15.json b/results/nvidia__NV-Embed-v1/external/STS15.json new file mode 100644 index 000000000..de2637cd9 --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.05662816919057, + "cos_sim_spearman": 87.24083005603993, + "euclidean_pearson": 86.54673655650183, + "euclidean_spearman": 87.24083428218053, + "manhattan_pearson": 86.51248710513431, + "manhattan_spearman": 87.24796986335883, + "cosine_pearson": 87.05662816919057, + "cosine_spearman": 87.24083005603993, + "main_score": 87.24083005603993 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/STS16.json b/results/nvidia__NV-Embed-v1/external/STS16.json new file mode 100644 index 000000000..724e6fd05 --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.06330254316376, + "cos_sim_spearman": 84.76788840323285, + "euclidean_pearson": 84.15438606134029, + "euclidean_spearman": 84.76788840323285, + "manhattan_pearson": 83.97986968570088, + "manhattan_spearman": 84.52468572953663, + "cosine_pearson": 84.06330254316376, + "cosine_spearman": 84.76788840323285, + "main_score": 84.76788840323285 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/STS17.json b/results/nvidia__NV-Embed-v1/external/STS17.json new file mode 100644 index 000000000..ff15af409 --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.08627867173213, + "cos_sim_spearman": 87.41531216247836, + "euclidean_pearson": 87.92912483282956, + "euclidean_spearman": 87.41531216247836, + "manhattan_pearson": 87.85418528366228, + "manhattan_spearman": 87.32655499883539, + "cosine_pearson": 88.08627867173213, + "cosine_spearman": 87.41531216247836, + "main_score": 87.41531216247836 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/STS22.json b/results/nvidia__NV-Embed-v1/external/STS22.json new file mode 100644 index 000000000..981c8546f --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "eea2b4fe26a775864c896887d910b76a8098ad3f", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 70.74143864859911, + "cos_sim_spearman": 69.84863549051433, + "euclidean_pearson": 71.07346533903932, + "euclidean_spearman": 69.84863549051433, + "manhattan_pearson": 71.32285810342451, + "manhattan_spearman": 70.13063960824287, + "cosine_pearson": 70.74143864859911, + "cosine_spearman": 69.84863549051433, + "main_score": 69.84863549051433 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/STSBenchmark.json b/results/nvidia__NV-Embed-v1/external/STSBenchmark.json new file mode 100644 index 000000000..d1950ac07 --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.05702492574339, + "cos_sim_spearman": 86.13895001731495, + "euclidean_pearson": 85.86694514265486, + "euclidean_spearman": 86.13895001731495, + "manhattan_pearson": 85.96382530570494, + "manhattan_spearman": 86.30950247235928, + "cosine_pearson": 86.05702492574339, + "cosine_spearman": 86.13895001731495, + "main_score": 86.13895001731495 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/SciDocsRR.json b/results/nvidia__NV-Embed-v1/external/SciDocsRR.json new file mode 100644 index 000000000..16caf97a6 --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 87.26225076335467, + "mrr": 96.60696329813977, + "main_score": 87.26225076335467 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/SciFact.json b/results/nvidia__NV-Embed-v1/external/SciFact.json new file mode 100644 index 000000000..c21281a86 --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 64.494, + "map_at_10": 74.102, + "map_at_100": 74.571, + "map_at_1000": 74.58, + "map_at_3": 71.111, + "map_at_5": 73.184, + "mrr_at_1": 0, + "mrr_at_10": 0, + "mrr_at_100": 0, + "mrr_at_1000": 0, + "mrr_at_3": 0, + "mrr_at_5": 0, + "ndcg_at_1": 67.667, + "ndcg_at_10": 78.427, + "ndcg_at_100": 80.167, + "ndcg_at_1000": 80.41, + "ndcg_at_3": 73.804, + "ndcg_at_5": 76.486, + "precision_at_1": 67.667, + "precision_at_10": 10.167, + "precision_at_100": 1.107, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 28.222, + "precision_at_5": 18.867, + "recall_at_1": 64.494, + "recall_at_10": 90.422, + "recall_at_100": 97.667, + "recall_at_1000": 99.667, + "recall_at_3": 78.278, + "recall_at_5": 84.828, + "main_score": 78.427 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/SprintDuplicateQuestions.json b/results/nvidia__NV-Embed-v1/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..4dfbcaad6 --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.82772277227723, + "cos_sim_ap": 95.93881941923254, + "cos_sim_f1": 91.12244897959184, + "cos_sim_precision": 93.02083333333333, + "cos_sim_recall": 89.3, + "dot_accuracy": 99.82772277227723, + "dot_ap": 95.93886287716076, + "dot_f1": 91.12244897959184, + "dot_precision": 93.02083333333333, + "dot_recall": 89.3, + "euclidean_accuracy": 99.82772277227723, + "euclidean_ap": 95.93881941923253, + "euclidean_f1": 91.12244897959184, + "euclidean_precision": 93.02083333333333, + "euclidean_recall": 89.3, + "manhattan_accuracy": 99.83366336633664, + "manhattan_ap": 96.07286531485964, + "manhattan_f1": 91.34912461380021, + "manhattan_precision": 94.16135881104034, + "manhattan_recall": 88.7, + "max_accuracy": 99.83366336633664, + "max_ap": 96.07286531485964, + "max_f1": 91.34912461380021, + "main_score": 96.07286531485964 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/StackExchangeClustering.json b/results/nvidia__NV-Embed-v1/external/StackExchangeClustering.json new file mode 100644 index 000000000..5e4763ea0 --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 74.98877944689897, + "main_score": 74.98877944689897 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/StackExchangeClusteringP2P.json b/results/nvidia__NV-Embed-v1/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..c02fc3340 --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 42.0365286267706, + "main_score": 42.0365286267706 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/StackOverflowDupQuestions.json b/results/nvidia__NV-Embed-v1/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..ed2d6dc36 --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 56.5797777961647, + "mrr": 57.57701754944402, + "main_score": 56.5797777961647 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/SummEval.json b/results/nvidia__NV-Embed-v1/external/SummEval.json new file mode 100644 index 000000000..00d2e31ec --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.673216240991756, + "cos_sim_spearman": 31.198648165051225, + "dot_pearson": 30.67321511262982, + "dot_spearman": 31.198648165051225, + "cosine_pearson": 30.673216240991756, + "cosine_spearman": 31.198648165051225, + "main_score": 31.198648165051225 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/TRECCOVID.json b/results/nvidia__NV-Embed-v1/external/TRECCOVID.json new file mode 100644 index 000000000..132a91298 --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "bb9466bac8153a0349341eb1b22e06409e78ef4e", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.23500000000000001, + "map_at_10": 2.274, + "map_at_100": 14.002, + "map_at_1000": 34.443, + "map_at_3": 0.705, + "map_at_5": 1.162, + "mrr_at_1": 0, + "mrr_at_10": 0, + "mrr_at_100": 0, + "mrr_at_1000": 0, + "mrr_at_3": 0, + "mrr_at_5": 0, + "ndcg_at_1": 88, + "ndcg_at_10": 85.883, + "ndcg_at_100": 67.343, + "ndcg_at_1000": 59.999, + "ndcg_at_3": 87.70400000000001, + "ndcg_at_5": 85.437, + "precision_at_1": 92, + "precision_at_10": 91.2, + "precision_at_100": 69.19999999999999, + "precision_at_1000": 26.6, + "precision_at_3": 92.667, + "precision_at_5": 90.8, + "recall_at_1": 0.23500000000000001, + "recall_at_10": 2.409, + "recall_at_100": 16.706, + "recall_at_1000": 56.396, + "recall_at_3": 0.734, + "recall_at_5": 1.213, + "main_score": 85.883 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/Touche2020.json b/results/nvidia__NV-Embed-v1/external/Touche2020.json new file mode 100644 index 000000000..0cebb28a6 --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.4819999999999998, + "map_at_10": 10.985, + "map_at_100": 17.943, + "map_at_1000": 19.591, + "map_at_3": 5.86, + "map_at_5": 8.397, + "mrr_at_1": 0, + "mrr_at_10": 0, + "mrr_at_100": 0, + "mrr_at_1000": 0, + "mrr_at_3": 0, + "mrr_at_5": 0, + "ndcg_at_1": 37.755, + "ndcg_at_10": 28.383000000000003, + "ndcg_at_100": 40.603, + "ndcg_at_1000": 51.469, + "ndcg_at_3": 32.562000000000005, + "ndcg_at_5": 31.532, + "precision_at_1": 38.775999999999996, + "precision_at_10": 24.898, + "precision_at_100": 8.429, + "precision_at_1000": 1.582, + "precision_at_3": 31.973000000000003, + "precision_at_5": 31.019999999999996, + "recall_at_1": 2.4819999999999998, + "recall_at_10": 17.079, + "recall_at_100": 51.406, + "recall_at_1000": 84.456, + "recall_at_3": 6.802, + "recall_at_5": 10.856, + "main_score": 28.383000000000003 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/ToxicConversationsClassification.json b/results/nvidia__NV-Embed-v1/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..4955a41aa --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.5984, + "ap": 41.969971606260906, + "f1": 78.95995145145926, + "main_score": 92.5984 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/TweetSentimentExtractionClassification.json b/results/nvidia__NV-Embed-v1/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..617736855 --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.63950198075835, + "f1": 80.93345710055597, + "main_score": 80.63950198075835 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/TwentyNewsgroupsClustering.json b/results/nvidia__NV-Embed-v1/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..7da764b8a --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 60.13491858535076, + "main_score": 60.13491858535076 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/TwitterSemEval2015.json b/results/nvidia__NV-Embed-v1/external/TwitterSemEval2015.json new file mode 100644 index 000000000..69611db85 --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 87.42325803182929, + "cos_sim_ap": 78.72789856051176, + "cos_sim_f1": 71.83879093198993, + "cos_sim_precision": 68.72289156626506, + "cos_sim_recall": 75.25065963060686, + "dot_accuracy": 87.42325803182929, + "dot_ap": 78.72789755269454, + "dot_f1": 71.83879093198993, + "dot_precision": 68.72289156626506, + "dot_recall": 75.25065963060686, + "euclidean_accuracy": 87.42325803182929, + "euclidean_ap": 78.7278973892869, + "euclidean_f1": 71.83879093198993, + "euclidean_precision": 68.72289156626506, + "euclidean_recall": 75.25065963060686, + "manhattan_accuracy": 87.59015318590929, + "manhattan_ap": 78.99631410090865, + "manhattan_f1": 72.11323565929972, + "manhattan_precision": 68.10506566604127, + "manhattan_recall": 76.62269129287598, + "max_accuracy": 87.59015318590929, + "max_ap": 78.99631410090865, + "max_f1": 72.11323565929972, + "main_score": 78.99631410090865 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/TwitterURLCorpus.json b/results/nvidia__NV-Embed-v1/external/TwitterURLCorpus.json new file mode 100644 index 000000000..76ed1d7fd --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.15473279776458, + "cos_sim_ap": 86.05463278065247, + "cos_sim_f1": 78.63797449855686, + "cos_sim_precision": 74.82444552596816, + "cos_sim_recall": 82.86110255620572, + "dot_accuracy": 89.15473279776458, + "dot_ap": 86.05463366261054, + "dot_f1": 78.63797449855686, + "dot_precision": 74.82444552596816, + "dot_recall": 82.86110255620572, + "euclidean_accuracy": 89.15473279776458, + "euclidean_ap": 86.05463195314907, + "euclidean_f1": 78.63797449855686, + "euclidean_precision": 74.82444552596816, + "euclidean_recall": 82.86110255620572, + "manhattan_accuracy": 89.15861373074087, + "manhattan_ap": 86.08743411620402, + "manhattan_f1": 78.70125023325248, + "manhattan_precision": 76.36706018686174, + "manhattan_recall": 81.18263012011087, + "max_accuracy": 89.15861373074087, + "max_ap": 86.08743411620402, + "max_f1": 78.70125023325248, + "main_score": 86.08743411620402 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v1/external/model_meta.json b/results/nvidia__NV-Embed-v1/external/model_meta.json new file mode 100644 index 000000000..06b6216a8 --- /dev/null +++ b/results/nvidia__NV-Embed-v1/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "nvidia/NV-Embed-v1", + "revision": "570834afd5fef5bf3a3c2311a2b6e0a66f6f4f2c", + "release_date": "2024-05-23", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": null, + "embed_dim": null, + "license": "cc-by-nc-4.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/AmazonCounterfactualClassification.json b/results/nvidia__NV-Embed-v2/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..72d9ea11c --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/AmazonCounterfactualClassification.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 94.28358208955224, + "accuracy_stderr": 0.40076780842082305, + "ap": 76.49097318319616, + "ap_stderr": 1.2418692675183929, + "f1": 91.41982003001168, + "f1_stderr": 0.5043921413093579, + "main_score": 94.28358208955224 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/AmazonPolarityClassification.json b/results/nvidia__NV-Embed-v2/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..67196a691 --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/AmazonPolarityClassification.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 97.74185000000001, + "accuracy_stderr": 0.07420471683120942, + "ap": 96.4737144875525, + "ap_stderr": 0.2977518241541558, + "f1": 97.7417581594921, + "f1_stderr": 0.07428763617010377, + "main_score": 97.74185000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/AmazonReviewsClassification.json b/results/nvidia__NV-Embed-v2/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..92f8a7514 --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/AmazonReviewsClassification.json @@ -0,0 +1,21 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 63.96000000000001, + "accuracy_stderr": 1.815555011559825, + "f1": 62.49361841640459, + "f1_stderr": 2.829339314126457, + "main_score": 63.96000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/ArguAna.json b/results/nvidia__NV-Embed-v2/external/ArguAna.json new file mode 100644 index 000000000..7ab55348c --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 46.515, + "map_at_10": 62.392, + "map_at_100": 62.732, + "map_at_1000": 62.733000000000004, + "map_at_3": 58.701, + "map_at_5": 61.027, + "mrr_at_1": 0.0, + "mrr_at_10": 0.0, + "mrr_at_100": 0.0, + "mrr_at_1000": 0.0, + "mrr_at_3": 0.0, + "mrr_at_5": 0.0, + "ndcg_at_1": 46.515, + "ndcg_at_10": 70.074, + "ndcg_at_100": 71.395, + "ndcg_at_1000": 71.405, + "ndcg_at_3": 62.643, + "ndcg_at_5": 66.803, + "precision_at_1": 46.515, + "precision_at_10": 9.41, + "precision_at_100": 0.996, + "precision_at_1000": 0.1, + "precision_at_3": 24.68, + "precision_at_5": 16.814, + "recall_at_1": 46.515, + "recall_at_10": 94.097, + "recall_at_100": 99.57300000000001, + "recall_at_1000": 99.644, + "recall_at_3": 74.03999999999999, + "recall_at_5": 84.068, + "main_score": 70.074 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/ArxivClusteringP2P.json b/results/nvidia__NV-Embed-v2/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..0b0166c70 --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/ArxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 55.79933795955242, + "v_measure": 55.79933795955242, + "v_measure_std": 14.575108141916148 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/ArxivClusteringS2S.json b/results/nvidia__NV-Embed-v2/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..8985ea4c8 --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/ArxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 51.262845995850334, + "v_measure": 51.262845995850334, + "v_measure_std": 14.727824473104173 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/AskUbuntuDupQuestions.json b/results/nvidia__NV-Embed-v2/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..3e2f9d0fd --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 67.46477327480808, + "mrr": 79.50160488941653, + "main_score": 67.46477327480808 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/BIOSSES.json b/results/nvidia__NV-Embed-v2/external/BIOSSES.json new file mode 100644 index 000000000..c9f0e468d --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/BIOSSES.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 89.74311007980987, + "cosine_spearman": 87.41644967443246, + "manhattan_pearson": 88.57457108347744, + "manhattan_spearman": 87.59295972042997, + "euclidean_pearson": 88.27108977118459, + "euclidean_spearman": 87.41644967443246, + "main_score": 87.41644967443246 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/Banking77Classification.json b/results/nvidia__NV-Embed-v2/external/Banking77Classification.json new file mode 100644 index 000000000..d8ecb3e3c --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/Banking77Classification.json @@ -0,0 +1,21 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.41558441558443, + "accuracy_stderr": 0.37701502251934443, + "f1": 92.38130170447671, + "f1_stderr": 0.39115151225617767, + "main_score": 92.41558441558443 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/BiorxivClusteringP2P.json b/results/nvidia__NV-Embed-v2/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..14225a114 --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/BiorxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 54.08649516394218, + "v_measure": 54.08649516394218, + "v_measure_std": 0.5303233693045373 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/BiorxivClusteringS2S.json b/results/nvidia__NV-Embed-v2/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..75b78f0ed --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/BiorxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 49.60352214167779, + "v_measure": 49.60352214167779, + "v_measure_std": 0.7176198612516721 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/ClimateFEVER.json b/results/nvidia__NV-Embed-v2/external/ClimateFEVER.json new file mode 100644 index 000000000..48a5bbd2f --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.556, + "map_at_10": 34.623, + "map_at_100": 36.97, + "map_at_1000": 37.123, + "map_at_3": 28.904999999999998, + "map_at_5": 31.955, + "mrr_at_1": 0.0, + "mrr_at_10": 0.0, + "mrr_at_100": 0.0, + "mrr_at_1000": 0.0, + "mrr_at_3": 0.0, + "mrr_at_5": 0.0, + "ndcg_at_1": 44.104, + "ndcg_at_10": 45.388, + "ndcg_at_100": 52.793, + "ndcg_at_1000": 55.108999999999995, + "ndcg_at_3": 38.604, + "ndcg_at_5": 40.806, + "precision_at_1": 44.104, + "precision_at_10": 14.143, + "precision_at_100": 2.2190000000000003, + "precision_at_1000": 0.266, + "precision_at_3": 29.316, + "precision_at_5": 21.98, + "recall_at_1": 19.556, + "recall_at_10": 52.120999999999995, + "recall_at_100": 76.509, + "recall_at_1000": 89.029, + "recall_at_3": 34.919, + "recall_at_5": 42.18, + "main_score": 45.388 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/DBPedia.json b/results/nvidia__NV-Embed-v2/external/DBPedia.json new file mode 100644 index 000000000..109700749 --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 10.714, + "map_at_10": 25.814999999999998, + "map_at_100": 37.845, + "map_at_1000": 39.974, + "map_at_3": 17.201, + "map_at_5": 21.062, + "mrr_at_1": 0.0, + "mrr_at_10": 0.0, + "mrr_at_100": 0.0, + "mrr_at_1000": 0.0, + "mrr_at_3": 0.0, + "mrr_at_5": 0.0, + "ndcg_at_1": 66.0, + "ndcg_at_10": 53.496, + "ndcg_at_100": 58.053, + "ndcg_at_1000": 64.886, + "ndcg_at_3": 57.656, + "ndcg_at_5": 55.900000000000006, + "precision_at_1": 77.25, + "precision_at_10": 43.65, + "precision_at_100": 13.76, + "precision_at_1000": 2.5940000000000003, + "precision_at_3": 61.0, + "precision_at_5": 54.65, + "recall_at_1": 10.714, + "recall_at_10": 31.173000000000002, + "recall_at_100": 63.404, + "recall_at_1000": 85.874, + "recall_at_3": 18.249000000000002, + "recall_at_5": 23.69, + "main_score": 53.496 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/EmotionClassification.json b/results/nvidia__NV-Embed-v2/external/EmotionClassification.json new file mode 100644 index 000000000..82875d93e --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/EmotionClassification.json @@ -0,0 +1,21 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.38499999999999, + "accuracy_stderr": 0.13793114224133846, + "f1": 90.12141028353496, + "f1_stderr": 0.174640257706043, + "main_score": 93.38499999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/FEVER.json b/results/nvidia__NV-Embed-v2/external/FEVER.json new file mode 100644 index 000000000..d97fa98dd --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 84.66900000000001, + "map_at_10": 91.52799999999999, + "map_at_100": 91.721, + "map_at_1000": 91.73, + "map_at_3": 90.752, + "map_at_5": 91.262, + "mrr_at_1": 0.0, + "mrr_at_10": 0.0, + "mrr_at_100": 0.0, + "mrr_at_1000": 0.0, + "mrr_at_3": 0.0, + "mrr_at_5": 0.0, + "ndcg_at_1": 91.20899999999999, + "ndcg_at_10": 93.74900000000001, + "ndcg_at_100": 94.279, + "ndcg_at_1000": 94.408, + "ndcg_at_3": 92.923, + "ndcg_at_5": 93.376, + "precision_at_1": 91.20899999999999, + "precision_at_10": 11.059, + "precision_at_100": 1.1560000000000001, + "precision_at_1000": 0.11800000000000001, + "precision_at_3": 35.129, + "precision_at_5": 21.617, + "recall_at_1": 84.66900000000001, + "recall_at_10": 97.03399999999999, + "recall_at_100": 98.931, + "recall_at_1000": 99.65899999999999, + "recall_at_3": 94.76299999999999, + "recall_at_5": 95.968, + "main_score": 93.74900000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/FiQA2018.json b/results/nvidia__NV-Embed-v2/external/FiQA2018.json new file mode 100644 index 000000000..22d6ac3d4 --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 34.866, + "map_at_10": 58.06099999999999, + "map_at_100": 60.028999999999996, + "map_at_1000": 60.119, + "map_at_3": 51.304, + "map_at_5": 55.054, + "mrr_at_1": 0.0, + "mrr_at_10": 0.0, + "mrr_at_100": 0.0, + "mrr_at_1000": 0.0, + "mrr_at_3": 0.0, + "mrr_at_5": 0.0, + "ndcg_at_1": 64.815, + "ndcg_at_10": 65.729, + "ndcg_at_100": 71.14, + "ndcg_at_1000": 72.336, + "ndcg_at_3": 61.973, + "ndcg_at_5": 62.858000000000004, + "precision_at_1": 64.815, + "precision_at_10": 17.87, + "precision_at_100": 2.373, + "precision_at_1000": 0.258, + "precision_at_3": 41.152, + "precision_at_5": 29.568, + "recall_at_1": 34.866, + "recall_at_10": 72.239, + "recall_at_100": 91.19, + "recall_at_1000": 98.154, + "recall_at_3": 56.472, + "recall_at_5": 63.157, + "main_score": 65.729 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/HotpotQA.json b/results/nvidia__NV-Embed-v2/external/HotpotQA.json new file mode 100644 index 000000000..96e2a0f32 --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 44.651999999999994, + "map_at_10": 79.95100000000001, + "map_at_100": 80.51700000000001, + "map_at_1000": 80.542, + "map_at_3": 77.008, + "map_at_5": 78.935, + "mrr_at_1": 0.0, + "mrr_at_10": 0.0, + "mrr_at_100": 0.0, + "mrr_at_1000": 0.0, + "mrr_at_3": 0.0, + "mrr_at_5": 0.0, + "ndcg_at_1": 89.305, + "ndcg_at_10": 85.479, + "ndcg_at_100": 87.235, + "ndcg_at_1000": 87.669, + "ndcg_at_3": 81.648, + "ndcg_at_5": 83.88600000000001, + "precision_at_1": 89.305, + "precision_at_10": 17.807000000000002, + "precision_at_100": 1.9140000000000001, + "precision_at_1000": 0.197, + "precision_at_3": 53.756, + "precision_at_5": 34.018, + "recall_at_1": 44.651999999999994, + "recall_at_10": 89.034, + "recall_at_100": 95.719, + "recall_at_1000": 98.535, + "recall_at_3": 80.635, + "recall_at_5": 85.044, + "main_score": 85.479 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/ImdbClassification.json b/results/nvidia__NV-Embed-v2/external/ImdbClassification.json new file mode 100644 index 000000000..d49f0da4a --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/ImdbClassification.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 97.1376, + "accuracy_stderr": 0.04571914259913447, + "ap": 95.92783808558808, + "ap_stderr": 0.05063782483358255, + "f1": 97.13755519177172, + "f1_stderr": 0.04575943074086138, + "main_score": 97.1376 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/MSMARCO.json b/results/nvidia__NV-Embed-v2/external/MSMARCO.json new file mode 100644 index 000000000..464de3275 --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.0, + "map_at_10": 38.342, + "map_at_100": 0.0, + "map_at_1000": 0.0, + "map_at_3": 0.0, + "map_at_5": 0.0, + "mrr_at_1": 0.0, + "mrr_at_10": 0.0, + "mrr_at_100": 0.0, + "mrr_at_1000": 0.0, + "mrr_at_3": 0.0, + "mrr_at_5": 0.0, + "ndcg_at_1": 0.0, + "ndcg_at_10": 45.629999999999995, + "ndcg_at_100": 0.0, + "ndcg_at_1000": 0.0, + "ndcg_at_3": 0.0, + "ndcg_at_5": 0.0, + "precision_at_1": 0.0, + "precision_at_10": 7.119000000000001, + "precision_at_100": 0.0, + "precision_at_1000": 0.0, + "precision_at_3": 0.0, + "precision_at_5": 0.0, + "recall_at_1": 0.0, + "recall_at_10": 67.972, + "recall_at_100": 0.0, + "recall_at_1000": 0.0, + "recall_at_3": 0.0, + "recall_at_5": 0.0, + "main_score": 45.629999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/MTOPDomainClassification.json b/results/nvidia__NV-Embed-v2/external/MTOPDomainClassification.json new file mode 100644 index 000000000..addae120d --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/MTOPDomainClassification.json @@ -0,0 +1,21 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 99.24988600091199, + "accuracy_stderr": 0.04496826931900734, + "f1": 99.15933275095276, + "f1_stderr": 0.05565039139747446, + "main_score": 99.24988600091199 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/MTOPIntentClassification.json b/results/nvidia__NV-Embed-v2/external/MTOPIntentClassification.json new file mode 100644 index 000000000..5b93e7d54 --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/MTOPIntentClassification.json @@ -0,0 +1,21 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 94.3684450524396, + "accuracy_stderr": 0.8436548701322188, + "f1": 77.33022623133307, + "f1_stderr": 0.9228425861187275, + "main_score": 94.3684450524396 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/MassiveIntentClassification.json b/results/nvidia__NV-Embed-v2/external/MassiveIntentClassification.json new file mode 100644 index 000000000..47467f98d --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/MassiveIntentClassification.json @@ -0,0 +1,21 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.09616677874916, + "accuracy_stderr": 0.9943208055590853, + "f1": 83.4902056490062, + "f1_stderr": 0.7626189310074184, + "main_score": 86.09616677874916 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/MassiveScenarioClassification.json b/results/nvidia__NV-Embed-v2/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..c2d36233b --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/MassiveScenarioClassification.json @@ -0,0 +1,21 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.17215870880968, + "accuracy_stderr": 0.25949941333658166, + "f1": 91.36757392422702, + "f1_stderr": 0.29139507298154815, + "main_score": 92.17215870880968 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/MedrxivClusteringP2P.json b/results/nvidia__NV-Embed-v2/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..19f629f78 --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/MedrxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 46.09497344077905, + "v_measure": 46.09497344077905, + "v_measure_std": 1.44871520869784 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/MedrxivClusteringS2S.json b/results/nvidia__NV-Embed-v2/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..c43fdb637 --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/MedrxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 44.861049989560684, + "v_measure": 44.861049989560684, + "v_measure_std": 1.432199293162203 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/MindSmallReranking.json b/results/nvidia__NV-Embed-v2/external/MindSmallReranking.json new file mode 100644 index 000000000..5cadf136d --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.75936162919999, + "mrr": 32.966812736541236, + "main_score": 31.75936162919999 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/NFCorpus.json b/results/nvidia__NV-Embed-v2/external/NFCorpus.json new file mode 100644 index 000000000..b0a482ef6 --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 7.893999999999999, + "map_at_10": 17.95, + "map_at_100": 23.474, + "map_at_1000": 25.412000000000003, + "map_at_3": 12.884, + "map_at_5": 15.171000000000001, + "mrr_at_1": 0.0, + "mrr_at_10": 0.0, + "mrr_at_100": 0.0, + "mrr_at_1000": 0.0, + "mrr_at_3": 0.0, + "mrr_at_5": 0.0, + "ndcg_at_1": 55.728, + "ndcg_at_10": 45.174, + "ndcg_at_100": 42.18, + "ndcg_at_1000": 50.793, + "ndcg_at_3": 50.322, + "ndcg_at_5": 48.244, + "precision_at_1": 57.276, + "precision_at_10": 33.437, + "precision_at_100": 10.671999999999999, + "precision_at_1000": 2.407, + "precision_at_3": 46.646, + "precision_at_5": 41.672, + "recall_at_1": 7.893999999999999, + "recall_at_10": 22.831000000000003, + "recall_at_100": 43.818, + "recall_at_1000": 75.009, + "recall_at_3": 14.371, + "recall_at_5": 17.752000000000002, + "main_score": 45.174 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/NQ.json b/results/nvidia__NV-Embed-v2/external/NQ.json new file mode 100644 index 000000000..e9a43e792 --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 49.351, + "map_at_10": 66.682, + "map_at_100": 67.179, + "map_at_1000": 67.18499999999999, + "map_at_3": 62.958999999999996, + "map_at_5": 65.364, + "mrr_at_1": 0.0, + "mrr_at_10": 0.0, + "mrr_at_100": 0.0, + "mrr_at_1000": 0.0, + "mrr_at_3": 0.0, + "mrr_at_5": 0.0, + "ndcg_at_1": 55.417, + "ndcg_at_10": 73.568, + "ndcg_at_100": 75.35, + "ndcg_at_1000": 75.478, + "ndcg_at_3": 67.201, + "ndcg_at_5": 70.896, + "precision_at_1": 55.417, + "precision_at_10": 11.036999999999999, + "precision_at_100": 1.204, + "precision_at_1000": 0.121, + "precision_at_3": 29.654000000000003, + "precision_at_5": 20.006, + "recall_at_1": 49.351, + "recall_at_10": 91.667, + "recall_at_100": 98.89, + "recall_at_1000": 99.812, + "recall_at_3": 75.715, + "recall_at_5": 84.072, + "main_score": 73.568 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/QuoraRetrieval.json b/results/nvidia__NV-Embed-v2/external/QuoraRetrieval.json new file mode 100644 index 000000000..edcece90f --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "e4e08e0b7dbe3c8700f0daef558ff32256715259", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 71.358, + "map_at_10": 85.474, + "map_at_100": 86.101, + "map_at_1000": 86.114, + "map_at_3": 82.562, + "map_at_5": 84.396, + "mrr_at_1": 0.0, + "mrr_at_10": 0.0, + "mrr_at_100": 0.0, + "mrr_at_1000": 0.0, + "mrr_at_3": 0.0, + "mrr_at_5": 0.0, + "ndcg_at_1": 82.12, + "ndcg_at_10": 89.035, + "ndcg_at_100": 90.17399999999999, + "ndcg_at_1000": 90.243, + "ndcg_at_3": 86.32300000000001, + "ndcg_at_5": 87.85, + "precision_at_1": 82.12, + "precision_at_10": 13.55, + "precision_at_100": 1.54, + "precision_at_1000": 0.157, + "precision_at_3": 37.89, + "precision_at_5": 24.9, + "recall_at_1": 71.358, + "recall_at_10": 95.855, + "recall_at_100": 99.711, + "recall_at_1000": 99.994, + "recall_at_3": 88.02, + "recall_at_5": 92.378, + "main_score": 89.035 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/RedditClustering.json b/results/nvidia__NV-Embed-v2/external/RedditClustering.json new file mode 100644 index 000000000..c9c2a339a --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/RedditClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 71.0984522742521, + "v_measure": 71.0984522742521, + "v_measure_std": 3.5668139917058044 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/RedditClusteringP2P.json b/results/nvidia__NV-Embed-v2/external/RedditClusteringP2P.json new file mode 100644 index 000000000..77ddddacc --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/RedditClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 74.94499641904133, + "v_measure": 74.94499641904133, + "v_measure_std": 11.419672879389248 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/SCIDOCS.json b/results/nvidia__NV-Embed-v2/external/SCIDOCS.json new file mode 100644 index 000000000..8dbfa9861 --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "f8c2fcf00f625baaa80f62ec5bd9e1fff3b8ae88", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.343, + "map_at_10": 13.044, + "map_at_100": 15.290999999999999, + "map_at_1000": 15.609, + "map_at_3": 9.227, + "map_at_5": 11.158, + "mrr_at_1": 0.0, + "mrr_at_10": 0.0, + "mrr_at_100": 0.0, + "mrr_at_1000": 0.0, + "mrr_at_3": 0.0, + "mrr_at_5": 0.0, + "ndcg_at_1": 26.3, + "ndcg_at_10": 21.901, + "ndcg_at_100": 30.316, + "ndcg_at_1000": 35.547000000000004, + "ndcg_at_3": 20.560000000000002, + "ndcg_at_5": 18.187, + "precision_at_1": 26.3, + "precision_at_10": 11.34, + "precision_at_100": 2.344, + "precision_at_1000": 0.359, + "precision_at_3": 18.967, + "precision_at_5": 15.920000000000002, + "recall_at_1": 5.343, + "recall_at_10": 22.997, + "recall_at_100": 47.562, + "recall_at_1000": 72.94500000000001, + "recall_at_3": 11.533, + "recall_at_5": 16.148, + "main_score": 21.901 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/SICK-R.json b/results/nvidia__NV-Embed-v2/external/SICK-R.json new file mode 100644 index 000000000..16479fffa --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/SICK-R.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 87.3054603493591, + "cosine_spearman": 82.14763206055602, + "manhattan_pearson": 84.78737790237557, + "manhattan_spearman": 81.88455356002758, + "euclidean_pearson": 85.00668629311117, + "euclidean_spearman": 82.14763037860851, + "main_score": 82.14763206055602 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/STS12.json b/results/nvidia__NV-Embed-v2/external/STS12.json new file mode 100644 index 000000000..df3387b0d --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/STS12.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 86.6911864687294, + "cosine_spearman": 77.89286260403269, + "manhattan_pearson": 82.87240347680857, + "manhattan_spearman": 78.10055393740326, + "euclidean_pearson": 82.72282535777123, + "euclidean_spearman": 77.89256648406325, + "main_score": 77.89286260403269 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/STS13.json b/results/nvidia__NV-Embed-v2/external/STS13.json new file mode 100644 index 000000000..0da2ae79f --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/STS13.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 87.7220832598633, + "cosine_spearman": 88.30238972017452, + "manhattan_pearson": 87.88214789140248, + "manhattan_spearman": 88.24770220032391, + "euclidean_pearson": 87.98610386257103, + "euclidean_spearman": 88.30238972017452, + "main_score": 88.30238972017452 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/STS14.json b/results/nvidia__NV-Embed-v2/external/STS14.json new file mode 100644 index 000000000..49a2923c3 --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/STS14.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 85.70614623247714, + "cosine_spearman": 84.29920990970672, + "manhattan_pearson": 84.9836190531721, + "manhattan_spearman": 84.40933470597638, + "euclidean_pearson": 84.96652336693347, + "euclidean_spearman": 84.29920989531965, + "main_score": 84.29920990970672 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/STS15.json b/results/nvidia__NV-Embed-v2/external/STS15.json new file mode 100644 index 000000000..2385d0367 --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/STS15.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 88.4169972425264, + "cosine_spearman": 89.03555007807218, + "manhattan_pearson": 88.83068699455478, + "manhattan_spearman": 89.21877175674125, + "euclidean_pearson": 88.7251052947544, + "euclidean_spearman": 89.03557389893083, + "main_score": 89.03555007807218 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/STS16.json b/results/nvidia__NV-Embed-v2/external/STS16.json new file mode 100644 index 000000000..07d02abc2 --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/STS16.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 85.63830579034632, + "cosine_spearman": 86.77353371581373, + "manhattan_pearson": 86.24830492396637, + "manhattan_spearman": 86.96754348626189, + "euclidean_pearson": 86.09837038778359, + "euclidean_spearman": 86.77353371581373, + "main_score": 86.77353371581373 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/STS17.json b/results/nvidia__NV-Embed-v2/external/STS17.json new file mode 100644 index 000000000..502e98d4e --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/STS17.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 91.2204675588959, + "cosine_spearman": 90.66976712249057, + "manhattan_pearson": 91.11007808242346, + "manhattan_spearman": 90.51739232964488, + "euclidean_pearson": 91.19588941007903, + "euclidean_spearman": 90.66976712249057, + "main_score": 90.66976712249057 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/STS22.json b/results/nvidia__NV-Embed-v2/external/STS22.json new file mode 100644 index 000000000..bd7f872d3 --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/STS22.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "eea2b4fe26a775864c896887d910b76a8098ad3f", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 69.34416749707114, + "cosine_spearman": 68.11632448161046, + "manhattan_pearson": 68.99243488935281, + "manhattan_spearman": 67.8398546438258, + "euclidean_pearson": 69.06376010216088, + "euclidean_spearman": 68.11632448161046, + "main_score": 68.11632448161046 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/STSBenchmark.json b/results/nvidia__NV-Embed-v2/external/STSBenchmark.json new file mode 100644 index 000000000..119876e79 --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/STSBenchmark.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 88.10309739429758, + "cosine_spearman": 88.40520383147418, + "manhattan_pearson": 88.50753383813232, + "manhattan_spearman": 88.66382629460927, + "euclidean_pearson": 88.35050664609376, + "euclidean_spearman": 88.40520383147418, + "main_score": 88.40520383147418 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/SciDocsRR.json b/results/nvidia__NV-Embed-v2/external/SciDocsRR.json new file mode 100644 index 000000000..52131bf49 --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 87.58627126942797, + "mrr": 97.01098103058887, + "main_score": 87.58627126942797 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/SciFact.json b/results/nvidia__NV-Embed-v2/external/SciFact.json new file mode 100644 index 000000000..bba7d0a47 --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 62.883, + "map_at_10": 75.371, + "map_at_100": 75.66000000000001, + "map_at_1000": 75.667, + "map_at_3": 72.741, + "map_at_5": 74.74, + "mrr_at_1": 0.0, + "mrr_at_10": 0.0, + "mrr_at_100": 0.0, + "mrr_at_1000": 0.0, + "mrr_at_3": 0.0, + "mrr_at_5": 0.0, + "ndcg_at_1": 66.0, + "ndcg_at_10": 80.12700000000001, + "ndcg_at_100": 81.291, + "ndcg_at_1000": 81.464, + "ndcg_at_3": 76.19, + "ndcg_at_5": 78.827, + "precision_at_1": 66.0, + "precision_at_10": 10.567, + "precision_at_100": 1.117, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 30.333, + "precision_at_5": 20.133000000000003, + "recall_at_1": 62.883, + "recall_at_10": 93.556, + "recall_at_100": 98.667, + "recall_at_1000": 100.0, + "recall_at_3": 83.322, + "recall_at_5": 89.756, + "main_score": 80.12700000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/SprintDuplicateQuestions.json b/results/nvidia__NV-Embed-v2/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..209756326 --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/SprintDuplicateQuestions.json @@ -0,0 +1,48 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.87524752475248, + "cos_sim_accuracy_threshold": 74.86587762832642, + "cos_sim_ap": 97.02222446606328, + "cos_sim_f1": 93.66197183098592, + "cos_sim_f1_threshold": 74.74223375320435, + "cos_sim_precision": 94.23076923076923, + "cos_sim_recall": 93.10000000000001, + "dot_accuracy": 99.87524752475248, + "dot_accuracy_threshold": 74.86587762832642, + "dot_ap": 97.02222688043362, + "dot_f1": 93.66197183098592, + "dot_f1_threshold": 74.74223375320435, + "dot_precision": 94.23076923076923, + "dot_recall": 93.10000000000001, + "euclidean_accuracy": 99.87524752475248, + "euclidean_accuracy_threshold": 70.9000825881958, + "euclidean_ap": 97.02222446606329, + "euclidean_f1": 93.66197183098592, + "euclidean_f1_threshold": 71.07426524162292, + "euclidean_precision": 94.23076923076923, + "euclidean_recall": 93.10000000000001, + "manhattan_accuracy": 99.87623762376238, + "manhattan_accuracy_threshold": 3588.5040283203125, + "manhattan_ap": 97.09194643777883, + "manhattan_f1": 93.7375745526839, + "manhattan_f1_threshold": 3664.3760681152344, + "manhattan_precision": 93.18181818181817, + "manhattan_recall": 94.3, + "max_accuracy": 99.87623762376238, + "max_ap": 97.09194643777883, + "max_f1": 93.7375745526839, + "main_score": 97.09194643777883 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/StackExchangeClustering.json b/results/nvidia__NV-Embed-v2/external/StackExchangeClustering.json new file mode 100644 index 000000000..fe6be4e99 --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/StackExchangeClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 82.10134099988541, + "v_measure": 82.10134099988541, + "v_measure_std": 2.7926349897769533 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/StackExchangeClusteringP2P.json b/results/nvidia__NV-Embed-v2/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..bd4275219 --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/StackExchangeClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 48.357450742397404, + "v_measure": 48.357450742397404, + "v_measure_std": 1.520118876440547 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/StackOverflowDupQuestions.json b/results/nvidia__NV-Embed-v2/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..2a4da35aa --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 55.79277200802986, + "mrr": 56.742517082590616, + "main_score": 55.79277200802986 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/SummEval.json b/results/nvidia__NV-Embed-v2/external/SummEval.json new file mode 100644 index 000000000..def7458b8 --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/SummEval.json @@ -0,0 +1,21 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_spearman": 30.701215774712693, + "cosine_pearson": 31.26740037278488, + "dot_spearman": 30.701215774712693, + "dot_pearson": 31.267404144879997, + "main_score": 30.701215774712693 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/TRECCOVID.json b/results/nvidia__NV-Embed-v2/external/TRECCOVID.json new file mode 100644 index 000000000..c0e9a8909 --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "bb9466bac8153a0349341eb1b22e06409e78ef4e", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.23800000000000002, + "map_at_10": 2.31, + "map_at_100": 15.495000000000001, + "map_at_1000": 38.829, + "map_at_3": 0.72, + "map_at_5": 1.185, + "mrr_at_1": 0.0, + "mrr_at_10": 0.0, + "mrr_at_100": 0.0, + "mrr_at_1000": 0.0, + "mrr_at_3": 0.0, + "mrr_at_5": 0.0, + "ndcg_at_1": 91.0, + "ndcg_at_10": 88.442, + "ndcg_at_100": 71.39, + "ndcg_at_1000": 64.153, + "ndcg_at_3": 89.877, + "ndcg_at_5": 89.562, + "precision_at_1": 92.0, + "precision_at_10": 92.60000000000001, + "precision_at_100": 73.74000000000001, + "precision_at_1000": 28.222, + "precision_at_3": 94.0, + "precision_at_5": 93.60000000000001, + "recall_at_1": 0.23800000000000002, + "recall_at_10": 2.428, + "recall_at_100": 18.099999999999998, + "recall_at_1000": 60.79599999999999, + "recall_at_3": 0.749, + "recall_at_5": 1.238, + "main_score": 88.442 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/Touche2020.json b/results/nvidia__NV-Embed-v2/external/Touche2020.json new file mode 100644 index 000000000..590ffef85 --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.4939999999999998, + "map_at_10": 12.531999999999998, + "map_at_100": 19.147, + "map_at_1000": 20.861, + "map_at_3": 7.558, + "map_at_5": 9.49, + "mrr_at_1": 0.0, + "mrr_at_10": 0.0, + "mrr_at_100": 0.0, + "mrr_at_1000": 0.0, + "mrr_at_3": 0.0, + "mrr_at_5": 0.0, + "ndcg_at_1": 47.959, + "ndcg_at_10": 31.781, + "ndcg_at_100": 42.131, + "ndcg_at_1000": 53.493, + "ndcg_at_3": 39.204, + "ndcg_at_5": 34.635, + "precision_at_1": 48.980000000000004, + "precision_at_10": 27.143, + "precision_at_100": 8.224, + "precision_at_1000": 1.584, + "precision_at_3": 38.775999999999996, + "precision_at_5": 33.061, + "recall_at_1": 3.4939999999999998, + "recall_at_10": 18.895, + "recall_at_100": 50.192, + "recall_at_1000": 85.167, + "recall_at_3": 8.703, + "recall_at_5": 11.824, + "main_score": 31.781 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/ToxicConversationsClassification.json b/results/nvidia__NV-Embed-v2/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..1dba7c156 --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/ToxicConversationsClassification.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.7402, + "accuracy_stderr": 1.020764595781027, + "ap": 44.38594756333084, + "ap_stderr": 1.817150701258273, + "f1": 79.95699280019547, + "f1_stderr": 1.334582498702029, + "main_score": 92.7402 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/TweetSentimentExtractionClassification.json b/results/nvidia__NV-Embed-v2/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..64f60a51f --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,21 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.86870401810978, + "accuracy_stderr": 0.22688467782004712, + "f1": 81.1829040745744, + "f1_stderr": 0.19774920574849694, + "main_score": 80.86870401810978 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/TwentyNewsgroupsClustering.json b/results/nvidia__NV-Embed-v2/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..8baaf23a9 --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 64.82048869927482, + "v_measure": 64.82048869927482, + "v_measure_std": 0.9170394252450564 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/TwitterSemEval2015.json b/results/nvidia__NV-Embed-v2/external/TwitterSemEval2015.json new file mode 100644 index 000000000..1ad58b8d6 --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/TwitterSemEval2015.json @@ -0,0 +1,48 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.44251057996067, + "cos_sim_accuracy_threshold": 70.2150285243988, + "cos_sim_ap": 81.11422351199913, + "cos_sim_f1": 73.71062868615887, + "cos_sim_f1_threshold": 66.507488489151, + "cos_sim_precision": 70.2799712849964, + "cos_sim_recall": 77.4934036939314, + "dot_accuracy": 88.44251057996067, + "dot_accuracy_threshold": 70.2150285243988, + "dot_ap": 81.11420529068658, + "dot_f1": 73.71062868615887, + "dot_f1_threshold": 66.50749444961548, + "dot_precision": 70.2799712849964, + "dot_recall": 77.4934036939314, + "euclidean_accuracy": 88.44251057996067, + "euclidean_accuracy_threshold": 77.18156576156616, + "euclidean_ap": 81.11422421732487, + "euclidean_f1": 73.71062868615887, + "euclidean_f1_threshold": 81.84436559677124, + "euclidean_precision": 70.2799712849964, + "euclidean_recall": 77.4934036939314, + "manhattan_accuracy": 88.26369434344639, + "manhattan_accuracy_threshold": 3837.067413330078, + "manhattan_ap": 80.81442360477725, + "manhattan_f1": 73.39883099117024, + "manhattan_f1_threshold": 4098.833847045898, + "manhattan_precision": 69.41896024464832, + "manhattan_recall": 77.86279683377309, + "max_accuracy": 88.44251057996067, + "max_ap": 81.11422421732487, + "max_f1": 73.71062868615887, + "main_score": 81.11422421732487 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/TwitterURLCorpus.json b/results/nvidia__NV-Embed-v2/external/TwitterURLCorpus.json new file mode 100644 index 000000000..394cb38e2 --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/TwitterURLCorpus.json @@ -0,0 +1,48 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 90.03182365040556, + "cos_sim_accuracy_threshold": 64.46443796157837, + "cos_sim_ap": 87.86649113691112, + "cos_sim_f1": 80.45644844577821, + "cos_sim_f1_threshold": 61.40774488449097, + "cos_sim_precision": 77.54052702992216, + "cos_sim_recall": 83.60024638127503, + "dot_accuracy": 90.03182365040556, + "dot_accuracy_threshold": 64.46444988250732, + "dot_ap": 87.86649011954319, + "dot_f1": 80.45644844577821, + "dot_f1_threshold": 61.407750844955444, + "dot_precision": 77.54052702992216, + "dot_recall": 83.60024638127503, + "euclidean_accuracy": 90.03182365040556, + "euclidean_accuracy_threshold": 84.30368900299072, + "euclidean_ap": 87.86649114275045, + "euclidean_f1": 80.45644844577821, + "euclidean_f1_threshold": 87.8547191619873, + "euclidean_precision": 77.54052702992216, + "euclidean_recall": 83.60024638127503, + "manhattan_accuracy": 89.99883572010712, + "manhattan_accuracy_threshold": 4206.838607788086, + "manhattan_ap": 87.8600826607838, + "manhattan_f1": 80.44054508120217, + "manhattan_f1_threshold": 4372.755432128906, + "manhattan_precision": 78.08219178082192, + "manhattan_recall": 82.94579611949491, + "max_accuracy": 90.03182365040556, + "max_ap": 87.86649114275045, + "max_f1": 80.45644844577821, + "main_score": 87.86649114275045 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Embed-v2/external/model_meta.json b/results/nvidia__NV-Embed-v2/external/model_meta.json new file mode 100644 index 000000000..866a127a6 --- /dev/null +++ b/results/nvidia__NV-Embed-v2/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "nvidia/NV-Embed-v2", + "revision": "7604d305b621f14095a1aa23d351674c2859553a", + "release_date": "2024-08-29", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 7851016192, + "memory_usage": null, + "max_tokens": null, + "embed_dim": 4096, + "license": "cc-by-nc-4.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/nvidia__NV-Retriever-v1/external/ArguAna.json b/results/nvidia__NV-Retriever-v1/external/ArguAna.json new file mode 100644 index 000000000..5ed08e491 --- /dev/null +++ b/results/nvidia__NV-Retriever-v1/external/ArguAna.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 68.277, + "map_at_1": 44.666, + "map_at_10": 60.3, + "map_at_100": 60.692, + "map_at_1000": 60.693, + "map_at_20": 60.645, + "map_at_3": 56.472, + "map_at_5": 58.78, + "mrr_at_1": 45.092460881934564, + "mrr_at_10": 60.493378717063074, + "mrr_at_100": 60.87988588545791, + "mrr_at_1000": 60.88044591502747, + "mrr_at_20": 60.83224958805471, + "mrr_at_3": 56.53153153153162, + "mrr_at_5": 58.942626837363854, + "nauc_map_at_1000_diff1": 14.137909741937149, + "nauc_map_at_1000_max": -13.946656236190021, + "nauc_map_at_1000_std": -27.431659737602732, + "nauc_map_at_100_diff1": 14.136483238553824, + "nauc_map_at_100_max": -13.946721068575075, + "nauc_map_at_100_std": -27.43462339510713, + "nauc_map_at_10_diff1": 13.961240252441984, + "nauc_map_at_10_max": -13.804526866049605, + "nauc_map_at_10_std": -27.35573153559941, + "nauc_map_at_1_diff1": 16.257792463128126, + "nauc_map_at_1_max": -16.164790771610072, + "nauc_map_at_1_std": -27.84021734986689, + "nauc_map_at_20_diff1": 14.106499894575682, + "nauc_map_at_20_max": -13.930699708027205, + "nauc_map_at_20_std": -27.47446428876476, + "nauc_map_at_3_diff1": 15.018611065750246, + "nauc_map_at_3_max": -12.659774043658842, + "nauc_map_at_3_std": -27.186079034885598, + "nauc_map_at_5_diff1": 14.199306816408377, + "nauc_map_at_5_max": -13.261282961741303, + "nauc_map_at_5_std": -26.71739573072423, + "nauc_mrr_at_1000_diff1": 12.629073492081275, + "nauc_mrr_at_1000_max": -14.666344334069448, + "nauc_mrr_at_1000_std": -27.30760238816266, + "nauc_mrr_at_100_diff1": 12.627677268171094, + "nauc_mrr_at_100_max": -14.66639461039424, + "nauc_mrr_at_100_std": -27.310569102264846, + "nauc_mrr_at_10_diff1": 12.482407364331927, + "nauc_mrr_at_10_max": -14.509649052862667, + "nauc_mrr_at_10_std": -27.246235066954423, + "nauc_mrr_at_1_diff1": 15.084265144497373, + "nauc_mrr_at_1_max": -16.312295398834625, + "nauc_mrr_at_1_std": -27.686736137340894, + "nauc_mrr_at_20_diff1": 12.600281810712003, + "nauc_mrr_at_20_max": -14.649133303237166, + "nauc_mrr_at_20_std": -27.350630544847004, + "nauc_mrr_at_3_diff1": 13.081208137779557, + "nauc_mrr_at_3_max": -13.91769455651833, + "nauc_mrr_at_3_std": -27.42237181201488, + "nauc_mrr_at_5_diff1": 12.697412153053486, + "nauc_mrr_at_5_max": -14.046815225580204, + "nauc_mrr_at_5_std": -26.69417403787157, + "nauc_ndcg_at_1000_diff1": 13.984706619459738, + "nauc_ndcg_at_1000_max": -13.48207980711916, + "nauc_ndcg_at_1000_std": -27.16935912553381, + "nauc_ndcg_at_100_diff1": 13.951491624929446, + "nauc_ndcg_at_100_max": -13.483812067015261, + "nauc_ndcg_at_100_std": -27.238639718923814, + "nauc_ndcg_at_10_diff1": 13.16429886726646, + "nauc_ndcg_at_10_max": -12.816570276390305, + "nauc_ndcg_at_10_std": -27.13129457560619, + "nauc_ndcg_at_1_diff1": 16.257792463128126, + "nauc_ndcg_at_1_max": -16.164790771610072, + "nauc_ndcg_at_1_std": -27.84021734986689, + "nauc_ndcg_at_20_diff1": 13.767660163849325, + "nauc_ndcg_at_20_max": -13.330392545127982, + "nauc_ndcg_at_20_std": -27.655874185287637, + "nauc_ndcg_at_3_diff1": 15.379454570465107, + "nauc_ndcg_at_3_max": -10.682369832384417, + "nauc_ndcg_at_3_std": -26.61546503103021, + "nauc_ndcg_at_5_diff1": 13.857194107241847, + "nauc_ndcg_at_5_max": -11.585582001386438, + "nauc_ndcg_at_5_std": -25.60318972329879, + "nauc_precision_at_1000_diff1": 25.196544697410012, + "nauc_precision_at_1000_max": 20.85546049013785, + "nauc_precision_at_1000_std": 56.11900085120013, + "nauc_precision_at_100_diff1": 11.605921153386918, + "nauc_precision_at_100_max": 14.521201087528956, + "nauc_precision_at_100_std": 17.78762614096395, + "nauc_precision_at_10_diff1": 2.9073450747110328, + "nauc_precision_at_10_max": -1.7706065742373982, + "nauc_precision_at_10_std": -25.127721917434958, + "nauc_precision_at_1_diff1": 16.257792463128126, + "nauc_precision_at_1_max": -16.164790771610072, + "nauc_precision_at_1_std": -27.84021734986689, + "nauc_precision_at_20_diff1": 4.945029151806525, + "nauc_precision_at_20_max": 1.299254371223885, + "nauc_precision_at_20_std": -42.34878406902393, + "nauc_precision_at_3_diff1": 17.02535492673917, + "nauc_precision_at_3_max": -3.160620615377462, + "nauc_precision_at_3_std": -24.392959569235646, + "nauc_precision_at_5_diff1": 12.283704585525927, + "nauc_precision_at_5_max": -2.860819740357931, + "nauc_precision_at_5_std": -19.497494992596568, + "nauc_recall_at_1000_diff1": 25.196544697407973, + "nauc_recall_at_1000_max": 20.855460490135933, + "nauc_recall_at_1000_std": 56.119000851196496, + "nauc_recall_at_100_diff1": 11.60592115338627, + "nauc_recall_at_100_max": 14.5212010875248, + "nauc_recall_at_100_std": 17.787626140957425, + "nauc_recall_at_10_diff1": 2.9073450747112304, + "nauc_recall_at_10_max": -1.7706065742371515, + "nauc_recall_at_10_std": -25.12772191743481, + "nauc_recall_at_1_diff1": 16.257792463128126, + "nauc_recall_at_1_max": -16.164790771610072, + "nauc_recall_at_1_std": -27.84021734986689, + "nauc_recall_at_20_diff1": 4.9450291518064935, + "nauc_recall_at_20_max": 1.2992543712237186, + "nauc_recall_at_20_std": -42.34878406902303, + "nauc_recall_at_3_diff1": 17.025354926739237, + "nauc_recall_at_3_max": -3.1606206153775016, + "nauc_recall_at_3_std": -24.39295956923558, + "nauc_recall_at_5_diff1": 12.283704585525939, + "nauc_recall_at_5_max": -2.8608197403578512, + "nauc_recall_at_5_std": -19.497494992596575, + "ndcg_at_1": 44.666, + "ndcg_at_10": 68.277, + "ndcg_at_100": 69.78, + "ndcg_at_1000": 69.78999999999999, + "ndcg_at_20": 69.464, + "ndcg_at_3": 60.462, + "ndcg_at_5": 64.651, + "precision_at_1": 44.666, + "precision_at_10": 9.339, + "precision_at_100": 0.996, + "precision_at_1000": 0.1, + "precision_at_20": 4.897, + "precision_at_3": 24.016000000000002, + "precision_at_5": 16.458000000000002, + "recall_at_1": 44.666, + "recall_at_10": 93.38499999999999, + "recall_at_100": 99.57300000000001, + "recall_at_1000": 99.644, + "recall_at_20": 97.937, + "recall_at_3": 72.048, + "recall_at_5": 82.28999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Retriever-v1/external/CQADupstackAndroidRetrieval.json b/results/nvidia__NV-Retriever-v1/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..2651824e0 --- /dev/null +++ b/results/nvidia__NV-Retriever-v1/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f46a197baaae43b4f621051089b82a364682dfeb", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 57.025000000000006, + "map_at_1": 35.67, + "map_at_10": 49.816, + "map_at_100": 51.465, + "map_at_1000": 51.559, + "map_at_20": 50.843, + "map_at_3": 45.462, + "map_at_5": 47.789, + "mrr_at_1": 44.77825464949928, + "mrr_at_10": 55.787576356245886, + "mrr_at_100": 56.4488799265231, + "mrr_at_1000": 56.47353697784773, + "mrr_at_20": 56.21107253216036, + "mrr_at_3": 52.885073915116834, + "mrr_at_5": 54.58035288507389, + "nauc_map_at_1000_diff1": 50.45823101819382, + "nauc_map_at_1000_max": 36.49053295534483, + "nauc_map_at_1000_std": -18.526304321886187, + "nauc_map_at_100_diff1": 50.4260834410578, + "nauc_map_at_100_max": 36.5085073099934, + "nauc_map_at_100_std": -18.46644794935817, + "nauc_map_at_10_diff1": 50.89883450942742, + "nauc_map_at_10_max": 36.04067774200049, + "nauc_map_at_10_std": -20.056347095828695, + "nauc_map_at_1_diff1": 56.834567406767775, + "nauc_map_at_1_max": 32.806861016490686, + "nauc_map_at_1_std": -17.50758527738866, + "nauc_map_at_20_diff1": 50.5042164434519, + "nauc_map_at_20_max": 36.50186920758872, + "nauc_map_at_20_std": -18.739559098645316, + "nauc_map_at_3_diff1": 51.47192911647498, + "nauc_map_at_3_max": 35.30704707609017, + "nauc_map_at_3_std": -20.29632792705977, + "nauc_map_at_5_diff1": 51.12306422908822, + "nauc_map_at_5_max": 35.89975376917192, + "nauc_map_at_5_std": -19.828384476366086, + "nauc_mrr_at_1000_diff1": 48.849919708933356, + "nauc_mrr_at_1000_max": 37.551368642516984, + "nauc_mrr_at_1000_std": -17.829333495571873, + "nauc_mrr_at_100_diff1": 48.84124005822968, + "nauc_mrr_at_100_max": 37.55507214788527, + "nauc_mrr_at_100_std": -17.829902708031735, + "nauc_mrr_at_10_diff1": 48.75998469903627, + "nauc_mrr_at_10_max": 37.38578492482243, + "nauc_mrr_at_10_std": -18.49027309110136, + "nauc_mrr_at_1_diff1": 52.82147548271261, + "nauc_mrr_at_1_max": 38.52107406488729, + "nauc_mrr_at_1_std": -15.557810119211657, + "nauc_mrr_at_20_diff1": 48.786516207985585, + "nauc_mrr_at_20_max": 37.53134866494839, + "nauc_mrr_at_20_std": -17.78055242023104, + "nauc_mrr_at_3_diff1": 48.72848733815437, + "nauc_mrr_at_3_max": 37.62564116429598, + "nauc_mrr_at_3_std": -18.63098278761354, + "nauc_mrr_at_5_diff1": 48.67198763487669, + "nauc_mrr_at_5_max": 37.46200111234106, + "nauc_mrr_at_5_std": -18.592288612712576, + "nauc_ndcg_at_1000_diff1": 48.75201809702225, + "nauc_ndcg_at_1000_max": 37.04967809462886, + "nauc_ndcg_at_1000_std": -16.948540945875216, + "nauc_ndcg_at_100_diff1": 48.213857924243804, + "nauc_ndcg_at_100_max": 36.99860703887876, + "nauc_ndcg_at_100_std": -16.420746045271017, + "nauc_ndcg_at_10_diff1": 48.7590345342662, + "nauc_ndcg_at_10_max": 36.087304891668495, + "nauc_ndcg_at_10_std": -20.677784655001727, + "nauc_ndcg_at_1_diff1": 52.82147548271261, + "nauc_ndcg_at_1_max": 38.52107406488729, + "nauc_ndcg_at_1_std": -15.557810119211657, + "nauc_ndcg_at_20_diff1": 48.119759046742004, + "nauc_ndcg_at_20_max": 36.91858601052183, + "nauc_ndcg_at_20_std": -17.315588991460316, + "nauc_ndcg_at_3_diff1": 48.35879771694856, + "nauc_ndcg_at_3_max": 36.59333419427929, + "nauc_ndcg_at_3_std": -19.646763729930917, + "nauc_ndcg_at_5_diff1": 48.73702053100838, + "nauc_ndcg_at_5_max": 36.2032422359128, + "nauc_ndcg_at_5_std": -19.81761218645642, + "nauc_precision_at_1000_diff1": -19.23879401783259, + "nauc_precision_at_1000_max": -10.334669548312661, + "nauc_precision_at_1000_std": 1.8528999887213935, + "nauc_precision_at_100_diff1": -17.061064047641576, + "nauc_precision_at_100_max": -2.2318557604173557, + "nauc_precision_at_100_std": 9.453864069155783, + "nauc_precision_at_10_diff1": -0.0250981142012463, + "nauc_precision_at_10_max": 15.000297351883034, + "nauc_precision_at_10_std": -1.6209044879293661, + "nauc_precision_at_1_diff1": 52.82147548271261, + "nauc_precision_at_1_max": 38.52107406488729, + "nauc_precision_at_1_std": -15.557810119211657, + "nauc_precision_at_20_diff1": -9.566950286920978, + "nauc_precision_at_20_max": 9.865702753901365, + "nauc_precision_at_20_std": 8.87854086185741, + "nauc_precision_at_3_diff1": 19.978926078471915, + "nauc_precision_at_3_max": 29.135402513527524, + "nauc_precision_at_3_std": -12.410877361712942, + "nauc_precision_at_5_diff1": 11.602459698883452, + "nauc_precision_at_5_max": 24.44724344216036, + "nauc_precision_at_5_std": -6.23012846505485, + "nauc_recall_at_1000_diff1": 30.5620107082901, + "nauc_recall_at_1000_max": 57.90393858174957, + "nauc_recall_at_1000_std": 50.27827169570347, + "nauc_recall_at_100_diff1": 30.37443399479563, + "nauc_recall_at_100_max": 37.75874353752331, + "nauc_recall_at_100_std": 10.331635217724585, + "nauc_recall_at_10_diff1": 42.50804834678793, + "nauc_recall_at_10_max": 32.01676571227172, + "nauc_recall_at_10_std": -24.707266416874376, + "nauc_recall_at_1_diff1": 56.834567406767775, + "nauc_recall_at_1_max": 32.806861016490686, + "nauc_recall_at_1_std": -17.50758527738866, + "nauc_recall_at_20_diff1": 38.7222771840029, + "nauc_recall_at_20_max": 35.62991559107865, + "nauc_recall_at_20_std": -8.672399835082256, + "nauc_recall_at_3_diff1": 44.63989156943874, + "nauc_recall_at_3_max": 32.924250725683954, + "nauc_recall_at_3_std": -22.031517542434386, + "nauc_recall_at_5_diff1": 43.52398344993421, + "nauc_recall_at_5_max": 32.68140834172185, + "nauc_recall_at_5_std": -22.07867437121263, + "ndcg_at_1": 44.778, + "ndcg_at_10": 57.025000000000006, + "ndcg_at_100": 62.007, + "ndcg_at_1000": 63.11, + "ndcg_at_20": 59.301, + "ndcg_at_3": 51.162, + "ndcg_at_5": 53.684, + "precision_at_1": 44.778, + "precision_at_10": 11.173, + "precision_at_100": 1.7080000000000002, + "precision_at_1000": 0.20600000000000002, + "precision_at_20": 6.651999999999999, + "precision_at_3": 25.130999999999997, + "precision_at_5": 18.026, + "recall_at_1": 35.67, + "recall_at_10": 71.006, + "recall_at_100": 91.24, + "recall_at_1000": 97.68599999999999, + "recall_at_20": 78.869, + "recall_at_3": 53.616, + "recall_at_5": 61.046 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Retriever-v1/external/CQADupstackEnglishRetrieval.json b/results/nvidia__NV-Retriever-v1/external/CQADupstackEnglishRetrieval.json new file mode 100644 index 000000000..6b87eff02 --- /dev/null +++ b/results/nvidia__NV-Retriever-v1/external/CQADupstackEnglishRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ad9991cb51e31e31e430383c75ffb2885547b5f0", + "task_name": "CQADupstackEnglishRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 56.93, + "map_at_1": 37.869, + "map_at_10": 50.651999999999994, + "map_at_100": 52.099, + "map_at_1000": 52.229000000000006, + "map_at_20": 51.471000000000004, + "map_at_3": 46.900999999999996, + "map_at_5": 49.163000000000004, + "mrr_at_1": 48.152866242038215, + "mrr_at_10": 57.048781720756324, + "mrr_at_100": 57.61447046748723, + "mrr_at_1000": 57.64904742638159, + "mrr_at_20": 57.39780918212383, + "mrr_at_3": 54.80891719745229, + "mrr_at_5": 56.28343949044594, + "nauc_map_at_1000_diff1": 58.85279432139136, + "nauc_map_at_1000_max": 44.27751637558559, + "nauc_map_at_1000_std": -15.750083199667806, + "nauc_map_at_100_diff1": 58.86033676691407, + "nauc_map_at_100_max": 44.19456055171921, + "nauc_map_at_100_std": -15.866235670948466, + "nauc_map_at_10_diff1": 59.15850189168124, + "nauc_map_at_10_max": 43.11472836391707, + "nauc_map_at_10_std": -17.744478993375527, + "nauc_map_at_1_diff1": 64.04942461321761, + "nauc_map_at_1_max": 36.02760504360551, + "nauc_map_at_1_std": -20.916663614576407, + "nauc_map_at_20_diff1": 58.98751913649348, + "nauc_map_at_20_max": 43.747358339703325, + "nauc_map_at_20_std": -16.73926017048612, + "nauc_map_at_3_diff1": 60.545139674280094, + "nauc_map_at_3_max": 41.30484092754499, + "nauc_map_at_3_std": -20.449249818528614, + "nauc_map_at_5_diff1": 59.60326322666997, + "nauc_map_at_5_max": 42.108701221797, + "nauc_map_at_5_std": -18.957986608087435, + "nauc_mrr_at_1000_diff1": 56.30127401697153, + "nauc_mrr_at_1000_max": 47.08483234515321, + "nauc_mrr_at_1000_std": -10.314335018294779, + "nauc_mrr_at_100_diff1": 56.28727998516319, + "nauc_mrr_at_100_max": 47.08137119553827, + "nauc_mrr_at_100_std": -10.295734439040498, + "nauc_mrr_at_10_diff1": 56.25229630851168, + "nauc_mrr_at_10_max": 47.149329681676, + "nauc_mrr_at_10_std": -10.598837356654567, + "nauc_mrr_at_1_diff1": 59.098651501966394, + "nauc_mrr_at_1_max": 46.60615627466452, + "nauc_mrr_at_1_std": -10.475650807142516, + "nauc_mrr_at_20_diff1": 56.2453798649222, + "nauc_mrr_at_20_max": 47.09346599217677, + "nauc_mrr_at_20_std": -10.386425082322834, + "nauc_mrr_at_3_diff1": 56.75733035936052, + "nauc_mrr_at_3_max": 46.94088551304416, + "nauc_mrr_at_3_std": -11.483866905681051, + "nauc_mrr_at_5_diff1": 56.40006056789708, + "nauc_mrr_at_5_max": 46.808130364381846, + "nauc_mrr_at_5_std": -11.050122560712222, + "nauc_ndcg_at_1000_diff1": 56.60974899528984, + "nauc_ndcg_at_1000_max": 46.20688890501171, + "nauc_ndcg_at_1000_std": -11.14222381973439, + "nauc_ndcg_at_100_diff1": 56.677945515470675, + "nauc_ndcg_at_100_max": 46.001596072553404, + "nauc_ndcg_at_100_std": -11.229044974791337, + "nauc_ndcg_at_10_diff1": 57.1066442501231, + "nauc_ndcg_at_10_max": 45.542982262967776, + "nauc_ndcg_at_10_std": -14.273638238311195, + "nauc_ndcg_at_1_diff1": 59.098651501966394, + "nauc_ndcg_at_1_max": 46.60615627466452, + "nauc_ndcg_at_1_std": -10.475650807142516, + "nauc_ndcg_at_20_diff1": 56.851307181340694, + "nauc_ndcg_at_20_max": 45.84417755460993, + "nauc_ndcg_at_20_std": -12.926633494308371, + "nauc_ndcg_at_3_diff1": 57.423753276241754, + "nauc_ndcg_at_3_max": 45.1658528352273, + "nauc_ndcg_at_3_std": -15.041500407672178, + "nauc_ndcg_at_5_diff1": 57.366735747016584, + "nauc_ndcg_at_5_max": 44.754486357586316, + "nauc_ndcg_at_5_std": -15.100632526050441, + "nauc_precision_at_1000_diff1": -23.32973690238293, + "nauc_precision_at_1000_max": 9.122165441089374, + "nauc_precision_at_1000_std": 32.082444098667565, + "nauc_precision_at_100_diff1": -16.218615616263428, + "nauc_precision_at_100_max": 19.44437302773441, + "nauc_precision_at_100_std": 35.248811470691166, + "nauc_precision_at_10_diff1": 1.0766468144861965, + "nauc_precision_at_10_max": 30.491892916282236, + "nauc_precision_at_10_std": 18.538876410079585, + "nauc_precision_at_1_diff1": 59.098651501966394, + "nauc_precision_at_1_max": 46.60615627466452, + "nauc_precision_at_1_std": -10.475650807142516, + "nauc_precision_at_20_diff1": -6.769874545877082, + "nauc_precision_at_20_max": 26.352774891191004, + "nauc_precision_at_20_std": 26.150734923942952, + "nauc_precision_at_3_diff1": 23.74601942735032, + "nauc_precision_at_3_max": 39.71043044078846, + "nauc_precision_at_3_std": 3.161463247727185, + "nauc_precision_at_5_diff1": 11.589849872978208, + "nauc_precision_at_5_max": 34.355473407777296, + "nauc_precision_at_5_std": 10.0662074493734, + "nauc_recall_at_1000_diff1": 44.20612579552725, + "nauc_recall_at_1000_max": 54.50563586814392, + "nauc_recall_at_1000_std": 29.37098358130919, + "nauc_recall_at_100_diff1": 46.991905821496225, + "nauc_recall_at_100_max": 45.677355517440446, + "nauc_recall_at_100_std": 8.193115293674246, + "nauc_recall_at_10_diff1": 51.021956806545575, + "nauc_recall_at_10_max": 42.39780880270869, + "nauc_recall_at_10_std": -14.372872090525025, + "nauc_recall_at_1_diff1": 64.04942461321761, + "nauc_recall_at_1_max": 36.02760504360551, + "nauc_recall_at_1_std": -20.916663614576407, + "nauc_recall_at_20_diff1": 49.330317036362736, + "nauc_recall_at_20_max": 43.82370541895915, + "nauc_recall_at_20_std": -7.676142813819095, + "nauc_recall_at_3_diff1": 56.15563158128648, + "nauc_recall_at_3_max": 39.776800175069496, + "nauc_recall_at_3_std": -21.67535047518367, + "nauc_recall_at_5_diff1": 53.55725212243435, + "nauc_recall_at_5_max": 39.639229625237746, + "nauc_recall_at_5_std": -18.537472489671433, + "ndcg_at_1": 48.153, + "ndcg_at_10": 56.93, + "ndcg_at_100": 61.041999999999994, + "ndcg_at_1000": 62.71600000000001, + "ndcg_at_20": 58.626999999999995, + "ndcg_at_3": 52.437999999999995, + "ndcg_at_5": 54.774, + "precision_at_1": 48.153, + "precision_at_10": 10.93, + "precision_at_100": 1.669, + "precision_at_1000": 0.213, + "precision_at_20": 6.382000000000001, + "precision_at_3": 25.796000000000003, + "precision_at_5": 18.407999999999998, + "recall_at_1": 37.869, + "recall_at_10": 67.514, + "recall_at_100": 84.454, + "recall_at_1000": 94.356, + "recall_at_20": 73.558, + "recall_at_3": 53.559, + "recall_at_5": 60.475 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Retriever-v1/external/CQADupstackGamingRetrieval.json b/results/nvidia__NV-Retriever-v1/external/CQADupstackGamingRetrieval.json new file mode 100644 index 000000000..af9af4928 --- /dev/null +++ b/results/nvidia__NV-Retriever-v1/external/CQADupstackGamingRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "4885aa143210c98657558c04aaf3dc47cfb54340", + "task_name": "CQADupstackGamingRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 67.253, + "map_at_1": 46.905, + "map_at_10": 61.332, + "map_at_100": 62.304, + "map_at_1000": 62.334, + "map_at_20": 61.964, + "map_at_3": 58.042, + "map_at_5": 59.882000000000005, + "mrr_at_1": 53.47962382445141, + "mrr_at_10": 64.39956212370015, + "mrr_at_100": 64.95557189125634, + "mrr_at_1000": 64.96848596592983, + "mrr_at_20": 64.77428822572568, + "mrr_at_3": 62.309299895506896, + "mrr_at_5": 63.54440961337527, + "nauc_map_at_1000_diff1": 56.74686837364893, + "nauc_map_at_1000_max": 37.37480368876817, + "nauc_map_at_1000_std": -10.049421617657124, + "nauc_map_at_100_diff1": 56.72313143831275, + "nauc_map_at_100_max": 37.35797555204418, + "nauc_map_at_100_std": -10.049812301974452, + "nauc_map_at_10_diff1": 56.68397120600094, + "nauc_map_at_10_max": 36.59842978269273, + "nauc_map_at_10_std": -11.174804244499098, + "nauc_map_at_1_diff1": 61.94214953873164, + "nauc_map_at_1_max": 28.119092174242382, + "nauc_map_at_1_std": -14.419629681905278, + "nauc_map_at_20_diff1": 56.66822667045707, + "nauc_map_at_20_max": 37.19179210659321, + "nauc_map_at_20_std": -10.36424574922098, + "nauc_map_at_3_diff1": 56.786004222951966, + "nauc_map_at_3_max": 34.409125163057354, + "nauc_map_at_3_std": -12.308681065089702, + "nauc_map_at_5_diff1": 56.837122717249855, + "nauc_map_at_5_max": 35.70069180549282, + "nauc_map_at_5_std": -12.19154238352126, + "nauc_mrr_at_1000_diff1": 57.03608286201278, + "nauc_mrr_at_1000_max": 39.15777651816965, + "nauc_mrr_at_1000_std": -8.45524348928121, + "nauc_mrr_at_100_diff1": 57.03051889095766, + "nauc_mrr_at_100_max": 39.168900323859, + "nauc_mrr_at_100_std": -8.439862972545644, + "nauc_mrr_at_10_diff1": 56.848642658414775, + "nauc_mrr_at_10_max": 39.11801407771557, + "nauc_mrr_at_10_std": -8.678625365653245, + "nauc_mrr_at_1_diff1": 61.1124527741601, + "nauc_mrr_at_1_max": 36.080048505155865, + "nauc_mrr_at_1_std": -10.584194474752584, + "nauc_mrr_at_20_diff1": 56.878714270983146, + "nauc_mrr_at_20_max": 39.16569382719707, + "nauc_mrr_at_20_std": -8.447245465078893, + "nauc_mrr_at_3_diff1": 56.87172734333986, + "nauc_mrr_at_3_max": 39.07882270376788, + "nauc_mrr_at_3_std": -9.069457598400062, + "nauc_mrr_at_5_diff1": 56.82487051170517, + "nauc_mrr_at_5_max": 39.030878651662796, + "nauc_mrr_at_5_std": -9.076518259406917, + "nauc_ndcg_at_1000_diff1": 56.082240909091695, + "nauc_ndcg_at_1000_max": 39.699264232007025, + "nauc_ndcg_at_1000_std": -7.502941002933741, + "nauc_ndcg_at_100_diff1": 55.887513398861955, + "nauc_ndcg_at_100_max": 39.847450141736395, + "nauc_ndcg_at_100_std": -7.146894645593031, + "nauc_ndcg_at_10_diff1": 55.15467572394677, + "nauc_ndcg_at_10_max": 38.97265748975791, + "nauc_ndcg_at_10_std": -9.4670794339538, + "nauc_ndcg_at_1_diff1": 61.1124527741601, + "nauc_ndcg_at_1_max": 36.080048505155865, + "nauc_ndcg_at_1_std": -10.584194474752584, + "nauc_ndcg_at_20_diff1": 55.15513104937557, + "nauc_ndcg_at_20_max": 39.66296704562037, + "nauc_ndcg_at_20_std": -7.847800655967109, + "nauc_ndcg_at_3_diff1": 54.96185776120714, + "nauc_ndcg_at_3_max": 37.00790660301803, + "nauc_ndcg_at_3_std": -10.547349631779593, + "nauc_ndcg_at_5_diff1": 55.292986134183764, + "nauc_ndcg_at_5_max": 38.12541620211435, + "nauc_ndcg_at_5_std": -10.961954651898877, + "nauc_precision_at_1000_diff1": -17.737775083152922, + "nauc_precision_at_1000_max": 21.575992446429407, + "nauc_precision_at_1000_std": 30.76555260404715, + "nauc_precision_at_100_diff1": -17.3761536797116, + "nauc_precision_at_100_max": 23.455151994000513, + "nauc_precision_at_100_std": 30.66476060812044, + "nauc_precision_at_10_diff1": 0.37712699076668355, + "nauc_precision_at_10_max": 31.298133911984248, + "nauc_precision_at_10_std": 16.134374567323214, + "nauc_precision_at_1_diff1": 61.1124527741601, + "nauc_precision_at_1_max": 36.080048505155865, + "nauc_precision_at_1_std": -10.584194474752584, + "nauc_precision_at_20_diff1": -7.697609516072893, + "nauc_precision_at_20_max": 30.392978129152638, + "nauc_precision_at_20_std": 25.297979676649902, + "nauc_precision_at_3_diff1": 21.920115701694172, + "nauc_precision_at_3_max": 35.916002988740644, + "nauc_precision_at_3_std": 3.192816307982428, + "nauc_precision_at_5_diff1": 12.416994377124743, + "nauc_precision_at_5_max": 34.60793433800759, + "nauc_precision_at_5_std": 7.681539417199799, + "nauc_recall_at_1000_diff1": 45.05841406616179, + "nauc_recall_at_1000_max": 84.01729859779441, + "nauc_recall_at_1000_std": 70.81952441677544, + "nauc_recall_at_100_diff1": 47.82912442332592, + "nauc_recall_at_100_max": 61.538854248032905, + "nauc_recall_at_100_std": 31.507749555394742, + "nauc_recall_at_10_diff1": 46.23707108341979, + "nauc_recall_at_10_max": 40.14549188124033, + "nauc_recall_at_10_std": -8.418378388855976, + "nauc_recall_at_1_diff1": 61.94214953873164, + "nauc_recall_at_1_max": 28.119092174242382, + "nauc_recall_at_1_std": -14.419629681905278, + "nauc_recall_at_20_diff1": 43.5874302201068, + "nauc_recall_at_20_max": 46.94504592203577, + "nauc_recall_at_20_std": 3.913410811827146, + "nauc_recall_at_3_diff1": 49.63064701945406, + "nauc_recall_at_3_max": 35.29572226414386, + "nauc_recall_at_3_std": -12.297827741460027, + "nauc_recall_at_5_diff1": 48.601651302714224, + "nauc_recall_at_5_max": 37.38710560640659, + "nauc_recall_at_5_std": -13.458409202400507, + "ndcg_at_1": 53.480000000000004, + "ndcg_at_10": 67.253, + "ndcg_at_100": 70.648, + "ndcg_at_1000": 71.139, + "ndcg_at_20": 68.905, + "ndcg_at_3": 62.178, + "ndcg_at_5": 64.64800000000001, + "precision_at_1": 53.480000000000004, + "precision_at_10": 10.696, + "precision_at_100": 1.325, + "precision_at_1000": 0.13899999999999998, + "precision_at_20": 5.884, + "precision_at_3": 27.794999999999998, + "precision_at_5": 18.708, + "recall_at_1": 46.905, + "recall_at_10": 81.234, + "recall_at_100": 95.489, + "recall_at_1000": 98.729, + "recall_at_20": 87.29400000000001, + "recall_at_3": 67.869, + "recall_at_5": 73.896 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Retriever-v1/external/CQADupstackGisRetrieval.json b/results/nvidia__NV-Retriever-v1/external/CQADupstackGisRetrieval.json new file mode 100644 index 000000000..e379e08b5 --- /dev/null +++ b/results/nvidia__NV-Retriever-v1/external/CQADupstackGisRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "5003b3064772da1887988e05400cf3806fe491f2", + "task_name": "CQADupstackGisRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 46.397, + "map_at_1": 30.613, + "map_at_10": 40.581, + "map_at_100": 41.660000000000004, + "map_at_1000": 41.721000000000004, + "map_at_20": 41.211999999999996, + "map_at_3": 37.32, + "map_at_5": 39.114, + "mrr_at_1": 33.220338983050844, + "mrr_at_10": 42.83718948973182, + "mrr_at_100": 43.71836325492362, + "mrr_at_1000": 43.76175841571598, + "mrr_at_20": 43.384811953015166, + "mrr_at_3": 39.830508474576256, + "mrr_at_5": 41.54802259887001, + "nauc_map_at_1000_diff1": 42.6225958477453, + "nauc_map_at_1000_max": 28.013356866974238, + "nauc_map_at_1000_std": -9.409667321411026, + "nauc_map_at_100_diff1": 42.610412175224766, + "nauc_map_at_100_max": 28.002610966435736, + "nauc_map_at_100_std": -9.411570910136719, + "nauc_map_at_10_diff1": 42.63151134672704, + "nauc_map_at_10_max": 28.001496131016022, + "nauc_map_at_10_std": -9.67772644457909, + "nauc_map_at_1_diff1": 46.31023790327735, + "nauc_map_at_1_max": 24.2900776546879, + "nauc_map_at_1_std": -11.905089868017578, + "nauc_map_at_20_diff1": 42.6522287088466, + "nauc_map_at_20_max": 27.975313282087043, + "nauc_map_at_20_std": -9.550553164224084, + "nauc_map_at_3_diff1": 43.272779420270226, + "nauc_map_at_3_max": 26.92288244998244, + "nauc_map_at_3_std": -10.575038389958834, + "nauc_map_at_5_diff1": 42.58131102442881, + "nauc_map_at_5_max": 27.04453513629861, + "nauc_map_at_5_std": -10.317573458025175, + "nauc_mrr_at_1000_diff1": 41.126210961719636, + "nauc_mrr_at_1000_max": 28.513261505932054, + "nauc_mrr_at_1000_std": -8.546982260677629, + "nauc_mrr_at_100_diff1": 41.110923675787234, + "nauc_mrr_at_100_max": 28.52042510810816, + "nauc_mrr_at_100_std": -8.534554512496843, + "nauc_mrr_at_10_diff1": 41.07534061242193, + "nauc_mrr_at_10_max": 28.44682429205697, + "nauc_mrr_at_10_std": -8.6819795408583, + "nauc_mrr_at_1_diff1": 44.40023434506226, + "nauc_mrr_at_1_max": 25.9478208158475, + "nauc_mrr_at_1_std": -10.872665260136657, + "nauc_mrr_at_20_diff1": 41.146798233387074, + "nauc_mrr_at_20_max": 28.517336935279054, + "nauc_mrr_at_20_std": -8.580094403841978, + "nauc_mrr_at_3_diff1": 41.60309522639159, + "nauc_mrr_at_3_max": 28.379418612638734, + "nauc_mrr_at_3_std": -9.263458517583244, + "nauc_mrr_at_5_diff1": 40.99565866982568, + "nauc_mrr_at_5_max": 27.90866498875212, + "nauc_mrr_at_5_std": -8.941725041767588, + "nauc_ndcg_at_1000_diff1": 41.11051620257291, + "nauc_ndcg_at_1000_max": 29.70811129532719, + "nauc_ndcg_at_1000_std": -7.127215646258767, + "nauc_ndcg_at_100_diff1": 40.63555558695194, + "nauc_ndcg_at_100_max": 29.701486964402413, + "nauc_ndcg_at_100_std": -6.577078704400861, + "nauc_ndcg_at_10_diff1": 40.87142841339465, + "nauc_ndcg_at_10_max": 29.704589449676533, + "nauc_ndcg_at_10_std": -7.674397553684968, + "nauc_ndcg_at_1_diff1": 44.40023434506226, + "nauc_ndcg_at_1_max": 25.9478208158475, + "nauc_ndcg_at_1_std": -10.872665260136657, + "nauc_ndcg_at_20_diff1": 41.06323938303467, + "nauc_ndcg_at_20_max": 29.883715521818203, + "nauc_ndcg_at_20_std": -7.155761930055846, + "nauc_ndcg_at_3_diff1": 41.935479029537156, + "nauc_ndcg_at_3_max": 28.171952324901135, + "nauc_ndcg_at_3_std": -9.737703474161384, + "nauc_ndcg_at_5_diff1": 40.69403623214395, + "nauc_ndcg_at_5_max": 27.702311421182756, + "nauc_ndcg_at_5_std": -9.060968201824112, + "nauc_precision_at_1000_diff1": -8.885096064850758, + "nauc_precision_at_1000_max": 14.053447868468186, + "nauc_precision_at_1000_std": 12.07987711511724, + "nauc_precision_at_100_diff1": 2.3188506683364287, + "nauc_precision_at_100_max": 22.080025207013655, + "nauc_precision_at_100_std": 14.172840329817307, + "nauc_precision_at_10_diff1": 24.9332547479345, + "nauc_precision_at_10_max": 34.6422733091986, + "nauc_precision_at_10_std": 1.9970789498947206, + "nauc_precision_at_1_diff1": 44.40023434506226, + "nauc_precision_at_1_max": 25.9478208158475, + "nauc_precision_at_1_std": -10.872665260136657, + "nauc_precision_at_20_diff1": 20.640050910422755, + "nauc_precision_at_20_max": 32.260405497760615, + "nauc_precision_at_20_std": 6.854997919374335, + "nauc_precision_at_3_diff1": 33.29459667683485, + "nauc_precision_at_3_max": 32.151627242504325, + "nauc_precision_at_3_std": -5.8202369823669855, + "nauc_precision_at_5_diff1": 28.763772683866794, + "nauc_precision_at_5_max": 31.392059038257553, + "nauc_precision_at_5_std": -3.9737244392531172, + "nauc_recall_at_1000_diff1": 26.491178998164894, + "nauc_recall_at_1000_max": 53.78324098258691, + "nauc_recall_at_1000_std": 22.795807409776284, + "nauc_recall_at_100_diff1": 27.100846383184855, + "nauc_recall_at_100_max": 36.26211685620019, + "nauc_recall_at_100_std": 12.001840836651729, + "nauc_recall_at_10_diff1": 35.281252536584226, + "nauc_recall_at_10_max": 34.13064097658273, + "nauc_recall_at_10_std": -1.238221844846595, + "nauc_recall_at_1_diff1": 46.31023790327735, + "nauc_recall_at_1_max": 24.2900776546879, + "nauc_recall_at_1_std": -11.905089868017578, + "nauc_recall_at_20_diff1": 35.29612485423622, + "nauc_recall_at_20_max": 36.059880890712606, + "nauc_recall_at_20_std": 2.0708009945980916, + "nauc_recall_at_3_diff1": 39.33916378398866, + "nauc_recall_at_3_max": 28.825178871677544, + "nauc_recall_at_3_std": -8.391711028859733, + "nauc_recall_at_5_diff1": 35.394135184248086, + "nauc_recall_at_5_max": 27.370010171655295, + "nauc_recall_at_5_std": -6.342877659046013, + "ndcg_at_1": 33.22, + "ndcg_at_10": 46.397, + "ndcg_at_100": 51.510999999999996, + "ndcg_at_1000": 52.941, + "ndcg_at_20": 48.614000000000004, + "ndcg_at_3": 40.066, + "ndcg_at_5": 43.086, + "precision_at_1": 33.22, + "precision_at_10": 7.153, + "precision_at_100": 1.028, + "precision_at_1000": 0.11800000000000001, + "precision_at_20": 4.1129999999999995, + "precision_at_3": 16.949, + "precision_at_5": 11.932, + "recall_at_1": 30.613, + "recall_at_10": 62.248000000000005, + "recall_at_100": 85.311, + "recall_at_1000": 95.88799999999999, + "recall_at_20": 70.729, + "recall_at_3": 45.104, + "recall_at_5": 52.370000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Retriever-v1/external/CQADupstackMathematicaRetrieval.json b/results/nvidia__NV-Retriever-v1/external/CQADupstackMathematicaRetrieval.json new file mode 100644 index 000000000..6950977c7 --- /dev/null +++ b/results/nvidia__NV-Retriever-v1/external/CQADupstackMathematicaRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "90fceea13679c63fe563ded68f3b6f06e50061de", + "task_name": "CQADupstackMathematicaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 39.528999999999996, + "map_at_1": 22.289, + "map_at_10": 33.159, + "map_at_100": 34.544999999999995, + "map_at_1000": 34.657, + "map_at_20": 33.946, + "map_at_3": 29.877, + "map_at_5": 31.789, + "mrr_at_1": 27.860696517412936, + "mrr_at_10": 38.592454394693185, + "mrr_at_100": 39.532435897754596, + "mrr_at_1000": 39.58977434786168, + "mrr_at_20": 39.18675071024776, + "mrr_at_3": 35.96600331674959, + "mrr_at_5": 37.526948590381416, + "nauc_map_at_1000_diff1": 33.700166326733495, + "nauc_map_at_1000_max": 20.881755159195087, + "nauc_map_at_1000_std": -3.3430462158114675, + "nauc_map_at_100_diff1": 33.692093684241065, + "nauc_map_at_100_max": 20.906418728277437, + "nauc_map_at_100_std": -3.3316697944388443, + "nauc_map_at_10_diff1": 33.42287630575565, + "nauc_map_at_10_max": 20.50001954371251, + "nauc_map_at_10_std": -4.08460043500711, + "nauc_map_at_1_diff1": 37.87404744244711, + "nauc_map_at_1_max": 19.670953538008504, + "nauc_map_at_1_std": -6.429774614333435, + "nauc_map_at_20_diff1": 33.60771917466459, + "nauc_map_at_20_max": 20.708044731830018, + "nauc_map_at_20_std": -3.6069971679953143, + "nauc_map_at_3_diff1": 33.65349486102774, + "nauc_map_at_3_max": 19.627398723335993, + "nauc_map_at_3_std": -4.306026212618319, + "nauc_map_at_5_diff1": 33.471450513985964, + "nauc_map_at_5_max": 19.948552824819032, + "nauc_map_at_5_std": -4.923599608990918, + "nauc_mrr_at_1000_diff1": 32.662151329963095, + "nauc_mrr_at_1000_max": 22.537786156087673, + "nauc_mrr_at_1000_std": -2.7960608938625215, + "nauc_mrr_at_100_diff1": 32.65867171998483, + "nauc_mrr_at_100_max": 22.547865954292774, + "nauc_mrr_at_100_std": -2.801012467040567, + "nauc_mrr_at_10_diff1": 32.544025707175926, + "nauc_mrr_at_10_max": 22.602412903085646, + "nauc_mrr_at_10_std": -3.0158656805804602, + "nauc_mrr_at_1_diff1": 36.968863725891985, + "nauc_mrr_at_1_max": 22.042028260738334, + "nauc_mrr_at_1_std": -4.81746524838004, + "nauc_mrr_at_20_diff1": 32.6425264960166, + "nauc_mrr_at_20_max": 22.513542321494686, + "nauc_mrr_at_20_std": -2.8764217789260575, + "nauc_mrr_at_3_diff1": 32.50201126992818, + "nauc_mrr_at_3_max": 22.128017930298302, + "nauc_mrr_at_3_std": -3.023665576028868, + "nauc_mrr_at_5_diff1": 32.56418157013767, + "nauc_mrr_at_5_max": 22.05870005229312, + "nauc_mrr_at_5_std": -3.5021924901272863, + "nauc_ndcg_at_1000_diff1": 32.74240275632584, + "nauc_ndcg_at_1000_max": 22.404494093544148, + "nauc_ndcg_at_1000_std": -0.5292268805090566, + "nauc_ndcg_at_100_diff1": 32.39837105476146, + "nauc_ndcg_at_100_max": 22.79204625219021, + "nauc_ndcg_at_100_std": -0.3490651737152355, + "nauc_ndcg_at_10_diff1": 31.932581950709647, + "nauc_ndcg_at_10_max": 21.779867741726864, + "nauc_ndcg_at_10_std": -2.6923178974285857, + "nauc_ndcg_at_1_diff1": 36.968863725891985, + "nauc_ndcg_at_1_max": 22.042028260738334, + "nauc_ndcg_at_1_std": -4.81746524838004, + "nauc_ndcg_at_20_diff1": 32.463586670511226, + "nauc_ndcg_at_20_max": 22.140858428394843, + "nauc_ndcg_at_20_std": -1.4367590351530557, + "nauc_ndcg_at_3_diff1": 32.446170362942084, + "nauc_ndcg_at_3_max": 20.60928390930364, + "nauc_ndcg_at_3_std": -3.468700146234719, + "nauc_ndcg_at_5_diff1": 32.162455412182865, + "nauc_ndcg_at_5_max": 20.725999446060232, + "nauc_ndcg_at_5_std": -4.274903425807673, + "nauc_precision_at_1000_diff1": -1.7949376725223287, + "nauc_precision_at_1000_max": 4.138926678307252, + "nauc_precision_at_1000_std": 5.718976977950761, + "nauc_precision_at_100_diff1": 6.815844234312567, + "nauc_precision_at_100_max": 15.267630374047453, + "nauc_precision_at_100_std": 10.648732358170012, + "nauc_precision_at_10_diff1": 18.776246678630283, + "nauc_precision_at_10_max": 20.677245431024357, + "nauc_precision_at_10_std": 1.6530753958695428, + "nauc_precision_at_1_diff1": 36.968863725891985, + "nauc_precision_at_1_max": 22.042028260738334, + "nauc_precision_at_1_std": -4.81746524838004, + "nauc_precision_at_20_diff1": 16.901118214014854, + "nauc_precision_at_20_max": 20.321433804879973, + "nauc_precision_at_20_std": 6.464565628780512, + "nauc_precision_at_3_diff1": 25.438322928150715, + "nauc_precision_at_3_max": 21.513381450535192, + "nauc_precision_at_3_std": -1.0164220255846312, + "nauc_precision_at_5_diff1": 22.374520350110284, + "nauc_precision_at_5_max": 20.541307175039307, + "nauc_precision_at_5_std": -2.6340396442123537, + "nauc_recall_at_1000_diff1": 24.96791522787828, + "nauc_recall_at_1000_max": 28.234314683043806, + "nauc_recall_at_1000_std": 40.696299617721635, + "nauc_recall_at_100_diff1": 23.613948951560566, + "nauc_recall_at_100_max": 25.980432165003002, + "nauc_recall_at_100_std": 13.815393892614894, + "nauc_recall_at_10_diff1": 26.08578893691453, + "nauc_recall_at_10_max": 21.68887563256401, + "nauc_recall_at_10_std": 0.3183582141083137, + "nauc_recall_at_1_diff1": 37.87404744244711, + "nauc_recall_at_1_max": 19.670953538008504, + "nauc_recall_at_1_std": -6.429774614333435, + "nauc_recall_at_20_diff1": 26.962834137152473, + "nauc_recall_at_20_max": 22.164116014019815, + "nauc_recall_at_20_std": 4.67553525902973, + "nauc_recall_at_3_diff1": 28.282766004526692, + "nauc_recall_at_3_max": 19.21433271344623, + "nauc_recall_at_3_std": -1.7579654801836264, + "nauc_recall_at_5_diff1": 27.31884901762613, + "nauc_recall_at_5_max": 19.089489857779846, + "nauc_recall_at_5_std": -3.8031906054652667, + "ndcg_at_1": 27.861000000000004, + "ndcg_at_10": 39.528999999999996, + "ndcg_at_100": 45.424, + "ndcg_at_1000": 47.682, + "ndcg_at_20": 41.967, + "ndcg_at_3": 34.083999999999996, + "ndcg_at_5": 36.773, + "precision_at_1": 27.861000000000004, + "precision_at_10": 7.338, + "precision_at_100": 1.172, + "precision_at_1000": 0.147, + "precision_at_20": 4.415, + "precision_at_3": 16.833000000000002, + "precision_at_5": 12.113999999999999, + "recall_at_1": 22.289, + "recall_at_10": 53.559, + "recall_at_100": 78.521, + "recall_at_1000": 94.13, + "recall_at_20": 61.986, + "recall_at_3": 38.269999999999996, + "recall_at_5": 45.336 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Retriever-v1/external/CQADupstackPhysicsRetrieval.json b/results/nvidia__NV-Retriever-v1/external/CQADupstackPhysicsRetrieval.json new file mode 100644 index 000000000..c903bdd5c --- /dev/null +++ b/results/nvidia__NV-Retriever-v1/external/CQADupstackPhysicsRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "79531abbd1fb92d06c6d6315a0cbbbf5bb247ea4", + "task_name": "CQADupstackPhysicsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 54.004, + "map_at_1": 33.586, + "map_at_10": 47.342, + "map_at_100": 48.823, + "map_at_1000": 48.919000000000004, + "map_at_20": 48.22, + "map_at_3": 43.614999999999995, + "map_at_5": 45.749, + "mrr_at_1": 41.48219441770934, + "mrr_at_10": 52.86203156270527, + "mrr_at_100": 53.707246266591255, + "mrr_at_1000": 53.73489176472194, + "mrr_at_20": 53.44504144846516, + "mrr_at_3": 50.56143727943533, + "mrr_at_5": 51.96663458453635, + "nauc_map_at_1000_diff1": 50.16735144466837, + "nauc_map_at_1000_max": 30.130457323041902, + "nauc_map_at_1000_std": -18.910770726198383, + "nauc_map_at_100_diff1": 50.170273630833286, + "nauc_map_at_100_max": 30.137603210111934, + "nauc_map_at_100_std": -18.93078710897879, + "nauc_map_at_10_diff1": 49.995799867485076, + "nauc_map_at_10_max": 29.626149915961854, + "nauc_map_at_10_std": -19.70118715989913, + "nauc_map_at_1_diff1": 56.10337790434511, + "nauc_map_at_1_max": 26.249897485765477, + "nauc_map_at_1_std": -20.159842923954475, + "nauc_map_at_20_diff1": 50.026410103063576, + "nauc_map_at_20_max": 29.770173596928444, + "nauc_map_at_20_std": -19.398108689295622, + "nauc_map_at_3_diff1": 50.12369021949809, + "nauc_map_at_3_max": 27.918094022890692, + "nauc_map_at_3_std": -20.816408880461136, + "nauc_map_at_5_diff1": 49.88266421157269, + "nauc_map_at_5_max": 28.803327575103616, + "nauc_map_at_5_std": -20.412325693429622, + "nauc_mrr_at_1000_diff1": 50.08675690045023, + "nauc_mrr_at_1000_max": 33.51316969904977, + "nauc_mrr_at_1000_std": -16.325548962557693, + "nauc_mrr_at_100_diff1": 50.084570223694804, + "nauc_mrr_at_100_max": 33.53170304618603, + "nauc_mrr_at_100_std": -16.315669293904236, + "nauc_mrr_at_10_diff1": 50.104359262926614, + "nauc_mrr_at_10_max": 33.454171357296374, + "nauc_mrr_at_10_std": -16.672238640691564, + "nauc_mrr_at_1_diff1": 54.46283195658263, + "nauc_mrr_at_1_max": 33.5006771800345, + "nauc_mrr_at_1_std": -15.72197238923995, + "nauc_mrr_at_20_diff1": 50.04428019672954, + "nauc_mrr_at_20_max": 33.43915921871757, + "nauc_mrr_at_20_std": -16.47775099091468, + "nauc_mrr_at_3_diff1": 49.29563277160461, + "nauc_mrr_at_3_max": 32.609171651470724, + "nauc_mrr_at_3_std": -16.8176459078524, + "nauc_mrr_at_5_diff1": 49.59993245767094, + "nauc_mrr_at_5_max": 33.145357294405365, + "nauc_mrr_at_5_std": -16.886783105921864, + "nauc_ndcg_at_1000_diff1": 49.84200528661306, + "nauc_ndcg_at_1000_max": 32.7463038531318, + "nauc_ndcg_at_1000_std": -16.229179922128097, + "nauc_ndcg_at_100_diff1": 49.78798184218895, + "nauc_ndcg_at_100_max": 33.19106180162596, + "nauc_ndcg_at_100_std": -15.964597177057572, + "nauc_ndcg_at_10_diff1": 49.10239998219158, + "nauc_ndcg_at_10_max": 31.18073711193898, + "nauc_ndcg_at_10_std": -19.103888016157107, + "nauc_ndcg_at_1_diff1": 54.46283195658263, + "nauc_ndcg_at_1_max": 33.5006771800345, + "nauc_ndcg_at_1_std": -15.72197238923995, + "nauc_ndcg_at_20_diff1": 49.12986473579085, + "nauc_ndcg_at_20_max": 31.555721190821874, + "nauc_ndcg_at_20_std": -18.03991726456339, + "nauc_ndcg_at_3_diff1": 48.06266636428524, + "nauc_ndcg_at_3_max": 29.800215619456498, + "nauc_ndcg_at_3_std": -19.534322783334527, + "nauc_ndcg_at_5_diff1": 48.15095160139167, + "nauc_ndcg_at_5_max": 30.208802143718682, + "nauc_ndcg_at_5_std": -19.9192266388754, + "nauc_precision_at_1000_diff1": -14.22147314326395, + "nauc_precision_at_1000_max": 4.578027927831382, + "nauc_precision_at_1000_std": 17.42650517281872, + "nauc_precision_at_100_diff1": -6.889359682595786, + "nauc_precision_at_100_max": 13.816120144295166, + "nauc_precision_at_100_std": 19.169326264844834, + "nauc_precision_at_10_diff1": 11.630213989568256, + "nauc_precision_at_10_max": 25.18561447388641, + "nauc_precision_at_10_std": 3.5091485378988714, + "nauc_precision_at_1_diff1": 54.46283195658263, + "nauc_precision_at_1_max": 33.5006771800345, + "nauc_precision_at_1_std": -15.72197238923995, + "nauc_precision_at_20_diff1": 3.5727333022082184, + "nauc_precision_at_20_max": 20.959966668076714, + "nauc_precision_at_20_std": 11.024682685903581, + "nauc_precision_at_3_diff1": 27.22306777334495, + "nauc_precision_at_3_max": 30.39888856674192, + "nauc_precision_at_3_std": -7.583643149291899, + "nauc_precision_at_5_diff1": 18.788243224115185, + "nauc_precision_at_5_max": 28.14592563430115, + "nauc_precision_at_5_std": -3.10270506824694, + "nauc_recall_at_1000_diff1": 62.4411056243426, + "nauc_recall_at_1000_max": 69.22941585002123, + "nauc_recall_at_1000_std": 36.11911276552335, + "nauc_recall_at_100_diff1": 44.59026422323201, + "nauc_recall_at_100_max": 47.97129128154523, + "nauc_recall_at_100_std": 4.778892937753897, + "nauc_recall_at_10_diff1": 43.25042694366798, + "nauc_recall_at_10_max": 30.67002821157203, + "nauc_recall_at_10_std": -18.821325601418703, + "nauc_recall_at_1_diff1": 56.10337790434511, + "nauc_recall_at_1_max": 26.249897485765477, + "nauc_recall_at_1_std": -20.159842923954475, + "nauc_recall_at_20_diff1": 41.53741723146757, + "nauc_recall_at_20_max": 30.852977167860324, + "nauc_recall_at_20_std": -14.824694384045237, + "nauc_recall_at_3_diff1": 42.251002622079916, + "nauc_recall_at_3_max": 25.083846761725724, + "nauc_recall_at_3_std": -22.239786875574765, + "nauc_recall_at_5_diff1": 41.146094656121385, + "nauc_recall_at_5_max": 27.189625490714608, + "nauc_recall_at_5_std": -22.001469364479068, + "ndcg_at_1": 41.482, + "ndcg_at_10": 54.004, + "ndcg_at_100": 59.455000000000005, + "ndcg_at_1000": 60.831999999999994, + "ndcg_at_20": 56.484, + "ndcg_at_3": 48.802, + "ndcg_at_5": 51.43600000000001, + "precision_at_1": 41.482, + "precision_at_10": 9.99, + "precision_at_100": 1.4989999999999999, + "precision_at_1000": 0.178, + "precision_at_20": 5.861000000000001, + "precision_at_3": 23.709, + "precision_at_5": 16.843, + "recall_at_1": 33.586, + "recall_at_10": 67.754, + "recall_at_100": 89.689, + "recall_at_1000": 98.212, + "recall_at_20": 76.253, + "recall_at_3": 53.181, + "recall_at_5": 60.122 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Retriever-v1/external/CQADupstackProgrammersRetrieval.json b/results/nvidia__NV-Retriever-v1/external/CQADupstackProgrammersRetrieval.json new file mode 100644 index 000000000..8e5511482 --- /dev/null +++ b/results/nvidia__NV-Retriever-v1/external/CQADupstackProgrammersRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "6184bc1440d2dbc7612be22b50686b8826d22b32", + "task_name": "CQADupstackProgrammersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 50.547, + "map_at_1": 30.547, + "map_at_10": 43.595, + "map_at_100": 45.044000000000004, + "map_at_1000": 45.143, + "map_at_20": 44.46, + "map_at_3": 39.512, + "map_at_5": 41.655, + "mrr_at_1": 38.242009132420094, + "mrr_at_10": 49.150811770674785, + "mrr_at_100": 49.95736920255132, + "mrr_at_1000": 49.991323278325005, + "mrr_at_20": 49.64605069442795, + "mrr_at_3": 46.19482496194824, + "mrr_at_5": 47.74162861491625, + "nauc_map_at_1000_diff1": 40.52349853300547, + "nauc_map_at_1000_max": 31.561296386270925, + "nauc_map_at_1000_std": -5.03343890785704, + "nauc_map_at_100_diff1": 40.48825194476996, + "nauc_map_at_100_max": 31.553405159588717, + "nauc_map_at_100_std": -5.042866610979561, + "nauc_map_at_10_diff1": 40.39926831942659, + "nauc_map_at_10_max": 30.946628618728266, + "nauc_map_at_10_std": -5.776518335664868, + "nauc_map_at_1_diff1": 44.73341103510332, + "nauc_map_at_1_max": 24.72510025576844, + "nauc_map_at_1_std": -11.010252578512175, + "nauc_map_at_20_diff1": 40.44256461277349, + "nauc_map_at_20_max": 31.466590802666467, + "nauc_map_at_20_std": -5.113421418562381, + "nauc_map_at_3_diff1": 41.38809172163691, + "nauc_map_at_3_max": 29.48868065104881, + "nauc_map_at_3_std": -8.459559994349043, + "nauc_map_at_5_diff1": 40.50417748715188, + "nauc_map_at_5_max": 30.375034537551333, + "nauc_map_at_5_std": -6.829586305389068, + "nauc_mrr_at_1000_diff1": 38.13147562273569, + "nauc_mrr_at_1000_max": 33.4729877260649, + "nauc_mrr_at_1000_std": -2.115383391956632, + "nauc_mrr_at_100_diff1": 38.12352986074086, + "nauc_mrr_at_100_max": 33.47904382055151, + "nauc_mrr_at_100_std": -2.0980380463248816, + "nauc_mrr_at_10_diff1": 37.879793238833486, + "nauc_mrr_at_10_max": 33.24190962300982, + "nauc_mrr_at_10_std": -2.197979308633544, + "nauc_mrr_at_1_diff1": 40.89812140583222, + "nauc_mrr_at_1_max": 30.547640253413395, + "nauc_mrr_at_1_std": -4.319528874623733, + "nauc_mrr_at_20_diff1": 38.08114567265545, + "nauc_mrr_at_20_max": 33.5751626334935, + "nauc_mrr_at_20_std": -2.0190711781853805, + "nauc_mrr_at_3_diff1": 38.36593445752741, + "nauc_mrr_at_3_max": 33.5606672994442, + "nauc_mrr_at_3_std": -3.313496883242172, + "nauc_mrr_at_5_diff1": 37.67325286264018, + "nauc_mrr_at_5_max": 33.36028645933453, + "nauc_mrr_at_5_std": -2.5553616249884756, + "nauc_ndcg_at_1000_diff1": 39.15178707833506, + "nauc_ndcg_at_1000_max": 33.25615613608456, + "nauc_ndcg_at_1000_std": -2.1792655266044645, + "nauc_ndcg_at_100_diff1": 38.9781153280577, + "nauc_ndcg_at_100_max": 33.59332040478102, + "nauc_ndcg_at_100_std": -1.6261785471415764, + "nauc_ndcg_at_10_diff1": 38.497420832277975, + "nauc_ndcg_at_10_max": 32.53253337236221, + "nauc_ndcg_at_10_std": -2.997611061467513, + "nauc_ndcg_at_1_diff1": 40.89812140583222, + "nauc_ndcg_at_1_max": 30.547640253413395, + "nauc_ndcg_at_1_std": -4.319528874623733, + "nauc_ndcg_at_20_diff1": 38.81727541423619, + "nauc_ndcg_at_20_max": 33.83499432459841, + "nauc_ndcg_at_20_std": -1.4541145324463343, + "nauc_ndcg_at_3_diff1": 39.21372121259748, + "nauc_ndcg_at_3_max": 32.21240027184339, + "nauc_ndcg_at_3_std": -5.818515242107007, + "nauc_ndcg_at_5_diff1": 38.36581068852509, + "nauc_ndcg_at_5_max": 32.31265492516815, + "nauc_ndcg_at_5_std": -4.347865800300811, + "nauc_precision_at_1000_diff1": -2.9404408066555487, + "nauc_precision_at_1000_max": 11.959727087923113, + "nauc_precision_at_1000_std": 19.807537724237182, + "nauc_precision_at_100_diff1": -1.8903473485508044, + "nauc_precision_at_100_max": 17.859451192772262, + "nauc_precision_at_100_std": 20.978283478932195, + "nauc_precision_at_10_diff1": 7.827166236013994, + "nauc_precision_at_10_max": 27.639518058609987, + "nauc_precision_at_10_std": 16.2656199079196, + "nauc_precision_at_1_diff1": 40.89812140583222, + "nauc_precision_at_1_max": 30.547640253413395, + "nauc_precision_at_1_std": -4.319528874623733, + "nauc_precision_at_20_diff1": 3.0739728724420488, + "nauc_precision_at_20_max": 24.28491071974094, + "nauc_precision_at_20_std": 19.64404584038665, + "nauc_precision_at_3_diff1": 23.38851433425848, + "nauc_precision_at_3_max": 34.046714722976056, + "nauc_precision_at_3_std": 4.085453450220984, + "nauc_precision_at_5_diff1": 14.827066677039587, + "nauc_precision_at_5_max": 31.844657859314747, + "nauc_precision_at_5_std": 11.233146291519418, + "nauc_recall_at_1000_diff1": 40.585961683508714, + "nauc_recall_at_1000_max": 48.857695287563935, + "nauc_recall_at_1000_std": 43.20362271394189, + "nauc_recall_at_100_diff1": 32.24127663397077, + "nauc_recall_at_100_max": 38.836350075837004, + "nauc_recall_at_100_std": 17.622027048501153, + "nauc_recall_at_10_diff1": 31.30410560798441, + "nauc_recall_at_10_max": 30.93697991799787, + "nauc_recall_at_10_std": 1.5177200901024983, + "nauc_recall_at_1_diff1": 44.73341103510332, + "nauc_recall_at_1_max": 24.72510025576844, + "nauc_recall_at_1_std": -11.010252578512175, + "nauc_recall_at_20_diff1": 31.93561881507333, + "nauc_recall_at_20_max": 36.879629985707076, + "nauc_recall_at_20_std": 9.68448188578646, + "nauc_recall_at_3_diff1": 36.243457137883894, + "nauc_recall_at_3_max": 30.46545172710201, + "nauc_recall_at_3_std": -7.391349871928162, + "nauc_recall_at_5_diff1": 32.999190531912554, + "nauc_recall_at_5_max": 30.87264732206836, + "nauc_recall_at_5_std": -3.3937930443165434, + "ndcg_at_1": 38.242, + "ndcg_at_10": 50.547, + "ndcg_at_100": 55.994, + "ndcg_at_1000": 57.538, + "ndcg_at_20": 52.954, + "ndcg_at_3": 44.283, + "ndcg_at_5": 46.86, + "precision_at_1": 38.242, + "precision_at_10": 9.498, + "precision_at_100": 1.424, + "precision_at_1000": 0.174, + "precision_at_20": 5.628, + "precision_at_3": 21.271, + "precision_at_5": 15.342, + "recall_at_1": 30.547, + "recall_at_10": 65.42999999999999, + "recall_at_100": 87.92, + "recall_at_1000": 97.68599999999999, + "recall_at_20": 73.685, + "recall_at_3": 47.979, + "recall_at_5": 54.69199999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Retriever-v1/external/CQADupstackStatsRetrieval.json b/results/nvidia__NV-Retriever-v1/external/CQADupstackStatsRetrieval.json new file mode 100644 index 000000000..6205da35a --- /dev/null +++ b/results/nvidia__NV-Retriever-v1/external/CQADupstackStatsRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "65ac3a16b8e91f9cee4c9828cc7c335575432a2a", + "task_name": "CQADupstackStatsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 42.379, + "map_at_1": 28.076, + "map_at_10": 37.187, + "map_at_100": 38.163000000000004, + "map_at_1000": 38.262, + "map_at_20": 37.649, + "map_at_3": 34.361000000000004, + "map_at_5": 36.024, + "mrr_at_1": 31.13496932515337, + "mrr_at_10": 39.87084915765898, + "mrr_at_100": 40.63847645369495, + "mrr_at_1000": 40.70451576754048, + "mrr_at_20": 40.25268368368429, + "mrr_at_3": 37.37218813905932, + "mrr_at_5": 38.698875255623726, + "nauc_map_at_1000_diff1": 53.23968282874812, + "nauc_map_at_1000_max": 33.785923443457136, + "nauc_map_at_1000_std": -7.1706965835194145, + "nauc_map_at_100_diff1": 53.23488336800868, + "nauc_map_at_100_max": 33.78610121008569, + "nauc_map_at_100_std": -7.15094162130079, + "nauc_map_at_10_diff1": 53.52788129491361, + "nauc_map_at_10_max": 33.55616013388991, + "nauc_map_at_10_std": -7.6857282749978, + "nauc_map_at_1_diff1": 59.34174527256049, + "nauc_map_at_1_max": 32.58063146059831, + "nauc_map_at_1_std": -9.540287370085819, + "nauc_map_at_20_diff1": 53.16586961282429, + "nauc_map_at_20_max": 33.69272685105737, + "nauc_map_at_20_std": -7.380323341082431, + "nauc_map_at_3_diff1": 55.28137765707177, + "nauc_map_at_3_max": 33.45378492437827, + "nauc_map_at_3_std": -8.18647355512435, + "nauc_map_at_5_diff1": 53.8836295908436, + "nauc_map_at_5_max": 33.822344952119785, + "nauc_map_at_5_std": -7.64537861608003, + "nauc_mrr_at_1000_diff1": 51.841157711545215, + "nauc_mrr_at_1000_max": 34.9249740423282, + "nauc_mrr_at_1000_std": -5.797330608658271, + "nauc_mrr_at_100_diff1": 51.82520112610312, + "nauc_mrr_at_100_max": 34.9362444083548, + "nauc_mrr_at_100_std": -5.7681632136177585, + "nauc_mrr_at_10_diff1": 51.81624637385308, + "nauc_mrr_at_10_max": 34.837632307043705, + "nauc_mrr_at_10_std": -6.09995049270317, + "nauc_mrr_at_1_diff1": 58.37854579448285, + "nauc_mrr_at_1_max": 34.672901734986844, + "nauc_mrr_at_1_std": -7.066787533024501, + "nauc_mrr_at_20_diff1": 51.65185881732499, + "nauc_mrr_at_20_max": 34.925636736880925, + "nauc_mrr_at_20_std": -5.827364722186311, + "nauc_mrr_at_3_diff1": 53.51689033144754, + "nauc_mrr_at_3_max": 34.75062118986762, + "nauc_mrr_at_3_std": -6.580474412596013, + "nauc_mrr_at_5_diff1": 52.291499624036355, + "nauc_mrr_at_5_max": 35.066619088016196, + "nauc_mrr_at_5_std": -6.1986345561829195, + "nauc_ndcg_at_1000_diff1": 50.51376093038994, + "nauc_ndcg_at_1000_max": 34.725822070535685, + "nauc_ndcg_at_1000_std": -4.434746308735319, + "nauc_ndcg_at_100_diff1": 49.81860985607077, + "nauc_ndcg_at_100_max": 34.692760290424815, + "nauc_ndcg_at_100_std": -3.835522029514012, + "nauc_ndcg_at_10_diff1": 50.3513048763106, + "nauc_ndcg_at_10_max": 33.72184194935727, + "nauc_ndcg_at_10_std": -6.798983244879382, + "nauc_ndcg_at_1_diff1": 58.37854579448285, + "nauc_ndcg_at_1_max": 34.672901734986844, + "nauc_ndcg_at_1_std": -7.066787533024501, + "nauc_ndcg_at_20_diff1": 49.29162167829859, + "nauc_ndcg_at_20_max": 34.16877295196376, + "nauc_ndcg_at_20_std": -5.597014358860604, + "nauc_ndcg_at_3_diff1": 53.10834468009104, + "nauc_ndcg_at_3_max": 34.33773588752504, + "nauc_ndcg_at_3_std": -7.243624483216034, + "nauc_ndcg_at_5_diff1": 51.104845457630354, + "nauc_ndcg_at_5_max": 34.38674960727082, + "nauc_ndcg_at_5_std": -6.949153425119295, + "nauc_precision_at_1000_diff1": -9.296436979607215, + "nauc_precision_at_1000_max": 6.4385608601441255, + "nauc_precision_at_1000_std": 9.323328514309525, + "nauc_precision_at_100_diff1": 1.6478610402380616, + "nauc_precision_at_100_max": 18.351794901313585, + "nauc_precision_at_100_std": 14.665874744283974, + "nauc_precision_at_10_diff1": 25.534183841642637, + "nauc_precision_at_10_max": 29.40076026042332, + "nauc_precision_at_10_std": 2.9872193044238453, + "nauc_precision_at_1_diff1": 58.37854579448285, + "nauc_precision_at_1_max": 34.672901734986844, + "nauc_precision_at_1_std": -7.066787533024501, + "nauc_precision_at_20_diff1": 15.647544367678556, + "nauc_precision_at_20_max": 27.05732589353733, + "nauc_precision_at_20_std": 7.191923029484484, + "nauc_precision_at_3_diff1": 43.617914587502476, + "nauc_precision_at_3_max": 34.43947964259185, + "nauc_precision_at_3_std": -2.2997019515698853, + "nauc_precision_at_5_diff1": 33.45902372451529, + "nauc_precision_at_5_max": 33.345179920600174, + "nauc_precision_at_5_std": 0.6402432222388739, + "nauc_recall_at_1000_diff1": 29.85614248165102, + "nauc_recall_at_1000_max": 43.12189214089366, + "nauc_recall_at_1000_std": 38.028489124610644, + "nauc_recall_at_100_diff1": 33.1910221741884, + "nauc_recall_at_100_max": 36.878036476663056, + "nauc_recall_at_100_std": 17.505589309024437, + "nauc_recall_at_10_diff1": 40.89508005321193, + "nauc_recall_at_10_max": 31.718075561656622, + "nauc_recall_at_10_std": -5.5201680473345105, + "nauc_recall_at_1_diff1": 59.34174527256049, + "nauc_recall_at_1_max": 32.58063146059831, + "nauc_recall_at_1_std": -9.540287370085819, + "nauc_recall_at_20_diff1": 35.66013790544511, + "nauc_recall_at_20_max": 32.86639975082532, + "nauc_recall_at_20_std": -0.7884329140983038, + "nauc_recall_at_3_diff1": 49.19221784465332, + "nauc_recall_at_3_max": 33.023935837910756, + "nauc_recall_at_3_std": -7.019711964409782, + "nauc_recall_at_5_diff1": 44.67980008380877, + "nauc_recall_at_5_max": 33.64495915667608, + "nauc_recall_at_5_std": -6.146102608248518, + "ndcg_at_1": 31.135, + "ndcg_at_10": 42.379, + "ndcg_at_100": 47.296, + "ndcg_at_1000": 49.403999999999996, + "ndcg_at_20": 43.93, + "ndcg_at_3": 37.196, + "ndcg_at_5": 39.75, + "precision_at_1": 31.135, + "precision_at_10": 6.81, + "precision_at_100": 1.014, + "precision_at_1000": 0.127, + "precision_at_20": 3.834, + "precision_at_3": 16.002, + "precision_at_5": 11.411, + "recall_at_1": 28.076, + "recall_at_10": 55.509, + "recall_at_100": 78.396, + "recall_at_1000": 93.124, + "recall_at_20": 61.326, + "recall_at_3": 41.399, + "recall_at_5": 47.567 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Retriever-v1/external/CQADupstackTexRetrieval.json b/results/nvidia__NV-Retriever-v1/external/CQADupstackTexRetrieval.json new file mode 100644 index 000000000..57b44b123 --- /dev/null +++ b/results/nvidia__NV-Retriever-v1/external/CQADupstackTexRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "46989137a86843e03a6195de44b09deda022eec7", + "task_name": "CQADupstackTexRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 37.114999999999995, + "map_at_1": 22.032, + "map_at_10": 31.392999999999997, + "map_at_100": 32.681, + "map_at_1000": 32.803, + "map_at_20": 32.092999999999996, + "map_at_3": 28.33, + "map_at_5": 29.988999999999997, + "mrr_at_1": 26.944253269098418, + "mrr_at_10": 35.76442827647241, + "mrr_at_100": 36.70928542668393, + "mrr_at_1000": 36.770222872867485, + "mrr_at_20": 36.28598608599559, + "mrr_at_3": 33.167010782289594, + "mrr_at_5": 34.620899288827864, + "nauc_map_at_1000_diff1": 38.09265419483922, + "nauc_map_at_1000_max": 25.105090914997024, + "nauc_map_at_1000_std": 1.0700959987729692, + "nauc_map_at_100_diff1": 38.063239842931246, + "nauc_map_at_100_max": 25.071823053158475, + "nauc_map_at_100_std": 1.0427996382419578, + "nauc_map_at_10_diff1": 38.063314345359736, + "nauc_map_at_10_max": 24.90358356796509, + "nauc_map_at_10_std": 0.48891415762356544, + "nauc_map_at_1_diff1": 44.192488964031135, + "nauc_map_at_1_max": 23.101395238489264, + "nauc_map_at_1_std": -0.44274744959708606, + "nauc_map_at_20_diff1": 38.02737709746376, + "nauc_map_at_20_max": 25.015577711149145, + "nauc_map_at_20_std": 0.7752620565795433, + "nauc_map_at_3_diff1": 38.79059906518923, + "nauc_map_at_3_max": 24.278973778653658, + "nauc_map_at_3_std": -0.06600853085223404, + "nauc_map_at_5_diff1": 38.38811885476713, + "nauc_map_at_5_max": 24.906014694358767, + "nauc_map_at_5_std": 0.503696622267735, + "nauc_mrr_at_1000_diff1": 38.43851052537515, + "nauc_mrr_at_1000_max": 26.08088413681578, + "nauc_mrr_at_1000_std": 2.260435008633633, + "nauc_mrr_at_100_diff1": 38.42446503025336, + "nauc_mrr_at_100_max": 26.06653535777771, + "nauc_mrr_at_100_std": 2.2508085472342567, + "nauc_mrr_at_10_diff1": 38.42491058346722, + "nauc_mrr_at_10_max": 26.046875548569524, + "nauc_mrr_at_10_std": 1.991934209812353, + "nauc_mrr_at_1_diff1": 44.125116470111806, + "nauc_mrr_at_1_max": 25.502414026989822, + "nauc_mrr_at_1_std": 1.0717390948764505, + "nauc_mrr_at_20_diff1": 38.355654581557275, + "nauc_mrr_at_20_max": 26.052337555999888, + "nauc_mrr_at_20_std": 2.0892219127514107, + "nauc_mrr_at_3_diff1": 39.001757864272676, + "nauc_mrr_at_3_max": 25.98003648378764, + "nauc_mrr_at_3_std": 1.6394764040482228, + "nauc_mrr_at_5_diff1": 38.71163053840094, + "nauc_mrr_at_5_max": 26.20780413201001, + "nauc_mrr_at_5_std": 2.021661434346652, + "nauc_ndcg_at_1000_diff1": 36.31450458217211, + "nauc_ndcg_at_1000_max": 26.149308380875073, + "nauc_ndcg_at_1000_std": 3.905862488970823, + "nauc_ndcg_at_100_diff1": 35.963790362714164, + "nauc_ndcg_at_100_max": 25.739750793393007, + "nauc_ndcg_at_100_std": 3.7112777105604406, + "nauc_ndcg_at_10_diff1": 35.99336074029864, + "nauc_ndcg_at_10_max": 25.55200053240736, + "nauc_ndcg_at_10_std": 1.5588036488952475, + "nauc_ndcg_at_1_diff1": 44.125116470111806, + "nauc_ndcg_at_1_max": 25.502414026989822, + "nauc_ndcg_at_1_std": 1.0717390948764505, + "nauc_ndcg_at_20_diff1": 35.73590736885051, + "nauc_ndcg_at_20_max": 25.70046947040548, + "nauc_ndcg_at_20_std": 2.271321757997752, + "nauc_ndcg_at_3_diff1": 37.32573641209906, + "nauc_ndcg_at_3_max": 25.1167909777267, + "nauc_ndcg_at_3_std": 0.7212992566129185, + "nauc_ndcg_at_5_diff1": 36.712049675888636, + "nauc_ndcg_at_5_max": 25.792607516706372, + "nauc_ndcg_at_5_std": 1.578770099119, + "nauc_precision_at_1000_diff1": 3.6736780338116977, + "nauc_precision_at_1000_max": 11.81314408533315, + "nauc_precision_at_1000_std": 10.2436841196851, + "nauc_precision_at_100_diff1": 8.417413354516071, + "nauc_precision_at_100_max": 16.205114523661024, + "nauc_precision_at_100_std": 13.594635835595328, + "nauc_precision_at_10_diff1": 19.048008342402845, + "nauc_precision_at_10_max": 23.350651852456103, + "nauc_precision_at_10_std": 5.976335419523274, + "nauc_precision_at_1_diff1": 44.125116470111806, + "nauc_precision_at_1_max": 25.502414026989822, + "nauc_precision_at_1_std": 1.0717390948764505, + "nauc_precision_at_20_diff1": 15.474925061953678, + "nauc_precision_at_20_max": 21.546991193902272, + "nauc_precision_at_20_std": 8.905930860583391, + "nauc_precision_at_3_diff1": 28.986321566644303, + "nauc_precision_at_3_max": 26.69485123311458, + "nauc_precision_at_3_std": 3.4263045093511537, + "nauc_precision_at_5_diff1": 24.709408636594915, + "nauc_precision_at_5_max": 26.67143866400471, + "nauc_precision_at_5_std": 5.19041364886639, + "nauc_recall_at_1000_diff1": 20.00674566428088, + "nauc_recall_at_1000_max": 34.777585777551536, + "nauc_recall_at_1000_std": 36.77107209206558, + "nauc_recall_at_100_diff1": 24.285256665242304, + "nauc_recall_at_100_max": 23.801866644708262, + "nauc_recall_at_100_std": 15.064509694858854, + "nauc_recall_at_10_diff1": 27.36808052999267, + "nauc_recall_at_10_max": 24.053807252852636, + "nauc_recall_at_10_std": 2.597884142562802, + "nauc_recall_at_1_diff1": 44.192488964031135, + "nauc_recall_at_1_max": 23.101395238489264, + "nauc_recall_at_1_std": -0.44274744959708606, + "nauc_recall_at_20_diff1": 25.65995095802745, + "nauc_recall_at_20_max": 24.31913892777212, + "nauc_recall_at_20_std": 5.048151975361747, + "nauc_recall_at_3_diff1": 32.07015707209654, + "nauc_recall_at_3_max": 23.698394784703815, + "nauc_recall_at_3_std": 0.4539034711477527, + "nauc_recall_at_5_diff1": 30.186485460653582, + "nauc_recall_at_5_max": 25.00467869253249, + "nauc_recall_at_5_std": 2.598872826683705, + "ndcg_at_1": 26.944000000000003, + "ndcg_at_10": 37.114999999999995, + "ndcg_at_100": 42.846000000000004, + "ndcg_at_1000": 45.228, + "ndcg_at_20": 39.26, + "ndcg_at_3": 31.891000000000002, + "ndcg_at_5": 34.261, + "precision_at_1": 26.944000000000003, + "precision_at_10": 6.8790000000000004, + "precision_at_100": 1.138, + "precision_at_1000": 0.154, + "precision_at_20": 4.092, + "precision_at_3": 15.244, + "precision_at_5": 11.004999999999999, + "recall_at_1": 22.032, + "recall_at_10": 49.830999999999996, + "recall_at_100": 75.318, + "recall_at_1000": 91.526, + "recall_at_20": 57.684999999999995, + "recall_at_3": 35.144999999999996, + "recall_at_5": 41.377 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Retriever-v1/external/CQADupstackUnixRetrieval.json b/results/nvidia__NV-Retriever-v1/external/CQADupstackUnixRetrieval.json new file mode 100644 index 000000000..b516ed66d --- /dev/null +++ b/results/nvidia__NV-Retriever-v1/external/CQADupstackUnixRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "6c6430d3a6d36f8d2a829195bc5dc94d7e063e53", + "task_name": "CQADupstackUnixRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 51.409000000000006, + "map_at_1": 33.44, + "map_at_10": 45.242, + "map_at_100": 46.457, + "map_at_1000": 46.539, + "map_at_20": 45.928999999999995, + "map_at_3": 41.736000000000004, + "map_at_5": 43.717, + "mrr_at_1": 39.17910447761194, + "mrr_at_10": 49.54868514570004, + "mrr_at_100": 50.31474300711142, + "mrr_at_1000": 50.35763716395954, + "mrr_at_20": 49.99823659223059, + "mrr_at_3": 46.8128109452736, + "mrr_at_5": 48.45926616915417, + "nauc_map_at_1000_diff1": 50.87257673340992, + "nauc_map_at_1000_max": 40.34609374301027, + "nauc_map_at_1000_std": -7.379981243726618, + "nauc_map_at_100_diff1": 50.854157949159365, + "nauc_map_at_100_max": 40.34032556006189, + "nauc_map_at_100_std": -7.399964737756573, + "nauc_map_at_10_diff1": 50.686246859628525, + "nauc_map_at_10_max": 39.908128766187275, + "nauc_map_at_10_std": -7.7328502513278625, + "nauc_map_at_1_diff1": 55.57814128760479, + "nauc_map_at_1_max": 38.478658985510826, + "nauc_map_at_1_std": -6.372508238481584, + "nauc_map_at_20_diff1": 50.772989231947626, + "nauc_map_at_20_max": 40.23956514712802, + "nauc_map_at_20_std": -7.514568627968219, + "nauc_map_at_3_diff1": 52.014664217088544, + "nauc_map_at_3_max": 39.734083375309915, + "nauc_map_at_3_std": -7.926554803796402, + "nauc_map_at_5_diff1": 51.01483620986479, + "nauc_map_at_5_max": 39.45610862159722, + "nauc_map_at_5_std": -8.27731392985267, + "nauc_mrr_at_1000_diff1": 51.00481391598901, + "nauc_mrr_at_1000_max": 42.212066475020265, + "nauc_mrr_at_1000_std": -6.370874800186104, + "nauc_mrr_at_100_diff1": 50.990520232150246, + "nauc_mrr_at_100_max": 42.19016027339401, + "nauc_mrr_at_100_std": -6.3827695296657145, + "nauc_mrr_at_10_diff1": 50.744688903224954, + "nauc_mrr_at_10_max": 42.11767789677446, + "nauc_mrr_at_10_std": -6.497082850925394, + "nauc_mrr_at_1_diff1": 55.54795613882778, + "nauc_mrr_at_1_max": 43.333268044897565, + "nauc_mrr_at_1_std": -5.456284327113586, + "nauc_mrr_at_20_diff1": 50.8946692657115, + "nauc_mrr_at_20_max": 42.131007988181466, + "nauc_mrr_at_20_std": -6.474403898884448, + "nauc_mrr_at_3_diff1": 51.41122299252956, + "nauc_mrr_at_3_max": 42.43303267211499, + "nauc_mrr_at_3_std": -6.499097476761323, + "nauc_mrr_at_5_diff1": 50.94067629188639, + "nauc_mrr_at_5_max": 41.914612395133574, + "nauc_mrr_at_5_std": -7.173024101198252, + "nauc_ndcg_at_1000_diff1": 49.671254442063336, + "nauc_ndcg_at_1000_max": 41.233236425229265, + "nauc_ndcg_at_1000_std": -5.974613943524345, + "nauc_ndcg_at_100_diff1": 49.27027768005878, + "nauc_ndcg_at_100_max": 40.948430026662564, + "nauc_ndcg_at_100_std": -6.144610616966986, + "nauc_ndcg_at_10_diff1": 48.558081201050165, + "nauc_ndcg_at_10_max": 39.83487109315805, + "nauc_ndcg_at_10_std": -7.615747684830626, + "nauc_ndcg_at_1_diff1": 55.54795613882778, + "nauc_ndcg_at_1_max": 43.333268044897565, + "nauc_ndcg_at_1_std": -5.456284327113586, + "nauc_ndcg_at_20_diff1": 48.892103792460844, + "nauc_ndcg_at_20_max": 40.56965396855626, + "nauc_ndcg_at_20_std": -7.033583531769024, + "nauc_ndcg_at_3_diff1": 49.89643618093189, + "nauc_ndcg_at_3_max": 40.22963794071276, + "nauc_ndcg_at_3_std": -7.855589248597761, + "nauc_ndcg_at_5_diff1": 48.921894655198365, + "nauc_ndcg_at_5_max": 39.14662005574934, + "nauc_ndcg_at_5_std": -8.845551763577872, + "nauc_precision_at_1000_diff1": -14.518585158460978, + "nauc_precision_at_1000_max": -1.7667784893915466, + "nauc_precision_at_1000_std": 4.097998545067049, + "nauc_precision_at_100_diff1": -4.950584630399553, + "nauc_precision_at_100_max": 11.512730083218312, + "nauc_precision_at_100_std": 6.330359665958284, + "nauc_precision_at_10_diff1": 13.399849359324334, + "nauc_precision_at_10_max": 26.855775987033937, + "nauc_precision_at_10_std": -2.2873353847128644, + "nauc_precision_at_1_diff1": 55.54795613882778, + "nauc_precision_at_1_max": 43.333268044897565, + "nauc_precision_at_1_std": -5.456284327113586, + "nauc_precision_at_20_diff1": 7.679011471251583, + "nauc_precision_at_20_max": 23.467700358632555, + "nauc_precision_at_20_std": 1.1981871681272394, + "nauc_precision_at_3_diff1": 32.921575397699506, + "nauc_precision_at_3_max": 37.04097281242502, + "nauc_precision_at_3_std": -5.360800309380987, + "nauc_precision_at_5_diff1": 23.223401114141097, + "nauc_precision_at_5_max": 31.530032692944605, + "nauc_precision_at_5_std": -5.865853042470798, + "nauc_recall_at_1000_diff1": 32.0155855987812, + "nauc_recall_at_1000_max": 62.44988003291033, + "nauc_recall_at_1000_std": 53.82320454819172, + "nauc_recall_at_100_diff1": 36.65083199031551, + "nauc_recall_at_100_max": 37.69410771344005, + "nauc_recall_at_100_std": 3.579296637477123, + "nauc_recall_at_10_diff1": 38.70173468166519, + "nauc_recall_at_10_max": 34.1784276048144, + "nauc_recall_at_10_std": -8.086019685277327, + "nauc_recall_at_1_diff1": 55.57814128760479, + "nauc_recall_at_1_max": 38.478658985510826, + "nauc_recall_at_1_std": -6.372508238481584, + "nauc_recall_at_20_diff1": 38.79450347259083, + "nauc_recall_at_20_max": 36.05352697027188, + "nauc_recall_at_20_std": -6.093850431049945, + "nauc_recall_at_3_diff1": 45.74158065265736, + "nauc_recall_at_3_max": 36.63626821782645, + "nauc_recall_at_3_std": -9.653958457056982, + "nauc_recall_at_5_diff1": 41.65880696047371, + "nauc_recall_at_5_max": 33.8382122882109, + "nauc_recall_at_5_std": -11.20106963946605, + "ndcg_at_1": 39.179, + "ndcg_at_10": 51.409000000000006, + "ndcg_at_100": 56.499, + "ndcg_at_1000": 58.062000000000005, + "ndcg_at_20": 53.454, + "ndcg_at_3": 45.754, + "ndcg_at_5": 48.463, + "precision_at_1": 39.179, + "precision_at_10": 8.806, + "precision_at_100": 1.2550000000000001, + "precision_at_1000": 0.149, + "precision_at_20": 5.009, + "precision_at_3": 21.144, + "precision_at_5": 14.832, + "recall_at_1": 33.44, + "recall_at_10": 65.496, + "recall_at_100": 87.182, + "recall_at_1000": 97.357, + "recall_at_20": 72.697, + "recall_at_3": 49.924, + "recall_at_5": 56.95 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Retriever-v1/external/CQADupstackWebmastersRetrieval.json b/results/nvidia__NV-Retriever-v1/external/CQADupstackWebmastersRetrieval.json new file mode 100644 index 000000000..5b9f8def8 --- /dev/null +++ b/results/nvidia__NV-Retriever-v1/external/CQADupstackWebmastersRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "160c094312a0e1facb97e55eeddb698c0abe3571", + "task_name": "CQADupstackWebmastersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 48.375, + "map_at_1": 30.793, + "map_at_10": 41.662, + "map_at_100": 43.66, + "map_at_1000": 43.878, + "map_at_20": 42.667, + "map_at_3": 38.458999999999996, + "map_at_5": 39.97, + "mrr_at_1": 37.15415019762846, + "mrr_at_10": 46.61584792019573, + "mrr_at_100": 47.583978313689805, + "mrr_at_1000": 47.61436921649715, + "mrr_at_20": 47.16104598393294, + "mrr_at_3": 44.23583662714098, + "mrr_at_5": 45.29314888010541, + "nauc_map_at_1000_diff1": 50.738532964091355, + "nauc_map_at_1000_max": 33.1761869184962, + "nauc_map_at_1000_std": -11.88545399582968, + "nauc_map_at_100_diff1": 50.820635857587945, + "nauc_map_at_100_max": 33.37659274306262, + "nauc_map_at_100_std": -12.261098317018648, + "nauc_map_at_10_diff1": 51.34955861172913, + "nauc_map_at_10_max": 33.07036272698984, + "nauc_map_at_10_std": -13.958268441726652, + "nauc_map_at_1_diff1": 58.14264885967374, + "nauc_map_at_1_max": 31.098191422332405, + "nauc_map_at_1_std": -16.55201181770837, + "nauc_map_at_20_diff1": 51.138925497848945, + "nauc_map_at_20_max": 33.294483331998656, + "nauc_map_at_20_std": -13.386238751309648, + "nauc_map_at_3_diff1": 53.11933171962268, + "nauc_map_at_3_max": 33.174584991640856, + "nauc_map_at_3_std": -15.227875860055217, + "nauc_map_at_5_diff1": 51.91013458222077, + "nauc_map_at_5_max": 33.432034239350386, + "nauc_map_at_5_std": -14.493952556516101, + "nauc_mrr_at_1000_diff1": 49.46380145346334, + "nauc_mrr_at_1000_max": 32.79378116341429, + "nauc_mrr_at_1000_std": -10.714169233380185, + "nauc_mrr_at_100_diff1": 49.45394564674785, + "nauc_mrr_at_100_max": 32.7943550676381, + "nauc_mrr_at_100_std": -10.696490620685783, + "nauc_mrr_at_10_diff1": 49.500335538737914, + "nauc_mrr_at_10_max": 32.77023244114561, + "nauc_mrr_at_10_std": -11.104541089359515, + "nauc_mrr_at_1_diff1": 52.76130402864484, + "nauc_mrr_at_1_max": 31.114589410052044, + "nauc_mrr_at_1_std": -12.937210710275965, + "nauc_mrr_at_20_diff1": 49.414643398815365, + "nauc_mrr_at_20_max": 32.763780752203516, + "nauc_mrr_at_20_std": -10.804422561377299, + "nauc_mrr_at_3_diff1": 50.01492870108368, + "nauc_mrr_at_3_max": 32.72937861591098, + "nauc_mrr_at_3_std": -11.940075063628994, + "nauc_mrr_at_5_diff1": 49.48188504874961, + "nauc_mrr_at_5_max": 33.16403773206102, + "nauc_mrr_at_5_std": -11.21411630948482, + "nauc_ndcg_at_1000_diff1": 48.54198944308599, + "nauc_ndcg_at_1000_max": 33.76118694493479, + "nauc_ndcg_at_1000_std": -8.65402138092725, + "nauc_ndcg_at_100_diff1": 48.108850696506025, + "nauc_ndcg_at_100_max": 33.84243712166641, + "nauc_ndcg_at_100_std": -8.254554667297844, + "nauc_ndcg_at_10_diff1": 47.89236428952843, + "nauc_ndcg_at_10_max": 31.812029093395473, + "nauc_ndcg_at_10_std": -11.127378110447985, + "nauc_ndcg_at_1_diff1": 52.76130402864484, + "nauc_ndcg_at_1_max": 31.114589410052044, + "nauc_ndcg_at_1_std": -12.937210710275965, + "nauc_ndcg_at_20_diff1": 47.905767671630315, + "nauc_ndcg_at_20_max": 32.49208823548766, + "nauc_ndcg_at_20_std": -10.250570357659894, + "nauc_ndcg_at_3_diff1": 49.59377768692143, + "nauc_ndcg_at_3_max": 33.13546546596274, + "nauc_ndcg_at_3_std": -12.19125595753908, + "nauc_ndcg_at_5_diff1": 48.35844341475799, + "nauc_ndcg_at_5_max": 33.13927657899762, + "nauc_ndcg_at_5_std": -11.300005449965582, + "nauc_precision_at_1000_diff1": -16.480026591870523, + "nauc_precision_at_1000_max": -15.181621988935524, + "nauc_precision_at_1000_std": 34.719339551334855, + "nauc_precision_at_100_diff1": -16.56707264200106, + "nauc_precision_at_100_max": -6.877547823040516, + "nauc_precision_at_100_std": 31.758215821939384, + "nauc_precision_at_10_diff1": 4.772949413625673, + "nauc_precision_at_10_max": 14.48563506451036, + "nauc_precision_at_10_std": 12.151171571697414, + "nauc_precision_at_1_diff1": 52.76130402864484, + "nauc_precision_at_1_max": 31.114589410052044, + "nauc_precision_at_1_std": -12.937210710275965, + "nauc_precision_at_20_diff1": -5.247617701441084, + "nauc_precision_at_20_max": 7.8524153059071065, + "nauc_precision_at_20_std": 20.475057466275427, + "nauc_precision_at_3_diff1": 29.307240726725464, + "nauc_precision_at_3_max": 30.53776235029683, + "nauc_precision_at_3_std": -1.9867363754853145, + "nauc_precision_at_5_diff1": 16.82602124982839, + "nauc_precision_at_5_max": 24.967617984133213, + "nauc_precision_at_5_std": 3.7688940286519914, + "nauc_recall_at_1000_diff1": 19.911102783538993, + "nauc_recall_at_1000_max": 43.55994274840259, + "nauc_recall_at_1000_std": 44.61688663280485, + "nauc_recall_at_100_diff1": 25.00639435271183, + "nauc_recall_at_100_max": 34.51865414347991, + "nauc_recall_at_100_std": 18.406464007769454, + "nauc_recall_at_10_diff1": 38.62687941260691, + "nauc_recall_at_10_max": 27.489917928538553, + "nauc_recall_at_10_std": -10.35234915862916, + "nauc_recall_at_1_diff1": 58.14264885967374, + "nauc_recall_at_1_max": 31.098191422332405, + "nauc_recall_at_1_std": -16.55201181770837, + "nauc_recall_at_20_diff1": 35.11800106234923, + "nauc_recall_at_20_max": 28.356707989534385, + "nauc_recall_at_20_std": -5.782361862032475, + "nauc_recall_at_3_diff1": 47.010690556838405, + "nauc_recall_at_3_max": 30.960698559313798, + "nauc_recall_at_3_std": -14.716248620617172, + "nauc_recall_at_5_diff1": 42.9526068288436, + "nauc_recall_at_5_max": 31.419778612165533, + "nauc_recall_at_5_std": -11.818424254829178, + "ndcg_at_1": 37.153999999999996, + "ndcg_at_10": 48.375, + "ndcg_at_100": 54.657, + "ndcg_at_1000": 56.208000000000006, + "ndcg_at_20": 50.771, + "ndcg_at_3": 43.315, + "ndcg_at_5": 45.129000000000005, + "precision_at_1": 37.153999999999996, + "precision_at_10": 9.328, + "precision_at_100": 1.9029999999999998, + "precision_at_1000": 0.258, + "precision_at_20": 5.998, + "precision_at_3": 20.224, + "precision_at_5": 14.347999999999999, + "recall_at_1": 30.793, + "recall_at_10": 60.999, + "recall_at_100": 88.24499999999999, + "recall_at_1000": 97.773, + "recall_at_20": 69.702, + "recall_at_3": 46.255, + "recall_at_5": 51.245 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Retriever-v1/external/CQADupstackWordpressRetrieval.json b/results/nvidia__NV-Retriever-v1/external/CQADupstackWordpressRetrieval.json new file mode 100644 index 000000000..53460692f --- /dev/null +++ b/results/nvidia__NV-Retriever-v1/external/CQADupstackWordpressRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "4ffe81d471b1924886b33c7567bfb200e9eec5c4", + "task_name": "CQADupstackWordpressRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 41.349000000000004, + "map_at_1": 26.75, + "map_at_10": 36.042, + "map_at_100": 37.172, + "map_at_1000": 37.261, + "map_at_20": 36.66, + "map_at_3": 33.235, + "map_at_5": 34.748000000000005, + "mrr_at_1": 29.390018484288355, + "mrr_at_10": 38.4025760643136, + "mrr_at_100": 39.374703522095395, + "mrr_at_1000": 39.42972569352847, + "mrr_at_20": 38.93955238768051, + "mrr_at_3": 36.013555144793614, + "mrr_at_5": 37.2520024645718, + "nauc_map_at_1000_diff1": 44.69823016014606, + "nauc_map_at_1000_max": 25.57190426738162, + "nauc_map_at_1000_std": -4.199140067047161, + "nauc_map_at_100_diff1": 44.683770406187875, + "nauc_map_at_100_max": 25.551408403995257, + "nauc_map_at_100_std": -4.218572010835323, + "nauc_map_at_10_diff1": 44.68530737786573, + "nauc_map_at_10_max": 25.46193155573604, + "nauc_map_at_10_std": -4.809871031910446, + "nauc_map_at_1_diff1": 50.41571355104115, + "nauc_map_at_1_max": 26.581260847509704, + "nauc_map_at_1_std": -5.403238214693907, + "nauc_map_at_20_diff1": 44.731965188076956, + "nauc_map_at_20_max": 25.404018335678042, + "nauc_map_at_20_std": -4.518115190513196, + "nauc_map_at_3_diff1": 45.72733737454689, + "nauc_map_at_3_max": 25.16236634356437, + "nauc_map_at_3_std": -5.210810848188912, + "nauc_map_at_5_diff1": 45.04362118675467, + "nauc_map_at_5_max": 25.256832347187792, + "nauc_map_at_5_std": -4.665177712989629, + "nauc_mrr_at_1000_diff1": 43.96570681453743, + "nauc_mrr_at_1000_max": 25.515577482173303, + "nauc_mrr_at_1000_std": -3.1318312163116167, + "nauc_mrr_at_100_diff1": 43.94835648436942, + "nauc_mrr_at_100_max": 25.485710237620257, + "nauc_mrr_at_100_std": -3.1262634160182587, + "nauc_mrr_at_10_diff1": 43.87989114303318, + "nauc_mrr_at_10_max": 25.561703958752073, + "nauc_mrr_at_10_std": -3.5337096979285465, + "nauc_mrr_at_1_diff1": 50.5769748938826, + "nauc_mrr_at_1_max": 27.540216184434602, + "nauc_mrr_at_1_std": -4.3410331054744455, + "nauc_mrr_at_20_diff1": 43.89090600752474, + "nauc_mrr_at_20_max": 25.35538914450936, + "nauc_mrr_at_20_std": -3.256848712300088, + "nauc_mrr_at_3_diff1": 44.67145787977651, + "nauc_mrr_at_3_max": 25.743032202078233, + "nauc_mrr_at_3_std": -3.543961143296222, + "nauc_mrr_at_5_diff1": 44.1410906123774, + "nauc_mrr_at_5_max": 25.512981453020377, + "nauc_mrr_at_5_std": -3.3984260964459625, + "nauc_ndcg_at_1000_diff1": 42.094467874822634, + "nauc_ndcg_at_1000_max": 25.773789329652143, + "nauc_ndcg_at_1000_std": -1.5030137154663146, + "nauc_ndcg_at_100_diff1": 41.551311444176505, + "nauc_ndcg_at_100_max": 25.41326272306838, + "nauc_ndcg_at_100_std": -1.2565322587434289, + "nauc_ndcg_at_10_diff1": 41.692329741760844, + "nauc_ndcg_at_10_max": 24.973824605697946, + "nauc_ndcg_at_10_std": -4.0454407772294445, + "nauc_ndcg_at_1_diff1": 50.5769748938826, + "nauc_ndcg_at_1_max": 27.540216184434602, + "nauc_ndcg_at_1_std": -4.3410331054744455, + "nauc_ndcg_at_20_diff1": 41.7849741522554, + "nauc_ndcg_at_20_max": 24.483461844450098, + "nauc_ndcg_at_20_std": -3.0192185885852267, + "nauc_ndcg_at_3_diff1": 43.50095372671906, + "nauc_ndcg_at_3_max": 25.0660548267931, + "nauc_ndcg_at_3_std": -4.136658038209795, + "nauc_ndcg_at_5_diff1": 42.56860328119003, + "nauc_ndcg_at_5_max": 24.64471019866571, + "nauc_ndcg_at_5_std": -3.7919812365370316, + "nauc_precision_at_1000_diff1": -11.608868871826067, + "nauc_precision_at_1000_max": -4.774237268127937, + "nauc_precision_at_1000_std": 12.15076818010773, + "nauc_precision_at_100_diff1": 1.9653391598989818, + "nauc_precision_at_100_max": 14.82175127203874, + "nauc_precision_at_100_std": 19.14581435930739, + "nauc_precision_at_10_diff1": 24.310184596872997, + "nauc_precision_at_10_max": 24.654364730313127, + "nauc_precision_at_10_std": 3.834736733208166, + "nauc_precision_at_1_diff1": 50.5769748938826, + "nauc_precision_at_1_max": 27.540216184434602, + "nauc_precision_at_1_std": -4.3410331054744455, + "nauc_precision_at_20_diff1": 20.31741982412239, + "nauc_precision_at_20_max": 21.813185907394, + "nauc_precision_at_20_std": 8.67748469930042, + "nauc_precision_at_3_diff1": 36.23426146022416, + "nauc_precision_at_3_max": 25.085104352996147, + "nauc_precision_at_3_std": -0.13994055865810526, + "nauc_precision_at_5_diff1": 30.713670782259456, + "nauc_precision_at_5_max": 25.073465240016198, + "nauc_precision_at_5_std": 2.903773154373253, + "nauc_recall_at_1000_diff1": 14.861338959184192, + "nauc_recall_at_1000_max": 38.46379100413754, + "nauc_recall_at_1000_std": 40.82683088866469, + "nauc_recall_at_100_diff1": 24.540319510278348, + "nauc_recall_at_100_max": 24.172628109630832, + "nauc_recall_at_100_std": 16.567712965914602, + "nauc_recall_at_10_diff1": 31.92224903523137, + "nauc_recall_at_10_max": 22.064974975663127, + "nauc_recall_at_10_std": -3.156058361445988, + "nauc_recall_at_1_diff1": 50.41571355104115, + "nauc_recall_at_1_max": 26.581260847509704, + "nauc_recall_at_1_std": -5.403238214693907, + "nauc_recall_at_20_diff1": 31.409257808669842, + "nauc_recall_at_20_max": 19.307470123424853, + "nauc_recall_at_20_std": 0.8921848838324672, + "nauc_recall_at_3_diff1": 37.83159917842702, + "nauc_recall_at_3_max": 22.128986921876365, + "nauc_recall_at_3_std": -4.332761965568785, + "nauc_recall_at_5_diff1": 35.43509187423654, + "nauc_recall_at_5_max": 21.559603832786657, + "nauc_recall_at_5_std": -2.7879479079841327, + "ndcg_at_1": 29.39, + "ndcg_at_10": 41.349000000000004, + "ndcg_at_100": 46.814, + "ndcg_at_1000": 48.748000000000005, + "ndcg_at_20": 43.491, + "ndcg_at_3": 36.120000000000005, + "ndcg_at_5": 38.415, + "precision_at_1": 29.39, + "precision_at_10": 6.451, + "precision_at_100": 0.991, + "precision_at_1000": 0.128, + "precision_at_20": 3.762, + "precision_at_3": 15.588, + "precision_at_5": 10.795, + "recall_at_1": 26.75, + "recall_at_10": 55.397, + "recall_at_100": 80.247, + "recall_at_1000": 94.207, + "recall_at_20": 63.55499999999999, + "recall_at_3": 41.083999999999996, + "recall_at_5": 46.58 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Retriever-v1/external/ClimateFEVER.json b/results/nvidia__NV-Retriever-v1/external/ClimateFEVER.json new file mode 100644 index 000000000..d5f3e0beb --- /dev/null +++ b/results/nvidia__NV-Retriever-v1/external/ClimateFEVER.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 43.469, + "map_at_1": 19.506999999999998, + "map_at_10": 33.016, + "map_at_100": 35.36, + "map_at_1000": 35.515, + "map_at_20": 34.323, + "map_at_3": 27.862, + "map_at_5": 30.612000000000002, + "mrr_at_1": 44.16938110749186, + "mrr_at_10": 56.57685745307904, + "mrr_at_100": 57.17414254225016, + "mrr_at_1000": 57.189032189089495, + "mrr_at_20": 56.97649801229595, + "mrr_at_3": 53.84364820846914, + "mrr_at_5": 55.55048859934868, + "nauc_map_at_1000_diff1": 24.602536884273523, + "nauc_map_at_1000_max": 39.26487354477874, + "nauc_map_at_1000_std": 22.94302438231403, + "nauc_map_at_100_diff1": 24.592347616537754, + "nauc_map_at_100_max": 39.228370594048044, + "nauc_map_at_100_std": 22.91028538467064, + "nauc_map_at_10_diff1": 25.211737206439466, + "nauc_map_at_10_max": 39.14645027724652, + "nauc_map_at_10_std": 21.645361248764246, + "nauc_map_at_1_diff1": 34.574022172223785, + "nauc_map_at_1_max": 36.80960969907521, + "nauc_map_at_1_std": 14.745037917509043, + "nauc_map_at_20_diff1": 24.522877050053797, + "nauc_map_at_20_max": 39.059341666216426, + "nauc_map_at_20_std": 22.4609918713542, + "nauc_map_at_3_diff1": 27.15813672283225, + "nauc_map_at_3_max": 38.14947129547116, + "nauc_map_at_3_std": 18.37694411131855, + "nauc_map_at_5_diff1": 26.3963128622898, + "nauc_map_at_5_max": 38.79462114513801, + "nauc_map_at_5_std": 19.904846635683718, + "nauc_mrr_at_1000_diff1": 24.390212975354274, + "nauc_mrr_at_1000_max": 37.575264384207465, + "nauc_mrr_at_1000_std": 22.607616532255875, + "nauc_mrr_at_100_diff1": 24.38096540780017, + "nauc_mrr_at_100_max": 37.585671997802656, + "nauc_mrr_at_100_std": 22.625502455820666, + "nauc_mrr_at_10_diff1": 24.240023464772193, + "nauc_mrr_at_10_max": 37.624380443643524, + "nauc_mrr_at_10_std": 22.694399526110466, + "nauc_mrr_at_1_diff1": 28.020125669466562, + "nauc_mrr_at_1_max": 34.02386180115898, + "nauc_mrr_at_1_std": 17.835724317244686, + "nauc_mrr_at_20_diff1": 24.333355652108292, + "nauc_mrr_at_20_max": 37.57796475058575, + "nauc_mrr_at_20_std": 22.704917335783062, + "nauc_mrr_at_3_diff1": 24.9739147862957, + "nauc_mrr_at_3_max": 37.960296534359685, + "nauc_mrr_at_3_std": 21.93607347433575, + "nauc_mrr_at_5_diff1": 24.320129475684165, + "nauc_mrr_at_5_max": 37.58866607632526, + "nauc_mrr_at_5_std": 22.31442317668481, + "nauc_ndcg_at_1000_diff1": 21.893106953223356, + "nauc_ndcg_at_1000_max": 40.38192211749562, + "nauc_ndcg_at_1000_std": 27.943530727839622, + "nauc_ndcg_at_100_diff1": 21.476881814995785, + "nauc_ndcg_at_100_max": 39.91597694502497, + "nauc_ndcg_at_100_std": 27.80086195626175, + "nauc_ndcg_at_10_diff1": 22.788155104417537, + "nauc_ndcg_at_10_max": 39.64018481724029, + "nauc_ndcg_at_10_std": 24.608760819228856, + "nauc_ndcg_at_1_diff1": 28.020125669466562, + "nauc_ndcg_at_1_max": 34.02386180115898, + "nauc_ndcg_at_1_std": 17.835724317244686, + "nauc_ndcg_at_20_diff1": 21.435037904375516, + "nauc_ndcg_at_20_max": 39.41545921639339, + "nauc_ndcg_at_20_std": 26.302180505922152, + "nauc_ndcg_at_3_diff1": 24.37753699681809, + "nauc_ndcg_at_3_max": 37.92832349922249, + "nauc_ndcg_at_3_std": 20.314267862236697, + "nauc_ndcg_at_5_diff1": 24.489993763202634, + "nauc_ndcg_at_5_max": 39.322948140029744, + "nauc_ndcg_at_5_std": 22.069807417424485, + "nauc_precision_at_1000_diff1": -16.048547778222588, + "nauc_precision_at_1000_max": -3.205412586478899, + "nauc_precision_at_1000_std": 14.433544284750797, + "nauc_precision_at_100_diff1": -11.787991777545036, + "nauc_precision_at_100_max": 6.850986771358883, + "nauc_precision_at_100_std": 22.572974966148244, + "nauc_precision_at_10_diff1": -0.5111959706315438, + "nauc_precision_at_10_max": 22.560355393578128, + "nauc_precision_at_10_std": 25.562322716450424, + "nauc_precision_at_1_diff1": 28.020125669466562, + "nauc_precision_at_1_max": 34.02386180115898, + "nauc_precision_at_1_std": 17.835724317244686, + "nauc_precision_at_20_diff1": -6.0772940189383275, + "nauc_precision_at_20_max": 17.194360329332213, + "nauc_precision_at_20_std": 26.551077839343566, + "nauc_precision_at_3_diff1": 10.033294854519573, + "nauc_precision_at_3_max": 31.72453436391336, + "nauc_precision_at_3_std": 22.294966409945427, + "nauc_precision_at_5_diff1": 6.237641122443952, + "nauc_precision_at_5_max": 28.3251946189731, + "nauc_precision_at_5_std": 23.742964477476097, + "nauc_recall_at_1000_diff1": 7.066317014709414, + "nauc_recall_at_1000_max": 41.26207890590803, + "nauc_recall_at_1000_std": 48.082120972049324, + "nauc_recall_at_100_diff1": 8.5605869633491, + "nauc_recall_at_100_max": 34.21516017657153, + "nauc_recall_at_100_std": 36.23370174719997, + "nauc_recall_at_10_diff1": 15.894026727549823, + "nauc_recall_at_10_max": 35.7217710490404, + "nauc_recall_at_10_std": 25.411329590972702, + "nauc_recall_at_1_diff1": 34.574022172223785, + "nauc_recall_at_1_max": 36.80960969907521, + "nauc_recall_at_1_std": 14.745037917509043, + "nauc_recall_at_20_diff1": 11.044245946655797, + "nauc_recall_at_20_max": 33.321827723279846, + "nauc_recall_at_20_std": 28.839341482904228, + "nauc_recall_at_3_diff1": 23.574156335947677, + "nauc_recall_at_3_max": 38.36490056324833, + "nauc_recall_at_3_std": 19.781669176069148, + "nauc_recall_at_5_diff1": 20.375492803538272, + "nauc_recall_at_5_max": 37.13169592173094, + "nauc_recall_at_5_std": 21.698652331981503, + "ndcg_at_1": 44.169000000000004, + "ndcg_at_10": 43.469, + "ndcg_at_100": 51.056000000000004, + "ndcg_at_1000": 53.467, + "ndcg_at_20": 46.601, + "ndcg_at_3": 37.138, + "ndcg_at_5": 39.286, + "precision_at_1": 44.169000000000004, + "precision_at_10": 13.316, + "precision_at_100": 2.149, + "precision_at_1000": 0.261, + "precision_at_20": 8.01, + "precision_at_3": 27.839000000000002, + "precision_at_5": 20.846999999999998, + "recall_at_1": 19.506999999999998, + "recall_at_10": 49.242000000000004, + "recall_at_100": 74.421, + "recall_at_1000": 87.53699999999999, + "recall_at_20": 57.992, + "recall_at_3": 33.024, + "recall_at_5": 40.178000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Retriever-v1/external/DBPedia.json b/results/nvidia__NV-Retriever-v1/external/DBPedia.json new file mode 100644 index 000000000..ef87da08a --- /dev/null +++ b/results/nvidia__NV-Retriever-v1/external/DBPedia.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 50.815999999999995, + "map_at_1": 10.4, + "map_at_10": 24.509, + "map_at_100": 35.888, + "map_at_1000": 37.881, + "map_at_20": 29.248, + "map_at_3": 16.683, + "map_at_5": 20.121, + "mrr_at_1": 76.5, + "mrr_at_10": 82.96865079365078, + "mrr_at_100": 83.15565684386043, + "mrr_at_1000": 83.16234347576268, + "mrr_at_20": 83.10610208827119, + "mrr_at_3": 81.875, + "mrr_at_5": 82.53749999999998, + "nauc_map_at_1000_diff1": 23.772111749199244, + "nauc_map_at_1000_max": 30.20334223785286, + "nauc_map_at_1000_std": 18.05771740348393, + "nauc_map_at_100_diff1": 24.99922400559097, + "nauc_map_at_100_max": 30.227680457273554, + "nauc_map_at_100_std": 15.266796337809208, + "nauc_map_at_10_diff1": 26.33907059260499, + "nauc_map_at_10_max": 21.35352795885219, + "nauc_map_at_10_std": -11.676283379701461, + "nauc_map_at_1_diff1": 30.9428537478304, + "nauc_map_at_1_max": 10.706776298253795, + "nauc_map_at_1_std": -27.48789516952886, + "nauc_map_at_20_diff1": 26.028744882022643, + "nauc_map_at_20_max": 25.540897708997857, + "nauc_map_at_20_std": -2.1138409738399333, + "nauc_map_at_3_diff1": 28.569060478595414, + "nauc_map_at_3_max": 16.03075218426638, + "nauc_map_at_3_std": -23.289456267507518, + "nauc_map_at_5_diff1": 27.77252783978944, + "nauc_map_at_5_max": 17.558788618934244, + "nauc_map_at_5_std": -19.879370566923726, + "nauc_mrr_at_1000_diff1": 56.24197871190471, + "nauc_mrr_at_1000_max": 65.80135088215289, + "nauc_mrr_at_1000_std": 41.37855291304919, + "nauc_mrr_at_100_diff1": 56.23288710496704, + "nauc_mrr_at_100_max": 65.80061767216726, + "nauc_mrr_at_100_std": 41.36772467988576, + "nauc_mrr_at_10_diff1": 56.324447358144745, + "nauc_mrr_at_10_max": 65.81370075569146, + "nauc_mrr_at_10_std": 41.410460564882776, + "nauc_mrr_at_1_diff1": 59.65250965250966, + "nauc_mrr_at_1_max": 63.83691383691382, + "nauc_mrr_at_1_std": 36.73343673343676, + "nauc_mrr_at_20_diff1": 56.1707409830787, + "nauc_mrr_at_20_max": 65.69720497776981, + "nauc_mrr_at_20_std": 41.26487560092242, + "nauc_mrr_at_3_diff1": 54.9129569183045, + "nauc_mrr_at_3_max": 65.99486075421906, + "nauc_mrr_at_3_std": 41.95372363821559, + "nauc_mrr_at_5_diff1": 56.16135725971244, + "nauc_mrr_at_5_max": 66.3010887352757, + "nauc_mrr_at_5_std": 42.00610529557167, + "nauc_ndcg_at_1000_diff1": 32.70929215628561, + "nauc_ndcg_at_1000_max": 47.10806967197569, + "nauc_ndcg_at_1000_std": 35.00425836800715, + "nauc_ndcg_at_100_diff1": 35.06646341481841, + "nauc_ndcg_at_100_max": 45.39744548573974, + "nauc_ndcg_at_100_std": 27.047969181217844, + "nauc_ndcg_at_10_diff1": 27.274830141666424, + "nauc_ndcg_at_10_max": 42.504020954653996, + "nauc_ndcg_at_10_std": 22.697762917174995, + "nauc_ndcg_at_1_diff1": 50.08311936617783, + "nauc_ndcg_at_1_max": 54.73568887554088, + "nauc_ndcg_at_1_std": 26.170967864741694, + "nauc_ndcg_at_20_diff1": 31.242689219374427, + "nauc_ndcg_at_20_max": 42.541920517016614, + "nauc_ndcg_at_20_std": 18.96423111373813, + "nauc_ndcg_at_3_diff1": 28.826757289224155, + "nauc_ndcg_at_3_max": 43.58945597798035, + "nauc_ndcg_at_3_std": 24.087165156193166, + "nauc_ndcg_at_5_diff1": 26.119279113418546, + "nauc_ndcg_at_5_max": 40.679930238997535, + "nauc_ndcg_at_5_std": 23.46459132364594, + "nauc_precision_at_1000_diff1": -21.84770974908615, + "nauc_precision_at_1000_max": -14.093701963931426, + "nauc_precision_at_1000_std": 9.299725592056397, + "nauc_precision_at_100_diff1": -10.260185699059837, + "nauc_precision_at_100_max": 9.810522145982985, + "nauc_precision_at_100_std": 44.20627482372792, + "nauc_precision_at_10_diff1": -4.519747556705346, + "nauc_precision_at_10_max": 22.419340914046078, + "nauc_precision_at_10_std": 45.53510067051897, + "nauc_precision_at_1_diff1": 59.65250965250966, + "nauc_precision_at_1_max": 63.83691383691382, + "nauc_precision_at_1_std": 36.73343673343676, + "nauc_precision_at_20_diff1": -4.894217383220783, + "nauc_precision_at_20_max": 20.026284106419716, + "nauc_precision_at_20_std": 46.826549838338885, + "nauc_precision_at_3_diff1": 8.255495021604343, + "nauc_precision_at_3_max": 32.41871125305279, + "nauc_precision_at_3_std": 39.37854593274469, + "nauc_precision_at_5_diff1": 0.8399922914701591, + "nauc_precision_at_5_max": 25.576701242406784, + "nauc_precision_at_5_std": 41.43316549318606, + "nauc_recall_at_1000_diff1": 26.933682703442607, + "nauc_recall_at_1000_max": 41.242862989732615, + "nauc_recall_at_1000_std": 47.718397116276726, + "nauc_recall_at_100_diff1": 28.66794019735935, + "nauc_recall_at_100_max": 33.70954178154391, + "nauc_recall_at_100_std": 20.337812189448144, + "nauc_recall_at_10_diff1": 23.98560937572333, + "nauc_recall_at_10_max": 17.85589161042591, + "nauc_recall_at_10_std": -15.460067168640327, + "nauc_recall_at_1_diff1": 30.9428537478304, + "nauc_recall_at_1_max": 10.706776298253795, + "nauc_recall_at_1_std": -27.48789516952886, + "nauc_recall_at_20_diff1": 24.528494602453677, + "nauc_recall_at_20_max": 22.39686785999968, + "nauc_recall_at_20_std": -6.8755605379050495, + "nauc_recall_at_3_diff1": 24.352067402718824, + "nauc_recall_at_3_max": 13.630657148502184, + "nauc_recall_at_3_std": -24.752279121894848, + "nauc_recall_at_5_diff1": 23.93262400173538, + "nauc_recall_at_5_max": 14.158970487334082, + "nauc_recall_at_5_std": -22.37672315523696, + "ndcg_at_1": 64.75, + "ndcg_at_10": 50.815999999999995, + "ndcg_at_100": 55.981, + "ndcg_at_1000": 62.857, + "ndcg_at_20": 50.283, + "ndcg_at_3": 56.232000000000006, + "ndcg_at_5": 53.303999999999995, + "precision_at_1": 76.5, + "precision_at_10": 40.9, + "precision_at_100": 13.01, + "precision_at_1000": 2.496, + "precision_at_20": 31.525, + "precision_at_3": 59.667, + "precision_at_5": 51.5, + "recall_at_1": 10.4, + "recall_at_10": 29.837000000000003, + "recall_at_100": 62.495999999999995, + "recall_at_1000": 84.179, + "recall_at_20": 39.745000000000005, + "recall_at_3": 17.772, + "recall_at_5": 22.732 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Retriever-v1/external/FEVER.json b/results/nvidia__NV-Retriever-v1/external/FEVER.json new file mode 100644 index 000000000..4cab634e0 --- /dev/null +++ b/results/nvidia__NV-Retriever-v1/external/FEVER.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 93.147, + "map_at_1": 84.123, + "map_at_10": 90.793, + "map_at_100": 91.00399999999999, + "map_at_1000": 91.014, + "map_at_20": 90.929, + "map_at_3": 90.01, + "map_at_5": 90.514, + "mrr_at_1": 90.6090609060906, + "mrr_at_10": 94.56931407426447, + "mrr_at_100": 94.5981688826583, + "mrr_at_1000": 94.59839036307305, + "mrr_at_20": 94.58933347392538, + "mrr_at_3": 94.39443944394432, + "mrr_at_5": 94.52720272027192, + "nauc_map_at_1000_diff1": 47.79099845895175, + "nauc_map_at_1000_max": 27.497877436060126, + "nauc_map_at_1000_std": -8.13339253954977, + "nauc_map_at_100_diff1": 47.73289128218074, + "nauc_map_at_100_max": 27.47233674805432, + "nauc_map_at_100_std": -8.116906996417276, + "nauc_map_at_10_diff1": 47.11991698822012, + "nauc_map_at_10_max": 27.043478885296818, + "nauc_map_at_10_std": -8.041555396807254, + "nauc_map_at_1_diff1": 54.62356861092832, + "nauc_map_at_1_max": 25.79991281991449, + "nauc_map_at_1_std": -10.727885287362989, + "nauc_map_at_20_diff1": 47.355948038923415, + "nauc_map_at_20_max": 27.377496866209412, + "nauc_map_at_20_std": -7.964383745017635, + "nauc_map_at_3_diff1": 46.250567821995816, + "nauc_map_at_3_max": 26.720427753104087, + "nauc_map_at_3_std": -8.720105706265599, + "nauc_map_at_5_diff1": 46.60720659354551, + "nauc_map_at_5_max": 26.571065579915974, + "nauc_map_at_5_std": -8.595067960972495, + "nauc_mrr_at_1000_diff1": 73.70855511936261, + "nauc_mrr_at_1000_max": 34.73984488188905, + "nauc_mrr_at_1000_std": -19.808375433256, + "nauc_mrr_at_100_diff1": 73.7096330945882, + "nauc_mrr_at_100_max": 34.742520612749445, + "nauc_mrr_at_100_std": -19.803463171450023, + "nauc_mrr_at_10_diff1": 73.71314616789961, + "nauc_mrr_at_10_max": 34.947852652846485, + "nauc_mrr_at_10_std": -19.759110050207276, + "nauc_mrr_at_1_diff1": 74.52821692195837, + "nauc_mrr_at_1_max": 32.2133212833154, + "nauc_mrr_at_1_std": -18.97663485312286, + "nauc_mrr_at_20_diff1": 73.69023729557055, + "nauc_mrr_at_20_max": 34.80486237439106, + "nauc_mrr_at_20_std": -19.691951099200146, + "nauc_mrr_at_3_diff1": 73.43522847167395, + "nauc_mrr_at_3_max": 35.072062525904414, + "nauc_mrr_at_3_std": -20.938095342419672, + "nauc_mrr_at_5_diff1": 73.69029982038052, + "nauc_mrr_at_5_max": 35.14296188327372, + "nauc_mrr_at_5_std": -20.10654798165351, + "nauc_ndcg_at_1000_diff1": 51.65324942604166, + "nauc_ndcg_at_1000_max": 29.729210561748797, + "nauc_ndcg_at_1000_std": -8.830858681742994, + "nauc_ndcg_at_100_diff1": 50.40059292035861, + "nauc_ndcg_at_100_max": 29.323797091488856, + "nauc_ndcg_at_100_std": -8.288820123602129, + "nauc_ndcg_at_10_diff1": 47.73985149996194, + "nauc_ndcg_at_10_max": 28.43547785458384, + "nauc_ndcg_at_10_std": -7.355960453195441, + "nauc_ndcg_at_1_diff1": 74.52821692195837, + "nauc_ndcg_at_1_max": 32.2133212833154, + "nauc_ndcg_at_1_std": -18.97663485312286, + "nauc_ndcg_at_20_diff1": 48.34744447531361, + "nauc_ndcg_at_20_max": 29.147274611665104, + "nauc_ndcg_at_20_std": -7.1859909752874565, + "nauc_ndcg_at_3_diff1": 48.02902219011437, + "nauc_ndcg_at_3_max": 29.05519326030459, + "nauc_ndcg_at_3_std": -9.562414651448368, + "nauc_ndcg_at_5_diff1": 47.29981191574703, + "nauc_ndcg_at_5_max": 28.014651730307428, + "nauc_ndcg_at_5_std": -8.661224447638219, + "nauc_precision_at_1000_diff1": -10.024865744474184, + "nauc_precision_at_1000_max": -4.298508017924518, + "nauc_precision_at_1000_std": 1.547025732357951, + "nauc_precision_at_100_diff1": -12.06926468256376, + "nauc_precision_at_100_max": -4.21291413804896, + "nauc_precision_at_100_std": 2.872264631517362, + "nauc_precision_at_10_diff1": -15.94007852972694, + "nauc_precision_at_10_max": -4.544097710963198, + "nauc_precision_at_10_std": 4.767828958024675, + "nauc_precision_at_1_diff1": 74.52821692195837, + "nauc_precision_at_1_max": 32.2133212833154, + "nauc_precision_at_1_std": -18.97663485312286, + "nauc_precision_at_20_diff1": -15.66405220649896, + "nauc_precision_at_20_max": -3.6496367951851822, + "nauc_precision_at_20_std": 4.825301805130045, + "nauc_precision_at_3_diff1": -12.514109763479336, + "nauc_precision_at_3_max": -0.24447133318217024, + "nauc_precision_at_3_std": -0.2649163459628502, + "nauc_precision_at_5_diff1": -15.820728575356485, + "nauc_precision_at_5_max": -4.786371094249761, + "nauc_precision_at_5_std": 1.7929947640996053, + "nauc_recall_at_1000_diff1": 5.499530852392676, + "nauc_recall_at_1000_max": 44.030520852910406, + "nauc_recall_at_1000_std": 50.2017454712542, + "nauc_recall_at_100_diff1": 2.0640091010830526, + "nauc_recall_at_100_max": 24.864404635675204, + "nauc_recall_at_100_std": 27.319350569429734, + "nauc_recall_at_10_diff1": 13.791800250368114, + "nauc_recall_at_10_max": 24.769825741582302, + "nauc_recall_at_10_std": 13.59069444609498, + "nauc_recall_at_1_diff1": 54.62356861092832, + "nauc_recall_at_1_max": 25.79991281991449, + "nauc_recall_at_1_std": -10.727885287362989, + "nauc_recall_at_20_diff1": 5.336705306013041, + "nauc_recall_at_20_max": 27.41570703746024, + "nauc_recall_at_20_std": 23.006970266201787, + "nauc_recall_at_3_diff1": 23.292169395266264, + "nauc_recall_at_3_max": 24.262360079531074, + "nauc_recall_at_3_std": -1.7422845002974312, + "nauc_recall_at_5_diff1": 18.060917420579997, + "nauc_recall_at_5_max": 23.06733097213354, + "nauc_recall_at_5_std": 3.3913875084148297, + "ndcg_at_1": 90.609, + "ndcg_at_10": 93.147, + "ndcg_at_100": 93.74900000000001, + "ndcg_at_1000": 93.901, + "ndcg_at_20": 93.447, + "ndcg_at_3": 92.268, + "ndcg_at_5": 92.757, + "precision_at_1": 90.609, + "precision_at_10": 10.926, + "precision_at_100": 1.149, + "precision_at_1000": 0.11800000000000001, + "precision_at_20": 5.5809999999999995, + "precision_at_3": 34.738, + "precision_at_5": 21.346999999999998, + "recall_at_1": 84.123, + "recall_at_10": 96.539, + "recall_at_100": 98.67899999999999, + "recall_at_1000": 99.555, + "recall_at_20": 97.45700000000001, + "recall_at_3": 94.133, + "recall_at_5": 95.44200000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Retriever-v1/external/FiQA2018.json b/results/nvidia__NV-Retriever-v1/external/FiQA2018.json new file mode 100644 index 000000000..3a69bfe53 --- /dev/null +++ b/results/nvidia__NV-Retriever-v1/external/FiQA2018.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 61.182, + "map_at_1": 31.877, + "map_at_10": 52.986, + "map_at_100": 55.242000000000004, + "map_at_1000": 55.336, + "map_at_20": 54.36299999999999, + "map_at_3": 45.9, + "map_at_5": 49.952000000000005, + "mrr_at_1": 60.18518518518518, + "mrr_at_10": 67.71611062120319, + "mrr_at_100": 68.32957545203445, + "mrr_at_1000": 68.34041293981731, + "mrr_at_20": 68.1184684086802, + "mrr_at_3": 66.04938271604934, + "mrr_at_5": 67.02932098765427, + "nauc_map_at_1000_diff1": 49.390058112037565, + "nauc_map_at_1000_max": 33.86672922230126, + "nauc_map_at_1000_std": -24.19297282790569, + "nauc_map_at_100_diff1": 49.39575568085033, + "nauc_map_at_100_max": 33.82800761671263, + "nauc_map_at_100_std": -24.20216911890828, + "nauc_map_at_10_diff1": 49.826703829159065, + "nauc_map_at_10_max": 32.04132357301985, + "nauc_map_at_10_std": -25.477594030350414, + "nauc_map_at_1_diff1": 54.95925350681827, + "nauc_map_at_1_max": 13.962825942647214, + "nauc_map_at_1_std": -21.054092920927694, + "nauc_map_at_20_diff1": 49.537681600887865, + "nauc_map_at_20_max": 33.164569894845904, + "nauc_map_at_20_std": -25.075136372458108, + "nauc_map_at_3_diff1": 49.82581713716135, + "nauc_map_at_3_max": 25.491261673133316, + "nauc_map_at_3_std": -25.29735314206127, + "nauc_map_at_5_diff1": 49.170865024768574, + "nauc_map_at_5_max": 29.496572465872678, + "nauc_map_at_5_std": -25.457134089214883, + "nauc_mrr_at_1000_diff1": 59.44493769316621, + "nauc_mrr_at_1000_max": 46.13272263925939, + "nauc_mrr_at_1000_std": -19.11475143331668, + "nauc_mrr_at_100_diff1": 59.44411441499269, + "nauc_mrr_at_100_max": 46.13654028161708, + "nauc_mrr_at_100_std": -19.109369325106417, + "nauc_mrr_at_10_diff1": 59.219349927774154, + "nauc_mrr_at_10_max": 46.02618026578592, + "nauc_mrr_at_10_std": -19.37433068502548, + "nauc_mrr_at_1_diff1": 62.95921038561675, + "nauc_mrr_at_1_max": 46.18080967355503, + "nauc_mrr_at_1_std": -18.40186184012292, + "nauc_mrr_at_20_diff1": 59.3891382507084, + "nauc_mrr_at_20_max": 46.044401310035894, + "nauc_mrr_at_20_std": -19.257461333372504, + "nauc_mrr_at_3_diff1": 59.238553596931, + "nauc_mrr_at_3_max": 46.56487351573117, + "nauc_mrr_at_3_std": -19.12741537508225, + "nauc_mrr_at_5_diff1": 58.93737610599986, + "nauc_mrr_at_5_max": 45.99436971500825, + "nauc_mrr_at_5_std": -19.261662406716308, + "nauc_ndcg_at_1000_diff1": 51.40360288706063, + "nauc_ndcg_at_1000_max": 39.32722737004307, + "nauc_ndcg_at_1000_std": -20.898685807989388, + "nauc_ndcg_at_100_diff1": 51.36301353290372, + "nauc_ndcg_at_100_max": 38.97243548753853, + "nauc_ndcg_at_100_std": -20.50022060973278, + "nauc_ndcg_at_10_diff1": 51.44403959729833, + "nauc_ndcg_at_10_max": 36.01289481113504, + "nauc_ndcg_at_10_std": -24.176498000068843, + "nauc_ndcg_at_1_diff1": 62.95921038561675, + "nauc_ndcg_at_1_max": 46.18080967355503, + "nauc_ndcg_at_1_std": -18.40186184012292, + "nauc_ndcg_at_20_diff1": 51.41066012197159, + "nauc_ndcg_at_20_max": 37.24872539687912, + "nauc_ndcg_at_20_std": -23.372189423803118, + "nauc_ndcg_at_3_diff1": 48.489628982965854, + "nauc_ndcg_at_3_max": 36.93242010543425, + "nauc_ndcg_at_3_std": -23.566283895234708, + "nauc_ndcg_at_5_diff1": 48.855011049758616, + "nauc_ndcg_at_5_max": 34.72552703254509, + "nauc_ndcg_at_5_std": -24.603662195056884, + "nauc_precision_at_1000_diff1": -16.254896831329358, + "nauc_precision_at_1000_max": 26.68880233255314, + "nauc_precision_at_1000_std": 15.711021613094275, + "nauc_precision_at_100_diff1": -11.963143494271204, + "nauc_precision_at_100_max": 30.662204917415004, + "nauc_precision_at_100_std": 15.037733765190636, + "nauc_precision_at_10_diff1": 4.189692935472799, + "nauc_precision_at_10_max": 37.378105954795075, + "nauc_precision_at_10_std": -1.0086179584149657, + "nauc_precision_at_1_diff1": 62.95921038561675, + "nauc_precision_at_1_max": 46.18080967355503, + "nauc_precision_at_1_std": -18.40186184012292, + "nauc_precision_at_20_diff1": -3.1588007120578276, + "nauc_precision_at_20_max": 35.380893467283215, + "nauc_precision_at_20_std": 4.992120324159972, + "nauc_precision_at_3_diff1": 18.37633057040911, + "nauc_precision_at_3_max": 42.06004715153175, + "nauc_precision_at_3_std": -11.214136554742755, + "nauc_precision_at_5_diff1": 10.224008279551054, + "nauc_precision_at_5_max": 40.18017184406908, + "nauc_precision_at_5_std": -7.103870184792855, + "nauc_recall_at_1000_diff1": 38.30826137726082, + "nauc_recall_at_1000_max": 37.17044147876854, + "nauc_recall_at_1000_std": 10.594199798446793, + "nauc_recall_at_100_diff1": 40.454335943748475, + "nauc_recall_at_100_max": 31.170902337200097, + "nauc_recall_at_100_std": -0.8492074860948018, + "nauc_recall_at_10_diff1": 44.954194528652735, + "nauc_recall_at_10_max": 28.27547239551631, + "nauc_recall_at_10_std": -24.747605039280685, + "nauc_recall_at_1_diff1": 54.95925350681827, + "nauc_recall_at_1_max": 13.962825942647214, + "nauc_recall_at_1_std": -21.054092920927694, + "nauc_recall_at_20_diff1": 44.398293084195636, + "nauc_recall_at_20_max": 29.604081242804735, + "nauc_recall_at_20_std": -22.90399779981129, + "nauc_recall_at_3_diff1": 43.25687263417001, + "nauc_recall_at_3_max": 20.50817103562355, + "nauc_recall_at_3_std": -26.567575668398508, + "nauc_recall_at_5_diff1": 40.81840199310296, + "nauc_recall_at_5_max": 23.1238715032068, + "nauc_recall_at_5_std": -25.64446934619821, + "ndcg_at_1": 60.185, + "ndcg_at_10": 61.182, + "ndcg_at_100": 67.523, + "ndcg_at_1000": 68.759, + "ndcg_at_20": 64.084, + "ndcg_at_3": 56.48, + "ndcg_at_5": 58.098000000000006, + "precision_at_1": 60.185, + "precision_at_10": 17.083000000000002, + "precision_at_100": 2.366, + "precision_at_1000": 0.259, + "precision_at_20": 9.884, + "precision_at_3": 37.757000000000005, + "precision_at_5": 27.747, + "recall_at_1": 31.877, + "recall_at_10": 68.868, + "recall_at_100": 91.26100000000001, + "recall_at_1000": 98.346, + "recall_at_20": 77.523, + "recall_at_3": 51.226000000000006, + "recall_at_5": 59.319 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Retriever-v1/external/HotpotQA.json b/results/nvidia__NV-Retriever-v1/external/HotpotQA.json new file mode 100644 index 000000000..00533131d --- /dev/null +++ b/results/nvidia__NV-Retriever-v1/external/HotpotQA.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 79.125, + "map_at_1": 43.72, + "map_at_10": 72.03500000000001, + "map_at_100": 72.761, + "map_at_1000": 72.80499999999999, + "map_at_20": 72.477, + "map_at_3": 68.84700000000001, + "map_at_5": 70.982, + "mrr_at_1": 87.44091829844699, + "mrr_at_10": 91.31576155107534, + "mrr_at_100": 91.40489558470692, + "mrr_at_1000": 91.40687231624047, + "mrr_at_20": 91.37223203223267, + "mrr_at_3": 90.84177357641214, + "mrr_at_5": 91.17938329957211, + "nauc_map_at_1000_diff1": 2.160941678109871, + "nauc_map_at_1000_max": 20.280335959707244, + "nauc_map_at_1000_std": 2.097428882568907, + "nauc_map_at_100_diff1": 2.1230954064310272, + "nauc_map_at_100_max": 20.258093599808014, + "nauc_map_at_100_std": 2.1151474260126633, + "nauc_map_at_10_diff1": 1.8723430508681238, + "nauc_map_at_10_max": 20.001115713122292, + "nauc_map_at_10_std": 1.5120467206405304, + "nauc_map_at_1_diff1": 68.47218714216126, + "nauc_map_at_1_max": 48.79030836492533, + "nauc_map_at_1_std": -14.325167455523276, + "nauc_map_at_20_diff1": 2.021495128391111, + "nauc_map_at_20_max": 20.19494185197473, + "nauc_map_at_20_std": 1.988283622854646, + "nauc_map_at_3_diff1": 1.3035766010655014, + "nauc_map_at_3_max": 18.267934028448014, + "nauc_map_at_3_std": -1.5393823883989837, + "nauc_map_at_5_diff1": 1.6758465601660635, + "nauc_map_at_5_max": 19.611409174084766, + "nauc_map_at_5_std": 0.5379733914867968, + "nauc_mrr_at_1000_diff1": 68.60925278528931, + "nauc_mrr_at_1000_max": 53.41174729989386, + "nauc_mrr_at_1000_std": -10.94381937854199, + "nauc_mrr_at_100_diff1": 68.61192764944234, + "nauc_mrr_at_100_max": 53.41979323473436, + "nauc_mrr_at_100_std": -10.928418937183535, + "nauc_mrr_at_10_diff1": 68.58075465200439, + "nauc_mrr_at_10_max": 53.469248695058894, + "nauc_mrr_at_10_std": -11.033247242342176, + "nauc_mrr_at_1_diff1": 68.47218714216126, + "nauc_mrr_at_1_max": 48.79030836492533, + "nauc_mrr_at_1_std": -14.325167455523276, + "nauc_mrr_at_20_diff1": 68.61440353772745, + "nauc_mrr_at_20_max": 53.48475026827637, + "nauc_mrr_at_20_std": -10.890302904034154, + "nauc_mrr_at_3_diff1": 68.69282004791216, + "nauc_mrr_at_3_max": 54.06094833361629, + "nauc_mrr_at_3_std": -11.153009129882598, + "nauc_mrr_at_5_diff1": 68.73035503749831, + "nauc_mrr_at_5_max": 53.83508048703245, + "nauc_mrr_at_5_std": -11.003690030416173, + "nauc_ndcg_at_1000_diff1": 9.50087869973644, + "nauc_ndcg_at_1000_max": 25.950105183418927, + "nauc_ndcg_at_1000_std": 5.135066113356472, + "nauc_ndcg_at_100_diff1": 8.362935638818364, + "nauc_ndcg_at_100_max": 25.34061127640931, + "nauc_ndcg_at_100_std": 5.754839950507415, + "nauc_ndcg_at_10_diff1": 7.156928707580207, + "nauc_ndcg_at_10_max": 24.251874180080023, + "nauc_ndcg_at_10_std": 3.4311673728584373, + "nauc_ndcg_at_1_diff1": 68.47218714216126, + "nauc_ndcg_at_1_max": 48.79030836492533, + "nauc_ndcg_at_1_std": -14.325167455523276, + "nauc_ndcg_at_20_diff1": 7.631421824536802, + "nauc_ndcg_at_20_max": 24.899012298150367, + "nauc_ndcg_at_20_std": 5.015727485279167, + "nauc_ndcg_at_3_diff1": 6.765698105055132, + "nauc_ndcg_at_3_max": 22.068064891465696, + "nauc_ndcg_at_3_std": -1.4664522141695102, + "nauc_ndcg_at_5_diff1": 6.97155171194824, + "nauc_ndcg_at_5_max": 23.660849668507527, + "nauc_ndcg_at_5_std": 1.4707432249488543, + "nauc_precision_at_1000_diff1": -5.507220131591544, + "nauc_precision_at_1000_max": 35.494019207652336, + "nauc_precision_at_1000_std": 51.48431882469268, + "nauc_precision_at_100_diff1": -9.856655267678178, + "nauc_precision_at_100_max": 23.40730506252858, + "nauc_precision_at_100_std": 34.01534710435972, + "nauc_precision_at_10_diff1": -7.169347416977972, + "nauc_precision_at_10_max": 20.252826543847206, + "nauc_precision_at_10_std": 13.940728560252206, + "nauc_precision_at_1_diff1": 68.47218714216126, + "nauc_precision_at_1_max": 48.79030836492533, + "nauc_precision_at_1_std": -14.325167455523276, + "nauc_precision_at_20_diff1": -7.783356154578335, + "nauc_precision_at_20_max": 21.74000065585772, + "nauc_precision_at_20_std": 21.489921794963333, + "nauc_precision_at_3_diff1": -4.4855992702233385, + "nauc_precision_at_3_max": 17.58424070747094, + "nauc_precision_at_3_std": 1.8777336548123371, + "nauc_precision_at_5_diff1": -5.604031655005792, + "nauc_precision_at_5_max": 19.580893429923517, + "nauc_precision_at_5_std": 7.8203617045788505, + "nauc_recall_at_1000_diff1": -5.507220131591377, + "nauc_recall_at_1000_max": 35.494019207652414, + "nauc_recall_at_1000_std": 51.48431882469249, + "nauc_recall_at_100_diff1": -9.856655267678182, + "nauc_recall_at_100_max": 23.407305062528323, + "nauc_recall_at_100_std": 34.01534710435951, + "nauc_recall_at_10_diff1": -7.169347416977698, + "nauc_recall_at_10_max": 20.252826543847338, + "nauc_recall_at_10_std": 13.940728560252335, + "nauc_recall_at_1_diff1": 68.47218714216126, + "nauc_recall_at_1_max": 48.79030836492533, + "nauc_recall_at_1_std": -14.325167455523276, + "nauc_recall_at_20_diff1": -7.7833561545783985, + "nauc_recall_at_20_max": 21.740000655857713, + "nauc_recall_at_20_std": 21.489921794963426, + "nauc_recall_at_3_diff1": -4.485599270223427, + "nauc_recall_at_3_max": 17.584240707470887, + "nauc_recall_at_3_std": 1.8777336548121935, + "nauc_recall_at_5_diff1": -5.604031655005744, + "nauc_recall_at_5_max": 19.580893429923695, + "nauc_recall_at_5_std": 7.820361704579018, + "ndcg_at_1": 87.441, + "ndcg_at_10": 79.125, + "ndcg_at_100": 81.45400000000001, + "ndcg_at_1000": 82.25099999999999, + "ndcg_at_20": 80.17, + "ndcg_at_3": 74.956, + "ndcg_at_5": 77.48, + "precision_at_1": 87.441, + "precision_at_10": 16.323999999999998, + "precision_at_100": 1.8110000000000002, + "precision_at_1000": 0.192, + "precision_at_20": 8.498, + "precision_at_3": 48.368, + "precision_at_5": 31.002999999999997, + "recall_at_1": 43.72, + "recall_at_10": 81.621, + "recall_at_100": 90.554, + "recall_at_1000": 95.787, + "recall_at_20": 84.983, + "recall_at_3": 72.552, + "recall_at_5": 77.508 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Retriever-v1/external/MSMARCO.json b/results/nvidia__NV-Retriever-v1/external/MSMARCO.json new file mode 100644 index 000000000..eb4a652f8 --- /dev/null +++ b/results/nvidia__NV-Retriever-v1/external/MSMARCO.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 44.89, + "map_at_1": 24.432000000000002, + "map_at_10": 37.591, + "map_at_100": 38.751000000000005, + "map_at_1000": 38.79, + "map_at_20": 38.322, + "map_at_3": 33.505, + "map_at_5": 35.859, + "mrr_at_1": 25.171919770773638, + "mrr_at_10": 38.21256310547136, + "mrr_at_100": 39.30753721884505, + "mrr_at_1000": 39.340691344391445, + "mrr_at_20": 38.90961306475649, + "mrr_at_3": 34.26456542502386, + "mrr_at_5": 36.53748806112701, + "nauc_map_at_1000_diff1": 38.66852221567241, + "nauc_map_at_1000_max": 4.1057766737799595, + "nauc_map_at_1000_std": -27.382157855077754, + "nauc_map_at_100_diff1": 38.6621397928445, + "nauc_map_at_100_max": 4.111681335095865, + "nauc_map_at_100_std": -27.36539945792605, + "nauc_map_at_10_diff1": 38.63319989433825, + "nauc_map_at_10_max": 3.9346979349074953, + "nauc_map_at_10_std": -28.0900393767871, + "nauc_map_at_1_diff1": 41.71535844577686, + "nauc_map_at_1_max": 3.4832962062214006, + "nauc_map_at_1_std": -23.525528000333843, + "nauc_map_at_20_diff1": 38.68062082411943, + "nauc_map_at_20_max": 4.046538867480454, + "nauc_map_at_20_std": -27.688449948610472, + "nauc_map_at_3_diff1": 38.584342089335685, + "nauc_map_at_3_max": 3.63965785769002, + "nauc_map_at_3_std": -27.46268496496546, + "nauc_map_at_5_diff1": 38.42816219182273, + "nauc_map_at_5_max": 3.839849854247509, + "nauc_map_at_5_std": -28.015487623173605, + "nauc_mrr_at_1000_diff1": 38.232755814715766, + "nauc_mrr_at_1000_max": 3.987692507096141, + "nauc_mrr_at_1000_std": -26.888695263011808, + "nauc_mrr_at_100_diff1": 38.22616005576646, + "nauc_mrr_at_100_max": 3.9948619556899123, + "nauc_mrr_at_100_std": -26.872832670267883, + "nauc_mrr_at_10_diff1": 38.155508621490306, + "nauc_mrr_at_10_max": 3.8153177084303582, + "nauc_mrr_at_10_std": -27.546238510006503, + "nauc_mrr_at_1_diff1": 41.26563649433227, + "nauc_mrr_at_1_max": 3.2940832364845734, + "nauc_mrr_at_1_std": -23.246326699010055, + "nauc_mrr_at_20_diff1": 38.23581610598243, + "nauc_mrr_at_20_max": 3.9519434237902455, + "nauc_mrr_at_20_std": -27.153182984955542, + "nauc_mrr_at_3_diff1": 38.123012505586516, + "nauc_mrr_at_3_max": 3.5952793301902446, + "nauc_mrr_at_3_std": -26.96557107215608, + "nauc_mrr_at_5_diff1": 38.00080442994164, + "nauc_mrr_at_5_max": 3.6611507063907838, + "nauc_mrr_at_5_std": -27.5217700193094, + "nauc_ndcg_at_1000_diff1": 38.08376371232426, + "nauc_ndcg_at_1000_max": 4.741285538467179, + "nauc_ndcg_at_1000_std": -26.876920597404325, + "nauc_ndcg_at_100_diff1": 37.933209786580186, + "nauc_ndcg_at_100_max": 5.003377252588231, + "nauc_ndcg_at_100_std": -26.136134328732467, + "nauc_ndcg_at_10_diff1": 37.82072609591181, + "nauc_ndcg_at_10_max": 4.24748877233556, + "nauc_ndcg_at_10_std": -29.766127219449835, + "nauc_ndcg_at_1_diff1": 41.26563649433227, + "nauc_ndcg_at_1_max": 3.2940832364845734, + "nauc_ndcg_at_1_std": -23.246326699010055, + "nauc_ndcg_at_20_diff1": 38.068479496194165, + "nauc_ndcg_at_20_max": 4.686171701536077, + "nauc_ndcg_at_20_std": -28.373083045837827, + "nauc_ndcg_at_3_diff1": 37.664591050650714, + "nauc_ndcg_at_3_max": 3.7238056730982425, + "nauc_ndcg_at_3_std": -28.501705219533402, + "nauc_ndcg_at_5_diff1": 37.39323161347562, + "nauc_ndcg_at_5_max": 3.9884773576701846, + "nauc_ndcg_at_5_std": -29.526098685579278, + "nauc_precision_at_1000_diff1": -8.176278274893253, + "nauc_precision_at_1000_max": 6.602206468153366, + "nauc_precision_at_1000_std": 11.887969321516541, + "nauc_precision_at_100_diff1": 10.776600450291125, + "nauc_precision_at_100_max": 11.543791706232499, + "nauc_precision_at_100_std": 8.05135325335674, + "nauc_precision_at_10_diff1": 31.29891891655396, + "nauc_precision_at_10_max": 4.793824130342508, + "nauc_precision_at_10_std": -32.843126960584904, + "nauc_precision_at_1_diff1": 41.26563649433227, + "nauc_precision_at_1_max": 3.2940832364845734, + "nauc_precision_at_1_std": -23.246326699010055, + "nauc_precision_at_20_diff1": 28.39742040356656, + "nauc_precision_at_20_max": 6.848015766561338, + "nauc_precision_at_20_std": -24.61307381544946, + "nauc_precision_at_3_diff1": 34.1967778945159, + "nauc_precision_at_3_max": 3.6373839227371354, + "nauc_precision_at_3_std": -31.262400131015795, + "nauc_precision_at_5_diff1": 32.32839846166563, + "nauc_precision_at_5_max": 4.2661314616361885, + "nauc_precision_at_5_std": -32.94817957117079, + "nauc_recall_at_1000_diff1": 25.124054710942882, + "nauc_recall_at_1000_max": 52.99541699631579, + "nauc_recall_at_1000_std": 63.880015110366394, + "nauc_recall_at_100_diff1": 32.1323577870331, + "nauc_recall_at_100_max": 17.26171631192854, + "nauc_recall_at_100_std": 4.147658345720864, + "nauc_recall_at_10_diff1": 35.35982089295331, + "nauc_recall_at_10_max": 5.478913284596572, + "nauc_recall_at_10_std": -35.93639290916612, + "nauc_recall_at_1_diff1": 41.71535844577686, + "nauc_recall_at_1_max": 3.4832962062214006, + "nauc_recall_at_1_std": -23.525528000333843, + "nauc_recall_at_20_diff1": 36.36549599422767, + "nauc_recall_at_20_max": 8.112692947664327, + "nauc_recall_at_20_std": -30.573957801286095, + "nauc_recall_at_3_diff1": 35.227199657140844, + "nauc_recall_at_3_max": 3.9474392083855445, + "nauc_recall_at_3_std": -31.485135190684904, + "nauc_recall_at_5_diff1": 34.435115639178505, + "nauc_recall_at_5_max": 4.538709973891948, + "nauc_recall_at_5_std": -34.07440191001999, + "ndcg_at_1": 25.172, + "ndcg_at_10": 44.89, + "ndcg_at_100": 50.33800000000001, + "ndcg_at_1000": 51.266999999999996, + "ndcg_at_20": 47.455999999999996, + "ndcg_at_3": 36.631, + "ndcg_at_5": 40.801, + "precision_at_1": 25.172, + "precision_at_10": 7.0489999999999995, + "precision_at_100": 0.976, + "precision_at_1000": 0.106, + "precision_at_20": 4.059, + "precision_at_3": 15.554000000000002, + "precision_at_5": 11.458, + "recall_at_1": 24.432000000000002, + "recall_at_10": 67.32900000000001, + "recall_at_100": 92.23599999999999, + "recall_at_1000": 99.21799999999999, + "recall_at_20": 77.236, + "recall_at_3": 44.926, + "recall_at_5": 54.93599999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Retriever-v1/external/NFCorpus.json b/results/nvidia__NV-Retriever-v1/external/NFCorpus.json new file mode 100644 index 000000000..2a9c9ab81 --- /dev/null +++ b/results/nvidia__NV-Retriever-v1/external/NFCorpus.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 45.059, + "map_at_1": 7.51, + "map_at_10": 17.696, + "map_at_100": 23.425, + "map_at_1000": 25.462, + "map_at_20": 20.078, + "map_at_3": 12.36, + "map_at_5": 14.949000000000002, + "mrr_at_1": 56.656346749226, + "mrr_at_10": 64.5453093518109, + "mrr_at_100": 65.03548614941461, + "mrr_at_1000": 65.07113760571535, + "mrr_at_20": 64.92649519989713, + "mrr_at_3": 62.5902992776058, + "mrr_at_5": 63.890608875129, + "nauc_map_at_1000_diff1": 18.649436695375666, + "nauc_map_at_1000_max": 32.21371026469436, + "nauc_map_at_1000_std": 15.172576825419542, + "nauc_map_at_100_diff1": 20.754932725250484, + "nauc_map_at_100_max": 31.802273361479354, + "nauc_map_at_100_std": 11.05184960109897, + "nauc_map_at_10_diff1": 27.65114332743644, + "nauc_map_at_10_max": 24.216308956707948, + "nauc_map_at_10_std": -3.148160320265085, + "nauc_map_at_1_diff1": 44.074701941156576, + "nauc_map_at_1_max": 7.313976830684179, + "nauc_map_at_1_std": -17.775136864794273, + "nauc_map_at_20_diff1": 24.40381389925362, + "nauc_map_at_20_max": 28.28590842979618, + "nauc_map_at_20_std": 2.4199688163030033, + "nauc_map_at_3_diff1": 36.43847181675257, + "nauc_map_at_3_max": 12.641525583061982, + "nauc_map_at_3_std": -13.213788837135754, + "nauc_map_at_5_diff1": 31.38099882079377, + "nauc_map_at_5_max": 18.693157001709874, + "nauc_map_at_5_std": -9.06791377198616, + "nauc_mrr_at_1000_diff1": 32.13397852247498, + "nauc_mrr_at_1000_max": 50.13330116214628, + "nauc_mrr_at_1000_std": 32.05378496757561, + "nauc_mrr_at_100_diff1": 32.15640184504514, + "nauc_mrr_at_100_max": 50.16596418746684, + "nauc_mrr_at_100_std": 32.09654562666087, + "nauc_mrr_at_10_diff1": 32.30697278515013, + "nauc_mrr_at_10_max": 50.29554162816291, + "nauc_mrr_at_10_std": 32.196301987204926, + "nauc_mrr_at_1_diff1": 31.18633610462525, + "nauc_mrr_at_1_max": 44.066192007922865, + "nauc_mrr_at_1_std": 25.405697533712186, + "nauc_mrr_at_20_diff1": 32.183918395170934, + "nauc_mrr_at_20_max": 50.1063795003295, + "nauc_mrr_at_20_std": 32.019605254607605, + "nauc_mrr_at_3_diff1": 32.1841620866096, + "nauc_mrr_at_3_max": 49.86413651460263, + "nauc_mrr_at_3_std": 31.65393088251129, + "nauc_mrr_at_5_diff1": 32.506293256782854, + "nauc_mrr_at_5_max": 50.22051310167734, + "nauc_mrr_at_5_std": 32.20883162067511, + "nauc_ndcg_at_1000_diff1": 17.07651298169536, + "nauc_ndcg_at_1000_max": 45.68207250664515, + "nauc_ndcg_at_1000_std": 32.2202917954314, + "nauc_ndcg_at_100_diff1": 17.903616207181084, + "nauc_ndcg_at_100_max": 41.75926814949547, + "nauc_ndcg_at_100_std": 28.203224194584394, + "nauc_ndcg_at_10_diff1": 15.047796165484423, + "nauc_ndcg_at_10_max": 42.932973260133025, + "nauc_ndcg_at_10_std": 28.988863166538216, + "nauc_ndcg_at_1_diff1": 31.424681423032517, + "nauc_ndcg_at_1_max": 41.520899599635705, + "nauc_ndcg_at_1_std": 25.06328981312087, + "nauc_ndcg_at_20_diff1": 14.659965916220653, + "nauc_ndcg_at_20_max": 40.660613171359536, + "nauc_ndcg_at_20_std": 28.05980217396367, + "nauc_ndcg_at_3_diff1": 20.74188837396788, + "nauc_ndcg_at_3_max": 42.17291456152861, + "nauc_ndcg_at_3_std": 25.51560749819014, + "nauc_ndcg_at_5_diff1": 16.85211778345349, + "nauc_ndcg_at_5_max": 43.984121150231836, + "nauc_ndcg_at_5_std": 26.83926214905424, + "nauc_precision_at_1000_diff1": -17.051131025174517, + "nauc_precision_at_1000_max": 6.764059286595738, + "nauc_precision_at_1000_std": 40.1439309994832, + "nauc_precision_at_100_diff1": -15.764998544735823, + "nauc_precision_at_100_max": 19.211111148845784, + "nauc_precision_at_100_std": 46.96427473897526, + "nauc_precision_at_10_diff1": -7.388798905334601, + "nauc_precision_at_10_max": 41.22907941806041, + "nauc_precision_at_10_std": 42.59884089023569, + "nauc_precision_at_1_diff1": 32.025767729163995, + "nauc_precision_at_1_max": 43.754075663448575, + "nauc_precision_at_1_std": 25.43509133901274, + "nauc_precision_at_20_diff1": -12.0078847232814, + "nauc_precision_at_20_max": 33.27932495727302, + "nauc_precision_at_20_std": 43.837569920515165, + "nauc_precision_at_3_diff1": 7.042749712513677, + "nauc_precision_at_3_max": 42.1936184896299, + "nauc_precision_at_3_std": 30.484961204241984, + "nauc_precision_at_5_diff1": -2.1371357099813832, + "nauc_precision_at_5_max": 43.476640933633895, + "nauc_precision_at_5_std": 35.117927839092914, + "nauc_recall_at_1000_diff1": -0.8723013662864799, + "nauc_recall_at_1000_max": 18.909026237682543, + "nauc_recall_at_1000_std": 13.51570098053679, + "nauc_recall_at_100_diff1": 12.357279426756397, + "nauc_recall_at_100_max": 27.84208167172234, + "nauc_recall_at_100_std": 14.49863872734005, + "nauc_recall_at_10_diff1": 21.11009281729574, + "nauc_recall_at_10_max": 19.74472802495254, + "nauc_recall_at_10_std": -4.09630500503252, + "nauc_recall_at_1_diff1": 44.074701941156576, + "nauc_recall_at_1_max": 7.313976830684179, + "nauc_recall_at_1_std": -17.775136864794273, + "nauc_recall_at_20_diff1": 17.31518452608809, + "nauc_recall_at_20_max": 23.399843692692237, + "nauc_recall_at_20_std": 0.04814256658120452, + "nauc_recall_at_3_diff1": 35.46183411619658, + "nauc_recall_at_3_max": 12.787287273388953, + "nauc_recall_at_3_std": -12.428077847406232, + "nauc_recall_at_5_diff1": 25.630390779262065, + "nauc_recall_at_5_max": 17.81997541214207, + "nauc_recall_at_5_std": -7.819448998740632, + "ndcg_at_1": 55.418, + "ndcg_at_10": 45.059, + "ndcg_at_100": 41.89, + "ndcg_at_1000": 50.808, + "ndcg_at_20": 42.528, + "ndcg_at_3": 50.273999999999994, + "ndcg_at_5": 48.311, + "precision_at_1": 56.347, + "precision_at_10": 33.684, + "precision_at_100": 10.854, + "precision_at_1000": 2.455, + "precision_at_20": 25.294, + "precision_at_3": 46.749, + "precision_at_5": 42.167, + "recall_at_1": 7.51, + "recall_at_10": 22.7, + "recall_at_100": 42.324, + "recall_at_1000": 75.047, + "recall_at_20": 28.091, + "recall_at_3": 13.202, + "recall_at_5": 17.573 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Retriever-v1/external/NQ.json b/results/nvidia__NV-Retriever-v1/external/NQ.json new file mode 100644 index 000000000..8c208095c --- /dev/null +++ b/results/nvidia__NV-Retriever-v1/external/NQ.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 72.439, + "map_at_1": 48.588, + "map_at_10": 65.667, + "map_at_100": 66.23, + "map_at_1000": 66.238, + "map_at_20": 66.077, + "map_at_3": 62.173, + "map_at_5": 64.403, + "mrr_at_1": 54.57705677867902, + "mrr_at_10": 68.04977330831896, + "mrr_at_100": 68.40133412359447, + "mrr_at_1000": 68.40674582113029, + "mrr_at_20": 68.32025711906769, + "mrr_at_3": 65.68173039783692, + "mrr_at_5": 67.12292390884501, + "nauc_map_at_1000_diff1": 42.92613415901299, + "nauc_map_at_1000_max": 31.58722964102006, + "nauc_map_at_1000_std": -9.181430909023906, + "nauc_map_at_100_diff1": 42.9286603531827, + "nauc_map_at_100_max": 31.597761214322794, + "nauc_map_at_100_std": -9.174864948929978, + "nauc_map_at_10_diff1": 42.742103497799874, + "nauc_map_at_10_max": 31.73600271519757, + "nauc_map_at_10_std": -9.599976341144492, + "nauc_map_at_1_diff1": 44.97465030457452, + "nauc_map_at_1_max": 24.50842235041081, + "nauc_map_at_1_std": -9.488301413929715, + "nauc_map_at_20_diff1": 42.93789543281411, + "nauc_map_at_20_max": 31.649530881844477, + "nauc_map_at_20_std": -9.284482255074405, + "nauc_map_at_3_diff1": 42.507020478710444, + "nauc_map_at_3_max": 30.430161368656407, + "nauc_map_at_3_std": -10.98022633967904, + "nauc_map_at_5_diff1": 42.65908349342647, + "nauc_map_at_5_max": 31.712314514485808, + "nauc_map_at_5_std": -10.162495644166388, + "nauc_mrr_at_1000_diff1": 43.07977164212382, + "nauc_mrr_at_1000_max": 32.71613265858574, + "nauc_mrr_at_1000_std": -6.309541407889255, + "nauc_mrr_at_100_diff1": 43.08243504279048, + "nauc_mrr_at_100_max": 32.72393721047513, + "nauc_mrr_at_100_std": -6.304478684547192, + "nauc_mrr_at_10_diff1": 42.9454520799358, + "nauc_mrr_at_10_max": 32.98294125539359, + "nauc_mrr_at_10_std": -6.344731638595535, + "nauc_mrr_at_1_diff1": 44.86265224618521, + "nauc_mrr_at_1_max": 28.722584310944548, + "nauc_mrr_at_1_std": -5.987388514445873, + "nauc_mrr_at_20_diff1": 43.09463525559641, + "nauc_mrr_at_20_max": 32.78563812600394, + "nauc_mrr_at_20_std": -6.3101564030679365, + "nauc_mrr_at_3_diff1": 42.778839940801525, + "nauc_mrr_at_3_max": 32.73472475200481, + "nauc_mrr_at_3_std": -6.873684661851209, + "nauc_mrr_at_5_diff1": 42.819150151235355, + "nauc_mrr_at_5_max": 33.063649047927846, + "nauc_mrr_at_5_std": -6.690698773431876, + "nauc_ndcg_at_1000_diff1": 42.838890830794305, + "nauc_ndcg_at_1000_max": 33.06212912224441, + "nauc_ndcg_at_1000_std": -7.604830337911507, + "nauc_ndcg_at_100_diff1": 42.92532259135676, + "nauc_ndcg_at_100_max": 33.32105898079442, + "nauc_ndcg_at_100_std": -7.41942657927501, + "nauc_ndcg_at_10_diff1": 42.241497889945386, + "nauc_ndcg_at_10_max": 34.314029244865395, + "nauc_ndcg_at_10_std": -8.705170475797276, + "nauc_ndcg_at_1_diff1": 44.935431451080625, + "nauc_ndcg_at_1_max": 28.761716507796287, + "nauc_ndcg_at_1_std": -5.910155765778751, + "nauc_ndcg_at_20_diff1": 42.98682996645045, + "nauc_ndcg_at_20_max": 33.77639762275077, + "nauc_ndcg_at_20_std": -7.922192840991434, + "nauc_ndcg_at_3_diff1": 41.78169420045572, + "nauc_ndcg_at_3_max": 32.28874867052525, + "nauc_ndcg_at_3_std": -10.746022839903787, + "nauc_ndcg_at_5_diff1": 41.98111900699031, + "nauc_ndcg_at_5_max": 34.16892401395189, + "nauc_ndcg_at_5_std": -9.835814208233074, + "nauc_precision_at_1000_diff1": -13.893084426310164, + "nauc_precision_at_1000_max": 4.528511169827012, + "nauc_precision_at_1000_std": 19.808766541210563, + "nauc_precision_at_100_diff1": -11.662187818787977, + "nauc_precision_at_100_max": 7.106144289556965, + "nauc_precision_at_100_std": 20.196725761912955, + "nauc_precision_at_10_diff1": -0.0005202624402562934, + "nauc_precision_at_10_max": 20.3322025815174, + "nauc_precision_at_10_std": 10.996026572368203, + "nauc_precision_at_1_diff1": 44.935431451080625, + "nauc_precision_at_1_max": 28.761716507796287, + "nauc_precision_at_1_std": -5.910155765778751, + "nauc_precision_at_20_diff1": -5.251925401801626, + "nauc_precision_at_20_max": 13.778502821797181, + "nauc_precision_at_20_std": 16.678382538020593, + "nauc_precision_at_3_diff1": 18.484347552428737, + "nauc_precision_at_3_max": 29.23890691678369, + "nauc_precision_at_3_std": -0.9617922081812927, + "nauc_precision_at_5_diff1": 9.520921672164247, + "nauc_precision_at_5_max": 26.114118384437084, + "nauc_precision_at_5_std": 4.480542966435442, + "nauc_recall_at_1000_diff1": 36.483312921782804, + "nauc_recall_at_1000_max": 93.65683358360806, + "nauc_recall_at_1000_std": 78.98396666115225, + "nauc_recall_at_100_diff1": 51.223962258353374, + "nauc_recall_at_100_max": 71.21642758603197, + "nauc_recall_at_100_std": 29.03844845781408, + "nauc_recall_at_10_diff1": 36.54228767944346, + "nauc_recall_at_10_max": 48.045414485215495, + "nauc_recall_at_10_std": -10.991004552070361, + "nauc_recall_at_1_diff1": 44.97465030457452, + "nauc_recall_at_1_max": 24.50842235041081, + "nauc_recall_at_1_std": -9.488301413929715, + "nauc_recall_at_20_diff1": 44.42937548103678, + "nauc_recall_at_20_max": 52.02797641154168, + "nauc_recall_at_20_std": -5.274872422912074, + "nauc_recall_at_3_diff1": 37.370700905004796, + "nauc_recall_at_3_max": 35.051545542223735, + "nauc_recall_at_3_std": -14.47614675395727, + "nauc_recall_at_5_diff1": 36.923681333914296, + "nauc_recall_at_5_max": 41.76113305221287, + "nauc_recall_at_5_std": -13.792057613912453, + "ndcg_at_1": 54.547999999999995, + "ndcg_at_10": 72.439, + "ndcg_at_100": 74.505, + "ndcg_at_1000": 74.656, + "ndcg_at_20": 73.708, + "ndcg_at_3": 66.416, + "ndcg_at_5": 69.783, + "precision_at_1": 54.547999999999995, + "precision_at_10": 10.831, + "precision_at_100": 1.201, + "precision_at_1000": 0.121, + "precision_at_20": 5.734, + "precision_at_3": 29.287000000000003, + "precision_at_5": 19.676, + "recall_at_1": 48.588, + "recall_at_10": 90.271, + "recall_at_100": 98.663, + "recall_at_1000": 99.754, + "recall_at_20": 94.911, + "recall_at_3": 75.14699999999999, + "recall_at_5": 82.657 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Retriever-v1/external/QuoraRetrieval.json b/results/nvidia__NV-Retriever-v1/external/QuoraRetrieval.json new file mode 100644 index 000000000..ee9d26288 --- /dev/null +++ b/results/nvidia__NV-Retriever-v1/external/QuoraRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "e4e08e0b7dbe3c8700f0daef558ff32256715259", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 88.776, + "map_at_1": 70.789, + "map_at_10": 85.111, + "map_at_100": 85.74300000000001, + "map_at_1000": 85.757, + "map_at_20": 85.541, + "map_at_3": 82.16799999999999, + "map_at_5": 84.027, + "mrr_at_1": 81.61, + "mrr_at_10": 87.83598809523794, + "mrr_at_100": 87.93437534934736, + "mrr_at_1000": 87.93537663994458, + "mrr_at_20": 87.91460020324512, + "mrr_at_3": 86.91999999999982, + "mrr_at_5": 87.57549999999974, + "nauc_map_at_1000_diff1": 76.95785603654109, + "nauc_map_at_1000_max": 22.21137147646329, + "nauc_map_at_1000_std": -57.67191596659913, + "nauc_map_at_100_diff1": 76.96066980419408, + "nauc_map_at_100_max": 22.18444499684965, + "nauc_map_at_100_std": -57.73426948321203, + "nauc_map_at_10_diff1": 77.27294101132748, + "nauc_map_at_10_max": 21.520023788398827, + "nauc_map_at_10_std": -60.149831861475946, + "nauc_map_at_1_diff1": 80.82075671924613, + "nauc_map_at_1_max": 16.73924350448738, + "nauc_map_at_1_std": -49.025641726356106, + "nauc_map_at_20_diff1": 77.03897352655657, + "nauc_map_at_20_max": 21.879911910556256, + "nauc_map_at_20_std": -58.72111603413064, + "nauc_map_at_3_diff1": 77.80825908555062, + "nauc_map_at_3_max": 19.74347230686499, + "nauc_map_at_3_std": -61.14048758808322, + "nauc_map_at_5_diff1": 77.64191093638766, + "nauc_map_at_5_max": 20.82641310481968, + "nauc_map_at_5_std": -61.5227187788429, + "nauc_mrr_at_1000_diff1": 77.07743481780578, + "nauc_mrr_at_1000_max": 24.973854693758668, + "nauc_mrr_at_1000_std": -53.00097552882813, + "nauc_mrr_at_100_diff1": 77.07743779388264, + "nauc_mrr_at_100_max": 24.97578180973678, + "nauc_mrr_at_100_std": -52.999857842949375, + "nauc_mrr_at_10_diff1": 77.08832159626124, + "nauc_mrr_at_10_max": 24.847950790779755, + "nauc_mrr_at_10_std": -53.354412157484596, + "nauc_mrr_at_1_diff1": 77.90054473035877, + "nauc_mrr_at_1_max": 25.435382042849454, + "nauc_mrr_at_1_std": -48.65542470772514, + "nauc_mrr_at_20_diff1": 77.07410903358165, + "nauc_mrr_at_20_max": 24.936803370937003, + "nauc_mrr_at_20_std": -53.05367000547051, + "nauc_mrr_at_3_diff1": 76.79835377348654, + "nauc_mrr_at_3_max": 24.83960583182869, + "nauc_mrr_at_3_std": -53.937122802902906, + "nauc_mrr_at_5_diff1": 77.0611598562459, + "nauc_mrr_at_5_max": 25.110143361000386, + "nauc_mrr_at_5_std": -53.66721083549211, + "nauc_ndcg_at_1000_diff1": 76.6539942038112, + "nauc_ndcg_at_1000_max": 23.44145468342362, + "nauc_ndcg_at_1000_std": -55.778951082488604, + "nauc_ndcg_at_100_diff1": 76.63968651875747, + "nauc_ndcg_at_100_max": 23.37238335196869, + "nauc_ndcg_at_100_std": -56.013444819578936, + "nauc_ndcg_at_10_diff1": 76.91486559815172, + "nauc_ndcg_at_10_max": 21.882218185355374, + "nauc_ndcg_at_10_std": -60.447241565220914, + "nauc_ndcg_at_1_diff1": 77.91920303932993, + "nauc_ndcg_at_1_max": 25.506195225143564, + "nauc_ndcg_at_1_std": -48.66289988343474, + "nauc_ndcg_at_20_diff1": 76.70353035362932, + "nauc_ndcg_at_20_max": 22.52326792272016, + "nauc_ndcg_at_20_std": -58.228058595950415, + "nauc_ndcg_at_3_diff1": 76.19291654415437, + "nauc_ndcg_at_3_max": 21.680157583116596, + "nauc_ndcg_at_3_std": -59.78592789656886, + "nauc_ndcg_at_5_diff1": 76.94117372509868, + "nauc_ndcg_at_5_max": 21.80365013527183, + "nauc_ndcg_at_5_std": -61.23723747585645, + "nauc_precision_at_1000_diff1": -44.43454847128405, + "nauc_precision_at_1000_max": 1.1086245603647116, + "nauc_precision_at_1000_std": 45.957621410588445, + "nauc_precision_at_100_diff1": -44.21353890734024, + "nauc_precision_at_100_max": 0.8667205449931505, + "nauc_precision_at_100_std": 44.55558297469162, + "nauc_precision_at_10_diff1": -39.446583654372816, + "nauc_precision_at_10_max": 1.0745424122581824, + "nauc_precision_at_10_std": 27.715199044430115, + "nauc_precision_at_1_diff1": 77.91920303932993, + "nauc_precision_at_1_max": 25.506195225143564, + "nauc_precision_at_1_std": -48.66289988343474, + "nauc_precision_at_20_diff1": -42.82034326897596, + "nauc_precision_at_20_max": 0.1871272488795601, + "nauc_precision_at_20_std": 36.44930040826729, + "nauc_precision_at_3_diff1": -20.17153834304044, + "nauc_precision_at_3_max": 6.091482816522112, + "nauc_precision_at_3_std": 2.2214080229171813, + "nauc_precision_at_5_diff1": -32.30370373592924, + "nauc_precision_at_5_max": 3.283007853748956, + "nauc_precision_at_5_std": 15.671527569593394, + "nauc_recall_at_1000_diff1": 25.2608289691968, + "nauc_recall_at_1000_max": 39.63179474797547, + "nauc_recall_at_1000_std": 25.74798035229638, + "nauc_recall_at_100_diff1": 68.6766275832437, + "nauc_recall_at_100_max": 24.369103177128636, + "nauc_recall_at_100_std": -62.93899349940275, + "nauc_recall_at_10_diff1": 73.75469598044158, + "nauc_recall_at_10_max": 10.798765439257565, + "nauc_recall_at_10_std": -90.65150692145126, + "nauc_recall_at_1_diff1": 80.82075671924613, + "nauc_recall_at_1_max": 16.73924350448738, + "nauc_recall_at_1_std": -49.025641726356106, + "nauc_recall_at_20_diff1": 71.88106544370252, + "nauc_recall_at_20_max": 8.617919317783445, + "nauc_recall_at_20_std": -88.64614006261976, + "nauc_recall_at_3_diff1": 73.67512305142627, + "nauc_recall_at_3_max": 14.522053228776684, + "nauc_recall_at_3_std": -72.6164829975551, + "nauc_recall_at_5_diff1": 73.55224072247896, + "nauc_recall_at_5_max": 14.028581019140384, + "nauc_recall_at_5_std": -81.70290837756839, + "ndcg_at_1": 81.6, + "ndcg_at_10": 88.776, + "ndcg_at_100": 89.91799999999999, + "ndcg_at_1000": 90.001, + "ndcg_at_20": 89.45100000000001, + "ndcg_at_3": 86.055, + "ndcg_at_5": 87.603, + "precision_at_1": 81.6, + "precision_at_10": 13.527000000000001, + "precision_at_100": 1.538, + "precision_at_1000": 0.157, + "precision_at_20": 7.183000000000001, + "precision_at_3": 37.81, + "precision_at_5": 24.874, + "recall_at_1": 70.789, + "recall_at_10": 95.829, + "recall_at_100": 99.626, + "recall_at_1000": 99.99900000000001, + "recall_at_20": 98.008, + "recall_at_3": 88.005, + "recall_at_5": 92.394 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Retriever-v1/external/SCIDOCS.json b/results/nvidia__NV-Retriever-v1/external/SCIDOCS.json new file mode 100644 index 000000000..7e0d926bc --- /dev/null +++ b/results/nvidia__NV-Retriever-v1/external/SCIDOCS.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f8c2fcf00f625baaa80f62ec5bd9e1fff3b8ae88", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 22.555, + "map_at_1": 5.093, + "map_at_10": 13.636000000000001, + "map_at_100": 16.169, + "map_at_1000": 16.491, + "map_at_20": 14.967, + "map_at_3": 9.759, + "map_at_5": 11.61, + "mrr_at_1": 25.1, + "mrr_at_10": 37.03158730158728, + "mrr_at_100": 38.10841522691227, + "mrr_at_1000": 38.157760714646216, + "mrr_at_20": 37.71533302009304, + "mrr_at_3": 33.599999999999994, + "mrr_at_5": 35.47499999999996, + "nauc_map_at_1000_diff1": 16.016506811794674, + "nauc_map_at_1000_max": 26.980626723493234, + "nauc_map_at_1000_std": 6.344668577266132, + "nauc_map_at_100_diff1": 16.106273177734288, + "nauc_map_at_100_max": 27.078961630580306, + "nauc_map_at_100_std": 6.114177505174807, + "nauc_map_at_10_diff1": 17.401956757885728, + "nauc_map_at_10_max": 26.276474643260777, + "nauc_map_at_10_std": 3.005814701827781, + "nauc_map_at_1_diff1": 20.70536617482489, + "nauc_map_at_1_max": 16.988060184234318, + "nauc_map_at_1_std": -3.4275203611745013, + "nauc_map_at_20_diff1": 16.56893037536464, + "nauc_map_at_20_max": 26.994627506463566, + "nauc_map_at_20_std": 4.443682314555823, + "nauc_map_at_3_diff1": 17.771054815531336, + "nauc_map_at_3_max": 22.25552550616846, + "nauc_map_at_3_std": -1.1135548486711386, + "nauc_map_at_5_diff1": 18.234751966525035, + "nauc_map_at_5_max": 24.74090977327922, + "nauc_map_at_5_std": 0.20984608573778366, + "nauc_mrr_at_1000_diff1": 16.43908145424862, + "nauc_mrr_at_1000_max": 19.50975861939652, + "nauc_mrr_at_1000_std": 1.0711066308930413, + "nauc_mrr_at_100_diff1": 16.449978087023602, + "nauc_mrr_at_100_max": 19.546163139729455, + "nauc_mrr_at_100_std": 1.1255804840602446, + "nauc_mrr_at_10_diff1": 16.349572894206453, + "nauc_mrr_at_10_max": 19.36607987819692, + "nauc_mrr_at_10_std": 0.6815489423750116, + "nauc_mrr_at_1_diff1": 20.81511754780404, + "nauc_mrr_at_1_max": 17.31621820467371, + "nauc_mrr_at_1_std": -3.062161046879616, + "nauc_mrr_at_20_diff1": 16.453078176658412, + "nauc_mrr_at_20_max": 19.61511763534643, + "nauc_mrr_at_20_std": 1.1504468243169772, + "nauc_mrr_at_3_diff1": 16.45317063630442, + "nauc_mrr_at_3_max": 18.820538793222735, + "nauc_mrr_at_3_std": -0.505799010681032, + "nauc_mrr_at_5_diff1": 16.239396076435447, + "nauc_mrr_at_5_max": 19.514405308342404, + "nauc_mrr_at_5_std": 0.42152258676157106, + "nauc_ndcg_at_1000_diff1": 12.799637809854447, + "nauc_ndcg_at_1000_max": 26.286436521297098, + "nauc_ndcg_at_1000_std": 13.849793575042407, + "nauc_ndcg_at_100_diff1": 13.780919818793214, + "nauc_ndcg_at_100_max": 27.263414842629384, + "nauc_ndcg_at_100_std": 12.844324409823212, + "nauc_ndcg_at_10_diff1": 15.691735156401645, + "nauc_ndcg_at_10_max": 25.546421591723778, + "nauc_ndcg_at_10_std": 5.030693260079141, + "nauc_ndcg_at_1_diff1": 20.81511754780404, + "nauc_ndcg_at_1_max": 17.31621820467371, + "nauc_ndcg_at_1_std": -3.062161046879616, + "nauc_ndcg_at_20_diff1": 14.918017633315037, + "nauc_ndcg_at_20_max": 27.198495675799926, + "nauc_ndcg_at_20_std": 7.859145154218754, + "nauc_ndcg_at_3_diff1": 16.45411219760524, + "nauc_ndcg_at_3_max": 21.843580863721826, + "nauc_ndcg_at_3_std": 0.25079066807691736, + "nauc_ndcg_at_5_diff1": 16.51852886026338, + "nauc_ndcg_at_5_max": 24.32358445742888, + "nauc_ndcg_at_5_std": 2.0046033593381365, + "nauc_precision_at_1000_diff1": -3.043549167595678, + "nauc_precision_at_1000_max": 17.721081069519855, + "nauc_precision_at_1000_std": 34.394832596775096, + "nauc_precision_at_100_diff1": 5.918389112534078, + "nauc_precision_at_100_max": 25.041523333915638, + "nauc_precision_at_100_std": 26.422448938245065, + "nauc_precision_at_10_diff1": 12.559354156188075, + "nauc_precision_at_10_max": 27.102948515447505, + "nauc_precision_at_10_std": 9.922230490706765, + "nauc_precision_at_1_diff1": 20.81511754780404, + "nauc_precision_at_1_max": 17.31621820467371, + "nauc_precision_at_1_std": -3.062161046879616, + "nauc_precision_at_20_diff1": 10.239015656701062, + "nauc_precision_at_20_max": 28.631431971198385, + "nauc_precision_at_20_std": 14.923889979389953, + "nauc_precision_at_3_diff1": 14.715917541943435, + "nauc_precision_at_3_max": 23.488016057716443, + "nauc_precision_at_3_std": 1.8688429519876193, + "nauc_precision_at_5_diff1": 14.607533180532764, + "nauc_precision_at_5_max": 26.69556237014592, + "nauc_precision_at_5_std": 4.869786655689707, + "nauc_recall_at_1000_diff1": -3.592050112505089, + "nauc_recall_at_1000_max": 17.35902743346563, + "nauc_recall_at_1000_std": 35.46357913035807, + "nauc_recall_at_100_diff1": 5.712224816491693, + "nauc_recall_at_100_max": 24.952810805795224, + "nauc_recall_at_100_std": 26.49557743326384, + "nauc_recall_at_10_diff1": 12.374218338608538, + "nauc_recall_at_10_max": 26.5955214750823, + "nauc_recall_at_10_std": 9.623097045252097, + "nauc_recall_at_1_diff1": 20.70536617482489, + "nauc_recall_at_1_max": 16.988060184234318, + "nauc_recall_at_1_std": -3.4275203611745013, + "nauc_recall_at_20_diff1": 10.079156462598272, + "nauc_recall_at_20_max": 28.130382940517656, + "nauc_recall_at_20_std": 14.778620879657767, + "nauc_recall_at_3_diff1": 14.445322713318905, + "nauc_recall_at_3_max": 22.913177040177732, + "nauc_recall_at_3_std": 1.3968297812096289, + "nauc_recall_at_5_diff1": 14.300977741042697, + "nauc_recall_at_5_max": 26.064746286034463, + "nauc_recall_at_5_std": 4.468436508425328, + "ndcg_at_1": 25.1, + "ndcg_at_10": 22.555, + "ndcg_at_100": 31.558000000000003, + "ndcg_at_1000": 36.866, + "ndcg_at_20": 25.954, + "ndcg_at_3": 21.488, + "ndcg_at_5": 18.656, + "precision_at_1": 25.1, + "precision_at_10": 11.82, + "precision_at_100": 2.465, + "precision_at_1000": 0.373, + "precision_at_20": 7.870000000000001, + "precision_at_3": 20.467, + "precision_at_5": 16.520000000000003, + "recall_at_1": 5.093, + "recall_at_10": 23.953, + "recall_at_100": 50.03999999999999, + "recall_at_1000": 75.74499999999999, + "recall_at_20": 31.923000000000002, + "recall_at_3": 12.468, + "recall_at_5": 16.773 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Retriever-v1/external/SciFact.json b/results/nvidia__NV-Retriever-v1/external/SciFact.json new file mode 100644 index 000000000..5a61eac38 --- /dev/null +++ b/results/nvidia__NV-Retriever-v1/external/SciFact.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 81.313, + "map_at_1": 67.38300000000001, + "map_at_10": 77.017, + "map_at_100": 77.321, + "map_at_1000": 77.331, + "map_at_20": 77.262, + "map_at_3": 74.111, + "map_at_5": 75.881, + "mrr_at_1": 70.33333333333334, + "mrr_at_10": 77.81560846560845, + "mrr_at_100": 78.00735197296981, + "mrr_at_1000": 78.01761089473817, + "mrr_at_20": 77.95766363266362, + "mrr_at_3": 75.72222222222223, + "mrr_at_5": 77.00555555555557, + "nauc_map_at_1000_diff1": 75.04841791054689, + "nauc_map_at_1000_max": 58.36172663414763, + "nauc_map_at_1000_std": -11.893595632272119, + "nauc_map_at_100_diff1": 75.05064539007354, + "nauc_map_at_100_max": 58.37324776917011, + "nauc_map_at_100_std": -11.877215894403568, + "nauc_map_at_10_diff1": 74.75549994121076, + "nauc_map_at_10_max": 58.24150489656241, + "nauc_map_at_10_std": -12.344245577155307, + "nauc_map_at_1_diff1": 76.73802929240316, + "nauc_map_at_1_max": 51.51486878608817, + "nauc_map_at_1_std": -18.187044359595266, + "nauc_map_at_20_diff1": 75.01108764373232, + "nauc_map_at_20_max": 58.428062710077334, + "nauc_map_at_20_std": -11.884812488296847, + "nauc_map_at_3_diff1": 75.76878808666785, + "nauc_map_at_3_max": 55.0893236506397, + "nauc_map_at_3_std": -18.680147004087416, + "nauc_map_at_5_diff1": 75.21872474724155, + "nauc_map_at_5_max": 56.99417811848851, + "nauc_map_at_5_std": -15.023574589807998, + "nauc_mrr_at_1000_diff1": 75.30185058060118, + "nauc_mrr_at_1000_max": 58.99827784504953, + "nauc_mrr_at_1000_std": -9.180976480652097, + "nauc_mrr_at_100_diff1": 75.3039902169212, + "nauc_mrr_at_100_max": 59.0096982171748, + "nauc_mrr_at_100_std": -9.165687912589478, + "nauc_mrr_at_10_diff1": 75.06584397042454, + "nauc_mrr_at_10_max": 59.059479758705095, + "nauc_mrr_at_10_std": -9.171739325385065, + "nauc_mrr_at_1_diff1": 76.94126061472998, + "nauc_mrr_at_1_max": 58.63634435063004, + "nauc_mrr_at_1_std": -7.595328003491241, + "nauc_mrr_at_20_diff1": 75.25985436830398, + "nauc_mrr_at_20_max": 59.047844055490515, + "nauc_mrr_at_20_std": -9.217229457280327, + "nauc_mrr_at_3_diff1": 75.70972174140121, + "nauc_mrr_at_3_max": 58.53109550921837, + "nauc_mrr_at_3_std": -11.233362761574888, + "nauc_mrr_at_5_diff1": 75.3027582677559, + "nauc_mrr_at_5_max": 58.51186203154683, + "nauc_mrr_at_5_std": -10.2389936280827, + "nauc_ndcg_at_1000_diff1": 74.73042662069368, + "nauc_ndcg_at_1000_max": 59.234679098286435, + "nauc_ndcg_at_1000_std": -10.056585749544686, + "nauc_ndcg_at_100_diff1": 74.77417755774573, + "nauc_ndcg_at_100_max": 59.56267106047054, + "nauc_ndcg_at_100_std": -9.507635585959678, + "nauc_ndcg_at_10_diff1": 73.51173182085725, + "nauc_ndcg_at_10_max": 59.488170283330234, + "nauc_ndcg_at_10_std": -10.720733926384735, + "nauc_ndcg_at_1_diff1": 76.94126061472998, + "nauc_ndcg_at_1_max": 58.63634435063004, + "nauc_ndcg_at_1_std": -7.595328003491241, + "nauc_ndcg_at_20_diff1": 74.40614935696766, + "nauc_ndcg_at_20_max": 59.958864387137226, + "nauc_ndcg_at_20_std": -9.611226342001965, + "nauc_ndcg_at_3_diff1": 75.17084819068555, + "nauc_ndcg_at_3_max": 57.01635203576452, + "nauc_ndcg_at_3_std": -16.69034944254818, + "nauc_ndcg_at_5_diff1": 74.42154242123861, + "nauc_ndcg_at_5_max": 56.96751544369478, + "nauc_ndcg_at_5_std": -15.466581364009777, + "nauc_precision_at_1000_diff1": -29.885864068853113, + "nauc_precision_at_1000_max": 15.246331345070333, + "nauc_precision_at_1000_std": 64.18030587603968, + "nauc_precision_at_100_diff1": -22.526159307459164, + "nauc_precision_at_100_max": 19.83878305556087, + "nauc_precision_at_100_std": 61.81734299609778, + "nauc_precision_at_10_diff1": -9.744869185690087, + "nauc_precision_at_10_max": 30.835764902042573, + "nauc_precision_at_10_std": 51.66797440109854, + "nauc_precision_at_1_diff1": 76.94126061472998, + "nauc_precision_at_1_max": 58.63634435063004, + "nauc_precision_at_1_std": -7.595328003491241, + "nauc_precision_at_20_diff1": -15.854662566288075, + "nauc_precision_at_20_max": 25.540596169213263, + "nauc_precision_at_20_std": 57.87224253577742, + "nauc_precision_at_3_diff1": 36.685786823107975, + "nauc_precision_at_3_max": 45.39544319415371, + "nauc_precision_at_3_std": 8.267737553608583, + "nauc_precision_at_5_diff1": 15.315102224001208, + "nauc_precision_at_5_max": 39.43523589454333, + "nauc_precision_at_5_std": 29.17523334728261, + "nauc_recall_at_1000_diff1": null, + "nauc_recall_at_1000_max": null, + "nauc_recall_at_1000_std": null, + "nauc_recall_at_100_diff1": 77.35760971055122, + "nauc_recall_at_100_max": 82.1661998132589, + "nauc_recall_at_100_std": 29.74789915966396, + "nauc_recall_at_10_diff1": 60.19810822879889, + "nauc_recall_at_10_max": 65.9952096780744, + "nauc_recall_at_10_std": -8.764259326919047, + "nauc_recall_at_1_diff1": 76.73802929240316, + "nauc_recall_at_1_max": 51.51486878608817, + "nauc_recall_at_1_std": -18.187044359595266, + "nauc_recall_at_20_diff1": 66.887914586124, + "nauc_recall_at_20_max": 77.53014249177924, + "nauc_recall_at_20_std": 6.2375674907644045, + "nauc_recall_at_3_diff1": 73.15618370243749, + "nauc_recall_at_3_max": 51.8421919050744, + "nauc_recall_at_3_std": -30.197347334361, + "nauc_recall_at_5_diff1": 69.63152781695797, + "nauc_recall_at_5_max": 52.313360589975076, + "nauc_recall_at_5_std": -27.475502645659226, + "ndcg_at_1": 70.333, + "ndcg_at_10": 81.313, + "ndcg_at_100": 82.419, + "ndcg_at_1000": 82.645, + "ndcg_at_20": 82.013, + "ndcg_at_3": 76.632, + "ndcg_at_5": 79.077, + "precision_at_1": 70.333, + "precision_at_10": 10.567, + "precision_at_100": 1.113, + "precision_at_1000": 0.11299999999999999, + "precision_at_20": 5.45, + "precision_at_3": 29.444, + "precision_at_5": 19.400000000000002, + "recall_at_1": 67.38300000000001, + "recall_at_10": 93.611, + "recall_at_100": 98.333, + "recall_at_1000": 100, + "recall_at_20": 96.167, + "recall_at_3": 80.917, + "recall_at_5": 87.394 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Retriever-v1/external/TRECCOVID.json b/results/nvidia__NV-Retriever-v1/external/TRECCOVID.json new file mode 100644 index 000000000..fdbe258b9 --- /dev/null +++ b/results/nvidia__NV-Retriever-v1/external/TRECCOVID.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "bb9466bac8153a0349341eb1b22e06409e78ef4e", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 86.438, + "map_at_1": 0.246, + "map_at_10": 2.306, + "map_at_100": 14.591000000000001, + "map_at_1000": 36.059999999999995, + "map_at_20": 4.162, + "map_at_3": 0.738, + "map_at_5": 1.2189999999999999, + "mrr_at_1": 92, + "mrr_at_10": 96, + "mrr_at_100": 96, + "mrr_at_1000": 96, + "mrr_at_20": 96, + "mrr_at_3": 96, + "mrr_at_5": 96, + "nauc_map_at_1000_diff1": -22.761515794474683, + "nauc_map_at_1000_max": 27.820651228713956, + "nauc_map_at_1000_std": 71.83059059452174, + "nauc_map_at_100_diff1": 2.1790372665645985, + "nauc_map_at_100_max": 14.257921425662278, + "nauc_map_at_100_std": 52.48972009046084, + "nauc_map_at_10_diff1": 19.82787446032468, + "nauc_map_at_10_max": 0.6164112414011461, + "nauc_map_at_10_std": 17.02439234880446, + "nauc_map_at_1_diff1": 14.55103360563013, + "nauc_map_at_1_max": -1.6788350095288704, + "nauc_map_at_1_std": 5.297647152979803, + "nauc_map_at_20_diff1": 14.8794609533735, + "nauc_map_at_20_max": -2.5385796849879476, + "nauc_map_at_20_std": 25.28013324056331, + "nauc_map_at_3_diff1": 17.00420260483426, + "nauc_map_at_3_max": -3.3326758887083994, + "nauc_map_at_3_std": 6.755584420286978, + "nauc_map_at_5_diff1": 18.01887831857493, + "nauc_map_at_5_max": -0.20050837416180262, + "nauc_map_at_5_std": 8.561948963118322, + "nauc_mrr_at_1000_diff1": -10.971055088702034, + "nauc_mrr_at_1000_max": 23.34267040149383, + "nauc_mrr_at_1000_std": 46.49859943977593, + "nauc_mrr_at_100_diff1": -10.971055088702034, + "nauc_mrr_at_100_max": 23.34267040149383, + "nauc_mrr_at_100_std": 46.49859943977593, + "nauc_mrr_at_10_diff1": -10.971055088702034, + "nauc_mrr_at_10_max": 23.34267040149383, + "nauc_mrr_at_10_std": 46.49859943977593, + "nauc_mrr_at_1_diff1": -10.971055088702213, + "nauc_mrr_at_1_max": 23.342670401493866, + "nauc_mrr_at_1_std": 46.49859943977584, + "nauc_mrr_at_20_diff1": -10.971055088702034, + "nauc_mrr_at_20_max": 23.34267040149383, + "nauc_mrr_at_20_std": 46.49859943977593, + "nauc_mrr_at_3_diff1": -10.971055088702034, + "nauc_mrr_at_3_max": 23.34267040149383, + "nauc_mrr_at_3_std": 46.49859943977593, + "nauc_mrr_at_5_diff1": -10.971055088702034, + "nauc_mrr_at_5_max": 23.34267040149383, + "nauc_mrr_at_5_std": 46.49859943977593, + "nauc_ndcg_at_1000_diff1": -18.31263218691838, + "nauc_ndcg_at_1000_max": 27.73438353091248, + "nauc_ndcg_at_1000_std": 71.48659179814995, + "nauc_ndcg_at_100_diff1": -27.992325451927186, + "nauc_ndcg_at_100_max": 28.255864098560707, + "nauc_ndcg_at_100_std": 75.14579385079674, + "nauc_ndcg_at_10_diff1": -8.144751519247938, + "nauc_ndcg_at_10_max": 25.558877520680124, + "nauc_ndcg_at_10_std": 74.7572150705637, + "nauc_ndcg_at_1_diff1": 16.76577585000697, + "nauc_ndcg_at_1_max": 8.307681544704138, + "nauc_ndcg_at_1_std": 58.066321533510546, + "nauc_ndcg_at_20_diff1": -20.395935610617506, + "nauc_ndcg_at_20_max": 13.855324797866162, + "nauc_ndcg_at_20_std": 73.28813885551733, + "nauc_ndcg_at_3_diff1": 6.617214064862965, + "nauc_ndcg_at_3_max": 6.769967032124153, + "nauc_ndcg_at_3_std": 58.81924750609674, + "nauc_ndcg_at_5_diff1": 4.010229362207553, + "nauc_ndcg_at_5_max": 15.806937140075162, + "nauc_ndcg_at_5_std": 64.16373136138701, + "nauc_precision_at_1000_diff1": -35.69245033890321, + "nauc_precision_at_1000_max": 29.773854942146016, + "nauc_precision_at_1000_std": 34.51184375699267, + "nauc_precision_at_100_diff1": -35.11125639593742, + "nauc_precision_at_100_max": 30.702640227422588, + "nauc_precision_at_100_std": 71.4996572186129, + "nauc_precision_at_10_diff1": -23.298868807095037, + "nauc_precision_at_10_max": 39.589436024499705, + "nauc_precision_at_10_std": 76.1337980062292, + "nauc_precision_at_1_diff1": -10.971055088702213, + "nauc_precision_at_1_max": 23.342670401493866, + "nauc_precision_at_1_std": 46.49859943977584, + "nauc_precision_at_20_diff1": -29.329327980889335, + "nauc_precision_at_20_max": 11.858896642149604, + "nauc_precision_at_20_std": 67.29665651857641, + "nauc_precision_at_3_diff1": -29.222972972972972, + "nauc_precision_at_3_max": 29.892615830115947, + "nauc_precision_at_3_std": 52.14165057915088, + "nauc_precision_at_5_diff1": -28.95650527113159, + "nauc_precision_at_5_max": 59.611135660627276, + "nauc_precision_at_5_std": 68.33533236538078, + "nauc_recall_at_1000_diff1": -12.600696861809551, + "nauc_recall_at_1000_max": 23.65718948783771, + "nauc_recall_at_1000_std": 58.45976113241065, + "nauc_recall_at_100_diff1": 11.646564765343207, + "nauc_recall_at_100_max": 8.659686510034886, + "nauc_recall_at_100_std": 35.810233566395794, + "nauc_recall_at_10_diff1": 21.95634026505432, + "nauc_recall_at_10_max": -1.9343852262751597, + "nauc_recall_at_10_std": 11.803977166363625, + "nauc_recall_at_1_diff1": 14.55103360563013, + "nauc_recall_at_1_max": -1.6788350095288704, + "nauc_recall_at_1_std": 5.297647152979803, + "nauc_recall_at_20_diff1": 18.43436469166756, + "nauc_recall_at_20_max": -6.04718458442069, + "nauc_recall_at_20_std": 17.696574929265427, + "nauc_recall_at_3_diff1": 18.894666026909974, + "nauc_recall_at_3_max": -4.980513377878677, + "nauc_recall_at_3_std": 2.9597934364239875, + "nauc_recall_at_5_diff1": 19.620752388113065, + "nauc_recall_at_5_max": -1.622705626776803, + "nauc_recall_at_5_std": 4.654905320572235, + "ndcg_at_1": 86, + "ndcg_at_10": 86.438, + "ndcg_at_100": 68.979, + "ndcg_at_1000": 61.687000000000005, + "ndcg_at_20": 82.494, + "ndcg_at_3": 89.011, + "ndcg_at_5": 88.629, + "precision_at_1": 92, + "precision_at_10": 90.60000000000001, + "precision_at_100": 70.94, + "precision_at_1000": 27.002, + "precision_at_20": 86, + "precision_at_3": 94.667, + "precision_at_5": 93.60000000000001, + "recall_at_1": 0.246, + "recall_at_10": 2.402, + "recall_at_100": 17.463, + "recall_at_1000": 58.095, + "recall_at_20": 4.449, + "recall_at_3": 0.759, + "recall_at_5": 1.258 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Retriever-v1/external/Touche2020.json b/results/nvidia__NV-Retriever-v1/external/Touche2020.json new file mode 100644 index 000000000..12399b975 --- /dev/null +++ b/results/nvidia__NV-Retriever-v1/external/Touche2020.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 26.596999999999998, + "map_at_1": 2.492, + "map_at_10": 10.735, + "map_at_100": 16.682, + "map_at_1000": 18.403, + "map_at_20": 12.917000000000002, + "map_at_3": 5.17, + "map_at_5": 7.757, + "mrr_at_1": 32.6530612244898, + "mrr_at_10": 46.303045027534814, + "mrr_at_100": 47.28774571332247, + "mrr_at_1000": 47.28774571332247, + "mrr_at_20": 47.015586454361966, + "mrr_at_3": 40.816326530612244, + "mrr_at_5": 44.18367346938775, + "nauc_map_at_1000_diff1": 11.335574982192163, + "nauc_map_at_1000_max": -0.8598274464471192, + "nauc_map_at_1000_std": -15.231845346554659, + "nauc_map_at_100_diff1": 11.206116403137699, + "nauc_map_at_100_max": -2.3784869726219764, + "nauc_map_at_100_std": -18.67373469274601, + "nauc_map_at_10_diff1": 14.110151248235939, + "nauc_map_at_10_max": -0.28701326962970963, + "nauc_map_at_10_std": -33.99696491060436, + "nauc_map_at_1_diff1": 21.156709083334775, + "nauc_map_at_1_max": -2.157834650647083, + "nauc_map_at_1_std": -30.794160263652802, + "nauc_map_at_20_diff1": 13.15680258919864, + "nauc_map_at_20_max": -3.3318355189188305, + "nauc_map_at_20_std": -32.22884578499942, + "nauc_map_at_3_diff1": 16.35589367098705, + "nauc_map_at_3_max": -2.46509831705108, + "nauc_map_at_3_std": -36.778901075123656, + "nauc_map_at_5_diff1": 12.399286451976096, + "nauc_map_at_5_max": -6.660679305623031, + "nauc_map_at_5_std": -37.17482542753885, + "nauc_mrr_at_1000_diff1": 35.79771420444037, + "nauc_mrr_at_1000_max": 3.96194578776969, + "nauc_mrr_at_1000_std": -28.13723455933009, + "nauc_mrr_at_100_diff1": 35.79771420444037, + "nauc_mrr_at_100_max": 3.96194578776969, + "nauc_mrr_at_100_std": -28.13723455933009, + "nauc_mrr_at_10_diff1": 35.342862255513786, + "nauc_mrr_at_10_max": 3.8834259049036333, + "nauc_mrr_at_10_std": -27.68280924117899, + "nauc_mrr_at_1_diff1": 33.380355990146, + "nauc_mrr_at_1_max": 12.83074393320823, + "nauc_mrr_at_1_std": -23.4424761925381, + "nauc_mrr_at_20_diff1": 35.962814146075594, + "nauc_mrr_at_20_max": 3.8147946011890803, + "nauc_mrr_at_20_std": -27.60539100275652, + "nauc_mrr_at_3_diff1": 33.12022321313229, + "nauc_mrr_at_3_max": 3.4480043310191277, + "nauc_mrr_at_3_std": -32.92204805838337, + "nauc_mrr_at_5_diff1": 35.97719343207735, + "nauc_mrr_at_5_max": 2.757619527166485, + "nauc_mrr_at_5_std": -30.80006606256878, + "nauc_ndcg_at_1000_diff1": 18.11533813577644, + "nauc_ndcg_at_1000_max": 1.9915750044715081, + "nauc_ndcg_at_1000_std": 7.352102753749795, + "nauc_ndcg_at_100_diff1": 15.924538562545404, + "nauc_ndcg_at_100_max": -7.179439986891839, + "nauc_ndcg_at_100_std": 2.0323790255423355, + "nauc_ndcg_at_10_diff1": 23.447559750152287, + "nauc_ndcg_at_10_max": -3.6579030981671137, + "nauc_ndcg_at_10_std": -30.086068424084626, + "nauc_ndcg_at_1_diff1": 28.529374726155144, + "nauc_ndcg_at_1_max": 12.404802289906062, + "nauc_ndcg_at_1_std": -24.04566237921898, + "nauc_ndcg_at_20_diff1": 18.242702297694578, + "nauc_ndcg_at_20_max": -11.247547069942474, + "nauc_ndcg_at_20_std": -26.997061324593357, + "nauc_ndcg_at_3_diff1": 28.69532079386643, + "nauc_ndcg_at_3_max": 0.5999757426015948, + "nauc_ndcg_at_3_std": -37.39763786997949, + "nauc_ndcg_at_5_diff1": 22.250418536855168, + "nauc_ndcg_at_5_max": -5.282078779032189, + "nauc_ndcg_at_5_std": -37.34621514266717, + "nauc_precision_at_1000_diff1": -5.833939931080579, + "nauc_precision_at_1000_max": 39.54611889184263, + "nauc_precision_at_1000_std": 43.621604632945406, + "nauc_precision_at_100_diff1": 3.136900834976186, + "nauc_precision_at_100_max": 14.56627037716479, + "nauc_precision_at_100_std": 61.40167189444594, + "nauc_precision_at_10_diff1": 24.365479840589494, + "nauc_precision_at_10_max": -2.708612191027584, + "nauc_precision_at_10_std": -19.43242154430193, + "nauc_precision_at_1_diff1": 33.380355990146, + "nauc_precision_at_1_max": 12.83074393320823, + "nauc_precision_at_1_std": -23.4424761925381, + "nauc_precision_at_20_diff1": 20.473477308430237, + "nauc_precision_at_20_max": -3.7772785312524912, + "nauc_precision_at_20_std": -7.096694858556529, + "nauc_precision_at_3_diff1": 28.334109781699112, + "nauc_precision_at_3_max": -6.277807607594587, + "nauc_precision_at_3_std": -40.62335017056855, + "nauc_precision_at_5_diff1": 21.052413262881274, + "nauc_precision_at_5_max": -15.720148003128722, + "nauc_precision_at_5_std": -38.65755384255953, + "nauc_recall_at_1000_diff1": 3.9912115667343886, + "nauc_recall_at_1000_max": 2.3261787568338295, + "nauc_recall_at_1000_std": 76.06780062528254, + "nauc_recall_at_100_diff1": 5.859597648408654, + "nauc_recall_at_100_max": -14.72466783682324, + "nauc_recall_at_100_std": 28.835912273557618, + "nauc_recall_at_10_diff1": 15.0046703019797, + "nauc_recall_at_10_max": -12.61475085286235, + "nauc_recall_at_10_std": -29.04758840050514, + "nauc_recall_at_1_diff1": 21.156709083334775, + "nauc_recall_at_1_max": -2.157834650647083, + "nauc_recall_at_1_std": -30.794160263652802, + "nauc_recall_at_20_diff1": 13.076618909825493, + "nauc_recall_at_20_max": -18.0425193284075, + "nauc_recall_at_20_std": -22.37479839545477, + "nauc_recall_at_3_diff1": 17.013862570480683, + "nauc_recall_at_3_max": -10.976230804308784, + "nauc_recall_at_3_std": -39.6623780651685, + "nauc_recall_at_5_diff1": 12.171847439522834, + "nauc_recall_at_5_max": -17.29935794420055, + "nauc_recall_at_5_std": -37.85648419874096, + "ndcg_at_1": 31.633, + "ndcg_at_10": 26.596999999999998, + "ndcg_at_100": 38.242, + "ndcg_at_1000": 49.999, + "ndcg_at_20": 26.927, + "ndcg_at_3": 26.354, + "ndcg_at_5": 27.853, + "precision_at_1": 32.653, + "precision_at_10": 23.673, + "precision_at_100": 7.878, + "precision_at_1000": 1.5779999999999998, + "precision_at_20": 17.143, + "precision_at_3": 26.531, + "precision_at_5": 28.571, + "recall_at_1": 2.492, + "recall_at_10": 17.328, + "recall_at_100": 48.726, + "recall_at_1000": 85.309, + "recall_at_20": 24.214, + "recall_at_3": 6.279999999999999, + "recall_at_5": 10.656 + } + ] + } +} \ No newline at end of file diff --git a/results/nvidia__NV-Retriever-v1/external/model_meta.json b/results/nvidia__NV-Retriever-v1/external/model_meta.json new file mode 100644 index 000000000..debbde715 --- /dev/null +++ b/results/nvidia__NV-Retriever-v1/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "nvidia/NV-Retriever-v1", + "revision": "605680d4e3e267c0aa7b8d9026be373facdd6f68", + "release_date": "2024-07-08", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": null, + "embed_dim": null, + "license": "other", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/AmazonCounterfactualClassification.json b/results/odunola__e5-base-v2/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..c7153f36a --- /dev/null +++ b/results/odunola__e5-base-v2/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.77611940298506, + "ap": 42.052710266606056, + "f1": 72.12040628266567, + "main_score": 77.77611940298506 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/AmazonPolarityClassification.json b/results/odunola__e5-base-v2/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..590fb662d --- /dev/null +++ b/results/odunola__e5-base-v2/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.81012500000001, + "ap": 89.4213700757244, + "f1": 92.8039091197065, + "main_score": 92.81012500000001 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/AmazonReviewsClassification.json b/results/odunola__e5-base-v2/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..98b975bce --- /dev/null +++ b/results/odunola__e5-base-v2/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 46.711999999999996, + "f1": 46.11544975436018, + "main_score": 46.711999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/ArguAna.json b/results/odunola__e5-base-v2/external/ArguAna.json new file mode 100644 index 000000000..7c74363f3 --- /dev/null +++ b/results/odunola__e5-base-v2/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.186, + "map_at_10": 36.632999999999996, + "map_at_100": 37.842, + "map_at_1000": 37.865, + "map_at_3": 32.278, + "map_at_5": 34.760999999999996, + "mrr_at_1": 23.400000000000002, + "mrr_at_10": 36.721, + "mrr_at_100": 37.937, + "mrr_at_1000": 37.96, + "mrr_at_3": 32.302, + "mrr_at_5": 34.894, + "ndcg_at_1": 23.186, + "ndcg_at_10": 44.49, + "ndcg_at_100": 50.065000000000005, + "ndcg_at_1000": 50.629999999999995, + "ndcg_at_3": 35.461, + "ndcg_at_5": 39.969, + "precision_at_1": 23.186, + "precision_at_10": 6.97, + "precision_at_100": 0.951, + "precision_at_1000": 0.099, + "precision_at_3": 14.912, + "precision_at_5": 11.152, + "recall_at_1": 23.186, + "recall_at_10": 69.70100000000001, + "recall_at_100": 95.092, + "recall_at_1000": 99.431, + "recall_at_3": 44.737, + "recall_at_5": 55.761, + "main_score": 44.49 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/ArxivClusteringP2P.json b/results/odunola__e5-base-v2/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..b968ed495 --- /dev/null +++ b/results/odunola__e5-base-v2/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 46.10312401440185, + "main_score": 46.10312401440185 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/ArxivClusteringS2S.json b/results/odunola__e5-base-v2/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..e5dc099e5 --- /dev/null +++ b/results/odunola__e5-base-v2/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.67275326095384, + "main_score": 39.67275326095384 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/AskUbuntuDupQuestions.json b/results/odunola__e5-base-v2/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..507ed3bb7 --- /dev/null +++ b/results/odunola__e5-base-v2/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 58.97793816337376, + "mrr": 72.76832431957087, + "main_score": 58.97793816337376 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/BIOSSES.json b/results/odunola__e5-base-v2/external/BIOSSES.json new file mode 100644 index 000000000..84ca3883e --- /dev/null +++ b/results/odunola__e5-base-v2/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.11646947018187, + "cos_sim_spearman": 81.40064994975234, + "euclidean_pearson": 82.37355689019232, + "euclidean_spearman": 81.6777646977348, + "manhattan_pearson": 82.61101422716945, + "manhattan_spearman": 81.80427360442245, + "cosine_pearson": 83.11646947018187, + "cosine_spearman": 81.40064994975234, + "main_score": 81.40064994975234 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/Banking77Classification.json b/results/odunola__e5-base-v2/external/Banking77Classification.json new file mode 100644 index 000000000..bda9da0cc --- /dev/null +++ b/results/odunola__e5-base-v2/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 83.52922077922076, + "f1": 83.45298679360866, + "main_score": 83.52922077922076 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/BiorxivClusteringP2P.json b/results/odunola__e5-base-v2/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..9ac99fc10 --- /dev/null +++ b/results/odunola__e5-base-v2/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.495115019668496, + "main_score": 37.495115019668496 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/BiorxivClusteringS2S.json b/results/odunola__e5-base-v2/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..26287490b --- /dev/null +++ b/results/odunola__e5-base-v2/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.724792944166765, + "main_score": 32.724792944166765 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/CQADupstackAndroidRetrieval.json b/results/odunola__e5-base-v2/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..adbe746c7 --- /dev/null +++ b/results/odunola__e5-base-v2/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.361000000000004, + "map_at_10": 43.765, + "map_at_100": 45.224, + "map_at_1000": 45.35, + "map_at_3": 40.353, + "map_at_5": 42.195, + "mrr_at_1": 40.629, + "mrr_at_10": 50.458000000000006, + "mrr_at_100": 51.06699999999999, + "mrr_at_1000": 51.12, + "mrr_at_3": 47.902, + "mrr_at_5": 49.447, + "ndcg_at_1": 40.629, + "ndcg_at_10": 50.376, + "ndcg_at_100": 55.065, + "ndcg_at_1000": 57.196000000000005, + "ndcg_at_3": 45.616, + "ndcg_at_5": 47.646, + "precision_at_1": 40.629, + "precision_at_10": 9.785, + "precision_at_100": 1.562, + "precision_at_1000": 0.2, + "precision_at_3": 22.031, + "precision_at_5": 15.737000000000002, + "recall_at_1": 32.361000000000004, + "recall_at_10": 62.214000000000006, + "recall_at_100": 81.464, + "recall_at_1000": 95.905, + "recall_at_3": 47.5, + "recall_at_5": 53.69500000000001, + "main_score": 50.376 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.971, + "map_at_10": 37.444, + "map_at_100": 38.607, + "map_at_1000": 38.737, + "map_at_3": 34.504000000000005, + "map_at_5": 36.234, + "mrr_at_1": 35.35, + "mrr_at_10": 43.441, + "mrr_at_100": 44.147999999999996, + "mrr_at_1000": 44.196000000000005, + "mrr_at_3": 41.285, + "mrr_at_5": 42.552, + "ndcg_at_1": 35.35, + "ndcg_at_10": 42.903999999999996, + "ndcg_at_100": 47.406, + "ndcg_at_1000": 49.588, + "ndcg_at_3": 38.778, + "ndcg_at_5": 40.788000000000004, + "precision_at_1": 35.35, + "precision_at_10": 8.083, + "precision_at_100": 1.313, + "precision_at_1000": 0.18, + "precision_at_3": 18.769, + "precision_at_5": 13.439, + "recall_at_1": 27.971, + "recall_at_10": 52.492000000000004, + "recall_at_100": 71.642, + "recall_at_1000": 85.488, + "recall_at_3": 40.1, + "recall_at_5": 45.800000000000004, + "main_score": 42.903999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 39.898, + "map_at_10": 51.819, + "map_at_100": 52.886, + "map_at_1000": 52.941, + "map_at_3": 48.619, + "map_at_5": 50.493, + "mrr_at_1": 45.391999999999996, + "mrr_at_10": 55.230000000000004, + "mrr_at_100": 55.887, + "mrr_at_1000": 55.916, + "mrr_at_3": 52.717000000000006, + "mrr_at_5": 54.222, + "ndcg_at_1": 45.391999999999996, + "ndcg_at_10": 57.586999999999996, + "ndcg_at_100": 61.745000000000005, + "ndcg_at_1000": 62.83800000000001, + "ndcg_at_3": 52.207, + "ndcg_at_5": 54.925999999999995, + "precision_at_1": 45.391999999999996, + "precision_at_10": 9.21, + "precision_at_100": 1.226, + "precision_at_1000": 0.136, + "precision_at_3": 23.177, + "precision_at_5": 16.038, + "recall_at_1": 39.898, + "recall_at_10": 71.18900000000001, + "recall_at_100": 89.082, + "recall_at_1000": 96.865, + "recall_at_3": 56.907, + "recall_at_5": 63.397999999999996, + "main_score": 57.586999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.706, + "map_at_10": 30.818, + "map_at_100": 32.038, + "map_at_1000": 32.123000000000005, + "map_at_3": 28.077, + "map_at_5": 29.709999999999997, + "mrr_at_1": 24.407, + "mrr_at_10": 32.555, + "mrr_at_100": 33.692, + "mrr_at_1000": 33.751, + "mrr_at_3": 29.848999999999997, + "mrr_at_5": 31.509999999999998, + "ndcg_at_1": 24.407, + "ndcg_at_10": 35.624, + "ndcg_at_100": 41.454, + "ndcg_at_1000": 43.556, + "ndcg_at_3": 30.217, + "ndcg_at_5": 33.111000000000004, + "precision_at_1": 24.407, + "precision_at_10": 5.548, + "precision_at_100": 0.8869999999999999, + "precision_at_1000": 0.11100000000000002, + "precision_at_3": 12.731, + "precision_at_5": 9.22, + "recall_at_1": 22.706, + "recall_at_10": 48.772, + "recall_at_100": 75.053, + "recall_at_1000": 90.731, + "recall_at_3": 34.421, + "recall_at_5": 41.427, + "main_score": 35.624 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 13.424, + "map_at_10": 21.09, + "map_at_100": 22.264999999999997, + "map_at_1000": 22.402, + "map_at_3": 18.312, + "map_at_5": 19.874, + "mrr_at_1": 16.915, + "mrr_at_10": 25.258000000000003, + "mrr_at_100": 26.228, + "mrr_at_1000": 26.31, + "mrr_at_3": 22.492, + "mrr_at_5": 24.04, + "ndcg_at_1": 16.915, + "ndcg_at_10": 26.266000000000002, + "ndcg_at_100": 32.08, + "ndcg_at_1000": 35.086, + "ndcg_at_3": 21.049, + "ndcg_at_5": 23.508000000000003, + "precision_at_1": 16.915, + "precision_at_10": 5.1, + "precision_at_100": 0.9329999999999999, + "precision_at_1000": 0.131, + "precision_at_3": 10.282, + "precision_at_5": 7.836, + "recall_at_1": 13.424, + "recall_at_10": 38.179, + "recall_at_100": 63.906, + "recall_at_1000": 84.933, + "recall_at_3": 23.878, + "recall_at_5": 30.037999999999997, + "main_score": 26.266000000000002 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.154, + "map_at_10": 35.912, + "map_at_100": 37.211, + "map_at_1000": 37.327, + "map_at_3": 32.684999999999995, + "map_at_5": 34.562, + "mrr_at_1": 32.435, + "mrr_at_10": 41.411, + "mrr_at_100": 42.297000000000004, + "mrr_at_1000": 42.345, + "mrr_at_3": 38.771, + "mrr_at_5": 40.33, + "ndcg_at_1": 32.435, + "ndcg_at_10": 41.785, + "ndcg_at_100": 47.469, + "ndcg_at_1000": 49.685, + "ndcg_at_3": 36.618, + "ndcg_at_5": 39.101, + "precision_at_1": 32.435, + "precision_at_10": 7.642, + "precision_at_100": 1.244, + "precision_at_1000": 0.163, + "precision_at_3": 17.485, + "precision_at_5": 12.57, + "recall_at_1": 26.154, + "recall_at_10": 54.111, + "recall_at_100": 78.348, + "recall_at_1000": 92.996, + "recall_at_3": 39.189, + "recall_at_5": 45.852, + "main_score": 41.785 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.308999999999997, + "map_at_10": 35.524, + "map_at_100": 36.774, + "map_at_1000": 36.891, + "map_at_3": 32.561, + "map_at_5": 34.034, + "mrr_at_1": 31.735000000000003, + "mrr_at_10": 40.391, + "mrr_at_100": 41.227000000000004, + "mrr_at_1000": 41.288000000000004, + "mrr_at_3": 37.938, + "mrr_at_5": 39.193, + "ndcg_at_1": 31.735000000000003, + "ndcg_at_10": 41.166000000000004, + "ndcg_at_100": 46.702, + "ndcg_at_1000": 49.157000000000004, + "ndcg_at_3": 36.274, + "ndcg_at_5": 38.177, + "precision_at_1": 31.735000000000003, + "precision_at_10": 7.5569999999999995, + "precision_at_100": 1.2109999999999999, + "precision_at_1000": 0.16, + "precision_at_3": 17.199, + "precision_at_5": 12.123000000000001, + "recall_at_1": 26.308999999999997, + "recall_at_10": 53.083000000000006, + "recall_at_100": 76.922, + "recall_at_1000": 93.767, + "recall_at_3": 39.262, + "recall_at_5": 44.413000000000004, + "main_score": 41.166000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.391250000000003, + "map_at_10": 33.280166666666666, + "map_at_100": 34.49566666666667, + "map_at_1000": 34.61533333333333, + "map_at_3": 30.52183333333333, + "map_at_5": 32.06608333333333, + "mrr_at_1": 29.105083333333337, + "mrr_at_10": 37.44766666666666, + "mrr_at_100": 38.32491666666667, + "mrr_at_1000": 38.385666666666665, + "mrr_at_3": 35.06883333333333, + "mrr_at_5": 36.42066666666667, + "ndcg_at_1": 29.105083333333337, + "ndcg_at_10": 38.54358333333333, + "ndcg_at_100": 43.833583333333344, + "ndcg_at_1000": 46.215333333333334, + "ndcg_at_3": 33.876, + "ndcg_at_5": 36.05208333333333, + "precision_at_1": 29.105083333333337, + "precision_at_10": 6.823416666666665, + "precision_at_100": 1.1270833333333334, + "precision_at_1000": 0.15208333333333332, + "precision_at_3": 15.696750000000002, + "precision_at_5": 11.193499999999998, + "recall_at_1": 24.391250000000003, + "recall_at_10": 49.98808333333333, + "recall_at_100": 73.31616666666666, + "recall_at_1000": 89.96291666666667, + "recall_at_3": 36.86666666666667, + "recall_at_5": 42.54350000000001, + "main_score": 38.54358333333333 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.995, + "map_at_10": 28.807, + "map_at_100": 29.813000000000002, + "map_at_1000": 29.903000000000002, + "map_at_3": 26.636, + "map_at_5": 27.912, + "mrr_at_1": 24.847, + "mrr_at_10": 31.494, + "mrr_at_100": 32.381, + "mrr_at_1000": 32.446999999999996, + "mrr_at_3": 29.473, + "mrr_at_5": 30.7, + "ndcg_at_1": 24.847, + "ndcg_at_10": 32.818999999999996, + "ndcg_at_100": 37.835, + "ndcg_at_1000": 40.226, + "ndcg_at_3": 28.811999999999998, + "ndcg_at_5": 30.875999999999998, + "precision_at_1": 24.847, + "precision_at_10": 5.244999999999999, + "precision_at_100": 0.856, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 12.577, + "precision_at_5": 8.895999999999999, + "recall_at_1": 21.995, + "recall_at_10": 42.479, + "recall_at_100": 65.337, + "recall_at_1000": 83.23700000000001, + "recall_at_3": 31.573, + "recall_at_5": 36.684, + "main_score": 32.818999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.751000000000001, + "map_at_10": 21.909, + "map_at_100": 23.064, + "map_at_1000": 23.205000000000002, + "map_at_3": 20.138, + "map_at_5": 20.973, + "mrr_at_1": 19.305, + "mrr_at_10": 25.647, + "mrr_at_100": 26.659, + "mrr_at_1000": 26.748, + "mrr_at_3": 23.933, + "mrr_at_5": 24.754, + "ndcg_at_1": 19.305, + "ndcg_at_10": 25.886, + "ndcg_at_100": 31.56, + "ndcg_at_1000": 34.799, + "ndcg_at_3": 22.708000000000002, + "ndcg_at_5": 23.838, + "precision_at_1": 19.305, + "precision_at_10": 4.677, + "precision_at_100": 0.895, + "precision_at_1000": 0.136, + "precision_at_3": 10.771, + "precision_at_5": 7.46, + "recall_at_1": 15.751000000000001, + "recall_at_10": 34.156, + "recall_at_100": 59.899, + "recall_at_1000": 83.08, + "recall_at_3": 24.772, + "recall_at_5": 28.009, + "main_score": 25.886 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.34, + "map_at_10": 32.383, + "map_at_100": 33.629999999999995, + "map_at_1000": 33.735, + "map_at_3": 29.68, + "map_at_5": 31.270999999999997, + "mrr_at_1": 27.612, + "mrr_at_10": 36.381, + "mrr_at_100": 37.351, + "mrr_at_1000": 37.411, + "mrr_at_3": 33.893, + "mrr_at_5": 35.353, + "ndcg_at_1": 27.612, + "ndcg_at_10": 37.714999999999996, + "ndcg_at_100": 43.525000000000006, + "ndcg_at_1000": 45.812999999999995, + "ndcg_at_3": 32.796, + "ndcg_at_5": 35.243, + "precision_at_1": 27.612, + "precision_at_10": 6.465, + "precision_at_100": 1.0619999999999998, + "precision_at_1000": 0.13699999999999998, + "precision_at_3": 15.049999999999999, + "precision_at_5": 10.764999999999999, + "recall_at_1": 23.34, + "recall_at_10": 49.856, + "recall_at_100": 75.334, + "recall_at_1000": 91.156, + "recall_at_3": 36.497, + "recall_at_5": 42.769, + "main_score": 37.714999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.097, + "map_at_10": 34.599999999999994, + "map_at_100": 36.174, + "map_at_1000": 36.398, + "map_at_3": 31.781, + "map_at_5": 33.22, + "mrr_at_1": 31.225, + "mrr_at_10": 39.873, + "mrr_at_100": 40.853, + "mrr_at_1000": 40.904, + "mrr_at_3": 37.681, + "mrr_at_5": 38.669, + "ndcg_at_1": 31.225, + "ndcg_at_10": 40.586, + "ndcg_at_100": 46.226, + "ndcg_at_1000": 48.788, + "ndcg_at_3": 36.258, + "ndcg_at_5": 37.848, + "precision_at_1": 31.225, + "precision_at_10": 7.707999999999999, + "precision_at_100": 1.536, + "precision_at_1000": 0.242, + "precision_at_3": 17.26, + "precision_at_5": 12.253, + "recall_at_1": 25.097, + "recall_at_10": 51.602000000000004, + "recall_at_100": 76.854, + "recall_at_1000": 93.303, + "recall_at_3": 38.68, + "recall_at_5": 43.258, + "main_score": 40.586 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.689, + "map_at_10": 25.291000000000004, + "map_at_100": 26.262, + "map_at_1000": 26.372, + "map_at_3": 22.916, + "map_at_5": 24.315, + "mrr_at_1": 19.409000000000002, + "mrr_at_10": 27.233, + "mrr_at_100": 28.109, + "mrr_at_1000": 28.192, + "mrr_at_3": 24.892, + "mrr_at_5": 26.278000000000002, + "ndcg_at_1": 19.409000000000002, + "ndcg_at_10": 29.809, + "ndcg_at_100": 34.936, + "ndcg_at_1000": 37.852000000000004, + "ndcg_at_3": 25.179000000000002, + "ndcg_at_5": 27.563, + "precision_at_1": 19.409000000000002, + "precision_at_10": 4.861, + "precision_at_100": 0.8, + "precision_at_1000": 0.116, + "precision_at_3": 11.029, + "precision_at_5": 7.985, + "recall_at_1": 17.689, + "recall_at_10": 41.724, + "recall_at_100": 65.95299999999999, + "recall_at_1000": 88.094, + "recall_at_3": 29.621, + "recall_at_5": 35.179, + "main_score": 29.809 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/ClimateFEVER.json b/results/odunola__e5-base-v2/external/ClimateFEVER.json new file mode 100644 index 000000000..81f5003b9 --- /dev/null +++ b/results/odunola__e5-base-v2/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 10.581, + "map_at_10": 18.944, + "map_at_100": 20.812, + "map_at_1000": 21.002000000000002, + "map_at_3": 15.661, + "map_at_5": 17.502000000000002, + "mrr_at_1": 23.388, + "mrr_at_10": 34.263, + "mrr_at_100": 35.364000000000004, + "mrr_at_1000": 35.409, + "mrr_at_3": 30.586000000000002, + "mrr_at_5": 32.928000000000004, + "ndcg_at_1": 23.388, + "ndcg_at_10": 26.56, + "ndcg_at_100": 34.248, + "ndcg_at_1000": 37.779, + "ndcg_at_3": 21.179000000000002, + "ndcg_at_5": 23.504, + "precision_at_1": 23.388, + "precision_at_10": 8.476, + "precision_at_100": 1.672, + "precision_at_1000": 0.233, + "precision_at_3": 15.852, + "precision_at_5": 12.73, + "recall_at_1": 10.581, + "recall_at_10": 32.512, + "recall_at_100": 59.313, + "recall_at_1000": 79.25, + "recall_at_3": 19.912, + "recall_at_5": 25.832, + "main_score": 26.56 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/DBPedia.json b/results/odunola__e5-base-v2/external/DBPedia.json new file mode 100644 index 000000000..3ee108214 --- /dev/null +++ b/results/odunola__e5-base-v2/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.35, + "map_at_10": 20.134, + "map_at_100": 28.975, + "map_at_1000": 30.709999999999997, + "map_at_3": 14.513000000000002, + "map_at_5": 16.671, + "mrr_at_1": 69.75, + "mrr_at_10": 77.67699999999999, + "mrr_at_100": 77.97500000000001, + "mrr_at_1000": 77.985, + "mrr_at_3": 76.292, + "mrr_at_5": 77.179, + "ndcg_at_1": 56.49999999999999, + "ndcg_at_10": 42.226, + "ndcg_at_100": 47.562, + "ndcg_at_1000": 54.923, + "ndcg_at_3": 46.564, + "ndcg_at_5": 43.830000000000005, + "precision_at_1": 69.75, + "precision_at_10": 33.525, + "precision_at_100": 11.035, + "precision_at_1000": 2.206, + "precision_at_3": 49.75, + "precision_at_5": 42, + "recall_at_1": 9.35, + "recall_at_10": 25.793, + "recall_at_100": 54.186, + "recall_at_1000": 77.81, + "recall_at_3": 15.770000000000001, + "recall_at_5": 19.09, + "main_score": 42.226 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/EmotionClassification.json b/results/odunola__e5-base-v2/external/EmotionClassification.json new file mode 100644 index 000000000..f1ea79c0b --- /dev/null +++ b/results/odunola__e5-base-v2/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 46.945, + "f1": 42.07407842992542, + "main_score": 46.945 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/FEVER.json b/results/odunola__e5-base-v2/external/FEVER.json new file mode 100644 index 000000000..436f7a98b --- /dev/null +++ b/results/odunola__e5-base-v2/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 71.04599999999999, + "map_at_10": 80.718, + "map_at_100": 80.961, + "map_at_1000": 80.974, + "map_at_3": 79.49199999999999, + "map_at_5": 80.32000000000001, + "mrr_at_1": 76.388, + "mrr_at_10": 85.214, + "mrr_at_100": 85.302, + "mrr_at_1000": 85.302, + "mrr_at_3": 84.373, + "mrr_at_5": 84.979, + "ndcg_at_1": 76.388, + "ndcg_at_10": 84.987, + "ndcg_at_100": 85.835, + "ndcg_at_1000": 86.04899999999999, + "ndcg_at_3": 83.04, + "ndcg_at_5": 84.22500000000001, + "precision_at_1": 76.388, + "precision_at_10": 10.35, + "precision_at_100": 1.099, + "precision_at_1000": 0.11399999999999999, + "precision_at_3": 32.108, + "precision_at_5": 20.033, + "recall_at_1": 71.04599999999999, + "recall_at_10": 93.547, + "recall_at_100": 96.887, + "recall_at_1000": 98.158, + "recall_at_3": 88.346, + "recall_at_5": 91.321, + "main_score": 84.987 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/FiQA2018.json b/results/odunola__e5-base-v2/external/FiQA2018.json new file mode 100644 index 000000000..0b1bcf65b --- /dev/null +++ b/results/odunola__e5-base-v2/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.8, + "map_at_10": 31.979999999999997, + "map_at_100": 33.876, + "map_at_1000": 34.056999999999995, + "map_at_3": 28.067999999999998, + "map_at_5": 30.066, + "mrr_at_1": 38.735, + "mrr_at_10": 47.749, + "mrr_at_100": 48.605, + "mrr_at_1000": 48.644999999999996, + "mrr_at_3": 45.165, + "mrr_at_5": 46.646, + "ndcg_at_1": 38.735, + "ndcg_at_10": 39.883, + "ndcg_at_100": 46.983000000000004, + "ndcg_at_1000": 50.043000000000006, + "ndcg_at_3": 35.943000000000005, + "ndcg_at_5": 37.119, + "precision_at_1": 38.735, + "precision_at_10": 10.940999999999999, + "precision_at_100": 1.836, + "precision_at_1000": 0.23900000000000002, + "precision_at_3": 23.817, + "precision_at_5": 17.346, + "recall_at_1": 19.8, + "recall_at_10": 47.082, + "recall_at_100": 73.247, + "recall_at_1000": 91.633, + "recall_at_3": 33.201, + "recall_at_5": 38.81, + "main_score": 39.883 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/HotpotQA.json b/results/odunola__e5-base-v2/external/HotpotQA.json new file mode 100644 index 000000000..90e99f8a8 --- /dev/null +++ b/results/odunola__e5-base-v2/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.102999999999994, + "map_at_10": 60.547, + "map_at_100": 61.466, + "map_at_1000": 61.526, + "map_at_3": 56.973, + "map_at_5": 59.244, + "mrr_at_1": 76.205, + "mrr_at_10": 82.816, + "mrr_at_100": 83.002, + "mrr_at_1000": 83.009, + "mrr_at_3": 81.747, + "mrr_at_5": 82.467, + "ndcg_at_1": 76.205, + "ndcg_at_10": 69.15, + "ndcg_at_100": 72.297, + "ndcg_at_1000": 73.443, + "ndcg_at_3": 64.07000000000001, + "ndcg_at_5": 66.96600000000001, + "precision_at_1": 76.205, + "precision_at_10": 14.601, + "precision_at_100": 1.7049999999999998, + "precision_at_1000": 0.186, + "precision_at_3": 41.202, + "precision_at_5": 27.006000000000004, + "recall_at_1": 38.102999999999994, + "recall_at_10": 73.005, + "recall_at_100": 85.253, + "recall_at_1000": 92.795, + "recall_at_3": 61.803, + "recall_at_5": 67.515, + "main_score": 69.15 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/ImdbClassification.json b/results/odunola__e5-base-v2/external/ImdbClassification.json new file mode 100644 index 000000000..4c7e3efdd --- /dev/null +++ b/results/odunola__e5-base-v2/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.15, + "ap": 80.36282825265391, + "f1": 86.07368510726472, + "main_score": 86.15 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/MSMARCO.json b/results/odunola__e5-base-v2/external/MSMARCO.json new file mode 100644 index 000000000..fe2b28989 --- /dev/null +++ b/results/odunola__e5-base-v2/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.6, + "map_at_10": 34.887, + "map_at_100": 36.069, + "map_at_1000": 36.115, + "map_at_3": 31.067, + "map_at_5": 33.300000000000004, + "mrr_at_1": 23.238, + "mrr_at_10": 35.47, + "mrr_at_100": 36.599, + "mrr_at_1000": 36.64, + "mrr_at_3": 31.735999999999997, + "mrr_at_5": 33.939, + "ndcg_at_1": 23.252, + "ndcg_at_10": 41.765, + "ndcg_at_100": 47.402, + "ndcg_at_1000": 48.562, + "ndcg_at_3": 34.016999999999996, + "ndcg_at_5": 38.016, + "precision_at_1": 23.252, + "precision_at_10": 6.569, + "precision_at_100": 0.938, + "precision_at_1000": 0.104, + "precision_at_3": 14.479000000000001, + "precision_at_5": 10.722, + "recall_at_1": 22.6, + "recall_at_10": 62.919000000000004, + "recall_at_100": 88.82, + "recall_at_1000": 97.71600000000001, + "recall_at_3": 41.896, + "recall_at_5": 51.537, + "main_score": 41.765 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/MTOPDomainClassification.json b/results/odunola__e5-base-v2/external/MTOPDomainClassification.json new file mode 100644 index 000000000..c6a7849b9 --- /dev/null +++ b/results/odunola__e5-base-v2/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.69357045143639, + "f1": 93.55489858177597, + "main_score": 93.69357045143639 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/MTOPIntentClassification.json b/results/odunola__e5-base-v2/external/MTOPIntentClassification.json new file mode 100644 index 000000000..658320c70 --- /dev/null +++ b/results/odunola__e5-base-v2/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.31235750114, + "f1": 57.891491963121155, + "main_score": 75.31235750114 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/MassiveIntentClassification.json b/results/odunola__e5-base-v2/external/MassiveIntentClassification.json new file mode 100644 index 000000000..c32c77049 --- /dev/null +++ b/results/odunola__e5-base-v2/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.04303967720243, + "f1": 70.51516022297616, + "main_score": 73.04303967720243 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/MassiveScenarioClassification.json b/results/odunola__e5-base-v2/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..08d9b1912 --- /dev/null +++ b/results/odunola__e5-base-v2/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.65299260255549, + "f1": 77.49059766538576, + "main_score": 77.65299260255549 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/MedrxivClusteringP2P.json b/results/odunola__e5-base-v2/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..2423568e5 --- /dev/null +++ b/results/odunola__e5-base-v2/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.458906115906597, + "main_score": 31.458906115906597 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/MedrxivClusteringS2S.json b/results/odunola__e5-base-v2/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..9d17ec4b2 --- /dev/null +++ b/results/odunola__e5-base-v2/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 28.9851513122443, + "main_score": 28.9851513122443 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/MindSmallReranking.json b/results/odunola__e5-base-v2/external/MindSmallReranking.json new file mode 100644 index 000000000..f0961b25f --- /dev/null +++ b/results/odunola__e5-base-v2/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.2916268497217, + "mrr": 32.328276715593816, + "main_score": 31.2916268497217 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/NFCorpus.json b/results/odunola__e5-base-v2/external/NFCorpus.json new file mode 100644 index 000000000..50d9df859 --- /dev/null +++ b/results/odunola__e5-base-v2/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.3740000000000006, + "map_at_10": 13.089999999999998, + "map_at_100": 16.512, + "map_at_1000": 18.014, + "map_at_3": 9.671000000000001, + "map_at_5": 11.199, + "mrr_at_1": 46.749, + "mrr_at_10": 55.367, + "mrr_at_100": 56.021, + "mrr_at_1000": 56.058, + "mrr_at_3": 53.30200000000001, + "mrr_at_5": 54.773, + "ndcg_at_1": 45.046, + "ndcg_at_10": 35.388999999999996, + "ndcg_at_100": 32.175, + "ndcg_at_1000": 41.018, + "ndcg_at_3": 40.244, + "ndcg_at_5": 38.267, + "precision_at_1": 46.749, + "precision_at_10": 26.563, + "precision_at_100": 8.074, + "precision_at_1000": 2.099, + "precision_at_3": 37.358000000000004, + "precision_at_5": 33.003, + "recall_at_1": 6.3740000000000006, + "recall_at_10": 16.805999999999997, + "recall_at_100": 31.871, + "recall_at_1000": 64.098, + "recall_at_3": 10.383000000000001, + "recall_at_5": 13.166, + "main_score": 35.388999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/NQ.json b/results/odunola__e5-base-v2/external/NQ.json new file mode 100644 index 000000000..543901088 --- /dev/null +++ b/results/odunola__e5-base-v2/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 34.847, + "map_at_10": 50.532, + "map_at_100": 51.504000000000005, + "map_at_1000": 51.528, + "map_at_3": 46.219, + "map_at_5": 48.868, + "mrr_at_1": 39.137, + "mrr_at_10": 53.157, + "mrr_at_100": 53.839999999999996, + "mrr_at_1000": 53.857, + "mrr_at_3": 49.667, + "mrr_at_5": 51.847, + "ndcg_at_1": 39.108, + "ndcg_at_10": 58.221000000000004, + "ndcg_at_100": 62.021, + "ndcg_at_1000": 62.57, + "ndcg_at_3": 50.27199999999999, + "ndcg_at_5": 54.623999999999995, + "precision_at_1": 39.108, + "precision_at_10": 9.397, + "precision_at_100": 1.1520000000000001, + "precision_at_1000": 0.12, + "precision_at_3": 22.644000000000002, + "precision_at_5": 16.141, + "recall_at_1": 34.847, + "recall_at_10": 78.945, + "recall_at_100": 94.793, + "recall_at_1000": 98.904, + "recall_at_3": 58.56, + "recall_at_5": 68.535, + "main_score": 58.221000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/QuoraRetrieval.json b/results/odunola__e5-base-v2/external/QuoraRetrieval.json new file mode 100644 index 000000000..17de58f73 --- /dev/null +++ b/results/odunola__e5-base-v2/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 68.728, + "map_at_10": 82.537, + "map_at_100": 83.218, + "map_at_1000": 83.238, + "map_at_3": 79.586, + "map_at_5": 81.416, + "mrr_at_1": 79.17999999999999, + "mrr_at_10": 85.79299999999999, + "mrr_at_100": 85.937, + "mrr_at_1000": 85.938, + "mrr_at_3": 84.748, + "mrr_at_5": 85.431, + "ndcg_at_1": 79.17, + "ndcg_at_10": 86.555, + "ndcg_at_100": 88.005, + "ndcg_at_1000": 88.146, + "ndcg_at_3": 83.557, + "ndcg_at_5": 85.152, + "precision_at_1": 79.17, + "precision_at_10": 13.163, + "precision_at_100": 1.52, + "precision_at_1000": 0.156, + "precision_at_3": 36.53, + "precision_at_5": 24.046, + "recall_at_1": 68.728, + "recall_at_10": 94.217, + "recall_at_100": 99.295, + "recall_at_1000": 99.964, + "recall_at_3": 85.646, + "recall_at_5": 90.113, + "main_score": 86.555 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/RedditClustering.json b/results/odunola__e5-base-v2/external/RedditClustering.json new file mode 100644 index 000000000..dd3296c9e --- /dev/null +++ b/results/odunola__e5-base-v2/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 56.15680266226348, + "main_score": 56.15680266226348 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/RedditClusteringP2P.json b/results/odunola__e5-base-v2/external/RedditClusteringP2P.json new file mode 100644 index 000000000..1a7111e6b --- /dev/null +++ b/results/odunola__e5-base-v2/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 63.4318549229047, + "main_score": 63.4318549229047 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/SCIDOCS.json b/results/odunola__e5-base-v2/external/SCIDOCS.json new file mode 100644 index 000000000..d18eb0208 --- /dev/null +++ b/results/odunola__e5-base-v2/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.353, + "map_at_10": 10.956000000000001, + "map_at_100": 12.873999999999999, + "map_at_1000": 13.177, + "map_at_3": 7.854, + "map_at_5": 9.327, + "mrr_at_1": 21.4, + "mrr_at_10": 31.948999999999998, + "mrr_at_100": 33.039, + "mrr_at_1000": 33.106, + "mrr_at_3": 28.449999999999996, + "mrr_at_5": 30.535, + "ndcg_at_1": 21.4, + "ndcg_at_10": 18.694, + "ndcg_at_100": 26.275, + "ndcg_at_1000": 31.836, + "ndcg_at_3": 17.559, + "ndcg_at_5": 15.372, + "precision_at_1": 21.4, + "precision_at_10": 9.790000000000001, + "precision_at_100": 2.0709999999999997, + "precision_at_1000": 0.34099999999999997, + "precision_at_3": 16.467000000000002, + "precision_at_5": 13.54, + "recall_at_1": 4.353, + "recall_at_10": 19.892000000000003, + "recall_at_100": 42.067, + "recall_at_1000": 69.268, + "recall_at_3": 10.042, + "recall_at_5": 13.741999999999999, + "main_score": 18.694 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/SICK-R.json b/results/odunola__e5-base-v2/external/SICK-R.json new file mode 100644 index 000000000..f644418f4 --- /dev/null +++ b/results/odunola__e5-base-v2/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.75433886279843, + "cos_sim_spearman": 78.29727771767095, + "euclidean_pearson": 80.83057828506621, + "euclidean_spearman": 78.35203149750356, + "manhattan_pearson": 80.7403553891142, + "manhattan_spearman": 78.33670488531051, + "cosine_pearson": 83.75433886279843, + "cosine_spearman": 78.29727771767095, + "main_score": 78.29727771767095 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/STS12.json b/results/odunola__e5-base-v2/external/STS12.json new file mode 100644 index 000000000..610c2cc0a --- /dev/null +++ b/results/odunola__e5-base-v2/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.59999465280839, + "cos_sim_spearman": 75.79279003980383, + "euclidean_pearson": 82.29895375956758, + "euclidean_spearman": 77.33856514102094, + "manhattan_pearson": 82.22694214534756, + "manhattan_spearman": 77.3028993008695, + "cosine_pearson": 84.59999465280839, + "cosine_spearman": 75.79279003980383, + "main_score": 75.79279003980383 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/STS13.json b/results/odunola__e5-base-v2/external/STS13.json new file mode 100644 index 000000000..56a0c98b7 --- /dev/null +++ b/results/odunola__e5-base-v2/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.09296929691297, + "cos_sim_spearman": 83.58056936846941, + "euclidean_pearson": 83.84067483060005, + "euclidean_spearman": 84.45155680480985, + "manhattan_pearson": 83.82353052971942, + "manhattan_spearman": 84.43030567861112, + "cosine_pearson": 83.09296929691297, + "cosine_spearman": 83.58056936846941, + "main_score": 83.58056936846941 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/STS14.json b/results/odunola__e5-base-v2/external/STS14.json new file mode 100644 index 000000000..2ce285183 --- /dev/null +++ b/results/odunola__e5-base-v2/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.74616852320915, + "cos_sim_spearman": 79.948683747966, + "euclidean_pearson": 81.55702283757084, + "euclidean_spearman": 80.1721505114231, + "manhattan_pearson": 81.52251518619441, + "manhattan_spearman": 80.1469800135577, + "cosine_pearson": 82.74616852320915, + "cosine_spearman": 79.948683747966, + "main_score": 79.948683747966 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/STS15.json b/results/odunola__e5-base-v2/external/STS15.json new file mode 100644 index 000000000..f11518e29 --- /dev/null +++ b/results/odunola__e5-base-v2/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.97170104226318, + "cos_sim_spearman": 88.82021731518206, + "euclidean_pearson": 87.92950547187615, + "euclidean_spearman": 88.67043634645866, + "manhattan_pearson": 87.90668112827639, + "manhattan_spearman": 88.64471082785317, + "cosine_pearson": 87.97170104226318, + "cosine_spearman": 88.82021731518206, + "main_score": 88.82021731518206 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/STS16.json b/results/odunola__e5-base-v2/external/STS16.json new file mode 100644 index 000000000..42f8adb77 --- /dev/null +++ b/results/odunola__e5-base-v2/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.02790375770599, + "cos_sim_spearman": 84.46308496590792, + "euclidean_pearson": 84.29430000414911, + "euclidean_spearman": 84.77298303589936, + "manhattan_pearson": 84.23919291368665, + "manhattan_spearman": 84.75272234871308, + "cosine_pearson": 83.02790375770599, + "cosine_spearman": 84.46308496590792, + "main_score": 84.46308496590792 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/STS17.json b/results/odunola__e5-base-v2/external/STS17.json new file mode 100644 index 000000000..7ed8178ff --- /dev/null +++ b/results/odunola__e5-base-v2/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.62885108477064, + "cos_sim_spearman": 87.58456196391622, + "euclidean_pearson": 88.2602775281007, + "euclidean_spearman": 87.51556278299846, + "manhattan_pearson": 88.11224053672842, + "manhattan_spearman": 87.4336094383095, + "cosine_pearson": 87.62885108477064, + "cosine_spearman": 87.58456196391622, + "main_score": 87.58456196391622 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/STS22.json b/results/odunola__e5-base-v2/external/STS22.json new file mode 100644 index 000000000..a8b2203a9 --- /dev/null +++ b/results/odunola__e5-base-v2/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 63.98187965128411, + "cos_sim_spearman": 64.0653163219731, + "euclidean_pearson": 62.30616725924099, + "euclidean_spearman": 61.556971332295916, + "manhattan_pearson": 62.07642330128549, + "manhattan_spearman": 61.155494129828, + "cosine_pearson": 63.98187965128411, + "cosine_spearman": 64.0653163219731, + "main_score": 64.0653163219731 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/STSBenchmark.json b/results/odunola__e5-base-v2/external/STSBenchmark.json new file mode 100644 index 000000000..c725eb8b4 --- /dev/null +++ b/results/odunola__e5-base-v2/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.6089703921826, + "cos_sim_spearman": 86.52303197250791, + "euclidean_pearson": 85.95801955963246, + "euclidean_spearman": 86.25242424112962, + "manhattan_pearson": 85.88829100470312, + "manhattan_spearman": 86.18742955805165, + "cosine_pearson": 85.6089703921826, + "cosine_spearman": 86.52303197250791, + "main_score": 86.52303197250791 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/SciDocsRR.json b/results/odunola__e5-base-v2/external/SciDocsRR.json new file mode 100644 index 000000000..d9e0c06c9 --- /dev/null +++ b/results/odunola__e5-base-v2/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 83.02282098487036, + "mrr": 95.05126409538174, + "main_score": 83.02282098487036 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/SciFact.json b/results/odunola__e5-base-v2/external/SciFact.json new file mode 100644 index 000000000..4efd31212 --- /dev/null +++ b/results/odunola__e5-base-v2/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 55.928, + "map_at_10": 67.308, + "map_at_100": 67.89500000000001, + "map_at_1000": 67.91199999999999, + "map_at_3": 65.091, + "map_at_5": 66.412, + "mrr_at_1": 58.667, + "mrr_at_10": 68.401, + "mrr_at_100": 68.804, + "mrr_at_1000": 68.819, + "mrr_at_3": 66.72200000000001, + "mrr_at_5": 67.72200000000001, + "ndcg_at_1": 58.667, + "ndcg_at_10": 71.944, + "ndcg_at_100": 74.464, + "ndcg_at_1000": 74.82799999999999, + "ndcg_at_3": 68.257, + "ndcg_at_5": 70.10300000000001, + "precision_at_1": 58.667, + "precision_at_10": 9.533, + "precision_at_100": 1.09, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 27.222, + "precision_at_5": 17.533, + "recall_at_1": 55.928, + "recall_at_10": 84.65, + "recall_at_100": 96.267, + "recall_at_1000": 99, + "recall_at_3": 74.656, + "recall_at_5": 79.489, + "main_score": 71.944 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/SprintDuplicateQuestions.json b/results/odunola__e5-base-v2/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..d3a2e5519 --- /dev/null +++ b/results/odunola__e5-base-v2/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.79009900990098, + "cos_sim_ap": 94.5795129511524, + "cos_sim_f1": 89.34673366834171, + "cos_sim_precision": 89.79797979797979, + "cos_sim_recall": 88.9, + "dot_accuracy": 99.53465346534654, + "dot_ap": 81.56492504352725, + "dot_f1": 76.33816908454227, + "dot_precision": 76.37637637637637, + "dot_recall": 76.3, + "euclidean_accuracy": 99.78514851485149, + "euclidean_ap": 94.59134620408962, + "euclidean_f1": 88.96484375, + "euclidean_precision": 86.92748091603053, + "euclidean_recall": 91.10000000000001, + "manhattan_accuracy": 99.78415841584159, + "manhattan_ap": 94.5190197328845, + "manhattan_f1": 88.84462151394423, + "manhattan_precision": 88.4920634920635, + "manhattan_recall": 89.2, + "max_accuracy": 99.79009900990098, + "max_ap": 94.59134620408962, + "max_f1": 89.34673366834171, + "main_score": 94.59134620408962 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/StackExchangeClustering.json b/results/odunola__e5-base-v2/external/StackExchangeClustering.json new file mode 100644 index 000000000..a1a7e3847 --- /dev/null +++ b/results/odunola__e5-base-v2/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 65.1487505617497, + "main_score": 65.1487505617497 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/StackExchangeClusteringP2P.json b/results/odunola__e5-base-v2/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..85716367f --- /dev/null +++ b/results/odunola__e5-base-v2/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.502518166001856, + "main_score": 32.502518166001856 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/StackOverflowDupQuestions.json b/results/odunola__e5-base-v2/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..392e67667 --- /dev/null +++ b/results/odunola__e5-base-v2/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 50.33775480236701, + "mrr": 51.17302223919871, + "main_score": 50.33775480236701 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/SummEval.json b/results/odunola__e5-base-v2/external/SummEval.json new file mode 100644 index 000000000..3dd65d9da --- /dev/null +++ b/results/odunola__e5-base-v2/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.561111309808208, + "cos_sim_spearman": 30.2839254379273, + "dot_pearson": 29.560242291401973, + "dot_spearman": 30.51527274679116, + "cosine_pearson": 30.561111309808208, + "cosine_spearman": 30.2839254379273, + "main_score": 30.2839254379273 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/TRECCOVID.json b/results/odunola__e5-base-v2/external/TRECCOVID.json new file mode 100644 index 000000000..bba684bbb --- /dev/null +++ b/results/odunola__e5-base-v2/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.215, + "map_at_10": 1.752, + "map_at_100": 9.258, + "map_at_1000": 23.438, + "map_at_3": 0.6, + "map_at_5": 0.968, + "mrr_at_1": 84, + "mrr_at_10": 91.333, + "mrr_at_100": 91.333, + "mrr_at_1000": 91.333, + "mrr_at_3": 91.333, + "mrr_at_5": 91.333, + "ndcg_at_1": 75, + "ndcg_at_10": 69.596, + "ndcg_at_100": 51.970000000000006, + "ndcg_at_1000": 48.864999999999995, + "ndcg_at_3": 73.92699999999999, + "ndcg_at_5": 73.175, + "precision_at_1": 84, + "precision_at_10": 74, + "precision_at_100": 53.2, + "precision_at_1000": 21.836, + "precision_at_3": 79.333, + "precision_at_5": 78.4, + "recall_at_1": 0.215, + "recall_at_10": 1.9609999999999999, + "recall_at_100": 12.809999999999999, + "recall_at_1000": 46.418, + "recall_at_3": 0.6479999999999999, + "recall_at_5": 1.057, + "main_score": 69.596 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/Touche2020.json b/results/odunola__e5-base-v2/external/Touche2020.json new file mode 100644 index 000000000..ee6a093d1 --- /dev/null +++ b/results/odunola__e5-base-v2/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.066, + "map_at_10": 10.508000000000001, + "map_at_100": 16.258, + "map_at_1000": 17.705000000000002, + "map_at_3": 6.157, + "map_at_5": 7.510999999999999, + "mrr_at_1": 34.694, + "mrr_at_10": 48.786, + "mrr_at_100": 49.619, + "mrr_at_1000": 49.619, + "mrr_at_3": 45.918, + "mrr_at_5": 46.837, + "ndcg_at_1": 31.633, + "ndcg_at_10": 26.401999999999997, + "ndcg_at_100": 37.139, + "ndcg_at_1000": 48.012, + "ndcg_at_3": 31.875999999999998, + "ndcg_at_5": 27.383000000000003, + "precision_at_1": 34.694, + "precision_at_10": 22.857, + "precision_at_100": 7.611999999999999, + "precision_at_1000": 1.492, + "precision_at_3": 33.333, + "precision_at_5": 26.122, + "recall_at_1": 3.066, + "recall_at_10": 16.239, + "recall_at_100": 47.29, + "recall_at_1000": 81.137, + "recall_at_3": 7.069, + "recall_at_5": 9.483, + "main_score": 26.401999999999997 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/ToxicConversationsClassification.json b/results/odunola__e5-base-v2/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..8b3122100 --- /dev/null +++ b/results/odunola__e5-base-v2/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.1126, + "ap": 14.710862719285753, + "f1": 55.437808972378846, + "main_score": 72.1126 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/TweetSentimentExtractionClassification.json b/results/odunola__e5-base-v2/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..49c1b7574 --- /dev/null +++ b/results/odunola__e5-base-v2/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 60.39049235993209, + "f1": 60.69810537250234, + "main_score": 60.39049235993209 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/TwentyNewsgroupsClustering.json b/results/odunola__e5-base-v2/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..78184b7e9 --- /dev/null +++ b/results/odunola__e5-base-v2/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.15576640316866, + "main_score": 48.15576640316866 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/TwitterSemEval2015.json b/results/odunola__e5-base-v2/external/TwitterSemEval2015.json new file mode 100644 index 000000000..a578e5191 --- /dev/null +++ b/results/odunola__e5-base-v2/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 86.52917684925792, + "cos_sim_ap": 75.97497873817315, + "cos_sim_f1": 70.01151926276718, + "cos_sim_precision": 67.98409147402435, + "cos_sim_recall": 72.16358839050132, + "dot_accuracy": 82.47004828038385, + "dot_ap": 62.48739894974198, + "dot_f1": 59.13107511045656, + "dot_precision": 55.27765029830197, + "dot_recall": 63.562005277044854, + "euclidean_accuracy": 86.46361089586935, + "euclidean_ap": 75.59282886839452, + "euclidean_f1": 69.6465443945099, + "euclidean_precision": 64.52847175331982, + "euclidean_recall": 75.64643799472296, + "manhattan_accuracy": 86.43380818978363, + "manhattan_ap": 75.5742420974403, + "manhattan_f1": 69.8636926889715, + "manhattan_precision": 65.8644859813084, + "manhattan_recall": 74.37994722955145, + "max_accuracy": 86.52917684925792, + "max_ap": 75.97497873817315, + "max_f1": 70.01151926276718, + "main_score": 75.97497873817315 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/TwitterURLCorpus.json b/results/odunola__e5-base-v2/external/TwitterURLCorpus.json new file mode 100644 index 000000000..bda79ec31 --- /dev/null +++ b/results/odunola__e5-base-v2/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.29056545193464, + "cos_sim_ap": 86.63028865482376, + "cos_sim_f1": 79.18166458532285, + "cos_sim_precision": 75.70585756426465, + "cos_sim_recall": 82.99199260856174, + "dot_accuracy": 85.23305002522606, + "dot_ap": 76.0482687263196, + "dot_f1": 70.80484330484332, + "dot_precision": 65.86933474688577, + "dot_recall": 76.53988296889437, + "euclidean_accuracy": 89.26145845461248, + "euclidean_ap": 86.54073288416006, + "euclidean_f1": 78.9721371479794, + "euclidean_precision": 76.68649354417525, + "euclidean_recall": 81.39821373575609, + "manhattan_accuracy": 89.22847052431405, + "manhattan_ap": 86.51250729037905, + "manhattan_f1": 78.94601825044894, + "manhattan_precision": 75.32694594027555, + "manhattan_recall": 82.93039728980598, + "max_accuracy": 89.29056545193464, + "max_ap": 86.63028865482376, + "max_f1": 79.18166458532285, + "main_score": 86.63028865482376 + } + ] + } +} \ No newline at end of file diff --git a/results/odunola__e5-base-v2/external/model_meta.json b/results/odunola__e5-base-v2/external/model_meta.json new file mode 100644 index 000000000..d7ab69cbd --- /dev/null +++ b/results/odunola__e5-base-v2/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "odunola/e5-base-v2", + "revision": "43a58d12b1e4fa3606e572fd41bdce0786d7b8ab", + "release_date": "2023-07-07", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 109499339, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 768, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/omarelshehy__Arabic-STS-Matryoshka/external/STS17.json b/results/omarelshehy__Arabic-STS-Matryoshka/external/STS17.json new file mode 100644 index 000000000..bff68724d --- /dev/null +++ b/results/omarelshehy__Arabic-STS-Matryoshka/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "faeb762787bd10488a50c8b5be4a3b82e411949c", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "ar-ar", + "languages": [ + "ara-Arab" + ], + "cosine_pearson": 81.88865368687937, + "cosine_spearman": 82.90236782891859, + "euclidean_pearson": 81.21254869664341, + "euclidean_spearman": 82.28002933909444, + "main_score": 82.90236782891859, + "manhattan_pearson": 81.26482951395201, + "manhattan_spearman": 82.36146806563059, + "pearson": 81.88865526924, + "spearman": 82.89304993265725 + } + ] + } +} \ No newline at end of file diff --git a/results/omarelshehy__Arabic-STS-Matryoshka/external/model_meta.json b/results/omarelshehy__Arabic-STS-Matryoshka/external/model_meta.json new file mode 100644 index 000000000..82194804d --- /dev/null +++ b/results/omarelshehy__Arabic-STS-Matryoshka/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "omarelshehy/Arabic-STS-Matryoshka", + "revision": "a00be77a129eadccd65b46134ddb11a7a89847da", + "release_date": "2024-10-12", + "languages": [ + "ar" + ], + "loader": null, + "n_parameters": 559890432, + "memory_usage": null, + "max_tokens": 514, + "embed_dim": 1024, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/omarelshehy__arabic-english-sts-matryoshka/external/STS17.json b/results/omarelshehy__arabic-english-sts-matryoshka/external/STS17.json new file mode 100644 index 000000000..99c8c7c60 --- /dev/null +++ b/results/omarelshehy__arabic-english-sts-matryoshka/external/STS17.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "faeb762787bd10488a50c8b5be4a3b82e411949c", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 87.17053120821998, + "cosine_spearman": 87.05959159411456, + "euclidean_pearson": 87.63706739480517, + "euclidean_spearman": 87.7675347222274, + "main_score": 87.05959159411456, + "manhattan_pearson": 87.7006832512623, + "manhattan_spearman": 87.80128473941168, + "pearson": 87.17053012311975, + "spearman": 87.05959159411456 + }, + { + "hf_subset": "ar-ar", + "languages": [ + "ara-Arab" + ], + "cosine_pearson": 82.22889478671283, + "cosine_spearman": 83.0533648934447, + "euclidean_pearson": 81.15891941165452, + "euclidean_spearman": 82.14034597386936, + "main_score": 83.0533648934447, + "manhattan_pearson": 81.17463976232014, + "manhattan_spearman": 82.09804987736345, + "pearson": 82.22889389569819, + "spearman": 83.0529662284269 + }, + { + "hf_subset": "en-ar", + "languages": [ + "eng-Latn", + "ara-Arab" + ], + "cosine_pearson": 79.79480510851795, + "cosine_spearman": 79.67609346073252, + "euclidean_pearson": 81.64087935350051, + "euclidean_spearman": 80.52588414802709, + "main_score": 79.67609346073252, + "manhattan_pearson": 81.57042957417305, + "manhattan_spearman": 80.44331526051143, + "pearson": 79.79480418294698, + "spearman": 79.67609346073252 + } + ] + } +} \ No newline at end of file diff --git a/results/omarelshehy__arabic-english-sts-matryoshka/external/model_meta.json b/results/omarelshehy__arabic-english-sts-matryoshka/external/model_meta.json new file mode 100644 index 000000000..58187c7bd --- /dev/null +++ b/results/omarelshehy__arabic-english-sts-matryoshka/external/model_meta.json @@ -0,0 +1,25 @@ +{ + "name": "omarelshehy/arabic-english-sts-matryoshka", + "revision": "763d116fbe8bf7883c64635c862feeaa3768bb64", + "release_date": "2024-10-13", + "languages": [ + "ar", + "en" + ], + "loader": null, + "n_parameters": 559890432, + "memory_usage": null, + "max_tokens": 514, + "embed_dim": 1024, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/openbmb__MiniCPM-Embedding/external/ArguAna.json b/results/openbmb__MiniCPM-Embedding/external/ArguAna.json new file mode 100644 index 000000000..7a7ce6a43 --- /dev/null +++ b/results/openbmb__MiniCPM-Embedding/external/ArguAna.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 64.65, + "main_score": 64.65 + } + ] + } +} \ No newline at end of file diff --git a/results/openbmb__MiniCPM-Embedding/external/ClimateFEVER.json b/results/openbmb__MiniCPM-Embedding/external/ClimateFEVER.json new file mode 100644 index 000000000..087942e53 --- /dev/null +++ b/results/openbmb__MiniCPM-Embedding/external/ClimateFEVER.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 35.55, + "main_score": 35.55 + } + ] + } +} \ No newline at end of file diff --git a/results/openbmb__MiniCPM-Embedding/external/CmedqaRetrieval.json b/results/openbmb__MiniCPM-Embedding/external/CmedqaRetrieval.json new file mode 100644 index 000000000..1685c3a20 --- /dev/null +++ b/results/openbmb__MiniCPM-Embedding/external/CmedqaRetrieval.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "cd540c506dae1cf9e9a59c3e06f42030d54e7301", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "ndcg_at_10": 46.05, + "main_score": 46.05 + } + ] + } +} \ No newline at end of file diff --git a/results/openbmb__MiniCPM-Embedding/external/CovidRetrieval.json b/results/openbmb__MiniCPM-Embedding/external/CovidRetrieval.json new file mode 100644 index 000000000..6c05c7134 --- /dev/null +++ b/results/openbmb__MiniCPM-Embedding/external/CovidRetrieval.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "1271c7809071a13532e05f25fb53511ffce77117", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "ndcg_at_10": 92.01, + "main_score": 92.01 + } + ] + } +} \ No newline at end of file diff --git a/results/openbmb__MiniCPM-Embedding/external/DBPedia.json b/results/openbmb__MiniCPM-Embedding/external/DBPedia.json new file mode 100644 index 000000000..75b78f725 --- /dev/null +++ b/results/openbmb__MiniCPM-Embedding/external/DBPedia.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 47.82, + "main_score": 47.82 + } + ] + } +} \ No newline at end of file diff --git a/results/openbmb__MiniCPM-Embedding/external/DuRetrieval.json b/results/openbmb__MiniCPM-Embedding/external/DuRetrieval.json new file mode 100644 index 000000000..8a7665b97 --- /dev/null +++ b/results/openbmb__MiniCPM-Embedding/external/DuRetrieval.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a1a333e290fe30b10f3f56498e3a0d911a693ced", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "ndcg_at_10": 90.98, + "main_score": 90.98 + } + ] + } +} \ No newline at end of file diff --git a/results/openbmb__MiniCPM-Embedding/external/EcomRetrieval.json b/results/openbmb__MiniCPM-Embedding/external/EcomRetrieval.json new file mode 100644 index 000000000..a684ab920 --- /dev/null +++ b/results/openbmb__MiniCPM-Embedding/external/EcomRetrieval.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "687de13dc7294d6fd9be10c6945f9e8fec8166b9", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "ndcg_at_10": 70.21, + "main_score": 70.21 + } + ] + } +} \ No newline at end of file diff --git a/results/openbmb__MiniCPM-Embedding/external/FEVER.json b/results/openbmb__MiniCPM-Embedding/external/FEVER.json new file mode 100644 index 000000000..3d41b7cc4 --- /dev/null +++ b/results/openbmb__MiniCPM-Embedding/external/FEVER.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 90.76, + "main_score": 90.76 + } + ] + } +} \ No newline at end of file diff --git a/results/openbmb__MiniCPM-Embedding/external/FiQA2018.json b/results/openbmb__MiniCPM-Embedding/external/FiQA2018.json new file mode 100644 index 000000000..dd45278a0 --- /dev/null +++ b/results/openbmb__MiniCPM-Embedding/external/FiQA2018.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 56.64, + "main_score": 56.64 + } + ] + } +} \ No newline at end of file diff --git a/results/openbmb__MiniCPM-Embedding/external/HotpotQA.json b/results/openbmb__MiniCPM-Embedding/external/HotpotQA.json new file mode 100644 index 000000000..83a2f6f4f --- /dev/null +++ b/results/openbmb__MiniCPM-Embedding/external/HotpotQA.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 78.11, + "main_score": 78.11 + } + ] + } +} \ No newline at end of file diff --git a/results/openbmb__MiniCPM-Embedding/external/MMarcoRetrieval.json b/results/openbmb__MiniCPM-Embedding/external/MMarcoRetrieval.json new file mode 100644 index 000000000..f2aec8939 --- /dev/null +++ b/results/openbmb__MiniCPM-Embedding/external/MMarcoRetrieval.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "539bbde593d947e2a124ba72651aafc09eb33fc2", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "ndcg_at_10": 85.55, + "main_score": 85.55 + } + ] + } +} \ No newline at end of file diff --git a/results/openbmb__MiniCPM-Embedding/external/MSMARCO.json b/results/openbmb__MiniCPM-Embedding/external/MSMARCO.json new file mode 100644 index 000000000..37da886a4 --- /dev/null +++ b/results/openbmb__MiniCPM-Embedding/external/MSMARCO.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 43.93, + "main_score": 43.93 + } + ] + } +} \ No newline at end of file diff --git a/results/openbmb__MiniCPM-Embedding/external/MedicalRetrieval.json b/results/openbmb__MiniCPM-Embedding/external/MedicalRetrieval.json new file mode 100644 index 000000000..195291f20 --- /dev/null +++ b/results/openbmb__MiniCPM-Embedding/external/MedicalRetrieval.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "2039188fb5800a9803ba5048df7b76e6fb151fc6", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "ndcg_at_10": 63.91, + "main_score": 63.91 + } + ] + } +} \ No newline at end of file diff --git a/results/openbmb__MiniCPM-Embedding/external/NFCorpus.json b/results/openbmb__MiniCPM-Embedding/external/NFCorpus.json new file mode 100644 index 000000000..6b049f87d --- /dev/null +++ b/results/openbmb__MiniCPM-Embedding/external/NFCorpus.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 39.77, + "main_score": 39.77 + } + ] + } +} \ No newline at end of file diff --git a/results/openbmb__MiniCPM-Embedding/external/NQ.json b/results/openbmb__MiniCPM-Embedding/external/NQ.json new file mode 100644 index 000000000..46c4222e5 --- /dev/null +++ b/results/openbmb__MiniCPM-Embedding/external/NQ.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 69.29, + "main_score": 69.29 + } + ] + } +} \ No newline at end of file diff --git a/results/openbmb__MiniCPM-Embedding/external/QuoraRetrieval.json b/results/openbmb__MiniCPM-Embedding/external/QuoraRetrieval.json new file mode 100644 index 000000000..e9a6470ca --- /dev/null +++ b/results/openbmb__MiniCPM-Embedding/external/QuoraRetrieval.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 89.97, + "main_score": 89.97 + } + ] + } +} \ No newline at end of file diff --git a/results/openbmb__MiniCPM-Embedding/external/SCIDOCS.json b/results/openbmb__MiniCPM-Embedding/external/SCIDOCS.json new file mode 100644 index 000000000..72bf2d3a4 --- /dev/null +++ b/results/openbmb__MiniCPM-Embedding/external/SCIDOCS.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 22.38, + "main_score": 22.38 + } + ] + } +} \ No newline at end of file diff --git a/results/openbmb__MiniCPM-Embedding/external/SciFact.json b/results/openbmb__MiniCPM-Embedding/external/SciFact.json new file mode 100644 index 000000000..ad5053977 --- /dev/null +++ b/results/openbmb__MiniCPM-Embedding/external/SciFact.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 86.6, + "main_score": 86.6 + } + ] + } +} \ No newline at end of file diff --git a/results/openbmb__MiniCPM-Embedding/external/T2Retrieval.json b/results/openbmb__MiniCPM-Embedding/external/T2Retrieval.json new file mode 100644 index 000000000..6d077b2ba --- /dev/null +++ b/results/openbmb__MiniCPM-Embedding/external/T2Retrieval.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "8731a845f1bf500a4f111cf1070785c793d10e64", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "ndcg_at_10": 87.33, + "main_score": 87.33 + } + ] + } +} \ No newline at end of file diff --git a/results/openbmb__MiniCPM-Embedding/external/TRECCOVID.json b/results/openbmb__MiniCPM-Embedding/external/TRECCOVID.json new file mode 100644 index 000000000..e610ff67e --- /dev/null +++ b/results/openbmb__MiniCPM-Embedding/external/TRECCOVID.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 81.32, + "main_score": 81.32 + } + ] + } +} \ No newline at end of file diff --git a/results/openbmb__MiniCPM-Embedding/external/Touche2020.json b/results/openbmb__MiniCPM-Embedding/external/Touche2020.json new file mode 100644 index 000000000..1197ae40e --- /dev/null +++ b/results/openbmb__MiniCPM-Embedding/external/Touche2020.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_10": 25.08, + "main_score": 25.08 + } + ] + } +} \ No newline at end of file diff --git a/results/openbmb__MiniCPM-Embedding/external/VideoRetrieval.json b/results/openbmb__MiniCPM-Embedding/external/VideoRetrieval.json new file mode 100644 index 000000000..e326ada8a --- /dev/null +++ b/results/openbmb__MiniCPM-Embedding/external/VideoRetrieval.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "58c2597a5943a2ba48f4668c3b90d796283c5639", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "ndcg_at_10": 78.05, + "main_score": 78.05 + } + ] + } +} \ No newline at end of file diff --git a/results/openbmb__MiniCPM-Embedding/external/model_meta.json b/results/openbmb__MiniCPM-Embedding/external/model_meta.json new file mode 100644 index 000000000..9e82b6fd6 --- /dev/null +++ b/results/openbmb__MiniCPM-Embedding/external/model_meta.json @@ -0,0 +1,23 @@ +{ + "name": "openbmb/MiniCPM-Embedding", + "revision": "c0cb2de33fb366e17c30f9d53142ff11bc18e049", + "release_date": "2024-09-04", + "languages": [ + "zh", + "en" + ], + "loader": null, + "n_parameters": 2724880896, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 2304, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/pengql__checkpoint-9000/external/CmedqaRetrieval.json b/results/pengql__checkpoint-9000/external/CmedqaRetrieval.json new file mode 100644 index 000000000..3daa5031b --- /dev/null +++ b/results/pengql__checkpoint-9000/external/CmedqaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 23.191, + "map_at_10": 34.272999999999996, + "map_at_100": 36.101, + "map_at_1000": 36.231, + "map_at_3": 30.495, + "map_at_5": 32.54, + "mrr_at_1": 35.434, + "mrr_at_10": 43.15, + "mrr_at_100": 44.155, + "mrr_at_1000": 44.211, + "mrr_at_3": 40.735, + "mrr_at_5": 42.052, + "ndcg_at_1": 35.434, + "ndcg_at_10": 40.572, + "ndcg_at_100": 47.921, + "ndcg_at_1000": 50.314, + "ndcg_at_3": 35.671, + "ndcg_at_5": 37.635000000000005, + "precision_at_1": 35.434, + "precision_at_10": 9.067, + "precision_at_100": 1.506, + "precision_at_1000": 0.181, + "precision_at_3": 20.163, + "precision_at_5": 14.624, + "recall_at_1": 23.191, + "recall_at_10": 50.318, + "recall_at_100": 80.958, + "recall_at_1000": 97.16799999999999, + "recall_at_3": 35.57, + "recall_at_5": 41.776, + "main_score": 40.572 + } + ] + } +} \ No newline at end of file diff --git a/results/pengql__checkpoint-9000/external/CovidRetrieval.json b/results/pengql__checkpoint-9000/external/CovidRetrieval.json new file mode 100644 index 000000000..bbdf2cf19 --- /dev/null +++ b/results/pengql__checkpoint-9000/external/CovidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 64.015, + "map_at_10": 71.983, + "map_at_100": 72.432, + "map_at_1000": 72.441, + "map_at_3": 69.92399999999999, + "map_at_5": 71.177, + "mrr_at_1": 64.173, + "mrr_at_10": 71.985, + "mrr_at_100": 72.425, + "mrr_at_1000": 72.434, + "mrr_at_3": 69.968, + "mrr_at_5": 71.222, + "ndcg_at_1": 64.173, + "ndcg_at_10": 75.929, + "ndcg_at_100": 77.961, + "ndcg_at_1000": 78.223, + "ndcg_at_3": 71.828, + "ndcg_at_5": 74.066, + "precision_at_1": 64.173, + "precision_at_10": 8.924999999999999, + "precision_at_100": 0.985, + "precision_at_1000": 0.101, + "precision_at_3": 25.887, + "precision_at_5": 16.669999999999998, + "recall_at_1": 64.015, + "recall_at_10": 88.251, + "recall_at_100": 97.471, + "recall_at_1000": 99.579, + "recall_at_3": 77.292, + "recall_at_5": 82.666, + "main_score": 75.929 + } + ] + } +} \ No newline at end of file diff --git a/results/pengql__checkpoint-9000/external/DuRetrieval.json b/results/pengql__checkpoint-9000/external/DuRetrieval.json new file mode 100644 index 000000000..33ecad003 --- /dev/null +++ b/results/pengql__checkpoint-9000/external/DuRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 23.983999999999998, + "map_at_10": 75.175, + "map_at_100": 78.27300000000001, + "map_at_1000": 78.322, + "map_at_3": 51.214999999999996, + "map_at_5": 64.89200000000001, + "mrr_at_1": 83.89999999999999, + "mrr_at_10": 89.563, + "mrr_at_100": 89.64999999999999, + "mrr_at_1000": 89.654, + "mrr_at_3": 89.167, + "mrr_at_5": 89.492, + "ndcg_at_1": 83.89999999999999, + "ndcg_at_10": 83.72800000000001, + "ndcg_at_100": 87.064, + "ndcg_at_1000": 87.504, + "ndcg_at_3": 81.318, + "ndcg_at_5": 80.667, + "precision_at_1": 83.89999999999999, + "precision_at_10": 40.699999999999996, + "precision_at_100": 4.7780000000000005, + "precision_at_1000": 0.488, + "precision_at_3": 73.317, + "precision_at_5": 62.129999999999995, + "recall_at_1": 23.983999999999998, + "recall_at_10": 86.412, + "recall_at_100": 96.882, + "recall_at_1000": 99.22, + "recall_at_3": 54.769999999999996, + "recall_at_5": 71.663, + "main_score": 83.72800000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/pengql__checkpoint-9000/external/EcomRetrieval.json b/results/pengql__checkpoint-9000/external/EcomRetrieval.json new file mode 100644 index 000000000..ca933ecd5 --- /dev/null +++ b/results/pengql__checkpoint-9000/external/EcomRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 51.6, + "map_at_10": 61.209, + "map_at_100": 61.734, + "map_at_1000": 61.75000000000001, + "map_at_3": 58.8, + "map_at_5": 60.165, + "mrr_at_1": 51.6, + "mrr_at_10": 61.209, + "mrr_at_100": 61.734, + "mrr_at_1000": 61.75000000000001, + "mrr_at_3": 58.8, + "mrr_at_5": 60.165, + "ndcg_at_1": 51.6, + "ndcg_at_10": 66.13900000000001, + "ndcg_at_100": 68.65400000000001, + "ndcg_at_1000": 69.057, + "ndcg_at_3": 61.185, + "ndcg_at_5": 63.651, + "precision_at_1": 51.6, + "precision_at_10": 8.17, + "precision_at_100": 0.9339999999999999, + "precision_at_1000": 0.097, + "precision_at_3": 22.7, + "precision_at_5": 14.82, + "recall_at_1": 51.6, + "recall_at_10": 81.69999999999999, + "recall_at_100": 93.4, + "recall_at_1000": 96.6, + "recall_at_3": 68.10000000000001, + "recall_at_5": 74.1, + "main_score": 66.13900000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/pengql__checkpoint-9000/external/MMarcoRetrieval.json b/results/pengql__checkpoint-9000/external/MMarcoRetrieval.json new file mode 100644 index 000000000..e5930f8df --- /dev/null +++ b/results/pengql__checkpoint-9000/external/MMarcoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 69.54599999999999, + "map_at_10": 78.477, + "map_at_100": 78.743, + "map_at_1000": 78.751, + "map_at_3": 76.769, + "map_at_5": 77.854, + "mrr_at_1": 71.819, + "mrr_at_10": 79.008, + "mrr_at_100": 79.24, + "mrr_at_1000": 79.247, + "mrr_at_3": 77.55300000000001, + "mrr_at_5": 78.477, + "ndcg_at_1": 71.819, + "ndcg_at_10": 81.947, + "ndcg_at_100": 83.112, + "ndcg_at_1000": 83.325, + "ndcg_at_3": 78.758, + "ndcg_at_5": 80.563, + "precision_at_1": 71.819, + "precision_at_10": 9.792, + "precision_at_100": 1.0370000000000001, + "precision_at_1000": 0.105, + "precision_at_3": 29.479, + "precision_at_5": 18.659, + "recall_at_1": 69.54599999999999, + "recall_at_10": 92.053, + "recall_at_100": 97.25399999999999, + "recall_at_1000": 98.926, + "recall_at_3": 83.682, + "recall_at_5": 87.944, + "main_score": 81.947 + } + ] + } +} \ No newline at end of file diff --git a/results/pengql__checkpoint-9000/external/MedicalRetrieval.json b/results/pengql__checkpoint-9000/external/MedicalRetrieval.json new file mode 100644 index 000000000..fe12498d2 --- /dev/null +++ b/results/pengql__checkpoint-9000/external/MedicalRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 50.3, + "map_at_10": 55.824, + "map_at_100": 56.379999999999995, + "map_at_1000": 56.440999999999995, + "map_at_3": 54.400000000000006, + "map_at_5": 55.235, + "mrr_at_1": 50.4, + "mrr_at_10": 55.88999999999999, + "mrr_at_100": 56.447, + "mrr_at_1000": 56.508, + "mrr_at_3": 54.467, + "mrr_at_5": 55.30199999999999, + "ndcg_at_1": 50.3, + "ndcg_at_10": 58.577999999999996, + "ndcg_at_100": 61.49099999999999, + "ndcg_at_1000": 63.161, + "ndcg_at_3": 55.64, + "ndcg_at_5": 57.13399999999999, + "precision_at_1": 50.3, + "precision_at_10": 6.7299999999999995, + "precision_at_100": 0.814, + "precision_at_1000": 0.095, + "precision_at_3": 19.733, + "precision_at_5": 12.559999999999999, + "recall_at_1": 50.3, + "recall_at_10": 67.30000000000001, + "recall_at_100": 81.39999999999999, + "recall_at_1000": 94.69999999999999, + "recall_at_3": 59.199999999999996, + "recall_at_5": 62.8, + "main_score": 58.577999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/pengql__checkpoint-9000/external/T2Retrieval.json b/results/pengql__checkpoint-9000/external/T2Retrieval.json new file mode 100644 index 000000000..4385846ab --- /dev/null +++ b/results/pengql__checkpoint-9000/external/T2Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 27.293, + "map_at_10": 76.618, + "map_at_100": 80.22500000000001, + "map_at_1000": 80.292, + "map_at_3": 53.856, + "map_at_5": 66.158, + "mrr_at_1": 89.659, + "mrr_at_10": 92.121, + "mrr_at_100": 92.214, + "mrr_at_1000": 92.218, + "mrr_at_3": 91.67, + "mrr_at_5": 91.955, + "ndcg_at_1": 89.659, + "ndcg_at_10": 84.172, + "ndcg_at_100": 87.767, + "ndcg_at_1000": 88.419, + "ndcg_at_3": 85.628, + "ndcg_at_5": 84.155, + "precision_at_1": 89.659, + "precision_at_10": 41.914, + "precision_at_100": 4.9959999999999996, + "precision_at_1000": 0.515, + "precision_at_3": 74.955, + "precision_at_5": 62.771, + "recall_at_1": 27.293, + "recall_at_10": 83.004, + "recall_at_100": 94.82300000000001, + "recall_at_1000": 98.15, + "recall_at_3": 55.455, + "recall_at_5": 69.422, + "main_score": 84.172 + } + ] + } +} \ No newline at end of file diff --git a/results/pengql__checkpoint-9000/external/VideoRetrieval.json b/results/pengql__checkpoint-9000/external/VideoRetrieval.json new file mode 100644 index 000000000..d78082916 --- /dev/null +++ b/results/pengql__checkpoint-9000/external/VideoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 59.599999999999994, + "map_at_10": 69.44399999999999, + "map_at_100": 69.798, + "map_at_1000": 69.81, + "map_at_3": 67.467, + "map_at_5": 68.692, + "mrr_at_1": 59.599999999999994, + "mrr_at_10": 69.44399999999999, + "mrr_at_100": 69.798, + "mrr_at_1000": 69.81, + "mrr_at_3": 67.467, + "mrr_at_5": 68.692, + "ndcg_at_1": 59.599999999999994, + "ndcg_at_10": 73.936, + "ndcg_at_100": 75.688, + "ndcg_at_1000": 75.942, + "ndcg_at_3": 69.92399999999999, + "ndcg_at_5": 72.14, + "precision_at_1": 59.599999999999994, + "precision_at_10": 8.790000000000001, + "precision_at_100": 0.9610000000000001, + "precision_at_1000": 0.098, + "precision_at_3": 25.667, + "precision_at_5": 16.48, + "recall_at_1": 59.599999999999994, + "recall_at_10": 87.9, + "recall_at_100": 96.1, + "recall_at_1000": 98, + "recall_at_3": 77, + "recall_at_5": 82.39999999999999, + "main_score": 73.936 + } + ] + } +} \ No newline at end of file diff --git a/results/pengql__checkpoint-9000/external/model_meta.json b/results/pengql__checkpoint-9000/external/model_meta.json new file mode 100644 index 000000000..4641a3596 --- /dev/null +++ b/results/pengql__checkpoint-9000/external/model_meta.json @@ -0,0 +1,20 @@ +{ + "name": "pengql/checkpoint-9000", + "revision": "b1129d3fae4b4ea7da02e3e11ac173330091d5e7", + "release_date": "2024-04-19", + "languages": [], + "loader": null, + "n_parameters": 325554026, + "memory_usage": null, + "max_tokens": 32768, + "embed_dim": 4096, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/qinxianliu__FAB-Ramy-v1/external/ArguAna.json b/results/qinxianliu__FAB-Ramy-v1/external/ArguAna.json new file mode 100644 index 000000000..f1c39fe89 --- /dev/null +++ b/results/qinxianliu__FAB-Ramy-v1/external/ArguAna.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 43.867, + "map_at_1": 21.764, + "map_at_10": 35.409, + "map_at_100": 36.597, + "map_at_1000": 36.617, + "map_at_20": 36.205999999999996, + "map_at_3": 30.251, + "map_at_5": 33.071, + "mrr_at_1": 22.403982930298717, + "mrr_at_10": 35.64510939510932, + "mrr_at_100": 36.83196045576727, + "mrr_at_1000": 36.851876065836414, + "mrr_at_20": 36.44059013498469, + "mrr_at_3": 30.452821242294874, + "mrr_at_5": 33.33333333333322, + "nauc_map_at_1000_diff1": 9.49031867709083, + "nauc_map_at_1000_max": -2.1733884975449165, + "nauc_map_at_1000_std": -1.7717583092895106, + "nauc_map_at_100_diff1": 9.485080286663445, + "nauc_map_at_100_max": -2.1525906121156773, + "nauc_map_at_100_std": -1.7429190745723337, + "nauc_map_at_10_diff1": 9.312969371563076, + "nauc_map_at_10_max": -2.033550896277268, + "nauc_map_at_10_std": -1.7622632614917457, + "nauc_map_at_1_diff1": 12.991759833982186, + "nauc_map_at_1_max": -6.410188925310623, + "nauc_map_at_1_std": -2.6425731797883576, + "nauc_map_at_20_diff1": 9.389382485745577, + "nauc_map_at_20_max": -1.9791587597288396, + "nauc_map_at_20_std": -1.7751954578325422, + "nauc_map_at_3_diff1": 9.669686016552568, + "nauc_map_at_3_max": -2.9668477369370727, + "nauc_map_at_3_std": -2.3543545788120688, + "nauc_map_at_5_diff1": 9.605635710088672, + "nauc_map_at_5_max": -2.1525045827259746, + "nauc_map_at_5_std": -2.103958957461273, + "nauc_mrr_at_1000_diff1": 7.931276321215948, + "nauc_mrr_at_1000_max": -2.5486364069095555, + "nauc_mrr_at_1000_std": -1.7934953899053272, + "nauc_mrr_at_100_diff1": 7.927087635786166, + "nauc_mrr_at_100_max": -2.527708678020639, + "nauc_mrr_at_100_std": -1.7648026508114045, + "nauc_mrr_at_10_diff1": 7.836510075758092, + "nauc_mrr_at_10_max": -2.3792835171815954, + "nauc_mrr_at_10_std": -1.8140326329076182, + "nauc_mrr_at_1_diff1": 10.72235487411419, + "nauc_mrr_at_1_max": -5.7980074486556274, + "nauc_mrr_at_1_std": -2.567942669270159, + "nauc_mrr_at_20_diff1": 7.8495834767791335, + "nauc_mrr_at_20_max": -2.351235724647341, + "nauc_mrr_at_20_std": -1.7974409923588448, + "nauc_mrr_at_3_diff1": 8.096295828203237, + "nauc_mrr_at_3_max": -3.541755211804689, + "nauc_mrr_at_3_std": -2.245402363512571, + "nauc_mrr_at_5_diff1": 8.208248545961446, + "nauc_mrr_at_5_max": -2.434436253762815, + "nauc_mrr_at_5_std": -2.0524509321932074, + "nauc_ndcg_at_1000_diff1": 8.839176087834415, + "nauc_ndcg_at_1000_max": -1.0745983556730443, + "nauc_ndcg_at_1000_std": -1.0307855991768857, + "nauc_ndcg_at_100_diff1": 8.677662645011814, + "nauc_ndcg_at_100_max": -0.490552903456103, + "nauc_ndcg_at_100_std": -0.2315019722491945, + "nauc_ndcg_at_10_diff1": 7.96425172360357, + "nauc_ndcg_at_10_max": 0.17303920328107825, + "nauc_ndcg_at_10_std": -0.6797878804464171, + "nauc_ndcg_at_1_diff1": 12.991759833982186, + "nauc_ndcg_at_1_max": -6.410188925310623, + "nauc_ndcg_at_1_std": -2.6425731797883576, + "nauc_ndcg_at_20_diff1": 8.073277181532262, + "nauc_ndcg_at_20_max": 0.5215077366761274, + "nauc_ndcg_at_20_std": -0.6461470994017701, + "nauc_ndcg_at_3_diff1": 8.898425518069713, + "nauc_ndcg_at_3_max": -1.8130646012141465, + "nauc_ndcg_at_3_std": -2.03626189917062, + "nauc_ndcg_at_5_diff1": 8.703501930023636, + "nauc_ndcg_at_5_max": -0.2717296715135752, + "nauc_ndcg_at_5_std": -1.5548766804453598, + "nauc_precision_at_1000_diff1": -32.90332716561095, + "nauc_precision_at_1000_max": 25.196544697410012, + "nauc_precision_at_1000_std": 58.269737622250396, + "nauc_precision_at_100_diff1": -3.365456973790948, + "nauc_precision_at_100_max": 31.123074521990613, + "nauc_precision_at_100_std": 44.59703543321257, + "nauc_precision_at_10_diff1": 2.7827976620938637, + "nauc_precision_at_10_max": 8.786759620004686, + "nauc_precision_at_10_std": 3.892367095854332, + "nauc_precision_at_1_diff1": 12.991759833982186, + "nauc_precision_at_1_max": -6.410188925310623, + "nauc_precision_at_1_std": -2.6425731797883576, + "nauc_precision_at_20_diff1": 0.5675810390198379, + "nauc_precision_at_20_max": 15.305951498307085, + "nauc_precision_at_20_std": 6.435469804688439, + "nauc_precision_at_3_diff1": 6.921063820465966, + "nauc_precision_at_3_max": 1.2709700720758432, + "nauc_precision_at_3_std": -1.1314532927180005, + "nauc_precision_at_5_diff1": 6.190042634868794, + "nauc_precision_at_5_max": 5.254456080679211, + "nauc_precision_at_5_std": 0.12686520890727052, + "nauc_recall_at_1000_diff1": -32.903327165609234, + "nauc_recall_at_1000_max": 25.196544697407973, + "nauc_recall_at_1000_std": 58.26973762224667, + "nauc_recall_at_100_diff1": -3.3654569737905073, + "nauc_recall_at_100_max": 31.123074521991235, + "nauc_recall_at_100_std": 44.59703543321283, + "nauc_recall_at_10_diff1": 2.782797662093784, + "nauc_recall_at_10_max": 8.786759620004721, + "nauc_recall_at_10_std": 3.8923670958542655, + "nauc_recall_at_1_diff1": 12.991759833982186, + "nauc_recall_at_1_max": -6.410188925310623, + "nauc_recall_at_1_std": -2.6425731797883576, + "nauc_recall_at_20_diff1": 0.5675810390197398, + "nauc_recall_at_20_max": 15.305951498307074, + "nauc_recall_at_20_std": 6.435469804688363, + "nauc_recall_at_3_diff1": 6.921063820465971, + "nauc_recall_at_3_max": 1.27097007207583, + "nauc_recall_at_3_std": -1.131453292717996, + "nauc_recall_at_5_diff1": 6.190042634868786, + "nauc_recall_at_5_max": 5.254456080679213, + "nauc_recall_at_5_std": 0.12686520890728498, + "ndcg_at_1": 21.764, + "ndcg_at_10": 43.867, + "ndcg_at_100": 49.329, + "ndcg_at_1000": 49.79, + "ndcg_at_20": 46.705000000000005, + "ndcg_at_3": 33.089, + "ndcg_at_5": 38.179, + "precision_at_1": 21.764, + "precision_at_10": 7.134, + "precision_at_100": 0.962, + "precision_at_1000": 0.1, + "precision_at_20": 4.122, + "precision_at_3": 13.774000000000001, + "precision_at_5": 10.74, + "recall_at_1": 21.764, + "recall_at_10": 71.33699999999999, + "recall_at_100": 96.15899999999999, + "recall_at_1000": 99.644, + "recall_at_20": 82.432, + "recall_at_3": 41.323, + "recall_at_5": 53.698 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAB-Ramy-v1/external/AskUbuntuDupQuestions.json b/results/qinxianliu__FAB-Ramy-v1/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..fe5d8d5e6 --- /dev/null +++ b/results/qinxianliu__FAB-Ramy-v1/external/AskUbuntuDupQuestions.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 62.99990900405225, + "map": 62.99990900405225, + "mrr": 75.58732357208811, + "nAUC_map_diff1": 12.580264212479737, + "nAUC_map_max": 30.629646304032853, + "nAUC_map_std": 23.749476733510626, + "nAUC_mrr_diff1": 20.637041210557797, + "nAUC_mrr_max": 37.978081616509925, + "nAUC_mrr_std": 27.566435226101525 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAB-Ramy-v1/external/BIOSSES.json b/results/qinxianliu__FAB-Ramy-v1/external/BIOSSES.json new file mode 100644 index 000000000..61aa9268b --- /dev/null +++ b/results/qinxianliu__FAB-Ramy-v1/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 72.54190628585522, + "cosine_spearman": 70.9263148993805, + "euclidean_pearson": 71.4229684502568, + "euclidean_spearman": 70.9263148993805, + "main_score": 70.9263148993805, + "manhattan_pearson": 71.35869789094306, + "manhattan_spearman": 71.40945843825428, + "pearson": 72.54191156730441, + "spearman": 70.9263148993805 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAB-Ramy-v1/external/CQADupstackAndroidRetrieval.json b/results/qinxianliu__FAB-Ramy-v1/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..231487706 --- /dev/null +++ b/results/qinxianliu__FAB-Ramy-v1/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f46a197baaae43b4f621051089b82a364682dfeb", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 47.674, + "map_at_1": 29.066, + "map_at_10": 40.861, + "map_at_100": 42.459, + "map_at_1000": 42.598, + "map_at_20": 41.691, + "map_at_3": 37.282, + "map_at_5": 39.402, + "mrr_at_1": 36.62374821173104, + "mrr_at_10": 47.21064105184276, + "mrr_at_100": 47.979988411307886, + "mrr_at_1000": 48.02160284103607, + "mrr_at_20": 47.629078078393086, + "mrr_at_3": 44.82594182164997, + "mrr_at_5": 46.449690033381, + "nauc_map_at_1000_diff1": 41.11525563349781, + "nauc_map_at_1000_max": 41.28286810116341, + "nauc_map_at_1000_std": -3.8003943096111215, + "nauc_map_at_100_diff1": 41.13348926942729, + "nauc_map_at_100_max": 41.32826202838548, + "nauc_map_at_100_std": -3.800802456036112, + "nauc_map_at_10_diff1": 41.09425655530194, + "nauc_map_at_10_max": 40.635673926864136, + "nauc_map_at_10_std": -5.08185518464096, + "nauc_map_at_1_diff1": 46.484341628253425, + "nauc_map_at_1_max": 34.490292499164504, + "nauc_map_at_1_std": -9.269794703663408, + "nauc_map_at_20_diff1": 41.11515770613023, + "nauc_map_at_20_max": 41.03038102478905, + "nauc_map_at_20_std": -4.384859018536268, + "nauc_map_at_3_diff1": 42.47967798015001, + "nauc_map_at_3_max": 39.052463014893355, + "nauc_map_at_3_std": -7.953373727982273, + "nauc_map_at_5_diff1": 41.751507297215525, + "nauc_map_at_5_max": 39.899154374758375, + "nauc_map_at_5_std": -6.271827323172969, + "nauc_mrr_at_1000_diff1": 41.37945422610499, + "nauc_mrr_at_1000_max": 42.525530483640985, + "nauc_mrr_at_1000_std": -0.9159189250639587, + "nauc_mrr_at_100_diff1": 41.360414728695524, + "nauc_mrr_at_100_max": 42.54643090938332, + "nauc_mrr_at_100_std": -0.9035472594547046, + "nauc_mrr_at_10_diff1": 41.27277103990673, + "nauc_mrr_at_10_max": 42.635860529015716, + "nauc_mrr_at_10_std": -0.9829682429607988, + "nauc_mrr_at_1_diff1": 45.14331370428472, + "nauc_mrr_at_1_max": 39.08788865298767, + "nauc_mrr_at_1_std": -3.731025125121608, + "nauc_mrr_at_20_diff1": 41.271472922733096, + "nauc_mrr_at_20_max": 42.63984649167674, + "nauc_mrr_at_20_std": -0.7899222259036763, + "nauc_mrr_at_3_diff1": 42.47608332638016, + "nauc_mrr_at_3_max": 42.321429511729576, + "nauc_mrr_at_3_std": -2.426256097834446, + "nauc_mrr_at_5_diff1": 41.86059345682608, + "nauc_mrr_at_5_max": 42.620845899550865, + "nauc_mrr_at_5_std": -1.3500420048246573, + "nauc_ndcg_at_1000_diff1": 39.824503107009804, + "nauc_ndcg_at_1000_max": 43.60431941191039, + "nauc_ndcg_at_1000_std": 0.26008062303147395, + "nauc_ndcg_at_100_diff1": 39.09733769055873, + "nauc_ndcg_at_100_max": 43.87414466529868, + "nauc_ndcg_at_100_std": 0.4035701175828123, + "nauc_ndcg_at_10_diff1": 38.6190180899099, + "nauc_ndcg_at_10_max": 43.091240218799165, + "nauc_ndcg_at_10_std": -1.9089368110877156, + "nauc_ndcg_at_1_diff1": 45.14331370428472, + "nauc_ndcg_at_1_max": 39.08788865298767, + "nauc_ndcg_at_1_std": -3.731025125121608, + "nauc_ndcg_at_20_diff1": 38.75228226521138, + "nauc_ndcg_at_20_max": 43.19744147613559, + "nauc_ndcg_at_20_std": -1.1578239094033587, + "nauc_ndcg_at_3_diff1": 40.58092979495878, + "nauc_ndcg_at_3_max": 41.884690873966456, + "nauc_ndcg_at_3_std": -4.266520407339669, + "nauc_ndcg_at_5_diff1": 39.73571015839789, + "nauc_ndcg_at_5_max": 42.72812806816228, + "nauc_ndcg_at_5_std": -2.9471215206156374, + "nauc_precision_at_1000_diff1": -18.476041008815393, + "nauc_precision_at_1000_max": -4.898111995866744, + "nauc_precision_at_1000_std": 9.423995342484583, + "nauc_precision_at_100_diff1": -9.159271456350616, + "nauc_precision_at_100_max": 12.010090040463815, + "nauc_precision_at_100_std": 20.769479766891617, + "nauc_precision_at_10_diff1": 7.439353378766578, + "nauc_precision_at_10_max": 33.9730956995508, + "nauc_precision_at_10_std": 20.499463570482597, + "nauc_precision_at_1_diff1": 45.14331370428472, + "nauc_precision_at_1_max": 39.08788865298767, + "nauc_precision_at_1_std": -3.731025125121608, + "nauc_precision_at_20_diff1": 2.4196986051425937, + "nauc_precision_at_20_max": 27.905931841756747, + "nauc_precision_at_20_std": 23.358858908318865, + "nauc_precision_at_3_diff1": 26.49222113715279, + "nauc_precision_at_3_max": 43.39526247493167, + "nauc_precision_at_3_std": 5.066561075053708, + "nauc_precision_at_5_diff1": 16.919362750806606, + "nauc_precision_at_5_max": 38.820442881486095, + "nauc_precision_at_5_std": 13.480513038582595, + "nauc_recall_at_1000_diff1": 28.876299052029957, + "nauc_recall_at_1000_max": 63.97692787222958, + "nauc_recall_at_1000_std": 55.90835990889794, + "nauc_recall_at_100_diff1": 23.59522114686941, + "nauc_recall_at_100_max": 48.52745785624165, + "nauc_recall_at_100_std": 17.27217103960128, + "nauc_recall_at_10_diff1": 28.33142590802591, + "nauc_recall_at_10_max": 42.597017722252104, + "nauc_recall_at_10_std": 0.5922327351683463, + "nauc_recall_at_1_diff1": 46.484341628253425, + "nauc_recall_at_1_max": 34.490292499164504, + "nauc_recall_at_1_std": -9.269794703663408, + "nauc_recall_at_20_diff1": 26.92649518481392, + "nauc_recall_at_20_max": 42.89850335963221, + "nauc_recall_at_20_std": 3.7789265765891096, + "nauc_recall_at_3_diff1": 36.56388326847659, + "nauc_recall_at_3_max": 40.45485098615001, + "nauc_recall_at_3_std": -7.055824649148635, + "nauc_recall_at_5_diff1": 33.43602638213899, + "nauc_recall_at_5_max": 41.990793352420816, + "nauc_recall_at_5_std": -2.8724838017591985, + "ndcg_at_1": 36.624, + "ndcg_at_10": 47.674, + "ndcg_at_100": 53.129000000000005, + "ndcg_at_1000": 55.113, + "ndcg_at_20": 49.641999999999996, + "ndcg_at_3": 42.824, + "ndcg_at_5": 45.388, + "precision_at_1": 36.624, + "precision_at_10": 9.557, + "precision_at_100": 1.5939999999999999, + "precision_at_1000": 0.214, + "precision_at_20": 5.680000000000001, + "precision_at_3": 21.221, + "precision_at_5": 15.708, + "recall_at_1": 29.066, + "recall_at_10": 60.012, + "recall_at_100": 82.875, + "recall_at_1000": 95.768, + "recall_at_20": 67.14, + "recall_at_3": 45.937, + "recall_at_5": 52.849999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAB-Ramy-v1/external/CQADupstackEnglishRetrieval.json b/results/qinxianliu__FAB-Ramy-v1/external/CQADupstackEnglishRetrieval.json new file mode 100644 index 000000000..ef525aa5f --- /dev/null +++ b/results/qinxianliu__FAB-Ramy-v1/external/CQADupstackEnglishRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ad9991cb51e31e31e430383c75ffb2885547b5f0", + "task_name": "CQADupstackEnglishRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 44.762, + "map_at_1": 28.028, + "map_at_10": 38.72, + "map_at_100": 40.184, + "map_at_1000": 40.345, + "map_at_20": 39.46, + "map_at_3": 35.549, + "map_at_5": 37.309, + "mrr_at_1": 36.17834394904458, + "mrr_at_10": 44.91980082903655, + "mrr_at_100": 45.67113713652288, + "mrr_at_1000": 45.72359741555317, + "mrr_at_20": 45.33116265908466, + "mrr_at_3": 42.60084925690023, + "mrr_at_5": 43.84288747346076, + "nauc_map_at_1000_diff1": 49.68919563899111, + "nauc_map_at_1000_max": 43.49959037847436, + "nauc_map_at_1000_std": -3.695678593471902, + "nauc_map_at_100_diff1": 49.726476119881646, + "nauc_map_at_100_max": 43.41593850441994, + "nauc_map_at_100_std": -3.8102140356382352, + "nauc_map_at_10_diff1": 49.80402181060109, + "nauc_map_at_10_max": 42.5717891025783, + "nauc_map_at_10_std": -5.472503415228937, + "nauc_map_at_1_diff1": 54.341995550292935, + "nauc_map_at_1_max": 36.84187797112878, + "nauc_map_at_1_std": -8.442056129049599, + "nauc_map_at_20_diff1": 49.70760652009396, + "nauc_map_at_20_max": 42.84536021921593, + "nauc_map_at_20_std": -4.700079420179622, + "nauc_map_at_3_diff1": 50.41328470086278, + "nauc_map_at_3_max": 40.43956187401248, + "nauc_map_at_3_std": -6.992781778947624, + "nauc_map_at_5_diff1": 50.01942987713283, + "nauc_map_at_5_max": 42.018793648301695, + "nauc_map_at_5_std": -6.006843559103822, + "nauc_mrr_at_1000_diff1": 49.07467443262348, + "nauc_mrr_at_1000_max": 45.446044076929, + "nauc_mrr_at_1000_std": -1.6764744899397304, + "nauc_mrr_at_100_diff1": 49.05607197253987, + "nauc_mrr_at_100_max": 45.45163872951573, + "nauc_mrr_at_100_std": -1.6613753870184909, + "nauc_mrr_at_10_diff1": 49.10753582425311, + "nauc_mrr_at_10_max": 45.45682352794454, + "nauc_mrr_at_10_std": -2.108116505642598, + "nauc_mrr_at_1_diff1": 53.2487833554339, + "nauc_mrr_at_1_max": 44.19534451833569, + "nauc_mrr_at_1_std": -3.941778088039307, + "nauc_mrr_at_20_diff1": 49.012147001203154, + "nauc_mrr_at_20_max": 45.35482031822386, + "nauc_mrr_at_20_std": -1.8260400964953984, + "nauc_mrr_at_3_diff1": 49.5642005565295, + "nauc_mrr_at_3_max": 45.11666319051953, + "nauc_mrr_at_3_std": -2.556125282118422, + "nauc_mrr_at_5_diff1": 49.21528900954885, + "nauc_mrr_at_5_max": 45.52836287156937, + "nauc_mrr_at_5_std": -2.3821081899746464, + "nauc_ndcg_at_1000_diff1": 47.87113333558331, + "nauc_ndcg_at_1000_max": 45.532723631455106, + "nauc_ndcg_at_1000_std": 0.7031060619138257, + "nauc_ndcg_at_100_diff1": 48.053447785788364, + "nauc_ndcg_at_100_max": 45.73018356113766, + "nauc_ndcg_at_100_std": 0.894490890244461, + "nauc_ndcg_at_10_diff1": 48.21059785218297, + "nauc_ndcg_at_10_max": 44.58705252068794, + "nauc_ndcg_at_10_std": -3.0524747310005385, + "nauc_ndcg_at_1_diff1": 53.2487833554339, + "nauc_ndcg_at_1_max": 44.19534451833569, + "nauc_ndcg_at_1_std": -3.941778088039307, + "nauc_ndcg_at_20_diff1": 47.97110764409188, + "nauc_ndcg_at_20_max": 44.49637066709412, + "nauc_ndcg_at_20_std": -1.621780962121001, + "nauc_ndcg_at_3_diff1": 48.6884420530818, + "nauc_ndcg_at_3_max": 43.631553557990706, + "nauc_ndcg_at_3_std": -3.6112878770369963, + "nauc_ndcg_at_5_diff1": 48.40507698733888, + "nauc_ndcg_at_5_max": 44.66863382446853, + "nauc_ndcg_at_5_std": -3.4817399751800204, + "nauc_precision_at_1000_diff1": -13.194259522888688, + "nauc_precision_at_1000_max": 15.262937880072085, + "nauc_precision_at_1000_std": 27.063913827012165, + "nauc_precision_at_100_diff1": -3.174118615911048, + "nauc_precision_at_100_max": 26.589780724796153, + "nauc_precision_at_100_std": 31.35469763875678, + "nauc_precision_at_10_diff1": 17.13059629198289, + "nauc_precision_at_10_max": 39.894697436371416, + "nauc_precision_at_10_std": 15.142913953162024, + "nauc_precision_at_1_diff1": 53.2487833554339, + "nauc_precision_at_1_max": 44.19534451833569, + "nauc_precision_at_1_std": -3.941778088039307, + "nauc_precision_at_20_diff1": 9.214951478369365, + "nauc_precision_at_20_max": 35.004124719046665, + "nauc_precision_at_20_std": 22.168763472578117, + "nauc_precision_at_3_diff1": 32.62695530620375, + "nauc_precision_at_3_max": 43.832041507922135, + "nauc_precision_at_3_std": 4.718161232174587, + "nauc_precision_at_5_diff1": 25.499419372603167, + "nauc_precision_at_5_max": 43.422998032650824, + "nauc_precision_at_5_std": 8.893026884445145, + "nauc_recall_at_1000_diff1": 28.42164712446283, + "nauc_recall_at_1000_max": 49.615095160937535, + "nauc_recall_at_1000_std": 42.181669104975086, + "nauc_recall_at_100_diff1": 36.88745065403907, + "nauc_recall_at_100_max": 48.214921288356436, + "nauc_recall_at_100_std": 22.10876454545121, + "nauc_recall_at_10_diff1": 41.991396848461775, + "nauc_recall_at_10_max": 41.44577313869934, + "nauc_recall_at_10_std": -3.296630512658659, + "nauc_recall_at_1_diff1": 54.341995550292935, + "nauc_recall_at_1_max": 36.84187797112878, + "nauc_recall_at_1_std": -8.442056129049599, + "nauc_recall_at_20_diff1": 40.073578401087374, + "nauc_recall_at_20_max": 40.96254025588479, + "nauc_recall_at_20_std": 3.0264912769388577, + "nauc_recall_at_3_diff1": 45.466861723025346, + "nauc_recall_at_3_max": 38.81880126697969, + "nauc_recall_at_3_std": -6.77377222068898, + "nauc_recall_at_5_diff1": 43.77642226472494, + "nauc_recall_at_5_max": 41.53547033837313, + "nauc_recall_at_5_std": -5.171590735247564, + "ndcg_at_1": 36.178, + "ndcg_at_10": 44.762, + "ndcg_at_100": 49.888, + "ndcg_at_1000": 52.254999999999995, + "ndcg_at_20": 46.605999999999995, + "ndcg_at_3": 40.421, + "ndcg_at_5": 42.321999999999996, + "precision_at_1": 36.178, + "precision_at_10": 8.873000000000001, + "precision_at_100": 1.517, + "precision_at_1000": 0.20600000000000002, + "precision_at_20": 5.296, + "precision_at_3": 19.979, + "precision_at_5": 14.318, + "recall_at_1": 28.028, + "recall_at_10": 55.300000000000004, + "recall_at_100": 77.399, + "recall_at_1000": 92.19800000000001, + "recall_at_20": 62.21, + "recall_at_3": 42.209, + "recall_at_5": 47.673 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAB-Ramy-v1/external/CQADupstackGamingRetrieval.json b/results/qinxianliu__FAB-Ramy-v1/external/CQADupstackGamingRetrieval.json new file mode 100644 index 000000000..667ba8583 --- /dev/null +++ b/results/qinxianliu__FAB-Ramy-v1/external/CQADupstackGamingRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "4885aa143210c98657558c04aaf3dc47cfb54340", + "task_name": "CQADupstackGamingRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 47.772, + "map_at_1": 32.068000000000005, + "map_at_10": 42.503, + "map_at_100": 43.623, + "map_at_1000": 43.7, + "map_at_20": 43.169999999999995, + "map_at_3": 39.678000000000004, + "map_at_5": 41.352, + "mrr_at_1": 37.05329153605016, + "mrr_at_10": 46.03577648405242, + "mrr_at_100": 46.89246554884668, + "mrr_at_1000": 46.93575450705173, + "mrr_at_20": 46.55885591364603, + "mrr_at_3": 43.824451410658355, + "mrr_at_5": 45.17868338558003, + "nauc_map_at_1000_diff1": 49.816238466407626, + "nauc_map_at_1000_max": 37.86319544802279, + "nauc_map_at_1000_std": 0.38954050958879266, + "nauc_map_at_100_diff1": 49.7886282397251, + "nauc_map_at_100_max": 37.8444239594936, + "nauc_map_at_100_std": 0.3740678895555632, + "nauc_map_at_10_diff1": 49.827257299910244, + "nauc_map_at_10_max": 37.55634395260679, + "nauc_map_at_10_std": -0.35694638021746655, + "nauc_map_at_1_diff1": 53.81589423110151, + "nauc_map_at_1_max": 33.21487340043333, + "nauc_map_at_1_std": -4.065129796350965, + "nauc_map_at_20_diff1": 49.854371098641806, + "nauc_map_at_20_max": 37.7301453669147, + "nauc_map_at_20_std": 0.14467950147970038, + "nauc_map_at_3_diff1": 49.831327638064224, + "nauc_map_at_3_max": 36.35900861279719, + "nauc_map_at_3_std": -2.1678780970585594, + "nauc_map_at_5_diff1": 49.68500674501261, + "nauc_map_at_5_max": 37.07854058196644, + "nauc_map_at_5_std": -1.140626731895469, + "nauc_mrr_at_1000_diff1": 49.72353489391942, + "nauc_mrr_at_1000_max": 39.38870089692441, + "nauc_mrr_at_1000_std": 2.924723056093775, + "nauc_mrr_at_100_diff1": 49.70710867991651, + "nauc_mrr_at_100_max": 39.38614369587218, + "nauc_mrr_at_100_std": 2.949286873211481, + "nauc_mrr_at_10_diff1": 49.74866466050191, + "nauc_mrr_at_10_max": 39.397835096946075, + "nauc_mrr_at_10_std": 2.76722197328588, + "nauc_mrr_at_1_diff1": 54.22455118441128, + "nauc_mrr_at_1_max": 37.68279941572345, + "nauc_mrr_at_1_std": -0.4213360054498593, + "nauc_mrr_at_20_diff1": 49.73918503418851, + "nauc_mrr_at_20_max": 39.41687194444163, + "nauc_mrr_at_20_std": 3.003956103277552, + "nauc_mrr_at_3_diff1": 49.89345024875015, + "nauc_mrr_at_3_max": 39.060975042725175, + "nauc_mrr_at_3_std": 1.1921581551231724, + "nauc_mrr_at_5_diff1": 49.707937155823444, + "nauc_mrr_at_5_max": 39.3026172654418, + "nauc_mrr_at_5_std": 2.1091374774258638, + "nauc_ndcg_at_1000_diff1": 48.73878680769057, + "nauc_ndcg_at_1000_max": 39.560538747253474, + "nauc_ndcg_at_1000_std": 4.088033042996352, + "nauc_ndcg_at_100_diff1": 48.1781255917941, + "nauc_ndcg_at_100_max": 39.31002623678992, + "nauc_ndcg_at_100_std": 4.482336918936139, + "nauc_ndcg_at_10_diff1": 48.46484589871277, + "nauc_ndcg_at_10_max": 38.9113285223074, + "nauc_ndcg_at_10_std": 2.3652264974505948, + "nauc_ndcg_at_1_diff1": 54.22455118441128, + "nauc_ndcg_at_1_max": 37.68279941572345, + "nauc_ndcg_at_1_std": -0.4213360054498593, + "nauc_ndcg_at_20_diff1": 48.39218147744626, + "nauc_ndcg_at_20_max": 38.97184738560378, + "nauc_ndcg_at_20_std": 3.4913504982440697, + "nauc_ndcg_at_3_diff1": 48.672890015100656, + "nauc_ndcg_at_3_max": 37.85497096745956, + "nauc_ndcg_at_3_std": -0.4898828776145498, + "nauc_ndcg_at_5_diff1": 48.287899094028845, + "nauc_ndcg_at_5_max": 38.52991633270429, + "nauc_ndcg_at_5_std": 0.9511373816251577, + "nauc_precision_at_1000_diff1": -0.6218712645495369, + "nauc_precision_at_1000_max": 17.22616453693776, + "nauc_precision_at_1000_std": 28.52878330169566, + "nauc_precision_at_100_diff1": 7.999714729638582, + "nauc_precision_at_100_max": 27.26303586672295, + "nauc_precision_at_100_std": 30.410842850517223, + "nauc_precision_at_10_diff1": 26.324828502477875, + "nauc_precision_at_10_max": 36.78536475269085, + "nauc_precision_at_10_std": 15.42515347591499, + "nauc_precision_at_1_diff1": 54.22455118441128, + "nauc_precision_at_1_max": 37.68279941572345, + "nauc_precision_at_1_std": -0.4213360054498593, + "nauc_precision_at_20_diff1": 20.97145722355764, + "nauc_precision_at_20_max": 33.8080417836842, + "nauc_precision_at_20_std": 21.472136430713256, + "nauc_precision_at_3_diff1": 36.577202430714486, + "nauc_precision_at_3_max": 39.24043200536838, + "nauc_precision_at_3_std": 5.538464581558552, + "nauc_precision_at_5_diff1": 31.451475288888226, + "nauc_precision_at_5_max": 38.966172338023455, + "nauc_precision_at_5_std": 10.343267347939825, + "nauc_recall_at_1000_diff1": 43.24212858077999, + "nauc_recall_at_1000_max": 61.021969618535344, + "nauc_recall_at_1000_std": 46.62595930010474, + "nauc_recall_at_100_diff1": 35.8914907845725, + "nauc_recall_at_100_max": 40.90420867144737, + "nauc_recall_at_100_std": 25.111854437791216, + "nauc_recall_at_10_diff1": 42.163606808620266, + "nauc_recall_at_10_max": 38.36891560490349, + "nauc_recall_at_10_std": 6.943610290650254, + "nauc_recall_at_1_diff1": 53.81589423110151, + "nauc_recall_at_1_max": 33.21487340043333, + "nauc_recall_at_1_std": -4.065129796350965, + "nauc_recall_at_20_diff1": 40.94684277695978, + "nauc_recall_at_20_max": 38.897735497070705, + "nauc_recall_at_20_std": 12.637886392542569, + "nauc_recall_at_3_diff1": 43.588651208533626, + "nauc_recall_at_3_max": 36.11843566759426, + "nauc_recall_at_3_std": -0.9861930182468216, + "nauc_recall_at_5_diff1": 42.04990980317984, + "nauc_recall_at_5_max": 37.2094865154224, + "nauc_recall_at_5_std": 2.4560090126405227, + "ndcg_at_1": 37.053000000000004, + "ndcg_at_10": 47.772, + "ndcg_at_100": 52.708999999999996, + "ndcg_at_1000": 54.440999999999995, + "ndcg_at_20": 49.836000000000006, + "ndcg_at_3": 42.968, + "ndcg_at_5": 45.419, + "precision_at_1": 37.053000000000004, + "precision_at_10": 7.718, + "precision_at_100": 1.115, + "precision_at_1000": 0.133, + "precision_at_20": 4.445, + "precision_at_3": 19.269, + "precision_at_5": 13.328999999999999, + "recall_at_1": 32.068000000000005, + "recall_at_10": 59.937, + "recall_at_100": 82.053, + "recall_at_1000": 94.58800000000001, + "recall_at_20": 67.708, + "recall_at_3": 47.062, + "recall_at_5": 53.010000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAB-Ramy-v1/external/CQADupstackGisRetrieval.json b/results/qinxianliu__FAB-Ramy-v1/external/CQADupstackGisRetrieval.json new file mode 100644 index 000000000..15a87c0a4 --- /dev/null +++ b/results/qinxianliu__FAB-Ramy-v1/external/CQADupstackGisRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "5003b3064772da1887988e05400cf3806fe491f2", + "task_name": "CQADupstackGisRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 37.478, + "map_at_1": 24.263, + "map_at_10": 32.45, + "map_at_100": 33.538000000000004, + "map_at_1000": 33.635999999999996, + "map_at_20": 33.074, + "map_at_3": 29.429, + "map_at_5": 31.192999999999998, + "mrr_at_1": 26.214689265536723, + "mrr_at_10": 34.39261052820373, + "mrr_at_100": 35.37444537106402, + "mrr_at_1000": 35.44839971142203, + "mrr_at_20": 34.96521677331877, + "mrr_at_3": 31.732580037664786, + "mrr_at_5": 33.258003766478325, + "nauc_map_at_1000_diff1": 37.457891280940075, + "nauc_map_at_1000_max": 33.267835463826884, + "nauc_map_at_1000_std": -2.388554417582994, + "nauc_map_at_100_diff1": 37.429787423313, + "nauc_map_at_100_max": 33.279658825761956, + "nauc_map_at_100_std": -2.3585921154078466, + "nauc_map_at_10_diff1": 37.71973529808705, + "nauc_map_at_10_max": 33.11112557239247, + "nauc_map_at_10_std": -2.9276936845677652, + "nauc_map_at_1_diff1": 44.024019803965594, + "nauc_map_at_1_max": 30.121955543657492, + "nauc_map_at_1_std": -8.514703590815314, + "nauc_map_at_20_diff1": 37.43460338208916, + "nauc_map_at_20_max": 33.17488820131738, + "nauc_map_at_20_std": -2.5398303338125072, + "nauc_map_at_3_diff1": 39.009457803140165, + "nauc_map_at_3_max": 32.25412632006684, + "nauc_map_at_3_std": -3.837813432738266, + "nauc_map_at_5_diff1": 38.20009266646306, + "nauc_map_at_5_max": 32.936880506565686, + "nauc_map_at_5_std": -3.3082861512964272, + "nauc_mrr_at_1000_diff1": 37.0476032859194, + "nauc_mrr_at_1000_max": 35.485947977964415, + "nauc_mrr_at_1000_std": -0.16165367681714102, + "nauc_mrr_at_100_diff1": 37.019221476482436, + "nauc_mrr_at_100_max": 35.496811026529414, + "nauc_mrr_at_100_std": -0.1269725569564571, + "nauc_mrr_at_10_diff1": 37.1547601373342, + "nauc_mrr_at_10_max": 35.360491324317096, + "nauc_mrr_at_10_std": -0.5648185107725053, + "nauc_mrr_at_1_diff1": 44.17080543997115, + "nauc_mrr_at_1_max": 33.892048092809965, + "nauc_mrr_at_1_std": -5.168441278391176, + "nauc_mrr_at_20_diff1": 36.983303547654295, + "nauc_mrr_at_20_max": 35.40553445796589, + "nauc_mrr_at_20_std": -0.25827269513544004, + "nauc_mrr_at_3_diff1": 38.32663135847226, + "nauc_mrr_at_3_max": 35.4833487049362, + "nauc_mrr_at_3_std": -0.9414637949816125, + "nauc_mrr_at_5_diff1": 37.60887820386455, + "nauc_mrr_at_5_max": 35.46653632691759, + "nauc_mrr_at_5_std": -0.8211380310725288, + "nauc_ndcg_at_1000_diff1": 35.07519421078115, + "nauc_ndcg_at_1000_max": 35.261079198646335, + "nauc_ndcg_at_1000_std": 1.2274135741524594, + "nauc_ndcg_at_100_diff1": 34.104098179634725, + "nauc_ndcg_at_100_max": 35.42088228560666, + "nauc_ndcg_at_100_std": 2.1669364901452117, + "nauc_ndcg_at_10_diff1": 34.9378746004143, + "nauc_ndcg_at_10_max": 34.41287490383749, + "nauc_ndcg_at_10_std": -0.1706997667261866, + "nauc_ndcg_at_1_diff1": 44.17080543997115, + "nauc_ndcg_at_1_max": 33.892048092809965, + "nauc_ndcg_at_1_std": -5.168441278391176, + "nauc_ndcg_at_20_diff1": 34.041329882406366, + "nauc_ndcg_at_20_max": 34.416886892635176, + "nauc_ndcg_at_20_std": 0.8622374748383591, + "nauc_ndcg_at_3_diff1": 37.282619815469666, + "nauc_ndcg_at_3_max": 33.70605966347689, + "nauc_ndcg_at_3_std": -1.5106493727538712, + "nauc_ndcg_at_5_diff1": 35.91585812777612, + "nauc_ndcg_at_5_max": 34.33228020389244, + "nauc_ndcg_at_5_std": -0.861074327570936, + "nauc_precision_at_1000_diff1": -4.127709335884993, + "nauc_precision_at_1000_max": 16.09263130295663, + "nauc_precision_at_1000_std": 15.587837376726524, + "nauc_precision_at_100_diff1": 5.669488180434455, + "nauc_precision_at_100_max": 30.073090285990023, + "nauc_precision_at_100_std": 19.53017216790641, + "nauc_precision_at_10_diff1": 19.638890082132633, + "nauc_precision_at_10_max": 35.56326163382377, + "nauc_precision_at_10_std": 8.43551157423295, + "nauc_precision_at_1_diff1": 44.17080543997115, + "nauc_precision_at_1_max": 33.892048092809965, + "nauc_precision_at_1_std": -5.168441278391176, + "nauc_precision_at_20_diff1": 13.586979104002372, + "nauc_precision_at_20_max": 33.185488829184585, + "nauc_precision_at_20_std": 12.366872585483774, + "nauc_precision_at_3_diff1": 31.808505921906338, + "nauc_precision_at_3_max": 38.59663318898574, + "nauc_precision_at_3_std": 4.99572213181922, + "nauc_precision_at_5_diff1": 25.592230248337515, + "nauc_precision_at_5_max": 38.02324657548649, + "nauc_precision_at_5_std": 6.189688313317716, + "nauc_recall_at_1000_diff1": 22.815337378037775, + "nauc_recall_at_1000_max": 55.106066047766774, + "nauc_recall_at_1000_std": 33.51411659805844, + "nauc_recall_at_100_diff1": 18.81559475741553, + "nauc_recall_at_100_max": 41.75122699525961, + "nauc_recall_at_100_std": 21.69704142516233, + "nauc_recall_at_10_diff1": 26.546592547799964, + "nauc_recall_at_10_max": 34.61627751146675, + "nauc_recall_at_10_std": 5.632485179808071, + "nauc_recall_at_1_diff1": 44.024019803965594, + "nauc_recall_at_1_max": 30.121955543657492, + "nauc_recall_at_1_std": -8.514703590815314, + "nauc_recall_at_20_diff1": 22.540150381609177, + "nauc_recall_at_20_max": 34.247175381480446, + "nauc_recall_at_20_std": 9.509251671941515, + "nauc_recall_at_3_diff1": 33.17472643060467, + "nauc_recall_at_3_max": 34.49841973293712, + "nauc_recall_at_3_std": 2.3301615095289407, + "nauc_recall_at_5_diff1": 29.88753007608028, + "nauc_recall_at_5_max": 35.230899410632325, + "nauc_recall_at_5_std": 3.7029279760317135, + "ndcg_at_1": 26.215, + "ndcg_at_10": 37.478, + "ndcg_at_100": 42.737, + "ndcg_at_1000": 45.166000000000004, + "ndcg_at_20": 39.650999999999996, + "ndcg_at_3": 31.648, + "ndcg_at_5": 34.588, + "precision_at_1": 26.215, + "precision_at_10": 5.898, + "precision_at_100": 0.905, + "precision_at_1000": 0.11499999999999999, + "precision_at_20": 3.4520000000000004, + "precision_at_3": 13.183, + "precision_at_5": 9.582, + "recall_at_1": 24.263, + "recall_at_10": 51.188, + "recall_at_100": 74.857, + "recall_at_1000": 93.238, + "recall_at_20": 59.429, + "recall_at_3": 35.657, + "recall_at_5": 42.606 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAB-Ramy-v1/external/CQADupstackMathematicaRetrieval.json b/results/qinxianliu__FAB-Ramy-v1/external/CQADupstackMathematicaRetrieval.json new file mode 100644 index 000000000..32258c27a --- /dev/null +++ b/results/qinxianliu__FAB-Ramy-v1/external/CQADupstackMathematicaRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "90fceea13679c63fe563ded68f3b6f06e50061de", + "task_name": "CQADupstackMathematicaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 30.058, + "map_at_1": 16.698, + "map_at_10": 24.715, + "map_at_100": 26.005, + "map_at_1000": 26.131, + "map_at_20": 25.418000000000003, + "map_at_3": 22.019, + "map_at_5": 23.297, + "mrr_at_1": 20.273631840796018, + "mrr_at_10": 28.558842691305387, + "mrr_at_100": 29.67824997253283, + "mrr_at_1000": 29.748834482895347, + "mrr_at_20": 29.270397352221234, + "mrr_at_3": 26.03648424543949, + "mrr_at_5": 27.292703150912118, + "nauc_map_at_1000_diff1": 30.419285367186095, + "nauc_map_at_1000_max": 23.034561663024956, + "nauc_map_at_1000_std": 6.2763720714888045, + "nauc_map_at_100_diff1": 30.356767988528688, + "nauc_map_at_100_max": 23.038162417332188, + "nauc_map_at_100_std": 6.310196420496501, + "nauc_map_at_10_diff1": 30.66758914339684, + "nauc_map_at_10_max": 22.753732695524604, + "nauc_map_at_10_std": 5.702575335992624, + "nauc_map_at_1_diff1": 36.440287562168365, + "nauc_map_at_1_max": 20.39268134658497, + "nauc_map_at_1_std": 3.084687776680966, + "nauc_map_at_20_diff1": 30.43881723519229, + "nauc_map_at_20_max": 23.013742235084802, + "nauc_map_at_20_std": 6.190259213409905, + "nauc_map_at_3_diff1": 31.983934344237742, + "nauc_map_at_3_max": 22.332125336926197, + "nauc_map_at_3_std": 4.594809572502072, + "nauc_map_at_5_diff1": 31.096605783618607, + "nauc_map_at_5_max": 22.664928886289314, + "nauc_map_at_5_std": 5.592640866934114, + "nauc_mrr_at_1000_diff1": 31.302078905393277, + "nauc_mrr_at_1000_max": 24.951203503603185, + "nauc_mrr_at_1000_std": 7.9133780426257765, + "nauc_mrr_at_100_diff1": 31.26029823660782, + "nauc_mrr_at_100_max": 24.94737027963797, + "nauc_mrr_at_100_std": 7.934682490172184, + "nauc_mrr_at_10_diff1": 31.575383001349145, + "nauc_mrr_at_10_max": 25.05915897416563, + "nauc_mrr_at_10_std": 7.742665777436584, + "nauc_mrr_at_1_diff1": 35.38171135611958, + "nauc_mrr_at_1_max": 24.586563716453057, + "nauc_mrr_at_1_std": 6.109072984012173, + "nauc_mrr_at_20_diff1": 31.378587109665162, + "nauc_mrr_at_20_max": 25.006473977285054, + "nauc_mrr_at_20_std": 7.811008318463082, + "nauc_mrr_at_3_diff1": 32.225077963160565, + "nauc_mrr_at_3_max": 25.628170245193356, + "nauc_mrr_at_3_std": 7.639003581661931, + "nauc_mrr_at_5_diff1": 31.803185314926562, + "nauc_mrr_at_5_max": 25.16340461995904, + "nauc_mrr_at_5_std": 7.85190048193995, + "nauc_ndcg_at_1000_diff1": 29.079643256809735, + "nauc_ndcg_at_1000_max": 24.4005548465062, + "nauc_ndcg_at_1000_std": 9.362541927206147, + "nauc_ndcg_at_100_diff1": 27.47737546169869, + "nauc_ndcg_at_100_max": 24.03993934560156, + "nauc_ndcg_at_100_std": 9.786184458358397, + "nauc_ndcg_at_10_diff1": 28.706943794211792, + "nauc_ndcg_at_10_max": 23.333725888458517, + "nauc_ndcg_at_10_std": 7.084579287988264, + "nauc_ndcg_at_1_diff1": 35.38171135611958, + "nauc_ndcg_at_1_max": 24.586563716453057, + "nauc_ndcg_at_1_std": 6.109072984012173, + "nauc_ndcg_at_20_diff1": 28.14967074300218, + "nauc_ndcg_at_20_max": 23.885836678875044, + "nauc_ndcg_at_20_std": 8.284436581090928, + "nauc_ndcg_at_3_diff1": 31.049962257153275, + "nauc_ndcg_at_3_max": 23.843882218351872, + "nauc_ndcg_at_3_std": 5.857655152716016, + "nauc_ndcg_at_5_diff1": 29.701408950279944, + "nauc_ndcg_at_5_max": 23.62238326438745, + "nauc_ndcg_at_5_std": 7.173407837600138, + "nauc_precision_at_1000_diff1": 4.522689071143836, + "nauc_precision_at_1000_max": 7.33867650294788, + "nauc_precision_at_1000_std": 2.758752135739009, + "nauc_precision_at_100_diff1": 7.021129726305421, + "nauc_precision_at_100_max": 18.415545880851624, + "nauc_precision_at_100_std": 12.243039784406772, + "nauc_precision_at_10_diff1": 18.267946616494207, + "nauc_precision_at_10_max": 24.75541177780442, + "nauc_precision_at_10_std": 10.385119503633586, + "nauc_precision_at_1_diff1": 35.38171135611958, + "nauc_precision_at_1_max": 24.586563716453057, + "nauc_precision_at_1_std": 6.109072984012173, + "nauc_precision_at_20_diff1": 15.16410712865211, + "nauc_precision_at_20_max": 25.253178727718385, + "nauc_precision_at_20_std": 13.035349537982576, + "nauc_precision_at_3_diff1": 25.878965323191817, + "nauc_precision_at_3_max": 28.56271051277508, + "nauc_precision_at_3_std": 9.041251951136333, + "nauc_precision_at_5_diff1": 21.414338498397633, + "nauc_precision_at_5_max": 26.988841421424524, + "nauc_precision_at_5_std": 11.55720192820118, + "nauc_recall_at_1000_diff1": 23.6785500361109, + "nauc_recall_at_1000_max": 34.99326073188772, + "nauc_recall_at_1000_std": 42.921143601824284, + "nauc_recall_at_100_diff1": 12.270863839873941, + "nauc_recall_at_100_max": 23.029266757806578, + "nauc_recall_at_100_std": 24.055995689346787, + "nauc_recall_at_10_diff1": 21.295165047270192, + "nauc_recall_at_10_max": 21.086480781552236, + "nauc_recall_at_10_std": 8.262012502340111, + "nauc_recall_at_1_diff1": 36.440287562168365, + "nauc_recall_at_1_max": 20.39268134658497, + "nauc_recall_at_1_std": 3.084687776680966, + "nauc_recall_at_20_diff1": 19.232804717026962, + "nauc_recall_at_20_max": 22.620777456202386, + "nauc_recall_at_20_std": 12.429676089916459, + "nauc_recall_at_3_diff1": 26.6676504469478, + "nauc_recall_at_3_max": 21.94722497726282, + "nauc_recall_at_3_std": 5.708223317459856, + "nauc_recall_at_5_diff1": 24.25703806875664, + "nauc_recall_at_5_max": 22.033420638090814, + "nauc_recall_at_5_std": 8.427073980552622, + "ndcg_at_1": 20.274, + "ndcg_at_10": 30.058, + "ndcg_at_100": 36.229, + "ndcg_at_1000": 39.135999999999996, + "ndcg_at_20": 32.487, + "ndcg_at_3": 24.884, + "ndcg_at_5": 26.874, + "precision_at_1": 20.274, + "precision_at_10": 5.684, + "precision_at_100": 1.026, + "precision_at_1000": 0.14100000000000001, + "precision_at_20": 3.5319999999999996, + "precision_at_3": 11.857, + "precision_at_5": 8.607, + "recall_at_1": 16.698, + "recall_at_10": 42.703, + "recall_at_100": 69.423, + "recall_at_1000": 89.95400000000001, + "recall_at_20": 51.361000000000004, + "recall_at_3": 28.348000000000003, + "recall_at_5": 33.26 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAB-Ramy-v1/external/CQADupstackPhysicsRetrieval.json b/results/qinxianliu__FAB-Ramy-v1/external/CQADupstackPhysicsRetrieval.json new file mode 100644 index 000000000..e28f88a59 --- /dev/null +++ b/results/qinxianliu__FAB-Ramy-v1/external/CQADupstackPhysicsRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "79531abbd1fb92d06c6d6315a0cbbbf5bb247ea4", + "task_name": "CQADupstackPhysicsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 41.119, + "map_at_1": 25.535999999999998, + "map_at_10": 35.186, + "map_at_100": 36.584, + "map_at_1000": 36.713, + "map_at_20": 35.934, + "map_at_3": 31.852000000000004, + "map_at_5": 33.650000000000006, + "mrr_at_1": 31.76130895091434, + "mrr_at_10": 40.56579128282691, + "mrr_at_100": 41.44516293568296, + "mrr_at_1000": 41.497849083444, + "mrr_at_20": 41.029971142379026, + "mrr_at_3": 37.80879050368943, + "mrr_at_5": 39.46422842476736, + "nauc_map_at_1000_diff1": 44.17705235583814, + "nauc_map_at_1000_max": 33.8588700370624, + "nauc_map_at_1000_std": 2.1713019608067254, + "nauc_map_at_100_diff1": 44.19717811865489, + "nauc_map_at_100_max": 33.84418424830406, + "nauc_map_at_100_std": 2.111953536744075, + "nauc_map_at_10_diff1": 44.372137044523704, + "nauc_map_at_10_max": 33.080735510870745, + "nauc_map_at_10_std": 0.6932642145107222, + "nauc_map_at_1_diff1": 53.25465010018754, + "nauc_map_at_1_max": 29.919822344077595, + "nauc_map_at_1_std": -5.616893723230273, + "nauc_map_at_20_diff1": 44.310861773930604, + "nauc_map_at_20_max": 33.71547890714603, + "nauc_map_at_20_std": 1.6194274618072255, + "nauc_map_at_3_diff1": 45.60753803321285, + "nauc_map_at_3_max": 32.47092798471408, + "nauc_map_at_3_std": -0.5059126863604811, + "nauc_map_at_5_diff1": 44.713559674446245, + "nauc_map_at_5_max": 32.68105096515041, + "nauc_map_at_5_std": -0.26579924202002486, + "nauc_mrr_at_1000_diff1": 42.82607856697602, + "nauc_mrr_at_1000_max": 36.881018122973195, + "nauc_mrr_at_1000_std": 4.699225659172153, + "nauc_mrr_at_100_diff1": 42.81409772863827, + "nauc_mrr_at_100_max": 36.88868298322704, + "nauc_mrr_at_100_std": 4.73224692639018, + "nauc_mrr_at_10_diff1": 42.53570772257629, + "nauc_mrr_at_10_max": 36.61696323978818, + "nauc_mrr_at_10_std": 4.22532607640194, + "nauc_mrr_at_1_diff1": 49.6170333077354, + "nauc_mrr_at_1_max": 35.6282794896935, + "nauc_mrr_at_1_std": -0.0637337788862445, + "nauc_mrr_at_20_diff1": 42.63175386738128, + "nauc_mrr_at_20_max": 36.94563448861026, + "nauc_mrr_at_20_std": 4.733333744809251, + "nauc_mrr_at_3_diff1": 43.06923973535456, + "nauc_mrr_at_3_max": 36.04550590753799, + "nauc_mrr_at_3_std": 3.2042868003160745, + "nauc_mrr_at_5_diff1": 42.63972916364926, + "nauc_mrr_at_5_max": 36.55001547765555, + "nauc_mrr_at_5_std": 3.600929146154547, + "nauc_ndcg_at_1000_diff1": 42.072355219787596, + "nauc_ndcg_at_1000_max": 36.31803588946431, + "nauc_ndcg_at_1000_std": 6.981927534663749, + "nauc_ndcg_at_100_diff1": 41.85285134310704, + "nauc_ndcg_at_100_max": 36.37861491762969, + "nauc_ndcg_at_100_std": 7.621300413037255, + "nauc_ndcg_at_10_diff1": 41.4651361507619, + "nauc_ndcg_at_10_max": 34.59762596098444, + "nauc_ndcg_at_10_std": 3.7164548237738058, + "nauc_ndcg_at_1_diff1": 49.6170333077354, + "nauc_ndcg_at_1_max": 35.6282794896935, + "nauc_ndcg_at_1_std": -0.0637337788862445, + "nauc_ndcg_at_20_diff1": 41.47459158269523, + "nauc_ndcg_at_20_max": 36.16021485948646, + "nauc_ndcg_at_20_std": 6.122135010909634, + "nauc_ndcg_at_3_diff1": 42.16131056173248, + "nauc_ndcg_at_3_max": 34.783737153018194, + "nauc_ndcg_at_3_std": 3.1228262926092243, + "nauc_ndcg_at_5_diff1": 41.62946587027647, + "nauc_ndcg_at_5_max": 34.2639500392075, + "nauc_ndcg_at_5_std": 2.3741924603832167, + "nauc_precision_at_1000_diff1": -18.189799301184582, + "nauc_precision_at_1000_max": 9.26289918709961, + "nauc_precision_at_1000_std": 27.504232062702478, + "nauc_precision_at_100_diff1": -9.08853943717524, + "nauc_precision_at_100_max": 20.88102598156282, + "nauc_precision_at_100_std": 33.14957015368526, + "nauc_precision_at_10_diff1": 10.42072578460417, + "nauc_precision_at_10_max": 32.16718665456172, + "nauc_precision_at_10_std": 20.86206225428956, + "nauc_precision_at_1_diff1": 49.6170333077354, + "nauc_precision_at_1_max": 35.6282794896935, + "nauc_precision_at_1_std": -0.0637337788862445, + "nauc_precision_at_20_diff1": 4.49754811227342, + "nauc_precision_at_20_max": 32.739870805578725, + "nauc_precision_at_20_std": 29.265946887154914, + "nauc_precision_at_3_diff1": 24.77487469702281, + "nauc_precision_at_3_max": 36.97606314103704, + "nauc_precision_at_3_std": 13.407730438389734, + "nauc_precision_at_5_diff1": 17.776486598819325, + "nauc_precision_at_5_max": 34.55422524064765, + "nauc_precision_at_5_std": 14.582540079119493, + "nauc_recall_at_1000_diff1": 34.10762455603476, + "nauc_recall_at_1000_max": 40.43794450449501, + "nauc_recall_at_1000_std": 31.705092090127856, + "nauc_recall_at_100_diff1": 34.071247632629046, + "nauc_recall_at_100_max": 37.69024589087934, + "nauc_recall_at_100_std": 26.188892648328398, + "nauc_recall_at_10_diff1": 33.464807002283614, + "nauc_recall_at_10_max": 32.502114271923034, + "nauc_recall_at_10_std": 7.185601974172369, + "nauc_recall_at_1_diff1": 53.25465010018754, + "nauc_recall_at_1_max": 29.919822344077595, + "nauc_recall_at_1_std": -5.616893723230273, + "nauc_recall_at_20_diff1": 33.37522262466812, + "nauc_recall_at_20_max": 37.691860100134825, + "nauc_recall_at_20_std": 15.655129011437824, + "nauc_recall_at_3_diff1": 37.95767337399907, + "nauc_recall_at_3_max": 31.78404792098659, + "nauc_recall_at_3_std": 2.9720678501774116, + "nauc_recall_at_5_diff1": 35.08331316248243, + "nauc_recall_at_5_max": 31.568868361684256, + "nauc_recall_at_5_std": 2.9534989644430274, + "ndcg_at_1": 31.761, + "ndcg_at_10": 41.119, + "ndcg_at_100": 46.935, + "ndcg_at_1000": 49.282, + "ndcg_at_20": 43.226, + "ndcg_at_3": 35.787, + "ndcg_at_5": 38.221, + "precision_at_1": 31.761, + "precision_at_10": 7.825, + "precision_at_100": 1.307, + "precision_at_1000": 0.168, + "precision_at_20": 4.687, + "precision_at_3": 17.389, + "precision_at_5": 12.57, + "recall_at_1": 25.535999999999998, + "recall_at_10": 53.15, + "recall_at_100": 77.902, + "recall_at_1000": 93.96600000000001, + "recall_at_20": 60.45, + "recall_at_3": 38.016, + "recall_at_5": 44.437 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAB-Ramy-v1/external/CQADupstackProgrammersRetrieval.json b/results/qinxianliu__FAB-Ramy-v1/external/CQADupstackProgrammersRetrieval.json new file mode 100644 index 000000000..370870eed --- /dev/null +++ b/results/qinxianliu__FAB-Ramy-v1/external/CQADupstackProgrammersRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "6184bc1440d2dbc7612be22b50686b8826d22b32", + "task_name": "CQADupstackProgrammersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 36.976, + "map_at_1": 22.224, + "map_at_10": 31.339, + "map_at_100": 32.48, + "map_at_1000": 32.611000000000004, + "map_at_20": 31.916, + "map_at_3": 28.134999999999998, + "map_at_5": 30.083, + "mrr_at_1": 26.94063926940639, + "mrr_at_10": 35.96986663767484, + "mrr_at_100": 36.762549613842445, + "mrr_at_1000": 36.83761882971772, + "mrr_at_20": 36.387376258461195, + "mrr_at_3": 33.06697108066971, + "mrr_at_5": 34.80213089802128, + "nauc_map_at_1000_diff1": 42.867164259001235, + "nauc_map_at_1000_max": 32.25154346860586, + "nauc_map_at_1000_std": 0.4383834694704461, + "nauc_map_at_100_diff1": 42.83625278428653, + "nauc_map_at_100_max": 32.222110690946856, + "nauc_map_at_100_std": 0.3933871503815801, + "nauc_map_at_10_diff1": 43.05146012895346, + "nauc_map_at_10_max": 32.00299049775972, + "nauc_map_at_10_std": 0.16682506699978614, + "nauc_map_at_1_diff1": 49.98365758599708, + "nauc_map_at_1_max": 27.780302095541664, + "nauc_map_at_1_std": -2.0238028952131186, + "nauc_map_at_20_diff1": 42.874811385036956, + "nauc_map_at_20_max": 32.113078265625575, + "nauc_map_at_20_std": 0.13698013703073203, + "nauc_map_at_3_diff1": 44.41564633312066, + "nauc_map_at_3_max": 31.36506412123913, + "nauc_map_at_3_std": -0.5564290283951399, + "nauc_map_at_5_diff1": 43.261359067354036, + "nauc_map_at_5_max": 31.816477367144763, + "nauc_map_at_5_std": -0.481988830265859, + "nauc_mrr_at_1000_diff1": 40.73798045207668, + "nauc_mrr_at_1000_max": 33.27265747414279, + "nauc_mrr_at_1000_std": 3.1526086790668297, + "nauc_mrr_at_100_diff1": 40.70775898603771, + "nauc_mrr_at_100_max": 33.264696129641806, + "nauc_mrr_at_100_std": 3.136386596078079, + "nauc_mrr_at_10_diff1": 40.65225994074588, + "nauc_mrr_at_10_max": 33.30445624222102, + "nauc_mrr_at_10_std": 3.2136094446187196, + "nauc_mrr_at_1_diff1": 47.1430656319147, + "nauc_mrr_at_1_max": 32.51612551786665, + "nauc_mrr_at_1_std": 1.7554388123343887, + "nauc_mrr_at_20_diff1": 40.65603982124234, + "nauc_mrr_at_20_max": 33.26981276499155, + "nauc_mrr_at_20_std": 3.1384707946054053, + "nauc_mrr_at_3_diff1": 41.199624066195696, + "nauc_mrr_at_3_max": 33.60930959371334, + "nauc_mrr_at_3_std": 2.7365986281112793, + "nauc_mrr_at_5_diff1": 40.58530177733009, + "nauc_mrr_at_5_max": 33.60243976174283, + "nauc_mrr_at_5_std": 2.8023571070836564, + "nauc_ndcg_at_1000_diff1": 40.05446113764506, + "nauc_ndcg_at_1000_max": 33.3518793399837, + "nauc_ndcg_at_1000_std": 3.589866500160898, + "nauc_ndcg_at_100_diff1": 39.313412774367436, + "nauc_ndcg_at_100_max": 32.909059674145745, + "nauc_ndcg_at_100_std": 2.904300216633265, + "nauc_ndcg_at_10_diff1": 39.97280954580326, + "nauc_ndcg_at_10_max": 32.41255472717254, + "nauc_ndcg_at_10_std": 1.8444087308517976, + "nauc_ndcg_at_1_diff1": 47.1430656319147, + "nauc_ndcg_at_1_max": 32.51612551786665, + "nauc_ndcg_at_1_std": 1.7554388123343887, + "nauc_ndcg_at_20_diff1": 39.407140891912526, + "nauc_ndcg_at_20_max": 32.40177770426777, + "nauc_ndcg_at_20_std": 1.6796986909864853, + "nauc_ndcg_at_3_diff1": 41.83327340216515, + "nauc_ndcg_at_3_max": 33.360741483232204, + "nauc_ndcg_at_3_std": 1.337880846500443, + "nauc_ndcg_at_5_diff1": 40.39070899019907, + "nauc_ndcg_at_5_max": 32.94795232289472, + "nauc_ndcg_at_5_std": 1.0833804150206425, + "nauc_precision_at_1000_diff1": -8.992880655346152, + "nauc_precision_at_1000_max": 8.558134842387647, + "nauc_precision_at_1000_std": 16.429803920123472, + "nauc_precision_at_100_diff1": -0.31029113862756313, + "nauc_precision_at_100_max": 20.01189092905111, + "nauc_precision_at_100_std": 13.11139496323174, + "nauc_precision_at_10_diff1": 16.671090157699066, + "nauc_precision_at_10_max": 32.1497473808389, + "nauc_precision_at_10_std": 8.883577678145265, + "nauc_precision_at_1_diff1": 47.1430656319147, + "nauc_precision_at_1_max": 32.51612551786665, + "nauc_precision_at_1_std": 1.7554388123343887, + "nauc_precision_at_20_diff1": 11.288301927412157, + "nauc_precision_at_20_max": 29.675272572679155, + "nauc_precision_at_20_std": 8.487274927317499, + "nauc_precision_at_3_diff1": 29.754080123813793, + "nauc_precision_at_3_max": 38.138600670469664, + "nauc_precision_at_3_std": 6.637795943787214, + "nauc_precision_at_5_diff1": 23.058638623272508, + "nauc_precision_at_5_max": 37.56567557948431, + "nauc_precision_at_5_std": 7.4250954076263715, + "nauc_recall_at_1000_diff1": 21.3493836657907, + "nauc_recall_at_1000_max": 38.56530956811147, + "nauc_recall_at_1000_std": 40.75098277908217, + "nauc_recall_at_100_diff1": 24.861803411028866, + "nauc_recall_at_100_max": 30.527766357600004, + "nauc_recall_at_100_std": 11.2577947912455, + "nauc_recall_at_10_diff1": 31.846033801615526, + "nauc_recall_at_10_max": 30.058306861041, + "nauc_recall_at_10_std": 3.6852833787979664, + "nauc_recall_at_1_diff1": 49.98365758599708, + "nauc_recall_at_1_max": 27.780302095541664, + "nauc_recall_at_1_std": -2.0238028952131186, + "nauc_recall_at_20_diff1": 28.922063927012616, + "nauc_recall_at_20_max": 28.891018322233545, + "nauc_recall_at_20_std": 3.4690870344516025, + "nauc_recall_at_3_diff1": 37.314572415214066, + "nauc_recall_at_3_max": 31.84014131981339, + "nauc_recall_at_3_std": 0.9299027788293744, + "nauc_recall_at_5_diff1": 33.19390396327367, + "nauc_recall_at_5_max": 31.05541003887206, + "nauc_recall_at_5_std": 0.9032588827140892, + "ndcg_at_1": 26.941, + "ndcg_at_10": 36.976, + "ndcg_at_100": 42.274, + "ndcg_at_1000": 45.131, + "ndcg_at_20": 38.753, + "ndcg_at_3": 31.613000000000003, + "ndcg_at_5": 34.369, + "precision_at_1": 26.941, + "precision_at_10": 6.918, + "precision_at_100": 1.126, + "precision_at_1000": 0.157, + "precision_at_20": 4.035, + "precision_at_3": 15.183, + "precision_at_5": 11.256, + "recall_at_1": 22.224, + "recall_at_10": 49.275000000000006, + "recall_at_100": 72.741, + "recall_at_1000": 92.175, + "recall_at_20": 55.588, + "recall_at_3": 34.474, + "recall_at_5": 41.677 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAB-Ramy-v1/external/CQADupstackStatsRetrieval.json b/results/qinxianliu__FAB-Ramy-v1/external/CQADupstackStatsRetrieval.json new file mode 100644 index 000000000..c905652ae --- /dev/null +++ b/results/qinxianliu__FAB-Ramy-v1/external/CQADupstackStatsRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "65ac3a16b8e91f9cee4c9828cc7c335575432a2a", + "task_name": "CQADupstackStatsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 32.198, + "map_at_1": 20.602999999999998, + "map_at_10": 27.839999999999996, + "map_at_100": 29.01, + "map_at_1000": 29.112, + "map_at_20": 28.467, + "map_at_3": 25.144, + "map_at_5": 27.039, + "mrr_at_1": 23.466257668711656, + "mrr_at_10": 30.32598110818968, + "mrr_at_100": 31.339620026457656, + "mrr_at_1000": 31.40584085281548, + "mrr_at_20": 30.87618526902155, + "mrr_at_3": 27.862985685071585, + "mrr_at_5": 29.603783231083842, + "nauc_map_at_1000_diff1": 38.0761277580317, + "nauc_map_at_1000_max": 36.12390668585937, + "nauc_map_at_1000_std": 5.061003371662745, + "nauc_map_at_100_diff1": 38.079981384748265, + "nauc_map_at_100_max": 36.09935623198427, + "nauc_map_at_100_std": 5.015663720394834, + "nauc_map_at_10_diff1": 38.00859092830176, + "nauc_map_at_10_max": 35.450989944199904, + "nauc_map_at_10_std": 3.989849935469516, + "nauc_map_at_1_diff1": 44.45924018521437, + "nauc_map_at_1_max": 32.88154290750313, + "nauc_map_at_1_std": -2.310032904125345, + "nauc_map_at_20_diff1": 38.06432587960633, + "nauc_map_at_20_max": 35.81006677715011, + "nauc_map_at_20_std": 4.6487437911347085, + "nauc_map_at_3_diff1": 39.55537297601001, + "nauc_map_at_3_max": 34.36510008378181, + "nauc_map_at_3_std": 1.2197196748311918, + "nauc_map_at_5_diff1": 38.528114534412474, + "nauc_map_at_5_max": 35.25094217957651, + "nauc_map_at_5_std": 2.950657915542846, + "nauc_mrr_at_1000_diff1": 37.16074110571977, + "nauc_mrr_at_1000_max": 37.72923049724318, + "nauc_mrr_at_1000_std": 7.856334236699533, + "nauc_mrr_at_100_diff1": 37.1512392978736, + "nauc_mrr_at_100_max": 37.72582505158289, + "nauc_mrr_at_100_std": 7.865968029912606, + "nauc_mrr_at_10_diff1": 37.01822355124415, + "nauc_mrr_at_10_max": 37.586046947927095, + "nauc_mrr_at_10_std": 7.426616604947715, + "nauc_mrr_at_1_diff1": 43.851312136898244, + "nauc_mrr_at_1_max": 36.71288871099453, + "nauc_mrr_at_1_std": 2.7247234253102133, + "nauc_mrr_at_20_diff1": 37.130214241452045, + "nauc_mrr_at_20_max": 37.687561521125204, + "nauc_mrr_at_20_std": 7.768540036972506, + "nauc_mrr_at_3_diff1": 38.136598400242676, + "nauc_mrr_at_3_max": 36.843791168309444, + "nauc_mrr_at_3_std": 5.440047675846993, + "nauc_mrr_at_5_diff1": 37.33367995568664, + "nauc_mrr_at_5_max": 37.58820166778061, + "nauc_mrr_at_5_std": 6.6987549159971085, + "nauc_ndcg_at_1000_diff1": 35.741533795659365, + "nauc_ndcg_at_1000_max": 38.07647875243137, + "nauc_ndcg_at_1000_std": 10.628951135317092, + "nauc_ndcg_at_100_diff1": 35.430249135578215, + "nauc_ndcg_at_100_max": 37.828764498001554, + "nauc_ndcg_at_100_std": 10.559412722694224, + "nauc_ndcg_at_10_diff1": 35.0829449431806, + "nauc_ndcg_at_10_max": 36.30215507166646, + "nauc_ndcg_at_10_std": 7.5207779960033525, + "nauc_ndcg_at_1_diff1": 43.851312136898244, + "nauc_ndcg_at_1_max": 36.71288871099453, + "nauc_ndcg_at_1_std": 2.7247234253102133, + "nauc_ndcg_at_20_diff1": 35.29539630895629, + "nauc_ndcg_at_20_max": 37.20290340369041, + "nauc_ndcg_at_20_std": 9.523473640417977, + "nauc_ndcg_at_3_diff1": 37.35526400005257, + "nauc_ndcg_at_3_max": 35.122704383106516, + "nauc_ndcg_at_3_std": 3.5485155819226453, + "nauc_ndcg_at_5_diff1": 36.0230196693939, + "nauc_ndcg_at_5_max": 36.095022202832475, + "nauc_ndcg_at_5_std": 5.454142403414905, + "nauc_precision_at_1000_diff1": -3.2343819915497263, + "nauc_precision_at_1000_max": 23.180397112777403, + "nauc_precision_at_1000_std": 34.57305315086566, + "nauc_precision_at_100_diff1": 10.455861478415002, + "nauc_precision_at_100_max": 36.29870238511931, + "nauc_precision_at_100_std": 37.5120656416003, + "nauc_precision_at_10_diff1": 21.469223106766925, + "nauc_precision_at_10_max": 41.10929893585691, + "nauc_precision_at_10_std": 26.026335766624065, + "nauc_precision_at_1_diff1": 43.851312136898244, + "nauc_precision_at_1_max": 36.71288871099453, + "nauc_precision_at_1_std": 2.7247234253102133, + "nauc_precision_at_20_diff1": 18.708937366183537, + "nauc_precision_at_20_max": 41.458211994588645, + "nauc_precision_at_20_std": 33.463409590314924, + "nauc_precision_at_3_diff1": 29.710192715848834, + "nauc_precision_at_3_max": 38.58952964486376, + "nauc_precision_at_3_std": 13.416199729502559, + "nauc_precision_at_5_diff1": 25.650283231149, + "nauc_precision_at_5_max": 41.72939460601412, + "nauc_precision_at_5_std": 20.090998290941194, + "nauc_recall_at_1000_diff1": 25.356910340327655, + "nauc_recall_at_1000_max": 44.26974367051396, + "nauc_recall_at_1000_std": 40.52538300429559, + "nauc_recall_at_100_diff1": 25.183345990980698, + "nauc_recall_at_100_max": 37.67595801104001, + "nauc_recall_at_100_std": 25.95572235841268, + "nauc_recall_at_10_diff1": 26.56639531820743, + "nauc_recall_at_10_max": 34.49265183720701, + "nauc_recall_at_10_std": 13.567172778450859, + "nauc_recall_at_1_diff1": 44.45924018521437, + "nauc_recall_at_1_max": 32.88154290750313, + "nauc_recall_at_1_std": -2.310032904125345, + "nauc_recall_at_20_diff1": 26.84960737085141, + "nauc_recall_at_20_max": 36.726182871219926, + "nauc_recall_at_20_std": 20.11298912468589, + "nauc_recall_at_3_diff1": 34.0883194073464, + "nauc_recall_at_3_max": 33.02529213489702, + "nauc_recall_at_3_std": 2.916082664507825, + "nauc_recall_at_5_diff1": 30.07713778447706, + "nauc_recall_at_5_max": 34.93443537172252, + "nauc_recall_at_5_std": 7.784641939267653, + "ndcg_at_1": 23.466, + "ndcg_at_10": 32.198, + "ndcg_at_100": 37.817, + "ndcg_at_1000": 40.387, + "ndcg_at_20": 34.266000000000005, + "ndcg_at_3": 27.331, + "ndcg_at_5": 30.398999999999997, + "precision_at_1": 23.466, + "precision_at_10": 5.322, + "precision_at_100": 0.8789999999999999, + "precision_at_1000": 0.11800000000000001, + "precision_at_20": 3.19, + "precision_at_3": 12.065, + "precision_at_5": 9.171999999999999, + "recall_at_1": 20.602999999999998, + "recall_at_10": 43.163000000000004, + "recall_at_100": 68.87299999999999, + "recall_at_1000": 87.93299999999999, + "recall_at_20": 50.87199999999999, + "recall_at_3": 29.903999999999996, + "recall_at_5": 37.547999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAB-Ramy-v1/external/CQADupstackTexRetrieval.json b/results/qinxianliu__FAB-Ramy-v1/external/CQADupstackTexRetrieval.json new file mode 100644 index 000000000..f7aa88c33 --- /dev/null +++ b/results/qinxianliu__FAB-Ramy-v1/external/CQADupstackTexRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "46989137a86843e03a6195de44b09deda022eec7", + "task_name": "CQADupstackTexRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 28.664, + "map_at_1": 15.725, + "map_at_10": 23.608999999999998, + "map_at_100": 24.903, + "map_at_1000": 25.037, + "map_at_20": 24.263, + "map_at_3": 20.886, + "map_at_5": 22.512999999999998, + "mrr_at_1": 19.683413626978666, + "mrr_at_10": 27.551945072592076, + "mrr_at_100": 28.565769857610178, + "mrr_at_1000": 28.642400385898455, + "mrr_at_20": 28.092647071453403, + "mrr_at_3": 25.017205781142504, + "mrr_at_5": 26.54852030282184, + "nauc_map_at_1000_diff1": 37.056487072888885, + "nauc_map_at_1000_max": 30.153186132918776, + "nauc_map_at_1000_std": 5.7298049481043725, + "nauc_map_at_100_diff1": 37.03282976792257, + "nauc_map_at_100_max": 30.0884371302582, + "nauc_map_at_100_std": 5.658403757591216, + "nauc_map_at_10_diff1": 37.270237927253554, + "nauc_map_at_10_max": 29.780239451614747, + "nauc_map_at_10_std": 4.923747048242047, + "nauc_map_at_1_diff1": 45.056701816168044, + "nauc_map_at_1_max": 28.610738790622598, + "nauc_map_at_1_std": 1.7939243826233033, + "nauc_map_at_20_diff1": 37.05528569680621, + "nauc_map_at_20_max": 29.91167904302484, + "nauc_map_at_20_std": 5.174246245187018, + "nauc_map_at_3_diff1": 38.98738035160006, + "nauc_map_at_3_max": 29.564429792991188, + "nauc_map_at_3_std": 4.085422756643981, + "nauc_map_at_5_diff1": 37.780017406678226, + "nauc_map_at_5_max": 29.640684152591767, + "nauc_map_at_5_std": 4.583324320663195, + "nauc_mrr_at_1000_diff1": 35.070463852734754, + "nauc_mrr_at_1000_max": 31.025481876736766, + "nauc_mrr_at_1000_std": 8.027975095397126, + "nauc_mrr_at_100_diff1": 35.04699614454172, + "nauc_mrr_at_100_max": 31.00911990048816, + "nauc_mrr_at_100_std": 8.033026980155778, + "nauc_mrr_at_10_diff1": 35.11714769417072, + "nauc_mrr_at_10_max": 31.05901662643537, + "nauc_mrr_at_10_std": 7.819859618979498, + "nauc_mrr_at_1_diff1": 40.96228228258019, + "nauc_mrr_at_1_max": 30.537006518142583, + "nauc_mrr_at_1_std": 4.392088285443026, + "nauc_mrr_at_20_diff1": 35.022455617237775, + "nauc_mrr_at_20_max": 31.012294864899143, + "nauc_mrr_at_20_std": 7.90560890875249, + "nauc_mrr_at_3_diff1": 36.14307880957264, + "nauc_mrr_at_3_max": 31.25426250842373, + "nauc_mrr_at_3_std": 7.110079063587513, + "nauc_mrr_at_5_diff1": 35.52999739165916, + "nauc_mrr_at_5_max": 31.052516109606803, + "nauc_mrr_at_5_std": 7.499392340645128, + "nauc_ndcg_at_1000_diff1": 33.98634422370208, + "nauc_ndcg_at_1000_max": 31.176987035500026, + "nauc_ndcg_at_1000_std": 9.819214241943014, + "nauc_ndcg_at_100_diff1": 33.306778489856455, + "nauc_ndcg_at_100_max": 30.385905312860807, + "nauc_ndcg_at_100_std": 9.435746258655474, + "nauc_ndcg_at_10_diff1": 34.07483374209635, + "nauc_ndcg_at_10_max": 30.139422680087947, + "nauc_ndcg_at_10_std": 7.086776619544606, + "nauc_ndcg_at_1_diff1": 40.96228228258019, + "nauc_ndcg_at_1_max": 30.537006518142583, + "nauc_ndcg_at_1_std": 4.392088285443026, + "nauc_ndcg_at_20_diff1": 33.515336773169146, + "nauc_ndcg_at_20_max": 30.188255298326933, + "nauc_ndcg_at_20_std": 7.549754089287895, + "nauc_ndcg_at_3_diff1": 36.24168467694459, + "nauc_ndcg_at_3_max": 30.558941053340206, + "nauc_ndcg_at_3_std": 6.015139003090642, + "nauc_ndcg_at_5_diff1": 34.92357136263971, + "nauc_ndcg_at_5_max": 30.276859857217968, + "nauc_ndcg_at_5_std": 6.723486081848634, + "nauc_precision_at_1000_diff1": 1.8526955192951209, + "nauc_precision_at_1000_max": 24.43841054368752, + "nauc_precision_at_1000_std": 26.66189404732459, + "nauc_precision_at_100_diff1": 6.924003511355156, + "nauc_precision_at_100_max": 25.898218872101136, + "nauc_precision_at_100_std": 25.82083630897314, + "nauc_precision_at_10_diff1": 18.063191697320676, + "nauc_precision_at_10_max": 30.903940527713075, + "nauc_precision_at_10_std": 14.177021416654508, + "nauc_precision_at_1_diff1": 40.96228228258019, + "nauc_precision_at_1_max": 30.537006518142583, + "nauc_precision_at_1_std": 4.392088285443026, + "nauc_precision_at_20_diff1": 14.431464340383721, + "nauc_precision_at_20_max": 29.68703003002772, + "nauc_precision_at_20_std": 16.66789502173036, + "nauc_precision_at_3_diff1": 27.597385506388616, + "nauc_precision_at_3_max": 32.40009649228611, + "nauc_precision_at_3_std": 9.935955207519214, + "nauc_precision_at_5_diff1": 22.29546183048876, + "nauc_precision_at_5_max": 31.749116714749913, + "nauc_precision_at_5_std": 12.123147531674022, + "nauc_recall_at_1000_diff1": 19.15989310048289, + "nauc_recall_at_1000_max": 32.016963998185226, + "nauc_recall_at_1000_std": 33.30671057277769, + "nauc_recall_at_100_diff1": 19.816555725381548, + "nauc_recall_at_100_max": 25.096579069695814, + "nauc_recall_at_100_std": 18.805477257964917, + "nauc_recall_at_10_diff1": 26.22067601241463, + "nauc_recall_at_10_max": 26.96225463176813, + "nauc_recall_at_10_std": 8.520363427655255, + "nauc_recall_at_1_diff1": 45.056701816168044, + "nauc_recall_at_1_max": 28.610738790622598, + "nauc_recall_at_1_std": 1.7939243826233033, + "nauc_recall_at_20_diff1": 23.98548565853817, + "nauc_recall_at_20_max": 26.600694975173866, + "nauc_recall_at_20_std": 9.758471430115367, + "nauc_recall_at_3_diff1": 32.075878007125695, + "nauc_recall_at_3_max": 28.385952749563998, + "nauc_recall_at_3_std": 6.295695258154213, + "nauc_recall_at_5_diff1": 28.658566082157893, + "nauc_recall_at_5_max": 27.566180096968246, + "nauc_recall_at_5_std": 7.555500761730842, + "ndcg_at_1": 19.683, + "ndcg_at_10": 28.664, + "ndcg_at_100": 34.721000000000004, + "ndcg_at_1000": 37.647000000000006, + "ndcg_at_20": 30.747000000000003, + "ndcg_at_3": 23.94, + "ndcg_at_5": 26.363999999999997, + "precision_at_1": 19.683, + "precision_at_10": 5.557, + "precision_at_100": 1.0250000000000001, + "precision_at_1000": 0.147, + "precision_at_20": 3.4099999999999997, + "precision_at_3": 11.769, + "precision_at_5": 8.94, + "recall_at_1": 15.725, + "recall_at_10": 39.852, + "recall_at_100": 67.157, + "recall_at_1000": 87.87, + "recall_at_20": 47.457, + "recall_at_3": 26.657999999999998, + "recall_at_5": 32.9 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAB-Ramy-v1/external/CQADupstackUnixRetrieval.json b/results/qinxianliu__FAB-Ramy-v1/external/CQADupstackUnixRetrieval.json new file mode 100644 index 000000000..e40b75f4f --- /dev/null +++ b/results/qinxianliu__FAB-Ramy-v1/external/CQADupstackUnixRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "6c6430d3a6d36f8d2a829195bc5dc94d7e063e53", + "task_name": "CQADupstackUnixRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 40.876000000000005, + "map_at_1": 26.301999999999996, + "map_at_10": 35.408, + "map_at_100": 36.782, + "map_at_1000": 36.89, + "map_at_20": 36.22, + "map_at_3": 32.363, + "map_at_5": 34.042, + "mrr_at_1": 31.156716417910445, + "mrr_at_10": 39.53598821369344, + "mrr_at_100": 40.52546558788623, + "mrr_at_1000": 40.58231860198012, + "mrr_at_20": 40.161033829941346, + "mrr_at_3": 36.847014925373124, + "mrr_at_5": 38.316231343283555, + "nauc_map_at_1000_diff1": 44.928592757923056, + "nauc_map_at_1000_max": 39.60493677865666, + "nauc_map_at_1000_std": -6.5283143308196845, + "nauc_map_at_100_diff1": 44.92428393826884, + "nauc_map_at_100_max": 39.60427416461272, + "nauc_map_at_100_std": -6.559192871646126, + "nauc_map_at_10_diff1": 44.93156594361355, + "nauc_map_at_10_max": 39.01906728966108, + "nauc_map_at_10_std": -7.323223616976144, + "nauc_map_at_1_diff1": 51.74063541191999, + "nauc_map_at_1_max": 37.139839906240404, + "nauc_map_at_1_std": -11.373075718991851, + "nauc_map_at_20_diff1": 44.873998379197566, + "nauc_map_at_20_max": 39.48203048617974, + "nauc_map_at_20_std": -6.70892197976656, + "nauc_map_at_3_diff1": 47.4150895335751, + "nauc_map_at_3_max": 38.9073780293737, + "nauc_map_at_3_std": -8.303602289414203, + "nauc_map_at_5_diff1": 45.70976798178024, + "nauc_map_at_5_max": 38.59933327678971, + "nauc_map_at_5_std": -7.8885249407648015, + "nauc_mrr_at_1000_diff1": 42.82541230003208, + "nauc_mrr_at_1000_max": 39.89851112679573, + "nauc_mrr_at_1000_std": -4.799733816076347, + "nauc_mrr_at_100_diff1": 42.818976519300755, + "nauc_mrr_at_100_max": 39.893679260457475, + "nauc_mrr_at_100_std": -4.775787948640186, + "nauc_mrr_at_10_diff1": 42.54112559831151, + "nauc_mrr_at_10_max": 39.64625391950807, + "nauc_mrr_at_10_std": -5.065246205409667, + "nauc_mrr_at_1_diff1": 48.655515476660064, + "nauc_mrr_at_1_max": 41.63679055360049, + "nauc_mrr_at_1_std": -8.367137554450444, + "nauc_mrr_at_20_diff1": 42.636426092078, + "nauc_mrr_at_20_max": 39.80679706826887, + "nauc_mrr_at_20_std": -4.758364654302373, + "nauc_mrr_at_3_diff1": 44.4578554871071, + "nauc_mrr_at_3_max": 40.88535486879462, + "nauc_mrr_at_3_std": -5.347804855084619, + "nauc_mrr_at_5_diff1": 43.0178192934806, + "nauc_mrr_at_5_max": 39.85412692631539, + "nauc_mrr_at_5_std": -5.2455442207954315, + "nauc_ndcg_at_1000_diff1": 42.05936005991319, + "nauc_ndcg_at_1000_max": 39.85050018702514, + "nauc_ndcg_at_1000_std": -3.0983430368617073, + "nauc_ndcg_at_100_diff1": 42.01199433049003, + "nauc_ndcg_at_100_max": 39.82366614443736, + "nauc_ndcg_at_100_std": -3.0191595436958933, + "nauc_ndcg_at_10_diff1": 41.201724625288215, + "nauc_ndcg_at_10_max": 38.255735196136825, + "nauc_ndcg_at_10_std": -5.373898147517844, + "nauc_ndcg_at_1_diff1": 48.655515476660064, + "nauc_ndcg_at_1_max": 41.63679055360049, + "nauc_ndcg_at_1_std": -8.367137554450444, + "nauc_ndcg_at_20_diff1": 41.150979233349545, + "nauc_ndcg_at_20_max": 39.21415612233105, + "nauc_ndcg_at_20_std": -3.660487305333916, + "nauc_ndcg_at_3_diff1": 44.69980331716529, + "nauc_ndcg_at_3_max": 39.92321613340254, + "nauc_ndcg_at_3_std": -6.002564545500033, + "nauc_ndcg_at_5_diff1": 42.5080121620284, + "nauc_ndcg_at_5_max": 38.15843446363428, + "nauc_ndcg_at_5_std": -6.171872174192929, + "nauc_precision_at_1000_diff1": -12.87549726086813, + "nauc_precision_at_1000_max": 7.125723604492884, + "nauc_precision_at_1000_std": 20.1220435598869, + "nauc_precision_at_100_diff1": -1.3435970261795132, + "nauc_precision_at_100_max": 22.73503007427538, + "nauc_precision_at_100_std": 22.26056053079008, + "nauc_precision_at_10_diff1": 13.009571765964715, + "nauc_precision_at_10_max": 36.75181341388086, + "nauc_precision_at_10_std": 10.506939263632644, + "nauc_precision_at_1_diff1": 48.655515476660064, + "nauc_precision_at_1_max": 41.63679055360049, + "nauc_precision_at_1_std": -8.367137554450444, + "nauc_precision_at_20_diff1": 7.131847192938991, + "nauc_precision_at_20_max": 34.895489726971014, + "nauc_precision_at_20_std": 18.300523388319277, + "nauc_precision_at_3_diff1": 30.497966490538342, + "nauc_precision_at_3_max": 42.03117461964682, + "nauc_precision_at_3_std": 3.175295516360934, + "nauc_precision_at_5_diff1": 21.52532931999719, + "nauc_precision_at_5_max": 38.73790985535426, + "nauc_precision_at_5_std": 5.582289556090528, + "nauc_recall_at_1000_diff1": 20.882070572074944, + "nauc_recall_at_1000_max": 40.757605519312506, + "nauc_recall_at_1000_std": 32.52395799866569, + "nauc_recall_at_100_diff1": 32.186032571206376, + "nauc_recall_at_100_max": 37.25325043402159, + "nauc_recall_at_100_std": 10.860233625092498, + "nauc_recall_at_10_diff1": 30.38691101839111, + "nauc_recall_at_10_max": 31.950747647784183, + "nauc_recall_at_10_std": -2.3593273213749506, + "nauc_recall_at_1_diff1": 51.74063541191999, + "nauc_recall_at_1_max": 37.139839906240404, + "nauc_recall_at_1_std": -11.373075718991851, + "nauc_recall_at_20_diff1": 28.80302065454265, + "nauc_recall_at_20_max": 33.926264619491796, + "nauc_recall_at_20_std": 3.805519584188339, + "nauc_recall_at_3_diff1": 41.624716806893176, + "nauc_recall_at_3_max": 36.06595662499225, + "nauc_recall_at_3_std": -5.411908106617663, + "nauc_recall_at_5_diff1": 35.36405564386531, + "nauc_recall_at_5_max": 32.69514090305993, + "nauc_recall_at_5_std": -4.513005732055529, + "ndcg_at_1": 31.157, + "ndcg_at_10": 40.876000000000005, + "ndcg_at_100": 46.825, + "ndcg_at_1000": 49.057, + "ndcg_at_20": 43.437, + "ndcg_at_3": 35.626000000000005, + "ndcg_at_5": 37.951, + "precision_at_1": 31.157, + "precision_at_10": 7.210999999999999, + "precision_at_100": 1.15, + "precision_at_1000": 0.145, + "precision_at_20": 4.319, + "precision_at_3": 16.542, + "precision_at_5": 11.735, + "recall_at_1": 26.301999999999996, + "recall_at_10": 53.303, + "recall_at_100": 78.888, + "recall_at_1000": 94.27499999999999, + "recall_at_20": 62.55, + "recall_at_3": 38.635999999999996, + "recall_at_5": 44.688 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAB-Ramy-v1/external/CQADupstackWebmastersRetrieval.json b/results/qinxianliu__FAB-Ramy-v1/external/CQADupstackWebmastersRetrieval.json new file mode 100644 index 000000000..25fef73d8 --- /dev/null +++ b/results/qinxianliu__FAB-Ramy-v1/external/CQADupstackWebmastersRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "160c094312a0e1facb97e55eeddb698c0abe3571", + "task_name": "CQADupstackWebmastersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 36.573, + "map_at_1": 21.407, + "map_at_10": 30.408, + "map_at_100": 31.912000000000003, + "map_at_1000": 32.159, + "map_at_20": 31.124000000000002, + "map_at_3": 27.271, + "map_at_5": 29.015, + "mrr_at_1": 25.691699604743086, + "mrr_at_10": 34.69242110546458, + "mrr_at_100": 35.64626993204093, + "mrr_at_1000": 35.70895924112449, + "mrr_at_20": 35.224327855371435, + "mrr_at_3": 31.587615283267468, + "mrr_at_5": 33.28722002635047, + "nauc_map_at_1000_diff1": 41.120955041711895, + "nauc_map_at_1000_max": 41.28269792632449, + "nauc_map_at_1000_std": -1.135740422933898, + "nauc_map_at_100_diff1": 41.0662249937275, + "nauc_map_at_100_max": 41.20782519964637, + "nauc_map_at_100_std": -1.3428660690996994, + "nauc_map_at_10_diff1": 41.580582056229574, + "nauc_map_at_10_max": 40.16201034272904, + "nauc_map_at_10_std": -3.045245711828916, + "nauc_map_at_1_diff1": 47.532036472143304, + "nauc_map_at_1_max": 41.62272819066569, + "nauc_map_at_1_std": -4.04604608519747, + "nauc_map_at_20_diff1": 41.364502365963546, + "nauc_map_at_20_max": 41.041999989058795, + "nauc_map_at_20_std": -2.172457192354486, + "nauc_map_at_3_diff1": 42.638775051074965, + "nauc_map_at_3_max": 40.31690283753508, + "nauc_map_at_3_std": -3.4292663302274415, + "nauc_map_at_5_diff1": 42.1974380475327, + "nauc_map_at_5_max": 40.20584714628128, + "nauc_map_at_5_std": -3.5138648975634257, + "nauc_mrr_at_1000_diff1": 37.48388482177368, + "nauc_mrr_at_1000_max": 38.6369999057782, + "nauc_mrr_at_1000_std": -2.147852982103413, + "nauc_mrr_at_100_diff1": 37.426624615004194, + "nauc_mrr_at_100_max": 38.626037478511314, + "nauc_mrr_at_100_std": -2.144698399465518, + "nauc_mrr_at_10_diff1": 37.736585409842384, + "nauc_mrr_at_10_max": 38.17314275105284, + "nauc_mrr_at_10_std": -2.741771171311479, + "nauc_mrr_at_1_diff1": 41.2523831100212, + "nauc_mrr_at_1_max": 39.57922939056032, + "nauc_mrr_at_1_std": -3.7123028072795363, + "nauc_mrr_at_20_diff1": 37.5625856438062, + "nauc_mrr_at_20_max": 38.63718137764409, + "nauc_mrr_at_20_std": -2.3222193027814146, + "nauc_mrr_at_3_diff1": 38.00170836689153, + "nauc_mrr_at_3_max": 38.06917103410365, + "nauc_mrr_at_3_std": -3.500558676535333, + "nauc_mrr_at_5_diff1": 37.86805296318038, + "nauc_mrr_at_5_max": 38.15609271117792, + "nauc_mrr_at_5_std": -3.2913761589941894, + "nauc_ndcg_at_1000_diff1": 38.347788132417925, + "nauc_ndcg_at_1000_max": 41.4681365808758, + "nauc_ndcg_at_1000_std": 2.1310982461277215, + "nauc_ndcg_at_100_diff1": 37.635459481077454, + "nauc_ndcg_at_100_max": 41.795591879124764, + "nauc_ndcg_at_100_std": 2.7773897646917707, + "nauc_ndcg_at_10_diff1": 38.72914933197045, + "nauc_ndcg_at_10_max": 38.722372555300794, + "nauc_ndcg_at_10_std": -2.34531260974302, + "nauc_ndcg_at_1_diff1": 41.2523831100212, + "nauc_ndcg_at_1_max": 39.57922939056032, + "nauc_ndcg_at_1_std": -3.7123028072795363, + "nauc_ndcg_at_20_diff1": 38.33112440245412, + "nauc_ndcg_at_20_max": 41.21464539843116, + "nauc_ndcg_at_20_std": -0.14702105803204332, + "nauc_ndcg_at_3_diff1": 40.01945543371029, + "nauc_ndcg_at_3_max": 38.96442669107851, + "nauc_ndcg_at_3_std": -3.4144307875262987, + "nauc_ndcg_at_5_diff1": 39.77392740622561, + "nauc_ndcg_at_5_max": 39.03820402826827, + "nauc_ndcg_at_5_std": -3.132164893709166, + "nauc_precision_at_1000_diff1": -4.568112692421348, + "nauc_precision_at_1000_max": 8.682864982106516, + "nauc_precision_at_1000_std": 24.9292909001087, + "nauc_precision_at_100_diff1": -4.282312046311857, + "nauc_precision_at_100_max": 12.461635829681692, + "nauc_precision_at_100_std": 23.758281096990185, + "nauc_precision_at_10_diff1": 16.035126078867382, + "nauc_precision_at_10_max": 25.024072036579714, + "nauc_precision_at_10_std": 5.578100252692901, + "nauc_precision_at_1_diff1": 41.2523831100212, + "nauc_precision_at_1_max": 39.57922939056032, + "nauc_precision_at_1_std": -3.7123028072795363, + "nauc_precision_at_20_diff1": 7.469902095835216, + "nauc_precision_at_20_max": 26.034148063175806, + "nauc_precision_at_20_std": 14.639676695626552, + "nauc_precision_at_3_diff1": 28.3172541060277, + "nauc_precision_at_3_max": 33.048884463615224, + "nauc_precision_at_3_std": -0.7446302059838374, + "nauc_precision_at_5_diff1": 23.75987801289476, + "nauc_precision_at_5_max": 30.480025345487316, + "nauc_precision_at_5_std": 1.4275768942334837, + "nauc_recall_at_1000_diff1": 29.4491839546996, + "nauc_recall_at_1000_max": 59.41296575924976, + "nauc_recall_at_1000_std": 54.25480544257144, + "nauc_recall_at_100_diff1": 23.55654093600459, + "nauc_recall_at_100_max": 43.29182811141507, + "nauc_recall_at_100_std": 21.988650335038535, + "nauc_recall_at_10_diff1": 32.41228648233485, + "nauc_recall_at_10_max": 33.659455332166175, + "nauc_recall_at_10_std": -2.7507712850274424, + "nauc_recall_at_1_diff1": 47.532036472143304, + "nauc_recall_at_1_max": 41.62272819066569, + "nauc_recall_at_1_std": -4.04604608519747, + "nauc_recall_at_20_diff1": 29.715701047662037, + "nauc_recall_at_20_max": 40.13464564222214, + "nauc_recall_at_20_std": 4.118988467594507, + "nauc_recall_at_3_diff1": 38.08534040301261, + "nauc_recall_at_3_max": 36.4568473815503, + "nauc_recall_at_3_std": -4.412584350306668, + "nauc_recall_at_5_diff1": 36.717294007880746, + "nauc_recall_at_5_max": 35.56583934437937, + "nauc_recall_at_5_std": -4.81849943868375, + "ndcg_at_1": 25.691999999999997, + "ndcg_at_10": 36.573, + "ndcg_at_100": 42.361, + "ndcg_at_1000": 45.202, + "ndcg_at_20": 38.552, + "ndcg_at_3": 30.898999999999997, + "ndcg_at_5": 33.597, + "precision_at_1": 25.691999999999997, + "precision_at_10": 7.292, + "precision_at_100": 1.526, + "precision_at_1000": 0.242, + "precision_at_20": 4.516, + "precision_at_3": 14.625, + "precision_at_5": 11.067, + "recall_at_1": 21.407, + "recall_at_10": 49.25, + "recall_at_100": 75.046, + "recall_at_1000": 93.196, + "recall_at_20": 56.884, + "recall_at_3": 33.556999999999995, + "recall_at_5": 40.217999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAB-Ramy-v1/external/CQADupstackWordpressRetrieval.json b/results/qinxianliu__FAB-Ramy-v1/external/CQADupstackWordpressRetrieval.json new file mode 100644 index 000000000..fab9193c8 --- /dev/null +++ b/results/qinxianliu__FAB-Ramy-v1/external/CQADupstackWordpressRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "4ffe81d471b1924886b33c7567bfb200e9eec5c4", + "task_name": "CQADupstackWordpressRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 31.194, + "map_at_1": 17.354, + "map_at_10": 26.028000000000002, + "map_at_100": 27.028000000000002, + "map_at_1000": 27.132, + "map_at_20": 26.545, + "map_at_3": 23.144000000000002, + "map_at_5": 24.718999999999998, + "mrr_at_1": 19.408502772643253, + "mrr_at_10": 28.11086171991902, + "mrr_at_100": 29.020451516237827, + "mrr_at_1000": 29.10094944603691, + "mrr_at_20": 28.614113307978016, + "mrr_at_3": 25.569932224276027, + "mrr_at_5": 26.956253850893404, + "nauc_map_at_1000_diff1": 28.724307770262573, + "nauc_map_at_1000_max": 24.77278646245159, + "nauc_map_at_1000_std": -0.035961537814737585, + "nauc_map_at_100_diff1": 28.687165576421076, + "nauc_map_at_100_max": 24.77682095509542, + "nauc_map_at_100_std": -0.03476937642014592, + "nauc_map_at_10_diff1": 28.617538678373645, + "nauc_map_at_10_max": 24.492724080135915, + "nauc_map_at_10_std": -0.7494714973480197, + "nauc_map_at_1_diff1": 40.08835232254761, + "nauc_map_at_1_max": 24.834889968211098, + "nauc_map_at_1_std": -6.518019697428959, + "nauc_map_at_20_diff1": 28.57925100026258, + "nauc_map_at_20_max": 24.46864707202373, + "nauc_map_at_20_std": -0.27231567065039125, + "nauc_map_at_3_diff1": 30.189364424225197, + "nauc_map_at_3_max": 23.52870910595551, + "nauc_map_at_3_std": -2.2880117790739956, + "nauc_map_at_5_diff1": 28.670342173099012, + "nauc_map_at_5_max": 23.44945402987979, + "nauc_map_at_5_std": -1.5749893639106864, + "nauc_mrr_at_1000_diff1": 29.537705664455043, + "nauc_mrr_at_1000_max": 25.788964078710208, + "nauc_mrr_at_1000_std": 0.7387624045938225, + "nauc_mrr_at_100_diff1": 29.49687285271656, + "nauc_mrr_at_100_max": 25.80987057580108, + "nauc_mrr_at_100_std": 0.7633411121205207, + "nauc_mrr_at_10_diff1": 29.57444173765107, + "nauc_mrr_at_10_max": 25.63671690326886, + "nauc_mrr_at_10_std": 0.15772406663690694, + "nauc_mrr_at_1_diff1": 40.238554150194304, + "nauc_mrr_at_1_max": 26.027455402257587, + "nauc_mrr_at_1_std": -4.925013800484936, + "nauc_mrr_at_20_diff1": 29.361845821256143, + "nauc_mrr_at_20_max": 25.548849497598642, + "nauc_mrr_at_20_std": 0.627952355790425, + "nauc_mrr_at_3_diff1": 30.961414167660184, + "nauc_mrr_at_3_max": 24.79840610021207, + "nauc_mrr_at_3_std": -1.6112552917171334, + "nauc_mrr_at_5_diff1": 29.753140631419594, + "nauc_mrr_at_5_max": 25.119299168479927, + "nauc_mrr_at_5_std": -0.3396191610441429, + "nauc_ndcg_at_1000_diff1": 25.661699718485803, + "nauc_ndcg_at_1000_max": 26.448195655151785, + "nauc_ndcg_at_1000_std": 4.419865096069541, + "nauc_ndcg_at_100_diff1": 24.95673271360043, + "nauc_ndcg_at_100_max": 26.779209992421876, + "nauc_ndcg_at_100_std": 4.949785842561536, + "nauc_ndcg_at_10_diff1": 25.034338989144082, + "nauc_ndcg_at_10_max": 25.59504505226614, + "nauc_ndcg_at_10_std": 2.1251440366299574, + "nauc_ndcg_at_1_diff1": 40.238554150194304, + "nauc_ndcg_at_1_max": 26.027455402257587, + "nauc_ndcg_at_1_std": -4.925013800484936, + "nauc_ndcg_at_20_diff1": 24.548606200526603, + "nauc_ndcg_at_20_max": 25.15999499127684, + "nauc_ndcg_at_20_std": 3.4740069998489562, + "nauc_ndcg_at_3_diff1": 27.92423471641987, + "nauc_ndcg_at_3_max": 23.970985059122036, + "nauc_ndcg_at_3_std": -0.9453704587614304, + "nauc_ndcg_at_5_diff1": 25.415208493152424, + "nauc_ndcg_at_5_max": 23.802174047092738, + "nauc_ndcg_at_5_std": 0.4429753562180534, + "nauc_precision_at_1000_diff1": -0.056166749083683805, + "nauc_precision_at_1000_max": 18.12396958003159, + "nauc_precision_at_1000_std": 17.59963270357499, + "nauc_precision_at_100_diff1": 7.502629416530322, + "nauc_precision_at_100_max": 29.40594651562852, + "nauc_precision_at_100_std": 22.1810985135783, + "nauc_precision_at_10_diff1": 14.452582131305922, + "nauc_precision_at_10_max": 29.50899219710199, + "nauc_precision_at_10_std": 11.441328794691428, + "nauc_precision_at_1_diff1": 40.238554150194304, + "nauc_precision_at_1_max": 26.027455402257587, + "nauc_precision_at_1_std": -4.925013800484936, + "nauc_precision_at_20_diff1": 12.71393703221834, + "nauc_precision_at_20_max": 28.319997894748344, + "nauc_precision_at_20_std": 16.000038317042545, + "nauc_precision_at_3_diff1": 22.031764214313434, + "nauc_precision_at_3_max": 24.15542967734023, + "nauc_precision_at_3_std": 2.1646678732029643, + "nauc_precision_at_5_diff1": 17.224978091286523, + "nauc_precision_at_5_max": 24.913664880664495, + "nauc_precision_at_5_std": 6.231801638342614, + "nauc_recall_at_1000_diff1": 3.4436444709145815, + "nauc_recall_at_1000_max": 34.03266031334681, + "nauc_recall_at_1000_std": 36.699915915213786, + "nauc_recall_at_100_diff1": 9.96870390740484, + "nauc_recall_at_100_max": 32.08301112730278, + "nauc_recall_at_100_std": 23.747494725839346, + "nauc_recall_at_10_diff1": 13.965910581691093, + "nauc_recall_at_10_max": 26.344023612621147, + "nauc_recall_at_10_std": 8.804984980492954, + "nauc_recall_at_1_diff1": 40.08835232254761, + "nauc_recall_at_1_max": 24.834889968211098, + "nauc_recall_at_1_std": -6.518019697428959, + "nauc_recall_at_20_diff1": 11.436186634136925, + "nauc_recall_at_20_max": 24.067658149477143, + "nauc_recall_at_20_std": 13.154709867681607, + "nauc_recall_at_3_diff1": 20.174529085268144, + "nauc_recall_at_3_max": 22.22966496975125, + "nauc_recall_at_3_std": 0.9843516926589087, + "nauc_recall_at_5_diff1": 15.394950632329337, + "nauc_recall_at_5_max": 22.13537940508214, + "nauc_recall_at_5_std": 4.292603917875145, + "ndcg_at_1": 19.409000000000002, + "ndcg_at_10": 31.194, + "ndcg_at_100": 36.257, + "ndcg_at_1000": 38.913, + "ndcg_at_20": 32.993, + "ndcg_at_3": 25.691999999999997, + "ndcg_at_5": 28.232000000000003, + "precision_at_1": 19.409000000000002, + "precision_at_10": 5.268, + "precision_at_100": 0.856, + "precision_at_1000": 0.11900000000000001, + "precision_at_20": 3.096, + "precision_at_3": 11.399, + "precision_at_5": 8.392, + "recall_at_1": 17.354, + "recall_at_10": 45.172000000000004, + "recall_at_100": 68.57799999999999, + "recall_at_1000": 88.509, + "recall_at_20": 51.851, + "recall_at_3": 30.391000000000002, + "recall_at_5": 36.288 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAB-Ramy-v1/external/ClimateFEVER.json b/results/qinxianliu__FAB-Ramy-v1/external/ClimateFEVER.json new file mode 100644 index 000000000..f4a42a530 --- /dev/null +++ b/results/qinxianliu__FAB-Ramy-v1/external/ClimateFEVER.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 9.139999999999999, + "map_at_1": 2.834, + "map_at_10": 5.684, + "map_at_100": 6.535, + "map_at_1000": 6.676, + "map_at_20": 6.082, + "map_at_3": 4.505, + "map_at_5": 5.063, + "mrr_at_1": 6.840390879478828, + "mrr_at_10": 12.447546662530367, + "mrr_at_100": 13.479840786447594, + "mrr_at_1000": 13.580168171699263, + "mrr_at_20": 13.017165094340092, + "mrr_at_3": 10.28230184581976, + "mrr_at_5": 11.370249728555917, + "nauc_map_at_1000_diff1": 18.716770179474317, + "nauc_map_at_1000_max": 28.47509041058719, + "nauc_map_at_1000_std": 19.565898980340705, + "nauc_map_at_100_diff1": 18.64847638056749, + "nauc_map_at_100_max": 28.451937124914608, + "nauc_map_at_100_std": 19.311839872341697, + "nauc_map_at_10_diff1": 19.08381994480634, + "nauc_map_at_10_max": 28.787875390862844, + "nauc_map_at_10_std": 17.539234717346496, + "nauc_map_at_1_diff1": 28.47728903417337, + "nauc_map_at_1_max": 26.94840236964232, + "nauc_map_at_1_std": 9.36649956295968, + "nauc_map_at_20_diff1": 18.747017282167494, + "nauc_map_at_20_max": 28.626214623640184, + "nauc_map_at_20_std": 18.24244704572457, + "nauc_map_at_3_diff1": 20.703143963297038, + "nauc_map_at_3_max": 28.125126789289716, + "nauc_map_at_3_std": 14.709896874839897, + "nauc_map_at_5_diff1": 19.68168218734808, + "nauc_map_at_5_max": 28.85850176444324, + "nauc_map_at_5_std": 15.686825382627218, + "nauc_mrr_at_1000_diff1": 17.67202158898293, + "nauc_mrr_at_1000_max": 24.035339677478156, + "nauc_mrr_at_1000_std": 19.34351397038451, + "nauc_mrr_at_100_diff1": 17.64255680349482, + "nauc_mrr_at_100_max": 24.04824435496421, + "nauc_mrr_at_100_std": 19.323222877239214, + "nauc_mrr_at_10_diff1": 17.74645493232644, + "nauc_mrr_at_10_max": 24.10408423202799, + "nauc_mrr_at_10_std": 18.60763410275126, + "nauc_mrr_at_1_diff1": 25.584865162873445, + "nauc_mrr_at_1_max": 23.94399102007035, + "nauc_mrr_at_1_std": 12.027257852630575, + "nauc_mrr_at_20_diff1": 17.59646458698208, + "nauc_mrr_at_20_max": 24.103009026054853, + "nauc_mrr_at_20_std": 19.02729184195454, + "nauc_mrr_at_3_diff1": 19.095777493794095, + "nauc_mrr_at_3_max": 25.13471332390263, + "nauc_mrr_at_3_std": 16.898080284673593, + "nauc_mrr_at_5_diff1": 18.23920898621456, + "nauc_mrr_at_5_max": 24.33679955500879, + "nauc_mrr_at_5_std": 17.433768804770157, + "nauc_ndcg_at_1000_diff1": 16.39110722483028, + "nauc_ndcg_at_1000_max": 26.16295073613465, + "nauc_ndcg_at_1000_std": 26.805243701445157, + "nauc_ndcg_at_100_diff1": 15.740779463298043, + "nauc_ndcg_at_100_max": 26.46182736935227, + "nauc_ndcg_at_100_std": 24.91913420372654, + "nauc_ndcg_at_10_diff1": 16.772818276986992, + "nauc_ndcg_at_10_max": 27.222774955387475, + "nauc_ndcg_at_10_std": 20.331756356491116, + "nauc_ndcg_at_1_diff1": 25.584865162873445, + "nauc_ndcg_at_1_max": 23.94399102007035, + "nauc_ndcg_at_1_std": 12.027257852630575, + "nauc_ndcg_at_20_diff1": 16.058960012823732, + "nauc_ndcg_at_20_max": 27.07913537129602, + "nauc_ndcg_at_20_std": 21.949859805122852, + "nauc_ndcg_at_3_diff1": 18.683619983931585, + "nauc_ndcg_at_3_max": 27.462409686185453, + "nauc_ndcg_at_3_std": 16.93401015031628, + "nauc_ndcg_at_5_diff1": 17.689830033055298, + "nauc_ndcg_at_5_max": 27.500253169248683, + "nauc_ndcg_at_5_std": 17.482551836548158, + "nauc_precision_at_1000_diff1": 8.822823471028268, + "nauc_precision_at_1000_max": 15.235916616454432, + "nauc_precision_at_1000_std": 31.23033030916977, + "nauc_precision_at_100_diff1": 9.991656436039698, + "nauc_precision_at_100_max": 20.652025621280522, + "nauc_precision_at_100_std": 32.085264319418236, + "nauc_precision_at_10_diff1": 13.692961844540944, + "nauc_precision_at_10_max": 26.239161010026585, + "nauc_precision_at_10_std": 26.44514827514205, + "nauc_precision_at_1_diff1": 25.584865162873445, + "nauc_precision_at_1_max": 23.94399102007035, + "nauc_precision_at_1_std": 12.027257852630575, + "nauc_precision_at_20_diff1": 11.624744902813347, + "nauc_precision_at_20_max": 25.07645540549572, + "nauc_precision_at_20_std": 29.09517470183313, + "nauc_precision_at_3_diff1": 15.826921432608849, + "nauc_precision_at_3_max": 26.286982076822795, + "nauc_precision_at_3_std": 19.58383532143261, + "nauc_precision_at_5_diff1": 13.706872254887498, + "nauc_precision_at_5_max": 25.39052563241942, + "nauc_precision_at_5_std": 20.388155735221854, + "nauc_recall_at_1000_diff1": 10.889118675477759, + "nauc_recall_at_1000_max": 18.655298467536717, + "nauc_recall_at_1000_std": 29.177425252075253, + "nauc_recall_at_100_diff1": 9.93680577124756, + "nauc_recall_at_100_max": 21.39737596944583, + "nauc_recall_at_100_std": 26.48449901452605, + "nauc_recall_at_10_diff1": 12.87936590437288, + "nauc_recall_at_10_max": 26.112219483852883, + "nauc_recall_at_10_std": 22.19339141219426, + "nauc_recall_at_1_diff1": 28.47728903417337, + "nauc_recall_at_1_max": 26.94840236964232, + "nauc_recall_at_1_std": 9.36649956295968, + "nauc_recall_at_20_diff1": 11.578479496391243, + "nauc_recall_at_20_max": 25.07908197429843, + "nauc_recall_at_20_std": 23.977895610633805, + "nauc_recall_at_3_diff1": 17.01235721915762, + "nauc_recall_at_3_max": 29.574381507641267, + "nauc_recall_at_3_std": 17.72134766620869, + "nauc_recall_at_5_diff1": 15.073050632468691, + "nauc_recall_at_5_max": 28.799388391395947, + "nauc_recall_at_5_std": 18.964185069667046, + "ndcg_at_1": 6.84, + "ndcg_at_10": 9.139999999999999, + "ndcg_at_100": 13.691999999999998, + "ndcg_at_1000": 17.267, + "ndcg_at_20": 10.653, + "ndcg_at_3": 6.605999999999999, + "ndcg_at_5": 7.470000000000001, + "precision_at_1": 6.84, + "precision_at_10": 3.16, + "precision_at_100": 0.7889999999999999, + "precision_at_1000": 0.14200000000000002, + "precision_at_20": 2.215, + "precision_at_3": 5.2330000000000005, + "precision_at_5": 4.261, + "recall_at_1": 2.834, + "recall_at_10": 12.42, + "recall_at_100": 28.883, + "recall_at_1000": 50.114000000000004, + "recall_at_20": 16.811999999999998, + "recall_at_3": 6.35, + "recall_at_5": 8.505 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAB-Ramy-v1/external/DBPedia.json b/results/qinxianliu__FAB-Ramy-v1/external/DBPedia.json new file mode 100644 index 000000000..a50239c90 --- /dev/null +++ b/results/qinxianliu__FAB-Ramy-v1/external/DBPedia.json @@ -0,0 +1,306 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 22.125, + "map_at_1": 4.462, + "map_at_10": 8.466, + "map_at_100": 11.099, + "map_at_1000": 11.877, + "map_at_20": 9.643, + "map_at_3": 6.0440000000000005, + "map_at_5": 6.873, + "mrr_at_1": 35.82089552238806, + "mrr_at_10": 47.77777777777778, + "mrr_at_100": 48.45508763401803, + "mrr_at_1000": 48.47285593536842, + "mrr_at_20": 48.18233919528916, + "mrr_at_3": 43.53233830845771, + "mrr_at_5": 46.592039800995025, + "nauc_map_at_1000_diff1": 6.170691403876372, + "nauc_map_at_1000_max": 34.917248372937046, + "nauc_map_at_1000_std": 28.288847402949624, + "nauc_map_at_100_diff1": 7.331337130894836, + "nauc_map_at_100_max": 36.706176317867076, + "nauc_map_at_100_std": 24.25217202354605, + "nauc_map_at_10_diff1": 17.452311201580887, + "nauc_map_at_10_max": 44.57062630753845, + "nauc_map_at_10_std": 11.261903548345803, + "nauc_map_at_1_diff1": 43.30617886303008, + "nauc_map_at_1_max": 59.87692299030719, + "nauc_map_at_1_std": 2.761310842805679, + "nauc_map_at_20_diff1": 13.150186933435288, + "nauc_map_at_20_max": 41.67921817785855, + "nauc_map_at_20_std": 17.4711625473315, + "nauc_map_at_3_diff1": 29.77468748061097, + "nauc_map_at_3_max": 51.29544147548214, + "nauc_map_at_3_std": -0.7648269642925054, + "nauc_map_at_5_diff1": 23.53628521345442, + "nauc_map_at_5_max": 48.64264036395558, + "nauc_map_at_5_std": 1.0455668048567106, + "nauc_mrr_at_1000_diff1": 20.634945080836133, + "nauc_mrr_at_1000_max": 16.014024742002658, + "nauc_mrr_at_1000_std": 17.052016568957136, + "nauc_mrr_at_100_diff1": 20.601125101408204, + "nauc_mrr_at_100_max": 16.035608389683194, + "nauc_mrr_at_100_std": 17.017184386072756, + "nauc_mrr_at_10_diff1": 20.334966647187574, + "nauc_mrr_at_10_max": 16.512271091991767, + "nauc_mrr_at_10_std": 17.452996424172834, + "nauc_mrr_at_1_diff1": 28.87696966381806, + "nauc_mrr_at_1_max": 9.495312025053542, + "nauc_mrr_at_1_std": 16.092344751556222, + "nauc_mrr_at_20_diff1": 20.749204742271505, + "nauc_mrr_at_20_max": 16.272077928681348, + "nauc_mrr_at_20_std": 16.810562684504966, + "nauc_mrr_at_3_diff1": 21.965574568501683, + "nauc_mrr_at_3_max": 17.039247856310176, + "nauc_mrr_at_3_std": 13.348120429638467, + "nauc_mrr_at_5_diff1": 21.154458917624833, + "nauc_mrr_at_5_max": 16.18942135626424, + "nauc_mrr_at_5_std": 16.682117438693453, + "nauc_ndcg_at_1000_diff1": 0.4832915574617223, + "nauc_ndcg_at_1000_max": 25.92149996852962, + "nauc_ndcg_at_1000_std": 38.59344415897484, + "nauc_ndcg_at_100_diff1": -0.1943327793461271, + "nauc_ndcg_at_100_max": 31.3757420027975, + "nauc_ndcg_at_100_std": 27.934208596500532, + "nauc_ndcg_at_10_diff1": 7.42415146120341, + "nauc_ndcg_at_10_max": 32.515948824112634, + "nauc_ndcg_at_10_std": 14.982204161716192, + "nauc_ndcg_at_1_diff1": 31.83153745753006, + "nauc_ndcg_at_1_max": 15.698018149778994, + "nauc_ndcg_at_1_std": 9.108979699930925, + "nauc_ndcg_at_20_diff1": 4.471823960697614, + "nauc_ndcg_at_20_max": 33.14087449947694, + "nauc_ndcg_at_20_std": 20.01927883651132, + "nauc_ndcg_at_3_diff1": 19.02367927453371, + "nauc_ndcg_at_3_max": 23.58225090976039, + "nauc_ndcg_at_3_std": 6.423621727503558, + "nauc_ndcg_at_5_diff1": 13.368545801781304, + "nauc_ndcg_at_5_max": 27.210851115826408, + "nauc_ndcg_at_5_std": 8.46285396075866, + "nauc_precision_at_1000_diff1": -16.647071093300752, + "nauc_precision_at_1000_max": -25.74081511979658, + "nauc_precision_at_1000_std": 54.364826225839415, + "nauc_precision_at_100_diff1": -21.17162859462705, + "nauc_precision_at_100_max": -17.870250898548502, + "nauc_precision_at_100_std": 54.17595316716559, + "nauc_precision_at_10_diff1": -12.26566221797599, + "nauc_precision_at_10_max": 6.160906665701649, + "nauc_precision_at_10_std": 31.453457340315154, + "nauc_precision_at_1_diff1": 28.87696966381806, + "nauc_precision_at_1_max": 9.495312025053542, + "nauc_precision_at_1_std": 16.092344751556222, + "nauc_precision_at_20_diff1": -16.751868100134182, + "nauc_precision_at_20_max": -5.017558729146381, + "nauc_precision_at_20_std": 45.36659916255767, + "nauc_precision_at_3_diff1": 6.767240378584892, + "nauc_precision_at_3_max": 13.815772865036188, + "nauc_precision_at_3_std": 15.326049562141414, + "nauc_precision_at_5_diff1": -7.6376414394715795, + "nauc_precision_at_5_max": 12.447538470084726, + "nauc_precision_at_5_std": 23.797152367188634, + "nauc_recall_at_1000_diff1": -3.432245664102555, + "nauc_recall_at_1000_max": 10.962823465963949, + "nauc_recall_at_1000_std": 54.47032728382229, + "nauc_recall_at_100_diff1": -13.802569721090563, + "nauc_recall_at_100_max": 22.289984610405693, + "nauc_recall_at_100_std": 39.41812746576149, + "nauc_recall_at_10_diff1": -0.771882239561846, + "nauc_recall_at_10_max": 32.81672276069051, + "nauc_recall_at_10_std": 22.650407498618716, + "nauc_recall_at_1_diff1": 43.30617886303008, + "nauc_recall_at_1_max": 59.87692299030719, + "nauc_recall_at_1_std": 2.761310842805679, + "nauc_recall_at_20_diff1": -6.460789922240183, + "nauc_recall_at_20_max": 28.980727646561057, + "nauc_recall_at_20_std": 24.919209924010293, + "nauc_recall_at_3_diff1": 21.330379299039702, + "nauc_recall_at_3_max": 46.531218495258045, + "nauc_recall_at_3_std": -4.738994776044051, + "nauc_recall_at_5_diff1": 13.692188098641179, + "nauc_recall_at_5_max": 41.88615926678476, + "nauc_recall_at_5_std": -0.8806618302119762, + "ndcg_at_1": 29.104000000000003, + "ndcg_at_10": 22.125, + "ndcg_at_100": 25.879, + "ndcg_at_1000": 32.157000000000004, + "ndcg_at_20": 22.272, + "ndcg_at_3": 23.637, + "ndcg_at_5": 22.516, + "precision_at_1": 35.821, + "precision_at_10": 15.97, + "precision_at_100": 4.761, + "precision_at_1000": 0.942, + "precision_at_20": 11.866, + "precision_at_3": 22.886, + "precision_at_5": 20.0, + "recall_at_1": 4.462, + "recall_at_10": 14.063999999999998, + "recall_at_100": 29.685, + "recall_at_1000": 51.568000000000005, + "recall_at_20": 19.695, + "recall_at_3": 6.98, + "recall_at_5": 8.706999999999999 + } + ], + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 21.46, + "map_at_1": 4.491, + "map_at_10": 8.781, + "map_at_100": 11.352, + "map_at_1000": 12.093, + "map_at_20": 9.795, + "map_at_3": 6.651, + "map_at_5": 7.646999999999999, + "mrr_at_1": 35.25, + "mrr_at_10": 45.62698412698413, + "mrr_at_100": 46.29088479394344, + "mrr_at_1000": 46.324902937935846, + "mrr_at_20": 45.93677929505136, + "mrr_at_3": 42.875000000000014, + "mrr_at_5": 44.587500000000006, + "nauc_map_at_1000_diff1": 25.824649458543682, + "nauc_map_at_1000_max": 26.518713345623702, + "nauc_map_at_1000_std": 11.049557933654935, + "nauc_map_at_100_diff1": 25.591659704910253, + "nauc_map_at_100_max": 25.464498448046776, + "nauc_map_at_100_std": 8.006578666036459, + "nauc_map_at_10_diff1": 27.50626209952125, + "nauc_map_at_10_max": 18.76647383288718, + "nauc_map_at_10_std": -2.472400060924119, + "nauc_map_at_1_diff1": 31.316701701224826, + "nauc_map_at_1_max": 9.670930779159168, + "nauc_map_at_1_std": -13.929007343432076, + "nauc_map_at_20_diff1": 27.358940638331763, + "nauc_map_at_20_max": 21.940862879844826, + "nauc_map_at_20_std": 1.3651693932142024, + "nauc_map_at_3_diff1": 27.210677531237565, + "nauc_map_at_3_max": 12.36034317367689, + "nauc_map_at_3_std": -10.720364558747265, + "nauc_map_at_5_diff1": 26.87548706799701, + "nauc_map_at_5_max": 15.350160583340443, + "nauc_map_at_5_std": -6.7074524877969095, + "nauc_mrr_at_1000_diff1": 27.67333498259179, + "nauc_mrr_at_1000_max": 32.45677935669229, + "nauc_mrr_at_1000_std": 17.931439696319224, + "nauc_mrr_at_100_diff1": 27.650308792909406, + "nauc_mrr_at_100_max": 32.4621447044609, + "nauc_mrr_at_100_std": 17.93835277164138, + "nauc_mrr_at_10_diff1": 27.617094216479277, + "nauc_mrr_at_10_max": 32.46620992021977, + "nauc_mrr_at_10_std": 17.603900507736437, + "nauc_mrr_at_1_diff1": 31.54203992138193, + "nauc_mrr_at_1_max": 30.521782931189446, + "nauc_mrr_at_1_std": 16.000158026252127, + "nauc_mrr_at_20_diff1": 27.616573538563934, + "nauc_mrr_at_20_max": 32.61966305138929, + "nauc_mrr_at_20_std": 17.905378115693146, + "nauc_mrr_at_3_diff1": 27.530284713827193, + "nauc_mrr_at_3_max": 33.30065168757904, + "nauc_mrr_at_3_std": 18.01625745133189, + "nauc_mrr_at_5_diff1": 27.795255098429017, + "nauc_mrr_at_5_max": 32.95902384594653, + "nauc_mrr_at_5_std": 17.6960630276831, + "nauc_ndcg_at_1000_diff1": 25.867285878721134, + "nauc_ndcg_at_1000_max": 33.003195103979394, + "nauc_ndcg_at_1000_std": 24.703871989073892, + "nauc_ndcg_at_100_diff1": 25.072854855856264, + "nauc_ndcg_at_100_max": 31.666760843257148, + "nauc_ndcg_at_100_std": 15.839590834699965, + "nauc_ndcg_at_10_diff1": 28.300267382929462, + "nauc_ndcg_at_10_max": 34.710317258572076, + "nauc_ndcg_at_10_std": 16.42623217277784, + "nauc_ndcg_at_1_diff1": 35.038193351353485, + "nauc_ndcg_at_1_max": 28.852173094946025, + "nauc_ndcg_at_1_std": 12.418357414503697, + "nauc_ndcg_at_20_diff1": 27.102224425581568, + "nauc_ndcg_at_20_max": 32.59414130137937, + "nauc_ndcg_at_20_std": 13.395195264875504, + "nauc_ndcg_at_3_diff1": 28.62413498727513, + "nauc_ndcg_at_3_max": 36.598743074671866, + "nauc_ndcg_at_3_std": 17.118256444888768, + "nauc_ndcg_at_5_diff1": 28.69662965469378, + "nauc_ndcg_at_5_max": 36.53222777939534, + "nauc_ndcg_at_5_std": 18.014706674989238, + "nauc_precision_at_1000_diff1": 5.480556756777053, + "nauc_precision_at_1000_max": 25.510589883957653, + "nauc_precision_at_1000_std": 50.36485610149957, + "nauc_precision_at_100_diff1": 7.593150373786568, + "nauc_precision_at_100_max": 36.40162550241459, + "nauc_precision_at_100_std": 45.06349927415294, + "nauc_precision_at_10_diff1": 16.489306707862532, + "nauc_precision_at_10_max": 39.3103040092541, + "nauc_precision_at_10_std": 36.33486718980614, + "nauc_precision_at_1_diff1": 31.54203992138193, + "nauc_precision_at_1_max": 30.521782931189446, + "nauc_precision_at_1_std": 16.000158026252127, + "nauc_precision_at_20_diff1": 12.788021169432795, + "nauc_precision_at_20_max": 39.81214730877045, + "nauc_precision_at_20_std": 40.341938995124025, + "nauc_precision_at_3_diff1": 18.59219045049902, + "nauc_precision_at_3_max": 39.08096169409222, + "nauc_precision_at_3_std": 26.749898840032337, + "nauc_precision_at_5_diff1": 18.697410405560948, + "nauc_precision_at_5_max": 40.6384266551648, + "nauc_precision_at_5_std": 33.39104139014063, + "nauc_recall_at_1000_diff1": 13.400950796439561, + "nauc_recall_at_1000_max": 17.175828878835176, + "nauc_recall_at_1000_std": 27.749940381696337, + "nauc_recall_at_100_diff1": 14.203267104636183, + "nauc_recall_at_100_max": 21.84864793323131, + "nauc_recall_at_100_std": 12.478028930852085, + "nauc_recall_at_10_diff1": 21.913869744530913, + "nauc_recall_at_10_max": 13.621846584654214, + "nauc_recall_at_10_std": -4.371822356464614, + "nauc_recall_at_1_diff1": 31.316701701224826, + "nauc_recall_at_1_max": 9.670930779159168, + "nauc_recall_at_1_std": -13.929007343432076, + "nauc_recall_at_20_diff1": 21.269448911029013, + "nauc_recall_at_20_max": 17.930821463301662, + "nauc_recall_at_20_std": -0.5565347924398285, + "nauc_recall_at_3_diff1": 23.890590545501123, + "nauc_recall_at_3_max": 9.205466661678742, + "nauc_recall_at_3_std": -11.771519227448143, + "nauc_recall_at_5_diff1": 22.528920583080854, + "nauc_recall_at_5_max": 11.506933351746365, + "nauc_recall_at_5_std": -8.390620367749666, + "ndcg_at_1": 27.750000000000004, + "ndcg_at_10": 21.46, + "ndcg_at_100": 24.073, + "ndcg_at_1000": 30.058, + "ndcg_at_20": 21.018, + "ndcg_at_3": 23.634, + "ndcg_at_5": 22.414, + "precision_at_1": 35.25, + "precision_at_10": 16.7, + "precision_at_100": 5.037, + "precision_at_1000": 1.102, + "precision_at_20": 12.163, + "precision_at_3": 25.167, + "precision_at_5": 21.4, + "recall_at_1": 4.491, + "recall_at_10": 12.937999999999999, + "recall_at_100": 27.814, + "recall_at_1000": 47.186, + "recall_at_20": 16.606, + "recall_at_3": 7.951, + "recall_at_5": 10.126 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAB-Ramy-v1/external/FEVER.json b/results/qinxianliu__FAB-Ramy-v1/external/FEVER.json new file mode 100644 index 000000000..7e50d188c --- /dev/null +++ b/results/qinxianliu__FAB-Ramy-v1/external/FEVER.json @@ -0,0 +1,455 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 35.701, + "map_at_1": 23.738999999999997, + "map_at_10": 31.297000000000004, + "map_at_100": 31.971, + "map_at_1000": 32.029, + "map_at_20": 31.694, + "map_at_3": 29.32, + "map_at_5": 30.435000000000002, + "mrr_at_1": 25.89258925892589, + "mrr_at_10": 33.82834116745001, + "mrr_at_100": 34.495976905670965, + "mrr_at_1000": 34.54916984262905, + "mrr_at_20": 34.226192659210405, + "mrr_at_3": 31.77567756775665, + "mrr_at_5": 32.91879187918785, + "nauc_map_at_1000_diff1": 48.47180893801609, + "nauc_map_at_1000_max": 37.69796429750315, + "nauc_map_at_1000_std": 24.01701143373857, + "nauc_map_at_100_diff1": 48.46389393181655, + "nauc_map_at_100_max": 37.7001678388798, + "nauc_map_at_100_std": 23.993425540522793, + "nauc_map_at_10_diff1": 48.416434607704446, + "nauc_map_at_10_max": 37.869287673523665, + "nauc_map_at_10_std": 23.639596100079764, + "nauc_map_at_1_diff1": 54.176102484760705, + "nauc_map_at_1_max": 37.468157047470676, + "nauc_map_at_1_std": 18.240796072089953, + "nauc_map_at_20_diff1": 48.44810309920782, + "nauc_map_at_20_max": 37.75627420793309, + "nauc_map_at_20_std": 23.88747478944026, + "nauc_map_at_3_diff1": 49.221757329299486, + "nauc_map_at_3_max": 37.99350027491553, + "nauc_map_at_3_std": 22.075829135488753, + "nauc_map_at_5_diff1": 48.76265841542523, + "nauc_map_at_5_max": 38.0158457444176, + "nauc_map_at_5_std": 22.779024014015057, + "nauc_mrr_at_1000_diff1": 50.308949820297556, + "nauc_mrr_at_1000_max": 39.45274296370384, + "nauc_mrr_at_1000_std": 23.859010089942807, + "nauc_mrr_at_100_diff1": 50.30400602353626, + "nauc_mrr_at_100_max": 39.4606579208968, + "nauc_mrr_at_100_std": 23.85128641410721, + "nauc_mrr_at_10_diff1": 50.2641389654349, + "nauc_mrr_at_10_max": 39.68082392830347, + "nauc_mrr_at_10_std": 23.594146417963962, + "nauc_mrr_at_1_diff1": 56.12323093073167, + "nauc_mrr_at_1_max": 39.18806756793689, + "nauc_mrr_at_1_std": 18.066686107581802, + "nauc_mrr_at_20_diff1": 50.294386352657014, + "nauc_mrr_at_20_max": 39.537214014992976, + "nauc_mrr_at_20_std": 23.788850865047095, + "nauc_mrr_at_3_diff1": 51.03267369565706, + "nauc_mrr_at_3_max": 39.825355132641995, + "nauc_mrr_at_3_std": 22.10678624380099, + "nauc_mrr_at_5_diff1": 50.647118902312485, + "nauc_mrr_at_5_max": 39.85228876360639, + "nauc_mrr_at_5_std": 22.75663976254536, + "nauc_ndcg_at_1000_diff1": 46.79540637282935, + "nauc_ndcg_at_1000_max": 37.08649476129898, + "nauc_ndcg_at_1000_std": 28.49764079866167, + "nauc_ndcg_at_100_diff1": 46.62125422793155, + "nauc_ndcg_at_100_max": 37.0794964208267, + "nauc_ndcg_at_100_std": 27.917277497207678, + "nauc_ndcg_at_10_diff1": 46.49570765768222, + "nauc_ndcg_at_10_max": 38.14398630470856, + "nauc_ndcg_at_10_std": 26.46088952875238, + "nauc_ndcg_at_1_diff1": 56.12323093073167, + "nauc_ndcg_at_1_max": 39.18806756793689, + "nauc_ndcg_at_1_std": 18.066686107581802, + "nauc_ndcg_at_20_diff1": 46.54534548606193, + "nauc_ndcg_at_20_max": 37.643700821651606, + "nauc_ndcg_at_20_std": 27.301630963453423, + "nauc_ndcg_at_3_diff1": 48.13159197920042, + "nauc_ndcg_at_3_max": 38.56411471445993, + "nauc_ndcg_at_3_std": 23.338787558837076, + "nauc_ndcg_at_5_diff1": 47.29460987255985, + "nauc_ndcg_at_5_max": 38.5519354837315, + "nauc_ndcg_at_5_std": 24.512737628531493, + "nauc_precision_at_1000_diff1": 27.280674974701284, + "nauc_precision_at_1000_max": 24.523911670852844, + "nauc_precision_at_1000_std": 46.31518571614745, + "nauc_precision_at_100_diff1": 35.17921318850543, + "nauc_precision_at_100_max": 30.580865564879943, + "nauc_precision_at_100_std": 41.51604110123811, + "nauc_precision_at_10_diff1": 39.342311840830746, + "nauc_precision_at_10_max": 38.41240857835172, + "nauc_precision_at_10_std": 35.07277287037503, + "nauc_precision_at_1_diff1": 56.12323093073167, + "nauc_precision_at_1_max": 39.18806756793689, + "nauc_precision_at_1_std": 18.066686107581802, + "nauc_precision_at_20_diff1": 38.26196085238239, + "nauc_precision_at_20_max": 35.82275291024628, + "nauc_precision_at_20_std": 38.33669401986287, + "nauc_precision_at_3_diff1": 44.68003679411554, + "nauc_precision_at_3_max": 40.12032057227229, + "nauc_precision_at_3_std": 26.517849679512373, + "nauc_precision_at_5_diff1": 42.38965665331429, + "nauc_precision_at_5_max": 39.86217017701949, + "nauc_precision_at_5_std": 29.255194604568892, + "nauc_recall_at_1000_diff1": 32.455531677688604, + "nauc_recall_at_1000_max": 24.616333075773955, + "nauc_recall_at_1000_std": 51.59415793396229, + "nauc_recall_at_100_diff1": 35.46311954418642, + "nauc_recall_at_100_max": 28.23351305589783, + "nauc_recall_at_100_std": 40.70744695338724, + "nauc_recall_at_10_diff1": 37.947650345836934, + "nauc_recall_at_10_max": 35.69202096648585, + "nauc_recall_at_10_std": 33.75419484876569, + "nauc_recall_at_1_diff1": 54.176102484760705, + "nauc_recall_at_1_max": 37.468157047470676, + "nauc_recall_at_1_std": 18.240796072089953, + "nauc_recall_at_20_diff1": 37.1185602377272, + "nauc_recall_at_20_max": 33.02594245822027, + "nauc_recall_at_20_std": 36.67892873962691, + "nauc_recall_at_3_diff1": 42.81605018793163, + "nauc_recall_at_3_max": 37.75029882789788, + "nauc_recall_at_3_std": 26.084818901453854, + "nauc_recall_at_5_diff1": 40.47427237001624, + "nauc_recall_at_5_max": 37.31402142032584, + "nauc_recall_at_5_std": 28.46183433093616, + "ndcg_at_1": 25.893, + "ndcg_at_10": 35.701, + "ndcg_at_100": 39.125, + "ndcg_at_1000": 40.838, + "ndcg_at_20": 37.114999999999995, + "ndcg_at_3": 31.730000000000004, + "ndcg_at_5": 33.659, + "precision_at_1": 25.893, + "precision_at_10": 5.2, + "precision_at_100": 0.703, + "precision_at_1000": 0.086, + "precision_at_20": 2.9080000000000004, + "precision_at_3": 13.216, + "precision_at_5": 8.985999999999999, + "recall_at_1": 23.738999999999997, + "recall_at_10": 47.003, + "recall_at_100": 63.06, + "recall_at_1000": 76.542, + "recall_at_20": 52.410999999999994, + "recall_at_3": 36.176, + "recall_at_5": 40.884 + } + ], + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 35.297, + "map_at_1": 22.56, + "map_at_10": 30.608999999999998, + "map_at_100": 31.418000000000003, + "map_at_1000": 31.474000000000004, + "map_at_20": 31.064999999999998, + "map_at_3": 28.455000000000002, + "map_at_5": 29.681, + "mrr_at_1": 24.407440744074407, + "mrr_at_10": 32.812126450740244, + "mrr_at_100": 33.610773058690555, + "mrr_at_1000": 33.6636041333536, + "mrr_at_20": 33.26401002194766, + "mrr_at_3": 30.61306130613045, + "mrr_at_5": 31.873187318731816, + "nauc_map_at_1000_diff1": 38.266258373284415, + "nauc_map_at_1000_max": 32.69193908493134, + "nauc_map_at_1000_std": 23.25430185062419, + "nauc_map_at_100_diff1": 38.24858803124869, + "nauc_map_at_100_max": 32.68954977661333, + "nauc_map_at_100_std": 23.245294399573467, + "nauc_map_at_10_diff1": 38.205381663904916, + "nauc_map_at_10_max": 32.835224020808546, + "nauc_map_at_10_std": 22.77788784178418, + "nauc_map_at_1_diff1": 41.91759528523139, + "nauc_map_at_1_max": 31.775708358054995, + "nauc_map_at_1_std": 17.518675255539762, + "nauc_map_at_20_diff1": 38.2252461571796, + "nauc_map_at_20_max": 32.73690797029453, + "nauc_map_at_20_std": 23.04314498088007, + "nauc_map_at_3_diff1": 38.682228289238616, + "nauc_map_at_3_max": 32.95897143343777, + "nauc_map_at_3_std": 21.38901652398455, + "nauc_map_at_5_diff1": 38.25065291291804, + "nauc_map_at_5_max": 32.94582005665495, + "nauc_map_at_5_std": 22.09457025565128, + "nauc_mrr_at_1000_diff1": 39.69451314327529, + "nauc_mrr_at_1000_max": 34.092209451973034, + "nauc_mrr_at_1000_std": 23.423155891751, + "nauc_mrr_at_100_diff1": 39.678678784996016, + "nauc_mrr_at_100_max": 34.094888574164266, + "nauc_mrr_at_100_std": 23.424317663154532, + "nauc_mrr_at_10_diff1": 39.67324863425949, + "nauc_mrr_at_10_max": 34.31989117397852, + "nauc_mrr_at_10_std": 23.066425530649795, + "nauc_mrr_at_1_diff1": 43.641398163721625, + "nauc_mrr_at_1_max": 33.38077032174958, + "nauc_mrr_at_1_std": 17.879197144818036, + "nauc_mrr_at_20_diff1": 39.66936277180323, + "nauc_mrr_at_20_max": 34.169481588962825, + "nauc_mrr_at_20_std": 23.291273247307597, + "nauc_mrr_at_3_diff1": 40.1653999958891, + "nauc_mrr_at_3_max": 34.478802855163025, + "nauc_mrr_at_3_std": 21.758806885002777, + "nauc_mrr_at_5_diff1": 39.7595196412335, + "nauc_mrr_at_5_max": 34.47103343142992, + "nauc_mrr_at_5_std": 22.502082907005068, + "nauc_ndcg_at_1000_diff1": 37.50157833509542, + "nauc_ndcg_at_1000_max": 32.333593881414, + "nauc_ndcg_at_1000_std": 27.948886173995323, + "nauc_ndcg_at_100_diff1": 37.124549237181554, + "nauc_ndcg_at_100_max": 32.28422893375364, + "nauc_ndcg_at_100_std": 27.77461981698034, + "nauc_ndcg_at_10_diff1": 37.12986608110705, + "nauc_ndcg_at_10_max": 33.22276480624111, + "nauc_ndcg_at_10_std": 25.51652978572056, + "nauc_ndcg_at_1_diff1": 43.641398163721625, + "nauc_ndcg_at_1_max": 33.38077032174958, + "nauc_ndcg_at_1_std": 17.879197144818036, + "nauc_ndcg_at_20_diff1": 37.10139809093105, + "nauc_ndcg_at_20_max": 32.765113753187876, + "nauc_ndcg_at_20_std": 26.44007936912963, + "nauc_ndcg_at_3_diff1": 38.1596649001608, + "nauc_ndcg_at_3_max": 33.6943710534229, + "nauc_ndcg_at_3_std": 22.7328546506038, + "nauc_ndcg_at_5_diff1": 37.3488907513492, + "nauc_ndcg_at_5_max": 33.570648469561036, + "nauc_ndcg_at_5_std": 23.964359055405556, + "nauc_precision_at_1000_diff1": 24.211391784171195, + "nauc_precision_at_1000_max": 21.664350211212387, + "nauc_precision_at_1000_std": 45.708801807342546, + "nauc_precision_at_100_diff1": 28.035950708227393, + "nauc_precision_at_100_max": 26.576984522429715, + "nauc_precision_at_100_std": 43.983591502347096, + "nauc_precision_at_10_diff1": 33.34442944401908, + "nauc_precision_at_10_max": 34.553323238017015, + "nauc_precision_at_10_std": 33.52346556044318, + "nauc_precision_at_1_diff1": 43.641398163721625, + "nauc_precision_at_1_max": 33.38077032174958, + "nauc_precision_at_1_std": 17.879197144818036, + "nauc_precision_at_20_diff1": 32.24982887106279, + "nauc_precision_at_20_max": 32.050373728152145, + "nauc_precision_at_20_std": 36.86007936868054, + "nauc_precision_at_3_diff1": 36.17020637959305, + "nauc_precision_at_3_max": 36.07143239476179, + "nauc_precision_at_3_std": 26.461919533250665, + "nauc_precision_at_5_diff1": 34.4432351602522, + "nauc_precision_at_5_max": 35.88556720713549, + "nauc_precision_at_5_std": 29.298844168192247, + "nauc_recall_at_1000_diff1": 28.727384296387154, + "nauc_recall_at_1000_max": 21.521378434098608, + "nauc_recall_at_1000_std": 55.54388396930074, + "nauc_recall_at_100_diff1": 28.85562676149982, + "nauc_recall_at_100_max": 25.06123981454155, + "nauc_recall_at_100_std": 45.52999742592358, + "nauc_recall_at_10_diff1": 31.710115152909683, + "nauc_recall_at_10_max": 31.74673256373932, + "nauc_recall_at_10_std": 32.42339486417921, + "nauc_recall_at_1_diff1": 41.91759528523139, + "nauc_recall_at_1_max": 31.775708358054995, + "nauc_recall_at_1_std": 17.518675255539762, + "nauc_recall_at_20_diff1": 30.77115548952225, + "nauc_recall_at_20_max": 29.45071018258934, + "nauc_recall_at_20_std": 35.862896022846016, + "nauc_recall_at_3_diff1": 34.873168557653536, + "nauc_recall_at_3_max": 33.642570081880365, + "nauc_recall_at_3_std": 25.716133065199376, + "nauc_recall_at_5_diff1": 32.73185883646818, + "nauc_recall_at_5_max": 32.985687571483794, + "nauc_recall_at_5_std": 28.00896925385753, + "ndcg_at_1": 24.407, + "ndcg_at_10": 35.297, + "ndcg_at_100": 39.5, + "ndcg_at_1000": 41.132000000000005, + "ndcg_at_20": 36.928, + "ndcg_at_3": 30.928, + "ndcg_at_5": 33.083, + "precision_at_1": 24.407, + "precision_at_10": 5.224, + "precision_at_100": 0.75, + "precision_at_1000": 0.09, + "precision_at_20": 2.964, + "precision_at_3": 13.061, + "precision_at_5": 8.968, + "recall_at_1": 22.56, + "recall_at_10": 47.873, + "recall_at_100": 67.69800000000001, + "recall_at_1000": 80.495, + "recall_at_20": 54.161, + "recall_at_3": 35.907, + "recall_at_5": 41.138999999999996 + } + ], + "train": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 31.523, + "map_at_1": 19.411, + "map_at_10": 26.887, + "map_at_100": 27.675, + "map_at_1000": 27.741, + "map_at_20": 27.336, + "map_at_3": 24.72, + "map_at_5": 25.964, + "mrr_at_1": 21.743010654767325, + "mrr_at_10": 29.783727809795064, + "mrr_at_100": 30.573052972621213, + "mrr_at_1000": 30.633729162329125, + "mrr_at_20": 30.238433411795747, + "mrr_at_3": 27.519048052694963, + "mrr_at_5": 28.825805178640852, + "nauc_map_at_1000_diff1": 34.894119615653885, + "nauc_map_at_1000_max": 27.70678123464696, + "nauc_map_at_1000_std": 17.16862387665167, + "nauc_map_at_100_diff1": 34.88287127859404, + "nauc_map_at_100_max": 27.707635480144027, + "nauc_map_at_100_std": 17.156500699957288, + "nauc_map_at_10_diff1": 34.87223580879955, + "nauc_map_at_10_max": 27.77425432286075, + "nauc_map_at_10_std": 16.62647824628308, + "nauc_map_at_1_diff1": 39.02452462605887, + "nauc_map_at_1_max": 26.68810856647591, + "nauc_map_at_1_std": 11.696162303885695, + "nauc_map_at_20_diff1": 34.83957930731935, + "nauc_map_at_20_max": 27.74629374793392, + "nauc_map_at_20_std": 16.96714022073772, + "nauc_map_at_3_diff1": 35.49150548071542, + "nauc_map_at_3_max": 27.76476306054644, + "nauc_map_at_3_std": 14.967828348680575, + "nauc_map_at_5_diff1": 35.02166153803839, + "nauc_map_at_5_max": 27.799599246135546, + "nauc_map_at_5_std": 15.906439082925115, + "nauc_mrr_at_1000_diff1": 35.66603994926185, + "nauc_mrr_at_1000_max": 28.761208807686593, + "nauc_mrr_at_1000_std": 15.632726523574982, + "nauc_mrr_at_100_diff1": 35.656132946336704, + "nauc_mrr_at_100_max": 28.766555410460843, + "nauc_mrr_at_100_std": 15.634496629389938, + "nauc_mrr_at_10_diff1": 35.66651135590881, + "nauc_mrr_at_10_max": 28.878768657428207, + "nauc_mrr_at_10_std": 15.240595565120362, + "nauc_mrr_at_1_diff1": 40.093012148818076, + "nauc_mrr_at_1_max": 27.918910580976924, + "nauc_mrr_at_1_std": 10.582334866828027, + "nauc_mrr_at_20_diff1": 35.624000588455345, + "nauc_mrr_at_20_max": 28.829052122716693, + "nauc_mrr_at_20_std": 15.511812828235266, + "nauc_mrr_at_3_diff1": 36.33926080942465, + "nauc_mrr_at_3_max": 28.97518332668143, + "nauc_mrr_at_3_std": 13.783919324681513, + "nauc_mrr_at_5_diff1": 35.826726538813446, + "nauc_mrr_at_5_max": 28.951635822669775, + "nauc_mrr_at_5_std": 14.633347919622599, + "nauc_ndcg_at_1000_diff1": 33.87576536204644, + "nauc_ndcg_at_1000_max": 27.656919502377814, + "nauc_ndcg_at_1000_std": 21.611114604167717, + "nauc_ndcg_at_100_diff1": 33.57433304129492, + "nauc_ndcg_at_100_max": 27.689113924776244, + "nauc_ndcg_at_100_std": 21.344826533869533, + "nauc_ndcg_at_10_diff1": 33.47057039752009, + "nauc_ndcg_at_10_max": 28.16773420812005, + "nauc_ndcg_at_10_std": 18.89889983106607, + "nauc_ndcg_at_1_diff1": 40.093012148818076, + "nauc_ndcg_at_1_max": 27.918910580976924, + "nauc_ndcg_at_1_std": 10.582334866828027, + "nauc_ndcg_at_20_diff1": 33.32327551259427, + "nauc_ndcg_at_20_max": 28.03123314826041, + "nauc_ndcg_at_20_std": 20.045132731850057, + "nauc_ndcg_at_3_diff1": 34.73928913248888, + "nauc_ndcg_at_3_max": 28.39138262144496, + "nauc_ndcg_at_3_std": 15.632807005789578, + "nauc_ndcg_at_5_diff1": 33.86384268021616, + "nauc_ndcg_at_5_max": 28.3236489716487, + "nauc_ndcg_at_5_std": 17.272376563502508, + "nauc_precision_at_1000_diff1": 20.178412055301056, + "nauc_precision_at_1000_max": 19.210302844212183, + "nauc_precision_at_1000_std": 34.91892470476544, + "nauc_precision_at_100_diff1": 25.44644696654489, + "nauc_precision_at_100_max": 24.771279662995724, + "nauc_precision_at_100_std": 34.661503462628964, + "nauc_precision_at_10_diff1": 28.64528958280489, + "nauc_precision_at_10_max": 29.205549489560916, + "nauc_precision_at_10_std": 24.583558909893892, + "nauc_precision_at_1_diff1": 40.093012148818076, + "nauc_precision_at_1_max": 27.918910580976924, + "nauc_precision_at_1_std": 10.582334866828027, + "nauc_precision_at_20_diff1": 27.40829460908996, + "nauc_precision_at_20_max": 28.42589762863833, + "nauc_precision_at_20_std": 28.514227393587, + "nauc_precision_at_3_diff1": 32.48391599874674, + "nauc_precision_at_3_max": 30.12096160416555, + "nauc_precision_at_3_std": 17.320580352719286, + "nauc_precision_at_5_diff1": 30.403414267102242, + "nauc_precision_at_5_max": 29.945345867717997, + "nauc_precision_at_5_std": 20.529204183857914, + "nauc_recall_at_1000_diff1": 25.759545373750303, + "nauc_recall_at_1000_max": 20.106046005297394, + "nauc_recall_at_1000_std": 46.60049363619896, + "nauc_recall_at_100_diff1": 26.069585735340855, + "nauc_recall_at_100_max": 22.925494906976468, + "nauc_recall_at_100_std": 37.144347080276866, + "nauc_recall_at_10_diff1": 27.382376969682497, + "nauc_recall_at_10_max": 26.570146593203138, + "nauc_recall_at_10_std": 25.20058315156481, + "nauc_recall_at_1_diff1": 39.02452462605887, + "nauc_recall_at_1_max": 26.68810856647591, + "nauc_recall_at_1_std": 11.696162303885695, + "nauc_recall_at_20_diff1": 26.471721207399764, + "nauc_recall_at_20_max": 25.807737005420726, + "nauc_recall_at_20_std": 29.256987143145054, + "nauc_recall_at_3_diff1": 30.888500710401285, + "nauc_recall_at_3_max": 27.806868813005046, + "nauc_recall_at_3_std": 18.04984695182066, + "nauc_recall_at_5_diff1": 29.003559372790022, + "nauc_recall_at_5_max": 27.55280043778831, + "nauc_recall_at_5_std": 21.256288378665563, + "ndcg_at_1": 21.743000000000002, + "ndcg_at_10": 31.523, + "ndcg_at_100": 35.57, + "ndcg_at_1000": 37.480999999999995, + "ndcg_at_20": 33.129, + "ndcg_at_3": 27.184, + "ndcg_at_5": 29.334, + "precision_at_1": 21.743000000000002, + "precision_at_10": 4.903, + "precision_at_100": 0.711, + "precision_at_1000": 0.089, + "precision_at_20": 2.806, + "precision_at_3": 11.777, + "precision_at_5": 8.271, + "recall_at_1": 19.411, + "recall_at_10": 43.269999999999996, + "recall_at_100": 62.17700000000001, + "recall_at_1000": 77.067, + "recall_at_20": 49.41, + "recall_at_3": 31.354, + "recall_at_5": 36.644 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAB-Ramy-v1/external/FiQA2018.json b/results/qinxianliu__FAB-Ramy-v1/external/FiQA2018.json new file mode 100644 index 000000000..cb861ec24 --- /dev/null +++ b/results/qinxianliu__FAB-Ramy-v1/external/FiQA2018.json @@ -0,0 +1,455 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 39.617999999999995, + "map_at_1": 21.97, + "map_at_10": 32.192, + "map_at_100": 33.998, + "map_at_1000": 34.175, + "map_at_20": 33.183, + "map_at_3": 28.582, + "map_at_5": 30.581000000000003, + "mrr_at_1": 39.800000000000004, + "mrr_at_10": 47.60150793650792, + "mrr_at_100": 48.389710366647456, + "mrr_at_1000": 48.4425191284295, + "mrr_at_20": 48.07178530190138, + "mrr_at_3": 45.26666666666667, + "mrr_at_5": 46.566666666666656, + "nauc_map_at_1000_diff1": 50.31688334888458, + "nauc_map_at_1000_max": 33.2868728983012, + "nauc_map_at_1000_std": -4.563232909648322, + "nauc_map_at_100_diff1": 50.27708016577294, + "nauc_map_at_100_max": 33.148334623720146, + "nauc_map_at_100_std": -4.6305517131001075, + "nauc_map_at_10_diff1": 50.00588080671384, + "nauc_map_at_10_max": 32.068580561661506, + "nauc_map_at_10_std": -5.7994903319403175, + "nauc_map_at_1_diff1": 54.91941299863211, + "nauc_map_at_1_max": 26.32992915297815, + "nauc_map_at_1_std": -15.095817241276782, + "nauc_map_at_20_diff1": 50.24621642719814, + "nauc_map_at_20_max": 32.82975757099153, + "nauc_map_at_20_std": -5.026697627823404, + "nauc_map_at_3_diff1": 50.947207182556255, + "nauc_map_at_3_max": 30.13259490061278, + "nauc_map_at_3_std": -9.61895095204749, + "nauc_map_at_5_diff1": 50.61257865598828, + "nauc_map_at_5_max": 30.816376351772824, + "nauc_map_at_5_std": -7.802988351265763, + "nauc_mrr_at_1000_diff1": 53.12331306343447, + "nauc_mrr_at_1000_max": 39.05482291142821, + "nauc_mrr_at_1000_std": -0.022714500769246703, + "nauc_mrr_at_100_diff1": 53.121227759125546, + "nauc_mrr_at_100_max": 39.03720019824652, + "nauc_mrr_at_100_std": 0.0036985861169952575, + "nauc_mrr_at_10_diff1": 52.99721750760873, + "nauc_mrr_at_10_max": 39.06196265330318, + "nauc_mrr_at_10_std": -0.049254948973314096, + "nauc_mrr_at_1_diff1": 56.785118791443004, + "nauc_mrr_at_1_max": 40.02855427244592, + "nauc_mrr_at_1_std": -5.4436091775699555, + "nauc_mrr_at_20_diff1": 53.097626361807635, + "nauc_mrr_at_20_max": 39.08950868510155, + "nauc_mrr_at_20_std": 0.05552510105051717, + "nauc_mrr_at_3_diff1": 53.324753456703114, + "nauc_mrr_at_3_max": 39.0760360442697, + "nauc_mrr_at_3_std": -1.0542351313872271, + "nauc_mrr_at_5_diff1": 53.471632334574814, + "nauc_mrr_at_5_max": 39.07718097646659, + "nauc_mrr_at_5_std": -0.8187608389303963, + "nauc_ndcg_at_1000_diff1": 49.86294409407798, + "nauc_ndcg_at_1000_max": 37.44926283917674, + "nauc_ndcg_at_1000_std": 2.111781768761426, + "nauc_ndcg_at_100_diff1": 49.35226471169135, + "nauc_ndcg_at_100_max": 35.66667961731567, + "nauc_ndcg_at_100_std": 1.6479443759074754, + "nauc_ndcg_at_10_diff1": 48.372677877707915, + "nauc_ndcg_at_10_max": 34.387331450860934, + "nauc_ndcg_at_10_std": -0.8882897547079789, + "nauc_ndcg_at_1_diff1": 56.785118791443004, + "nauc_ndcg_at_1_max": 40.02855427244592, + "nauc_ndcg_at_1_std": -5.4436091775699555, + "nauc_ndcg_at_20_diff1": 49.20296778158295, + "nauc_ndcg_at_20_max": 35.212552463815356, + "nauc_ndcg_at_20_std": 0.6281417017686571, + "nauc_ndcg_at_3_diff1": 48.880461353681184, + "nauc_ndcg_at_3_max": 35.45248845964804, + "nauc_ndcg_at_3_std": -4.120565245039038, + "nauc_ndcg_at_5_diff1": 49.05932551286447, + "nauc_ndcg_at_5_max": 33.929472887194166, + "nauc_ndcg_at_5_std": -3.7378619720606334, + "nauc_precision_at_1000_diff1": 0.9943934852712358, + "nauc_precision_at_1000_max": 25.808328570726637, + "nauc_precision_at_1000_std": 22.113795698396405, + "nauc_precision_at_100_diff1": 9.75942449543439, + "nauc_precision_at_100_max": 29.89402798697409, + "nauc_precision_at_100_std": 23.745724036777858, + "nauc_precision_at_10_diff1": 22.631255210616448, + "nauc_precision_at_10_max": 37.986891048262635, + "nauc_precision_at_10_std": 17.939985325973826, + "nauc_precision_at_1_diff1": 56.785118791443004, + "nauc_precision_at_1_max": 40.02855427244592, + "nauc_precision_at_1_std": -5.4436091775699555, + "nauc_precision_at_20_diff1": 18.135764741044472, + "nauc_precision_at_20_max": 37.44026204963983, + "nauc_precision_at_20_std": 21.63173239805311, + "nauc_precision_at_3_diff1": 34.88498855336315, + "nauc_precision_at_3_max": 38.618451850379344, + "nauc_precision_at_3_std": 6.595122514284259, + "nauc_precision_at_5_diff1": 29.296655684555372, + "nauc_precision_at_5_max": 37.351475583764085, + "nauc_precision_at_5_std": 11.290211828635965, + "nauc_recall_at_1000_diff1": 29.651809747575598, + "nauc_recall_at_1000_max": 45.166900051397604, + "nauc_recall_at_1000_std": 38.90509257803901, + "nauc_recall_at_100_diff1": 33.56534075988862, + "nauc_recall_at_100_max": 26.516756115174093, + "nauc_recall_at_100_std": 14.9798920473275, + "nauc_recall_at_10_diff1": 35.95711449401351, + "nauc_recall_at_10_max": 27.400503715156493, + "nauc_recall_at_10_std": 6.121330948875716, + "nauc_recall_at_1_diff1": 54.91941299863211, + "nauc_recall_at_1_max": 26.32992915297815, + "nauc_recall_at_1_std": -15.095817241276782, + "nauc_recall_at_20_diff1": 36.359256351324106, + "nauc_recall_at_20_max": 27.9767440604567, + "nauc_recall_at_20_std": 10.282027278835779, + "nauc_recall_at_3_diff1": 43.439181541862084, + "nauc_recall_at_3_max": 26.552998247583297, + "nauc_recall_at_3_std": -6.020315643835116, + "nauc_recall_at_5_diff1": 41.50016152959245, + "nauc_recall_at_5_max": 26.695047401293394, + "nauc_recall_at_5_std": -2.0979134243496893, + "ndcg_at_1": 39.800000000000004, + "ndcg_at_10": 39.617999999999995, + "ndcg_at_100": 46.115, + "ndcg_at_1000": 49.392, + "ndcg_at_20": 42.162, + "ndcg_at_3": 36.15, + "ndcg_at_5": 37.223, + "precision_at_1": 39.800000000000004, + "precision_at_10": 10.100000000000001, + "precision_at_100": 1.6660000000000001, + "precision_at_1000": 0.22300000000000003, + "precision_at_20": 6.13, + "precision_at_3": 22.267, + "precision_at_5": 16.36, + "recall_at_1": 21.97, + "recall_at_10": 45.942, + "recall_at_100": 70.422, + "recall_at_1000": 90.766, + "recall_at_20": 54.022000000000006, + "recall_at_3": 32.769999999999996, + "recall_at_5": 38.267 + } + ], + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 37.887, + "map_at_1": 18.869, + "map_at_10": 30.336999999999996, + "map_at_100": 31.984, + "map_at_1000": 32.159, + "map_at_20": 31.137999999999998, + "map_at_3": 26.467000000000002, + "map_at_5": 28.502, + "mrr_at_1": 37.191358024691354, + "mrr_at_10": 45.6922398589065, + "mrr_at_100": 46.557353632261794, + "mrr_at_1000": 46.608286315798196, + "mrr_at_20": 46.22637072223556, + "mrr_at_3": 43.364197530864196, + "mrr_at_5": 44.56790123456788, + "nauc_map_at_1000_diff1": 40.90304888080522, + "nauc_map_at_1000_max": 31.45392152764247, + "nauc_map_at_1000_std": -1.542876073983255, + "nauc_map_at_100_diff1": 40.87438529546033, + "nauc_map_at_100_max": 31.351149632748605, + "nauc_map_at_100_std": -1.630523467720366, + "nauc_map_at_10_diff1": 40.62122950556352, + "nauc_map_at_10_max": 30.434626209491782, + "nauc_map_at_10_std": -2.6962450714098756, + "nauc_map_at_1_diff1": 45.27097981673444, + "nauc_map_at_1_max": 23.885796928659207, + "nauc_map_at_1_std": -4.615716690703562, + "nauc_map_at_20_diff1": 40.7444641353645, + "nauc_map_at_20_max": 30.776714680401373, + "nauc_map_at_20_std": -2.2929001481730364, + "nauc_map_at_3_diff1": 41.219585978462945, + "nauc_map_at_3_max": 28.011196543817434, + "nauc_map_at_3_std": -3.044450793683433, + "nauc_map_at_5_diff1": 40.939506102888764, + "nauc_map_at_5_max": 29.540212186749425, + "nauc_map_at_5_std": -3.1730910868590727, + "nauc_mrr_at_1000_diff1": 47.96962048949819, + "nauc_mrr_at_1000_max": 41.099667353299374, + "nauc_mrr_at_1000_std": 4.467914650660563, + "nauc_mrr_at_100_diff1": 47.9560929136886, + "nauc_mrr_at_100_max": 41.09589159992226, + "nauc_mrr_at_100_std": 4.476987401102542, + "nauc_mrr_at_10_diff1": 47.802236303006126, + "nauc_mrr_at_10_max": 41.12863157277526, + "nauc_mrr_at_10_std": 4.477816376878187, + "nauc_mrr_at_1_diff1": 52.870422957055716, + "nauc_mrr_at_1_max": 43.428953993348884, + "nauc_mrr_at_1_std": 2.387226205404917, + "nauc_mrr_at_20_diff1": 47.83523176840918, + "nauc_mrr_at_20_max": 41.029596827821834, + "nauc_mrr_at_20_std": 4.5385963120519754, + "nauc_mrr_at_3_diff1": 48.32796899458485, + "nauc_mrr_at_3_max": 40.480791496627, + "nauc_mrr_at_3_std": 3.7270854217177156, + "nauc_mrr_at_5_diff1": 48.22553289172981, + "nauc_mrr_at_5_max": 41.02180420801701, + "nauc_mrr_at_5_std": 3.729275399473376, + "nauc_ndcg_at_1000_diff1": 42.00277070047937, + "nauc_ndcg_at_1000_max": 36.393412472195685, + "nauc_ndcg_at_1000_std": 4.024568526370287, + "nauc_ndcg_at_100_diff1": 41.548574319315975, + "nauc_ndcg_at_100_max": 35.1854949566919, + "nauc_ndcg_at_100_std": 3.2259940083596303, + "nauc_ndcg_at_10_diff1": 40.31878979087437, + "nauc_ndcg_at_10_max": 33.26618794696491, + "nauc_ndcg_at_10_std": 0.29232789607728665, + "nauc_ndcg_at_1_diff1": 52.870422957055716, + "nauc_ndcg_at_1_max": 43.428953993348884, + "nauc_ndcg_at_1_std": 2.387226205404917, + "nauc_ndcg_at_20_diff1": 40.53873236742966, + "nauc_ndcg_at_20_max": 33.362706525227146, + "nauc_ndcg_at_20_std": 0.910837221415557, + "nauc_ndcg_at_3_diff1": 40.40376395238987, + "nauc_ndcg_at_3_max": 34.38813125405468, + "nauc_ndcg_at_3_std": 0.16807833535110997, + "nauc_ndcg_at_5_diff1": 40.3724683040929, + "nauc_ndcg_at_5_max": 33.22990282112641, + "nauc_ndcg_at_5_std": -1.170910956996861, + "nauc_precision_at_1000_diff1": 4.780115339272317, + "nauc_precision_at_1000_max": 29.373445999315003, + "nauc_precision_at_1000_std": 18.119257804913737, + "nauc_precision_at_100_diff1": 14.337485305807846, + "nauc_precision_at_100_max": 35.67152477079675, + "nauc_precision_at_100_std": 18.52374276380505, + "nauc_precision_at_10_diff1": 23.447542904221443, + "nauc_precision_at_10_max": 37.55392508145748, + "nauc_precision_at_10_std": 7.384443638684957, + "nauc_precision_at_1_diff1": 52.870422957055716, + "nauc_precision_at_1_max": 43.428953993348884, + "nauc_precision_at_1_std": 2.387226205404917, + "nauc_precision_at_20_diff1": 20.559907682894412, + "nauc_precision_at_20_max": 35.88377359733998, + "nauc_precision_at_20_std": 9.987931286175494, + "nauc_precision_at_3_diff1": 32.085130181758956, + "nauc_precision_at_3_max": 38.065435201871495, + "nauc_precision_at_3_std": 3.876577967503123, + "nauc_precision_at_5_diff1": 29.56866401837332, + "nauc_precision_at_5_max": 38.78815477388696, + "nauc_precision_at_5_std": 2.7997544833274115, + "nauc_recall_at_1000_diff1": 27.760432319235523, + "nauc_recall_at_1000_max": 35.7001087062572, + "nauc_recall_at_1000_std": 30.137828587877525, + "nauc_recall_at_100_diff1": 29.287768248788588, + "nauc_recall_at_100_max": 27.137731485063952, + "nauc_recall_at_100_std": 10.609690413799408, + "nauc_recall_at_10_diff1": 28.212650726522494, + "nauc_recall_at_10_max": 25.811271820340238, + "nauc_recall_at_10_std": 1.1610302161707255, + "nauc_recall_at_1_diff1": 45.27097981673444, + "nauc_recall_at_1_max": 23.885796928659207, + "nauc_recall_at_1_std": -4.615716690703562, + "nauc_recall_at_20_diff1": 27.602354549803575, + "nauc_recall_at_20_max": 25.12159218675278, + "nauc_recall_at_20_std": 2.8034659578411394, + "nauc_recall_at_3_diff1": 33.03749162583024, + "nauc_recall_at_3_max": 23.496187882951713, + "nauc_recall_at_3_std": -1.7063562184986119, + "nauc_recall_at_5_diff1": 30.475340203561096, + "nauc_recall_at_5_max": 24.881048077990553, + "nauc_recall_at_5_std": -2.1763393571337266, + "ndcg_at_1": 37.191, + "ndcg_at_10": 37.887, + "ndcg_at_100": 44.371, + "ndcg_at_1000": 47.653, + "ndcg_at_20": 40.143, + "ndcg_at_3": 34.201, + "ndcg_at_5": 35.199000000000005, + "precision_at_1": 37.191, + "precision_at_10": 10.509, + "precision_at_100": 1.7209999999999999, + "precision_at_1000": 0.22999999999999998, + "precision_at_20": 6.157, + "precision_at_3": 22.582, + "precision_at_5": 16.42, + "recall_at_1": 18.869, + "recall_at_10": 44.546, + "recall_at_100": 69.11699999999999, + "recall_at_1000": 89.27000000000001, + "recall_at_20": 51.800999999999995, + "recall_at_3": 31.002999999999997, + "recall_at_5": 36.382 + } + ], + "train": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 36.51, + "map_at_1": 18.123, + "map_at_10": 29.076999999999998, + "map_at_100": 30.819000000000003, + "map_at_1000": 31.002000000000002, + "map_at_20": 30.012, + "map_at_3": 25.329, + "map_at_5": 27.328999999999997, + "mrr_at_1": 34.509090909090915, + "mrr_at_10": 43.179141414141434, + "mrr_at_100": 44.064795268543456, + "mrr_at_1000": 44.115400261629986, + "mrr_at_20": 43.69804553461674, + "mrr_at_3": 40.463636363636304, + "mrr_at_5": 41.98909090909089, + "nauc_map_at_1000_diff1": 37.15615774549796, + "nauc_map_at_1000_max": 31.21141480675081, + "nauc_map_at_1000_std": 0.23593958298103257, + "nauc_map_at_100_diff1": 37.12247504332915, + "nauc_map_at_100_max": 31.121298765009076, + "nauc_map_at_100_std": 0.17497479375739514, + "nauc_map_at_10_diff1": 37.169300135930165, + "nauc_map_at_10_max": 30.27825238763013, + "nauc_map_at_10_std": -0.9937592971435554, + "nauc_map_at_1_diff1": 41.80587853334222, + "nauc_map_at_1_max": 23.854328899586477, + "nauc_map_at_1_std": -5.175568477833215, + "nauc_map_at_20_diff1": 37.10171648627797, + "nauc_map_at_20_max": 30.703956990728553, + "nauc_map_at_20_std": -0.41423691795485723, + "nauc_map_at_3_diff1": 38.41388923033453, + "nauc_map_at_3_max": 28.048210515239337, + "nauc_map_at_3_std": -3.633126526709124, + "nauc_map_at_5_diff1": 37.59234691472002, + "nauc_map_at_5_max": 29.230354830049976, + "nauc_map_at_5_std": -2.1971424960232144, + "nauc_mrr_at_1000_diff1": 41.10728573942825, + "nauc_mrr_at_1000_max": 36.22076846098089, + "nauc_mrr_at_1000_std": 1.8853213866330154, + "nauc_mrr_at_100_diff1": 41.09076008134543, + "nauc_mrr_at_100_max": 36.22047212197222, + "nauc_mrr_at_100_std": 1.9062910767251215, + "nauc_mrr_at_10_diff1": 41.0335812183942, + "nauc_mrr_at_10_max": 36.21962954208754, + "nauc_mrr_at_10_std": 1.7773373785742068, + "nauc_mrr_at_1_diff1": 45.24529948581855, + "nauc_mrr_at_1_max": 36.1462487919211, + "nauc_mrr_at_1_std": -1.090815332497445, + "nauc_mrr_at_20_diff1": 41.01488596772634, + "nauc_mrr_at_20_max": 36.2141343078857, + "nauc_mrr_at_20_std": 1.8845557509731432, + "nauc_mrr_at_3_diff1": 41.766622184268385, + "nauc_mrr_at_3_max": 36.22148821536146, + "nauc_mrr_at_3_std": 0.7272238711467435, + "nauc_mrr_at_5_diff1": 41.27326932961623, + "nauc_mrr_at_5_max": 36.13637364985663, + "nauc_mrr_at_5_std": 1.2924883888676457, + "nauc_ndcg_at_1000_diff1": 36.80613722325531, + "nauc_ndcg_at_1000_max": 34.21720049738572, + "nauc_ndcg_at_1000_std": 4.527814626017086, + "nauc_ndcg_at_100_diff1": 36.17636098437324, + "nauc_ndcg_at_100_max": 33.414089717316244, + "nauc_ndcg_at_100_std": 4.571702102445947, + "nauc_ndcg_at_10_diff1": 36.21436001970072, + "nauc_ndcg_at_10_max": 32.002718440161274, + "nauc_ndcg_at_10_std": 1.4925453672604232, + "nauc_ndcg_at_1_diff1": 45.24529948581855, + "nauc_ndcg_at_1_max": 36.1462487919211, + "nauc_ndcg_at_1_std": -1.090815332497445, + "nauc_ndcg_at_20_diff1": 36.13440102426349, + "nauc_ndcg_at_20_max": 32.30001382388748, + "nauc_ndcg_at_20_std": 2.437778241424046, + "nauc_ndcg_at_3_diff1": 37.79059895254473, + "nauc_ndcg_at_3_max": 33.15770741691327, + "nauc_ndcg_at_3_std": -0.20368334588129478, + "nauc_ndcg_at_5_diff1": 36.581391177186454, + "nauc_ndcg_at_5_max": 32.0233752656312, + "nauc_ndcg_at_5_std": 0.4220446359471178, + "nauc_precision_at_1000_diff1": 0.5096715842711691, + "nauc_precision_at_1000_max": 25.572260959557845, + "nauc_precision_at_1000_std": 18.58012141198658, + "nauc_precision_at_100_diff1": 7.32035987737233, + "nauc_precision_at_100_max": 31.33823248777357, + "nauc_precision_at_100_std": 20.945201184166393, + "nauc_precision_at_10_diff1": 18.741339036951604, + "nauc_precision_at_10_max": 36.84407068461333, + "nauc_precision_at_10_std": 12.817984818210004, + "nauc_precision_at_1_diff1": 45.24529948581855, + "nauc_precision_at_1_max": 36.1462487919211, + "nauc_precision_at_1_std": -1.090815332497445, + "nauc_precision_at_20_diff1": 15.09839435945109, + "nauc_precision_at_20_max": 35.302656726696476, + "nauc_precision_at_20_std": 15.720154147812002, + "nauc_precision_at_3_diff1": 29.424938919238198, + "nauc_precision_at_3_max": 37.37280584707218, + "nauc_precision_at_3_std": 4.336212806647541, + "nauc_precision_at_5_diff1": 23.707067165510725, + "nauc_precision_at_5_max": 36.94353183689743, + "nauc_precision_at_5_std": 8.539866400988451, + "nauc_recall_at_1000_diff1": 19.426098149502742, + "nauc_recall_at_1000_max": 24.555933098735878, + "nauc_recall_at_1000_std": 26.370863598494804, + "nauc_recall_at_100_diff1": 21.030972470179695, + "nauc_recall_at_100_max": 23.67615650134856, + "nauc_recall_at_100_std": 15.60356882909795, + "nauc_recall_at_10_diff1": 26.425305400201243, + "nauc_recall_at_10_max": 24.72054913339942, + "nauc_recall_at_10_std": 3.7669745901745024, + "nauc_recall_at_1_diff1": 41.80587853334222, + "nauc_recall_at_1_max": 23.854328899586477, + "nauc_recall_at_1_std": -5.175568477833215, + "nauc_recall_at_20_diff1": 24.495552690364335, + "nauc_recall_at_20_max": 23.70808983555131, + "nauc_recall_at_20_std": 6.2135827779641115, + "nauc_recall_at_3_diff1": 32.118763901902824, + "nauc_recall_at_3_max": 24.44623432024353, + "nauc_recall_at_3_std": -2.621666111893187, + "nauc_recall_at_5_diff1": 28.94107448572844, + "nauc_recall_at_5_max": 24.404546820033314, + "nauc_recall_at_5_std": 0.06750227008470733, + "ndcg_at_1": 34.509, + "ndcg_at_10": 36.51, + "ndcg_at_100": 43.247, + "ndcg_at_1000": 46.515, + "ndcg_at_20": 38.987, + "ndcg_at_3": 32.387, + "ndcg_at_5": 33.769, + "precision_at_1": 34.509, + "precision_at_10": 9.958, + "precision_at_100": 1.688, + "precision_at_1000": 0.22499999999999998, + "precision_at_20": 6.027, + "precision_at_3": 21.157999999999998, + "precision_at_5": 15.665000000000001, + "recall_at_1": 18.123, + "recall_at_10": 43.842999999999996, + "recall_at_100": 69.681, + "recall_at_1000": 89.683, + "recall_at_20": 51.76500000000001, + "recall_at_3": 29.871, + "recall_at_5": 35.63 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAB-Ramy-v1/external/HotpotQA.json b/results/qinxianliu__FAB-Ramy-v1/external/HotpotQA.json new file mode 100644 index 000000000..c1aec65fc --- /dev/null +++ b/results/qinxianliu__FAB-Ramy-v1/external/HotpotQA.json @@ -0,0 +1,455 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 26.438, + "map_at_1": 15.036, + "map_at_10": 20.474, + "map_at_100": 21.138, + "map_at_1000": 21.226, + "map_at_20": 20.807000000000002, + "map_at_3": 18.92, + "map_at_5": 19.764, + "mrr_at_1": 30.071599045346066, + "mrr_at_10": 36.19751370348021, + "mrr_at_100": 36.81917818434799, + "mrr_at_1000": 36.87995669134652, + "mrr_at_20": 36.53740432141104, + "mrr_at_3": 34.53583012055556, + "mrr_at_5": 35.51526834343058, + "nauc_map_at_1000_diff1": 54.537223154280326, + "nauc_map_at_1000_max": 40.13747016798826, + "nauc_map_at_1000_std": 20.5456830548947, + "nauc_map_at_100_diff1": 54.55238080807767, + "nauc_map_at_100_max": 40.166992250862506, + "nauc_map_at_100_std": 20.480855777479295, + "nauc_map_at_10_diff1": 55.05929634160527, + "nauc_map_at_10_max": 40.696082172468145, + "nauc_map_at_10_std": 20.082276638014907, + "nauc_map_at_1_diff1": 64.26271865391058, + "nauc_map_at_1_max": 45.59266447503622, + "nauc_map_at_1_std": 16.388159539611152, + "nauc_map_at_20_diff1": 54.76956723290288, + "nauc_map_at_20_max": 40.447290075460415, + "nauc_map_at_20_std": 20.223128315285596, + "nauc_map_at_3_diff1": 56.720222319069144, + "nauc_map_at_3_max": 42.31748665025715, + "nauc_map_at_3_std": 18.664951841776816, + "nauc_map_at_5_diff1": 55.584957411898294, + "nauc_map_at_5_max": 41.47659472151588, + "nauc_map_at_5_std": 19.47053791008571, + "nauc_mrr_at_1000_diff1": 58.93686924611803, + "nauc_mrr_at_1000_max": 43.19649470251138, + "nauc_mrr_at_1000_std": 18.340611926499008, + "nauc_mrr_at_100_diff1": 58.935264746020124, + "nauc_mrr_at_100_max": 43.197701385304825, + "nauc_mrr_at_100_std": 18.340289319486615, + "nauc_mrr_at_10_diff1": 59.05640112675462, + "nauc_mrr_at_10_max": 43.398107113370216, + "nauc_mrr_at_10_std": 18.225298344089595, + "nauc_mrr_at_1_diff1": 64.26271865391058, + "nauc_mrr_at_1_max": 45.59266447503622, + "nauc_mrr_at_1_std": 16.388159539611152, + "nauc_mrr_at_20_diff1": 58.97530435476188, + "nauc_mrr_at_20_max": 43.31133182454491, + "nauc_mrr_at_20_std": 18.290453543570013, + "nauc_mrr_at_3_diff1": 60.03767873746404, + "nauc_mrr_at_3_max": 44.29158794111005, + "nauc_mrr_at_3_std": 17.754233463587617, + "nauc_mrr_at_5_diff1": 59.368964408914806, + "nauc_mrr_at_5_max": 43.68985739863071, + "nauc_mrr_at_5_std": 18.079608840844145, + "nauc_ndcg_at_1000_diff1": 52.1387035934151, + "nauc_ndcg_at_1000_max": 37.36614247003558, + "nauc_ndcg_at_1000_std": 23.171779953841934, + "nauc_ndcg_at_100_diff1": 52.32698043894608, + "nauc_ndcg_at_100_max": 37.82242201623778, + "nauc_ndcg_at_100_std": 22.185407656761324, + "nauc_ndcg_at_10_diff1": 53.876790290797715, + "nauc_ndcg_at_10_max": 39.84595641328712, + "nauc_ndcg_at_10_std": 20.700044609664225, + "nauc_ndcg_at_1_diff1": 64.26271865391058, + "nauc_ndcg_at_1_max": 45.59266447503622, + "nauc_ndcg_at_1_std": 16.388159539611152, + "nauc_ndcg_at_20_diff1": 53.216806841502354, + "nauc_ndcg_at_20_max": 39.220925392471834, + "nauc_ndcg_at_20_std": 21.04682907066196, + "nauc_ndcg_at_3_diff1": 56.53998759095498, + "nauc_ndcg_at_3_max": 42.473810368239626, + "nauc_ndcg_at_3_std": 18.749922498015728, + "nauc_ndcg_at_5_diff1": 54.88764473335939, + "nauc_ndcg_at_5_max": 41.15857932327763, + "nauc_ndcg_at_5_std": 19.773839497508842, + "nauc_precision_at_1000_diff1": 26.636538760300187, + "nauc_precision_at_1000_max": 14.518595307958709, + "nauc_precision_at_1000_std": 30.100792670121233, + "nauc_precision_at_100_diff1": 33.24573074948397, + "nauc_precision_at_100_max": 21.309432819329786, + "nauc_precision_at_100_std": 25.969081631354978, + "nauc_precision_at_10_diff1": 43.17868359484903, + "nauc_precision_at_10_max": 32.03435632591636, + "nauc_precision_at_10_std": 23.1337397145689, + "nauc_precision_at_1_diff1": 64.26271865391058, + "nauc_precision_at_1_max": 45.59266447503622, + "nauc_precision_at_1_std": 16.388159539611152, + "nauc_precision_at_20_diff1": 39.88009325737432, + "nauc_precision_at_20_max": 29.11452277829858, + "nauc_precision_at_20_std": 23.3836737113812, + "nauc_precision_at_3_diff1": 51.635294295085544, + "nauc_precision_at_3_max": 40.13040506750192, + "nauc_precision_at_3_std": 19.880690860306775, + "nauc_precision_at_5_diff1": 47.11942305973816, + "nauc_precision_at_5_max": 36.507260051332366, + "nauc_precision_at_5_std": 21.648471163162313, + "nauc_recall_at_1000_diff1": 26.63653876030016, + "nauc_recall_at_1000_max": 14.518595307958657, + "nauc_recall_at_1000_std": 30.100792670121244, + "nauc_recall_at_100_diff1": 33.245730749483926, + "nauc_recall_at_100_max": 21.309432819329757, + "nauc_recall_at_100_std": 25.969081631354957, + "nauc_recall_at_10_diff1": 43.17868359484901, + "nauc_recall_at_10_max": 32.03435632591637, + "nauc_recall_at_10_std": 23.133739714568893, + "nauc_recall_at_1_diff1": 64.26271865391058, + "nauc_recall_at_1_max": 45.59266447503622, + "nauc_recall_at_1_std": 16.388159539611152, + "nauc_recall_at_20_diff1": 39.880093257374305, + "nauc_recall_at_20_max": 29.114522778298547, + "nauc_recall_at_20_std": 23.383673711381185, + "nauc_recall_at_3_diff1": 51.6352942950856, + "nauc_recall_at_3_max": 40.13040506750194, + "nauc_recall_at_3_std": 19.88069086030679, + "nauc_recall_at_5_diff1": 47.119423059738146, + "nauc_recall_at_5_max": 36.507260051332366, + "nauc_recall_at_5_std": 21.648471163162284, + "ndcg_at_1": 30.072, + "ndcg_at_10": 26.438, + "ndcg_at_100": 29.798000000000002, + "ndcg_at_1000": 32.14, + "ndcg_at_20": 27.561000000000003, + "ndcg_at_3": 23.422, + "ndcg_at_5": 24.895999999999997, + "precision_at_1": 30.072, + "precision_at_10": 5.757000000000001, + "precision_at_100": 0.8500000000000001, + "precision_at_1000": 0.116, + "precision_at_20": 3.2399999999999998, + "precision_at_3": 14.674999999999999, + "precision_at_5": 9.972, + "recall_at_1": 15.036, + "recall_at_10": 28.786, + "recall_at_100": 42.491, + "recall_at_1000": 58.233999999999995, + "recall_at_20": 32.403, + "recall_at_3": 22.012, + "recall_at_5": 24.931 + } + ], + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 25.03, + "map_at_1": 13.883000000000001, + "map_at_10": 19.306, + "map_at_100": 20.057, + "map_at_1000": 20.147000000000002, + "map_at_20": 19.705000000000002, + "map_at_3": 17.727999999999998, + "map_at_5": 18.561, + "mrr_at_1": 27.76502363268062, + "mrr_at_10": 33.845112161452526, + "mrr_at_100": 34.55659500703294, + "mrr_at_1000": 34.61801145232459, + "mrr_at_20": 34.23978586214061, + "mrr_at_3": 32.192212469052414, + "mrr_at_5": 33.08282691874859, + "nauc_map_at_1000_diff1": 49.52811194915241, + "nauc_map_at_1000_max": 31.367964101953998, + "nauc_map_at_1000_std": 21.223935061913256, + "nauc_map_at_100_diff1": 49.52433288290855, + "nauc_map_at_100_max": 31.38384596023225, + "nauc_map_at_100_std": 21.172633510150604, + "nauc_map_at_10_diff1": 50.008706115800095, + "nauc_map_at_10_max": 32.174046698013626, + "nauc_map_at_10_std": 20.762998904473974, + "nauc_map_at_1_diff1": 60.66370740429158, + "nauc_map_at_1_max": 37.77536569988293, + "nauc_map_at_1_std": 16.94607553654888, + "nauc_map_at_20_diff1": 49.69512102829194, + "nauc_map_at_20_max": 31.72551501440079, + "nauc_map_at_20_std": 20.93287039121325, + "nauc_map_at_3_diff1": 51.962779707972196, + "nauc_map_at_3_max": 33.55742559527387, + "nauc_map_at_3_std": 19.79609843221411, + "nauc_map_at_5_diff1": 50.89900080665205, + "nauc_map_at_5_max": 32.78085480865946, + "nauc_map_at_5_std": 20.253947050074075, + "nauc_mrr_at_1000_diff1": 54.960638242384505, + "nauc_mrr_at_1000_max": 35.15356515780757, + "nauc_mrr_at_1000_std": 18.935832426755145, + "nauc_mrr_at_100_diff1": 54.95378876377961, + "nauc_mrr_at_100_max": 35.14192971581471, + "nauc_mrr_at_100_std": 18.932564888675635, + "nauc_mrr_at_10_diff1": 55.087281327795154, + "nauc_mrr_at_10_max": 35.4248839201561, + "nauc_mrr_at_10_std": 18.849283365481817, + "nauc_mrr_at_1_diff1": 60.66370740429158, + "nauc_mrr_at_1_max": 37.77536569988293, + "nauc_mrr_at_1_std": 16.94607553654888, + "nauc_mrr_at_20_diff1": 54.98497291932936, + "nauc_mrr_at_20_max": 35.25285925857883, + "nauc_mrr_at_20_std": 18.888527479728833, + "nauc_mrr_at_3_diff1": 56.134422393681874, + "nauc_mrr_at_3_max": 36.1901726304337, + "nauc_mrr_at_3_std": 18.501759643964412, + "nauc_mrr_at_5_diff1": 55.493883468259995, + "nauc_mrr_at_5_max": 35.74136289299892, + "nauc_mrr_at_5_std": 18.670559230920166, + "nauc_ndcg_at_1000_diff1": 47.412008183704046, + "nauc_ndcg_at_1000_max": 28.78255829050658, + "nauc_ndcg_at_1000_std": 23.638999027180304, + "nauc_ndcg_at_100_diff1": 47.46573017894706, + "nauc_ndcg_at_100_max": 28.91945273753359, + "nauc_ndcg_at_100_std": 22.645380592398336, + "nauc_ndcg_at_10_diff1": 48.9566366791267, + "nauc_ndcg_at_10_max": 31.743035925630963, + "nauc_ndcg_at_10_std": 21.215985958483223, + "nauc_ndcg_at_1_diff1": 60.66370740429158, + "nauc_ndcg_at_1_max": 37.77536569988293, + "nauc_ndcg_at_1_std": 16.94607553654888, + "nauc_ndcg_at_20_diff1": 48.20423756666294, + "nauc_ndcg_at_20_max": 30.597403827598015, + "nauc_ndcg_at_20_std": 21.58308310951285, + "nauc_ndcg_at_3_diff1": 52.046664842964105, + "nauc_ndcg_at_3_max": 33.9730337080867, + "nauc_ndcg_at_3_std": 19.84630736865632, + "nauc_ndcg_at_5_diff1": 50.54150341424335, + "nauc_ndcg_at_5_max": 32.87272035522438, + "nauc_ndcg_at_5_std": 20.394741748297047, + "nauc_precision_at_1000_diff1": 23.43156644893743, + "nauc_precision_at_1000_max": 8.479915781560456, + "nauc_precision_at_1000_std": 29.983437668371078, + "nauc_precision_at_100_diff1": 29.123936702976255, + "nauc_precision_at_100_max": 12.755740930279167, + "nauc_precision_at_100_std": 25.772859888112016, + "nauc_precision_at_10_diff1": 38.01136864458918, + "nauc_precision_at_10_max": 25.19254067701627, + "nauc_precision_at_10_std": 23.2347042349372, + "nauc_precision_at_1_diff1": 60.66370740429158, + "nauc_precision_at_1_max": 37.77536569988293, + "nauc_precision_at_1_std": 16.94607553654888, + "nauc_precision_at_20_diff1": 34.77820496643423, + "nauc_precision_at_20_max": 21.011198547671068, + "nauc_precision_at_20_std": 23.52918432525127, + "nauc_precision_at_3_diff1": 47.05392133242683, + "nauc_precision_at_3_max": 31.73852767069115, + "nauc_precision_at_3_std": 21.383487275149644, + "nauc_precision_at_5_diff1": 43.47555648064716, + "nauc_precision_at_5_max": 29.068469700072708, + "nauc_precision_at_5_std": 22.12790386597383, + "nauc_recall_at_1000_diff1": 23.43156644893756, + "nauc_recall_at_1000_max": 8.479915781560507, + "nauc_recall_at_1000_std": 29.98343766837106, + "nauc_recall_at_100_diff1": 29.123936702976234, + "nauc_recall_at_100_max": 12.755740930279153, + "nauc_recall_at_100_std": 25.77285988811203, + "nauc_recall_at_10_diff1": 38.011368644589176, + "nauc_recall_at_10_max": 25.192540677016268, + "nauc_recall_at_10_std": 23.23470423493718, + "nauc_recall_at_1_diff1": 60.66370740429158, + "nauc_recall_at_1_max": 37.77536569988293, + "nauc_recall_at_1_std": 16.94607553654888, + "nauc_recall_at_20_diff1": 34.77820496643424, + "nauc_recall_at_20_max": 21.01119854767107, + "nauc_recall_at_20_std": 23.529184325251233, + "nauc_recall_at_3_diff1": 47.05392133242686, + "nauc_recall_at_3_max": 31.73852767069111, + "nauc_recall_at_3_std": 21.383487275149605, + "nauc_recall_at_5_diff1": 43.475556480647164, + "nauc_recall_at_5_max": 29.068469700072736, + "nauc_recall_at_5_std": 22.12790386597384, + "ndcg_at_1": 27.765, + "ndcg_at_10": 25.03, + "ndcg_at_100": 28.683999999999997, + "ndcg_at_1000": 31.081999999999997, + "ndcg_at_20": 26.361, + "ndcg_at_3": 21.945999999999998, + "ndcg_at_5": 23.362, + "precision_at_1": 27.765, + "precision_at_10": 5.55, + "precision_at_100": 0.847, + "precision_at_1000": 0.117, + "precision_at_20": 3.2039999999999997, + "precision_at_3": 13.828, + "precision_at_5": 9.421, + "recall_at_1": 13.883000000000001, + "recall_at_10": 27.752, + "recall_at_100": 42.342999999999996, + "recall_at_1000": 58.528000000000006, + "recall_at_20": 32.039, + "recall_at_3": 20.743000000000002, + "recall_at_5": 23.552 + } + ], + "train": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 26.529000000000003, + "map_at_1": 15.251000000000001, + "map_at_10": 20.617, + "map_at_100": 21.306, + "map_at_1000": 21.395, + "map_at_20": 20.979999999999997, + "map_at_3": 19.076, + "map_at_5": 19.930999999999997, + "mrr_at_1": 30.501176470588238, + "mrr_at_10": 36.3640177404293, + "mrr_at_100": 37.00126280987471, + "mrr_at_1000": 37.06055395628011, + "mrr_at_20": 36.71522853907902, + "mrr_at_3": 34.7186274509791, + "mrr_at_5": 35.63486274509751, + "nauc_map_at_1000_diff1": 53.091937387318275, + "nauc_map_at_1000_max": 39.77249386458787, + "nauc_map_at_1000_std": 22.997551064792816, + "nauc_map_at_100_diff1": 53.10652405598949, + "nauc_map_at_100_max": 39.802778758792925, + "nauc_map_at_100_std": 22.944340670079512, + "nauc_map_at_10_diff1": 53.63358701267269, + "nauc_map_at_10_max": 40.38430667854816, + "nauc_map_at_10_std": 22.47973407409837, + "nauc_map_at_1_diff1": 63.29446603544966, + "nauc_map_at_1_max": 45.44655166185939, + "nauc_map_at_1_std": 19.38763122565186, + "nauc_map_at_20_diff1": 53.32063476711735, + "nauc_map_at_20_max": 40.05622576599261, + "nauc_map_at_20_std": 22.71762219895874, + "nauc_map_at_3_diff1": 55.47238628728035, + "nauc_map_at_3_max": 41.96399139477964, + "nauc_map_at_3_std": 21.45173191276437, + "nauc_map_at_5_diff1": 54.431348672677615, + "nauc_map_at_5_max": 41.16610646516767, + "nauc_map_at_5_std": 22.012303974578916, + "nauc_mrr_at_1000_diff1": 58.1487723238667, + "nauc_mrr_at_1000_max": 42.88588201144214, + "nauc_mrr_at_1000_std": 20.911755838899808, + "nauc_mrr_at_100_diff1": 58.1437053648118, + "nauc_mrr_at_100_max": 42.88408016749706, + "nauc_mrr_at_100_std": 20.909162697027657, + "nauc_mrr_at_10_diff1": 58.30788823174321, + "nauc_mrr_at_10_max": 43.082683890907866, + "nauc_mrr_at_10_std": 20.798490239497703, + "nauc_mrr_at_1_diff1": 63.29446603544966, + "nauc_mrr_at_1_max": 45.44655166185939, + "nauc_mrr_at_1_std": 19.38763122565186, + "nauc_mrr_at_20_diff1": 58.19361244299651, + "nauc_mrr_at_20_max": 42.952221861590616, + "nauc_mrr_at_20_std": 20.861225530706733, + "nauc_mrr_at_3_diff1": 59.19783436262064, + "nauc_mrr_at_3_max": 43.8537041093437, + "nauc_mrr_at_3_std": 20.409160747812134, + "nauc_mrr_at_5_diff1": 58.74044365363213, + "nauc_mrr_at_5_max": 43.4748656080793, + "nauc_mrr_at_5_std": 20.64614574971485, + "nauc_ndcg_at_1000_diff1": 50.480598095699406, + "nauc_ndcg_at_1000_max": 36.90628033108599, + "nauc_ndcg_at_1000_std": 25.29194052835266, + "nauc_ndcg_at_100_diff1": 50.76527281781531, + "nauc_ndcg_at_100_max": 37.42998879139893, + "nauc_ndcg_at_100_std": 24.45372878141619, + "nauc_ndcg_at_10_diff1": 52.57439157845296, + "nauc_ndcg_at_10_max": 39.50943836916078, + "nauc_ndcg_at_10_std": 22.86866562991349, + "nauc_ndcg_at_1_diff1": 63.29446603544966, + "nauc_ndcg_at_1_max": 45.44655166185939, + "nauc_ndcg_at_1_std": 19.38763122565186, + "nauc_ndcg_at_20_diff1": 51.76908449567371, + "nauc_ndcg_at_20_max": 38.662145359139814, + "nauc_ndcg_at_20_std": 23.41499472996759, + "nauc_ndcg_at_3_diff1": 55.4485950136614, + "nauc_ndcg_at_3_max": 42.017099929382496, + "nauc_ndcg_at_3_std": 21.415955484286258, + "nauc_ndcg_at_5_diff1": 54.05716724559808, + "nauc_ndcg_at_5_max": 40.92618895209629, + "nauc_ndcg_at_5_std": 22.127688510993504, + "nauc_precision_at_1000_diff1": 23.399534691802295, + "nauc_precision_at_1000_max": 13.58434274897539, + "nauc_precision_at_1000_std": 30.206919246446233, + "nauc_precision_at_100_diff1": 30.85009451835817, + "nauc_precision_at_100_max": 21.001107146544584, + "nauc_precision_at_100_std": 27.54297514082735, + "nauc_precision_at_10_diff1": 41.6873276917507, + "nauc_precision_at_10_max": 31.86733195838854, + "nauc_precision_at_10_std": 24.515014608266057, + "nauc_precision_at_1_diff1": 63.29446603544966, + "nauc_precision_at_1_max": 45.44655166185939, + "nauc_precision_at_1_std": 19.38763122565186, + "nauc_precision_at_20_diff1": 37.83494391919505, + "nauc_precision_at_20_max": 28.187770095146945, + "nauc_precision_at_20_std": 25.312115144445013, + "nauc_precision_at_3_diff1": 50.50278610549442, + "nauc_precision_at_3_max": 39.54118522568992, + "nauc_precision_at_3_std": 22.385832179413782, + "nauc_precision_at_5_diff1": 46.76357505882374, + "nauc_precision_at_5_max": 36.55177724166869, + "nauc_precision_at_5_std": 23.461590156573102, + "nauc_recall_at_1000_diff1": 23.39953469180225, + "nauc_recall_at_1000_max": 13.584342748975423, + "nauc_recall_at_1000_std": 30.206919246446297, + "nauc_recall_at_100_diff1": 30.85009451835822, + "nauc_recall_at_100_max": 21.00110714654462, + "nauc_recall_at_100_std": 27.54297514082738, + "nauc_recall_at_10_diff1": 41.68732769175074, + "nauc_recall_at_10_max": 31.86733195838858, + "nauc_recall_at_10_std": 24.51501460826607, + "nauc_recall_at_1_diff1": 63.29446603544966, + "nauc_recall_at_1_max": 45.44655166185939, + "nauc_recall_at_1_std": 19.38763122565186, + "nauc_recall_at_20_diff1": 37.83494391919508, + "nauc_recall_at_20_max": 28.187770095146963, + "nauc_recall_at_20_std": 25.312115144445052, + "nauc_recall_at_3_diff1": 50.502786105494444, + "nauc_recall_at_3_max": 39.541185225689915, + "nauc_recall_at_3_std": 22.38583217941378, + "nauc_recall_at_5_diff1": 46.76357505882376, + "nauc_recall_at_5_max": 36.55177724166868, + "nauc_recall_at_5_std": 23.46159015657311, + "ndcg_at_1": 30.501, + "ndcg_at_10": 26.529000000000003, + "ndcg_at_100": 29.903000000000002, + "ndcg_at_1000": 32.21, + "ndcg_at_20": 27.733999999999998, + "ndcg_at_3": 23.52, + "ndcg_at_5": 24.971, + "precision_at_1": 30.501, + "precision_at_10": 5.752, + "precision_at_100": 0.847, + "precision_at_1000": 0.116, + "precision_at_20": 3.2649999999999997, + "precision_at_3": 14.641000000000002, + "precision_at_5": 9.934, + "recall_at_1": 15.251000000000001, + "recall_at_10": 28.76, + "recall_at_100": 42.332, + "recall_at_1000": 57.825, + "recall_at_20": 32.649, + "recall_at_3": 21.961, + "recall_at_5": 24.834999999999997 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAB-Ramy-v1/external/MSMARCO.json b/results/qinxianliu__FAB-Ramy-v1/external/MSMARCO.json new file mode 100644 index 000000000..0d49b46c8 --- /dev/null +++ b/results/qinxianliu__FAB-Ramy-v1/external/MSMARCO.json @@ -0,0 +1,455 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 33.939, + "map_at_1": 18.554000000000002, + "map_at_10": 28.366000000000003, + "map_at_100": 29.427999999999997, + "map_at_1000": 29.49, + "map_at_20": 28.991, + "map_at_3": 25.244, + "map_at_5": 27.099, + "mrr_at_1": 19.140401146131804, + "mrr_at_10": 29.00023877745931, + "mrr_at_100": 30.02642038752663, + "mrr_at_1000": 30.083388436740517, + "mrr_at_20": 29.60910356817154, + "mrr_at_3": 25.900191021967387, + "mrr_at_5": 27.727554918815628, + "nauc_map_at_1000_diff1": 32.1043502865461, + "nauc_map_at_1000_max": 21.429526872287287, + "nauc_map_at_1000_std": -11.11431936549147, + "nauc_map_at_100_diff1": 32.08728917729153, + "nauc_map_at_100_max": 21.44485732811748, + "nauc_map_at_100_std": -11.108295756744214, + "nauc_map_at_10_diff1": 32.245408928837726, + "nauc_map_at_10_max": 21.030952780901575, + "nauc_map_at_10_std": -11.965913727986353, + "nauc_map_at_1_diff1": 37.1901818991669, + "nauc_map_at_1_max": 15.316177496078359, + "nauc_map_at_1_std": -13.164938577505957, + "nauc_map_at_20_diff1": 32.06767380261074, + "nauc_map_at_20_max": 21.42977302917076, + "nauc_map_at_20_std": -11.388490335815774, + "nauc_map_at_3_diff1": 33.45489061898566, + "nauc_map_at_3_max": 19.170640314578254, + "nauc_map_at_3_std": -13.2031062886881, + "nauc_map_at_5_diff1": 32.65185636198949, + "nauc_map_at_5_max": 20.24519766832355, + "nauc_map_at_5_std": -12.633421465505737, + "nauc_mrr_at_1000_diff1": 31.95097165431188, + "nauc_mrr_at_1000_max": 21.15268083107041, + "nauc_mrr_at_1000_std": -11.106730707145545, + "nauc_mrr_at_100_diff1": 31.933191513261605, + "nauc_mrr_at_100_max": 21.17218854014892, + "nauc_mrr_at_100_std": -11.094329692402868, + "nauc_mrr_at_10_diff1": 32.06340465673064, + "nauc_mrr_at_10_max": 20.792547343913643, + "nauc_mrr_at_10_std": -11.898724801332076, + "nauc_mrr_at_1_diff1": 36.913947241360816, + "nauc_mrr_at_1_max": 15.428252006039193, + "nauc_mrr_at_1_std": -13.330005901242325, + "nauc_mrr_at_20_diff1": 31.9111963843867, + "nauc_mrr_at_20_max": 21.16939853452927, + "nauc_mrr_at_20_std": -11.33864679636319, + "nauc_mrr_at_3_diff1": 33.31208216930502, + "nauc_mrr_at_3_max": 18.906264822083145, + "nauc_mrr_at_3_std": -13.205858786458949, + "nauc_mrr_at_5_diff1": 32.520500845422305, + "nauc_mrr_at_5_max": 20.02529091944441, + "nauc_mrr_at_5_std": -12.583093042366, + "nauc_ndcg_at_1000_diff1": 29.876347569127265, + "nauc_ndcg_at_1000_max": 24.853316458670882, + "nauc_ndcg_at_1000_std": -6.793919467973167, + "nauc_ndcg_at_100_diff1": 29.429010417805845, + "nauc_ndcg_at_100_max": 25.40368085105586, + "nauc_ndcg_at_100_std": -6.401282094286693, + "nauc_ndcg_at_10_diff1": 30.022968228466613, + "nauc_ndcg_at_10_max": 23.87401262303866, + "nauc_ndcg_at_10_std": -10.510978741604852, + "nauc_ndcg_at_1_diff1": 36.84087950311393, + "nauc_ndcg_at_1_max": 15.382113182852747, + "nauc_ndcg_at_1_std": -13.35916315031217, + "nauc_ndcg_at_20_diff1": 29.407955606699026, + "nauc_ndcg_at_20_max": 25.29763911597211, + "nauc_ndcg_at_20_std": -8.400438863746325, + "nauc_ndcg_at_3_diff1": 32.41531009158605, + "nauc_ndcg_at_3_max": 20.192750114328813, + "nauc_ndcg_at_3_std": -13.186445720926276, + "nauc_ndcg_at_5_diff1": 31.05616849014481, + "nauc_ndcg_at_5_max": 22.047076070346456, + "nauc_ndcg_at_5_std": -12.11837801222266, + "nauc_precision_at_1000_diff1": 6.503924665128179, + "nauc_precision_at_1000_max": 33.260259905156545, + "nauc_precision_at_1000_std": 27.47921554198303, + "nauc_precision_at_100_diff1": 13.729073479457215, + "nauc_precision_at_100_max": 39.30465046417848, + "nauc_precision_at_100_std": 19.69836725806241, + "nauc_precision_at_10_diff1": 22.89397669402125, + "nauc_precision_at_10_max": 31.999106546213095, + "nauc_precision_at_10_std": -5.956833164886274, + "nauc_precision_at_1_diff1": 36.84087950311393, + "nauc_precision_at_1_max": 15.382113182852747, + "nauc_precision_at_1_std": -13.35916315031217, + "nauc_precision_at_20_diff1": 19.41566166758395, + "nauc_precision_at_20_max": 37.50910238169271, + "nauc_precision_at_20_std": 2.8591257525392573, + "nauc_precision_at_3_diff1": 29.41662318709668, + "nauc_precision_at_3_max": 23.164913294658305, + "nauc_precision_at_3_std": -13.287480239439661, + "nauc_precision_at_5_diff1": 26.361023747700813, + "nauc_precision_at_5_max": 26.854743011480974, + "nauc_precision_at_5_std": -10.855914761809073, + "nauc_recall_at_1000_diff1": 12.375912230640395, + "nauc_recall_at_1000_max": 52.09399440046304, + "nauc_recall_at_1000_std": 42.67474710071944, + "nauc_recall_at_100_diff1": 16.493965560219483, + "nauc_recall_at_100_max": 44.08818205505515, + "nauc_recall_at_100_std": 21.777179697258454, + "nauc_recall_at_10_diff1": 23.39760274063967, + "nauc_recall_at_10_max": 31.789010139313778, + "nauc_recall_at_10_std": -5.897485339479972, + "nauc_recall_at_1_diff1": 37.1901818991669, + "nauc_recall_at_1_max": 15.316177496078359, + "nauc_recall_at_1_std": -13.164938577505957, + "nauc_recall_at_20_diff1": 20.535420431292366, + "nauc_recall_at_20_max": 37.96984293631699, + "nauc_recall_at_20_std": 2.6660861780381317, + "nauc_recall_at_3_diff1": 29.52553032660534, + "nauc_recall_at_3_max": 22.779941118777465, + "nauc_recall_at_3_std": -12.960291756511596, + "nauc_recall_at_5_diff1": 26.596221968033294, + "nauc_recall_at_5_max": 26.634076228081117, + "nauc_recall_at_5_std": -10.521011370868235, + "ndcg_at_1": 19.155, + "ndcg_at_10": 33.939, + "ndcg_at_100": 39.308, + "ndcg_at_1000": 41.04, + "ndcg_at_20": 36.176, + "ndcg_at_3": 27.572000000000003, + "ndcg_at_5": 30.887999999999998, + "precision_at_1": 19.155, + "precision_at_10": 5.321, + "precision_at_100": 0.8049999999999999, + "precision_at_1000": 0.095, + "precision_at_20": 3.128, + "precision_at_3": 11.667, + "precision_at_5": 8.673, + "recall_at_1": 18.554000000000002, + "recall_at_10": 50.956999999999994, + "recall_at_100": 76.347, + "recall_at_1000": 90.0, + "recall_at_20": 59.660000000000004, + "recall_at_3": 33.67, + "recall_at_5": 41.652 + } + ], + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 57.109, + "map_at_1": 2.2950000000000004, + "map_at_10": 10.956000000000001, + "map_at_100": 22.721, + "map_at_1000": 26.083000000000002, + "map_at_20": 15.347, + "map_at_3": 5.236, + "map_at_5": 7.631, + "mrr_at_1": 88.37209302325581, + "mrr_at_10": 90.44850498338872, + "mrr_at_100": 90.81496023356489, + "mrr_at_1000": 90.81496023356489, + "mrr_at_20": 90.81496023356489, + "mrr_at_3": 89.53488372093024, + "mrr_at_5": 90.11627906976744, + "nauc_map_at_1000_diff1": -41.22945849119499, + "nauc_map_at_1000_max": 29.8993857565359, + "nauc_map_at_1000_std": 43.070877258544265, + "nauc_map_at_100_diff1": -35.559153998563545, + "nauc_map_at_100_max": 30.004186590283826, + "nauc_map_at_100_std": 33.110513559613594, + "nauc_map_at_10_diff1": -12.277862600820399, + "nauc_map_at_10_max": 16.902463562441707, + "nauc_map_at_10_std": -5.1535040641375875, + "nauc_map_at_1_diff1": -5.224048301851365, + "nauc_map_at_1_max": -12.302032173564417, + "nauc_map_at_1_std": -33.01229864197312, + "nauc_map_at_20_diff1": -21.719174403508557, + "nauc_map_at_20_max": 25.068867648717035, + "nauc_map_at_20_std": 7.073647892639388, + "nauc_map_at_3_diff1": -1.6329011305873231, + "nauc_map_at_3_max": 9.440511531216908, + "nauc_map_at_3_std": -19.849512510912852, + "nauc_map_at_5_diff1": -4.022775420974021, + "nauc_map_at_5_max": 13.042252058502472, + "nauc_map_at_5_std": -16.45982038654072, + "nauc_mrr_at_1000_diff1": 20.438439294311316, + "nauc_mrr_at_1000_max": 45.203445102577916, + "nauc_mrr_at_1000_std": 11.43598900751368, + "nauc_mrr_at_100_diff1": 20.438439294311316, + "nauc_mrr_at_100_max": 45.203445102577916, + "nauc_mrr_at_100_std": 11.43598900751368, + "nauc_mrr_at_10_diff1": 21.855244996414104, + "nauc_mrr_at_10_max": 44.68536023836383, + "nauc_mrr_at_10_std": 9.881019291153557, + "nauc_mrr_at_1_diff1": 8.707815117375569, + "nauc_mrr_at_1_max": 37.82725354000382, + "nauc_mrr_at_1_std": 5.892259660135367, + "nauc_mrr_at_20_diff1": 20.438439294311316, + "nauc_mrr_at_20_max": 45.203445102577916, + "nauc_mrr_at_20_std": 11.43598900751368, + "nauc_mrr_at_3_diff1": 22.317171044578323, + "nauc_mrr_at_3_max": 47.956801492914785, + "nauc_mrr_at_3_std": 12.888583421806038, + "nauc_mrr_at_5_diff1": 21.509980332343652, + "nauc_mrr_at_5_max": 45.62283981977317, + "nauc_mrr_at_5_std": 12.957172057037988, + "nauc_ndcg_at_1000_diff1": -34.23947403179086, + "nauc_ndcg_at_1000_max": 44.30825018692184, + "nauc_ndcg_at_1000_std": 50.071066038509215, + "nauc_ndcg_at_100_diff1": -33.2533247819744, + "nauc_ndcg_at_100_max": 39.43726654324776, + "nauc_ndcg_at_100_std": 42.845155095685236, + "nauc_ndcg_at_10_diff1": -18.02789530039883, + "nauc_ndcg_at_10_max": 52.22260011200351, + "nauc_ndcg_at_10_std": 44.06684579498954, + "nauc_ndcg_at_1_diff1": 16.337929168801484, + "nauc_ndcg_at_1_max": 39.96863846485167, + "nauc_ndcg_at_1_std": 1.134729877629415, + "nauc_ndcg_at_20_diff1": -31.264316625168455, + "nauc_ndcg_at_20_max": 48.346002528755434, + "nauc_ndcg_at_20_std": 49.32220891282256, + "nauc_ndcg_at_3_diff1": 20.23082563873094, + "nauc_ndcg_at_3_max": 56.92923575220469, + "nauc_ndcg_at_3_std": 22.821958845740532, + "nauc_ndcg_at_5_diff1": 7.930789970848052, + "nauc_ndcg_at_5_max": 57.569472435508665, + "nauc_ndcg_at_5_std": 29.573351046675754, + "nauc_precision_at_1000_diff1": -39.981177213975215, + "nauc_precision_at_1000_max": 7.991304157642164, + "nauc_precision_at_1000_std": 53.49440120379302, + "nauc_precision_at_100_diff1": -38.57501478782729, + "nauc_precision_at_100_max": 13.345081938933046, + "nauc_precision_at_100_std": 55.12107571638661, + "nauc_precision_at_10_diff1": -43.715485642574905, + "nauc_precision_at_10_max": 33.99074789943594, + "nauc_precision_at_10_std": 54.98596557209545, + "nauc_precision_at_1_diff1": 8.707815117375569, + "nauc_precision_at_1_max": 37.82725354000382, + "nauc_precision_at_1_std": 5.892259660135367, + "nauc_precision_at_20_diff1": -49.25433968736335, + "nauc_precision_at_20_max": 35.88401343902919, + "nauc_precision_at_20_std": 62.4552916869243, + "nauc_precision_at_3_diff1": 3.7440258796484924, + "nauc_precision_at_3_max": 63.9376345454576, + "nauc_precision_at_3_std": 51.8787898199767, + "nauc_precision_at_5_diff1": -17.155661414885888, + "nauc_precision_at_5_max": 48.368940127251804, + "nauc_precision_at_5_std": 46.88312570080205, + "nauc_recall_at_1000_diff1": -45.49010394331961, + "nauc_recall_at_1000_max": 30.05821970580878, + "nauc_recall_at_1000_std": 48.407479231261455, + "nauc_recall_at_100_diff1": -30.32635268988596, + "nauc_recall_at_100_max": 22.781945039420844, + "nauc_recall_at_100_std": 21.266460420544693, + "nauc_recall_at_10_diff1": -12.285811515499558, + "nauc_recall_at_10_max": 15.364956601326742, + "nauc_recall_at_10_std": -6.145620331052743, + "nauc_recall_at_1_diff1": -5.224048301851365, + "nauc_recall_at_1_max": -12.302032173564417, + "nauc_recall_at_1_std": -33.01229864197312, + "nauc_recall_at_20_diff1": -20.98603349953647, + "nauc_recall_at_20_max": 23.61977069093068, + "nauc_recall_at_20_std": 3.1901927186675003, + "nauc_recall_at_3_diff1": -0.11378972885852563, + "nauc_recall_at_3_max": 9.150437533527874, + "nauc_recall_at_3_std": -20.1207454173354, + "nauc_recall_at_5_diff1": -3.147645234692615, + "nauc_recall_at_5_max": 11.52723354329821, + "nauc_recall_at_5_std": -17.53054424304007, + "ndcg_at_1": 71.705, + "ndcg_at_10": 57.109, + "ndcg_at_100": 47.263, + "ndcg_at_1000": 52.605000000000004, + "ndcg_at_20": 52.971999999999994, + "ndcg_at_3": 65.697, + "ndcg_at_5": 62.543000000000006, + "precision_at_1": 88.372, + "precision_at_10": 60.92999999999999, + "precision_at_100": 25.116, + "precision_at_1000": 4.628, + "precision_at_20": 51.163000000000004, + "precision_at_3": 78.295, + "precision_at_5": 72.558, + "recall_at_1": 2.2950000000000004, + "recall_at_10": 11.885, + "recall_at_100": 33.562, + "recall_at_1000": 53.958, + "recall_at_20": 18.294, + "recall_at_3": 5.305, + "recall_at_5": 7.887 + } + ], + "train": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 32.385000000000005, + "map_at_1": 16.669999999999998, + "map_at_10": 26.625, + "map_at_100": 27.782, + "map_at_1000": 27.849, + "map_at_20": 27.307, + "map_at_3": 23.365, + "map_at_5": 25.202, + "mrr_at_1": 17.15217948896387, + "mrr_at_10": 27.115838655926545, + "mrr_at_100": 28.24218788664951, + "mrr_at_1000": 28.304906589501222, + "mrr_at_20": 27.783209743347815, + "mrr_at_3": 23.884705699885693, + "mrr_at_5": 25.711477932692812, + "nauc_map_at_1000_diff1": 29.823261720604588, + "nauc_map_at_1000_max": 18.72509267545063, + "nauc_map_at_1000_std": -12.91615268526923, + "nauc_map_at_100_diff1": 29.802669489600063, + "nauc_map_at_100_max": 18.750759203097914, + "nauc_map_at_100_std": -12.901673735303365, + "nauc_map_at_10_diff1": 29.88799410662702, + "nauc_map_at_10_max": 18.358700858374245, + "nauc_map_at_10_std": -13.704118634496067, + "nauc_map_at_1_diff1": 36.090161472408504, + "nauc_map_at_1_max": 13.707390711203033, + "nauc_map_at_1_std": -14.921883993765167, + "nauc_map_at_20_diff1": 29.796062451274047, + "nauc_map_at_20_max": 18.650833221817518, + "nauc_map_at_20_std": -13.233730796919826, + "nauc_map_at_3_diff1": 31.0107687974008, + "nauc_map_at_3_max": 16.585065473162743, + "nauc_map_at_3_std": -14.786992334465983, + "nauc_map_at_5_diff1": 30.249283528362774, + "nauc_map_at_5_max": 17.578698303034336, + "nauc_map_at_5_std": -14.377033157981556, + "nauc_mrr_at_1000_diff1": 29.71523061902785, + "nauc_mrr_at_1000_max": 18.4948767641716, + "nauc_mrr_at_1000_std": -12.95165738020067, + "nauc_mrr_at_100_diff1": 29.694506838498004, + "nauc_mrr_at_100_max": 18.520630414844714, + "nauc_mrr_at_100_std": -12.934123007871982, + "nauc_mrr_at_10_diff1": 29.764249666417886, + "nauc_mrr_at_10_max": 18.16487314019462, + "nauc_mrr_at_10_std": -13.695785733887277, + "nauc_mrr_at_1_diff1": 35.854314518965225, + "nauc_mrr_at_1_max": 13.729474958215732, + "nauc_mrr_at_1_std": -14.95875696755444, + "nauc_mrr_at_20_diff1": 29.6815088004733, + "nauc_mrr_at_20_max": 18.436177862636885, + "nauc_mrr_at_20_std": -13.241420127841172, + "nauc_mrr_at_3_diff1": 30.864233398232514, + "nauc_mrr_at_3_max": 16.47205230302064, + "nauc_mrr_at_3_std": -14.78703166725721, + "nauc_mrr_at_5_diff1": 30.111033612907672, + "nauc_mrr_at_5_max": 17.42500859488337, + "nauc_mrr_at_5_std": -14.362786077589451, + "nauc_ndcg_at_1000_diff1": 27.659689069880844, + "nauc_ndcg_at_1000_max": 21.847907375822817, + "nauc_ndcg_at_1000_std": -8.880068423965682, + "nauc_ndcg_at_100_diff1": 27.09096107701683, + "nauc_ndcg_at_100_max": 22.615229794899022, + "nauc_ndcg_at_100_std": -8.218429697890636, + "nauc_ndcg_at_10_diff1": 27.525761850754726, + "nauc_ndcg_at_10_max": 20.791616114731134, + "nauc_ndcg_at_10_std": -12.37391659883045, + "nauc_ndcg_at_1_diff1": 35.876235021262524, + "nauc_ndcg_at_1_max": 13.713101590212293, + "nauc_ndcg_at_1_std": -14.965574828810288, + "nauc_ndcg_at_20_diff1": 27.137786549570166, + "nauc_ndcg_at_20_max": 21.849252110816174, + "nauc_ndcg_at_20_std": -10.671331487034857, + "nauc_ndcg_at_3_diff1": 29.655456195343042, + "nauc_ndcg_at_3_max": 17.36300563761134, + "nauc_ndcg_at_3_std": -14.69429884488326, + "nauc_ndcg_at_5_diff1": 28.37755980056992, + "nauc_ndcg_at_5_max": 19.019647563476447, + "nauc_ndcg_at_5_std": -13.970988232444249, + "nauc_precision_at_1000_diff1": 3.40074303528243, + "nauc_precision_at_1000_max": 28.535684875844485, + "nauc_precision_at_1000_std": 26.17160631050587, + "nauc_precision_at_100_diff1": 11.320458357460831, + "nauc_precision_at_100_max": 36.673781287227406, + "nauc_precision_at_100_std": 18.419535885765985, + "nauc_precision_at_10_diff1": 20.443276452012597, + "nauc_precision_at_10_max": 27.150151558242026, + "nauc_precision_at_10_std": -8.254694586925819, + "nauc_precision_at_1_diff1": 35.876235021262524, + "nauc_precision_at_1_max": 13.713101590212293, + "nauc_precision_at_1_std": -14.965574828810288, + "nauc_precision_at_20_diff1": 17.736322243240195, + "nauc_precision_at_20_max": 30.97299914301909, + "nauc_precision_at_20_std": -1.4119371137835215, + "nauc_precision_at_3_diff1": 26.1319296468832, + "nauc_precision_at_3_max": 19.336038396888537, + "nauc_precision_at_3_std": -14.475619887484351, + "nauc_precision_at_5_diff1": 23.362125071270228, + "nauc_precision_at_5_max": 22.617533658274823, + "nauc_precision_at_5_std": -12.863286320107367, + "nauc_recall_at_1000_diff1": 10.583923659284808, + "nauc_recall_at_1000_max": 53.543807356848525, + "nauc_recall_at_1000_std": 46.55880057402612, + "nauc_recall_at_100_diff1": 14.403621560510905, + "nauc_recall_at_100_max": 42.869236801677495, + "nauc_recall_at_100_std": 21.10540273466616, + "nauc_recall_at_10_diff1": 21.064090576088038, + "nauc_recall_at_10_max": 27.467616240839916, + "nauc_recall_at_10_std": -8.273134386391861, + "nauc_recall_at_1_diff1": 36.090161472408504, + "nauc_recall_at_1_max": 13.707390711203033, + "nauc_recall_at_1_std": -14.921883993765167, + "nauc_recall_at_20_diff1": 18.927779858975534, + "nauc_recall_at_20_max": 32.10764776338596, + "nauc_recall_at_20_std": -1.4334288332623326, + "nauc_recall_at_3_diff1": 26.18291442837757, + "nauc_recall_at_3_max": 19.206974516163424, + "nauc_recall_at_3_std": -14.307045575362984, + "nauc_recall_at_5_diff1": 23.638385857134388, + "nauc_recall_at_5_max": 22.617551544421293, + "nauc_recall_at_5_std": -12.784397486350722, + "ndcg_at_1": 17.148, + "ndcg_at_10": 32.385000000000005, + "ndcg_at_100": 38.202000000000005, + "ndcg_at_1000": 40.041, + "ndcg_at_20": 34.831, + "ndcg_at_3": 25.694, + "ndcg_at_5": 28.981, + "precision_at_1": 17.148, + "precision_at_10": 5.224, + "precision_at_100": 0.815, + "precision_at_1000": 0.097, + "precision_at_20": 3.116, + "precision_at_3": 11.004999999999999, + "precision_at_5": 8.261000000000001, + "recall_at_1": 16.669999999999998, + "recall_at_10": 50.227, + "recall_at_100": 77.666, + "recall_at_1000": 92.099, + "recall_at_20": 59.760999999999996, + "recall_at_3": 31.922, + "recall_at_5": 39.843 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAB-Ramy-v1/external/MindSmallReranking.json b/results/qinxianliu__FAB-Ramy-v1/external/MindSmallReranking.json new file mode 100644 index 000000000..77c43193d --- /dev/null +++ b/results/qinxianliu__FAB-Ramy-v1/external/MindSmallReranking.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "59042f120c80e8afa9cdbb224f67076cec0fc9a7", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 29.31575044792592, + "map": 29.31575044792592, + "mrr": 30.080147117066673, + "nAUC_map_diff1": 12.230808274081225, + "nAUC_map_max": -27.270118832253377, + "nAUC_map_std": -11.668225379464829, + "nAUC_mrr_diff1": 11.174331526655488, + "nAUC_mrr_max": -21.715721922428795, + "nAUC_mrr_std": -9.334574589509582 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAB-Ramy-v1/external/NFCorpus.json b/results/qinxianliu__FAB-Ramy-v1/external/NFCorpus.json new file mode 100644 index 000000000..641874f1a --- /dev/null +++ b/results/qinxianliu__FAB-Ramy-v1/external/NFCorpus.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 22.949, + "map_at_1": 3.109, + "map_at_10": 7.234999999999999, + "map_at_100": 9.415999999999999, + "map_at_1000": 10.57, + "map_at_20": 8.217, + "map_at_3": 5.219, + "map_at_5": 6.032, + "mrr_at_1": 29.721362229102166, + "mrr_at_10": 39.53339230429013, + "mrr_at_100": 40.35329039425881, + "mrr_at_1000": 40.4081838205453, + "mrr_at_20": 39.99557770223167, + "mrr_at_3": 36.68730650154798, + "mrr_at_5": 38.69969040247678, + "nauc_map_at_1000_diff1": 18.88904365593215, + "nauc_map_at_1000_max": 33.26028206188793, + "nauc_map_at_1000_std": 15.784866172981818, + "nauc_map_at_100_diff1": 18.472407829309375, + "nauc_map_at_100_max": 31.76126848038591, + "nauc_map_at_100_std": 13.638173783080115, + "nauc_map_at_10_diff1": 21.491502139035106, + "nauc_map_at_10_max": 27.674747843670094, + "nauc_map_at_10_std": 5.925711846128523, + "nauc_map_at_1_diff1": 33.125454629043766, + "nauc_map_at_1_max": 12.743924281036195, + "nauc_map_at_1_std": -7.570408707157165, + "nauc_map_at_20_diff1": 18.85909967273185, + "nauc_map_at_20_max": 30.134275494043205, + "nauc_map_at_20_std": 9.997289892786148, + "nauc_map_at_3_diff1": 29.112518859665844, + "nauc_map_at_3_max": 21.69828619823574, + "nauc_map_at_3_std": -1.5687682956099342, + "nauc_map_at_5_diff1": 26.4009874909792, + "nauc_map_at_5_max": 23.450715502509688, + "nauc_map_at_5_std": 0.13851721045282464, + "nauc_mrr_at_1000_diff1": 22.10435094988869, + "nauc_mrr_at_1000_max": 39.69584620067554, + "nauc_mrr_at_1000_std": 15.490782062967076, + "nauc_mrr_at_100_diff1": 22.071328292210936, + "nauc_mrr_at_100_max": 39.71035113084649, + "nauc_mrr_at_100_std": 15.523066098692976, + "nauc_mrr_at_10_diff1": 21.990098614618248, + "nauc_mrr_at_10_max": 39.52014022059561, + "nauc_mrr_at_10_std": 15.281824996137052, + "nauc_mrr_at_1_diff1": 24.141308288296567, + "nauc_mrr_at_1_max": 34.73948829179444, + "nauc_mrr_at_1_std": 10.446405088888257, + "nauc_mrr_at_20_diff1": 21.902924942554446, + "nauc_mrr_at_20_max": 39.50272505210798, + "nauc_mrr_at_20_std": 15.297964670575343, + "nauc_mrr_at_3_diff1": 23.06548410770696, + "nauc_mrr_at_3_max": 39.309680250881534, + "nauc_mrr_at_3_std": 15.20723237757074, + "nauc_mrr_at_5_diff1": 22.381401167960334, + "nauc_mrr_at_5_max": 40.07104744214479, + "nauc_mrr_at_5_std": 15.126759630915663, + "nauc_ndcg_at_1000_diff1": 20.051725579231285, + "nauc_ndcg_at_1000_max": 43.47815243965734, + "nauc_ndcg_at_1000_std": 25.852209903107216, + "nauc_ndcg_at_100_diff1": 19.257175455268293, + "nauc_ndcg_at_100_max": 38.39872045860645, + "nauc_ndcg_at_100_std": 20.185725091373794, + "nauc_ndcg_at_10_diff1": 17.547533518099918, + "nauc_ndcg_at_10_max": 36.64959292080626, + "nauc_ndcg_at_10_std": 14.664712572779182, + "nauc_ndcg_at_1_diff1": 24.747191163164672, + "nauc_ndcg_at_1_max": 34.67933182180744, + "nauc_ndcg_at_1_std": 11.184316687830373, + "nauc_ndcg_at_20_diff1": 18.682268176113368, + "nauc_ndcg_at_20_max": 35.55684347856363, + "nauc_ndcg_at_20_std": 15.863125693129657, + "nauc_ndcg_at_3_diff1": 18.74846940261956, + "nauc_ndcg_at_3_max": 34.41372520492665, + "nauc_ndcg_at_3_std": 11.623022999241002, + "nauc_ndcg_at_5_diff1": 17.94073942387076, + "nauc_ndcg_at_5_max": 35.23164463053293, + "nauc_ndcg_at_5_std": 12.297613483270123, + "nauc_precision_at_1000_diff1": 7.586981871023844, + "nauc_precision_at_1000_max": 11.33211885878266, + "nauc_precision_at_1000_std": 10.057572596133353, + "nauc_precision_at_100_diff1": 6.679789451861157, + "nauc_precision_at_100_max": 23.534529206303443, + "nauc_precision_at_100_std": 23.68424792048498, + "nauc_precision_at_10_diff1": 6.827132393569769, + "nauc_precision_at_10_max": 37.12869371943338, + "nauc_precision_at_10_std": 22.460458061948856, + "nauc_precision_at_1_diff1": 24.141308288296567, + "nauc_precision_at_1_max": 36.42252707233088, + "nauc_precision_at_1_std": 12.796041492740013, + "nauc_precision_at_20_diff1": 6.370732567913892, + "nauc_precision_at_20_max": 32.59853046234172, + "nauc_precision_at_20_std": 23.883707203301032, + "nauc_precision_at_3_diff1": 12.008312918323412, + "nauc_precision_at_3_max": 37.072171994049995, + "nauc_precision_at_3_std": 16.399397380600956, + "nauc_precision_at_5_diff1": 7.954425177242175, + "nauc_precision_at_5_max": 36.713430077567146, + "nauc_precision_at_5_std": 18.20776464636414, + "nauc_recall_at_1000_diff1": 9.217296332279098, + "nauc_recall_at_1000_max": 20.43883023752575, + "nauc_recall_at_1000_std": 18.186555463907, + "nauc_recall_at_100_diff1": 6.032349758154077, + "nauc_recall_at_100_max": 20.030544595766326, + "nauc_recall_at_100_std": 16.652385076039256, + "nauc_recall_at_10_diff1": 13.521164085789298, + "nauc_recall_at_10_max": 20.763649338186895, + "nauc_recall_at_10_std": 4.673391424981827, + "nauc_recall_at_1_diff1": 33.125454629043766, + "nauc_recall_at_1_max": 12.743924281036195, + "nauc_recall_at_1_std": -7.570408707157165, + "nauc_recall_at_20_diff1": 7.446217085347483, + "nauc_recall_at_20_max": 20.201829590336434, + "nauc_recall_at_20_std": 10.384734929144312, + "nauc_recall_at_3_diff1": 27.356651749963017, + "nauc_recall_at_3_max": 22.9928380690312, + "nauc_recall_at_3_std": -2.489115992792738, + "nauc_recall_at_5_diff1": 21.688052943275373, + "nauc_recall_at_5_max": 23.349372518874105, + "nauc_recall_at_5_std": -1.3695499390514831, + "ndcg_at_1": 28.327999999999996, + "ndcg_at_10": 22.949, + "ndcg_at_100": 21.893, + "ndcg_at_1000": 31.445, + "ndcg_at_20": 21.681, + "ndcg_at_3": 26.343, + "ndcg_at_5": 24.764, + "precision_at_1": 29.720999999999997, + "precision_at_10": 17.554, + "precision_at_100": 5.783, + "precision_at_1000": 1.831, + "precision_at_20": 13.158, + "precision_at_3": 25.180999999999997, + "precision_at_5": 21.92, + "recall_at_1": 3.109, + "recall_at_10": 10.939, + "recall_at_100": 24.426000000000002, + "recall_at_1000": 57.437000000000005, + "recall_at_20": 14.727, + "recall_at_3": 6.093, + "recall_at_5": 7.746 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAB-Ramy-v1/external/NQ.json b/results/qinxianliu__FAB-Ramy-v1/external/NQ.json new file mode 100644 index 000000000..5c9a58d47 --- /dev/null +++ b/results/qinxianliu__FAB-Ramy-v1/external/NQ.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 45.717999999999996, + "map_at_1": 26.429000000000002, + "map_at_10": 38.929, + "map_at_100": 40.02, + "map_at_1000": 40.073, + "map_at_20": 39.589, + "map_at_3": 35.099999999999994, + "map_at_5": 37.393, + "mrr_at_1": 29.866743916570105, + "mrr_at_10": 41.64357216428472, + "mrr_at_100": 42.49280565030963, + "mrr_at_1000": 42.52916339629448, + "mrr_at_20": 42.15643384298799, + "mrr_at_3": 38.224217844727654, + "mrr_at_5": 40.36355735805333, + "nauc_map_at_1000_diff1": 33.386951687752145, + "nauc_map_at_1000_max": 32.06924057059804, + "nauc_map_at_1000_std": -2.5705777860917363, + "nauc_map_at_100_diff1": 33.37972439882411, + "nauc_map_at_100_max": 32.09901642150042, + "nauc_map_at_100_std": -2.5523057725557488, + "nauc_map_at_10_diff1": 33.18958707793617, + "nauc_map_at_10_max": 31.955307715854403, + "nauc_map_at_10_std": -3.149605898662116, + "nauc_map_at_1_diff1": 36.78418063330738, + "nauc_map_at_1_max": 26.86321754421513, + "nauc_map_at_1_std": -5.712282722688963, + "nauc_map_at_20_diff1": 33.28959074879049, + "nauc_map_at_20_max": 32.105556195647345, + "nauc_map_at_20_std": -2.6924159797194926, + "nauc_map_at_3_diff1": 33.54072112666934, + "nauc_map_at_3_max": 30.4869873333802, + "nauc_map_at_3_std": -4.287830660092332, + "nauc_map_at_5_diff1": 33.44839352220101, + "nauc_map_at_5_max": 31.558550526601053, + "nauc_map_at_5_std": -3.7091551939968825, + "nauc_mrr_at_1000_diff1": 33.58266938268449, + "nauc_mrr_at_1000_max": 31.27422653760581, + "nauc_mrr_at_1000_std": -1.988169690903936, + "nauc_mrr_at_100_diff1": 33.573649001808434, + "nauc_mrr_at_100_max": 31.297778168727913, + "nauc_mrr_at_100_std": -1.9629367577429613, + "nauc_mrr_at_10_diff1": 33.41526286522545, + "nauc_mrr_at_10_max": 31.255017721775346, + "nauc_mrr_at_10_std": -2.3050439788145476, + "nauc_mrr_at_1_diff1": 37.12848255435956, + "nauc_mrr_at_1_max": 27.324736512062376, + "nauc_mrr_at_1_std": -5.3546213201466815, + "nauc_mrr_at_20_diff1": 33.49181860684961, + "nauc_mrr_at_20_max": 31.28999142638818, + "nauc_mrr_at_20_std": -2.0221559461295677, + "nauc_mrr_at_3_diff1": 33.808011850644, + "nauc_mrr_at_3_max": 30.06795833450561, + "nauc_mrr_at_3_std": -3.2619222730914124, + "nauc_mrr_at_5_diff1": 33.63532496721748, + "nauc_mrr_at_5_max": 31.063593374591182, + "nauc_mrr_at_5_std": -2.7029913233763287, + "nauc_ndcg_at_1000_diff1": 32.59671312908796, + "nauc_ndcg_at_1000_max": 33.75626808910382, + "nauc_ndcg_at_1000_std": 0.6951177796445023, + "nauc_ndcg_at_100_diff1": 32.50174279525215, + "nauc_ndcg_at_100_max": 34.599318192469404, + "nauc_ndcg_at_100_std": 1.4822010765393923, + "nauc_ndcg_at_10_diff1": 31.710730839879947, + "nauc_ndcg_at_10_max": 34.0569277075756, + "nauc_ndcg_at_10_std": -1.0752571507104975, + "nauc_ndcg_at_1_diff1": 37.12848255435956, + "nauc_ndcg_at_1_max": 27.324736512062376, + "nauc_ndcg_at_1_std": -5.3546213201466815, + "nauc_ndcg_at_20_diff1": 31.953018320253747, + "nauc_ndcg_at_20_max": 34.5459859225914, + "nauc_ndcg_at_20_std": 0.4720978679647692, + "nauc_ndcg_at_3_diff1": 32.63603068762557, + "nauc_ndcg_at_3_max": 31.209744751049612, + "nauc_ndcg_at_3_std": -3.4999590927769044, + "nauc_ndcg_at_5_diff1": 32.399171562975695, + "nauc_ndcg_at_5_max": 33.11344819115913, + "nauc_ndcg_at_5_std": -2.4082016391953753, + "nauc_precision_at_1000_diff1": -0.6220918836135829, + "nauc_precision_at_1000_max": 7.008505617335747, + "nauc_precision_at_1000_std": 17.616532639799193, + "nauc_precision_at_100_diff1": 8.22639738933823, + "nauc_precision_at_100_max": 22.023633640364658, + "nauc_precision_at_100_std": 21.53289115488977, + "nauc_precision_at_10_diff1": 18.914851181180953, + "nauc_precision_at_10_max": 33.11113101939377, + "nauc_precision_at_10_std": 7.41549284441772, + "nauc_precision_at_1_diff1": 37.12848255435956, + "nauc_precision_at_1_max": 27.324736512062376, + "nauc_precision_at_1_std": -5.3546213201466815, + "nauc_precision_at_20_diff1": 15.406391145210588, + "nauc_precision_at_20_max": 30.209922504492603, + "nauc_precision_at_20_std": 13.46345157133954, + "nauc_precision_at_3_diff1": 27.201756048690978, + "nauc_precision_at_3_max": 32.323909231648585, + "nauc_precision_at_3_std": -0.4353328917539286, + "nauc_precision_at_5_diff1": 24.50833318768141, + "nauc_precision_at_5_max": 34.34744957485715, + "nauc_precision_at_5_std": 2.553704721185532, + "nauc_recall_at_1000_diff1": 21.36715723319981, + "nauc_recall_at_1000_max": 53.281532256969754, + "nauc_recall_at_1000_std": 54.493040761236756, + "nauc_recall_at_100_diff1": 26.404042901042384, + "nauc_recall_at_100_max": 52.815850789835, + "nauc_recall_at_100_std": 32.82934244509592, + "nauc_recall_at_10_diff1": 24.681292129634013, + "nauc_recall_at_10_max": 40.04799081754919, + "nauc_recall_at_10_std": 5.001357469151503, + "nauc_recall_at_1_diff1": 36.78418063330738, + "nauc_recall_at_1_max": 26.86321754421513, + "nauc_recall_at_1_std": -5.712282722688963, + "nauc_recall_at_20_diff1": 24.76392250483017, + "nauc_recall_at_20_max": 43.8886774125101, + "nauc_recall_at_20_std": 13.143674593658794, + "nauc_recall_at_3_diff1": 28.777671462124655, + "nauc_recall_at_3_max": 32.301007062148756, + "nauc_recall_at_3_std": -2.193468681688415, + "nauc_recall_at_5_diff1": 27.640553206895333, + "nauc_recall_at_5_max": 36.39854271481968, + "nauc_recall_at_5_std": 0.4647162512344645, + "ndcg_at_1": 29.866999999999997, + "ndcg_at_10": 45.717999999999996, + "ndcg_at_100": 50.648, + "ndcg_at_1000": 51.915, + "ndcg_at_20": 47.872, + "ndcg_at_3": 38.387, + "ndcg_at_5": 42.317, + "precision_at_1": 29.866999999999997, + "precision_at_10": 7.546, + "precision_at_100": 1.036, + "precision_at_1000": 0.116, + "precision_at_20": 4.292, + "precision_at_3": 17.285, + "precision_at_5": 12.584000000000001, + "recall_at_1": 26.429000000000002, + "recall_at_10": 63.818, + "recall_at_100": 85.885, + "recall_at_1000": 95.43, + "recall_at_20": 71.794, + "recall_at_3": 44.856, + "recall_at_5": 53.937000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAB-Ramy-v1/external/QuoraRetrieval.json b/results/qinxianliu__FAB-Ramy-v1/external/QuoraRetrieval.json new file mode 100644 index 000000000..42bf551f4 --- /dev/null +++ b/results/qinxianliu__FAB-Ramy-v1/external/QuoraRetrieval.json @@ -0,0 +1,306 @@ +{ + "dataset_revision": "e4e08e0b7dbe3c8700f0daef558ff32256715259", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 79.899, + "map_at_1": 61.411, + "map_at_10": 75.238, + "map_at_100": 76.05, + "map_at_1000": 76.077, + "map_at_20": 75.777, + "map_at_3": 72.222, + "map_at_5": 74.059, + "mrr_at_1": 71.06, + "mrr_at_10": 78.9662619047621, + "mrr_at_100": 79.25336096493378, + "mrr_at_1000": 79.25830615941787, + "mrr_at_20": 79.17220895169521, + "mrr_at_3": 77.58000000000025, + "mrr_at_5": 78.43600000000013, + "nauc_map_at_1000_diff1": 68.48053416931805, + "nauc_map_at_1000_max": 36.047615783925686, + "nauc_map_at_1000_std": -32.72956954358634, + "nauc_map_at_100_diff1": 68.48685743849107, + "nauc_map_at_100_max": 36.04439192237127, + "nauc_map_at_100_std": -32.79674680627259, + "nauc_map_at_10_diff1": 68.55994843320426, + "nauc_map_at_10_max": 35.40759673505766, + "nauc_map_at_10_std": -34.32999409496614, + "nauc_map_at_1_diff1": 72.86730170175309, + "nauc_map_at_1_max": 26.049919695132633, + "nauc_map_at_1_std": -32.69183937906347, + "nauc_map_at_20_diff1": 68.49317330725555, + "nauc_map_at_20_max": 35.81253464517769, + "nauc_map_at_20_std": -33.40550775504162, + "nauc_map_at_3_diff1": 69.47816096662164, + "nauc_map_at_3_max": 33.47418727709263, + "nauc_map_at_3_std": -36.246972643105565, + "nauc_map_at_5_diff1": 69.00956337360546, + "nauc_map_at_5_max": 34.86414211486152, + "nauc_map_at_5_std": -35.16953063366077, + "nauc_mrr_at_1000_diff1": 69.73945009722517, + "nauc_mrr_at_1000_max": 39.70195118803657, + "nauc_mrr_at_1000_std": -27.889123338244747, + "nauc_mrr_at_100_diff1": 69.73538544854765, + "nauc_mrr_at_100_max": 39.709638167205874, + "nauc_mrr_at_100_std": -27.877874159803497, + "nauc_mrr_at_10_diff1": 69.68275206968353, + "nauc_mrr_at_10_max": 39.78068799212213, + "nauc_mrr_at_10_std": -27.995511734498724, + "nauc_mrr_at_1_diff1": 71.33605271042353, + "nauc_mrr_at_1_max": 37.248214132568286, + "nauc_mrr_at_1_std": -27.627901002001487, + "nauc_mrr_at_20_diff1": 69.69812583451102, + "nauc_mrr_at_20_max": 39.749145688789035, + "nauc_mrr_at_20_std": -27.868267823333316, + "nauc_mrr_at_3_diff1": 69.63567379935884, + "nauc_mrr_at_3_max": 39.862187984805644, + "nauc_mrr_at_3_std": -28.848083402433307, + "nauc_mrr_at_5_diff1": 69.62480464743518, + "nauc_mrr_at_5_max": 39.757083461650645, + "nauc_mrr_at_5_std": -28.21132544764421, + "nauc_ndcg_at_1000_diff1": 68.29066941135238, + "nauc_ndcg_at_1000_max": 38.244177902651444, + "nauc_ndcg_at_1000_std": -29.781782917585574, + "nauc_ndcg_at_100_diff1": 68.24656007533204, + "nauc_ndcg_at_100_max": 38.38021348288213, + "nauc_ndcg_at_100_std": -29.81792991014155, + "nauc_ndcg_at_10_diff1": 67.83437706055805, + "nauc_ndcg_at_10_max": 37.40997736236486, + "nauc_ndcg_at_10_std": -32.89807722099257, + "nauc_ndcg_at_1_diff1": 71.33605271042353, + "nauc_ndcg_at_1_max": 37.154655878261416, + "nauc_ndcg_at_1_std": -27.581121874848023, + "nauc_ndcg_at_20_diff1": 67.94909009115852, + "nauc_ndcg_at_20_max": 37.86010790709404, + "nauc_ndcg_at_20_std": -31.43740296579819, + "nauc_ndcg_at_3_diff1": 67.99537412795236, + "nauc_ndcg_at_3_max": 37.238014735144084, + "nauc_ndcg_at_3_std": -33.63631062434498, + "nauc_ndcg_at_5_diff1": 68.03470808532902, + "nauc_ndcg_at_5_max": 37.31452257959962, + "nauc_ndcg_at_5_std": -33.25738360326723, + "nauc_precision_at_1000_diff1": -36.76017658908036, + "nauc_precision_at_1000_max": 3.274200439936074, + "nauc_precision_at_1000_std": 41.126889515315796, + "nauc_precision_at_100_diff1": -34.762868736226096, + "nauc_precision_at_100_max": 6.203260649018512, + "nauc_precision_at_100_std": 38.31688528414449, + "nauc_precision_at_10_diff1": -22.188666307773197, + "nauc_precision_at_10_max": 13.510956580889074, + "nauc_precision_at_10_std": 19.898936142059025, + "nauc_precision_at_1_diff1": 71.33605271042353, + "nauc_precision_at_1_max": 37.154655878261416, + "nauc_precision_at_1_std": -27.581121874848023, + "nauc_precision_at_20_diff1": -29.097993758279543, + "nauc_precision_at_20_max": 10.139256147048451, + "nauc_precision_at_20_std": 29.26221112371096, + "nauc_precision_at_3_diff1": 2.7219998461370096, + "nauc_precision_at_3_max": 24.21845750000584, + "nauc_precision_at_3_std": -1.0271055337065174, + "nauc_precision_at_5_diff1": -10.505105645109444, + "nauc_precision_at_5_max": 19.56090247896742, + "nauc_precision_at_5_std": 9.87910217712419, + "nauc_recall_at_1000_diff1": 60.901109003887925, + "nauc_recall_at_1000_max": 59.42901958802291, + "nauc_recall_at_1000_std": 26.667919760526733, + "nauc_recall_at_100_diff1": 59.98849231247764, + "nauc_recall_at_100_max": 50.204241919298354, + "nauc_recall_at_100_std": -8.454972561068514, + "nauc_recall_at_10_diff1": 59.943026973209356, + "nauc_recall_at_10_max": 35.70219952280878, + "nauc_recall_at_10_std": -40.14466983966837, + "nauc_recall_at_1_diff1": 72.86730170175309, + "nauc_recall_at_1_max": 26.049919695132633, + "nauc_recall_at_1_std": -32.69183937906347, + "nauc_recall_at_20_diff1": 57.700417905155845, + "nauc_recall_at_20_max": 37.724257500830156, + "nauc_recall_at_20_std": -33.32484134801212, + "nauc_recall_at_3_diff1": 64.7490907634488, + "nauc_recall_at_3_max": 33.49556991653603, + "nauc_recall_at_3_std": -40.69419526542627, + "nauc_recall_at_5_diff1": 62.70516181700734, + "nauc_recall_at_5_max": 35.18106034461546, + "nauc_recall_at_5_std": -39.709105705194176, + "ndcg_at_1": 71.06, + "ndcg_at_10": 79.899, + "ndcg_at_100": 82.161, + "ndcg_at_1000": 82.461, + "ndcg_at_20": 81.10300000000001, + "ndcg_at_3": 76.437, + "ndcg_at_5": 78.189, + "precision_at_1": 71.06, + "precision_at_10": 12.33, + "precision_at_100": 1.4540000000000002, + "precision_at_1000": 0.152, + "precision_at_20": 6.6610000000000005, + "precision_at_3": 33.927, + "precision_at_5": 22.375999999999998, + "recall_at_1": 61.411, + "recall_at_10": 89.357, + "recall_at_100": 97.975, + "recall_at_1000": 99.762, + "recall_at_20": 93.461, + "recall_at_3": 79.28699999999999, + "recall_at_5": 84.33500000000001 + } + ], + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 80.465, + "map_at_1": 62.543000000000006, + "map_at_10": 75.82600000000001, + "map_at_100": 76.679, + "map_at_1000": 76.706, + "map_at_20": 76.376, + "map_at_3": 72.792, + "map_at_5": 74.606, + "mrr_at_1": 72.28, + "mrr_at_10": 79.76178571428527, + "mrr_at_100": 80.03683929434581, + "mrr_at_1000": 80.04199660229627, + "mrr_at_20": 79.95802116652638, + "mrr_at_3": 78.40999999999958, + "mrr_at_5": 79.28349999999938, + "nauc_map_at_1000_diff1": 69.74017115730369, + "nauc_map_at_1000_max": 35.58497359427813, + "nauc_map_at_1000_std": -36.999692793490155, + "nauc_map_at_100_diff1": 69.74919859128768, + "nauc_map_at_100_max": 35.578524095511796, + "nauc_map_at_100_std": -37.053359728763965, + "nauc_map_at_10_diff1": 69.93508970868702, + "nauc_map_at_10_max": 34.813116077053856, + "nauc_map_at_10_std": -38.616800262454646, + "nauc_map_at_1_diff1": 73.64735658514029, + "nauc_map_at_1_max": 27.56172352763929, + "nauc_map_at_1_std": -35.944440683858566, + "nauc_map_at_20_diff1": 69.81580594550185, + "nauc_map_at_20_max": 35.356895247732034, + "nauc_map_at_20_std": -37.72128000671534, + "nauc_map_at_3_diff1": 70.66166135120841, + "nauc_map_at_3_max": 32.57739100984865, + "nauc_map_at_3_std": -40.26986003953643, + "nauc_map_at_5_diff1": 70.22479745562215, + "nauc_map_at_5_max": 33.78749499717724, + "nauc_map_at_5_std": -39.889425071925395, + "nauc_mrr_at_1000_diff1": 69.88326118220728, + "nauc_mrr_at_1000_max": 39.27729791698831, + "nauc_mrr_at_1000_std": -32.613600675057015, + "nauc_mrr_at_100_diff1": 69.88215502705225, + "nauc_mrr_at_100_max": 39.28393781821934, + "nauc_mrr_at_100_std": -32.60816670863235, + "nauc_mrr_at_10_diff1": 69.76546833610267, + "nauc_mrr_at_10_max": 39.332635473393154, + "nauc_mrr_at_10_std": -32.71359623569584, + "nauc_mrr_at_1_diff1": 71.85157640482899, + "nauc_mrr_at_1_max": 38.075103245609554, + "nauc_mrr_at_1_std": -32.2218447472282, + "nauc_mrr_at_20_diff1": 69.83231438261524, + "nauc_mrr_at_20_max": 39.32574739284126, + "nauc_mrr_at_20_std": -32.5874938929348, + "nauc_mrr_at_3_diff1": 69.7972957233767, + "nauc_mrr_at_3_max": 38.94624776353439, + "nauc_mrr_at_3_std": -33.359379562078736, + "nauc_mrr_at_5_diff1": 69.58402558466457, + "nauc_mrr_at_5_max": 39.175341498551745, + "nauc_mrr_at_5_std": -33.03393678549984, + "nauc_ndcg_at_1000_diff1": 69.18157403202412, + "nauc_ndcg_at_1000_max": 37.78398707023257, + "nauc_ndcg_at_1000_std": -34.21266601804927, + "nauc_ndcg_at_100_diff1": 69.20621881493865, + "nauc_ndcg_at_100_max": 37.95228967400479, + "nauc_ndcg_at_100_std": -34.26528817139262, + "nauc_ndcg_at_10_diff1": 68.87999198725102, + "nauc_ndcg_at_10_max": 36.69932999538846, + "nauc_ndcg_at_10_std": -37.07699576580035, + "nauc_ndcg_at_1_diff1": 71.79205424785647, + "nauc_ndcg_at_1_max": 38.05546511379398, + "nauc_ndcg_at_1_std": -32.209221927652706, + "nauc_ndcg_at_20_diff1": 69.02820595034889, + "nauc_ndcg_at_20_max": 37.533349330317186, + "nauc_ndcg_at_20_std": -35.65801520863442, + "nauc_ndcg_at_3_diff1": 68.67252411014975, + "nauc_ndcg_at_3_max": 35.50971010021079, + "nauc_ndcg_at_3_std": -37.63995336329121, + "nauc_ndcg_at_5_diff1": 68.6842998161203, + "nauc_ndcg_at_5_max": 35.833237751927335, + "nauc_ndcg_at_5_std": -38.187178598205136, + "nauc_precision_at_1000_diff1": -38.85999326348168, + "nauc_precision_at_1000_max": 0.5024404287470747, + "nauc_precision_at_1000_std": 41.05415903780044, + "nauc_precision_at_100_diff1": -36.925145274084436, + "nauc_precision_at_100_max": 3.3396914592644786, + "nauc_precision_at_100_std": 39.52635148770385, + "nauc_precision_at_10_diff1": -23.316878431802184, + "nauc_precision_at_10_max": 11.455067962803492, + "nauc_precision_at_10_std": 20.47562649607739, + "nauc_precision_at_1_diff1": 71.79205424785647, + "nauc_precision_at_1_max": 38.05546511379398, + "nauc_precision_at_1_std": -32.209221927652706, + "nauc_precision_at_20_diff1": -30.557519944872634, + "nauc_precision_at_20_max": 8.398413454160819, + "nauc_precision_at_20_std": 29.814579639163153, + "nauc_precision_at_3_diff1": 3.148363754278062, + "nauc_precision_at_3_max": 20.235117440486064, + "nauc_precision_at_3_std": -3.1735991706387905, + "nauc_precision_at_5_diff1": -11.456852240646624, + "nauc_precision_at_5_max": 15.722699386757084, + "nauc_precision_at_5_std": 7.721897726873996, + "nauc_recall_at_1000_diff1": 63.429214794455824, + "nauc_recall_at_1000_max": 63.29674048706026, + "nauc_recall_at_1000_std": 25.929114353722383, + "nauc_recall_at_100_diff1": 64.58781092450414, + "nauc_recall_at_100_max": 52.02028794753427, + "nauc_recall_at_100_std": -13.996918979177078, + "nauc_recall_at_10_diff1": 62.16106997481117, + "nauc_recall_at_10_max": 34.972293935023686, + "nauc_recall_at_10_std": -42.402745586007285, + "nauc_recall_at_1_diff1": 73.64735658514029, + "nauc_recall_at_1_max": 27.56172352763929, + "nauc_recall_at_1_std": -35.944440683858566, + "nauc_recall_at_20_diff1": 61.18832500769755, + "nauc_recall_at_20_max": 39.7980958949961, + "nauc_recall_at_20_std": -35.195707842320104, + "nauc_recall_at_3_diff1": 65.76504433337192, + "nauc_recall_at_3_max": 30.333650154189957, + "nauc_recall_at_3_std": -44.591420777169844, + "nauc_recall_at_5_diff1": 63.48210831787695, + "nauc_recall_at_5_max": 31.71762435930804, + "nauc_recall_at_5_std": -45.39822472634554, + "ndcg_at_1": 72.31, + "ndcg_at_10": 80.465, + "ndcg_at_100": 82.714, + "ndcg_at_1000": 83.014, + "ndcg_at_20": 81.637, + "ndcg_at_3": 76.941, + "ndcg_at_5": 78.743, + "precision_at_1": 72.31, + "precision_at_10": 12.389, + "precision_at_100": 1.49, + "precision_at_1000": 0.156, + "precision_at_20": 6.715, + "precision_at_3": 33.772999999999996, + "precision_at_5": 22.366, + "recall_at_1": 62.543000000000006, + "recall_at_10": 89.508, + "recall_at_100": 97.982, + "recall_at_1000": 99.763, + "recall_at_20": 93.496, + "recall_at_3": 79.40700000000001, + "recall_at_5": 84.443 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAB-Ramy-v1/external/SCIDOCS.json b/results/qinxianliu__FAB-Ramy-v1/external/SCIDOCS.json new file mode 100644 index 000000000..fc18e9b3b --- /dev/null +++ b/results/qinxianliu__FAB-Ramy-v1/external/SCIDOCS.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f8c2fcf00f625baaa80f62ec5bd9e1fff3b8ae88", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 19.444, + "map_at_1": 4.502, + "map_at_10": 11.39, + "map_at_100": 13.578000000000001, + "map_at_1000": 13.94, + "map_at_20": 12.406, + "map_at_3": 8.045, + "map_at_5": 9.618, + "mrr_at_1": 22.1, + "mrr_at_10": 33.15134920634915, + "mrr_at_100": 34.311313761933675, + "mrr_at_1000": 34.365241364096406, + "mrr_at_20": 33.84369535607144, + "mrr_at_3": 29.833333333333307, + "mrr_at_5": 31.858333333333285, + "nauc_map_at_1000_diff1": 13.717495184216915, + "nauc_map_at_1000_max": 29.011198411487488, + "nauc_map_at_1000_std": 26.84659672785883, + "nauc_map_at_100_diff1": 13.679043690905408, + "nauc_map_at_100_max": 28.9642395394068, + "nauc_map_at_100_std": 26.605777722314194, + "nauc_map_at_10_diff1": 13.368432894934296, + "nauc_map_at_10_max": 27.110702917972063, + "nauc_map_at_10_std": 22.94925796594505, + "nauc_map_at_1_diff1": 18.759513595847864, + "nauc_map_at_1_max": 22.187646906334894, + "nauc_map_at_1_std": 14.187153951336118, + "nauc_map_at_20_diff1": 13.361125473032986, + "nauc_map_at_20_max": 28.538396642596943, + "nauc_map_at_20_std": 25.017431011630997, + "nauc_map_at_3_diff1": 13.603088771503444, + "nauc_map_at_3_max": 23.440488325894666, + "nauc_map_at_3_std": 17.568789088634574, + "nauc_map_at_5_diff1": 12.768724297417263, + "nauc_map_at_5_max": 25.721011116775156, + "nauc_map_at_5_std": 20.617210938970036, + "nauc_mrr_at_1000_diff1": 15.975239485567325, + "nauc_mrr_at_1000_max": 23.068935178375263, + "nauc_mrr_at_1000_std": 18.95600665491368, + "nauc_mrr_at_100_diff1": 15.995091585658036, + "nauc_mrr_at_100_max": 23.09377838760513, + "nauc_mrr_at_100_std": 18.98954041920917, + "nauc_mrr_at_10_diff1": 15.703076780120998, + "nauc_mrr_at_10_max": 23.00082757189908, + "nauc_mrr_at_10_std": 18.822303815995404, + "nauc_mrr_at_1_diff1": 18.695550347655747, + "nauc_mrr_at_1_max": 22.409410202761716, + "nauc_mrr_at_1_std": 14.681107473163898, + "nauc_mrr_at_20_diff1": 16.020132977247496, + "nauc_mrr_at_20_max": 23.185061420757872, + "nauc_mrr_at_20_std": 19.091524076258263, + "nauc_mrr_at_3_diff1": 15.325035100345696, + "nauc_mrr_at_3_max": 21.296388498885033, + "nauc_mrr_at_3_std": 16.941043217669318, + "nauc_mrr_at_5_diff1": 15.299688685606213, + "nauc_mrr_at_5_max": 22.802086268780577, + "nauc_mrr_at_5_std": 18.71801414862292, + "nauc_ndcg_at_1000_diff1": 14.985183012627648, + "nauc_ndcg_at_1000_max": 29.786848759154704, + "nauc_ndcg_at_1000_std": 31.986231381446856, + "nauc_ndcg_at_100_diff1": 15.043201418745348, + "nauc_ndcg_at_100_max": 29.836151485650642, + "nauc_ndcg_at_100_std": 31.49403639682868, + "nauc_ndcg_at_10_diff1": 13.716366599689692, + "nauc_ndcg_at_10_max": 26.7111463810652, + "nauc_ndcg_at_10_std": 23.975660743984246, + "nauc_ndcg_at_1_diff1": 18.695550347655747, + "nauc_ndcg_at_1_max": 22.409410202761716, + "nauc_ndcg_at_1_std": 14.681107473163898, + "nauc_ndcg_at_20_diff1": 14.328037163111377, + "nauc_ndcg_at_20_max": 28.735399499681684, + "nauc_ndcg_at_20_std": 26.880344773773658, + "nauc_ndcg_at_3_diff1": 13.269935726177302, + "nauc_ndcg_at_3_max": 22.4350143067517, + "nauc_ndcg_at_3_std": 18.38139918313516, + "nauc_ndcg_at_5_diff1": 12.685257044798275, + "nauc_ndcg_at_5_max": 25.19564166647925, + "nauc_ndcg_at_5_std": 21.542434552277186, + "nauc_precision_at_1000_diff1": 11.036824823724826, + "nauc_precision_at_1000_max": 25.940844812474605, + "nauc_precision_at_1000_std": 40.72801957013718, + "nauc_precision_at_100_diff1": 12.787108654755427, + "nauc_precision_at_100_max": 28.885658620100905, + "nauc_precision_at_100_std": 39.858021500648256, + "nauc_precision_at_10_diff1": 11.814983150826238, + "nauc_precision_at_10_max": 27.255512643546137, + "nauc_precision_at_10_std": 27.385188725103106, + "nauc_precision_at_1_diff1": 18.695550347655747, + "nauc_precision_at_1_max": 22.409410202761716, + "nauc_precision_at_1_std": 14.681107473163898, + "nauc_precision_at_20_diff1": 12.399277896733532, + "nauc_precision_at_20_max": 29.8411274531922, + "nauc_precision_at_20_std": 31.750340970872408, + "nauc_precision_at_3_diff1": 10.783342570370754, + "nauc_precision_at_3_max": 21.822145650943643, + "nauc_precision_at_3_std": 19.88278575673906, + "nauc_precision_at_5_diff1": 9.961029826782028, + "nauc_precision_at_5_max": 26.109948621950217, + "nauc_precision_at_5_std": 24.767740060380532, + "nauc_recall_at_1000_diff1": 10.791755272965629, + "nauc_recall_at_1000_max": 26.66377944006043, + "nauc_recall_at_1000_std": 42.670133048407614, + "nauc_recall_at_100_diff1": 12.731152346249097, + "nauc_recall_at_100_max": 28.86663011256839, + "nauc_recall_at_100_std": 39.87437580584755, + "nauc_recall_at_10_diff1": 11.68142841889242, + "nauc_recall_at_10_max": 27.103373590720558, + "nauc_recall_at_10_std": 27.04385024929868, + "nauc_recall_at_1_diff1": 18.759513595847864, + "nauc_recall_at_1_max": 22.187646906334894, + "nauc_recall_at_1_std": 14.187153951336118, + "nauc_recall_at_20_diff1": 12.364424318414912, + "nauc_recall_at_20_max": 29.80167804165616, + "nauc_recall_at_20_std": 31.468351807134788, + "nauc_recall_at_3_diff1": 10.93859197904096, + "nauc_recall_at_3_max": 21.724132107323076, + "nauc_recall_at_3_std": 19.356990775248228, + "nauc_recall_at_5_diff1": 9.95140326972775, + "nauc_recall_at_5_max": 25.965286128189252, + "nauc_recall_at_5_std": 24.23016587234086, + "ndcg_at_1": 22.1, + "ndcg_at_10": 19.444, + "ndcg_at_100": 28.060000000000002, + "ndcg_at_1000": 34.078, + "ndcg_at_20": 22.286, + "ndcg_at_3": 18.218, + "ndcg_at_5": 16.009999999999998, + "precision_at_1": 22.1, + "precision_at_10": 10.18, + "precision_at_100": 2.268, + "precision_at_1000": 0.371, + "precision_at_20": 6.744999999999999, + "precision_at_3": 17.1, + "precision_at_5": 14.14, + "recall_at_1": 4.502, + "recall_at_10": 20.622, + "recall_at_100": 46.056999999999995, + "recall_at_1000": 75.233, + "recall_at_20": 27.307, + "recall_at_3": 10.412, + "recall_at_5": 14.327000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAB-Ramy-v1/external/SICK-R.json b/results/qinxianliu__FAB-Ramy-v1/external/SICK-R.json new file mode 100644 index 000000000..6aab7c952 --- /dev/null +++ b/results/qinxianliu__FAB-Ramy-v1/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 82.11817452484213, + "cosine_spearman": 79.30791178551189, + "euclidean_pearson": 78.97933027681707, + "euclidean_spearman": 79.30791651031403, + "main_score": 79.30791178551189, + "manhattan_pearson": 78.72918056340825, + "manhattan_spearman": 79.06604912335524, + "pearson": 82.11817465900543, + "spearman": 79.30791422790091 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAB-Ramy-v1/external/STS12.json b/results/qinxianliu__FAB-Ramy-v1/external/STS12.json new file mode 100644 index 000000000..d30219f0f --- /dev/null +++ b/results/qinxianliu__FAB-Ramy-v1/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 79.66534565170502, + "cosine_spearman": 68.71789951925966, + "euclidean_pearson": 75.38034803617849, + "euclidean_spearman": 68.71782916046409, + "main_score": 68.71789951925966, + "manhattan_pearson": 75.04120548057159, + "manhattan_spearman": 68.37107097101716, + "pearson": 79.66534548104319, + "spearman": 68.71460093465805 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAB-Ramy-v1/external/STS13.json b/results/qinxianliu__FAB-Ramy-v1/external/STS13.json new file mode 100644 index 000000000..ec204b054 --- /dev/null +++ b/results/qinxianliu__FAB-Ramy-v1/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 80.33061181586929, + "cosine_spearman": 80.6334461266743, + "euclidean_pearson": 80.08712662252661, + "euclidean_spearman": 80.63344605500009, + "main_score": 80.6334461266743, + "manhattan_pearson": 79.64496714566727, + "manhattan_spearman": 80.1367237568616, + "pearson": 80.33061058171201, + "spearman": 80.63344605500009 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAB-Ramy-v1/external/STS14.json b/results/qinxianliu__FAB-Ramy-v1/external/STS14.json new file mode 100644 index 000000000..4629a90ae --- /dev/null +++ b/results/qinxianliu__FAB-Ramy-v1/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 78.02832336807212, + "cosine_spearman": 75.26477784563788, + "euclidean_pearson": 76.50227990354192, + "euclidean_spearman": 75.26474419458818, + "main_score": 75.26477784563788, + "manhattan_pearson": 76.07476953899423, + "manhattan_spearman": 74.86656085500788, + "pearson": 78.02832348801336, + "spearman": 75.26475896631564 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAB-Ramy-v1/external/STS15.json b/results/qinxianliu__FAB-Ramy-v1/external/STS15.json new file mode 100644 index 000000000..a2654dc3f --- /dev/null +++ b/results/qinxianliu__FAB-Ramy-v1/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 82.66486256825344, + "cosine_spearman": 83.17551959894382, + "euclidean_pearson": 82.24841235750758, + "euclidean_spearman": 83.17552186285874, + "main_score": 83.17551959894382, + "manhattan_pearson": 81.9774505965764, + "manhattan_spearman": 82.92775869917051, + "pearson": 82.66486251397801, + "spearman": 83.17552153015662 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAB-Ramy-v1/external/STS16.json b/results/qinxianliu__FAB-Ramy-v1/external/STS16.json new file mode 100644 index 000000000..600b56c2f --- /dev/null +++ b/results/qinxianliu__FAB-Ramy-v1/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 78.85758004347694, + "cosine_spearman": 79.53346527701895, + "euclidean_pearson": 79.19288717662867, + "euclidean_spearman": 79.53346527701895, + "main_score": 79.53346527701895, + "manhattan_pearson": 78.85228817502603, + "manhattan_spearman": 79.19386225879818, + "pearson": 78.85757994555938, + "spearman": 79.53346470491176 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAB-Ramy-v1/external/STS17.json b/results/qinxianliu__FAB-Ramy-v1/external/STS17.json new file mode 100644 index 000000000..238d2ac6b --- /dev/null +++ b/results/qinxianliu__FAB-Ramy-v1/external/STS17.json @@ -0,0 +1,182 @@ +{ + "dataset_revision": "faeb762787bd10488a50c8b5be4a3b82e411949c", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-tr", + "languages": [ + "eng-Latn", + "tur-Latn" + ], + "cosine_pearson": 1.2324984246461306, + "cosine_spearman": -1.0887060319886745, + "euclidean_pearson": 1.3895719685465724, + "euclidean_spearman": -1.0887060319886745, + "main_score": -1.0887060319886745, + "manhattan_pearson": 1.9996696497260331, + "manhattan_spearman": -0.10949729064179627, + "pearson": 1.2324954103010868, + "spearman": -1.0887060319886745 + }, + { + "hf_subset": "en-de", + "languages": [ + "eng-Latn", + "deu-Latn" + ], + "cosine_pearson": 32.16759058328933, + "cosine_spearman": 30.78566630137311, + "euclidean_pearson": 32.20125625536215, + "euclidean_spearman": 30.78566630137311, + "main_score": 30.78566630137311, + "manhattan_pearson": 30.50221445727974, + "manhattan_spearman": 29.001989425079916, + "pearson": 32.16759950381597, + "spearman": 30.78566630137311 + }, + { + "hf_subset": "ar-ar", + "languages": [ + "ara-Arab" + ], + "cosine_pearson": 49.21561059227258, + "cosine_spearman": 54.54683402537498, + "euclidean_pearson": 55.10961177673182, + "euclidean_spearman": 54.54683402537498, + "main_score": 54.54683402537498, + "manhattan_pearson": 54.75351371073398, + "manhattan_spearman": 54.09299690986656, + "pearson": 49.215620160787196, + "spearman": 54.53831762469085 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "cosine_pearson": 41.30563970416245, + "cosine_spearman": 40.15540911311002, + "euclidean_pearson": 41.39824124334786, + "euclidean_spearman": 40.15540911311002, + "main_score": 40.15540911311002, + "manhattan_pearson": 40.27193928000343, + "manhattan_spearman": 39.62417307952587, + "pearson": 41.30563534198055, + "spearman": 40.15540911311002 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cosine_pearson": 21.634652384973705, + "cosine_spearman": 20.905083447883076, + "euclidean_pearson": 21.45395108717184, + "euclidean_spearman": 20.905083447883076, + "main_score": 20.905083447883076, + "manhattan_pearson": 19.536029018030728, + "manhattan_spearman": 17.89017854049159, + "pearson": 21.6346556425376, + "spearman": 20.905083447883076 + }, + { + "hf_subset": "it-en", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "cosine_pearson": 29.916756856327993, + "cosine_spearman": 31.0628162146974, + "euclidean_pearson": 29.440153196283557, + "euclidean_spearman": 31.0628162146974, + "main_score": 31.0628162146974, + "manhattan_pearson": 28.432947464078918, + "manhattan_spearman": 28.32518241760408, + "pearson": 29.91674792754777, + "spearman": 31.0628162146974 + }, + { + "hf_subset": "en-ar", + "languages": [ + "eng-Latn", + "ara-Arab" + ], + "cosine_pearson": 6.771893496172387, + "cosine_spearman": 10.834475694007107, + "euclidean_pearson": 6.5677478213162885, + "euclidean_spearman": 10.834475694007107, + "main_score": 10.834475694007107, + "manhattan_pearson": 7.670696588474082, + "manhattan_spearman": 10.71142960046072, + "pearson": 6.771879554612134, + "spearman": 10.834475694007107 + }, + { + "hf_subset": "es-es", + "languages": [ + "spa-Latn" + ], + "cosine_pearson": 74.45735169235816, + "cosine_spearman": 74.36653700097551, + "euclidean_pearson": 76.12322237745572, + "euclidean_spearman": 74.36653700097551, + "main_score": 74.36653700097551, + "manhattan_pearson": 75.7758359581126, + "manhattan_spearman": 74.31993284934066, + "pearson": 74.45734889127019, + "spearman": 74.3663085426167 + }, + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 89.02346865634368, + "cosine_spearman": 88.95770332366246, + "euclidean_pearson": 88.4922408529274, + "euclidean_spearman": 88.95770332366246, + "main_score": 88.95770332366246, + "manhattan_pearson": 88.4734951170278, + "manhattan_spearman": 89.11588250442936, + "pearson": 89.02346739795206, + "spearman": 88.95770332366246 + }, + { + "hf_subset": "ko-ko", + "languages": [ + "kor-Hang" + ], + "cosine_pearson": 29.551067303498623, + "cosine_spearman": 37.69837545026809, + "euclidean_pearson": 35.64775987269827, + "euclidean_spearman": 37.698190216929966, + "main_score": 37.69837545026809, + "manhattan_pearson": 35.620311687081326, + "manhattan_spearman": 37.619543979504975, + "pearson": 29.551068205501295, + "spearman": 37.69867837380798 + }, + { + "hf_subset": "nl-en", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "cosine_pearson": 32.012981930508985, + "cosine_spearman": 29.807415518545096, + "euclidean_pearson": 32.15404597916071, + "euclidean_spearman": 29.807415518545096, + "main_score": 29.807415518545096, + "manhattan_pearson": 30.24045265417985, + "manhattan_spearman": 28.489781020773925, + "pearson": 32.01298053872033, + "spearman": 29.807415518545096 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAB-Ramy-v1/external/STS22.json b/results/qinxianliu__FAB-Ramy-v1/external/STS22.json new file mode 100644 index 000000000..8dd1fc68b --- /dev/null +++ b/results/qinxianliu__FAB-Ramy-v1/external/STS22.json @@ -0,0 +1,288 @@ +{ + "dataset_revision": "de9d86b3b84231dc21f76c7b7af1f28e2f57f6e3", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "cosine_pearson": 43.54595664856279, + "cosine_spearman": 54.10491922799427, + "euclidean_pearson": 48.71171441794464, + "euclidean_spearman": 54.10491922799427, + "main_score": 54.10491922799427, + "manhattan_pearson": 47.7554900775804, + "manhattan_spearman": 53.56978747099107, + "pearson": 43.545957502823356, + "spearman": 54.10491922799427 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 21.399843406874204, + "cosine_spearman": 42.935140998882495, + "euclidean_pearson": 31.080595708023495, + "euclidean_spearman": 42.935140998882495, + "main_score": 42.935140998882495, + "manhattan_pearson": 30.59355860937394, + "manhattan_spearman": 42.75766501508097, + "pearson": 21.39984013579853, + "spearman": 42.93468939388313 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "cosine_pearson": 54.87276044784988, + "cosine_spearman": 56.66162625692095, + "euclidean_pearson": 55.63409750483066, + "euclidean_spearman": 56.66162625692095, + "main_score": 56.66162625692095, + "manhattan_pearson": 55.69743346904424, + "manhattan_spearman": 56.83799762862467, + "pearson": 54.87275877783328, + "spearman": 56.66162625692095 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "cosine_pearson": 33.271097420210424, + "cosine_spearman": 36.89056170474566, + "euclidean_pearson": 35.75552665932539, + "euclidean_spearman": 36.89056170474566, + "main_score": 36.89056170474566, + "manhattan_pearson": 35.23843554757213, + "manhattan_spearman": 36.13353270766642, + "pearson": 33.27109269640927, + "spearman": 36.921464485571384 + }, + { + "hf_subset": "de-fr", + "languages": [ + "deu-Latn", + "fra-Latn" + ], + "cosine_pearson": 35.85356656336487, + "cosine_spearman": 28.158749195282628, + "euclidean_pearson": 34.77644342877048, + "euclidean_spearman": 28.158749195282628, + "main_score": 28.158749195282628, + "manhattan_pearson": 32.51137129119162, + "manhattan_spearman": 25.879876063292606, + "pearson": 35.853568724601196, + "spearman": 28.158749195282628 + }, + { + "hf_subset": "pl-en", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "cosine_pearson": 50.57237179570535, + "cosine_spearman": 47.09751128514487, + "euclidean_pearson": 50.446056974070686, + "euclidean_spearman": 47.09751128514487, + "main_score": 47.09751128514487, + "manhattan_pearson": 50.15601221016199, + "manhattan_spearman": 47.40486148598809, + "pearson": 50.57235875718242, + "spearman": 47.09751128514487 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "cosine_pearson": 24.493356312529052, + "cosine_spearman": 29.24268427412106, + "euclidean_pearson": 20.881166992839965, + "euclidean_spearman": 29.24268427412106, + "main_score": 29.24268427412106, + "manhattan_pearson": 20.9682289948799, + "manhattan_spearman": 29.36217779917779, + "pearson": 24.493357428088995, + "spearman": 29.240453915641474 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cosine_pearson": 50.540080748188366, + "cosine_spearman": 53.63232170702014, + "euclidean_pearson": 51.39140780759759, + "euclidean_spearman": 53.63232170702014, + "main_score": 53.63232170702014, + "manhattan_pearson": 50.888462301553986, + "manhattan_spearman": 52.92654373219885, + "pearson": 50.540083584395546, + "spearman": 53.63232170702014 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 64.06971948645636, + "cosine_spearman": 64.99352563680702, + "euclidean_pearson": 65.99555717049346, + "euclidean_spearman": 64.99352563680702, + "main_score": 64.99352563680702, + "manhattan_pearson": 66.01772320227963, + "manhattan_spearman": 65.0434155427717, + "pearson": 64.06971819415902, + "spearman": 64.99352563680702 + }, + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "cosine_pearson": 46.67900817265241, + "cosine_spearman": 47.60915415510522, + "euclidean_pearson": 48.24278643260973, + "euclidean_spearman": 47.60915415510522, + "main_score": 47.60915415510522, + "manhattan_pearson": 46.539452359996034, + "manhattan_spearman": 45.953269584219825, + "pearson": 46.679005336283716, + "spearman": 47.60915415510522 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cosine_pearson": 71.1088049428891, + "cosine_spearman": 74.1159908229773, + "euclidean_pearson": 71.0248954697202, + "euclidean_spearman": 74.1159908229773, + "main_score": 74.1159908229773, + "manhattan_pearson": 70.94990095845533, + "manhattan_spearman": 74.29375622854518, + "pearson": 71.1088076476087, + "spearman": 74.1159908229773 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "cosine_pearson": 37.29760592795572, + "cosine_spearman": 42.67757119479072, + "euclidean_pearson": 37.237174929314264, + "euclidean_spearman": 42.67757119479072, + "main_score": 42.67757119479072, + "manhattan_pearson": 37.76235419307985, + "manhattan_spearman": 43.0581339245249, + "pearson": 37.297595548851184, + "spearman": 42.67757119479072 + }, + { + "hf_subset": "fr-pl", + "languages": [ + "fra-Latn", + "pol-Latn" + ], + "cosine_pearson": 66.86734921862265, + "cosine_spearman": 61.97797868009122, + "euclidean_pearson": 67.64152372054912, + "euclidean_spearman": 61.97797868009122, + "main_score": 61.97797868009122, + "manhattan_pearson": 70.26598896462248, + "manhattan_spearman": 73.24670207647144, + "pearson": 66.86735424516324, + "spearman": 61.97797868009122 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "cosine_pearson": 6.143701012309495, + "cosine_spearman": 22.737567808497587, + "euclidean_pearson": 2.563373511580513, + "euclidean_spearman": 22.737567808497587, + "main_score": 22.737567808497587, + "manhattan_pearson": 2.3621365037778994, + "manhattan_spearman": 22.627864826862513, + "pearson": 6.143704340747378, + "spearman": 22.744576484058022 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "cosine_pearson": 19.996779769879897, + "cosine_spearman": 32.22266809564839, + "euclidean_pearson": 26.533663870748843, + "euclidean_spearman": 32.22266809564839, + "main_score": 32.22266809564839, + "manhattan_pearson": 26.269646880757673, + "manhattan_spearman": 31.97874465934443, + "pearson": 19.996777822595202, + "spearman": 32.22266809564839 + }, + { + "hf_subset": "es-it", + "languages": [ + "spa-Latn", + "ita-Latn" + ], + "cosine_pearson": 42.83982490662272, + "cosine_spearman": 40.818956422486934, + "euclidean_pearson": 43.84293087261557, + "euclidean_spearman": 40.818956422486934, + "main_score": 40.818956422486934, + "manhattan_pearson": 43.20416589305718, + "manhattan_spearman": 40.12018234883322, + "pearson": 42.83982477515114, + "spearman": 40.818956422486934 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "cosine_pearson": 9.999127578863702, + "cosine_spearman": 21.929995958781735, + "euclidean_pearson": 13.169854246371976, + "euclidean_spearman": 21.929995958781735, + "main_score": 21.929995958781735, + "manhattan_pearson": 12.80638513095583, + "manhattan_spearman": 21.732217172696913, + "pearson": 9.999129789458081, + "spearman": 21.924422337209982 + }, + { + "hf_subset": "de-pl", + "languages": [ + "deu-Latn", + "pol-Latn" + ], + "cosine_pearson": 14.906897707741331, + "cosine_spearman": 20.69363755174973, + "euclidean_pearson": 15.746287887109824, + "euclidean_spearman": 20.69363755174973, + "main_score": 20.69363755174973, + "manhattan_pearson": 17.97937212472529, + "manhattan_spearman": 24.173371247207655, + "pearson": 14.906893927073536, + "spearman": 20.69363755174973 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAB-Ramy-v1/external/STSBenchmark.json b/results/qinxianliu__FAB-Ramy-v1/external/STSBenchmark.json new file mode 100644 index 000000000..c9d51d642 --- /dev/null +++ b/results/qinxianliu__FAB-Ramy-v1/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 82.05268559824307, + "cosine_spearman": 81.80129334727255, + "euclidean_pearson": 82.00241759197277, + "euclidean_spearman": 81.80129334727255, + "main_score": 81.80129334727255, + "manhattan_pearson": 81.64460953652511, + "manhattan_spearman": 81.40232791050113, + "pearson": 82.0526854006677, + "spearman": 81.80129334727255 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAB-Ramy-v1/external/SciDocsRR.json b/results/qinxianliu__FAB-Ramy-v1/external/SciDocsRR.json new file mode 100644 index 000000000..e030e1f3f --- /dev/null +++ b/results/qinxianliu__FAB-Ramy-v1/external/SciDocsRR.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 84.75515355697092, + "map": 84.75515355697092, + "mrr": 95.76542012816523, + "nAUC_map_diff1": 2.6218598327022473, + "nAUC_map_max": 55.31490226938186, + "nAUC_map_std": 67.2466107017137, + "nAUC_mrr_diff1": 45.837481251148, + "nAUC_mrr_max": 83.85025655931555, + "nAUC_mrr_std": 77.76943534722102 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAB-Ramy-v1/external/SciFact.json b/results/qinxianliu__FAB-Ramy-v1/external/SciFact.json new file mode 100644 index 000000000..fd78c1efa --- /dev/null +++ b/results/qinxianliu__FAB-Ramy-v1/external/SciFact.json @@ -0,0 +1,306 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 51.376, + "map_at_1": 37.556, + "map_at_10": 46.534, + "map_at_100": 47.277, + "map_at_1000": 47.355999999999995, + "map_at_20": 46.938, + "map_at_3": 43.699, + "map_at_5": 45.232, + "mrr_at_1": 39.33333333333333, + "mrr_at_10": 47.959920634920636, + "mrr_at_100": 48.55831503603312, + "mrr_at_1000": 48.62970983390715, + "mrr_at_20": 48.24184842934844, + "mrr_at_3": 45.6111111111111, + "mrr_at_5": 47.07777777777776, + "nauc_map_at_1000_diff1": 60.80948849351721, + "nauc_map_at_1000_max": 47.99322551458462, + "nauc_map_at_1000_std": 19.918623385279272, + "nauc_map_at_100_diff1": 60.76773046819619, + "nauc_map_at_100_max": 47.99194267747547, + "nauc_map_at_100_std": 19.959121044456012, + "nauc_map_at_10_diff1": 61.06017127580966, + "nauc_map_at_10_max": 47.894995779178, + "nauc_map_at_10_std": 19.61864315768623, + "nauc_map_at_1_diff1": 63.87693438642291, + "nauc_map_at_1_max": 41.7046766785424, + "nauc_map_at_1_std": 12.461182034191653, + "nauc_map_at_20_diff1": 60.87942740680037, + "nauc_map_at_20_max": 48.03016625166588, + "nauc_map_at_20_std": 19.98410686334697, + "nauc_map_at_3_diff1": 62.01507430457561, + "nauc_map_at_3_max": 46.00339660806274, + "nauc_map_at_3_std": 16.90348295592525, + "nauc_map_at_5_diff1": 61.87099271360832, + "nauc_map_at_5_max": 46.37395500017069, + "nauc_map_at_5_std": 17.657716080053774, + "nauc_mrr_at_1000_diff1": 60.07007737708483, + "nauc_mrr_at_1000_max": 48.29703705212153, + "nauc_mrr_at_1000_std": 21.337855399064726, + "nauc_mrr_at_100_diff1": 60.02435177379477, + "nauc_mrr_at_100_max": 48.28881166791321, + "nauc_mrr_at_100_std": 21.372343263995422, + "nauc_mrr_at_10_diff1": 60.341804024926816, + "nauc_mrr_at_10_max": 48.478636450213, + "nauc_mrr_at_10_std": 21.41216730829035, + "nauc_mrr_at_1_diff1": 63.719835045156, + "nauc_mrr_at_1_max": 43.98293629953597, + "nauc_mrr_at_1_std": 15.874751405473825, + "nauc_mrr_at_20_diff1": 60.09273563771268, + "nauc_mrr_at_20_max": 48.35839882640719, + "nauc_mrr_at_20_std": 21.512093149072363, + "nauc_mrr_at_3_diff1": 61.50652112913595, + "nauc_mrr_at_3_max": 47.84562279011087, + "nauc_mrr_at_3_std": 20.198524543439934, + "nauc_mrr_at_5_diff1": 61.179048664583966, + "nauc_mrr_at_5_max": 47.814780584646044, + "nauc_mrr_at_5_std": 20.381996222697275, + "nauc_ndcg_at_1000_diff1": 58.22496881619945, + "nauc_ndcg_at_1000_max": 49.9235486076635, + "nauc_ndcg_at_1000_std": 22.783495144574477, + "nauc_ndcg_at_100_diff1": 56.99795241036034, + "nauc_ndcg_at_100_max": 49.967869298253525, + "nauc_ndcg_at_100_std": 23.67783386575633, + "nauc_ndcg_at_10_diff1": 58.51017223718703, + "nauc_ndcg_at_10_max": 50.467443721093474, + "nauc_ndcg_at_10_std": 23.41347551271476, + "nauc_ndcg_at_1_diff1": 63.719835045156, + "nauc_ndcg_at_1_max": 43.98293629953597, + "nauc_ndcg_at_1_std": 15.874751405473825, + "nauc_ndcg_at_20_diff1": 57.673371291814426, + "nauc_ndcg_at_20_max": 50.457444586210556, + "nauc_ndcg_at_20_std": 24.23173851430691, + "nauc_ndcg_at_3_diff1": 61.23113588267882, + "nauc_ndcg_at_3_max": 47.575431037189034, + "nauc_ndcg_at_3_std": 19.096562606759413, + "nauc_ndcg_at_5_diff1": 60.6092861255784, + "nauc_ndcg_at_5_max": 47.42907598071162, + "nauc_ndcg_at_5_std": 19.482723386420354, + "nauc_precision_at_1000_diff1": -7.783079621701812, + "nauc_precision_at_1000_max": 29.5769292101616, + "nauc_precision_at_1000_std": 36.50994197956409, + "nauc_precision_at_100_diff1": 13.944547892481356, + "nauc_precision_at_100_max": 47.04608832779468, + "nauc_precision_at_100_std": 44.98757138657001, + "nauc_precision_at_10_diff1": 36.038399014079346, + "nauc_precision_at_10_max": 58.35296120775277, + "nauc_precision_at_10_std": 45.077491253602915, + "nauc_precision_at_1_diff1": 63.719835045156, + "nauc_precision_at_1_max": 43.98293629953597, + "nauc_precision_at_1_std": 15.874751405473825, + "nauc_precision_at_20_diff1": 28.457133034870175, + "nauc_precision_at_20_max": 54.47655657908099, + "nauc_precision_at_20_std": 45.95043324035659, + "nauc_precision_at_3_diff1": 55.558376508253396, + "nauc_precision_at_3_max": 53.24199184123103, + "nauc_precision_at_3_std": 29.20976986763512, + "nauc_precision_at_5_diff1": 52.446186559180305, + "nauc_precision_at_5_max": 53.906662701037355, + "nauc_precision_at_5_std": 32.89933368550485, + "nauc_recall_at_1000_diff1": 19.4357481554709, + "nauc_recall_at_1000_max": 79.65983779132586, + "nauc_recall_at_1000_std": 46.440013914062405, + "nauc_recall_at_100_diff1": 33.30097062638411, + "nauc_recall_at_100_max": 55.685600973769155, + "nauc_recall_at_100_std": 37.998659623318446, + "nauc_recall_at_10_diff1": 48.26810976644441, + "nauc_recall_at_10_max": 57.10570664374568, + "nauc_recall_at_10_std": 33.93986320466338, + "nauc_recall_at_1_diff1": 63.87693438642291, + "nauc_recall_at_1_max": 41.7046766785424, + "nauc_recall_at_1_std": 12.461182034191653, + "nauc_recall_at_20_diff1": 43.87559561411955, + "nauc_recall_at_20_max": 57.46405179641205, + "nauc_recall_at_20_std": 38.19098870182537, + "nauc_recall_at_3_diff1": 58.09420085215734, + "nauc_recall_at_3_max": 48.04698003944634, + "nauc_recall_at_3_std": 19.702791282207695, + "nauc_recall_at_5_diff1": 55.89705925114775, + "nauc_recall_at_5_max": 47.53168947588903, + "nauc_recall_at_5_std": 21.299619205440866, + "ndcg_at_1": 39.333, + "ndcg_at_10": 51.376, + "ndcg_at_100": 54.763, + "ndcg_at_1000": 56.855999999999995, + "ndcg_at_20": 52.525, + "ndcg_at_3": 46.14, + "ndcg_at_5": 48.686, + "precision_at_1": 39.333, + "precision_at_10": 7.2330000000000005, + "precision_at_100": 0.9129999999999999, + "precision_at_1000": 0.109, + "precision_at_20": 3.9, + "precision_at_3": 18.221999999999998, + "precision_at_5": 12.333, + "recall_at_1": 37.556, + "recall_at_10": 64.883, + "recall_at_100": 80.4, + "recall_at_1000": 96.6, + "recall_at_20": 68.93299999999999, + "recall_at_3": 50.917, + "recall_at_5": 57.178 + } + ], + "train": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 54.75600000000001, + "map_at_1": 42.068, + "map_at_10": 50.495999999999995, + "map_at_100": 51.474, + "map_at_1000": 51.53, + "map_at_20": 51.114000000000004, + "map_at_3": 48.113, + "map_at_5": 49.525999999999996, + "mrr_at_1": 44.37577255871446, + "mrr_at_10": 52.019591107971785, + "mrr_at_100": 52.83827289542978, + "mrr_at_1000": 52.88771107903243, + "mrr_at_20": 52.5498906571361, + "mrr_at_3": 50.061804697156944, + "mrr_at_5": 51.26081582200243, + "nauc_map_at_1000_diff1": 57.84135013773377, + "nauc_map_at_1000_max": 47.46454450143604, + "nauc_map_at_1000_std": 25.451442404819314, + "nauc_map_at_100_diff1": 57.82132382224842, + "nauc_map_at_100_max": 47.464053318480644, + "nauc_map_at_100_std": 25.457622867656323, + "nauc_map_at_10_diff1": 58.04070358938402, + "nauc_map_at_10_max": 47.22792013059641, + "nauc_map_at_10_std": 24.874857978486133, + "nauc_map_at_1_diff1": 62.09718945087835, + "nauc_map_at_1_max": 42.44250213660304, + "nauc_map_at_1_std": 20.379812607786572, + "nauc_map_at_20_diff1": 57.78925642698205, + "nauc_map_at_20_max": 47.56794878668845, + "nauc_map_at_20_std": 25.553034740109776, + "nauc_map_at_3_diff1": 58.62395370417334, + "nauc_map_at_3_max": 45.94959064301633, + "nauc_map_at_3_std": 22.80632377177011, + "nauc_map_at_5_diff1": 58.13996335789924, + "nauc_map_at_5_max": 46.671213338183016, + "nauc_map_at_5_std": 23.75817647866677, + "nauc_mrr_at_1000_diff1": 57.9049495170887, + "nauc_mrr_at_1000_max": 47.52519457052908, + "nauc_mrr_at_1000_std": 25.963515330883435, + "nauc_mrr_at_100_diff1": 57.882978199732804, + "nauc_mrr_at_100_max": 47.52065532869917, + "nauc_mrr_at_100_std": 25.97053023491996, + "nauc_mrr_at_10_diff1": 58.06171638090465, + "nauc_mrr_at_10_max": 47.35375118193762, + "nauc_mrr_at_10_std": 25.64575216822618, + "nauc_mrr_at_1_diff1": 62.874233765793534, + "nauc_mrr_at_1_max": 44.958260720063066, + "nauc_mrr_at_1_std": 21.577353072635518, + "nauc_mrr_at_20_diff1": 57.807110857208436, + "nauc_mrr_at_20_max": 47.62340819189832, + "nauc_mrr_at_20_std": 26.10291587326945, + "nauc_mrr_at_3_diff1": 58.7947732502377, + "nauc_mrr_at_3_max": 47.17032020824409, + "nauc_mrr_at_3_std": 24.734098406561632, + "nauc_mrr_at_5_diff1": 58.025069651614935, + "nauc_mrr_at_5_max": 47.34628729287445, + "nauc_mrr_at_5_std": 25.392857289891463, + "nauc_ndcg_at_1000_diff1": 56.33976559617933, + "nauc_ndcg_at_1000_max": 48.774836054722286, + "nauc_ndcg_at_1000_std": 28.28319329251948, + "nauc_ndcg_at_100_diff1": 55.64172942274285, + "nauc_ndcg_at_100_max": 48.840151258888824, + "nauc_ndcg_at_100_std": 28.804840116343065, + "nauc_ndcg_at_10_diff1": 56.01387229707442, + "nauc_ndcg_at_10_max": 48.28723731459484, + "nauc_ndcg_at_10_std": 27.12246908173161, + "nauc_ndcg_at_1_diff1": 62.874233765793534, + "nauc_ndcg_at_1_max": 44.958260720063066, + "nauc_ndcg_at_1_std": 21.577353072635518, + "nauc_ndcg_at_20_diff1": 54.99921197143023, + "nauc_ndcg_at_20_max": 49.32202596598159, + "nauc_ndcg_at_20_std": 29.293742518875494, + "nauc_ndcg_at_3_diff1": 57.30232664578614, + "nauc_ndcg_at_3_max": 47.028334592091745, + "nauc_ndcg_at_3_std": 24.2628078947522, + "nauc_ndcg_at_5_diff1": 56.291143212308725, + "nauc_ndcg_at_5_max": 47.51190650925221, + "nauc_ndcg_at_5_std": 25.30164760234103, + "nauc_precision_at_1000_diff1": -8.67800256044397, + "nauc_precision_at_1000_max": 18.373701155351895, + "nauc_precision_at_1000_std": 31.63778941539645, + "nauc_precision_at_100_diff1": 7.867884887288942, + "nauc_precision_at_100_max": 32.36055567950646, + "nauc_precision_at_100_std": 38.6606839250817, + "nauc_precision_at_10_diff1": 31.21611542835802, + "nauc_precision_at_10_max": 46.78899708549363, + "nauc_precision_at_10_std": 37.80563902873721, + "nauc_precision_at_1_diff1": 62.874233765793534, + "nauc_precision_at_1_max": 44.958260720063066, + "nauc_precision_at_1_std": 21.577353072635518, + "nauc_precision_at_20_diff1": 19.626917148962605, + "nauc_precision_at_20_max": 45.292562796990424, + "nauc_precision_at_20_std": 44.92324658267023, + "nauc_precision_at_3_diff1": 46.22183176486027, + "nauc_precision_at_3_max": 48.59400391621329, + "nauc_precision_at_3_std": 27.953873802579004, + "nauc_precision_at_5_diff1": 39.21241403144524, + "nauc_precision_at_5_max": 48.479860280498634, + "nauc_precision_at_5_std": 31.83869842819922, + "nauc_recall_at_1000_diff1": 46.15577910939045, + "nauc_recall_at_1000_max": 80.63894067986128, + "nauc_recall_at_1000_std": 84.28382754450102, + "nauc_recall_at_100_diff1": 41.60704294717501, + "nauc_recall_at_100_max": 55.374247147885626, + "nauc_recall_at_100_std": 48.37421611485622, + "nauc_recall_at_10_diff1": 48.10996686982752, + "nauc_recall_at_10_max": 50.39805684049791, + "nauc_recall_at_10_std": 32.43369881937143, + "nauc_recall_at_1_diff1": 62.09718945087835, + "nauc_recall_at_1_max": 42.44250213660304, + "nauc_recall_at_1_std": 20.379812607786572, + "nauc_recall_at_20_diff1": 41.0306500246449, + "nauc_recall_at_20_max": 55.314961283044674, + "nauc_recall_at_20_std": 43.740035208576884, + "nauc_recall_at_3_diff1": 52.91289149382358, + "nauc_recall_at_3_max": 47.74913263098689, + "nauc_recall_at_3_std": 25.466539557504188, + "nauc_recall_at_5_diff1": 49.97091861623464, + "nauc_recall_at_5_max": 48.53079531891003, + "nauc_recall_at_5_std": 27.496482503102083, + "ndcg_at_1": 44.376, + "ndcg_at_10": 54.75600000000001, + "ndcg_at_100": 59.132, + "ndcg_at_1000": 60.621, + "ndcg_at_20": 56.839, + "ndcg_at_3": 50.446999999999996, + "ndcg_at_5": 52.662, + "precision_at_1": 44.376, + "precision_at_10": 7.478, + "precision_at_100": 0.984, + "precision_at_1000": 0.11100000000000002, + "precision_at_20": 4.215, + "precision_at_3": 20.066, + "precision_at_5": 13.424, + "recall_at_1": 42.068, + "recall_at_10": 66.312, + "recall_at_100": 85.88799999999999, + "recall_at_1000": 97.528, + "recall_at_20": 74.18599999999999, + "recall_at_3": 55.071999999999996, + "recall_at_5": 60.227 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAB-Ramy-v1/external/SprintDuplicateQuestions.json b/results/qinxianliu__FAB-Ramy-v1/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..e95a96773 --- /dev/null +++ b/results/qinxianliu__FAB-Ramy-v1/external/SprintDuplicateQuestions.json @@ -0,0 +1,106 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 99.46534653465346, + "cosine_accuracy_threshold": 70.21370530128479, + "cosine_ap": 78.14737770965971, + "cosine_f1": 70.28720626631855, + "cosine_f1_threshold": 65.22941589355469, + "cosine_precision": 73.55191256830601, + "cosine_recall": 67.30000000000001, + "dot_accuracy": 99.46534653465346, + "dot_accuracy_threshold": 70.21371126174927, + "dot_ap": 78.1473762823363, + "dot_f1": 70.28720626631855, + "dot_f1_threshold": 65.22941589355469, + "dot_precision": 73.55191256830601, + "dot_recall": 67.30000000000001, + "euclidean_accuracy": 99.46534653465346, + "euclidean_accuracy_threshold": 77.18327045440674, + "euclidean_ap": 78.1473727722499, + "euclidean_f1": 70.28720626631855, + "euclidean_f1_threshold": 83.39134454727173, + "euclidean_precision": 73.55191256830601, + "euclidean_recall": 67.30000000000001, + "main_score": 78.14737770965971, + "manhattan_accuracy": 99.45445544554455, + "manhattan_accuracy_threshold": 1661.630630493164, + "manhattan_ap": 77.59008725099838, + "manhattan_f1": 69.67088607594937, + "manhattan_f1_threshold": 1846.4702606201172, + "manhattan_precision": 70.56410256410255, + "manhattan_recall": 68.8, + "max_accuracy": 99.46534653465346, + "max_ap": 78.14737770965971, + "max_f1": 70.28720626631855, + "max_precision": 73.55191256830601, + "max_recall": 68.8, + "similarity_accuracy": 99.46534653465346, + "similarity_accuracy_threshold": 70.21371126174927, + "similarity_ap": 78.14737628233631, + "similarity_f1": 70.28720626631855, + "similarity_f1_threshold": 65.22941589355469, + "similarity_precision": 73.55191256830601, + "similarity_recall": 67.30000000000001 + } + ], + "validation": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 99.48019801980197, + "cosine_accuracy_threshold": 60.87464094161987, + "cosine_ap": 78.95431448886777, + "cosine_f1": 74.06725011515431, + "cosine_f1_threshold": 57.457542419433594, + "cosine_precision": 68.65926558497011, + "cosine_recall": 80.4, + "dot_accuracy": 99.48019801980197, + "dot_accuracy_threshold": 60.87464094161987, + "dot_ap": 78.95431448886778, + "dot_f1": 74.06725011515431, + "dot_f1_threshold": 57.457542419433594, + "dot_precision": 68.65926558497011, + "dot_recall": 80.4, + "euclidean_accuracy": 99.48019801980197, + "euclidean_accuracy_threshold": 88.45942616462708, + "euclidean_ap": 78.95434105414937, + "euclidean_f1": 74.06725011515431, + "euclidean_f1_threshold": 92.24148988723755, + "euclidean_precision": 68.65926558497011, + "euclidean_recall": 80.4, + "main_score": 78.95434105414937, + "manhattan_accuracy": 99.46831683168317, + "manhattan_accuracy_threshold": 1878.9627075195312, + "manhattan_ap": 78.42886921163121, + "manhattan_f1": 73.19540229885058, + "manhattan_f1_threshold": 2018.7911987304688, + "manhattan_precision": 67.74468085106383, + "manhattan_recall": 79.60000000000001, + "max_accuracy": 99.48019801980197, + "max_ap": 78.95434105414937, + "max_f1": 74.06725011515431, + "max_precision": 68.65926558497011, + "max_recall": 80.4, + "similarity_accuracy": 99.48019801980197, + "similarity_accuracy_threshold": 60.87464094161987, + "similarity_ap": 78.95431448886778, + "similarity_f1": 74.06725011515431, + "similarity_f1_threshold": 57.457542419433594, + "similarity_precision": 68.65926558497011, + "similarity_recall": 80.4 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAB-Ramy-v1/external/StackOverflowDupQuestions.json b/results/qinxianliu__FAB-Ramy-v1/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..62be475de --- /dev/null +++ b/results/qinxianliu__FAB-Ramy-v1/external/StackOverflowDupQuestions.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 50.53942629337459, + "map": 50.53942629337459, + "mrr": 51.38479065868772, + "nAUC_map_diff1": 35.895387586112086, + "nAUC_map_max": 14.938095199829576, + "nAUC_map_std": 9.592247381903727, + "nAUC_mrr_diff1": 36.33830977222435, + "nAUC_mrr_max": 15.772999104829502, + "nAUC_mrr_std": 10.351665927055077 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAB-Ramy-v1/external/TRECCOVID.json b/results/qinxianliu__FAB-Ramy-v1/external/TRECCOVID.json new file mode 100644 index 000000000..f4889e5b7 --- /dev/null +++ b/results/qinxianliu__FAB-Ramy-v1/external/TRECCOVID.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "bb9466bac8153a0349341eb1b22e06409e78ef4e", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 47.087, + "map_at_1": 0.159, + "map_at_10": 1.01, + "map_at_100": 4.9, + "map_at_1000": 11.777999999999999, + "map_at_20": 1.6469999999999998, + "map_at_3": 0.386, + "map_at_5": 0.575, + "mrr_at_1": 56.00000000000001, + "mrr_at_10": 66.92460317460318, + "mrr_at_100": 67.21481883521791, + "mrr_at_1000": 67.21481883521791, + "mrr_at_20": 67.07844932844934, + "mrr_at_3": 63.99999999999999, + "mrr_at_5": 65.3, + "nauc_map_at_1000_diff1": -7.618163477141746, + "nauc_map_at_1000_max": 32.45931354878787, + "nauc_map_at_1000_std": 63.78753017704527, + "nauc_map_at_100_diff1": -9.002051729183744, + "nauc_map_at_100_max": 33.14565455226513, + "nauc_map_at_100_std": 60.58785751891421, + "nauc_map_at_10_diff1": -5.298579101375464, + "nauc_map_at_10_max": 30.351581077375055, + "nauc_map_at_10_std": 21.908593434202544, + "nauc_map_at_1_diff1": -13.114291665898046, + "nauc_map_at_1_max": 14.418191873175228, + "nauc_map_at_1_std": 2.994851826781057, + "nauc_map_at_20_diff1": -7.950074843822434, + "nauc_map_at_20_max": 30.262590472970107, + "nauc_map_at_20_std": 31.329932516598852, + "nauc_map_at_3_diff1": -2.55263158919253, + "nauc_map_at_3_max": 25.158816300911774, + "nauc_map_at_3_std": 14.52938617318639, + "nauc_map_at_5_diff1": -1.1983101304856902, + "nauc_map_at_5_max": 28.75846071285901, + "nauc_map_at_5_std": 12.884377139171042, + "nauc_mrr_at_1000_diff1": 0.16316714962750764, + "nauc_mrr_at_1000_max": 27.46075435102161, + "nauc_mrr_at_1000_std": 23.435467950338072, + "nauc_mrr_at_100_diff1": 0.16316714962750764, + "nauc_mrr_at_100_max": 27.46075435102161, + "nauc_mrr_at_100_std": 23.435467950338072, + "nauc_mrr_at_10_diff1": 0.6607487662531373, + "nauc_mrr_at_10_max": 27.99236021370731, + "nauc_mrr_at_10_std": 23.555061432532593, + "nauc_mrr_at_1_diff1": -12.409152850329349, + "nauc_mrr_at_1_max": 18.459005223711046, + "nauc_mrr_at_1_std": 22.07017942312056, + "nauc_mrr_at_20_diff1": 0.4535169672119736, + "nauc_mrr_at_20_max": 27.731573860268977, + "nauc_mrr_at_20_std": 23.26811205448345, + "nauc_mrr_at_3_diff1": 3.5349251913708706, + "nauc_mrr_at_3_max": 27.74660751565763, + "nauc_mrr_at_3_std": 24.639548538622076, + "nauc_mrr_at_5_diff1": 0.40848171500488123, + "nauc_mrr_at_5_max": 24.180745992050728, + "nauc_mrr_at_5_std": 21.582134503860782, + "nauc_ndcg_at_1000_diff1": -4.889948998449442, + "nauc_ndcg_at_1000_max": 32.345124188214655, + "nauc_ndcg_at_1000_std": 58.291063571191145, + "nauc_ndcg_at_100_diff1": -1.1918706655222753, + "nauc_ndcg_at_100_max": 27.52963890037189, + "nauc_ndcg_at_100_std": 54.08675417055654, + "nauc_ndcg_at_10_diff1": 3.7775237567776063, + "nauc_ndcg_at_10_max": 26.45727415575014, + "nauc_ndcg_at_10_std": 34.026912007916884, + "nauc_ndcg_at_1_diff1": -12.165139111751753, + "nauc_ndcg_at_1_max": 17.691533628872143, + "nauc_ndcg_at_1_std": 23.481737333079476, + "nauc_ndcg_at_20_diff1": 0.5096529042399311, + "nauc_ndcg_at_20_max": 24.675176232510257, + "nauc_ndcg_at_20_std": 38.14060006387698, + "nauc_ndcg_at_3_diff1": 2.6815067875423235, + "nauc_ndcg_at_3_max": 22.83660877270742, + "nauc_ndcg_at_3_std": 29.607891048668822, + "nauc_ndcg_at_5_diff1": 3.474354766138203, + "nauc_ndcg_at_5_max": 21.747295798708127, + "nauc_ndcg_at_5_std": 26.83803857501637, + "nauc_precision_at_1000_diff1": -1.4536749750670814, + "nauc_precision_at_1000_max": 23.178602172206826, + "nauc_precision_at_1000_std": 35.81249150928389, + "nauc_precision_at_100_diff1": -0.4275372735040719, + "nauc_precision_at_100_max": 27.41139806585049, + "nauc_precision_at_100_std": 56.484831061386465, + "nauc_precision_at_10_diff1": 6.479223345870551, + "nauc_precision_at_10_max": 31.860306311579418, + "nauc_precision_at_10_std": 34.05882714242878, + "nauc_precision_at_1_diff1": -12.409152850329349, + "nauc_precision_at_1_max": 18.459005223711046, + "nauc_precision_at_1_std": 22.07017942312056, + "nauc_precision_at_20_diff1": 0.4810987170050152, + "nauc_precision_at_20_max": 26.064069696833613, + "nauc_precision_at_20_std": 37.28241705245033, + "nauc_precision_at_3_diff1": 10.222821017722028, + "nauc_precision_at_3_max": 25.139392683179572, + "nauc_precision_at_3_std": 30.908902476940575, + "nauc_precision_at_5_diff1": 7.763917571913578, + "nauc_precision_at_5_max": 24.523186895392048, + "nauc_precision_at_5_std": 25.38506294636294, + "nauc_recall_at_1000_diff1": -4.423100095671922, + "nauc_recall_at_1000_max": 31.11639624104705, + "nauc_recall_at_1000_std": 52.99824667481035, + "nauc_recall_at_100_diff1": -5.393566895940058, + "nauc_recall_at_100_max": 33.944852021313814, + "nauc_recall_at_100_std": 56.13025532421614, + "nauc_recall_at_10_diff1": -2.202020925903099, + "nauc_recall_at_10_max": 28.11785749369286, + "nauc_recall_at_10_std": 17.565280012290827, + "nauc_recall_at_1_diff1": -13.114291665898046, + "nauc_recall_at_1_max": 14.418191873175228, + "nauc_recall_at_1_std": 2.994851826781057, + "nauc_recall_at_20_diff1": -3.9477817021379806, + "nauc_recall_at_20_max": 24.974560147701723, + "nauc_recall_at_20_std": 25.684682243108618, + "nauc_recall_at_3_diff1": 5.20703428961937, + "nauc_recall_at_3_max": 26.923028924222493, + "nauc_recall_at_3_std": 15.424527008312644, + "nauc_recall_at_5_diff1": 1.9586782027960752, + "nauc_recall_at_5_max": 26.57873207133006, + "nauc_recall_at_5_std": 10.930088876191526, + "ndcg_at_1": 50.0, + "ndcg_at_10": 47.087, + "ndcg_at_100": 35.589, + "ndcg_at_1000": 32.74, + "ndcg_at_20": 44.961, + "ndcg_at_3": 49.296, + "ndcg_at_5": 47.64, + "precision_at_1": 56.00000000000001, + "precision_at_10": 50.6, + "precision_at_100": 36.44, + "precision_at_1000": 15.096000000000002, + "precision_at_20": 47.5, + "precision_at_3": 54.667, + "precision_at_5": 50.8, + "recall_at_1": 0.159, + "recall_at_10": 1.29, + "recall_at_100": 8.280999999999999, + "recall_at_1000": 31.11, + "recall_at_20": 2.284, + "recall_at_3": 0.42, + "recall_at_5": 0.655 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAB-Ramy-v1/external/Touche2020.json b/results/qinxianliu__FAB-Ramy-v1/external/Touche2020.json new file mode 100644 index 000000000..54e7075f3 --- /dev/null +++ b/results/qinxianliu__FAB-Ramy-v1/external/Touche2020.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 13.841000000000001, + "map_at_1": 1.05, + "map_at_10": 5.281000000000001, + "map_at_100": 7.728, + "map_at_1000": 8.728, + "map_at_20": 6.3100000000000005, + "map_at_3": 2.859, + "map_at_5": 4.011, + "mrr_at_1": 16.3265306122449, + "mrr_at_10": 29.837220602526713, + "mrr_at_100": 30.886279848025307, + "mrr_at_1000": 30.911470447376605, + "mrr_at_20": 30.408163265306115, + "mrr_at_3": 22.7891156462585, + "mrr_at_5": 28.50340136054421, + "nauc_map_at_1000_diff1": -6.32144098745075, + "nauc_map_at_1000_max": 5.301765569527624, + "nauc_map_at_1000_std": 6.020937582103711, + "nauc_map_at_100_diff1": -4.553863398707324, + "nauc_map_at_100_max": 4.173428421414742, + "nauc_map_at_100_std": 0.15255568040699724, + "nauc_map_at_10_diff1": -0.8060007539273446, + "nauc_map_at_10_max": 2.9515222043403186, + "nauc_map_at_10_std": -12.804332387536538, + "nauc_map_at_1_diff1": -17.54953791146995, + "nauc_map_at_1_max": -15.41277104639262, + "nauc_map_at_1_std": 8.141372141846212, + "nauc_map_at_20_diff1": 0.3547933595882877, + "nauc_map_at_20_max": 5.323107806617253, + "nauc_map_at_20_std": -6.89329469827005, + "nauc_map_at_3_diff1": -14.51958451353071, + "nauc_map_at_3_max": -11.116280013235832, + "nauc_map_at_3_std": -15.005216502379199, + "nauc_map_at_5_diff1": -6.164990469097467, + "nauc_map_at_5_max": -7.38586110327673, + "nauc_map_at_5_std": -14.516125852708099, + "nauc_mrr_at_1000_diff1": -10.760610722836299, + "nauc_mrr_at_1000_max": -14.364958632649607, + "nauc_mrr_at_1000_std": 14.537445918587299, + "nauc_mrr_at_100_diff1": -10.741586200006427, + "nauc_mrr_at_100_max": -14.375466236806695, + "nauc_mrr_at_100_std": 14.594184401916538, + "nauc_mrr_at_10_diff1": -9.791095412904118, + "nauc_mrr_at_10_max": -14.580379916357828, + "nauc_mrr_at_10_std": 13.19808084652314, + "nauc_mrr_at_1_diff1": -18.324996446638885, + "nauc_mrr_at_1_max": -8.794331351898427, + "nauc_mrr_at_1_std": 25.504388212194424, + "nauc_mrr_at_20_diff1": -10.256524697327011, + "nauc_mrr_at_20_max": -14.45135785036048, + "nauc_mrr_at_20_std": 15.059604478291726, + "nauc_mrr_at_3_diff1": -13.295740131003726, + "nauc_mrr_at_3_max": -14.70468401185279, + "nauc_mrr_at_3_std": 8.441610267010851, + "nauc_mrr_at_5_diff1": -11.075882397287275, + "nauc_mrr_at_5_max": -14.93515104666715, + "nauc_mrr_at_5_std": 11.907817599597836, + "nauc_ndcg_at_1000_diff1": -24.32367811931809, + "nauc_ndcg_at_1000_max": -3.658057343962463, + "nauc_ndcg_at_1000_std": 39.2364477510016, + "nauc_ndcg_at_100_diff1": -15.214450667215385, + "nauc_ndcg_at_100_max": -10.121581300410257, + "nauc_ndcg_at_100_std": 15.268902846660753, + "nauc_ndcg_at_10_diff1": -9.456348661336007, + "nauc_ndcg_at_10_max": -9.631282211965992, + "nauc_ndcg_at_10_std": -5.619757880474069, + "nauc_ndcg_at_1_diff1": -27.500559791369806, + "nauc_ndcg_at_1_max": -9.866026603693971, + "nauc_ndcg_at_1_std": 15.050762666284928, + "nauc_ndcg_at_20_diff1": -6.450330970378657, + "nauc_ndcg_at_20_max": -7.790979713536839, + "nauc_ndcg_at_20_std": 0.5826528520348027, + "nauc_ndcg_at_3_diff1": -25.38445278319768, + "nauc_ndcg_at_3_max": -19.334140860034918, + "nauc_ndcg_at_3_std": -7.770530562994195, + "nauc_ndcg_at_5_diff1": -12.942263816746888, + "nauc_ndcg_at_5_max": -14.681599837389614, + "nauc_ndcg_at_5_std": -5.352991400586343, + "nauc_precision_at_1000_diff1": -30.537039736028117, + "nauc_precision_at_1000_max": 22.88705631608905, + "nauc_precision_at_1000_std": 70.21155345452996, + "nauc_precision_at_100_diff1": -23.945201908204734, + "nauc_precision_at_100_max": 0.8222386915536924, + "nauc_precision_at_100_std": 53.78353444793331, + "nauc_precision_at_10_diff1": 0.17137892343716876, + "nauc_precision_at_10_max": -4.178214916112184, + "nauc_precision_at_10_std": 3.417587770162542, + "nauc_precision_at_1_diff1": -18.324996446638885, + "nauc_precision_at_1_max": -8.794331351898427, + "nauc_precision_at_1_std": 25.504388212194424, + "nauc_precision_at_20_diff1": -4.2292835364864025, + "nauc_precision_at_20_max": -2.301326609383918, + "nauc_precision_at_20_std": 22.45274295709375, + "nauc_precision_at_3_diff1": -16.354942735170056, + "nauc_precision_at_3_max": -14.65811822200764, + "nauc_precision_at_3_std": -5.371738642025328, + "nauc_precision_at_5_diff1": -2.0865932304893398, + "nauc_precision_at_5_max": -12.43800645118826, + "nauc_precision_at_5_std": -0.785456924227922, + "nauc_recall_at_1000_diff1": -27.067929512859383, + "nauc_recall_at_1000_max": 8.27637512746264, + "nauc_recall_at_1000_std": 70.20170699074127, + "nauc_recall_at_100_diff1": -10.801744199612111, + "nauc_recall_at_100_max": -1.521858730697413, + "nauc_recall_at_100_std": 29.502087932404887, + "nauc_recall_at_10_diff1": 6.620428505686945, + "nauc_recall_at_10_max": 2.6967847665823417, + "nauc_recall_at_10_std": -10.613005362584216, + "nauc_recall_at_1_diff1": -17.54953791146995, + "nauc_recall_at_1_max": -15.41277104639262, + "nauc_recall_at_1_std": 8.141372141846212, + "nauc_recall_at_20_diff1": 2.855400368822548, + "nauc_recall_at_20_max": 3.6677496555985525, + "nauc_recall_at_20_std": 5.424655779537322, + "nauc_recall_at_3_diff1": -6.347995630633211, + "nauc_recall_at_3_max": -7.202472967368409, + "nauc_recall_at_3_std": -19.60457697668874, + "nauc_recall_at_5_diff1": 4.71874396631723, + "nauc_recall_at_5_max": -5.187633322645269, + "nauc_recall_at_5_std": -14.486281013374851, + "ndcg_at_1": 13.264999999999999, + "ndcg_at_10": 13.841000000000001, + "ndcg_at_100": 21.303, + "ndcg_at_1000": 31.628, + "ndcg_at_20": 14.768999999999998, + "ndcg_at_3": 13.286000000000001, + "ndcg_at_5": 15.301, + "precision_at_1": 16.326999999999998, + "precision_at_10": 12.857, + "precision_at_100": 4.531000000000001, + "precision_at_1000": 1.11, + "precision_at_20": 9.898, + "precision_at_3": 14.966, + "precision_at_5": 17.143, + "recall_at_1": 1.05, + "recall_at_10": 9.76, + "recall_at_100": 27.98, + "recall_at_1000": 59.78, + "recall_at_20": 14.426, + "recall_at_3": 3.6609999999999996, + "recall_at_5": 6.525 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAB-Ramy-v1/external/TwitterSemEval2015.json b/results/qinxianliu__FAB-Ramy-v1/external/TwitterSemEval2015.json new file mode 100644 index 000000000..982ea2f41 --- /dev/null +++ b/results/qinxianliu__FAB-Ramy-v1/external/TwitterSemEval2015.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 86.46361089586935, + "cosine_accuracy_threshold": 68.602854013443, + "cosine_ap": 76.19134872998976, + "cosine_f1": 70.0497512437811, + "cosine_f1_threshold": 63.82530331611633, + "cosine_precision": 66.25882352941177, + "cosine_recall": 74.30079155672823, + "dot_accuracy": 86.46361089586935, + "dot_accuracy_threshold": 68.60285997390747, + "dot_ap": 76.19134090974376, + "dot_f1": 70.0497512437811, + "dot_f1_threshold": 63.82530927658081, + "dot_precision": 66.25882352941177, + "dot_recall": 74.30079155672823, + "euclidean_accuracy": 86.46361089586935, + "euclidean_accuracy_threshold": 79.24284934997559, + "euclidean_ap": 76.19134954237678, + "euclidean_f1": 70.0497512437811, + "euclidean_f1_threshold": 85.05843877792358, + "euclidean_precision": 66.25882352941177, + "euclidean_recall": 74.30079155672823, + "main_score": 76.191355296053, + "manhattan_accuracy": 86.35632115396078, + "manhattan_accuracy_threshold": 1689.6617889404297, + "manhattan_ap": 76.04793395742094, + "manhattan_f1": 69.95183401259726, + "manhattan_f1_threshold": 1861.5121841430664, + "manhattan_precision": 65.75342465753424, + "manhattan_recall": 74.72295514511873, + "max_accuracy": 86.46361089586935, + "max_ap": 76.191355296053, + "max_f1": 70.0497512437811, + "max_precision": 66.25882352941177, + "max_recall": 74.72295514511873, + "similarity_accuracy": 86.46361089586935, + "similarity_accuracy_threshold": 68.60285997390747, + "similarity_ap": 76.191355296053, + "similarity_f1": 70.0497512437811, + "similarity_f1_threshold": 63.82531523704529, + "similarity_precision": 66.25882352941177, + "similarity_recall": 74.30079155672823 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAB-Ramy-v1/external/TwitterURLCorpus.json b/results/qinxianliu__FAB-Ramy-v1/external/TwitterURLCorpus.json new file mode 100644 index 000000000..1fc99b976 --- /dev/null +++ b/results/qinxianliu__FAB-Ramy-v1/external/TwitterURLCorpus.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 88.00209570380719, + "cosine_accuracy_threshold": 66.62089228630066, + "cosine_ap": 83.732187827528, + "cosine_f1": 75.75757575757575, + "cosine_f1_threshold": 62.46500015258789, + "cosine_precision": 73.8520035097982, + "cosine_recall": 77.76408992916538, + "dot_accuracy": 88.00209570380719, + "dot_accuracy_threshold": 66.62088632583618, + "dot_ap": 83.73218146671233, + "dot_f1": 75.75757575757575, + "dot_f1_threshold": 62.46500015258789, + "dot_precision": 73.8520035097982, + "dot_recall": 77.76408992916538, + "euclidean_accuracy": 88.00209570380719, + "euclidean_accuracy_threshold": 81.70570135116577, + "euclidean_ap": 83.7321851505459, + "euclidean_f1": 75.75757575757575, + "euclidean_f1_threshold": 86.64293885231018, + "euclidean_precision": 73.8520035097982, + "euclidean_recall": 77.76408992916538, + "main_score": 83.732187827528, + "manhattan_accuracy": 87.9846315054139, + "manhattan_accuracy_threshold": 1792.7431106567383, + "manhattan_ap": 83.6902817311313, + "manhattan_f1": 75.7556651707896, + "manhattan_f1_threshold": 1904.5093536376953, + "manhattan_precision": 73.08050089445437, + "manhattan_recall": 78.6341238065907, + "max_accuracy": 88.00209570380719, + "max_ap": 83.732187827528, + "max_f1": 75.75757575757575, + "max_precision": 73.8520035097982, + "max_recall": 78.6341238065907, + "similarity_accuracy": 88.00209570380719, + "similarity_accuracy_threshold": 66.62089824676514, + "similarity_ap": 83.73218773533418, + "similarity_f1": 75.75757575757575, + "similarity_f1_threshold": 62.46500015258789, + "similarity_precision": 73.8520035097982, + "similarity_recall": 77.76408992916538 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAB-Ramy-v1/external/model_meta.json b/results/qinxianliu__FAB-Ramy-v1/external/model_meta.json new file mode 100644 index 000000000..e7315b9da --- /dev/null +++ b/results/qinxianliu__FAB-Ramy-v1/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "qinxianliu/FAB-Ramy-v1", + "revision": "dae1ba5cad96945520cf197f8d13aabd6da45e9b", + "release_date": "2024-10-14", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 109486464, + "memory_usage": null, + "max_tokens": 514, + "embed_dim": 768, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/qinxianliu__FAE-v1/external/ArguAna.json b/results/qinxianliu__FAE-v1/external/ArguAna.json new file mode 100644 index 000000000..e4ab77c51 --- /dev/null +++ b/results/qinxianliu__FAE-v1/external/ArguAna.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 46.744, + "map_at_1": 22.404, + "map_at_10": 37.445, + "map_at_100": 38.608, + "map_at_1000": 38.617000000000004, + "map_at_20": 38.336999999999996, + "map_at_3": 32.112, + "map_at_5": 34.815000000000005, + "mrr_at_1": 22.90184921763869, + "mrr_at_10": 37.61529386529382, + "mrr_at_100": 38.78405216053301, + "mrr_at_1000": 38.7935851313201, + "mrr_at_20": 38.51371054177794, + "mrr_at_3": 32.31389284020854, + "mrr_at_5": 34.97747747747733, + "nauc_map_at_1000_diff1": 7.863139961942078, + "nauc_map_at_1000_max": -13.040781482886555, + "nauc_map_at_1000_std": -7.701696833496287, + "nauc_map_at_100_diff1": 7.857901241638711, + "nauc_map_at_100_max": -13.029859304578142, + "nauc_map_at_100_std": -7.693677326753952, + "nauc_map_at_10_diff1": 7.921854311137712, + "nauc_map_at_10_max": -12.618814090282937, + "nauc_map_at_10_std": -7.7972524684179145, + "nauc_map_at_1_diff1": 11.084978006984453, + "nauc_map_at_1_max": -17.12814739932523, + "nauc_map_at_1_std": -9.744966153871449, + "nauc_map_at_20_diff1": 7.82158237380039, + "nauc_map_at_20_max": -12.867154148107133, + "nauc_map_at_20_std": -7.802167796180271, + "nauc_map_at_3_diff1": 7.772319942412158, + "nauc_map_at_3_max": -14.457995178664829, + "nauc_map_at_3_std": -7.680904934731485, + "nauc_map_at_5_diff1": 7.416373803038984, + "nauc_map_at_5_max": -13.739714714695978, + "nauc_map_at_5_std": -7.930504164888559, + "nauc_mrr_at_1000_diff1": 6.317509332297347, + "nauc_mrr_at_1000_max": -13.510703499838906, + "nauc_mrr_at_1000_std": -7.719005541631914, + "nauc_mrr_at_100_diff1": 6.312856832362532, + "nauc_mrr_at_100_max": -13.499614637506074, + "nauc_mrr_at_100_std": -7.711011236667085, + "nauc_mrr_at_10_diff1": 6.3706732794796395, + "nauc_mrr_at_10_max": -13.13436951478465, + "nauc_mrr_at_10_std": -7.862953263311375, + "nauc_mrr_at_1_diff1": 9.35360147320196, + "nauc_mrr_at_1_max": -16.431639180385428, + "nauc_mrr_at_1_std": -9.794938764330242, + "nauc_mrr_at_20_diff1": 6.29097132930001, + "nauc_mrr_at_20_max": -13.33202609693839, + "nauc_mrr_at_20_std": -7.8188521434862785, + "nauc_mrr_at_3_diff1": 6.293203758021999, + "nauc_mrr_at_3_max": -15.04261476655129, + "nauc_mrr_at_3_std": -7.712055662412334, + "nauc_mrr_at_5_diff1": 5.981055547111365, + "nauc_mrr_at_5_max": -14.159332095267887, + "nauc_mrr_at_5_std": -7.926515524012209, + "nauc_ndcg_at_1000_diff1": 7.415121806402834, + "nauc_ndcg_at_1000_max": -12.04745969855188, + "nauc_ndcg_at_1000_std": -7.241198921997638, + "nauc_ndcg_at_100_diff1": 7.218915670682067, + "nauc_ndcg_at_100_max": -11.710329008001233, + "nauc_ndcg_at_100_std": -6.986414719322928, + "nauc_ndcg_at_10_diff1": 7.456679518142933, + "nauc_ndcg_at_10_max": -9.698042535725781, + "nauc_ndcg_at_10_std": -7.592749367932754, + "nauc_ndcg_at_1_diff1": 11.084978006984453, + "nauc_ndcg_at_1_max": -17.12814739932523, + "nauc_ndcg_at_1_std": -9.744966153871449, + "nauc_ndcg_at_20_diff1": 7.0893909365052705, + "nauc_ndcg_at_20_max": -10.460326251616724, + "nauc_ndcg_at_20_std": -7.60288469715513, + "nauc_ndcg_at_3_diff1": 6.9049890389977175, + "nauc_ndcg_at_3_max": -13.979601695762767, + "nauc_ndcg_at_3_std": -7.375296018509816, + "nauc_ndcg_at_5_diff1": 6.176864979261308, + "nauc_ndcg_at_5_max": -12.693897973057252, + "nauc_ndcg_at_5_std": -7.899849931403118, + "nauc_precision_at_1000_diff1": -5.515212289740483, + "nauc_precision_at_1000_max": -0.5587837633580582, + "nauc_precision_at_1000_std": 62.096234355226166, + "nauc_precision_at_100_diff1": -14.456853672645021, + "nauc_precision_at_100_max": 22.067481085496603, + "nauc_precision_at_100_std": 29.64349875884424, + "nauc_precision_at_10_diff1": 6.26988686241577, + "nauc_precision_at_10_max": 4.6767256595245135, + "nauc_precision_at_10_std": -6.953279718648559, + "nauc_precision_at_1_diff1": 11.084978006984453, + "nauc_precision_at_1_max": -17.12814739932523, + "nauc_precision_at_1_std": -9.744966153871449, + "nauc_precision_at_20_diff1": 2.1540868436229275, + "nauc_precision_at_20_max": 10.759225611316637, + "nauc_precision_at_20_std": -6.56315948803506, + "nauc_precision_at_3_diff1": 4.615260707297125, + "nauc_precision_at_3_max": -12.787992646471874, + "nauc_precision_at_3_std": -6.644389031120474, + "nauc_precision_at_5_diff1": 2.507031378664313, + "nauc_precision_at_5_max": -9.615560275715538, + "nauc_precision_at_5_std": -8.044165837890617, + "nauc_recall_at_1000_diff1": -5.515212289741778, + "nauc_recall_at_1000_max": -0.5587837633609334, + "nauc_recall_at_1000_std": 62.09623435522029, + "nauc_recall_at_100_diff1": -14.456853672644757, + "nauc_recall_at_100_max": 22.067481085496468, + "nauc_recall_at_100_std": 29.64349875884465, + "nauc_recall_at_10_diff1": 6.269886862415749, + "nauc_recall_at_10_max": 4.676725659524651, + "nauc_recall_at_10_std": -6.953279718648473, + "nauc_recall_at_1_diff1": 11.084978006984453, + "nauc_recall_at_1_max": -17.12814739932523, + "nauc_recall_at_1_std": -9.744966153871449, + "nauc_recall_at_20_diff1": 2.154086843623046, + "nauc_recall_at_20_max": 10.7592256113165, + "nauc_recall_at_20_std": -6.563159488034959, + "nauc_recall_at_3_diff1": 4.615260707297136, + "nauc_recall_at_3_max": -12.78799264647187, + "nauc_recall_at_3_std": -6.644389031120447, + "nauc_recall_at_5_diff1": 2.507031378664277, + "nauc_recall_at_5_max": -9.61556027571554, + "nauc_recall_at_5_std": -8.04416583789064, + "ndcg_at_1": 22.404, + "ndcg_at_10": 46.744, + "ndcg_at_100": 51.611, + "ndcg_at_1000": 51.827999999999996, + "ndcg_at_20": 49.88, + "ndcg_at_3": 35.451, + "ndcg_at_5": 40.332, + "precision_at_1": 22.404, + "precision_at_10": 7.696, + "precision_at_100": 0.98, + "precision_at_1000": 0.1, + "precision_at_20": 4.456, + "precision_at_3": 15.055, + "precision_at_5": 11.408, + "recall_at_1": 22.404, + "recall_at_10": 76.956, + "recall_at_100": 98.009, + "recall_at_1000": 99.644, + "recall_at_20": 89.118, + "recall_at_3": 45.164, + "recall_at_5": 57.041 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAE-v1/external/AskUbuntuDupQuestions.json b/results/qinxianliu__FAE-v1/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..a63bef179 --- /dev/null +++ b/results/qinxianliu__FAE-v1/external/AskUbuntuDupQuestions.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 57.34160403598608, + "map": 57.34160403598608, + "mrr": 71.04482697973002, + "nAUC_map_diff1": 14.058081020992386, + "nAUC_map_max": 26.873645227315485, + "nAUC_map_std": 14.32768627773296, + "nAUC_mrr_diff1": 24.059324739640527, + "nAUC_mrr_max": 32.45129228678699, + "nAUC_mrr_std": 14.16135599071375 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAE-v1/external/BIOSSES.json b/results/qinxianliu__FAE-v1/external/BIOSSES.json new file mode 100644 index 000000000..887c96f8d --- /dev/null +++ b/results/qinxianliu__FAE-v1/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 86.54760705577031, + "cosine_spearman": 81.51571281250158, + "euclidean_pearson": 85.13574482068107, + "euclidean_spearman": 81.51571281250158, + "main_score": 81.51571281250158, + "manhattan_pearson": 85.05793281770482, + "manhattan_spearman": 81.19642842895657, + "pearson": 86.54760701545408, + "spearman": 81.51571281250158 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAE-v1/external/CQADupstackAndroidRetrieval.json b/results/qinxianliu__FAE-v1/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..a35b00dc2 --- /dev/null +++ b/results/qinxianliu__FAE-v1/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f46a197baaae43b4f621051089b82a364682dfeb", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 39.873999999999995, + "map_at_1": 24.646, + "map_at_10": 33.973, + "map_at_100": 35.276, + "map_at_1000": 35.429, + "map_at_20": 34.669, + "map_at_3": 30.619000000000003, + "map_at_5": 32.573, + "mrr_at_1": 30.758226037195996, + "mrr_at_10": 39.17285464495766, + "mrr_at_100": 39.98104985645933, + "mrr_at_1000": 40.05382538606437, + "mrr_at_20": 39.647484140451766, + "mrr_at_3": 36.480686695279, + "mrr_at_5": 37.96137339055795, + "nauc_map_at_1000_diff1": 34.83927424118565, + "nauc_map_at_1000_max": 22.081599303997297, + "nauc_map_at_1000_std": 3.5243589393952197, + "nauc_map_at_100_diff1": 34.84553798605043, + "nauc_map_at_100_max": 22.12122827770744, + "nauc_map_at_100_std": 3.534849281614705, + "nauc_map_at_10_diff1": 34.851023657642614, + "nauc_map_at_10_max": 22.075151840442057, + "nauc_map_at_10_std": 2.978995683535237, + "nauc_map_at_1_diff1": 40.797344664351634, + "nauc_map_at_1_max": 19.989684815489746, + "nauc_map_at_1_std": 0.5158930002285481, + "nauc_map_at_20_diff1": 34.89934279031869, + "nauc_map_at_20_max": 22.079973912917264, + "nauc_map_at_20_std": 3.4204949324671863, + "nauc_map_at_3_diff1": 35.86468247592129, + "nauc_map_at_3_max": 21.1520653981035, + "nauc_map_at_3_std": 2.460898170670369, + "nauc_map_at_5_diff1": 35.35855463563174, + "nauc_map_at_5_max": 21.970275324443588, + "nauc_map_at_5_std": 2.796296528740911, + "nauc_mrr_at_1000_diff1": 34.05948507108501, + "nauc_mrr_at_1000_max": 22.411299787753116, + "nauc_mrr_at_1000_std": 3.693919983579054, + "nauc_mrr_at_100_diff1": 34.05094130711909, + "nauc_mrr_at_100_max": 22.404792932295173, + "nauc_mrr_at_100_std": 3.7072258562822897, + "nauc_mrr_at_10_diff1": 33.93457196973084, + "nauc_mrr_at_10_max": 22.610258958637218, + "nauc_mrr_at_10_std": 3.573649007416177, + "nauc_mrr_at_1_diff1": 38.32967836854644, + "nauc_mrr_at_1_max": 21.25076789208263, + "nauc_mrr_at_1_std": 0.5345592141841173, + "nauc_mrr_at_20_diff1": 34.049699175799965, + "nauc_mrr_at_20_max": 22.470493332424812, + "nauc_mrr_at_20_std": 3.802202149383427, + "nauc_mrr_at_3_diff1": 34.78863615466932, + "nauc_mrr_at_3_max": 22.485901961463885, + "nauc_mrr_at_3_std": 3.3149175749571733, + "nauc_mrr_at_5_diff1": 34.13449098305764, + "nauc_mrr_at_5_max": 22.630366051489027, + "nauc_mrr_at_5_std": 3.4500419829786586, + "nauc_ndcg_at_1000_diff1": 33.085930147813194, + "nauc_ndcg_at_1000_max": 22.25313647340727, + "nauc_ndcg_at_1000_std": 5.915586791407777, + "nauc_ndcg_at_100_diff1": 32.92884266325167, + "nauc_ndcg_at_100_max": 22.412727729291255, + "nauc_ndcg_at_100_std": 6.521922103763411, + "nauc_ndcg_at_10_diff1": 32.71986623243413, + "nauc_ndcg_at_10_max": 22.144162737912783, + "nauc_ndcg_at_10_std": 4.401452078704326, + "nauc_ndcg_at_1_diff1": 38.32967836854644, + "nauc_ndcg_at_1_max": 21.25076789208263, + "nauc_ndcg_at_1_std": 0.5345592141841173, + "nauc_ndcg_at_20_diff1": 32.88720151489463, + "nauc_ndcg_at_20_max": 22.044010040093163, + "nauc_ndcg_at_20_std": 5.997992575046557, + "nauc_ndcg_at_3_diff1": 33.84270065577957, + "nauc_ndcg_at_3_max": 21.67059482272991, + "nauc_ndcg_at_3_std": 3.7909918466041614, + "nauc_ndcg_at_5_diff1": 33.358795304146895, + "nauc_ndcg_at_5_max": 22.184186521926357, + "nauc_ndcg_at_5_std": 4.191204189968327, + "nauc_precision_at_1000_diff1": -10.809407738248629, + "nauc_precision_at_1000_max": -3.8668657782740796, + "nauc_precision_at_1000_std": -6.719128361859489, + "nauc_precision_at_100_diff1": -2.9006467375015323, + "nauc_precision_at_100_max": 5.917913595618858, + "nauc_precision_at_100_std": 5.302309899425215, + "nauc_precision_at_10_diff1": 10.022529158010709, + "nauc_precision_at_10_max": 16.44364425051046, + "nauc_precision_at_10_std": 3.979993635991899, + "nauc_precision_at_1_diff1": 38.32967836854644, + "nauc_precision_at_1_max": 21.25076789208263, + "nauc_precision_at_1_std": 0.5345592141841173, + "nauc_precision_at_20_diff1": 5.39405292503305, + "nauc_precision_at_20_max": 14.159983347906365, + "nauc_precision_at_20_std": 7.2420137134954485, + "nauc_precision_at_3_diff1": 21.425503337638112, + "nauc_precision_at_3_max": 21.728075445486798, + "nauc_precision_at_3_std": 5.612261803962498, + "nauc_precision_at_5_diff1": 15.408414090209224, + "nauc_precision_at_5_max": 20.074692498723735, + "nauc_precision_at_5_std": 4.807187734730793, + "nauc_recall_at_1000_diff1": 18.595838817756853, + "nauc_recall_at_1000_max": 15.388841245734824, + "nauc_recall_at_1000_std": 39.07803525226519, + "nauc_recall_at_100_diff1": 24.494447884611226, + "nauc_recall_at_100_max": 21.165602270058802, + "nauc_recall_at_100_std": 21.265608939774452, + "nauc_recall_at_10_diff1": 25.823944534876826, + "nauc_recall_at_10_max": 20.012939502118797, + "nauc_recall_at_10_std": 8.381667637298317, + "nauc_recall_at_1_diff1": 40.797344664351634, + "nauc_recall_at_1_max": 19.989684815489746, + "nauc_recall_at_1_std": 0.5158930002285481, + "nauc_recall_at_20_diff1": 25.84151286513538, + "nauc_recall_at_20_max": 19.050084683352715, + "nauc_recall_at_20_std": 14.705168052503206, + "nauc_recall_at_3_diff1": 30.603471855636865, + "nauc_recall_at_3_max": 19.461326405030814, + "nauc_recall_at_3_std": 5.618881009787539, + "nauc_recall_at_5_diff1": 28.747899377807286, + "nauc_recall_at_5_max": 21.141919164172723, + "nauc_recall_at_5_std": 7.322423380949878, + "ndcg_at_1": 30.758000000000003, + "ndcg_at_10": 39.873999999999995, + "ndcg_at_100": 45.17, + "ndcg_at_1000": 48.009, + "ndcg_at_20": 41.796, + "ndcg_at_3": 34.622, + "ndcg_at_5": 37.065, + "precision_at_1": 30.758000000000003, + "precision_at_10": 7.84, + "precision_at_100": 1.282, + "precision_at_1000": 0.187, + "precision_at_20": 4.635, + "precision_at_3": 16.929, + "precision_at_5": 12.504000000000001, + "recall_at_1": 24.646, + "recall_at_10": 51.788000000000004, + "recall_at_100": 75.01100000000001, + "recall_at_1000": 93.5, + "recall_at_20": 58.919999999999995, + "recall_at_3": 36.442, + "recall_at_5": 43.083 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAE-v1/external/CQADupstackEnglishRetrieval.json b/results/qinxianliu__FAE-v1/external/CQADupstackEnglishRetrieval.json new file mode 100644 index 000000000..b910c4903 --- /dev/null +++ b/results/qinxianliu__FAE-v1/external/CQADupstackEnglishRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ad9991cb51e31e31e430383c75ffb2885547b5f0", + "task_name": "CQADupstackEnglishRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 40.628, + "map_at_1": 26.163999999999998, + "map_at_10": 35.480000000000004, + "map_at_100": 36.653999999999996, + "map_at_1000": 36.767, + "map_at_20": 36.113, + "map_at_3": 32.84, + "map_at_5": 34.42, + "mrr_at_1": 32.48407643312102, + "mrr_at_10": 40.71971994742696, + "mrr_at_100": 41.42946696658081, + "mrr_at_1000": 41.475544627866974, + "mrr_at_20": 41.121433092935824, + "mrr_at_3": 38.59872611464967, + "mrr_at_5": 39.98407643312102, + "nauc_map_at_1000_diff1": 44.21348423805011, + "nauc_map_at_1000_max": 37.78570967987698, + "nauc_map_at_1000_std": 1.1551215694754606, + "nauc_map_at_100_diff1": 44.23340923763471, + "nauc_map_at_100_max": 37.75374016270353, + "nauc_map_at_100_std": 1.0610450529251194, + "nauc_map_at_10_diff1": 44.75635087554996, + "nauc_map_at_10_max": 37.38260919733039, + "nauc_map_at_10_std": -0.1829528997140359, + "nauc_map_at_1_diff1": 51.56641100557475, + "nauc_map_at_1_max": 32.665994616232496, + "nauc_map_at_1_std": -5.353384059746385, + "nauc_map_at_20_diff1": 44.51514832112526, + "nauc_map_at_20_max": 37.612451098136006, + "nauc_map_at_20_std": 0.5201165811556347, + "nauc_map_at_3_diff1": 45.76856275670186, + "nauc_map_at_3_max": 35.46989673396531, + "nauc_map_at_3_std": -2.447035154265619, + "nauc_map_at_5_diff1": 44.850540827942744, + "nauc_map_at_5_max": 36.38381541831304, + "nauc_map_at_5_std": -1.4695903167603628, + "nauc_mrr_at_1000_diff1": 43.74362712900842, + "nauc_mrr_at_1000_max": 40.521997573632994, + "nauc_mrr_at_1000_std": 4.552555750969821, + "nauc_mrr_at_100_diff1": 43.739348346370264, + "nauc_mrr_at_100_max": 40.52655989859019, + "nauc_mrr_at_100_std": 4.560362377222064, + "nauc_mrr_at_10_diff1": 43.891404719880924, + "nauc_mrr_at_10_max": 40.5935760982683, + "nauc_mrr_at_10_std": 4.173577237063826, + "nauc_mrr_at_1_diff1": 49.478691116835414, + "nauc_mrr_at_1_max": 40.88032509542876, + "nauc_mrr_at_1_std": 1.9238780212026192, + "nauc_mrr_at_20_diff1": 43.79119652907489, + "nauc_mrr_at_20_max": 40.542993990301305, + "nauc_mrr_at_20_std": 4.412513878646185, + "nauc_mrr_at_3_diff1": 44.8272389198603, + "nauc_mrr_at_3_max": 40.26039843167884, + "nauc_mrr_at_3_std": 3.1358989119603407, + "nauc_mrr_at_5_diff1": 44.14910965592714, + "nauc_mrr_at_5_max": 40.364832595667906, + "nauc_mrr_at_5_std": 3.6632402984638683, + "nauc_ndcg_at_1000_diff1": 40.86957577940196, + "nauc_ndcg_at_1000_max": 39.526211677815304, + "nauc_ndcg_at_1000_std": 6.556796240599355, + "nauc_ndcg_at_100_diff1": 41.00227605299368, + "nauc_ndcg_at_100_max": 39.64116844439074, + "nauc_ndcg_at_100_std": 6.346613310058573, + "nauc_ndcg_at_10_diff1": 42.48217080985626, + "nauc_ndcg_at_10_max": 39.32271011889025, + "nauc_ndcg_at_10_std": 3.2227688470230076, + "nauc_ndcg_at_1_diff1": 49.478691116835414, + "nauc_ndcg_at_1_max": 40.88032509542876, + "nauc_ndcg_at_1_std": 1.9238780212026192, + "nauc_ndcg_at_20_diff1": 41.96021430925748, + "nauc_ndcg_at_20_max": 39.5059857365438, + "nauc_ndcg_at_20_std": 4.513308283313617, + "nauc_ndcg_at_3_diff1": 43.44787742596528, + "nauc_ndcg_at_3_max": 38.17170124367335, + "nauc_ndcg_at_3_std": 1.1818159082899593, + "nauc_ndcg_at_5_diff1": 42.658947224486276, + "nauc_ndcg_at_5_max": 38.2641753679052, + "nauc_ndcg_at_5_std": 1.456676461070392, + "nauc_precision_at_1000_diff1": -12.52621896925399, + "nauc_precision_at_1000_max": 11.510744669802742, + "nauc_precision_at_1000_std": 26.67105493895577, + "nauc_precision_at_100_diff1": -7.5158693566598735, + "nauc_precision_at_100_max": 22.26762258603461, + "nauc_precision_at_100_std": 30.19913960327978, + "nauc_precision_at_10_diff1": 14.709986093867547, + "nauc_precision_at_10_max": 38.53144719280142, + "nauc_precision_at_10_std": 19.73296498775933, + "nauc_precision_at_1_diff1": 49.478691116835414, + "nauc_precision_at_1_max": 40.88032509542876, + "nauc_precision_at_1_std": 1.9238780212026192, + "nauc_precision_at_20_diff1": 6.505957344273636, + "nauc_precision_at_20_max": 32.81576461039477, + "nauc_precision_at_20_std": 24.236546832842432, + "nauc_precision_at_3_diff1": 27.978770899215018, + "nauc_precision_at_3_max": 40.976672386131355, + "nauc_precision_at_3_std": 9.579349987275178, + "nauc_precision_at_5_diff1": 21.736622033147466, + "nauc_precision_at_5_max": 40.28955557865258, + "nauc_precision_at_5_std": 12.60358242768477, + "nauc_recall_at_1000_diff1": 20.405312384293374, + "nauc_recall_at_1000_max": 39.214757208355216, + "nauc_recall_at_1000_std": 31.872559067094038, + "nauc_recall_at_100_diff1": 26.979525420088287, + "nauc_recall_at_100_max": 39.872681195660114, + "nauc_recall_at_100_std": 23.300130467348637, + "nauc_recall_at_10_diff1": 35.63192522929642, + "nauc_recall_at_10_max": 38.9649620475244, + "nauc_recall_at_10_std": 6.796576233407796, + "nauc_recall_at_1_diff1": 51.56641100557475, + "nauc_recall_at_1_max": 32.665994616232496, + "nauc_recall_at_1_std": -5.353384059746385, + "nauc_recall_at_20_diff1": 33.41000479151292, + "nauc_recall_at_20_max": 39.58846470916173, + "nauc_recall_at_20_std": 11.735301013370067, + "nauc_recall_at_3_diff1": 39.767511772955025, + "nauc_recall_at_3_max": 34.47944750861052, + "nauc_recall_at_3_std": -0.7030038696533253, + "nauc_recall_at_5_diff1": 36.59241232038252, + "nauc_recall_at_5_max": 35.519309918836186, + "nauc_recall_at_5_std": 1.5754834935985025, + "ndcg_at_1": 32.484, + "ndcg_at_10": 40.628, + "ndcg_at_100": 45.184999999999995, + "ndcg_at_1000": 47.195, + "ndcg_at_20": 42.349, + "ndcg_at_3": 36.88, + "ndcg_at_5": 38.786, + "precision_at_1": 32.484, + "precision_at_10": 7.637, + "precision_at_100": 1.257, + "precision_at_1000": 0.168, + "precision_at_20": 4.573, + "precision_at_3": 17.813000000000002, + "precision_at_5": 12.675, + "recall_at_1": 26.163999999999998, + "recall_at_10": 49.917, + "recall_at_100": 69.528, + "recall_at_1000": 82.471, + "recall_at_20": 56.089999999999996, + "recall_at_3": 39.003, + "recall_at_5": 44.354 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAE-v1/external/CQADupstackGamingRetrieval.json b/results/qinxianliu__FAE-v1/external/CQADupstackGamingRetrieval.json new file mode 100644 index 000000000..8891389d5 --- /dev/null +++ b/results/qinxianliu__FAE-v1/external/CQADupstackGamingRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "4885aa143210c98657558c04aaf3dc47cfb54340", + "task_name": "CQADupstackGamingRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 46.244, + "map_at_1": 28.738000000000003, + "map_at_10": 40.225, + "map_at_100": 41.343, + "map_at_1000": 41.424, + "map_at_20": 40.869, + "map_at_3": 36.702, + "map_at_5": 38.725, + "mrr_at_1": 32.85266457680251, + "mrr_at_10": 43.104592725282394, + "mrr_at_100": 43.93148171909365, + "mrr_at_1000": 43.97794347090048, + "mrr_at_20": 43.59689102108817, + "mrr_at_3": 40.27168234064787, + "mrr_at_5": 41.91118077324976, + "nauc_map_at_1000_diff1": 39.961597681053654, + "nauc_map_at_1000_max": 21.909681468731254, + "nauc_map_at_1000_std": -8.171763710878551, + "nauc_map_at_100_diff1": 39.95288609062487, + "nauc_map_at_100_max": 21.888471414105513, + "nauc_map_at_100_std": -8.189746181097332, + "nauc_map_at_10_diff1": 40.173614728733085, + "nauc_map_at_10_max": 21.736841029297764, + "nauc_map_at_10_std": -8.421691437366116, + "nauc_map_at_1_diff1": 44.95310664766043, + "nauc_map_at_1_max": 18.934767616437618, + "nauc_map_at_1_std": -8.604719968647629, + "nauc_map_at_20_diff1": 40.00787628500142, + "nauc_map_at_20_max": 21.79228471879847, + "nauc_map_at_20_std": -8.321170499239178, + "nauc_map_at_3_diff1": 41.34608772073245, + "nauc_map_at_3_max": 20.568585928398907, + "nauc_map_at_3_std": -9.412803455664262, + "nauc_map_at_5_diff1": 40.36532869959505, + "nauc_map_at_5_max": 21.32671128091563, + "nauc_map_at_5_std": -8.83888699836699, + "nauc_mrr_at_1000_diff1": 39.26839654024526, + "nauc_mrr_at_1000_max": 22.94945633477791, + "nauc_mrr_at_1000_std": -7.94009448866063, + "nauc_mrr_at_100_diff1": 39.25641303839205, + "nauc_mrr_at_100_max": 22.944091636166995, + "nauc_mrr_at_100_std": -7.948471896810324, + "nauc_mrr_at_10_diff1": 39.30786301515708, + "nauc_mrr_at_10_max": 23.086126671160212, + "nauc_mrr_at_10_std": -7.875861812547277, + "nauc_mrr_at_1_diff1": 44.19194740909557, + "nauc_mrr_at_1_max": 21.807741247764547, + "nauc_mrr_at_1_std": -8.700085281457435, + "nauc_mrr_at_20_diff1": 39.24698059028569, + "nauc_mrr_at_20_max": 22.978656329542684, + "nauc_mrr_at_20_std": -7.9603908896683535, + "nauc_mrr_at_3_diff1": 40.34676775283321, + "nauc_mrr_at_3_max": 22.892565843550525, + "nauc_mrr_at_3_std": -8.62164441274565, + "nauc_mrr_at_5_diff1": 39.35821065162631, + "nauc_mrr_at_5_max": 23.06360084147019, + "nauc_mrr_at_5_std": -8.080502480797243, + "nauc_ndcg_at_1000_diff1": 37.906984010363146, + "nauc_ndcg_at_1000_max": 23.27948233078163, + "nauc_ndcg_at_1000_std": -6.409839660808586, + "nauc_ndcg_at_100_diff1": 37.60806611015193, + "nauc_ndcg_at_100_max": 22.898663396194543, + "nauc_ndcg_at_100_std": -6.766578597394403, + "nauc_ndcg_at_10_diff1": 38.20708029367047, + "nauc_ndcg_at_10_max": 22.891935593751857, + "nauc_ndcg_at_10_std": -7.414294739643766, + "nauc_ndcg_at_1_diff1": 44.19194740909557, + "nauc_ndcg_at_1_max": 21.807741247764547, + "nauc_ndcg_at_1_std": -8.700085281457435, + "nauc_ndcg_at_20_diff1": 37.73860061240564, + "nauc_ndcg_at_20_max": 22.69594668395261, + "nauc_ndcg_at_20_std": -7.335323198668077, + "nauc_ndcg_at_3_diff1": 39.90207314008573, + "nauc_ndcg_at_3_max": 21.507823287042587, + "nauc_ndcg_at_3_std": -9.105452951944189, + "nauc_ndcg_at_5_diff1": 38.50887776719307, + "nauc_ndcg_at_5_max": 22.35292068588815, + "nauc_ndcg_at_5_std": -8.280719518732358, + "nauc_precision_at_1000_diff1": -8.891697606952139, + "nauc_precision_at_1000_max": 15.352022817487166, + "nauc_precision_at_1000_std": 9.381403477190794, + "nauc_precision_at_100_diff1": -2.8377716497159344, + "nauc_precision_at_100_max": 19.420667092339514, + "nauc_precision_at_100_std": 9.316411072555152, + "nauc_precision_at_10_diff1": 14.172739501725912, + "nauc_precision_at_10_max": 24.417198341803132, + "nauc_precision_at_10_std": 1.3174464503406251, + "nauc_precision_at_1_diff1": 44.19194740909557, + "nauc_precision_at_1_max": 21.807741247764547, + "nauc_precision_at_1_std": -8.700085281457435, + "nauc_precision_at_20_diff1": 7.8405730141470675, + "nauc_precision_at_20_max": 23.452747911883954, + "nauc_precision_at_20_std": 4.249401679200356, + "nauc_precision_at_3_diff1": 29.144442962736143, + "nauc_precision_at_3_max": 24.56819127722463, + "nauc_precision_at_3_std": -6.801378932902573, + "nauc_precision_at_5_diff1": 21.082170212785535, + "nauc_precision_at_5_max": 25.034844824562597, + "nauc_precision_at_5_std": -2.82975573518202, + "nauc_recall_at_1000_diff1": 13.2405667794122, + "nauc_recall_at_1000_max": 48.56208606692114, + "nauc_recall_at_1000_std": 42.650092859884516, + "nauc_recall_at_100_diff1": 24.12936570277024, + "nauc_recall_at_100_max": 23.935544779968822, + "nauc_recall_at_100_std": 2.528863825090385, + "nauc_recall_at_10_diff1": 31.891384264615752, + "nauc_recall_at_10_max": 23.265933463262044, + "nauc_recall_at_10_std": -4.973025665204232, + "nauc_recall_at_1_diff1": 44.95310664766043, + "nauc_recall_at_1_max": 18.934767616437618, + "nauc_recall_at_1_std": -8.604719968647629, + "nauc_recall_at_20_diff1": 29.11283956411686, + "nauc_recall_at_20_max": 22.56265325684256, + "nauc_recall_at_20_std": -4.035566857970094, + "nauc_recall_at_3_diff1": 37.165886077379525, + "nauc_recall_at_3_max": 20.145078728150427, + "nauc_recall_at_3_std": -9.775156376805343, + "nauc_recall_at_5_diff1": 33.44425423571295, + "nauc_recall_at_5_max": 21.67267088252083, + "nauc_recall_at_5_std": -7.825579534371925, + "ndcg_at_1": 32.853, + "ndcg_at_10": 46.244, + "ndcg_at_100": 51.135, + "ndcg_at_1000": 52.842999999999996, + "ndcg_at_20": 48.201, + "ndcg_at_3": 40.106, + "ndcg_at_5": 43.120000000000005, + "precision_at_1": 32.853, + "precision_at_10": 7.944, + "precision_at_100": 1.131, + "precision_at_1000": 0.134, + "precision_at_20": 4.549, + "precision_at_3": 18.328, + "precision_at_5": 13.154, + "recall_at_1": 28.738000000000003, + "recall_at_10": 61.331, + "recall_at_100": 83.041, + "recall_at_1000": 95.26299999999999, + "recall_at_20": 68.55499999999999, + "recall_at_3": 44.973, + "recall_at_5": 52.221 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAE-v1/external/CQADupstackGisRetrieval.json b/results/qinxianliu__FAE-v1/external/CQADupstackGisRetrieval.json new file mode 100644 index 000000000..d30d3df10 --- /dev/null +++ b/results/qinxianliu__FAE-v1/external/CQADupstackGisRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "5003b3064772da1887988e05400cf3806fe491f2", + "task_name": "CQADupstackGisRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 28.641, + "map_at_1": 16.558999999999997, + "map_at_10": 24.310000000000002, + "map_at_100": 25.45, + "map_at_1000": 25.543, + "map_at_20": 24.93, + "map_at_3": 22.155, + "map_at_5": 23.419, + "mrr_at_1": 17.853107344632768, + "mrr_at_10": 25.878217200251097, + "mrr_at_100": 26.924918253024856, + "mrr_at_1000": 27.00200223611206, + "mrr_at_20": 26.45361270151374, + "mrr_at_3": 23.691148775894558, + "mrr_at_5": 24.984934086629007, + "nauc_map_at_1000_diff1": 30.327208943482077, + "nauc_map_at_1000_max": 14.872743694785036, + "nauc_map_at_1000_std": -3.0026876415168586, + "nauc_map_at_100_diff1": 30.309136310530345, + "nauc_map_at_100_max": 14.87556536729583, + "nauc_map_at_100_std": -3.0197702738578998, + "nauc_map_at_10_diff1": 30.76118606134394, + "nauc_map_at_10_max": 14.412888444226645, + "nauc_map_at_10_std": -3.479112321714025, + "nauc_map_at_1_diff1": 37.607684667834306, + "nauc_map_at_1_max": 12.4540218684079, + "nauc_map_at_1_std": -6.524332443298674, + "nauc_map_at_20_diff1": 30.2681543888439, + "nauc_map_at_20_max": 14.817663195797229, + "nauc_map_at_20_std": -3.0519816607583206, + "nauc_map_at_3_diff1": 32.273076585651225, + "nauc_map_at_3_max": 13.76973886622631, + "nauc_map_at_3_std": -5.320852464650789, + "nauc_map_at_5_diff1": 31.52398000814946, + "nauc_map_at_5_max": 14.457095047664708, + "nauc_map_at_5_std": -4.656363557582215, + "nauc_mrr_at_1000_diff1": 28.364918502621446, + "nauc_mrr_at_1000_max": 15.497069758466624, + "nauc_mrr_at_1000_std": -2.4574987276788463, + "nauc_mrr_at_100_diff1": 28.330734366549244, + "nauc_mrr_at_100_max": 15.494259722373737, + "nauc_mrr_at_100_std": -2.468541933085757, + "nauc_mrr_at_10_diff1": 28.78276836984581, + "nauc_mrr_at_10_max": 15.22375635628023, + "nauc_mrr_at_10_std": -2.5664263542440326, + "nauc_mrr_at_1_diff1": 34.70448402781617, + "nauc_mrr_at_1_max": 13.281395831190112, + "nauc_mrr_at_1_std": -5.265284956699103, + "nauc_mrr_at_20_diff1": 28.33107534075714, + "nauc_mrr_at_20_max": 15.575956004983563, + "nauc_mrr_at_20_std": -2.385816851178006, + "nauc_mrr_at_3_diff1": 29.66342307165567, + "nauc_mrr_at_3_max": 14.405881039987117, + "nauc_mrr_at_3_std": -4.4515639181945446, + "nauc_mrr_at_5_diff1": 29.212944044893174, + "nauc_mrr_at_5_max": 15.06733229454257, + "nauc_mrr_at_5_std": -3.706089193101836, + "nauc_ndcg_at_1000_diff1": 26.77827968690777, + "nauc_ndcg_at_1000_max": 15.988250216522557, + "nauc_ndcg_at_1000_std": 1.133100200766079, + "nauc_ndcg_at_100_diff1": 26.16807940559883, + "nauc_ndcg_at_100_max": 15.927545590227696, + "nauc_ndcg_at_100_std": 1.1430148619442424, + "nauc_ndcg_at_10_diff1": 27.64990297850532, + "nauc_ndcg_at_10_max": 14.971429754813773, + "nauc_ndcg_at_10_std": -0.6829380158123548, + "nauc_ndcg_at_1_diff1": 34.70448402781617, + "nauc_ndcg_at_1_max": 13.281395831190112, + "nauc_ndcg_at_1_std": -5.265284956699103, + "nauc_ndcg_at_20_diff1": 26.010100317135937, + "nauc_ndcg_at_20_max": 16.06735656300823, + "nauc_ndcg_at_20_std": 0.7095199967310278, + "nauc_ndcg_at_3_diff1": 29.929543502168794, + "nauc_ndcg_at_3_max": 13.767148795913437, + "nauc_ndcg_at_3_std": -4.767527893586907, + "nauc_ndcg_at_5_diff1": 28.97515770647894, + "nauc_ndcg_at_5_max": 14.983273378843695, + "nauc_ndcg_at_5_std": -3.4125059773774966, + "nauc_precision_at_1000_diff1": -3.3913702633410403, + "nauc_precision_at_1000_max": 15.497322509198042, + "nauc_precision_at_1000_std": 15.5246047626304, + "nauc_precision_at_100_diff1": 4.010781362082591, + "nauc_precision_at_100_max": 19.328314472596247, + "nauc_precision_at_100_std": 16.339975674536404, + "nauc_precision_at_10_diff1": 16.766057945354383, + "nauc_precision_at_10_max": 17.095495319099896, + "nauc_precision_at_10_std": 7.486198141913318, + "nauc_precision_at_1_diff1": 34.70448402781617, + "nauc_precision_at_1_max": 13.281395831190112, + "nauc_precision_at_1_std": -5.265284956699103, + "nauc_precision_at_20_diff1": 9.687356976612273, + "nauc_precision_at_20_max": 20.739162766613696, + "nauc_precision_at_20_std": 13.524761616680403, + "nauc_precision_at_3_diff1": 24.191061785767918, + "nauc_precision_at_3_max": 15.126615546640549, + "nauc_precision_at_3_std": -1.9791061123727256, + "nauc_precision_at_5_diff1": 21.175157715932322, + "nauc_precision_at_5_max": 17.038769619581824, + "nauc_precision_at_5_std": 0.8665066730371704, + "nauc_recall_at_1000_diff1": 9.417104570833786, + "nauc_recall_at_1000_max": 17.76530332685756, + "nauc_recall_at_1000_std": 32.820406072897924, + "nauc_recall_at_100_diff1": 12.952333598341143, + "nauc_recall_at_100_max": 15.74231212118471, + "nauc_recall_at_100_std": 16.318308153766754, + "nauc_recall_at_10_diff1": 20.25335231681, + "nauc_recall_at_10_max": 14.739351132158918, + "nauc_recall_at_10_std": 6.002805325139892, + "nauc_recall_at_1_diff1": 37.607684667834306, + "nauc_recall_at_1_max": 12.4540218684079, + "nauc_recall_at_1_std": -6.524332443298674, + "nauc_recall_at_20_diff1": 14.71502266425477, + "nauc_recall_at_20_max": 17.736966160682805, + "nauc_recall_at_20_std": 10.72580913918064, + "nauc_recall_at_3_diff1": 26.47486759221173, + "nauc_recall_at_3_max": 12.958329486491063, + "nauc_recall_at_3_std": -3.395001328557797, + "nauc_recall_at_5_diff1": 23.83692936698764, + "nauc_recall_at_5_max": 15.213869975873717, + "nauc_recall_at_5_std": -0.7497651220098628, + "ndcg_at_1": 17.852999999999998, + "ndcg_at_10": 28.641, + "ndcg_at_100": 34.44, + "ndcg_at_1000": 37.025999999999996, + "ndcg_at_20": 30.770999999999997, + "ndcg_at_3": 24.378, + "ndcg_at_5": 26.556, + "precision_at_1": 17.852999999999998, + "precision_at_10": 4.588, + "precision_at_100": 0.8009999999999999, + "precision_at_1000": 0.106, + "precision_at_20": 2.7969999999999997, + "precision_at_3": 10.734, + "precision_at_5": 7.684, + "recall_at_1": 16.558999999999997, + "recall_at_10": 40.451, + "recall_at_100": 67.35900000000001, + "recall_at_1000": 87.34100000000001, + "recall_at_20": 48.411, + "recall_at_3": 28.858, + "recall_at_5": 34.147 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAE-v1/external/CQADupstackMathematicaRetrieval.json b/results/qinxianliu__FAE-v1/external/CQADupstackMathematicaRetrieval.json new file mode 100644 index 000000000..401fcea44 --- /dev/null +++ b/results/qinxianliu__FAE-v1/external/CQADupstackMathematicaRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "90fceea13679c63fe563ded68f3b6f06e50061de", + "task_name": "CQADupstackMathematicaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 23.195, + "map_at_1": 11.309, + "map_at_10": 18.378, + "map_at_100": 19.509, + "map_at_1000": 19.651, + "map_at_20": 18.922, + "map_at_3": 15.912, + "map_at_5": 17.191000000000003, + "mrr_at_1": 14.054726368159203, + "mrr_at_10": 21.929686883045065, + "mrr_at_100": 22.83916886383814, + "mrr_at_1000": 22.933195701489023, + "mrr_at_20": 22.361010621286244, + "mrr_at_3": 19.340796019900495, + "mrr_at_5": 20.708955223880587, + "nauc_map_at_1000_diff1": 26.965805614010492, + "nauc_map_at_1000_max": 21.34676384584841, + "nauc_map_at_1000_std": 8.86092310876433, + "nauc_map_at_100_diff1": 26.928810664803706, + "nauc_map_at_100_max": 21.3005511666314, + "nauc_map_at_100_std": 8.854597136958743, + "nauc_map_at_10_diff1": 27.56235197794461, + "nauc_map_at_10_max": 21.43340828122346, + "nauc_map_at_10_std": 8.237915467450948, + "nauc_map_at_1_diff1": 35.71690001358883, + "nauc_map_at_1_max": 18.912639355942574, + "nauc_map_at_1_std": 6.17437854549286, + "nauc_map_at_20_diff1": 27.025764059281876, + "nauc_map_at_20_max": 21.26896828540112, + "nauc_map_at_20_std": 8.450787986999952, + "nauc_map_at_3_diff1": 27.889413889890402, + "nauc_map_at_3_max": 20.926122662158523, + "nauc_map_at_3_std": 8.339740434645496, + "nauc_map_at_5_diff1": 28.269614513529074, + "nauc_map_at_5_max": 21.945586329645277, + "nauc_map_at_5_std": 8.292004005569211, + "nauc_mrr_at_1000_diff1": 26.193228106425387, + "nauc_mrr_at_1000_max": 20.788108647616795, + "nauc_mrr_at_1000_std": 7.1516038210518165, + "nauc_mrr_at_100_diff1": 26.155991090642022, + "nauc_mrr_at_100_max": 20.78711829087285, + "nauc_mrr_at_100_std": 7.16131636375794, + "nauc_mrr_at_10_diff1": 26.26954078332601, + "nauc_mrr_at_10_max": 20.874289189805417, + "nauc_mrr_at_10_std": 6.792114084834392, + "nauc_mrr_at_1_diff1": 35.58319206102914, + "nauc_mrr_at_1_max": 18.864415943136816, + "nauc_mrr_at_1_std": 4.32364937854904, + "nauc_mrr_at_20_diff1": 26.147695105888037, + "nauc_mrr_at_20_max": 20.703308439207703, + "nauc_mrr_at_20_std": 6.911776333907136, + "nauc_mrr_at_3_diff1": 27.35146851826081, + "nauc_mrr_at_3_max": 20.853444471402042, + "nauc_mrr_at_3_std": 6.772920430908997, + "nauc_mrr_at_5_diff1": 27.160052227827258, + "nauc_mrr_at_5_max": 21.31856927438901, + "nauc_mrr_at_5_std": 6.458141596911116, + "nauc_ndcg_at_1000_diff1": 23.654292928186585, + "nauc_ndcg_at_1000_max": 22.419479195854887, + "nauc_ndcg_at_1000_std": 11.260991548860634, + "nauc_ndcg_at_100_diff1": 22.771733106933116, + "nauc_ndcg_at_100_max": 21.478772746539256, + "nauc_ndcg_at_100_std": 11.518645571250163, + "nauc_ndcg_at_10_diff1": 24.844781008478513, + "nauc_ndcg_at_10_max": 21.64945964187748, + "nauc_ndcg_at_10_std": 8.380557800754353, + "nauc_ndcg_at_1_diff1": 35.58319206102914, + "nauc_ndcg_at_1_max": 18.864415943136816, + "nauc_ndcg_at_1_std": 4.32364937854904, + "nauc_ndcg_at_20_diff1": 23.566282311769015, + "nauc_ndcg_at_20_max": 21.07024048404498, + "nauc_ndcg_at_20_std": 8.961258494505099, + "nauc_ndcg_at_3_diff1": 26.036010017209488, + "nauc_ndcg_at_3_max": 21.60119512762229, + "nauc_ndcg_at_3_std": 7.898796485900799, + "nauc_ndcg_at_5_diff1": 26.40847183773617, + "nauc_ndcg_at_5_max": 22.868550983622242, + "nauc_ndcg_at_5_std": 7.987927065539993, + "nauc_precision_at_1000_diff1": 2.486986350911288, + "nauc_precision_at_1000_max": 9.636278924043621, + "nauc_precision_at_1000_std": 3.6196895425119835, + "nauc_precision_at_100_diff1": 3.481838282973545, + "nauc_precision_at_100_max": 14.865442013921564, + "nauc_precision_at_100_std": 14.806599579402945, + "nauc_precision_at_10_diff1": 17.618302552335, + "nauc_precision_at_10_max": 22.030302702181757, + "nauc_precision_at_10_std": 8.383005253051062, + "nauc_precision_at_1_diff1": 35.58319206102914, + "nauc_precision_at_1_max": 18.864415943136816, + "nauc_precision_at_1_std": 4.32364937854904, + "nauc_precision_at_20_diff1": 11.342038452615808, + "nauc_precision_at_20_max": 18.00584075938145, + "nauc_precision_at_20_std": 9.159069770092493, + "nauc_precision_at_3_diff1": 22.374503581531624, + "nauc_precision_at_3_max": 23.910089163401583, + "nauc_precision_at_3_std": 8.360782259430746, + "nauc_precision_at_5_diff1": 22.797159554744827, + "nauc_precision_at_5_max": 26.09091380650201, + "nauc_precision_at_5_std": 7.775999921741413, + "nauc_recall_at_1000_diff1": 6.477236186127941, + "nauc_recall_at_1000_max": 31.75316961427998, + "nauc_recall_at_1000_std": 31.06924241191148, + "nauc_recall_at_100_diff1": 10.06600216908453, + "nauc_recall_at_100_max": 20.46676636237692, + "nauc_recall_at_100_std": 21.45517437890801, + "nauc_recall_at_10_diff1": 18.435517059851684, + "nauc_recall_at_10_max": 20.893021782969644, + "nauc_recall_at_10_std": 8.833056298922255, + "nauc_recall_at_1_diff1": 35.71690001358883, + "nauc_recall_at_1_max": 18.912639355942574, + "nauc_recall_at_1_std": 6.17437854549286, + "nauc_recall_at_20_diff1": 14.926791643002247, + "nauc_recall_at_20_max": 19.08509911816867, + "nauc_recall_at_20_std": 10.29095507088702, + "nauc_recall_at_3_diff1": 21.16711248083144, + "nauc_recall_at_3_max": 22.110950446864436, + "nauc_recall_at_3_std": 9.421517174191864, + "nauc_recall_at_5_diff1": 22.079832948031573, + "nauc_recall_at_5_max": 24.034375463219305, + "nauc_recall_at_5_std": 8.056361612697158, + "ndcg_at_1": 14.055000000000001, + "ndcg_at_10": 23.195, + "ndcg_at_100": 28.782000000000004, + "ndcg_at_1000": 32.376, + "ndcg_at_20": 24.945999999999998, + "ndcg_at_3": 18.432000000000002, + "ndcg_at_5": 20.505000000000003, + "precision_at_1": 14.055000000000001, + "precision_at_10": 4.639, + "precision_at_100": 0.859, + "precision_at_1000": 0.133, + "precision_at_20": 2.8049999999999997, + "precision_at_3": 9.163, + "precision_at_5": 6.915, + "recall_at_1": 11.309, + "recall_at_10": 34.37, + "recall_at_100": 59.316, + "recall_at_1000": 85.209, + "recall_at_20": 40.644000000000005, + "recall_at_3": 21.461, + "recall_at_5": 26.639000000000003 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAE-v1/external/CQADupstackPhysicsRetrieval.json b/results/qinxianliu__FAE-v1/external/CQADupstackPhysicsRetrieval.json new file mode 100644 index 000000000..3bcea0cba --- /dev/null +++ b/results/qinxianliu__FAE-v1/external/CQADupstackPhysicsRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "79531abbd1fb92d06c6d6315a0cbbbf5bb247ea4", + "task_name": "CQADupstackPhysicsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 37.278, + "map_at_1": 21.937, + "map_at_10": 31.211, + "map_at_100": 32.632, + "map_at_1000": 32.751000000000005, + "map_at_20": 31.959, + "map_at_3": 27.817999999999998, + "map_at_5": 29.602, + "mrr_at_1": 26.46775745909528, + "mrr_at_10": 35.82580930992866, + "mrr_at_100": 36.76405112018962, + "mrr_at_1000": 36.81826469298291, + "mrr_at_20": 36.33279906767527, + "mrr_at_3": 32.820019249278154, + "mrr_at_5": 34.41770933589987, + "nauc_map_at_1000_diff1": 44.6610792838339, + "nauc_map_at_1000_max": 24.199129697252477, + "nauc_map_at_1000_std": 1.923801183326727, + "nauc_map_at_100_diff1": 44.66305623650621, + "nauc_map_at_100_max": 24.17565268936444, + "nauc_map_at_100_std": 1.8982709000843356, + "nauc_map_at_10_diff1": 44.88240949404629, + "nauc_map_at_10_max": 23.87062351499062, + "nauc_map_at_10_std": 1.146807201322175, + "nauc_map_at_1_diff1": 51.81205891298424, + "nauc_map_at_1_max": 23.9537467674245, + "nauc_map_at_1_std": -2.240344262075158, + "nauc_map_at_20_diff1": 44.79582507646603, + "nauc_map_at_20_max": 23.94672959671362, + "nauc_map_at_20_std": 1.5172934258285788, + "nauc_map_at_3_diff1": 46.22048064633253, + "nauc_map_at_3_max": 23.85075160955994, + "nauc_map_at_3_std": 0.23197897959639804, + "nauc_map_at_5_diff1": 45.60731143846282, + "nauc_map_at_5_max": 24.055776591125856, + "nauc_map_at_5_std": 0.6084486757929908, + "nauc_mrr_at_1000_diff1": 41.356895624695476, + "nauc_mrr_at_1000_max": 25.2104459730251, + "nauc_mrr_at_1000_std": 3.36577470823589, + "nauc_mrr_at_100_diff1": 41.32622302431329, + "nauc_mrr_at_100_max": 25.210196539078222, + "nauc_mrr_at_100_std": 3.3649285913259783, + "nauc_mrr_at_10_diff1": 41.17202171766971, + "nauc_mrr_at_10_max": 25.011434186509547, + "nauc_mrr_at_10_std": 3.056277354364458, + "nauc_mrr_at_1_diff1": 48.54943012975488, + "nauc_mrr_at_1_max": 25.379755226455874, + "nauc_mrr_at_1_std": 0.9266191110112769, + "nauc_mrr_at_20_diff1": 41.24799507605079, + "nauc_mrr_at_20_max": 25.095867458083326, + "nauc_mrr_at_20_std": 3.1939642956626666, + "nauc_mrr_at_3_diff1": 42.67294241909662, + "nauc_mrr_at_3_max": 25.38963480087458, + "nauc_mrr_at_3_std": 2.6727657090117574, + "nauc_mrr_at_5_diff1": 41.81162973948222, + "nauc_mrr_at_5_max": 25.263264786067364, + "nauc_mrr_at_5_std": 2.7958115402491033, + "nauc_ndcg_at_1000_diff1": 41.01546208161281, + "nauc_ndcg_at_1000_max": 25.583889924521124, + "nauc_ndcg_at_1000_std": 5.666713705926918, + "nauc_ndcg_at_100_diff1": 40.60059964331066, + "nauc_ndcg_at_100_max": 25.286776062951454, + "nauc_ndcg_at_100_std": 5.767999698012538, + "nauc_ndcg_at_10_diff1": 41.02026059494913, + "nauc_ndcg_at_10_max": 23.46849032616701, + "nauc_ndcg_at_10_std": 2.650134275182308, + "nauc_ndcg_at_1_diff1": 48.54943012975488, + "nauc_ndcg_at_1_max": 25.379755226455874, + "nauc_ndcg_at_1_std": 0.9266191110112769, + "nauc_ndcg_at_20_diff1": 40.9810821316889, + "nauc_ndcg_at_20_max": 23.911057016323962, + "nauc_ndcg_at_20_std": 3.567624522648305, + "nauc_ndcg_at_3_diff1": 43.25000485486883, + "nauc_ndcg_at_3_max": 24.299487738393527, + "nauc_ndcg_at_3_std": 1.8750193208645194, + "nauc_ndcg_at_5_diff1": 42.36772945237342, + "nauc_ndcg_at_5_max": 24.110411589006254, + "nauc_ndcg_at_5_std": 1.9942007645114346, + "nauc_precision_at_1000_diff1": -14.322712399829008, + "nauc_precision_at_1000_max": 6.83018487017972, + "nauc_precision_at_1000_std": 12.71994284679886, + "nauc_precision_at_100_diff1": -6.0083659908233065, + "nauc_precision_at_100_max": 12.767109182464445, + "nauc_precision_at_100_std": 16.9934350239986, + "nauc_precision_at_10_diff1": 15.127270034471852, + "nauc_precision_at_10_max": 17.54176331099999, + "nauc_precision_at_10_std": 8.51378536845849, + "nauc_precision_at_1_diff1": 48.54943012975488, + "nauc_precision_at_1_max": 25.379755226455874, + "nauc_precision_at_1_std": 0.9266191110112769, + "nauc_precision_at_20_diff1": 8.69211687666046, + "nauc_precision_at_20_max": 15.784573606952272, + "nauc_precision_at_20_std": 11.975842583563669, + "nauc_precision_at_3_diff1": 30.4159674829652, + "nauc_precision_at_3_max": 24.02800823564271, + "nauc_precision_at_3_std": 6.25982071648739, + "nauc_precision_at_5_diff1": 24.213793012574936, + "nauc_precision_at_5_max": 21.185714039056535, + "nauc_precision_at_5_std": 6.292096089572068, + "nauc_recall_at_1000_diff1": 20.444916216808238, + "nauc_recall_at_1000_max": 41.54531349192448, + "nauc_recall_at_1000_std": 50.70549134755014, + "nauc_recall_at_100_diff1": 24.890433025119364, + "nauc_recall_at_100_max": 27.91017454576125, + "nauc_recall_at_100_std": 24.283310322369456, + "nauc_recall_at_10_diff1": 30.882486205855606, + "nauc_recall_at_10_max": 19.514666965995588, + "nauc_recall_at_10_std": 4.802017799818301, + "nauc_recall_at_1_diff1": 51.81205891298424, + "nauc_recall_at_1_max": 23.9537467674245, + "nauc_recall_at_1_std": -2.240344262075158, + "nauc_recall_at_20_diff1": 29.97972501485843, + "nauc_recall_at_20_max": 20.57597907038685, + "nauc_recall_at_20_std": 7.948944094217381, + "nauc_recall_at_3_diff1": 39.858321449662995, + "nauc_recall_at_3_max": 22.33581833181145, + "nauc_recall_at_3_std": 1.9487192670118996, + "nauc_recall_at_5_diff1": 36.7021758115722, + "nauc_recall_at_5_max": 22.16336107206221, + "nauc_recall_at_5_std": 2.7943821325035447, + "ndcg_at_1": 26.468000000000004, + "ndcg_at_10": 37.278, + "ndcg_at_100": 43.347, + "ndcg_at_1000": 45.75, + "ndcg_at_20": 39.507999999999996, + "ndcg_at_3": 31.306, + "ndcg_at_5": 33.954, + "precision_at_1": 26.468000000000004, + "precision_at_10": 7.122000000000001, + "precision_at_100": 1.209, + "precision_at_1000": 0.159, + "precision_at_20": 4.3020000000000005, + "precision_at_3": 15.079, + "precision_at_5": 11.145, + "recall_at_1": 21.937, + "recall_at_10": 50.89900000000001, + "recall_at_100": 76.519, + "recall_at_1000": 92.61500000000001, + "recall_at_20": 58.728, + "recall_at_3": 34.133, + "recall_at_5": 40.855999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAE-v1/external/CQADupstackProgrammersRetrieval.json b/results/qinxianliu__FAE-v1/external/CQADupstackProgrammersRetrieval.json new file mode 100644 index 000000000..a77f5e41d --- /dev/null +++ b/results/qinxianliu__FAE-v1/external/CQADupstackProgrammersRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "6184bc1440d2dbc7612be22b50686b8826d22b32", + "task_name": "CQADupstackProgrammersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 34.324, + "map_at_1": 18.777, + "map_at_10": 28.316999999999997, + "map_at_100": 29.591, + "map_at_1000": 29.711, + "map_at_20": 28.918, + "map_at_3": 24.86, + "map_at_5": 26.855, + "mrr_at_1": 23.059360730593607, + "mrr_at_10": 32.60894578531564, + "mrr_at_100": 33.52277886722852, + "mrr_at_1000": 33.58619408005749, + "mrr_at_20": 33.0638145395318, + "mrr_at_3": 29.832572298325736, + "mrr_at_5": 31.58485540334855, + "nauc_map_at_1000_diff1": 34.99326894741153, + "nauc_map_at_1000_max": 18.191762219549023, + "nauc_map_at_1000_std": 1.649695403106113, + "nauc_map_at_100_diff1": 34.95859446462687, + "nauc_map_at_100_max": 18.1926608042522, + "nauc_map_at_100_std": 1.6479058959330581, + "nauc_map_at_10_diff1": 34.97025618967343, + "nauc_map_at_10_max": 17.38339281067975, + "nauc_map_at_10_std": 0.3613472181163302, + "nauc_map_at_1_diff1": 41.614168120528525, + "nauc_map_at_1_max": 15.402093697260554, + "nauc_map_at_1_std": -3.5645413978225506, + "nauc_map_at_20_diff1": 34.96125956293737, + "nauc_map_at_20_max": 17.812758585503882, + "nauc_map_at_20_std": 1.0921423392826033, + "nauc_map_at_3_diff1": 36.21687769036557, + "nauc_map_at_3_max": 15.975903369465488, + "nauc_map_at_3_std": -1.03155587494779, + "nauc_map_at_5_diff1": 35.476038224474884, + "nauc_map_at_5_max": 16.664822449665223, + "nauc_map_at_5_std": -0.7030070730397566, + "nauc_mrr_at_1000_diff1": 33.66908637753177, + "nauc_mrr_at_1000_max": 19.843761585804803, + "nauc_mrr_at_1000_std": 4.097668290147615, + "nauc_mrr_at_100_diff1": 33.64927315935384, + "nauc_mrr_at_100_max": 19.860261373062183, + "nauc_mrr_at_100_std": 4.124288982918499, + "nauc_mrr_at_10_diff1": 33.487273319091926, + "nauc_mrr_at_10_max": 19.547983128291545, + "nauc_mrr_at_10_std": 3.4913158542994047, + "nauc_mrr_at_1_diff1": 39.34555917970863, + "nauc_mrr_at_1_max": 18.901255039171744, + "nauc_mrr_at_1_std": 1.6438463108651293, + "nauc_mrr_at_20_diff1": 33.63691831756771, + "nauc_mrr_at_20_max": 19.60677947676398, + "nauc_mrr_at_20_std": 3.8832683887809765, + "nauc_mrr_at_3_diff1": 33.66986261747989, + "nauc_mrr_at_3_max": 18.91017415048331, + "nauc_mrr_at_3_std": 2.7392998093976764, + "nauc_mrr_at_5_diff1": 33.799042339336594, + "nauc_mrr_at_5_max": 19.572317717649025, + "nauc_mrr_at_5_std": 2.985213360514845, + "nauc_ndcg_at_1000_diff1": 33.3354099178248, + "nauc_ndcg_at_1000_max": 21.410058823608185, + "nauc_ndcg_at_1000_std": 6.804450788498572, + "nauc_ndcg_at_100_diff1": 32.334957066540746, + "nauc_ndcg_at_100_max": 21.86717627700332, + "nauc_ndcg_at_100_std": 7.715265134889517, + "nauc_ndcg_at_10_diff1": 32.097386816006264, + "nauc_ndcg_at_10_max": 18.954033932539154, + "nauc_ndcg_at_10_std": 2.7688424721943523, + "nauc_ndcg_at_1_diff1": 39.34555917970863, + "nauc_ndcg_at_1_max": 18.901255039171744, + "nauc_ndcg_at_1_std": 1.6438463108651293, + "nauc_ndcg_at_20_diff1": 32.272693093516885, + "nauc_ndcg_at_20_max": 19.897941857829167, + "nauc_ndcg_at_20_std": 4.857422914849375, + "nauc_ndcg_at_3_diff1": 33.46749122501263, + "nauc_ndcg_at_3_max": 17.29911339186877, + "nauc_ndcg_at_3_std": 1.0050469391603982, + "nauc_ndcg_at_5_diff1": 32.86240221042044, + "nauc_ndcg_at_5_max": 18.122848358218192, + "nauc_ndcg_at_5_std": 1.0285210551541029, + "nauc_precision_at_1000_diff1": -1.6316179502824892, + "nauc_precision_at_1000_max": 1.6867403036001534, + "nauc_precision_at_1000_std": 8.148988954782538, + "nauc_precision_at_100_diff1": 3.8610886024010456, + "nauc_precision_at_100_max": 16.942533326661078, + "nauc_precision_at_100_std": 20.974830930716156, + "nauc_precision_at_10_diff1": 15.04745887010191, + "nauc_precision_at_10_max": 21.9136178821784, + "nauc_precision_at_10_std": 13.033964527106617, + "nauc_precision_at_1_diff1": 39.34555917970863, + "nauc_precision_at_1_max": 18.901255039171744, + "nauc_precision_at_1_std": 1.6438463108651293, + "nauc_precision_at_20_diff1": 11.883845860735416, + "nauc_precision_at_20_max": 20.671662072997773, + "nauc_precision_at_20_std": 17.562613407417867, + "nauc_precision_at_3_diff1": 24.81305465423126, + "nauc_precision_at_3_max": 19.729402565684214, + "nauc_precision_at_3_std": 7.821176956868592, + "nauc_precision_at_5_diff1": 20.782783493937774, + "nauc_precision_at_5_max": 20.80072503362885, + "nauc_precision_at_5_std": 8.512465168483146, + "nauc_recall_at_1000_diff1": 29.297022249587286, + "nauc_recall_at_1000_max": 50.997109248224014, + "nauc_recall_at_1000_std": 49.83188233867335, + "nauc_recall_at_100_diff1": 21.105086005371504, + "nauc_recall_at_100_max": 35.553024606890524, + "nauc_recall_at_100_std": 32.56561636071421, + "nauc_recall_at_10_diff1": 23.855615040088956, + "nauc_recall_at_10_max": 19.883805649399868, + "nauc_recall_at_10_std": 6.290590236665383, + "nauc_recall_at_1_diff1": 41.614168120528525, + "nauc_recall_at_1_max": 15.402093697260554, + "nauc_recall_at_1_std": -3.5645413978225506, + "nauc_recall_at_20_diff1": 23.804213823860373, + "nauc_recall_at_20_max": 23.154627447295958, + "nauc_recall_at_20_std": 13.268824612320222, + "nauc_recall_at_3_diff1": 29.27631629777587, + "nauc_recall_at_3_max": 15.941548716688722, + "nauc_recall_at_3_std": 0.5761730681873986, + "nauc_recall_at_5_diff1": 26.710697150370304, + "nauc_recall_at_5_max": 17.522698605445072, + "nauc_recall_at_5_std": 1.3816391208025733, + "ndcg_at_1": 23.058999999999997, + "ndcg_at_10": 34.324, + "ndcg_at_100": 40.18, + "ndcg_at_1000": 42.751, + "ndcg_at_20": 36.196, + "ndcg_at_3": 28.355999999999998, + "ndcg_at_5": 31.373, + "precision_at_1": 23.058999999999997, + "precision_at_10": 6.689, + "precision_at_100": 1.1520000000000001, + "precision_at_1000": 0.155, + "precision_at_20": 4.007000000000001, + "precision_at_3": 13.850999999999999, + "precision_at_5": 10.594000000000001, + "recall_at_1": 18.777, + "recall_at_10": 48.067, + "recall_at_100": 73.565, + "recall_at_1000": 91.125, + "recall_at_20": 54.527, + "recall_at_3": 31.804, + "recall_at_5": 39.278 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAE-v1/external/CQADupstackStatsRetrieval.json b/results/qinxianliu__FAE-v1/external/CQADupstackStatsRetrieval.json new file mode 100644 index 000000000..84868bcbc --- /dev/null +++ b/results/qinxianliu__FAE-v1/external/CQADupstackStatsRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "65ac3a16b8e91f9cee4c9828cc7c335575432a2a", + "task_name": "CQADupstackStatsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 27.838, + "map_at_1": 17.697, + "map_at_10": 23.933, + "map_at_100": 24.837999999999997, + "map_at_1000": 24.959, + "map_at_20": 24.473, + "map_at_3": 21.723, + "map_at_5": 23.011, + "mrr_at_1": 20.0920245398773, + "mrr_at_10": 26.249939137209065, + "mrr_at_100": 27.07944237487584, + "mrr_at_1000": 27.176342438474382, + "mrr_at_20": 26.740852844197633, + "mrr_at_3": 24.360940695296527, + "mrr_at_5": 25.3502044989775, + "nauc_map_at_1000_diff1": 36.567201113135276, + "nauc_map_at_1000_max": 22.189792399805548, + "nauc_map_at_1000_std": 14.999571326671676, + "nauc_map_at_100_diff1": 36.520293812093804, + "nauc_map_at_100_max": 22.160699738372333, + "nauc_map_at_100_std": 14.977814988125598, + "nauc_map_at_10_diff1": 36.98256900825104, + "nauc_map_at_10_max": 21.869957729235473, + "nauc_map_at_10_std": 14.640988058277193, + "nauc_map_at_1_diff1": 41.274146316048885, + "nauc_map_at_1_max": 22.515670496942878, + "nauc_map_at_1_std": 12.022822867343425, + "nauc_map_at_20_diff1": 36.531722396223046, + "nauc_map_at_20_max": 22.01199415546107, + "nauc_map_at_20_std": 14.732792754624437, + "nauc_map_at_3_diff1": 38.61544219111368, + "nauc_map_at_3_max": 21.26368118605188, + "nauc_map_at_3_std": 13.176112472899865, + "nauc_map_at_5_diff1": 37.042960529988875, + "nauc_map_at_5_max": 21.6427041852614, + "nauc_map_at_5_std": 14.357560268103683, + "nauc_mrr_at_1000_diff1": 39.160800242928815, + "nauc_mrr_at_1000_max": 24.790592275621258, + "nauc_mrr_at_1000_std": 15.980645465677815, + "nauc_mrr_at_100_diff1": 39.12527096425451, + "nauc_mrr_at_100_max": 24.76479375425479, + "nauc_mrr_at_100_std": 15.961209635509446, + "nauc_mrr_at_10_diff1": 39.5371220208665, + "nauc_mrr_at_10_max": 24.830266083583016, + "nauc_mrr_at_10_std": 15.837548835234891, + "nauc_mrr_at_1_diff1": 44.628511155133424, + "nauc_mrr_at_1_max": 26.021093653245742, + "nauc_mrr_at_1_std": 13.577268224809577, + "nauc_mrr_at_20_diff1": 39.02969532140444, + "nauc_mrr_at_20_max": 24.72631984422793, + "nauc_mrr_at_20_std": 15.819859795783067, + "nauc_mrr_at_3_diff1": 40.932435925561805, + "nauc_mrr_at_3_max": 24.97819619931799, + "nauc_mrr_at_3_std": 15.489802686475862, + "nauc_mrr_at_5_diff1": 39.84200612447362, + "nauc_mrr_at_5_max": 24.859340918008886, + "nauc_mrr_at_5_std": 15.870794902893786, + "nauc_ndcg_at_1000_diff1": 34.74694206302081, + "nauc_ndcg_at_1000_max": 23.92688285127156, + "nauc_ndcg_at_1000_std": 18.210802558008726, + "nauc_ndcg_at_100_diff1": 33.582705844400756, + "nauc_ndcg_at_100_max": 22.920755642982186, + "nauc_ndcg_at_100_std": 17.61615879404114, + "nauc_ndcg_at_10_diff1": 35.50481384526413, + "nauc_ndcg_at_10_max": 22.198311157664598, + "nauc_ndcg_at_10_std": 15.947388631791743, + "nauc_ndcg_at_1_diff1": 44.628511155133424, + "nauc_ndcg_at_1_max": 26.021093653245742, + "nauc_ndcg_at_1_std": 13.577268224809577, + "nauc_ndcg_at_20_diff1": 33.84816953907344, + "nauc_ndcg_at_20_max": 22.545238233346783, + "nauc_ndcg_at_20_std": 16.36599130444679, + "nauc_ndcg_at_3_diff1": 38.346531628837845, + "nauc_ndcg_at_3_max": 22.051391926680935, + "nauc_ndcg_at_3_std": 14.44292125919503, + "nauc_ndcg_at_5_diff1": 35.87484445062824, + "nauc_ndcg_at_5_max": 22.134862117191997, + "nauc_ndcg_at_5_std": 15.80051674887764, + "nauc_precision_at_1000_diff1": 13.814705936631592, + "nauc_precision_at_1000_max": 23.947841794242652, + "nauc_precision_at_1000_std": 18.54203892402284, + "nauc_precision_at_100_diff1": 15.454484616023839, + "nauc_precision_at_100_max": 24.403953201870912, + "nauc_precision_at_100_std": 23.897706365626323, + "nauc_precision_at_10_diff1": 28.03071237623797, + "nauc_precision_at_10_max": 26.142715446439002, + "nauc_precision_at_10_std": 23.136328477065767, + "nauc_precision_at_1_diff1": 44.628511155133424, + "nauc_precision_at_1_max": 26.021093653245742, + "nauc_precision_at_1_std": 13.577268224809577, + "nauc_precision_at_20_diff1": 22.006942521742108, + "nauc_precision_at_20_max": 26.47843572715558, + "nauc_precision_at_20_std": 22.901202634733796, + "nauc_precision_at_3_diff1": 36.662138873976545, + "nauc_precision_at_3_max": 25.158936418125244, + "nauc_precision_at_3_std": 19.273483866633104, + "nauc_precision_at_5_diff1": 30.02918522711114, + "nauc_precision_at_5_max": 25.76651256651637, + "nauc_precision_at_5_std": 23.01138438771147, + "nauc_recall_at_1000_diff1": 21.223572269708825, + "nauc_recall_at_1000_max": 32.217897658133545, + "nauc_recall_at_1000_std": 39.49221658982006, + "nauc_recall_at_100_diff1": 19.365448246663817, + "nauc_recall_at_100_max": 21.346821815043587, + "nauc_recall_at_100_std": 25.20689783051846, + "nauc_recall_at_10_diff1": 28.537754282840034, + "nauc_recall_at_10_max": 19.328828303380117, + "nauc_recall_at_10_std": 16.98289526971146, + "nauc_recall_at_1_diff1": 41.274146316048885, + "nauc_recall_at_1_max": 22.515670496942878, + "nauc_recall_at_1_std": 12.022822867343425, + "nauc_recall_at_20_diff1": 22.686291719276422, + "nauc_recall_at_20_max": 20.49826213029282, + "nauc_recall_at_20_std": 18.72758991241926, + "nauc_recall_at_3_diff1": 34.624454157846735, + "nauc_recall_at_3_max": 19.017405878861545, + "nauc_recall_at_3_std": 14.08380862297214, + "nauc_recall_at_5_diff1": 28.973956244296375, + "nauc_recall_at_5_max": 18.989443333758658, + "nauc_recall_at_5_std": 16.6419303333977, + "ndcg_at_1": 20.092, + "ndcg_at_10": 27.838, + "ndcg_at_100": 32.303, + "ndcg_at_1000": 35.496, + "ndcg_at_20": 29.685, + "ndcg_at_3": 23.732, + "ndcg_at_5": 25.739, + "precision_at_1": 20.092, + "precision_at_10": 4.585999999999999, + "precision_at_100": 0.739, + "precision_at_1000": 0.108, + "precision_at_20": 2.738, + "precision_at_3": 10.481, + "precision_at_5": 7.577, + "recall_at_1": 17.697, + "recall_at_10": 37.688, + "recall_at_100": 57.999, + "recall_at_1000": 81.93, + "recall_at_20": 44.626, + "recall_at_3": 26.346999999999998, + "recall_at_5": 31.329 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAE-v1/external/CQADupstackTexRetrieval.json b/results/qinxianliu__FAE-v1/external/CQADupstackTexRetrieval.json new file mode 100644 index 000000000..75794aa57 --- /dev/null +++ b/results/qinxianliu__FAE-v1/external/CQADupstackTexRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "46989137a86843e03a6195de44b09deda022eec7", + "task_name": "CQADupstackTexRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 20.48, + "map_at_1": 11.008999999999999, + "map_at_10": 16.597, + "map_at_100": 17.701, + "map_at_1000": 17.845, + "map_at_20": 17.161, + "map_at_3": 14.679, + "map_at_5": 15.774, + "mrr_at_1": 13.833448038540949, + "mrr_at_10": 19.822944318814923, + "mrr_at_100": 20.797926853866585, + "mrr_at_1000": 20.898922267533532, + "mrr_at_20": 20.358090168549563, + "mrr_at_3": 17.871071346639113, + "mrr_at_5": 19.056549667354876, + "nauc_map_at_1000_diff1": 27.347270840443816, + "nauc_map_at_1000_max": 21.81278733312353, + "nauc_map_at_1000_std": -0.2155027035811545, + "nauc_map_at_100_diff1": 27.326338206784378, + "nauc_map_at_100_max": 21.764775018540643, + "nauc_map_at_100_std": -0.30191649072892596, + "nauc_map_at_10_diff1": 27.4515345957207, + "nauc_map_at_10_max": 21.745299609961194, + "nauc_map_at_10_std": -0.8595952657664508, + "nauc_map_at_1_diff1": 36.525665890390755, + "nauc_map_at_1_max": 23.127302709923057, + "nauc_map_at_1_std": -2.114485475271644, + "nauc_map_at_20_diff1": 27.351153074884483, + "nauc_map_at_20_max": 21.70719079449843, + "nauc_map_at_20_std": -0.5748576779448125, + "nauc_map_at_3_diff1": 30.222685037183254, + "nauc_map_at_3_max": 22.325408365892695, + "nauc_map_at_3_std": -0.7245350618289634, + "nauc_map_at_5_diff1": 28.449686470843442, + "nauc_map_at_5_max": 21.911989388305443, + "nauc_map_at_5_std": -0.9917011752673628, + "nauc_mrr_at_1000_diff1": 26.06392099776934, + "nauc_mrr_at_1000_max": 23.276372413611323, + "nauc_mrr_at_1000_std": -0.040865645324808283, + "nauc_mrr_at_100_diff1": 26.042853350206418, + "nauc_mrr_at_100_max": 23.24538274864058, + "nauc_mrr_at_100_std": -0.08907303546884984, + "nauc_mrr_at_10_diff1": 26.052434990108576, + "nauc_mrr_at_10_max": 23.386135939836773, + "nauc_mrr_at_10_std": -0.43393910353346465, + "nauc_mrr_at_1_diff1": 34.36269278826989, + "nauc_mrr_at_1_max": 25.35353830209716, + "nauc_mrr_at_1_std": -1.6564299478425335, + "nauc_mrr_at_20_diff1": 25.96677857029534, + "nauc_mrr_at_20_max": 23.18045549182746, + "nauc_mrr_at_20_std": -0.23041752240877017, + "nauc_mrr_at_3_diff1": 28.328360982999268, + "nauc_mrr_at_3_max": 24.326440315552496, + "nauc_mrr_at_3_std": -0.18713017227619916, + "nauc_mrr_at_5_diff1": 26.793048295824985, + "nauc_mrr_at_5_max": 23.737001588795156, + "nauc_mrr_at_5_std": -0.47166906766932126, + "nauc_ndcg_at_1000_diff1": 23.51090183767112, + "nauc_ndcg_at_1000_max": 21.87498134935271, + "nauc_ndcg_at_1000_std": 3.052176877967844, + "nauc_ndcg_at_100_diff1": 23.28762163245338, + "nauc_ndcg_at_100_max": 20.767034091491173, + "nauc_ndcg_at_100_std": 1.6328792619520847, + "nauc_ndcg_at_10_diff1": 23.525625704691866, + "nauc_ndcg_at_10_max": 20.937487762062563, + "nauc_ndcg_at_10_std": -0.4377693874574618, + "nauc_ndcg_at_1_diff1": 34.36269278826989, + "nauc_ndcg_at_1_max": 25.35353830209716, + "nauc_ndcg_at_1_std": -1.6564299478425335, + "nauc_ndcg_at_20_diff1": 23.316971943513597, + "nauc_ndcg_at_20_max": 20.69980599719907, + "nauc_ndcg_at_20_std": 0.38550765572098855, + "nauc_ndcg_at_3_diff1": 28.17999618787333, + "nauc_ndcg_at_3_max": 22.72715845661491, + "nauc_ndcg_at_3_std": -0.01182630246440746, + "nauc_ndcg_at_5_diff1": 25.495054815217188, + "nauc_ndcg_at_5_max": 21.671409457615546, + "nauc_ndcg_at_5_std": -0.595952749007325, + "nauc_precision_at_1000_diff1": 9.225798360950616, + "nauc_precision_at_1000_max": 15.06015852674123, + "nauc_precision_at_1000_std": 12.18095722286074, + "nauc_precision_at_100_diff1": 10.250195346024112, + "nauc_precision_at_100_max": 15.74839361832287, + "nauc_precision_at_100_std": 7.522032369359646, + "nauc_precision_at_10_diff1": 12.708277467690815, + "nauc_precision_at_10_max": 20.853376548097586, + "nauc_precision_at_10_std": 2.063871983909232, + "nauc_precision_at_1_diff1": 34.36269278826989, + "nauc_precision_at_1_max": 25.35353830209716, + "nauc_precision_at_1_std": -1.6564299478425335, + "nauc_precision_at_20_diff1": 11.975610273456967, + "nauc_precision_at_20_max": 19.3477053351471, + "nauc_precision_at_20_std": 4.126198572973762, + "nauc_precision_at_3_diff1": 23.157964430472937, + "nauc_precision_at_3_max": 24.781238333932016, + "nauc_precision_at_3_std": 2.1911001391410188, + "nauc_precision_at_5_diff1": 17.715939495708692, + "nauc_precision_at_5_max": 22.950485567948224, + "nauc_precision_at_5_std": 1.3668503676840416, + "nauc_recall_at_1000_diff1": 8.404517120378193, + "nauc_recall_at_1000_max": 20.81097510214359, + "nauc_recall_at_1000_std": 23.17851323638836, + "nauc_recall_at_100_diff1": 13.47421436929525, + "nauc_recall_at_100_max": 14.651209058159848, + "nauc_recall_at_100_std": 6.626895714865199, + "nauc_recall_at_10_diff1": 14.802138769448472, + "nauc_recall_at_10_max": 16.57401999703444, + "nauc_recall_at_10_std": -0.030982752387149988, + "nauc_recall_at_1_diff1": 36.525665890390755, + "nauc_recall_at_1_max": 23.127302709923057, + "nauc_recall_at_1_std": -2.114485475271644, + "nauc_recall_at_20_diff1": 14.301011196765526, + "nauc_recall_at_20_max": 15.528852145892834, + "nauc_recall_at_20_std": 2.125682389949824, + "nauc_recall_at_3_diff1": 24.779456045694413, + "nauc_recall_at_3_max": 20.467776761417454, + "nauc_recall_at_3_std": 0.8997211786464535, + "nauc_recall_at_5_diff1": 19.13889023099779, + "nauc_recall_at_5_max": 18.195625241216916, + "nauc_recall_at_5_std": -0.4765744846202131, + "ndcg_at_1": 13.833, + "ndcg_at_10": 20.48, + "ndcg_at_100": 25.942, + "ndcg_at_1000": 29.561, + "ndcg_at_20": 22.384, + "ndcg_at_3": 16.921, + "ndcg_at_5": 18.684, + "precision_at_1": 13.833, + "precision_at_10": 3.9440000000000004, + "precision_at_100": 0.804, + "precision_at_1000": 0.128, + "precision_at_20": 2.519, + "precision_at_3": 8.293000000000001, + "precision_at_5": 6.2219999999999995, + "recall_at_1": 11.008999999999999, + "recall_at_10": 29.079, + "recall_at_100": 53.652, + "recall_at_1000": 80.118, + "recall_at_20": 36.092, + "recall_at_3": 19.194, + "recall_at_5": 23.701 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAE-v1/external/CQADupstackUnixRetrieval.json b/results/qinxianliu__FAE-v1/external/CQADupstackUnixRetrieval.json new file mode 100644 index 000000000..908e3514e --- /dev/null +++ b/results/qinxianliu__FAE-v1/external/CQADupstackUnixRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "6c6430d3a6d36f8d2a829195bc5dc94d7e063e53", + "task_name": "CQADupstackUnixRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 31.494, + "map_at_1": 18.948999999999998, + "map_at_10": 26.826, + "map_at_100": 28.057, + "map_at_1000": 28.174, + "map_at_20": 27.451999999999998, + "map_at_3": 24.485, + "map_at_5": 25.812, + "mrr_at_1": 22.294776119402986, + "mrr_at_10": 30.18941749585406, + "mrr_at_100": 31.229284887122443, + "mrr_at_1000": 31.300849083155814, + "mrr_at_20": 30.727379616684036, + "mrr_at_3": 28.04726368159205, + "mrr_at_5": 29.311256218905456, + "nauc_map_at_1000_diff1": 40.92850857301368, + "nauc_map_at_1000_max": 24.495404415832393, + "nauc_map_at_1000_std": -0.5885228679303934, + "nauc_map_at_100_diff1": 40.92606610839022, + "nauc_map_at_100_max": 24.486273709308197, + "nauc_map_at_100_std": -0.5949415619854075, + "nauc_map_at_10_diff1": 41.30592683026611, + "nauc_map_at_10_max": 24.31358542102997, + "nauc_map_at_10_std": -0.8630226850040122, + "nauc_map_at_1_diff1": 47.73174774433037, + "nauc_map_at_1_max": 24.384873180411144, + "nauc_map_at_1_std": -2.123747503778534, + "nauc_map_at_20_diff1": 40.96212923480137, + "nauc_map_at_20_max": 24.30374823700398, + "nauc_map_at_20_std": -0.7721086208356275, + "nauc_map_at_3_diff1": 42.677921983641944, + "nauc_map_at_3_max": 25.034368055165785, + "nauc_map_at_3_std": -0.5940032776094514, + "nauc_map_at_5_diff1": 41.10735180980024, + "nauc_map_at_5_max": 24.558097295828865, + "nauc_map_at_5_std": -0.9838036302877303, + "nauc_mrr_at_1000_diff1": 41.63174907952451, + "nauc_mrr_at_1000_max": 25.723306002982337, + "nauc_mrr_at_1000_std": -1.1456821194519227, + "nauc_mrr_at_100_diff1": 41.61005022126466, + "nauc_mrr_at_100_max": 25.721303148949413, + "nauc_mrr_at_100_std": -1.164587679470708, + "nauc_mrr_at_10_diff1": 41.88080739121251, + "nauc_mrr_at_10_max": 25.610359933929644, + "nauc_mrr_at_10_std": -1.3245734260014084, + "nauc_mrr_at_1_diff1": 47.97953667148675, + "nauc_mrr_at_1_max": 26.48998982622309, + "nauc_mrr_at_1_std": -2.0091912088847814, + "nauc_mrr_at_20_diff1": 41.58101052111564, + "nauc_mrr_at_20_max": 25.540122875115806, + "nauc_mrr_at_20_std": -1.3195555394702303, + "nauc_mrr_at_3_diff1": 43.37243748623102, + "nauc_mrr_at_3_max": 26.65971938247732, + "nauc_mrr_at_3_std": -0.9695839044896024, + "nauc_mrr_at_5_diff1": 41.851022704204446, + "nauc_mrr_at_5_max": 26.035403433249467, + "nauc_mrr_at_5_std": -1.346753525951133, + "nauc_ndcg_at_1000_diff1": 38.106859936721406, + "nauc_ndcg_at_1000_max": 24.950931249626365, + "nauc_ndcg_at_1000_std": 1.1175160783850069, + "nauc_ndcg_at_100_diff1": 37.84222671665579, + "nauc_ndcg_at_100_max": 24.96394971935681, + "nauc_ndcg_at_100_std": 0.976902394593505, + "nauc_ndcg_at_10_diff1": 39.16630843563309, + "nauc_ndcg_at_10_max": 23.61032774947108, + "nauc_ndcg_at_10_std": -0.8737413272805833, + "nauc_ndcg_at_1_diff1": 47.97953667148675, + "nauc_ndcg_at_1_max": 26.48998982622309, + "nauc_ndcg_at_1_std": -2.0091912088847814, + "nauc_ndcg_at_20_diff1": 37.97335145010209, + "nauc_ndcg_at_20_max": 23.530954046200524, + "nauc_ndcg_at_20_std": -0.5612872165988594, + "nauc_ndcg_at_3_diff1": 41.613348953352116, + "nauc_ndcg_at_3_max": 25.683220018276735, + "nauc_ndcg_at_3_std": -0.2781152099318822, + "nauc_ndcg_at_5_diff1": 38.84001567195923, + "nauc_ndcg_at_5_max": 24.469420545163835, + "nauc_ndcg_at_5_std": -1.0490867129227606, + "nauc_precision_at_1000_diff1": -4.319282932221245, + "nauc_precision_at_1000_max": 2.561760589568982, + "nauc_precision_at_1000_std": -1.100872949042382, + "nauc_precision_at_100_diff1": 10.983220162223862, + "nauc_precision_at_100_max": 15.734684828988954, + "nauc_precision_at_100_std": 3.878358784493758, + "nauc_precision_at_10_diff1": 27.601952423324295, + "nauc_precision_at_10_max": 20.23318967668592, + "nauc_precision_at_10_std": 0.0744877163044998, + "nauc_precision_at_1_diff1": 47.97953667148675, + "nauc_precision_at_1_max": 26.48998982622309, + "nauc_precision_at_1_std": -2.0091912088847814, + "nauc_precision_at_20_diff1": 21.896795194562515, + "nauc_precision_at_20_max": 18.255054135381236, + "nauc_precision_at_20_std": 0.532702281834216, + "nauc_precision_at_3_diff1": 35.94559210154123, + "nauc_precision_at_3_max": 26.59381897778969, + "nauc_precision_at_3_std": 1.6963715760971154, + "nauc_precision_at_5_diff1": 28.800824763579964, + "nauc_precision_at_5_max": 23.895926730727528, + "nauc_precision_at_5_std": -0.05451845180478624, + "nauc_recall_at_1000_diff1": 12.023102622064394, + "nauc_recall_at_1000_max": 31.098638101893645, + "nauc_recall_at_1000_std": 31.98014978609392, + "nauc_recall_at_100_diff1": 22.82474463475939, + "nauc_recall_at_100_max": 26.768097982539963, + "nauc_recall_at_100_std": 11.922564407443309, + "nauc_recall_at_10_diff1": 31.51355778851291, + "nauc_recall_at_10_max": 19.187980160993277, + "nauc_recall_at_10_std": -0.45402624480626785, + "nauc_recall_at_1_diff1": 47.73174774433037, + "nauc_recall_at_1_max": 24.384873180411144, + "nauc_recall_at_1_std": -2.123747503778534, + "nauc_recall_at_20_diff1": 26.98876002672108, + "nauc_recall_at_20_max": 18.77741754769546, + "nauc_recall_at_20_std": 0.9376771733290838, + "nauc_recall_at_3_diff1": 36.74510155620704, + "nauc_recall_at_3_max": 23.84252540647046, + "nauc_recall_at_3_std": 0.5429452107885174, + "nauc_recall_at_5_diff1": 30.989841498291398, + "nauc_recall_at_5_max": 21.800442053269027, + "nauc_recall_at_5_std": -0.7882981768794268, + "ndcg_at_1": 22.295, + "ndcg_at_10": 31.494, + "ndcg_at_100": 37.641999999999996, + "ndcg_at_1000": 40.347, + "ndcg_at_20": 33.579, + "ndcg_at_3": 27.175, + "ndcg_at_5": 29.262, + "precision_at_1": 22.295, + "precision_at_10": 5.476, + "precision_at_100": 0.9740000000000001, + "precision_at_1000": 0.132, + "precision_at_20": 3.279, + "precision_at_3": 12.748999999999999, + "precision_at_5": 9.104, + "recall_at_1": 18.948999999999998, + "recall_at_10": 42.272, + "recall_at_100": 70.036, + "recall_at_1000": 89.184, + "recall_at_20": 49.870999999999995, + "recall_at_3": 30.556, + "recall_at_5": 35.77 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAE-v1/external/CQADupstackWebmastersRetrieval.json b/results/qinxianliu__FAE-v1/external/CQADupstackWebmastersRetrieval.json new file mode 100644 index 000000000..2b76b6efc --- /dev/null +++ b/results/qinxianliu__FAE-v1/external/CQADupstackWebmastersRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "160c094312a0e1facb97e55eeddb698c0abe3571", + "task_name": "CQADupstackWebmastersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 32.507000000000005, + "map_at_1": 18.183, + "map_at_10": 26.863, + "map_at_100": 28.308, + "map_at_1000": 28.583, + "map_at_20": 27.564, + "map_at_3": 24.218, + "map_at_5": 25.657000000000004, + "mrr_at_1": 22.33201581027668, + "mrr_at_10": 30.81027667984189, + "mrr_at_100": 31.774425674602202, + "mrr_at_1000": 31.860947668782007, + "mrr_at_20": 31.32801756336369, + "mrr_at_3": 28.425559947299078, + "mrr_at_5": 29.927536231884062, + "nauc_map_at_1000_diff1": 37.13770450538135, + "nauc_map_at_1000_max": 26.354258893409753, + "nauc_map_at_1000_std": 12.12646207857949, + "nauc_map_at_100_diff1": 37.26705361645822, + "nauc_map_at_100_max": 26.479998185544208, + "nauc_map_at_100_std": 11.797203080516748, + "nauc_map_at_10_diff1": 37.73941422718014, + "nauc_map_at_10_max": 26.301025860424332, + "nauc_map_at_10_std": 9.867868514918177, + "nauc_map_at_1_diff1": 47.837999299744, + "nauc_map_at_1_max": 25.022494975644726, + "nauc_map_at_1_std": 6.499592445853529, + "nauc_map_at_20_diff1": 37.500321705216756, + "nauc_map_at_20_max": 26.250401498792026, + "nauc_map_at_20_std": 10.759178955714573, + "nauc_map_at_3_diff1": 40.07365013232986, + "nauc_map_at_3_max": 26.459887667494357, + "nauc_map_at_3_std": 9.089081647262258, + "nauc_map_at_5_diff1": 38.74376597404145, + "nauc_map_at_5_max": 26.80434792790275, + "nauc_map_at_5_std": 9.760012376311703, + "nauc_mrr_at_1000_diff1": 36.97030860268487, + "nauc_mrr_at_1000_max": 28.155673798088355, + "nauc_mrr_at_1000_std": 12.37080136447858, + "nauc_mrr_at_100_diff1": 36.97563657274577, + "nauc_mrr_at_100_max": 28.146920027038004, + "nauc_mrr_at_100_std": 12.407486211807486, + "nauc_mrr_at_10_diff1": 36.91447055546449, + "nauc_mrr_at_10_max": 27.883492492438787, + "nauc_mrr_at_10_std": 11.778156362773473, + "nauc_mrr_at_1_diff1": 45.78229369291741, + "nauc_mrr_at_1_max": 28.527721410705198, + "nauc_mrr_at_1_std": 9.853951505834603, + "nauc_mrr_at_20_diff1": 36.741740154541716, + "nauc_mrr_at_20_max": 27.893721022717276, + "nauc_mrr_at_20_std": 12.066748908104632, + "nauc_mrr_at_3_diff1": 38.15638732910087, + "nauc_mrr_at_3_max": 28.158108328542518, + "nauc_mrr_at_3_std": 11.837106549010027, + "nauc_mrr_at_5_diff1": 37.0593976774189, + "nauc_mrr_at_5_max": 28.027091285723976, + "nauc_mrr_at_5_std": 11.853909167130489, + "nauc_ndcg_at_1000_diff1": 33.4160942505506, + "nauc_ndcg_at_1000_max": 27.75283116148185, + "nauc_ndcg_at_1000_std": 15.927323295181509, + "nauc_ndcg_at_100_diff1": 33.170848955420986, + "nauc_ndcg_at_100_max": 27.58512742040996, + "nauc_ndcg_at_100_std": 16.994431863420225, + "nauc_ndcg_at_10_diff1": 33.7008840628422, + "nauc_ndcg_at_10_max": 26.802345414564748, + "nauc_ndcg_at_10_std": 12.49497983899409, + "nauc_ndcg_at_1_diff1": 45.78229369291741, + "nauc_ndcg_at_1_max": 28.527721410705198, + "nauc_ndcg_at_1_std": 9.853951505834603, + "nauc_ndcg_at_20_diff1": 33.505089755754916, + "nauc_ndcg_at_20_max": 26.41746439953519, + "nauc_ndcg_at_20_std": 13.532268483165103, + "nauc_ndcg_at_3_diff1": 36.8933260411485, + "nauc_ndcg_at_3_max": 27.83761338973051, + "nauc_ndcg_at_3_std": 11.883416227100087, + "nauc_ndcg_at_5_diff1": 34.88688448483459, + "nauc_ndcg_at_5_max": 27.943566759694605, + "nauc_ndcg_at_5_std": 12.751782600389507, + "nauc_precision_at_1000_diff1": -8.091284899765013, + "nauc_precision_at_1000_max": 2.6243285819563833, + "nauc_precision_at_1000_std": 36.43825322903368, + "nauc_precision_at_100_diff1": -5.930701440095689, + "nauc_precision_at_100_max": 7.6388811981933715, + "nauc_precision_at_100_std": 40.194287575761095, + "nauc_precision_at_10_diff1": 10.190564155430254, + "nauc_precision_at_10_max": 24.199540569996568, + "nauc_precision_at_10_std": 23.48125755500816, + "nauc_precision_at_1_diff1": 45.78229369291741, + "nauc_precision_at_1_max": 28.527721410705198, + "nauc_precision_at_1_std": 9.853951505834603, + "nauc_precision_at_20_diff1": 3.9127547379529477, + "nauc_precision_at_20_max": 19.62968382126821, + "nauc_precision_at_20_std": 32.36532002530475, + "nauc_precision_at_3_diff1": 25.97569378224683, + "nauc_precision_at_3_max": 30.058866088565743, + "nauc_precision_at_3_std": 18.175462830738105, + "nauc_precision_at_5_diff1": 18.692583930302646, + "nauc_precision_at_5_max": 28.9840010279797, + "nauc_precision_at_5_std": 20.53289444452032, + "nauc_recall_at_1000_diff1": -2.30876075643828, + "nauc_recall_at_1000_max": 30.917447281896955, + "nauc_recall_at_1000_std": 44.6064530660016, + "nauc_recall_at_100_diff1": 16.197321771658665, + "nauc_recall_at_100_max": 28.656921161629732, + "nauc_recall_at_100_std": 38.774346993476165, + "nauc_recall_at_10_diff1": 24.343304984299518, + "nauc_recall_at_10_max": 24.030408275798532, + "nauc_recall_at_10_std": 12.19461143179963, + "nauc_recall_at_1_diff1": 47.837999299744, + "nauc_recall_at_1_max": 25.022494975644726, + "nauc_recall_at_1_std": 6.499592445853529, + "nauc_recall_at_20_diff1": 23.079407684515026, + "nauc_recall_at_20_max": 22.869332583411715, + "nauc_recall_at_20_std": 15.490769637399971, + "nauc_recall_at_3_diff1": 32.427057866416106, + "nauc_recall_at_3_max": 26.180511953625235, + "nauc_recall_at_3_std": 10.765714459688965, + "nauc_recall_at_5_diff1": 27.531027340636673, + "nauc_recall_at_5_max": 26.724120642044152, + "nauc_recall_at_5_std": 12.578940527436993, + "ndcg_at_1": 22.332, + "ndcg_at_10": 32.507000000000005, + "ndcg_at_100": 38.313, + "ndcg_at_1000": 41.488, + "ndcg_at_20": 34.399, + "ndcg_at_3": 27.868, + "ndcg_at_5": 30.146, + "precision_at_1": 22.332, + "precision_at_10": 6.601, + "precision_at_100": 1.427, + "precision_at_1000": 0.23900000000000002, + "precision_at_20": 4.2, + "precision_at_3": 13.439, + "precision_at_5": 10.119, + "recall_at_1": 18.183, + "recall_at_10": 43.679, + "recall_at_100": 71.108, + "recall_at_1000": 91.161, + "recall_at_20": 51.153000000000006, + "recall_at_3": 30.787, + "recall_at_5": 36.549 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAE-v1/external/CQADupstackWordpressRetrieval.json b/results/qinxianliu__FAE-v1/external/CQADupstackWordpressRetrieval.json new file mode 100644 index 000000000..039e5a9b6 --- /dev/null +++ b/results/qinxianliu__FAE-v1/external/CQADupstackWordpressRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "4ffe81d471b1924886b33c7567bfb200e9eec5c4", + "task_name": "CQADupstackWordpressRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 25.041000000000004, + "map_at_1": 14.152999999999999, + "map_at_10": 20.741, + "map_at_100": 21.895, + "map_at_1000": 22.001, + "map_at_20": 21.462, + "map_at_3": 18.029999999999998, + "map_at_5": 19.492, + "mrr_at_1": 15.526802218114602, + "mrr_at_10": 22.32968048587273, + "mrr_at_100": 23.40073124670525, + "mrr_at_1000": 23.494548722578003, + "mrr_at_20": 22.99815740470016, + "mrr_at_3": 19.808995686999374, + "mrr_at_5": 21.167590881084408, + "nauc_map_at_1000_diff1": 26.329133608302996, + "nauc_map_at_1000_max": 18.709474888478905, + "nauc_map_at_1000_std": 3.4675754663784106, + "nauc_map_at_100_diff1": 26.309320033666783, + "nauc_map_at_100_max": 18.66256998604751, + "nauc_map_at_100_std": 3.476280252903253, + "nauc_map_at_10_diff1": 26.864729581252956, + "nauc_map_at_10_max": 19.042745748452255, + "nauc_map_at_10_std": 2.6823348684364188, + "nauc_map_at_1_diff1": 34.864132931486644, + "nauc_map_at_1_max": 17.832720756332705, + "nauc_map_at_1_std": 0.4005980036726393, + "nauc_map_at_20_diff1": 26.3849338534261, + "nauc_map_at_20_max": 18.90771116305321, + "nauc_map_at_20_std": 3.3006466116487223, + "nauc_map_at_3_diff1": 27.058571709559924, + "nauc_map_at_3_max": 17.72970935080149, + "nauc_map_at_3_std": 0.8682029915839934, + "nauc_map_at_5_diff1": 26.794032799944965, + "nauc_map_at_5_max": 18.928408340821427, + "nauc_map_at_5_std": 1.970664103029035, + "nauc_mrr_at_1000_diff1": 25.688677589305552, + "nauc_mrr_at_1000_max": 18.63105044147259, + "nauc_mrr_at_1000_std": 3.2848606686673514, + "nauc_mrr_at_100_diff1": 25.66634240838689, + "nauc_mrr_at_100_max": 18.610864052121638, + "nauc_mrr_at_100_std": 3.315598296554349, + "nauc_mrr_at_10_diff1": 26.04510978759093, + "nauc_mrr_at_10_max": 19.20510731604887, + "nauc_mrr_at_10_std": 2.7416477250051834, + "nauc_mrr_at_1_diff1": 34.768773296910574, + "nauc_mrr_at_1_max": 17.648405776888488, + "nauc_mrr_at_1_std": -0.6262994957996365, + "nauc_mrr_at_20_diff1": 25.71749436760805, + "nauc_mrr_at_20_max": 18.823571992121614, + "nauc_mrr_at_20_std": 3.139335254514028, + "nauc_mrr_at_3_diff1": 26.261595269905953, + "nauc_mrr_at_3_max": 17.441138600539308, + "nauc_mrr_at_3_std": 0.7765785689110399, + "nauc_mrr_at_5_diff1": 26.025833035918566, + "nauc_mrr_at_5_max": 18.94738280880414, + "nauc_mrr_at_5_std": 1.9397598466179056, + "nauc_ndcg_at_1000_diff1": 23.06373405132356, + "nauc_ndcg_at_1000_max": 18.798893408075575, + "nauc_ndcg_at_1000_std": 7.275781391785532, + "nauc_ndcg_at_100_diff1": 22.42458213818715, + "nauc_ndcg_at_100_max": 17.741620446729215, + "nauc_ndcg_at_100_std": 8.004262610739001, + "nauc_ndcg_at_10_diff1": 24.480198305214763, + "nauc_ndcg_at_10_max": 20.148327900436954, + "nauc_ndcg_at_10_std": 4.811934359795407, + "nauc_ndcg_at_1_diff1": 34.768773296910574, + "nauc_ndcg_at_1_max": 17.648405776888488, + "nauc_ndcg_at_1_std": -0.6262994957996365, + "nauc_ndcg_at_20_diff1": 23.031482704041657, + "nauc_ndcg_at_20_max": 18.98367888097445, + "nauc_ndcg_at_20_std": 6.51757374627793, + "nauc_ndcg_at_3_diff1": 24.753965238872468, + "nauc_ndcg_at_3_max": 17.889589729735118, + "nauc_ndcg_at_3_std": 1.2925140117382594, + "nauc_ndcg_at_5_diff1": 24.37017098683171, + "nauc_ndcg_at_5_max": 19.98847751243444, + "nauc_ndcg_at_5_std": 3.0517165721005597, + "nauc_precision_at_1000_diff1": -2.2687117307122238, + "nauc_precision_at_1000_max": 9.238358813852535, + "nauc_precision_at_1000_std": 13.262657121339675, + "nauc_precision_at_100_diff1": 6.016631674139167, + "nauc_precision_at_100_max": 13.008889695171991, + "nauc_precision_at_100_std": 19.73204497010418, + "nauc_precision_at_10_diff1": 17.099656156837202, + "nauc_precision_at_10_max": 21.293060905060372, + "nauc_precision_at_10_std": 8.747967222241398, + "nauc_precision_at_1_diff1": 34.768773296910574, + "nauc_precision_at_1_max": 17.648405776888488, + "nauc_precision_at_1_std": -0.6262994957996365, + "nauc_precision_at_20_diff1": 12.007430683484397, + "nauc_precision_at_20_max": 18.449649639249902, + "nauc_precision_at_20_std": 12.89586105204125, + "nauc_precision_at_3_diff1": 18.440972687405978, + "nauc_precision_at_3_max": 19.177016454003226, + "nauc_precision_at_3_std": 2.9067371083138758, + "nauc_precision_at_5_diff1": 17.56731565438204, + "nauc_precision_at_5_max": 23.594306588573634, + "nauc_precision_at_5_std": 5.737475585662506, + "nauc_recall_at_1000_diff1": 7.5492614869633945, + "nauc_recall_at_1000_max": 19.57633585446605, + "nauc_recall_at_1000_std": 26.733780399756927, + "nauc_recall_at_100_diff1": 10.566886801169801, + "nauc_recall_at_100_max": 11.250568407418006, + "nauc_recall_at_100_std": 23.225036745181715, + "nauc_recall_at_10_diff1": 19.386384068334607, + "nauc_recall_at_10_max": 22.19881102269837, + "nauc_recall_at_10_std": 10.217429984405062, + "nauc_recall_at_1_diff1": 34.864132931486644, + "nauc_recall_at_1_max": 17.832720756332705, + "nauc_recall_at_1_std": 0.4005980036726393, + "nauc_recall_at_20_diff1": 14.788863681426218, + "nauc_recall_at_20_max": 17.459913371924905, + "nauc_recall_at_20_std": 15.537533182714666, + "nauc_recall_at_3_diff1": 19.412538845949275, + "nauc_recall_at_3_max": 17.391245214820376, + "nauc_recall_at_3_std": 1.9187251097471547, + "nauc_recall_at_5_diff1": 19.02778848849824, + "nauc_recall_at_5_max": 22.04981693196106, + "nauc_recall_at_5_std": 5.49674543998023, + "ndcg_at_1": 15.527, + "ndcg_at_10": 25.041000000000004, + "ndcg_at_100": 30.42, + "ndcg_at_1000": 33.45, + "ndcg_at_20": 27.504, + "ndcg_at_3": 19.768, + "ndcg_at_5": 22.233, + "precision_at_1": 15.527, + "precision_at_10": 4.3069999999999995, + "precision_at_100": 0.738, + "precision_at_1000": 0.105, + "precision_at_20": 2.699, + "precision_at_3": 8.688, + "precision_at_5": 6.58, + "recall_at_1": 14.152999999999999, + "recall_at_10": 36.876, + "recall_at_100": 60.846000000000004, + "recall_at_1000": 84.173, + "recall_at_20": 46.192, + "recall_at_3": 22.759999999999998, + "recall_at_5": 28.768 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAE-v1/external/ClimateFEVER.json b/results/qinxianliu__FAE-v1/external/ClimateFEVER.json new file mode 100644 index 000000000..e1f278d74 --- /dev/null +++ b/results/qinxianliu__FAE-v1/external/ClimateFEVER.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 25.399, + "map_at_1": 10.221, + "map_at_10": 17.758, + "map_at_100": 19.692999999999998, + "map_at_1000": 19.878, + "map_at_20": 18.799, + "map_at_3": 14.578, + "map_at_5": 16.384999999999998, + "mrr_at_1": 22.34527687296417, + "mrr_at_10": 33.7739517088051, + "mrr_at_100": 34.82015163983326, + "mrr_at_1000": 34.86351625381079, + "mrr_at_20": 34.43637082879823, + "mrr_at_3": 30.27144408251897, + "mrr_at_5": 32.4408251900108, + "nauc_map_at_1000_diff1": 24.555430852627914, + "nauc_map_at_1000_max": 33.141048010371634, + "nauc_map_at_1000_std": 17.76549985133185, + "nauc_map_at_100_diff1": 24.55286782370549, + "nauc_map_at_100_max": 33.13845552258125, + "nauc_map_at_100_std": 17.695767693663527, + "nauc_map_at_10_diff1": 24.89593947449516, + "nauc_map_at_10_max": 32.80806922141334, + "nauc_map_at_10_std": 15.570698658256129, + "nauc_map_at_1_diff1": 34.03921764280249, + "nauc_map_at_1_max": 32.2666508424567, + "nauc_map_at_1_std": 7.974223760047218, + "nauc_map_at_20_diff1": 24.466590170147292, + "nauc_map_at_20_max": 32.922919017198815, + "nauc_map_at_20_std": 16.761288101662217, + "nauc_map_at_3_diff1": 27.857938029423735, + "nauc_map_at_3_max": 31.647871939914406, + "nauc_map_at_3_std": 10.574157893886827, + "nauc_map_at_5_diff1": 26.104997894361663, + "nauc_map_at_5_max": 32.19376247173003, + "nauc_map_at_5_std": 12.945708374601553, + "nauc_mrr_at_1000_diff1": 22.24516324032588, + "nauc_mrr_at_1000_max": 31.229342097445723, + "nauc_mrr_at_1000_std": 17.752249387608742, + "nauc_mrr_at_100_diff1": 22.240029242227973, + "nauc_mrr_at_100_max": 31.238871176582776, + "nauc_mrr_at_100_std": 17.790645222377517, + "nauc_mrr_at_10_diff1": 21.880836261110083, + "nauc_mrr_at_10_max": 31.085480964242773, + "nauc_mrr_at_10_std": 17.617204019975645, + "nauc_mrr_at_1_diff1": 29.09023107649643, + "nauc_mrr_at_1_max": 28.781437831148075, + "nauc_mrr_at_1_std": 10.859190384169706, + "nauc_mrr_at_20_diff1": 22.101383225461518, + "nauc_mrr_at_20_max": 31.169870950420176, + "nauc_mrr_at_20_std": 17.762026317620837, + "nauc_mrr_at_3_diff1": 23.385929522295402, + "nauc_mrr_at_3_max": 29.793995858205736, + "nauc_mrr_at_3_std": 13.974436822059566, + "nauc_mrr_at_5_diff1": 22.32952591433308, + "nauc_mrr_at_5_max": 30.73176831712025, + "nauc_mrr_at_5_std": 16.342715325686143, + "nauc_ndcg_at_1000_diff1": 20.68334919835569, + "nauc_ndcg_at_1000_max": 34.21022531049543, + "nauc_ndcg_at_1000_std": 26.313749603030463, + "nauc_ndcg_at_100_diff1": 20.447639799171807, + "nauc_ndcg_at_100_max": 34.247023196257224, + "nauc_ndcg_at_100_std": 25.988356397122985, + "nauc_ndcg_at_10_diff1": 20.46219664365058, + "nauc_ndcg_at_10_max": 33.271808323009616, + "nauc_ndcg_at_10_std": 20.75824327885832, + "nauc_ndcg_at_1_diff1": 29.09023107649643, + "nauc_ndcg_at_1_max": 28.781437831148075, + "nauc_ndcg_at_1_std": 10.859190384169706, + "nauc_ndcg_at_20_diff1": 19.91839165528847, + "nauc_ndcg_at_20_max": 33.54934500324453, + "nauc_ndcg_at_20_std": 23.067516920163605, + "nauc_ndcg_at_3_diff1": 24.322792965175527, + "nauc_ndcg_at_3_max": 30.77431581779471, + "nauc_ndcg_at_3_std": 13.201945738125906, + "nauc_ndcg_at_5_diff1": 22.37547197319105, + "nauc_ndcg_at_5_max": 32.14004099798983, + "nauc_ndcg_at_5_std": 16.443363356269806, + "nauc_precision_at_1000_diff1": -1.5800645055248, + "nauc_precision_at_1000_max": 8.632650623787574, + "nauc_precision_at_1000_std": 28.010564457912228, + "nauc_precision_at_100_diff1": 2.0197788349158508, + "nauc_precision_at_100_max": 17.903781905056523, + "nauc_precision_at_100_std": 34.12276803521775, + "nauc_precision_at_10_diff1": 5.914317903654434, + "nauc_precision_at_10_max": 27.53297200127658, + "nauc_precision_at_10_std": 31.364501897988305, + "nauc_precision_at_1_diff1": 29.09023107649643, + "nauc_precision_at_1_max": 28.781437831148075, + "nauc_precision_at_1_std": 10.859190384169706, + "nauc_precision_at_20_diff1": 4.402691674816679, + "nauc_precision_at_20_max": 24.8052790776291, + "nauc_precision_at_20_std": 32.682592522005955, + "nauc_precision_at_3_diff1": 16.25767159002573, + "nauc_precision_at_3_max": 28.30796275407856, + "nauc_precision_at_3_std": 18.447975604763865, + "nauc_precision_at_5_diff1": 10.451308733327542, + "nauc_precision_at_5_max": 27.968704289344625, + "nauc_precision_at_5_std": 24.07217072166287, + "nauc_recall_at_1000_diff1": 8.274192007686432, + "nauc_recall_at_1000_max": 30.71334093691921, + "nauc_recall_at_1000_std": 43.42476485790823, + "nauc_recall_at_100_diff1": 9.41007064464386, + "nauc_recall_at_100_max": 30.034648811370868, + "nauc_recall_at_100_std": 36.63360691686919, + "nauc_recall_at_10_diff1": 11.25193448442526, + "nauc_recall_at_10_max": 30.74114824746309, + "nauc_recall_at_10_std": 25.438844756853836, + "nauc_recall_at_1_diff1": 34.03921764280249, + "nauc_recall_at_1_max": 32.2666508424567, + "nauc_recall_at_1_std": 7.974223760047218, + "nauc_recall_at_20_diff1": 9.287665947610723, + "nauc_recall_at_20_max": 29.952761960932406, + "nauc_recall_at_20_std": 29.924645531487908, + "nauc_recall_at_3_diff1": 21.606548287385916, + "nauc_recall_at_3_max": 29.777104866028566, + "nauc_recall_at_3_std": 12.220986078985876, + "nauc_recall_at_5_diff1": 15.978363998919393, + "nauc_recall_at_5_max": 29.817911179129236, + "nauc_recall_at_5_std": 17.946477998695403, + "ndcg_at_1": 22.345000000000002, + "ndcg_at_10": 25.399, + "ndcg_at_100": 32.971000000000004, + "ndcg_at_1000": 36.259, + "ndcg_at_20": 28.415000000000003, + "ndcg_at_3": 20.219, + "ndcg_at_5": 22.401, + "precision_at_1": 22.345000000000002, + "precision_at_10": 8.078000000000001, + "precision_at_100": 1.6070000000000002, + "precision_at_1000": 0.22100000000000003, + "precision_at_20": 5.313, + "precision_at_3": 15.157000000000002, + "precision_at_5": 12.142999999999999, + "recall_at_1": 10.221, + "recall_at_10": 31.116, + "recall_at_100": 57.091, + "recall_at_1000": 75.482, + "recall_at_20": 39.684999999999995, + "recall_at_3": 18.695, + "recall_at_5": 24.436 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAE-v1/external/DBPedia.json b/results/qinxianliu__FAE-v1/external/DBPedia.json new file mode 100644 index 000000000..a58573efe --- /dev/null +++ b/results/qinxianliu__FAE-v1/external/DBPedia.json @@ -0,0 +1,306 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 41.082, + "map_at_1": 10.076, + "map_at_10": 18.913, + "map_at_100": 25.191000000000003, + "map_at_1000": 26.663999999999998, + "map_at_20": 21.329, + "map_at_3": 13.514999999999999, + "map_at_5": 15.992999999999999, + "mrr_at_1": 67.16417910447761, + "mrr_at_10": 74.317697228145, + "mrr_at_100": 74.69670876387295, + "mrr_at_1000": 74.70178542140164, + "mrr_at_20": 74.53091684434968, + "mrr_at_3": 72.13930348258708, + "mrr_at_5": 73.85572139303483, + "nauc_map_at_1000_diff1": 30.09800759571472, + "nauc_map_at_1000_max": -1.3497567690393804, + "nauc_map_at_1000_std": 6.961762036732097, + "nauc_map_at_100_diff1": 31.93948903070696, + "nauc_map_at_100_max": -3.4325267313315764, + "nauc_map_at_100_std": 3.1030501987381616, + "nauc_map_at_10_diff1": 44.69367164636429, + "nauc_map_at_10_max": -4.397315099792998, + "nauc_map_at_10_std": -16.166939071326567, + "nauc_map_at_1_diff1": 73.90652926358527, + "nauc_map_at_1_max": -11.482006986311312, + "nauc_map_at_1_std": -34.410099711413494, + "nauc_map_at_20_diff1": 38.862446400415976, + "nauc_map_at_20_max": -3.8264787585939146, + "nauc_map_at_20_std": -8.829341599561179, + "nauc_map_at_3_diff1": 58.446514643125546, + "nauc_map_at_3_max": -7.712567178089307, + "nauc_map_at_3_std": -29.71982569232624, + "nauc_map_at_5_diff1": 51.706604621564956, + "nauc_map_at_5_max": -6.420998002297232, + "nauc_map_at_5_std": -25.538086065006834, + "nauc_mrr_at_1000_diff1": 33.70690200864544, + "nauc_mrr_at_1000_max": 22.77281871691665, + "nauc_mrr_at_1000_std": 15.904086286538133, + "nauc_mrr_at_100_diff1": 33.68591676531293, + "nauc_mrr_at_100_max": 22.78769483252825, + "nauc_mrr_at_100_std": 15.923606055174242, + "nauc_mrr_at_10_diff1": 33.31989121228588, + "nauc_mrr_at_10_max": 22.64324046586051, + "nauc_mrr_at_10_std": 16.675247572083972, + "nauc_mrr_at_1_diff1": 34.258353221299345, + "nauc_mrr_at_1_max": 20.775071820183282, + "nauc_mrr_at_1_std": 8.844476196913323, + "nauc_mrr_at_20_diff1": 33.86031177663154, + "nauc_mrr_at_20_max": 23.16149303045647, + "nauc_mrr_at_20_std": 16.14790343768831, + "nauc_mrr_at_3_diff1": 35.236641925246346, + "nauc_mrr_at_3_max": 19.897096032308063, + "nauc_mrr_at_3_std": 15.316107749905477, + "nauc_mrr_at_5_diff1": 33.451089564713996, + "nauc_mrr_at_5_max": 20.857618844899008, + "nauc_mrr_at_5_std": 14.310224332992153, + "nauc_ndcg_at_1000_diff1": 23.37783710484454, + "nauc_ndcg_at_1000_max": 3.1554410028838324, + "nauc_ndcg_at_1000_std": 23.368650667035205, + "nauc_ndcg_at_100_diff1": 25.36016011015884, + "nauc_ndcg_at_100_max": -2.9870339466065423, + "nauc_ndcg_at_100_std": 13.526975308963502, + "nauc_ndcg_at_10_diff1": 20.546747733829783, + "nauc_ndcg_at_10_max": 3.0700366227243223, + "nauc_ndcg_at_10_std": 13.632981110783238, + "nauc_ndcg_at_1_diff1": 30.50145461432147, + "nauc_ndcg_at_1_max": 15.61958578483354, + "nauc_ndcg_at_1_std": 11.372415299601254, + "nauc_ndcg_at_20_diff1": 26.903957769063936, + "nauc_ndcg_at_20_max": 0.8894550165834988, + "nauc_ndcg_at_20_std": 9.697262060367013, + "nauc_ndcg_at_3_diff1": 15.367440472620144, + "nauc_ndcg_at_3_max": 11.978806065925019, + "nauc_ndcg_at_3_std": 15.763384350197649, + "nauc_ndcg_at_5_diff1": 14.898397934536609, + "nauc_ndcg_at_5_max": 6.127037208716966, + "nauc_ndcg_at_5_std": 12.889791516956489, + "nauc_precision_at_1000_diff1": -30.369705753287075, + "nauc_precision_at_1000_max": 16.163692062765833, + "nauc_precision_at_1000_std": 51.27868116654336, + "nauc_precision_at_100_diff1": -32.22473557294723, + "nauc_precision_at_100_max": 10.622480173097035, + "nauc_precision_at_100_std": 57.80778292488512, + "nauc_precision_at_10_diff1": -25.386757030855488, + "nauc_precision_at_10_max": 16.57514477747854, + "nauc_precision_at_10_std": 45.62390282081961, + "nauc_precision_at_1_diff1": 34.258353221299345, + "nauc_precision_at_1_max": 20.775071820183282, + "nauc_precision_at_1_std": 8.844476196913323, + "nauc_precision_at_20_diff1": -29.674195279608597, + "nauc_precision_at_20_max": 12.779644887815497, + "nauc_precision_at_20_std": 50.90160549882857, + "nauc_precision_at_3_diff1": -14.463752009789488, + "nauc_precision_at_3_max": 22.19883399233836, + "nauc_precision_at_3_std": 32.61921046331477, + "nauc_precision_at_5_diff1": -23.18365351833452, + "nauc_precision_at_5_max": 17.004509597034893, + "nauc_precision_at_5_std": 36.01454866802026, + "nauc_recall_at_1000_diff1": 24.54423065380532, + "nauc_recall_at_1000_max": 1.3109545130281266, + "nauc_recall_at_1000_std": 24.538671462398494, + "nauc_recall_at_100_diff1": 21.2327062329365, + "nauc_recall_at_100_max": -13.516412735486899, + "nauc_recall_at_100_std": 7.074236456154338, + "nauc_recall_at_10_diff1": 40.24834958292036, + "nauc_recall_at_10_max": -5.811115602306086, + "nauc_recall_at_10_std": -18.321644392100794, + "nauc_recall_at_1_diff1": 73.90652926358527, + "nauc_recall_at_1_max": -11.482006986311312, + "nauc_recall_at_1_std": -34.410099711413494, + "nauc_recall_at_20_diff1": 36.870009917605906, + "nauc_recall_at_20_max": -0.6273261033724677, + "nauc_recall_at_20_std": -10.369948659774808, + "nauc_recall_at_3_diff1": 59.98361745294743, + "nauc_recall_at_3_max": -7.11702586428315, + "nauc_recall_at_3_std": -29.391484890468465, + "nauc_recall_at_5_diff1": 43.71506592966635, + "nauc_recall_at_5_max": -9.61734701650841, + "nauc_recall_at_5_std": -29.102820181505596, + "ndcg_at_1": 57.462999999999994, + "ndcg_at_10": 41.082, + "ndcg_at_100": 44.795, + "ndcg_at_1000": 52.183, + "ndcg_at_20": 39.428999999999995, + "ndcg_at_3": 46.766999999999996, + "ndcg_at_5": 43.529, + "precision_at_1": 67.164, + "precision_at_10": 30.0, + "precision_at_100": 9.014999999999999, + "precision_at_1000": 1.543, + "precision_at_20": 22.463, + "precision_at_3": 46.269, + "precision_at_5": 37.91, + "recall_at_1": 10.076, + "recall_at_10": 24.232, + "recall_at_100": 51.042, + "recall_at_1000": 72.794, + "recall_at_20": 30.342000000000002, + "recall_at_3": 14.234, + "recall_at_5": 18.72 + } + ], + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 33.877, + "map_at_1": 7.747999999999999, + "map_at_10": 16.249, + "map_at_100": 22.073, + "map_at_1000": 23.26, + "map_at_20": 18.676000000000002, + "map_at_3": 12.051, + "map_at_5": 14.026, + "mrr_at_1": 61.75000000000001, + "mrr_at_10": 68.87886904761906, + "mrr_at_100": 69.36049890869603, + "mrr_at_1000": 69.3759423635831, + "mrr_at_20": 69.11460597151388, + "mrr_at_3": 67.45833333333334, + "mrr_at_5": 68.27083333333334, + "nauc_map_at_1000_diff1": 22.999071798888142, + "nauc_map_at_1000_max": 12.17089846694787, + "nauc_map_at_1000_std": 16.641034611168045, + "nauc_map_at_100_diff1": 23.213196505241946, + "nauc_map_at_100_max": 11.468285498815753, + "nauc_map_at_100_std": 14.946229446582016, + "nauc_map_at_10_diff1": 26.514894630154046, + "nauc_map_at_10_max": 5.8220860476285665, + "nauc_map_at_10_std": 3.5882449701116452, + "nauc_map_at_1_diff1": 40.10410464902219, + "nauc_map_at_1_max": 6.209091812051059, + "nauc_map_at_1_std": -3.9300501744058933, + "nauc_map_at_20_diff1": 25.027183290302307, + "nauc_map_at_20_max": 7.802428294179328, + "nauc_map_at_20_std": 8.459522894649975, + "nauc_map_at_3_diff1": 30.5913846648332, + "nauc_map_at_3_max": 4.609359126401057, + "nauc_map_at_3_std": -1.6864182011613733, + "nauc_map_at_5_diff1": 27.357342264784123, + "nauc_map_at_5_max": 4.9434436942300675, + "nauc_map_at_5_std": 0.7345803317468768, + "nauc_mrr_at_1000_diff1": 42.43463559036219, + "nauc_mrr_at_1000_max": 34.50572587363087, + "nauc_mrr_at_1000_std": 26.930693185615013, + "nauc_mrr_at_100_diff1": 42.43003290385412, + "nauc_mrr_at_100_max": 34.47052993902125, + "nauc_mrr_at_100_std": 26.917660363502616, + "nauc_mrr_at_10_diff1": 42.337689730220546, + "nauc_mrr_at_10_max": 34.63894479919372, + "nauc_mrr_at_10_std": 26.887863967782472, + "nauc_mrr_at_1_diff1": 44.29024811359394, + "nauc_mrr_at_1_max": 34.29066922909066, + "nauc_mrr_at_1_std": 24.091251899805112, + "nauc_mrr_at_20_diff1": 42.39061031651964, + "nauc_mrr_at_20_max": 34.63120371884344, + "nauc_mrr_at_20_std": 27.041811361658425, + "nauc_mrr_at_3_diff1": 43.06061897945819, + "nauc_mrr_at_3_max": 35.51457367428561, + "nauc_mrr_at_3_std": 27.84832422336403, + "nauc_mrr_at_5_diff1": 42.354173150289114, + "nauc_mrr_at_5_max": 34.728786475313555, + "nauc_mrr_at_5_std": 26.984433059805628, + "nauc_ndcg_at_1000_diff1": 25.905209532055196, + "nauc_ndcg_at_1000_max": 18.580827451970883, + "nauc_ndcg_at_1000_std": 24.064192111652698, + "nauc_ndcg_at_100_diff1": 26.849130307841897, + "nauc_ndcg_at_100_max": 15.796124267498652, + "nauc_ndcg_at_100_std": 18.411189064752673, + "nauc_ndcg_at_10_diff1": 27.25464886541768, + "nauc_ndcg_at_10_max": 18.23969459299657, + "nauc_ndcg_at_10_std": 19.095386665972626, + "nauc_ndcg_at_1_diff1": 40.82492682186199, + "nauc_ndcg_at_1_max": 30.10649228672415, + "nauc_ndcg_at_1_std": 20.815958306998617, + "nauc_ndcg_at_20_diff1": 27.548118727331005, + "nauc_ndcg_at_20_max": 15.983269733641444, + "nauc_ndcg_at_20_std": 18.002799450861154, + "nauc_ndcg_at_3_diff1": 29.2813099687535, + "nauc_ndcg_at_3_max": 24.24218982813808, + "nauc_ndcg_at_3_std": 21.25938075987237, + "nauc_ndcg_at_5_diff1": 26.21806794596253, + "nauc_ndcg_at_5_max": 21.243518102388713, + "nauc_ndcg_at_5_std": 21.02580570986289, + "nauc_precision_at_1000_diff1": -8.775389520384143, + "nauc_precision_at_1000_max": 5.029969697153755, + "nauc_precision_at_1000_std": 20.816713655529476, + "nauc_precision_at_100_diff1": 1.0510729347556544, + "nauc_precision_at_100_max": 15.189090107224548, + "nauc_precision_at_100_std": 31.858857741393088, + "nauc_precision_at_10_diff1": 5.9173915989359855, + "nauc_precision_at_10_max": 19.000874926721213, + "nauc_precision_at_10_std": 29.18148690408507, + "nauc_precision_at_1_diff1": 44.29024811359394, + "nauc_precision_at_1_max": 34.29066922909066, + "nauc_precision_at_1_std": 24.091251899805112, + "nauc_precision_at_20_diff1": 4.726294548950094, + "nauc_precision_at_20_max": 17.040746429498224, + "nauc_precision_at_20_std": 31.74638416532305, + "nauc_precision_at_3_diff1": 13.601969698718037, + "nauc_precision_at_3_max": 25.123755235798455, + "nauc_precision_at_3_std": 25.267703633615284, + "nauc_precision_at_5_diff1": 7.173927896331056, + "nauc_precision_at_5_max": 21.841668754317656, + "nauc_precision_at_5_std": 26.812365726085023, + "nauc_recall_at_1000_diff1": 11.093709711713867, + "nauc_recall_at_1000_max": 11.695242231010585, + "nauc_recall_at_1000_std": 22.202239608966103, + "nauc_recall_at_100_diff1": 15.368793134399015, + "nauc_recall_at_100_max": 6.83013728154927, + "nauc_recall_at_100_std": 12.253425873613546, + "nauc_recall_at_10_diff1": 20.74803162478801, + "nauc_recall_at_10_max": 0.07094602798193912, + "nauc_recall_at_10_std": -1.4156316321665843, + "nauc_recall_at_1_diff1": 40.10410464902219, + "nauc_recall_at_1_max": 6.209091812051059, + "nauc_recall_at_1_std": -3.9300501744058933, + "nauc_recall_at_20_diff1": 17.588315925948816, + "nauc_recall_at_20_max": 3.216499945934194, + "nauc_recall_at_20_std": 4.968650541699769, + "nauc_recall_at_3_diff1": 25.365356671365795, + "nauc_recall_at_3_max": 1.3196122581425804, + "nauc_recall_at_3_std": -4.2660129120939185, + "nauc_recall_at_5_diff1": 22.011724392645593, + "nauc_recall_at_5_max": 0.9885859768431919, + "nauc_recall_at_5_std": -2.8469140839855713, + "ndcg_at_1": 49.0, + "ndcg_at_10": 33.877, + "ndcg_at_100": 37.607, + "ndcg_at_1000": 44.985, + "ndcg_at_20": 33.316, + "ndcg_at_3": 39.545, + "ndcg_at_5": 36.76, + "precision_at_1": 61.75000000000001, + "precision_at_10": 25.775, + "precision_at_100": 7.868, + "precision_at_1000": 1.5939999999999999, + "precision_at_20": 19.436999999999998, + "precision_at_3": 42.833, + "precision_at_5": 35.699999999999996, + "recall_at_1": 7.747999999999999, + "recall_at_10": 21.208, + "recall_at_100": 43.362, + "recall_at_1000": 67.43299999999999, + "recall_at_20": 27.123, + "recall_at_3": 13.600000000000001, + "recall_at_5": 16.645 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAE-v1/external/FEVER.json b/results/qinxianliu__FAE-v1/external/FEVER.json new file mode 100644 index 000000000..74e85ca17 --- /dev/null +++ b/results/qinxianliu__FAE-v1/external/FEVER.json @@ -0,0 +1,455 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 78.733, + "map_at_1": 62.551, + "map_at_10": 73.40100000000001, + "map_at_100": 73.644, + "map_at_1000": 73.65899999999999, + "map_at_20": 73.55000000000001, + "map_at_3": 72.001, + "map_at_5": 72.97, + "mrr_at_1": 67.77677767776777, + "mrr_at_10": 78.77544897346857, + "mrr_at_100": 78.90825381476641, + "mrr_at_1000": 78.91215691959242, + "mrr_at_20": 78.86251015091524, + "mrr_at_3": 77.47524752475235, + "mrr_at_5": 78.44209420942065, + "nauc_map_at_1000_diff1": 52.48987029458144, + "nauc_map_at_1000_max": 10.664936592357375, + "nauc_map_at_1000_std": -17.667688172661283, + "nauc_map_at_100_diff1": 52.475322981826785, + "nauc_map_at_100_max": 10.660248522319325, + "nauc_map_at_100_std": -17.66890802294077, + "nauc_map_at_10_diff1": 52.41933439641123, + "nauc_map_at_10_max": 10.610747694998194, + "nauc_map_at_10_std": -17.71746840452197, + "nauc_map_at_1_diff1": 58.52826075098423, + "nauc_map_at_1_max": 8.463773779026122, + "nauc_map_at_1_std": -19.681582709594593, + "nauc_map_at_20_diff1": 52.41676757556304, + "nauc_map_at_20_max": 10.640949106955627, + "nauc_map_at_20_std": -17.667790218384642, + "nauc_map_at_3_diff1": 52.768496340899794, + "nauc_map_at_3_max": 10.812670060800349, + "nauc_map_at_3_std": -18.664456215333754, + "nauc_map_at_5_diff1": 52.339629643026996, + "nauc_map_at_5_max": 10.4993253898463, + "nauc_map_at_5_std": -18.135688138103678, + "nauc_mrr_at_1000_diff1": 64.87289095649817, + "nauc_mrr_at_1000_max": 11.79096615319252, + "nauc_mrr_at_1000_std": -23.140298943864966, + "nauc_mrr_at_100_diff1": 64.86688893846517, + "nauc_mrr_at_100_max": 11.801344546033398, + "nauc_mrr_at_100_std": -23.130116134097236, + "nauc_mrr_at_10_diff1": 64.79858044294573, + "nauc_mrr_at_10_max": 11.957980333137353, + "nauc_mrr_at_10_std": -23.10134949008299, + "nauc_mrr_at_1_diff1": 67.98187830680281, + "nauc_mrr_at_1_max": 8.430456944819847, + "nauc_mrr_at_1_std": -24.180274828187986, + "nauc_mrr_at_20_diff1": 64.8178068520288, + "nauc_mrr_at_20_max": 11.890390732426004, + "nauc_mrr_at_20_std": -23.08383835753776, + "nauc_mrr_at_3_diff1": 64.5822931870967, + "nauc_mrr_at_3_max": 11.846561432973784, + "nauc_mrr_at_3_std": -24.0217196950249, + "nauc_mrr_at_5_diff1": 64.6705515829964, + "nauc_mrr_at_5_max": 11.810833343075391, + "nauc_mrr_at_5_std": -23.4760156837488, + "nauc_ndcg_at_1000_diff1": 52.57824263422626, + "nauc_ndcg_at_1000_max": 11.963436900039877, + "nauc_ndcg_at_1000_std": -17.136048467063404, + "nauc_ndcg_at_100_diff1": 52.21871711013899, + "nauc_ndcg_at_100_max": 11.948581000329908, + "nauc_ndcg_at_100_std": -17.067384217741644, + "nauc_ndcg_at_10_diff1": 51.90296471932436, + "nauc_ndcg_at_10_max": 12.045170993905122, + "nauc_ndcg_at_10_std": -17.113779225638815, + "nauc_ndcg_at_1_diff1": 67.98187830680281, + "nauc_ndcg_at_1_max": 8.430456944819847, + "nauc_ndcg_at_1_std": -24.180274828187986, + "nauc_ndcg_at_20_diff1": 51.84965947768843, + "nauc_ndcg_at_20_max": 12.033985290566267, + "nauc_ndcg_at_20_std": -16.925547459453313, + "nauc_ndcg_at_3_diff1": 52.99114743736963, + "nauc_ndcg_at_3_max": 12.348700451103081, + "nauc_ndcg_at_3_std": -19.32393118090413, + "nauc_ndcg_at_5_diff1": 51.9252475988814, + "nauc_ndcg_at_5_max": 11.68782812717562, + "nauc_ndcg_at_5_std": -18.248658060168903, + "nauc_precision_at_1000_diff1": -12.200427930452975, + "nauc_precision_at_1000_max": 11.251233642012158, + "nauc_precision_at_1000_std": 13.517901233284999, + "nauc_precision_at_100_diff1": -8.549021827158771, + "nauc_precision_at_100_max": 15.000279630028036, + "nauc_precision_at_100_std": 11.502473243725603, + "nauc_precision_at_10_diff1": 17.88422126587607, + "nauc_precision_at_10_max": 20.019673853279887, + "nauc_precision_at_10_std": 1.190884481118499, + "nauc_precision_at_1_diff1": 67.98187830680281, + "nauc_precision_at_1_max": 8.430456944819847, + "nauc_precision_at_1_std": -24.180274828187986, + "nauc_precision_at_20_diff1": 4.389291882999967, + "nauc_precision_at_20_max": 17.4848124010861, + "nauc_precision_at_20_std": 7.569669768542804, + "nauc_precision_at_3_diff1": 46.316559447630574, + "nauc_precision_at_3_max": 17.86481657590671, + "nauc_precision_at_3_std": -22.15325922918617, + "nauc_precision_at_5_diff1": 33.45441282194675, + "nauc_precision_at_5_max": 18.548035212190584, + "nauc_precision_at_5_std": -13.475971908123352, + "nauc_recall_at_1000_diff1": 1.6181581604468982, + "nauc_recall_at_1000_max": 15.381003938118356, + "nauc_recall_at_1000_std": 10.999990299243986, + "nauc_recall_at_100_diff1": 8.532991753906769, + "nauc_recall_at_100_max": 15.074071773459998, + "nauc_recall_at_100_std": 5.7771827828601765, + "nauc_recall_at_10_diff1": 21.822143732902312, + "nauc_recall_at_10_max": 16.411240097114323, + "nauc_recall_at_10_std": -1.8055469368080108, + "nauc_recall_at_1_diff1": 58.52826075098423, + "nauc_recall_at_1_max": 8.463773779026122, + "nauc_recall_at_1_std": -19.681582709594593, + "nauc_recall_at_20_diff1": 16.225507302650435, + "nauc_recall_at_20_max": 16.523596305541236, + "nauc_recall_at_20_std": 2.0720820604545187, + "nauc_recall_at_3_diff1": 36.608001865822175, + "nauc_recall_at_3_max": 15.427718860009449, + "nauc_recall_at_3_std": -15.098070111418377, + "nauc_recall_at_5_diff1": 28.08164003314627, + "nauc_recall_at_5_max": 13.70006467965717, + "nauc_recall_at_5_std": -10.106255726964358, + "ndcg_at_1": 67.777, + "ndcg_at_10": 78.733, + "ndcg_at_100": 79.686, + "ndcg_at_1000": 79.97, + "ndcg_at_20": 79.181, + "ndcg_at_3": 76.265, + "ndcg_at_5": 77.828, + "precision_at_1": 67.777, + "precision_at_10": 9.856, + "precision_at_100": 1.052, + "precision_at_1000": 0.109, + "precision_at_20": 5.054, + "precision_at_3": 30.142999999999997, + "precision_at_5": 19.003999999999998, + "recall_at_1": 62.551, + "recall_at_10": 89.81099999999999, + "recall_at_100": 93.792, + "recall_at_1000": 95.67999999999999, + "recall_at_20": 91.43599999999999, + "recall_at_3": 83.128, + "recall_at_5": 87.06 + } + ], + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 77.01599999999999, + "map_at_1": 61.096, + "map_at_10": 71.785, + "map_at_100": 72.08, + "map_at_1000": 72.098, + "map_at_20": 71.983, + "map_at_3": 70.223, + "map_at_5": 71.275, + "mrr_at_1": 65.57155715571558, + "mrr_at_10": 76.57649693540769, + "mrr_at_100": 76.7804052436104, + "mrr_at_1000": 76.78703300784552, + "mrr_at_20": 76.72581781354887, + "mrr_at_3": 75.1650165016501, + "mrr_at_5": 76.13786378637842, + "nauc_map_at_1000_diff1": 51.63097865850852, + "nauc_map_at_1000_max": 4.915061015770488, + "nauc_map_at_1000_std": -21.092346637769268, + "nauc_map_at_100_diff1": 51.61856713067973, + "nauc_map_at_100_max": 4.914838540289684, + "nauc_map_at_100_std": -21.08511032550205, + "nauc_map_at_10_diff1": 51.473002870341546, + "nauc_map_at_10_max": 4.9803269719780925, + "nauc_map_at_10_std": -21.18412276831866, + "nauc_map_at_1_diff1": 55.684046734089655, + "nauc_map_at_1_max": 1.7373582783323214, + "nauc_map_at_1_std": -22.9207108168166, + "nauc_map_at_20_diff1": 51.571203044798686, + "nauc_map_at_20_max": 4.9440246910117125, + "nauc_map_at_20_std": -21.09098090536068, + "nauc_map_at_3_diff1": 51.412749154616236, + "nauc_map_at_3_max": 4.574358528555343, + "nauc_map_at_3_std": -22.525258272937755, + "nauc_map_at_5_diff1": 51.41936703297046, + "nauc_map_at_5_max": 4.817781883558426, + "nauc_map_at_5_std": -21.665727507109345, + "nauc_mrr_at_1000_diff1": 60.41791343792997, + "nauc_mrr_at_1000_max": 5.788945682336818, + "nauc_mrr_at_1000_std": -26.846625323410073, + "nauc_mrr_at_100_diff1": 60.41595440796821, + "nauc_mrr_at_100_max": 5.806031684141305, + "nauc_mrr_at_100_std": -26.829649265532073, + "nauc_mrr_at_10_diff1": 60.33401984339295, + "nauc_mrr_at_10_max": 5.9797473133140775, + "nauc_mrr_at_10_std": -26.858662167130003, + "nauc_mrr_at_1_diff1": 62.980020706082584, + "nauc_mrr_at_1_max": 1.7629523146633956, + "nauc_mrr_at_1_std": -27.12083461885724, + "nauc_mrr_at_20_diff1": 60.37791438401665, + "nauc_mrr_at_20_max": 5.886200800178032, + "nauc_mrr_at_20_std": -26.796436611712505, + "nauc_mrr_at_3_diff1": 59.99701280354823, + "nauc_mrr_at_3_max": 5.431123402152367, + "nauc_mrr_at_3_std": -28.368980803937347, + "nauc_mrr_at_5_diff1": 60.26319538665519, + "nauc_mrr_at_5_max": 5.8877885195713064, + "nauc_mrr_at_5_std": -27.309434080216505, + "nauc_ndcg_at_1000_diff1": 51.985432785854734, + "nauc_ndcg_at_1000_max": 6.462071276140437, + "nauc_ndcg_at_1000_std": -19.972000134207313, + "nauc_ndcg_at_100_diff1": 51.74454183993189, + "nauc_ndcg_at_100_max": 6.570571638383151, + "nauc_ndcg_at_100_std": -19.60711871144359, + "nauc_ndcg_at_10_diff1": 51.18558815232156, + "nauc_ndcg_at_10_max": 7.0881674552117815, + "nauc_ndcg_at_10_std": -20.078186453138716, + "nauc_ndcg_at_1_diff1": 62.980020706082584, + "nauc_ndcg_at_1_max": 1.7629523146633956, + "nauc_ndcg_at_1_std": -27.12083461885724, + "nauc_ndcg_at_20_diff1": 51.41658155548281, + "nauc_ndcg_at_20_max": 6.909105810286636, + "nauc_ndcg_at_20_std": -19.617491445726966, + "nauc_ndcg_at_3_diff1": 51.48177616145584, + "nauc_ndcg_at_3_max": 6.070494219520841, + "nauc_ndcg_at_3_std": -23.50961069934079, + "nauc_ndcg_at_5_diff1": 51.29139380525894, + "nauc_ndcg_at_5_max": 6.68383598132241, + "nauc_ndcg_at_5_std": -21.469049400381444, + "nauc_precision_at_1000_diff1": -3.8556912366737577, + "nauc_precision_at_1000_max": 11.699181947135084, + "nauc_precision_at_1000_std": 8.902196859794744, + "nauc_precision_at_100_diff1": 6.704220179265106, + "nauc_precision_at_100_max": 14.735056719174263, + "nauc_precision_at_100_std": 10.17234243510419, + "nauc_precision_at_10_diff1": 28.59095271235099, + "nauc_precision_at_10_max": 20.36719237369122, + "nauc_precision_at_10_std": -4.905036798818033, + "nauc_precision_at_1_diff1": 62.980020706082584, + "nauc_precision_at_1_max": 1.7629523146633956, + "nauc_precision_at_1_std": -27.12083461885724, + "nauc_precision_at_20_diff1": 19.90968217192039, + "nauc_precision_at_20_max": 19.69549594598585, + "nauc_precision_at_20_std": 4.168008905315463, + "nauc_precision_at_3_diff1": 47.366022520235965, + "nauc_precision_at_3_max": 12.690843255823875, + "nauc_precision_at_3_std": -27.789475411692393, + "nauc_precision_at_5_diff1": 40.08374052492892, + "nauc_precision_at_5_max": 16.53287096976902, + "nauc_precision_at_5_std": -18.258327732843924, + "nauc_recall_at_1000_diff1": 13.685436043672015, + "nauc_recall_at_1000_max": 15.947339805185706, + "nauc_recall_at_1000_std": 23.857143783414646, + "nauc_recall_at_100_diff1": 22.673464325403366, + "nauc_recall_at_100_max": 15.685585465742562, + "nauc_recall_at_100_std": 15.370660247278328, + "nauc_recall_at_10_diff1": 30.392297357040775, + "nauc_recall_at_10_max": 16.93769479664425, + "nauc_recall_at_10_std": -1.6100734050101688, + "nauc_recall_at_1_diff1": 55.684046734089655, + "nauc_recall_at_1_max": 1.7373582783323214, + "nauc_recall_at_1_std": -22.9207108168166, + "nauc_recall_at_20_diff1": 26.748548917491366, + "nauc_recall_at_20_max": 17.45183827231391, + "nauc_recall_at_20_std": 6.306176923496834, + "nauc_recall_at_3_diff1": 39.285296557314446, + "nauc_recall_at_3_max": 9.819716640060031, + "nauc_recall_at_3_std": -18.991838247478572, + "nauc_recall_at_5_diff1": 35.45702565655531, + "nauc_recall_at_5_max": 12.96600344961928, + "nauc_recall_at_5_std": -11.260660140524188, + "ndcg_at_1": 65.572, + "ndcg_at_10": 77.01599999999999, + "ndcg_at_100": 78.19, + "ndcg_at_1000": 78.57600000000001, + "ndcg_at_20": 77.643, + "ndcg_at_3": 74.197, + "ndcg_at_5": 75.911, + "precision_at_1": 65.572, + "precision_at_10": 9.64, + "precision_at_100": 1.035, + "precision_at_1000": 0.108, + "precision_at_20": 4.967, + "precision_at_3": 29.122999999999998, + "precision_at_5": 18.455, + "recall_at_1": 61.096, + "recall_at_10": 88.324, + "recall_at_100": 93.24900000000001, + "recall_at_1000": 95.909, + "recall_at_20": 90.637, + "recall_at_3": 80.764, + "recall_at_5": 85.03699999999999 + } + ], + "train": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 75.178, + "map_at_1": 56.69800000000001, + "map_at_10": 69.03, + "map_at_100": 69.356, + "map_at_1000": 69.376, + "map_at_20": 69.23, + "map_at_3": 67.244, + "map_at_5": 68.453, + "mrr_at_1": 62.89408979145797, + "mrr_at_10": 75.55718716165806, + "mrr_at_100": 75.72827278132962, + "mrr_at_1000": 75.7321143863554, + "mrr_at_20": 75.67569568961308, + "mrr_at_3": 73.994323528518, + "mrr_at_5": 75.10979570773371, + "nauc_map_at_1000_diff1": 46.00719605496398, + "nauc_map_at_1000_max": -4.6290019017154505, + "nauc_map_at_1000_std": -26.57090009477155, + "nauc_map_at_100_diff1": 45.9931315927717, + "nauc_map_at_100_max": -4.630628515009392, + "nauc_map_at_100_std": -26.569009323890057, + "nauc_map_at_10_diff1": 45.885881031887195, + "nauc_map_at_10_max": -4.73661610579676, + "nauc_map_at_10_std": -26.651282689719825, + "nauc_map_at_1_diff1": 51.61067039615257, + "nauc_map_at_1_max": -5.912176791064418, + "nauc_map_at_1_std": -26.73199421625715, + "nauc_map_at_20_diff1": 45.9394723073436, + "nauc_map_at_20_max": -4.679362078101658, + "nauc_map_at_20_std": -26.581465275601225, + "nauc_map_at_3_diff1": 46.09208303488493, + "nauc_map_at_3_max": -5.000378314483938, + "nauc_map_at_3_std": -28.035600650530423, + "nauc_map_at_5_diff1": 45.83989373943059, + "nauc_map_at_5_max": -4.762409336049492, + "nauc_map_at_5_std": -27.04139291994486, + "nauc_mrr_at_1000_diff1": 57.22080041784503, + "nauc_mrr_at_1000_max": -7.559735959259832, + "nauc_mrr_at_1000_std": -36.06780261683784, + "nauc_mrr_at_100_diff1": 57.216122150177306, + "nauc_mrr_at_100_max": -7.552663130989469, + "nauc_mrr_at_100_std": -36.062578610850544, + "nauc_mrr_at_10_diff1": 57.10851823395132, + "nauc_mrr_at_10_max": -7.542889326437044, + "nauc_mrr_at_10_std": -36.12572740742331, + "nauc_mrr_at_1_diff1": 60.800668298809924, + "nauc_mrr_at_1_max": -8.465839350003142, + "nauc_mrr_at_1_std": -33.72137039195196, + "nauc_mrr_at_20_diff1": 57.17414925251303, + "nauc_mrr_at_20_max": -7.538626918370051, + "nauc_mrr_at_20_std": -36.05410829602219, + "nauc_mrr_at_3_diff1": 56.786598968499625, + "nauc_mrr_at_3_max": -7.817474281376434, + "nauc_mrr_at_3_std": -37.48946048102713, + "nauc_mrr_at_5_diff1": 56.91189357630082, + "nauc_mrr_at_5_max": -7.534459040823431, + "nauc_mrr_at_5_std": -36.54634829477728, + "nauc_ndcg_at_1000_diff1": 46.04500419699129, + "nauc_ndcg_at_1000_max": -4.189198992434835, + "nauc_ndcg_at_1000_std": -26.69159960774577, + "nauc_ndcg_at_100_diff1": 45.63671178513306, + "nauc_ndcg_at_100_max": -4.102353645683059, + "nauc_ndcg_at_100_std": -26.474813777427986, + "nauc_ndcg_at_10_diff1": 45.13676857152285, + "nauc_ndcg_at_10_max": -4.442658370155122, + "nauc_ndcg_at_10_std": -26.86069086475348, + "nauc_ndcg_at_1_diff1": 60.800668298809924, + "nauc_ndcg_at_1_max": -8.465839350003142, + "nauc_ndcg_at_1_std": -33.72137039195196, + "nauc_ndcg_at_20_diff1": 45.27383293085885, + "nauc_ndcg_at_20_max": -4.257431248334434, + "nauc_ndcg_at_20_std": -26.501761398091432, + "nauc_ndcg_at_3_diff1": 46.22507166397185, + "nauc_ndcg_at_3_max": -5.033673403980572, + "nauc_ndcg_at_3_std": -30.48328711306791, + "nauc_ndcg_at_5_diff1": 45.25084767666104, + "nauc_ndcg_at_5_max": -4.539138452988517, + "nauc_ndcg_at_5_std": -28.1747440582146, + "nauc_precision_at_1000_diff1": -8.356176709518975, + "nauc_precision_at_1000_max": 6.594810628391666, + "nauc_precision_at_1000_std": 5.908424424289657, + "nauc_precision_at_100_diff1": -6.7298115042293, + "nauc_precision_at_100_max": 7.508918957974534, + "nauc_precision_at_100_std": 4.445027204744674, + "nauc_precision_at_10_diff1": 13.54043995262931, + "nauc_precision_at_10_max": -0.9990773593457198, + "nauc_precision_at_10_std": -15.343765046417431, + "nauc_precision_at_1_diff1": 60.800668298809924, + "nauc_precision_at_1_max": -8.465839350003142, + "nauc_precision_at_1_std": -33.72137039195196, + "nauc_precision_at_20_diff1": 3.503017941719709, + "nauc_precision_at_20_max": 3.2202495287479893, + "nauc_precision_at_20_std": -5.422797656026468, + "nauc_precision_at_3_diff1": 40.27721686754562, + "nauc_precision_at_3_max": -7.188251060091097, + "nauc_precision_at_3_std": -41.901100372340736, + "nauc_precision_at_5_diff1": 28.37376774236551, + "nauc_precision_at_5_max": -4.355269690930035, + "nauc_precision_at_5_std": -30.68640884085966, + "nauc_recall_at_1000_diff1": -1.5937543556866878, + "nauc_recall_at_1000_max": 11.651647002278958, + "nauc_recall_at_1000_std": 16.74872517690029, + "nauc_recall_at_100_diff1": 4.75635638149212, + "nauc_recall_at_100_max": 9.144754777216361, + "nauc_recall_at_100_std": 8.027535843729908, + "nauc_recall_at_10_diff1": 16.97352486994147, + "nauc_recall_at_10_max": 2.5860251662789357, + "nauc_recall_at_10_std": -7.705436428810265, + "nauc_recall_at_1_diff1": 51.61067039615257, + "nauc_recall_at_1_max": -5.912176791064418, + "nauc_recall_at_1_std": -26.73199421625715, + "nauc_recall_at_20_diff1": 12.44122840481217, + "nauc_recall_at_20_max": 5.003860314617263, + "nauc_recall_at_20_std": -1.3394622957549873, + "nauc_recall_at_3_diff1": 30.595919808420476, + "nauc_recall_at_3_max": -2.308731953248105, + "nauc_recall_at_3_std": -26.083827331730074, + "nauc_recall_at_5_diff1": 23.59833609710415, + "nauc_recall_at_5_max": 0.5137481793363372, + "nauc_recall_at_5_std": -17.417403680269544, + "ndcg_at_1": 62.894000000000005, + "ndcg_at_10": 75.178, + "ndcg_at_100": 76.446, + "ndcg_at_1000": 76.823, + "ndcg_at_20": 75.775, + "ndcg_at_3": 72.128, + "ndcg_at_5": 73.994, + "precision_at_1": 62.894000000000005, + "precision_at_10": 9.889000000000001, + "precision_at_100": 1.081, + "precision_at_1000": 0.11399999999999999, + "precision_at_20": 5.11, + "precision_at_3": 29.488999999999997, + "precision_at_5": 18.838, + "recall_at_1": 56.69800000000001, + "recall_at_10": 87.679, + "recall_at_100": 92.884, + "recall_at_1000": 95.309, + "recall_at_20": 89.81, + "recall_at_3": 79.286, + "recall_at_5": 84.096 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAE-v1/external/FiQA2018.json b/results/qinxianliu__FAE-v1/external/FiQA2018.json new file mode 100644 index 000000000..a9a9a0fe8 --- /dev/null +++ b/results/qinxianliu__FAE-v1/external/FiQA2018.json @@ -0,0 +1,455 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 33.42, + "map_at_1": 17.406, + "map_at_10": 26.491, + "map_at_100": 28.214, + "map_at_1000": 28.388999999999996, + "map_at_20": 27.436, + "map_at_3": 22.861, + "map_at_5": 24.741, + "mrr_at_1": 30.599999999999998, + "mrr_at_10": 39.10126984126983, + "mrr_at_100": 39.89143998249813, + "mrr_at_1000": 39.95029151288462, + "mrr_at_20": 39.51899846026005, + "mrr_at_3": 36.533333333333346, + "mrr_at_5": 37.85333333333333, + "nauc_map_at_1000_diff1": 43.61772145860306, + "nauc_map_at_1000_max": 13.202558623627908, + "nauc_map_at_1000_std": -7.4343848124231515, + "nauc_map_at_100_diff1": 43.6602075542336, + "nauc_map_at_100_max": 13.16116376976597, + "nauc_map_at_100_std": -7.543415362820981, + "nauc_map_at_10_diff1": 44.302484195329, + "nauc_map_at_10_max": 11.877145142454852, + "nauc_map_at_10_std": -9.827102368035346, + "nauc_map_at_1_diff1": 49.82149440548484, + "nauc_map_at_1_max": 6.192930807192855, + "nauc_map_at_1_std": -14.599782827699444, + "nauc_map_at_20_diff1": 44.1222427311684, + "nauc_map_at_20_max": 12.484887470062391, + "nauc_map_at_20_std": -8.672634936449432, + "nauc_map_at_3_diff1": 44.60948650724676, + "nauc_map_at_3_max": 8.231176500907413, + "nauc_map_at_3_std": -12.919498862646584, + "nauc_map_at_5_diff1": 44.53742046211246, + "nauc_map_at_5_max": 9.790601212944738, + "nauc_map_at_5_std": -11.258621710081457, + "nauc_mrr_at_1000_diff1": 43.25421685866699, + "nauc_mrr_at_1000_max": 19.667007356032464, + "nauc_mrr_at_1000_std": -2.3400834852856605, + "nauc_mrr_at_100_diff1": 43.22150457011378, + "nauc_mrr_at_100_max": 19.629109841947315, + "nauc_mrr_at_100_std": -2.357407100796899, + "nauc_mrr_at_10_diff1": 43.31839259585437, + "nauc_mrr_at_10_max": 19.592844895093048, + "nauc_mrr_at_10_std": -2.7004369883854027, + "nauc_mrr_at_1_diff1": 48.651896397962034, + "nauc_mrr_at_1_max": 16.820108257824995, + "nauc_mrr_at_1_std": -6.983949928735184, + "nauc_mrr_at_20_diff1": 43.25430686088468, + "nauc_mrr_at_20_max": 19.688096142987984, + "nauc_mrr_at_20_std": -2.4671321839401785, + "nauc_mrr_at_3_diff1": 44.24441295932301, + "nauc_mrr_at_3_max": 19.05698728557868, + "nauc_mrr_at_3_std": -3.154565087744668, + "nauc_mrr_at_5_diff1": 43.50776463105927, + "nauc_mrr_at_5_max": 19.35836525574652, + "nauc_mrr_at_5_std": -2.4720674822473, + "nauc_ndcg_at_1000_diff1": 40.864244804098874, + "nauc_ndcg_at_1000_max": 18.209540515122054, + "nauc_ndcg_at_1000_std": -0.5402718841807171, + "nauc_ndcg_at_100_diff1": 40.753091985611796, + "nauc_ndcg_at_100_max": 17.520225819242018, + "nauc_ndcg_at_100_std": -1.0548622076740275, + "nauc_ndcg_at_10_diff1": 42.15606423950494, + "nauc_ndcg_at_10_max": 15.596086688074742, + "nauc_ndcg_at_10_std": -6.144903429526423, + "nauc_ndcg_at_1_diff1": 48.651896397962034, + "nauc_ndcg_at_1_max": 16.820108257824995, + "nauc_ndcg_at_1_std": -6.983949928735184, + "nauc_ndcg_at_20_diff1": 41.790944408827656, + "nauc_ndcg_at_20_max": 16.312409186635055, + "nauc_ndcg_at_20_std": -4.370443681127962, + "nauc_ndcg_at_3_diff1": 41.467966216594675, + "nauc_ndcg_at_3_max": 13.64111435233272, + "nauc_ndcg_at_3_std": -6.621447206518377, + "nauc_ndcg_at_5_diff1": 41.85530080106161, + "nauc_ndcg_at_5_max": 13.250571113894882, + "nauc_ndcg_at_5_std": -6.13566603638302, + "nauc_precision_at_1000_diff1": -6.038371166732508, + "nauc_precision_at_1000_max": 24.12563678597963, + "nauc_precision_at_1000_std": 31.218077023489936, + "nauc_precision_at_100_diff1": 2.861199632522118, + "nauc_precision_at_100_max": 28.072166337971225, + "nauc_precision_at_100_std": 30.809349926643858, + "nauc_precision_at_10_diff1": 19.20435759151446, + "nauc_precision_at_10_max": 28.472441092491056, + "nauc_precision_at_10_std": 14.30218430250067, + "nauc_precision_at_1_diff1": 48.651896397962034, + "nauc_precision_at_1_max": 16.820108257824995, + "nauc_precision_at_1_std": -6.983949928735184, + "nauc_precision_at_20_diff1": 14.44737883283875, + "nauc_precision_at_20_max": 28.578536102868448, + "nauc_precision_at_20_std": 21.122551928783377, + "nauc_precision_at_3_diff1": 28.241465477008486, + "nauc_precision_at_3_max": 20.84863890223552, + "nauc_precision_at_3_std": 1.9195034709844172, + "nauc_precision_at_5_diff1": 24.492480347655935, + "nauc_precision_at_5_max": 23.223752317895872, + "nauc_precision_at_5_std": 8.537820097152538, + "nauc_recall_at_1000_diff1": 18.28449619005029, + "nauc_recall_at_1000_max": 23.58000759713945, + "nauc_recall_at_1000_std": 19.294611968022725, + "nauc_recall_at_100_diff1": 25.16950801495908, + "nauc_recall_at_100_max": 16.993444562169078, + "nauc_recall_at_100_std": 10.243452163209701, + "nauc_recall_at_10_diff1": 33.396660744323555, + "nauc_recall_at_10_max": 13.858698800333425, + "nauc_recall_at_10_std": -5.618564900228287, + "nauc_recall_at_1_diff1": 49.82149440548484, + "nauc_recall_at_1_max": 6.192930807192855, + "nauc_recall_at_1_std": -14.599782827699444, + "nauc_recall_at_20_diff1": 31.125895504148733, + "nauc_recall_at_20_max": 15.436664980664904, + "nauc_recall_at_20_std": -1.617391698238, + "nauc_recall_at_3_diff1": 37.942966184869434, + "nauc_recall_at_3_max": 7.278075553283932, + "nauc_recall_at_3_std": -10.633419906460126, + "nauc_recall_at_5_diff1": 35.52695135847097, + "nauc_recall_at_5_max": 9.01781839017758, + "nauc_recall_at_5_std": -7.004161867466598, + "ndcg_at_1": 30.599999999999998, + "ndcg_at_10": 33.42, + "ndcg_at_100": 39.922000000000004, + "ndcg_at_1000": 43.348, + "ndcg_at_20": 35.811, + "ndcg_at_3": 29.146, + "ndcg_at_5": 30.486, + "precision_at_1": 30.599999999999998, + "precision_at_10": 8.98, + "precision_at_100": 1.5879999999999999, + "precision_at_1000": 0.214, + "precision_at_20": 5.52, + "precision_at_3": 18.2, + "precision_at_5": 13.68, + "recall_at_1": 17.406, + "recall_at_10": 41.146, + "recall_at_100": 65.867, + "recall_at_1000": 87.668, + "recall_at_20": 48.537, + "recall_at_3": 27.054000000000002, + "recall_at_5": 32.318999999999996 + } + ], + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 29.255, + "map_at_1": 13.569999999999999, + "map_at_10": 22.776, + "map_at_100": 24.58, + "map_at_1000": 24.8, + "map_at_20": 23.684, + "map_at_3": 19.428, + "map_at_5": 21.245, + "mrr_at_1": 27.623456790123456, + "mrr_at_10": 35.59536057221243, + "mrr_at_100": 36.677634727377175, + "mrr_at_1000": 36.73617905194238, + "mrr_at_20": 36.19986720973207, + "mrr_at_3": 33.43621399176956, + "mrr_at_5": 34.63220164609055, + "nauc_map_at_1000_diff1": 29.896352510692232, + "nauc_map_at_1000_max": 24.96368005898201, + "nauc_map_at_1000_std": -7.113596688273232, + "nauc_map_at_100_diff1": 29.84743767747895, + "nauc_map_at_100_max": 24.902885041118765, + "nauc_map_at_100_std": -7.1031224096412116, + "nauc_map_at_10_diff1": 29.974458863323513, + "nauc_map_at_10_max": 24.198174342304714, + "nauc_map_at_10_std": -8.12220869104799, + "nauc_map_at_1_diff1": 36.17656844791782, + "nauc_map_at_1_max": 17.076465249230335, + "nauc_map_at_1_std": -15.899479769849862, + "nauc_map_at_20_diff1": 29.9511576604492, + "nauc_map_at_20_max": 24.485169951883687, + "nauc_map_at_20_std": -7.657907614036344, + "nauc_map_at_3_diff1": 31.52754242157323, + "nauc_map_at_3_max": 23.046651155867785, + "nauc_map_at_3_std": -9.730577951453201, + "nauc_map_at_5_diff1": 30.641626589575722, + "nauc_map_at_5_max": 23.21575994564925, + "nauc_map_at_5_std": -8.923204629600287, + "nauc_mrr_at_1000_diff1": 35.6944422233837, + "nauc_mrr_at_1000_max": 23.039256113923773, + "nauc_mrr_at_1000_std": -6.732012286679658, + "nauc_mrr_at_100_diff1": 35.68257446352242, + "nauc_mrr_at_100_max": 23.034000061543082, + "nauc_mrr_at_100_std": -6.708069944210898, + "nauc_mrr_at_10_diff1": 35.6973109092426, + "nauc_mrr_at_10_max": 23.155121369833164, + "nauc_mrr_at_10_std": -6.867220374850606, + "nauc_mrr_at_1_diff1": 38.90161216134891, + "nauc_mrr_at_1_max": 23.25750711871999, + "nauc_mrr_at_1_std": -9.594515113825784, + "nauc_mrr_at_20_diff1": 35.64945427315641, + "nauc_mrr_at_20_max": 22.833970835086973, + "nauc_mrr_at_20_std": -6.9355987571634286, + "nauc_mrr_at_3_diff1": 36.854273379580825, + "nauc_mrr_at_3_max": 23.5572876447216, + "nauc_mrr_at_3_std": -6.533844064149055, + "nauc_mrr_at_5_diff1": 36.16885359543987, + "nauc_mrr_at_5_max": 23.271411697141474, + "nauc_mrr_at_5_std": -6.609936574623957, + "nauc_ndcg_at_1000_diff1": 29.934870986741224, + "nauc_ndcg_at_1000_max": 26.609472786074434, + "nauc_ndcg_at_1000_std": -2.921772160276861, + "nauc_ndcg_at_100_diff1": 29.206895595823813, + "nauc_ndcg_at_100_max": 26.53251802447112, + "nauc_ndcg_at_100_std": -2.1907428736698455, + "nauc_ndcg_at_10_diff1": 29.70828825119593, + "nauc_ndcg_at_10_max": 24.399065080762156, + "nauc_ndcg_at_10_std": -6.456484847461014, + "nauc_ndcg_at_1_diff1": 38.90161216134891, + "nauc_ndcg_at_1_max": 23.25750711871999, + "nauc_ndcg_at_1_std": -9.594515113825784, + "nauc_ndcg_at_20_diff1": 29.502911456501412, + "nauc_ndcg_at_20_max": 24.3684573460547, + "nauc_ndcg_at_20_std": -5.431034664961198, + "nauc_ndcg_at_3_diff1": 32.28960931149853, + "nauc_ndcg_at_3_max": 25.02984487008653, + "nauc_ndcg_at_3_std": -7.3639652051674425, + "nauc_ndcg_at_5_diff1": 31.004893718918243, + "nauc_ndcg_at_5_max": 23.473284900900413, + "nauc_ndcg_at_5_std": -7.374948291628487, + "nauc_precision_at_1000_diff1": 4.204997375879931, + "nauc_precision_at_1000_max": 14.836544374163923, + "nauc_precision_at_1000_std": 4.189893121262196, + "nauc_precision_at_100_diff1": 9.664211120142774, + "nauc_precision_at_100_max": 23.278624037844136, + "nauc_precision_at_100_std": 10.139858774883617, + "nauc_precision_at_10_diff1": 18.254640016067235, + "nauc_precision_at_10_max": 25.875424555589944, + "nauc_precision_at_10_std": 1.8556667828105178, + "nauc_precision_at_1_diff1": 38.90161216134891, + "nauc_precision_at_1_max": 23.25750711871999, + "nauc_precision_at_1_std": -9.594515113825784, + "nauc_precision_at_20_diff1": 15.01498712691562, + "nauc_precision_at_20_max": 23.623832348861118, + "nauc_precision_at_20_std": 3.983550220573133, + "nauc_precision_at_3_diff1": 26.287511023687216, + "nauc_precision_at_3_max": 27.543586920028773, + "nauc_precision_at_3_std": 0.15258746842694398, + "nauc_precision_at_5_diff1": 22.802005213769657, + "nauc_precision_at_5_max": 26.210808440918704, + "nauc_precision_at_5_std": 1.6349853424493874, + "nauc_recall_at_1000_diff1": 11.511308761942622, + "nauc_recall_at_1000_max": 38.4041293881153, + "nauc_recall_at_1000_std": 33.63022206800078, + "nauc_recall_at_100_diff1": 14.715351149680625, + "nauc_recall_at_100_max": 29.454915943154177, + "nauc_recall_at_100_std": 16.405385169661773, + "nauc_recall_at_10_diff1": 20.492972968291127, + "nauc_recall_at_10_max": 22.116074534098047, + "nauc_recall_at_10_std": -4.004069875303906, + "nauc_recall_at_1_diff1": 36.17656844791782, + "nauc_recall_at_1_max": 17.076465249230335, + "nauc_recall_at_1_std": -15.899479769849862, + "nauc_recall_at_20_diff1": 19.302875250798955, + "nauc_recall_at_20_max": 20.89993180168654, + "nauc_recall_at_20_std": -0.9217854199303566, + "nauc_recall_at_3_diff1": 28.262683630571505, + "nauc_recall_at_3_max": 22.208144209258297, + "nauc_recall_at_3_std": -6.304103665147867, + "nauc_recall_at_5_diff1": 24.85396342890086, + "nauc_recall_at_5_max": 20.00719253437568, + "nauc_recall_at_5_std": -5.837624070464137, + "ndcg_at_1": 27.622999999999998, + "ndcg_at_10": 29.255, + "ndcg_at_100": 36.842000000000006, + "ndcg_at_1000": 40.727000000000004, + "ndcg_at_20": 31.846999999999998, + "ndcg_at_3": 25.86, + "ndcg_at_5": 26.983, + "precision_at_1": 27.622999999999998, + "precision_at_10": 8.58, + "precision_at_100": 1.627, + "precision_at_1000": 0.22899999999999998, + "precision_at_20": 5.386, + "precision_at_3": 17.695, + "precision_at_5": 13.395000000000001, + "recall_at_1": 13.569999999999999, + "recall_at_10": 35.221999999999994, + "recall_at_100": 64.41799999999999, + "recall_at_1000": 88.304, + "recall_at_20": 43.206, + "recall_at_3": 23.558, + "recall_at_5": 28.378999999999998 + } + ], + "train": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 29.994, + "map_at_1": 13.866, + "map_at_10": 23.317, + "map_at_100": 25.032, + "map_at_1000": 25.239, + "map_at_20": 24.171, + "map_at_3": 19.853, + "map_at_5": 21.648, + "mrr_at_1": 26.745454545454546, + "mrr_at_10": 35.16525974025962, + "mrr_at_100": 36.202982427670904, + "mrr_at_1000": 36.268132260448, + "mrr_at_20": 35.74959811422568, + "mrr_at_3": 32.53333333333322, + "mrr_at_5": 34.08060606060601, + "nauc_map_at_1000_diff1": 34.17238974719886, + "nauc_map_at_1000_max": 19.90690037114539, + "nauc_map_at_1000_std": -4.4405465167280544, + "nauc_map_at_100_diff1": 34.1915945318716, + "nauc_map_at_100_max": 19.839512082119505, + "nauc_map_at_100_std": -4.551189250602858, + "nauc_map_at_10_diff1": 34.395518431581365, + "nauc_map_at_10_max": 18.77345779303901, + "nauc_map_at_10_std": -5.915946774517749, + "nauc_map_at_1_diff1": 40.69969221252926, + "nauc_map_at_1_max": 14.754504681551902, + "nauc_map_at_1_std": -8.829380936967029, + "nauc_map_at_20_diff1": 34.32100035842662, + "nauc_map_at_20_max": 19.3659001613661, + "nauc_map_at_20_std": -5.2853399599841655, + "nauc_map_at_3_diff1": 35.6264775538132, + "nauc_map_at_3_max": 16.75950792264043, + "nauc_map_at_3_std": -7.466496371191784, + "nauc_map_at_5_diff1": 34.835393908356316, + "nauc_map_at_5_max": 17.88823252858636, + "nauc_map_at_5_std": -6.73193111786774, + "nauc_mrr_at_1000_diff1": 36.36873803303581, + "nauc_mrr_at_1000_max": 21.589400439011285, + "nauc_mrr_at_1000_std": -2.073456915710196, + "nauc_mrr_at_100_diff1": 36.35049541908394, + "nauc_mrr_at_100_max": 21.59856672724492, + "nauc_mrr_at_100_std": -2.048230583741773, + "nauc_mrr_at_10_diff1": 36.371889762814355, + "nauc_mrr_at_10_max": 21.420927978313024, + "nauc_mrr_at_10_std": -2.383400260824236, + "nauc_mrr_at_1_diff1": 41.61572832979243, + "nauc_mrr_at_1_max": 21.496319753264828, + "nauc_mrr_at_1_std": -4.043848004032685, + "nauc_mrr_at_20_diff1": 36.29597040888515, + "nauc_mrr_at_20_max": 21.51389402000895, + "nauc_mrr_at_20_std": -2.1790750325802364, + "nauc_mrr_at_3_diff1": 37.194024045110204, + "nauc_mrr_at_3_max": 21.022592663496635, + "nauc_mrr_at_3_std": -3.0898595957202857, + "nauc_mrr_at_5_diff1": 36.66125216532709, + "nauc_mrr_at_5_max": 21.396700926246425, + "nauc_mrr_at_5_std": -2.553627141419755, + "nauc_ndcg_at_1000_diff1": 32.38935828179287, + "nauc_ndcg_at_1000_max": 23.224249123521183, + "nauc_ndcg_at_1000_std": 1.0879410941359957, + "nauc_ndcg_at_100_diff1": 32.24818026942289, + "nauc_ndcg_at_100_max": 22.76937119361096, + "nauc_ndcg_at_100_std": 0.515081782728159, + "nauc_ndcg_at_10_diff1": 32.79357112146351, + "nauc_ndcg_at_10_max": 19.99582986284157, + "nauc_ndcg_at_10_std": -3.751089704069018, + "nauc_ndcg_at_1_diff1": 41.61572832979243, + "nauc_ndcg_at_1_max": 21.496319753264828, + "nauc_ndcg_at_1_std": -4.043848004032685, + "nauc_ndcg_at_20_diff1": 32.57622090747284, + "nauc_ndcg_at_20_max": 20.927100024631486, + "nauc_ndcg_at_20_std": -2.504703367385429, + "nauc_ndcg_at_3_diff1": 34.318270851922996, + "nauc_ndcg_at_3_max": 19.76366359616555, + "nauc_ndcg_at_3_std": -4.542959307616596, + "nauc_ndcg_at_5_diff1": 33.395565639254535, + "nauc_ndcg_at_5_max": 19.661095132326423, + "nauc_ndcg_at_5_std": -4.474074501680213, + "nauc_precision_at_1000_diff1": -1.7582514140036456, + "nauc_precision_at_1000_max": 18.753853227683788, + "nauc_precision_at_1000_std": 18.966877588628744, + "nauc_precision_at_100_diff1": 6.052096842697663, + "nauc_precision_at_100_max": 25.36587284015856, + "nauc_precision_at_100_std": 19.534327762719816, + "nauc_precision_at_10_diff1": 18.256744813014013, + "nauc_precision_at_10_max": 23.852659092492484, + "nauc_precision_at_10_std": 5.872802925373233, + "nauc_precision_at_1_diff1": 41.61572832979243, + "nauc_precision_at_1_max": 21.496319753264828, + "nauc_precision_at_1_std": -4.043848004032685, + "nauc_precision_at_20_diff1": 14.775860398579105, + "nauc_precision_at_20_max": 24.938453633955213, + "nauc_precision_at_20_std": 10.200146792662155, + "nauc_precision_at_3_diff1": 27.646283860067033, + "nauc_precision_at_3_max": 22.581062222983146, + "nauc_precision_at_3_std": 0.039701518979472085, + "nauc_precision_at_5_diff1": 23.296833858355495, + "nauc_precision_at_5_max": 23.921294406397724, + "nauc_precision_at_5_std": 2.6705448469650706, + "nauc_recall_at_1000_diff1": 13.71266542770827, + "nauc_recall_at_1000_max": 34.58260353827578, + "nauc_recall_at_1000_std": 31.07652809204639, + "nauc_recall_at_100_diff1": 19.596552662113957, + "nauc_recall_at_100_max": 24.193045087413854, + "nauc_recall_at_100_std": 12.267692506468302, + "nauc_recall_at_10_diff1": 24.18002087541788, + "nauc_recall_at_10_max": 17.04450124591196, + "nauc_recall_at_10_std": -2.26228306259431, + "nauc_recall_at_1_diff1": 40.69969221252926, + "nauc_recall_at_1_max": 14.754504681551902, + "nauc_recall_at_1_std": -8.829380936967029, + "nauc_recall_at_20_diff1": 22.76681939853625, + "nauc_recall_at_20_max": 18.835435846904414, + "nauc_recall_at_20_std": 0.6916000951908499, + "nauc_recall_at_3_diff1": 29.863275702904247, + "nauc_recall_at_3_max": 15.058179408472702, + "nauc_recall_at_3_std": -6.326250744102676, + "nauc_recall_at_5_diff1": 26.409952269717625, + "nauc_recall_at_5_max": 16.10014027807514, + "nauc_recall_at_5_std": -4.555063225740013, + "ndcg_at_1": 26.745, + "ndcg_at_10": 29.994, + "ndcg_at_100": 37.064, + "ndcg_at_1000": 40.875, + "ndcg_at_20": 32.378, + "ndcg_at_3": 25.795, + "ndcg_at_5": 27.33, + "precision_at_1": 26.745, + "precision_at_10": 8.529, + "precision_at_100": 1.576, + "precision_at_1000": 0.22300000000000003, + "precision_at_20": 5.253, + "precision_at_3": 17.024, + "precision_at_5": 12.985, + "recall_at_1": 13.866, + "recall_at_10": 37.272, + "recall_at_100": 64.607, + "recall_at_1000": 88.03, + "recall_at_20": 44.830999999999996, + "recall_at_3": 24.154, + "recall_at_5": 29.584 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAE-v1/external/HotpotQA.json b/results/qinxianliu__FAE-v1/external/HotpotQA.json new file mode 100644 index 000000000..1b6608dca --- /dev/null +++ b/results/qinxianliu__FAE-v1/external/HotpotQA.json @@ -0,0 +1,455 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 55.212, + "map_at_1": 33.165, + "map_at_10": 46.207, + "map_at_100": 47.116, + "map_at_1000": 47.196, + "map_at_20": 46.721000000000004, + "map_at_3": 43.299, + "map_at_5": 45.102, + "mrr_at_1": 66.33008995777492, + "mrr_at_10": 72.54347813417037, + "mrr_at_100": 72.89730603187355, + "mrr_at_1000": 72.91619135708791, + "mrr_at_20": 72.75801542902241, + "mrr_at_3": 71.26246863717049, + "mrr_at_5": 72.0500581359771, + "nauc_map_at_1000_diff1": 37.59928826950483, + "nauc_map_at_1000_max": 30.282729896696303, + "nauc_map_at_1000_std": 5.814444002388258, + "nauc_map_at_100_diff1": 37.58265781864992, + "nauc_map_at_100_max": 30.2575030025452, + "nauc_map_at_100_std": 5.806092847122748, + "nauc_map_at_10_diff1": 37.814487349746315, + "nauc_map_at_10_max": 30.09556121806667, + "nauc_map_at_10_std": 4.92852244416351, + "nauc_map_at_1_diff1": 76.16251680393631, + "nauc_map_at_1_max": 48.58434887492468, + "nauc_map_at_1_std": 0.9402866718943377, + "nauc_map_at_20_diff1": 37.536130451025336, + "nauc_map_at_20_max": 30.088918687131084, + "nauc_map_at_20_std": 5.429306021099536, + "nauc_map_at_3_diff1": 40.16805109874118, + "nauc_map_at_3_max": 30.666267341359514, + "nauc_map_at_3_std": 2.652273185858946, + "nauc_map_at_5_diff1": 38.50355381853525, + "nauc_map_at_5_max": 30.115503730936705, + "nauc_map_at_5_std": 4.028312792506911, + "nauc_mrr_at_1000_diff1": 73.61147008969131, + "nauc_mrr_at_1000_max": 50.00909355520474, + "nauc_mrr_at_1000_std": 4.085243897090858, + "nauc_mrr_at_100_diff1": 73.60564051934459, + "nauc_mrr_at_100_max": 50.013077364850325, + "nauc_mrr_at_100_std": 4.10435415799582, + "nauc_mrr_at_10_diff1": 73.59558272622667, + "nauc_mrr_at_10_max": 50.02864212169015, + "nauc_mrr_at_10_std": 3.955321271092042, + "nauc_mrr_at_1_diff1": 76.16251680393631, + "nauc_mrr_at_1_max": 48.58434887492468, + "nauc_mrr_at_1_std": 0.9402866718943377, + "nauc_mrr_at_20_diff1": 73.5850284289041, + "nauc_mrr_at_20_max": 50.00326442386551, + "nauc_mrr_at_20_std": 4.078588841757761, + "nauc_mrr_at_3_diff1": 73.6919814843546, + "nauc_mrr_at_3_max": 49.59840717980797, + "nauc_mrr_at_3_std": 2.781516076290679, + "nauc_mrr_at_5_diff1": 73.56287643103377, + "nauc_mrr_at_5_max": 49.900055552809796, + "nauc_mrr_at_5_std": 3.705693125484777, + "nauc_ndcg_at_1000_diff1": 41.83221355124097, + "nauc_ndcg_at_1000_max": 34.68662675663932, + "nauc_ndcg_at_1000_std": 9.966029196362793, + "nauc_ndcg_at_100_diff1": 41.340773218764426, + "nauc_ndcg_at_100_max": 34.23298528254637, + "nauc_ndcg_at_100_std": 10.099357662116802, + "nauc_ndcg_at_10_diff1": 42.32865445575488, + "nauc_ndcg_at_10_max": 33.77163277737238, + "nauc_ndcg_at_10_std": 6.865355047679356, + "nauc_ndcg_at_1_diff1": 76.16251680393631, + "nauc_ndcg_at_1_max": 48.58434887492468, + "nauc_ndcg_at_1_std": 0.9402866718943377, + "nauc_ndcg_at_20_diff1": 41.43251777086935, + "nauc_ndcg_at_20_max": 33.626354614476796, + "nauc_ndcg_at_20_std": 8.211794193743314, + "nauc_ndcg_at_3_diff1": 46.26659710333592, + "nauc_ndcg_at_3_max": 34.71364425758281, + "nauc_ndcg_at_3_std": 3.209311811887227, + "nauc_ndcg_at_5_diff1": 43.749770607763274, + "nauc_ndcg_at_5_max": 33.92234652129674, + "nauc_ndcg_at_5_std": 5.266920311664117, + "nauc_precision_at_1000_diff1": 6.920645765238621, + "nauc_precision_at_1000_max": 22.95698062667239, + "nauc_precision_at_1000_std": 29.672837976586614, + "nauc_precision_at_100_diff1": 13.22824261790413, + "nauc_precision_at_100_max": 23.231473906591923, + "nauc_precision_at_100_std": 25.390789614222413, + "nauc_precision_at_10_diff1": 22.829427972152754, + "nauc_precision_at_10_max": 24.793236854407677, + "nauc_precision_at_10_std": 11.857273181566418, + "nauc_precision_at_1_diff1": 76.16251680393631, + "nauc_precision_at_1_max": 48.58434887492468, + "nauc_precision_at_1_std": 0.9402866718943377, + "nauc_precision_at_20_diff1": 18.922478084474612, + "nauc_precision_at_20_max": 23.688017016719236, + "nauc_precision_at_20_std": 16.17451419368357, + "nauc_precision_at_3_diff1": 33.40103210093809, + "nauc_precision_at_3_max": 28.67115719143232, + "nauc_precision_at_3_std": 4.341390163997301, + "nauc_precision_at_5_diff1": 28.084831451507796, + "nauc_precision_at_5_max": 26.620696434140612, + "nauc_precision_at_5_std": 8.226270159734309, + "nauc_recall_at_1000_diff1": 6.920645765238653, + "nauc_recall_at_1000_max": 22.956980626672394, + "nauc_recall_at_1000_std": 29.672837976586656, + "nauc_recall_at_100_diff1": 13.228242617904145, + "nauc_recall_at_100_max": 23.2314739065918, + "nauc_recall_at_100_std": 25.390789614222403, + "nauc_recall_at_10_diff1": 22.829427972152697, + "nauc_recall_at_10_max": 24.793236854407656, + "nauc_recall_at_10_std": 11.857273181566445, + "nauc_recall_at_1_diff1": 76.16251680393631, + "nauc_recall_at_1_max": 48.58434887492468, + "nauc_recall_at_1_std": 0.9402866718943377, + "nauc_recall_at_20_diff1": 18.922478084474545, + "nauc_recall_at_20_max": 23.68801701671916, + "nauc_recall_at_20_std": 16.174514193683454, + "nauc_recall_at_3_diff1": 33.401032100938096, + "nauc_recall_at_3_max": 28.67115719143232, + "nauc_recall_at_3_std": 4.341390163997314, + "nauc_recall_at_5_diff1": 28.08483145150783, + "nauc_recall_at_5_max": 26.620696434140605, + "nauc_recall_at_5_std": 8.226270159734305, + "ndcg_at_1": 66.33, + "ndcg_at_10": 55.212, + "ndcg_at_100": 58.754, + "ndcg_at_1000": 60.462, + "ndcg_at_20": 56.602, + "ndcg_at_3": 50.809000000000005, + "ndcg_at_5": 53.217999999999996, + "precision_at_1": 66.33, + "precision_at_10": 11.368, + "precision_at_100": 1.419, + "precision_at_1000": 0.165, + "precision_at_20": 6.133, + "precision_at_3": 31.4, + "precision_at_5": 20.733999999999998, + "recall_at_1": 33.165, + "recall_at_10": 56.839, + "recall_at_100": 70.938, + "recall_at_1000": 82.348, + "recall_at_20": 61.327, + "recall_at_3": 47.099000000000004, + "recall_at_5": 51.836000000000006 + } + ], + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 52.971999999999994, + "map_at_1": 31.654, + "map_at_10": 44.074000000000005, + "map_at_100": 44.989000000000004, + "map_at_1000": 45.073, + "map_at_20": 44.586, + "map_at_3": 41.272, + "map_at_5": 42.998, + "mrr_at_1": 63.308575286968264, + "mrr_at_10": 69.693053813918, + "mrr_at_100": 70.06837540030888, + "mrr_at_1000": 70.09319399672678, + "mrr_at_20": 69.91706947665378, + "mrr_at_3": 68.23317578212918, + "mrr_at_5": 69.13729462075159, + "nauc_map_at_1000_diff1": 36.83230535715049, + "nauc_map_at_1000_max": 25.262284189097812, + "nauc_map_at_1000_std": 3.8458378959363277, + "nauc_map_at_100_diff1": 36.82679839511568, + "nauc_map_at_100_max": 25.24108195881008, + "nauc_map_at_100_std": 3.8202670681227904, + "nauc_map_at_10_diff1": 37.10613229017701, + "nauc_map_at_10_max": 25.206297581776045, + "nauc_map_at_10_std": 3.073730167239667, + "nauc_map_at_1_diff1": 71.8008759816477, + "nauc_map_at_1_max": 38.88537106404701, + "nauc_map_at_1_std": -1.371913433207584, + "nauc_map_at_20_diff1": 36.9476051015731, + "nauc_map_at_20_max": 25.207661819829287, + "nauc_map_at_20_std": 3.492533724966404, + "nauc_map_at_3_diff1": 39.9484542280954, + "nauc_map_at_3_max": 25.76580222365625, + "nauc_map_at_3_std": 1.206073934259179, + "nauc_map_at_5_diff1": 37.69511048393107, + "nauc_map_at_5_max": 25.19930427889136, + "nauc_map_at_5_std": 2.3349068258419354, + "nauc_mrr_at_1000_diff1": 69.28878026299333, + "nauc_mrr_at_1000_max": 40.71255427865873, + "nauc_mrr_at_1000_std": 1.6521089324825453, + "nauc_mrr_at_100_diff1": 69.27998942240185, + "nauc_mrr_at_100_max": 40.72055789917647, + "nauc_mrr_at_100_std": 1.6710084126141715, + "nauc_mrr_at_10_diff1": 69.26657266360175, + "nauc_mrr_at_10_max": 40.639229678709896, + "nauc_mrr_at_10_std": 1.4815255200664945, + "nauc_mrr_at_1_diff1": 71.8008759816477, + "nauc_mrr_at_1_max": 38.88537106404701, + "nauc_mrr_at_1_std": -1.371913433207584, + "nauc_mrr_at_20_diff1": 69.27830361161162, + "nauc_mrr_at_20_max": 40.71863909827696, + "nauc_mrr_at_20_std": 1.623605506036414, + "nauc_mrr_at_3_diff1": 69.58157189351662, + "nauc_mrr_at_3_max": 40.206723825392935, + "nauc_mrr_at_3_std": 0.4362253158175391, + "nauc_mrr_at_5_diff1": 69.36760251761149, + "nauc_mrr_at_5_max": 40.62655513748466, + "nauc_mrr_at_5_std": 1.1637987824217286, + "nauc_ndcg_at_1000_diff1": 40.20936503972028, + "nauc_ndcg_at_1000_max": 28.716130134836813, + "nauc_ndcg_at_1000_std": 7.771976614168036, + "nauc_ndcg_at_100_diff1": 39.90097017611809, + "nauc_ndcg_at_100_max": 28.403992280821882, + "nauc_ndcg_at_100_std": 7.548867749000984, + "nauc_ndcg_at_10_diff1": 41.273589288580936, + "nauc_ndcg_at_10_max": 28.26827787286263, + "nauc_ndcg_at_10_std": 4.577414562674608, + "nauc_ndcg_at_1_diff1": 71.8008759816477, + "nauc_ndcg_at_1_max": 38.88537106404701, + "nauc_ndcg_at_1_std": -1.371913433207584, + "nauc_ndcg_at_20_diff1": 40.671135269161326, + "nauc_ndcg_at_20_max": 28.258137751273203, + "nauc_ndcg_at_20_std": 5.745155912069933, + "nauc_ndcg_at_3_diff1": 45.75367844432209, + "nauc_ndcg_at_3_max": 29.07362771933447, + "nauc_ndcg_at_3_std": 1.5190703511711499, + "nauc_ndcg_at_5_diff1": 42.606773734449725, + "nauc_ndcg_at_5_max": 28.4077361548155, + "nauc_ndcg_at_5_std": 3.209865175010762, + "nauc_precision_at_1000_diff1": 2.5574196948442314, + "nauc_precision_at_1000_max": 17.203010545463275, + "nauc_precision_at_1000_std": 29.10812184249904, + "nauc_precision_at_100_diff1": 11.235732120360346, + "nauc_precision_at_100_max": 18.64911530047573, + "nauc_precision_at_100_std": 21.843421561876685, + "nauc_precision_at_10_diff1": 22.3741394781161, + "nauc_precision_at_10_max": 21.020002971759517, + "nauc_precision_at_10_std": 9.253822161149387, + "nauc_precision_at_1_diff1": 71.8008759816477, + "nauc_precision_at_1_max": 38.88537106404701, + "nauc_precision_at_1_std": -1.371913433207584, + "nauc_precision_at_20_diff1": 19.087064681672274, + "nauc_precision_at_20_max": 20.138969166309955, + "nauc_precision_at_20_std": 12.905112130703339, + "nauc_precision_at_3_diff1": 33.93054601192755, + "nauc_precision_at_3_max": 24.229682779930698, + "nauc_precision_at_3_std": 2.8401874787669628, + "nauc_precision_at_5_diff1": 26.92509089919797, + "nauc_precision_at_5_max": 22.206650798778213, + "nauc_precision_at_5_std": 6.035922060945665, + "nauc_recall_at_1000_diff1": 2.557419694844378, + "nauc_recall_at_1000_max": 17.203010545463453, + "nauc_recall_at_1000_std": 29.10812184249917, + "nauc_recall_at_100_diff1": 11.23573212036028, + "nauc_recall_at_100_max": 18.649115300475675, + "nauc_recall_at_100_std": 21.843421561876653, + "nauc_recall_at_10_diff1": 22.374139478116074, + "nauc_recall_at_10_max": 21.020002971759446, + "nauc_recall_at_10_std": 9.253822161149355, + "nauc_recall_at_1_diff1": 71.8008759816477, + "nauc_recall_at_1_max": 38.88537106404701, + "nauc_recall_at_1_std": -1.371913433207584, + "nauc_recall_at_20_diff1": 19.08706468167224, + "nauc_recall_at_20_max": 20.138969166309963, + "nauc_recall_at_20_std": 12.905112130703364, + "nauc_recall_at_3_diff1": 33.93054601192752, + "nauc_recall_at_3_max": 24.229682779930734, + "nauc_recall_at_3_std": 2.840187478766924, + "nauc_recall_at_5_diff1": 26.92509089919793, + "nauc_recall_at_5_max": 22.20665079877823, + "nauc_recall_at_5_std": 6.035922060945694, + "ndcg_at_1": 63.309000000000005, + "ndcg_at_10": 52.971999999999994, + "ndcg_at_100": 56.543, + "ndcg_at_1000": 58.386, + "ndcg_at_20": 54.366, + "ndcg_at_3": 48.577999999999996, + "ndcg_at_5": 50.976, + "precision_at_1": 63.309000000000005, + "precision_at_10": 10.978, + "precision_at_100": 1.381, + "precision_at_1000": 0.163, + "precision_at_20": 5.939, + "precision_at_3": 30.101, + "precision_at_5": 19.954, + "recall_at_1": 31.654, + "recall_at_10": 54.888999999999996, + "recall_at_100": 69.048, + "recall_at_1000": 81.357, + "recall_at_20": 59.386, + "recall_at_3": 45.152, + "recall_at_5": 49.885000000000005 + } + ], + "train": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 54.352999999999994, + "map_at_1": 32.501000000000005, + "map_at_10": 45.385, + "map_at_100": 46.328, + "map_at_1000": 46.415, + "map_at_20": 45.921, + "map_at_3": 42.592, + "map_at_5": 44.247, + "mrr_at_1": 65.00235294117647, + "mrr_at_10": 71.35895611577841, + "mrr_at_100": 71.7292633180157, + "mrr_at_1000": 71.75078689757093, + "mrr_at_20": 71.58003103687626, + "mrr_at_3": 70.0780392156891, + "mrr_at_5": 70.83462745098184, + "nauc_map_at_1000_diff1": 38.18526689293094, + "nauc_map_at_1000_max": 31.235448214785, + "nauc_map_at_1000_std": 6.874994136891692, + "nauc_map_at_100_diff1": 38.16023479941572, + "nauc_map_at_100_max": 31.204841799786703, + "nauc_map_at_100_std": 6.852337527990418, + "nauc_map_at_10_diff1": 38.33352487295005, + "nauc_map_at_10_max": 30.965981294221717, + "nauc_map_at_10_std": 6.04376305942537, + "nauc_map_at_1_diff1": 74.85062194074064, + "nauc_map_at_1_max": 47.83962838651089, + "nauc_map_at_1_std": 3.0974186052905894, + "nauc_map_at_20_diff1": 38.16179992857827, + "nauc_map_at_20_max": 31.051482060104796, + "nauc_map_at_20_std": 6.505384481121341, + "nauc_map_at_3_diff1": 40.62792422471764, + "nauc_map_at_3_max": 31.637984389044384, + "nauc_map_at_3_std": 4.366156932434801, + "nauc_map_at_5_diff1": 38.83324770212299, + "nauc_map_at_5_max": 30.91163453417704, + "nauc_map_at_5_std": 5.245780729706208, + "nauc_mrr_at_1000_diff1": 72.30551442448859, + "nauc_mrr_at_1000_max": 49.57356513646785, + "nauc_mrr_at_1000_std": 6.926570441540539, + "nauc_mrr_at_100_diff1": 72.29784664870805, + "nauc_mrr_at_100_max": 49.575772451684216, + "nauc_mrr_at_100_std": 6.94169006553503, + "nauc_mrr_at_10_diff1": 72.28376117146945, + "nauc_mrr_at_10_max": 49.54814893690409, + "nauc_mrr_at_10_std": 6.793889260746647, + "nauc_mrr_at_1_diff1": 74.85062194074064, + "nauc_mrr_at_1_max": 47.83962838651089, + "nauc_mrr_at_1_std": 3.0974186052905894, + "nauc_mrr_at_20_diff1": 72.28820864515497, + "nauc_mrr_at_20_max": 49.577251323268236, + "nauc_mrr_at_20_std": 6.914427453986511, + "nauc_mrr_at_3_diff1": 72.5062371388261, + "nauc_mrr_at_3_max": 49.37541313350784, + "nauc_mrr_at_3_std": 5.999565940607738, + "nauc_mrr_at_5_diff1": 72.27959279124379, + "nauc_mrr_at_5_max": 49.449809030067364, + "nauc_mrr_at_5_std": 6.483347741413612, + "nauc_ndcg_at_1000_diff1": 42.44168728962114, + "nauc_ndcg_at_1000_max": 35.72004645932894, + "nauc_ndcg_at_1000_std": 11.308683394800111, + "nauc_ndcg_at_100_diff1": 41.878835986141745, + "nauc_ndcg_at_100_max": 35.157639762182114, + "nauc_ndcg_at_100_std": 11.126062547701517, + "nauc_ndcg_at_10_diff1": 42.80278176536329, + "nauc_ndcg_at_10_max": 34.442635514099166, + "nauc_ndcg_at_10_std": 8.100637095705283, + "nauc_ndcg_at_1_diff1": 74.85062194074064, + "nauc_ndcg_at_1_max": 47.83962838651089, + "nauc_ndcg_at_1_std": 3.0974186052905894, + "nauc_ndcg_at_20_diff1": 42.14813666310805, + "nauc_ndcg_at_20_max": 34.542016761855024, + "nauc_ndcg_at_20_std": 9.32854963413285, + "nauc_ndcg_at_3_diff1": 46.59777764305718, + "nauc_ndcg_at_3_max": 35.559014010960745, + "nauc_ndcg_at_3_std": 5.4257980785659266, + "nauc_ndcg_at_5_diff1": 43.927216063696385, + "nauc_ndcg_at_5_max": 34.4741802929987, + "nauc_ndcg_at_5_std": 6.64406524289838, + "nauc_precision_at_1000_diff1": 8.390786324621837, + "nauc_precision_at_1000_max": 26.10349412968342, + "nauc_precision_at_1000_std": 31.532116357951416, + "nauc_precision_at_100_diff1": 14.815997080437281, + "nauc_precision_at_100_max": 25.257481267270148, + "nauc_precision_at_100_std": 24.542315141771812, + "nauc_precision_at_10_diff1": 24.083491896527338, + "nauc_precision_at_10_max": 25.7009925703905, + "nauc_precision_at_10_std": 11.915351498832335, + "nauc_precision_at_1_diff1": 74.85062194074064, + "nauc_precision_at_1_max": 47.83962838651089, + "nauc_precision_at_1_std": 3.0974186052905894, + "nauc_precision_at_20_diff1": 21.09946045442743, + "nauc_precision_at_20_max": 25.44571195496344, + "nauc_precision_at_20_std": 15.824885816608422, + "nauc_precision_at_3_diff1": 34.134537627196536, + "nauc_precision_at_3_max": 29.757871382320488, + "nauc_precision_at_3_std": 6.446260557109936, + "nauc_precision_at_5_diff1": 28.590225492869838, + "nauc_precision_at_5_max": 27.19982999953651, + "nauc_precision_at_5_std": 8.667387027390905, + "nauc_recall_at_1000_diff1": 8.39078632462197, + "nauc_recall_at_1000_max": 26.103494129683497, + "nauc_recall_at_1000_std": 31.532116357951555, + "nauc_recall_at_100_diff1": 14.815997080437327, + "nauc_recall_at_100_max": 25.257481267270222, + "nauc_recall_at_100_std": 24.542315141771876, + "nauc_recall_at_10_diff1": 24.083491896527445, + "nauc_recall_at_10_max": 25.70099257039055, + "nauc_recall_at_10_std": 11.915351498832367, + "nauc_recall_at_1_diff1": 74.85062194074064, + "nauc_recall_at_1_max": 47.83962838651089, + "nauc_recall_at_1_std": 3.0974186052905894, + "nauc_recall_at_20_diff1": 21.099460454427494, + "nauc_recall_at_20_max": 25.445711954963514, + "nauc_recall_at_20_std": 15.824885816608457, + "nauc_recall_at_3_diff1": 34.134537627196565, + "nauc_recall_at_3_max": 29.757871382320474, + "nauc_recall_at_3_std": 6.446260557109881, + "nauc_recall_at_5_diff1": 28.59022549286988, + "nauc_recall_at_5_max": 27.199829999536572, + "nauc_recall_at_5_std": 8.66738702739096, + "ndcg_at_1": 65.00200000000001, + "ndcg_at_10": 54.352999999999994, + "ndcg_at_100": 57.982, + "ndcg_at_1000": 59.818000000000005, + "ndcg_at_20": 55.791999999999994, + "ndcg_at_3": 50.041999999999994, + "ndcg_at_5": 52.285000000000004, + "precision_at_1": 65.00200000000001, + "precision_at_10": 11.236, + "precision_at_100": 1.411, + "precision_at_1000": 0.165, + "precision_at_20": 6.081, + "precision_at_3": 31.034, + "precision_at_5": 20.395, + "recall_at_1": 32.501000000000005, + "recall_at_10": 56.178, + "recall_at_100": 70.531, + "recall_at_1000": 82.745, + "recall_at_20": 60.81100000000001, + "recall_at_3": 46.550999999999995, + "recall_at_5": 50.986 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAE-v1/external/MSMARCO.json b/results/qinxianliu__FAE-v1/external/MSMARCO.json new file mode 100644 index 000000000..850146f77 --- /dev/null +++ b/results/qinxianliu__FAE-v1/external/MSMARCO.json @@ -0,0 +1,455 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 33.267, + "map_at_1": 16.214000000000002, + "map_at_10": 27.084999999999997, + "map_at_100": 28.276, + "map_at_1000": 28.345, + "map_at_20": 27.796, + "map_at_3": 23.632, + "map_at_5": 25.589000000000002, + "mrr_at_1": 16.647564469914037, + "mrr_at_10": 27.52912516486998, + "mrr_at_100": 28.688710760574704, + "mrr_at_1000": 28.752150381970036, + "mrr_at_20": 28.22674836875266, + "mrr_at_3": 24.07593123209153, + "mrr_at_5": 26.031518624641752, + "nauc_map_at_1000_diff1": 27.971342493672392, + "nauc_map_at_1000_max": 5.462214975136937, + "nauc_map_at_1000_std": -6.478856138161597, + "nauc_map_at_100_diff1": 27.959434932293952, + "nauc_map_at_100_max": 5.45427855738852, + "nauc_map_at_100_std": -6.458319544100533, + "nauc_map_at_10_diff1": 28.075095109965574, + "nauc_map_at_10_max": 5.261836896368891, + "nauc_map_at_10_std": -7.159951481014752, + "nauc_map_at_1_diff1": 32.02629519524985, + "nauc_map_at_1_max": 4.235774013519917, + "nauc_map_at_1_std": -6.611977955375149, + "nauc_map_at_20_diff1": 28.000588239915952, + "nauc_map_at_20_max": 5.319732273559506, + "nauc_map_at_20_std": -6.79828147209889, + "nauc_map_at_3_diff1": 28.80632659280981, + "nauc_map_at_3_max": 4.887456238840236, + "nauc_map_at_3_std": -8.177199530228375, + "nauc_map_at_5_diff1": 28.19193960393797, + "nauc_map_at_5_max": 4.848465513733742, + "nauc_map_at_5_std": -7.86195009300488, + "nauc_mrr_at_1000_diff1": 27.755654551413944, + "nauc_mrr_at_1000_max": 5.574723686318093, + "nauc_mrr_at_1000_std": -6.376684777865227, + "nauc_mrr_at_100_diff1": 27.741805263174868, + "nauc_mrr_at_100_max": 5.571182897437037, + "nauc_mrr_at_100_std": -6.35161737451648, + "nauc_mrr_at_10_diff1": 27.826522131237226, + "nauc_mrr_at_10_max": 5.41342010724212, + "nauc_mrr_at_10_std": -7.010320175661295, + "nauc_mrr_at_1_diff1": 31.799956968971223, + "nauc_mrr_at_1_max": 4.3645528963993385, + "nauc_mrr_at_1_std": -6.542611663117229, + "nauc_mrr_at_20_diff1": 27.758829843511712, + "nauc_mrr_at_20_max": 5.47809006028695, + "nauc_mrr_at_20_std": -6.632353875172013, + "nauc_mrr_at_3_diff1": 28.621242480312247, + "nauc_mrr_at_3_max": 4.965369616242466, + "nauc_mrr_at_3_std": -8.13406631791308, + "nauc_mrr_at_5_diff1": 27.99214664111539, + "nauc_mrr_at_5_max": 5.001760615697147, + "nauc_mrr_at_5_std": -7.738627662624034, + "nauc_ndcg_at_1000_diff1": 26.42033671183166, + "nauc_ndcg_at_1000_max": 7.1813861415123705, + "nauc_ndcg_at_1000_std": -3.3183248968203296, + "nauc_ndcg_at_100_diff1": 26.068649691797198, + "nauc_ndcg_at_100_max": 7.084897151491187, + "nauc_ndcg_at_100_std": -2.37926465475641, + "nauc_ndcg_at_10_diff1": 26.65927837712848, + "nauc_ndcg_at_10_max": 5.94951447927679, + "nauc_ndcg_at_10_std": -6.283888909542508, + "nauc_ndcg_at_1_diff1": 31.799956968971223, + "nauc_ndcg_at_1_max": 4.3645528963993385, + "nauc_ndcg_at_1_std": -6.542611663117229, + "nauc_ndcg_at_20_diff1": 26.343017801772262, + "nauc_ndcg_at_20_max": 6.148748140288225, + "nauc_ndcg_at_20_std": -4.889747333107926, + "nauc_ndcg_at_3_diff1": 27.944125798015047, + "nauc_ndcg_at_3_max": 5.0190845543649925, + "nauc_ndcg_at_3_std": -8.542605158610163, + "nauc_ndcg_at_5_diff1": 26.94452756011203, + "nauc_ndcg_at_5_max": 4.979294630466257, + "nauc_ndcg_at_5_std": -7.9632918860789585, + "nauc_precision_at_1000_diff1": -2.8674783175363037, + "nauc_precision_at_1000_max": 22.834492321837896, + "nauc_precision_at_1000_std": 23.855532012707535, + "nauc_precision_at_100_diff1": 10.59583249043704, + "nauc_precision_at_100_max": 17.18576130154892, + "nauc_precision_at_100_std": 23.485570718257062, + "nauc_precision_at_10_diff1": 21.803624991094008, + "nauc_precision_at_10_max": 8.255044522506315, + "nauc_precision_at_10_std": -3.1162397198724947, + "nauc_precision_at_1_diff1": 31.799956968971223, + "nauc_precision_at_1_max": 4.3645528963993385, + "nauc_precision_at_1_std": -6.542611663117229, + "nauc_precision_at_20_diff1": 19.072712332749784, + "nauc_precision_at_20_max": 9.270659194587322, + "nauc_precision_at_20_std": 2.574902502834436, + "nauc_precision_at_3_diff1": 25.48764020474637, + "nauc_precision_at_3_max": 5.29726481474291, + "nauc_precision_at_3_std": -9.304988792539424, + "nauc_precision_at_5_diff1": 23.23900521502322, + "nauc_precision_at_5_max": 5.26183184249528, + "nauc_precision_at_5_std": -7.993796337432438, + "nauc_recall_at_1000_diff1": 8.048605328017109, + "nauc_recall_at_1000_max": 43.170796847267376, + "nauc_recall_at_1000_std": 57.12784212784193, + "nauc_recall_at_100_diff1": 16.23905370753226, + "nauc_recall_at_100_max": 17.167705956966586, + "nauc_recall_at_100_std": 26.84279382858389, + "nauc_recall_at_10_diff1": 22.915669711677662, + "nauc_recall_at_10_max": 7.6866061579421965, + "nauc_recall_at_10_std": -3.4994147789934407, + "nauc_recall_at_1_diff1": 32.02629519524985, + "nauc_recall_at_1_max": 4.235774013519917, + "nauc_recall_at_1_std": -6.611977955375149, + "nauc_recall_at_20_diff1": 21.19190605945811, + "nauc_recall_at_20_max": 8.526109352318848, + "nauc_recall_at_20_std": 2.354091696229009, + "nauc_recall_at_3_diff1": 25.833881292307275, + "nauc_recall_at_3_max": 5.2091715225707835, + "nauc_recall_at_3_std": -9.401133135204939, + "nauc_recall_at_5_diff1": 23.834148111224195, + "nauc_recall_at_5_max": 5.092156605809381, + "nauc_recall_at_5_std": -8.157559065693922, + "ndcg_at_1": 16.648, + "ndcg_at_10": 33.267, + "ndcg_at_100": 39.244, + "ndcg_at_1000": 41.067, + "ndcg_at_20": 35.818, + "ndcg_at_3": 26.179999999999996, + "ndcg_at_5": 29.683999999999997, + "precision_at_1": 16.648, + "precision_at_10": 5.457999999999999, + "precision_at_100": 0.848, + "precision_at_1000": 0.1, + "precision_at_20": 3.258, + "precision_at_3": 11.408999999999999, + "precision_at_5": 8.622, + "recall_at_1": 16.214000000000002, + "recall_at_10": 52.425999999999995, + "recall_at_100": 80.561, + "recall_at_1000": 94.699, + "recall_at_20": 62.365, + "recall_at_3": 33.106, + "recall_at_5": 41.521 + } + ], + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 60.870000000000005, + "map_at_1": 2.131, + "map_at_10": 12.787, + "map_at_100": 33.555, + "map_at_1000": 40.400000000000006, + "map_at_20": 20.305, + "map_at_3": 5.072, + "map_at_5": 7.6160000000000005, + "mrr_at_1": 83.72093023255815, + "mrr_at_10": 88.37209302325583, + "mrr_at_100": 88.37209302325583, + "mrr_at_1000": 88.38852755640261, + "mrr_at_20": 88.37209302325583, + "mrr_at_3": 87.98449612403101, + "mrr_at_5": 87.98449612403101, + "nauc_map_at_1000_diff1": -11.637451882714142, + "nauc_map_at_1000_max": 7.114399489151701, + "nauc_map_at_1000_std": 20.246372132588903, + "nauc_map_at_100_diff1": -0.0632894631150733, + "nauc_map_at_100_max": -2.447435783134927, + "nauc_map_at_100_std": 15.563962668206296, + "nauc_map_at_10_diff1": 31.839428559929793, + "nauc_map_at_10_max": -16.496117096600543, + "nauc_map_at_10_std": -7.641628320406581, + "nauc_map_at_1_diff1": 61.06067743896484, + "nauc_map_at_1_max": -27.40046456998301, + "nauc_map_at_1_std": -28.836063940376196, + "nauc_map_at_20_diff1": 26.65025443892675, + "nauc_map_at_20_max": -11.14293785249375, + "nauc_map_at_20_std": -1.495662345119049, + "nauc_map_at_3_diff1": 48.39130710323122, + "nauc_map_at_3_max": -22.47448283493793, + "nauc_map_at_3_std": -21.1112673213755, + "nauc_map_at_5_diff1": 43.27270503425954, + "nauc_map_at_5_max": -21.665246263866038, + "nauc_map_at_5_std": -16.87555982472075, + "nauc_mrr_at_1000_diff1": 16.265608728799258, + "nauc_mrr_at_1000_max": 56.895522393432984, + "nauc_mrr_at_1000_std": 24.8123756870821, + "nauc_mrr_at_100_diff1": 16.351020424909745, + "nauc_mrr_at_100_max": 56.87846806435471, + "nauc_mrr_at_100_std": 24.832800247112772, + "nauc_mrr_at_10_diff1": 16.351020424909745, + "nauc_mrr_at_10_max": 56.87846806435471, + "nauc_mrr_at_10_std": 24.832800247112772, + "nauc_mrr_at_1_diff1": 1.7843066955278728, + "nauc_mrr_at_1_max": 57.763717853100616, + "nauc_mrr_at_1_std": 33.136558296601805, + "nauc_mrr_at_20_diff1": 16.351020424909745, + "nauc_mrr_at_20_max": 56.87846806435471, + "nauc_mrr_at_20_std": 24.832800247112772, + "nauc_mrr_at_3_diff1": 17.003963828314124, + "nauc_mrr_at_3_max": 58.32391908176391, + "nauc_mrr_at_3_std": 20.207876871361478, + "nauc_mrr_at_5_diff1": 17.003963828314124, + "nauc_mrr_at_5_max": 58.32391908176391, + "nauc_mrr_at_5_std": 20.207876871361478, + "nauc_ndcg_at_1000_diff1": 3.242747993397579, + "nauc_ndcg_at_1000_max": 27.14324945907484, + "nauc_ndcg_at_1000_std": 27.913332819842235, + "nauc_ndcg_at_100_diff1": -2.1562051544571657, + "nauc_ndcg_at_100_max": 12.769612186408716, + "nauc_ndcg_at_100_std": 18.967820833430995, + "nauc_ndcg_at_10_diff1": -4.7565969907268695, + "nauc_ndcg_at_10_max": 16.747680219615667, + "nauc_ndcg_at_10_std": 16.342353258866872, + "nauc_ndcg_at_1_diff1": 6.188112322146796, + "nauc_ndcg_at_1_max": 42.665211995571646, + "nauc_ndcg_at_1_std": 9.776947425576676, + "nauc_ndcg_at_20_diff1": -4.45645500969694, + "nauc_ndcg_at_20_max": 14.126334901317946, + "nauc_ndcg_at_20_std": 14.4521945480153, + "nauc_ndcg_at_3_diff1": 2.1968836380001173, + "nauc_ndcg_at_3_max": 21.66250854893134, + "nauc_ndcg_at_3_std": 12.252928734793214, + "nauc_ndcg_at_5_diff1": -0.16284904510423143, + "nauc_ndcg_at_5_max": 20.154873396393278, + "nauc_ndcg_at_5_std": 13.81988471025361, + "nauc_precision_at_1000_diff1": -40.30583526736071, + "nauc_precision_at_1000_max": 34.70918638626439, + "nauc_precision_at_1000_std": 12.715928266811598, + "nauc_precision_at_100_diff1": -47.964869010251846, + "nauc_precision_at_100_max": 26.620429693037366, + "nauc_precision_at_100_std": 18.68532843086043, + "nauc_precision_at_10_diff1": -34.104349060173085, + "nauc_precision_at_10_max": 26.245246669997798, + "nauc_precision_at_10_std": 30.831576915711125, + "nauc_precision_at_1_diff1": 1.7843066955278728, + "nauc_precision_at_1_max": 57.763717853100616, + "nauc_precision_at_1_std": 33.136558296601805, + "nauc_precision_at_20_diff1": -33.87525836898105, + "nauc_precision_at_20_max": 25.548649363721466, + "nauc_precision_at_20_std": 27.604697832580882, + "nauc_precision_at_3_diff1": -14.032333472093377, + "nauc_precision_at_3_max": 23.801873419238532, + "nauc_precision_at_3_std": 27.0374600876952, + "nauc_precision_at_5_diff1": -25.162414867111078, + "nauc_precision_at_5_max": 25.10286567958118, + "nauc_precision_at_5_std": 27.401141131146982, + "nauc_recall_at_1000_diff1": 8.774572946356937, + "nauc_recall_at_1000_max": 28.2204229608721, + "nauc_recall_at_1000_std": 31.270167564912686, + "nauc_recall_at_100_diff1": 16.54290158850843, + "nauc_recall_at_100_max": -7.538595552387122, + "nauc_recall_at_100_std": 15.254319185316195, + "nauc_recall_at_10_diff1": 40.002968026968766, + "nauc_recall_at_10_max": -18.03941198117395, + "nauc_recall_at_10_std": -9.712046044321065, + "nauc_recall_at_1_diff1": 61.06067743896484, + "nauc_recall_at_1_max": -27.40046456998301, + "nauc_recall_at_1_std": -28.836063940376196, + "nauc_recall_at_20_diff1": 37.50057451922987, + "nauc_recall_at_20_max": -13.587679451112741, + "nauc_recall_at_20_std": -6.1000224004170915, + "nauc_recall_at_3_diff1": 52.36429014007095, + "nauc_recall_at_3_max": -23.29607869288891, + "nauc_recall_at_3_std": -23.263702028296517, + "nauc_recall_at_5_diff1": 51.42054290135748, + "nauc_recall_at_5_max": -23.76846502088032, + "nauc_recall_at_5_std": -20.88091628382042, + "ndcg_at_1": 65.891, + "ndcg_at_10": 60.870000000000005, + "ndcg_at_100": 55.631, + "ndcg_at_1000": 64.962, + "ndcg_at_20": 58.858, + "ndcg_at_3": 65.41900000000001, + "ndcg_at_5": 63.166999999999994, + "precision_at_1": 83.721, + "precision_at_10": 70.465, + "precision_at_100": 32.698, + "precision_at_1000": 6.584, + "precision_at_20": 62.442, + "precision_at_3": 79.845, + "precision_at_5": 75.349, + "recall_at_1": 2.131, + "recall_at_10": 14.298, + "recall_at_100": 45.738, + "recall_at_1000": 73.379, + "recall_at_20": 23.879, + "recall_at_3": 5.271, + "recall_at_5": 8.297 + } + ], + "train": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 30.131999999999998, + "map_at_1": 14.407, + "map_at_10": 24.259, + "map_at_100": 25.532, + "map_at_1000": 25.607999999999997, + "map_at_20": 25.003999999999998, + "map_at_3": 20.843999999999998, + "map_at_5": 22.737, + "mrr_at_1": 14.799011410926575, + "mrr_at_10": 24.671770049916912, + "mrr_at_100": 25.912227539450218, + "mrr_at_1000": 25.98241603297972, + "mrr_at_20": 25.401787173662903, + "mrr_at_3": 21.28856581015981, + "mrr_at_5": 23.170225414993702, + "nauc_map_at_1000_diff1": 27.743591691853155, + "nauc_map_at_1000_max": 2.186253625268736, + "nauc_map_at_1000_std": -6.966768390113972, + "nauc_map_at_100_diff1": 27.731463655023564, + "nauc_map_at_100_max": 2.1913394082388704, + "nauc_map_at_100_std": -6.938360910306623, + "nauc_map_at_10_diff1": 27.811365681545603, + "nauc_map_at_10_max": 1.8712766396031941, + "nauc_map_at_10_std": -7.788000801451954, + "nauc_map_at_1_diff1": 32.78456020438945, + "nauc_map_at_1_max": 0.6266854747139329, + "nauc_map_at_1_std": -9.259257983292029, + "nauc_map_at_20_diff1": 27.741652319602235, + "nauc_map_at_20_max": 2.068640605941461, + "nauc_map_at_20_std": -7.28030317324751, + "nauc_map_at_3_diff1": 28.397160592082738, + "nauc_map_at_3_max": 1.2267404004360873, + "nauc_map_at_3_std": -8.869841444193002, + "nauc_map_at_5_diff1": 28.05328291032531, + "nauc_map_at_5_max": 1.5352625010482133, + "nauc_map_at_5_std": -8.471485703594468, + "nauc_mrr_at_1000_diff1": 27.63608350811647, + "nauc_mrr_at_1000_max": 2.2114608186539675, + "nauc_mrr_at_1000_std": -6.943930041692162, + "nauc_mrr_at_100_diff1": 27.622850462954663, + "nauc_mrr_at_100_max": 2.2193200918681275, + "nauc_mrr_at_100_std": -6.912876809877659, + "nauc_mrr_at_10_diff1": 27.683527728545727, + "nauc_mrr_at_10_max": 1.9240220586722965, + "nauc_mrr_at_10_std": -7.712230968308967, + "nauc_mrr_at_1_diff1": 32.61294117063101, + "nauc_mrr_at_1_max": 0.7189294997453807, + "nauc_mrr_at_1_std": -9.265318447713552, + "nauc_mrr_at_20_diff1": 27.625522352767558, + "nauc_mrr_at_20_max": 2.108581263077196, + "nauc_mrr_at_20_std": -7.223360518080142, + "nauc_mrr_at_3_diff1": 28.257957615852025, + "nauc_mrr_at_3_max": 1.2977985046785894, + "nauc_mrr_at_3_std": -8.8076258000365, + "nauc_mrr_at_5_diff1": 27.91383037330416, + "nauc_mrr_at_5_max": 1.5972687549034539, + "nauc_mrr_at_5_std": -8.389305745973509, + "nauc_ndcg_at_1000_diff1": 26.081887935905335, + "nauc_ndcg_at_1000_max": 4.0696106558153415, + "nauc_ndcg_at_1000_std": -3.298298398051431, + "nauc_ndcg_at_100_diff1": 25.74357369105929, + "nauc_ndcg_at_100_max": 4.292499710991041, + "nauc_ndcg_at_100_std": -2.1394034721649784, + "nauc_ndcg_at_10_diff1": 26.19081677301341, + "nauc_ndcg_at_10_max": 2.687160295676403, + "nauc_ndcg_at_10_std": -6.4366972654415395, + "nauc_ndcg_at_1_diff1": 32.65232292276097, + "nauc_ndcg_at_1_max": 0.6997220409841501, + "nauc_ndcg_at_1_std": -9.269117038507607, + "nauc_ndcg_at_20_diff1": 25.91642334827528, + "nauc_ndcg_at_20_max": 3.3737110018486276, + "nauc_ndcg_at_20_std": -4.641138670465863, + "nauc_ndcg_at_3_diff1": 27.29640098528084, + "nauc_ndcg_at_3_max": 1.4177486516132238, + "nauc_ndcg_at_3_std": -8.71047540870135, + "nauc_ndcg_at_5_diff1": 26.731060501247217, + "nauc_ndcg_at_5_max": 1.9317879547271946, + "nauc_ndcg_at_5_std": -8.012633327848533, + "nauc_precision_at_1000_diff1": -0.963156446290748, + "nauc_precision_at_1000_max": 18.604404683526067, + "nauc_precision_at_1000_std": 23.682613879220874, + "nauc_precision_at_100_diff1": 12.440725530560465, + "nauc_precision_at_100_max": 15.021859067959115, + "nauc_precision_at_100_std": 23.49175597318208, + "nauc_precision_at_10_diff1": 21.42533152951152, + "nauc_precision_at_10_max": 5.067698697287166, + "nauc_precision_at_10_std": -2.6401963736542347, + "nauc_precision_at_1_diff1": 32.65232292276097, + "nauc_precision_at_1_max": 0.6997220409841501, + "nauc_precision_at_1_std": -9.269117038507607, + "nauc_precision_at_20_diff1": 19.38806847323624, + "nauc_precision_at_20_max": 7.645723716103547, + "nauc_precision_at_20_std": 4.040759794191543, + "nauc_precision_at_3_diff1": 24.516448344903957, + "nauc_precision_at_3_max": 1.982180652363226, + "nauc_precision_at_3_std": -8.316362113263299, + "nauc_precision_at_5_diff1": 23.288094926799282, + "nauc_precision_at_5_max": 3.050892689805194, + "nauc_precision_at_5_std": -6.857246854303215, + "nauc_recall_at_1000_diff1": 5.947138985779586, + "nauc_recall_at_1000_max": 38.076443451708734, + "nauc_recall_at_1000_std": 57.5064720311038, + "nauc_recall_at_100_diff1": 16.35897637462773, + "nauc_recall_at_100_max": 16.442727637397404, + "nauc_recall_at_100_std": 27.525825890234767, + "nauc_recall_at_10_diff1": 22.13182408322307, + "nauc_recall_at_10_max": 4.784309940843361, + "nauc_recall_at_10_std": -2.705671208259262, + "nauc_recall_at_1_diff1": 32.78456020438945, + "nauc_recall_at_1_max": 0.6266854747139329, + "nauc_recall_at_1_std": -9.259257983292029, + "nauc_recall_at_20_diff1": 20.72897058297039, + "nauc_recall_at_20_max": 7.414931778511462, + "nauc_recall_at_20_std": 4.117766916576597, + "nauc_recall_at_3_diff1": 24.713766084533926, + "nauc_recall_at_3_max": 1.8079783997150785, + "nauc_recall_at_3_std": -8.341716739783024, + "nauc_recall_at_5_diff1": 23.595833478174214, + "nauc_recall_at_5_max": 2.8292433948256144, + "nauc_recall_at_5_std": -6.882074106857454, + "ndcg_at_1": 14.792, + "ndcg_at_10": 30.131999999999998, + "ndcg_at_100": 36.576, + "ndcg_at_1000": 38.59, + "ndcg_at_20": 32.804, + "ndcg_at_3": 23.099, + "ndcg_at_5": 26.490000000000002, + "precision_at_1": 14.792, + "precision_at_10": 5.0360000000000005, + "precision_at_100": 0.828, + "precision_at_1000": 0.1, + "precision_at_20": 3.069, + "precision_at_3": 10.047, + "precision_at_5": 7.736, + "recall_at_1": 14.407, + "recall_at_10": 48.482, + "recall_at_100": 78.97800000000001, + "recall_at_1000": 94.65, + "recall_at_20": 58.902, + "recall_at_3": 29.195, + "recall_at_5": 37.368 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAE-v1/external/MindSmallReranking.json b/results/qinxianliu__FAE-v1/external/MindSmallReranking.json new file mode 100644 index 000000000..e4f980c97 --- /dev/null +++ b/results/qinxianliu__FAE-v1/external/MindSmallReranking.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "59042f120c80e8afa9cdbb224f67076cec0fc9a7", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 32.27539841929449, + "map": 32.27539841929449, + "mrr": 33.47783297912284, + "nAUC_map_diff1": 12.41756780442519, + "nAUC_map_max": -20.895868411105837, + "nAUC_map_std": -4.824740239451878, + "nAUC_mrr_diff1": 11.549490414607789, + "nAUC_mrr_max": -15.260904696581209, + "nAUC_mrr_std": -2.394423763999185 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAE-v1/external/NFCorpus.json b/results/qinxianliu__FAE-v1/external/NFCorpus.json new file mode 100644 index 000000000..da023ca25 --- /dev/null +++ b/results/qinxianliu__FAE-v1/external/NFCorpus.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 35.662, + "map_at_1": 5.652, + "map_at_10": 13.047, + "map_at_100": 16.567, + "map_at_1000": 18.084, + "map_at_20": 14.510000000000002, + "map_at_3": 9.386999999999999, + "map_at_5": 10.977, + "mrr_at_1": 46.13003095975232, + "mrr_at_10": 54.95491178927709, + "mrr_at_100": 55.544586976901336, + "mrr_at_1000": 55.58348117751528, + "mrr_at_20": 55.33418603232604, + "mrr_at_3": 52.78637770897833, + "mrr_at_5": 54.25696594427244, + "nauc_map_at_1000_diff1": 29.91965828918768, + "nauc_map_at_1000_max": 32.03405230938628, + "nauc_map_at_1000_std": 16.27984672356645, + "nauc_map_at_100_diff1": 31.21467263198773, + "nauc_map_at_100_max": 31.485000937101663, + "nauc_map_at_100_std": 12.737444237628633, + "nauc_map_at_10_diff1": 35.17536276298265, + "nauc_map_at_10_max": 25.13588213923002, + "nauc_map_at_10_std": 0.45232806632611816, + "nauc_map_at_1_diff1": 47.99636803488069, + "nauc_map_at_1_max": 10.648850046392374, + "nauc_map_at_1_std": -12.998830822307076, + "nauc_map_at_20_diff1": 32.97263335778142, + "nauc_map_at_20_max": 28.570781322214167, + "nauc_map_at_20_std": 5.662873155128746, + "nauc_map_at_3_diff1": 41.5337475392683, + "nauc_map_at_3_max": 16.764628039876133, + "nauc_map_at_3_std": -7.09907155684463, + "nauc_map_at_5_diff1": 38.52405483803988, + "nauc_map_at_5_max": 19.91383337841446, + "nauc_map_at_5_std": -6.044212998729906, + "nauc_mrr_at_1000_diff1": 38.01463096622623, + "nauc_mrr_at_1000_max": 49.291904480169244, + "nauc_mrr_at_1000_std": 29.754153285934027, + "nauc_mrr_at_100_diff1": 38.01814803245362, + "nauc_mrr_at_100_max": 49.3095371344059, + "nauc_mrr_at_100_std": 29.784192106635793, + "nauc_mrr_at_10_diff1": 37.84717846465486, + "nauc_mrr_at_10_max": 49.11974797455088, + "nauc_mrr_at_10_std": 29.262012502763568, + "nauc_mrr_at_1_diff1": 39.04736386140845, + "nauc_mrr_at_1_max": 43.83690883792315, + "nauc_mrr_at_1_std": 23.51788354104634, + "nauc_mrr_at_20_diff1": 38.06033939013939, + "nauc_mrr_at_20_max": 49.36006620834149, + "nauc_mrr_at_20_std": 29.749726731014164, + "nauc_mrr_at_3_diff1": 37.78985022130561, + "nauc_mrr_at_3_max": 48.432740363041404, + "nauc_mrr_at_3_std": 28.975093211715336, + "nauc_mrr_at_5_diff1": 37.73922077805231, + "nauc_mrr_at_5_max": 48.86376003408159, + "nauc_mrr_at_5_std": 28.90459889667836, + "nauc_ndcg_at_1000_diff1": 30.391153185959098, + "nauc_ndcg_at_1000_max": 46.914209697328374, + "nauc_ndcg_at_1000_std": 35.14675062002554, + "nauc_ndcg_at_100_diff1": 30.471695482049526, + "nauc_ndcg_at_100_max": 43.02828252766627, + "nauc_ndcg_at_100_std": 29.640099412900195, + "nauc_ndcg_at_10_diff1": 24.802537381164296, + "nauc_ndcg_at_10_max": 39.34717296943183, + "nauc_ndcg_at_10_std": 27.795791542048743, + "nauc_ndcg_at_1_diff1": 37.765528736805635, + "nauc_ndcg_at_1_max": 40.16055347756771, + "nauc_ndcg_at_1_std": 21.570524458541517, + "nauc_ndcg_at_20_diff1": 25.034216048817235, + "nauc_ndcg_at_20_max": 39.590474686893046, + "nauc_ndcg_at_20_std": 28.934081191823672, + "nauc_ndcg_at_3_diff1": 30.898441966538392, + "nauc_ndcg_at_3_max": 41.39465060964838, + "nauc_ndcg_at_3_std": 25.12993817406971, + "nauc_ndcg_at_5_diff1": 26.990556304026107, + "nauc_ndcg_at_5_max": 40.15244489178726, + "nauc_ndcg_at_5_std": 24.55598093525673, + "nauc_precision_at_1000_diff1": -13.983693965898514, + "nauc_precision_at_1000_max": 5.407667532731727, + "nauc_precision_at_1000_std": 34.95521093194718, + "nauc_precision_at_100_diff1": -6.745021892986937, + "nauc_precision_at_100_max": 22.74081861051233, + "nauc_precision_at_100_std": 47.68214067690831, + "nauc_precision_at_10_diff1": 5.031814172174264, + "nauc_precision_at_10_max": 38.335083809252275, + "nauc_precision_at_10_std": 40.10044071220397, + "nauc_precision_at_1_diff1": 39.04736386140845, + "nauc_precision_at_1_max": 43.83690883792315, + "nauc_precision_at_1_std": 23.51788354104634, + "nauc_precision_at_20_diff1": -1.3239028343653976, + "nauc_precision_at_20_max": 33.803453672565595, + "nauc_precision_at_20_std": 45.3679209483032, + "nauc_precision_at_3_diff1": 21.491090031969982, + "nauc_precision_at_3_max": 43.13343008365781, + "nauc_precision_at_3_std": 31.41050508133433, + "nauc_precision_at_5_diff1": 11.25489170247703, + "nauc_precision_at_5_max": 41.520141506506654, + "nauc_precision_at_5_std": 32.422623575264886, + "nauc_recall_at_1000_diff1": 14.640497609733849, + "nauc_recall_at_1000_max": 21.21281526885864, + "nauc_recall_at_1000_std": 22.99384489948256, + "nauc_recall_at_100_diff1": 23.168100461319124, + "nauc_recall_at_100_max": 27.829048439801348, + "nauc_recall_at_100_std": 19.223663432731904, + "nauc_recall_at_10_diff1": 27.452198247470992, + "nauc_recall_at_10_max": 21.12611313009853, + "nauc_recall_at_10_std": -0.9339657173197605, + "nauc_recall_at_1_diff1": 47.99636803488069, + "nauc_recall_at_1_max": 10.648850046392374, + "nauc_recall_at_1_std": -12.998830822307076, + "nauc_recall_at_20_diff1": 25.998093440892557, + "nauc_recall_at_20_max": 24.924149563585278, + "nauc_recall_at_20_std": 5.814413688309118, + "nauc_recall_at_3_diff1": 34.72488040342432, + "nauc_recall_at_3_max": 14.166348207674192, + "nauc_recall_at_3_std": -7.047242902399681, + "nauc_recall_at_5_diff1": 30.27590124765443, + "nauc_recall_at_5_max": 14.766456601045505, + "nauc_recall_at_5_std": -8.71451694882345, + "ndcg_at_1": 43.808, + "ndcg_at_10": 35.662, + "ndcg_at_100": 32.456, + "ndcg_at_1000": 41.439, + "ndcg_at_20": 33.183, + "ndcg_at_3": 40.452, + "ndcg_at_5": 38.551, + "precision_at_1": 46.129999999999995, + "precision_at_10": 26.873, + "precision_at_100": 8.201, + "precision_at_1000": 2.1149999999999998, + "precision_at_20": 19.598, + "precision_at_3": 38.184000000000005, + "precision_at_5": 33.622, + "recall_at_1": 5.652, + "recall_at_10": 17.693, + "recall_at_100": 33.119, + "recall_at_1000": 65.02799999999999, + "recall_at_20": 21.675, + "recall_at_3": 10.812, + "recall_at_5": 13.617 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAE-v1/external/NQ.json b/results/qinxianliu__FAE-v1/external/NQ.json new file mode 100644 index 000000000..098e4ae0f --- /dev/null +++ b/results/qinxianliu__FAE-v1/external/NQ.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 43.606, + "map_at_1": 22.774, + "map_at_10": 36.277, + "map_at_100": 37.489, + "map_at_1000": 37.546, + "map_at_20": 37.061, + "map_at_3": 31.935999999999996, + "map_at_5": 34.452, + "mrr_at_1": 25.955967555040555, + "mrr_at_10": 38.59143077856862, + "mrr_at_100": 39.56362203064922, + "mrr_at_1000": 39.60585847011445, + "mrr_at_20": 39.235602919545435, + "mrr_at_3": 34.907300115874875, + "mrr_at_5": 37.12630359212057, + "nauc_map_at_1000_diff1": 23.602463327250174, + "nauc_map_at_1000_max": 16.049505970572973, + "nauc_map_at_1000_std": 3.5293321883696396, + "nauc_map_at_100_diff1": 23.60291454608574, + "nauc_map_at_100_max": 16.067398711249535, + "nauc_map_at_100_std": 3.5556643540259856, + "nauc_map_at_10_diff1": 23.684762222425494, + "nauc_map_at_10_max": 15.80075442040261, + "nauc_map_at_10_std": 2.943804839969353, + "nauc_map_at_1_diff1": 26.1091971943872, + "nauc_map_at_1_max": 11.700523672969725, + "nauc_map_at_1_std": 0.4399362402968974, + "nauc_map_at_20_diff1": 23.63752128483996, + "nauc_map_at_20_max": 16.08648812625399, + "nauc_map_at_20_std": 3.427914218475957, + "nauc_map_at_3_diff1": 23.617036178572157, + "nauc_map_at_3_max": 14.181242515487083, + "nauc_map_at_3_std": 1.230599230350938, + "nauc_map_at_5_diff1": 23.54151604956875, + "nauc_map_at_5_max": 15.271178228300123, + "nauc_map_at_5_std": 2.502458747572345, + "nauc_mrr_at_1000_diff1": 22.972874581231377, + "nauc_mrr_at_1000_max": 16.674328054464286, + "nauc_mrr_at_1000_std": 5.0710817205583565, + "nauc_mrr_at_100_diff1": 22.96626848438848, + "nauc_mrr_at_100_max": 16.689744577550762, + "nauc_mrr_at_100_std": 5.093264240226236, + "nauc_mrr_at_10_diff1": 22.97216495051194, + "nauc_mrr_at_10_max": 16.51016462487818, + "nauc_mrr_at_10_std": 4.717010806811377, + "nauc_mrr_at_1_diff1": 25.236639081525652, + "nauc_mrr_at_1_max": 13.807115020439529, + "nauc_mrr_at_1_std": 2.6978352185066794, + "nauc_mrr_at_20_diff1": 22.989583369869866, + "nauc_mrr_at_20_max": 16.715289415313194, + "nauc_mrr_at_20_std": 5.048374069365411, + "nauc_mrr_at_3_diff1": 22.700522180533774, + "nauc_mrr_at_3_max": 15.891522684028963, + "nauc_mrr_at_3_std": 4.005639267509675, + "nauc_mrr_at_5_diff1": 22.714930506039998, + "nauc_mrr_at_5_max": 16.35120235142281, + "nauc_mrr_at_5_std": 4.482093061242524, + "nauc_ndcg_at_1000_diff1": 22.852124904893863, + "nauc_ndcg_at_1000_max": 18.02455909832245, + "nauc_ndcg_at_1000_std": 6.22947964092358, + "nauc_ndcg_at_100_diff1": 22.805336466062922, + "nauc_ndcg_at_100_max": 18.49235722614814, + "nauc_ndcg_at_100_std": 7.044438137893367, + "nauc_ndcg_at_10_diff1": 23.073286509696437, + "nauc_ndcg_at_10_max": 17.486909733466526, + "nauc_ndcg_at_10_std": 4.551569281275686, + "nauc_ndcg_at_1_diff1": 25.339227528838883, + "nauc_ndcg_at_1_max": 13.657772957028003, + "nauc_ndcg_at_1_std": 2.7489743502937665, + "nauc_ndcg_at_20_diff1": 22.97372553760722, + "nauc_ndcg_at_20_max": 18.508807155337312, + "nauc_ndcg_at_20_std": 6.187974783975187, + "nauc_ndcg_at_3_diff1": 22.765792905040907, + "nauc_ndcg_at_3_max": 15.095567275413105, + "nauc_ndcg_at_3_std": 2.0195431317260515, + "nauc_ndcg_at_5_diff1": 22.690451876139836, + "nauc_ndcg_at_5_max": 16.572152861245478, + "nauc_ndcg_at_5_std": 3.7138197929734273, + "nauc_precision_at_1000_diff1": -4.782888667803145, + "nauc_precision_at_1000_max": 13.846643537335545, + "nauc_precision_at_1000_std": 16.00822790515491, + "nauc_precision_at_100_diff1": 2.3134049109503794, + "nauc_precision_at_100_max": 20.7035791402238, + "nauc_precision_at_100_std": 21.48031815276703, + "nauc_precision_at_10_diff1": 13.754845630470633, + "nauc_precision_at_10_max": 21.834147075865676, + "nauc_precision_at_10_std": 11.607079626736999, + "nauc_precision_at_1_diff1": 25.339227528838883, + "nauc_precision_at_1_max": 13.657772957028003, + "nauc_precision_at_1_std": 2.7489743502937665, + "nauc_precision_at_20_diff1": 9.906574092572928, + "nauc_precision_at_20_max": 23.47524162312612, + "nauc_precision_at_20_std": 16.85557292441589, + "nauc_precision_at_3_diff1": 18.504498790147995, + "nauc_precision_at_3_max": 18.994084086014876, + "nauc_precision_at_3_std": 5.292594636939079, + "nauc_precision_at_5_diff1": 16.415310361789114, + "nauc_precision_at_5_max": 21.53590334539019, + "nauc_precision_at_5_std": 9.811552573647136, + "nauc_recall_at_1000_diff1": 13.13562831744627, + "nauc_recall_at_1000_max": 52.470741501576455, + "nauc_recall_at_1000_std": 53.79452270384072, + "nauc_recall_at_100_diff1": 19.143578373997975, + "nauc_recall_at_100_max": 34.70913700624896, + "nauc_recall_at_100_std": 33.19232264868328, + "nauc_recall_at_10_diff1": 21.233544356033995, + "nauc_recall_at_10_max": 21.146882653244617, + "nauc_recall_at_10_std": 7.372401847841144, + "nauc_recall_at_1_diff1": 26.1091971943872, + "nauc_recall_at_1_max": 11.700523672969725, + "nauc_recall_at_1_std": 0.4399362402968974, + "nauc_recall_at_20_diff1": 20.87523229315358, + "nauc_recall_at_20_max": 27.09068008931055, + "nauc_recall_at_20_std": 15.781491528572714, + "nauc_recall_at_3_diff1": 20.572677623946152, + "nauc_recall_at_3_max": 15.312829194555091, + "nauc_recall_at_3_std": 1.5250198125891952, + "nauc_recall_at_5_diff1": 20.243821527757998, + "nauc_recall_at_5_max": 18.294375707572552, + "nauc_recall_at_5_std": 4.835007956758497, + "ndcg_at_1": 25.927, + "ndcg_at_10": 43.606, + "ndcg_at_100": 48.9, + "ndcg_at_1000": 50.21600000000001, + "ndcg_at_20": 46.192, + "ndcg_at_3": 35.387, + "ndcg_at_5": 39.61, + "precision_at_1": 25.927, + "precision_at_10": 7.598000000000001, + "precision_at_100": 1.056, + "precision_at_1000": 0.11800000000000001, + "precision_at_20": 4.412, + "precision_at_3": 16.474, + "precision_at_5": 12.306000000000001, + "recall_at_1": 22.774, + "recall_at_10": 63.804, + "recall_at_100": 87.078, + "recall_at_1000": 96.809, + "recall_at_20": 73.412, + "recall_at_3": 42.446, + "recall_at_5": 52.146 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAE-v1/external/QuoraRetrieval.json b/results/qinxianliu__FAE-v1/external/QuoraRetrieval.json new file mode 100644 index 000000000..0c0b109fc --- /dev/null +++ b/results/qinxianliu__FAE-v1/external/QuoraRetrieval.json @@ -0,0 +1,306 @@ +{ + "dataset_revision": "e4e08e0b7dbe3c8700f0daef558ff32256715259", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 79.689, + "map_at_1": 61.951, + "map_at_10": 75.29, + "map_at_100": 76.062, + "map_at_1000": 76.089, + "map_at_20": 75.788, + "map_at_3": 72.385, + "map_at_5": 74.112, + "mrr_at_1": 71.54, + "mrr_at_10": 78.80744444444454, + "mrr_at_100": 79.09387723600476, + "mrr_at_1000": 79.10014308149326, + "mrr_at_20": 78.99854369057162, + "mrr_at_3": 77.39666666666686, + "mrr_at_5": 78.27866666666675, + "nauc_map_at_1000_diff1": 69.16278618627813, + "nauc_map_at_1000_max": 40.8054786383252, + "nauc_map_at_1000_std": -12.975529151980847, + "nauc_map_at_100_diff1": 69.16379575149261, + "nauc_map_at_100_max": 40.80777628266319, + "nauc_map_at_100_std": -12.972660034595604, + "nauc_map_at_10_diff1": 69.2380861852595, + "nauc_map_at_10_max": 40.496804138814234, + "nauc_map_at_10_std": -13.504626418282136, + "nauc_map_at_1_diff1": 73.33781068129906, + "nauc_map_at_1_max": 29.641896042854626, + "nauc_map_at_1_std": -13.600625379815035, + "nauc_map_at_20_diff1": 69.20757415641275, + "nauc_map_at_20_max": 40.76762431795175, + "nauc_map_at_20_std": -13.130736444250587, + "nauc_map_at_3_diff1": 69.94647134703855, + "nauc_map_at_3_max": 38.381658301357625, + "nauc_map_at_3_std": -14.313374289021066, + "nauc_map_at_5_diff1": 69.54911395978294, + "nauc_map_at_5_max": 39.675490242055034, + "nauc_map_at_5_std": -13.901566164889461, + "nauc_mrr_at_1000_diff1": 69.13622166757916, + "nauc_mrr_at_1000_max": 44.39081168800298, + "nauc_mrr_at_1000_std": -11.057804399469596, + "nauc_mrr_at_100_diff1": 69.1335496079671, + "nauc_mrr_at_100_max": 44.39302689223303, + "nauc_mrr_at_100_std": -11.064592250393002, + "nauc_mrr_at_10_diff1": 69.00554557535608, + "nauc_mrr_at_10_max": 44.5362784902244, + "nauc_mrr_at_10_std": -11.115620062768034, + "nauc_mrr_at_1_diff1": 71.08904934947208, + "nauc_mrr_at_1_max": 41.71596619611413, + "nauc_mrr_at_1_std": -10.563544913173219, + "nauc_mrr_at_20_diff1": 69.12331081818628, + "nauc_mrr_at_20_max": 44.48119813747793, + "nauc_mrr_at_20_std": -11.057850633347208, + "nauc_mrr_at_3_diff1": 69.13882820990833, + "nauc_mrr_at_3_max": 44.35962014885869, + "nauc_mrr_at_3_std": -11.597103337721792, + "nauc_mrr_at_5_diff1": 69.00612112400252, + "nauc_mrr_at_5_max": 44.53870666229205, + "nauc_mrr_at_5_std": -11.078568933701497, + "nauc_ndcg_at_1000_diff1": 68.60022358398491, + "nauc_ndcg_at_1000_max": 42.84094427755355, + "nauc_ndcg_at_1000_std": -11.740999708260063, + "nauc_ndcg_at_100_diff1": 68.51582139472715, + "nauc_ndcg_at_100_max": 42.9692531563504, + "nauc_ndcg_at_100_std": -11.686315202846382, + "nauc_ndcg_at_10_diff1": 68.2022713603996, + "nauc_ndcg_at_10_max": 42.83895085574898, + "nauc_ndcg_at_10_std": -13.038849565536337, + "nauc_ndcg_at_1_diff1": 71.12826231560825, + "nauc_ndcg_at_1_max": 41.812193558290545, + "nauc_ndcg_at_1_std": -10.62293636245971, + "nauc_ndcg_at_20_diff1": 68.47071937178102, + "nauc_ndcg_at_20_max": 43.110776146660584, + "nauc_ndcg_at_20_std": -12.191015984931228, + "nauc_ndcg_at_3_diff1": 68.26608469575557, + "nauc_ndcg_at_3_max": 41.76537024561611, + "nauc_ndcg_at_3_std": -13.723057179383598, + "nauc_ndcg_at_5_diff1": 68.29001306620432, + "nauc_ndcg_at_5_max": 42.32418392982277, + "nauc_ndcg_at_5_std": -13.312042094969364, + "nauc_precision_at_1000_diff1": -36.4174721908693, + "nauc_precision_at_1000_max": -1.0217848363003177, + "nauc_precision_at_1000_std": 10.445913283214638, + "nauc_precision_at_100_diff1": -34.3130446473455, + "nauc_precision_at_100_max": 2.4400946562848183, + "nauc_precision_at_100_std": 11.485679772970926, + "nauc_precision_at_10_diff1": -20.22069651308277, + "nauc_precision_at_10_max": 14.88158640246047, + "nauc_precision_at_10_std": 6.924474313666516, + "nauc_precision_at_1_diff1": 71.12826231560825, + "nauc_precision_at_1_max": 41.812193558290545, + "nauc_precision_at_1_std": -10.62293636245971, + "nauc_precision_at_20_diff1": -26.681490697546, + "nauc_precision_at_20_max": 9.997260656664112, + "nauc_precision_at_20_std": 9.9450230687102, + "nauc_precision_at_3_diff1": 4.575557155465603, + "nauc_precision_at_3_max": 26.62020106182012, + "nauc_precision_at_3_std": -0.28709045857743914, + "nauc_precision_at_5_diff1": -8.418950198015214, + "nauc_precision_at_5_max": 21.162078609383265, + "nauc_precision_at_5_std": 3.464853649565737, + "nauc_recall_at_1000_diff1": 60.93391207536868, + "nauc_recall_at_1000_max": 53.4539621971167, + "nauc_recall_at_1000_std": 54.59942635017945, + "nauc_recall_at_100_diff1": 58.32153103160282, + "nauc_recall_at_100_max": 50.12501092666738, + "nauc_recall_at_100_std": 3.8609026964562516, + "nauc_recall_at_10_diff1": 61.94768646828578, + "nauc_recall_at_10_max": 44.32066686731314, + "nauc_recall_at_10_std": -14.685474808162127, + "nauc_recall_at_1_diff1": 73.33781068129906, + "nauc_recall_at_1_max": 29.641896042854626, + "nauc_recall_at_1_std": -13.600625379815035, + "nauc_recall_at_20_diff1": 61.759411593000436, + "nauc_recall_at_20_max": 47.028539133452, + "nauc_recall_at_20_std": -9.693431832476957, + "nauc_recall_at_3_diff1": 65.55152449379783, + "nauc_recall_at_3_max": 38.92916242272897, + "nauc_recall_at_3_std": -16.183579282695916, + "nauc_recall_at_5_diff1": 63.45134615349918, + "nauc_recall_at_5_max": 41.631293791329725, + "nauc_recall_at_5_std": -14.87314663816256, + "ndcg_at_1": 71.52, + "ndcg_at_10": 79.689, + "ndcg_at_100": 81.95400000000001, + "ndcg_at_1000": 82.291, + "ndcg_at_20": 80.80000000000001, + "ndcg_at_3": 76.238, + "ndcg_at_5": 77.95400000000001, + "precision_at_1": 71.52, + "precision_at_10": 12.186, + "precision_at_100": 1.44, + "precision_at_1000": 0.15, + "precision_at_20": 6.548, + "precision_at_3": 33.547, + "precision_at_5": 22.084, + "recall_at_1": 61.951, + "recall_at_10": 88.631, + "recall_at_100": 97.44699999999999, + "recall_at_1000": 99.494, + "recall_at_20": 92.42899999999999, + "recall_at_3": 78.798, + "recall_at_5": 83.687 + } + ], + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 80.096, + "map_at_1": 62.58200000000001, + "map_at_10": 75.65899999999999, + "map_at_100": 76.453, + "map_at_1000": 76.484, + "map_at_20": 76.151, + "map_at_3": 72.69, + "map_at_5": 74.535, + "mrr_at_1": 72.13000000000001, + "mrr_at_10": 79.36378174603132, + "mrr_at_100": 79.62182105350084, + "mrr_at_1000": 79.629551342526, + "mrr_at_20": 79.53269623371932, + "mrr_at_3": 77.9416666666663, + "mrr_at_5": 78.88766666666606, + "nauc_map_at_1000_diff1": 67.88833708499833, + "nauc_map_at_1000_max": 38.414698255802534, + "nauc_map_at_1000_std": -13.278668948334857, + "nauc_map_at_100_diff1": 67.89484909118323, + "nauc_map_at_100_max": 38.40457033896116, + "nauc_map_at_100_std": -13.297947051767235, + "nauc_map_at_10_diff1": 68.08747565362242, + "nauc_map_at_10_max": 37.90668834131539, + "nauc_map_at_10_std": -13.879925374579392, + "nauc_map_at_1_diff1": 72.45586358678875, + "nauc_map_at_1_max": 30.032949918757446, + "nauc_map_at_1_std": -14.111645686311123, + "nauc_map_at_20_diff1": 67.98292678214236, + "nauc_map_at_20_max": 38.23203271471214, + "nauc_map_at_20_std": -13.597930529029151, + "nauc_map_at_3_diff1": 68.75996620048306, + "nauc_map_at_3_max": 35.90210889511515, + "nauc_map_at_3_std": -14.208608164114956, + "nauc_map_at_5_diff1": 68.33250171235046, + "nauc_map_at_5_max": 37.04219260069889, + "nauc_map_at_5_std": -14.389282527964427, + "nauc_mrr_at_1000_diff1": 67.97213481879396, + "nauc_mrr_at_1000_max": 42.292613421420135, + "nauc_mrr_at_1000_std": -11.471998268713584, + "nauc_mrr_at_100_diff1": 67.96825591765275, + "nauc_mrr_at_100_max": 42.297707233620386, + "nauc_mrr_at_100_std": -11.473990631860207, + "nauc_mrr_at_10_diff1": 67.89146511765615, + "nauc_mrr_at_10_max": 42.356123618057104, + "nauc_mrr_at_10_std": -11.54615385847753, + "nauc_mrr_at_1_diff1": 70.1051366765304, + "nauc_mrr_at_1_max": 40.66131327673006, + "nauc_mrr_at_1_std": -12.061578603344767, + "nauc_mrr_at_20_diff1": 67.93718682157156, + "nauc_mrr_at_20_max": 42.320755202666014, + "nauc_mrr_at_20_std": -11.501806653184852, + "nauc_mrr_at_3_diff1": 67.81562678912765, + "nauc_mrr_at_3_max": 41.96700880438921, + "nauc_mrr_at_3_std": -11.469224512805066, + "nauc_mrr_at_5_diff1": 67.82298204674426, + "nauc_mrr_at_5_max": 42.25631629704054, + "nauc_mrr_at_5_std": -11.622122427043259, + "nauc_ndcg_at_1000_diff1": 67.21257869825583, + "nauc_ndcg_at_1000_max": 40.518685724427485, + "nauc_ndcg_at_1000_std": -11.66608927116619, + "nauc_ndcg_at_100_diff1": 67.17872982830646, + "nauc_ndcg_at_100_max": 40.579795341792654, + "nauc_ndcg_at_100_std": -11.650169918256003, + "nauc_ndcg_at_10_diff1": 67.12480841262358, + "nauc_ndcg_at_10_max": 39.96493015129396, + "nauc_ndcg_at_10_std": -13.271846059986983, + "nauc_ndcg_at_1_diff1": 70.0443256157741, + "nauc_ndcg_at_1_max": 40.62951422008081, + "nauc_ndcg_at_1_std": -11.92354080471582, + "nauc_ndcg_at_20_diff1": 67.17741778802943, + "nauc_ndcg_at_20_max": 40.26989842180787, + "nauc_ndcg_at_20_std": -12.776706216725147, + "nauc_ndcg_at_3_diff1": 67.05928529377485, + "nauc_ndcg_at_3_max": 38.831388768220535, + "nauc_ndcg_at_3_std": -13.008156227133833, + "nauc_ndcg_at_5_diff1": 67.07517119660598, + "nauc_ndcg_at_5_max": 39.171733747793056, + "nauc_ndcg_at_5_std": -13.812836166985184, + "nauc_precision_at_1000_diff1": -37.84619029253153, + "nauc_precision_at_1000_max": -0.9354623137860171, + "nauc_precision_at_1000_std": 13.986182231587854, + "nauc_precision_at_100_diff1": -35.32331533523028, + "nauc_precision_at_100_max": 2.0233015793311364, + "nauc_precision_at_100_std": 14.201144192605703, + "nauc_precision_at_10_diff1": -21.69899771343037, + "nauc_precision_at_10_max": 11.50372618501233, + "nauc_precision_at_10_std": 7.334819810320853, + "nauc_precision_at_1_diff1": 70.0443256157741, + "nauc_precision_at_1_max": 40.62951422008081, + "nauc_precision_at_1_std": -11.92354080471582, + "nauc_precision_at_20_diff1": -28.119552338660505, + "nauc_precision_at_20_max": 7.550928146918198, + "nauc_precision_at_20_std": 10.325675132902985, + "nauc_precision_at_3_diff1": 3.3541836459497647, + "nauc_precision_at_3_max": 21.941396652846144, + "nauc_precision_at_3_std": 0.5552232967124991, + "nauc_precision_at_5_diff1": -10.832056424146009, + "nauc_precision_at_5_max": 16.339982028406485, + "nauc_precision_at_5_std": 3.185159811768809, + "nauc_recall_at_1000_diff1": 58.43183713627242, + "nauc_recall_at_1000_max": 48.01634312009108, + "nauc_recall_at_1000_std": 69.72518023544956, + "nauc_recall_at_100_diff1": 59.88142171371062, + "nauc_recall_at_100_max": 46.35689768124251, + "nauc_recall_at_100_std": 8.001990186779647, + "nauc_recall_at_10_diff1": 61.65592718112326, + "nauc_recall_at_10_max": 39.57630182897223, + "nauc_recall_at_10_std": -14.559770754219118, + "nauc_recall_at_1_diff1": 72.45586358678875, + "nauc_recall_at_1_max": 30.032949918757446, + "nauc_recall_at_1_std": -14.111645686311123, + "nauc_recall_at_20_diff1": 60.516805405522064, + "nauc_recall_at_20_max": 40.86078008772058, + "nauc_recall_at_20_std": -12.074672943519206, + "nauc_recall_at_3_diff1": 64.42693382990917, + "nauc_recall_at_3_max": 34.39716151700768, + "nauc_recall_at_3_std": -14.52443474724474, + "nauc_recall_at_5_diff1": 62.55805798773858, + "nauc_recall_at_5_max": 36.170901686696425, + "nauc_recall_at_5_std": -16.216255451325594, + "ndcg_at_1": 72.16, + "ndcg_at_10": 80.096, + "ndcg_at_100": 82.256, + "ndcg_at_1000": 82.647, + "ndcg_at_20": 81.133, + "ndcg_at_3": 76.6, + "ndcg_at_5": 78.50200000000001, + "precision_at_1": 72.16, + "precision_at_10": 12.234, + "precision_at_100": 1.464, + "precision_at_1000": 0.154, + "precision_at_20": 6.59, + "precision_at_3": 33.497, + "precision_at_5": 22.208, + "recall_at_1": 62.58200000000001, + "recall_at_10": 88.82, + "recall_at_100": 97.042, + "recall_at_1000": 99.397, + "recall_at_20": 92.314, + "recall_at_3": 78.901, + "recall_at_5": 84.114 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAE-v1/external/SCIDOCS.json b/results/qinxianliu__FAE-v1/external/SCIDOCS.json new file mode 100644 index 000000000..f8a5b5c63 --- /dev/null +++ b/results/qinxianliu__FAE-v1/external/SCIDOCS.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f8c2fcf00f625baaa80f62ec5bd9e1fff3b8ae88", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 18.815, + "map_at_1": 4.388, + "map_at_10": 11.033999999999999, + "map_at_100": 13.184000000000001, + "map_at_1000": 13.498, + "map_at_20": 12.132, + "map_at_3": 7.638, + "map_at_5": 9.311, + "mrr_at_1": 21.6, + "mrr_at_10": 32.14289682539679, + "mrr_at_100": 33.367637184331095, + "mrr_at_1000": 33.42877675945694, + "mrr_at_20": 32.91334022917221, + "mrr_at_3": 28.999999999999996, + "mrr_at_5": 30.794999999999977, + "nauc_map_at_1000_diff1": 14.992309399065002, + "nauc_map_at_1000_max": 30.04216786671432, + "nauc_map_at_1000_std": 19.403025833790046, + "nauc_map_at_100_diff1": 14.97668225139453, + "nauc_map_at_100_max": 30.01556122365911, + "nauc_map_at_100_std": 19.19131489040135, + "nauc_map_at_10_diff1": 16.64969338179179, + "nauc_map_at_10_max": 28.095929894791787, + "nauc_map_at_10_std": 14.911986168177268, + "nauc_map_at_1_diff1": 22.9080669398112, + "nauc_map_at_1_max": 20.470566052362248, + "nauc_map_at_1_std": 5.387656253377904, + "nauc_map_at_20_diff1": 16.00920195827532, + "nauc_map_at_20_max": 29.18658304019089, + "nauc_map_at_20_std": 16.905559771925518, + "nauc_map_at_3_diff1": 17.811282806295306, + "nauc_map_at_3_max": 22.775462057284404, + "nauc_map_at_3_std": 8.812099102222447, + "nauc_map_at_5_diff1": 17.395354432271052, + "nauc_map_at_5_max": 24.929022266678018, + "nauc_map_at_5_std": 12.030240965301807, + "nauc_mrr_at_1000_diff1": 19.624949413998873, + "nauc_mrr_at_1000_max": 23.509349249725528, + "nauc_mrr_at_1000_std": 9.096913253790342, + "nauc_mrr_at_100_diff1": 19.604896632633725, + "nauc_mrr_at_100_max": 23.529226272766753, + "nauc_mrr_at_100_std": 9.122073443817575, + "nauc_mrr_at_10_diff1": 19.492417108173115, + "nauc_mrr_at_10_max": 23.55139986526891, + "nauc_mrr_at_10_std": 9.01815523265598, + "nauc_mrr_at_1_diff1": 23.40695023735268, + "nauc_mrr_at_1_max": 20.81235361164343, + "nauc_mrr_at_1_std": 5.203910369618854, + "nauc_mrr_at_20_diff1": 19.535248005619575, + "nauc_mrr_at_20_max": 23.454689931123042, + "nauc_mrr_at_20_std": 9.024889207132956, + "nauc_mrr_at_3_diff1": 20.133423661128127, + "nauc_mrr_at_3_max": 21.729896123035964, + "nauc_mrr_at_3_std": 7.380351327580885, + "nauc_mrr_at_5_diff1": 19.742877598619195, + "nauc_mrr_at_5_max": 22.91644301383022, + "nauc_mrr_at_5_std": 8.506494639648777, + "nauc_ndcg_at_1000_diff1": 13.131716969513885, + "nauc_ndcg_at_1000_max": 31.44563074370653, + "nauc_ndcg_at_1000_std": 24.95358851902592, + "nauc_ndcg_at_100_diff1": 12.300809090910738, + "nauc_ndcg_at_100_max": 31.790835700794684, + "nauc_ndcg_at_100_std": 24.334764158027895, + "nauc_ndcg_at_10_diff1": 15.436722107490034, + "nauc_ndcg_at_10_max": 28.48622904326115, + "nauc_ndcg_at_10_std": 15.631958568118998, + "nauc_ndcg_at_1_diff1": 23.40695023735268, + "nauc_ndcg_at_1_max": 20.81235361164343, + "nauc_ndcg_at_1_std": 5.203910369618854, + "nauc_ndcg_at_20_diff1": 14.742116644623456, + "nauc_ndcg_at_20_max": 29.904733508551946, + "nauc_ndcg_at_20_std": 18.38754844809362, + "nauc_ndcg_at_3_diff1": 17.823999283055503, + "nauc_ndcg_at_3_max": 22.819089924084448, + "nauc_ndcg_at_3_std": 8.872961233304373, + "nauc_ndcg_at_5_diff1": 16.492850334419888, + "nauc_ndcg_at_5_max": 25.298471810419354, + "nauc_ndcg_at_5_std": 12.266965054397325, + "nauc_precision_at_1000_diff1": 2.251293456224972, + "nauc_precision_at_1000_max": 26.334788019708206, + "nauc_precision_at_1000_std": 37.1709483032033, + "nauc_precision_at_100_diff1": 2.206624244564809, + "nauc_precision_at_100_max": 31.795254108850123, + "nauc_precision_at_100_std": 35.7395278345668, + "nauc_precision_at_10_diff1": 10.692105982421195, + "nauc_precision_at_10_max": 30.413329798667938, + "nauc_precision_at_10_std": 20.17405144582198, + "nauc_precision_at_1_diff1": 23.40695023735268, + "nauc_precision_at_1_max": 20.81235361164343, + "nauc_precision_at_1_std": 5.203910369618854, + "nauc_precision_at_20_diff1": 9.233644236795378, + "nauc_precision_at_20_max": 31.725792707342443, + "nauc_precision_at_20_std": 24.47098387854373, + "nauc_precision_at_3_diff1": 14.61067882596925, + "nauc_precision_at_3_max": 23.112244853705857, + "nauc_precision_at_3_std": 10.578385087564847, + "nauc_precision_at_5_diff1": 12.827000720835926, + "nauc_precision_at_5_max": 26.70897621241524, + "nauc_precision_at_5_std": 15.5251202619082, + "nauc_recall_at_1000_diff1": 1.5399018591142186, + "nauc_recall_at_1000_max": 26.92275012633373, + "nauc_recall_at_1000_std": 38.5415595437211, + "nauc_recall_at_100_diff1": 1.6769526113731705, + "nauc_recall_at_100_max": 31.81732405206231, + "nauc_recall_at_100_std": 36.071638624272936, + "nauc_recall_at_10_diff1": 10.334495279158029, + "nauc_recall_at_10_max": 30.1614363627515, + "nauc_recall_at_10_std": 20.138861129879377, + "nauc_recall_at_1_diff1": 22.9080669398112, + "nauc_recall_at_1_max": 20.470566052362248, + "nauc_recall_at_1_std": 5.387656253377904, + "nauc_recall_at_20_diff1": 8.889315815139522, + "nauc_recall_at_20_max": 31.399346622918234, + "nauc_recall_at_20_std": 24.2997002128506, + "nauc_recall_at_3_diff1": 14.219058680056603, + "nauc_recall_at_3_max": 22.867117811125386, + "nauc_recall_at_3_std": 10.61465361500001, + "nauc_recall_at_5_diff1": 12.334406281143524, + "nauc_recall_at_5_max": 26.3833742742357, + "nauc_recall_at_5_std": 15.470639323965301, + "ndcg_at_1": 21.6, + "ndcg_at_10": 18.815, + "ndcg_at_100": 27.204, + "ndcg_at_1000": 32.72, + "ndcg_at_20": 21.852, + "ndcg_at_3": 17.461, + "ndcg_at_5": 15.473, + "precision_at_1": 21.6, + "precision_at_10": 9.9, + "precision_at_100": 2.196, + "precision_at_1000": 0.35200000000000004, + "precision_at_20": 6.705, + "precision_at_3": 16.367, + "precision_at_5": 13.76, + "recall_at_1": 4.388, + "recall_at_10": 20.041999999999998, + "recall_at_100": 44.519999999999996, + "recall_at_1000": 71.465, + "recall_at_20": 27.117, + "recall_at_3": 9.953, + "recall_at_5": 13.943 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAE-v1/external/SICK-R.json b/results/qinxianliu__FAE-v1/external/SICK-R.json new file mode 100644 index 000000000..792c78226 --- /dev/null +++ b/results/qinxianliu__FAE-v1/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 83.47896294522505, + "cosine_spearman": 78.58138846656605, + "euclidean_pearson": 81.53550885116962, + "euclidean_spearman": 78.58138206502672, + "main_score": 78.58138846656605, + "manhattan_pearson": 81.53606128698297, + "manhattan_spearman": 78.58443151441742, + "pearson": 83.47896301843217, + "spearman": 78.5813878530546 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAE-v1/external/STS12.json b/results/qinxianliu__FAE-v1/external/STS12.json new file mode 100644 index 000000000..4c0d54d4b --- /dev/null +++ b/results/qinxianliu__FAE-v1/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 74.94256267725675, + "cosine_spearman": 66.26009040338589, + "euclidean_pearson": 71.55284395666686, + "euclidean_spearman": 66.26009719717328, + "main_score": 66.26009040338589, + "manhattan_pearson": 71.56747157067545, + "manhattan_spearman": 66.23543857505753, + "pearson": 74.94256316818873, + "spearman": 66.26066224337552 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAE-v1/external/STS13.json b/results/qinxianliu__FAE-v1/external/STS13.json new file mode 100644 index 000000000..3bcd41c10 --- /dev/null +++ b/results/qinxianliu__FAE-v1/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 77.49461688192719, + "cosine_spearman": 77.33737783414868, + "euclidean_pearson": 77.2362720791902, + "euclidean_spearman": 77.33737790289304, + "main_score": 77.33737783414868, + "manhattan_pearson": 77.18968226173979, + "manhattan_spearman": 77.30807069750404, + "pearson": 77.49461741493985, + "spearman": 77.3372987367678 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAE-v1/external/STS14.json b/results/qinxianliu__FAE-v1/external/STS14.json new file mode 100644 index 000000000..b0298d7d1 --- /dev/null +++ b/results/qinxianliu__FAE-v1/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 78.09436682848995, + "cosine_spearman": 71.41284680400035, + "euclidean_pearson": 76.43310290563801, + "euclidean_spearman": 71.41283690588209, + "main_score": 71.41284680400035, + "manhattan_pearson": 76.4113633662835, + "manhattan_spearman": 71.43084199305252, + "pearson": 78.09436645082553, + "spearman": 71.4128661731029 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAE-v1/external/STS15.json b/results/qinxianliu__FAE-v1/external/STS15.json new file mode 100644 index 000000000..0976e8801 --- /dev/null +++ b/results/qinxianliu__FAE-v1/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 79.63123634319518, + "cosine_spearman": 81.28599026004485, + "euclidean_pearson": 81.17266049240027, + "euclidean_spearman": 81.28597846924721, + "main_score": 81.28599026004485, + "manhattan_pearson": 81.15664218783468, + "manhattan_spearman": 81.27387035609632, + "pearson": 79.6312366257981, + "spearman": 81.28596595590757 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAE-v1/external/STS16.json b/results/qinxianliu__FAE-v1/external/STS16.json new file mode 100644 index 000000000..b135bf7b5 --- /dev/null +++ b/results/qinxianliu__FAE-v1/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 74.69295251853329, + "cosine_spearman": 76.59558062717349, + "euclidean_pearson": 76.67340229606259, + "euclidean_spearman": 76.59558062717349, + "main_score": 76.59558062717349, + "manhattan_pearson": 76.61796295206811, + "manhattan_spearman": 76.52455311484546, + "pearson": 74.69295264693476, + "spearman": 76.5955802139429 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAE-v1/external/STS17.json b/results/qinxianliu__FAE-v1/external/STS17.json new file mode 100644 index 000000000..8627a1505 --- /dev/null +++ b/results/qinxianliu__FAE-v1/external/STS17.json @@ -0,0 +1,182 @@ +{ + "dataset_revision": "faeb762787bd10488a50c8b5be4a3b82e411949c", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 84.93024785019507, + "cosine_spearman": 85.05738527853588, + "euclidean_pearson": 86.26154905611153, + "euclidean_spearman": 85.05738527853588, + "main_score": 85.05738527853588, + "manhattan_pearson": 86.2883781232081, + "manhattan_spearman": 85.16144142491157, + "pearson": 84.93024600884287, + "spearman": 85.05738527853588 + }, + { + "hf_subset": "it-en", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "cosine_pearson": 36.98050181111314, + "cosine_spearman": 35.493909017546855, + "euclidean_pearson": 37.134361088907305, + "euclidean_spearman": 35.493909017546855, + "main_score": 35.493909017546855, + "manhattan_pearson": 37.955347255124856, + "manhattan_spearman": 35.98808922360748, + "pearson": 36.98050425264484, + "spearman": 35.493909017546855 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "cosine_pearson": 46.54055268035715, + "cosine_spearman": 46.40904128356623, + "euclidean_pearson": 47.294550335163194, + "euclidean_spearman": 46.40904128356623, + "main_score": 46.40904128356623, + "manhattan_pearson": 47.18458191034412, + "manhattan_spearman": 46.50517886098983, + "pearson": 46.5405474024788, + "spearman": 46.40904128356623 + }, + { + "hf_subset": "ko-ko", + "languages": [ + "kor-Hang" + ], + "cosine_pearson": 38.9577677634066, + "cosine_spearman": 45.12448164996394, + "euclidean_pearson": 43.86960012237883, + "euclidean_spearman": 45.12448164996394, + "main_score": 45.12448164996394, + "manhattan_pearson": 43.83439672666363, + "manhattan_spearman": 45.109084284045956, + "pearson": 38.95776603490583, + "spearman": 45.12394846080456 + }, + { + "hf_subset": "en-de", + "languages": [ + "eng-Latn", + "deu-Latn" + ], + "cosine_pearson": 55.15701799430596, + "cosine_spearman": 55.048200010332074, + "euclidean_pearson": 55.276904816912854, + "euclidean_spearman": 55.04784540296499, + "main_score": 55.048200010332074, + "manhattan_pearson": 54.80763732978706, + "manhattan_spearman": 54.71285245917519, + "pearson": 55.157016418044655, + "spearman": 55.04746965688503 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cosine_pearson": 47.08563639467451, + "cosine_spearman": 45.84416156012341, + "euclidean_pearson": 47.594678041073266, + "euclidean_spearman": 45.84416156012341, + "main_score": 45.84416156012341, + "manhattan_pearson": 47.613508854911544, + "manhattan_spearman": 45.57190709338262, + "pearson": 47.08562882319779, + "spearman": 45.84416156012341 + }, + { + "hf_subset": "en-tr", + "languages": [ + "eng-Latn", + "tur-Latn" + ], + "cosine_pearson": 9.395620031864444, + "cosine_spearman": 3.9218330860979886, + "euclidean_pearson": 10.44963671518243, + "euclidean_spearman": 3.9218330860979886, + "main_score": 3.9218330860979886, + "manhattan_pearson": 10.552786821837499, + "manhattan_spearman": 3.9540901882217474, + "pearson": 9.395623469871897, + "spearman": 3.9218330860979886 + }, + { + "hf_subset": "en-ar", + "languages": [ + "eng-Latn", + "ara-Arab" + ], + "cosine_pearson": 0.22203481061349242, + "cosine_spearman": 2.870498917705844, + "euclidean_pearson": 0.39549330505408087, + "euclidean_spearman": 2.870498917705844, + "main_score": 2.870498917705844, + "manhattan_pearson": 0.3438783535944422, + "manhattan_spearman": 2.8776102976827516, + "pearson": 0.22203680479095794, + "spearman": 2.870498917705844 + }, + { + "hf_subset": "nl-en", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "cosine_pearson": 38.84931140088301, + "cosine_spearman": 33.906466580576904, + "euclidean_pearson": 39.479512281553056, + "euclidean_spearman": 33.906466580576904, + "main_score": 33.906466580576904, + "manhattan_pearson": 38.74076749827063, + "manhattan_spearman": 33.11214954743777, + "pearson": 38.84930967289944, + "spearman": 33.906466580576904 + }, + { + "hf_subset": "ar-ar", + "languages": [ + "ara-Arab" + ], + "cosine_pearson": 48.44401830209434, + "cosine_spearman": 49.618608213496714, + "euclidean_pearson": 51.14301970125222, + "euclidean_spearman": 49.618608213496714, + "main_score": 49.618608213496714, + "manhattan_pearson": 51.21745885274998, + "manhattan_spearman": 49.5552409707315, + "pearson": 48.44402041954123, + "spearman": 49.62879037657747 + }, + { + "hf_subset": "es-es", + "languages": [ + "spa-Latn" + ], + "cosine_pearson": 77.44308047670222, + "cosine_spearman": 77.56515065575512, + "euclidean_pearson": 79.01382877478639, + "euclidean_spearman": 77.56515065575512, + "main_score": 77.56515065575512, + "manhattan_pearson": 79.10875473080131, + "manhattan_spearman": 77.71092321256016, + "pearson": 77.44307761589218, + "spearman": 77.56348530781206 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAE-v1/external/STS22.json b/results/qinxianliu__FAE-v1/external/STS22.json new file mode 100644 index 000000000..3d449a8f0 --- /dev/null +++ b/results/qinxianliu__FAE-v1/external/STS22.json @@ -0,0 +1,288 @@ +{ + "dataset_revision": "de9d86b3b84231dc21f76c7b7af1f28e2f57f6e3", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cosine_pearson": 72.73294371449127, + "cosine_spearman": 77.79313192257435, + "euclidean_pearson": 76.23899442501447, + "euclidean_spearman": 77.79313192257435, + "main_score": 77.79313192257435, + "manhattan_pearson": 76.09639746176255, + "manhattan_spearman": 77.49242595614645, + "pearson": 72.732949953475, + "spearman": 77.79313192257435 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "cosine_pearson": 45.09011389888268, + "cosine_spearman": 53.403256347928064, + "euclidean_pearson": 51.48711827065138, + "euclidean_spearman": 53.403256347928064, + "main_score": 53.403256347928064, + "manhattan_pearson": 51.41746716002863, + "manhattan_spearman": 53.26844543878181, + "pearson": 45.09011220990754, + "spearman": 53.403256347928064 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "cosine_pearson": 25.280313189151034, + "cosine_spearman": 41.06113290742698, + "euclidean_pearson": 28.175781586231157, + "euclidean_spearman": 41.06113290742698, + "main_score": 41.06113290742698, + "manhattan_pearson": 28.953109908551806, + "manhattan_spearman": 41.663836410985525, + "pearson": 25.280311099643637, + "spearman": 41.06113290742698 + }, + { + "hf_subset": "de-fr", + "languages": [ + "deu-Latn", + "fra-Latn" + ], + "cosine_pearson": 45.44142839309502, + "cosine_spearman": 53.921297136928224, + "euclidean_pearson": 48.22371811766405, + "euclidean_spearman": 53.921297136928224, + "main_score": 53.921297136928224, + "manhattan_pearson": 47.90791960934547, + "manhattan_spearman": 52.38249369532705, + "pearson": 45.4414279078996, + "spearman": 53.921297136928224 + }, + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "cosine_pearson": 52.365094700443834, + "cosine_spearman": 54.568644303182765, + "euclidean_pearson": 56.39018187430841, + "euclidean_spearman": 54.568644303182765, + "main_score": 54.568644303182765, + "manhattan_pearson": 56.324620702765316, + "manhattan_spearman": 54.35428313885703, + "pearson": 52.36509499669323, + "spearman": 54.568644303182765 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "cosine_pearson": 27.30941306068323, + "cosine_spearman": 33.176621402477494, + "euclidean_pearson": 30.178010192058892, + "euclidean_spearman": 33.176621402477494, + "main_score": 33.176621402477494, + "manhattan_pearson": 29.998551552749507, + "manhattan_spearman": 33.01580442318808, + "pearson": 27.30941421148114, + "spearman": 33.15588972199948 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "cosine_pearson": 62.9833487288473, + "cosine_spearman": 69.38429521978789, + "euclidean_pearson": 66.07350379064765, + "euclidean_spearman": 69.38429521978789, + "main_score": 69.38429521978789, + "manhattan_pearson": 66.02900856292439, + "manhattan_spearman": 69.35237908580561, + "pearson": 62.98334935860703, + "spearman": 69.38429521978789 + }, + { + "hf_subset": "fr-pl", + "languages": [ + "fra-Latn", + "pol-Latn" + ], + "cosine_pearson": 52.75739149051546, + "cosine_spearman": 61.97797868009122, + "euclidean_pearson": 53.942663414343365, + "euclidean_spearman": 61.97797868009122, + "main_score": 61.97797868009122, + "manhattan_pearson": 56.22095634226725, + "manhattan_spearman": 61.97797868009122, + "pearson": 52.75738015076455, + "spearman": 61.97797868009122 + }, + { + "hf_subset": "pl-en", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "cosine_pearson": 56.56003667243195, + "cosine_spearman": 58.42258478740181, + "euclidean_pearson": 58.440736717808996, + "euclidean_spearman": 58.42258478740181, + "main_score": 58.42258478740181, + "manhattan_pearson": 58.46678321554849, + "manhattan_spearman": 57.65160462257475, + "pearson": 56.5600309417495, + "spearman": 58.42258478740181 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "cosine_pearson": 37.226902751309986, + "cosine_spearman": 48.1165004516197, + "euclidean_pearson": 43.409142388660136, + "euclidean_spearman": 48.1165004516197, + "main_score": 48.1165004516197, + "manhattan_pearson": 43.08219829833049, + "manhattan_spearman": 47.64156794787065, + "pearson": 37.226897962757505, + "spearman": 48.1165004516197 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 29.880131766327185, + "cosine_spearman": 46.310127093746175, + "euclidean_pearson": 37.36571816404737, + "euclidean_spearman": 46.310127093746175, + "main_score": 46.310127093746175, + "manhattan_pearson": 37.60556072706827, + "manhattan_spearman": 46.466626800159865, + "pearson": 29.880130472551826, + "spearman": 46.310127093746175 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "cosine_pearson": 47.187786408550046, + "cosine_spearman": 48.42284079206805, + "euclidean_pearson": 47.291468174478155, + "euclidean_spearman": 48.42284079206805, + "main_score": 48.42284079206805, + "manhattan_pearson": 48.20835653356923, + "manhattan_spearman": 49.06357562259191, + "pearson": 47.18777577416298, + "spearman": 48.42284079206805 + }, + { + "hf_subset": "es-it", + "languages": [ + "spa-Latn", + "ita-Latn" + ], + "cosine_pearson": 53.94953418541708, + "cosine_spearman": 57.57021411119584, + "euclidean_pearson": 56.766685953249926, + "euclidean_spearman": 57.57021411119584, + "main_score": 57.57021411119584, + "manhattan_pearson": 56.87231344702022, + "manhattan_spearman": 57.26001907780148, + "pearson": 53.94953241138819, + "spearman": 57.57021411119584 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 66.95451974555488, + "cosine_spearman": 68.83740860370997, + "euclidean_pearson": 69.94514100347804, + "euclidean_spearman": 68.83740860370997, + "main_score": 68.83740860370997, + "manhattan_pearson": 69.99260802858045, + "manhattan_spearman": 69.11127407446222, + "pearson": 66.95451919650156, + "spearman": 68.83740860370997 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cosine_pearson": 52.65521718450752, + "cosine_spearman": 58.92556682952341, + "euclidean_pearson": 54.87955128227681, + "euclidean_spearman": 58.92556682952341, + "main_score": 58.92556682952341, + "manhattan_pearson": 55.0027352064837, + "manhattan_spearman": 58.996193656804365, + "pearson": 52.655220848058136, + "spearman": 58.92556682952341 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "cosine_pearson": 22.10928133587088, + "cosine_spearman": 29.857823090492317, + "euclidean_pearson": 14.48760450588454, + "euclidean_spearman": 29.857823090492317, + "main_score": 29.857823090492317, + "manhattan_pearson": 14.570530585191099, + "manhattan_spearman": 30.014597908053386, + "pearson": 22.109277158795113, + "spearman": 29.746361240735496 + }, + { + "hf_subset": "de-pl", + "languages": [ + "deu-Latn", + "pol-Latn" + ], + "cosine_pearson": 22.43358146333989, + "cosine_spearman": 29.747103980640244, + "euclidean_pearson": 24.938982651089304, + "euclidean_spearman": 29.747103980640244, + "main_score": 29.747103980640244, + "manhattan_pearson": 25.383503956596215, + "manhattan_spearman": 28.607722151154025, + "pearson": 22.433578884413528, + "spearman": 29.747103980640244 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "cosine_pearson": 27.82285698255933, + "cosine_spearman": 35.532237247056614, + "euclidean_pearson": 27.63828683877825, + "euclidean_spearman": 35.532237247056614, + "main_score": 35.532237247056614, + "manhattan_pearson": 27.51207738980629, + "manhattan_spearman": 35.45982549275369, + "pearson": 27.822854933688223, + "spearman": 35.54209109134044 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAE-v1/external/STSBenchmark.json b/results/qinxianliu__FAE-v1/external/STSBenchmark.json new file mode 100644 index 000000000..8e8ab07da --- /dev/null +++ b/results/qinxianliu__FAE-v1/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 79.36368440823921, + "cosine_spearman": 78.9560224946353, + "euclidean_pearson": 79.83248523305473, + "euclidean_spearman": 78.95601697270864, + "main_score": 78.9560224946353, + "manhattan_pearson": 79.78509763473953, + "manhattan_spearman": 78.93780782218094, + "pearson": 79.36368417196914, + "spearman": 78.9560224946353 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAE-v1/external/SciDocsRR.json b/results/qinxianliu__FAE-v1/external/SciDocsRR.json new file mode 100644 index 000000000..efedb718c --- /dev/null +++ b/results/qinxianliu__FAE-v1/external/SciDocsRR.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 83.88293293758416, + "map": 83.88293293758416, + "mrr": 95.53085621713075, + "nAUC_map_diff1": -3.176543571923649, + "nAUC_map_max": 54.14838584392502, + "nAUC_map_std": 65.29984860036645, + "nAUC_mrr_diff1": 42.60042960430804, + "nAUC_mrr_max": 85.456623050802, + "nAUC_mrr_std": 75.25741314081536 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAE-v1/external/SciFact.json b/results/qinxianliu__FAE-v1/external/SciFact.json new file mode 100644 index 000000000..cf8a20bdd --- /dev/null +++ b/results/qinxianliu__FAE-v1/external/SciFact.json @@ -0,0 +1,306 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 63.410999999999994, + "map_at_1": 49.611, + "map_at_10": 58.781000000000006, + "map_at_100": 59.695, + "map_at_1000": 59.73500000000001, + "map_at_20": 59.443, + "map_at_3": 55.754999999999995, + "map_at_5": 57.447, + "mrr_at_1": 52.0, + "mrr_at_10": 59.977777777777774, + "mrr_at_100": 60.74219239109412, + "mrr_at_1000": 60.77884905150584, + "mrr_at_20": 60.52833222705514, + "mrr_at_3": 57.49999999999999, + "mrr_at_5": 58.966666666666654, + "nauc_map_at_1000_diff1": 60.05714513432072, + "nauc_map_at_1000_max": 41.854516877046755, + "nauc_map_at_1000_std": -2.7219432350641037, + "nauc_map_at_100_diff1": 60.03673950706474, + "nauc_map_at_100_max": 41.88656645375547, + "nauc_map_at_100_std": -2.7030698296404694, + "nauc_map_at_10_diff1": 60.08688866827823, + "nauc_map_at_10_max": 41.91374419091637, + "nauc_map_at_10_std": -3.3251156983468246, + "nauc_map_at_1_diff1": 62.62625287912604, + "nauc_map_at_1_max": 35.33729662402749, + "nauc_map_at_1_std": -5.306425118226926, + "nauc_map_at_20_diff1": 59.865569724620784, + "nauc_map_at_20_max": 41.66569045978727, + "nauc_map_at_20_std": -2.9358355773652667, + "nauc_map_at_3_diff1": 61.222635578933, + "nauc_map_at_3_max": 39.05188094348129, + "nauc_map_at_3_std": -5.100252869570046, + "nauc_map_at_5_diff1": 60.794674871690404, + "nauc_map_at_5_max": 39.76182564829345, + "nauc_map_at_5_std": -6.19693965390572, + "nauc_mrr_at_1000_diff1": 59.10570782147909, + "nauc_mrr_at_1000_max": 43.626517093163855, + "nauc_mrr_at_1000_std": 0.7882504986492617, + "nauc_mrr_at_100_diff1": 59.083115990874276, + "nauc_mrr_at_100_max": 43.654525453311216, + "nauc_mrr_at_100_std": 0.797278770819327, + "nauc_mrr_at_10_diff1": 59.14415632932178, + "nauc_mrr_at_10_max": 44.10792120493268, + "nauc_mrr_at_10_std": 0.7718572040508526, + "nauc_mrr_at_1_diff1": 59.98240745778697, + "nauc_mrr_at_1_max": 37.916009213413865, + "nauc_mrr_at_1_std": -0.311950233055864, + "nauc_mrr_at_20_diff1": 58.96103769927665, + "nauc_mrr_at_20_max": 43.5253170588365, + "nauc_mrr_at_20_std": 0.6645995733952678, + "nauc_mrr_at_3_diff1": 59.434796503278676, + "nauc_mrr_at_3_max": 41.97117348899489, + "nauc_mrr_at_3_std": -0.3388308394315449, + "nauc_mrr_at_5_diff1": 59.12213861574319, + "nauc_mrr_at_5_max": 42.839193955346246, + "nauc_mrr_at_5_std": -1.1134359438524744, + "nauc_ndcg_at_1000_diff1": 59.280350594736916, + "nauc_ndcg_at_1000_max": 44.39152057663081, + "nauc_ndcg_at_1000_std": -0.12202565230030032, + "nauc_ndcg_at_100_diff1": 58.92409139949284, + "nauc_ndcg_at_100_max": 45.26594756963369, + "nauc_ndcg_at_100_std": 0.6822519460837095, + "nauc_ndcg_at_10_diff1": 58.89120511830881, + "nauc_ndcg_at_10_max": 45.94744918785011, + "nauc_ndcg_at_10_std": -1.1078757205263368, + "nauc_ndcg_at_1_diff1": 59.98240745778697, + "nauc_ndcg_at_1_max": 37.916009213413865, + "nauc_ndcg_at_1_std": -0.311950233055864, + "nauc_ndcg_at_20_diff1": 58.06650242858964, + "nauc_ndcg_at_20_max": 44.45686779321245, + "nauc_ndcg_at_20_std": -0.4557953867215693, + "nauc_ndcg_at_3_diff1": 60.35408691964138, + "nauc_ndcg_at_3_max": 41.18335135760939, + "nauc_ndcg_at_3_std": -4.285772633971795, + "nauc_ndcg_at_5_diff1": 59.82566567161635, + "nauc_ndcg_at_5_max": 41.73450760867758, + "nauc_ndcg_at_5_std": -6.7863471107908175, + "nauc_precision_at_1000_diff1": -24.720837994508212, + "nauc_precision_at_1000_max": 30.323739787789577, + "nauc_precision_at_1000_std": 47.95010000338989, + "nauc_precision_at_100_diff1": -6.045734854585561, + "nauc_precision_at_100_max": 41.867767791031376, + "nauc_precision_at_100_std": 45.01764645476507, + "nauc_precision_at_10_diff1": 18.758365904588498, + "nauc_precision_at_10_max": 50.84283700094587, + "nauc_precision_at_10_std": 22.722243044029113, + "nauc_precision_at_1_diff1": 59.98240745778697, + "nauc_precision_at_1_max": 37.916009213413865, + "nauc_precision_at_1_std": -0.311950233055864, + "nauc_precision_at_20_diff1": 3.587692337857857, + "nauc_precision_at_20_max": 42.924858948152746, + "nauc_precision_at_20_std": 32.222075165561336, + "nauc_precision_at_3_diff1": 42.93683269023866, + "nauc_precision_at_3_max": 43.075101649289415, + "nauc_precision_at_3_std": 5.62063318541435, + "nauc_precision_at_5_diff1": 35.122922158265666, + "nauc_precision_at_5_max": 42.39379920024383, + "nauc_precision_at_5_std": 1.8622124195313017, + "nauc_recall_at_1000_diff1": 55.4154995331476, + "nauc_recall_at_1000_max": 86.92810457516407, + "nauc_recall_at_1000_std": 100.0, + "nauc_recall_at_100_diff1": 50.959825927434224, + "nauc_recall_at_100_max": 68.81378101901552, + "nauc_recall_at_100_std": 27.513296067325854, + "nauc_recall_at_10_diff1": 54.675174261817936, + "nauc_recall_at_10_max": 59.38272516971339, + "nauc_recall_at_10_std": 3.1809215286074632, + "nauc_recall_at_1_diff1": 62.62625287912604, + "nauc_recall_at_1_max": 35.33729662402749, + "nauc_recall_at_1_std": -5.306425118226926, + "nauc_recall_at_20_diff1": 47.096693000157245, + "nauc_recall_at_20_max": 53.405443921492775, + "nauc_recall_at_20_std": 7.028330258608604, + "nauc_recall_at_3_diff1": 59.91687501868116, + "nauc_recall_at_3_max": 40.883559850577456, + "nauc_recall_at_3_std": -9.365833078754596, + "nauc_recall_at_5_diff1": 57.717637866042594, + "nauc_recall_at_5_max": 44.235123953404404, + "nauc_recall_at_5_std": -14.899414840375686, + "ndcg_at_1": 52.0, + "ndcg_at_10": 63.410999999999994, + "ndcg_at_100": 67.137, + "ndcg_at_1000": 68.089, + "ndcg_at_20": 65.632, + "ndcg_at_3": 58.044, + "ndcg_at_5": 60.702999999999996, + "precision_at_1": 52.0, + "precision_at_10": 8.6, + "precision_at_100": 1.05, + "precision_at_1000": 0.11299999999999999, + "precision_at_20": 4.8, + "precision_at_3": 22.778000000000002, + "precision_at_5": 15.2, + "recall_at_1": 49.611, + "recall_at_10": 76.472, + "recall_at_100": 92.43299999999999, + "recall_at_1000": 99.667, + "recall_at_20": 84.956, + "recall_at_3": 62.117, + "recall_at_5": 68.861 + } + ], + "train": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 64.369, + "map_at_1": 47.837, + "map_at_10": 59.022, + "map_at_100": 59.662000000000006, + "map_at_1000": 59.689, + "map_at_20": 59.412, + "map_at_3": 55.582, + "map_at_5": 57.816, + "mrr_at_1": 49.69097651421508, + "mrr_at_10": 59.891351266505744, + "mrr_at_100": 60.40497527256933, + "mrr_at_1000": 60.42721546353974, + "mrr_at_20": 60.17393820447313, + "mrr_at_3": 57.35475896168104, + "mrr_at_5": 58.930778739184106, + "nauc_map_at_1000_diff1": 58.78305090963567, + "nauc_map_at_1000_max": 35.12283367428735, + "nauc_map_at_1000_std": -3.3045872889300547, + "nauc_map_at_100_diff1": 58.76971227621917, + "nauc_map_at_100_max": 35.13947439060551, + "nauc_map_at_100_std": -3.276452687829707, + "nauc_map_at_10_diff1": 58.75842844957606, + "nauc_map_at_10_max": 34.704165964434814, + "nauc_map_at_10_std": -3.7719212959968424, + "nauc_map_at_1_diff1": 64.99062840457313, + "nauc_map_at_1_max": 27.19358812553583, + "nauc_map_at_1_std": -8.72762379952974, + "nauc_map_at_20_diff1": 58.66004058812726, + "nauc_map_at_20_max": 35.164043011657725, + "nauc_map_at_20_std": -3.2969068261244745, + "nauc_map_at_3_diff1": 59.854193949071544, + "nauc_map_at_3_max": 31.46129035110114, + "nauc_map_at_3_std": -6.170178284446623, + "nauc_map_at_5_diff1": 59.088254201327885, + "nauc_map_at_5_max": 33.92576300503813, + "nauc_map_at_5_std": -5.4415665109074425, + "nauc_mrr_at_1000_diff1": 58.54895189492597, + "nauc_mrr_at_1000_max": 35.9780053047045, + "nauc_mrr_at_1000_std": -2.359369807008015, + "nauc_mrr_at_100_diff1": 58.540755546661885, + "nauc_mrr_at_100_max": 35.99507953136928, + "nauc_mrr_at_100_std": -2.3277565257083372, + "nauc_mrr_at_10_diff1": 58.4322139593112, + "nauc_mrr_at_10_max": 35.982526091988, + "nauc_mrr_at_10_std": -2.392903034708536, + "nauc_mrr_at_1_diff1": 63.53101867168447, + "nauc_mrr_at_1_max": 30.901659531558657, + "nauc_mrr_at_1_std": -6.60242086836763, + "nauc_mrr_at_20_diff1": 58.38913058953522, + "nauc_mrr_at_20_max": 36.036519212064796, + "nauc_mrr_at_20_std": -2.3291182416618303, + "nauc_mrr_at_3_diff1": 58.623149803548856, + "nauc_mrr_at_3_max": 34.884425158356564, + "nauc_mrr_at_3_std": -3.5684918976742095, + "nauc_mrr_at_5_diff1": 58.593076997057366, + "nauc_mrr_at_5_max": 35.85951697138564, + "nauc_mrr_at_5_std": -3.2395400381421218, + "nauc_ndcg_at_1000_diff1": 57.17946024088797, + "nauc_ndcg_at_1000_max": 37.80246427487153, + "nauc_ndcg_at_1000_std": 0.017377892634267714, + "nauc_ndcg_at_100_diff1": 56.803801107259886, + "nauc_ndcg_at_100_max": 38.42483446105957, + "nauc_ndcg_at_100_std": 1.019485234675516, + "nauc_ndcg_at_10_diff1": 56.21708113246376, + "nauc_ndcg_at_10_max": 37.65122655076192, + "nauc_ndcg_at_10_std": -0.4610175790167986, + "nauc_ndcg_at_1_diff1": 63.53101867168447, + "nauc_ndcg_at_1_max": 30.901659531558657, + "nauc_ndcg_at_1_std": -6.60242086836763, + "nauc_ndcg_at_20_diff1": 55.851637530169185, + "nauc_ndcg_at_20_max": 38.796742789981955, + "nauc_ndcg_at_20_std": 0.863162473592911, + "nauc_ndcg_at_3_diff1": 57.85545477542024, + "nauc_ndcg_at_3_max": 33.45139409128741, + "nauc_ndcg_at_3_std": -4.495435995439046, + "nauc_ndcg_at_5_diff1": 57.01654520196404, + "nauc_ndcg_at_5_max": 36.49536042883461, + "nauc_ndcg_at_5_std": -3.6015935440080944, + "nauc_precision_at_1000_diff1": -24.16238685706006, + "nauc_precision_at_1000_max": 37.26344291063305, + "nauc_precision_at_1000_std": 39.89236880897121, + "nauc_precision_at_100_diff1": -13.603898188860725, + "nauc_precision_at_100_max": 45.46377647017442, + "nauc_precision_at_100_std": 42.87883547217318, + "nauc_precision_at_10_diff1": 9.711275139281456, + "nauc_precision_at_10_max": 48.468018717629526, + "nauc_precision_at_10_std": 26.817500609134953, + "nauc_precision_at_1_diff1": 63.53101867168447, + "nauc_precision_at_1_max": 30.901659531558657, + "nauc_precision_at_1_std": -6.60242086836763, + "nauc_precision_at_20_diff1": 0.00139091362502851, + "nauc_precision_at_20_max": 50.43345011216549, + "nauc_precision_at_20_std": 34.67649400500327, + "nauc_precision_at_3_diff1": 38.751824308714276, + "nauc_precision_at_3_max": 43.21289418775503, + "nauc_precision_at_3_std": 5.652452781878667, + "nauc_precision_at_5_diff1": 23.68970464573422, + "nauc_precision_at_5_max": 47.02789667674481, + "nauc_precision_at_5_std": 11.200468233093819, + "nauc_recall_at_1000_diff1": 31.373464446824524, + "nauc_recall_at_1000_max": 77.24072096317693, + "nauc_recall_at_1000_std": 77.46663233630755, + "nauc_recall_at_100_diff1": 39.60404817128676, + "nauc_recall_at_100_max": 66.96321345823011, + "nauc_recall_at_100_std": 50.28541338440128, + "nauc_recall_at_10_diff1": 44.69819293420119, + "nauc_recall_at_10_max": 46.873397263102866, + "nauc_recall_at_10_std": 11.675067285080026, + "nauc_recall_at_1_diff1": 64.99062840457313, + "nauc_recall_at_1_max": 27.19358812553583, + "nauc_recall_at_1_std": -8.72762379952974, + "nauc_recall_at_20_diff1": 39.449545096976934, + "nauc_recall_at_20_max": 55.760980195206024, + "nauc_recall_at_20_std": 22.83418940070873, + "nauc_recall_at_3_diff1": 52.66361685122468, + "nauc_recall_at_3_max": 33.33366044082472, + "nauc_recall_at_3_std": -3.2118274079320526, + "nauc_recall_at_5_diff1": 49.658866008255906, + "nauc_recall_at_5_max": 42.1733886196467, + "nauc_recall_at_5_std": -0.22037746789896404, + "ndcg_at_1": 49.691, + "ndcg_at_10": 64.369, + "ndcg_at_100": 67.324, + "ndcg_at_1000": 67.977, + "ndcg_at_20": 65.621, + "ndcg_at_3": 58.373, + "ndcg_at_5": 61.812, + "precision_at_1": 49.691, + "precision_at_10": 9.011, + "precision_at_100": 1.0619999999999998, + "precision_at_1000": 0.11199999999999999, + "precision_at_20": 4.802, + "precision_at_3": 23.28, + "precision_at_5": 16.094, + "recall_at_1": 47.837, + "recall_at_10": 79.666, + "recall_at_100": 93.284, + "recall_at_1000": 98.26899999999999, + "recall_at_20": 84.405, + "recall_at_3": 64.291, + "recall_at_5": 72.299 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAE-v1/external/SprintDuplicateQuestions.json b/results/qinxianliu__FAE-v1/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..7a427bd85 --- /dev/null +++ b/results/qinxianliu__FAE-v1/external/SprintDuplicateQuestions.json @@ -0,0 +1,106 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 99.78415841584159, + "cosine_accuracy_threshold": 80.41510581970215, + "cosine_ap": 93.23104742381835, + "cosine_f1": 88.66943866943866, + "cosine_f1_threshold": 80.41510581970215, + "cosine_precision": 92.31601731601732, + "cosine_recall": 85.3, + "dot_accuracy": 99.78415841584159, + "dot_accuracy_threshold": 80.41510581970215, + "dot_ap": 93.23113910299146, + "dot_f1": 88.66943866943866, + "dot_f1_threshold": 80.41510581970215, + "dot_precision": 92.31601731601732, + "dot_recall": 85.3, + "euclidean_accuracy": 99.78415841584159, + "euclidean_accuracy_threshold": 62.5857412815094, + "euclidean_ap": 93.23104742381834, + "euclidean_f1": 88.66943866943866, + "euclidean_f1_threshold": 62.5857412815094, + "euclidean_precision": 92.31601731601732, + "euclidean_recall": 85.3, + "main_score": 93.23113910299146, + "manhattan_accuracy": 99.78316831683168, + "manhattan_accuracy_threshold": 1599.7264862060547, + "manhattan_ap": 93.21635189581482, + "manhattan_f1": 88.7055183084064, + "manhattan_f1_threshold": 1618.4080123901367, + "manhattan_precision": 91.58679446219382, + "manhattan_recall": 86.0, + "max_accuracy": 99.78415841584159, + "max_ap": 93.23113910299146, + "max_f1": 88.7055183084064, + "max_precision": 92.31601731601732, + "max_recall": 86.0, + "similarity_accuracy": 99.78415841584159, + "similarity_accuracy_threshold": 80.41511178016663, + "similarity_ap": 93.23104742381835, + "similarity_f1": 88.66943866943866, + "similarity_f1_threshold": 80.41511178016663, + "similarity_precision": 92.31601731601732, + "similarity_recall": 85.3 + } + ], + "validation": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 99.73960396039604, + "cosine_accuracy_threshold": 78.21520566940308, + "cosine_ap": 92.44501471351339, + "cosine_f1": 86.88279301745636, + "cosine_f1_threshold": 78.14359664916992, + "cosine_precision": 86.66666666666667, + "cosine_recall": 87.1, + "dot_accuracy": 99.73960396039604, + "dot_accuracy_threshold": 78.21520566940308, + "dot_ap": 92.4450147135134, + "dot_f1": 86.88279301745636, + "dot_f1_threshold": 78.1436026096344, + "dot_precision": 86.66666666666667, + "dot_recall": 87.1, + "euclidean_accuracy": 99.73960396039604, + "euclidean_accuracy_threshold": 66.00725650787354, + "euclidean_ap": 92.44502680296995, + "euclidean_f1": 86.88279301745636, + "euclidean_f1_threshold": 66.11565351486206, + "euclidean_precision": 86.66666666666667, + "euclidean_recall": 87.1, + "main_score": 92.44502680296995, + "manhattan_accuracy": 99.73960396039604, + "manhattan_accuracy_threshold": 1602.5711059570312, + "manhattan_ap": 92.43866589842014, + "manhattan_f1": 86.64688427299703, + "manhattan_f1_threshold": 1700.89111328125, + "manhattan_precision": 85.71428571428571, + "manhattan_recall": 87.6, + "max_accuracy": 99.73960396039604, + "max_ap": 92.44502680296995, + "max_f1": 86.88279301745636, + "max_precision": 86.66666666666667, + "max_recall": 87.6, + "similarity_accuracy": 99.73960396039604, + "similarity_accuracy_threshold": 78.21520566940308, + "similarity_ap": 92.44502680296995, + "similarity_f1": 86.88279301745636, + "similarity_f1_threshold": 78.14360857009888, + "similarity_precision": 86.66666666666667, + "similarity_recall": 87.1 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAE-v1/external/StackOverflowDupQuestions.json b/results/qinxianliu__FAE-v1/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..d5cbdb2fa --- /dev/null +++ b/results/qinxianliu__FAE-v1/external/StackOverflowDupQuestions.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 47.60260654872431, + "map": 47.60260654872431, + "mrr": 48.38349354893472, + "nAUC_map_diff1": 33.382377299895495, + "nAUC_map_max": 14.31801401119778, + "nAUC_map_std": 6.926227495961876, + "nAUC_mrr_diff1": 33.57574235018322, + "nAUC_mrr_max": 15.432756990216173, + "nAUC_mrr_std": 6.235476769201274 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAE-v1/external/TRECCOVID.json b/results/qinxianliu__FAE-v1/external/TRECCOVID.json new file mode 100644 index 000000000..4204dca79 --- /dev/null +++ b/results/qinxianliu__FAE-v1/external/TRECCOVID.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "bb9466bac8153a0349341eb1b22e06409e78ef4e", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 55.762, + "map_at_1": 0.168, + "map_at_10": 1.373, + "map_at_100": 7.8950000000000005, + "map_at_1000": 18.706999999999997, + "map_at_20": 2.467, + "map_at_3": 0.466, + "map_at_5": 0.748, + "mrr_at_1": 62.0, + "mrr_at_10": 73.8047619047619, + "mrr_at_100": 73.8047619047619, + "mrr_at_1000": 73.8047619047619, + "mrr_at_20": 73.8047619047619, + "mrr_at_3": 70.33333333333333, + "mrr_at_5": 71.73333333333332, + "nauc_map_at_1000_diff1": 0.6707213254769067, + "nauc_map_at_1000_max": 69.7697636274887, + "nauc_map_at_1000_std": 84.45955800331973, + "nauc_map_at_100_diff1": 12.169393989386004, + "nauc_map_at_100_max": 52.46571837839733, + "nauc_map_at_100_std": 69.527611076835, + "nauc_map_at_10_diff1": 25.015456179854027, + "nauc_map_at_10_max": 29.110484444313116, + "nauc_map_at_10_std": 35.76414940185344, + "nauc_map_at_1_diff1": 14.444403023811974, + "nauc_map_at_1_max": 6.020609028887087, + "nauc_map_at_1_std": 12.259149720368088, + "nauc_map_at_20_diff1": 20.992560593298627, + "nauc_map_at_20_max": 30.75527298455033, + "nauc_map_at_20_std": 39.468087241239886, + "nauc_map_at_3_diff1": 17.35541971538097, + "nauc_map_at_3_max": 19.791791676017304, + "nauc_map_at_3_std": 25.13128401924247, + "nauc_map_at_5_diff1": 22.59713579898944, + "nauc_map_at_5_max": 21.476048201097463, + "nauc_map_at_5_std": 28.854193038027244, + "nauc_mrr_at_1000_diff1": -23.847937451536772, + "nauc_mrr_at_1000_max": 13.24199411568681, + "nauc_mrr_at_1000_std": 29.170358128946717, + "nauc_mrr_at_100_diff1": -23.847937451536772, + "nauc_mrr_at_100_max": 13.24199411568681, + "nauc_mrr_at_100_std": 29.170358128946717, + "nauc_mrr_at_10_diff1": -23.847937451536772, + "nauc_mrr_at_10_max": 13.24199411568681, + "nauc_mrr_at_10_std": 29.170358128946717, + "nauc_mrr_at_1_diff1": -23.730117219948955, + "nauc_mrr_at_1_max": 5.9409900624557626, + "nauc_mrr_at_1_std": 28.102021351875173, + "nauc_mrr_at_20_diff1": -23.847937451536772, + "nauc_mrr_at_20_max": 13.24199411568681, + "nauc_mrr_at_20_std": 29.170358128946717, + "nauc_mrr_at_3_diff1": -25.25534815109886, + "nauc_mrr_at_3_max": 17.420314571494384, + "nauc_mrr_at_3_std": 26.99190230482444, + "nauc_mrr_at_5_diff1": -23.931547879975916, + "nauc_mrr_at_5_max": 14.887930459178236, + "nauc_mrr_at_5_std": 32.184351744866895, + "nauc_ndcg_at_1000_diff1": 8.899848048591705, + "nauc_ndcg_at_1000_max": 71.00621649004708, + "nauc_ndcg_at_1000_std": 80.67299255161943, + "nauc_ndcg_at_100_diff1": -9.461399232118247, + "nauc_ndcg_at_100_max": 54.35382333332542, + "nauc_ndcg_at_100_std": 73.73561814453765, + "nauc_ndcg_at_10_diff1": -1.0890290776471745, + "nauc_ndcg_at_10_max": 35.13185210489351, + "nauc_ndcg_at_10_std": 46.21015374505652, + "nauc_ndcg_at_1_diff1": -17.203118752499037, + "nauc_ndcg_at_1_max": 11.591077854572411, + "nauc_ndcg_at_1_std": 32.75261324041808, + "nauc_ndcg_at_20_diff1": -5.417216909093838, + "nauc_ndcg_at_20_max": 36.747183985151246, + "nauc_ndcg_at_20_std": 52.81457089413919, + "nauc_ndcg_at_3_diff1": -17.783013280872932, + "nauc_ndcg_at_3_max": 24.107690659037978, + "nauc_ndcg_at_3_std": 35.270479201424266, + "nauc_ndcg_at_5_diff1": -8.827252471989686, + "nauc_ndcg_at_5_max": 28.008170148923707, + "nauc_ndcg_at_5_std": 41.505214419327764, + "nauc_precision_at_1000_diff1": -17.854441757651472, + "nauc_precision_at_1000_max": 57.43861576725595, + "nauc_precision_at_1000_std": 62.718333021736086, + "nauc_precision_at_100_diff1": -12.126527949517603, + "nauc_precision_at_100_max": 55.64469019506334, + "nauc_precision_at_100_std": 79.1703468045327, + "nauc_precision_at_10_diff1": 0.37205345921587774, + "nauc_precision_at_10_max": 38.47094074732544, + "nauc_precision_at_10_std": 54.82903166477635, + "nauc_precision_at_1_diff1": -23.730117219948955, + "nauc_precision_at_1_max": 5.9409900624557626, + "nauc_precision_at_1_std": 28.102021351875173, + "nauc_precision_at_20_diff1": -5.412328008958316, + "nauc_precision_at_20_max": 38.00900123992296, + "nauc_precision_at_20_std": 58.58142518201982, + "nauc_precision_at_3_diff1": -18.292517006802715, + "nauc_precision_at_3_max": 28.27891156462583, + "nauc_precision_at_3_std": 39.0975056689342, + "nauc_precision_at_5_diff1": -4.197437354036513, + "nauc_precision_at_5_max": 31.807247505031928, + "nauc_precision_at_5_std": 50.9078667760735, + "nauc_recall_at_1000_diff1": 14.515403828349251, + "nauc_recall_at_1000_max": 74.06269389812716, + "nauc_recall_at_1000_std": 80.90698600344675, + "nauc_recall_at_100_diff1": 22.061145928246614, + "nauc_recall_at_100_max": 51.818051817906884, + "nauc_recall_at_100_std": 68.32138972778115, + "nauc_recall_at_10_diff1": 32.76321472966774, + "nauc_recall_at_10_max": 29.7806654885219, + "nauc_recall_at_10_std": 35.02385925172306, + "nauc_recall_at_1_diff1": 14.444403023811974, + "nauc_recall_at_1_max": 6.020609028887087, + "nauc_recall_at_1_std": 12.259149720368088, + "nauc_recall_at_20_diff1": 28.865971343197387, + "nauc_recall_at_20_max": 29.60085781014946, + "nauc_recall_at_20_std": 36.547230561492086, + "nauc_recall_at_3_diff1": 20.201163215299022, + "nauc_recall_at_3_max": 24.15147413590923, + "nauc_recall_at_3_std": 25.51841620358044, + "nauc_recall_at_5_diff1": 27.778962471287116, + "nauc_recall_at_5_max": 22.152780329338537, + "nauc_recall_at_5_std": 30.197951058718182, + "ndcg_at_1": 56.00000000000001, + "ndcg_at_10": 55.762, + "ndcg_at_100": 43.0, + "ndcg_at_1000": 40.174, + "ndcg_at_20": 54.395, + "ndcg_at_3": 57.888, + "ndcg_at_5": 57.001000000000005, + "precision_at_1": 62.0, + "precision_at_10": 61.4, + "precision_at_100": 44.72, + "precision_at_1000": 17.458000000000002, + "precision_at_20": 59.099999999999994, + "precision_at_3": 64.0, + "precision_at_5": 62.4, + "recall_at_1": 0.168, + "recall_at_10": 1.6219999999999999, + "recall_at_100": 11.035, + "recall_at_1000": 38.519999999999996, + "recall_at_20": 3.0620000000000003, + "recall_at_3": 0.49500000000000005, + "recall_at_5": 0.8330000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAE-v1/external/Touche2020.json b/results/qinxianliu__FAE-v1/external/Touche2020.json new file mode 100644 index 000000000..27da5d8cf --- /dev/null +++ b/results/qinxianliu__FAE-v1/external/Touche2020.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 19.273, + "map_at_1": 1.709, + "map_at_10": 7.316000000000001, + "map_at_100": 12.321, + "map_at_1000": 13.808000000000002, + "map_at_20": 9.253, + "map_at_3": 3.3160000000000003, + "map_at_5": 4.795, + "mrr_at_1": 18.367346938775512, + "mrr_at_10": 35.08989310009718, + "mrr_at_100": 36.28671044931684, + "mrr_at_1000": 36.31683280396308, + "mrr_at_20": 35.94069374950148, + "mrr_at_3": 29.931972789115648, + "mrr_at_5": 33.70748299319728, + "nauc_map_at_1000_diff1": 1.7252523471164072, + "nauc_map_at_1000_max": -37.45684434972034, + "nauc_map_at_1000_std": 31.816390808831752, + "nauc_map_at_100_diff1": 3.1866433481351644, + "nauc_map_at_100_max": -37.53275106404819, + "nauc_map_at_100_std": 27.697720914312185, + "nauc_map_at_10_diff1": 11.546757425370735, + "nauc_map_at_10_max": -40.037060316109546, + "nauc_map_at_10_std": 8.801565596186842, + "nauc_map_at_1_diff1": 7.61028045283501, + "nauc_map_at_1_max": -39.557582744593645, + "nauc_map_at_1_std": 7.735640885032767, + "nauc_map_at_20_diff1": 7.543135546307922, + "nauc_map_at_20_max": -39.0652043276318, + "nauc_map_at_20_std": 15.29593792274507, + "nauc_map_at_3_diff1": 11.280676031082711, + "nauc_map_at_3_max": -34.41607704761832, + "nauc_map_at_3_std": 11.32048166693763, + "nauc_map_at_5_diff1": 20.351099794478802, + "nauc_map_at_5_max": -35.88950105757943, + "nauc_map_at_5_std": 4.35637850342264, + "nauc_mrr_at_1000_diff1": 6.939017707774081, + "nauc_mrr_at_1000_max": -33.935956825842005, + "nauc_mrr_at_1000_std": 19.07952503475733, + "nauc_mrr_at_100_diff1": 7.007488744667508, + "nauc_mrr_at_100_max": -33.92945312193678, + "nauc_mrr_at_100_std": 19.05586025085344, + "nauc_mrr_at_10_diff1": 7.870938718185284, + "nauc_mrr_at_10_max": -33.643874011810624, + "nauc_mrr_at_10_std": 18.737984428168758, + "nauc_mrr_at_1_diff1": -8.06431205769537, + "nauc_mrr_at_1_max": -32.336425928178976, + "nauc_mrr_at_1_std": 13.604000993208912, + "nauc_mrr_at_20_diff1": 6.831718376609704, + "nauc_mrr_at_20_max": -33.90246846104302, + "nauc_mrr_at_20_std": 19.538148096702766, + "nauc_mrr_at_3_diff1": 8.037148374955189, + "nauc_mrr_at_3_max": -34.25753271217517, + "nauc_mrr_at_3_std": 15.088248414171138, + "nauc_mrr_at_5_diff1": 7.595968523491899, + "nauc_mrr_at_5_max": -33.06623826965133, + "nauc_mrr_at_5_std": 16.159130418151424, + "nauc_ndcg_at_1000_diff1": -7.720330826911982, + "nauc_ndcg_at_1000_max": -34.504586339397235, + "nauc_ndcg_at_1000_std": 55.17137720392854, + "nauc_ndcg_at_100_diff1": -2.240319097304193, + "nauc_ndcg_at_100_max": -40.22669737557528, + "nauc_ndcg_at_100_std": 44.249422231658905, + "nauc_ndcg_at_10_diff1": 5.852919717287215, + "nauc_ndcg_at_10_max": -35.950454003677656, + "nauc_ndcg_at_10_std": 20.091954046961675, + "nauc_ndcg_at_1_diff1": -5.026757375691153, + "nauc_ndcg_at_1_max": -28.165217487569176, + "nauc_ndcg_at_1_std": 10.76494218894748, + "nauc_ndcg_at_20_diff1": 5.762488120758699, + "nauc_ndcg_at_20_max": -38.80104651664979, + "nauc_ndcg_at_20_std": 20.145678018726883, + "nauc_ndcg_at_3_diff1": 0.16026215637272925, + "nauc_ndcg_at_3_max": -26.15554287164054, + "nauc_ndcg_at_3_std": 18.090887546880303, + "nauc_ndcg_at_5_diff1": 6.586652981111932, + "nauc_ndcg_at_5_max": -27.173581848523575, + "nauc_ndcg_at_5_std": 15.928174079072576, + "nauc_precision_at_1000_diff1": -18.722748366003454, + "nauc_precision_at_1000_max": 37.70127527055082, + "nauc_precision_at_1000_std": 31.302472601792115, + "nauc_precision_at_100_diff1": -17.925299944589483, + "nauc_precision_at_100_max": -14.585664687731581, + "nauc_precision_at_100_std": 67.2854894307787, + "nauc_precision_at_10_diff1": -0.09200325626652063, + "nauc_precision_at_10_max": -32.03703654583935, + "nauc_precision_at_10_std": 22.4037217406587, + "nauc_precision_at_1_diff1": -8.06431205769537, + "nauc_precision_at_1_max": -32.336425928178976, + "nauc_precision_at_1_std": 13.604000993208912, + "nauc_precision_at_20_diff1": -6.234971494983468, + "nauc_precision_at_20_max": -30.356093477553664, + "nauc_precision_at_20_std": 28.20524075851042, + "nauc_precision_at_3_diff1": 4.606858014602901, + "nauc_precision_at_3_max": -28.168779973044106, + "nauc_precision_at_3_std": 16.698130987587955, + "nauc_precision_at_5_diff1": 14.639189113387536, + "nauc_precision_at_5_max": -26.78005614395128, + "nauc_precision_at_5_std": 10.946798822151997, + "nauc_recall_at_1000_diff1": -30.524346333490655, + "nauc_recall_at_1000_max": -21.075417353925026, + "nauc_recall_at_1000_std": 74.22949435007064, + "nauc_recall_at_100_diff1": -9.77575583119297, + "nauc_recall_at_100_max": -37.07008469837298, + "nauc_recall_at_100_std": 52.120230360541775, + "nauc_recall_at_10_diff1": 9.745498888406615, + "nauc_recall_at_10_max": -40.79008195388784, + "nauc_recall_at_10_std": 9.660739412488208, + "nauc_recall_at_1_diff1": 7.61028045283501, + "nauc_recall_at_1_max": -39.557582744593645, + "nauc_recall_at_1_std": 7.735640885032767, + "nauc_recall_at_20_diff1": 2.0644237101077745, + "nauc_recall_at_20_max": -39.01808667391472, + "nauc_recall_at_20_std": 19.00124585263139, + "nauc_recall_at_3_diff1": 16.33154242036851, + "nauc_recall_at_3_max": -36.478930737889165, + "nauc_recall_at_3_std": 9.289013372689602, + "nauc_recall_at_5_diff1": 26.540205506422566, + "nauc_recall_at_5_max": -38.0518452674111, + "nauc_recall_at_5_std": -2.2102236055615827, + "ndcg_at_1": 16.326999999999998, + "ndcg_at_10": 19.273, + "ndcg_at_100": 30.534, + "ndcg_at_1000": 42.769, + "ndcg_at_20": 20.386000000000003, + "ndcg_at_3": 18.381, + "ndcg_at_5": 19.338, + "precision_at_1": 18.367, + "precision_at_10": 18.570999999999998, + "precision_at_100": 6.571000000000001, + "precision_at_1000": 1.471, + "precision_at_20": 13.571, + "precision_at_3": 20.408, + "precision_at_5": 21.224, + "recall_at_1": 1.709, + "recall_at_10": 14.161999999999999, + "recall_at_100": 42.65, + "recall_at_1000": 80.388, + "recall_at_20": 20.638, + "recall_at_3": 4.503, + "recall_at_5": 7.957 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAE-v1/external/TwitterSemEval2015.json b/results/qinxianliu__FAE-v1/external/TwitterSemEval2015.json new file mode 100644 index 000000000..130e87180 --- /dev/null +++ b/results/qinxianliu__FAE-v1/external/TwitterSemEval2015.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 83.32836621565238, + "cosine_accuracy_threshold": 81.38269186019897, + "cosine_ap": 65.00845873856156, + "cosine_f1": 60.39579770339605, + "cosine_f1_threshold": 74.81536865234375, + "cosine_precision": 56.23293903548681, + "cosine_recall": 65.22427440633246, + "dot_accuracy": 83.32836621565238, + "dot_accuracy_threshold": 81.38269186019897, + "dot_ap": 65.00846130715131, + "dot_f1": 60.39579770339605, + "dot_f1_threshold": 74.81536865234375, + "dot_precision": 56.23293903548681, + "dot_recall": 65.22427440633246, + "euclidean_accuracy": 83.32836621565238, + "euclidean_accuracy_threshold": 61.02017164230347, + "euclidean_ap": 65.00849169500765, + "euclidean_f1": 60.39579770339605, + "euclidean_f1_threshold": 70.97129821777344, + "euclidean_precision": 56.23293903548681, + "euclidean_recall": 65.22427440633246, + "main_score": 65.00849957566061, + "manhattan_accuracy": 83.30452405078381, + "manhattan_accuracy_threshold": 1550.2988815307617, + "manhattan_ap": 64.91239914569253, + "manhattan_f1": 60.321324245374875, + "manhattan_f1_threshold": 1813.8046264648438, + "manhattan_precision": 55.98734749209219, + "manhattan_recall": 65.3825857519789, + "max_accuracy": 83.32836621565238, + "max_ap": 65.00849957566061, + "max_f1": 60.39579770339605, + "max_precision": 56.23293903548681, + "max_recall": 65.3825857519789, + "similarity_accuracy": 83.32836621565238, + "similarity_accuracy_threshold": 81.38269186019897, + "similarity_ap": 65.00849957566061, + "similarity_f1": 60.39579770339605, + "similarity_f1_threshold": 74.81537461280823, + "similarity_precision": 56.23293903548681, + "similarity_recall": 65.22427440633246 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAE-v1/external/TwitterURLCorpus.json b/results/qinxianliu__FAE-v1/external/TwitterURLCorpus.json new file mode 100644 index 000000000..3010c01b7 --- /dev/null +++ b/results/qinxianliu__FAE-v1/external/TwitterURLCorpus.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 86.81064928008693, + "cosine_accuracy_threshold": 78.35582494735718, + "cosine_ap": 81.59163968357905, + "cosine_f1": 73.65905665232897, + "cosine_f1_threshold": 74.80239272117615, + "cosine_precision": 70.484767466404, + "cosine_recall": 77.1327379119187, + "dot_accuracy": 86.81064928008693, + "dot_accuracy_threshold": 78.35582494735718, + "dot_ap": 81.5916362109219, + "dot_f1": 73.65905665232897, + "dot_f1_threshold": 74.80239868164062, + "dot_precision": 70.484767466404, + "dot_recall": 77.1327379119187, + "euclidean_accuracy": 86.81064928008693, + "euclidean_accuracy_threshold": 65.79388380050659, + "euclidean_ap": 81.59164674676272, + "euclidean_f1": 73.65905665232897, + "euclidean_f1_threshold": 70.98958492279053, + "euclidean_precision": 70.484767466404, + "euclidean_recall": 77.1327379119187, + "main_score": 81.59164674676272, + "manhattan_accuracy": 86.78348274925291, + "manhattan_accuracy_threshold": 1683.5384368896484, + "manhattan_ap": 81.56908899994865, + "manhattan_f1": 73.62843580969202, + "manhattan_f1_threshold": 1811.0942840576172, + "manhattan_precision": 70.51236873634505, + "manhattan_recall": 77.03264551894056, + "max_accuracy": 86.81064928008693, + "max_ap": 81.59164674676272, + "max_f1": 73.65905665232897, + "max_precision": 70.51236873634505, + "max_recall": 77.1327379119187, + "similarity_accuracy": 86.81064928008693, + "similarity_accuracy_threshold": 78.35582494735718, + "similarity_ap": 81.59164176193602, + "similarity_f1": 73.65905665232897, + "similarity_f1_threshold": 74.8024046421051, + "similarity_precision": 70.484767466404, + "similarity_recall": 77.1327379119187 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FAE-v1/external/model_meta.json b/results/qinxianliu__FAE-v1/external/model_meta.json new file mode 100644 index 000000000..92b190ce3 --- /dev/null +++ b/results/qinxianliu__FAE-v1/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "qinxianliu/FAE-v1", + "revision": "5012adee422158717545bd8dc00252e05bd36156", + "release_date": "2024-08-28", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 335141888, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 1024, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/qinxianliu__FUE-v1/external/ArguAna.json b/results/qinxianliu__FUE-v1/external/ArguAna.json new file mode 100644 index 000000000..7372cc037 --- /dev/null +++ b/results/qinxianliu__FUE-v1/external/ArguAna.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 28.538000000000004, + "map_at_1": 12.518, + "map_at_10": 22.123, + "map_at_100": 23.69, + "map_at_1000": 23.753, + "map_at_20": 23.143, + "map_at_3": 18.255, + "map_at_5": 20.101, + "mrr_at_1": 12.51778093883357, + "mrr_at_10": 22.1181896181896, + "mrr_at_100": 23.691403907137428, + "mrr_at_1000": 23.754663976195605, + "mrr_at_20": 23.14463626403498, + "mrr_at_3": 18.25509720246565, + "mrr_at_5": 20.090090090090076, + "nauc_map_at_1000_diff1": 9.323271975614725, + "nauc_map_at_1000_max": 14.254988429417367, + "nauc_map_at_1000_std": 0.6719763425462996, + "nauc_map_at_100_diff1": 9.282199840240164, + "nauc_map_at_100_max": 14.292222368573587, + "nauc_map_at_100_std": 0.7292665505578078, + "nauc_map_at_10_diff1": 9.281903499487566, + "nauc_map_at_10_max": 13.866426442021092, + "nauc_map_at_10_std": 0.25246485902079857, + "nauc_map_at_1_diff1": 17.7280206384371, + "nauc_map_at_1_max": 10.815824715688484, + "nauc_map_at_1_std": -2.743162847857448, + "nauc_map_at_20_diff1": 9.102539119027215, + "nauc_map_at_20_max": 14.315213373754535, + "nauc_map_at_20_std": 0.4814890472114564, + "nauc_map_at_3_diff1": 11.182980254921844, + "nauc_map_at_3_max": 12.459436078396347, + "nauc_map_at_3_std": -0.556503984217633, + "nauc_map_at_5_diff1": 10.337883923056356, + "nauc_map_at_5_max": 13.156434240892349, + "nauc_map_at_5_std": -0.29354150586109307, + "nauc_mrr_at_1000_diff1": 9.324556497025348, + "nauc_mrr_at_1000_max": 14.253533211305847, + "nauc_mrr_at_1000_std": 0.6697271579920419, + "nauc_mrr_at_100_diff1": 9.283500049480148, + "nauc_mrr_at_100_max": 14.29077459198726, + "nauc_mrr_at_100_std": 0.7270254698558568, + "nauc_mrr_at_10_diff1": 9.307586753777215, + "nauc_mrr_at_10_max": 13.867744805840864, + "nauc_mrr_at_10_std": 0.24609376657604679, + "nauc_mrr_at_1_diff1": 17.7280206384371, + "nauc_mrr_at_1_max": 10.815824715688484, + "nauc_mrr_at_1_std": -2.743162847857448, + "nauc_mrr_at_20_diff1": 9.104040005863022, + "nauc_mrr_at_20_max": 14.313919541370158, + "nauc_mrr_at_20_std": 0.47929028753819247, + "nauc_mrr_at_3_diff1": 11.182980254921844, + "nauc_mrr_at_3_max": 12.459436078396347, + "nauc_mrr_at_3_std": -0.556503984217633, + "nauc_mrr_at_5_diff1": 10.292026698958562, + "nauc_mrr_at_5_max": 13.162311512830788, + "nauc_mrr_at_5_std": -0.279085086218627, + "nauc_ndcg_at_1000_diff1": 7.3163309764159825, + "nauc_ndcg_at_1000_max": 16.010286453339404, + "nauc_ndcg_at_1000_std": 2.607890495864114, + "nauc_ndcg_at_100_diff1": 6.345607449579556, + "nauc_ndcg_at_100_max": 17.107603089582387, + "nauc_ndcg_at_100_std": 4.24098978361439, + "nauc_ndcg_at_10_diff1": 5.8109195734245125, + "nauc_ndcg_at_10_max": 15.749698291184078, + "nauc_ndcg_at_10_std": 1.7791956012747472, + "nauc_ndcg_at_1_diff1": 17.7280206384371, + "nauc_ndcg_at_1_max": 10.815824715688484, + "nauc_ndcg_at_1_std": -2.743162847857448, + "nauc_ndcg_at_20_diff1": 4.8931445052931535, + "nauc_ndcg_at_20_max": 17.242324916281724, + "nauc_ndcg_at_20_std": 2.5398984271374716, + "nauc_ndcg_at_3_diff1": 9.692595930124401, + "nauc_ndcg_at_3_max": 13.040710081661585, + "nauc_ndcg_at_3_std": 0.04190136287761992, + "nauc_ndcg_at_5_diff1": 8.29716057792536, + "nauc_ndcg_at_5_max": 14.202672828576501, + "nauc_ndcg_at_5_std": 0.4915852638473377, + "nauc_precision_at_1000_diff1": -4.340157000443621, + "nauc_precision_at_1000_max": 47.2664467039377, + "nauc_precision_at_1000_std": 55.01988662253597, + "nauc_precision_at_100_diff1": -7.7805105013646445, + "nauc_precision_at_100_max": 35.464559183683306, + "nauc_precision_at_100_std": 32.179756475948615, + "nauc_precision_at_10_diff1": -2.8054318748220983, + "nauc_precision_at_10_max": 20.50642719670412, + "nauc_precision_at_10_std": 5.658488748996167, + "nauc_precision_at_1_diff1": 17.7280206384371, + "nauc_precision_at_1_max": 10.815824715688484, + "nauc_precision_at_1_std": -2.743162847857448, + "nauc_precision_at_20_diff1": -8.125102884571286, + "nauc_precision_at_20_max": 26.61981123742234, + "nauc_precision_at_20_std": 9.015277052264246, + "nauc_precision_at_3_diff1": 6.293777341889125, + "nauc_precision_at_3_max": 14.423054474164651, + "nauc_precision_at_3_std": 1.4341093423522946, + "nauc_precision_at_5_diff1": 3.7181074720510505, + "nauc_precision_at_5_max": 16.654168420354303, + "nauc_precision_at_5_std": 2.2783035538057934, + "nauc_recall_at_1000_diff1": -4.340157000443143, + "nauc_recall_at_1000_max": 47.26644670393844, + "nauc_recall_at_1000_std": 55.01988662253498, + "nauc_recall_at_100_diff1": -7.780510501364643, + "nauc_recall_at_100_max": 35.46455918368321, + "nauc_recall_at_100_std": 32.179756475948565, + "nauc_recall_at_10_diff1": -2.8054318748220988, + "nauc_recall_at_10_max": 20.50642719670411, + "nauc_recall_at_10_std": 5.658488748996162, + "nauc_recall_at_1_diff1": 17.7280206384371, + "nauc_recall_at_1_max": 10.815824715688484, + "nauc_recall_at_1_std": -2.743162847857448, + "nauc_recall_at_20_diff1": -8.125102884571232, + "nauc_recall_at_20_max": 26.619811237422397, + "nauc_recall_at_20_std": 9.015277052264283, + "nauc_recall_at_3_diff1": 6.293777341889125, + "nauc_recall_at_3_max": 14.423054474164635, + "nauc_recall_at_3_std": 1.4341093423523195, + "nauc_recall_at_5_diff1": 3.7181074720510505, + "nauc_recall_at_5_max": 16.65416842035427, + "nauc_recall_at_5_std": 2.278303553805766, + "ndcg_at_1": 12.518, + "ndcg_at_10": 28.538000000000004, + "ndcg_at_100": 36.315, + "ndcg_at_1000": 37.905, + "ndcg_at_20": 32.235, + "ndcg_at_3": 20.277, + "ndcg_at_5": 23.625, + "precision_at_1": 12.518, + "precision_at_10": 4.957000000000001, + "precision_at_100": 0.864, + "precision_at_1000": 0.099, + "precision_at_20": 3.2079999999999997, + "precision_at_3": 8.725, + "precision_at_5": 6.8709999999999996, + "recall_at_1": 12.518, + "recall_at_10": 49.573, + "recall_at_100": 86.41499999999999, + "recall_at_1000": 98.72, + "recall_at_20": 64.154, + "recall_at_3": 26.173999999999996, + "recall_at_5": 34.353 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FUE-v1/external/AskUbuntuDupQuestions.json b/results/qinxianliu__FUE-v1/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..d3823542e --- /dev/null +++ b/results/qinxianliu__FUE-v1/external/AskUbuntuDupQuestions.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 66.82497796556063, + "map": 66.82497796556063, + "mrr": 79.41322604757507, + "nAUC_map_diff1": 12.416876133855089, + "nAUC_map_max": 26.748567859708082, + "nAUC_map_std": 17.369392917676496, + "nAUC_mrr_diff1": 24.35046473918137, + "nAUC_mrr_max": 41.748545887921786, + "nAUC_mrr_std": 20.095859022985742 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FUE-v1/external/BIOSSES.json b/results/qinxianliu__FUE-v1/external/BIOSSES.json new file mode 100644 index 000000000..3574e2b2c --- /dev/null +++ b/results/qinxianliu__FUE-v1/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 77.26959202649614, + "cosine_spearman": 72.60346154803956, + "euclidean_pearson": 75.60706813872336, + "euclidean_spearman": 72.60346154803956, + "main_score": 72.60346154803956, + "manhattan_pearson": 74.85441649457519, + "manhattan_spearman": 71.82211844340206, + "pearson": 77.26960125718689, + "spearman": 72.60346154803956 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FUE-v1/external/CQADupstackAndroidRetrieval.json b/results/qinxianliu__FUE-v1/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..c4212af1f --- /dev/null +++ b/results/qinxianliu__FUE-v1/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f46a197baaae43b4f621051089b82a364682dfeb", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 52.916, + "map_at_1": 32.649, + "map_at_10": 45.772, + "map_at_100": 47.457, + "map_at_1000": 47.599999999999994, + "map_at_20": 46.725, + "map_at_3": 41.692, + "map_at_5": 44.046, + "mrr_at_1": 40.629470672389125, + "mrr_at_10": 51.90226400526829, + "mrr_at_100": 52.55196625361068, + "mrr_at_1000": 52.59335586794691, + "mrr_at_20": 52.2668351149164, + "mrr_at_3": 49.40391034811636, + "mrr_at_5": 51.09203624225081, + "nauc_map_at_1000_diff1": 45.289329882047205, + "nauc_map_at_1000_max": 39.28004476774031, + "nauc_map_at_1000_std": -10.47186686937888, + "nauc_map_at_100_diff1": 45.27568029871466, + "nauc_map_at_100_max": 39.30223620117373, + "nauc_map_at_100_std": -10.410329154110126, + "nauc_map_at_10_diff1": 45.788018257879656, + "nauc_map_at_10_max": 38.87347267479215, + "nauc_map_at_10_std": -11.99683042659094, + "nauc_map_at_1_diff1": 53.35615479144534, + "nauc_map_at_1_max": 31.475294365337536, + "nauc_map_at_1_std": -14.003054216071481, + "nauc_map_at_20_diff1": 45.490662130375064, + "nauc_map_at_20_max": 39.090398903912536, + "nauc_map_at_20_std": -10.96175771068962, + "nauc_map_at_3_diff1": 46.8301634760078, + "nauc_map_at_3_max": 36.2671266498893, + "nauc_map_at_3_std": -13.38271575807636, + "nauc_map_at_5_diff1": 46.28657566818991, + "nauc_map_at_5_max": 37.8207988324964, + "nauc_map_at_5_std": -12.314684453880659, + "nauc_mrr_at_1000_diff1": 43.14531221378786, + "nauc_mrr_at_1000_max": 41.03230454152977, + "nauc_mrr_at_1000_std": -7.879125647271273, + "nauc_mrr_at_100_diff1": 43.12790875666598, + "nauc_mrr_at_100_max": 41.03454971653736, + "nauc_mrr_at_100_std": -7.858776508352652, + "nauc_mrr_at_10_diff1": 42.87454261242089, + "nauc_mrr_at_10_max": 41.108557872693055, + "nauc_mrr_at_10_std": -8.099855590270796, + "nauc_mrr_at_1_diff1": 49.61818728047409, + "nauc_mrr_at_1_max": 38.804257214142154, + "nauc_mrr_at_1_std": -10.72284382304455, + "nauc_mrr_at_20_diff1": 43.0725399972107, + "nauc_mrr_at_20_max": 41.08996625932272, + "nauc_mrr_at_20_std": -7.8159114035841695, + "nauc_mrr_at_3_diff1": 43.267966736078975, + "nauc_mrr_at_3_max": 40.36006635996485, + "nauc_mrr_at_3_std": -8.754877467052037, + "nauc_mrr_at_5_diff1": 42.75118896375678, + "nauc_mrr_at_5_max": 40.91174373590108, + "nauc_mrr_at_5_std": -8.082572960635977, + "nauc_ndcg_at_1000_diff1": 42.8206024836842, + "nauc_ndcg_at_1000_max": 41.23107259743807, + "nauc_ndcg_at_1000_std": -7.267656950359476, + "nauc_ndcg_at_100_diff1": 42.28641440933444, + "nauc_ndcg_at_100_max": 41.6734450569554, + "nauc_ndcg_at_100_std": -6.224022095206258, + "nauc_ndcg_at_10_diff1": 42.753045687362324, + "nauc_ndcg_at_10_max": 41.47728394469051, + "nauc_ndcg_at_10_std": -9.82176692905538, + "nauc_ndcg_at_1_diff1": 49.61818728047409, + "nauc_ndcg_at_1_max": 38.804257214142154, + "nauc_ndcg_at_1_std": -10.72284382304455, + "nauc_ndcg_at_20_diff1": 42.79059001163042, + "nauc_ndcg_at_20_max": 41.45466723327685, + "nauc_ndcg_at_20_std": -7.8811099324857095, + "nauc_ndcg_at_3_diff1": 42.777535675427956, + "nauc_ndcg_at_3_max": 39.005245346467646, + "nauc_ndcg_at_3_std": -9.754879407450163, + "nauc_ndcg_at_5_diff1": 42.66583257245142, + "nauc_ndcg_at_5_max": 40.326265568150504, + "nauc_ndcg_at_5_std": -9.230270533786904, + "nauc_precision_at_1000_diff1": -16.70348014597805, + "nauc_precision_at_1000_max": -8.386803902715592, + "nauc_precision_at_1000_std": 0.13502316171005296, + "nauc_precision_at_100_diff1": -15.998085065118264, + "nauc_precision_at_100_max": 8.956110379153944, + "nauc_precision_at_100_std": 16.51962286328538, + "nauc_precision_at_10_diff1": -1.001533004655409, + "nauc_precision_at_10_max": 29.82358647130004, + "nauc_precision_at_10_std": 10.818324954671196, + "nauc_precision_at_1_diff1": 49.61818728047409, + "nauc_precision_at_1_max": 38.804257214142154, + "nauc_precision_at_1_std": -10.72284382304455, + "nauc_precision_at_20_diff1": -7.810474487909365, + "nauc_precision_at_20_max": 21.77756355634436, + "nauc_precision_at_20_std": 16.63426939452981, + "nauc_precision_at_3_diff1": 18.512689708793893, + "nauc_precision_at_3_max": 39.095246356190245, + "nauc_precision_at_3_std": -1.0810033734203999, + "nauc_precision_at_5_diff1": 8.138752687073158, + "nauc_precision_at_5_max": 36.10702475124429, + "nauc_precision_at_5_std": 7.333980251486291, + "nauc_recall_at_1000_diff1": 24.267062537529018, + "nauc_recall_at_1000_max": 54.99733856577079, + "nauc_recall_at_1000_std": 35.868095521705776, + "nauc_recall_at_100_diff1": 26.74575223566034, + "nauc_recall_at_100_max": 47.652482792272785, + "nauc_recall_at_100_std": 19.054850321156742, + "nauc_recall_at_10_diff1": 34.19555084006223, + "nauc_recall_at_10_max": 41.8550922310514, + "nauc_recall_at_10_std": -8.506390007838977, + "nauc_recall_at_1_diff1": 53.35615479144534, + "nauc_recall_at_1_max": 31.475294365337536, + "nauc_recall_at_1_std": -14.003054216071481, + "nauc_recall_at_20_diff1": 33.77586137392995, + "nauc_recall_at_20_max": 42.954168251101486, + "nauc_recall_at_20_std": 0.3955721013883589, + "nauc_recall_at_3_diff1": 38.445298323492345, + "nauc_recall_at_3_max": 35.55313976386901, + "nauc_recall_at_3_std": -11.509187665960084, + "nauc_recall_at_5_diff1": 35.789287343837884, + "nauc_recall_at_5_max": 38.63482405526856, + "nauc_recall_at_5_std": -8.350167399589925, + "ndcg_at_1": 40.629, + "ndcg_at_10": 52.916, + "ndcg_at_100": 58.07600000000001, + "ndcg_at_1000": 59.73500000000001, + "ndcg_at_20": 54.974000000000004, + "ndcg_at_3": 47.547, + "ndcg_at_5": 50.295, + "precision_at_1": 40.629, + "precision_at_10": 10.700999999999999, + "precision_at_100": 1.6820000000000002, + "precision_at_1000": 0.22300000000000003, + "precision_at_20": 6.345000000000001, + "precision_at_3": 23.796, + "precision_at_5": 17.596999999999998, + "recall_at_1": 32.649, + "recall_at_10": 66.116, + "recall_at_100": 87.51, + "recall_at_1000": 97.829, + "recall_at_20": 73.379, + "recall_at_3": 50.613, + "recall_at_5": 58.01 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FUE-v1/external/CQADupstackEnglishRetrieval.json b/results/qinxianliu__FUE-v1/external/CQADupstackEnglishRetrieval.json new file mode 100644 index 000000000..8329b7df7 --- /dev/null +++ b/results/qinxianliu__FUE-v1/external/CQADupstackEnglishRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ad9991cb51e31e31e430383c75ffb2885547b5f0", + "task_name": "CQADupstackEnglishRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 43.505, + "map_at_1": 27.195000000000004, + "map_at_10": 37.580000000000005, + "map_at_100": 39.01, + "map_at_1000": 39.159, + "map_at_20": 38.330999999999996, + "map_at_3": 34.412, + "map_at_5": 36.193, + "mrr_at_1": 35.28662420382165, + "mrr_at_10": 43.60006571630778, + "mrr_at_100": 44.353842651523586, + "mrr_at_1000": 44.4053387476111, + "mrr_at_20": 44.04638739149498, + "mrr_at_3": 41.18895966029725, + "mrr_at_5": 42.61252653927815, + "nauc_map_at_1000_diff1": 42.38618266865594, + "nauc_map_at_1000_max": 41.491554181716175, + "nauc_map_at_1000_std": -3.5386577633054737, + "nauc_map_at_100_diff1": 42.40564292548819, + "nauc_map_at_100_max": 41.45373569198577, + "nauc_map_at_100_std": -3.6625477908993473, + "nauc_map_at_10_diff1": 42.625665623454125, + "nauc_map_at_10_max": 40.51903544452516, + "nauc_map_at_10_std": -5.536441154309886, + "nauc_map_at_1_diff1": 47.914129207001, + "nauc_map_at_1_max": 36.47093132755044, + "nauc_map_at_1_std": -9.621259227944329, + "nauc_map_at_20_diff1": 42.57383348544318, + "nauc_map_at_20_max": 41.02679079990154, + "nauc_map_at_20_std": -4.490511334672925, + "nauc_map_at_3_diff1": 43.59030079409757, + "nauc_map_at_3_max": 39.93229570655855, + "nauc_map_at_3_std": -7.175841169162778, + "nauc_map_at_5_diff1": 42.98743128411056, + "nauc_map_at_5_max": 40.150925311516275, + "nauc_map_at_5_std": -6.424502709519393, + "nauc_mrr_at_1000_diff1": 42.41841677865114, + "nauc_mrr_at_1000_max": 42.247852660053745, + "nauc_mrr_at_1000_std": -1.165540535556555, + "nauc_mrr_at_100_diff1": 42.420657267186726, + "nauc_mrr_at_100_max": 42.251825675553704, + "nauc_mrr_at_100_std": -1.1636278747245774, + "nauc_mrr_at_10_diff1": 42.3138037346923, + "nauc_mrr_at_10_max": 42.10074065067146, + "nauc_mrr_at_10_std": -1.6076100571015888, + "nauc_mrr_at_1_diff1": 46.14573077561728, + "nauc_mrr_at_1_max": 42.061927948085334, + "nauc_mrr_at_1_std": -3.7673030766056828, + "nauc_mrr_at_20_diff1": 42.40273873695689, + "nauc_mrr_at_20_max": 42.171375510351766, + "nauc_mrr_at_20_std": -1.3515543593263308, + "nauc_mrr_at_3_diff1": 42.65327763586051, + "nauc_mrr_at_3_max": 42.60487343560702, + "nauc_mrr_at_3_std": -2.017909554093815, + "nauc_mrr_at_5_diff1": 42.55441855170127, + "nauc_mrr_at_5_max": 42.24074898539688, + "nauc_mrr_at_5_std": -1.6335691035307471, + "nauc_ndcg_at_1000_diff1": 40.99947003301228, + "nauc_ndcg_at_1000_max": 42.59731002851968, + "nauc_ndcg_at_1000_std": 1.5617506389566693, + "nauc_ndcg_at_100_diff1": 41.05947202800858, + "nauc_ndcg_at_100_max": 42.655256081496375, + "nauc_ndcg_at_100_std": 1.1275622124800324, + "nauc_ndcg_at_10_diff1": 40.71646296399764, + "nauc_ndcg_at_10_max": 41.32474748899915, + "nauc_ndcg_at_10_std": -2.838548394405895, + "nauc_ndcg_at_1_diff1": 46.14573077561728, + "nauc_ndcg_at_1_max": 42.061927948085334, + "nauc_ndcg_at_1_std": -3.7673030766056828, + "nauc_ndcg_at_20_diff1": 40.94701485601509, + "nauc_ndcg_at_20_max": 41.89909312421838, + "nauc_ndcg_at_20_std": -1.0729170787288922, + "nauc_ndcg_at_3_diff1": 41.57176168658056, + "nauc_ndcg_at_3_max": 42.089267442299075, + "nauc_ndcg_at_3_std": -3.6656009457600476, + "nauc_ndcg_at_5_diff1": 41.312525235264545, + "nauc_ndcg_at_5_max": 41.40459679814617, + "nauc_ndcg_at_5_std": -3.607343043079315, + "nauc_precision_at_1000_diff1": -10.389355556009154, + "nauc_precision_at_1000_max": 11.213997730937681, + "nauc_precision_at_1000_std": 30.484993965189755, + "nauc_precision_at_100_diff1": -4.589336722169161, + "nauc_precision_at_100_max": 23.61692037737193, + "nauc_precision_at_100_std": 34.58390587538388, + "nauc_precision_at_10_diff1": 11.420232344757583, + "nauc_precision_at_10_max": 33.61211581898657, + "nauc_precision_at_10_std": 17.67212437703975, + "nauc_precision_at_1_diff1": 46.14573077561728, + "nauc_precision_at_1_max": 42.061927948085334, + "nauc_precision_at_1_std": -3.7673030766056828, + "nauc_precision_at_20_diff1": 5.338962369182836, + "nauc_precision_at_20_max": 31.49712758851038, + "nauc_precision_at_20_std": 26.273239812959265, + "nauc_precision_at_3_diff1": 25.760340841656195, + "nauc_precision_at_3_max": 40.78701062437991, + "nauc_precision_at_3_std": 6.786760881569201, + "nauc_precision_at_5_diff1": 20.210043555954318, + "nauc_precision_at_5_max": 37.031291554404085, + "nauc_precision_at_5_std": 10.611181228801739, + "nauc_recall_at_1000_diff1": 33.476332225623814, + "nauc_recall_at_1000_max": 47.867568065614016, + "nauc_recall_at_1000_std": 43.50634640789991, + "nauc_recall_at_100_diff1": 35.07854220105017, + "nauc_recall_at_100_max": 42.9081089829942, + "nauc_recall_at_100_std": 19.93173296454809, + "nauc_recall_at_10_diff1": 35.186657922090845, + "nauc_recall_at_10_max": 36.89789950808192, + "nauc_recall_at_10_std": -3.0377254637259083, + "nauc_recall_at_1_diff1": 47.914129207001, + "nauc_recall_at_1_max": 36.47093132755044, + "nauc_recall_at_1_std": -9.621259227944329, + "nauc_recall_at_20_diff1": 35.33528482662295, + "nauc_recall_at_20_max": 38.328398726744055, + "nauc_recall_at_20_std": 3.9623726501092533, + "nauc_recall_at_3_diff1": 39.2886333384052, + "nauc_recall_at_3_max": 38.57303028073727, + "nauc_recall_at_3_std": -6.903543957557018, + "nauc_recall_at_5_diff1": 37.06028417057189, + "nauc_recall_at_5_max": 36.99251102238125, + "nauc_recall_at_5_std": -5.207245708092033, + "ndcg_at_1": 35.287, + "ndcg_at_10": 43.505, + "ndcg_at_100": 48.502, + "ndcg_at_1000": 50.782000000000004, + "ndcg_at_20": 45.37, + "ndcg_at_3": 39.074, + "ndcg_at_5": 41.123, + "precision_at_1": 35.287, + "precision_at_10": 8.643, + "precision_at_100": 1.4829999999999999, + "precision_at_1000": 0.202, + "precision_at_20": 5.188000000000001, + "precision_at_3": 19.49, + "precision_at_5": 13.975000000000001, + "recall_at_1": 27.195000000000004, + "recall_at_10": 54.089, + "recall_at_100": 75.381, + "recall_at_1000": 89.83, + "recall_at_20": 60.99, + "recall_at_3": 40.556, + "recall_at_5": 46.573 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FUE-v1/external/CQADupstackGamingRetrieval.json b/results/qinxianliu__FUE-v1/external/CQADupstackGamingRetrieval.json new file mode 100644 index 000000000..590302e56 --- /dev/null +++ b/results/qinxianliu__FUE-v1/external/CQADupstackGamingRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "4885aa143210c98657558c04aaf3dc47cfb54340", + "task_name": "CQADupstackGamingRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 52.82599999999999, + "map_at_1": 35.96, + "map_at_10": 47.109, + "map_at_100": 48.227, + "map_at_1000": 48.294, + "map_at_20": 47.742000000000004, + "map_at_3": 43.856, + "map_at_5": 45.73, + "mrr_at_1": 41.2539184952978, + "mrr_at_10": 50.4839279494452, + "mrr_at_100": 51.18997195908982, + "mrr_at_1000": 51.22588707203708, + "mrr_at_20": 50.87826541247888, + "mrr_at_3": 47.732497387669824, + "mrr_at_5": 49.31556948798333, + "nauc_map_at_1000_diff1": 50.21912063624032, + "nauc_map_at_1000_max": 41.05492601368038, + "nauc_map_at_1000_std": -1.8335758997830354, + "nauc_map_at_100_diff1": 50.191466738388776, + "nauc_map_at_100_max": 41.04781068836281, + "nauc_map_at_100_std": -1.8487668121623901, + "nauc_map_at_10_diff1": 50.299475818245554, + "nauc_map_at_10_max": 40.57210666375838, + "nauc_map_at_10_std": -2.5349867924738354, + "nauc_map_at_1_diff1": 54.309305748182524, + "nauc_map_at_1_max": 34.78537970357836, + "nauc_map_at_1_std": -4.367654821096338, + "nauc_map_at_20_diff1": 50.17956579459495, + "nauc_map_at_20_max": 40.845935693363586, + "nauc_map_at_20_std": -2.189911133302338, + "nauc_map_at_3_diff1": 50.863917087098066, + "nauc_map_at_3_max": 39.469485934751866, + "nauc_map_at_3_std": -4.334326050046052, + "nauc_map_at_5_diff1": 50.53806135770955, + "nauc_map_at_5_max": 39.751056790635424, + "nauc_map_at_5_std": -3.486238828551465, + "nauc_mrr_at_1000_diff1": 50.3689275270778, + "nauc_mrr_at_1000_max": 42.72789427349376, + "nauc_mrr_at_1000_std": -0.6875106248393903, + "nauc_mrr_at_100_diff1": 50.35361102734404, + "nauc_mrr_at_100_max": 42.743613265352224, + "nauc_mrr_at_100_std": -0.6686536663032981, + "nauc_mrr_at_10_diff1": 50.25968474187666, + "nauc_mrr_at_10_max": 42.746468116591906, + "nauc_mrr_at_10_std": -0.7353469482521312, + "nauc_mrr_at_1_diff1": 54.681271473002916, + "nauc_mrr_at_1_max": 40.441585770844284, + "nauc_mrr_at_1_std": -2.839590354418767, + "nauc_mrr_at_20_diff1": 50.30458869022417, + "nauc_mrr_at_20_max": 42.69148052936814, + "nauc_mrr_at_20_std": -0.7260575052437486, + "nauc_mrr_at_3_diff1": 50.69068675878361, + "nauc_mrr_at_3_max": 42.54723124779581, + "nauc_mrr_at_3_std": -1.9548419929611167, + "nauc_mrr_at_5_diff1": 50.37284804647469, + "nauc_mrr_at_5_max": 42.48933463080673, + "nauc_mrr_at_5_std": -1.1959350211193, + "nauc_ndcg_at_1000_diff1": 49.13669459478487, + "nauc_ndcg_at_1000_max": 43.09193372090789, + "nauc_ndcg_at_1000_std": 1.0255400585004846, + "nauc_ndcg_at_100_diff1": 48.46036764721693, + "nauc_ndcg_at_100_max": 43.337874144896745, + "nauc_ndcg_at_100_std": 1.4268868889619024, + "nauc_ndcg_at_10_diff1": 48.5501585301524, + "nauc_ndcg_at_10_max": 42.38370635551507, + "nauc_ndcg_at_10_std": -0.126958393912763, + "nauc_ndcg_at_1_diff1": 54.681271473002916, + "nauc_ndcg_at_1_max": 40.441585770844284, + "nauc_ndcg_at_1_std": -2.839590354418767, + "nauc_ndcg_at_20_diff1": 48.37089809404846, + "nauc_ndcg_at_20_max": 42.53664952827513, + "nauc_ndcg_at_20_std": 0.051941093126791994, + "nauc_ndcg_at_3_diff1": 49.486133964537785, + "nauc_ndcg_at_3_max": 41.262493607776804, + "nauc_ndcg_at_3_std": -2.7967155168398428, + "nauc_ndcg_at_5_diff1": 48.96714073924463, + "nauc_ndcg_at_5_max": 41.323528047385636, + "nauc_ndcg_at_5_std": -1.5158330808056293, + "nauc_precision_at_1000_diff1": -7.026558402946765, + "nauc_precision_at_1000_max": 19.486730125805913, + "nauc_precision_at_1000_std": 27.926974867437256, + "nauc_precision_at_100_diff1": -2.2036370386128104, + "nauc_precision_at_100_max": 28.340445317172758, + "nauc_precision_at_100_std": 28.516212546705543, + "nauc_precision_at_10_diff1": 17.901652875127454, + "nauc_precision_at_10_max": 39.46667014199858, + "nauc_precision_at_10_std": 14.874676790136363, + "nauc_precision_at_1_diff1": 54.681271473002916, + "nauc_precision_at_1_max": 40.441585770844284, + "nauc_precision_at_1_std": -2.839590354418767, + "nauc_precision_at_20_diff1": 9.992442152246879, + "nauc_precision_at_20_max": 35.87159722623395, + "nauc_precision_at_20_std": 19.593433922664403, + "nauc_precision_at_3_diff1": 33.43340071813058, + "nauc_precision_at_3_max": 42.813495259558984, + "nauc_precision_at_3_std": 2.319939520883305, + "nauc_precision_at_5_diff1": 26.73151055105659, + "nauc_precision_at_5_max": 40.42707721448163, + "nauc_precision_at_5_std": 7.084075741117675, + "nauc_recall_at_1000_diff1": 40.976362341621, + "nauc_recall_at_1000_max": 65.29728663348455, + "nauc_recall_at_1000_std": 49.444127154114526, + "nauc_recall_at_100_diff1": 33.852534329005536, + "nauc_recall_at_100_max": 53.02330599056479, + "nauc_recall_at_100_std": 23.794773788370286, + "nauc_recall_at_10_diff1": 40.67129797892841, + "nauc_recall_at_10_max": 42.66444189741527, + "nauc_recall_at_10_std": 4.429365961370951, + "nauc_recall_at_1_diff1": 54.309305748182524, + "nauc_recall_at_1_max": 34.78537970357836, + "nauc_recall_at_1_std": -4.367654821096338, + "nauc_recall_at_20_diff1": 38.71080752436736, + "nauc_recall_at_20_max": 43.5624279616423, + "nauc_recall_at_20_std": 6.624168124956635, + "nauc_recall_at_3_diff1": 45.11133844611515, + "nauc_recall_at_3_max": 39.73140743866134, + "nauc_recall_at_3_std": -4.333260589935666, + "nauc_recall_at_5_diff1": 43.2408330778742, + "nauc_recall_at_5_max": 39.765735398976986, + "nauc_recall_at_5_std": -0.5671079053603477, + "ndcg_at_1": 41.254000000000005, + "ndcg_at_10": 52.82599999999999, + "ndcg_at_100": 57.333, + "ndcg_at_1000": 58.714, + "ndcg_at_20": 54.559000000000005, + "ndcg_at_3": 47.064, + "ndcg_at_5": 49.91, + "precision_at_1": 41.254000000000005, + "precision_at_10": 8.577, + "precision_at_100": 1.1900000000000002, + "precision_at_1000": 0.135, + "precision_at_20": 4.84, + "precision_at_3": 20.899, + "precision_at_5": 14.571000000000002, + "recall_at_1": 35.96, + "recall_at_10": 66.52799999999999, + "recall_at_100": 86.284, + "recall_at_1000": 96.279, + "recall_at_20": 72.914, + "recall_at_3": 51.03, + "recall_at_5": 57.959 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FUE-v1/external/CQADupstackGisRetrieval.json b/results/qinxianliu__FUE-v1/external/CQADupstackGisRetrieval.json new file mode 100644 index 000000000..0a4712c23 --- /dev/null +++ b/results/qinxianliu__FUE-v1/external/CQADupstackGisRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "5003b3064772da1887988e05400cf3806fe491f2", + "task_name": "CQADupstackGisRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 41.058, + "map_at_1": 26.669999999999998, + "map_at_10": 35.673, + "map_at_100": 36.869, + "map_at_1000": 36.954, + "map_at_20": 36.355, + "map_at_3": 32.696999999999996, + "map_at_5": 34.316, + "mrr_at_1": 28.70056497175141, + "mrr_at_10": 37.57080082503811, + "mrr_at_100": 38.57318940120763, + "mrr_at_1000": 38.628923670653904, + "mrr_at_20": 38.142966912998894, + "mrr_at_3": 34.7080979284369, + "mrr_at_5": 36.27306967984933, + "nauc_map_at_1000_diff1": 31.95025505717376, + "nauc_map_at_1000_max": 27.445344687308342, + "nauc_map_at_1000_std": -3.766659179631952, + "nauc_map_at_100_diff1": 31.904113858753202, + "nauc_map_at_100_max": 27.43329141824181, + "nauc_map_at_100_std": -3.751434380621304, + "nauc_map_at_10_diff1": 32.26387206275712, + "nauc_map_at_10_max": 27.27250131155855, + "nauc_map_at_10_std": -4.2570700844827805, + "nauc_map_at_1_diff1": 37.676610770755644, + "nauc_map_at_1_max": 24.743059176207872, + "nauc_map_at_1_std": -7.899143095387766, + "nauc_map_at_20_diff1": 31.870529576581475, + "nauc_map_at_20_max": 27.305874069658703, + "nauc_map_at_20_std": -3.879867258167858, + "nauc_map_at_3_diff1": 33.69937975192626, + "nauc_map_at_3_max": 27.2785915528158, + "nauc_map_at_3_std": -4.550393882628957, + "nauc_map_at_5_diff1": 32.50268016494544, + "nauc_map_at_5_max": 26.628666672017225, + "nauc_map_at_5_std": -4.888374245634325, + "nauc_mrr_at_1000_diff1": 30.688875736244718, + "nauc_mrr_at_1000_max": 28.36168526315933, + "nauc_mrr_at_1000_std": -2.4134356134739363, + "nauc_mrr_at_100_diff1": 30.643548147379505, + "nauc_mrr_at_100_max": 28.360927430391857, + "nauc_mrr_at_100_std": -2.388432251569784, + "nauc_mrr_at_10_diff1": 30.838160632926026, + "nauc_mrr_at_10_max": 28.274232987739524, + "nauc_mrr_at_10_std": -2.6455491371420234, + "nauc_mrr_at_1_diff1": 36.333747251739936, + "nauc_mrr_at_1_max": 27.09211690724867, + "nauc_mrr_at_1_std": -6.872327181645408, + "nauc_mrr_at_20_diff1": 30.566159689071643, + "nauc_mrr_at_20_max": 28.254100153054484, + "nauc_mrr_at_20_std": -2.3863086501910877, + "nauc_mrr_at_3_diff1": 31.995970169795008, + "nauc_mrr_at_3_max": 28.672649281172863, + "nauc_mrr_at_3_std": -3.0253479479372682, + "nauc_mrr_at_5_diff1": 30.925479033010074, + "nauc_mrr_at_5_max": 27.894579265110913, + "nauc_mrr_at_5_std": -3.1633756284644305, + "nauc_ndcg_at_1000_diff1": 29.480108448835164, + "nauc_ndcg_at_1000_max": 28.694910139113766, + "nauc_ndcg_at_1000_std": -0.9685609700216138, + "nauc_ndcg_at_100_diff1": 28.20394217817361, + "nauc_ndcg_at_100_max": 28.718549400317933, + "nauc_ndcg_at_100_std": -0.2052052223285665, + "nauc_ndcg_at_10_diff1": 29.33527460830841, + "nauc_ndcg_at_10_max": 28.100629016562795, + "nauc_ndcg_at_10_std": -1.9043904359384647, + "nauc_ndcg_at_1_diff1": 36.333747251739936, + "nauc_ndcg_at_1_max": 27.09211690724867, + "nauc_ndcg_at_1_std": -6.872327181645408, + "nauc_ndcg_at_20_diff1": 28.12694047381911, + "nauc_ndcg_at_20_max": 28.07256049681584, + "nauc_ndcg_at_20_std": -0.7546400633868358, + "nauc_ndcg_at_3_diff1": 31.87777938588317, + "nauc_ndcg_at_3_max": 28.084297522561176, + "nauc_ndcg_at_3_std": -3.092215463329312, + "nauc_ndcg_at_5_diff1": 29.881507389621103, + "nauc_ndcg_at_5_max": 26.823659437194475, + "nauc_ndcg_at_5_std": -3.351691772718416, + "nauc_precision_at_1000_diff1": -6.384965239026326, + "nauc_precision_at_1000_max": 10.400043080009187, + "nauc_precision_at_1000_std": 13.493069987475284, + "nauc_precision_at_100_diff1": -3.8311477783636785, + "nauc_precision_at_100_max": 21.313719573692566, + "nauc_precision_at_100_std": 15.340019805905872, + "nauc_precision_at_10_diff1": 14.879866186868682, + "nauc_precision_at_10_max": 29.443484927548557, + "nauc_precision_at_10_std": 5.190205795872693, + "nauc_precision_at_1_diff1": 36.333747251739936, + "nauc_precision_at_1_max": 27.09211690724867, + "nauc_precision_at_1_std": -6.872327181645408, + "nauc_precision_at_20_diff1": 6.776608893898066, + "nauc_precision_at_20_max": 25.915514134442724, + "nauc_precision_at_20_std": 10.25138083695759, + "nauc_precision_at_3_diff1": 24.58655147167322, + "nauc_precision_at_3_max": 32.0175630253561, + "nauc_precision_at_3_std": 1.4274592250651807, + "nauc_precision_at_5_diff1": 18.590483368382866, + "nauc_precision_at_5_max": 28.253561736970234, + "nauc_precision_at_5_std": 0.829570400364922, + "nauc_recall_at_1000_diff1": 10.810130884218827, + "nauc_recall_at_1000_max": 47.13075325263327, + "nauc_recall_at_1000_std": 33.15494499163207, + "nauc_recall_at_100_diff1": 8.125366968609814, + "nauc_recall_at_100_max": 33.38380343426024, + "nauc_recall_at_100_std": 18.279628794274075, + "nauc_recall_at_10_diff1": 20.649934311742626, + "nauc_recall_at_10_max": 28.749953838066926, + "nauc_recall_at_10_std": 4.047023543340581, + "nauc_recall_at_1_diff1": 37.676610770755644, + "nauc_recall_at_1_max": 24.743059176207872, + "nauc_recall_at_1_std": -7.899143095387766, + "nauc_recall_at_20_diff1": 14.783244276844618, + "nauc_recall_at_20_max": 28.373124736783172, + "nauc_recall_at_20_std": 9.128634320360753, + "nauc_recall_at_3_diff1": 28.176705702681026, + "nauc_recall_at_3_max": 28.30143052234742, + "nauc_recall_at_3_std": -0.04083763472538744, + "nauc_recall_at_5_diff1": 23.192105206068955, + "nauc_recall_at_5_max": 25.258497503610215, + "nauc_recall_at_5_std": -0.5987707205459003, + "ndcg_at_1": 28.701, + "ndcg_at_10": 41.058, + "ndcg_at_100": 46.632, + "ndcg_at_1000": 48.662, + "ndcg_at_20": 43.363, + "ndcg_at_3": 35.132999999999996, + "ndcg_at_5": 37.881, + "precision_at_1": 28.701, + "precision_at_10": 6.3950000000000005, + "precision_at_100": 0.9690000000000001, + "precision_at_1000": 0.11900000000000001, + "precision_at_20": 3.7510000000000003, + "precision_at_3": 14.84, + "precision_at_5": 10.508000000000001, + "recall_at_1": 26.669999999999998, + "recall_at_10": 55.92, + "recall_at_100": 80.867, + "recall_at_1000": 95.906, + "recall_at_20": 64.586, + "recall_at_3": 39.92, + "recall_at_5": 46.396 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FUE-v1/external/CQADupstackMathematicaRetrieval.json b/results/qinxianliu__FUE-v1/external/CQADupstackMathematicaRetrieval.json new file mode 100644 index 000000000..6b0da083a --- /dev/null +++ b/results/qinxianliu__FUE-v1/external/CQADupstackMathematicaRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "90fceea13679c63fe563ded68f3b6f06e50061de", + "task_name": "CQADupstackMathematicaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 31.507, + "map_at_1": 16.398, + "map_at_10": 25.485000000000003, + "map_at_100": 26.967999999999996, + "map_at_1000": 27.084999999999997, + "map_at_20": 26.35, + "map_at_3": 22.332, + "map_at_5": 23.958, + "mrr_at_1": 20.398009950248756, + "mrr_at_10": 29.76614941167181, + "mrr_at_100": 30.86747432087463, + "mrr_at_1000": 30.919927410511455, + "mrr_at_20": 30.443181439265278, + "mrr_at_3": 26.637645107794373, + "mrr_at_5": 28.31674958540631, + "nauc_map_at_1000_diff1": 31.6249291191536, + "nauc_map_at_1000_max": 29.55962360137207, + "nauc_map_at_1000_std": 5.215881981383439, + "nauc_map_at_100_diff1": 31.597179077805414, + "nauc_map_at_100_max": 29.53626392781722, + "nauc_map_at_100_std": 5.205272245991525, + "nauc_map_at_10_diff1": 31.60302262185177, + "nauc_map_at_10_max": 28.72958244724668, + "nauc_map_at_10_std": 4.591243705917117, + "nauc_map_at_1_diff1": 37.68937044932118, + "nauc_map_at_1_max": 27.785294663519327, + "nauc_map_at_1_std": 2.281125893959806, + "nauc_map_at_20_diff1": 31.569405397103345, + "nauc_map_at_20_max": 29.5374594662604, + "nauc_map_at_20_std": 5.062837955779829, + "nauc_map_at_3_diff1": 32.846629596852864, + "nauc_map_at_3_max": 28.935149877956366, + "nauc_map_at_3_std": 4.043651949362703, + "nauc_map_at_5_diff1": 32.20424309358551, + "nauc_map_at_5_max": 28.84626720504408, + "nauc_map_at_5_std": 4.480982141190721, + "nauc_mrr_at_1000_diff1": 29.91514359849449, + "nauc_mrr_at_1000_max": 29.4880837184256, + "nauc_mrr_at_1000_std": 6.90169972042484, + "nauc_mrr_at_100_diff1": 29.90225503162752, + "nauc_mrr_at_100_max": 29.468862402041644, + "nauc_mrr_at_100_std": 6.891889857381346, + "nauc_mrr_at_10_diff1": 29.935063368574966, + "nauc_mrr_at_10_max": 29.144965203735662, + "nauc_mrr_at_10_std": 6.69773269545311, + "nauc_mrr_at_1_diff1": 34.64233696145788, + "nauc_mrr_at_1_max": 29.76861665629048, + "nauc_mrr_at_1_std": 6.050508042950772, + "nauc_mrr_at_20_diff1": 29.869194769562036, + "nauc_mrr_at_20_max": 29.52599000601207, + "nauc_mrr_at_20_std": 6.833276125615728, + "nauc_mrr_at_3_diff1": 30.73272542293855, + "nauc_mrr_at_3_max": 29.646125101813958, + "nauc_mrr_at_3_std": 6.596409692221532, + "nauc_mrr_at_5_diff1": 30.22116393198506, + "nauc_mrr_at_5_max": 29.3005889974291, + "nauc_mrr_at_5_std": 6.761086751620502, + "nauc_ndcg_at_1000_diff1": 29.53517185395757, + "nauc_ndcg_at_1000_max": 30.156269324153744, + "nauc_ndcg_at_1000_std": 7.756076732606718, + "nauc_ndcg_at_100_diff1": 28.978423923406538, + "nauc_ndcg_at_100_max": 29.7055702302561, + "nauc_ndcg_at_100_std": 7.725429773260483, + "nauc_ndcg_at_10_diff1": 28.95114011689634, + "nauc_ndcg_at_10_max": 28.050859118724443, + "nauc_ndcg_at_10_std": 5.564584606153562, + "nauc_ndcg_at_1_diff1": 34.64233696145788, + "nauc_ndcg_at_1_max": 29.76861665629048, + "nauc_ndcg_at_1_std": 6.050508042950772, + "nauc_ndcg_at_20_diff1": 28.792293298047504, + "nauc_ndcg_at_20_max": 30.26649029003995, + "nauc_ndcg_at_20_std": 6.692147001644501, + "nauc_ndcg_at_3_diff1": 31.22691508724979, + "nauc_ndcg_at_3_max": 29.41685209008128, + "nauc_ndcg_at_3_std": 5.287699533527526, + "nauc_ndcg_at_5_diff1": 30.126889228701526, + "nauc_ndcg_at_5_max": 28.811536881225603, + "nauc_ndcg_at_5_std": 5.567866298638633, + "nauc_precision_at_1000_diff1": 1.0315570861883616, + "nauc_precision_at_1000_max": 5.444321907094073, + "nauc_precision_at_1000_std": 3.0310745219226525, + "nauc_precision_at_100_diff1": 7.18318986657559, + "nauc_precision_at_100_max": 17.459722160298842, + "nauc_precision_at_100_std": 10.082153389290994, + "nauc_precision_at_10_diff1": 17.142578413214434, + "nauc_precision_at_10_max": 26.846895769037225, + "nauc_precision_at_10_std": 8.568196201489595, + "nauc_precision_at_1_diff1": 34.64233696145788, + "nauc_precision_at_1_max": 29.76861665629048, + "nauc_precision_at_1_std": 6.050508042950772, + "nauc_precision_at_20_diff1": 13.674761586839344, + "nauc_precision_at_20_max": 29.83399743832858, + "nauc_precision_at_20_std": 11.562042971033899, + "nauc_precision_at_3_diff1": 25.01590537073653, + "nauc_precision_at_3_max": 30.253033767323938, + "nauc_precision_at_3_std": 7.3087944205161515, + "nauc_precision_at_5_diff1": 20.975487011820988, + "nauc_precision_at_5_max": 29.173537748534212, + "nauc_precision_at_5_std": 8.945752465905947, + "nauc_recall_at_1000_diff1": 18.53296507398216, + "nauc_recall_at_1000_max": 34.927013467781165, + "nauc_recall_at_1000_std": 34.7934249117797, + "nauc_recall_at_100_diff1": 18.01406190276854, + "nauc_recall_at_100_max": 25.35501374220775, + "nauc_recall_at_100_std": 18.19308339219603, + "nauc_recall_at_10_diff1": 21.406147428374446, + "nauc_recall_at_10_max": 22.774943611615736, + "nauc_recall_at_10_std": 5.707280310402414, + "nauc_recall_at_1_diff1": 37.68937044932118, + "nauc_recall_at_1_max": 27.785294663519327, + "nauc_recall_at_1_std": 2.281125893959806, + "nauc_recall_at_20_diff1": 20.227099777176857, + "nauc_recall_at_20_max": 29.344314385773657, + "nauc_recall_at_20_std": 9.170201756879665, + "nauc_recall_at_3_diff1": 26.785287089852357, + "nauc_recall_at_3_max": 26.721156438701684, + "nauc_recall_at_3_std": 5.14517396691279, + "nauc_recall_at_5_diff1": 24.972251162551565, + "nauc_recall_at_5_max": 25.44929193960884, + "nauc_recall_at_5_std": 5.572691905709665, + "ndcg_at_1": 20.398, + "ndcg_at_10": 31.507, + "ndcg_at_100": 38.116, + "ndcg_at_1000": 40.564, + "ndcg_at_20": 34.268, + "ndcg_at_3": 25.358000000000004, + "ndcg_at_5": 28.03, + "precision_at_1": 20.398, + "precision_at_10": 6.157, + "precision_at_100": 1.0959999999999999, + "precision_at_1000": 0.14400000000000002, + "precision_at_20": 3.862, + "precision_at_3": 12.272, + "precision_at_5": 9.179, + "recall_at_1": 16.398, + "recall_at_10": 45.774, + "recall_at_100": 74.099, + "recall_at_1000": 90.979, + "recall_at_20": 55.507, + "recall_at_3": 29.176999999999996, + "recall_at_5": 35.682 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FUE-v1/external/CQADupstackPhysicsRetrieval.json b/results/qinxianliu__FUE-v1/external/CQADupstackPhysicsRetrieval.json new file mode 100644 index 000000000..143905af8 --- /dev/null +++ b/results/qinxianliu__FUE-v1/external/CQADupstackPhysicsRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "79531abbd1fb92d06c6d6315a0cbbbf5bb247ea4", + "task_name": "CQADupstackPhysicsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 45.95, + "map_at_1": 28.138999999999996, + "map_at_10": 39.495000000000005, + "map_at_100": 40.949000000000005, + "map_at_1000": 41.07, + "map_at_20": 40.300999999999995, + "map_at_3": 35.853, + "map_at_5": 38.004, + "mrr_at_1": 34.93743984600577, + "mrr_at_10": 44.76801564385776, + "mrr_at_100": 45.65247517257724, + "mrr_at_1000": 45.68956227855384, + "mrr_at_20": 45.29344639385099, + "mrr_at_3": 41.819056785370506, + "mrr_at_5": 43.58036573628482, + "nauc_map_at_1000_diff1": 47.277436726452734, + "nauc_map_at_1000_max": 35.37747274882577, + "nauc_map_at_1000_std": -1.7620121730183462, + "nauc_map_at_100_diff1": 47.29530211449703, + "nauc_map_at_100_max": 35.3267759107826, + "nauc_map_at_100_std": -1.9003611271296315, + "nauc_map_at_10_diff1": 47.66123826774245, + "nauc_map_at_10_max": 34.898894823839974, + "nauc_map_at_10_std": -2.7367802679721382, + "nauc_map_at_1_diff1": 53.39584452417071, + "nauc_map_at_1_max": 30.44376469140723, + "nauc_map_at_1_std": -6.88828726087523, + "nauc_map_at_20_diff1": 47.3836198057246, + "nauc_map_at_20_max": 35.0413537966224, + "nauc_map_at_20_std": -2.545827885505845, + "nauc_map_at_3_diff1": 48.16522210457787, + "nauc_map_at_3_max": 34.3965506492862, + "nauc_map_at_3_std": -3.3433431726479834, + "nauc_map_at_5_diff1": 47.98417848216568, + "nauc_map_at_5_max": 34.73390747566828, + "nauc_map_at_5_std": -2.8612602838895826, + "nauc_mrr_at_1000_diff1": 45.71218991600523, + "nauc_mrr_at_1000_max": 39.11582764653062, + "nauc_mrr_at_1000_std": 2.2783759668804344, + "nauc_mrr_at_100_diff1": 45.70154738130718, + "nauc_mrr_at_100_max": 39.11273087180276, + "nauc_mrr_at_100_std": 2.2710830483092987, + "nauc_mrr_at_10_diff1": 45.642234982637824, + "nauc_mrr_at_10_max": 38.92779723339438, + "nauc_mrr_at_10_std": 1.9256549539298882, + "nauc_mrr_at_1_diff1": 50.71909609236056, + "nauc_mrr_at_1_max": 38.27951880430563, + "nauc_mrr_at_1_std": 0.6510875710711332, + "nauc_mrr_at_20_diff1": 45.695383873021726, + "nauc_mrr_at_20_max": 39.022209591680394, + "nauc_mrr_at_20_std": 2.0413367142919605, + "nauc_mrr_at_3_diff1": 45.64927722234226, + "nauc_mrr_at_3_max": 39.19282954961338, + "nauc_mrr_at_3_std": 2.474812709395244, + "nauc_mrr_at_5_diff1": 45.80017070276982, + "nauc_mrr_at_5_max": 39.34045012221159, + "nauc_mrr_at_5_std": 2.3303744020843107, + "nauc_ndcg_at_1000_diff1": 45.1794919744782, + "nauc_ndcg_at_1000_max": 37.73921904631251, + "nauc_ndcg_at_1000_std": 2.26624679124494, + "nauc_ndcg_at_100_diff1": 44.73702317994642, + "nauc_ndcg_at_100_max": 37.0759462132415, + "nauc_ndcg_at_100_std": 1.4931392395285414, + "nauc_ndcg_at_10_diff1": 45.25647711557264, + "nauc_ndcg_at_10_max": 35.70645701721464, + "nauc_ndcg_at_10_std": -1.4004314196958476, + "nauc_ndcg_at_1_diff1": 50.71909609236056, + "nauc_ndcg_at_1_max": 38.27951880430563, + "nauc_ndcg_at_1_std": 0.6510875710711332, + "nauc_ndcg_at_20_diff1": 44.76174297209143, + "nauc_ndcg_at_20_max": 35.822466503188686, + "nauc_ndcg_at_20_std": -1.0518640293785047, + "nauc_ndcg_at_3_diff1": 45.068368130065146, + "nauc_ndcg_at_3_max": 37.02529090108255, + "nauc_ndcg_at_3_std": 0.2157989475242898, + "nauc_ndcg_at_5_diff1": 45.67384784064928, + "nauc_ndcg_at_5_max": 36.47208549375304, + "nauc_ndcg_at_5_std": -0.47643849090429163, + "nauc_precision_at_1000_diff1": -17.125501936260747, + "nauc_precision_at_1000_max": 9.558040560420771, + "nauc_precision_at_1000_std": 31.800567902705996, + "nauc_precision_at_100_diff1": -10.12964985687511, + "nauc_precision_at_100_max": 17.81597956519217, + "nauc_precision_at_100_std": 28.681055685422674, + "nauc_precision_at_10_diff1": 11.455616137810187, + "nauc_precision_at_10_max": 32.707133153254944, + "nauc_precision_at_10_std": 15.18726232222438, + "nauc_precision_at_1_diff1": 50.71909609236056, + "nauc_precision_at_1_max": 38.27951880430563, + "nauc_precision_at_1_std": 0.6510875710711332, + "nauc_precision_at_20_diff1": 3.249020258643051, + "nauc_precision_at_20_max": 27.111481841291123, + "nauc_precision_at_20_std": 17.15563337285341, + "nauc_precision_at_3_diff1": 25.76995146388162, + "nauc_precision_at_3_max": 38.48807924293779, + "nauc_precision_at_3_std": 10.764232529972658, + "nauc_precision_at_5_diff1": 19.709759176886067, + "nauc_precision_at_5_max": 36.27102876926324, + "nauc_precision_at_5_std": 13.660107662673637, + "nauc_recall_at_1000_diff1": 45.983533767225694, + "nauc_recall_at_1000_max": 57.47414401478259, + "nauc_recall_at_1000_std": 48.046202249413845, + "nauc_recall_at_100_diff1": 32.07866475386506, + "nauc_recall_at_100_max": 33.96383964758634, + "nauc_recall_at_100_std": 12.252531516000694, + "nauc_recall_at_10_diff1": 37.975164089633495, + "nauc_recall_at_10_max": 30.871630327404432, + "nauc_recall_at_10_std": -3.471373265508202, + "nauc_recall_at_1_diff1": 53.39584452417071, + "nauc_recall_at_1_max": 30.44376469140723, + "nauc_recall_at_1_std": -6.88828726087523, + "nauc_recall_at_20_diff1": 35.405722893633786, + "nauc_recall_at_20_max": 30.02056108542106, + "nauc_recall_at_20_std": -2.612688358596724, + "nauc_recall_at_3_diff1": 41.68732922410159, + "nauc_recall_at_3_max": 33.76501870587258, + "nauc_recall_at_3_std": -2.1010829302018146, + "nauc_recall_at_5_diff1": 41.076140933019545, + "nauc_recall_at_5_max": 33.11420354771476, + "nauc_recall_at_5_std": -2.37285059292278, + "ndcg_at_1": 34.937000000000005, + "ndcg_at_10": 45.95, + "ndcg_at_100": 51.768, + "ndcg_at_1000": 53.612, + "ndcg_at_20": 48.309000000000005, + "ndcg_at_3": 40.186, + "ndcg_at_5": 43.111, + "precision_at_1": 34.937000000000005, + "precision_at_10": 8.73, + "precision_at_100": 1.397, + "precision_at_1000": 0.174, + "precision_at_20": 5.135, + "precision_at_3": 19.858999999999998, + "precision_at_5": 14.456, + "recall_at_1": 28.138999999999996, + "recall_at_10": 59.646, + "recall_at_100": 83.813, + "recall_at_1000": 95.69800000000001, + "recall_at_20": 68.09100000000001, + "recall_at_3": 43.15, + "recall_at_5": 50.876 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FUE-v1/external/CQADupstackProgrammersRetrieval.json b/results/qinxianliu__FUE-v1/external/CQADupstackProgrammersRetrieval.json new file mode 100644 index 000000000..4ccc415fe --- /dev/null +++ b/results/qinxianliu__FUE-v1/external/CQADupstackProgrammersRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "6184bc1440d2dbc7612be22b50686b8826d22b32", + "task_name": "CQADupstackProgrammersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 38.568999999999996, + "map_at_1": 23.288, + "map_at_10": 32.771, + "map_at_100": 34.146, + "map_at_1000": 34.278, + "map_at_20": 33.522999999999996, + "map_at_3": 29.643000000000004, + "map_at_5": 31.188, + "mrr_at_1": 28.424657534246577, + "mrr_at_10": 37.56790425454804, + "mrr_at_100": 38.512708758710254, + "mrr_at_1000": 38.58372536901956, + "mrr_at_20": 38.13718150828231, + "mrr_at_3": 34.874429223744286, + "mrr_at_5": 36.34703196347027, + "nauc_map_at_1000_diff1": 42.49932971514879, + "nauc_map_at_1000_max": 34.44449252084838, + "nauc_map_at_1000_std": 0.2820810427961318, + "nauc_map_at_100_diff1": 42.48316842005717, + "nauc_map_at_100_max": 34.439643249096655, + "nauc_map_at_100_std": 0.2911248084637576, + "nauc_map_at_10_diff1": 42.591951745001865, + "nauc_map_at_10_max": 33.848598117618984, + "nauc_map_at_10_std": -0.23217641524494498, + "nauc_map_at_1_diff1": 48.9034806154442, + "nauc_map_at_1_max": 29.896917123056483, + "nauc_map_at_1_std": -2.439150046473878, + "nauc_map_at_20_diff1": 42.52245588485265, + "nauc_map_at_20_max": 34.33890957691394, + "nauc_map_at_20_std": 0.04133780224148374, + "nauc_map_at_3_diff1": 44.020947516815916, + "nauc_map_at_3_max": 33.15603327298969, + "nauc_map_at_3_std": -1.6868324998110078, + "nauc_map_at_5_diff1": 42.82799596536379, + "nauc_map_at_5_max": 33.5235389139028, + "nauc_map_at_5_std": -1.233132343609442, + "nauc_mrr_at_1000_diff1": 40.680718239040495, + "nauc_mrr_at_1000_max": 35.142026511262294, + "nauc_mrr_at_1000_std": 0.7212094420333764, + "nauc_mrr_at_100_diff1": 40.674003566538424, + "nauc_mrr_at_100_max": 35.14079055322123, + "nauc_mrr_at_100_std": 0.73908883788415, + "nauc_mrr_at_10_diff1": 40.65562886804231, + "nauc_mrr_at_10_max": 34.98579748882993, + "nauc_mrr_at_10_std": 0.4344145401378685, + "nauc_mrr_at_1_diff1": 45.9859248383466, + "nauc_mrr_at_1_max": 33.57626905034157, + "nauc_mrr_at_1_std": -0.7348734835041326, + "nauc_mrr_at_20_diff1": 40.6576258022829, + "nauc_mrr_at_20_max": 35.154195627553406, + "nauc_mrr_at_20_std": 0.634477977849603, + "nauc_mrr_at_3_diff1": 41.488252532122885, + "nauc_mrr_at_3_max": 35.1085446216396, + "nauc_mrr_at_3_std": -0.26518839484649515, + "nauc_mrr_at_5_diff1": 40.420541677182555, + "nauc_mrr_at_5_max": 35.22172462701993, + "nauc_mrr_at_5_std": -0.25848045409750375, + "nauc_ndcg_at_1000_diff1": 40.546229948037514, + "nauc_ndcg_at_1000_max": 35.55631228234972, + "nauc_ndcg_at_1000_std": 2.9837182102880524, + "nauc_ndcg_at_100_diff1": 40.09271767110789, + "nauc_ndcg_at_100_max": 35.854478264686854, + "nauc_ndcg_at_100_std": 3.792167239853245, + "nauc_ndcg_at_10_diff1": 40.3083818339378, + "nauc_ndcg_at_10_max": 34.51597389995391, + "nauc_ndcg_at_10_std": 0.9186474992446686, + "nauc_ndcg_at_1_diff1": 45.9859248383466, + "nauc_ndcg_at_1_max": 33.57626905034157, + "nauc_ndcg_at_1_std": -0.7348734835041326, + "nauc_ndcg_at_20_diff1": 40.04167502138235, + "nauc_ndcg_at_20_max": 35.66297308624731, + "nauc_ndcg_at_20_std": 1.9289709947356306, + "nauc_ndcg_at_3_diff1": 42.008639920375195, + "nauc_ndcg_at_3_max": 35.013390036837244, + "nauc_ndcg_at_3_std": -1.0593134654956005, + "nauc_ndcg_at_5_diff1": 40.249687670087816, + "nauc_ndcg_at_5_max": 34.6889269216984, + "nauc_ndcg_at_5_std": -0.7707068993680779, + "nauc_precision_at_1000_diff1": -8.682121420487263, + "nauc_precision_at_1000_max": 0.7494169797223946, + "nauc_precision_at_1000_std": 1.1392663482283298, + "nauc_precision_at_100_diff1": 1.518759603729437, + "nauc_precision_at_100_max": 16.851433601465114, + "nauc_precision_at_100_std": 10.931374575070386, + "nauc_precision_at_10_diff1": 16.794492920670503, + "nauc_precision_at_10_max": 32.02893820418532, + "nauc_precision_at_10_std": 6.61722505687105, + "nauc_precision_at_1_diff1": 45.9859248383466, + "nauc_precision_at_1_max": 33.57626905034157, + "nauc_precision_at_1_std": -0.7348734835041326, + "nauc_precision_at_20_diff1": 11.0013674864101, + "nauc_precision_at_20_max": 30.81307549333853, + "nauc_precision_at_20_std": 8.876146343359824, + "nauc_precision_at_3_diff1": 30.358294150549263, + "nauc_precision_at_3_max": 38.543301462870424, + "nauc_precision_at_3_std": 2.867784756736603, + "nauc_precision_at_5_diff1": 22.94487457136215, + "nauc_precision_at_5_max": 37.54100803628419, + "nauc_precision_at_5_std": 3.839791032775397, + "nauc_recall_at_1000_diff1": 28.970034771420355, + "nauc_recall_at_1000_max": 38.787768893627785, + "nauc_recall_at_1000_std": 53.81040950703603, + "nauc_recall_at_100_diff1": 29.583524837481896, + "nauc_recall_at_100_max": 37.202619359626986, + "nauc_recall_at_100_std": 24.086399035427473, + "nauc_recall_at_10_diff1": 33.45660381923287, + "nauc_recall_at_10_max": 31.879186393042907, + "nauc_recall_at_10_std": 3.6546901922261297, + "nauc_recall_at_1_diff1": 48.9034806154442, + "nauc_recall_at_1_max": 29.896917123056483, + "nauc_recall_at_1_std": -2.439150046473878, + "nauc_recall_at_20_diff1": 31.821081500540053, + "nauc_recall_at_20_max": 35.5790141630673, + "nauc_recall_at_20_std": 7.549207597971351, + "nauc_recall_at_3_diff1": 38.99447500514566, + "nauc_recall_at_3_max": 33.57706513619638, + "nauc_recall_at_3_std": -1.5778066212304678, + "nauc_recall_at_5_diff1": 34.06626536124258, + "nauc_recall_at_5_max": 32.71331577702591, + "nauc_recall_at_5_std": -1.3814107710485413, + "ndcg_at_1": 28.425, + "ndcg_at_10": 38.568999999999996, + "ndcg_at_100": 44.529, + "ndcg_at_1000": 47.231, + "ndcg_at_20": 40.877, + "ndcg_at_3": 33.289, + "ndcg_at_5": 35.480000000000004, + "precision_at_1": 28.425, + "precision_at_10": 7.317, + "precision_at_100": 1.2109999999999999, + "precision_at_1000": 0.163, + "precision_at_20": 4.3549999999999995, + "precision_at_3": 16.096, + "precision_at_5": 11.507000000000001, + "recall_at_1": 23.288, + "recall_at_10": 51.010999999999996, + "recall_at_100": 76.566, + "recall_at_1000": 94.774, + "recall_at_20": 59.24, + "recall_at_3": 36.236000000000004, + "recall_at_5": 42.243 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FUE-v1/external/CQADupstackStatsRetrieval.json b/results/qinxianliu__FUE-v1/external/CQADupstackStatsRetrieval.json new file mode 100644 index 000000000..cbf7c2c6e --- /dev/null +++ b/results/qinxianliu__FUE-v1/external/CQADupstackStatsRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "65ac3a16b8e91f9cee4c9828cc7c335575432a2a", + "task_name": "CQADupstackStatsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 34.053, + "map_at_1": 21.135, + "map_at_10": 29.336000000000002, + "map_at_100": 30.429000000000002, + "map_at_1000": 30.523, + "map_at_20": 29.946, + "map_at_3": 26.751, + "map_at_5": 28.147, + "mrr_at_1": 24.079754601226995, + "mrr_at_10": 31.98570941669101, + "mrr_at_100": 32.87704399381717, + "mrr_at_1000": 32.950784120634474, + "mrr_at_20": 32.48647576315244, + "mrr_at_3": 29.933537832310854, + "mrr_at_5": 30.99182004089981, + "nauc_map_at_1000_diff1": 40.54921025385474, + "nauc_map_at_1000_max": 34.77575879898821, + "nauc_map_at_1000_std": 8.948775266395762, + "nauc_map_at_100_diff1": 40.54349367224357, + "nauc_map_at_100_max": 34.757684235242756, + "nauc_map_at_100_std": 8.930005514047473, + "nauc_map_at_10_diff1": 40.6730737054752, + "nauc_map_at_10_max": 34.378525509672194, + "nauc_map_at_10_std": 7.989204273097626, + "nauc_map_at_1_diff1": 49.37407707269144, + "nauc_map_at_1_max": 32.21678855112054, + "nauc_map_at_1_std": 3.854422840353318, + "nauc_map_at_20_diff1": 40.632949610967124, + "nauc_map_at_20_max": 34.59900516061919, + "nauc_map_at_20_std": 8.565328686423722, + "nauc_map_at_3_diff1": 41.277384595957884, + "nauc_map_at_3_max": 33.206185913755924, + "nauc_map_at_3_std": 5.717825876602881, + "nauc_map_at_5_diff1": 40.81938763414844, + "nauc_map_at_5_max": 34.601640205395725, + "nauc_map_at_5_std": 7.959501488950282, + "nauc_mrr_at_1000_diff1": 41.643791133769284, + "nauc_mrr_at_1000_max": 36.86860098522057, + "nauc_mrr_at_1000_std": 11.16203371889211, + "nauc_mrr_at_100_diff1": 41.638414475074086, + "nauc_mrr_at_100_max": 36.8731893852322, + "nauc_mrr_at_100_std": 11.160133493075861, + "nauc_mrr_at_10_diff1": 41.75277747893673, + "nauc_mrr_at_10_max": 36.66922318811368, + "nauc_mrr_at_10_std": 10.524888054922569, + "nauc_mrr_at_1_diff1": 49.68943847753842, + "nauc_mrr_at_1_max": 35.88824714503076, + "nauc_mrr_at_1_std": 7.9139229045391515, + "nauc_mrr_at_20_diff1": 41.6522451889601, + "nauc_mrr_at_20_max": 36.89632890368892, + "nauc_mrr_at_20_std": 11.00866443920579, + "nauc_mrr_at_3_diff1": 41.740543551542395, + "nauc_mrr_at_3_max": 36.637108493657536, + "nauc_mrr_at_3_std": 9.550432374486645, + "nauc_mrr_at_5_diff1": 41.74370752738844, + "nauc_mrr_at_5_max": 36.88456148864922, + "nauc_mrr_at_5_std": 10.424655726913185, + "nauc_ndcg_at_1000_diff1": 38.51408332292014, + "nauc_ndcg_at_1000_max": 36.09571315118831, + "nauc_ndcg_at_1000_std": 13.474870360532162, + "nauc_ndcg_at_100_diff1": 38.019174212684376, + "nauc_ndcg_at_100_max": 35.93119149466668, + "nauc_ndcg_at_100_std": 13.2297549585252, + "nauc_ndcg_at_10_diff1": 38.916423405975245, + "nauc_ndcg_at_10_max": 35.08064464520372, + "nauc_ndcg_at_10_std": 9.782593893240483, + "nauc_ndcg_at_1_diff1": 49.68943847753842, + "nauc_ndcg_at_1_max": 35.88824714503076, + "nauc_ndcg_at_1_std": 7.9139229045391515, + "nauc_ndcg_at_20_diff1": 38.63750293826562, + "nauc_ndcg_at_20_max": 35.739247440468915, + "nauc_ndcg_at_20_std": 11.539481993254595, + "nauc_ndcg_at_3_diff1": 39.28042269065498, + "nauc_ndcg_at_3_max": 34.63564871034042, + "nauc_ndcg_at_3_std": 7.49191071861962, + "nauc_ndcg_at_5_diff1": 39.003890765463304, + "nauc_ndcg_at_5_max": 35.71265272584242, + "nauc_ndcg_at_5_std": 9.927346415193906, + "nauc_precision_at_1000_diff1": -4.072989249391745, + "nauc_precision_at_1000_max": 19.44622146624579, + "nauc_precision_at_1000_std": 27.981364695896975, + "nauc_precision_at_100_diff1": 7.321844285435558, + "nauc_precision_at_100_max": 30.52844606095081, + "nauc_precision_at_100_std": 31.072929769770514, + "nauc_precision_at_10_diff1": 21.853502178071917, + "nauc_precision_at_10_max": 37.30474313788762, + "nauc_precision_at_10_std": 21.687548959106135, + "nauc_precision_at_1_diff1": 49.68943847753842, + "nauc_precision_at_1_max": 35.88824714503076, + "nauc_precision_at_1_std": 7.9139229045391515, + "nauc_precision_at_20_diff1": 17.749818352515526, + "nauc_precision_at_20_max": 35.765806180376416, + "nauc_precision_at_20_std": 25.411075024216252, + "nauc_precision_at_3_diff1": 29.632039358651944, + "nauc_precision_at_3_max": 39.65790064788028, + "nauc_precision_at_3_std": 16.540404435515757, + "nauc_precision_at_5_diff1": 25.65567821866759, + "nauc_precision_at_5_max": 41.39961363618346, + "nauc_precision_at_5_std": 22.5672145347772, + "nauc_recall_at_1000_diff1": 25.719490205486846, + "nauc_recall_at_1000_max": 34.913128477025914, + "nauc_recall_at_1000_std": 45.9261202538083, + "nauc_recall_at_100_diff1": 25.23717510439502, + "nauc_recall_at_100_max": 33.50919363278291, + "nauc_recall_at_100_std": 26.975483944416958, + "nauc_recall_at_10_diff1": 32.84494569562565, + "nauc_recall_at_10_max": 32.92279016208031, + "nauc_recall_at_10_std": 11.273741379749255, + "nauc_recall_at_1_diff1": 49.37407707269144, + "nauc_recall_at_1_max": 32.21678855112054, + "nauc_recall_at_1_std": 3.854422840353318, + "nauc_recall_at_20_diff1": 31.136285249615742, + "nauc_recall_at_20_max": 34.60047592054581, + "nauc_recall_at_20_std": 17.167916916392333, + "nauc_recall_at_3_diff1": 34.20242999662983, + "nauc_recall_at_3_max": 31.922366101615964, + "nauc_recall_at_3_std": 5.5073356683470065, + "nauc_recall_at_5_diff1": 33.737565539089545, + "nauc_recall_at_5_max": 35.18290702820585, + "nauc_recall_at_5_std": 11.516166260788946, + "ndcg_at_1": 24.08, + "ndcg_at_10": 34.053, + "ndcg_at_100": 39.214, + "ndcg_at_1000": 41.672, + "ndcg_at_20": 35.998999999999995, + "ndcg_at_3": 29.429, + "ndcg_at_5": 31.480000000000004, + "precision_at_1": 24.08, + "precision_at_10": 5.752, + "precision_at_100": 0.906, + "precision_at_1000": 0.11900000000000001, + "precision_at_20": 3.3970000000000002, + "precision_at_3": 13.344000000000001, + "precision_at_5": 9.417, + "recall_at_1": 21.135, + "recall_at_10": 45.82, + "recall_at_100": 69.414, + "recall_at_1000": 87.653, + "recall_at_20": 53.044999999999995, + "recall_at_3": 32.914, + "recall_at_5": 37.967 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FUE-v1/external/CQADupstackTexRetrieval.json b/results/qinxianliu__FUE-v1/external/CQADupstackTexRetrieval.json new file mode 100644 index 000000000..edf14cd3b --- /dev/null +++ b/results/qinxianliu__FUE-v1/external/CQADupstackTexRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "46989137a86843e03a6195de44b09deda022eec7", + "task_name": "CQADupstackTexRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 31.079, + "map_at_1": 17.498, + "map_at_10": 25.761, + "map_at_100": 27.117, + "map_at_1000": 27.249000000000002, + "map_at_20": 26.487, + "map_at_3": 22.8, + "map_at_5": 24.404, + "mrr_at_1": 21.92016517549897, + "mrr_at_10": 29.885472312347773, + "mrr_at_100": 30.9160324896262, + "mrr_at_1000": 30.991168841711332, + "mrr_at_20": 30.452602988671234, + "mrr_at_3": 27.208075246616247, + "mrr_at_5": 28.703257627896395, + "nauc_map_at_1000_diff1": 31.106783614540877, + "nauc_map_at_1000_max": 28.6225885387827, + "nauc_map_at_1000_std": 6.0841248710509515, + "nauc_map_at_100_diff1": 31.08489579492722, + "nauc_map_at_100_max": 28.557756475282236, + "nauc_map_at_100_std": 6.052003313810615, + "nauc_map_at_10_diff1": 31.48175165089029, + "nauc_map_at_10_max": 28.385150030692763, + "nauc_map_at_10_std": 5.495659063667348, + "nauc_map_at_1_diff1": 38.27868635676493, + "nauc_map_at_1_max": 26.68660889337588, + "nauc_map_at_1_std": 3.160872467743023, + "nauc_map_at_20_diff1": 31.207065661313653, + "nauc_map_at_20_max": 28.409403987888872, + "nauc_map_at_20_std": 5.663005924021793, + "nauc_map_at_3_diff1": 33.081360769026695, + "nauc_map_at_3_max": 28.052813330220555, + "nauc_map_at_3_std": 4.494259362042225, + "nauc_map_at_5_diff1": 31.969111899422543, + "nauc_map_at_5_max": 27.92017739432563, + "nauc_map_at_5_std": 4.811795252340103, + "nauc_mrr_at_1000_diff1": 29.29292415286063, + "nauc_mrr_at_1000_max": 29.213774281822502, + "nauc_mrr_at_1000_std": 7.033800724186415, + "nauc_mrr_at_100_diff1": 29.2626300487415, + "nauc_mrr_at_100_max": 29.204727919066332, + "nauc_mrr_at_100_std": 7.045304952598549, + "nauc_mrr_at_10_diff1": 29.387229358683616, + "nauc_mrr_at_10_max": 29.294544480801417, + "nauc_mrr_at_10_std": 6.775611131886977, + "nauc_mrr_at_1_diff1": 34.788621456797806, + "nauc_mrr_at_1_max": 28.589390080521447, + "nauc_mrr_at_1_std": 5.031155628869166, + "nauc_mrr_at_20_diff1": 29.269757265619585, + "nauc_mrr_at_20_max": 29.192868249024183, + "nauc_mrr_at_20_std": 6.895053312400131, + "nauc_mrr_at_3_diff1": 30.45886158188182, + "nauc_mrr_at_3_max": 29.126637772912332, + "nauc_mrr_at_3_std": 5.887845131702013, + "nauc_mrr_at_5_diff1": 29.5830069273922, + "nauc_mrr_at_5_max": 29.023599660723566, + "nauc_mrr_at_5_std": 6.333484322706432, + "nauc_ndcg_at_1000_diff1": 28.299997368370704, + "nauc_ndcg_at_1000_max": 29.888737990959356, + "nauc_ndcg_at_1000_std": 8.946268519586546, + "nauc_ndcg_at_100_diff1": 27.626227219466298, + "nauc_ndcg_at_100_max": 29.449363310563655, + "nauc_ndcg_at_100_std": 9.152695620470102, + "nauc_ndcg_at_10_diff1": 28.712684866650427, + "nauc_ndcg_at_10_max": 29.193277467967206, + "nauc_ndcg_at_10_std": 6.998413207889944, + "nauc_ndcg_at_1_diff1": 34.788621456797806, + "nauc_ndcg_at_1_max": 28.589390080521447, + "nauc_ndcg_at_1_std": 5.031155628869166, + "nauc_ndcg_at_20_diff1": 28.12146242755772, + "nauc_ndcg_at_20_max": 28.9603042379236, + "nauc_ndcg_at_20_std": 7.4783571354648055, + "nauc_ndcg_at_3_diff1": 30.7052417569527, + "nauc_ndcg_at_3_max": 29.20315655011043, + "nauc_ndcg_at_3_std": 5.388849801543028, + "nauc_ndcg_at_5_diff1": 29.36802229342131, + "nauc_ndcg_at_5_max": 28.574869226548653, + "nauc_ndcg_at_5_std": 5.792067593971809, + "nauc_precision_at_1000_diff1": -1.0955902695363287, + "nauc_precision_at_1000_max": 22.263203721640487, + "nauc_precision_at_1000_std": 15.962211276640174, + "nauc_precision_at_100_diff1": 1.697299406682818, + "nauc_precision_at_100_max": 25.552155435237268, + "nauc_precision_at_100_std": 19.630389535049883, + "nauc_precision_at_10_diff1": 13.297756573713581, + "nauc_precision_at_10_max": 30.477988337514095, + "nauc_precision_at_10_std": 11.930425415137833, + "nauc_precision_at_1_diff1": 34.788621456797806, + "nauc_precision_at_1_max": 28.589390080521447, + "nauc_precision_at_1_std": 5.031155628869166, + "nauc_precision_at_20_diff1": 9.074294316929793, + "nauc_precision_at_20_max": 28.035274038120022, + "nauc_precision_at_20_std": 13.372503140399717, + "nauc_precision_at_3_diff1": 22.46944870859152, + "nauc_precision_at_3_max": 30.62699826426078, + "nauc_precision_at_3_std": 7.446849435999603, + "nauc_precision_at_5_diff1": 17.272667706952305, + "nauc_precision_at_5_max": 29.24179840910647, + "nauc_precision_at_5_std": 8.644639430581861, + "nauc_recall_at_1000_diff1": 12.871611027617524, + "nauc_recall_at_1000_max": 36.71435304856158, + "nauc_recall_at_1000_std": 28.620443354999125, + "nauc_recall_at_100_diff1": 14.961011668882907, + "nauc_recall_at_100_max": 28.301006654430267, + "nauc_recall_at_100_std": 19.460217217927635, + "nauc_recall_at_10_diff1": 21.85511402624238, + "nauc_recall_at_10_max": 27.432304380395227, + "nauc_recall_at_10_std": 8.78952978670911, + "nauc_recall_at_1_diff1": 38.27868635676493, + "nauc_recall_at_1_max": 26.68660889337588, + "nauc_recall_at_1_std": 3.160872467743023, + "nauc_recall_at_20_diff1": 19.752305046339135, + "nauc_recall_at_20_max": 26.236548609605155, + "nauc_recall_at_20_std": 10.087194624804992, + "nauc_recall_at_3_diff1": 27.751788017220413, + "nauc_recall_at_3_max": 27.44474563712776, + "nauc_recall_at_3_std": 5.050595287046713, + "nauc_recall_at_5_diff1": 24.20044216232329, + "nauc_recall_at_5_max": 26.30261864862886, + "nauc_recall_at_5_std": 5.945475035324601, + "ndcg_at_1": 21.92, + "ndcg_at_10": 31.079, + "ndcg_at_100": 37.254, + "ndcg_at_1000": 40.075, + "ndcg_at_20": 33.331, + "ndcg_at_3": 25.889, + "ndcg_at_5": 28.253, + "precision_at_1": 21.92, + "precision_at_10": 6.032, + "precision_at_100": 1.088, + "precision_at_1000": 0.152, + "precision_at_20": 3.6839999999999997, + "precision_at_3": 12.549, + "precision_at_5": 9.36, + "recall_at_1": 17.498, + "recall_at_10": 42.824, + "recall_at_100": 70.537, + "recall_at_1000": 90.416, + "recall_at_20": 51.13799999999999, + "recall_at_3": 28.374, + "recall_at_5": 34.452 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FUE-v1/external/CQADupstackUnixRetrieval.json b/results/qinxianliu__FUE-v1/external/CQADupstackUnixRetrieval.json new file mode 100644 index 000000000..cf39c3562 --- /dev/null +++ b/results/qinxianliu__FUE-v1/external/CQADupstackUnixRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "6c6430d3a6d36f8d2a829195bc5dc94d7e063e53", + "task_name": "CQADupstackUnixRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 43.159, + "map_at_1": 27.3, + "map_at_10": 37.471, + "map_at_100": 38.847, + "map_at_1000": 38.95, + "map_at_20": 38.238, + "map_at_3": 34.343, + "map_at_5": 35.731, + "mrr_at_1": 32.46268656716418, + "mrr_at_10": 41.2610681710495, + "mrr_at_100": 42.31204325599387, + "mrr_at_1000": 42.36679795654589, + "mrr_at_20": 41.91619388699724, + "mrr_at_3": 38.75932835820893, + "mrr_at_5": 39.86473880597011, + "nauc_map_at_1000_diff1": 38.41373782401318, + "nauc_map_at_1000_max": 36.26799123342812, + "nauc_map_at_1000_std": -1.6362179601270626, + "nauc_map_at_100_diff1": 38.39090799924858, + "nauc_map_at_100_max": 36.25156851372077, + "nauc_map_at_100_std": -1.6616566136661386, + "nauc_map_at_10_diff1": 38.696198873516394, + "nauc_map_at_10_max": 36.16128806023898, + "nauc_map_at_10_std": -2.130791362526739, + "nauc_map_at_1_diff1": 43.37285405382472, + "nauc_map_at_1_max": 31.642684614767276, + "nauc_map_at_1_std": -5.540771932525815, + "nauc_map_at_20_diff1": 38.4878820103522, + "nauc_map_at_20_max": 36.2292631214085, + "nauc_map_at_20_std": -1.843545810350474, + "nauc_map_at_3_diff1": 39.95370528114123, + "nauc_map_at_3_max": 34.23886393938281, + "nauc_map_at_3_std": -4.809386044288499, + "nauc_map_at_5_diff1": 39.16911049006275, + "nauc_map_at_5_max": 35.2191378957676, + "nauc_map_at_5_std": -3.5005953042339653, + "nauc_mrr_at_1000_diff1": 36.18437691856584, + "nauc_mrr_at_1000_max": 37.70260458140709, + "nauc_mrr_at_1000_std": -0.11426638420398647, + "nauc_mrr_at_100_diff1": 36.14459892119925, + "nauc_mrr_at_100_max": 37.67599501718511, + "nauc_mrr_at_100_std": -0.12595268985648042, + "nauc_mrr_at_10_diff1": 36.27951441810734, + "nauc_mrr_at_10_max": 37.8613553159427, + "nauc_mrr_at_10_std": -0.20119672771815636, + "nauc_mrr_at_1_diff1": 39.88957563396634, + "nauc_mrr_at_1_max": 36.60257391624788, + "nauc_mrr_at_1_std": -2.841791526837743, + "nauc_mrr_at_20_diff1": 36.103682088537184, + "nauc_mrr_at_20_max": 37.7488620725621, + "nauc_mrr_at_20_std": -0.08430051028531159, + "nauc_mrr_at_3_diff1": 36.8623555151354, + "nauc_mrr_at_3_max": 37.36094868304334, + "nauc_mrr_at_3_std": -1.8677123750289681, + "nauc_mrr_at_5_diff1": 36.59448977125284, + "nauc_mrr_at_5_max": 37.8339219805799, + "nauc_mrr_at_5_std": -1.1457629757330636, + "nauc_ndcg_at_1000_diff1": 36.0265401975872, + "nauc_ndcg_at_1000_max": 37.45317419626094, + "nauc_ndcg_at_1000_std": 1.6036524279201412, + "nauc_ndcg_at_100_diff1": 35.29323774869888, + "nauc_ndcg_at_100_max": 37.10845147549922, + "nauc_ndcg_at_100_std": 1.5535678575966316, + "nauc_ndcg_at_10_diff1": 36.180138557973876, + "nauc_ndcg_at_10_max": 37.411761737356, + "nauc_ndcg_at_10_std": 0.5165748912750906, + "nauc_ndcg_at_1_diff1": 39.88957563396634, + "nauc_ndcg_at_1_max": 36.60257391624788, + "nauc_ndcg_at_1_std": -2.841791526837743, + "nauc_ndcg_at_20_diff1": 35.610864685140825, + "nauc_ndcg_at_20_max": 37.34524578592843, + "nauc_ndcg_at_20_std": 1.2655274462928487, + "nauc_ndcg_at_3_diff1": 37.581668636974165, + "nauc_ndcg_at_3_max": 35.69832549832282, + "nauc_ndcg_at_3_std": -3.6448795589159597, + "nauc_ndcg_at_5_diff1": 36.991833727312326, + "nauc_ndcg_at_5_max": 36.30298998287306, + "nauc_ndcg_at_5_std": -2.2622164190279284, + "nauc_precision_at_1000_diff1": -13.70160706618185, + "nauc_precision_at_1000_max": 5.460656856541568, + "nauc_precision_at_1000_std": 12.62097770232154, + "nauc_precision_at_100_diff1": -6.499308352387093, + "nauc_precision_at_100_max": 20.353724456457627, + "nauc_precision_at_100_std": 17.95090127045124, + "nauc_precision_at_10_diff1": 12.806170332318779, + "nauc_precision_at_10_max": 39.23341562181076, + "nauc_precision_at_10_std": 13.987639599584101, + "nauc_precision_at_1_diff1": 39.88957563396634, + "nauc_precision_at_1_max": 36.60257391624788, + "nauc_precision_at_1_std": -2.841791526837743, + "nauc_precision_at_20_diff1": 5.332995851304963, + "nauc_precision_at_20_max": 34.53916605109217, + "nauc_precision_at_20_std": 17.69712324408807, + "nauc_precision_at_3_diff1": 25.4753762848704, + "nauc_precision_at_3_max": 38.50846428335884, + "nauc_precision_at_3_std": 1.9628066846211143, + "nauc_precision_at_5_diff1": 20.301539878169468, + "nauc_precision_at_5_max": 39.951735387397015, + "nauc_precision_at_5_std": 6.793501039657923, + "nauc_recall_at_1000_diff1": 22.203986100593294, + "nauc_recall_at_1000_max": 48.075623185241035, + "nauc_recall_at_1000_std": 50.75401433229061, + "nauc_recall_at_100_diff1": 19.9395981394293, + "nauc_recall_at_100_max": 32.7460953002592, + "nauc_recall_at_100_std": 14.324454594663344, + "nauc_recall_at_10_diff1": 29.346896169220532, + "nauc_recall_at_10_max": 36.68032432093537, + "nauc_recall_at_10_std": 6.713544668966169, + "nauc_recall_at_1_diff1": 43.37285405382472, + "nauc_recall_at_1_max": 31.642684614767276, + "nauc_recall_at_1_std": -5.540771932525815, + "nauc_recall_at_20_diff1": 26.448398177241923, + "nauc_recall_at_20_max": 35.7341164237797, + "nauc_recall_at_20_std": 9.476528957596907, + "nauc_recall_at_3_diff1": 35.01162975513612, + "nauc_recall_at_3_max": 32.6400708326739, + "nauc_recall_at_3_std": -5.272713547738796, + "nauc_recall_at_5_diff1": 32.78451551990977, + "nauc_recall_at_5_max": 34.48194190611458, + "nauc_recall_at_5_std": -1.532660412317024, + "ndcg_at_1": 32.462999999999994, + "ndcg_at_10": 43.159, + "ndcg_at_100": 49.052, + "ndcg_at_1000": 51.132, + "ndcg_at_20": 45.57, + "ndcg_at_3": 37.735, + "ndcg_at_5": 39.556000000000004, + "precision_at_1": 32.462999999999994, + "precision_at_10": 7.593, + "precision_at_100": 1.187, + "precision_at_1000": 0.147, + "precision_at_20": 4.515000000000001, + "precision_at_3": 17.32, + "precision_at_5": 11.996, + "recall_at_1": 27.3, + "recall_at_10": 56.642, + "recall_at_100": 81.525, + "recall_at_1000": 95.806, + "recall_at_20": 65.11099999999999, + "recall_at_3": 41.469, + "recall_at_5": 46.163 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FUE-v1/external/CQADupstackWebmastersRetrieval.json b/results/qinxianliu__FUE-v1/external/CQADupstackWebmastersRetrieval.json new file mode 100644 index 000000000..3f37604f1 --- /dev/null +++ b/results/qinxianliu__FUE-v1/external/CQADupstackWebmastersRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "160c094312a0e1facb97e55eeddb698c0abe3571", + "task_name": "CQADupstackWebmastersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 41.297, + "map_at_1": 24.239, + "map_at_10": 34.958, + "map_at_100": 36.758, + "map_at_1000": 36.989, + "map_at_20": 35.9, + "map_at_3": 31.673000000000002, + "map_at_5": 33.675, + "mrr_at_1": 28.458498023715418, + "mrr_at_10": 39.1959972394755, + "mrr_at_100": 40.18847772327865, + "mrr_at_1000": 40.23773735721479, + "mrr_at_20": 39.774954617486664, + "mrr_at_3": 36.29776021080371, + "mrr_at_5": 38.155467720685124, + "nauc_map_at_1000_diff1": 36.874966531359455, + "nauc_map_at_1000_max": 32.925100088208865, + "nauc_map_at_1000_std": 2.9838945484541397, + "nauc_map_at_100_diff1": 37.05086874383793, + "nauc_map_at_100_max": 32.93389217056399, + "nauc_map_at_100_std": 2.9144257345054467, + "nauc_map_at_10_diff1": 37.37730997185654, + "nauc_map_at_10_max": 32.06774672790129, + "nauc_map_at_10_std": 1.8429020159075118, + "nauc_map_at_1_diff1": 43.561442228636224, + "nauc_map_at_1_max": 30.139564573234708, + "nauc_map_at_1_std": -4.277872763081037, + "nauc_map_at_20_diff1": 37.35659896740046, + "nauc_map_at_20_max": 32.5517336397131, + "nauc_map_at_20_std": 2.4435488993754753, + "nauc_map_at_3_diff1": 37.473068855167796, + "nauc_map_at_3_max": 31.59112945346696, + "nauc_map_at_3_std": 1.6092320432651679, + "nauc_map_at_5_diff1": 38.01435766254902, + "nauc_map_at_5_max": 31.922726165398448, + "nauc_map_at_5_std": 1.5628995834664126, + "nauc_mrr_at_1000_diff1": 36.12153078238164, + "nauc_mrr_at_1000_max": 32.22061637683918, + "nauc_mrr_at_1000_std": 3.5366279283280204, + "nauc_mrr_at_100_diff1": 36.1188638601524, + "nauc_mrr_at_100_max": 32.20952783773952, + "nauc_mrr_at_100_std": 3.53367306991397, + "nauc_mrr_at_10_diff1": 36.24545839812258, + "nauc_mrr_at_10_max": 32.02781480404713, + "nauc_mrr_at_10_std": 3.2237214571781756, + "nauc_mrr_at_1_diff1": 39.43286392756712, + "nauc_mrr_at_1_max": 31.633687884951282, + "nauc_mrr_at_1_std": -0.27764785706458617, + "nauc_mrr_at_20_diff1": 36.13109306056499, + "nauc_mrr_at_20_max": 32.24845518587824, + "nauc_mrr_at_20_std": 3.5527414665451666, + "nauc_mrr_at_3_diff1": 35.694561950510526, + "nauc_mrr_at_3_max": 32.34372143829758, + "nauc_mrr_at_3_std": 3.2831272959106585, + "nauc_mrr_at_5_diff1": 36.47407512657775, + "nauc_mrr_at_5_max": 32.245870671508776, + "nauc_mrr_at_5_std": 3.22208428921342, + "nauc_ndcg_at_1000_diff1": 34.94498046337473, + "nauc_ndcg_at_1000_max": 34.00274024637903, + "nauc_ndcg_at_1000_std": 6.037949553908587, + "nauc_ndcg_at_100_diff1": 35.072050841400085, + "nauc_ndcg_at_100_max": 33.77530570776558, + "nauc_ndcg_at_100_std": 6.476581022520731, + "nauc_ndcg_at_10_diff1": 35.17349390611081, + "nauc_ndcg_at_10_max": 31.74636270166893, + "nauc_ndcg_at_10_std": 3.825524111282119, + "nauc_ndcg_at_1_diff1": 39.43286392756712, + "nauc_ndcg_at_1_max": 31.633687884951282, + "nauc_ndcg_at_1_std": -0.27764785706458617, + "nauc_ndcg_at_20_diff1": 35.390740077541615, + "nauc_ndcg_at_20_max": 33.026639113297236, + "nauc_ndcg_at_20_std": 5.161352869053754, + "nauc_ndcg_at_3_diff1": 34.784893735708245, + "nauc_ndcg_at_3_max": 32.37270211170083, + "nauc_ndcg_at_3_std": 4.002202121330911, + "nauc_ndcg_at_5_diff1": 36.13692738773426, + "nauc_ndcg_at_5_max": 32.39302727687912, + "nauc_ndcg_at_5_std": 3.6394963350009557, + "nauc_precision_at_1000_diff1": -22.965728978391358, + "nauc_precision_at_1000_max": 0.991199838881063, + "nauc_precision_at_1000_std": 9.683600354073281, + "nauc_precision_at_100_diff1": -12.560615008152604, + "nauc_precision_at_100_max": 14.334232028365351, + "nauc_precision_at_100_std": 17.640635157521896, + "nauc_precision_at_10_diff1": 11.206224974161422, + "nauc_precision_at_10_max": 27.636112811297668, + "nauc_precision_at_10_std": 13.844463698498116, + "nauc_precision_at_1_diff1": 39.43286392756712, + "nauc_precision_at_1_max": 31.633687884951282, + "nauc_precision_at_1_std": -0.27764785706458617, + "nauc_precision_at_20_diff1": 2.820754738992166, + "nauc_precision_at_20_max": 24.548395859228734, + "nauc_precision_at_20_std": 18.659599473117076, + "nauc_precision_at_3_diff1": 23.700089513000997, + "nauc_precision_at_3_max": 33.926097310453535, + "nauc_precision_at_3_std": 11.528262810991514, + "nauc_precision_at_5_diff1": 19.952717493700728, + "nauc_precision_at_5_max": 32.73420866701224, + "nauc_precision_at_5_std": 12.572768747428661, + "nauc_recall_at_1000_diff1": 11.338759676414469, + "nauc_recall_at_1000_max": 60.27964607676189, + "nauc_recall_at_1000_std": 65.64600084082495, + "nauc_recall_at_100_diff1": 25.61894545906908, + "nauc_recall_at_100_max": 33.053374407768985, + "nauc_recall_at_100_std": 25.841122943882226, + "nauc_recall_at_10_diff1": 28.374429812654515, + "nauc_recall_at_10_max": 25.752628109349747, + "nauc_recall_at_10_std": 5.460179271646167, + "nauc_recall_at_1_diff1": 43.561442228636224, + "nauc_recall_at_1_max": 30.139564573234708, + "nauc_recall_at_1_std": -4.277872763081037, + "nauc_recall_at_20_diff1": 28.096290358405124, + "nauc_recall_at_20_max": 29.47090259172014, + "nauc_recall_at_20_std": 10.769843783609222, + "nauc_recall_at_3_diff1": 31.442770007498943, + "nauc_recall_at_3_max": 30.06591425778911, + "nauc_recall_at_3_std": 5.640565369414359, + "nauc_recall_at_5_diff1": 32.95442456012167, + "nauc_recall_at_5_max": 28.473408007093287, + "nauc_recall_at_5_std": 4.467307517857356, + "ndcg_at_1": 28.458, + "ndcg_at_10": 41.297, + "ndcg_at_100": 47.797, + "ndcg_at_1000": 50.059, + "ndcg_at_20": 43.856, + "ndcg_at_3": 35.656, + "ndcg_at_5": 38.779, + "precision_at_1": 28.458, + "precision_at_10": 8.004, + "precision_at_100": 1.68, + "precision_at_1000": 0.254, + "precision_at_20": 5.1979999999999995, + "precision_at_3": 16.864, + "precision_at_5": 12.727, + "recall_at_1": 24.239, + "recall_at_10": 54.26499999999999, + "recall_at_100": 82.101, + "recall_at_1000": 95.994, + "recall_at_20": 63.649, + "recall_at_3": 39.206, + "recall_at_5": 46.604 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FUE-v1/external/CQADupstackWordpressRetrieval.json b/results/qinxianliu__FUE-v1/external/CQADupstackWordpressRetrieval.json new file mode 100644 index 000000000..2b99646ed --- /dev/null +++ b/results/qinxianliu__FUE-v1/external/CQADupstackWordpressRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "4ffe81d471b1924886b33c7567bfb200e9eec5c4", + "task_name": "CQADupstackWordpressRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 33.832, + "map_at_1": 20.003, + "map_at_10": 28.642, + "map_at_100": 29.839, + "map_at_1000": 29.958000000000002, + "map_at_20": 29.349999999999998, + "map_at_3": 25.535000000000004, + "map_at_5": 27.400000000000002, + "mrr_at_1": 21.811460258780038, + "mrr_at_10": 30.64372267699438, + "mrr_at_100": 31.73852756929626, + "mrr_at_1000": 31.815679800702124, + "mrr_at_20": 31.299814331394977, + "mrr_at_3": 28.034504004929133, + "mrr_at_5": 29.624152803450386, + "nauc_map_at_1000_diff1": 27.06604986940547, + "nauc_map_at_1000_max": 30.733957522966943, + "nauc_map_at_1000_std": 5.707667228631227, + "nauc_map_at_100_diff1": 27.069243825104223, + "nauc_map_at_100_max": 30.697115186434498, + "nauc_map_at_100_std": 5.694181242130099, + "nauc_map_at_10_diff1": 27.287579843894623, + "nauc_map_at_10_max": 30.416063160658435, + "nauc_map_at_10_std": 5.001223879129747, + "nauc_map_at_1_diff1": 34.766915543377216, + "nauc_map_at_1_max": 31.68917356389495, + "nauc_map_at_1_std": 4.63364234029443, + "nauc_map_at_20_diff1": 26.988320257908132, + "nauc_map_at_20_max": 30.59211599414314, + "nauc_map_at_20_std": 5.5155380180944205, + "nauc_map_at_3_diff1": 29.76134767596865, + "nauc_map_at_3_max": 30.006661638483646, + "nauc_map_at_3_std": 5.008441487743006, + "nauc_map_at_5_diff1": 27.996100405808832, + "nauc_map_at_5_max": 29.688313272752787, + "nauc_map_at_5_std": 4.989016460968753, + "nauc_mrr_at_1000_diff1": 27.026456330287647, + "nauc_mrr_at_1000_max": 32.20560453205575, + "nauc_mrr_at_1000_std": 5.546537805647763, + "nauc_mrr_at_100_diff1": 27.02363656101913, + "nauc_mrr_at_100_max": 32.196640350864875, + "nauc_mrr_at_100_std": 5.518951009854468, + "nauc_mrr_at_10_diff1": 27.00915074052057, + "nauc_mrr_at_10_max": 32.001757674286736, + "nauc_mrr_at_10_std": 5.072731140770552, + "nauc_mrr_at_1_diff1": 34.845574431208064, + "nauc_mrr_at_1_max": 34.49816690982053, + "nauc_mrr_at_1_std": 5.41968335382083, + "nauc_mrr_at_20_diff1": 26.84248184004788, + "nauc_mrr_at_20_max": 32.07749657503134, + "nauc_mrr_at_20_std": 5.441862772046592, + "nauc_mrr_at_3_diff1": 29.505028408787286, + "nauc_mrr_at_3_max": 32.86798316031229, + "nauc_mrr_at_3_std": 4.8203112022331895, + "nauc_mrr_at_5_diff1": 27.569200794858347, + "nauc_mrr_at_5_max": 31.645968122456676, + "nauc_mrr_at_5_std": 4.9761558440226334, + "nauc_ndcg_at_1000_diff1": 23.88608662925394, + "nauc_ndcg_at_1000_max": 31.479699528948128, + "nauc_ndcg_at_1000_std": 7.525533932973386, + "nauc_ndcg_at_100_diff1": 23.604927980525353, + "nauc_ndcg_at_100_max": 31.17191900574252, + "nauc_ndcg_at_100_std": 7.378799400265408, + "nauc_ndcg_at_10_diff1": 23.62553795593263, + "nauc_ndcg_at_10_max": 30.338342936369855, + "nauc_ndcg_at_10_std": 4.953463227590225, + "nauc_ndcg_at_1_diff1": 34.845574431208064, + "nauc_ndcg_at_1_max": 34.49816690982053, + "nauc_ndcg_at_1_std": 5.41968335382083, + "nauc_ndcg_at_20_diff1": 22.70534696949328, + "nauc_ndcg_at_20_max": 30.65105372647873, + "nauc_ndcg_at_20_std": 6.53760429235338, + "nauc_ndcg_at_3_diff1": 28.25657951417217, + "nauc_ndcg_at_3_max": 30.680157197390457, + "nauc_ndcg_at_3_std": 5.055222325853256, + "nauc_ndcg_at_5_diff1": 25.051860390557394, + "nauc_ndcg_at_5_max": 29.321858649131254, + "nauc_ndcg_at_5_std": 5.084862957981524, + "nauc_precision_at_1000_diff1": -13.576500693637458, + "nauc_precision_at_1000_max": 14.89365822136165, + "nauc_precision_at_1000_std": 2.561285129665411, + "nauc_precision_at_100_diff1": -0.5356717684025231, + "nauc_precision_at_100_max": 24.869247406121847, + "nauc_precision_at_100_std": 11.862364821181174, + "nauc_precision_at_10_diff1": 9.30582069803439, + "nauc_precision_at_10_max": 30.923589035628858, + "nauc_precision_at_10_std": 5.398201031301567, + "nauc_precision_at_1_diff1": 34.845574431208064, + "nauc_precision_at_1_max": 34.49816690982053, + "nauc_precision_at_1_std": 5.41968335382083, + "nauc_precision_at_20_diff1": 4.059202632041108, + "nauc_precision_at_20_max": 30.894783817339388, + "nauc_precision_at_20_std": 10.754015672232937, + "nauc_precision_at_3_diff1": 22.522340581277586, + "nauc_precision_at_3_max": 32.5100154377477, + "nauc_precision_at_3_std": 6.522378511380731, + "nauc_precision_at_5_diff1": 14.85331547455788, + "nauc_precision_at_5_max": 30.095138012218207, + "nauc_precision_at_5_std": 5.64736160156279, + "nauc_recall_at_1000_diff1": -5.27332415745275, + "nauc_recall_at_1000_max": 33.16050370515966, + "nauc_recall_at_1000_std": 35.48080153587079, + "nauc_recall_at_100_diff1": 9.401206314932313, + "nauc_recall_at_100_max": 29.15466334221412, + "nauc_recall_at_100_std": 15.925857450796613, + "nauc_recall_at_10_diff1": 13.2795134118332, + "nauc_recall_at_10_max": 27.4224535997482, + "nauc_recall_at_10_std": 4.610601473431608, + "nauc_recall_at_1_diff1": 34.766915543377216, + "nauc_recall_at_1_max": 31.68917356389495, + "nauc_recall_at_1_std": 4.63364234029443, + "nauc_recall_at_20_diff1": 9.041251274906765, + "nauc_recall_at_20_max": 27.833816433039633, + "nauc_recall_at_20_std": 10.004419902367824, + "nauc_recall_at_3_diff1": 24.312698907863194, + "nauc_recall_at_3_max": 28.445506445251507, + "nauc_recall_at_3_std": 4.954049242639007, + "nauc_recall_at_5_diff1": 17.32213286984511, + "nauc_recall_at_5_max": 25.38081324317843, + "nauc_recall_at_5_std": 5.5041998917365875, + "ndcg_at_1": 21.811, + "ndcg_at_10": 33.832, + "ndcg_at_100": 39.675, + "ndcg_at_1000": 42.22, + "ndcg_at_20": 36.246, + "ndcg_at_3": 28.09, + "ndcg_at_5": 31.173000000000002, + "precision_at_1": 21.811, + "precision_at_10": 5.601, + "precision_at_100": 0.9259999999999999, + "precision_at_1000": 0.126, + "precision_at_20": 3.383, + "precision_at_3": 12.261, + "precision_at_5": 9.168, + "recall_at_1": 20.003, + "recall_at_10": 47.754000000000005, + "recall_at_100": 74.575, + "recall_at_1000": 93.118, + "recall_at_20": 56.887, + "recall_at_3": 32.584999999999994, + "recall_at_5": 39.987 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FUE-v1/external/ClimateFEVER.json b/results/qinxianliu__FUE-v1/external/ClimateFEVER.json new file mode 100644 index 000000000..a8d5e402b --- /dev/null +++ b/results/qinxianliu__FUE-v1/external/ClimateFEVER.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 17.039, + "map_at_1": 5.803, + "map_at_10": 11.043, + "map_at_100": 12.575, + "map_at_1000": 12.777, + "map_at_20": 11.811, + "map_at_3": 8.886, + "map_at_5": 9.918000000000001, + "mrr_at_1": 13.745928338762214, + "mrr_at_10": 23.035856470709884, + "mrr_at_100": 24.31853659598728, + "mrr_at_1000": 24.381741087426335, + "mrr_at_20": 23.826099691586087, + "mrr_at_3": 19.641693811074926, + "mrr_at_5": 21.462540716612363, + "nauc_map_at_1000_diff1": 14.075861001605652, + "nauc_map_at_1000_max": 32.50540299753915, + "nauc_map_at_1000_std": 16.63440932146544, + "nauc_map_at_100_diff1": 14.123217880033861, + "nauc_map_at_100_max": 32.41146114250095, + "nauc_map_at_100_std": 16.381092437163552, + "nauc_map_at_10_diff1": 14.311158236352378, + "nauc_map_at_10_max": 31.663465768164695, + "nauc_map_at_10_std": 14.79004698936343, + "nauc_map_at_1_diff1": 19.79138559884689, + "nauc_map_at_1_max": 28.547089859427256, + "nauc_map_at_1_std": 8.354323364048897, + "nauc_map_at_20_diff1": 14.23157436194119, + "nauc_map_at_20_max": 31.829323482590056, + "nauc_map_at_20_std": 15.728487414739051, + "nauc_map_at_3_diff1": 16.977223379413818, + "nauc_map_at_3_max": 30.91365779223932, + "nauc_map_at_3_std": 11.004013141499629, + "nauc_map_at_5_diff1": 15.287594960641249, + "nauc_map_at_5_max": 31.4855930880175, + "nauc_map_at_5_std": 13.035283381488696, + "nauc_mrr_at_1000_diff1": 15.19673911397727, + "nauc_mrr_at_1000_max": 32.27281360470439, + "nauc_mrr_at_1000_std": 17.982389020371247, + "nauc_mrr_at_100_diff1": 15.20130608016213, + "nauc_mrr_at_100_max": 32.26452236374923, + "nauc_mrr_at_100_std": 18.002716153000627, + "nauc_mrr_at_10_diff1": 15.1395436352143, + "nauc_mrr_at_10_max": 32.2082338876027, + "nauc_mrr_at_10_std": 17.838618343534538, + "nauc_mrr_at_1_diff1": 18.75801367430074, + "nauc_mrr_at_1_max": 29.522146316819242, + "nauc_mrr_at_1_std": 12.322203243653137, + "nauc_mrr_at_20_diff1": 15.15341535844078, + "nauc_mrr_at_20_max": 32.149592234561844, + "nauc_mrr_at_20_std": 18.05739998762671, + "nauc_mrr_at_3_diff1": 16.713713609700807, + "nauc_mrr_at_3_max": 31.073485728698007, + "nauc_mrr_at_3_std": 14.685962809871809, + "nauc_mrr_at_5_diff1": 15.20715918092642, + "nauc_mrr_at_5_max": 31.91496536532501, + "nauc_mrr_at_5_std": 16.32734830238726, + "nauc_ndcg_at_1000_diff1": 11.479850187724962, + "nauc_ndcg_at_1000_max": 36.373357396933336, + "nauc_ndcg_at_1000_std": 25.683568919701514, + "nauc_ndcg_at_100_diff1": 11.559236662789004, + "nauc_ndcg_at_100_max": 34.90591391147814, + "nauc_ndcg_at_100_std": 23.057965705153865, + "nauc_ndcg_at_10_diff1": 12.544873936559739, + "nauc_ndcg_at_10_max": 32.83663980495747, + "nauc_ndcg_at_10_std": 19.238337421544006, + "nauc_ndcg_at_1_diff1": 18.75801367430074, + "nauc_ndcg_at_1_max": 29.522146316819242, + "nauc_ndcg_at_1_std": 12.322203243653137, + "nauc_ndcg_at_20_diff1": 12.361691440408999, + "nauc_ndcg_at_20_max": 32.76528016217301, + "nauc_ndcg_at_20_std": 21.05644041370163, + "nauc_ndcg_at_3_diff1": 15.96832626064785, + "nauc_ndcg_at_3_max": 31.44063980122053, + "nauc_ndcg_at_3_std": 12.936413672431879, + "nauc_ndcg_at_5_diff1": 13.713513523433363, + "nauc_ndcg_at_5_max": 32.36446493796571, + "nauc_ndcg_at_5_std": 15.76174671030862, + "nauc_precision_at_1000_diff1": 1.34184180265124, + "nauc_precision_at_1000_max": 23.682869852931777, + "nauc_precision_at_1000_std": 30.11200034478147, + "nauc_precision_at_100_diff1": 2.7429761602552545, + "nauc_precision_at_100_max": 27.799306591674704, + "nauc_precision_at_100_std": 28.63347129016136, + "nauc_precision_at_10_diff1": 6.809778511951629, + "nauc_precision_at_10_max": 31.549319057696106, + "nauc_precision_at_10_std": 27.797058851811858, + "nauc_precision_at_1_diff1": 18.75801367430074, + "nauc_precision_at_1_max": 29.522146316819242, + "nauc_precision_at_1_std": 12.322203243653137, + "nauc_precision_at_20_diff1": 6.652188021122349, + "nauc_precision_at_20_max": 28.77994242287882, + "nauc_precision_at_20_std": 29.36148470486359, + "nauc_precision_at_3_diff1": 14.712258200325262, + "nauc_precision_at_3_max": 32.0031289884313, + "nauc_precision_at_3_std": 16.234492809427824, + "nauc_precision_at_5_diff1": 9.304224063707855, + "nauc_precision_at_5_max": 33.271254238986785, + "nauc_precision_at_5_std": 21.406431386266583, + "nauc_recall_at_1000_diff1": 0.25017014524490533, + "nauc_recall_at_1000_max": 38.04838759534934, + "nauc_recall_at_1000_std": 40.585116054127084, + "nauc_recall_at_100_diff1": 3.0042658139447593, + "nauc_recall_at_100_max": 30.765498421078746, + "nauc_recall_at_100_std": 26.344845670411445, + "nauc_recall_at_10_diff1": 7.066884715859835, + "nauc_recall_at_10_max": 30.432215207137187, + "nauc_recall_at_10_std": 21.88096446786714, + "nauc_recall_at_1_diff1": 19.79138559884689, + "nauc_recall_at_1_max": 28.547089859427256, + "nauc_recall_at_1_std": 8.354323364048897, + "nauc_recall_at_20_diff1": 6.260902435695847, + "nauc_recall_at_20_max": 28.085979713597105, + "nauc_recall_at_20_std": 24.042661661305686, + "nauc_recall_at_3_diff1": 13.85539993127579, + "nauc_recall_at_3_max": 30.66048968710386, + "nauc_recall_at_3_std": 12.49456367200617, + "nauc_recall_at_5_diff1": 9.732734054264856, + "nauc_recall_at_5_max": 31.558450901307765, + "nauc_recall_at_5_std": 16.85189341873968, + "ndcg_at_1": 13.746, + "ndcg_at_10": 17.039, + "ndcg_at_100": 24.251, + "ndcg_at_1000": 28.407, + "ndcg_at_20": 19.596, + "ndcg_at_3": 12.825000000000001, + "ndcg_at_5": 14.246, + "precision_at_1": 13.746, + "precision_at_10": 5.772, + "precision_at_100": 1.345, + "precision_at_1000": 0.211, + "precision_at_20": 3.945, + "precision_at_3": 9.815, + "precision_at_5": 7.9479999999999995, + "recall_at_1": 5.803, + "recall_at_10": 22.320999999999998, + "recall_at_100": 48.083, + "recall_at_1000": 72.02199999999999, + "recall_at_20": 29.693, + "recall_at_3": 12.249, + "recall_at_5": 15.925 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FUE-v1/external/DBPedia.json b/results/qinxianliu__FUE-v1/external/DBPedia.json new file mode 100644 index 000000000..2f187d7a8 --- /dev/null +++ b/results/qinxianliu__FUE-v1/external/DBPedia.json @@ -0,0 +1,306 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 32.056000000000004, + "map_at_1": 6.159, + "map_at_10": 14.749, + "map_at_100": 19.639, + "map_at_1000": 20.902, + "map_at_20": 16.320999999999998, + "map_at_3": 10.598, + "map_at_5": 12.232, + "mrr_at_1": 55.223880597014926, + "mrr_at_10": 62.61194029850745, + "mrr_at_100": 63.161403712876506, + "mrr_at_1000": 63.19045792845882, + "mrr_at_20": 62.883310719131615, + "mrr_at_3": 60.69651741293532, + "mrr_at_5": 62.11442786069652, + "nauc_map_at_1000_diff1": 14.66774420808803, + "nauc_map_at_1000_max": 15.83673037882429, + "nauc_map_at_1000_std": 5.780706425119277, + "nauc_map_at_100_diff1": 15.155295918719005, + "nauc_map_at_100_max": 14.072328538517597, + "nauc_map_at_100_std": 1.770766267850918, + "nauc_map_at_10_diff1": 14.98606047237713, + "nauc_map_at_10_max": 6.187697786036102, + "nauc_map_at_10_std": -6.360564380948436, + "nauc_map_at_1_diff1": 28.930347534146826, + "nauc_map_at_1_max": -22.946473489514478, + "nauc_map_at_1_std": -5.478885357489002, + "nauc_map_at_20_diff1": 13.225096470295508, + "nauc_map_at_20_max": 8.134020886577796, + "nauc_map_at_20_std": -3.688087435394214, + "nauc_map_at_3_diff1": 23.967211717665325, + "nauc_map_at_3_max": -8.54757081540758, + "nauc_map_at_3_std": -11.854904684666472, + "nauc_map_at_5_diff1": 18.69169934915187, + "nauc_map_at_5_max": -2.681982078444763, + "nauc_map_at_5_std": -9.677458332091078, + "nauc_mrr_at_1000_diff1": 29.1326144948668, + "nauc_mrr_at_1000_max": 30.32888792364254, + "nauc_mrr_at_1000_std": 0.10599054230879215, + "nauc_mrr_at_100_diff1": 29.170245504786546, + "nauc_mrr_at_100_max": 30.334485258327394, + "nauc_mrr_at_100_std": 0.073017997841517, + "nauc_mrr_at_10_diff1": 28.61680486143009, + "nauc_mrr_at_10_max": 29.886786779812883, + "nauc_mrr_at_10_std": -0.7804123870159443, + "nauc_mrr_at_1_diff1": 28.445954358025144, + "nauc_mrr_at_1_max": 29.757901190323032, + "nauc_mrr_at_1_std": -8.160393754836772, + "nauc_mrr_at_20_diff1": 28.970583921994, + "nauc_mrr_at_20_max": 30.297978189519036, + "nauc_mrr_at_20_std": 0.025099380605112777, + "nauc_mrr_at_3_diff1": 26.922893811846027, + "nauc_mrr_at_3_max": 28.454141443011615, + "nauc_mrr_at_3_std": 0.5404188302638873, + "nauc_mrr_at_5_diff1": 28.260050983821404, + "nauc_mrr_at_5_max": 30.662788723961064, + "nauc_mrr_at_5_std": 0.25695689627892465, + "nauc_ndcg_at_1000_diff1": 17.550822161705184, + "nauc_ndcg_at_1000_max": 23.47112652887515, + "nauc_ndcg_at_1000_std": 18.921600629635876, + "nauc_ndcg_at_100_diff1": 19.75836373321895, + "nauc_ndcg_at_100_max": 17.218863090775898, + "nauc_ndcg_at_100_std": 6.188418551354186, + "nauc_ndcg_at_10_diff1": 17.018486303230613, + "nauc_ndcg_at_10_max": 13.172847759812633, + "nauc_ndcg_at_10_std": -2.557915936016456, + "nauc_ndcg_at_1_diff1": 28.30450276152453, + "nauc_ndcg_at_1_max": 10.705906316378517, + "nauc_ndcg_at_1_std": -11.557649340196585, + "nauc_ndcg_at_20_diff1": 17.248069262429212, + "nauc_ndcg_at_20_max": 9.849529486503714, + "nauc_ndcg_at_20_std": -0.311186473192, + "nauc_ndcg_at_3_diff1": 24.91723384151359, + "nauc_ndcg_at_3_max": 12.746501741669613, + "nauc_ndcg_at_3_std": -7.478244755823778, + "nauc_ndcg_at_5_diff1": 20.109109265849096, + "nauc_ndcg_at_5_max": 15.035625561879778, + "nauc_ndcg_at_5_std": -4.249792039203992, + "nauc_precision_at_1000_diff1": -1.6904232746143093, + "nauc_precision_at_1000_max": 28.193351306594632, + "nauc_precision_at_1000_std": 49.466555012944426, + "nauc_precision_at_100_diff1": 5.522098718336858, + "nauc_precision_at_100_max": 32.28843828110046, + "nauc_precision_at_100_std": 38.855283968708925, + "nauc_precision_at_10_diff1": 0.8754832613076982, + "nauc_precision_at_10_max": 33.667753747656214, + "nauc_precision_at_10_std": 11.811992543860297, + "nauc_precision_at_1_diff1": 28.445954358025144, + "nauc_precision_at_1_max": 29.757901190323032, + "nauc_precision_at_1_std": -8.160393754836772, + "nauc_precision_at_20_diff1": 3.06814758548795, + "nauc_precision_at_20_max": 34.56674755156743, + "nauc_precision_at_20_std": 20.6096728873244, + "nauc_precision_at_3_diff1": 14.003111174047799, + "nauc_precision_at_3_max": 26.627875058653572, + "nauc_precision_at_3_std": -1.576904767201546, + "nauc_precision_at_5_diff1": 4.2565090179589, + "nauc_precision_at_5_max": 30.09262969886471, + "nauc_precision_at_5_std": 3.37613085747931, + "nauc_recall_at_1000_diff1": 1.318125788778631, + "nauc_recall_at_1000_max": 23.347027051136532, + "nauc_recall_at_1000_std": 38.6734430950855, + "nauc_recall_at_100_diff1": 16.260906677583385, + "nauc_recall_at_100_max": 13.269724794813417, + "nauc_recall_at_100_std": 12.528814958715534, + "nauc_recall_at_10_diff1": 12.703144510602954, + "nauc_recall_at_10_max": 11.643752381855938, + "nauc_recall_at_10_std": -4.93246361539532, + "nauc_recall_at_1_diff1": 28.930347534146826, + "nauc_recall_at_1_max": -22.946473489514478, + "nauc_recall_at_1_std": -5.478885357489002, + "nauc_recall_at_20_diff1": 8.197159305821131, + "nauc_recall_at_20_max": 7.992590649067159, + "nauc_recall_at_20_std": 2.9499995677138213, + "nauc_recall_at_3_diff1": 24.578598477208853, + "nauc_recall_at_3_max": -5.236092678096414, + "nauc_recall_at_3_std": -11.675071458967711, + "nauc_recall_at_5_diff1": 16.448098064378637, + "nauc_recall_at_5_max": 0.5330990419735525, + "nauc_recall_at_5_std": -8.139497416808533, + "ndcg_at_1": 44.03, + "ndcg_at_10": 32.056000000000004, + "ndcg_at_100": 36.813, + "ndcg_at_1000": 44.603, + "ndcg_at_20": 30.522, + "ndcg_at_3": 37.112, + "ndcg_at_5": 34.353, + "precision_at_1": 55.224, + "precision_at_10": 24.776, + "precision_at_100": 7.5520000000000005, + "precision_at_1000": 1.361, + "precision_at_20": 16.418, + "precision_at_3": 39.303, + "precision_at_5": 32.537, + "recall_at_1": 6.159, + "recall_at_10": 18.767, + "recall_at_100": 42.281, + "recall_at_1000": 69.05799999999999, + "recall_at_20": 24.176000000000002, + "recall_at_3": 11.350999999999999, + "recall_at_5": 13.858 + } + ], + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 26.912000000000003, + "map_at_1": 5.587000000000001, + "map_at_10": 11.895, + "map_at_100": 16.598, + "map_at_1000": 17.812, + "map_at_20": 13.679, + "map_at_3": 8.475000000000001, + "map_at_5": 9.864, + "mrr_at_1": 43.5, + "mrr_at_10": 55.057341269841274, + "mrr_at_100": 55.7116763249525, + "mrr_at_1000": 55.73114654313282, + "mrr_at_20": 55.48448584654082, + "mrr_at_3": 52.625000000000014, + "mrr_at_5": 54.25, + "nauc_map_at_1000_diff1": 9.222585526729162, + "nauc_map_at_1000_max": 6.474554295414542, + "nauc_map_at_1000_std": 19.530457057036873, + "nauc_map_at_100_diff1": 9.11589434330461, + "nauc_map_at_100_max": 3.0466163667963415, + "nauc_map_at_100_std": 15.897958511594085, + "nauc_map_at_10_diff1": 14.033788134812697, + "nauc_map_at_10_max": -4.180301152674868, + "nauc_map_at_10_std": 0.9565463929832962, + "nauc_map_at_1_diff1": 24.88372785558863, + "nauc_map_at_1_max": -7.903205339084808, + "nauc_map_at_1_std": -9.025106405036246, + "nauc_map_at_20_diff1": 10.982775028585708, + "nauc_map_at_20_max": -1.9814898263360956, + "nauc_map_at_20_std": 5.022744754836501, + "nauc_map_at_3_diff1": 18.920355286487474, + "nauc_map_at_3_max": -7.008953507731825, + "nauc_map_at_3_std": -7.4302507983255035, + "nauc_map_at_5_diff1": 15.649741124593813, + "nauc_map_at_5_max": -6.470264312561451, + "nauc_map_at_5_std": -3.629324410314669, + "nauc_mrr_at_1000_diff1": 27.445673721571445, + "nauc_mrr_at_1000_max": 30.848234089089377, + "nauc_mrr_at_1000_std": 25.584068294106398, + "nauc_mrr_at_100_diff1": 27.450436881700647, + "nauc_mrr_at_100_max": 30.86805059900003, + "nauc_mrr_at_100_std": 25.602642209980893, + "nauc_mrr_at_10_diff1": 27.03642213567309, + "nauc_mrr_at_10_max": 30.564766924576997, + "nauc_mrr_at_10_std": 25.498766017362584, + "nauc_mrr_at_1_diff1": 29.75429751366281, + "nauc_mrr_at_1_max": 27.603423680456483, + "nauc_mrr_at_1_std": 21.42210410437796, + "nauc_mrr_at_20_diff1": 27.316158731916072, + "nauc_mrr_at_20_max": 30.788911987885836, + "nauc_mrr_at_20_std": 25.511317895342973, + "nauc_mrr_at_3_diff1": 27.40278716897145, + "nauc_mrr_at_3_max": 30.17795110537535, + "nauc_mrr_at_3_std": 25.58949724207859, + "nauc_mrr_at_5_diff1": 27.02036667526836, + "nauc_mrr_at_5_max": 30.56172819314359, + "nauc_mrr_at_5_std": 25.68106181481602, + "nauc_ndcg_at_1000_diff1": 10.185469519827409, + "nauc_ndcg_at_1000_max": 19.97222766004627, + "nauc_ndcg_at_1000_std": 33.627761835495576, + "nauc_ndcg_at_100_diff1": 10.34566025576966, + "nauc_ndcg_at_100_max": 10.904699675777103, + "nauc_ndcg_at_100_std": 25.902939752688408, + "nauc_ndcg_at_10_diff1": 9.763184508901789, + "nauc_ndcg_at_10_max": 15.84272775012148, + "nauc_ndcg_at_10_std": 23.3644718110982, + "nauc_ndcg_at_1_diff1": 27.53213753471065, + "nauc_ndcg_at_1_max": 25.47433464492357, + "nauc_ndcg_at_1_std": 22.927455121813495, + "nauc_ndcg_at_20_diff1": 9.21982112040321, + "nauc_ndcg_at_20_max": 10.855015325947646, + "nauc_ndcg_at_20_std": 20.177684268239858, + "nauc_ndcg_at_3_diff1": 16.480487570544028, + "nauc_ndcg_at_3_max": 23.08069150528697, + "nauc_ndcg_at_3_std": 24.654582040091068, + "nauc_ndcg_at_5_diff1": 11.091173429430855, + "nauc_ndcg_at_5_max": 18.943964454340282, + "nauc_ndcg_at_5_std": 25.417120083736062, + "nauc_precision_at_1000_diff1": 6.551654038336142, + "nauc_precision_at_1000_max": 49.44788048053744, + "nauc_precision_at_1000_std": 37.149790102492084, + "nauc_precision_at_100_diff1": -3.0445732987998726, + "nauc_precision_at_100_max": 35.41813437751633, + "nauc_precision_at_100_std": 49.84817605241621, + "nauc_precision_at_10_diff1": -1.9547816065045103, + "nauc_precision_at_10_max": 28.351986746022433, + "nauc_precision_at_10_std": 39.87641283361654, + "nauc_precision_at_1_diff1": 29.75429751366281, + "nauc_precision_at_1_max": 27.603423680456483, + "nauc_precision_at_1_std": 21.42210410437796, + "nauc_precision_at_20_diff1": -5.163004702977454, + "nauc_precision_at_20_max": 29.15244120857218, + "nauc_precision_at_20_std": 42.54647731285851, + "nauc_precision_at_3_diff1": 8.549385971521142, + "nauc_precision_at_3_max": 28.050026369321174, + "nauc_precision_at_3_std": 31.253522187900256, + "nauc_precision_at_5_diff1": -0.5560619777844419, + "nauc_precision_at_5_max": 25.400998256732244, + "nauc_precision_at_5_std": 36.987247493209956, + "nauc_recall_at_1000_diff1": 6.3187672735979135, + "nauc_recall_at_1000_max": 11.452062079279093, + "nauc_recall_at_1000_std": 34.01011092060735, + "nauc_recall_at_100_diff1": 10.256765153257081, + "nauc_recall_at_100_max": 1.3948375294116233, + "nauc_recall_at_100_std": 23.12466567545472, + "nauc_recall_at_10_diff1": 9.429415669158093, + "nauc_recall_at_10_max": -7.19845910730243, + "nauc_recall_at_10_std": -0.7518308015760871, + "nauc_recall_at_1_diff1": 24.88372785558863, + "nauc_recall_at_1_max": -7.903205339084808, + "nauc_recall_at_1_std": -9.025106405036246, + "nauc_recall_at_20_diff1": 7.221922012299395, + "nauc_recall_at_20_max": -5.373839522647143, + "nauc_recall_at_20_std": 3.361400375981407, + "nauc_recall_at_3_diff1": 15.217973070806593, + "nauc_recall_at_3_max": -8.255546494136766, + "nauc_recall_at_3_std": -8.0508215378933, + "nauc_recall_at_5_diff1": 8.750499393201636, + "nauc_recall_at_5_max": -9.456361840780644, + "nauc_recall_at_5_std": -3.255892902113352, + "ndcg_at_1": 32.25, + "ndcg_at_10": 26.912000000000003, + "ndcg_at_100": 31.477, + "ndcg_at_1000": 38.78, + "ndcg_at_20": 26.851999999999997, + "ndcg_at_3": 29.343000000000004, + "ndcg_at_5": 27.916, + "precision_at_1": 43.5, + "precision_at_10": 22.25, + "precision_at_100": 7.3580000000000005, + "precision_at_1000": 1.6549999999999998, + "precision_at_20": 16.712, + "precision_at_3": 33.667, + "precision_at_5": 28.65, + "recall_at_1": 5.587000000000001, + "recall_at_10": 17.302999999999997, + "recall_at_100": 39.731, + "recall_at_1000": 63.751999999999995, + "recall_at_20": 22.978, + "recall_at_3": 9.884, + "recall_at_5": 12.717999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FUE-v1/external/FEVER.json b/results/qinxianliu__FUE-v1/external/FEVER.json new file mode 100644 index 000000000..9f9dc0230 --- /dev/null +++ b/results/qinxianliu__FUE-v1/external/FEVER.json @@ -0,0 +1,455 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 42.311, + "map_at_1": 26.230999999999998, + "map_at_10": 36.488, + "map_at_100": 37.189, + "map_at_1000": 37.238, + "map_at_20": 36.908, + "map_at_3": 33.711999999999996, + "map_at_5": 35.363, + "mrr_at_1": 28.5028502850285, + "mrr_at_10": 39.190341653212904, + "mrr_at_100": 39.873337606890374, + "mrr_at_1000": 39.915366095710894, + "mrr_at_20": 39.61445401700697, + "mrr_at_3": 36.438643864386435, + "mrr_at_5": 38.06705670567057, + "nauc_map_at_1000_diff1": 38.544927343322755, + "nauc_map_at_1000_max": 31.238008214807472, + "nauc_map_at_1000_std": 17.340710731800087, + "nauc_map_at_100_diff1": 38.53271731505664, + "nauc_map_at_100_max": 31.24444002509582, + "nauc_map_at_100_std": 17.336497143108794, + "nauc_map_at_10_diff1": 38.47149376137689, + "nauc_map_at_10_max": 31.057943306774234, + "nauc_map_at_10_std": 16.88320995134788, + "nauc_map_at_1_diff1": 42.64117606936473, + "nauc_map_at_1_max": 25.235300368623836, + "nauc_map_at_1_std": 11.099092252838478, + "nauc_map_at_20_diff1": 38.53909982615329, + "nauc_map_at_20_max": 31.25656920271077, + "nauc_map_at_20_std": 17.27576321281346, + "nauc_map_at_3_diff1": 38.70482758910707, + "nauc_map_at_3_max": 29.343329165290143, + "nauc_map_at_3_std": 14.573356497682216, + "nauc_map_at_5_diff1": 38.45317210617443, + "nauc_map_at_5_max": 30.410656735518977, + "nauc_map_at_5_std": 16.04759185540847, + "nauc_mrr_at_1000_diff1": 39.53064995242943, + "nauc_mrr_at_1000_max": 32.077343336360904, + "nauc_mrr_at_1000_std": 17.039796809778124, + "nauc_mrr_at_100_diff1": 39.51767279358483, + "nauc_mrr_at_100_max": 32.09214820002331, + "nauc_mrr_at_100_std": 17.04820908126493, + "nauc_mrr_at_10_diff1": 39.473737530652535, + "nauc_mrr_at_10_max": 31.95485973713632, + "nauc_mrr_at_10_std": 16.682344196814157, + "nauc_mrr_at_1_diff1": 43.54209193151506, + "nauc_mrr_at_1_max": 26.225221030688388, + "nauc_mrr_at_1_std": 11.045465765362609, + "nauc_mrr_at_20_diff1": 39.51856222703832, + "nauc_mrr_at_20_max": 32.15641740823006, + "nauc_mrr_at_20_std": 17.052323554211206, + "nauc_mrr_at_3_diff1": 39.59110286581465, + "nauc_mrr_at_3_max": 30.27336556208048, + "nauc_mrr_at_3_std": 14.400464395275131, + "nauc_mrr_at_5_diff1": 39.37475030822441, + "nauc_mrr_at_5_max": 31.280543943287686, + "nauc_mrr_at_5_std": 15.893234066653813, + "nauc_ndcg_at_1000_diff1": 37.92867727075456, + "nauc_ndcg_at_1000_max": 34.646736289585874, + "nauc_ndcg_at_1000_std": 22.109283863938227, + "nauc_ndcg_at_100_diff1": 37.598490502476295, + "nauc_ndcg_at_100_max": 34.99139335810959, + "nauc_ndcg_at_100_std": 22.209322757781297, + "nauc_ndcg_at_10_diff1": 37.46143110942927, + "nauc_ndcg_at_10_max": 34.384238800709674, + "nauc_ndcg_at_10_std": 20.383762100255804, + "nauc_ndcg_at_1_diff1": 43.54209193151506, + "nauc_ndcg_at_1_max": 26.225221030688388, + "nauc_ndcg_at_1_std": 11.045465765362609, + "nauc_ndcg_at_20_diff1": 37.629804811157065, + "nauc_ndcg_at_20_max": 35.13056902686399, + "nauc_ndcg_at_20_std": 21.8348192764161, + "nauc_ndcg_at_3_diff1": 37.80901242867197, + "nauc_ndcg_at_3_max": 30.93143006645779, + "nauc_ndcg_at_3_std": 15.69317657679832, + "nauc_ndcg_at_5_diff1": 37.36938303664242, + "nauc_ndcg_at_5_max": 32.78308787409404, + "nauc_ndcg_at_5_std": 18.37346652477358, + "nauc_precision_at_1000_diff1": 16.527943940474014, + "nauc_precision_at_1000_max": 36.661745199874645, + "nauc_precision_at_1000_std": 40.759235242152194, + "nauc_precision_at_100_diff1": 24.54407163693533, + "nauc_precision_at_100_max": 45.60883532038694, + "nauc_precision_at_100_std": 42.91332524207595, + "nauc_precision_at_10_diff1": 31.72535525745312, + "nauc_precision_at_10_max": 45.349381448046586, + "nauc_precision_at_10_std": 32.974173826381055, + "nauc_precision_at_1_diff1": 43.54209193151506, + "nauc_precision_at_1_max": 26.225221030688388, + "nauc_precision_at_1_std": 11.045465765362609, + "nauc_precision_at_20_diff1": 30.374414778965203, + "nauc_precision_at_20_max": 48.38235848820685, + "nauc_precision_at_20_std": 39.73784986913937, + "nauc_precision_at_3_diff1": 34.95600573048938, + "nauc_precision_at_3_max": 35.80713704633644, + "nauc_precision_at_3_std": 19.412990960503265, + "nauc_precision_at_5_diff1": 33.12845327196843, + "nauc_precision_at_5_max": 40.27118733247272, + "nauc_precision_at_5_std": 25.943558127871956, + "nauc_recall_at_1000_diff1": 29.768973516222186, + "nauc_recall_at_1000_max": 45.76807061498038, + "nauc_recall_at_1000_std": 51.113086504789116, + "nauc_recall_at_100_diff1": 29.22558023832464, + "nauc_recall_at_100_max": 46.15003117187778, + "nauc_recall_at_100_std": 42.80642812167553, + "nauc_recall_at_10_diff1": 31.629369166217437, + "nauc_recall_at_10_max": 42.076418890799836, + "nauc_recall_at_10_std": 30.59336185155107, + "nauc_recall_at_1_diff1": 42.64117606936473, + "nauc_recall_at_1_max": 25.235300368623836, + "nauc_recall_at_1_std": 11.099092252838478, + "nauc_recall_at_20_diff1": 31.335469263874455, + "nauc_recall_at_20_max": 45.181873226895455, + "nauc_recall_at_20_std": 37.03396315996297, + "nauc_recall_at_3_diff1": 33.30861190274494, + "nauc_recall_at_3_max": 33.17199752470918, + "nauc_recall_at_3_std": 18.300476180248737, + "nauc_recall_at_5_diff1": 31.99541739955995, + "nauc_recall_at_5_max": 37.327841772897685, + "nauc_recall_at_5_std": 24.427296500445365, + "ndcg_at_1": 28.503, + "ndcg_at_10": 42.311, + "ndcg_at_100": 45.739999999999995, + "ndcg_at_1000": 47.116, + "ndcg_at_20": 43.814, + "ndcg_at_3": 36.844, + "ndcg_at_5": 39.696999999999996, + "precision_at_1": 28.503, + "precision_at_10": 6.367000000000001, + "precision_at_100": 0.822, + "precision_at_1000": 0.096, + "precision_at_20": 3.5159999999999996, + "precision_at_3": 15.697, + "precision_at_5": 10.975, + "recall_at_1": 26.230999999999998, + "recall_at_10": 57.830000000000005, + "recall_at_100": 73.529, + "recall_at_1000": 84.21, + "recall_at_20": 63.580000000000005, + "recall_at_3": 43.068, + "recall_at_5": 49.99 + } + ], + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 42.563, + "map_at_1": 25.789, + "map_at_10": 36.523, + "map_at_100": 37.347, + "map_at_1000": 37.393, + "map_at_20": 37.027, + "map_at_3": 33.483000000000004, + "map_at_5": 35.412, + "mrr_at_1": 27.752775277527753, + "mrr_at_10": 38.92034441539394, + "mrr_at_100": 39.701308768272966, + "mrr_at_1000": 39.74002237607331, + "mrr_at_20": 39.40306190517976, + "mrr_at_3": 35.848584858485836, + "mrr_at_5": 37.803280328032784, + "nauc_map_at_1000_diff1": 34.17597190862309, + "nauc_map_at_1000_max": 26.9900559130689, + "nauc_map_at_1000_std": 12.695854413524419, + "nauc_map_at_100_diff1": 34.159140742195376, + "nauc_map_at_100_max": 26.991827854535916, + "nauc_map_at_100_std": 12.700812019288938, + "nauc_map_at_10_diff1": 34.08880322400212, + "nauc_map_at_10_max": 26.686385238773536, + "nauc_map_at_10_std": 12.106693100422692, + "nauc_map_at_1_diff1": 39.75327570681995, + "nauc_map_at_1_max": 22.516865174086742, + "nauc_map_at_1_std": 7.352429770604897, + "nauc_map_at_20_diff1": 34.09956129529087, + "nauc_map_at_20_max": 26.88383408046557, + "nauc_map_at_20_std": 12.522543335179536, + "nauc_map_at_3_diff1": 34.4408475586939, + "nauc_map_at_3_max": 25.32901294015423, + "nauc_map_at_3_std": 10.261012213574276, + "nauc_map_at_5_diff1": 33.839452205385015, + "nauc_map_at_5_max": 26.162139149396758, + "nauc_map_at_5_std": 11.319738955299071, + "nauc_mrr_at_1000_diff1": 35.35911412311634, + "nauc_mrr_at_1000_max": 27.663425924474506, + "nauc_mrr_at_1000_std": 12.242914517959687, + "nauc_mrr_at_100_diff1": 35.34838926395416, + "nauc_mrr_at_100_max": 27.67860094508867, + "nauc_mrr_at_100_std": 12.261677171728074, + "nauc_mrr_at_10_diff1": 35.27102485638653, + "nauc_mrr_at_10_max": 27.477689977850154, + "nauc_mrr_at_10_std": 11.80499800891837, + "nauc_mrr_at_1_diff1": 40.97638577245565, + "nauc_mrr_at_1_max": 23.585524680635643, + "nauc_mrr_at_1_std": 7.242935375380964, + "nauc_mrr_at_20_diff1": 35.29506971612031, + "nauc_mrr_at_20_max": 27.627615743060264, + "nauc_mrr_at_20_std": 12.159260194079204, + "nauc_mrr_at_3_diff1": 35.51192948129344, + "nauc_mrr_at_3_max": 26.1168315974585, + "nauc_mrr_at_3_std": 9.973253779504573, + "nauc_mrr_at_5_diff1": 35.00372193705226, + "nauc_mrr_at_5_max": 26.927656142079055, + "nauc_mrr_at_5_std": 11.02304870858424, + "nauc_ndcg_at_1000_diff1": 33.49991969615717, + "nauc_ndcg_at_1000_max": 30.209587350888466, + "nauc_ndcg_at_1000_std": 17.3604013033284, + "nauc_ndcg_at_100_diff1": 33.09545326289088, + "nauc_ndcg_at_100_max": 30.41263075949266, + "nauc_ndcg_at_100_std": 17.74146555544644, + "nauc_ndcg_at_10_diff1": 32.68974571152804, + "nauc_ndcg_at_10_max": 29.01307655615002, + "nauc_ndcg_at_10_std": 14.992165745891109, + "nauc_ndcg_at_1_diff1": 40.97638577245565, + "nauc_ndcg_at_1_max": 23.585524680635643, + "nauc_ndcg_at_1_std": 7.242935375380964, + "nauc_ndcg_at_20_diff1": 32.70131432794314, + "nauc_ndcg_at_20_max": 29.726619193431663, + "nauc_ndcg_at_20_std": 16.531701001153703, + "nauc_ndcg_at_3_diff1": 33.2569305109641, + "nauc_ndcg_at_3_max": 26.29321481604789, + "nauc_ndcg_at_3_std": 11.081977028754668, + "nauc_ndcg_at_5_diff1": 32.15552189165288, + "nauc_ndcg_at_5_max": 27.759460485679003, + "nauc_ndcg_at_5_std": 13.015694866625852, + "nauc_precision_at_1000_diff1": 16.812073179287424, + "nauc_precision_at_1000_max": 37.540985211601225, + "nauc_precision_at_1000_std": 36.35910579672834, + "nauc_precision_at_100_diff1": 21.3347768230779, + "nauc_precision_at_100_max": 44.04414745027497, + "nauc_precision_at_100_std": 41.39009594338739, + "nauc_precision_at_10_diff1": 26.47938109887204, + "nauc_precision_at_10_max": 37.19520608029416, + "nauc_precision_at_10_std": 24.75031842784357, + "nauc_precision_at_1_diff1": 40.97638577245565, + "nauc_precision_at_1_max": 23.585524680635643, + "nauc_precision_at_1_std": 7.242935375380964, + "nauc_precision_at_20_diff1": 24.4933069920691, + "nauc_precision_at_20_max": 40.181333968312195, + "nauc_precision_at_20_std": 31.639505760980857, + "nauc_precision_at_3_diff1": 29.55648660225873, + "nauc_precision_at_3_max": 29.42746113719643, + "nauc_precision_at_3_std": 13.134772598063801, + "nauc_precision_at_5_diff1": 26.323829221173785, + "nauc_precision_at_5_max": 32.98308960955934, + "nauc_precision_at_5_std": 17.999660418650226, + "nauc_recall_at_1000_diff1": 27.09758394920151, + "nauc_recall_at_1000_max": 49.014623321157934, + "nauc_recall_at_1000_std": 54.70002479259918, + "nauc_recall_at_100_diff1": 24.828096194405543, + "nauc_recall_at_100_max": 44.57384134801808, + "nauc_recall_at_100_std": 45.47648726921974, + "nauc_recall_at_10_diff1": 25.91218654921606, + "nauc_recall_at_10_max": 34.13630206088126, + "nauc_recall_at_10_std": 24.013987861347292, + "nauc_recall_at_1_diff1": 39.75327570681995, + "nauc_recall_at_1_max": 22.516865174086742, + "nauc_recall_at_1_std": 7.352429770604897, + "nauc_recall_at_20_diff1": 24.96068254117673, + "nauc_recall_at_20_max": 37.43760229546025, + "nauc_recall_at_20_std": 31.477306209504473, + "nauc_recall_at_3_diff1": 28.060178345037656, + "nauc_recall_at_3_max": 27.364528772057188, + "nauc_recall_at_3_std": 13.396166074057525, + "nauc_recall_at_5_diff1": 25.015826317297275, + "nauc_recall_at_5_max": 30.444068792645858, + "nauc_recall_at_5_std": 17.667570824756893, + "ndcg_at_1": 27.753, + "ndcg_at_10": 42.563, + "ndcg_at_100": 46.572, + "ndcg_at_1000": 47.825, + "ndcg_at_20": 44.335, + "ndcg_at_3": 36.54, + "ndcg_at_5": 39.945, + "precision_at_1": 27.753, + "precision_at_10": 6.460000000000001, + "precision_at_100": 0.859, + "precision_at_1000": 0.098, + "precision_at_20": 3.615, + "precision_at_3": 15.542, + "precision_at_5": 11.134, + "recall_at_1": 25.789, + "recall_at_10": 59.022, + "recall_at_100": 77.49000000000001, + "recall_at_1000": 87.075, + "recall_at_20": 65.813, + "recall_at_3": 42.931000000000004, + "recall_at_5": 51.148 + } + ], + "train": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 39.544000000000004, + "map_at_1": 22.122, + "map_at_10": 33.021, + "map_at_100": 33.919, + "map_at_1000": 33.974, + "map_at_20": 33.57, + "map_at_3": 29.823, + "map_at_5": 31.698999999999998, + "mrr_at_1": 24.632547126855478, + "mrr_at_10": 36.27443108803912, + "mrr_at_100": 37.116518613084615, + "mrr_at_1000": 37.16035774805865, + "mrr_at_20": 36.80159654321279, + "mrr_at_3": 32.990923716721404, + "mrr_at_5": 34.94070060407349, + "nauc_map_at_1000_diff1": 27.10508470711112, + "nauc_map_at_1000_max": 19.122369111175676, + "nauc_map_at_1000_std": 7.556987978069723, + "nauc_map_at_100_diff1": 27.093923762733823, + "nauc_map_at_100_max": 19.125020548640016, + "nauc_map_at_100_std": 7.557312925203464, + "nauc_map_at_10_diff1": 26.99461859425635, + "nauc_map_at_10_max": 18.810433489022632, + "nauc_map_at_10_std": 7.03658830181476, + "nauc_map_at_1_diff1": 29.795588990770582, + "nauc_map_at_1_max": 13.964929294547716, + "nauc_map_at_1_std": 2.014683211424629, + "nauc_map_at_20_diff1": 27.04355894870037, + "nauc_map_at_20_max": 19.053125107329684, + "nauc_map_at_20_std": 7.403819685723809, + "nauc_map_at_3_diff1": 27.04176214403396, + "nauc_map_at_3_max": 17.09452873117263, + "nauc_map_at_3_std": 4.930539918889367, + "nauc_map_at_5_diff1": 26.94702978336792, + "nauc_map_at_5_max": 18.11738254686368, + "nauc_map_at_5_std": 6.07806250068151, + "nauc_mrr_at_1000_diff1": 28.115687821599565, + "nauc_mrr_at_1000_max": 20.022657307983696, + "nauc_mrr_at_1000_std": 6.049841455492619, + "nauc_mrr_at_100_diff1": 28.10698592392563, + "nauc_mrr_at_100_max": 20.039825659015783, + "nauc_mrr_at_100_std": 6.067374534430724, + "nauc_mrr_at_10_diff1": 28.01268183804612, + "nauc_mrr_at_10_max": 19.866652130070182, + "nauc_mrr_at_10_std": 5.7238201723873265, + "nauc_mrr_at_1_diff1": 31.03974019855326, + "nauc_mrr_at_1_max": 14.816836320215055, + "nauc_mrr_at_1_std": 0.9833928793907583, + "nauc_mrr_at_20_diff1": 28.0597179017192, + "nauc_mrr_at_20_max": 20.03479616925749, + "nauc_mrr_at_20_std": 6.003188285805082, + "nauc_mrr_at_3_diff1": 28.102700297200357, + "nauc_mrr_at_3_max": 18.21123845169275, + "nauc_mrr_at_3_std": 3.76508019698659, + "nauc_mrr_at_5_diff1": 27.995019911180925, + "nauc_mrr_at_5_max": 19.247724901440165, + "nauc_mrr_at_5_std": 4.867678189338567, + "nauc_ndcg_at_1000_diff1": 27.001039847228327, + "nauc_ndcg_at_1000_max": 22.747905636602912, + "nauc_ndcg_at_1000_std": 12.131044834687508, + "nauc_ndcg_at_100_diff1": 26.76465860993926, + "nauc_ndcg_at_100_max": 22.999445448847684, + "nauc_ndcg_at_100_std": 12.371530472512905, + "nauc_ndcg_at_10_diff1": 26.271134051292965, + "nauc_ndcg_at_10_max": 21.708152120634573, + "nauc_ndcg_at_10_std": 9.956366430157477, + "nauc_ndcg_at_1_diff1": 31.03974019855326, + "nauc_ndcg_at_1_max": 14.816836320215055, + "nauc_ndcg_at_1_std": 0.9833928793907583, + "nauc_ndcg_at_20_diff1": 26.418892680753135, + "nauc_ndcg_at_20_max": 22.57247401098405, + "nauc_ndcg_at_20_std": 11.318053940484274, + "nauc_ndcg_at_3_diff1": 26.48774759445648, + "nauc_ndcg_at_3_max": 18.362023388227982, + "nauc_ndcg_at_3_std": 5.5666629539029095, + "nauc_ndcg_at_5_diff1": 26.231548007732275, + "nauc_ndcg_at_5_max": 20.108141595384858, + "nauc_ndcg_at_5_std": 7.6451734794663775, + "nauc_precision_at_1000_diff1": 10.312275248214805, + "nauc_precision_at_1000_max": 29.125490605573674, + "nauc_precision_at_1000_std": 27.980820440423077, + "nauc_precision_at_100_diff1": 17.082042984133537, + "nauc_precision_at_100_max": 35.99017212218388, + "nauc_precision_at_100_std": 31.93133992782479, + "nauc_precision_at_10_diff1": 22.490628336580023, + "nauc_precision_at_10_max": 31.505838103581745, + "nauc_precision_at_10_std": 19.04756851410053, + "nauc_precision_at_1_diff1": 31.03974019855326, + "nauc_precision_at_1_max": 14.816836320215055, + "nauc_precision_at_1_std": 0.9833928793907583, + "nauc_precision_at_20_diff1": 20.899414285866147, + "nauc_precision_at_20_max": 34.88025857085343, + "nauc_precision_at_20_std": 24.931946815895103, + "nauc_precision_at_3_diff1": 24.7584008425105, + "nauc_precision_at_3_max": 22.05117420112601, + "nauc_precision_at_3_std": 7.0182363705564725, + "nauc_precision_at_5_diff1": 23.70576059633269, + "nauc_precision_at_5_max": 26.41538125990869, + "nauc_precision_at_5_std": 11.811642655248509, + "nauc_recall_at_1000_diff1": 22.666331359570606, + "nauc_recall_at_1000_max": 42.022586063014, + "nauc_recall_at_1000_std": 51.28078945425114, + "nauc_recall_at_100_diff1": 22.038970758345137, + "nauc_recall_at_100_max": 37.50016128544992, + "nauc_recall_at_100_std": 38.42258858995013, + "nauc_recall_at_10_diff1": 21.83627962615356, + "nauc_recall_at_10_max": 28.17929505850154, + "nauc_recall_at_10_std": 19.711584731579144, + "nauc_recall_at_1_diff1": 29.795588990770582, + "nauc_recall_at_1_max": 13.964929294547716, + "nauc_recall_at_1_std": 2.014683211424629, + "nauc_recall_at_20_diff1": 21.612730102448293, + "nauc_recall_at_20_max": 31.944811405726607, + "nauc_recall_at_20_std": 26.127216044442598, + "nauc_recall_at_3_diff1": 23.365847069042577, + "nauc_recall_at_3_max": 19.98758181260918, + "nauc_recall_at_3_std": 8.28613301698417, + "nauc_recall_at_5_diff1": 22.39829927032666, + "nauc_recall_at_5_max": 23.59853172030037, + "nauc_recall_at_5_std": 12.723055723433257, + "ndcg_at_1": 24.633, + "ndcg_at_10": 39.544000000000004, + "ndcg_at_100": 43.85, + "ndcg_at_1000": 45.283, + "ndcg_at_20": 41.471999999999994, + "ndcg_at_3": 33.168, + "ndcg_at_5": 36.437000000000005, + "precision_at_1": 24.633, + "precision_at_10": 6.429, + "precision_at_100": 0.881, + "precision_at_1000": 0.10200000000000001, + "precision_at_20": 3.649, + "precision_at_3": 14.796999999999999, + "precision_at_5": 10.695, + "recall_at_1": 22.122, + "recall_at_10": 56.74, + "recall_at_100": 76.285, + "recall_at_1000": 87.13300000000001, + "recall_at_20": 64.067, + "recall_at_3": 39.446, + "recall_at_5": 47.379 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FUE-v1/external/FiQA2018.json b/results/qinxianliu__FUE-v1/external/FiQA2018.json new file mode 100644 index 000000000..58c2bf4a9 --- /dev/null +++ b/results/qinxianliu__FUE-v1/external/FiQA2018.json @@ -0,0 +1,455 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 43.452, + "map_at_1": 22.435, + "map_at_10": 35.832, + "map_at_100": 37.632, + "map_at_1000": 37.799, + "map_at_20": 36.8, + "map_at_3": 31.689, + "map_at_5": 34.266999999999996, + "mrr_at_1": 41.4, + "mrr_at_10": 50.4342857142857, + "mrr_at_100": 51.21821035615517, + "mrr_at_1000": 51.266442546162516, + "mrr_at_20": 50.91712414176811, + "mrr_at_3": 48.43333333333335, + "mrr_at_5": 49.64333333333333, + "nauc_map_at_1000_diff1": 42.153292679851276, + "nauc_map_at_1000_max": 29.601619670272207, + "nauc_map_at_1000_std": -0.7383965062341508, + "nauc_map_at_100_diff1": 42.07556710921584, + "nauc_map_at_100_max": 29.464776621441306, + "nauc_map_at_100_std": -0.7388582229371314, + "nauc_map_at_10_diff1": 42.67413345132165, + "nauc_map_at_10_max": 27.785600435680596, + "nauc_map_at_10_std": -2.389554217354724, + "nauc_map_at_1_diff1": 52.10965701450313, + "nauc_map_at_1_max": 21.771380078575188, + "nauc_map_at_1_std": -10.678726101360372, + "nauc_map_at_20_diff1": 42.03673683254875, + "nauc_map_at_20_max": 28.619853272850836, + "nauc_map_at_20_std": -1.352968012843277, + "nauc_map_at_3_diff1": 45.02940789042909, + "nauc_map_at_3_max": 25.73172449783013, + "nauc_map_at_3_std": -5.405882526355802, + "nauc_map_at_5_diff1": 43.70377705353985, + "nauc_map_at_5_max": 27.06264350949003, + "nauc_map_at_5_std": -3.4566488552159638, + "nauc_mrr_at_1000_diff1": 46.960388982124144, + "nauc_mrr_at_1000_max": 38.551457905980335, + "nauc_mrr_at_1000_std": -2.7251142586180452, + "nauc_mrr_at_100_diff1": 46.95671307176507, + "nauc_mrr_at_100_max": 38.557512138487596, + "nauc_mrr_at_100_std": -2.670703447776175, + "nauc_mrr_at_10_diff1": 46.88159177559446, + "nauc_mrr_at_10_max": 38.274948278122025, + "nauc_mrr_at_10_std": -2.7583668412620073, + "nauc_mrr_at_1_diff1": 53.27259228216133, + "nauc_mrr_at_1_max": 39.950693167149126, + "nauc_mrr_at_1_std": -7.918584226469945, + "nauc_mrr_at_20_diff1": 46.81459261048091, + "nauc_mrr_at_20_max": 38.41539751417714, + "nauc_mrr_at_20_std": -2.822290535243399, + "nauc_mrr_at_3_diff1": 47.02719824632526, + "nauc_mrr_at_3_max": 38.18543976624867, + "nauc_mrr_at_3_std": -4.303513153685435, + "nauc_mrr_at_5_diff1": 47.30493874120552, + "nauc_mrr_at_5_max": 38.74873358201773, + "nauc_mrr_at_5_std": -3.018961404554449, + "nauc_ndcg_at_1000_diff1": 41.34144224154281, + "nauc_ndcg_at_1000_max": 34.69321113499929, + "nauc_ndcg_at_1000_std": 3.219617986178771, + "nauc_ndcg_at_100_diff1": 40.527324056051725, + "nauc_ndcg_at_100_max": 33.35505365876672, + "nauc_ndcg_at_100_std": 4.298571598887196, + "nauc_ndcg_at_10_diff1": 40.596904721915195, + "nauc_ndcg_at_10_max": 29.70053338455224, + "nauc_ndcg_at_10_std": 0.6266822992314294, + "nauc_ndcg_at_1_diff1": 53.27259228216133, + "nauc_ndcg_at_1_max": 39.950693167149126, + "nauc_ndcg_at_1_std": -7.918584226469945, + "nauc_ndcg_at_20_diff1": 39.5053199292571, + "nauc_ndcg_at_20_max": 30.481412422904842, + "nauc_ndcg_at_20_std": 1.8476982628200813, + "nauc_ndcg_at_3_diff1": 41.230751065511214, + "nauc_ndcg_at_3_max": 32.91537830913592, + "nauc_ndcg_at_3_std": -1.3527356468708593, + "nauc_ndcg_at_5_diff1": 41.73919141452553, + "nauc_ndcg_at_5_max": 31.475892998444465, + "nauc_ndcg_at_5_std": -0.07736285589192196, + "nauc_precision_at_1000_diff1": -4.581230675366823, + "nauc_precision_at_1000_max": 35.28244987228938, + "nauc_precision_at_1000_std": 19.848724961997043, + "nauc_precision_at_100_diff1": -1.0470568797091013, + "nauc_precision_at_100_max": 38.1171253236869, + "nauc_precision_at_100_std": 25.36360406306609, + "nauc_precision_at_10_diff1": 9.535027734151406, + "nauc_precision_at_10_max": 35.156066985665404, + "nauc_precision_at_10_std": 14.719266832480818, + "nauc_precision_at_1_diff1": 53.27259228216133, + "nauc_precision_at_1_max": 39.950693167149126, + "nauc_precision_at_1_std": -7.918584226469945, + "nauc_precision_at_20_diff1": 3.192256990840671, + "nauc_precision_at_20_max": 36.28479694909197, + "nauc_precision_at_20_std": 20.43233178984753, + "nauc_precision_at_3_diff1": 23.206183980981294, + "nauc_precision_at_3_max": 35.68270813316575, + "nauc_precision_at_3_std": 5.763084791714441, + "nauc_precision_at_5_diff1": 16.311253397261815, + "nauc_precision_at_5_max": 35.362299389447415, + "nauc_precision_at_5_std": 11.070937256666982, + "nauc_recall_at_1000_diff1": 13.246657177207306, + "nauc_recall_at_1000_max": 34.11290480894018, + "nauc_recall_at_1000_std": 28.2944964848988, + "nauc_recall_at_100_diff1": 22.167289428754383, + "nauc_recall_at_100_max": 24.776741594012847, + "nauc_recall_at_100_std": 22.59200251836463, + "nauc_recall_at_10_diff1": 28.175864072418843, + "nauc_recall_at_10_max": 17.931411205973205, + "nauc_recall_at_10_std": 6.352643320621673, + "nauc_recall_at_1_diff1": 52.10965701450313, + "nauc_recall_at_1_max": 21.771380078575188, + "nauc_recall_at_1_std": -10.678726101360372, + "nauc_recall_at_20_diff1": 22.886480231407088, + "nauc_recall_at_20_max": 18.617961694923725, + "nauc_recall_at_20_std": 9.027816465740859, + "nauc_recall_at_3_diff1": 35.80141995616683, + "nauc_recall_at_3_max": 20.28065350985076, + "nauc_recall_at_3_std": -2.0345418109694915, + "nauc_recall_at_5_diff1": 33.96384875377924, + "nauc_recall_at_5_max": 20.532436267734845, + "nauc_recall_at_5_std": 1.626798085762849, + "ndcg_at_1": 41.4, + "ndcg_at_10": 43.452, + "ndcg_at_100": 49.655, + "ndcg_at_1000": 52.596, + "ndcg_at_20": 45.769999999999996, + "ndcg_at_3": 40.157, + "ndcg_at_5": 41.481, + "precision_at_1": 41.4, + "precision_at_10": 11.4, + "precision_at_100": 1.7919999999999998, + "precision_at_1000": 0.22699999999999998, + "precision_at_20": 6.77, + "precision_at_3": 25.733, + "precision_at_5": 19.16, + "recall_at_1": 22.435, + "recall_at_10": 50.638000000000005, + "recall_at_100": 73.819, + "recall_at_1000": 92.134, + "recall_at_20": 57.618, + "recall_at_3": 37.222, + "recall_at_5": 43.602000000000004 + } + ], + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 40.965, + "map_at_1": 19.926, + "map_at_10": 32.867000000000004, + "map_at_100": 34.97, + "map_at_1000": 35.158, + "map_at_20": 34.067, + "map_at_3": 28.854000000000003, + "map_at_5": 30.897999999999996, + "mrr_at_1": 39.660493827160494, + "mrr_at_10": 49.50402949245541, + "mrr_at_100": 50.29938288169482, + "mrr_at_1000": 50.33496267350495, + "mrr_at_20": 49.94865952256876, + "mrr_at_3": 46.939300411522616, + "mrr_at_5": 48.39763374485595, + "nauc_map_at_1000_diff1": 26.494855045027233, + "nauc_map_at_1000_max": 27.303620903381308, + "nauc_map_at_1000_std": -1.4561552032645217, + "nauc_map_at_100_diff1": 26.508482155009656, + "nauc_map_at_100_max": 27.197476666972175, + "nauc_map_at_100_std": -1.4452769452596321, + "nauc_map_at_10_diff1": 26.374957272593257, + "nauc_map_at_10_max": 25.630002139583425, + "nauc_map_at_10_std": -2.7457793654796303, + "nauc_map_at_1_diff1": 32.633041679053, + "nauc_map_at_1_max": 18.95078398066585, + "nauc_map_at_1_std": -5.289494036677301, + "nauc_map_at_20_diff1": 26.420832066149863, + "nauc_map_at_20_max": 26.359849203621906, + "nauc_map_at_20_std": -2.1819017372318896, + "nauc_map_at_3_diff1": 27.926274507465116, + "nauc_map_at_3_max": 23.05501535710793, + "nauc_map_at_3_std": -4.325658334680725, + "nauc_map_at_5_diff1": 27.269028553122237, + "nauc_map_at_5_max": 24.606451651258975, + "nauc_map_at_5_std": -3.8403860613657264, + "nauc_mrr_at_1000_diff1": 32.27607008114233, + "nauc_mrr_at_1000_max": 38.46692644890318, + "nauc_mrr_at_1000_std": 0.8468212008159507, + "nauc_mrr_at_100_diff1": 32.27189093598166, + "nauc_mrr_at_100_max": 38.47818433738234, + "nauc_mrr_at_100_std": 0.86792905411205, + "nauc_mrr_at_10_diff1": 32.27220558113546, + "nauc_mrr_at_10_max": 38.5768621159052, + "nauc_mrr_at_10_std": 0.7700057337792469, + "nauc_mrr_at_1_diff1": 36.11482505826484, + "nauc_mrr_at_1_max": 38.21978668740053, + "nauc_mrr_at_1_std": 0.32943153196143976, + "nauc_mrr_at_20_diff1": 32.20429693089343, + "nauc_mrr_at_20_max": 38.45040837784157, + "nauc_mrr_at_20_std": 0.8750958039709447, + "nauc_mrr_at_3_diff1": 32.36086055016881, + "nauc_mrr_at_3_max": 37.587053558645614, + "nauc_mrr_at_3_std": -0.14274663611290778, + "nauc_mrr_at_5_diff1": 32.34528370475561, + "nauc_mrr_at_5_max": 38.39546966320742, + "nauc_mrr_at_5_std": 0.03003840440912135, + "nauc_ndcg_at_1000_diff1": 26.691917929958546, + "nauc_ndcg_at_1000_max": 32.58961283234771, + "nauc_ndcg_at_1000_std": 2.130192967914691, + "nauc_ndcg_at_100_diff1": 26.872799707070357, + "nauc_ndcg_at_100_max": 31.503230695989938, + "nauc_ndcg_at_100_std": 3.3435217735327365, + "nauc_ndcg_at_10_diff1": 26.22445930619204, + "nauc_ndcg_at_10_max": 28.332502188521534, + "nauc_ndcg_at_10_std": -0.6029849879688606, + "nauc_ndcg_at_1_diff1": 36.11482505826484, + "nauc_ndcg_at_1_max": 38.21978668740053, + "nauc_ndcg_at_1_std": 0.32943153196143976, + "nauc_ndcg_at_20_diff1": 26.167580898864678, + "nauc_ndcg_at_20_max": 29.138479770125414, + "nauc_ndcg_at_20_std": 0.7659081670630379, + "nauc_ndcg_at_3_diff1": 28.517059827975217, + "nauc_ndcg_at_3_max": 31.64778875185945, + "nauc_ndcg_at_3_std": -2.4273609628572763, + "nauc_ndcg_at_5_diff1": 27.523926620375715, + "nauc_ndcg_at_5_max": 29.36575905903845, + "nauc_ndcg_at_5_std": -2.786795946093564, + "nauc_precision_at_1000_diff1": -2.197004713716575, + "nauc_precision_at_1000_max": 34.162523162834376, + "nauc_precision_at_1000_std": 8.986097658449319, + "nauc_precision_at_100_diff1": 3.134123713987622, + "nauc_precision_at_100_max": 36.85792724470659, + "nauc_precision_at_100_std": 14.919862433706202, + "nauc_precision_at_10_diff1": 9.854013398949677, + "nauc_precision_at_10_max": 37.525893321985755, + "nauc_precision_at_10_std": 8.696222830370099, + "nauc_precision_at_1_diff1": 36.11482505826484, + "nauc_precision_at_1_max": 38.21978668740053, + "nauc_precision_at_1_std": 0.32943153196143976, + "nauc_precision_at_20_diff1": 6.858037910006135, + "nauc_precision_at_20_max": 37.575334948715025, + "nauc_precision_at_20_std": 11.273137972815993, + "nauc_precision_at_3_diff1": 19.692731738653848, + "nauc_precision_at_3_max": 37.619642815139876, + "nauc_precision_at_3_std": 2.0435791110517734, + "nauc_precision_at_5_diff1": 15.784071911592584, + "nauc_precision_at_5_max": 39.05471012980888, + "nauc_precision_at_5_std": 4.244303875173872, + "nauc_recall_at_1000_diff1": 8.108025620944437, + "nauc_recall_at_1000_max": 15.671603738840128, + "nauc_recall_at_1000_std": 18.119568463795165, + "nauc_recall_at_100_diff1": 18.48107834900102, + "nauc_recall_at_100_max": 20.209949068924594, + "nauc_recall_at_100_std": 19.01259420147078, + "nauc_recall_at_10_diff1": 17.93458808832428, + "nauc_recall_at_10_max": 17.81863413759591, + "nauc_recall_at_10_std": 0.3549693938691897, + "nauc_recall_at_1_diff1": 32.633041679053, + "nauc_recall_at_1_max": 18.95078398066585, + "nauc_recall_at_1_std": -5.289494036677301, + "nauc_recall_at_20_diff1": 16.794175854855236, + "nauc_recall_at_20_max": 17.227732008238515, + "nauc_recall_at_20_std": 4.118397119053081, + "nauc_recall_at_3_diff1": 22.401972357181148, + "nauc_recall_at_3_max": 17.63593806963239, + "nauc_recall_at_3_std": -4.308586374199029, + "nauc_recall_at_5_diff1": 21.149136573276326, + "nauc_recall_at_5_max": 18.586766434816816, + "nauc_recall_at_5_std": -4.198379401256694, + "ndcg_at_1": 39.660000000000004, + "ndcg_at_10": 40.965, + "ndcg_at_100": 48.254999999999995, + "ndcg_at_1000": 51.307, + "ndcg_at_20": 43.943, + "ndcg_at_3": 37.379, + "ndcg_at_5": 38.251000000000005, + "precision_at_1": 39.660000000000004, + "precision_at_10": 11.42, + "precision_at_100": 1.8870000000000002, + "precision_at_1000": 0.242, + "precision_at_20": 6.9750000000000005, + "precision_at_3": 25.308999999999997, + "precision_at_5": 18.21, + "recall_at_1": 19.926, + "recall_at_10": 47.951, + "recall_at_100": 74.703, + "recall_at_1000": 93.003, + "recall_at_20": 57.062000000000005, + "recall_at_3": 33.942, + "recall_at_5": 39.39 + } + ], + "train": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 40.109, + "map_at_1": 19.428, + "map_at_10": 32.132, + "map_at_100": 34.095, + "map_at_1000": 34.275, + "map_at_20": 33.223, + "map_at_3": 27.744999999999997, + "map_at_5": 30.139, + "mrr_at_1": 37.43636363636364, + "mrr_at_10": 46.699083694083626, + "mrr_at_100": 47.54203896354004, + "mrr_at_1000": 47.58580275375307, + "mrr_at_20": 47.198759673340916, + "mrr_at_3": 44.00606060606058, + "mrr_at_5": 45.532424242424206, + "nauc_map_at_1000_diff1": 37.79487277315329, + "nauc_map_at_1000_max": 26.0872634860684, + "nauc_map_at_1000_std": -1.0279629281127562, + "nauc_map_at_100_diff1": 37.78657280270208, + "nauc_map_at_100_max": 25.97447841536255, + "nauc_map_at_100_std": -1.0680554938428704, + "nauc_map_at_10_diff1": 37.75308574166357, + "nauc_map_at_10_max": 24.48296458166315, + "nauc_map_at_10_std": -2.4706230738202115, + "nauc_map_at_1_diff1": 42.6444957224609, + "nauc_map_at_1_max": 17.312823253319056, + "nauc_map_at_1_std": -5.949436425909343, + "nauc_map_at_20_diff1": 37.77686951531909, + "nauc_map_at_20_max": 25.40897694790217, + "nauc_map_at_20_std": -1.6373032823813254, + "nauc_map_at_3_diff1": 38.60509752110032, + "nauc_map_at_3_max": 21.348684256478478, + "nauc_map_at_3_std": -4.810470520501061, + "nauc_map_at_5_diff1": 38.09219815429182, + "nauc_map_at_5_max": 22.835685949895517, + "nauc_map_at_5_std": -3.9401553768980317, + "nauc_mrr_at_1000_diff1": 42.085039832710486, + "nauc_mrr_at_1000_max": 35.16928700370471, + "nauc_mrr_at_1000_std": 0.9299074027021959, + "nauc_mrr_at_100_diff1": 42.07215266936291, + "nauc_mrr_at_100_max": 35.17189764710499, + "nauc_mrr_at_100_std": 0.9530063786251255, + "nauc_mrr_at_10_diff1": 41.98881249801537, + "nauc_mrr_at_10_max": 35.09509256566193, + "nauc_mrr_at_10_std": 0.794172569517322, + "nauc_mrr_at_1_diff1": 46.077585624783666, + "nauc_mrr_at_1_max": 35.39409660069189, + "nauc_mrr_at_1_std": -1.533340930893894, + "nauc_mrr_at_20_diff1": 42.00798938048869, + "nauc_mrr_at_20_max": 35.158812601568314, + "nauc_mrr_at_20_std": 0.9056333950877309, + "nauc_mrr_at_3_diff1": 42.59361038737236, + "nauc_mrr_at_3_max": 34.98645026093173, + "nauc_mrr_at_3_std": 0.0023951964897005276, + "nauc_mrr_at_5_diff1": 42.2008327692426, + "nauc_mrr_at_5_max": 34.81803036128217, + "nauc_mrr_at_5_std": 0.21171705701408164, + "nauc_ndcg_at_1000_diff1": 37.59389251562878, + "nauc_ndcg_at_1000_max": 31.01866705444215, + "nauc_ndcg_at_1000_std": 3.218055181162254, + "nauc_ndcg_at_100_diff1": 37.12230330729587, + "nauc_ndcg_at_100_max": 29.935095243810167, + "nauc_ndcg_at_100_std": 3.7200669195773437, + "nauc_ndcg_at_10_diff1": 36.96336573645087, + "nauc_ndcg_at_10_max": 27.254442355026736, + "nauc_ndcg_at_10_std": 0.14665445172204347, + "nauc_ndcg_at_1_diff1": 46.077585624783666, + "nauc_ndcg_at_1_max": 35.39409660069189, + "nauc_ndcg_at_1_std": -1.533340930893894, + "nauc_ndcg_at_20_diff1": 37.074571249220114, + "nauc_ndcg_at_20_max": 28.399045519694383, + "nauc_ndcg_at_20_std": 1.550978185230789, + "nauc_ndcg_at_3_diff1": 37.59928811563115, + "nauc_ndcg_at_3_max": 28.982761358417385, + "nauc_ndcg_at_3_std": -1.238849396182027, + "nauc_ndcg_at_5_diff1": 37.406291033992446, + "nauc_ndcg_at_5_max": 27.126892323381625, + "nauc_ndcg_at_5_std": -1.3896938747693226, + "nauc_precision_at_1000_diff1": -1.2563257534530403, + "nauc_precision_at_1000_max": 35.797345612886375, + "nauc_precision_at_1000_std": 17.41472736776915, + "nauc_precision_at_100_diff1": 4.952971767905249, + "nauc_precision_at_100_max": 38.73911955037188, + "nauc_precision_at_100_std": 21.066156963949332, + "nauc_precision_at_10_diff1": 15.966764461879817, + "nauc_precision_at_10_max": 38.48114461750857, + "nauc_precision_at_10_std": 12.21332681895805, + "nauc_precision_at_1_diff1": 46.077585624783666, + "nauc_precision_at_1_max": 35.39409660069189, + "nauc_precision_at_1_std": -1.533340930893894, + "nauc_precision_at_20_diff1": 12.863561744619767, + "nauc_precision_at_20_max": 39.97799707791258, + "nauc_precision_at_20_std": 16.479326047022596, + "nauc_precision_at_3_diff1": 26.270777531636746, + "nauc_precision_at_3_max": 36.221006349866734, + "nauc_precision_at_3_std": 4.132546766200079, + "nauc_precision_at_5_diff1": 21.514798016502567, + "nauc_precision_at_5_max": 36.78486009359055, + "nauc_precision_at_5_std": 6.550630352857908, + "nauc_recall_at_1000_diff1": 18.296781187173607, + "nauc_recall_at_1000_max": 16.345940832080522, + "nauc_recall_at_1000_std": 25.876663129650872, + "nauc_recall_at_100_diff1": 22.34531148768501, + "nauc_recall_at_100_max": 18.990695799061044, + "nauc_recall_at_100_std": 17.324570191171166, + "nauc_recall_at_10_diff1": 26.9638177104112, + "nauc_recall_at_10_max": 18.015343527525935, + "nauc_recall_at_10_std": 1.9739545303234234, + "nauc_recall_at_1_diff1": 42.6444957224609, + "nauc_recall_at_1_max": 17.312823253319056, + "nauc_recall_at_1_std": -5.949436425909343, + "nauc_recall_at_20_diff1": 25.89370052543927, + "nauc_recall_at_20_max": 19.183543872025176, + "nauc_recall_at_20_std": 5.845168418090508, + "nauc_recall_at_3_diff1": 32.42588221746735, + "nauc_recall_at_3_max": 16.982760583883568, + "nauc_recall_at_3_std": -3.8563202145821722, + "nauc_recall_at_5_diff1": 29.949897843617833, + "nauc_recall_at_5_max": 16.763718302170407, + "nauc_recall_at_5_std": -2.4876499904473515, + "ndcg_at_1": 37.436, + "ndcg_at_10": 40.109, + "ndcg_at_100": 47.099000000000004, + "ndcg_at_1000": 50.09, + "ndcg_at_20": 42.807, + "ndcg_at_3": 35.614000000000004, + "ndcg_at_5": 37.202, + "precision_at_1": 37.436, + "precision_at_10": 11.14, + "precision_at_100": 1.839, + "precision_at_1000": 0.23500000000000001, + "precision_at_20": 6.7379999999999995, + "precision_at_3": 23.660999999999998, + "precision_at_5": 17.589, + "recall_at_1": 19.428, + "recall_at_10": 48.262, + "recall_at_100": 74.533, + "recall_at_1000": 92.707, + "recall_at_20": 56.684, + "recall_at_3": 32.918, + "recall_at_5": 39.565 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FUE-v1/external/HotpotQA.json b/results/qinxianliu__FUE-v1/external/HotpotQA.json new file mode 100644 index 000000000..0c6e76d03 --- /dev/null +++ b/results/qinxianliu__FUE-v1/external/HotpotQA.json @@ -0,0 +1,455 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 27.319, + "map_at_1": 15.128, + "map_at_10": 21.121000000000002, + "map_at_100": 21.973000000000003, + "map_at_1000": 22.073999999999998, + "map_at_20": 21.582, + "map_at_3": 19.323999999999998, + "map_at_5": 20.358, + "mrr_at_1": 30.255186341105194, + "mrr_at_10": 36.86408857649899, + "mrr_at_100": 37.61006780296905, + "mrr_at_1000": 37.6719518655528, + "mrr_at_20": 37.281873457624904, + "mrr_at_3": 35.11107031393417, + "mrr_at_5": 36.16669726454924, + "nauc_map_at_1000_diff1": 48.847643794509025, + "nauc_map_at_1000_max": 39.770122515103765, + "nauc_map_at_1000_std": 22.807391952064208, + "nauc_map_at_100_diff1": 48.84836642359173, + "nauc_map_at_100_max": 39.74431147433934, + "nauc_map_at_100_std": 22.742541317197745, + "nauc_map_at_10_diff1": 49.4233743176388, + "nauc_map_at_10_max": 39.91993995966069, + "nauc_map_at_10_std": 21.91665772388842, + "nauc_map_at_1_diff1": 58.0289225809443, + "nauc_map_at_1_max": 43.869928323541096, + "nauc_map_at_1_std": 18.414910058766996, + "nauc_map_at_20_diff1": 48.946851303177276, + "nauc_map_at_20_max": 39.637722313894855, + "nauc_map_at_20_std": 22.36990188694816, + "nauc_map_at_3_diff1": 50.9755320771899, + "nauc_map_at_3_max": 41.04341520188789, + "nauc_map_at_3_std": 20.73111078435784, + "nauc_map_at_5_diff1": 50.29129566530908, + "nauc_map_at_5_max": 40.820300878574244, + "nauc_map_at_5_std": 21.632271796529135, + "nauc_mrr_at_1000_diff1": 52.9718341979705, + "nauc_mrr_at_1000_max": 42.0423808089922, + "nauc_mrr_at_1000_std": 20.9799244867451, + "nauc_mrr_at_100_diff1": 52.95863792063511, + "nauc_mrr_at_100_max": 42.02576849188542, + "nauc_mrr_at_100_std": 20.979507647583475, + "nauc_mrr_at_10_diff1": 53.11373095655967, + "nauc_mrr_at_10_max": 42.105421475578744, + "nauc_mrr_at_10_std": 20.722957880316024, + "nauc_mrr_at_1_diff1": 58.0289225809443, + "nauc_mrr_at_1_max": 43.869928323541096, + "nauc_mrr_at_1_std": 18.414910058766996, + "nauc_mrr_at_20_diff1": 53.00870629169023, + "nauc_mrr_at_20_max": 42.041577465122714, + "nauc_mrr_at_20_std": 20.912051250134024, + "nauc_mrr_at_3_diff1": 53.77971068931782, + "nauc_mrr_at_3_max": 42.49181103386521, + "nauc_mrr_at_3_std": 20.140203552794727, + "nauc_mrr_at_5_diff1": 53.475770315841466, + "nauc_mrr_at_5_max": 42.386857011080636, + "nauc_mrr_at_5_std": 20.640622787052557, + "nauc_ndcg_at_1000_diff1": 46.64695418952649, + "nauc_ndcg_at_1000_max": 39.66342903978547, + "nauc_ndcg_at_1000_std": 26.893939887796396, + "nauc_ndcg_at_100_diff1": 46.530602184859525, + "nauc_ndcg_at_100_max": 38.925897286535076, + "nauc_ndcg_at_100_std": 25.713663164332328, + "nauc_ndcg_at_10_diff1": 48.23171706325336, + "nauc_ndcg_at_10_max": 39.30673245947019, + "nauc_ndcg_at_10_std": 22.76919274555658, + "nauc_ndcg_at_1_diff1": 58.0289225809443, + "nauc_ndcg_at_1_max": 43.869928323541096, + "nauc_ndcg_at_1_std": 18.414910058766996, + "nauc_ndcg_at_20_diff1": 47.13236431440934, + "nauc_ndcg_at_20_max": 38.653618449937696, + "nauc_ndcg_at_20_std": 23.92208488492667, + "nauc_ndcg_at_3_diff1": 50.624514000929224, + "nauc_ndcg_at_3_max": 41.105294702595586, + "nauc_ndcg_at_3_std": 21.130087325966326, + "nauc_ndcg_at_5_diff1": 49.69172113431722, + "nauc_ndcg_at_5_max": 40.75186606108917, + "nauc_ndcg_at_5_std": 22.32512469362848, + "nauc_precision_at_1000_diff1": 23.160094544144965, + "nauc_precision_at_1000_max": 28.661321254269932, + "nauc_precision_at_1000_std": 38.94759586932569, + "nauc_precision_at_100_diff1": 28.051281498032537, + "nauc_precision_at_100_max": 27.9218322543234, + "nauc_precision_at_100_std": 32.35825145192534, + "nauc_precision_at_10_diff1": 38.18649250868066, + "nauc_precision_at_10_max": 32.670270264955114, + "nauc_precision_at_10_std": 24.605022379185275, + "nauc_precision_at_1_diff1": 58.0289225809443, + "nauc_precision_at_1_max": 43.869928323541096, + "nauc_precision_at_1_std": 18.414910058766996, + "nauc_precision_at_20_diff1": 34.064945849558676, + "nauc_precision_at_20_max": 29.99092267433295, + "nauc_precision_at_20_std": 27.480111135148235, + "nauc_precision_at_3_diff1": 45.96635358139459, + "nauc_precision_at_3_max": 39.19530950679048, + "nauc_precision_at_3_std": 22.692664071111174, + "nauc_precision_at_5_diff1": 42.80772429338654, + "nauc_precision_at_5_max": 37.30900415179882, + "nauc_precision_at_5_std": 24.39700402843405, + "nauc_recall_at_1000_diff1": 23.160094544144993, + "nauc_recall_at_1000_max": 28.661321254269968, + "nauc_recall_at_1000_std": 38.94759586932564, + "nauc_recall_at_100_diff1": 28.051281498032505, + "nauc_recall_at_100_max": 27.921832254323387, + "nauc_recall_at_100_std": 32.35825145192532, + "nauc_recall_at_10_diff1": 38.186492508680615, + "nauc_recall_at_10_max": 32.6702702649551, + "nauc_recall_at_10_std": 24.60502237918523, + "nauc_recall_at_1_diff1": 58.0289225809443, + "nauc_recall_at_1_max": 43.869928323541096, + "nauc_recall_at_1_std": 18.414910058766996, + "nauc_recall_at_20_diff1": 34.06494584955859, + "nauc_recall_at_20_max": 29.990922674332886, + "nauc_recall_at_20_std": 27.48011113514819, + "nauc_recall_at_3_diff1": 45.96635358139468, + "nauc_recall_at_3_max": 39.19530950679048, + "nauc_recall_at_3_std": 22.69266407111118, + "nauc_recall_at_5_diff1": 42.807724293386535, + "nauc_recall_at_5_max": 37.30900415179882, + "nauc_recall_at_5_std": 24.397004028434065, + "ndcg_at_1": 30.255, + "ndcg_at_10": 27.319, + "ndcg_at_100": 31.384, + "ndcg_at_1000": 33.976, + "ndcg_at_20": 28.811999999999998, + "ndcg_at_3": 23.937, + "ndcg_at_5": 25.665, + "precision_at_1": 30.255, + "precision_at_10": 6.049, + "precision_at_100": 0.931, + "precision_at_1000": 0.128, + "precision_at_20": 3.5060000000000002, + "precision_at_3": 15.097, + "precision_at_5": 10.427999999999999, + "recall_at_1": 15.128, + "recall_at_10": 30.246000000000002, + "recall_at_100": 46.549, + "recall_at_1000": 63.943000000000005, + "recall_at_20": 35.056, + "recall_at_3": 22.645, + "recall_at_5": 26.069 + } + ], + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 25.594, + "map_at_1": 13.328999999999999, + "map_at_10": 19.622999999999998, + "map_at_100": 20.443, + "map_at_1000": 20.547, + "map_at_20": 20.061, + "map_at_3": 17.738, + "map_at_5": 18.837, + "mrr_at_1": 26.65766374071573, + "mrr_at_10": 33.638001993505, + "mrr_at_100": 34.36519863954255, + "mrr_at_1000": 34.43147960519581, + "mrr_at_20": 34.05666557215429, + "mrr_at_3": 31.672293495385954, + "mrr_at_5": 32.81003826243525, + "nauc_map_at_1000_diff1": 42.92564602155638, + "nauc_map_at_1000_max": 30.93107038343275, + "nauc_map_at_1000_std": 20.940662128255337, + "nauc_map_at_100_diff1": 42.936496253513425, + "nauc_map_at_100_max": 30.91180851399884, + "nauc_map_at_100_std": 20.868468122916305, + "nauc_map_at_10_diff1": 43.187610636795725, + "nauc_map_at_10_max": 30.845550958099743, + "nauc_map_at_10_std": 19.982030218251648, + "nauc_map_at_1_diff1": 52.309034270608876, + "nauc_map_at_1_max": 31.709473219405616, + "nauc_map_at_1_std": 14.43851822909325, + "nauc_map_at_20_diff1": 43.03978703190173, + "nauc_map_at_20_max": 30.86942775161063, + "nauc_map_at_20_std": 20.45899665222483, + "nauc_map_at_3_diff1": 45.41524124545876, + "nauc_map_at_3_max": 31.643858919734857, + "nauc_map_at_3_std": 18.38563207630924, + "nauc_map_at_5_diff1": 43.901640168008235, + "nauc_map_at_5_max": 30.922718235695463, + "nauc_map_at_5_std": 19.282329560614524, + "nauc_mrr_at_1000_diff1": 46.58287148422368, + "nauc_mrr_at_1000_max": 31.253308486580433, + "nauc_mrr_at_1000_std": 17.55539836580872, + "nauc_mrr_at_100_diff1": 46.573742959015114, + "nauc_mrr_at_100_max": 31.24499189752598, + "nauc_mrr_at_100_std": 17.552024988025664, + "nauc_mrr_at_10_diff1": 46.66525086279671, + "nauc_mrr_at_10_max": 31.230319076841546, + "nauc_mrr_at_10_std": 17.165865128607045, + "nauc_mrr_at_1_diff1": 52.309034270608876, + "nauc_mrr_at_1_max": 31.709473219405616, + "nauc_mrr_at_1_std": 14.43851822909325, + "nauc_mrr_at_20_diff1": 46.588047522930275, + "nauc_mrr_at_20_max": 31.22329428012019, + "nauc_mrr_at_20_std": 17.402623764852763, + "nauc_mrr_at_3_diff1": 47.616857174725034, + "nauc_mrr_at_3_max": 31.683285399772792, + "nauc_mrr_at_3_std": 16.51070486195255, + "nauc_mrr_at_5_diff1": 46.94600877034942, + "nauc_mrr_at_5_max": 31.373228910578714, + "nauc_mrr_at_5_std": 16.878955713897653, + "nauc_ndcg_at_1000_diff1": 40.78231860794336, + "nauc_ndcg_at_1000_max": 31.269823988995526, + "nauc_ndcg_at_1000_std": 25.281682702756076, + "nauc_ndcg_at_100_diff1": 40.85167326240917, + "nauc_ndcg_at_100_max": 30.7489966502373, + "nauc_ndcg_at_100_std": 24.034633639362347, + "nauc_ndcg_at_10_diff1": 41.64071111332904, + "nauc_ndcg_at_10_max": 30.37691893443363, + "nauc_ndcg_at_10_std": 20.727400392560106, + "nauc_ndcg_at_1_diff1": 52.309034270608876, + "nauc_ndcg_at_1_max": 31.709473219405616, + "nauc_ndcg_at_1_std": 14.43851822909325, + "nauc_ndcg_at_20_diff1": 41.20606946396262, + "nauc_ndcg_at_20_max": 30.427872627999093, + "nauc_ndcg_at_20_std": 21.967337950787567, + "nauc_ndcg_at_3_diff1": 44.769112514565826, + "nauc_ndcg_at_3_max": 31.587253638273616, + "nauc_ndcg_at_3_std": 18.44337537736502, + "nauc_ndcg_at_5_diff1": 42.843534154265036, + "nauc_ndcg_at_5_max": 30.656690565149763, + "nauc_ndcg_at_5_std": 19.55710266805375, + "nauc_precision_at_1000_diff1": 20.571918733919397, + "nauc_precision_at_1000_max": 25.92113127229473, + "nauc_precision_at_1000_std": 39.87020670433835, + "nauc_precision_at_100_diff1": 25.698473178831794, + "nauc_precision_at_100_max": 25.352318812011827, + "nauc_precision_at_100_std": 32.846058298512595, + "nauc_precision_at_10_diff1": 31.870926938946866, + "nauc_precision_at_10_max": 26.926394860214852, + "nauc_precision_at_10_std": 24.246520824850055, + "nauc_precision_at_1_diff1": 52.309034270608876, + "nauc_precision_at_1_max": 31.709473219405616, + "nauc_precision_at_1_std": 14.43851822909325, + "nauc_precision_at_20_diff1": 30.028917020847068, + "nauc_precision_at_20_max": 26.597814109731576, + "nauc_precision_at_20_std": 27.346420398015525, + "nauc_precision_at_3_diff1": 40.29446945365145, + "nauc_precision_at_3_max": 31.134170069020573, + "nauc_precision_at_3_std": 20.590305745326894, + "nauc_precision_at_5_diff1": 35.844201172387955, + "nauc_precision_at_5_max": 28.624481394118277, + "nauc_precision_at_5_std": 22.316991114813813, + "nauc_recall_at_1000_diff1": 20.571918733919446, + "nauc_recall_at_1000_max": 25.92113127229482, + "nauc_recall_at_1000_std": 39.87020670433847, + "nauc_recall_at_100_diff1": 25.698473178831783, + "nauc_recall_at_100_max": 25.352318812011802, + "nauc_recall_at_100_std": 32.84605829851259, + "nauc_recall_at_10_diff1": 31.870926938946916, + "nauc_recall_at_10_max": 26.92639486021487, + "nauc_recall_at_10_std": 24.246520824850094, + "nauc_recall_at_1_diff1": 52.309034270608876, + "nauc_recall_at_1_max": 31.709473219405616, + "nauc_recall_at_1_std": 14.43851822909325, + "nauc_recall_at_20_diff1": 30.028917020847096, + "nauc_recall_at_20_max": 26.597814109731615, + "nauc_recall_at_20_std": 27.346420398015525, + "nauc_recall_at_3_diff1": 40.294469453651374, + "nauc_recall_at_3_max": 31.134170069020577, + "nauc_recall_at_3_std": 20.590305745326855, + "nauc_recall_at_5_diff1": 35.844201172387926, + "nauc_recall_at_5_max": 28.624481394118273, + "nauc_recall_at_5_std": 22.31699111481382, + "ndcg_at_1": 26.657999999999998, + "ndcg_at_10": 25.594, + "ndcg_at_100": 29.554000000000002, + "ndcg_at_1000": 32.223, + "ndcg_at_20": 27.044, + "ndcg_at_3": 21.976000000000003, + "ndcg_at_5": 23.813000000000002, + "precision_at_1": 26.657999999999998, + "precision_at_10": 5.864, + "precision_at_100": 0.905, + "precision_at_1000": 0.126, + "precision_at_20": 3.4000000000000004, + "precision_at_3": 14.135, + "precision_at_5": 9.931, + "recall_at_1": 13.328999999999999, + "recall_at_10": 29.317999999999998, + "recall_at_100": 45.253, + "recall_at_1000": 63.187000000000005, + "recall_at_20": 33.997, + "recall_at_3": 21.201999999999998, + "recall_at_5": 24.828 + } + ], + "train": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 27.361, + "map_at_1": 15.187999999999999, + "map_at_10": 21.143, + "map_at_100": 21.955, + "map_at_1000": 22.055, + "map_at_20": 21.571, + "map_at_3": 19.337, + "map_at_5": 20.328, + "mrr_at_1": 30.375294117647062, + "mrr_at_10": 36.89110037348242, + "mrr_at_100": 37.59161854635361, + "mrr_at_1000": 37.65278972243383, + "mrr_at_20": 37.28204270783653, + "mrr_at_3": 35.073137254900395, + "mrr_at_5": 36.10778431372484, + "nauc_map_at_1000_diff1": 49.349859863214526, + "nauc_map_at_1000_max": 41.88467513574528, + "nauc_map_at_1000_std": 24.22933543144338, + "nauc_map_at_100_diff1": 49.35940939023821, + "nauc_map_at_100_max": 41.862590382078025, + "nauc_map_at_100_std": 24.15434461176854, + "nauc_map_at_10_diff1": 49.8538165767892, + "nauc_map_at_10_max": 42.07384809374906, + "nauc_map_at_10_std": 23.416303368507712, + "nauc_map_at_1_diff1": 59.92575902483264, + "nauc_map_at_1_max": 45.47700185129611, + "nauc_map_at_1_std": 19.83388552453144, + "nauc_map_at_20_diff1": 49.52738828169819, + "nauc_map_at_20_max": 41.91046133599251, + "nauc_map_at_20_std": 23.79441500917769, + "nauc_map_at_3_diff1": 51.790844119427824, + "nauc_map_at_3_max": 42.999352173314854, + "nauc_map_at_3_std": 22.008776106004134, + "nauc_map_at_5_diff1": 50.670375343301934, + "nauc_map_at_5_max": 42.55434252366988, + "nauc_map_at_5_std": 22.82261757618132, + "nauc_mrr_at_1000_diff1": 54.67988721868572, + "nauc_mrr_at_1000_max": 43.91336195991437, + "nauc_mrr_at_1000_std": 22.158081050617664, + "nauc_mrr_at_100_diff1": 54.66673307398132, + "nauc_mrr_at_100_max": 43.90104349501937, + "nauc_mrr_at_100_std": 22.149879738198813, + "nauc_mrr_at_10_diff1": 54.80299708197367, + "nauc_mrr_at_10_max": 43.97302396926416, + "nauc_mrr_at_10_std": 21.93101088607793, + "nauc_mrr_at_1_diff1": 59.92575902483264, + "nauc_mrr_at_1_max": 45.47700185129611, + "nauc_mrr_at_1_std": 19.83388552453144, + "nauc_mrr_at_20_diff1": 54.69703296749322, + "nauc_mrr_at_20_max": 43.91191360382579, + "nauc_mrr_at_20_std": 22.0679377608011, + "nauc_mrr_at_3_diff1": 55.6492096640659, + "nauc_mrr_at_3_max": 44.39253185930357, + "nauc_mrr_at_3_std": 21.23559827715352, + "nauc_mrr_at_5_diff1": 55.15718817723955, + "nauc_mrr_at_5_max": 44.21359056116808, + "nauc_mrr_at_5_std": 21.689943072561064, + "nauc_ndcg_at_1000_diff1": 47.08149592464777, + "nauc_ndcg_at_1000_max": 41.4824024851649, + "nauc_ndcg_at_1000_std": 28.290841883563324, + "nauc_ndcg_at_100_diff1": 47.203241306354165, + "nauc_ndcg_at_100_max": 41.01082594665584, + "nauc_ndcg_at_100_std": 27.01050126741052, + "nauc_ndcg_at_10_diff1": 48.8574562673927, + "nauc_ndcg_at_10_max": 41.59700363422577, + "nauc_ndcg_at_10_std": 24.302113156303708, + "nauc_ndcg_at_1_diff1": 59.92575902483264, + "nauc_ndcg_at_1_max": 45.47700185129611, + "nauc_ndcg_at_1_std": 19.83388552453144, + "nauc_ndcg_at_20_diff1": 48.01876180994126, + "nauc_ndcg_at_20_max": 41.16103683691111, + "nauc_ndcg_at_20_std": 25.22714091905253, + "nauc_ndcg_at_3_diff1": 51.76534091516943, + "nauc_ndcg_at_3_max": 43.066268249034806, + "nauc_ndcg_at_3_std": 22.189204956774773, + "nauc_ndcg_at_5_diff1": 50.274763573284176, + "nauc_ndcg_at_5_max": 42.46612336859775, + "nauc_ndcg_at_5_std": 23.298594291859136, + "nauc_precision_at_1000_diff1": 21.060533862186702, + "nauc_precision_at_1000_max": 28.16962240505211, + "nauc_precision_at_1000_std": 39.87841510942972, + "nauc_precision_at_100_diff1": 27.25075569238348, + "nauc_precision_at_100_max": 29.229681139793666, + "nauc_precision_at_100_std": 33.06692753126747, + "nauc_precision_at_10_diff1": 37.35908709421307, + "nauc_precision_at_10_max": 35.09768811571614, + "nauc_precision_at_10_std": 26.319669286806963, + "nauc_precision_at_1_diff1": 59.92575902483264, + "nauc_precision_at_1_max": 45.47700185129611, + "nauc_precision_at_1_std": 19.83388552453144, + "nauc_precision_at_20_diff1": 34.02026815173258, + "nauc_precision_at_20_max": 32.97155795749605, + "nauc_precision_at_20_std": 28.446608120331838, + "nauc_precision_at_3_diff1": 46.625368812766844, + "nauc_precision_at_3_max": 41.143493529756945, + "nauc_precision_at_3_std": 23.34446397266084, + "nauc_precision_at_5_diff1": 42.596622234501666, + "nauc_precision_at_5_max": 38.97638871265979, + "nauc_precision_at_5_std": 25.081525286284535, + "nauc_recall_at_1000_diff1": 21.060533862186706, + "nauc_recall_at_1000_max": 28.16962240505217, + "nauc_recall_at_1000_std": 39.878415109429795, + "nauc_recall_at_100_diff1": 27.250755692383482, + "nauc_recall_at_100_max": 29.229681139793694, + "nauc_recall_at_100_std": 33.066927531267474, + "nauc_recall_at_10_diff1": 37.35908709421306, + "nauc_recall_at_10_max": 35.09768811571614, + "nauc_recall_at_10_std": 26.319669286807006, + "nauc_recall_at_1_diff1": 59.92575902483264, + "nauc_recall_at_1_max": 45.47700185129611, + "nauc_recall_at_1_std": 19.83388552453144, + "nauc_recall_at_20_diff1": 34.02026815173259, + "nauc_recall_at_20_max": 32.97155795749605, + "nauc_recall_at_20_std": 28.446608120331906, + "nauc_recall_at_3_diff1": 46.62536881276683, + "nauc_recall_at_3_max": 41.14349352975691, + "nauc_recall_at_3_std": 23.344463972660805, + "nauc_recall_at_5_diff1": 42.59662223450168, + "nauc_recall_at_5_max": 38.97638871265983, + "nauc_recall_at_5_std": 25.081525286284567, + "ndcg_at_1": 30.375000000000004, + "ndcg_at_10": 27.361, + "ndcg_at_100": 31.247000000000003, + "ndcg_at_1000": 33.785, + "ndcg_at_20": 28.755999999999997, + "ndcg_at_3": 23.905, + "ndcg_at_5": 25.570999999999998, + "precision_at_1": 30.375000000000004, + "precision_at_10": 6.072, + "precision_at_100": 0.9199999999999999, + "precision_at_1000": 0.126, + "precision_at_20": 3.486, + "precision_at_3": 15.033, + "precision_at_5": 10.34, + "recall_at_1": 15.187999999999999, + "recall_at_10": 30.359, + "recall_at_100": 45.985, + "recall_at_1000": 63.001, + "recall_at_20": 34.861, + "recall_at_3": 22.55, + "recall_at_5": 25.851000000000003 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FUE-v1/external/MSMARCO.json b/results/qinxianliu__FUE-v1/external/MSMARCO.json new file mode 100644 index 000000000..eeb0345fb --- /dev/null +++ b/results/qinxianliu__FUE-v1/external/MSMARCO.json @@ -0,0 +1,455 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 34.803, + "map_at_1": 18.05, + "map_at_10": 28.698, + "map_at_100": 29.87, + "map_at_1000": 29.937, + "map_at_20": 29.407, + "map_at_3": 25.211, + "map_at_5": 27.256999999999998, + "mrr_at_1": 18.595988538681947, + "mrr_at_10": 29.313929822167506, + "mrr_at_100": 30.43456132167563, + "mrr_at_1000": 30.496264584797384, + "mrr_at_20": 29.994260130208367, + "mrr_at_3": 25.847659980897618, + "mrr_at_5": 27.90926456542496, + "nauc_map_at_1000_diff1": 30.967805122512292, + "nauc_map_at_1000_max": 9.508356994054424, + "nauc_map_at_1000_std": -16.7647780708821, + "nauc_map_at_100_diff1": 30.959590208362474, + "nauc_map_at_100_max": 9.519514909485395, + "nauc_map_at_100_std": -16.752225883753628, + "nauc_map_at_10_diff1": 30.961638427898, + "nauc_map_at_10_max": 9.032394524880466, + "nauc_map_at_10_std": -17.58469702660575, + "nauc_map_at_1_diff1": 36.68684868509966, + "nauc_map_at_1_max": 8.006788300165026, + "nauc_map_at_1_std": -16.453929215948566, + "nauc_map_at_20_diff1": 30.914160804266828, + "nauc_map_at_20_max": 9.383047052491237, + "nauc_map_at_20_std": -17.09908974160602, + "nauc_map_at_3_diff1": 32.00864052480307, + "nauc_map_at_3_max": 7.9346719904912755, + "nauc_map_at_3_std": -18.363334919131873, + "nauc_map_at_5_diff1": 31.30004793090547, + "nauc_map_at_5_max": 8.32231303754107, + "nauc_map_at_5_std": -18.244863888195106, + "nauc_mrr_at_1000_diff1": 30.925580995966435, + "nauc_mrr_at_1000_max": 9.570609811089142, + "nauc_mrr_at_1000_std": -16.416887518960856, + "nauc_mrr_at_100_diff1": 30.914394357734505, + "nauc_mrr_at_100_max": 9.586927921368241, + "nauc_mrr_at_100_std": -16.39712616782138, + "nauc_mrr_at_10_diff1": 30.92742800307562, + "nauc_mrr_at_10_max": 9.197220826362587, + "nauc_mrr_at_10_std": -17.151747008284875, + "nauc_mrr_at_1_diff1": 36.60106731450987, + "nauc_mrr_at_1_max": 8.037370217799388, + "nauc_mrr_at_1_std": -16.29920870158755, + "nauc_mrr_at_20_diff1": 30.873870247447528, + "nauc_mrr_at_20_max": 9.489994351963741, + "nauc_mrr_at_20_std": -16.695446595293273, + "nauc_mrr_at_3_diff1": 31.962676684893193, + "nauc_mrr_at_3_max": 7.902980731667526, + "nauc_mrr_at_3_std": -18.087972700882023, + "nauc_mrr_at_5_diff1": 31.266029079987334, + "nauc_mrr_at_5_max": 8.43829728480481, + "nauc_mrr_at_5_std": -17.830313089048254, + "nauc_ndcg_at_1000_diff1": 28.800055526073052, + "nauc_ndcg_at_1000_max": 12.150167860614443, + "nauc_ndcg_at_1000_std": -13.25905395516576, + "nauc_ndcg_at_100_diff1": 28.55273062021815, + "nauc_ndcg_at_100_max": 12.604290774389284, + "nauc_ndcg_at_100_std": -12.640286042753369, + "nauc_ndcg_at_10_diff1": 28.656702169882305, + "nauc_ndcg_at_10_max": 10.390975552193304, + "nauc_ndcg_at_10_std": -16.979914789104274, + "nauc_ndcg_at_1_diff1": 36.60106731450987, + "nauc_ndcg_at_1_max": 7.999297342297694, + "nauc_ndcg_at_1_std": -16.37844144249649, + "nauc_ndcg_at_20_diff1": 28.39512508390008, + "nauc_ndcg_at_20_max": 11.670038381067469, + "nauc_ndcg_at_20_std": -15.19270139716777, + "nauc_ndcg_at_3_diff1": 30.720892075394424, + "nauc_ndcg_at_3_max": 7.944044047190646, + "nauc_ndcg_at_3_std": -18.776183934337002, + "nauc_ndcg_at_5_diff1": 29.499593527403515, + "nauc_ndcg_at_5_max": 8.70632138099665, + "nauc_ndcg_at_5_std": -18.516401671537196, + "nauc_precision_at_1000_diff1": -0.8237646361863551, + "nauc_precision_at_1000_max": 29.65949086980757, + "nauc_precision_at_1000_std": 27.545476721494193, + "nauc_precision_at_100_diff1": 12.284529508091742, + "nauc_precision_at_100_max": 29.413232419844444, + "nauc_precision_at_100_std": 17.196307006886304, + "nauc_precision_at_10_diff1": 21.3879709585264, + "nauc_precision_at_10_max": 14.806399276392005, + "nauc_precision_at_10_std": -13.89189147461678, + "nauc_precision_at_1_diff1": 36.60106731450987, + "nauc_precision_at_1_max": 7.999297342297694, + "nauc_precision_at_1_std": -16.37844144249649, + "nauc_precision_at_20_diff1": 18.793745272557334, + "nauc_precision_at_20_max": 20.52958902353019, + "nauc_precision_at_20_std": -5.831301138585665, + "nauc_precision_at_3_diff1": 27.51302998292356, + "nauc_precision_at_3_max": 8.124801342511773, + "nauc_precision_at_3_std": -19.653828947390405, + "nauc_precision_at_5_diff1": 24.648428234894187, + "nauc_precision_at_5_max": 9.970901593970794, + "nauc_precision_at_5_std": -18.870802823554662, + "nauc_recall_at_1000_diff1": 3.1535887573039503, + "nauc_recall_at_1000_max": 49.483153585320665, + "nauc_recall_at_1000_std": 48.068469198499955, + "nauc_recall_at_100_diff1": 16.09114265175475, + "nauc_recall_at_100_max": 31.63592256685488, + "nauc_recall_at_100_std": 17.262073141805402, + "nauc_recall_at_10_diff1": 21.74285904516543, + "nauc_recall_at_10_max": 14.233113457215413, + "nauc_recall_at_10_std": -15.00141123225369, + "nauc_recall_at_1_diff1": 36.68684868509966, + "nauc_recall_at_1_max": 8.006788300165026, + "nauc_recall_at_1_std": -16.453929215948566, + "nauc_recall_at_20_diff1": 19.721186534513574, + "nauc_recall_at_20_max": 19.839943733839586, + "nauc_recall_at_20_std": -7.528794529976447, + "nauc_recall_at_3_diff1": 27.150549688069308, + "nauc_recall_at_3_max": 7.915443441945287, + "nauc_recall_at_3_std": -19.87191884581972, + "nauc_recall_at_5_diff1": 24.49887160612282, + "nauc_recall_at_5_max": 9.52108917622074, + "nauc_recall_at_5_std": -19.231477971502706, + "ndcg_at_1": 18.596, + "ndcg_at_10": 34.803, + "ndcg_at_100": 40.544000000000004, + "ndcg_at_1000": 42.260999999999996, + "ndcg_at_20": 37.32, + "ndcg_at_3": 27.71, + "ndcg_at_5": 31.385999999999996, + "precision_at_1": 18.596, + "precision_at_10": 5.595, + "precision_at_100": 0.848, + "precision_at_1000": 0.099, + "precision_at_20": 3.32, + "precision_at_3": 11.858, + "precision_at_5": 8.988999999999999, + "recall_at_1": 18.05, + "recall_at_10": 53.516, + "recall_at_100": 80.289, + "recall_at_1000": 93.512, + "recall_at_20": 63.288999999999994, + "recall_at_3": 34.306, + "recall_at_5": 43.145 + } + ], + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 59.06400000000001, + "map_at_1": 1.69, + "map_at_10": 10.755, + "map_at_100": 28.62, + "map_at_1000": 34.429, + "map_at_20": 16.674, + "map_at_3": 4.005, + "map_at_5": 6.332, + "mrr_at_1": 88.37209302325581, + "mrr_at_10": 91.47286821705424, + "mrr_at_100": 91.56261235995456, + "mrr_at_1000": 91.56261235995456, + "mrr_at_20": 91.47286821705424, + "mrr_at_3": 91.47286821705424, + "mrr_at_5": 91.47286821705424, + "nauc_map_at_1000_diff1": -58.004048824154644, + "nauc_map_at_1000_max": 34.44700621046442, + "nauc_map_at_1000_std": 66.90595473840271, + "nauc_map_at_100_diff1": -45.770189406894886, + "nauc_map_at_100_max": 26.211654802825322, + "nauc_map_at_100_std": 56.080139344538956, + "nauc_map_at_10_diff1": -10.97871068331086, + "nauc_map_at_10_max": 28.539368064747517, + "nauc_map_at_10_std": 21.028635665204536, + "nauc_map_at_1_diff1": 35.97114363073452, + "nauc_map_at_1_max": -10.574909183137414, + "nauc_map_at_1_std": -16.11433179567385, + "nauc_map_at_20_diff1": -17.439484208262535, + "nauc_map_at_20_max": 25.1778779774871, + "nauc_map_at_20_std": 28.832377812578258, + "nauc_map_at_3_diff1": 7.501651006902326, + "nauc_map_at_3_max": 19.130202694438417, + "nauc_map_at_3_std": 6.940777942691115, + "nauc_map_at_5_diff1": -1.9207947577929207, + "nauc_map_at_5_max": 24.72479488530524, + "nauc_map_at_5_std": 12.662402148436808, + "nauc_mrr_at_1000_diff1": -31.38940176778026, + "nauc_mrr_at_1000_max": 27.91929945678086, + "nauc_mrr_at_1000_std": 63.98020520396501, + "nauc_mrr_at_100_diff1": -31.38940176778026, + "nauc_mrr_at_100_max": 27.91929945678086, + "nauc_mrr_at_100_std": 63.98020520396501, + "nauc_mrr_at_10_diff1": -31.98154638739888, + "nauc_mrr_at_10_max": 28.691575876582025, + "nauc_mrr_at_10_std": 64.15203937521413, + "nauc_mrr_at_1_diff1": -18.33986985937143, + "nauc_mrr_at_1_max": -3.5658506202108935, + "nauc_mrr_at_1_std": 57.265329172858316, + "nauc_mrr_at_20_diff1": -31.98154638739888, + "nauc_mrr_at_20_max": 28.691575876582025, + "nauc_mrr_at_20_std": 64.15203937521413, + "nauc_mrr_at_3_diff1": -31.98154638739888, + "nauc_mrr_at_3_max": 28.691575876582025, + "nauc_mrr_at_3_std": 64.15203937521413, + "nauc_mrr_at_5_diff1": -31.98154638739888, + "nauc_mrr_at_5_max": 28.691575876582025, + "nauc_mrr_at_5_std": 64.15203937521413, + "nauc_ndcg_at_1000_diff1": -64.4009360298104, + "nauc_ndcg_at_1000_max": 47.73173186354194, + "nauc_ndcg_at_1000_std": 67.76224269862708, + "nauc_ndcg_at_100_diff1": -55.81170448144629, + "nauc_ndcg_at_100_max": 45.76842611746515, + "nauc_ndcg_at_100_std": 65.75760535333559, + "nauc_ndcg_at_10_diff1": -48.26548478088951, + "nauc_ndcg_at_10_max": 47.221554778624736, + "nauc_ndcg_at_10_std": 48.66818342066006, + "nauc_ndcg_at_1_diff1": 22.361573521914167, + "nauc_ndcg_at_1_max": -4.095691143820581, + "nauc_ndcg_at_1_std": -22.86231879814137, + "nauc_ndcg_at_20_diff1": -52.771674683458514, + "nauc_ndcg_at_20_max": 39.94057642569563, + "nauc_ndcg_at_20_std": 55.44432532491158, + "nauc_ndcg_at_3_diff1": -15.072453465017949, + "nauc_ndcg_at_3_max": 36.22918826732502, + "nauc_ndcg_at_3_std": 16.823145415489098, + "nauc_ndcg_at_5_diff1": -32.572693237589036, + "nauc_ndcg_at_5_max": 44.30557738022862, + "nauc_ndcg_at_5_std": 30.75861792737064, + "nauc_precision_at_1000_diff1": -61.90365106233373, + "nauc_precision_at_1000_max": 29.37450084944317, + "nauc_precision_at_1000_std": 51.15294977255612, + "nauc_precision_at_100_diff1": -64.87811325128291, + "nauc_precision_at_100_max": 27.082351018049334, + "nauc_precision_at_100_std": 59.21347841222029, + "nauc_precision_at_10_diff1": -73.17039435952445, + "nauc_precision_at_10_max": 50.03963485425603, + "nauc_precision_at_10_std": 74.7760482349427, + "nauc_precision_at_1_diff1": -18.33986985937143, + "nauc_precision_at_1_max": -3.5658506202108935, + "nauc_precision_at_1_std": 57.265329172858316, + "nauc_precision_at_20_diff1": -69.19781045685487, + "nauc_precision_at_20_max": 35.34563871429891, + "nauc_precision_at_20_std": 69.73611685460025, + "nauc_precision_at_3_diff1": -65.76154675431599, + "nauc_precision_at_3_max": 58.774704910679354, + "nauc_precision_at_3_std": 81.26148034443878, + "nauc_precision_at_5_diff1": -78.31465612075088, + "nauc_precision_at_5_max": 59.02550474452744, + "nauc_precision_at_5_std": 83.37770095414346, + "nauc_recall_at_1000_diff1": -71.70183001436035, + "nauc_recall_at_1000_max": 39.784139396042576, + "nauc_recall_at_1000_std": 69.52333709786, + "nauc_recall_at_100_diff1": -39.867533213723476, + "nauc_recall_at_100_max": 25.88219867077632, + "nauc_recall_at_100_std": 50.413431837035105, + "nauc_recall_at_10_diff1": -4.726447649175431, + "nauc_recall_at_10_max": 27.630825828715384, + "nauc_recall_at_10_std": 14.42376069507755, + "nauc_recall_at_1_diff1": 35.97114363073452, + "nauc_recall_at_1_max": -10.574909183137414, + "nauc_recall_at_1_std": -16.11433179567385, + "nauc_recall_at_20_diff1": -8.787671293237674, + "nauc_recall_at_20_max": 25.207984756226242, + "nauc_recall_at_20_std": 20.728749504224318, + "nauc_recall_at_3_diff1": 9.441972498951067, + "nauc_recall_at_3_max": 22.118880183280638, + "nauc_recall_at_3_std": 4.297339270917102, + "nauc_recall_at_5_diff1": 4.072468434627269, + "nauc_recall_at_5_max": 24.12093962060067, + "nauc_recall_at_5_std": 6.723457577572802, + "ndcg_at_1": 68.217, + "ndcg_at_10": 59.06400000000001, + "ndcg_at_100": 51.28, + "ndcg_at_1000": 57.745999999999995, + "ndcg_at_20": 55.969, + "ndcg_at_3": 63.207, + "ndcg_at_5": 62.099000000000004, + "precision_at_1": 88.372, + "precision_at_10": 68.372, + "precision_at_100": 31.349, + "precision_at_1000": 5.858, + "precision_at_20": 59.767, + "precision_at_3": 77.519, + "precision_at_5": 75.81400000000001, + "recall_at_1": 1.69, + "recall_at_10": 11.779, + "recall_at_100": 38.83, + "recall_at_1000": 62.572, + "recall_at_20": 19.155, + "recall_at_3": 4.143, + "recall_at_5": 6.801 + } + ], + "train": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 33.715, + "map_at_1": 16.719, + "map_at_10": 27.433000000000003, + "map_at_100": 28.703, + "map_at_1000": 28.767, + "map_at_20": 28.191, + "map_at_3": 23.826, + "map_at_5": 25.849, + "mrr_at_1": 17.20904523212557, + "mrr_at_10": 27.92367929563414, + "mrr_at_100": 29.152633780765758, + "mrr_at_1000": 29.21099712739743, + "mrr_at_20": 28.66210180739731, + "mrr_at_3": 24.356466026020737, + "mrr_at_5": 26.365397526652018, + "nauc_map_at_1000_diff1": 29.63353838791719, + "nauc_map_at_1000_max": 5.7454487966009555, + "nauc_map_at_1000_std": -18.063069395275722, + "nauc_map_at_100_diff1": 29.616549284785748, + "nauc_map_at_100_max": 5.760919702571223, + "nauc_map_at_100_std": -18.044574507278362, + "nauc_map_at_10_diff1": 29.700954720537165, + "nauc_map_at_10_max": 5.424404826187661, + "nauc_map_at_10_std": -18.842507893783537, + "nauc_map_at_1_diff1": 35.211396613278865, + "nauc_map_at_1_max": 3.1343744942229086, + "nauc_map_at_1_std": -18.170256518161427, + "nauc_map_at_20_diff1": 29.613406086113486, + "nauc_map_at_20_max": 5.641627873928245, + "nauc_map_at_20_std": -18.396499430312748, + "nauc_map_at_3_diff1": 30.603238239884483, + "nauc_map_at_3_max": 4.453242887818738, + "nauc_map_at_3_std": -19.268024232660473, + "nauc_map_at_5_diff1": 30.003625205143397, + "nauc_map_at_5_max": 4.969401253866233, + "nauc_map_at_5_std": -19.276106426526184, + "nauc_mrr_at_1000_diff1": 29.486572453576716, + "nauc_mrr_at_1000_max": 5.693116182861802, + "nauc_mrr_at_1000_std": -17.917227560489565, + "nauc_mrr_at_100_diff1": 29.468797895964215, + "nauc_mrr_at_100_max": 5.710921844344999, + "nauc_mrr_at_100_std": -17.89511910086844, + "nauc_mrr_at_10_diff1": 29.53746647566686, + "nauc_mrr_at_10_max": 5.406885859896506, + "nauc_mrr_at_10_std": -18.644478337030773, + "nauc_mrr_at_1_diff1": 34.91427458267835, + "nauc_mrr_at_1_max": 3.2309227517846852, + "nauc_mrr_at_1_std": -18.080446645652778, + "nauc_mrr_at_20_diff1": 29.45773578143679, + "nauc_mrr_at_20_max": 5.60850730413169, + "nauc_mrr_at_20_std": -18.21575909250342, + "nauc_mrr_at_3_diff1": 30.40915710544333, + "nauc_mrr_at_3_max": 4.474773651459147, + "nauc_mrr_at_3_std": -19.11200967355029, + "nauc_mrr_at_5_diff1": 29.817993784330003, + "nauc_mrr_at_5_max": 4.973386662596821, + "nauc_mrr_at_5_std": -19.08901246396465, + "nauc_ndcg_at_1000_diff1": 27.742972640187336, + "nauc_ndcg_at_1000_max": 7.916917003519648, + "nauc_ndcg_at_1000_std": -15.17896601259802, + "nauc_ndcg_at_100_diff1": 27.238853230669203, + "nauc_ndcg_at_100_max": 8.460940793652366, + "nauc_ndcg_at_100_std": -14.261896738662886, + "nauc_ndcg_at_10_diff1": 27.66904868796311, + "nauc_ndcg_at_10_max": 6.735176820125588, + "nauc_ndcg_at_10_std": -18.448078157577832, + "nauc_ndcg_at_1_diff1": 34.95550568195721, + "nauc_ndcg_at_1_max": 3.2125833396044503, + "nauc_ndcg_at_1_std": -18.10007817354091, + "nauc_ndcg_at_20_diff1": 27.301933503569487, + "nauc_ndcg_at_20_max": 7.536489988333836, + "nauc_ndcg_at_20_std": -16.842402929106534, + "nauc_ndcg_at_3_diff1": 29.372635951851155, + "nauc_ndcg_at_3_max": 4.820361216791387, + "nauc_ndcg_at_3_std": -19.513367064010172, + "nauc_ndcg_at_5_diff1": 28.37372030928328, + "nauc_ndcg_at_5_max": 5.678798799104905, + "nauc_ndcg_at_5_std": -19.501286961437117, + "nauc_precision_at_1000_diff1": -3.510350547767326, + "nauc_precision_at_1000_max": 21.377749750431178, + "nauc_precision_at_1000_std": 22.27774613662246, + "nauc_precision_at_100_diff1": 8.87592055675654, + "nauc_precision_at_100_max": 23.073116570870873, + "nauc_precision_at_100_std": 15.055227218558281, + "nauc_precision_at_10_diff1": 21.052874039568565, + "nauc_precision_at_10_max": 10.660428704804987, + "nauc_precision_at_10_std": -16.430957222899334, + "nauc_precision_at_1_diff1": 34.95550568195721, + "nauc_precision_at_1_max": 3.2125833396044503, + "nauc_precision_at_1_std": -18.10007817354091, + "nauc_precision_at_20_diff1": 17.989882712589928, + "nauc_precision_at_20_max": 14.07438846286306, + "nauc_precision_at_20_std": -9.440997023749803, + "nauc_precision_at_3_diff1": 26.086905823987642, + "nauc_precision_at_3_max": 5.8656016048393225, + "nauc_precision_at_3_std": -20.040710978552877, + "nauc_precision_at_5_diff1": 23.81277688113566, + "nauc_precision_at_5_max": 7.673783195436691, + "nauc_precision_at_5_std": -19.793547751043462, + "nauc_recall_at_1000_diff1": 2.1874443524235154, + "nauc_recall_at_1000_max": 51.05037398799104, + "nauc_recall_at_1000_std": 53.35202253619663, + "nauc_recall_at_100_diff1": 13.542586793678119, + "nauc_recall_at_100_max": 27.18200902894963, + "nauc_recall_at_100_std": 16.971437674746966, + "nauc_recall_at_10_diff1": 21.973446928460568, + "nauc_recall_at_10_max": 10.41568392262844, + "nauc_recall_at_10_std": -16.967676205416033, + "nauc_recall_at_1_diff1": 35.211396613278865, + "nauc_recall_at_1_max": 3.1343744942229086, + "nauc_recall_at_1_std": -18.170256518161427, + "nauc_recall_at_20_diff1": 19.711023045178955, + "nauc_recall_at_20_max": 14.095426841286946, + "nauc_recall_at_20_std": -10.417724099405264, + "nauc_recall_at_3_diff1": 26.246688921271716, + "nauc_recall_at_3_max": 5.649635052724743, + "nauc_recall_at_3_std": -20.04554246302986, + "nauc_recall_at_5_diff1": 24.168809764476798, + "nauc_recall_at_5_max": 7.399478058484081, + "nauc_recall_at_5_std": -19.9514394901081, + "ndcg_at_1": 17.201, + "ndcg_at_10": 33.715, + "ndcg_at_100": 40.025, + "ndcg_at_1000": 41.685, + "ndcg_at_20": 36.424, + "ndcg_at_3": 26.31, + "ndcg_at_5": 29.93, + "precision_at_1": 17.201, + "precision_at_10": 5.541, + "precision_at_100": 0.8699999999999999, + "precision_at_1000": 0.101, + "precision_at_20": 3.329, + "precision_at_3": 11.37, + "precision_at_5": 8.649, + "recall_at_1": 16.719, + "recall_at_10": 53.248, + "recall_at_100": 82.863, + "recall_at_1000": 95.721, + "recall_at_20": 63.797000000000004, + "recall_at_3": 32.984, + "recall_at_5": 41.702 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FUE-v1/external/MindSmallReranking.json b/results/qinxianliu__FUE-v1/external/MindSmallReranking.json new file mode 100644 index 000000000..56c3f7ff4 --- /dev/null +++ b/results/qinxianliu__FUE-v1/external/MindSmallReranking.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "59042f120c80e8afa9cdbb224f67076cec0fc9a7", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 31.370055361148335, + "map": 31.370055361148335, + "mrr": 32.37440631143583, + "nAUC_map_diff1": 14.695683399887827, + "nAUC_map_max": -23.4492856197865, + "nAUC_map_std": -8.885861431808289, + "nAUC_mrr_diff1": 13.34849840135066, + "nAUC_mrr_max": -18.199354674002286, + "nAUC_mrr_std": -6.5654110123418565 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FUE-v1/external/NFCorpus.json b/results/qinxianliu__FUE-v1/external/NFCorpus.json new file mode 100644 index 000000000..1eeae3cea --- /dev/null +++ b/results/qinxianliu__FUE-v1/external/NFCorpus.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 29.754, + "map_at_1": 4.567, + "map_at_10": 10.027999999999999, + "map_at_100": 13.431000000000001, + "map_at_1000": 14.92, + "map_at_20": 11.431, + "map_at_3": 7.224, + "map_at_5": 8.386000000000001, + "mrr_at_1": 37.77089783281733, + "mrr_at_10": 47.909725293626224, + "mrr_at_100": 48.65139591019661, + "mrr_at_1000": 48.69916406344342, + "mrr_at_20": 48.367288102536705, + "mrr_at_3": 46.49122807017543, + "mrr_at_5": 47.0639834881321, + "nauc_map_at_1000_diff1": 14.085748354172512, + "nauc_map_at_1000_max": 28.172950420215592, + "nauc_map_at_1000_std": 18.144213868106675, + "nauc_map_at_100_diff1": 14.589976235435408, + "nauc_map_at_100_max": 26.576946199479153, + "nauc_map_at_100_std": 13.843137874037378, + "nauc_map_at_10_diff1": 17.8495149344614, + "nauc_map_at_10_max": 18.82526312062093, + "nauc_map_at_10_std": 2.86785487558237, + "nauc_map_at_1_diff1": 28.714904063353853, + "nauc_map_at_1_max": -3.169789138203512, + "nauc_map_at_1_std": -15.236185778974088, + "nauc_map_at_20_diff1": 15.794494377362259, + "nauc_map_at_20_max": 22.383385559577366, + "nauc_map_at_20_std": 7.50366878545232, + "nauc_map_at_3_diff1": 20.770182594071223, + "nauc_map_at_3_max": 9.50930632250425, + "nauc_map_at_3_std": -7.066408370212426, + "nauc_map_at_5_diff1": 20.197174149206827, + "nauc_map_at_5_max": 14.021867267435159, + "nauc_map_at_5_std": -3.409836969018499, + "nauc_mrr_at_1000_diff1": 22.986158985525027, + "nauc_mrr_at_1000_max": 37.185817395515556, + "nauc_mrr_at_1000_std": 23.706769752670958, + "nauc_mrr_at_100_diff1": 22.94515989033249, + "nauc_mrr_at_100_max": 37.209904708113726, + "nauc_mrr_at_100_std": 23.746222614427094, + "nauc_mrr_at_10_diff1": 22.81681858431028, + "nauc_mrr_at_10_max": 37.10239557383066, + "nauc_mrr_at_10_std": 23.663887285644442, + "nauc_mrr_at_1_diff1": 27.148124088268162, + "nauc_mrr_at_1_max": 26.428295034510924, + "nauc_mrr_at_1_std": 11.84295790231629, + "nauc_mrr_at_20_diff1": 22.946866772785427, + "nauc_mrr_at_20_max": 37.38173901985591, + "nauc_mrr_at_20_std": 23.776573546658362, + "nauc_mrr_at_3_diff1": 23.563086894697765, + "nauc_mrr_at_3_max": 36.719834088530625, + "nauc_mrr_at_3_std": 22.817102267109433, + "nauc_mrr_at_5_diff1": 23.131059142837216, + "nauc_mrr_at_5_max": 36.731326253130234, + "nauc_mrr_at_5_std": 23.069191250755768, + "nauc_ndcg_at_1000_diff1": 15.95138362626174, + "nauc_ndcg_at_1000_max": 44.33022365744542, + "nauc_ndcg_at_1000_std": 35.72521592020635, + "nauc_ndcg_at_100_diff1": 14.575407179245719, + "nauc_ndcg_at_100_max": 36.95692885691867, + "nauc_ndcg_at_100_std": 26.80789282599495, + "nauc_ndcg_at_10_diff1": 15.594400206553201, + "nauc_ndcg_at_10_max": 35.348349357904375, + "nauc_ndcg_at_10_std": 25.492218422553346, + "nauc_ndcg_at_1_diff1": 28.078477674957707, + "nauc_ndcg_at_1_max": 22.554521470143378, + "nauc_ndcg_at_1_std": 11.86138448259433, + "nauc_ndcg_at_20_diff1": 13.880875656746857, + "nauc_ndcg_at_20_max": 34.45274753229036, + "nauc_ndcg_at_20_std": 25.804360762917444, + "nauc_ndcg_at_3_diff1": 16.85604207727626, + "nauc_ndcg_at_3_max": 32.72858990186108, + "nauc_ndcg_at_3_std": 19.852261713002537, + "nauc_ndcg_at_5_diff1": 16.70613670641336, + "nauc_ndcg_at_5_max": 35.398452792018126, + "nauc_ndcg_at_5_std": 22.547276511653237, + "nauc_precision_at_1000_diff1": -3.9205652143854004, + "nauc_precision_at_1000_max": 11.56760575704433, + "nauc_precision_at_1000_std": 29.969843364807815, + "nauc_precision_at_100_diff1": -3.2791504425228504, + "nauc_precision_at_100_max": 23.105292891322655, + "nauc_precision_at_100_std": 38.24772180179586, + "nauc_precision_at_10_diff1": 4.077038954732221, + "nauc_precision_at_10_max": 37.97114306278218, + "nauc_precision_at_10_std": 35.33785209505845, + "nauc_precision_at_1_diff1": 27.148124088268162, + "nauc_precision_at_1_max": 26.428295034510924, + "nauc_precision_at_1_std": 11.84295790231629, + "nauc_precision_at_20_diff1": -0.07715823284655204, + "nauc_precision_at_20_max": 32.32150505807481, + "nauc_precision_at_20_std": 35.93434300391347, + "nauc_precision_at_3_diff1": 7.47311429058567, + "nauc_precision_at_3_max": 38.53868770942289, + "nauc_precision_at_3_std": 25.65319420988019, + "nauc_precision_at_5_diff1": 6.8117959185149655, + "nauc_precision_at_5_max": 40.78936637790633, + "nauc_precision_at_5_std": 29.29130912546785, + "nauc_recall_at_1000_diff1": 4.8295758031310285, + "nauc_recall_at_1000_max": 21.69239465610227, + "nauc_recall_at_1000_std": 18.948672947229195, + "nauc_recall_at_100_diff1": 7.988051122946883, + "nauc_recall_at_100_max": 22.98766591265696, + "nauc_recall_at_100_std": 15.290463328578074, + "nauc_recall_at_10_diff1": 13.365133585158528, + "nauc_recall_at_10_max": 20.732053918735378, + "nauc_recall_at_10_std": 6.370291758470967, + "nauc_recall_at_1_diff1": 28.714904063353853, + "nauc_recall_at_1_max": -3.169789138203512, + "nauc_recall_at_1_std": -15.236185778974088, + "nauc_recall_at_20_diff1": 8.20907091382773, + "nauc_recall_at_20_max": 21.274336782803303, + "nauc_recall_at_20_std": 11.112201780365108, + "nauc_recall_at_3_diff1": 18.540225578507606, + "nauc_recall_at_3_max": 15.389377575957791, + "nauc_recall_at_3_std": -3.7988750765195216, + "nauc_recall_at_5_diff1": 16.698902011414855, + "nauc_recall_at_5_max": 17.822073045346276, + "nauc_recall_at_5_std": -0.07358971200090962, + "ndcg_at_1": 35.759, + "ndcg_at_10": 29.754, + "ndcg_at_100": 28.652, + "ndcg_at_1000": 37.912, + "ndcg_at_20": 28.366000000000003, + "ndcg_at_3": 34.504000000000005, + "ndcg_at_5": 31.996000000000002, + "precision_at_1": 37.771, + "precision_at_10": 23.064999999999998, + "precision_at_100": 7.95, + "precision_at_1000": 2.0820000000000003, + "precision_at_20": 17.601, + "precision_at_3": 33.745999999999995, + "precision_at_5": 28.607, + "recall_at_1": 4.567, + "recall_at_10": 13.782, + "recall_at_100": 31.269000000000002, + "recall_at_1000": 65.342, + "recall_at_20": 18.67, + "recall_at_3": 8.280999999999999, + "recall_at_5": 10.023 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FUE-v1/external/NQ.json b/results/qinxianliu__FUE-v1/external/NQ.json new file mode 100644 index 000000000..63234d5b0 --- /dev/null +++ b/results/qinxianliu__FUE-v1/external/NQ.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 43.91, + "map_at_1": 22.675, + "map_at_10": 36.403, + "map_at_100": 37.714, + "map_at_1000": 37.759, + "map_at_20": 37.252, + "map_at_3": 32.115, + "map_at_5": 34.537, + "mrr_at_1": 25.869061413673233, + "mrr_at_10": 38.71765160293547, + "mrr_at_100": 39.729686512365404, + "mrr_at_1000": 39.764837578266224, + "mrr_at_20": 39.37441098811741, + "mrr_at_3": 35.04731556585558, + "mrr_at_5": 37.1330629586714, + "nauc_map_at_1000_diff1": 29.08399936916601, + "nauc_map_at_1000_max": 16.29226971170329, + "nauc_map_at_1000_std": -7.18828364236571, + "nauc_map_at_100_diff1": 29.07598191479223, + "nauc_map_at_100_max": 16.313043083658002, + "nauc_map_at_100_std": -7.159235211023741, + "nauc_map_at_10_diff1": 28.90215829867663, + "nauc_map_at_10_max": 15.780381654305788, + "nauc_map_at_10_std": -8.11712873780433, + "nauc_map_at_1_diff1": 33.88307764782601, + "nauc_map_at_1_max": 13.654560605994789, + "nauc_map_at_1_std": -7.876960683195404, + "nauc_map_at_20_diff1": 29.05304473680581, + "nauc_map_at_20_max": 16.24806438199264, + "nauc_map_at_20_std": -7.506230537647335, + "nauc_map_at_3_diff1": 28.67483907357866, + "nauc_map_at_3_max": 14.10844684276125, + "nauc_map_at_3_std": -9.093065914867637, + "nauc_map_at_5_diff1": 28.53223723787074, + "nauc_map_at_5_max": 15.10465507767692, + "nauc_map_at_5_std": -8.732885670313973, + "nauc_mrr_at_1000_diff1": 29.291300363671773, + "nauc_mrr_at_1000_max": 16.988142920972564, + "nauc_mrr_at_1000_std": -5.75719276458362, + "nauc_mrr_at_100_diff1": 29.283110074292846, + "nauc_mrr_at_100_max": 17.014791337479164, + "nauc_mrr_at_100_std": -5.723942677946949, + "nauc_mrr_at_10_diff1": 29.034300179010796, + "nauc_mrr_at_10_max": 16.698355482721286, + "nauc_mrr_at_10_std": -6.298274321653915, + "nauc_mrr_at_1_diff1": 34.02416083157839, + "nauc_mrr_at_1_max": 15.09009259703498, + "nauc_mrr_at_1_std": -6.412150592020908, + "nauc_mrr_at_20_diff1": 29.246190262288547, + "nauc_mrr_at_20_max": 16.993567089527037, + "nauc_mrr_at_20_std": -5.952301904693604, + "nauc_mrr_at_3_diff1": 29.252167190201583, + "nauc_mrr_at_3_max": 15.472766023941444, + "nauc_mrr_at_3_std": -7.080025242602122, + "nauc_mrr_at_5_diff1": 28.753793317757832, + "nauc_mrr_at_5_max": 16.217731120360888, + "nauc_mrr_at_5_std": -6.784186528364365, + "nauc_ndcg_at_1000_diff1": 28.37769622443293, + "nauc_ndcg_at_1000_max": 18.86280647857455, + "nauc_ndcg_at_1000_std": -4.117301819438475, + "nauc_ndcg_at_100_diff1": 28.160781181149385, + "nauc_ndcg_at_100_max": 19.666949578583665, + "nauc_ndcg_at_100_std": -3.0099241628896127, + "nauc_ndcg_at_10_diff1": 27.487943653391138, + "nauc_ndcg_at_10_max": 17.72148461204397, + "nauc_ndcg_at_10_std": -7.13147681057827, + "nauc_ndcg_at_1_diff1": 34.02416083157839, + "nauc_ndcg_at_1_max": 15.09009259703498, + "nauc_ndcg_at_1_std": -6.412150592020908, + "nauc_ndcg_at_20_diff1": 27.98913738838462, + "nauc_ndcg_at_20_max": 19.358472910765496, + "nauc_ndcg_at_20_std": -5.168140450720515, + "nauc_ndcg_at_3_diff1": 27.421114192997827, + "nauc_ndcg_at_3_max": 14.573815202096219, + "nauc_ndcg_at_3_std": -9.02108020108124, + "nauc_ndcg_at_5_diff1": 26.863276500871386, + "nauc_ndcg_at_5_max": 16.215661987458027, + "nauc_ndcg_at_5_std": -8.51151065053834, + "nauc_precision_at_1000_diff1": -1.9585068692545722, + "nauc_precision_at_1000_max": 12.525664210853856, + "nauc_precision_at_1000_std": 18.708210958723804, + "nauc_precision_at_100_diff1": 4.218996145429994, + "nauc_precision_at_100_max": 21.29629036792087, + "nauc_precision_at_100_std": 22.876761226300427, + "nauc_precision_at_10_diff1": 14.912990806791418, + "nauc_precision_at_10_max": 20.15924358583, + "nauc_precision_at_10_std": 1.139621390169978, + "nauc_precision_at_1_diff1": 34.02416083157839, + "nauc_precision_at_1_max": 15.09009259703498, + "nauc_precision_at_1_std": -6.412150592020908, + "nauc_precision_at_20_diff1": 11.657378156434522, + "nauc_precision_at_20_max": 23.38664754164927, + "nauc_precision_at_20_std": 9.617305551800612, + "nauc_precision_at_3_diff1": 20.65465729065584, + "nauc_precision_at_3_max": 15.503084569371712, + "nauc_precision_at_3_std": -7.20044261830195, + "nauc_precision_at_5_diff1": 17.40716535145957, + "nauc_precision_at_5_max": 17.712445714665233, + "nauc_precision_at_5_std": -4.721781521873729, + "nauc_recall_at_1000_diff1": 21.620801919444965, + "nauc_recall_at_1000_max": 70.1515764766629, + "nauc_recall_at_1000_std": 68.09307840072094, + "nauc_recall_at_100_diff1": 21.56265782889045, + "nauc_recall_at_100_max": 49.39463091037063, + "nauc_recall_at_100_std": 39.090999181732265, + "nauc_recall_at_10_diff1": 21.766222223998323, + "nauc_recall_at_10_max": 22.538222732899847, + "nauc_recall_at_10_std": -5.681237338134916, + "nauc_recall_at_1_diff1": 33.88307764782601, + "nauc_recall_at_1_max": 13.654560605994789, + "nauc_recall_at_1_std": -7.876960683195404, + "nauc_recall_at_20_diff1": 22.984671066381193, + "nauc_recall_at_20_max": 32.19082601358247, + "nauc_recall_at_20_std": 3.881886772570749, + "nauc_recall_at_3_diff1": 22.784351240811095, + "nauc_recall_at_3_max": 14.199364117910083, + "nauc_recall_at_3_std": -10.359618653345851, + "nauc_recall_at_5_diff1": 20.994385793302932, + "nauc_recall_at_5_max": 17.75611443293454, + "nauc_recall_at_5_std": -9.551812400313235, + "ndcg_at_1": 25.868999999999996, + "ndcg_at_10": 43.91, + "ndcg_at_100": 49.533, + "ndcg_at_1000": 50.589, + "ndcg_at_20": 46.691, + "ndcg_at_3": 35.681000000000004, + "ndcg_at_5": 39.75, + "precision_at_1": 25.868999999999996, + "precision_at_10": 7.722999999999999, + "precision_at_100": 1.083, + "precision_at_1000": 0.11800000000000001, + "precision_at_20": 4.521, + "precision_at_3": 16.773, + "precision_at_5": 12.422, + "recall_at_1": 22.675, + "recall_at_10": 64.63600000000001, + "recall_at_100": 89.253, + "recall_at_1000": 97.103, + "recall_at_20": 75.027, + "recall_at_3": 43.079, + "recall_at_5": 52.518 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FUE-v1/external/QuoraRetrieval.json b/results/qinxianliu__FUE-v1/external/QuoraRetrieval.json new file mode 100644 index 000000000..07fe35cd6 --- /dev/null +++ b/results/qinxianliu__FUE-v1/external/QuoraRetrieval.json @@ -0,0 +1,306 @@ +{ + "dataset_revision": "e4e08e0b7dbe3c8700f0daef558ff32256715259", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 85.386, + "map_at_1": 66.987, + "map_at_10": 81.444, + "map_at_100": 82.14, + "map_at_1000": 82.157, + "map_at_20": 81.932, + "map_at_3": 78.484, + "map_at_5": 80.274, + "mrr_at_1": 77.44, + "mrr_at_10": 84.2241825396826, + "mrr_at_100": 84.40693808056355, + "mrr_at_1000": 84.40988912757359, + "mrr_at_20": 84.34978828558788, + "mrr_at_3": 83.10333333333354, + "mrr_at_5": 83.82533333333342, + "nauc_map_at_1000_diff1": 71.91679334130635, + "nauc_map_at_1000_max": 31.103584943909812, + "nauc_map_at_1000_std": -40.456705674932074, + "nauc_map_at_100_diff1": 71.91963348224603, + "nauc_map_at_100_max": 31.113011110459922, + "nauc_map_at_100_std": -40.502282566735715, + "nauc_map_at_10_diff1": 72.12325712296365, + "nauc_map_at_10_max": 30.467237037792295, + "nauc_map_at_10_std": -41.94971797229005, + "nauc_map_at_1_diff1": 76.18084680744592, + "nauc_map_at_1_max": 19.221792285260147, + "nauc_map_at_1_std": -36.62117815127342, + "nauc_map_at_20_diff1": 72.00403582380048, + "nauc_map_at_20_max": 31.004347688742417, + "nauc_map_at_20_std": -41.060042626586416, + "nauc_map_at_3_diff1": 72.93189642332118, + "nauc_map_at_3_max": 27.73892205168097, + "nauc_map_at_3_std": -43.30991939814638, + "nauc_map_at_5_diff1": 72.5160537522699, + "nauc_map_at_5_max": 29.63685791438478, + "nauc_map_at_5_std": -42.96659156810372, + "nauc_mrr_at_1000_diff1": 71.90147173095302, + "nauc_mrr_at_1000_max": 35.940317491851694, + "nauc_mrr_at_1000_std": -36.68579617983882, + "nauc_mrr_at_100_diff1": 71.90072229115142, + "nauc_mrr_at_100_max": 35.94516255768936, + "nauc_mrr_at_100_std": -36.67856828426162, + "nauc_mrr_at_10_diff1": 71.85801945991824, + "nauc_mrr_at_10_max": 36.07450549726053, + "nauc_mrr_at_10_std": -36.6574239418474, + "nauc_mrr_at_1_diff1": 72.7487436455008, + "nauc_mrr_at_1_max": 33.4319386768096, + "nauc_mrr_at_1_std": -36.45664395168034, + "nauc_mrr_at_20_diff1": 71.90639260981615, + "nauc_mrr_at_20_max": 36.016630372090525, + "nauc_mrr_at_20_std": -36.66806949361515, + "nauc_mrr_at_3_diff1": 71.44580989174713, + "nauc_mrr_at_3_max": 36.14773805963233, + "nauc_mrr_at_3_std": -36.77858114551201, + "nauc_mrr_at_5_diff1": 71.76720756731626, + "nauc_mrr_at_5_max": 36.2542204305357, + "nauc_mrr_at_5_std": -36.6104713553764, + "nauc_ndcg_at_1000_diff1": 71.53171713574864, + "nauc_ndcg_at_1000_max": 33.46348829708273, + "nauc_ndcg_at_1000_std": -38.07080231429607, + "nauc_ndcg_at_100_diff1": 71.51771411127783, + "nauc_ndcg_at_100_max": 33.606977743408365, + "nauc_ndcg_at_100_std": -38.095941435745075, + "nauc_ndcg_at_10_diff1": 71.69089621879667, + "nauc_ndcg_at_10_max": 33.00069266017414, + "nauc_ndcg_at_10_std": -40.7188348379717, + "nauc_ndcg_at_1_diff1": 72.79491888263016, + "nauc_ndcg_at_1_max": 33.29638988300579, + "nauc_ndcg_at_1_std": -36.447696477457235, + "nauc_ndcg_at_20_diff1": 71.76982125411759, + "nauc_ndcg_at_20_max": 33.64375758413667, + "nauc_ndcg_at_20_std": -39.49026957812086, + "nauc_ndcg_at_3_diff1": 71.16497890966858, + "nauc_ndcg_at_3_max": 32.07287318566269, + "nauc_ndcg_at_3_std": -41.48214270415671, + "nauc_ndcg_at_5_diff1": 71.62531294064848, + "nauc_ndcg_at_5_max": 32.669489846127426, + "nauc_ndcg_at_5_std": -41.48868720768341, + "nauc_precision_at_1000_diff1": -41.78128711551645, + "nauc_precision_at_1000_max": 2.438112824671157, + "nauc_precision_at_1000_std": 36.31304884788196, + "nauc_precision_at_100_diff1": -40.88585036122386, + "nauc_precision_at_100_max": 4.549436618614055, + "nauc_precision_at_100_std": 34.22863218610554, + "nauc_precision_at_10_diff1": -32.498791014783215, + "nauc_precision_at_10_max": 10.335105655353592, + "nauc_precision_at_10_std": 19.615568390029996, + "nauc_precision_at_1_diff1": 72.79491888263016, + "nauc_precision_at_1_max": 33.29638988300579, + "nauc_precision_at_1_std": -36.447696477457235, + "nauc_precision_at_20_diff1": -37.02913687382553, + "nauc_precision_at_20_max": 7.702625378474581, + "nauc_precision_at_20_std": 26.924503385144305, + "nauc_precision_at_3_diff1": -10.70889509336384, + "nauc_precision_at_3_max": 19.01391790730139, + "nauc_precision_at_3_std": -0.3082223867032308, + "nauc_precision_at_5_diff1": -23.455129536841024, + "nauc_precision_at_5_max": 15.200131768852115, + "nauc_precision_at_5_std": 10.043071356667568, + "nauc_recall_at_1000_diff1": 53.062595262077814, + "nauc_recall_at_1000_max": -22.60327055724744, + "nauc_recall_at_1000_std": 30.926362639911186, + "nauc_recall_at_100_diff1": 64.86049883288433, + "nauc_recall_at_100_max": 43.630795280243426, + "nauc_recall_at_100_std": -19.004039027440363, + "nauc_recall_at_10_diff1": 67.6088540053325, + "nauc_recall_at_10_max": 32.59063448235274, + "nauc_recall_at_10_std": -48.53346063375749, + "nauc_recall_at_1_diff1": 76.18084680744592, + "nauc_recall_at_1_max": 19.221792285260147, + "nauc_recall_at_1_std": -36.62117815127342, + "nauc_recall_at_20_diff1": 69.9198659134458, + "nauc_recall_at_20_max": 39.37372830048965, + "nauc_recall_at_20_std": -45.5107664415436, + "nauc_recall_at_3_diff1": 69.4918403464634, + "nauc_recall_at_3_max": 27.888269294676952, + "nauc_recall_at_3_std": -46.75391426769085, + "nauc_recall_at_5_diff1": 68.69308264633088, + "nauc_recall_at_5_max": 30.788769684713763, + "nauc_recall_at_5_std": -48.20245507137716, + "ndcg_at_1": 77.42, + "ndcg_at_10": 85.386, + "ndcg_at_100": 86.964, + "ndcg_at_1000": 87.10799999999999, + "ndcg_at_20": 86.259, + "ndcg_at_3": 82.356, + "ndcg_at_5": 83.91, + "precision_at_1": 77.42, + "precision_at_10": 13.064, + "precision_at_100": 1.488, + "precision_at_1000": 0.152, + "precision_at_20": 6.978, + "precision_at_3": 36.353, + "precision_at_5": 23.888, + "recall_at_1": 66.987, + "recall_at_10": 93.487, + "recall_at_100": 99.125, + "recall_at_1000": 99.94, + "recall_at_20": 96.263, + "recall_at_3": 84.761, + "recall_at_5": 89.242 + } + ], + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 85.56099999999999, + "map_at_1": 67.497, + "map_at_10": 81.523, + "map_at_100": 82.253, + "map_at_1000": 82.269, + "map_at_20": 82.0, + "map_at_3": 78.39399999999999, + "map_at_5": 80.352, + "mrr_at_1": 77.97, + "mrr_at_10": 84.6137420634918, + "mrr_at_100": 84.7867074667826, + "mrr_at_1000": 84.7886101354869, + "mrr_at_20": 84.74068012792132, + "mrr_at_3": 83.48833333333296, + "mrr_at_5": 84.26183333333283, + "nauc_map_at_1000_diff1": 72.75256203555736, + "nauc_map_at_1000_max": 32.109499410706924, + "nauc_map_at_1000_std": -43.48607664191692, + "nauc_map_at_100_diff1": 72.7621590254899, + "nauc_map_at_100_max": 32.08666240896605, + "nauc_map_at_100_std": -43.52175837960735, + "nauc_map_at_10_diff1": 73.0914502532422, + "nauc_map_at_10_max": 31.21935764927552, + "nauc_map_at_10_std": -45.596143090602155, + "nauc_map_at_1_diff1": 77.6224306824682, + "nauc_map_at_1_max": 22.507118034491427, + "nauc_map_at_1_std": -40.33167676556522, + "nauc_map_at_20_diff1": 72.8820293672954, + "nauc_map_at_20_max": 31.73360303879727, + "nauc_map_at_20_std": -44.454775928554376, + "nauc_map_at_3_diff1": 74.10546474965095, + "nauc_map_at_3_max": 27.647987662942402, + "nauc_map_at_3_std": -47.234626583510355, + "nauc_map_at_5_diff1": 73.52017296999442, + "nauc_map_at_5_max": 29.763316409372663, + "nauc_map_at_5_std": -46.85804426702457, + "nauc_mrr_at_1000_diff1": 72.46174562552228, + "nauc_mrr_at_1000_max": 36.29693186997953, + "nauc_mrr_at_1000_std": -39.138708209808, + "nauc_mrr_at_100_diff1": 72.46035839735728, + "nauc_mrr_at_100_max": 36.302723895121645, + "nauc_mrr_at_100_std": -39.1324046718197, + "nauc_mrr_at_10_diff1": 72.36917674578362, + "nauc_mrr_at_10_max": 36.369854321798634, + "nauc_mrr_at_10_std": -39.236853924584764, + "nauc_mrr_at_1_diff1": 74.17185246735727, + "nauc_mrr_at_1_max": 34.95837580050766, + "nauc_mrr_at_1_std": -37.80684342737821, + "nauc_mrr_at_20_diff1": 72.44437909450644, + "nauc_mrr_at_20_max": 36.33224715875864, + "nauc_mrr_at_20_std": -39.169673628719565, + "nauc_mrr_at_3_diff1": 72.22379259192769, + "nauc_mrr_at_3_max": 35.824553778653325, + "nauc_mrr_at_3_std": -39.79306459480282, + "nauc_mrr_at_5_diff1": 72.2369691369586, + "nauc_mrr_at_5_max": 36.33784223941021, + "nauc_mrr_at_5_std": -39.36670062046302, + "nauc_ndcg_at_1000_diff1": 72.01179014018193, + "nauc_ndcg_at_1000_max": 34.66610828967116, + "nauc_ndcg_at_1000_std": -40.79246584671935, + "nauc_ndcg_at_100_diff1": 72.02571416492458, + "nauc_ndcg_at_100_max": 34.724662063977476, + "nauc_ndcg_at_100_std": -40.71853456489787, + "nauc_ndcg_at_10_diff1": 72.05449454021301, + "nauc_ndcg_at_10_max": 33.65231664572072, + "nauc_ndcg_at_10_std": -44.387726473312185, + "nauc_ndcg_at_1_diff1": 74.17185246735727, + "nauc_ndcg_at_1_max": 34.97004776008378, + "nauc_ndcg_at_1_std": -37.71249508747126, + "nauc_ndcg_at_20_diff1": 72.09392270433015, + "nauc_ndcg_at_20_max": 34.04000107921998, + "nauc_ndcg_at_20_std": -42.86390076582997, + "nauc_ndcg_at_3_diff1": 72.04472679866134, + "nauc_ndcg_at_3_max": 31.342820752545002, + "nauc_ndcg_at_3_std": -44.8034473982025, + "nauc_ndcg_at_5_diff1": 72.01402290251924, + "nauc_ndcg_at_5_max": 32.582295878461906, + "nauc_ndcg_at_5_std": -45.23466775961186, + "nauc_precision_at_1000_diff1": -43.708171172526, + "nauc_precision_at_1000_max": 4.162817192837958, + "nauc_precision_at_1000_std": 41.4385681190868, + "nauc_precision_at_100_diff1": -43.108346163549854, + "nauc_precision_at_100_max": 4.67035667258918, + "nauc_precision_at_100_std": 41.46618060427868, + "nauc_precision_at_10_diff1": -34.98729419918756, + "nauc_precision_at_10_max": 8.60311602976671, + "nauc_precision_at_10_std": 24.27173552773047, + "nauc_precision_at_1_diff1": 74.17185246735727, + "nauc_precision_at_1_max": 34.97004776008378, + "nauc_precision_at_1_std": -37.71249508747126, + "nauc_precision_at_20_diff1": -39.693045353877146, + "nauc_precision_at_20_max": 6.566610093825938, + "nauc_precision_at_20_std": 32.591669383633864, + "nauc_precision_at_3_diff1": -10.84059740293422, + "nauc_precision_at_3_max": 14.778921667316514, + "nauc_precision_at_3_std": 0.20610132151386867, + "nauc_precision_at_5_diff1": -25.776681106529015, + "nauc_precision_at_5_max": 11.422241065581462, + "nauc_precision_at_5_std": 13.113277134240322, + "nauc_recall_at_1000_diff1": 63.99277654005502, + "nauc_recall_at_1000_max": 81.89809119086901, + "nauc_recall_at_1000_std": 49.009493075982604, + "nauc_recall_at_100_diff1": 65.00747551591195, + "nauc_recall_at_100_max": 58.34661374064065, + "nauc_recall_at_100_std": -2.2251834665513215, + "nauc_recall_at_10_diff1": 65.53778699047477, + "nauc_recall_at_10_max": 32.37899366515905, + "nauc_recall_at_10_std": -56.58653525784876, + "nauc_recall_at_1_diff1": 77.6224306824682, + "nauc_recall_at_1_max": 22.507118034491427, + "nauc_recall_at_1_std": -40.33167676556522, + "nauc_recall_at_20_diff1": 65.50582600247682, + "nauc_recall_at_20_max": 35.57972574345174, + "nauc_recall_at_20_std": -51.94704680030098, + "nauc_recall_at_3_diff1": 70.09083256856663, + "nauc_recall_at_3_max": 24.1544101793869, + "nauc_recall_at_3_std": -53.465675345124055, + "nauc_recall_at_5_diff1": 67.77056112320096, + "nauc_recall_at_5_max": 27.958593788155987, + "nauc_recall_at_5_std": -56.15384175590208, + "ndcg_at_1": 77.97, + "ndcg_at_10": 85.56099999999999, + "ndcg_at_100": 87.14699999999999, + "ndcg_at_1000": 87.274, + "ndcg_at_20": 86.416, + "ndcg_at_3": 82.349, + "ndcg_at_5": 84.148, + "precision_at_1": 77.97, + "precision_at_10": 13.175, + "precision_at_100": 1.5270000000000001, + "precision_at_1000": 0.156, + "precision_at_20": 7.037, + "precision_at_3": 36.183, + "precision_at_5": 24.01, + "recall_at_1": 67.497, + "recall_at_10": 93.452, + "recall_at_100": 99.181, + "recall_at_1000": 99.855, + "recall_at_20": 96.31, + "recall_at_3": 84.396, + "recall_at_5": 89.298 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FUE-v1/external/SCIDOCS.json b/results/qinxianliu__FUE-v1/external/SCIDOCS.json new file mode 100644 index 000000000..4982b1729 --- /dev/null +++ b/results/qinxianliu__FUE-v1/external/SCIDOCS.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f8c2fcf00f625baaa80f62ec5bd9e1fff3b8ae88", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 21.383, + "map_at_1": 4.547, + "map_at_10": 12.629000000000001, + "map_at_100": 15.085999999999999, + "map_at_1000": 15.478, + "map_at_20": 13.806, + "map_at_3": 8.620999999999999, + "map_at_5": 10.465, + "mrr_at_1": 22.3, + "mrr_at_10": 34.701309523809535, + "mrr_at_100": 35.731488574144606, + "mrr_at_1000": 35.78105399278444, + "mrr_at_20": 35.27448919286768, + "mrr_at_3": 30.800000000000015, + "mrr_at_5": 33.14999999999999, + "nauc_map_at_1000_diff1": 8.343120963945573, + "nauc_map_at_1000_max": 33.75996610404545, + "nauc_map_at_1000_std": 21.75562874917409, + "nauc_map_at_100_diff1": 8.384427363803946, + "nauc_map_at_100_max": 33.79077477489537, + "nauc_map_at_100_std": 21.686104124370104, + "nauc_map_at_10_diff1": 9.234064591129155, + "nauc_map_at_10_max": 32.0489964068748, + "nauc_map_at_10_std": 17.763385123837153, + "nauc_map_at_1_diff1": 15.665356237945588, + "nauc_map_at_1_max": 26.57885889682774, + "nauc_map_at_1_std": 13.193930049941363, + "nauc_map_at_20_diff1": 8.780121965824657, + "nauc_map_at_20_max": 32.869986461841606, + "nauc_map_at_20_std": 19.467991991140142, + "nauc_map_at_3_diff1": 11.035561869808728, + "nauc_map_at_3_max": 27.582026721813047, + "nauc_map_at_3_std": 13.036167718922828, + "nauc_map_at_5_diff1": 10.080603205194704, + "nauc_map_at_5_max": 30.044299131641584, + "nauc_map_at_5_std": 15.350543387048896, + "nauc_mrr_at_1000_diff1": 11.840089363851067, + "nauc_mrr_at_1000_max": 29.12864266402923, + "nauc_mrr_at_1000_std": 17.228534279486695, + "nauc_mrr_at_100_diff1": 11.809506621783779, + "nauc_mrr_at_100_max": 29.160886200309044, + "nauc_mrr_at_100_std": 17.282962681247795, + "nauc_mrr_at_10_diff1": 11.935445560209875, + "nauc_mrr_at_10_max": 29.30219333248834, + "nauc_mrr_at_10_std": 16.987513421652007, + "nauc_mrr_at_1_diff1": 16.006372448277954, + "nauc_mrr_at_1_max": 26.835362452310946, + "nauc_mrr_at_1_std": 13.253888908633249, + "nauc_mrr_at_20_diff1": 11.859112690530099, + "nauc_mrr_at_20_max": 29.23212198991369, + "nauc_mrr_at_20_std": 17.371690243627583, + "nauc_mrr_at_3_diff1": 11.942072558497351, + "nauc_mrr_at_3_max": 27.518198076910377, + "nauc_mrr_at_3_std": 15.553451577229513, + "nauc_mrr_at_5_diff1": 11.844643930313167, + "nauc_mrr_at_5_max": 28.507660302183385, + "nauc_mrr_at_5_std": 16.407092796978915, + "nauc_ndcg_at_1000_diff1": 7.566941588567799, + "nauc_ndcg_at_1000_max": 35.66190450829144, + "nauc_ndcg_at_1000_std": 27.644208320073655, + "nauc_ndcg_at_100_diff1": 7.789806046298824, + "nauc_ndcg_at_100_max": 36.44803836644228, + "nauc_ndcg_at_100_std": 28.570220616023008, + "nauc_ndcg_at_10_diff1": 9.112031867544205, + "nauc_ndcg_at_10_max": 33.29203357424967, + "nauc_ndcg_at_10_std": 19.717835519047455, + "nauc_ndcg_at_1_diff1": 16.006372448277954, + "nauc_ndcg_at_1_max": 26.835362452310946, + "nauc_ndcg_at_1_std": 13.253888908633249, + "nauc_ndcg_at_20_diff1": 8.512820930810134, + "nauc_ndcg_at_20_max": 34.04402394206212, + "nauc_ndcg_at_20_std": 22.450723493452905, + "nauc_ndcg_at_3_diff1": 10.666228630298292, + "nauc_ndcg_at_3_max": 27.790265132571, + "nauc_ndcg_at_3_std": 14.549017414623137, + "nauc_ndcg_at_5_diff1": 9.689838800282292, + "nauc_ndcg_at_5_max": 30.200901003139375, + "nauc_ndcg_at_5_std": 16.756955996011495, + "nauc_precision_at_1000_diff1": -1.7688373117252636, + "nauc_precision_at_1000_max": 28.14939872063652, + "nauc_precision_at_1000_std": 36.11781984236825, + "nauc_precision_at_100_diff1": 2.6982654390147434, + "nauc_precision_at_100_max": 34.95302652738801, + "nauc_precision_at_100_std": 38.612855789126435, + "nauc_precision_at_10_diff1": 6.3582141835613575, + "nauc_precision_at_10_max": 34.35036042979775, + "nauc_precision_at_10_std": 22.37284626453628, + "nauc_precision_at_1_diff1": 16.006372448277954, + "nauc_precision_at_1_max": 26.835362452310946, + "nauc_precision_at_1_std": 13.253888908633249, + "nauc_precision_at_20_diff1": 4.929659714506811, + "nauc_precision_at_20_max": 33.63912155282006, + "nauc_precision_at_20_std": 26.48159430953102, + "nauc_precision_at_3_diff1": 8.684533707455072, + "nauc_precision_at_3_max": 27.201795527705, + "nauc_precision_at_3_std": 14.702968668907863, + "nauc_precision_at_5_diff1": 6.996882444408692, + "nauc_precision_at_5_max": 30.190181104191716, + "nauc_precision_at_5_std": 17.9773294217075, + "nauc_recall_at_1000_diff1": -2.081286806432597, + "nauc_recall_at_1000_max": 28.92540441778861, + "nauc_recall_at_1000_std": 38.288436893164594, + "nauc_recall_at_100_diff1": 2.587296034481601, + "nauc_recall_at_100_max": 35.29377052645708, + "nauc_recall_at_100_std": 39.05821703702423, + "nauc_recall_at_10_diff1": 6.316338189514334, + "nauc_recall_at_10_max": 34.11763962208226, + "nauc_recall_at_10_std": 22.195626530130237, + "nauc_recall_at_1_diff1": 15.665356237945588, + "nauc_recall_at_1_max": 26.57885889682774, + "nauc_recall_at_1_std": 13.193930049941363, + "nauc_recall_at_20_diff1": 4.830004620366135, + "nauc_recall_at_20_max": 33.408749981759904, + "nauc_recall_at_20_std": 26.32129089751909, + "nauc_recall_at_3_diff1": 8.682897494798821, + "nauc_recall_at_3_max": 26.920725011561657, + "nauc_recall_at_3_std": 14.373627083919555, + "nauc_recall_at_5_diff1": 7.078349615166568, + "nauc_recall_at_5_max": 29.938684723317483, + "nauc_recall_at_5_std": 17.610677580599983, + "ndcg_at_1": 22.3, + "ndcg_at_10": 21.383, + "ndcg_at_100": 30.686999999999998, + "ndcg_at_1000": 36.806, + "ndcg_at_20": 24.38, + "ndcg_at_3": 19.262999999999998, + "ndcg_at_5": 17.226, + "precision_at_1": 22.3, + "precision_at_10": 11.53, + "precision_at_100": 2.5170000000000003, + "precision_at_1000": 0.39699999999999996, + "precision_at_20": 7.495, + "precision_at_3": 18.3, + "precision_at_5": 15.479999999999999, + "recall_at_1": 4.547, + "recall_at_10": 23.357, + "recall_at_100": 51.047, + "recall_at_1000": 80.63, + "recall_at_20": 30.392999999999997, + "recall_at_3": 11.161999999999999, + "recall_at_5": 15.702 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FUE-v1/external/SICK-R.json b/results/qinxianliu__FUE-v1/external/SICK-R.json new file mode 100644 index 000000000..366a856a0 --- /dev/null +++ b/results/qinxianliu__FUE-v1/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 82.89761522599564, + "cosine_spearman": 79.61239240879378, + "euclidean_pearson": 80.47994478833725, + "euclidean_spearman": 79.61239321441792, + "main_score": 79.61239240879378, + "manhattan_pearson": 80.28255784608595, + "manhattan_spearman": 79.40840813688955, + "pearson": 82.89761555899388, + "spearman": 79.6123884921359 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FUE-v1/external/STS12.json b/results/qinxianliu__FUE-v1/external/STS12.json new file mode 100644 index 000000000..96ccb7c4e --- /dev/null +++ b/results/qinxianliu__FUE-v1/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 80.60566114110073, + "cosine_spearman": 70.13320748146175, + "euclidean_pearson": 77.57067368654582, + "euclidean_spearman": 70.13314252571948, + "main_score": 70.13320748146175, + "manhattan_pearson": 77.29676392658962, + "manhattan_spearman": 69.88321444641842, + "pearson": 80.60566179532725, + "spearman": 70.13415482313484 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FUE-v1/external/STS13.json b/results/qinxianliu__FUE-v1/external/STS13.json new file mode 100644 index 000000000..0d092f48b --- /dev/null +++ b/results/qinxianliu__FUE-v1/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 78.320437342309, + "cosine_spearman": 80.74355074851618, + "euclidean_pearson": 80.17187362623575, + "euclidean_spearman": 80.7435506767441, + "main_score": 80.74355074851618, + "manhattan_pearson": 79.88874001476627, + "manhattan_spearman": 80.45868266096211, + "pearson": 78.32043820850613, + "spearman": 80.7435506767441 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FUE-v1/external/STS14.json b/results/qinxianliu__FUE-v1/external/STS14.json new file mode 100644 index 000000000..ba736b036 --- /dev/null +++ b/results/qinxianliu__FUE-v1/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 79.70921389242768, + "cosine_spearman": 76.24023668566399, + "euclidean_pearson": 79.46251371995523, + "euclidean_spearman": 76.24023301664893, + "main_score": 76.24023668566399, + "manhattan_pearson": 79.20065381375537, + "manhattan_spearman": 76.00256203342937, + "pearson": 79.70921366493712, + "spearman": 76.24024123334894 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FUE-v1/external/STS15.json b/results/qinxianliu__FUE-v1/external/STS15.json new file mode 100644 index 000000000..254f41627 --- /dev/null +++ b/results/qinxianliu__FUE-v1/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 82.52746024419504, + "cosine_spearman": 84.11623590647757, + "euclidean_pearson": 83.48562697051246, + "euclidean_spearman": 84.11623814887781, + "main_score": 84.11623590647757, + "manhattan_pearson": 83.31205342795175, + "manhattan_spearman": 83.94265353931766, + "pearson": 82.5274599058833, + "spearman": 84.11622788808319 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FUE-v1/external/STS16.json b/results/qinxianliu__FUE-v1/external/STS16.json new file mode 100644 index 000000000..0dbcccdd6 --- /dev/null +++ b/results/qinxianliu__FUE-v1/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 74.82265172874041, + "cosine_spearman": 78.4960329393101, + "euclidean_pearson": 78.22716476239002, + "euclidean_spearman": 78.4960329393101, + "main_score": 78.4960329393101, + "manhattan_pearson": 78.05885015944702, + "manhattan_spearman": 78.3249847702297, + "pearson": 74.8226511407601, + "spearman": 78.49603251582666 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FUE-v1/external/STS17.json b/results/qinxianliu__FUE-v1/external/STS17.json new file mode 100644 index 000000000..baa336cbe --- /dev/null +++ b/results/qinxianliu__FUE-v1/external/STS17.json @@ -0,0 +1,182 @@ +{ + "dataset_revision": "faeb762787bd10488a50c8b5be4a3b82e411949c", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-ar", + "languages": [ + "eng-Latn", + "ara-Arab" + ], + "cosine_pearson": 9.087713281584145, + "cosine_spearman": 9.1279366990081, + "euclidean_pearson": 9.117969623657645, + "euclidean_spearman": 9.1279366990081, + "main_score": 9.1279366990081, + "manhattan_pearson": 6.440301458166155, + "manhattan_spearman": 6.5264401438882, + "pearson": 9.087716717716269, + "spearman": 9.1279366990081 + }, + { + "hf_subset": "ko-ko", + "languages": [ + "kor-Hang" + ], + "cosine_pearson": 21.931422026594692, + "cosine_spearman": 32.79923712532921, + "euclidean_pearson": 28.93227440763988, + "euclidean_spearman": 32.79905675768862, + "main_score": 32.79923712532921, + "manhattan_pearson": 29.05113424705813, + "manhattan_spearman": 32.79564881007963, + "pearson": 21.931423583103467, + "spearman": 32.798301050425714 + }, + { + "hf_subset": "en-de", + "languages": [ + "eng-Latn", + "deu-Latn" + ], + "cosine_pearson": 30.28151988475531, + "cosine_spearman": 28.038768547398902, + "euclidean_pearson": 30.498915267658234, + "euclidean_spearman": 28.038768547398902, + "main_score": 28.038768547398902, + "manhattan_pearson": 30.794292054714152, + "manhattan_spearman": 28.56988926201773, + "pearson": 30.281515394951132, + "spearman": 28.038768547398902 + }, + { + "hf_subset": "en-tr", + "languages": [ + "eng-Latn", + "tur-Latn" + ], + "cosine_pearson": 1.103529546877178, + "cosine_spearman": -4.344212733215535, + "euclidean_pearson": 1.4727741337049667, + "euclidean_spearman": -4.344212733215535, + "main_score": -4.344212733215535, + "manhattan_pearson": 3.066202915700401, + "manhattan_spearman": -1.8750642080759847, + "pearson": 1.1035283349143992, + "spearman": -4.344212733215535 + }, + { + "hf_subset": "ar-ar", + "languages": [ + "ara-Arab" + ], + "cosine_pearson": 34.20639223082103, + "cosine_spearman": 50.099745536749865, + "euclidean_pearson": 46.672397550772246, + "euclidean_spearman": 50.099745536749865, + "main_score": 50.099745536749865, + "manhattan_pearson": 46.27511641947692, + "manhattan_spearman": 49.773911789667046, + "pearson": 34.20638672669267, + "spearman": 50.092555073567134 + }, + { + "hf_subset": "it-en", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "cosine_pearson": 28.724311230307375, + "cosine_spearman": 28.250724805661058, + "euclidean_pearson": 28.315938847964397, + "euclidean_spearman": 28.250724805661058, + "main_score": 28.250724805661058, + "manhattan_pearson": 27.674391866744763, + "manhattan_spearman": 26.340658343374766, + "pearson": 28.724300976547458, + "spearman": 28.250724805661058 + }, + { + "hf_subset": "es-es", + "languages": [ + "spa-Latn" + ], + "cosine_pearson": 68.60948138294124, + "cosine_spearman": 71.2644385447136, + "euclidean_pearson": 73.24322173392738, + "euclidean_spearman": 71.2644385447136, + "main_score": 71.2644385447136, + "manhattan_pearson": 72.77369507880161, + "manhattan_spearman": 70.79274454462727, + "pearson": 68.6094780579963, + "spearman": 71.26563420541223 + }, + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 89.55726457989037, + "cosine_spearman": 89.80253006361272, + "euclidean_pearson": 89.52662858022953, + "euclidean_spearman": 89.80253006361272, + "main_score": 89.80253006361272, + "manhattan_pearson": 89.515204742883, + "manhattan_spearman": 89.85327040835446, + "pearson": 89.5572652518414, + "spearman": 89.80253006361272 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "cosine_pearson": 35.25506119586307, + "cosine_spearman": 34.7509473636312, + "euclidean_pearson": 34.966513615613614, + "euclidean_spearman": 34.7509473636312, + "main_score": 34.7509473636312, + "manhattan_pearson": 34.205440386931265, + "manhattan_spearman": 34.19580186457024, + "pearson": 35.255050728265005, + "spearman": 34.7509473636312 + }, + { + "hf_subset": "nl-en", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "cosine_pearson": 29.15956073846505, + "cosine_spearman": 23.4150546328063, + "euclidean_pearson": 29.36385636868059, + "euclidean_spearman": 23.4150546328063, + "main_score": 23.4150546328063, + "manhattan_pearson": 27.709164754459888, + "manhattan_spearman": 21.483654161935416, + "pearson": 29.159552605316065, + "spearman": 23.4150546328063 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cosine_pearson": 16.614254117804347, + "cosine_spearman": 17.838933806777177, + "euclidean_pearson": 16.374166189982727, + "euclidean_spearman": 17.838933806777177, + "main_score": 17.838933806777177, + "manhattan_pearson": 17.061405031678706, + "manhattan_spearman": 17.720413541179628, + "pearson": 16.61424897880095, + "spearman": 17.838933806777177 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FUE-v1/external/STS22.json b/results/qinxianliu__FUE-v1/external/STS22.json new file mode 100644 index 000000000..fdf32b42a --- /dev/null +++ b/results/qinxianliu__FUE-v1/external/STS22.json @@ -0,0 +1,288 @@ +{ + "dataset_revision": "de9d86b3b84231dc21f76c7b7af1f28e2f57f6e3", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "es-it", + "languages": [ + "spa-Latn", + "ita-Latn" + ], + "cosine_pearson": 33.923866543364184, + "cosine_spearman": 28.270091354677568, + "euclidean_pearson": 32.54215682097072, + "euclidean_spearman": 28.270091354677568, + "main_score": 28.270091354677568, + "manhattan_pearson": 32.330367232207976, + "manhattan_spearman": 28.255815608210906, + "pearson": 33.923868062160935, + "spearman": 28.270091354677568 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "cosine_pearson": 33.485734155602124, + "cosine_spearman": 35.184256236066545, + "euclidean_pearson": 35.72218023358308, + "euclidean_spearman": 35.184256236066545, + "main_score": 35.184256236066545, + "manhattan_pearson": 35.6410009964212, + "manhattan_spearman": 35.234893627175516, + "pearson": 33.485735809605345, + "spearman": 35.184256236066545 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "cosine_pearson": 9.234564624165541, + "cosine_spearman": 9.26135671318589, + "euclidean_pearson": 5.846102863095134, + "euclidean_spearman": 9.26135671318589, + "main_score": 9.26135671318589, + "manhattan_pearson": 5.7129856416500635, + "manhattan_spearman": 9.101317893245328, + "pearson": 9.23456334729063, + "spearman": 9.253696154102018 + }, + { + "hf_subset": "de-pl", + "languages": [ + "deu-Latn", + "pol-Latn" + ], + "cosine_pearson": 7.541720515534752, + "cosine_spearman": 16.228492544303737, + "euclidean_pearson": 8.688753048966332, + "euclidean_spearman": 16.228492544303737, + "main_score": 16.228492544303737, + "manhattan_pearson": 8.82151603264942, + "manhattan_spearman": 14.072905299329804, + "pearson": 7.5417136414683394, + "spearman": 16.228492544303737 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 14.272880349051686, + "cosine_spearman": 26.923117280473786, + "euclidean_pearson": 21.452060315735473, + "euclidean_spearman": 26.923117280473786, + "main_score": 26.923117280473786, + "manhattan_pearson": 21.100522438025678, + "manhattan_spearman": 26.877576505273343, + "pearson": 14.272881506036967, + "spearman": 26.92266584563422 + }, + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "cosine_pearson": 43.299601499947705, + "cosine_spearman": 44.906191184092506, + "euclidean_pearson": 44.27229004756392, + "euclidean_spearman": 44.906191184092506, + "main_score": 44.906191184092506, + "manhattan_pearson": 43.30226127948028, + "manhattan_spearman": 44.15123742556422, + "pearson": 43.29959849491429, + "spearman": 44.906191184092506 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "cosine_pearson": 38.208833040701016, + "cosine_spearman": 40.35513412565045, + "euclidean_pearson": 37.69713615937953, + "euclidean_spearman": 40.35513412565045, + "main_score": 40.35513412565045, + "manhattan_pearson": 38.07295736531383, + "manhattan_spearman": 41.18949838024728, + "pearson": 38.20882899305228, + "spearman": 40.35513412565045 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cosine_pearson": 57.64495357984024, + "cosine_spearman": 58.654277042743985, + "euclidean_pearson": 57.6918916487343, + "euclidean_spearman": 58.654277042743985, + "main_score": 58.654277042743985, + "manhattan_pearson": 57.44807489792652, + "manhattan_spearman": 58.55625686584207, + "pearson": 57.64495326981972, + "spearman": 58.654277042743985 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "cosine_pearson": 11.450692016022549, + "cosine_spearman": 17.51115938663503, + "euclidean_pearson": 15.02321459776712, + "euclidean_spearman": 17.51115938663503, + "main_score": 17.51115938663503, + "manhattan_pearson": 14.927559119791256, + "manhattan_spearman": 17.573688652181342, + "pearson": 11.450690790822087, + "spearman": 17.51115938663503 + }, + { + "hf_subset": "pl-en", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "cosine_pearson": 43.813735649943744, + "cosine_spearman": 43.21656383381947, + "euclidean_pearson": 44.23609795164775, + "euclidean_spearman": 43.21656383381947, + "main_score": 43.21656383381947, + "manhattan_pearson": 45.15245284513481, + "manhattan_spearman": 44.617872376647036, + "pearson": 43.81373603921556, + "spearman": 43.21656383381947 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "cosine_pearson": 2.064593579711082, + "cosine_spearman": 13.671807943753796, + "euclidean_pearson": -0.2014491570823139, + "euclidean_spearman": 13.671807943753796, + "main_score": 13.671807943753796, + "manhattan_pearson": -0.47928238790519784, + "manhattan_spearman": 13.539652287241891, + "pearson": 2.064597029930494, + "spearman": 13.877866791327195 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "cosine_pearson": 34.34600586953367, + "cosine_spearman": 35.333432813362556, + "euclidean_pearson": 35.55800799947818, + "euclidean_spearman": 35.333432813362556, + "main_score": 35.333432813362556, + "manhattan_pearson": 35.52036355368523, + "manhattan_spearman": 35.32333999151806, + "pearson": 34.34600393440248, + "spearman": 35.333432813362556 + }, + { + "hf_subset": "de-fr", + "languages": [ + "deu-Latn", + "fra-Latn" + ], + "cosine_pearson": 34.38468852241422, + "cosine_spearman": 37.517923206663426, + "euclidean_pearson": 36.15747644065988, + "euclidean_spearman": 37.517923206663426, + "main_score": 37.517923206663426, + "manhattan_pearson": 36.367891064808674, + "manhattan_spearman": 36.98092141912518, + "pearson": 34.3846838424612, + "spearman": 37.517923206663426 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 62.10106220976315, + "cosine_spearman": 62.162497286103665, + "euclidean_pearson": 63.47223854069964, + "euclidean_spearman": 62.162497286103665, + "main_score": 62.162497286103665, + "manhattan_pearson": 63.20260003333065, + "manhattan_spearman": 61.91516380449414, + "pearson": 62.10106168936663, + "spearman": 62.162497286103665 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cosine_pearson": 43.060498443703956, + "cosine_spearman": 46.96962646942495, + "euclidean_pearson": 44.32895696900264, + "euclidean_spearman": 46.96962646942495, + "main_score": 46.96962646942495, + "manhattan_pearson": 44.35969054771841, + "manhattan_spearman": 47.06500736586804, + "pearson": 43.060495996175085, + "spearman": 46.96962646942495 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "cosine_pearson": 31.552876706984677, + "cosine_spearman": 36.385581860846955, + "euclidean_pearson": 35.09094631898299, + "euclidean_spearman": 36.385581860846955, + "main_score": 36.385581860846955, + "manhattan_pearson": 34.90394958111092, + "manhattan_spearman": 36.31134774911119, + "pearson": 31.552876690362574, + "spearman": 36.385581860846955 + }, + { + "hf_subset": "fr-pl", + "languages": [ + "fra-Latn", + "pol-Latn" + ], + "cosine_pearson": 69.17422308603082, + "cosine_spearman": 61.97797868009122, + "euclidean_pearson": 68.87185772300731, + "euclidean_spearman": 61.97797868009122, + "main_score": 61.97797868009122, + "manhattan_pearson": 69.95446576863942, + "manhattan_spearman": 61.97797868009122, + "pearson": 69.17420713169005, + "spearman": 61.97797868009122 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "cosine_pearson": 7.810349558361704, + "cosine_spearman": 13.082192851727692, + "euclidean_pearson": 9.256112073506458, + "euclidean_spearman": 13.082192851727692, + "main_score": 13.082192851727692, + "manhattan_pearson": 8.72571445455125, + "manhattan_spearman": 12.72837879957086, + "pearson": 7.8103471976464665, + "spearman": 13.082192851727692 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FUE-v1/external/STSBenchmark.json b/results/qinxianliu__FUE-v1/external/STSBenchmark.json new file mode 100644 index 000000000..f439d1618 --- /dev/null +++ b/results/qinxianliu__FUE-v1/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 81.60094971873578, + "cosine_spearman": 82.21497157084686, + "euclidean_pearson": 82.7649580865935, + "euclidean_spearman": 82.21487652663633, + "main_score": 82.21497157084686, + "manhattan_pearson": 82.60879748854263, + "manhattan_spearman": 82.02680374744259, + "pearson": 81.60094958106916, + "spearman": 82.21497157084686 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FUE-v1/external/SciDocsRR.json b/results/qinxianliu__FUE-v1/external/SciDocsRR.json new file mode 100644 index 000000000..a02509cc8 --- /dev/null +++ b/results/qinxianliu__FUE-v1/external/SciDocsRR.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 88.0620858216092, + "map": 88.0620858216092, + "mrr": 96.56171442936149, + "nAUC_map_diff1": -10.48187303124293, + "nAUC_map_max": 56.61425009792597, + "nAUC_map_std": 71.46629366886685, + "nAUC_mrr_diff1": 32.581743266040704, + "nAUC_mrr_max": 88.42416536858423, + "nAUC_mrr_std": 83.97838942252417 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FUE-v1/external/SciFact.json b/results/qinxianliu__FUE-v1/external/SciFact.json new file mode 100644 index 000000000..3995686c1 --- /dev/null +++ b/results/qinxianliu__FUE-v1/external/SciFact.json @@ -0,0 +1,306 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 60.521, + "map_at_1": 44.622, + "map_at_10": 55.033, + "map_at_100": 55.659000000000006, + "map_at_1000": 55.701, + "map_at_20": 55.379999999999995, + "map_at_3": 51.918, + "map_at_5": 53.563, + "mrr_at_1": 46.666666666666664, + "mrr_at_10": 56.386640211640184, + "mrr_at_100": 56.86324391737727, + "mrr_at_1000": 56.899770911998424, + "mrr_at_20": 56.63502866958745, + "mrr_at_3": 53.88888888888887, + "mrr_at_5": 55.388888888888886, + "nauc_map_at_1000_diff1": 60.51522831114532, + "nauc_map_at_1000_max": 38.729857044583156, + "nauc_map_at_1000_std": 11.893619390095981, + "nauc_map_at_100_diff1": 60.49224806809106, + "nauc_map_at_100_max": 38.757391171919394, + "nauc_map_at_100_std": 11.904869622843274, + "nauc_map_at_10_diff1": 60.59184266027688, + "nauc_map_at_10_max": 38.814372515682855, + "nauc_map_at_10_std": 12.062834601122749, + "nauc_map_at_1_diff1": 65.53217534037644, + "nauc_map_at_1_max": 28.820516516628203, + "nauc_map_at_1_std": 0.31747544825532187, + "nauc_map_at_20_diff1": 60.49567580134993, + "nauc_map_at_20_max": 38.75172270044811, + "nauc_map_at_20_std": 12.03257481376082, + "nauc_map_at_3_diff1": 61.95672662726325, + "nauc_map_at_3_max": 36.21518511557246, + "nauc_map_at_3_std": 8.725184216964175, + "nauc_map_at_5_diff1": 61.59116859538641, + "nauc_map_at_5_max": 37.099329579199555, + "nauc_map_at_5_std": 9.77500772774504, + "nauc_mrr_at_1000_diff1": 59.42105746719931, + "nauc_mrr_at_1000_max": 40.45270689627016, + "nauc_mrr_at_1000_std": 14.875759703157328, + "nauc_mrr_at_100_diff1": 59.39676827842953, + "nauc_mrr_at_100_max": 40.471355257224204, + "nauc_mrr_at_100_std": 14.869956496055684, + "nauc_mrr_at_10_diff1": 59.259253351613026, + "nauc_mrr_at_10_max": 40.51223230352826, + "nauc_mrr_at_10_std": 15.184710455010213, + "nauc_mrr_at_1_diff1": 64.15225217314949, + "nauc_mrr_at_1_max": 32.78250943893229, + "nauc_mrr_at_1_std": 6.2994995170778845, + "nauc_mrr_at_20_diff1": 59.353790297025796, + "nauc_mrr_at_20_max": 40.50201824596607, + "nauc_mrr_at_20_std": 15.006822621780044, + "nauc_mrr_at_3_diff1": 60.38367084336967, + "nauc_mrr_at_3_max": 39.80345696060504, + "nauc_mrr_at_3_std": 14.692239492205003, + "nauc_mrr_at_5_diff1": 59.88907677461462, + "nauc_mrr_at_5_max": 40.45929072557247, + "nauc_mrr_at_5_std": 14.716015778108465, + "nauc_ndcg_at_1000_diff1": 57.912136336340005, + "nauc_ndcg_at_1000_max": 41.805732022231986, + "nauc_ndcg_at_1000_std": 16.26204553755279, + "nauc_ndcg_at_100_diff1": 57.20651790458488, + "nauc_ndcg_at_100_max": 42.35739596941831, + "nauc_ndcg_at_100_std": 16.634877514141273, + "nauc_ndcg_at_10_diff1": 57.21191994351011, + "nauc_ndcg_at_10_max": 42.90550640696327, + "nauc_ndcg_at_10_std": 17.95798580533489, + "nauc_ndcg_at_1_diff1": 64.15225217314949, + "nauc_ndcg_at_1_max": 32.78250943893229, + "nauc_ndcg_at_1_std": 6.2994995170778845, + "nauc_ndcg_at_20_diff1": 57.194338622478966, + "nauc_ndcg_at_20_max": 42.87305570893914, + "nauc_ndcg_at_20_std": 17.722159014890266, + "nauc_ndcg_at_3_diff1": 59.87720937097173, + "nauc_ndcg_at_3_max": 39.382390067554226, + "nauc_ndcg_at_3_std": 13.309064283277102, + "nauc_ndcg_at_5_diff1": 59.43934315091936, + "nauc_ndcg_at_5_max": 40.3233098967969, + "nauc_ndcg_at_5_std": 13.866407342104736, + "nauc_precision_at_1000_diff1": -25.868335387629987, + "nauc_precision_at_1000_max": 30.021175057678224, + "nauc_precision_at_1000_std": 48.10593849751903, + "nauc_precision_at_100_diff1": -9.246187406942138, + "nauc_precision_at_100_max": 38.74029847793067, + "nauc_precision_at_100_std": 46.21609723039785, + "nauc_precision_at_10_diff1": 14.57423342836458, + "nauc_precision_at_10_max": 53.79340709160492, + "nauc_precision_at_10_std": 51.46731880835919, + "nauc_precision_at_1_diff1": 64.15225217314949, + "nauc_precision_at_1_max": 32.78250943893229, + "nauc_precision_at_1_std": 6.2994995170778845, + "nauc_precision_at_20_diff1": 7.661113308500396, + "nauc_precision_at_20_max": 48.52849772461544, + "nauc_precision_at_20_std": 50.06541458940931, + "nauc_precision_at_3_diff1": 45.45337537808087, + "nauc_precision_at_3_max": 49.37622387908755, + "nauc_precision_at_3_std": 31.44254548463311, + "nauc_precision_at_5_diff1": 37.18964707686113, + "nauc_precision_at_5_max": 52.78467184760005, + "nauc_precision_at_5_std": 37.360215414394794, + "nauc_recall_at_1000_diff1": 2.4976657329602574, + "nauc_recall_at_1000_max": 89.30127606598155, + "nauc_recall_at_1000_std": 88.21195144724587, + "nauc_recall_at_100_diff1": 32.06651881995142, + "nauc_recall_at_100_max": 61.723309041324924, + "nauc_recall_at_100_std": 40.02293962790224, + "nauc_recall_at_10_diff1": 43.70825842063566, + "nauc_recall_at_10_max": 56.410600790424525, + "nauc_recall_at_10_std": 37.41756199503754, + "nauc_recall_at_1_diff1": 65.53217534037644, + "nauc_recall_at_1_max": 28.820516516628203, + "nauc_recall_at_1_std": 0.31747544825532187, + "nauc_recall_at_20_diff1": 42.28136019198356, + "nauc_recall_at_20_max": 58.728571008292086, + "nauc_recall_at_20_std": 38.78438410167401, + "nauc_recall_at_3_diff1": 55.25292186933368, + "nauc_recall_at_3_max": 42.11001146172373, + "nauc_recall_at_3_std": 18.099532745235926, + "nauc_recall_at_5_diff1": 53.15377657121759, + "nauc_recall_at_5_max": 45.75866806524819, + "nauc_recall_at_5_std": 20.94017969011607, + "ndcg_at_1": 46.666999999999994, + "ndcg_at_10": 60.521, + "ndcg_at_100": 63.466, + "ndcg_at_1000": 64.517, + "ndcg_at_20": 61.632, + "ndcg_at_3": 54.832, + "ndcg_at_5": 57.459, + "precision_at_1": 46.666999999999994, + "precision_at_10": 8.6, + "precision_at_100": 1.023, + "precision_at_1000": 0.11100000000000002, + "precision_at_20": 4.567, + "precision_at_3": 21.778, + "precision_at_5": 14.667, + "recall_at_1": 44.622, + "recall_at_10": 75.98899999999999, + "recall_at_100": 89.767, + "recall_at_1000": 98.0, + "recall_at_20": 80.167, + "recall_at_3": 60.633, + "recall_at_5": 67.161 + } + ], + "train": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 60.968, + "map_at_1": 45.56, + "map_at_10": 55.931, + "map_at_100": 56.742000000000004, + "map_at_1000": 56.776, + "map_at_20": 56.424, + "map_at_3": 53.077, + "map_at_5": 54.869, + "mrr_at_1": 48.084054388133495, + "mrr_at_10": 57.47807404791333, + "mrr_at_100": 58.099160087560875, + "mrr_at_1000": 58.12765167354059, + "mrr_at_20": 57.819082752169095, + "mrr_at_3": 55.356407086938574, + "mrr_at_5": 56.74701277297069, + "nauc_map_at_1000_diff1": 55.74211749136413, + "nauc_map_at_1000_max": 38.56607968837275, + "nauc_map_at_1000_std": 8.843116088465356, + "nauc_map_at_100_diff1": 55.73174781950032, + "nauc_map_at_100_max": 38.58911494708111, + "nauc_map_at_100_std": 8.88289997368927, + "nauc_map_at_10_diff1": 55.684855899450326, + "nauc_map_at_10_max": 38.61699467700117, + "nauc_map_at_10_std": 8.843324283472004, + "nauc_map_at_1_diff1": 60.51537312610602, + "nauc_map_at_1_max": 33.79559472004539, + "nauc_map_at_1_std": 2.231571936720321, + "nauc_map_at_20_diff1": 55.64541576881228, + "nauc_map_at_20_max": 38.46528450367595, + "nauc_map_at_20_std": 8.941393850487122, + "nauc_map_at_3_diff1": 56.72487646415579, + "nauc_map_at_3_max": 35.519310437502725, + "nauc_map_at_3_std": 5.488759577412841, + "nauc_map_at_5_diff1": 55.803777316483064, + "nauc_map_at_5_max": 37.41665211733391, + "nauc_map_at_5_std": 7.806708616433203, + "nauc_mrr_at_1000_diff1": 54.81790389145318, + "nauc_mrr_at_1000_max": 39.86866604814943, + "nauc_mrr_at_1000_std": 9.635106150864706, + "nauc_mrr_at_100_diff1": 54.81237221566927, + "nauc_mrr_at_100_max": 39.8961644304281, + "nauc_mrr_at_100_std": 9.675552350620915, + "nauc_mrr_at_10_diff1": 54.61930534460625, + "nauc_mrr_at_10_max": 39.92147432792213, + "nauc_mrr_at_10_std": 9.757897616300196, + "nauc_mrr_at_1_diff1": 59.09832131205337, + "nauc_mrr_at_1_max": 37.460196328629216, + "nauc_mrr_at_1_std": 4.083199168195615, + "nauc_mrr_at_20_diff1": 54.71252617109308, + "nauc_mrr_at_20_max": 39.816810748191386, + "nauc_mrr_at_20_std": 9.74015716919154, + "nauc_mrr_at_3_diff1": 54.84574115652329, + "nauc_mrr_at_3_max": 38.93977163525027, + "nauc_mrr_at_3_std": 7.5157914615030155, + "nauc_mrr_at_5_diff1": 54.28866742264963, + "nauc_mrr_at_5_max": 39.857609786127355, + "nauc_mrr_at_5_std": 9.748147844235504, + "nauc_ndcg_at_1000_diff1": 54.828301594419926, + "nauc_ndcg_at_1000_max": 40.792175720018, + "nauc_ndcg_at_1000_std": 11.993991378627298, + "nauc_ndcg_at_100_diff1": 54.56732091443972, + "nauc_ndcg_at_100_max": 41.520966863404, + "nauc_ndcg_at_100_std": 13.093045429472133, + "nauc_ndcg_at_10_diff1": 53.867885134870754, + "nauc_ndcg_at_10_max": 41.26263077190897, + "nauc_ndcg_at_10_std": 13.180315525575079, + "nauc_ndcg_at_1_diff1": 59.09832131205337, + "nauc_ndcg_at_1_max": 37.460196328629216, + "nauc_ndcg_at_1_std": 4.083199168195615, + "nauc_ndcg_at_20_diff1": 54.04981222269078, + "nauc_ndcg_at_20_max": 40.804574285983215, + "nauc_ndcg_at_20_std": 13.25303328684406, + "nauc_ndcg_at_3_diff1": 54.98672360900976, + "nauc_ndcg_at_3_max": 37.021872876909285, + "nauc_ndcg_at_3_std": 7.369741800312488, + "nauc_ndcg_at_5_diff1": 53.738484591338775, + "nauc_ndcg_at_5_max": 39.476934276971114, + "nauc_ndcg_at_5_std": 11.468428891779542, + "nauc_precision_at_1000_diff1": -19.823126106144006, + "nauc_precision_at_1000_max": 30.52146999323513, + "nauc_precision_at_1000_std": 29.933270069329826, + "nauc_precision_at_100_diff1": -6.440029104435929, + "nauc_precision_at_100_max": 39.331835639782156, + "nauc_precision_at_100_std": 34.94900154413054, + "nauc_precision_at_10_diff1": 16.817759554481484, + "nauc_precision_at_10_max": 49.249021274893906, + "nauc_precision_at_10_std": 33.75171756578377, + "nauc_precision_at_1_diff1": 59.09832131205337, + "nauc_precision_at_1_max": 37.460196328629216, + "nauc_precision_at_1_std": 4.083199168195615, + "nauc_precision_at_20_diff1": 9.157889901211199, + "nauc_precision_at_20_max": 41.571198827265164, + "nauc_precision_at_20_std": 32.65877960233835, + "nauc_precision_at_3_diff1": 39.681670852445436, + "nauc_precision_at_3_max": 42.86111363688067, + "nauc_precision_at_3_std": 14.510088215612296, + "nauc_precision_at_5_diff1": 27.384565276080302, + "nauc_precision_at_5_max": 47.40454163560573, + "nauc_precision_at_5_std": 25.867913617850697, + "nauc_recall_at_1000_diff1": 71.51075746149512, + "nauc_recall_at_1000_max": 76.34440349098203, + "nauc_recall_at_1000_std": 80.44096320223078, + "nauc_recall_at_100_diff1": 51.71053059895534, + "nauc_recall_at_100_max": 66.88452980621679, + "nauc_recall_at_100_std": 53.499016266851065, + "nauc_recall_at_10_diff1": 47.702505621629825, + "nauc_recall_at_10_max": 48.18585866434868, + "nauc_recall_at_10_std": 28.809966003226883, + "nauc_recall_at_1_diff1": 60.51537312610602, + "nauc_recall_at_1_max": 33.79559472004539, + "nauc_recall_at_1_std": 2.231571936720321, + "nauc_recall_at_20_diff1": 48.95315412443835, + "nauc_recall_at_20_max": 47.846213097193406, + "nauc_recall_at_20_std": 32.44656771521295, + "nauc_recall_at_3_diff1": 51.09488539609923, + "nauc_recall_at_3_max": 36.21610788720492, + "nauc_recall_at_3_std": 10.351917684505048, + "nauc_recall_at_5_diff1": 47.52872180072941, + "nauc_recall_at_5_max": 42.41341732768043, + "nauc_recall_at_5_std": 22.031877672306795, + "ndcg_at_1": 48.083999999999996, + "ndcg_at_10": 60.968, + "ndcg_at_100": 64.68199999999999, + "ndcg_at_1000": 65.522, + "ndcg_at_20": 62.50599999999999, + "ndcg_at_3": 55.95, + "ndcg_at_5": 58.75899999999999, + "precision_at_1": 48.083999999999996, + "precision_at_10": 8.455, + "precision_at_100": 1.051, + "precision_at_1000": 0.11199999999999999, + "precision_at_20": 4.604, + "precision_at_3": 22.415, + "precision_at_5": 15.129999999999999, + "recall_at_1": 45.56, + "recall_at_10": 74.714, + "recall_at_100": 91.862, + "recall_at_1000": 98.393, + "recall_at_20": 80.449, + "recall_at_3": 61.747, + "recall_at_5": 68.381 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FUE-v1/external/SprintDuplicateQuestions.json b/results/qinxianliu__FUE-v1/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..21fc65281 --- /dev/null +++ b/results/qinxianliu__FUE-v1/external/SprintDuplicateQuestions.json @@ -0,0 +1,106 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 99.52376237623763, + "cosine_accuracy_threshold": 83.40442776679993, + "cosine_ap": 82.29539182575489, + "cosine_f1": 73.40139709833423, + "cosine_f1_threshold": 81.47163987159729, + "cosine_precision": 79.32636469221835, + "cosine_recall": 68.30000000000001, + "dot_accuracy": 99.52376237623763, + "dot_accuracy_threshold": 83.40442776679993, + "dot_ap": 82.29539339884745, + "dot_f1": 73.40139709833423, + "dot_f1_threshold": 81.47163391113281, + "dot_precision": 79.32636469221835, + "dot_recall": 68.30000000000001, + "euclidean_accuracy": 99.52376237623763, + "euclidean_accuracy_threshold": 57.61163830757141, + "euclidean_ap": 82.29539339884744, + "euclidean_f1": 73.40139709833423, + "euclidean_f1_threshold": 60.8742356300354, + "euclidean_precision": 79.32636469221835, + "euclidean_recall": 68.30000000000001, + "main_score": 82.29539339884745, + "manhattan_accuracy": 99.50990099009901, + "manhattan_accuracy_threshold": 1265.035057067871, + "manhattan_ap": 81.78663637659726, + "manhattan_f1": 73.2620320855615, + "manhattan_f1_threshold": 1333.2223892211914, + "manhattan_precision": 78.73563218390804, + "manhattan_recall": 68.5, + "max_accuracy": 99.52376237623763, + "max_ap": 82.29539339884745, + "max_f1": 73.40139709833423, + "max_precision": 79.32636469221835, + "max_recall": 68.5, + "similarity_accuracy": 99.52376237623763, + "similarity_accuracy_threshold": 83.40443968772888, + "similarity_ap": 82.2953820339594, + "similarity_f1": 73.40139709833423, + "similarity_f1_threshold": 81.47163987159729, + "similarity_precision": 79.32636469221835, + "similarity_recall": 68.30000000000001 + } + ], + "validation": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 99.4990099009901, + "cosine_accuracy_threshold": 80.80509901046753, + "cosine_ap": 82.11932803714892, + "cosine_f1": 73.94724664507173, + "cosine_f1_threshold": 75.20748376846313, + "cosine_precision": 68.81998277347114, + "cosine_recall": 79.9, + "dot_accuracy": 99.4990099009901, + "dot_accuracy_threshold": 80.80509901046753, + "dot_ap": 82.11932803714892, + "dot_f1": 73.94724664507173, + "dot_f1_threshold": 75.20748376846313, + "dot_precision": 68.81998277347114, + "dot_recall": 79.9, + "euclidean_accuracy": 99.4990099009901, + "euclidean_accuracy_threshold": 61.959511041641235, + "euclidean_ap": 82.11932803714893, + "euclidean_f1": 73.94724664507173, + "euclidean_f1_threshold": 70.41663527488708, + "euclidean_precision": 68.81998277347114, + "euclidean_recall": 79.9, + "main_score": 82.11932803714893, + "manhattan_accuracy": 99.48910891089109, + "manhattan_accuracy_threshold": 1331.6292762756348, + "manhattan_ap": 81.61037880327734, + "manhattan_f1": 73.582295988935, + "manhattan_f1_threshold": 1543.6763763427734, + "manhattan_precision": 68.26347305389223, + "manhattan_recall": 79.80000000000001, + "max_accuracy": 99.4990099009901, + "max_ap": 82.11932803714893, + "max_f1": 73.94724664507173, + "max_precision": 68.81998277347114, + "max_recall": 79.9, + "similarity_accuracy": 99.4990099009901, + "similarity_accuracy_threshold": 80.80509901046753, + "similarity_ap": 82.11932803714892, + "similarity_f1": 73.94724664507173, + "similarity_f1_threshold": 75.20748376846313, + "similarity_precision": 68.81998277347114, + "similarity_recall": 79.9 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FUE-v1/external/StackOverflowDupQuestions.json b/results/qinxianliu__FUE-v1/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..e77683799 --- /dev/null +++ b/results/qinxianliu__FUE-v1/external/StackOverflowDupQuestions.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 50.48960206352392, + "map": 50.48960206352392, + "mrr": 51.35440539852305, + "nAUC_map_diff1": 34.53252917797536, + "nAUC_map_max": 12.790792149348837, + "nAUC_map_std": 6.669172097020934, + "nAUC_mrr_diff1": 35.200389562175985, + "nAUC_mrr_max": 13.668483379551915, + "nAUC_mrr_std": 6.28436956387114 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FUE-v1/external/TRECCOVID.json b/results/qinxianliu__FUE-v1/external/TRECCOVID.json new file mode 100644 index 000000000..4c95d6563 --- /dev/null +++ b/results/qinxianliu__FUE-v1/external/TRECCOVID.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "bb9466bac8153a0349341eb1b22e06409e78ef4e", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 56.266000000000005, + "map_at_1": 0.193, + "map_at_10": 1.3050000000000002, + "map_at_100": 7.3340000000000005, + "map_at_1000": 19.07, + "map_at_20": 2.246, + "map_at_3": 0.46699999999999997, + "map_at_5": 0.733, + "mrr_at_1": 64.0, + "mrr_at_10": 77.06666666666666, + "mrr_at_100": 77.24651162790698, + "mrr_at_1000": 77.24651162790698, + "mrr_at_20": 77.2, + "mrr_at_3": 75.33333333333334, + "mrr_at_5": 76.73333333333332, + "nauc_map_at_1000_diff1": -24.73401101431591, + "nauc_map_at_1000_max": 50.802272967189666, + "nauc_map_at_1000_std": 86.72287095417501, + "nauc_map_at_100_diff1": -25.085120642600828, + "nauc_map_at_100_max": 49.31639831109537, + "nauc_map_at_100_std": 71.17329215601556, + "nauc_map_at_10_diff1": -14.614132651074147, + "nauc_map_at_10_max": 32.721906387813256, + "nauc_map_at_10_std": 25.60590793742716, + "nauc_map_at_1_diff1": -4.218583653029754, + "nauc_map_at_1_max": 18.589859656136742, + "nauc_map_at_1_std": -0.7303444219812425, + "nauc_map_at_20_diff1": -17.63292260337728, + "nauc_map_at_20_max": 36.89990317740711, + "nauc_map_at_20_std": 36.25627402017833, + "nauc_map_at_3_diff1": -10.619502082953264, + "nauc_map_at_3_max": 26.141633359773707, + "nauc_map_at_3_std": 9.472414121311855, + "nauc_map_at_5_diff1": -10.032105512858019, + "nauc_map_at_5_max": 30.19477111697671, + "nauc_map_at_5_std": 13.615465098322698, + "nauc_mrr_at_1000_diff1": 18.351107936542924, + "nauc_mrr_at_1000_max": 32.724989617966784, + "nauc_mrr_at_1000_std": 11.379920959476115, + "nauc_mrr_at_100_diff1": 18.351107936542924, + "nauc_mrr_at_100_max": 32.724989617966784, + "nauc_mrr_at_100_std": 11.379920959476115, + "nauc_mrr_at_10_diff1": 18.810199118309463, + "nauc_mrr_at_10_max": 32.90746100091763, + "nauc_mrr_at_10_std": 12.170087976539595, + "nauc_mrr_at_1_diff1": 22.953123004215087, + "nauc_mrr_at_1_max": 33.759100779154394, + "nauc_mrr_at_1_std": 5.521139353684961, + "nauc_mrr_at_20_diff1": 18.440581264618835, + "nauc_mrr_at_20_max": 32.887391287492, + "nauc_mrr_at_20_std": 11.562294043911466, + "nauc_mrr_at_3_diff1": 13.326882737022542, + "nauc_mrr_at_3_max": 31.03893993559256, + "nauc_mrr_at_3_std": 12.094868082843375, + "nauc_mrr_at_5_diff1": 15.553466717555938, + "nauc_mrr_at_5_max": 31.399808850294487, + "nauc_mrr_at_5_std": 13.184440540139914, + "nauc_ndcg_at_1000_diff1": -21.89727935740918, + "nauc_ndcg_at_1000_max": 46.822006422768894, + "nauc_ndcg_at_1000_std": 81.91290246912763, + "nauc_ndcg_at_100_diff1": -17.48350814577877, + "nauc_ndcg_at_100_max": 46.79297448451001, + "nauc_ndcg_at_100_std": 78.8401319727116, + "nauc_ndcg_at_10_diff1": -1.3821765420279954, + "nauc_ndcg_at_10_max": 39.99897786678473, + "nauc_ndcg_at_10_std": 46.364065597834106, + "nauc_ndcg_at_1_diff1": 13.291418162587759, + "nauc_ndcg_at_1_max": 39.50553809090106, + "nauc_ndcg_at_1_std": 17.240062285160228, + "nauc_ndcg_at_20_diff1": -5.006533721396937, + "nauc_ndcg_at_20_max": 40.08638499376968, + "nauc_ndcg_at_20_std": 54.21211699915291, + "nauc_ndcg_at_3_diff1": 1.1177340010993853, + "nauc_ndcg_at_3_max": 31.249409630478247, + "nauc_ndcg_at_3_std": 23.5436216578103, + "nauc_ndcg_at_5_diff1": -1.1160397524543895, + "nauc_ndcg_at_5_max": 34.660234833569106, + "nauc_ndcg_at_5_std": 32.63370377000179, + "nauc_precision_at_1000_diff1": -13.0177453890889, + "nauc_precision_at_1000_max": 30.72811980155358, + "nauc_precision_at_1000_std": 63.304048454768505, + "nauc_precision_at_100_diff1": -17.976796177452165, + "nauc_precision_at_100_max": 46.981157094069914, + "nauc_precision_at_100_std": 82.25965581862002, + "nauc_precision_at_10_diff1": -0.615847761785869, + "nauc_precision_at_10_max": 43.227090827429116, + "nauc_precision_at_10_std": 54.13755012361465, + "nauc_precision_at_1_diff1": 22.953123004215087, + "nauc_precision_at_1_max": 33.759100779154394, + "nauc_precision_at_1_std": 5.521139353684961, + "nauc_precision_at_20_diff1": -3.9540692673731157, + "nauc_precision_at_20_max": 44.35467403164495, + "nauc_precision_at_20_std": 60.82047452956477, + "nauc_precision_at_3_diff1": 3.020914020139455, + "nauc_precision_at_3_max": 30.52731931120773, + "nauc_precision_at_3_std": 23.58338795209433, + "nauc_precision_at_5_diff1": -1.4227357063785067, + "nauc_precision_at_5_max": 37.08155978608297, + "nauc_precision_at_5_std": 37.53293730607916, + "nauc_recall_at_1000_diff1": -20.649212891265538, + "nauc_recall_at_1000_max": 43.07097184316376, + "nauc_recall_at_1000_std": 77.81281303329497, + "nauc_recall_at_100_diff1": -25.20899327705024, + "nauc_recall_at_100_max": 44.06686144213573, + "nauc_recall_at_100_std": 64.51149000534564, + "nauc_recall_at_10_diff1": -16.705615179862683, + "nauc_recall_at_10_max": 27.971302554687405, + "nauc_recall_at_10_std": 24.823568423744703, + "nauc_recall_at_1_diff1": -4.218583653029754, + "nauc_recall_at_1_max": 18.589859656136742, + "nauc_recall_at_1_std": -0.7303444219812425, + "nauc_recall_at_20_diff1": -18.61953310144389, + "nauc_recall_at_20_max": 32.59370606161681, + "nauc_recall_at_20_std": 33.65262269593963, + "nauc_recall_at_3_diff1": -12.73760452556664, + "nauc_recall_at_3_max": 23.76654241253409, + "nauc_recall_at_3_std": 9.977574788163437, + "nauc_recall_at_5_diff1": -13.251480959967921, + "nauc_recall_at_5_max": 28.794884382741404, + "nauc_recall_at_5_std": 15.784579094515388, + "ndcg_at_1": 57.99999999999999, + "ndcg_at_10": 56.266000000000005, + "ndcg_at_100": 43.847, + "ndcg_at_1000": 42.278, + "ndcg_at_20": 52.928, + "ndcg_at_3": 58.531, + "ndcg_at_5": 58.792, + "precision_at_1": 64.0, + "precision_at_10": 60.6, + "precision_at_100": 45.28, + "precision_at_1000": 19.122, + "precision_at_20": 56.00000000000001, + "precision_at_3": 63.333, + "precision_at_5": 64.4, + "recall_at_1": 0.193, + "recall_at_10": 1.5890000000000002, + "recall_at_100": 10.881, + "recall_at_1000": 40.844, + "recall_at_20": 2.861, + "recall_at_3": 0.5, + "recall_at_5": 0.835 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FUE-v1/external/Touche2020.json b/results/qinxianliu__FUE-v1/external/Touche2020.json new file mode 100644 index 000000000..5cd174328 --- /dev/null +++ b/results/qinxianliu__FUE-v1/external/Touche2020.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 18.801000000000002, + "map_at_1": 1.522, + "map_at_10": 7.117999999999999, + "map_at_100": 12.491, + "map_at_1000": 13.913, + "map_at_20": 9.014999999999999, + "map_at_3": 4.144, + "map_at_5": 5.192, + "mrr_at_1": 20.408163265306122, + "mrr_at_10": 34.63637836086815, + "mrr_at_100": 35.855625090003045, + "mrr_at_1000": 35.9025357255321, + "mrr_at_20": 35.528481245452234, + "mrr_at_3": 29.931972789115648, + "mrr_at_5": 31.87074829931973, + "nauc_map_at_1000_diff1": 2.2039398587625088, + "nauc_map_at_1000_max": -7.1185216957557005, + "nauc_map_at_1000_std": 13.743946451796427, + "nauc_map_at_100_diff1": 2.352298138176251, + "nauc_map_at_100_max": -7.6894882871790236, + "nauc_map_at_100_std": 9.423702448674415, + "nauc_map_at_10_diff1": -0.7996006244796997, + "nauc_map_at_10_max": -3.883617316378952, + "nauc_map_at_10_std": -9.010162215584359, + "nauc_map_at_1_diff1": -14.540804131417854, + "nauc_map_at_1_max": -5.1573008851326065, + "nauc_map_at_1_std": -7.656042570304873, + "nauc_map_at_20_diff1": 2.4262621068257135, + "nauc_map_at_20_max": -2.797719479935332, + "nauc_map_at_20_std": -6.492723413671281, + "nauc_map_at_3_diff1": -12.76977998910709, + "nauc_map_at_3_max": -5.4884334672841995, + "nauc_map_at_3_std": -8.027896734726257, + "nauc_map_at_5_diff1": -3.649569377955254, + "nauc_map_at_5_max": -11.595839414332854, + "nauc_map_at_5_std": -8.830419718907086, + "nauc_mrr_at_1000_diff1": -0.6197732098443051, + "nauc_mrr_at_1000_max": -24.253402425330417, + "nauc_mrr_at_1000_std": 10.37771989076477, + "nauc_mrr_at_100_diff1": -0.6376238919106149, + "nauc_mrr_at_100_max": -24.342213789915842, + "nauc_mrr_at_100_std": 10.51412622043574, + "nauc_mrr_at_10_diff1": 0.16993164166959274, + "nauc_mrr_at_10_max": -25.6197772706814, + "nauc_mrr_at_10_std": 9.042003512118251, + "nauc_mrr_at_1_diff1": -4.3668409896483125, + "nauc_mrr_at_1_max": -10.908434972927616, + "nauc_mrr_at_1_std": 1.8363187629423776, + "nauc_mrr_at_20_diff1": -0.4751612608893524, + "nauc_mrr_at_20_max": -25.330726501014965, + "nauc_mrr_at_20_std": 11.110113131699444, + "nauc_mrr_at_3_diff1": 1.1477476210783253, + "nauc_mrr_at_3_max": -18.50801052487565, + "nauc_mrr_at_3_std": 7.812899024458835, + "nauc_mrr_at_5_diff1": 0.6521469927673968, + "nauc_mrr_at_5_max": -21.416210744034153, + "nauc_mrr_at_5_std": 11.504256088841963, + "nauc_ndcg_at_1000_diff1": 3.4056842894504022, + "nauc_ndcg_at_1000_max": -20.75643760341645, + "nauc_ndcg_at_1000_std": 40.59382673351137, + "nauc_ndcg_at_100_diff1": 2.6307496691299748, + "nauc_ndcg_at_100_max": -25.295593466700737, + "nauc_ndcg_at_100_std": 31.39618142617403, + "nauc_ndcg_at_10_diff1": 5.002963427746491, + "nauc_ndcg_at_10_max": -21.675189721633814, + "nauc_ndcg_at_10_std": -1.469843197474695, + "nauc_ndcg_at_1_diff1": -9.16604671836183, + "nauc_ndcg_at_1_max": -14.823569484107907, + "nauc_ndcg_at_1_std": 2.7125738258252983, + "nauc_ndcg_at_20_diff1": 4.383118964859878, + "nauc_ndcg_at_20_max": -22.34000929195479, + "nauc_ndcg_at_20_std": 1.7471883582083971, + "nauc_ndcg_at_3_diff1": -4.534899565092995, + "nauc_ndcg_at_3_max": -23.884347314346275, + "nauc_ndcg_at_3_std": 5.406857104296577, + "nauc_ndcg_at_5_diff1": 5.404901375866572, + "nauc_ndcg_at_5_max": -25.33284917518358, + "nauc_ndcg_at_5_std": 3.3375579303514655, + "nauc_precision_at_1000_diff1": -0.4809491820541609, + "nauc_precision_at_1000_max": 14.095928757973825, + "nauc_precision_at_1000_std": 40.99850413556261, + "nauc_precision_at_100_diff1": 2.4829117900025968, + "nauc_precision_at_100_max": -19.358122626022247, + "nauc_precision_at_100_std": 69.16347293290907, + "nauc_precision_at_10_diff1": 17.1708621551976, + "nauc_precision_at_10_max": -18.120442425032554, + "nauc_precision_at_10_std": 3.345789829578046, + "nauc_precision_at_1_diff1": -4.3668409896483125, + "nauc_precision_at_1_max": -10.908434972927616, + "nauc_precision_at_1_std": 1.8363187629423776, + "nauc_precision_at_20_diff1": 14.726770245618805, + "nauc_precision_at_20_max": -21.815069886538808, + "nauc_precision_at_20_std": 18.892811452623157, + "nauc_precision_at_3_diff1": 0.9886305353262563, + "nauc_precision_at_3_max": -20.231039993615312, + "nauc_precision_at_3_std": 6.358708074233125, + "nauc_precision_at_5_diff1": 15.348665084122503, + "nauc_precision_at_5_max": -23.255200414646325, + "nauc_precision_at_5_std": 5.968161709012153, + "nauc_recall_at_1000_diff1": 4.060744763807052, + "nauc_recall_at_1000_max": -11.386644024112234, + "nauc_recall_at_1000_std": 77.38341256255143, + "nauc_recall_at_100_diff1": 3.0602490159843883, + "nauc_recall_at_100_max": -23.133334130489928, + "nauc_recall_at_100_std": 42.72840616542226, + "nauc_recall_at_10_diff1": 8.794442377965375, + "nauc_recall_at_10_max": -11.666849404762925, + "nauc_recall_at_10_std": -7.829821703241252, + "nauc_recall_at_1_diff1": -14.540804131417854, + "nauc_recall_at_1_max": -5.1573008851326065, + "nauc_recall_at_1_std": -7.656042570304873, + "nauc_recall_at_20_diff1": 9.614735799856538, + "nauc_recall_at_20_max": -14.765691684991822, + "nauc_recall_at_20_std": 0.612424582124656, + "nauc_recall_at_3_diff1": -6.910547196179005, + "nauc_recall_at_3_max": -9.544659311113964, + "nauc_recall_at_3_std": -5.046214274501399, + "nauc_recall_at_5_diff1": 6.384770222182381, + "nauc_recall_at_5_max": -19.233502105079932, + "nauc_recall_at_5_std": -5.566077739772719, + "ndcg_at_1": 18.367, + "ndcg_at_10": 18.801000000000002, + "ndcg_at_100": 30.296, + "ndcg_at_1000": 42.018, + "ndcg_at_20": 20.14, + "ndcg_at_3": 20.96, + "ndcg_at_5": 19.683999999999997, + "precision_at_1": 20.408, + "precision_at_10": 16.531000000000002, + "precision_at_100": 6.49, + "precision_at_1000": 1.443, + "precision_at_20": 13.776, + "precision_at_3": 22.448999999999998, + "precision_at_5": 19.592000000000002, + "recall_at_1": 1.522, + "recall_at_10": 12.255, + "recall_at_100": 41.64, + "recall_at_1000": 77.46499999999999, + "recall_at_20": 19.136, + "recall_at_3": 5.113, + "recall_at_5": 7.348000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FUE-v1/external/TwitterSemEval2015.json b/results/qinxianliu__FUE-v1/external/TwitterSemEval2015.json new file mode 100644 index 000000000..2cc1f06f1 --- /dev/null +++ b/results/qinxianliu__FUE-v1/external/TwitterSemEval2015.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 86.35036061274364, + "cosine_accuracy_threshold": 78.45808267593384, + "cosine_ap": 74.3562958182802, + "cosine_f1": 69.23173016864459, + "cosine_f1_threshold": 75.69116353988647, + "cosine_precision": 65.74139976275207, + "cosine_recall": 73.11345646437995, + "dot_accuracy": 86.35036061274364, + "dot_accuracy_threshold": 78.45808267593384, + "dot_ap": 74.35629143935617, + "dot_f1": 69.23173016864459, + "dot_f1_threshold": 75.69116353988647, + "dot_precision": 65.74139976275207, + "dot_recall": 73.11345646437995, + "euclidean_accuracy": 86.35036061274364, + "euclidean_accuracy_threshold": 65.63827991485596, + "euclidean_ap": 74.35629336635377, + "euclidean_f1": 69.23173016864459, + "euclidean_f1_threshold": 69.72637176513672, + "euclidean_precision": 65.74139976275207, + "euclidean_recall": 73.11345646437995, + "main_score": 74.3562958182802, + "manhattan_accuracy": 86.30267628300649, + "manhattan_accuracy_threshold": 1388.2848739624023, + "manhattan_ap": 74.34214111115519, + "manhattan_f1": 69.18905284399041, + "manhattan_f1_threshold": 1506.6452026367188, + "manhattan_precision": 66.27204638801642, + "manhattan_recall": 72.37467018469657, + "max_accuracy": 86.35036061274364, + "max_ap": 74.3562958182802, + "max_f1": 69.23173016864459, + "max_precision": 66.27204638801642, + "max_recall": 73.11345646437995, + "similarity_accuracy": 86.35036061274364, + "similarity_accuracy_threshold": 78.4580945968628, + "similarity_ap": 74.3562875678525, + "similarity_f1": 69.23173016864459, + "similarity_f1_threshold": 75.69118142127991, + "similarity_precision": 65.74139976275207, + "similarity_recall": 73.11345646437995 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FUE-v1/external/TwitterURLCorpus.json b/results/qinxianliu__FUE-v1/external/TwitterURLCorpus.json new file mode 100644 index 000000000..4440761b8 --- /dev/null +++ b/results/qinxianliu__FUE-v1/external/TwitterURLCorpus.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 88.15539255637054, + "cosine_accuracy_threshold": 78.5060167312622, + "cosine_ap": 84.15130253353578, + "cosine_f1": 76.15275390479039, + "cosine_f1_threshold": 75.17023086547852, + "cosine_precision": 73.97996224771308, + "cosine_recall": 78.45703726516786, + "dot_accuracy": 88.15539255637054, + "dot_accuracy_threshold": 78.50601077079773, + "dot_ap": 84.15130163532636, + "dot_f1": 76.15275390479039, + "dot_f1_threshold": 75.17023086547852, + "dot_precision": 73.97996224771308, + "dot_recall": 78.45703726516786, + "euclidean_accuracy": 88.15539255637054, + "euclidean_accuracy_threshold": 65.56521654129028, + "euclidean_ap": 84.1513046482876, + "euclidean_f1": 76.15275390479039, + "euclidean_f1_threshold": 70.46952247619629, + "euclidean_precision": 73.97996224771308, + "euclidean_recall": 78.45703726516786, + "main_score": 84.1513046482876, + "manhattan_accuracy": 88.13404742500097, + "manhattan_accuracy_threshold": 1414.7026062011719, + "manhattan_ap": 84.12376985849109, + "manhattan_f1": 76.16659806159488, + "manhattan_f1_threshold": 1529.8437118530273, + "manhattan_precision": 74.09537677466326, + "manhattan_recall": 78.35694487218971, + "max_accuracy": 88.15539255637054, + "max_ap": 84.1513046482876, + "max_f1": 76.16659806159488, + "max_precision": 74.09537677466326, + "max_recall": 78.45703726516786, + "similarity_accuracy": 88.15539255637054, + "similarity_accuracy_threshold": 78.5060167312622, + "similarity_ap": 84.15130432409686, + "similarity_f1": 76.15275390479039, + "similarity_f1_threshold": 75.17023086547852, + "similarity_precision": 73.97996224771308, + "similarity_recall": 78.45703726516786 + } + ] + } +} \ No newline at end of file diff --git a/results/qinxianliu__FUE-v1/external/model_meta.json b/results/qinxianliu__FUE-v1/external/model_meta.json new file mode 100644 index 000000000..d38759047 --- /dev/null +++ b/results/qinxianliu__FUE-v1/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "qinxianliu/FUE-v1", + "revision": "ce5cc7282ebe9042b377b22763c303951cf9c9ab", + "release_date": "2024-09-09", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 109486464, + "memory_usage": null, + "max_tokens": 514, + "embed_dim": 768, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/radames__e5-large/external/AmazonCounterfactualClassification.json b/results/radames__e5-large/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..f834c98d1 --- /dev/null +++ b/results/radames__e5-large/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.68656716417911, + "ap": 41.336896075573584, + "f1": 71.788561468075, + "main_score": 77.68656716417911 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/AmazonPolarityClassification.json b/results/radames__e5-large/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..c4ab547d8 --- /dev/null +++ b/results/radames__e5-large/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 90.04965, + "ap": 86.24637009569418, + "f1": 90.03896671762645, + "main_score": 90.04965 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/AmazonReviewsClassification.json b/results/radames__e5-large/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..6a360f51d --- /dev/null +++ b/results/radames__e5-large/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 43.016000000000005, + "f1": 42.1942431880186, + "main_score": 43.016000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/ArguAna.json b/results/radames__e5-large/external/ArguAna.json new file mode 100644 index 000000000..6e41c7b21 --- /dev/null +++ b/results/radames__e5-large/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.107000000000003, + "map_at_10": 40.464, + "map_at_100": 41.577999999999996, + "map_at_1000": 41.588, + "map_at_3": 35.301, + "map_at_5": 38.263000000000005, + "mrr_at_1": 25.605, + "mrr_at_10": 40.64, + "mrr_at_100": 41.760000000000005, + "mrr_at_1000": 41.77, + "mrr_at_3": 35.443000000000005, + "mrr_at_5": 38.448, + "ndcg_at_1": 25.107000000000003, + "ndcg_at_10": 49.352000000000004, + "ndcg_at_100": 53.98500000000001, + "ndcg_at_1000": 54.208, + "ndcg_at_3": 38.671, + "ndcg_at_5": 43.991, + "precision_at_1": 25.107000000000003, + "precision_at_10": 7.795000000000001, + "precision_at_100": 0.979, + "precision_at_1000": 0.1, + "precision_at_3": 16.145, + "precision_at_5": 12.262, + "recall_at_1": 25.107000000000003, + "recall_at_10": 77.952, + "recall_at_100": 97.866, + "recall_at_1000": 99.57300000000001, + "recall_at_3": 48.435, + "recall_at_5": 61.309000000000005, + "main_score": 49.352000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/ArxivClusteringP2P.json b/results/radames__e5-large/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..4de2381c1 --- /dev/null +++ b/results/radames__e5-large/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 46.19278045044154, + "main_score": 46.19278045044154 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/ArxivClusteringS2S.json b/results/radames__e5-large/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..7e53ac6d0 --- /dev/null +++ b/results/radames__e5-large/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 41.37976387757665, + "main_score": 41.37976387757665 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/AskUbuntuDupQuestions.json b/results/radames__e5-large/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..0bc05a59b --- /dev/null +++ b/results/radames__e5-large/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 60.07433334608074, + "mrr": 73.44347711383723, + "main_score": 60.07433334608074 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/BIOSSES.json b/results/radames__e5-large/external/BIOSSES.json new file mode 100644 index 000000000..57ba105d0 --- /dev/null +++ b/results/radames__e5-large/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.4298072183543, + "cos_sim_spearman": 84.73144873582848, + "euclidean_pearson": 85.15885058870728, + "euclidean_spearman": 85.42062106559356, + "manhattan_pearson": 84.89409921792054, + "manhattan_spearman": 85.31941394024344, + "cosine_pearson": 86.4298072183543, + "cosine_spearman": 84.73144873582848, + "main_score": 84.73144873582848 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/Banking77Classification.json b/results/radames__e5-large/external/Banking77Classification.json new file mode 100644 index 000000000..cdd4d3efd --- /dev/null +++ b/results/radames__e5-large/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 84.14285714285714, + "f1": 84.11674412565644, + "main_score": 84.14285714285714 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/BiorxivClusteringP2P.json b/results/radames__e5-large/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..5d5e14dfc --- /dev/null +++ b/results/radames__e5-large/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.600076342340785, + "main_score": 37.600076342340785 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/BiorxivClusteringS2S.json b/results/radames__e5-large/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..a0532dbf9 --- /dev/null +++ b/results/radames__e5-large/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.08861812135148, + "main_score": 35.08861812135148 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/CQADupstackAndroidRetrieval.json b/results/radames__e5-large/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..330dc7286 --- /dev/null +++ b/results/radames__e5-large/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.684000000000005, + "map_at_10": 41.675000000000004, + "map_at_100": 42.963, + "map_at_1000": 43.078, + "map_at_3": 38.708999999999996, + "map_at_5": 40.316, + "mrr_at_1": 39.485, + "mrr_at_10": 47.152, + "mrr_at_100": 47.96, + "mrr_at_1000": 48.010000000000005, + "mrr_at_3": 44.754, + "mrr_at_5": 46.285, + "ndcg_at_1": 39.485, + "ndcg_at_10": 46.849000000000004, + "ndcg_at_100": 52.059, + "ndcg_at_1000": 54.358, + "ndcg_at_3": 42.705, + "ndcg_at_5": 44.663000000000004, + "precision_at_1": 39.485, + "precision_at_10": 8.455, + "precision_at_100": 1.3379999999999999, + "precision_at_1000": 0.178, + "precision_at_3": 19.695, + "precision_at_5": 13.905999999999999, + "recall_at_1": 32.684000000000005, + "recall_at_10": 56.227000000000004, + "recall_at_100": 78.499, + "recall_at_1000": 94.021, + "recall_at_3": 44.157999999999994, + "recall_at_5": 49.694, + "main_score": 46.849000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.875999999999998, + "map_at_10": 41.603, + "map_at_100": 42.825, + "map_at_1000": 42.961, + "map_at_3": 38.655, + "map_at_5": 40.294999999999995, + "mrr_at_1": 40.127, + "mrr_at_10": 47.959, + "mrr_at_100": 48.59, + "mrr_at_1000": 48.634, + "mrr_at_3": 45.786, + "mrr_at_5": 46.964, + "ndcg_at_1": 40.127, + "ndcg_at_10": 47.176, + "ndcg_at_100": 51.346000000000004, + "ndcg_at_1000": 53.502, + "ndcg_at_3": 43.139, + "ndcg_at_5": 44.883, + "precision_at_1": 40.127, + "precision_at_10": 8.72, + "precision_at_100": 1.387, + "precision_at_1000": 0.188, + "precision_at_3": 20.637, + "precision_at_5": 14.446, + "recall_at_1": 31.875999999999998, + "recall_at_10": 56.54900000000001, + "recall_at_100": 73.939, + "recall_at_1000": 87.732, + "recall_at_3": 44.326, + "recall_at_5": 49.445, + "main_score": 47.176 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 41.677, + "map_at_10": 52.222, + "map_at_100": 53.229000000000006, + "map_at_1000": 53.288000000000004, + "map_at_3": 49.201, + "map_at_5": 51.00599999999999, + "mrr_at_1": 47.524, + "mrr_at_10": 55.745999999999995, + "mrr_at_100": 56.433, + "mrr_at_1000": 56.464999999999996, + "mrr_at_3": 53.37499999999999, + "mrr_at_5": 54.858, + "ndcg_at_1": 47.524, + "ndcg_at_10": 57.406, + "ndcg_at_100": 61.403, + "ndcg_at_1000": 62.7, + "ndcg_at_3": 52.298, + "ndcg_at_5": 55.02, + "precision_at_1": 47.524, + "precision_at_10": 8.865, + "precision_at_100": 1.179, + "precision_at_1000": 0.134, + "precision_at_3": 22.612, + "precision_at_5": 15.461, + "recall_at_1": 41.677, + "recall_at_10": 69.346, + "recall_at_100": 86.344, + "recall_at_1000": 95.703, + "recall_at_3": 55.789, + "recall_at_5": 62.488, + "main_score": 57.406 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.991999999999997, + "map_at_10": 32.804, + "map_at_100": 33.812999999999995, + "map_at_1000": 33.897, + "map_at_3": 30.567, + "map_at_5": 31.599, + "mrr_at_1": 27.797, + "mrr_at_10": 34.768, + "mrr_at_100": 35.702, + "mrr_at_1000": 35.766, + "mrr_at_3": 32.637, + "mrr_at_5": 33.614, + "ndcg_at_1": 27.797, + "ndcg_at_10": 36.966, + "ndcg_at_100": 41.972, + "ndcg_at_1000": 44.139, + "ndcg_at_3": 32.547, + "ndcg_at_5": 34.258, + "precision_at_1": 27.797, + "precision_at_10": 5.514, + "precision_at_100": 0.8340000000000001, + "precision_at_1000": 0.106, + "precision_at_3": 13.333, + "precision_at_5": 9.04, + "recall_at_1": 25.991999999999997, + "recall_at_10": 47.941, + "recall_at_100": 71.039, + "recall_at_1000": 87.32799999999999, + "recall_at_3": 36.01, + "recall_at_5": 40.056000000000004, + "main_score": 36.966 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.533, + "map_at_10": 24.336, + "map_at_100": 25.445, + "map_at_1000": 25.561, + "map_at_3": 22.116, + "map_at_5": 23.347, + "mrr_at_1": 21.642, + "mrr_at_10": 28.910999999999998, + "mrr_at_100": 29.836000000000002, + "mrr_at_1000": 29.907, + "mrr_at_3": 26.638, + "mrr_at_5": 27.857, + "ndcg_at_1": 21.642, + "ndcg_at_10": 28.949, + "ndcg_at_100": 34.211000000000006, + "ndcg_at_1000": 37.031, + "ndcg_at_3": 24.788, + "ndcg_at_5": 26.685, + "precision_at_1": 21.642, + "precision_at_10": 5.137, + "precision_at_100": 0.893, + "precision_at_1000": 0.127, + "precision_at_3": 11.733, + "precision_at_5": 8.383000000000001, + "recall_at_1": 17.533, + "recall_at_10": 38.839, + "recall_at_100": 61.458999999999996, + "recall_at_1000": 81.58, + "recall_at_3": 27.328999999999997, + "recall_at_5": 32.168, + "main_score": 28.949 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.126, + "map_at_10": 37.872, + "map_at_100": 39.229, + "map_at_1000": 39.353, + "map_at_3": 34.93, + "map_at_5": 36.59, + "mrr_at_1": 34.071, + "mrr_at_10": 43.056, + "mrr_at_100": 43.944, + "mrr_at_1000": 43.999, + "mrr_at_3": 40.536, + "mrr_at_5": 42.065999999999995, + "ndcg_at_1": 34.071, + "ndcg_at_10": 43.503, + "ndcg_at_100": 49.120000000000005, + "ndcg_at_1000": 51.410999999999994, + "ndcg_at_3": 38.767, + "ndcg_at_5": 41.075, + "precision_at_1": 34.071, + "precision_at_10": 7.843999999999999, + "precision_at_100": 1.2489999999999999, + "precision_at_1000": 0.163, + "precision_at_3": 18.223, + "precision_at_5": 13.050999999999998, + "recall_at_1": 28.126, + "recall_at_10": 54.952, + "recall_at_100": 78.375, + "recall_at_1000": 93.29899999999999, + "recall_at_3": 41.714, + "recall_at_5": 47.635, + "main_score": 43.503 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.957, + "map_at_10": 34.749, + "map_at_100": 35.929, + "map_at_1000": 36.043, + "map_at_3": 31.947, + "map_at_5": 33.575, + "mrr_at_1": 32.078, + "mrr_at_10": 39.844, + "mrr_at_100": 40.71, + "mrr_at_1000": 40.77, + "mrr_at_3": 37.386, + "mrr_at_5": 38.83, + "ndcg_at_1": 32.078, + "ndcg_at_10": 39.97, + "ndcg_at_100": 45.254, + "ndcg_at_1000": 47.818, + "ndcg_at_3": 35.453, + "ndcg_at_5": 37.631, + "precision_at_1": 32.078, + "precision_at_10": 7.158, + "precision_at_100": 1.126, + "precision_at_1000": 0.153, + "precision_at_3": 16.743, + "precision_at_5": 11.872, + "recall_at_1": 25.957, + "recall_at_10": 50.583, + "recall_at_100": 73.593, + "recall_at_1000": 91.23599999999999, + "recall_at_3": 37.651, + "recall_at_5": 43.626, + "main_score": 39.97 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.1505, + "map_at_10": 34.844833333333334, + "map_at_100": 35.95216666666667, + "map_at_1000": 36.06675, + "map_at_3": 32.41975, + "map_at_5": 33.74233333333333, + "mrr_at_1": 31.923666666666662, + "mrr_at_10": 38.87983333333334, + "mrr_at_100": 39.706250000000004, + "mrr_at_1000": 39.76708333333333, + "mrr_at_3": 36.72008333333333, + "mrr_at_5": 37.96933333333334, + "ndcg_at_1": 31.923666666666662, + "ndcg_at_10": 39.44258333333334, + "ndcg_at_100": 44.31475, + "ndcg_at_1000": 46.75, + "ndcg_at_3": 35.36299999999999, + "ndcg_at_5": 37.242333333333335, + "precision_at_1": 31.923666666666662, + "precision_at_10": 6.643333333333333, + "precision_at_100": 1.0612499999999998, + "precision_at_1000": 0.14575, + "precision_at_3": 15.875250000000001, + "precision_at_5": 11.088916666666664, + "recall_at_1": 27.1505, + "recall_at_10": 49.06349999999999, + "recall_at_100": 70.60841666666666, + "recall_at_1000": 87.72049999999999, + "recall_at_3": 37.60575000000001, + "recall_at_5": 42.511166666666675, + "main_score": 39.44258333333334 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.101000000000003, + "map_at_10": 30.147000000000002, + "map_at_100": 30.98, + "map_at_1000": 31.080000000000002, + "map_at_3": 28.571, + "map_at_5": 29.319, + "mrr_at_1": 27.761000000000003, + "mrr_at_10": 32.716, + "mrr_at_100": 33.504, + "mrr_at_1000": 33.574, + "mrr_at_3": 31.135, + "mrr_at_5": 32.032, + "ndcg_at_1": 27.761000000000003, + "ndcg_at_10": 33.358, + "ndcg_at_100": 37.569, + "ndcg_at_1000": 40.189, + "ndcg_at_3": 30.291, + "ndcg_at_5": 31.558000000000003, + "precision_at_1": 27.761000000000003, + "precision_at_10": 4.939, + "precision_at_100": 0.759, + "precision_at_1000": 0.106, + "precision_at_3": 12.577, + "precision_at_5": 8.497, + "recall_at_1": 25.101000000000003, + "recall_at_10": 40.739, + "recall_at_100": 60.089999999999996, + "recall_at_1000": 79.768, + "recall_at_3": 32.16, + "recall_at_5": 35.131, + "main_score": 33.358 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.112, + "map_at_10": 26.119999999999997, + "map_at_100": 27.031, + "map_at_1000": 27.150000000000002, + "map_at_3": 24.230999999999998, + "map_at_5": 25.15, + "mrr_at_1": 24.535, + "mrr_at_10": 30.198000000000004, + "mrr_at_100": 30.975, + "mrr_at_1000": 31.051000000000002, + "mrr_at_3": 28.338, + "mrr_at_5": 29.269000000000002, + "ndcg_at_1": 24.535, + "ndcg_at_10": 30.147000000000002, + "ndcg_at_100": 34.544000000000004, + "ndcg_at_1000": 37.512, + "ndcg_at_3": 26.726, + "ndcg_at_5": 28.046, + "precision_at_1": 24.535, + "precision_at_10": 5.179, + "precision_at_100": 0.859, + "precision_at_1000": 0.128, + "precision_at_3": 12.159, + "precision_at_5": 8.424, + "recall_at_1": 20.112, + "recall_at_10": 38.312000000000005, + "recall_at_100": 58.406000000000006, + "recall_at_1000": 79.863, + "recall_at_3": 28.358, + "recall_at_5": 31.973000000000003, + "main_score": 30.147000000000002 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.111, + "map_at_10": 34.096, + "map_at_100": 35.181000000000004, + "map_at_1000": 35.276, + "map_at_3": 31.745, + "map_at_5": 33.045, + "mrr_at_1": 31.343, + "mrr_at_10": 37.994, + "mrr_at_100": 38.873000000000005, + "mrr_at_1000": 38.934999999999995, + "mrr_at_3": 35.743, + "mrr_at_5": 37.077, + "ndcg_at_1": 31.343, + "ndcg_at_10": 38.572, + "ndcg_at_100": 43.854, + "ndcg_at_1000": 46.190999999999995, + "ndcg_at_3": 34.247, + "ndcg_at_5": 36.28, + "precision_at_1": 31.343, + "precision_at_10": 6.166, + "precision_at_100": 1, + "precision_at_1000": 0.13, + "precision_at_3": 15.081, + "precision_at_5": 10.428999999999998, + "recall_at_1": 27.111, + "recall_at_10": 48.422, + "recall_at_100": 71.846, + "recall_at_1000": 88.57000000000001, + "recall_at_3": 36.435, + "recall_at_5": 41.765, + "main_score": 38.572 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.264, + "map_at_10": 33.522, + "map_at_100": 34.963, + "map_at_1000": 35.175, + "map_at_3": 31.366, + "map_at_5": 32.621, + "mrr_at_1": 31.028, + "mrr_at_10": 37.230000000000004, + "mrr_at_100": 38.149, + "mrr_at_1000": 38.218, + "mrr_at_3": 35.046, + "mrr_at_5": 36.617, + "ndcg_at_1": 31.028, + "ndcg_at_10": 37.964999999999996, + "ndcg_at_100": 43.342000000000006, + "ndcg_at_1000": 46.471000000000004, + "ndcg_at_3": 34.67, + "ndcg_at_5": 36.458, + "precision_at_1": 31.028, + "precision_at_10": 6.937, + "precision_at_100": 1.346, + "precision_at_1000": 0.22799999999999998, + "precision_at_3": 15.942, + "precision_at_5": 11.462, + "recall_at_1": 26.264, + "recall_at_10": 45.571, + "recall_at_100": 70.246, + "recall_at_1000": 90.971, + "recall_at_3": 36.276, + "recall_at_5": 41.162, + "main_score": 37.964999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.372999999999998, + "map_at_10": 28.992, + "map_at_100": 29.837999999999997, + "map_at_1000": 29.939, + "map_at_3": 26.999000000000002, + "map_at_5": 28.044999999999998, + "mrr_at_1": 25.692999999999998, + "mrr_at_10": 30.984, + "mrr_at_100": 31.799, + "mrr_at_1000": 31.875999999999998, + "mrr_at_3": 29.267, + "mrr_at_5": 30.163, + "ndcg_at_1": 25.692999999999998, + "ndcg_at_10": 32.45, + "ndcg_at_100": 37.103, + "ndcg_at_1000": 39.678000000000004, + "ndcg_at_3": 28.725, + "ndcg_at_5": 30.351, + "precision_at_1": 25.692999999999998, + "precision_at_10": 4.806, + "precision_at_100": 0.765, + "precision_at_1000": 0.108, + "precision_at_3": 11.768, + "precision_at_5": 8.096, + "recall_at_1": 23.372999999999998, + "recall_at_10": 41.281, + "recall_at_100": 63.465, + "recall_at_1000": 82.575, + "recall_at_3": 31.063000000000002, + "recall_at_5": 34.991, + "main_score": 32.45 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/ClimateFEVER.json b/results/radames__e5-large/external/ClimateFEVER.json new file mode 100644 index 000000000..ce7ece7c4 --- /dev/null +++ b/results/radames__e5-large/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.821, + "map_at_10": 15.383, + "map_at_100": 17.244999999999997, + "map_at_1000": 17.445, + "map_at_3": 12.64, + "map_at_5": 13.941999999999998, + "mrr_at_1": 19.544, + "mrr_at_10": 29.738999999999997, + "mrr_at_100": 30.923000000000002, + "mrr_at_1000": 30.969, + "mrr_at_3": 26.384, + "mrr_at_5": 28.199, + "ndcg_at_1": 19.544, + "ndcg_at_10": 22.398, + "ndcg_at_100": 30.253999999999998, + "ndcg_at_1000": 33.876, + "ndcg_at_3": 17.473, + "ndcg_at_5": 19.154, + "precision_at_1": 19.544, + "precision_at_10": 7.217999999999999, + "precision_at_100": 1.564, + "precision_at_1000": 0.22300000000000003, + "precision_at_3": 13.225000000000001, + "precision_at_5": 10.319, + "recall_at_1": 8.821, + "recall_at_10": 28.110000000000003, + "recall_at_100": 55.64, + "recall_at_1000": 75.964, + "recall_at_3": 16.195, + "recall_at_5": 20.678, + "main_score": 22.398 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/DBPedia.json b/results/radames__e5-large/external/DBPedia.json new file mode 100644 index 000000000..37a28e036 --- /dev/null +++ b/results/radames__e5-large/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.344, + "map_at_10": 20.301, + "map_at_100": 28.709, + "map_at_1000": 30.470999999999997, + "map_at_3": 14.584, + "map_at_5": 16.930999999999997, + "mrr_at_1": 67.25, + "mrr_at_10": 75.393, + "mrr_at_100": 75.742, + "mrr_at_1000": 75.75, + "mrr_at_3": 73.958, + "mrr_at_5": 74.883, + "ndcg_at_1": 56.00000000000001, + "ndcg_at_10": 42.394, + "ndcg_at_100": 47.091, + "ndcg_at_1000": 54.215, + "ndcg_at_3": 46.995, + "ndcg_at_5": 44.214999999999996, + "precision_at_1": 67.25, + "precision_at_10": 33.525, + "precision_at_100": 10.67, + "precision_at_1000": 2.221, + "precision_at_3": 49.417, + "precision_at_5": 42.15, + "recall_at_1": 9.344, + "recall_at_10": 25.209, + "recall_at_100": 52.329, + "recall_at_1000": 74.2, + "recall_at_3": 15.699, + "recall_at_5": 19.24, + "main_score": 42.394 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/EmotionClassification.json b/results/radames__e5-large/external/EmotionClassification.json new file mode 100644 index 000000000..6ab9832f0 --- /dev/null +++ b/results/radames__e5-large/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 48.05, + "f1": 43.06718139212933, + "main_score": 48.05 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/FEVER.json b/results/radames__e5-large/external/FEVER.json new file mode 100644 index 000000000..582962a33 --- /dev/null +++ b/results/radames__e5-large/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 46.452, + "map_at_10": 58.825, + "map_at_100": 59.372, + "map_at_1000": 59.399, + "map_at_3": 56.264, + "map_at_5": 57.879999999999995, + "mrr_at_1": 49.82, + "mrr_at_10": 62.178999999999995, + "mrr_at_100": 62.641999999999996, + "mrr_at_1000": 62.658, + "mrr_at_3": 59.706, + "mrr_at_5": 61.283, + "ndcg_at_1": 49.82, + "ndcg_at_10": 65.031, + "ndcg_at_100": 67.413, + "ndcg_at_1000": 68.014, + "ndcg_at_3": 60.084, + "ndcg_at_5": 62.858000000000004, + "precision_at_1": 49.82, + "precision_at_10": 8.876000000000001, + "precision_at_100": 1.018, + "precision_at_1000": 0.109, + "precision_at_3": 24.477, + "precision_at_5": 16.208, + "recall_at_1": 46.452, + "recall_at_10": 80.808, + "recall_at_100": 91.215, + "recall_at_1000": 95.52000000000001, + "recall_at_3": 67.62899999999999, + "recall_at_5": 74.32900000000001, + "main_score": 65.031 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/FiQA2018.json b/results/radames__e5-large/external/FiQA2018.json new file mode 100644 index 000000000..770c8ed6a --- /dev/null +++ b/results/radames__e5-large/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.351, + "map_at_10": 30.796, + "map_at_100": 32.621, + "map_at_1000": 32.799, + "map_at_3": 26.491, + "map_at_5": 28.933999999999997, + "mrr_at_1": 36.265, + "mrr_at_10": 45.556999999999995, + "mrr_at_100": 46.323, + "mrr_at_1000": 46.359, + "mrr_at_3": 42.695, + "mrr_at_5": 44.324000000000005, + "ndcg_at_1": 36.265, + "ndcg_at_10": 38.558, + "ndcg_at_100": 45.18, + "ndcg_at_1000": 48.292, + "ndcg_at_3": 34.204, + "ndcg_at_5": 35.735, + "precision_at_1": 36.265, + "precision_at_10": 10.879999999999999, + "precision_at_100": 1.77, + "precision_at_1000": 0.234, + "precision_at_3": 23.044999999999998, + "precision_at_5": 17.253, + "recall_at_1": 18.351, + "recall_at_10": 46.116, + "recall_at_100": 70.786, + "recall_at_1000": 89.46300000000001, + "recall_at_3": 31.404, + "recall_at_5": 37.678, + "main_score": 38.558 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/HotpotQA.json b/results/radames__e5-large/external/HotpotQA.json new file mode 100644 index 000000000..9a5c7a99c --- /dev/null +++ b/results/radames__e5-large/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 36.847, + "map_at_10": 54.269999999999996, + "map_at_100": 55.152, + "map_at_1000": 55.223, + "map_at_3": 51.166, + "map_at_5": 53.055, + "mrr_at_1": 73.693, + "mrr_at_10": 79.975, + "mrr_at_100": 80.202, + "mrr_at_1000": 80.214, + "mrr_at_3": 78.938, + "mrr_at_5": 79.595, + "ndcg_at_1": 73.693, + "ndcg_at_10": 63.334999999999994, + "ndcg_at_100": 66.452, + "ndcg_at_1000": 67.869, + "ndcg_at_3": 58.829, + "ndcg_at_5": 61.266, + "precision_at_1": 73.693, + "precision_at_10": 13.122, + "precision_at_100": 1.5559999999999998, + "precision_at_1000": 0.174, + "precision_at_3": 37.083, + "precision_at_5": 24.169999999999998, + "recall_at_1": 36.847, + "recall_at_10": 65.61099999999999, + "recall_at_100": 77.792, + "recall_at_1000": 87.17099999999999, + "recall_at_3": 55.625, + "recall_at_5": 60.425, + "main_score": 63.334999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/ImdbClassification.json b/results/radames__e5-large/external/ImdbClassification.json new file mode 100644 index 000000000..085f01c90 --- /dev/null +++ b/results/radames__e5-large/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 82.1096, + "ap": 76.67089212843918, + "f1": 82.03535056754939, + "main_score": 82.1096 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/MSMARCO.json b/results/radames__e5-large/external/MSMARCO.json new file mode 100644 index 000000000..7562a1f57 --- /dev/null +++ b/results/radames__e5-large/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.465, + "map_at_10": 37.072, + "map_at_100": 38.188, + "map_at_1000": 38.232, + "map_at_3": 33.134, + "map_at_5": 35.453, + "mrr_at_1": 25.142999999999997, + "mrr_at_10": 37.669999999999995, + "mrr_at_100": 38.725, + "mrr_at_1000": 38.765, + "mrr_at_3": 33.82, + "mrr_at_5": 36.111, + "ndcg_at_1": 25.142999999999997, + "ndcg_at_10": 44.054, + "ndcg_at_100": 49.364000000000004, + "ndcg_at_1000": 50.456, + "ndcg_at_3": 36.095, + "ndcg_at_5": 40.23, + "precision_at_1": 25.142999999999997, + "precision_at_10": 6.845, + "precision_at_100": 0.95, + "precision_at_1000": 0.104, + "precision_at_3": 15.204999999999998, + "precision_at_5": 11.221, + "recall_at_1": 24.465, + "recall_at_10": 65.495, + "recall_at_100": 89.888, + "recall_at_1000": 98.165, + "recall_at_3": 43.964, + "recall_at_5": 53.891, + "main_score": 44.054 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/MTOPDomainClassification.json b/results/radames__e5-large/external/MTOPDomainClassification.json new file mode 100644 index 000000000..d2da6ff10 --- /dev/null +++ b/results/radames__e5-large/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.86228910168718, + "f1": 93.69177113259104, + "main_score": 93.86228910168718 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/MTOPIntentClassification.json b/results/radames__e5-large/external/MTOPIntentClassification.json new file mode 100644 index 000000000..865186ead --- /dev/null +++ b/results/radames__e5-large/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.3999088007296, + "f1": 58.96668664333438, + "main_score": 76.3999088007296 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/MassiveIntentClassification.json b/results/radames__e5-large/external/MassiveIntentClassification.json new file mode 100644 index 000000000..411bbfae3 --- /dev/null +++ b/results/radames__e5-large/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.21788836583727, + "f1": 71.4545936552952, + "main_score": 73.21788836583727 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/MassiveScenarioClassification.json b/results/radames__e5-large/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..dab5cb6a7 --- /dev/null +++ b/results/radames__e5-large/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.39071956960323, + "f1": 77.12398952847603, + "main_score": 77.39071956960323 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/MedrxivClusteringP2P.json b/results/radames__e5-large/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..5e29806cf --- /dev/null +++ b/results/radames__e5-large/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.255379528166955, + "main_score": 32.255379528166955 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/MedrxivClusteringS2S.json b/results/radames__e5-large/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..3e3fec623 --- /dev/null +++ b/results/radames__e5-large/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 29.66423362872814, + "main_score": 29.66423362872814 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/MindSmallReranking.json b/results/radames__e5-large/external/MindSmallReranking.json new file mode 100644 index 000000000..b24b2a1ef --- /dev/null +++ b/results/radames__e5-large/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 30.782211620375964, + "mrr": 31.773479703044956, + "main_score": 30.782211620375964 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/NFCorpus.json b/results/radames__e5-large/external/NFCorpus.json new file mode 100644 index 000000000..f375aa1ff --- /dev/null +++ b/results/radames__e5-large/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.863, + "map_at_10": 13.831, + "map_at_100": 17.534, + "map_at_1000": 19.012, + "map_at_3": 10.143, + "map_at_5": 12.034, + "mrr_at_1": 46.749, + "mrr_at_10": 55.376999999999995, + "mrr_at_100": 56.009, + "mrr_at_1000": 56.042, + "mrr_at_3": 53.30200000000001, + "mrr_at_5": 54.85, + "ndcg_at_1": 44.582, + "ndcg_at_10": 36.07, + "ndcg_at_100": 33.39, + "ndcg_at_1000": 41.884, + "ndcg_at_3": 41.441, + "ndcg_at_5": 39.861000000000004, + "precision_at_1": 46.129999999999995, + "precision_at_10": 26.594, + "precision_at_100": 8.365, + "precision_at_1000": 2.1260000000000003, + "precision_at_3": 39.009, + "precision_at_5": 34.861, + "recall_at_1": 5.863, + "recall_at_10": 17.961, + "recall_at_100": 34.026, + "recall_at_1000": 64.46499999999999, + "recall_at_3": 11.242, + "recall_at_5": 14.493, + "main_score": 36.07 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/NQ.json b/results/radames__e5-large/external/NQ.json new file mode 100644 index 000000000..bd50f09e8 --- /dev/null +++ b/results/radames__e5-large/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.601, + "map_at_10": 55.293000000000006, + "map_at_100": 56.092, + "map_at_1000": 56.111999999999995, + "map_at_3": 51.269, + "map_at_5": 53.787, + "mrr_at_1": 43.221, + "mrr_at_10": 57.882999999999996, + "mrr_at_100": 58.408, + "mrr_at_1000": 58.421, + "mrr_at_3": 54.765, + "mrr_at_5": 56.809, + "ndcg_at_1": 43.221, + "ndcg_at_10": 62.858999999999995, + "ndcg_at_100": 65.987, + "ndcg_at_1000": 66.404, + "ndcg_at_3": 55.605000000000004, + "ndcg_at_5": 59.723000000000006, + "precision_at_1": 43.221, + "precision_at_10": 9.907, + "precision_at_100": 1.169, + "precision_at_1000": 0.121, + "precision_at_3": 25.019000000000002, + "precision_at_5": 17.474, + "recall_at_1": 38.601, + "recall_at_10": 82.966, + "recall_at_100": 96.154, + "recall_at_1000": 99.223, + "recall_at_3": 64.603, + "recall_at_5": 73.97200000000001, + "main_score": 62.858999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/QuoraRetrieval.json b/results/radames__e5-large/external/QuoraRetrieval.json new file mode 100644 index 000000000..413cd8356 --- /dev/null +++ b/results/radames__e5-large/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 70.77, + "map_at_10": 84.429, + "map_at_100": 85.04599999999999, + "map_at_1000": 85.065, + "map_at_3": 81.461, + "map_at_5": 83.316, + "mrr_at_1": 81.51, + "mrr_at_10": 87.52799999999999, + "mrr_at_100": 87.631, + "mrr_at_1000": 87.632, + "mrr_at_3": 86.533, + "mrr_at_5": 87.214, + "ndcg_at_1": 81.47999999999999, + "ndcg_at_10": 88.181, + "ndcg_at_100": 89.39200000000001, + "ndcg_at_1000": 89.52, + "ndcg_at_3": 85.29299999999999, + "ndcg_at_5": 86.88, + "precision_at_1": 81.47999999999999, + "precision_at_10": 13.367, + "precision_at_100": 1.5230000000000001, + "precision_at_1000": 0.157, + "precision_at_3": 37.227, + "precision_at_5": 24.494, + "recall_at_1": 70.77, + "recall_at_10": 95.199, + "recall_at_100": 99.37700000000001, + "recall_at_1000": 99.973, + "recall_at_3": 86.895, + "recall_at_5": 91.396, + "main_score": 88.181 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/RedditClustering.json b/results/radames__e5-large/external/RedditClustering.json new file mode 100644 index 000000000..4ce4f1082 --- /dev/null +++ b/results/radames__e5-large/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 50.686353396858344, + "main_score": 50.686353396858344 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/RedditClusteringP2P.json b/results/radames__e5-large/external/RedditClusteringP2P.json new file mode 100644 index 000000000..855f755fd --- /dev/null +++ b/results/radames__e5-large/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 61.3664675312921, + "main_score": 61.3664675312921 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/SCIDOCS.json b/results/radames__e5-large/external/SCIDOCS.json new file mode 100644 index 000000000..56355001b --- /dev/null +++ b/results/radames__e5-large/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.7379999999999995, + "map_at_10": 12.01, + "map_at_100": 14.02, + "map_at_1000": 14.310999999999998, + "map_at_3": 8.459, + "map_at_5": 10.281, + "mrr_at_1": 23.3, + "mrr_at_10": 34.108, + "mrr_at_100": 35.217, + "mrr_at_1000": 35.272, + "mrr_at_3": 30.833, + "mrr_at_5": 32.768, + "ndcg_at_1": 23.3, + "ndcg_at_10": 20.116999999999997, + "ndcg_at_100": 27.961000000000002, + "ndcg_at_1000": 33.149, + "ndcg_at_3": 18.902, + "ndcg_at_5": 16.742, + "precision_at_1": 23.3, + "precision_at_10": 10.47, + "precision_at_100": 2.177, + "precision_at_1000": 0.34299999999999997, + "precision_at_3": 17.567, + "precision_at_5": 14.78, + "recall_at_1": 4.7379999999999995, + "recall_at_10": 21.221999999999998, + "recall_at_100": 44.242, + "recall_at_1000": 69.652, + "recall_at_3": 10.688, + "recall_at_5": 14.982999999999999, + "main_score": 20.116999999999997 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/SICK-R.json b/results/radames__e5-large/external/SICK-R.json new file mode 100644 index 000000000..b5e280cb5 --- /dev/null +++ b/results/radames__e5-large/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.84572946827069, + "cos_sim_spearman": 80.48508130408966, + "euclidean_pearson": 82.0481530027767, + "euclidean_spearman": 80.45902876782752, + "manhattan_pearson": 82.03728222483326, + "manhattan_spearman": 80.45684282911755, + "cosine_pearson": 84.84572946827069, + "cosine_spearman": 80.48508130408966, + "main_score": 80.48508130408966 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/STS12.json b/results/radames__e5-large/external/STS12.json new file mode 100644 index 000000000..6198e97b3 --- /dev/null +++ b/results/radames__e5-large/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.33476464677516, + "cos_sim_spearman": 75.93057758003266, + "euclidean_pearson": 80.89685744015691, + "euclidean_spearman": 76.29929953441706, + "manhattan_pearson": 80.91391345459995, + "manhattan_spearman": 76.31985463110914, + "cosine_pearson": 84.33476464677516, + "cosine_spearman": 75.93057758003266, + "main_score": 75.93057758003266 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/STS13.json b/results/radames__e5-large/external/STS13.json new file mode 100644 index 000000000..0b98939b8 --- /dev/null +++ b/results/radames__e5-large/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.63686106359005, + "cos_sim_spearman": 85.22240034668202, + "euclidean_pearson": 84.6074814189106, + "euclidean_spearman": 85.17169644755828, + "manhattan_pearson": 84.48329306239368, + "manhattan_spearman": 85.0086508544768, + "cosine_pearson": 84.63686106359005, + "cosine_spearman": 85.22240034668202, + "main_score": 85.22240034668202 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/STS14.json b/results/radames__e5-large/external/STS14.json new file mode 100644 index 000000000..46024c7a3 --- /dev/null +++ b/results/radames__e5-large/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.95455774064745, + "cos_sim_spearman": 80.54074646118492, + "euclidean_pearson": 81.79598955554704, + "euclidean_spearman": 80.55837617606814, + "manhattan_pearson": 81.78213797905386, + "manhattan_spearman": 80.5666746878273, + "cosine_pearson": 82.95455774064745, + "cosine_spearman": 80.54074646118492, + "main_score": 80.54074646118492 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/STS15.json b/results/radames__e5-large/external/STS15.json new file mode 100644 index 000000000..338fe2d31 --- /dev/null +++ b/results/radames__e5-large/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.92813309124739, + "cos_sim_spearman": 88.81459873052108, + "euclidean_pearson": 88.21193118930564, + "euclidean_spearman": 88.87072745043731, + "manhattan_pearson": 88.22576929706727, + "manhattan_spearman": 88.8867671095791, + "cosine_pearson": 87.92813309124739, + "cosine_spearman": 88.81459873052108, + "main_score": 88.81459873052108 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/STS16.json b/results/radames__e5-large/external/STS16.json new file mode 100644 index 000000000..7445c1094 --- /dev/null +++ b/results/radames__e5-large/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.6881529671839, + "cos_sim_spearman": 85.2807092969554, + "euclidean_pearson": 84.62334178652704, + "euclidean_spearman": 85.2116373296784, + "manhattan_pearson": 84.54948211541777, + "manhattan_spearman": 85.10737722637882, + "cosine_pearson": 83.6881529671839, + "cosine_spearman": 85.2807092969554, + "main_score": 85.2807092969554 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/STS17.json b/results/radames__e5-large/external/STS17.json new file mode 100644 index 000000000..6a55be127 --- /dev/null +++ b/results/radames__e5-large/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.55963694458408, + "cos_sim_spearman": 89.36731628848683, + "euclidean_pearson": 89.64975952985465, + "euclidean_spearman": 89.29689484033007, + "manhattan_pearson": 89.61234491713135, + "manhattan_spearman": 89.20302520255782, + "cosine_pearson": 88.55963694458408, + "cosine_spearman": 89.36731628848683, + "main_score": 89.36731628848683 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/STS22.json b/results/radames__e5-large/external/STS22.json new file mode 100644 index 000000000..4dbb0190b --- /dev/null +++ b/results/radames__e5-large/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 62.411800961903886, + "cos_sim_spearman": 62.99105515749963, + "euclidean_pearson": 65.29826669549443, + "euclidean_spearman": 63.29880964105775, + "manhattan_pearson": 65.00126190601183, + "manhattan_spearman": 63.32011025899179, + "cosine_pearson": 62.411800961903886, + "cosine_spearman": 62.99105515749963, + "main_score": 62.99105515749963 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/STSBenchmark.json b/results/radames__e5-large/external/STSBenchmark.json new file mode 100644 index 000000000..a00264f92 --- /dev/null +++ b/results/radames__e5-large/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.83498531837608, + "cos_sim_spearman": 87.21366640615442, + "euclidean_pearson": 86.74764288798261, + "euclidean_spearman": 87.06060470780834, + "manhattan_pearson": 86.65971223951476, + "manhattan_spearman": 86.99814399831457, + "cosine_pearson": 85.83498531837608, + "cosine_spearman": 87.21366640615442, + "main_score": 87.21366640615442 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/SciDocsRR.json b/results/radames__e5-large/external/SciDocsRR.json new file mode 100644 index 000000000..08fadf211 --- /dev/null +++ b/results/radames__e5-large/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 83.94448463485881, + "mrr": 95.36291867174221, + "main_score": 83.94448463485881 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/SciFact.json b/results/radames__e5-large/external/SciFact.json new file mode 100644 index 000000000..88a1fb5cf --- /dev/null +++ b/results/radames__e5-large/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 59.928000000000004, + "map_at_10": 68.577, + "map_at_100": 69.35900000000001, + "map_at_1000": 69.37299999999999, + "map_at_3": 66.217, + "map_at_5": 67.581, + "mrr_at_1": 63, + "mrr_at_10": 69.994, + "mrr_at_100": 70.553, + "mrr_at_1000": 70.56700000000001, + "mrr_at_3": 68.167, + "mrr_at_5": 69.11699999999999, + "ndcg_at_1": 63, + "ndcg_at_10": 72.58, + "ndcg_at_100": 75.529, + "ndcg_at_1000": 76.009, + "ndcg_at_3": 68.523, + "ndcg_at_5": 70.301, + "precision_at_1": 63, + "precision_at_10": 9.333, + "precision_at_100": 1.09, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 26.444000000000003, + "precision_at_5": 17.067, + "recall_at_1": 59.928000000000004, + "recall_at_10": 83.544, + "recall_at_100": 96, + "recall_at_1000": 100, + "recall_at_3": 72.072, + "recall_at_5": 76.683, + "main_score": 72.58 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/SprintDuplicateQuestions.json b/results/radames__e5-large/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..6a5bd253c --- /dev/null +++ b/results/radames__e5-large/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.82178217821782, + "cos_sim_ap": 95.41507679819003, + "cos_sim_f1": 90.9456740442656, + "cos_sim_precision": 91.49797570850203, + "cos_sim_recall": 90.4, + "dot_accuracy": 99.77227722772277, + "dot_ap": 92.50123869445967, + "dot_f1": 88.18414322250638, + "dot_precision": 90.26178010471205, + "dot_recall": 86.2, + "euclidean_accuracy": 99.81782178217821, + "euclidean_ap": 95.3935066749006, + "euclidean_f1": 90.66128218071681, + "euclidean_precision": 91.53924566768603, + "euclidean_recall": 89.8, + "manhattan_accuracy": 99.81881188118813, + "manhattan_ap": 95.39767454613512, + "manhattan_f1": 90.62019477191186, + "manhattan_precision": 92.95478443743428, + "manhattan_recall": 88.4, + "max_accuracy": 99.82178217821782, + "max_ap": 95.41507679819003, + "max_f1": 90.9456740442656, + "main_score": 95.41507679819003 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/StackExchangeClustering.json b/results/radames__e5-large/external/StackExchangeClustering.json new file mode 100644 index 000000000..f40118233 --- /dev/null +++ b/results/radames__e5-large/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 64.96313921233748, + "main_score": 64.96313921233748 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/StackExchangeClusteringP2P.json b/results/radames__e5-large/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..cd0721f41 --- /dev/null +++ b/results/radames__e5-large/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.602625720956745, + "main_score": 33.602625720956745 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/StackOverflowDupQuestions.json b/results/radames__e5-large/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..12d5707a3 --- /dev/null +++ b/results/radames__e5-large/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 51.32659230651731, + "mrr": 52.33861726508785, + "main_score": 51.32659230651731 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/SummEval.json b/results/radames__e5-large/external/SummEval.json new file mode 100644 index 000000000..41f89f263 --- /dev/null +++ b/results/radames__e5-large/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.01587644214203, + "cos_sim_spearman": 30.974306908731013, + "dot_pearson": 29.83339853838187, + "dot_spearman": 30.07761671934048, + "cosine_pearson": 31.01587644214203, + "cosine_spearman": 30.974306908731013, + "main_score": 30.974306908731013 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/TRECCOVID.json b/results/radames__e5-large/external/TRECCOVID.json new file mode 100644 index 000000000..e40326b98 --- /dev/null +++ b/results/radames__e5-large/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.22, + "map_at_10": 1.9539999999999997, + "map_at_100": 11.437, + "map_at_1000": 27.861000000000004, + "map_at_3": 0.6479999999999999, + "map_at_5": 1.0410000000000001, + "mrr_at_1": 84, + "mrr_at_10": 90.333, + "mrr_at_100": 90.333, + "mrr_at_1000": 90.333, + "mrr_at_3": 90.333, + "mrr_at_5": 90.333, + "ndcg_at_1": 80, + "ndcg_at_10": 78.31700000000001, + "ndcg_at_100": 59.396, + "ndcg_at_1000": 52.733, + "ndcg_at_3": 81.46900000000001, + "ndcg_at_5": 80.74, + "precision_at_1": 84, + "precision_at_10": 84, + "precision_at_100": 60.980000000000004, + "precision_at_1000": 23.432, + "precision_at_3": 87.333, + "precision_at_5": 86.8, + "recall_at_1": 0.22, + "recall_at_10": 2.156, + "recall_at_100": 14.557999999999998, + "recall_at_1000": 49.553999999999995, + "recall_at_3": 0.685, + "recall_at_5": 1.121, + "main_score": 78.31700000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/Touche2020.json b/results/radames__e5-large/external/Touche2020.json new file mode 100644 index 000000000..1534ed931 --- /dev/null +++ b/results/radames__e5-large/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.373, + "map_at_10": 11.701, + "map_at_100": 17.144000000000002, + "map_at_1000": 18.624, + "map_at_3": 6.552, + "map_at_5": 9.372, + "mrr_at_1": 38.775999999999996, + "mrr_at_10": 51.975, + "mrr_at_100": 52.873999999999995, + "mrr_at_1000": 52.873999999999995, + "mrr_at_3": 47.619, + "mrr_at_5": 50.578, + "ndcg_at_1": 36.735, + "ndcg_at_10": 27.212999999999997, + "ndcg_at_100": 37.245, + "ndcg_at_1000": 48.602000000000004, + "ndcg_at_3": 30.916, + "ndcg_at_5": 30.799, + "precision_at_1": 38.775999999999996, + "precision_at_10": 23.469, + "precision_at_100": 7.327, + "precision_at_1000": 1.486, + "precision_at_3": 31.973000000000003, + "precision_at_5": 32.245000000000005, + "recall_at_1": 3.373, + "recall_at_10": 17.404, + "recall_at_100": 46.105000000000004, + "recall_at_1000": 80.35, + "recall_at_3": 7.4399999999999995, + "recall_at_5": 12.183, + "main_score": 27.212999999999997 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/ToxicConversationsClassification.json b/results/radames__e5-large/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..2a2d87858 --- /dev/null +++ b/results/radames__e5-large/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.5592, + "ap": 14.330910591410134, + "f1": 54.45745186286521, + "main_score": 70.5592 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/TweetSentimentExtractionClassification.json b/results/radames__e5-large/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..b0ecb1eb1 --- /dev/null +++ b/results/radames__e5-large/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.20543293718167, + "f1": 61.45365480309872, + "main_score": 61.20543293718167 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/TwentyNewsgroupsClustering.json b/results/radames__e5-large/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..a9cd6b6e3 --- /dev/null +++ b/results/radames__e5-large/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 43.81162998944145, + "main_score": 43.81162998944145 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/TwitterSemEval2015.json b/results/radames__e5-large/external/TwitterSemEval2015.json new file mode 100644 index 000000000..331e51245 --- /dev/null +++ b/results/radames__e5-large/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 86.69011146212075, + "cos_sim_ap": 76.09792353652536, + "cos_sim_f1": 70.10202763786646, + "cos_sim_precision": 68.65671641791045, + "cos_sim_recall": 71.60949868073878, + "dot_accuracy": 85.33110806461227, + "dot_ap": 70.19304383327554, + "dot_f1": 67.22494202525122, + "dot_precision": 65.6847935548842, + "dot_recall": 68.83905013192611, + "euclidean_accuracy": 86.5410979316922, + "euclidean_ap": 75.91906915651882, + "euclidean_f1": 69.6798975672215, + "euclidean_precision": 67.6865671641791, + "euclidean_recall": 71.79419525065963, + "manhattan_accuracy": 86.60070334386363, + "manhattan_ap": 75.94617413885031, + "manhattan_f1": 69.52689565780946, + "manhattan_precision": 68.3312101910828, + "manhattan_recall": 70.76517150395777, + "max_accuracy": 86.69011146212075, + "max_ap": 76.09792353652536, + "max_f1": 70.10202763786646, + "main_score": 76.09792353652536 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/TwitterURLCorpus.json b/results/radames__e5-large/external/TwitterURLCorpus.json new file mode 100644 index 000000000..cb02c4380 --- /dev/null +++ b/results/radames__e5-large/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.25951798812434, + "cos_sim_ap": 86.31476416599727, + "cos_sim_f1": 78.52709971038477, + "cos_sim_precision": 76.7629972792117, + "cos_sim_recall": 80.37419156144134, + "dot_accuracy": 88.03896456708192, + "dot_ap": 83.26963599196237, + "dot_f1": 76.72696459492317, + "dot_precision": 73.56411162133521, + "dot_recall": 80.17400677548507, + "euclidean_accuracy": 89.21682772538519, + "euclidean_ap": 86.29306071289969, + "euclidean_f1": 78.40827030519554, + "euclidean_precision": 77.42250243939053, + "euclidean_recall": 79.41946412072683, + "manhattan_accuracy": 89.22458959133776, + "manhattan_ap": 86.2901934710645, + "manhattan_f1": 78.54211378440453, + "manhattan_precision": 76.85505858079729, + "manhattan_recall": 80.30489682784109, + "max_accuracy": 89.25951798812434, + "max_ap": 86.31476416599727, + "max_f1": 78.54211378440453, + "main_score": 86.31476416599727 + } + ] + } +} \ No newline at end of file diff --git a/results/radames__e5-large/external/model_meta.json b/results/radames__e5-large/external/model_meta.json new file mode 100644 index 000000000..7c3b6a921 --- /dev/null +++ b/results/radames__e5-large/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "radames/e5-large", + "revision": "3b815a8eb639ab8ddf64544ecd7d244947017705", + "release_date": "2023-04-12", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 335179740, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 1024, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/AmazonCounterfactualClassification.json b/results/raghavlight__SE_v1/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..bdadc6ebe --- /dev/null +++ b/results/raghavlight__SE_v1/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.83582089552237, + "ap": 43.10721536172567, + "f1": 73.02587501904198, + "main_score": 78.83582089552237 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/AmazonPolarityClassification.json b/results/raghavlight__SE_v1/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..f9454c1a0 --- /dev/null +++ b/results/raghavlight__SE_v1/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.756325, + "ap": 89.5445783321967, + "f1": 92.7501917603289, + "main_score": 92.756325 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/AmazonReviewsClassification.json b/results/raghavlight__SE_v1/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..88243c145 --- /dev/null +++ b/results/raghavlight__SE_v1/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 47.431999999999995, + "f1": 46.49254790014476, + "main_score": 47.431999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/ArguAna.json b/results/raghavlight__SE_v1/external/ArguAna.json new file mode 100644 index 000000000..f3ab412ef --- /dev/null +++ b/results/raghavlight__SE_v1/external/ArguAna.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 35.135, + "map_at_10": 52.298, + "map_at_100": 52.298, + "map_at_1000": 52.298, + "map_at_20": 52.298, + "map_at_3": 47.522999999999996, + "map_at_5": 50.378, + "mrr_at_1": 36.059999999999995, + "mrr_at_10": 52.662, + "mrr_at_100": 52.662, + "mrr_at_1000": 52.662, + "mrr_at_20": 52.662, + "mrr_at_3": 47.783, + "mrr_at_5": 50.753, + "ndcg_at_1": 35.135, + "ndcg_at_10": 61.419999999999995, + "ndcg_at_100": 61.419999999999995, + "ndcg_at_1000": 61.419999999999995, + "ndcg_at_20": 61.419999999999995, + "ndcg_at_3": 51.608, + "ndcg_at_5": 56.759, + "precision_at_1": 35.135, + "precision_at_10": 9.04, + "precision_at_100": 0.9039999999999999, + "precision_at_1000": 0.09, + "precision_at_20": 4.52, + "precision_at_3": 21.147, + "precision_at_5": 15.192, + "recall_at_1": 35.135, + "recall_at_10": 90.398, + "recall_at_100": 90.398, + "recall_at_1000": 90.398, + "recall_at_20": 90.398, + "recall_at_3": 63.442, + "recall_at_5": 75.96000000000001, + "main_score": 61.419999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/ArxivClusteringP2P.json b/results/raghavlight__SE_v1/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..449993fba --- /dev/null +++ b/results/raghavlight__SE_v1/external/ArxivClusteringP2P.json @@ -0,0 +1,3120 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.12363356263455, + "v_measures": [ + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923, + 0.48027757481176014, + 0.4949903704757016, + 0.4803950319722686, + 0.4878191638148134, + 0.5010741012685239, + 0.4728978712118386, + 0.47889994605951863, + 0.4715761683007254, + 0.4860537160553702, + 0.45144233208889906, + 0.5540965696705281, + 0.5609258824425363, + 0.5602036049543669, + 0.5616617406378789, + 0.5603846165703955, + 0.5594661484162424, + 0.5593705019774027, + 0.558909644828681, + 0.5603056342160838, + 0.554891992797084, + 0.5226078787726881, + 0.29604710285086555, + 0.4750976228363287, + 0.41663565555894255, + 0.35606399125116023, + 0.29230278564333406, + 0.3015383931941945, + 0.24836040718326108, + 0.3298727045159869, + 1.0, + 0.28415725003932923 + ], + "main_score": 48.12363356263455 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/ArxivClusteringS2S.json b/results/raghavlight__SE_v1/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..e2d65f065 --- /dev/null +++ b/results/raghavlight__SE_v1/external/ArxivClusteringS2S.json @@ -0,0 +1,3120 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 45.504015770335826, + "v_measures": [ + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795, + 0.4598072529308091, + 0.45421147702259007, + 0.44502275183492146, + 0.4656845495215707, + 0.48111454474373505, + 0.4674964711557545, + 0.4552119434555637, + 0.46100067824974655, + 0.47234370855187907, + 0.4665930707139566, + 0.5268120998765866, + 0.528776598374819, + 0.5288757776478977, + 0.5303754454112128, + 0.5277140875765198, + 0.531600682196592, + 0.5264675415800343, + 0.5304023811612318, + 0.5258234645236721, + 0.527352458200513, + 0.485746860511318, + 0.26165193259851754, + 0.40901630466248123, + 0.38157334325562, + 0.32344287707970854, + 0.24649925022711508, + 0.278260392149981, + 0.2389604884816265, + 0.3048450947288335, + 1.0, + 0.26356136037929795 + ], + "main_score": 45.504015770335826 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/AskUbuntuDupQuestions.json b/results/raghavlight__SE_v1/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..fd6b71288 --- /dev/null +++ b/results/raghavlight__SE_v1/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 66.58809524589093, + "mrr": 79.3222090313503, + "main_score": 66.58809524589093 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/BIOSSES.json b/results/raghavlight__SE_v1/external/BIOSSES.json new file mode 100644 index 000000000..4276c3759 --- /dev/null +++ b/results/raghavlight__SE_v1/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.401710093136, + "cos_sim_spearman": 85.91701791850129, + "euclidean_pearson": 83.66475885640826, + "euclidean_spearman": 84.01095039107408, + "manhattan_pearson": 83.71400775916655, + "manhattan_spearman": 84.27963121194402, + "cosine_pearson": 86.401710093136, + "cosine_spearman": 85.91701791850129, + "main_score": 85.91701791850129 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/Banking77Classification.json b/results/raghavlight__SE_v1/external/Banking77Classification.json new file mode 100644 index 000000000..ac6c1ca5e --- /dev/null +++ b/results/raghavlight__SE_v1/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 88.96103896103895, + "f1": 88.91409928169791, + "main_score": 88.96103896103895 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/BiorxivClusteringP2P.json b/results/raghavlight__SE_v1/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..e5aec1aba --- /dev/null +++ b/results/raghavlight__SE_v1/external/BiorxivClusteringP2P.json @@ -0,0 +1,1020 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.45196381563332, + "v_measures": [ + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417, + 0.39072150007715634, + 0.40083729026179593, + 0.3679233197639931, + 0.3803274522450876, + 0.37343044991449664, + 0.3846528657139038, + 0.3832423677178897, + 0.39407124960839574, + 0.3841280359130708, + 0.3858618503475417 + ], + "main_score": 38.45196381563332 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/BiorxivClusteringS2S.json b/results/raghavlight__SE_v1/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..785b73f3c --- /dev/null +++ b/results/raghavlight__SE_v1/external/BiorxivClusteringS2S.json @@ -0,0 +1,1020 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.52850715706321, + "v_measures": [ + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396, + 0.35719667938909777, + 0.3724418903896613, + 0.3679178896964583, + 0.35763891275910115, + 0.37333353708864264, + 0.34729391059072645, + 0.3792338756331596, + 0.36956505994495087, + 0.35201164441432914, + 0.37621731580019396 + ], + "main_score": 36.52850715706321 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/CQADupstackAndroidRetrieval.json b/results/raghavlight__SE_v1/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..de7ca4ff7 --- /dev/null +++ b/results/raghavlight__SE_v1/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "f46a197baaae43b4f621051089b82a364682dfeb", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.073, + "map_at_10": 54.022999999999996, + "map_at_100": 54.022999999999996, + "map_at_1000": 54.022999999999996, + "map_at_20": 54.022999999999996, + "map_at_3": 49.285000000000004, + "map_at_5": 52.05, + "mrr_at_1": 51.215999999999994, + "mrr_at_10": 60.866, + "mrr_at_100": 60.866, + "mrr_at_1000": 60.866, + "mrr_at_20": 60.866, + "mrr_at_3": 58.274, + "mrr_at_5": 59.754, + "ndcg_at_1": 51.215999999999994, + "ndcg_at_10": 61.312, + "ndcg_at_100": 60.866, + "ndcg_at_1000": 60.85, + "ndcg_at_20": 60.980999999999995, + "ndcg_at_3": 55.544000000000004, + "ndcg_at_5": 58.299, + "precision_at_1": 51.215999999999994, + "precision_at_10": 12.117, + "precision_at_100": 1.212, + "precision_at_1000": 0.121, + "precision_at_20": 6.059, + "precision_at_3": 27.182000000000002, + "precision_at_5": 19.857, + "recall_at_1": 40.073, + "recall_at_10": 74.51, + "recall_at_100": 74.51, + "recall_at_1000": 74.51, + "recall_at_20": 74.51, + "recall_at_3": 56.804, + "recall_at_5": 64.863, + "main_score": 61.312 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/CQADupstackEnglishRetrieval.json b/results/raghavlight__SE_v1/external/CQADupstackEnglishRetrieval.json new file mode 100644 index 000000000..fa2d0ff39 --- /dev/null +++ b/results/raghavlight__SE_v1/external/CQADupstackEnglishRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "ad9991cb51e31e31e430383c75ffb2885547b5f0", + "task_name": "CQADupstackEnglishRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 36.658, + "map_at_10": 48.632, + "map_at_100": 48.632, + "map_at_1000": 48.632, + "map_at_20": 48.632, + "map_at_3": 45.287, + "map_at_5": 47.243, + "mrr_at_1": 47.134, + "mrr_at_10": 55.047000000000004, + "mrr_at_100": 55.047000000000004, + "mrr_at_1000": 55.047000000000004, + "mrr_at_20": 55.047000000000004, + "mrr_at_3": 53.163000000000004, + "mrr_at_5": 54.294, + "ndcg_at_1": 47.134, + "ndcg_at_10": 54.440999999999995, + "ndcg_at_100": 53.981, + "ndcg_at_1000": 53.981, + "ndcg_at_20": 54.111, + "ndcg_at_3": 50.734, + "ndcg_at_5": 52.48199999999999, + "precision_at_1": 47.134, + "precision_at_10": 10.439, + "precision_at_100": 1.044, + "precision_at_1000": 0.104, + "precision_at_20": 5.220000000000001, + "precision_at_3": 25.096, + "precision_at_5": 17.554, + "recall_at_1": 36.658, + "recall_at_10": 63.641999999999996, + "recall_at_100": 63.641999999999996, + "recall_at_1000": 63.641999999999996, + "recall_at_20": 63.641999999999996, + "recall_at_3": 51.564, + "recall_at_5": 57.277, + "main_score": 54.440999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/CQADupstackGamingRetrieval.json b/results/raghavlight__SE_v1/external/CQADupstackGamingRetrieval.json new file mode 100644 index 000000000..f658b9b32 --- /dev/null +++ b/results/raghavlight__SE_v1/external/CQADupstackGamingRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "4885aa143210c98657558c04aaf3dc47cfb54340", + "task_name": "CQADupstackGamingRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 47.929, + "map_at_10": 62.132, + "map_at_100": 62.132, + "map_at_1000": 62.132, + "map_at_20": 62.132, + "map_at_3": 58.278, + "map_at_5": 60.589000000000006, + "mrr_at_1": 55.11000000000001, + "mrr_at_10": 65.417, + "mrr_at_100": 65.417, + "mrr_at_1000": 65.417, + "mrr_at_20": 65.417, + "mrr_at_3": 62.832, + "mrr_at_5": 64.371, + "ndcg_at_1": 55.11000000000001, + "ndcg_at_10": 68.293, + "ndcg_at_100": 68.197, + "ndcg_at_1000": 68.197, + "ndcg_at_20": 68.2, + "ndcg_at_3": 62.28, + "ndcg_at_5": 65.379, + "precision_at_1": 55.11000000000001, + "precision_at_10": 10.947, + "precision_at_100": 1.095, + "precision_at_1000": 0.109, + "precision_at_20": 5.473, + "precision_at_3": 27.816000000000003, + "precision_at_5": 19.122, + "recall_at_1": 47.929, + "recall_at_10": 83.009, + "recall_at_100": 83.009, + "recall_at_1000": 83.009, + "recall_at_20": 83.009, + "recall_at_3": 66.97999999999999, + "recall_at_5": 74.638, + "main_score": 68.293 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/CQADupstackGisRetrieval.json b/results/raghavlight__SE_v1/external/CQADupstackGisRetrieval.json new file mode 100644 index 000000000..87b73ee2c --- /dev/null +++ b/results/raghavlight__SE_v1/external/CQADupstackGisRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "5003b3064772da1887988e05400cf3806fe491f2", + "task_name": "CQADupstackGisRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.831999999999997, + "map_at_10": 40.278000000000006, + "map_at_100": 40.278000000000006, + "map_at_1000": 40.278000000000006, + "map_at_20": 40.278000000000006, + "map_at_3": 37.271, + "map_at_5": 38.93, + "mrr_at_1": 32.316, + "mrr_at_10": 42.368, + "mrr_at_100": 42.368, + "mrr_at_1000": 42.368, + "mrr_at_20": 42.368, + "mrr_at_3": 39.774, + "mrr_at_5": 41.249, + "ndcg_at_1": 32.316, + "ndcg_at_10": 46.024, + "ndcg_at_100": 46.024, + "ndcg_at_1000": 46.024, + "ndcg_at_20": 46.024, + "ndcg_at_3": 40.324, + "ndcg_at_5": 43.059999999999995, + "precision_at_1": 32.316, + "precision_at_10": 7.153, + "precision_at_100": 0.715, + "precision_at_1000": 0.07200000000000001, + "precision_at_20": 3.576, + "precision_at_3": 17.363, + "precision_at_5": 12.068, + "recall_at_1": 29.831999999999997, + "recall_at_10": 61.550000000000004, + "recall_at_100": 61.550000000000004, + "recall_at_1000": 61.550000000000004, + "recall_at_20": 61.550000000000004, + "recall_at_3": 46.285, + "recall_at_5": 52.851000000000006, + "main_score": 46.024 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/CQADupstackMathematicaRetrieval.json b/results/raghavlight__SE_v1/external/CQADupstackMathematicaRetrieval.json new file mode 100644 index 000000000..f20488524 --- /dev/null +++ b/results/raghavlight__SE_v1/external/CQADupstackMathematicaRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "90fceea13679c63fe563ded68f3b6f06e50061de", + "task_name": "CQADupstackMathematicaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.595000000000002, + "map_at_10": 32.306000000000004, + "map_at_100": 32.306000000000004, + "map_at_1000": 32.306000000000004, + "map_at_20": 32.306000000000004, + "map_at_3": 28.931, + "map_at_5": 30.675, + "mrr_at_1": 28.731, + "mrr_at_10": 37.663999999999994, + "mrr_at_100": 37.663999999999994, + "mrr_at_1000": 37.663999999999994, + "mrr_at_20": 37.663999999999994, + "mrr_at_3": 34.949999999999996, + "mrr_at_5": 36.399, + "ndcg_at_1": 28.731, + "ndcg_at_10": 38.485, + "ndcg_at_100": 38.48, + "ndcg_at_1000": 38.48, + "ndcg_at_20": 38.48, + "ndcg_at_3": 32.762, + "ndcg_at_5": 35.149, + "precision_at_1": 28.731, + "precision_at_10": 7.226000000000001, + "precision_at_100": 0.7230000000000001, + "precision_at_1000": 0.07200000000000001, + "precision_at_20": 3.6130000000000004, + "precision_at_3": 15.754999999999999, + "precision_at_5": 11.468, + "recall_at_1": 22.595000000000002, + "recall_at_10": 52.081, + "recall_at_100": 52.081, + "recall_at_1000": 52.081, + "recall_at_20": 52.081, + "recall_at_3": 36.14, + "recall_at_5": 42.254000000000005, + "main_score": 38.485 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/CQADupstackPhysicsRetrieval.json b/results/raghavlight__SE_v1/external/CQADupstackPhysicsRetrieval.json new file mode 100644 index 000000000..9a53b7c0d --- /dev/null +++ b/results/raghavlight__SE_v1/external/CQADupstackPhysicsRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "79531abbd1fb92d06c6d6315a0cbbbf5bb247ea4", + "task_name": "CQADupstackPhysicsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 35.363, + "map_at_10": 48.292, + "map_at_100": 48.292, + "map_at_1000": 48.292, + "map_at_20": 48.292, + "map_at_3": 44.230999999999995, + "map_at_5": 46.455, + "mrr_at_1": 44.273, + "mrr_at_10": 53.923, + "mrr_at_100": 53.923, + "mrr_at_1000": 53.923, + "mrr_at_20": 53.923, + "mrr_at_3": 51.283, + "mrr_at_5": 52.717000000000006, + "ndcg_at_1": 44.273, + "ndcg_at_10": 54.93900000000001, + "ndcg_at_100": 54.832, + "ndcg_at_1000": 54.832, + "ndcg_at_20": 54.858, + "ndcg_at_3": 49.184, + "ndcg_at_5": 51.693999999999996, + "precision_at_1": 44.273, + "precision_at_10": 10.241, + "precision_at_100": 1.024, + "precision_at_1000": 0.10200000000000001, + "precision_at_20": 5.12, + "precision_at_3": 23.933, + "precision_at_5": 16.805, + "recall_at_1": 35.363, + "recall_at_10": 68.891, + "recall_at_100": 68.891, + "recall_at_1000": 68.891, + "recall_at_20": 68.891, + "recall_at_3": 51.946999999999996, + "recall_at_5": 58.996, + "main_score": 54.93900000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/CQADupstackProgrammersRetrieval.json b/results/raghavlight__SE_v1/external/CQADupstackProgrammersRetrieval.json new file mode 100644 index 000000000..9f3e5b017 --- /dev/null +++ b/results/raghavlight__SE_v1/external/CQADupstackProgrammersRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "6184bc1440d2dbc7612be22b50686b8826d22b32", + "task_name": "CQADupstackProgrammersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.527, + "map_at_10": 45.208, + "map_at_100": 45.208, + "map_at_1000": 45.208, + "map_at_20": 45.208, + "map_at_3": 41.193999999999996, + "map_at_5": 43.378, + "mrr_at_1": 39.839999999999996, + "mrr_at_10": 50.906, + "mrr_at_100": 50.906, + "mrr_at_1000": 50.906, + "mrr_at_20": 50.906, + "mrr_at_3": 48.211999999999996, + "mrr_at_5": 49.730000000000004, + "ndcg_at_1": 39.839999999999996, + "ndcg_at_10": 52.209, + "ndcg_at_100": 52.068999999999996, + "ndcg_at_1000": 52.065, + "ndcg_at_20": 52.11, + "ndcg_at_3": 46.326, + "ndcg_at_5": 48.906, + "precision_at_1": 39.839999999999996, + "precision_at_10": 9.954, + "precision_at_100": 0.9950000000000001, + "precision_at_1000": 0.1, + "precision_at_20": 4.977, + "precision_at_3": 22.945, + "precision_at_5": 16.438, + "recall_at_1": 31.527, + "recall_at_10": 66.97, + "recall_at_100": 66.97, + "recall_at_1000": 66.97, + "recall_at_20": 66.97, + "recall_at_3": 49.989, + "recall_at_5": 57.023999999999994, + "main_score": 52.209 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/CQADupstackStatsRetrieval.json b/results/raghavlight__SE_v1/external/CQADupstackStatsRetrieval.json new file mode 100644 index 000000000..e4816d377 --- /dev/null +++ b/results/raghavlight__SE_v1/external/CQADupstackStatsRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "65ac3a16b8e91f9cee4c9828cc7c335575432a2a", + "task_name": "CQADupstackStatsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.147999999999996, + "map_at_10": 38.9, + "map_at_100": 38.9, + "map_at_1000": 38.9, + "map_at_20": 38.9, + "map_at_3": 36.614999999999995, + "map_at_5": 37.836999999999996, + "mrr_at_1": 35.123, + "mrr_at_10": 42.111, + "mrr_at_100": 42.111, + "mrr_at_1000": 42.111, + "mrr_at_20": 42.111, + "mrr_at_3": 39.954, + "mrr_at_5": 41.112, + "ndcg_at_1": 35.123, + "ndcg_at_10": 43.403000000000006, + "ndcg_at_100": 43.374, + "ndcg_at_1000": 43.374, + "ndcg_at_20": 43.374, + "ndcg_at_3": 39.206, + "ndcg_at_5": 41.102, + "precision_at_1": 35.123, + "precision_at_10": 6.641, + "precision_at_100": 0.664, + "precision_at_1000": 0.066, + "precision_at_20": 3.321, + "precision_at_3": 16.616, + "precision_at_5": 11.35, + "recall_at_1": 31.147999999999996, + "recall_at_10": 53.988, + "recall_at_100": 53.988, + "recall_at_1000": 53.988, + "recall_at_20": 53.988, + "recall_at_3": 42.223, + "recall_at_5": 47.075, + "main_score": 43.403000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/CQADupstackTexRetrieval.json b/results/raghavlight__SE_v1/external/CQADupstackTexRetrieval.json new file mode 100644 index 000000000..874b06728 --- /dev/null +++ b/results/raghavlight__SE_v1/external/CQADupstackTexRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "46989137a86843e03a6195de44b09deda022eec7", + "task_name": "CQADupstackTexRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.503, + "map_at_10": 30.711, + "map_at_100": 30.711, + "map_at_1000": 30.711, + "map_at_20": 30.711, + "map_at_3": 27.876, + "map_at_5": 29.448, + "mrr_at_1": 26.944000000000003, + "mrr_at_10": 35.400999999999996, + "mrr_at_100": 35.400999999999996, + "mrr_at_1000": 35.400999999999996, + "mrr_at_20": 35.400999999999996, + "mrr_at_3": 32.943, + "mrr_at_5": 34.365, + "ndcg_at_1": 26.944000000000003, + "ndcg_at_10": 36.18, + "ndcg_at_100": 36.053000000000004, + "ndcg_at_1000": 36.051, + "ndcg_at_20": 36.094, + "ndcg_at_3": 31.5, + "ndcg_at_5": 33.672999999999995, + "precision_at_1": 26.944000000000003, + "precision_at_10": 6.7, + "precision_at_100": 0.67, + "precision_at_1000": 0.067, + "precision_at_20": 3.35, + "precision_at_3": 15.221000000000002, + "precision_at_5": 10.943, + "recall_at_1": 21.503, + "recall_at_10": 47.802, + "recall_at_100": 47.802, + "recall_at_1000": 47.802, + "recall_at_20": 47.802, + "recall_at_3": 34.316, + "recall_at_5": 40.178999999999995, + "main_score": 36.18 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/CQADupstackUnixRetrieval.json b/results/raghavlight__SE_v1/external/CQADupstackUnixRetrieval.json new file mode 100644 index 000000000..0cfb48523 --- /dev/null +++ b/results/raghavlight__SE_v1/external/CQADupstackUnixRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "6c6430d3a6d36f8d2a829195bc5dc94d7e063e53", + "task_name": "CQADupstackUnixRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 34.516000000000005, + "map_at_10": 45.867999999999995, + "map_at_100": 45.867999999999995, + "map_at_1000": 45.867999999999995, + "map_at_20": 45.867999999999995, + "map_at_3": 42.480000000000004, + "map_at_5": 44.292, + "mrr_at_1": 41.510999999999996, + "mrr_at_10": 50.709, + "mrr_at_100": 50.709, + "mrr_at_1000": 50.709, + "mrr_at_20": 50.709, + "mrr_at_3": 48.087999999999994, + "mrr_at_5": 49.585, + "ndcg_at_1": 41.510999999999996, + "ndcg_at_10": 52.010999999999996, + "ndcg_at_100": 51.998999999999995, + "ndcg_at_1000": 51.998999999999995, + "ndcg_at_20": 51.998999999999995, + "ndcg_at_3": 46.605000000000004, + "ndcg_at_5": 48.968, + "precision_at_1": 41.510999999999996, + "precision_at_10": 8.862, + "precision_at_100": 0.886, + "precision_at_1000": 0.089, + "precision_at_20": 4.431, + "precision_at_3": 21.58, + "precision_at_5": 14.943999999999999, + "recall_at_1": 34.516000000000005, + "recall_at_10": 65.874, + "recall_at_100": 65.874, + "recall_at_1000": 65.874, + "recall_at_20": 65.874, + "recall_at_3": 50.444, + "recall_at_5": 56.87, + "main_score": 52.010999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/CQADupstackWebmastersRetrieval.json b/results/raghavlight__SE_v1/external/CQADupstackWebmastersRetrieval.json new file mode 100644 index 000000000..2294763b3 --- /dev/null +++ b/results/raghavlight__SE_v1/external/CQADupstackWebmastersRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "160c094312a0e1facb97e55eeddb698c0abe3571", + "task_name": "CQADupstackWebmastersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.486, + "map_at_10": 44.13, + "map_at_100": 44.13, + "map_at_1000": 44.13, + "map_at_20": 44.13, + "map_at_3": 40.644999999999996, + "map_at_5": 42.712, + "mrr_at_1": 40.514, + "mrr_at_10": 50.058, + "mrr_at_100": 50.058, + "mrr_at_1000": 50.058, + "mrr_at_20": 50.058, + "mrr_at_3": 47.53, + "mrr_at_5": 49.2, + "ndcg_at_1": 40.514, + "ndcg_at_10": 50.722, + "ndcg_at_100": 49.907000000000004, + "ndcg_at_1000": 49.889, + "ndcg_at_20": 50.212, + "ndcg_at_3": 45.822, + "ndcg_at_5": 48.468, + "precision_at_1": 40.514, + "precision_at_10": 9.783, + "precision_at_100": 0.9780000000000001, + "precision_at_1000": 0.098, + "precision_at_20": 4.891, + "precision_at_3": 21.871, + "precision_at_5": 15.928999999999998, + "recall_at_1": 32.486, + "recall_at_10": 61.644, + "recall_at_100": 61.644, + "recall_at_1000": 61.644, + "recall_at_20": 61.644, + "recall_at_3": 47.502, + "recall_at_5": 54.596999999999994, + "main_score": 50.722 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/CQADupstackWordpressRetrieval.json b/results/raghavlight__SE_v1/external/CQADupstackWordpressRetrieval.json new file mode 100644 index 000000000..777753d43 --- /dev/null +++ b/results/raghavlight__SE_v1/external/CQADupstackWordpressRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "4ffe81d471b1924886b33c7567bfb200e9eec5c4", + "task_name": "CQADupstackWordpressRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.069, + "map_at_10": 35.869, + "map_at_100": 35.869, + "map_at_1000": 35.869, + "map_at_20": 35.869, + "map_at_3": 33.249, + "map_at_5": 34.521, + "mrr_at_1": 28.281, + "mrr_at_10": 38.26, + "mrr_at_100": 38.26, + "mrr_at_1000": 38.26, + "mrr_at_20": 38.26, + "mrr_at_3": 36.106, + "mrr_at_5": 37.095, + "ndcg_at_1": 28.281, + "ndcg_at_10": 41.286, + "ndcg_at_100": 41.277, + "ndcg_at_1000": 41.277, + "ndcg_at_20": 41.281, + "ndcg_at_3": 36.36, + "ndcg_at_5": 38.275, + "precision_at_1": 28.281, + "precision_at_10": 6.451, + "precision_at_100": 0.645, + "precision_at_1000": 0.065, + "precision_at_20": 3.2259999999999995, + "precision_at_3": 15.895999999999999, + "precision_at_5": 10.758, + "recall_at_1": 26.069, + "recall_at_10": 55.55799999999999, + "recall_at_100": 55.55799999999999, + "recall_at_1000": 55.55799999999999, + "recall_at_20": 55.55799999999999, + "recall_at_3": 41.929, + "recall_at_5": 46.577, + "main_score": 41.286 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/ClimateFEVER.json b/results/raghavlight__SE_v1/external/ClimateFEVER.json new file mode 100644 index 000000000..5bd213703 --- /dev/null +++ b/results/raghavlight__SE_v1/external/ClimateFEVER.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 11.675, + "map_at_10": 21.314, + "map_at_100": 21.314, + "map_at_1000": 21.314, + "map_at_20": 21.314, + "map_at_3": 17.689, + "map_at_5": 19.534000000000002, + "mrr_at_1": 27.101, + "mrr_at_10": 40.339999999999996, + "mrr_at_100": 40.339999999999996, + "mrr_at_1000": 40.339999999999996, + "mrr_at_20": 40.339999999999996, + "mrr_at_3": 37.014, + "mrr_at_5": 39.050000000000004, + "ndcg_at_1": 27.101, + "ndcg_at_10": 30.325000000000003, + "ndcg_at_100": 30.325000000000003, + "ndcg_at_1000": 30.325000000000003, + "ndcg_at_20": 30.325000000000003, + "ndcg_at_3": 24.823, + "ndcg_at_5": 26.729999999999997, + "precision_at_1": 27.101, + "precision_at_10": 9.622, + "precision_at_100": 0.962, + "precision_at_1000": 0.096, + "precision_at_20": 4.811, + "precision_at_3": 18.958, + "precision_at_5": 14.527999999999999, + "recall_at_1": 11.675, + "recall_at_10": 37.037, + "recall_at_100": 37.037, + "recall_at_1000": 37.037, + "recall_at_20": 37.037, + "recall_at_3": 23.22, + "recall_at_5": 28.967, + "main_score": 30.325000000000003 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/DBPedia.json b/results/raghavlight__SE_v1/external/DBPedia.json new file mode 100644 index 000000000..4cc425096 --- /dev/null +++ b/results/raghavlight__SE_v1/external/DBPedia.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.715, + "map_at_10": 23.903, + "map_at_100": 23.903, + "map_at_1000": 23.903, + "map_at_20": 23.903, + "map_at_3": 16.029, + "map_at_5": 19.276, + "mrr_at_1": 73.75, + "mrr_at_10": 81.089, + "mrr_at_100": 81.089, + "mrr_at_1000": 81.089, + "mrr_at_20": 81.089, + "mrr_at_3": 79.75, + "mrr_at_5": 80.55, + "ndcg_at_1": 61.5, + "ndcg_at_10": 49.027, + "ndcg_at_100": 37.618, + "ndcg_at_1000": 37.475, + "ndcg_at_20": 41.513, + "ndcg_at_3": 52.624, + "ndcg_at_5": 50.409000000000006, + "precision_at_1": 73.75, + "precision_at_10": 40.025, + "precision_at_100": 4.002, + "precision_at_1000": 0.4, + "precision_at_20": 20.012, + "precision_at_3": 56.75, + "precision_at_5": 49.3, + "recall_at_1": 9.715, + "recall_at_10": 30.368000000000002, + "recall_at_100": 30.368000000000002, + "recall_at_1000": 30.368000000000002, + "recall_at_20": 30.368000000000002, + "recall_at_3": 17.512, + "recall_at_5": 22.381999999999998, + "main_score": 49.027 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/EmotionClassification.json b/results/raghavlight__SE_v1/external/EmotionClassification.json new file mode 100644 index 000000000..20b4b18f9 --- /dev/null +++ b/results/raghavlight__SE_v1/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 50.964999999999996, + "f1": 46.07175136684756, + "main_score": 50.964999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/FEVER.json b/results/raghavlight__SE_v1/external/FEVER.json new file mode 100644 index 000000000..873d8405e --- /dev/null +++ b/results/raghavlight__SE_v1/external/FEVER.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 79.73400000000001, + "map_at_10": 86.61999999999999, + "map_at_100": 86.61999999999999, + "map_at_1000": 86.61999999999999, + "map_at_20": 86.61999999999999, + "map_at_3": 85.774, + "map_at_5": 86.343, + "mrr_at_1": 85.884, + "mrr_at_10": 91.51700000000001, + "mrr_at_100": 91.51700000000001, + "mrr_at_1000": 91.51700000000001, + "mrr_at_20": 91.51700000000001, + "mrr_at_3": 91.034, + "mrr_at_5": 91.426, + "ndcg_at_1": 85.884, + "ndcg_at_10": 89.791, + "ndcg_at_100": 89.79, + "ndcg_at_1000": 89.79, + "ndcg_at_20": 89.79, + "ndcg_at_3": 88.593, + "ndcg_at_5": 89.333, + "precision_at_1": 85.884, + "precision_at_10": 10.491999999999999, + "precision_at_100": 1.049, + "precision_at_1000": 0.105, + "precision_at_20": 5.2459999999999996, + "precision_at_3": 33.312999999999995, + "precision_at_5": 20.516000000000002, + "recall_at_1": 79.73400000000001, + "recall_at_10": 94.797, + "recall_at_100": 94.797, + "recall_at_1000": 94.797, + "recall_at_20": 94.797, + "recall_at_3": 91.475, + "recall_at_5": 93.46900000000001, + "main_score": 89.791 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/FiQA2018.json b/results/raghavlight__SE_v1/external/FiQA2018.json new file mode 100644 index 000000000..1e33f4345 --- /dev/null +++ b/results/raghavlight__SE_v1/external/FiQA2018.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.916, + "map_at_10": 45.756, + "map_at_100": 45.756, + "map_at_1000": 45.756, + "map_at_20": 45.756, + "map_at_3": 40.275, + "map_at_5": 43.324, + "mrr_at_1": 52.778000000000006, + "mrr_at_10": 61.39, + "mrr_at_100": 61.39, + "mrr_at_1000": 61.39, + "mrr_at_20": 61.39, + "mrr_at_3": 59.541999999999994, + "mrr_at_5": 60.661, + "ndcg_at_1": 52.778000000000006, + "ndcg_at_10": 53.823, + "ndcg_at_100": 53.757999999999996, + "ndcg_at_1000": 53.757999999999996, + "ndcg_at_20": 53.757999999999996, + "ndcg_at_3": 50.063, + "ndcg_at_5": 51.224000000000004, + "precision_at_1": 52.778000000000006, + "precision_at_10": 14.691, + "precision_at_100": 1.469, + "precision_at_1000": 0.147, + "precision_at_20": 7.346, + "precision_at_3": 33.333, + "precision_at_5": 24.227999999999998, + "recall_at_1": 27.916, + "recall_at_10": 60.638000000000005, + "recall_at_100": 60.638000000000005, + "recall_at_1000": 60.638000000000005, + "recall_at_20": 60.638000000000005, + "recall_at_3": 45.992, + "recall_at_5": 52.413, + "main_score": 53.823 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/HotpotQA.json b/results/raghavlight__SE_v1/external/HotpotQA.json new file mode 100644 index 000000000..8170a4f3b --- /dev/null +++ b/results/raghavlight__SE_v1/external/HotpotQA.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.284, + "map_at_10": 69.45700000000001, + "map_at_100": 69.45700000000001, + "map_at_1000": 69.45700000000001, + "map_at_20": 69.45700000000001, + "map_at_3": 65.689, + "map_at_5": 68.186, + "mrr_at_1": 80.567, + "mrr_at_10": 86.39099999999999, + "mrr_at_100": 86.39099999999999, + "mrr_at_1000": 86.39099999999999, + "mrr_at_20": 86.39099999999999, + "mrr_at_3": 85.53500000000001, + "mrr_at_5": 86.095, + "ndcg_at_1": 80.567, + "ndcg_at_10": 76.81700000000001, + "ndcg_at_100": 76.81700000000001, + "ndcg_at_1000": 76.81700000000001, + "ndcg_at_20": 76.81700000000001, + "ndcg_at_3": 71.696, + "ndcg_at_5": 74.736, + "precision_at_1": 80.567, + "precision_at_10": 16.359, + "precision_at_100": 1.636, + "precision_at_1000": 0.164, + "precision_at_20": 8.18, + "precision_at_3": 47.089999999999996, + "precision_at_5": 30.639, + "recall_at_1": 40.284, + "recall_at_10": 81.796, + "recall_at_100": 81.796, + "recall_at_1000": 81.796, + "recall_at_20": 81.796, + "recall_at_3": 70.635, + "recall_at_5": 76.59700000000001, + "main_score": 76.81700000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/ImdbClassification.json b/results/raghavlight__SE_v1/external/ImdbClassification.json new file mode 100644 index 000000000..c3db9c28a --- /dev/null +++ b/results/raghavlight__SE_v1/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 89.42760000000001, + "ap": 85.65673213756732, + "f1": 89.39873631717961, + "main_score": 89.42760000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/MSMARCO.json b/results/raghavlight__SE_v1/external/MSMARCO.json new file mode 100644 index 000000000..a014c62f8 --- /dev/null +++ b/results/raghavlight__SE_v1/external/MSMARCO.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.54, + "map_at_10": 32.481, + "map_at_100": 32.481, + "map_at_1000": 32.481, + "map_at_20": 32.481, + "map_at_3": 28.083000000000002, + "map_at_5": 30.580000000000002, + "mrr_at_1": 20.115, + "mrr_at_10": 33.034, + "mrr_at_100": 33.034, + "mrr_at_1000": 33.034, + "mrr_at_20": 33.034, + "mrr_at_3": 28.755999999999997, + "mrr_at_5": 31.195, + "ndcg_at_1": 20.115, + "ndcg_at_10": 40.006, + "ndcg_at_100": 40.006, + "ndcg_at_1000": 40.006, + "ndcg_at_20": 40.006, + "ndcg_at_3": 31.080000000000002, + "ndcg_at_5": 35.524, + "precision_at_1": 20.115, + "precision_at_10": 6.638, + "precision_at_100": 0.664, + "precision_at_1000": 0.066, + "precision_at_20": 3.319, + "precision_at_3": 13.553, + "precision_at_5": 10.384, + "recall_at_1": 19.54, + "recall_at_10": 63.344, + "recall_at_100": 63.344, + "recall_at_1000": 63.344, + "recall_at_20": 63.344, + "recall_at_3": 39.080999999999996, + "recall_at_5": 49.769999999999996, + "main_score": 40.006 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/MTOPDomainClassification.json b/results/raghavlight__SE_v1/external/MTOPDomainClassification.json new file mode 100644 index 000000000..f2db2e5dd --- /dev/null +++ b/results/raghavlight__SE_v1/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 96.67578659370726, + "f1": 96.44660736409732, + "main_score": 96.67578659370726 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/MTOPIntentClassification.json b/results/raghavlight__SE_v1/external/MTOPIntentClassification.json new file mode 100644 index 000000000..d5446a1fe --- /dev/null +++ b/results/raghavlight__SE_v1/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 85.4719562243502, + "f1": 70.478731125108, + "main_score": 85.4719562243502 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/MassiveIntentClassification.json b/results/raghavlight__SE_v1/external/MassiveIntentClassification.json new file mode 100644 index 000000000..a6103bc71 --- /dev/null +++ b/results/raghavlight__SE_v1/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.0268997982515, + "f1": 77.36851682955398, + "main_score": 80.0268997982515 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/MassiveScenarioClassification.json b/results/raghavlight__SE_v1/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..15559a0aa --- /dev/null +++ b/results/raghavlight__SE_v1/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 82.77740416946872, + "f1": 82.36168633333541, + "main_score": 82.77740416946872 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/MedrxivClusteringP2P.json b/results/raghavlight__SE_v1/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..fc983f17f --- /dev/null +++ b/results/raghavlight__SE_v1/external/MedrxivClusteringP2P.json @@ -0,0 +1,1020 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.90073967924184, + "v_measures": [ + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726, + 0.3211341289091321, + 0.3161692449183304, + 0.3246573332238926, + 0.3113280417238961, + 0.3112859280868748, + 0.33291300943229213, + 0.3374941840347436, + 0.34428297701826893, + 0.35504076095733555, + 0.33576835961941726 + ], + "main_score": 32.90073967924184 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/MedrxivClusteringS2S.json b/results/raghavlight__SE_v1/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..30a13a2ed --- /dev/null +++ b/results/raghavlight__SE_v1/external/MedrxivClusteringS2S.json @@ -0,0 +1,1020 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.304535976211284, + "v_measures": [ + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667, + 0.3113827930260938, + 0.30779426396733683, + 0.3140456120463529, + 0.318006788459812, + 0.32113804354598285, + 0.3329818163288202, + 0.32824449711793047, + 0.3243430439835618, + 0.34484914695347063, + 0.3276675921917667 + ], + "main_score": 32.304535976211284 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/MindSmallReranking.json b/results/raghavlight__SE_v1/external/MindSmallReranking.json new file mode 100644 index 000000000..091fe6e90 --- /dev/null +++ b/results/raghavlight__SE_v1/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 32.030630164228974, + "mrr": 33.18900877896056, + "main_score": 32.030630164228974 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/NFCorpus.json b/results/raghavlight__SE_v1/external/NFCorpus.json new file mode 100644 index 000000000..777d50f55 --- /dev/null +++ b/results/raghavlight__SE_v1/external/NFCorpus.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 7.213, + "map_at_10": 15.870999999999999, + "map_at_100": 15.870999999999999, + "map_at_1000": 15.870999999999999, + "map_at_20": 15.870999999999999, + "map_at_3": 11.447000000000001, + "map_at_5": 13.669, + "mrr_at_1": 53.87, + "mrr_at_10": 62.117999999999995, + "mrr_at_100": 62.117999999999995, + "mrr_at_1000": 62.117999999999995, + "mrr_at_20": 62.117999999999995, + "mrr_at_3": 60.01, + "mrr_at_5": 61.480999999999995, + "ndcg_at_1": 51.702999999999996, + "ndcg_at_10": 40.859, + "ndcg_at_100": 26.623, + "ndcg_at_1000": 26.141, + "ndcg_at_20": 32.744, + "ndcg_at_3": 47.146, + "ndcg_at_5": 44.887, + "precision_at_1": 53.251000000000005, + "precision_at_10": 30.092999999999996, + "precision_at_100": 3.009, + "precision_at_1000": 0.301, + "precision_at_20": 15.046000000000001, + "precision_at_3": 43.963, + "precision_at_5": 39.009, + "recall_at_1": 7.213, + "recall_at_10": 19.909, + "recall_at_100": 19.909, + "recall_at_1000": 19.909, + "recall_at_20": 19.909, + "recall_at_3": 12.46, + "recall_at_5": 16.107, + "main_score": 40.859 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/NQ.json b/results/raghavlight__SE_v1/external/NQ.json new file mode 100644 index 000000000..21aea1fec --- /dev/null +++ b/results/raghavlight__SE_v1/external/NQ.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.688, + "map_at_10": 56.261, + "map_at_100": 56.261, + "map_at_1000": 56.261, + "map_at_20": 56.261, + "map_at_3": 51.989, + "map_at_5": 54.569, + "mrr_at_1": 43.656, + "mrr_at_10": 58.677, + "mrr_at_100": 58.677, + "mrr_at_1000": 58.677, + "mrr_at_20": 58.677, + "mrr_at_3": 55.456, + "mrr_at_5": 57.391999999999996, + "ndcg_at_1": 43.656, + "ndcg_at_10": 64.149, + "ndcg_at_100": 64.149, + "ndcg_at_1000": 64.149, + "ndcg_at_20": 64.149, + "ndcg_at_3": 56.458, + "ndcg_at_5": 60.556, + "precision_at_1": 43.656, + "precision_at_10": 10.242999999999999, + "precision_at_100": 1.024, + "precision_at_1000": 0.10200000000000001, + "precision_at_20": 5.122, + "precision_at_3": 25.657000000000004, + "precision_at_5": 17.827, + "recall_at_1": 38.688, + "recall_at_10": 85.492, + "recall_at_100": 85.492, + "recall_at_1000": 85.492, + "recall_at_20": 85.492, + "recall_at_3": 65.86800000000001, + "recall_at_5": 75.157, + "main_score": 64.149 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/QuoraRetrieval.json b/results/raghavlight__SE_v1/external/QuoraRetrieval.json new file mode 100644 index 000000000..dc1e340f2 --- /dev/null +++ b/results/raghavlight__SE_v1/external/QuoraRetrieval.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "e4e08e0b7dbe3c8700f0daef558ff32256715259", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 71.178, + "map_at_10": 85.453, + "map_at_100": 85.453, + "map_at_1000": 85.453, + "map_at_20": 85.453, + "map_at_3": 82.494, + "map_at_5": 84.384, + "mrr_at_1": 82.04, + "mrr_at_10": 88.02600000000001, + "mrr_at_100": 88.02600000000001, + "mrr_at_1000": 88.02600000000001, + "mrr_at_20": 88.02600000000001, + "mrr_at_3": 87.118, + "mrr_at_5": 87.74300000000001, + "ndcg_at_1": 82.05, + "ndcg_at_10": 88.986, + "ndcg_at_100": 88.85300000000001, + "ndcg_at_1000": 88.85300000000001, + "ndcg_at_20": 88.874, + "ndcg_at_3": 86.253, + "ndcg_at_5": 87.803, + "precision_at_1": 82.05, + "precision_at_10": 13.566, + "precision_at_100": 1.357, + "precision_at_1000": 0.136, + "precision_at_20": 6.783, + "precision_at_3": 37.857, + "precision_at_5": 24.942, + "recall_at_1": 71.178, + "recall_at_10": 95.771, + "recall_at_100": 95.771, + "recall_at_1000": 95.771, + "recall_at_20": 95.771, + "recall_at_3": 87.935, + "recall_at_5": 92.293, + "main_score": 88.986 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/RedditClustering.json b/results/raghavlight__SE_v1/external/RedditClustering.json new file mode 100644 index 000000000..36ac7e3a6 --- /dev/null +++ b/results/raghavlight__SE_v1/external/RedditClustering.json @@ -0,0 +1,2520 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 62.0337414310567, + "v_measures": [ + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206, + 0.522616622864363, + 0.6844265078631042, + 0.5518593590523799, + 0.6495496503246567, + 0.55707101381553, + 0.6276443750698807, + 0.6547592087920104, + 0.5993440123354254, + 0.5932708916180552, + 0.5791630341611333, + 0.5856462959142211, + 0.6308260728639485, + 0.6496676410376024, + 0.6460475500509058, + 0.7681883605457646, + 0.5747058941990597, + 0.6145751234573215, + 0.6922871659569485, + 0.6061915759419488, + 0.5745532893376831, + 0.6024719265547521, + 0.5650277167062964, + 0.7551094349004248, + 0.646959786191737, + 0.5764728482090206 + ], + "main_score": 62.0337414310567 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/RedditClusteringP2P.json b/results/raghavlight__SE_v1/external/RedditClusteringP2P.json new file mode 100644 index 000000000..8fc7bb04d --- /dev/null +++ b/results/raghavlight__SE_v1/external/RedditClusteringP2P.json @@ -0,0 +1,1020 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 64.90650880132416, + "v_measures": [ + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796, + 0.6867730490627711, + 0.6695749873783695, + 0.6735466912158105, + 0.40760894716442037, + 0.7351821359552528, + 0.6331654231601911, + 0.3872061665636622, + 0.7884328196359962, + 0.7400923787719617, + 0.7690682812239796 + ], + "main_score": 64.90650880132416 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/SCIDOCS.json b/results/raghavlight__SE_v1/external/SCIDOCS.json new file mode 100644 index 000000000..417047217 --- /dev/null +++ b/results/raghavlight__SE_v1/external/SCIDOCS.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "f8c2fcf00f625baaa80f62ec5bd9e1fff3b8ae88", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.378, + "map_at_10": 14.246, + "map_at_100": 14.246, + "map_at_1000": 14.246, + "map_at_20": 14.246, + "map_at_3": 10.168000000000001, + "map_at_5": 12.107999999999999, + "mrr_at_1": 26.5, + "mrr_at_10": 38.282, + "mrr_at_100": 38.282, + "mrr_at_1000": 38.282, + "mrr_at_20": 38.282, + "mrr_at_3": 35.283, + "mrr_at_5": 36.742999999999995, + "ndcg_at_1": 26.5, + "ndcg_at_10": 23.342, + "ndcg_at_100": 23.342, + "ndcg_at_1000": 23.342, + "ndcg_at_20": 23.342, + "ndcg_at_3": 22.426, + "ndcg_at_5": 19.326999999999998, + "precision_at_1": 26.5, + "precision_at_10": 12.2, + "precision_at_100": 1.22, + "precision_at_1000": 0.122, + "precision_at_20": 6.1, + "precision_at_3": 21.367, + "precision_at_5": 17.1, + "recall_at_1": 5.378, + "recall_at_10": 24.725, + "recall_at_100": 24.725, + "recall_at_1000": 24.725, + "recall_at_20": 24.725, + "recall_at_3": 12.998000000000001, + "recall_at_5": 17.337, + "main_score": 23.342 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/SICK-R.json b/results/raghavlight__SE_v1/external/SICK-R.json new file mode 100644 index 000000000..80dc04545 --- /dev/null +++ b/results/raghavlight__SE_v1/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.15886131719716, + "cos_sim_spearman": 83.36422679444524, + "euclidean_pearson": 83.60722543060551, + "euclidean_spearman": 83.36615167108201, + "manhattan_pearson": 83.49779776169743, + "manhattan_spearman": 83.2970912000804, + "cosine_pearson": 86.15886131719716, + "cosine_spearman": 83.36422679444524, + "main_score": 83.36422679444524 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/STS12.json b/results/raghavlight__SE_v1/external/STS12.json new file mode 100644 index 000000000..05804ceb5 --- /dev/null +++ b/results/raghavlight__SE_v1/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.00040631393384, + "cos_sim_spearman": 79.88695146958382, + "euclidean_pearson": 82.87830951101813, + "euclidean_spearman": 78.81342612822002, + "manhattan_pearson": 83.27329725748622, + "manhattan_spearman": 79.24487142779232, + "cosine_pearson": 87.00040631393384, + "cosine_spearman": 79.88695146958382, + "main_score": 79.88695146958382 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/STS13.json b/results/raghavlight__SE_v1/external/STS13.json new file mode 100644 index 000000000..66a27dc30 --- /dev/null +++ b/results/raghavlight__SE_v1/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.46403674552138, + "cos_sim_spearman": 88.3968038981169, + "euclidean_pearson": 87.9867395305952, + "euclidean_spearman": 88.50084925112196, + "manhattan_pearson": 87.84826650949114, + "manhattan_spearman": 88.4264633694987, + "cosine_pearson": 87.46403674552138, + "cosine_spearman": 88.3968038981169, + "main_score": 88.3968038981169 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/STS14.json b/results/raghavlight__SE_v1/external/STS14.json new file mode 100644 index 000000000..6770dd00c --- /dev/null +++ b/results/raghavlight__SE_v1/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.33051578266844, + "cos_sim_spearman": 85.96906608318722, + "euclidean_pearson": 86.08087652971557, + "euclidean_spearman": 86.2871150658858, + "manhattan_pearson": 85.96247026170943, + "manhattan_spearman": 86.348084535251, + "cosine_pearson": 86.33051578266844, + "cosine_spearman": 85.96906608318722, + "main_score": 85.96906608318722 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/STS15.json b/results/raghavlight__SE_v1/external/STS15.json new file mode 100644 index 000000000..ba1aa8aad --- /dev/null +++ b/results/raghavlight__SE_v1/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 89.65021183240658, + "cos_sim_spearman": 90.01036051355563, + "euclidean_pearson": 89.34610124059546, + "euclidean_spearman": 89.89816462250603, + "manhattan_pearson": 89.45034332532651, + "manhattan_spearman": 90.12149502943, + "cosine_pearson": 89.65021183240658, + "cosine_spearman": 90.01036051355563, + "main_score": 90.01036051355563 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/STS16.json b/results/raghavlight__SE_v1/external/STS16.json new file mode 100644 index 000000000..5f805259e --- /dev/null +++ b/results/raghavlight__SE_v1/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.38445171139439, + "cos_sim_spearman": 88.06405772882476, + "euclidean_pearson": 87.1032900128079, + "euclidean_spearman": 87.86639736438771, + "manhattan_pearson": 87.25501396297628, + "manhattan_spearman": 88.01175383067931, + "cosine_pearson": 86.38445171139439, + "cosine_spearman": 88.06405772882476, + "main_score": 88.06405772882476 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/STS17.json b/results/raghavlight__SE_v1/external/STS17.json new file mode 100644 index 000000000..53b9b405c --- /dev/null +++ b/results/raghavlight__SE_v1/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 89.51886071808445, + "cos_sim_spearman": 89.05111168557342, + "euclidean_pearson": 89.8619983583313, + "euclidean_spearman": 89.57381411572374, + "manhattan_pearson": 89.54097114512615, + "manhattan_spearman": 89.0124029528803, + "cosine_pearson": 89.51886071808445, + "cosine_spearman": 89.05111168557342, + "main_score": 89.05111168557342 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/STS22.json b/results/raghavlight__SE_v1/external/STS22.json new file mode 100644 index 000000000..418732fca --- /dev/null +++ b/results/raghavlight__SE_v1/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "eea2b4fe26a775864c896887d910b76a8098ad3f", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 69.11659818631864, + "cos_sim_spearman": 68.73933790764565, + "euclidean_pearson": 69.3608440231078, + "euclidean_spearman": 68.25989021427226, + "manhattan_pearson": 69.32307009511591, + "manhattan_spearman": 68.2229407569999, + "cosine_pearson": 69.11659818631864, + "cosine_spearman": 68.73933790764565, + "main_score": 68.73933790764565 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/STSBenchmark.json b/results/raghavlight__SE_v1/external/STSBenchmark.json new file mode 100644 index 000000000..658d6d364 --- /dev/null +++ b/results/raghavlight__SE_v1/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.70774882997117, + "cos_sim_spearman": 88.6908929434652, + "euclidean_pearson": 88.2222605477348, + "euclidean_spearman": 88.66834657653354, + "manhattan_pearson": 88.0806219722353, + "manhattan_spearman": 88.63261072811657, + "cosine_pearson": 87.70774882997117, + "cosine_spearman": 88.6908929434652, + "main_score": 88.6908929434652 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/SciDocsRR.json b/results/raghavlight__SE_v1/external/SciDocsRR.json new file mode 100644 index 000000000..ce4349084 --- /dev/null +++ b/results/raghavlight__SE_v1/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 86.40231391278195, + "mrr": 96.52358806770572, + "main_score": 86.40231391278195 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/SciFact.json b/results/raghavlight__SE_v1/external/SciFact.json new file mode 100644 index 000000000..7e613fd86 --- /dev/null +++ b/results/raghavlight__SE_v1/external/SciFact.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 61.828, + "map_at_10": 73.262, + "map_at_100": 73.262, + "map_at_1000": 73.262, + "map_at_20": 73.262, + "map_at_3": 70.61500000000001, + "map_at_5": 72.18900000000001, + "mrr_at_1": 65.0, + "mrr_at_10": 74.223, + "mrr_at_100": 74.223, + "mrr_at_1000": 74.223, + "mrr_at_20": 74.223, + "mrr_at_3": 72.38900000000001, + "mrr_at_5": 73.30600000000001, + "ndcg_at_1": 65.0, + "ndcg_at_10": 78.02799999999999, + "ndcg_at_100": 78.02799999999999, + "ndcg_at_1000": 78.02799999999999, + "ndcg_at_20": 78.02799999999999, + "ndcg_at_3": 73.73100000000001, + "ndcg_at_5": 75.652, + "precision_at_1": 65.0, + "precision_at_10": 10.333, + "precision_at_100": 1.0330000000000001, + "precision_at_1000": 0.10300000000000001, + "precision_at_20": 5.167, + "precision_at_3": 29.110999999999997, + "precision_at_5": 18.933, + "recall_at_1": 61.828, + "recall_at_10": 91.656, + "recall_at_100": 91.656, + "recall_at_1000": 91.656, + "recall_at_20": 91.656, + "recall_at_3": 79.767, + "recall_at_5": 84.60600000000001, + "main_score": 78.02799999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/SprintDuplicateQuestions.json b/results/raghavlight__SE_v1/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..9b9f10f59 --- /dev/null +++ b/results/raghavlight__SE_v1/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.84257425742574, + "cos_sim_ap": 96.37616198293242, + "cos_sim_f1": 91.92483494159471, + "cos_sim_precision": 93.3952528379773, + "cos_sim_recall": 90.5, + "dot_accuracy": 99.75544554455446, + "dot_ap": 93.95361847363756, + "dot_f1": 87.66849725411883, + "dot_precision": 87.53738783649054, + "dot_recall": 87.8, + "euclidean_accuracy": 99.84257425742574, + "euclidean_ap": 96.24059702931834, + "euclidean_f1": 91.93302891933028, + "euclidean_precision": 93.3058702368692, + "euclidean_recall": 90.60000000000001, + "manhattan_accuracy": 99.84752475247525, + "manhattan_ap": 96.37270807643512, + "manhattan_f1": 92.13483146067415, + "manhattan_precision": 94.1544885177453, + "manhattan_recall": 90.2, + "max_accuracy": 99.84752475247525, + "max_ap": 96.37616198293242, + "max_f1": 92.13483146067415, + "main_score": 96.37616198293242 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/StackExchangeClustering.json b/results/raghavlight__SE_v1/external/StackExchangeClustering.json new file mode 100644 index 000000000..f6f0abaec --- /dev/null +++ b/results/raghavlight__SE_v1/external/StackExchangeClustering.json @@ -0,0 +1,2520 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 71.17621756822422, + "v_measures": [ + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556, + 0.7477950473623103, + 0.6728111695551933, + 0.6734562846919451, + 0.7059292233114443, + 0.7521876023808786, + 0.6774745453091855, + 0.7149463068624518, + 0.7959522106956355, + 0.692611822616584, + 0.7148665068884766, + 0.7780348326422128, + 0.7378351613592702, + 0.7521627066730262, + 0.8069083201805425, + 0.6328373767337706, + 0.6705605652326363, + 0.6963029850066897, + 0.6836438610130369, + 0.6729473481464826, + 0.6864686782949194, + 0.7074212562176637, + 0.7315185391604614, + 0.6852348961730277, + 0.7120267811240509, + 0.6921203644241556 + ], + "main_score": 71.17621756822422 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/StackExchangeClusteringP2P.json b/results/raghavlight__SE_v1/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..2c1463a9e --- /dev/null +++ b/results/raghavlight__SE_v1/external/StackExchangeClusteringP2P.json @@ -0,0 +1,1020 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.84294873831607, + "v_measures": [ + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148, + 0.3373734063407478, + 0.3333085574774491, + 0.3295550012443221, + 0.33101868124191464, + 0.32576828639487726, + 0.3824038367821479, + 0.3560433828709798, + 0.3616957787167791, + 0.3656066710810745, + 0.3615212716813148 + ], + "main_score": 34.84294873831607 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/StackOverflowDupQuestions.json b/results/raghavlight__SE_v1/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..adc3cc464 --- /dev/null +++ b/results/raghavlight__SE_v1/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 55.93707898596513, + "mrr": 57.00651472710297, + "main_score": 55.93707898596513 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/SummEval.json b/results/raghavlight__SE_v1/external/SummEval.json new file mode 100644 index 000000000..f7ca7463f --- /dev/null +++ b/results/raghavlight__SE_v1/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.351178802339017, + "cos_sim_spearman": 30.93982299939136, + "dot_pearson": 28.32212875009798, + "dot_spearman": 30.378331720649506, + "cosine_pearson": 30.351178802339017, + "cosine_spearman": 30.93982299939136, + "main_score": 30.93982299939136 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/TRECCOVID.json b/results/raghavlight__SE_v1/external/TRECCOVID.json new file mode 100644 index 000000000..47009a385 --- /dev/null +++ b/results/raghavlight__SE_v1/external/TRECCOVID.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "bb9466bac8153a0349341eb1b22e06409e78ef4e", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.23700000000000002, + "map_at_10": 1.9689999999999999, + "map_at_100": 1.9689999999999999, + "map_at_1000": 1.9689999999999999, + "map_at_20": 1.9689999999999999, + "map_at_3": 0.654, + "map_at_5": 1.06, + "mrr_at_1": 90.0, + "mrr_at_10": 94.333, + "mrr_at_100": 94.333, + "mrr_at_1000": 94.333, + "mrr_at_20": 94.333, + "mrr_at_3": 94.333, + "mrr_at_5": 94.333, + "ndcg_at_1": 86.0, + "ndcg_at_10": 79.069, + "ndcg_at_100": 17.387, + "ndcg_at_1000": 7.374, + "ndcg_at_20": 51.028, + "ndcg_at_3": 83.693, + "ndcg_at_5": 82.56700000000001, + "precision_at_1": 90.0, + "precision_at_10": 82.0, + "precision_at_100": 8.200000000000001, + "precision_at_1000": 0.8200000000000001, + "precision_at_20": 41.0, + "precision_at_3": 87.333, + "precision_at_5": 85.6, + "recall_at_1": 0.23700000000000002, + "recall_at_10": 2.154, + "recall_at_100": 2.154, + "recall_at_1000": 2.154, + "recall_at_20": 2.154, + "recall_at_3": 0.685, + "recall_at_5": 1.124, + "main_score": 79.069 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/Touche2020.json b/results/raghavlight__SE_v1/external/Touche2020.json new file mode 100644 index 000000000..cd3ef1d61 --- /dev/null +++ b/results/raghavlight__SE_v1/external/Touche2020.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.703, + "map_at_10": 9.223, + "map_at_100": 9.223, + "map_at_1000": 9.223, + "map_at_20": 9.223, + "map_at_3": 5.239, + "map_at_5": 6.635000000000001, + "mrr_at_1": 34.694, + "mrr_at_10": 45.578, + "mrr_at_100": 45.578, + "mrr_at_1000": 45.578, + "mrr_at_20": 45.578, + "mrr_at_3": 42.516999999999996, + "mrr_at_5": 44.864, + "ndcg_at_1": 32.653, + "ndcg_at_10": 22.653000000000002, + "ndcg_at_100": 18.984, + "ndcg_at_1000": 18.984, + "ndcg_at_20": 19.167, + "ndcg_at_3": 26.177, + "ndcg_at_5": 24.663, + "precision_at_1": 34.694, + "precision_at_10": 18.98, + "precision_at_100": 1.8980000000000001, + "precision_at_1000": 0.19, + "precision_at_20": 9.49, + "precision_at_3": 25.85, + "precision_at_5": 23.673, + "recall_at_1": 2.703, + "recall_at_10": 14.594999999999999, + "recall_at_100": 14.594999999999999, + "recall_at_1000": 14.594999999999999, + "recall_at_20": 14.594999999999999, + "recall_at_3": 5.946, + "recall_at_5": 8.683, + "main_score": 22.653000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/ToxicConversationsClassification.json b/results/raghavlight__SE_v1/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..63feafc9d --- /dev/null +++ b/results/raghavlight__SE_v1/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 65.673828125, + "ap": 12.447736297176911, + "f1": 50.78594018688396, + "main_score": 65.673828125 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/TweetSentimentExtractionClassification.json b/results/raghavlight__SE_v1/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..de6b3fb9b --- /dev/null +++ b/results/raghavlight__SE_v1/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 62.60611205432938, + "f1": 62.82045205162571, + "main_score": 62.60611205432938 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/TwentyNewsgroupsClustering.json b/results/raghavlight__SE_v1/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..55854f19b --- /dev/null +++ b/results/raghavlight__SE_v1/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,1020 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 54.37082277640638, + "v_measures": [ + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346, + 0.5409183583796854, + 0.5370809703620781, + 0.5323756926259336, + 0.5434072749886981, + 0.5499501979980845, + 0.5460629240550339, + 0.5543320007194547, + 0.5515281113090142, + 0.5436396439745212, + 0.5377871032281346 + ], + "main_score": 54.37082277640638 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/TwitterSemEval2015.json b/results/raghavlight__SE_v1/external/TwitterSemEval2015.json new file mode 100644 index 000000000..f31c4bff0 --- /dev/null +++ b/results/raghavlight__SE_v1/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.86570900637778, + "cos_sim_ap": 82.37268769366939, + "cos_sim_f1": 74.7083775185578, + "cos_sim_precision": 75.06659563132658, + "cos_sim_recall": 74.35356200527704, + "dot_accuracy": 86.2609524944865, + "dot_ap": 74.8055407969579, + "dot_f1": 68.9965903555772, + "dot_precision": 64.06603346901855, + "dot_recall": 74.74934036939314, + "euclidean_accuracy": 88.85974846516064, + "euclidean_ap": 82.41589558001058, + "euclidean_f1": 74.70888394609446, + "euclidean_precision": 74.09810537243706, + "euclidean_recall": 75.32981530343008, + "manhattan_accuracy": 88.71669547594921, + "manhattan_ap": 82.2077641402819, + "manhattan_f1": 74.43037974683546, + "manhattan_precision": 75.18169582772543, + "manhattan_recall": 73.6939313984169, + "max_accuracy": 88.86570900637778, + "max_ap": 82.41589558001058, + "max_f1": 74.70888394609446, + "main_score": 82.41589558001058 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/TwitterURLCorpus.json b/results/raghavlight__SE_v1/external/TwitterURLCorpus.json new file mode 100644 index 000000000..024b796eb --- /dev/null +++ b/results/raghavlight__SE_v1/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.67283735009897, + "cos_sim_ap": 87.24295583945482, + "cos_sim_f1": 79.91967871485943, + "cos_sim_precision": 77.28711162255466, + "cos_sim_recall": 82.73791191869418, + "dot_accuracy": 88.57259285132145, + "dot_ap": 84.94911679167208, + "dot_f1": 78.03707259434312, + "dot_precision": 74.97516673761885, + "dot_recall": 81.35971666153372, + "euclidean_accuracy": 89.65925408468196, + "euclidean_ap": 87.20753315344663, + "euclidean_f1": 79.88855487939, + "euclidean_precision": 76.24912526242127, + "euclidean_recall": 83.89282414536495, + "manhattan_accuracy": 89.62626615438352, + "manhattan_ap": 87.25477616369629, + "manhattan_f1": 79.90573332842362, + "manhattan_precision": 76.5756228385913, + "manhattan_recall": 83.53865106251925, + "max_accuracy": 89.67283735009897, + "max_ap": 87.25477616369629, + "max_f1": 79.91967871485943, + "main_score": 87.25477616369629 + } + ] + } +} \ No newline at end of file diff --git a/results/raghavlight__SE_v1/external/model_meta.json b/results/raghavlight__SE_v1/external/model_meta.json new file mode 100644 index 000000000..9d88b238a --- /dev/null +++ b/results/raghavlight__SE_v1/external/model_meta.json @@ -0,0 +1,20 @@ +{ + "name": "raghavlight/SE_v1", + "revision": "38ab2c34f92d0235c3d3d215e76e498d78557db5", + "release_date": "2024-05-20", + "languages": [], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": null, + "embed_dim": null, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/AmazonCounterfactualClassification.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..47029b499 --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.92537313432834, + "ap": 40.86767661556651, + "f1": 71.65758897929837, + "main_score": 77.92537313432834 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/AmazonPolarityClassification.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..2b6ced516 --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 95.967, + "ap": 94.46300829592593, + "f1": 95.96507173189292, + "main_score": 95.967 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/AmazonReviewsClassification.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..0515f3bc7 --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 54.352000000000004, + "f1": 53.636682615380174, + "main_score": 54.352000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/ArguAna.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/ArguAna.json new file mode 100644 index 000000000..2b2a6bb57 --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/ArguAna.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 43.314, + "ndcg_at_2": 54.757, + "ndcg_at_3": 58.84700000000001, + "ndcg_at_5": 63.634, + "ndcg_at_7": 65.741, + "ndcg_at_10": 67.171, + "ndcg_at_20": 68.585, + "ndcg_at_30": 68.81, + "ndcg_at_50": 68.932, + "ndcg_at_70": 68.992, + "ndcg_at_100": 69.014, + "ndcg_at_200": 69.014, + "ndcg_at_300": 69.014, + "ndcg_at_500": 69.014, + "ndcg_at_700": 69.014, + "ndcg_at_1000": 69.014, + "map_at_1": 43.314, + "map_at_2": 52.383, + "map_at_3": 55.108999999999995, + "map_at_5": 57.772999999999996, + "map_at_7": 58.718, + "map_at_10": 59.256, + "map_at_20": 59.668, + "map_at_30": 59.709999999999994, + "map_at_50": 59.727, + "map_at_70": 59.733999999999995, + "map_at_100": 59.73500000000001, + "map_at_200": 59.73500000000001, + "map_at_300": 59.73500000000001, + "map_at_500": 59.73500000000001, + "map_at_700": 59.73500000000001, + "map_at_1000": 59.73500000000001, + "recall_at_1": 43.314, + "recall_at_2": 61.451, + "recall_at_3": 69.63000000000001, + "recall_at_5": 81.223, + "recall_at_7": 87.33999999999999, + "recall_at_10": 92.034, + "recall_at_20": 97.44, + "recall_at_30": 98.506, + "recall_at_50": 99.14699999999999, + "recall_at_70": 99.502, + "recall_at_100": 99.644, + "recall_at_200": 99.644, + "recall_at_300": 99.644, + "recall_at_500": 99.644, + "recall_at_700": 99.644, + "recall_at_1000": 99.644, + "precision_at_1": 43.314, + "precision_at_2": 30.725, + "precision_at_3": 23.21, + "precision_at_5": 16.245, + "precision_at_7": 12.477, + "precision_at_10": 9.203, + "precision_at_20": 4.872, + "precision_at_30": 3.2840000000000003, + "precision_at_50": 1.983, + "precision_at_70": 1.421, + "precision_at_100": 0.996, + "precision_at_200": 0.498, + "precision_at_300": 0.332, + "precision_at_500": 0.199, + "precision_at_700": 0.14200000000000002, + "precision_at_1000": 0.1, + "mrr_at_1": 44.666, + "mrr_at_2": 52.418, + "mrr_at_3": 55.595000000000006, + "mrr_at_5": 58.205, + "mrr_at_7": 59.202999999999996, + "mrr_at_10": 59.727, + "mrr_at_20": 60.133, + "mrr_at_30": 60.178, + "mrr_at_50": 60.192, + "mrr_at_70": 60.19799999999999, + "mrr_at_100": 60.199999999999996, + "mrr_at_200": 60.199999999999996, + "mrr_at_300": 60.199999999999996, + "mrr_at_500": 60.199999999999996, + "mrr_at_700": 60.199999999999996, + "mrr_at_1000": 60.199999999999996, + "main_score": 67.171 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/ArxivClusteringP2P.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..aaa3e25d8 --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 52.07508593014336, + "main_score": 52.07508593014336 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/ArxivClusteringS2S.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..d2475aa95 --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 47.381339333240675, + "main_score": 47.381339333240675 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/AskUbuntuDupQuestions.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..2b453f711 --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 67.58376647859171, + "mrr": 80.56885635140483, + "main_score": 67.58376647859171 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/BIOSSES.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/BIOSSES.json new file mode 100644 index 000000000..8355b9423 --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.40107280274783, + "cos_sim_spearman": 86.07003345325681, + "euclidean_pearson": 87.1726034325395, + "euclidean_spearman": 86.07003345325681, + "manhattan_pearson": 87.25660625029772, + "manhattan_spearman": 86.3808839096893, + "cosine_pearson": 88.40107280274783, + "cosine_spearman": 86.07003345325681, + "main_score": 86.07003345325681 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/Banking77Classification.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/Banking77Classification.json new file mode 100644 index 000000000..a19fc1f09 --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 88.81168831168831, + "f1": 88.76514496560141, + "main_score": 88.81168831168831 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/BiorxivClusteringP2P.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..998bf9505 --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 43.9382520874344, + "main_score": 43.9382520874344 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/BiorxivClusteringS2S.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..e70249d04 --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 41.14351847240913, + "main_score": 41.14351847240913 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/ClimateFEVER.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/ClimateFEVER.json new file mode 100644 index 000000000..fc426439d --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/ClimateFEVER.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 35.179, + "ndcg_at_2": 31.243, + "ndcg_at_3": 30.562, + "ndcg_at_5": 32.409, + "ndcg_at_7": 34.525, + "ndcg_at_10": 36.415, + "ndcg_at_20": 39.443, + "ndcg_at_30": 40.796, + "ndcg_at_50": 42.16, + "ndcg_at_70": 42.971, + "ndcg_at_100": 43.691, + "ndcg_at_200": 45.004, + "ndcg_at_300": 45.527, + "ndcg_at_500": 46.072, + "ndcg_at_700": 46.387, + "ndcg_at_1000": 46.663, + "map_at_1": 15.692, + "map_at_2": 20.116, + "map_at_3": 22.6, + "map_at_5": 24.701, + "map_at_7": 25.934, + "map_at_10": 26.843, + "map_at_20": 27.975, + "map_at_30": 28.372000000000003, + "map_at_50": 28.671000000000003, + "map_at_70": 28.803, + "map_at_100": 28.895, + "map_at_200": 29.011, + "map_at_300": 29.042, + "map_at_500": 29.065, + "map_at_700": 29.075, + "map_at_1000": 29.081000000000003, + "recall_at_1": 15.692, + "recall_at_2": 22.602, + "recall_at_3": 27.814, + "recall_at_5": 33.756, + "recall_at_7": 38.073, + "recall_at_10": 42.553000000000004, + "recall_at_20": 51.121, + "recall_at_30": 55.523999999999994, + "recall_at_50": 60.586, + "recall_at_70": 63.94, + "recall_at_100": 67.134, + "recall_at_200": 73.543, + "recall_at_300": 76.372, + "recall_at_500": 79.60199999999999, + "recall_at_700": 81.536, + "recall_at_1000": 83.37400000000001, + "precision_at_1": 35.179, + "precision_at_2": 27.199, + "precision_at_3": 22.953000000000003, + "precision_at_5": 17.224999999999998, + "precision_at_7": 14.238999999999999, + "precision_at_10": 11.303, + "precision_at_20": 6.954000000000001, + "precision_at_30": 5.116, + "precision_at_50": 3.395, + "precision_at_70": 2.579, + "precision_at_100": 1.9109999999999998, + "precision_at_200": 1.065, + "precision_at_300": 0.743, + "precision_at_500": 0.46699999999999997, + "precision_at_700": 0.344, + "precision_at_1000": 0.247, + "mrr_at_1": 35.179, + "mrr_at_2": 41.792, + "mrr_at_3": 44.484, + "mrr_at_5": 46.39, + "mrr_at_7": 47.125, + "mrr_at_10": 47.711999999999996, + "mrr_at_20": 48.214, + "mrr_at_30": 48.325, + "mrr_at_50": 48.392, + "mrr_at_70": 48.418, + "mrr_at_100": 48.44, + "mrr_at_200": 48.46, + "mrr_at_300": 48.461999999999996, + "mrr_at_500": 48.466, + "mrr_at_700": 48.466, + "mrr_at_1000": 48.467, + "main_score": 36.415 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/DBPedia.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/DBPedia.json new file mode 100644 index 000000000..e107d5a9a --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/DBPedia.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 62.375, + "ndcg_at_2": 56.286, + "ndcg_at_3": 53.665, + "ndcg_at_5": 51.139, + "ndcg_at_7": 49.873, + "ndcg_at_10": 49.056, + "ndcg_at_20": 48.783, + "ndcg_at_30": 49.166, + "ndcg_at_50": 51.141999999999996, + "ndcg_at_70": 52.774, + "ndcg_at_100": 54.403, + "ndcg_at_200": 57.419, + "ndcg_at_300": 58.778, + "ndcg_at_500": 60.228, + "ndcg_at_700": 61.07599999999999, + "ndcg_at_1000": 61.846000000000004, + "map_at_1": 10.359, + "map_at_2": 14.446, + "map_at_3": 16.689, + "map_at_5": 20.096, + "map_at_7": 22.247, + "map_at_10": 24.468999999999998, + "map_at_20": 28.938000000000002, + "map_at_30": 31.134, + "map_at_50": 33.403, + "map_at_70": 34.486, + "map_at_100": 35.337, + "map_at_200": 36.364999999999995, + "map_at_300": 36.735, + "map_at_500": 37.057, + "map_at_700": 37.225, + "map_at_1000": 37.379, + "recall_at_1": 10.359, + "recall_at_2": 14.945, + "recall_at_3": 17.694, + "recall_at_5": 22.677, + "recall_at_7": 26.131, + "recall_at_10": 30.053, + "recall_at_20": 39.518, + "recall_at_30": 44.925, + "recall_at_50": 52.154, + "recall_at_70": 56.729, + "recall_at_100": 61.18900000000001, + "recall_at_200": 70.407, + "recall_at_300": 74.412, + "recall_at_500": 78.891, + "recall_at_700": 81.74, + "recall_at_1000": 84.253, + "precision_at_1": 75, + "precision_at_2": 64.125, + "precision_at_3": 57.833, + "precision_at_5": 50.24999999999999, + "precision_at_7": 44.75, + "precision_at_10": 39.75, + "precision_at_20": 30.412, + "precision_at_30": 25.141999999999996, + "precision_at_50": 19.2, + "precision_at_70": 15.729000000000001, + "precision_at_100": 12.552, + "precision_at_200": 7.866, + "precision_at_300": 5.9270000000000005, + "precision_at_500": 4.1129999999999995, + "precision_at_700": 3.2460000000000004, + "precision_at_1000": 2.5260000000000002, + "mrr_at_1": 75, + "mrr_at_2": 78.625, + "mrr_at_3": 79.708, + "mrr_at_5": 80.446, + "mrr_at_7": 80.862, + "mrr_at_10": 81.161, + "mrr_at_20": 81.3, + "mrr_at_30": 81.348, + "mrr_at_50": 81.361, + "mrr_at_70": 81.361, + "mrr_at_100": 81.361, + "mrr_at_200": 81.367, + "mrr_at_300": 81.367, + "mrr_at_500": 81.368, + "mrr_at_700": 81.368, + "mrr_at_1000": 81.368, + "main_score": 49.056 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/EmotionClassification.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/EmotionClassification.json new file mode 100644 index 000000000..265686808 --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 50.239999999999995, + "f1": 46.42361822342044, + "main_score": 50.239999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/FEVER.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/FEVER.json new file mode 100644 index 000000000..8bfa2819b --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/FEVER.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 83.723, + "ndcg_at_2": 86.777, + "ndcg_at_3": 87.997, + "ndcg_at_5": 88.864, + "ndcg_at_7": 89.143, + "ndcg_at_10": 89.349, + "ndcg_at_20": 89.709, + "ndcg_at_30": 89.82900000000001, + "ndcg_at_50": 89.923, + "ndcg_at_70": 89.982, + "ndcg_at_100": 90.026, + "ndcg_at_200": 90.10000000000001, + "ndcg_at_300": 90.12599999999999, + "ndcg_at_500": 90.17399999999999, + "ndcg_at_700": 90.19, + "ndcg_at_1000": 90.208, + "map_at_1": 77.64999999999999, + "map_at_2": 83.769, + "map_at_3": 85.041, + "map_at_5": 85.736, + "map_at_7": 85.924, + "map_at_10": 86.032, + "map_at_20": 86.177, + "map_at_30": 86.213, + "map_at_50": 86.233, + "map_at_70": 86.24300000000001, + "map_at_100": 86.249, + "map_at_200": 86.256, + "map_at_300": 86.258, + "map_at_500": 86.26, + "map_at_700": 86.26, + "map_at_1000": 86.261, + "recall_at_1": 77.64999999999999, + "recall_at_2": 88.53999999999999, + "recall_at_3": 91.696, + "recall_at_5": 93.916, + "recall_at_7": 94.731, + "recall_at_10": 95.318, + "recall_at_20": 96.507, + "recall_at_30": 96.956, + "recall_at_50": 97.34899999999999, + "recall_at_70": 97.61, + "recall_at_100": 97.83, + "recall_at_200": 98.223, + "recall_at_300": 98.374, + "recall_at_500": 98.67899999999999, + "recall_at_700": 98.787, + "recall_at_1000": 98.919, + "precision_at_1": 83.723, + "precision_at_2": 48.425000000000004, + "precision_at_3": 33.638, + "precision_at_5": 20.843, + "precision_at_7": 15.079, + "precision_at_10": 10.674999999999999, + "precision_at_20": 5.457999999999999, + "precision_at_30": 3.6740000000000004, + "precision_at_50": 2.2239999999999998, + "precision_at_70": 1.599, + "precision_at_100": 1.125, + "precision_at_200": 0.5680000000000001, + "precision_at_300": 0.38, + "precision_at_500": 0.22999999999999998, + "precision_at_700": 0.165, + "precision_at_1000": 0.116, + "mrr_at_1": 83.723, + "mrr_at_2": 88.794, + "mrr_at_3": 89.679, + "mrr_at_5": 90.049, + "mrr_at_7": 90.129, + "mrr_at_10": 90.167, + "mrr_at_20": 90.208, + "mrr_at_30": 90.214, + "mrr_at_50": 90.217, + "mrr_at_70": 90.218, + "mrr_at_100": 90.21900000000001, + "mrr_at_200": 90.21900000000001, + "mrr_at_300": 90.21900000000001, + "mrr_at_500": 90.21900000000001, + "mrr_at_700": 90.21900000000001, + "mrr_at_1000": 90.21900000000001, + "main_score": 89.349 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/FiQA2018.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/FiQA2018.json new file mode 100644 index 000000000..cfe53033f --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/FiQA2018.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 59.721999999999994, + "ndcg_at_2": 56.85, + "ndcg_at_3": 56.462999999999994, + "ndcg_at_5": 57.75599999999999, + "ndcg_at_7": 59.109, + "ndcg_at_10": 60.402, + "ndcg_at_20": 63.071999999999996, + "ndcg_at_30": 64.302, + "ndcg_at_50": 65.619, + "ndcg_at_70": 66.161, + "ndcg_at_100": 66.645, + "ndcg_at_200": 67.353, + "ndcg_at_300": 67.646, + "ndcg_at_500": 67.852, + "ndcg_at_700": 67.974, + "ndcg_at_1000": 68.084, + "map_at_1": 31.56, + "map_at_2": 42.093, + "map_at_3": 46.177, + "map_at_5": 49.78, + "map_at_7": 51.410999999999994, + "map_at_10": 52.524, + "map_at_20": 53.815000000000005, + "map_at_30": 54.201, + "map_at_50": 54.531, + "map_at_70": 54.625, + "map_at_100": 54.686, + "map_at_200": 54.757999999999996, + "map_at_300": 54.776, + "map_at_500": 54.786, + "map_at_700": 54.790000000000006, + "map_at_1000": 54.793000000000006, + "recall_at_1": 31.56, + "recall_at_2": 44.858, + "recall_at_3": 51.11, + "recall_at_5": 58.394, + "recall_at_7": 63.001, + "recall_at_10": 66.81200000000001, + "recall_at_20": 74.901, + "recall_at_30": 79.218, + "recall_at_50": 84.49, + "recall_at_70": 87.003, + "recall_at_100": 89.345, + "recall_at_200": 93.173, + "recall_at_300": 94.906, + "recall_at_500": 96.223, + "recall_at_700": 97.043, + "recall_at_1000": 97.785, + "precision_at_1": 59.721999999999994, + "precision_at_2": 46.682, + "precision_at_3": 37.602999999999994, + "precision_at_5": 27.500000000000004, + "precision_at_7": 21.847, + "precision_at_10": 16.667, + "precision_at_20": 9.545, + "precision_at_30": 6.795, + "precision_at_50": 4.38, + "precision_at_70": 3.221, + "precision_at_100": 2.319, + "precision_at_200": 1.2149999999999999, + "precision_at_300": 0.827, + "precision_at_500": 0.504, + "precision_at_700": 0.364, + "precision_at_1000": 0.257, + "mrr_at_1": 59.721999999999994, + "mrr_at_2": 64.506, + "mrr_at_3": 65.792, + "mrr_at_5": 66.965, + "mrr_at_7": 67.34700000000001, + "mrr_at_10": 67.57, + "mrr_at_20": 67.896, + "mrr_at_30": 68.008, + "mrr_at_50": 68.083, + "mrr_at_70": 68.105, + "mrr_at_100": 68.116, + "mrr_at_200": 68.12700000000001, + "mrr_at_300": 68.13, + "mrr_at_500": 68.132, + "mrr_at_700": 68.133, + "mrr_at_1000": 68.133, + "main_score": 60.402 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/HotpotQA.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/HotpotQA.json new file mode 100644 index 000000000..b98d6d143 --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/HotpotQA.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 81.796, + "ndcg_at_2": 67.999, + "ndcg_at_3": 72.15599999999999, + "ndcg_at_5": 74.99900000000001, + "ndcg_at_7": 76.179, + "ndcg_at_10": 77.022, + "ndcg_at_20": 78.173, + "ndcg_at_30": 78.648, + "ndcg_at_50": 79.104, + "ndcg_at_70": 79.335, + "ndcg_at_100": 79.56, + "ndcg_at_200": 79.911, + "ndcg_at_300": 80.045, + "ndcg_at_500": 80.19500000000001, + "ndcg_at_700": 80.281, + "ndcg_at_1000": 80.35, + "map_at_1": 40.898, + "map_at_2": 62.016000000000005, + "map_at_3": 66.121, + "map_at_5": 68.471, + "map_at_7": 69.261, + "map_at_10": 69.738, + "map_at_20": 70.208, + "map_at_30": 70.343, + "map_at_50": 70.43700000000001, + "map_at_70": 70.47099999999999, + "map_at_100": 70.498, + "map_at_200": 70.526, + "map_at_300": 70.533, + "map_at_500": 70.538, + "map_at_700": 70.541, + "map_at_1000": 70.542, + "recall_at_1": 40.898, + "recall_at_2": 63.964, + "recall_at_3": 70.743, + "recall_at_5": 76.36699999999999, + "recall_at_7": 79.142, + "recall_at_10": 81.404, + "recall_at_20": 85.111, + "recall_at_30": 86.92800000000001, + "recall_at_50": 88.899, + "recall_at_70": 90.01400000000001, + "recall_at_100": 91.19500000000001, + "recall_at_200": 93.234, + "recall_at_300": 94.105, + "recall_at_500": 95.159, + "recall_at_700": 95.8, + "recall_at_1000": 96.34700000000001, + "precision_at_1": 81.796, + "precision_at_2": 63.964, + "precision_at_3": 47.162, + "precision_at_5": 30.547, + "precision_at_7": 22.612, + "precision_at_10": 16.281000000000002, + "precision_at_20": 8.511000000000001, + "precision_at_30": 5.795, + "precision_at_50": 3.556, + "precision_at_70": 2.572, + "precision_at_100": 1.8239999999999998, + "precision_at_200": 0.932, + "precision_at_300": 0.627, + "precision_at_500": 0.381, + "precision_at_700": 0.27399999999999997, + "precision_at_1000": 0.193, + "mrr_at_1": 81.796, + "mrr_at_2": 85.69200000000001, + "mrr_at_3": 86.52, + "mrr_at_5": 86.973, + "mrr_at_7": 87.13300000000001, + "mrr_at_10": 87.208, + "mrr_at_20": 87.303, + "mrr_at_30": 87.32799999999999, + "mrr_at_50": 87.347, + "mrr_at_70": 87.35199999999999, + "mrr_at_100": 87.355, + "mrr_at_200": 87.357, + "mrr_at_300": 87.357, + "mrr_at_500": 87.358, + "mrr_at_700": 87.358, + "mrr_at_1000": 87.358, + "main_score": 77.022 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/ImdbClassification.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/ImdbClassification.json new file mode 100644 index 000000000..43fc30488 --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 94.79200000000002, + "ap": 92.54484356773553, + "f1": 94.78965313682525, + "main_score": 94.79200000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/MSMARCO.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/MSMARCO.json new file mode 100644 index 000000000..44c999683 --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/MSMARCO.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 24.398, + "ndcg_at_2": 31.336000000000002, + "ndcg_at_3": 35.266999999999996, + "ndcg_at_5": 39.356, + "ndcg_at_7": 41.562, + "ndcg_at_10": 43.408, + "ndcg_at_20": 46.107, + "ndcg_at_30": 47.164, + "ndcg_at_50": 48.126000000000005, + "ndcg_at_70": 48.626999999999995, + "ndcg_at_100": 49.043, + "ndcg_at_200": 49.575, + "ndcg_at_300": 49.794, + "ndcg_at_500": 49.942, + "ndcg_at_700": 50.014, + "ndcg_at_1000": 50.077000000000005, + "map_at_1": 23.723, + "map_at_2": 29.593000000000004, + "map_at_3": 32.273, + "map_at_5": 34.587, + "map_at_7": 35.589999999999996, + "map_at_10": 36.296, + "map_at_20": 37.059999999999995, + "map_at_30": 37.265, + "map_at_50": 37.402, + "map_at_70": 37.454, + "map_at_100": 37.486999999999995, + "map_at_200": 37.516, + "map_at_300": 37.524, + "map_at_500": 37.528, + "map_at_700": 37.529, + "map_at_1000": 37.53, + "recall_at_1": 23.723, + "recall_at_2": 35.355, + "recall_at_3": 43.22, + "recall_at_5": 53.025, + "recall_at_7": 59.327, + "recall_at_10": 65.302, + "recall_at_20": 75.765, + "recall_at_30": 80.632, + "recall_at_50": 85.63499999999999, + "recall_at_70": 88.554, + "recall_at_100": 91.16300000000001, + "recall_at_200": 94.85, + "recall_at_300": 96.532, + "recall_at_500": 97.751, + "recall_at_700": 98.383, + "recall_at_1000": 98.97, + "precision_at_1": 24.398, + "precision_at_2": 18.274, + "precision_at_3": 14.951999999999998, + "precision_at_5": 11.052, + "precision_at_7": 8.84, + "precision_at_10": 6.8309999999999995, + "precision_at_20": 3.978, + "precision_at_30": 2.827, + "precision_at_50": 1.807, + "precision_at_70": 1.336, + "precision_at_100": 0.964, + "precision_at_200": 0.502, + "precision_at_300": 0.34099999999999997, + "precision_at_500": 0.208, + "precision_at_700": 0.15, + "precision_at_1000": 0.105, + "mrr_at_1": 24.398, + "mrr_at_2": 30.351, + "mrr_at_3": 33.001000000000005, + "mrr_at_5": 35.228, + "mrr_at_7": 36.223, + "mrr_at_10": 36.903999999999996, + "mrr_at_20": 37.631, + "mrr_at_30": 37.830000000000005, + "mrr_at_50": 37.955, + "mrr_at_70": 38.003, + "mrr_at_100": 38.033, + "mrr_at_200": 38.059, + "mrr_at_300": 38.066, + "mrr_at_500": 38.068999999999996, + "mrr_at_700": 38.07, + "mrr_at_1000": 38.07, + "main_score": 43.408 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/MTOPDomainClassification.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/MTOPDomainClassification.json new file mode 100644 index 000000000..04ad1c933 --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 96.35658914728683, + "f1": 96.15039630903114, + "main_score": 96.35658914728683 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/MTOPIntentClassification.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/MTOPIntentClassification.json new file mode 100644 index 000000000..dd3208928 --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.29730962152303, + "f1": 71.12166316567485, + "main_score": 86.29730962152303 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/MassiveIntentClassification.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/MassiveIntentClassification.json new file mode 100644 index 000000000..e8f33bff8 --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.98991257565568, + "f1": 77.41680115095276, + "main_score": 79.98991257565568 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/MassiveScenarioClassification.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..ae0c7ccd4 --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 82.1990585070612, + "f1": 82.23719179179362, + "main_score": 82.1990585070612 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/MedrxivClusteringP2P.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..2e8b4cdfa --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.03019554933584, + "main_score": 40.03019554933584 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/MedrxivClusteringS2S.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..a8d89cb57 --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.999760551497815, + "main_score": 38.999760551497815 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/MindSmallReranking.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/MindSmallReranking.json new file mode 100644 index 000000000..171e15520 --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 32.72383151953079, + "mrr": 33.93989699030721, + "main_score": 32.72383151953079 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/NFCorpus.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/NFCorpus.json new file mode 100644 index 000000000..4891ff900 --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/NFCorpus.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 51.858000000000004, + "ndcg_at_2": 49.675999999999995, + "ndcg_at_3": 47.519, + "ndcg_at_5": 45.198, + "ndcg_at_7": 43.504, + "ndcg_at_10": 41.88, + "ndcg_at_20": 39.122, + "ndcg_at_30": 37.95, + "ndcg_at_50": 37.602999999999994, + "ndcg_at_70": 37.836, + "ndcg_at_100": 38.493, + "ndcg_at_200": 40.187, + "ndcg_at_300": 41.524, + "ndcg_at_500": 43.657000000000004, + "ndcg_at_700": 45.234, + "ndcg_at_1000": 47.047, + "map_at_1": 6.392, + "map_at_2": 10.113, + "map_at_3": 11.543000000000001, + "map_at_5": 13.729, + "map_at_7": 14.985000000000001, + "map_at_10": 16.217000000000002, + "map_at_20": 18.106, + "map_at_30": 18.878, + "map_at_50": 19.822, + "map_at_70": 20.352999999999998, + "map_at_100": 20.827, + "map_at_200": 21.512, + "map_at_300": 21.826, + "map_at_500": 22.155, + "map_at_700": 22.349, + "map_at_1000": 22.531000000000002, + "recall_at_1": 6.392, + "recall_at_2": 11.215, + "recall_at_3": 13.231000000000002, + "recall_at_5": 16.66, + "recall_at_7": 18.802, + "recall_at_10": 21.185000000000002, + "recall_at_20": 25.35, + "recall_at_30": 27.91, + "recall_at_50": 32.845, + "recall_at_70": 35.789, + "recall_at_100": 39.247, + "recall_at_200": 46.655, + "recall_at_300": 51.43299999999999, + "recall_at_500": 59.472, + "recall_at_700": 64.742, + "recall_at_1000": 70.97099999999999, + "precision_at_1": 53.559999999999995, + "precision_at_2": 48.762, + "precision_at_3": 44.169000000000004, + "precision_at_5": 39.071, + "precision_at_7": 35.161, + "precision_at_10": 31.238, + "precision_at_20": 23.064999999999998, + "precision_at_30": 18.844, + "precision_at_50": 14.601, + "precision_at_70": 12.088000000000001, + "precision_at_100": 9.844999999999999, + "precision_at_200": 6.358, + "precision_at_300": 4.915, + "precision_at_500": 3.531, + "precision_at_700": 2.8649999999999998, + "precision_at_1000": 2.289, + "mrr_at_1": 54.17999999999999, + "mrr_at_2": 59.288, + "mrr_at_3": 60.836, + "mrr_at_5": 62.275999999999996, + "mrr_at_7": 62.688, + "mrr_at_10": 62.865, + "mrr_at_20": 63.11, + "mrr_at_30": 63.193999999999996, + "mrr_at_50": 63.258, + "mrr_at_70": 63.278, + "mrr_at_100": 63.297000000000004, + "mrr_at_200": 63.315999999999995, + "mrr_at_300": 63.318, + "mrr_at_500": 63.32299999999999, + "mrr_at_700": 63.324000000000005, + "mrr_at_1000": 63.324999999999996, + "main_score": 41.88 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/NQ.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/NQ.json new file mode 100644 index 000000000..080c55452 --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/NQ.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 50.897999999999996, + "ndcg_at_2": 59.126, + "ndcg_at_3": 63.093999999999994, + "ndcg_at_5": 67.197, + "ndcg_at_7": 68.719, + "ndcg_at_10": 69.915, + "ndcg_at_20": 71.229, + "ndcg_at_30": 71.667, + "ndcg_at_50": 71.98, + "ndcg_at_70": 72.127, + "ndcg_at_100": 72.217, + "ndcg_at_200": 72.319, + "ndcg_at_300": 72.347, + "ndcg_at_500": 72.37, + "ndcg_at_700": 72.379, + "ndcg_at_1000": 72.381, + "map_at_1": 45.297, + "map_at_2": 55.596000000000004, + "map_at_3": 58.724, + "map_at_5": 61.387, + "map_at_7": 62.173, + "map_at_10": 62.69, + "map_at_20": 63.125, + "map_at_30": 63.223, + "map_at_50": 63.27700000000001, + "map_at_70": 63.295, + "map_at_100": 63.303, + "map_at_200": 63.31, + "map_at_300": 63.31099999999999, + "map_at_500": 63.312000000000005, + "map_at_700": 63.312000000000005, + "map_at_1000": 63.312000000000005, + "recall_at_1": 45.297, + "recall_at_2": 63.866, + "recall_at_3": 71.898, + "recall_at_5": 81.16600000000001, + "recall_at_7": 85.301, + "recall_at_10": 88.94800000000001, + "recall_at_20": 93.719, + "recall_at_30": 95.628, + "recall_at_50": 97.14699999999999, + "recall_at_70": 97.955, + "recall_at_100": 98.48599999999999, + "recall_at_200": 99.157, + "recall_at_300": 99.355, + "recall_at_500": 99.53699999999999, + "recall_at_700": 99.62299999999999, + "recall_at_1000": 99.638, + "precision_at_1": 50.897999999999996, + "precision_at_2": 36.703, + "precision_at_3": 27.926000000000002, + "precision_at_5": 19.276, + "precision_at_7": 14.533999999999999, + "precision_at_10": 10.678, + "precision_at_20": 5.663, + "precision_at_30": 3.8600000000000003, + "precision_at_50": 2.358, + "precision_at_70": 1.7000000000000002, + "precision_at_100": 1.198, + "precision_at_200": 0.603, + "precision_at_300": 0.40299999999999997, + "precision_at_500": 0.242, + "precision_at_700": 0.173, + "precision_at_1000": 0.121, + "mrr_at_1": 50.897999999999996, + "mrr_at_2": 59.994, + "mrr_at_3": 62.553000000000004, + "mrr_at_5": 64.307, + "mrr_at_7": 64.864, + "mrr_at_10": 65.22200000000001, + "mrr_at_20": 65.499, + "mrr_at_30": 65.561, + "mrr_at_50": 65.592, + "mrr_at_70": 65.602, + "mrr_at_100": 65.607, + "mrr_at_200": 65.61099999999999, + "mrr_at_300": 65.61200000000001, + "mrr_at_500": 65.61200000000001, + "mrr_at_700": 65.61200000000001, + "mrr_at_1000": 65.61200000000001, + "main_score": 69.915 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/QuoraRetrieval.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/QuoraRetrieval.json new file mode 100644 index 000000000..f9bbabe9a --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/QuoraRetrieval.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 82.96, + "ndcg_at_2": 85.614, + "ndcg_at_3": 87.19, + "ndcg_at_5": 88.654, + "ndcg_at_7": 89.287, + "ndcg_at_10": 89.785, + "ndcg_at_20": 90.384, + "ndcg_at_30": 90.589, + "ndcg_at_50": 90.738, + "ndcg_at_70": 90.789, + "ndcg_at_100": 90.824, + "ndcg_at_200": 90.869, + "ndcg_at_300": 90.881, + "ndcg_at_500": 90.886, + "ndcg_at_700": 90.889, + "ndcg_at_1000": 90.889, + "map_at_1": 72.152, + "map_at_2": 80.818, + "map_at_3": 83.462, + "map_at_5": 85.286, + "map_at_7": 85.921, + "map_at_10": 86.334, + "map_at_20": 86.737, + "map_at_30": 86.847, + "map_at_50": 86.911, + "map_at_70": 86.932, + "map_at_100": 86.943, + "map_at_200": 86.953, + "map_at_300": 86.955, + "map_at_500": 86.956, + "map_at_700": 86.956, + "map_at_1000": 86.956, + "recall_at_1": 72.152, + "recall_at_2": 84.129, + "recall_at_3": 88.87, + "recall_at_5": 93.067, + "recall_at_7": 94.882, + "recall_at_10": 96.353, + "recall_at_20": 98.26700000000001, + "recall_at_30": 98.92999999999999, + "recall_at_50": 99.441, + "recall_at_70": 99.619, + "recall_at_100": 99.748, + "recall_at_200": 99.911, + "recall_at_300": 99.956, + "recall_at_500": 99.98, + "recall_at_700": 99.991, + "recall_at_1000": 99.996, + "precision_at_1": 82.96, + "precision_at_2": 52.175000000000004, + "precision_at_3": 38.223, + "precision_at_5": 25.056, + "precision_at_7": 18.717, + "precision_at_10": 13.614999999999998, + "precision_at_20": 7.208, + "precision_at_30": 4.928, + "precision_at_50": 3.024, + "precision_at_70": 2.183, + "precision_at_100": 1.54, + "precision_at_200": 0.779, + "precision_at_300": 0.521, + "precision_at_500": 0.313, + "precision_at_700": 0.22399999999999998, + "precision_at_1000": 0.157, + "mrr_at_1": 82.96, + "mrr_at_2": 87.005, + "mrr_at_3": 88.07199999999999, + "mrr_at_5": 88.634, + "mrr_at_7": 88.793, + "mrr_at_10": 88.87899999999999, + "mrr_at_20": 88.94999999999999, + "mrr_at_30": 88.96, + "mrr_at_50": 88.965, + "mrr_at_70": 88.966, + "mrr_at_100": 88.967, + "mrr_at_200": 88.967, + "mrr_at_300": 88.967, + "mrr_at_500": 88.967, + "mrr_at_700": 88.967, + "mrr_at_1000": 88.967, + "main_score": 89.785 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/RedditClustering.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/RedditClustering.json new file mode 100644 index 000000000..b591d36ee --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 59.90388554491155, + "main_score": 59.90388554491155 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/RedditClusteringP2P.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/RedditClusteringP2P.json new file mode 100644 index 000000000..d18a2ddbc --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 67.64232539036783, + "main_score": 67.64232539036783 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/SCIDOCS.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/SCIDOCS.json new file mode 100644 index 000000000..7036e47af --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/SCIDOCS.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 22.6, + "ndcg_at_2": 20.355999999999998, + "ndcg_at_3": 18.536, + "ndcg_at_5": 16.523, + "ndcg_at_7": 17.979, + "ndcg_at_10": 19.908, + "ndcg_at_20": 22.887, + "ndcg_at_30": 24.43, + "ndcg_at_50": 25.959, + "ndcg_at_70": 26.989, + "ndcg_at_100": 27.977, + "ndcg_at_200": 29.831000000000003, + "ndcg_at_300": 30.787, + "ndcg_at_500": 31.974999999999998, + "ndcg_at_700": 32.554, + "ndcg_at_1000": 33.277, + "map_at_1": 4.593, + "map_at_2": 6.923, + "map_at_3": 8.3, + "map_at_5": 10.072000000000001, + "map_at_7": 10.782, + "map_at_10": 11.72, + "map_at_20": 12.838, + "map_at_30": 13.257, + "map_at_50": 13.569, + "map_at_70": 13.733, + "map_at_100": 13.858999999999998, + "map_at_200": 14.018, + "map_at_300": 14.072999999999999, + "map_at_500": 14.126, + "map_at_700": 14.145, + "map_at_1000": 14.161999999999999, + "recall_at_1": 4.593, + "recall_at_2": 7.997999999999999, + "recall_at_3": 10.563, + "recall_at_5": 14.907, + "recall_at_7": 17.4, + "recall_at_10": 21.18, + "recall_at_20": 28.144999999999996, + "recall_at_30": 32.462, + "recall_at_50": 37.267, + "recall_at_70": 40.875, + "recall_at_100": 44.641999999999996, + "recall_at_200": 52.573, + "recall_at_300": 57.089999999999996, + "recall_at_500": 63.14300000000001, + "recall_at_700": 66.313, + "recall_at_1000": 70.458, + "precision_at_1": 22.6, + "precision_at_2": 19.7, + "precision_at_3": 17.333000000000002, + "precision_at_5": 14.680000000000001, + "precision_at_7": 12.243, + "precision_at_10": 10.440000000000001, + "precision_at_20": 6.944999999999999, + "precision_at_30": 5.333, + "precision_at_50": 3.678, + "precision_at_70": 2.881, + "precision_at_100": 2.2030000000000003, + "precision_at_200": 1.295, + "precision_at_300": 0.9369999999999999, + "precision_at_500": 0.622, + "precision_at_700": 0.466, + "precision_at_1000": 0.347, + "mrr_at_1": 22.6, + "mrr_at_2": 27.900000000000002, + "mrr_at_3": 30.067, + "mrr_at_5": 32.207, + "mrr_at_7": 33.004, + "mrr_at_10": 33.596, + "mrr_at_20": 34.268, + "mrr_at_30": 34.492, + "mrr_at_50": 34.628, + "mrr_at_70": 34.681, + "mrr_at_100": 34.717, + "mrr_at_200": 34.757, + "mrr_at_300": 34.768, + "mrr_at_500": 34.772, + "mrr_at_700": 34.774, + "mrr_at_1000": 34.775, + "main_score": 19.908 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/SICK-R.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/SICK-R.json new file mode 100644 index 000000000..1b3ac74e1 --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.90122745229677, + "cos_sim_spearman": 82.92294737327579, + "euclidean_pearson": 84.08979655773187, + "euclidean_spearman": 82.92294657285412, + "manhattan_pearson": 84.09347480531832, + "manhattan_spearman": 82.91564613948087, + "cosine_pearson": 86.90122745229677, + "cosine_spearman": 82.92294737327579, + "main_score": 82.92294737327579 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/STS12.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/STS12.json new file mode 100644 index 000000000..53583a60f --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.01218713698583, + "cos_sim_spearman": 79.46865215168464, + "euclidean_pearson": 83.22621889891909, + "euclidean_spearman": 79.46853821709514, + "manhattan_pearson": 83.69962580788805, + "manhattan_spearman": 79.9561593356932, + "cosine_pearson": 87.01218713698583, + "cosine_spearman": 79.46865215168464, + "main_score": 79.46865215168464 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/STS13.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/STS13.json new file mode 100644 index 000000000..7fce18411 --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.98438696342964, + "cos_sim_spearman": 89.15419511870839, + "euclidean_pearson": 88.49646141802894, + "euclidean_spearman": 89.15419503946019, + "manhattan_pearson": 88.6420585616327, + "manhattan_spearman": 89.42648950757743, + "cosine_pearson": 88.98438696342964, + "cosine_spearman": 89.15419511870839, + "main_score": 89.15419511870839 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/STS14.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/STS14.json new file mode 100644 index 000000000..d1c67bc03 --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.30772547759544, + "cos_sim_spearman": 84.93199878424691, + "euclidean_pearson": 86.16266630395455, + "euclidean_spearman": 84.93198798543634, + "manhattan_pearson": 86.14285723189803, + "manhattan_spearman": 85.0361672522687, + "cosine_pearson": 87.30772547759544, + "cosine_spearman": 84.93199878424691, + "main_score": 84.93199878424691 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/STS15.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/STS15.json new file mode 100644 index 000000000..4aca9f5f2 --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 90.21342071197127, + "cos_sim_spearman": 90.7407512744838, + "euclidean_pearson": 90.1517933113061, + "euclidean_spearman": 90.74075125431919, + "manhattan_pearson": 90.17963034676193, + "manhattan_spearman": 90.88999275865135, + "cosine_pearson": 90.21342071197127, + "cosine_spearman": 90.7407512744838, + "main_score": 90.7407512744838 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/STS16.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/STS16.json new file mode 100644 index 000000000..b0da1b600 --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.82518054100498, + "cos_sim_spearman": 87.81570533154735, + "euclidean_pearson": 86.91684561573618, + "euclidean_spearman": 87.81570533154735, + "manhattan_pearson": 86.98311935744032, + "manhattan_spearman": 87.9594667151966, + "cosine_pearson": 86.82518054100498, + "cosine_spearman": 87.81570533154735, + "main_score": 87.81570533154735 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/STS17.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/STS17.json new file mode 100644 index 000000000..6d31e2332 --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 92.09578436612053, + "cos_sim_spearman": 92.01519349090438, + "euclidean_pearson": 92.07113635890894, + "euclidean_spearman": 92.01519349090438, + "manhattan_pearson": 91.89343820765625, + "manhattan_spearman": 91.7443476810177, + "cosine_pearson": 92.09578436612053, + "cosine_spearman": 92.01519349090438, + "main_score": 92.01519349090438 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/STS22.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/STS22.json new file mode 100644 index 000000000..67896a68b --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 69.29997751464549, + "cos_sim_spearman": 68.36425436812782, + "euclidean_pearson": 69.81381677661783, + "euclidean_spearman": 68.36425436812782, + "manhattan_pearson": 69.92823397008026, + "manhattan_spearman": 68.35770640039254, + "cosine_pearson": 69.29997751464549, + "cosine_spearman": 68.36425436812782, + "main_score": 68.36425436812782 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/STSBenchmark.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/STSBenchmark.json new file mode 100644 index 000000000..a52ab440b --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.39126315452359, + "cos_sim_spearman": 88.99708463265337, + "euclidean_pearson": 88.60793820038607, + "euclidean_spearman": 88.99708463265337, + "manhattan_pearson": 88.69860633571047, + "manhattan_spearman": 89.20094593888012, + "cosine_pearson": 88.39126315452359, + "cosine_spearman": 88.99708463265337, + "main_score": 88.99708463265337 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/SciDocsRR.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/SciDocsRR.json new file mode 100644 index 000000000..6050e1f11 --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 86.58028062818582, + "mrr": 96.53586790841693, + "main_score": 86.58028062818582 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/SciFact.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/SciFact.json new file mode 100644 index 000000000..ed0964151 --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/SciFact.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 66.333, + "ndcg_at_2": 70.655, + "ndcg_at_3": 72.801, + "ndcg_at_5": 75.793, + "ndcg_at_7": 76.946, + "ndcg_at_10": 77.66199999999999, + "ndcg_at_20": 78.786, + "ndcg_at_30": 79.066, + "ndcg_at_50": 79.255, + "ndcg_at_70": 79.423, + "ndcg_at_100": 79.476, + "ndcg_at_200": 79.65299999999999, + "ndcg_at_300": 79.696, + "ndcg_at_500": 79.73599999999999, + "ndcg_at_700": 79.77199999999999, + "ndcg_at_1000": 79.77199999999999, + "map_at_1": 63.383, + "map_at_2": 68.144, + "map_at_3": 70.19800000000001, + "map_at_5": 72.38, + "map_at_7": 72.955, + "map_at_10": 73.312, + "map_at_20": 73.678, + "map_at_30": 73.72800000000001, + "map_at_50": 73.75500000000001, + "map_at_70": 73.771, + "map_at_100": 73.776, + "map_at_200": 73.783, + "map_at_300": 73.784, + "map_at_500": 73.785, + "map_at_700": 73.786, + "map_at_1000": 73.786, + "recall_at_1": 63.383, + "recall_at_2": 72.283, + "recall_at_3": 77.183, + "recall_at_5": 84.56099999999999, + "recall_at_7": 87.67200000000001, + "recall_at_10": 89.822, + "recall_at_20": 94, + "recall_at_30": 95.333, + "recall_at_50": 96.333, + "recall_at_70": 97.333, + "recall_at_100": 97.667, + "recall_at_200": 99, + "recall_at_300": 99.333, + "recall_at_500": 99.667, + "recall_at_700": 100, + "recall_at_1000": 100, + "precision_at_1": 66.333, + "precision_at_2": 38.667, + "precision_at_3": 28.111000000000004, + "precision_at_5": 18.933, + "precision_at_7": 14.094999999999999, + "precision_at_10": 10.167, + "precision_at_20": 5.35, + "precision_at_30": 3.611, + "precision_at_50": 2.1870000000000003, + "precision_at_70": 1.576, + "precision_at_100": 1.107, + "precision_at_200": 0.5599999999999999, + "precision_at_300": 0.374, + "precision_at_500": 0.22499999999999998, + "precision_at_700": 0.161, + "precision_at_1000": 0.11299999999999999, + "mrr_at_1": 66.333, + "mrr_at_2": 70.833, + "mrr_at_3": 72.167, + "mrr_at_5": 73.6, + "mrr_at_7": 74.084, + "mrr_at_10": 74.283, + "mrr_at_20": 74.54499999999999, + "mrr_at_30": 74.59599999999999, + "mrr_at_50": 74.622, + "mrr_at_70": 74.639, + "mrr_at_100": 74.643, + "mrr_at_200": 74.65, + "mrr_at_300": 74.652, + "mrr_at_500": 74.653, + "mrr_at_700": 74.653, + "mrr_at_1000": 74.653, + "main_score": 77.66199999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/SprintDuplicateQuestions.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..d7ecda672 --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.84554455445544, + "cos_sim_ap": 96.31178339136798, + "cos_sim_f1": 92.1921921921922, + "cos_sim_precision": 92.28456913827655, + "cos_sim_recall": 92.10000000000001, + "dot_accuracy": 99.84554455445544, + "dot_ap": 96.31178339136797, + "dot_f1": 92.1921921921922, + "dot_precision": 92.28456913827655, + "dot_recall": 92.10000000000001, + "euclidean_accuracy": 99.84554455445544, + "euclidean_ap": 96.31178339136798, + "euclidean_f1": 92.1921921921922, + "euclidean_precision": 92.28456913827655, + "euclidean_recall": 92.10000000000001, + "manhattan_accuracy": 99.84752475247525, + "manhattan_ap": 96.4591954606088, + "manhattan_f1": 92.25352112676056, + "manhattan_precision": 92.81376518218623, + "manhattan_recall": 91.7, + "max_accuracy": 99.84752475247525, + "max_ap": 96.4591954606088, + "max_f1": 92.25352112676056, + "main_score": 96.4591954606088 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/StackExchangeClustering.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/StackExchangeClustering.json new file mode 100644 index 000000000..6020be62f --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 74.24659759283294, + "main_score": 74.24659759283294 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/StackExchangeClusteringP2P.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..e3563c70b --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 46.77690051260451, + "main_score": 46.77690051260451 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/StackOverflowDupQuestions.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..2069a76d9 --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 55.68436757803185, + "mrr": 56.82157711569475, + "main_score": 55.68436757803185 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/SummEval.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/SummEval.json new file mode 100644 index 000000000..917b6473e --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.652482405629843, + "cos_sim_spearman": 31.16341822347735, + "dot_pearson": 31.652479892699837, + "dot_spearman": 31.16341822347735, + "cosine_pearson": 31.652482405629843, + "cosine_spearman": 31.16341822347735, + "main_score": 31.16341822347735 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/TRECCOVID.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/TRECCOVID.json new file mode 100644 index 000000000..e42785938 --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/TRECCOVID.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 92, + "ndcg_at_2": 90.839, + "ndcg_at_3": 90.642, + "ndcg_at_5": 90.348, + "ndcg_at_7": 89.015, + "ndcg_at_10": 87.599, + "ndcg_at_20": 84.434, + "ndcg_at_30": 81.655, + "ndcg_at_50": 77.278, + "ndcg_at_70": 73.957, + "ndcg_at_100": 69.56, + "ndcg_at_200": 60.724000000000004, + "ndcg_at_300": 57.245000000000005, + "ndcg_at_500": 56.316, + "ndcg_at_700": 58.399, + "ndcg_at_1000": 62.21600000000001, + "map_at_1": 0.247, + "map_at_2": 0.488, + "map_at_3": 0.7230000000000001, + "map_at_5": 1.204, + "map_at_7": 1.6500000000000001, + "map_at_10": 2.292, + "map_at_20": 4.274, + "map_at_30": 6.027, + "map_at_50": 9.083, + "map_at_70": 11.751000000000001, + "map_at_100": 14.912, + "map_at_200": 22.213, + "map_at_300": 26.667999999999996, + "map_at_500": 31.556, + "map_at_700": 34.221000000000004, + "map_at_1000": 36.443999999999996, + "recall_at_1": 0.247, + "recall_at_2": 0.49899999999999994, + "recall_at_3": 0.742, + "recall_at_5": 1.247, + "recall_at_7": 1.722, + "recall_at_10": 2.405, + "recall_at_20": 4.583, + "recall_at_30": 6.587999999999999, + "recall_at_50": 10.188, + "recall_at_70": 13.496, + "recall_at_100": 17.578, + "recall_at_200": 28.158, + "recall_at_300": 35.532000000000004, + "recall_at_500": 45.31, + "recall_at_700": 51.822, + "recall_at_1000": 58.53, + "precision_at_1": 96, + "precision_at_2": 96, + "precision_at_3": 95.333, + "precision_at_5": 94.8, + "precision_at_7": 93.429, + "precision_at_10": 91.4, + "precision_at_20": 87.7, + "precision_at_30": 84.867, + "precision_at_50": 80.24, + "precision_at_70": 76.371, + "precision_at_100": 71.08, + "precision_at_200": 59.4, + "precision_at_300": 51.459999999999994, + "precision_at_500": 40.644000000000005, + "precision_at_700": 33.889, + "precision_at_1000": 27.250000000000004, + "mrr_at_1": 96, + "mrr_at_2": 98, + "mrr_at_3": 98, + "mrr_at_5": 98, + "mrr_at_7": 98, + "mrr_at_10": 98, + "mrr_at_20": 98, + "mrr_at_30": 98, + "mrr_at_50": 98, + "mrr_at_70": 98, + "mrr_at_100": 98, + "mrr_at_200": 98, + "mrr_at_300": 98, + "mrr_at_500": 98, + "mrr_at_700": 98, + "mrr_at_1000": 98, + "main_score": 87.599 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/Touche2020.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/Touche2020.json new file mode 100644 index 000000000..edda0d90b --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/Touche2020.json @@ -0,0 +1,97 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "ndcg_at_1": 43.878, + "ndcg_at_2": 37.956, + "ndcg_at_3": 35.053, + "ndcg_at_5": 32.59, + "ndcg_at_7": 30.226, + "ndcg_at_10": 29.005, + "ndcg_at_20": 30.11, + "ndcg_at_30": 32.019999999999996, + "ndcg_at_50": 34.354, + "ndcg_at_70": 36.665, + "ndcg_at_100": 38.888, + "ndcg_at_200": 43.435, + "ndcg_at_300": 45.795, + "ndcg_at_500": 48.699999999999996, + "ndcg_at_700": 50.242, + "ndcg_at_1000": 51.529, + "map_at_1": 3.521, + "map_at_2": 5.309, + "map_at_3": 6.576, + "map_at_5": 8.97, + "map_at_7": 10.194, + "map_at_10": 11.949, + "map_at_20": 14.686, + "map_at_30": 15.8, + "map_at_50": 16.59, + "map_at_70": 17.2, + "map_at_100": 17.765, + "map_at_200": 18.636, + "map_at_300": 18.972, + "map_at_500": 19.301, + "map_at_700": 19.445, + "map_at_1000": 19.546, + "recall_at_1": 3.521, + "recall_at_2": 5.848, + "recall_at_3": 7.657, + "recall_at_5": 11.368, + "recall_at_7": 13.748, + "recall_at_10": 18.061, + "recall_at_20": 26.844, + "recall_at_30": 31.186000000000003, + "recall_at_50": 35.951, + "recall_at_70": 40.961999999999996, + "recall_at_100": 46.743, + "recall_at_200": 58.483, + "recall_at_300": 65.973, + "recall_at_500": 75.233, + "recall_at_700": 80.472, + "recall_at_1000": 85.02, + "precision_at_1": 46.939, + "precision_at_2": 38.775999999999996, + "precision_at_3": 34.694, + "precision_at_5": 31.429000000000002, + "precision_at_7": 27.697, + "precision_at_10": 24.490000000000002, + "precision_at_20": 18.776, + "precision_at_30": 15.034, + "precision_at_50": 10.857, + "precision_at_70": 9.096, + "precision_at_100": 7.51, + "precision_at_200": 4.929, + "precision_at_300": 3.7760000000000002, + "precision_at_500": 2.6780000000000004, + "precision_at_700": 2.085, + "precision_at_1000": 1.5709999999999997, + "mrr_at_1": 46.939, + "mrr_at_2": 55.102, + "mrr_at_3": 57.823, + "mrr_at_5": 60.68, + "mrr_at_7": 60.972, + "mrr_at_10": 61.199000000000005, + "mrr_at_20": 61.831, + "mrr_at_30": 61.831, + "mrr_at_50": 61.873, + "mrr_at_70": 61.873, + "mrr_at_100": 61.873, + "mrr_at_200": 61.873, + "mrr_at_300": 61.873, + "mrr_at_500": 61.873, + "mrr_at_700": 61.873, + "mrr_at_1000": 61.873, + "main_score": 29.005 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/ToxicConversationsClassification.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..c3e5ee886 --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.3294, + "ap": 14.561333393364736, + "f1": 53.992309820496466, + "main_score": 69.3294 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/TweetSentimentExtractionClassification.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..d5e112160 --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 63.63893604980192, + "f1": 63.92959380489434, + "main_score": 63.63893604980192 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/TwentyNewsgroupsClustering.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..5e6781270 --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 56.270879258659775, + "main_score": 56.270879258659775 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/TwitterSemEval2015.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/TwitterSemEval2015.json new file mode 100644 index 000000000..1046b653b --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.71073493473207, + "cos_sim_ap": 81.52392540284202, + "cos_sim_f1": 74.71162377994676, + "cos_sim_precision": 71.89558428885094, + "cos_sim_recall": 77.75725593667546, + "dot_accuracy": 88.71073493473207, + "dot_ap": 81.52394754041109, + "dot_f1": 74.71162377994676, + "dot_precision": 71.89558428885094, + "dot_recall": 77.75725593667546, + "euclidean_accuracy": 88.71073493473207, + "euclidean_ap": 81.52392035435321, + "euclidean_f1": 74.71162377994676, + "euclidean_precision": 71.89558428885094, + "euclidean_recall": 77.75725593667546, + "manhattan_accuracy": 88.47231328604637, + "manhattan_ap": 81.22907439267321, + "manhattan_f1": 74.3351571446749, + "manhattan_precision": 71.78667977390022, + "manhattan_recall": 77.0712401055409, + "max_accuracy": 88.71073493473207, + "max_ap": 81.52394754041109, + "max_f1": 74.71162377994676, + "main_score": 81.52394754041109 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/TwitterURLCorpus.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/TwitterURLCorpus.json new file mode 100644 index 000000000..d2834d03e --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.85136026700819, + "cos_sim_ap": 87.7768002924216, + "cos_sim_f1": 80.358908624794, + "cos_sim_precision": 76.62918209122023, + "cos_sim_recall": 84.47028025870034, + "dot_accuracy": 89.85136026700819, + "dot_ap": 87.77680027889778, + "dot_f1": 80.358908624794, + "dot_precision": 76.62918209122023, + "dot_recall": 84.47028025870034, + "euclidean_accuracy": 89.85136026700819, + "euclidean_ap": 87.77680174697751, + "euclidean_f1": 80.358908624794, + "euclidean_precision": 76.62918209122023, + "euclidean_recall": 84.47028025870034, + "manhattan_accuracy": 89.86300306593705, + "manhattan_ap": 87.78613271895861, + "manhattan_f1": 80.31831016905645, + "manhattan_precision": 76.68230516070304, + "manhattan_recall": 84.3162919618109, + "max_accuracy": 89.86300306593705, + "max_ap": 87.78613271895861, + "max_f1": 80.358908624794, + "main_score": 87.78613271895861 + } + ] + } +} \ No newline at end of file diff --git a/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/model_meta.json b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/model_meta.json new file mode 100644 index 000000000..8876e1f3d --- /dev/null +++ b/results/rlsChapters__Chapters-SFR-Embedding-Mistral/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "rlsChapters/Chapters-SFR-Embedding-Mistral", + "revision": "48509e342b4db7f446d1c2802fb5a103036b481e", + "release_date": "2024-02-23", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 7110660096, + "memory_usage": null, + "max_tokens": 32768, + "embed_dim": 4096, + "license": "cc-by-nc-4.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-base/external/AllegroReviews.json b/results/sdadas__mmlw-e5-base/external/AllegroReviews.json new file mode 100644 index 000000000..a2cface70 --- /dev/null +++ b/results/sdadas__mmlw-e5-base/external/AllegroReviews.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "AllegroReviews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 36.3817097415507, + "f1": 32.77742158736663, + "main_score": 36.3817097415507 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-base/external/ArguAna-PL.json b/results/sdadas__mmlw-e5-base/external/ArguAna-PL.json new file mode 100644 index 000000000..44f703a14 --- /dev/null +++ b/results/sdadas__mmlw-e5-base/external/ArguAna-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 32.646, + "map_at_10": 49.488, + "map_at_100": 50.190999999999995, + "map_at_1000": 50.194, + "map_at_3": 44.749, + "map_at_5": 47.571999999999996, + "mrr_at_1": 34.211000000000006, + "mrr_at_10": 50.112, + "mrr_at_100": 50.836000000000006, + "mrr_at_1000": 50.839, + "mrr_at_3": 45.614, + "mrr_at_5": 48.242000000000004, + "ndcg_at_1": 32.646, + "ndcg_at_10": 58.396, + "ndcg_at_100": 61.285000000000004, + "ndcg_at_1000": 61.358999999999995, + "ndcg_at_3": 48.759, + "ndcg_at_5": 53.807, + "precision_at_1": 32.646, + "precision_at_10": 8.663, + "precision_at_100": 0.9900000000000001, + "precision_at_1000": 0.1, + "precision_at_3": 20.128, + "precision_at_5": 14.509, + "recall_at_1": 32.646, + "recall_at_10": 86.629, + "recall_at_100": 99.004, + "recall_at_1000": 99.57300000000001, + "recall_at_3": 60.38400000000001, + "recall_at_5": 72.54599999999999, + "main_score": 58.396 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-base/external/CBD.json b/results/sdadas__mmlw-e5-base/external/CBD.json new file mode 100644 index 000000000..7fa38ee9b --- /dev/null +++ b/results/sdadas__mmlw-e5-base/external/CBD.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "CBD", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 65.53999999999999, + "ap": 19.75395945379771, + "f1": 55.00481388401326, + "main_score": 65.53999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-base/external/CDSC-E.json b/results/sdadas__mmlw-e5-base/external/CDSC-E.json new file mode 100644 index 000000000..4ac4d193b --- /dev/null +++ b/results/sdadas__mmlw-e5-base/external/CDSC-E.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "CDSC-E", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cos_sim_accuracy": 89.5, + "cos_sim_ap": 77.26879308078568, + "cos_sim_f1": 65.13157894736842, + "cos_sim_precision": 86.8421052631579, + "cos_sim_recall": 52.10526315789473, + "dot_accuracy": 88.0, + "dot_ap": 69.17235659054914, + "dot_f1": 65.71428571428571, + "dot_precision": 71.875, + "dot_recall": 60.526315789473685, + "euclidean_accuracy": 89.5, + "euclidean_ap": 77.1905400565015, + "euclidean_f1": 64.91803278688525, + "euclidean_precision": 86.08695652173914, + "euclidean_recall": 52.10526315789473, + "manhattan_accuracy": 89.5, + "manhattan_ap": 77.19531778873724, + "manhattan_f1": 64.72491909385113, + "manhattan_precision": 84.03361344537815, + "manhattan_recall": 52.63157894736842, + "max_accuracy": 89.5, + "max_ap": 77.26879308078568, + "max_f1": 65.71428571428571, + "main_score": 77.26879308078568 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-base/external/CDSC-R.json b/results/sdadas__mmlw-e5-base/external/CDSC-R.json new file mode 100644 index 000000000..24e5177a1 --- /dev/null +++ b/results/sdadas__mmlw-e5-base/external/CDSC-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "CDSC-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cos_sim_pearson": 93.18498922236566, + "cos_sim_spearman": 93.26224500108704, + "euclidean_pearson": 92.25462061070286, + "euclidean_spearman": 93.18623989769242, + "manhattan_pearson": 92.16291103586255, + "manhattan_spearman": 93.14403078934417, + "cosine_pearson": 93.18498922236566, + "cosine_spearman": 93.26224500108704, + "main_score": 93.26224500108704 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-base/external/DBPedia-PL.json b/results/sdadas__mmlw-e5-base/external/DBPedia-PL.json new file mode 100644 index 000000000..da6c44034 --- /dev/null +++ b/results/sdadas__mmlw-e5-base/external/DBPedia-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 8.268, + "map_at_10": 17.391000000000002, + "map_at_100": 24.266, + "map_at_1000": 25.844, + "map_at_3": 12.636, + "map_at_5": 14.701, + "mrr_at_1": 62.74999999999999, + "mrr_at_10": 70.25200000000001, + "mrr_at_100": 70.601, + "mrr_at_1000": 70.613, + "mrr_at_3": 68.083, + "mrr_at_5": 69.37100000000001, + "ndcg_at_1": 51.87500000000001, + "ndcg_at_10": 37.185, + "ndcg_at_100": 41.949, + "ndcg_at_1000": 49.523, + "ndcg_at_3": 41.556, + "ndcg_at_5": 39.278, + "precision_at_1": 63.24999999999999, + "precision_at_10": 29.225, + "precision_at_100": 9.745, + "precision_at_1000": 2.046, + "precision_at_3": 43.833, + "precision_at_5": 37.9, + "recall_at_1": 8.268, + "recall_at_10": 22.542, + "recall_at_100": 48.154, + "recall_at_1000": 72.62100000000001, + "recall_at_3": 13.818, + "recall_at_5": 17.137, + "main_score": 37.185 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-base/external/FiQA-PL.json b/results/sdadas__mmlw-e5-base/external/FiQA-PL.json new file mode 100644 index 000000000..505129522 --- /dev/null +++ b/results/sdadas__mmlw-e5-base/external/FiQA-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 16.489, + "map_at_10": 26.916, + "map_at_100": 28.582, + "map_at_1000": 28.774, + "map_at_3": 23.048, + "map_at_5": 24.977, + "mrr_at_1": 33.642, + "mrr_at_10": 41.987, + "mrr_at_100": 42.882, + "mrr_at_1000": 42.93, + "mrr_at_3": 39.48, + "mrr_at_5": 40.923, + "ndcg_at_1": 33.488, + "ndcg_at_10": 34.528, + "ndcg_at_100": 41.085, + "ndcg_at_1000": 44.474000000000004, + "ndcg_at_3": 30.469, + "ndcg_at_5": 31.618000000000002, + "precision_at_1": 33.488, + "precision_at_10": 9.783999999999999, + "precision_at_100": 1.6389999999999998, + "precision_at_1000": 0.22699999999999998, + "precision_at_3": 20.525, + "precision_at_5": 15.093, + "recall_at_1": 16.489, + "recall_at_10": 42.370000000000005, + "recall_at_100": 67.183, + "recall_at_1000": 87.211, + "recall_at_3": 27.689999999999998, + "recall_at_5": 33.408, + "main_score": 34.528 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-base/external/HotpotQA-PL.json b/results/sdadas__mmlw-e5-base/external/HotpotQA-PL.json new file mode 100644 index 000000000..e2a7a4b82 --- /dev/null +++ b/results/sdadas__mmlw-e5-base/external/HotpotQA-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 37.373, + "map_at_10": 57.509, + "map_at_100": 58.451, + "map_at_1000": 58.524, + "map_at_3": 54.064, + "map_at_5": 56.257999999999996, + "mrr_at_1": 74.895, + "mrr_at_10": 81.233, + "mrr_at_100": 81.461, + "mrr_at_1000": 81.47, + "mrr_at_3": 80.124, + "mrr_at_5": 80.862, + "ndcg_at_1": 74.747, + "ndcg_at_10": 66.249, + "ndcg_at_100": 69.513, + "ndcg_at_1000": 70.896, + "ndcg_at_3": 61.312, + "ndcg_at_5": 64.132, + "precision_at_1": 74.747, + "precision_at_10": 13.873, + "precision_at_100": 1.641, + "precision_at_1000": 0.182, + "precision_at_3": 38.987, + "precision_at_5": 25.621, + "recall_at_1": 37.373, + "recall_at_10": 69.365, + "recall_at_100": 82.039, + "recall_at_1000": 91.148, + "recall_at_3": 58.48100000000001, + "recall_at_5": 64.051, + "main_score": 66.249 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-base/external/MSMARCO-PL.json b/results/sdadas__mmlw-e5-base/external/MSMARCO-PL.json new file mode 100644 index 000000000..029f5ae21 --- /dev/null +++ b/results/sdadas__mmlw-e5-base/external/MSMARCO-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 16.753999999999998, + "map_at_10": 26.764, + "map_at_100": 27.929, + "map_at_1000": 27.994999999999997, + "map_at_3": 23.527, + "map_at_5": 25.343, + "mrr_at_1": 17.192, + "mrr_at_10": 27.141, + "mrr_at_100": 28.269, + "mrr_at_1000": 28.327999999999996, + "mrr_at_3": 23.906, + "mrr_at_5": 25.759999999999998, + "ndcg_at_1": 17.177999999999997, + "ndcg_at_10": 32.539, + "ndcg_at_100": 38.383, + "ndcg_at_1000": 40.132, + "ndcg_at_3": 25.884, + "ndcg_at_5": 29.15, + "precision_at_1": 17.177999999999997, + "precision_at_10": 5.268, + "precision_at_100": 0.823, + "precision_at_1000": 0.097, + "precision_at_3": 11.122, + "precision_at_5": 8.338, + "recall_at_1": 16.753999999999998, + "recall_at_10": 50.388, + "recall_at_100": 77.86999999999999, + "recall_at_1000": 91.55, + "recall_at_3": 32.186, + "recall_at_5": 40.048, + "main_score": 32.539 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-base/external/MassiveIntentClassification.json b/results/sdadas__mmlw-e5-base/external/MassiveIntentClassification.json new file mode 100644 index 000000000..6d2873ec1 --- /dev/null +++ b/results/sdadas__mmlw-e5-base/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 70.9280430396772, + "f1": 68.7099581466286, + "main_score": 70.9280430396772 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-base/external/MassiveScenarioClassification.json b/results/sdadas__mmlw-e5-base/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..b26aa5029 --- /dev/null +++ b/results/sdadas__mmlw-e5-base/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 74.76126429051783, + "f1": 74.72274307018111, + "main_score": 74.76126429051783 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-base/external/NFCorpus-PL.json b/results/sdadas__mmlw-e5-base/external/NFCorpus-PL.json new file mode 100644 index 000000000..aad05a2aa --- /dev/null +++ b/results/sdadas__mmlw-e5-base/external/NFCorpus-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 5.348, + "map_at_10": 12.277000000000001, + "map_at_100": 15.804000000000002, + "map_at_1000": 17.277, + "map_at_3": 8.783000000000001, + "map_at_5": 10.314, + "mrr_at_1": 43.963, + "mrr_at_10": 52.459999999999994, + "mrr_at_100": 53.233, + "mrr_at_1000": 53.26499999999999, + "mrr_at_3": 50.464, + "mrr_at_5": 51.548, + "ndcg_at_1": 40.711999999999996, + "ndcg_at_10": 33.709, + "ndcg_at_100": 31.398, + "ndcg_at_1000": 40.042, + "ndcg_at_3": 37.85, + "ndcg_at_5": 36.260999999999996, + "precision_at_1": 43.344, + "precision_at_10": 25.851000000000003, + "precision_at_100": 8.279, + "precision_at_1000": 2.085, + "precision_at_3": 36.326, + "precision_at_5": 32.074000000000005, + "recall_at_1": 5.348, + "recall_at_10": 16.441, + "recall_at_100": 32.975, + "recall_at_1000": 64.357, + "recall_at_3": 9.841999999999999, + "recall_at_5": 12.463000000000001, + "main_score": 33.709 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-base/external/NQ-PL.json b/results/sdadas__mmlw-e5-base/external/NQ-PL.json new file mode 100644 index 000000000..620582735 --- /dev/null +++ b/results/sdadas__mmlw-e5-base/external/NQ-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 24.674, + "map_at_10": 37.672, + "map_at_100": 38.767, + "map_at_1000": 38.82, + "map_at_3": 33.823, + "map_at_5": 36.063, + "mrr_at_1": 27.839000000000002, + "mrr_at_10": 40.129, + "mrr_at_100": 41.008, + "mrr_at_1000": 41.048, + "mrr_at_3": 36.718, + "mrr_at_5": 38.841, + "ndcg_at_1": 27.839000000000002, + "ndcg_at_10": 44.604, + "ndcg_at_100": 49.51, + "ndcg_at_1000": 50.841, + "ndcg_at_3": 37.223, + "ndcg_at_5": 41.073, + "precision_at_1": 27.839000000000002, + "precision_at_10": 7.5, + "precision_at_100": 1.03, + "precision_at_1000": 0.116, + "precision_at_3": 17.005, + "precision_at_5": 12.399000000000001, + "recall_at_1": 24.674, + "recall_at_10": 63.32299999999999, + "recall_at_100": 85.088, + "recall_at_1000": 95.143, + "recall_at_3": 44.157999999999994, + "recall_at_5": 53.054, + "main_score": 44.604 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-base/external/PAC.json b/results/sdadas__mmlw-e5-base/external/PAC.json new file mode 100644 index 000000000..1971363c1 --- /dev/null +++ b/results/sdadas__mmlw-e5-base/external/PAC.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "PAC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 64.5033304373009, + "ap": 75.81507275237081, + "f1": 62.24617820785985, + "main_score": 64.5033304373009 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-base/external/PSC.json b/results/sdadas__mmlw-e5-base/external/PSC.json new file mode 100644 index 000000000..d5ecf96c7 --- /dev/null +++ b/results/sdadas__mmlw-e5-base/external/PSC.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "PSC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cos_sim_accuracy": 97.58812615955473, + "cos_sim_ap": 99.14945370088302, + "cos_sim_f1": 96.06060606060606, + "cos_sim_precision": 95.48192771084338, + "cos_sim_recall": 96.64634146341463, + "dot_accuracy": 95.17625231910947, + "dot_ap": 97.05592933601112, + "dot_f1": 92.14501510574019, + "dot_precision": 91.31736526946108, + "dot_recall": 92.98780487804879, + "euclidean_accuracy": 97.6808905380334, + "euclidean_ap": 99.18538119402824, + "euclidean_f1": 96.20637329286798, + "euclidean_precision": 95.77039274924472, + "euclidean_recall": 96.64634146341463, + "manhattan_accuracy": 97.58812615955473, + "manhattan_ap": 99.17870990853292, + "manhattan_f1": 96.02446483180427, + "manhattan_precision": 96.31901840490798, + "manhattan_recall": 95.73170731707317, + "max_accuracy": 97.6808905380334, + "max_ap": 99.18538119402824, + "max_f1": 96.20637329286798, + "main_score": 99.18538119402824 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-base/external/PolEmo2.0-IN.json b/results/sdadas__mmlw-e5-base/external/PolEmo2.0-IN.json new file mode 100644 index 000000000..deb1ebd3c --- /dev/null +++ b/results/sdadas__mmlw-e5-base/external/PolEmo2.0-IN.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "PolEmo2.0-IN", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 68.69806094182825, + "f1": 68.0619984307764, + "main_score": 68.69806094182825 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-base/external/PolEmo2.0-OUT.json b/results/sdadas__mmlw-e5-base/external/PolEmo2.0-OUT.json new file mode 100644 index 000000000..83810afbc --- /dev/null +++ b/results/sdadas__mmlw-e5-base/external/PolEmo2.0-OUT.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "PolEmo2.0-OUT", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 35.80971659919028, + "f1": 31.13081621324864, + "main_score": 35.80971659919028 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-base/external/Quora-PL.json b/results/sdadas__mmlw-e5-base/external/Quora-PL.json new file mode 100644 index 000000000..430c33db5 --- /dev/null +++ b/results/sdadas__mmlw-e5-base/external/Quora-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Quora-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 66.149, + "map_at_10": 80.133, + "map_at_100": 80.845, + "map_at_1000": 80.866, + "map_at_3": 76.983, + "map_at_5": 78.938, + "mrr_at_1": 76.09, + "mrr_at_10": 83.25099999999999, + "mrr_at_100": 83.422, + "mrr_at_1000": 83.42500000000001, + "mrr_at_3": 82.02199999999999, + "mrr_at_5": 82.831, + "ndcg_at_1": 76.14999999999999, + "ndcg_at_10": 84.438, + "ndcg_at_100": 86.048, + "ndcg_at_1000": 86.226, + "ndcg_at_3": 80.97999999999999, + "ndcg_at_5": 82.856, + "precision_at_1": 76.14999999999999, + "precision_at_10": 12.985, + "precision_at_100": 1.513, + "precision_at_1000": 0.156, + "precision_at_3": 35.563, + "precision_at_5": 23.586, + "recall_at_1": 66.149, + "recall_at_10": 93.195, + "recall_at_100": 98.924, + "recall_at_1000": 99.885, + "recall_at_3": 83.439, + "recall_at_5": 88.575, + "main_score": 84.438 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-base/external/SCIDOCS-PL.json b/results/sdadas__mmlw-e5-base/external/SCIDOCS-PL.json new file mode 100644 index 000000000..95c80ef04 --- /dev/null +++ b/results/sdadas__mmlw-e5-base/external/SCIDOCS-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 3.688, + "map_at_10": 10.23, + "map_at_100": 12.077, + "map_at_1000": 12.382, + "map_at_3": 7.149, + "map_at_5": 8.689, + "mrr_at_1": 18.2, + "mrr_at_10": 28.816999999999997, + "mrr_at_100": 29.982, + "mrr_at_1000": 30.058, + "mrr_at_3": 25.983, + "mrr_at_5": 27.418, + "ndcg_at_1": 18.2, + "ndcg_at_10": 17.352999999999998, + "ndcg_at_100": 24.859, + "ndcg_at_1000": 30.535, + "ndcg_at_3": 16.17, + "ndcg_at_5": 14.235000000000001, + "precision_at_1": 18.2, + "precision_at_10": 9.19, + "precision_at_100": 2.01, + "precision_at_1000": 0.338, + "precision_at_3": 15.5, + "precision_at_5": 12.78, + "recall_at_1": 3.688, + "recall_at_10": 18.632, + "recall_at_100": 40.822, + "recall_at_1000": 68.552, + "recall_at_3": 9.423, + "recall_at_5": 12.943, + "main_score": 17.352999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-base/external/SICK-E-PL.json b/results/sdadas__mmlw-e5-base/external/SICK-E-PL.json new file mode 100644 index 000000000..2efb973ef --- /dev/null +++ b/results/sdadas__mmlw-e5-base/external/SICK-E-PL.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "SICK-E-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cos_sim_accuracy": 83.12270688952303, + "cos_sim_ap": 76.4528312253856, + "cos_sim_f1": 68.69627507163324, + "cos_sim_precision": 69.0922190201729, + "cos_sim_recall": 68.30484330484332, + "dot_accuracy": 79.20913167549939, + "dot_ap": 65.03147071986633, + "dot_f1": 62.812160694896846, + "dot_precision": 50.74561403508772, + "dot_recall": 82.4074074074074, + "euclidean_accuracy": 83.16347329800244, + "euclidean_ap": 76.49405838298205, + "euclidean_f1": 68.66738120757414, + "euclidean_precision": 68.88888888888889, + "euclidean_recall": 68.44729344729345, + "manhattan_accuracy": 83.16347329800244, + "manhattan_ap": 76.5080551733795, + "manhattan_f1": 68.73883529832084, + "manhattan_precision": 68.9605734767025, + "manhattan_recall": 68.51851851851852, + "max_accuracy": 83.16347329800244, + "max_ap": 76.5080551733795, + "max_f1": 68.73883529832084, + "main_score": 76.5080551733795 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-base/external/SICK-R-PL.json b/results/sdadas__mmlw-e5-base/external/SICK-R-PL.json new file mode 100644 index 000000000..1382e997c --- /dev/null +++ b/results/sdadas__mmlw-e5-base/external/SICK-R-PL.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "SICK-R-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cos_sim_pearson": 82.60225159739653, + "cos_sim_spearman": 76.76667220288542, + "euclidean_pearson": 80.16302518898615, + "euclidean_spearman": 76.76131897866455, + "manhattan_pearson": 80.11881021613914, + "manhattan_spearman": 76.74246419368048, + "cosine_pearson": 82.60225159739653, + "cosine_spearman": 76.76667220288542, + "main_score": 76.76667220288542 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-base/external/STS22.json b/results/sdadas__mmlw-e5-base/external/STS22.json new file mode 100644 index 000000000..862ba4055 --- /dev/null +++ b/results/sdadas__mmlw-e5-base/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "cos_sim_pearson": 38.2744776092718, + "cos_sim_spearman": 40.35664941442517, + "euclidean_pearson": 29.148502128336585, + "euclidean_spearman": 40.45531563224982, + "manhattan_pearson": 29.124177399433098, + "manhattan_spearman": 40.2801387844354, + "cosine_pearson": 38.2744776092718, + "cosine_spearman": 40.35664941442517, + "main_score": 40.35664941442517 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-base/external/SciFact-PL.json b/results/sdadas__mmlw-e5-base/external/SciFact-PL.json new file mode 100644 index 000000000..47684a7f8 --- /dev/null +++ b/results/sdadas__mmlw-e5-base/external/SciFact-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 52.994, + "map_at_10": 63.612, + "map_at_100": 64.294, + "map_at_1000": 64.325, + "map_at_3": 61.341, + "map_at_5": 62.366, + "mrr_at_1": 56.667, + "mrr_at_10": 65.333, + "mrr_at_100": 65.89399999999999, + "mrr_at_1000": 65.91900000000001, + "mrr_at_3": 63.666999999999994, + "mrr_at_5": 64.36699999999999, + "ndcg_at_1": 56.333, + "ndcg_at_10": 68.292, + "ndcg_at_100": 71.136, + "ndcg_at_1000": 71.90100000000001, + "ndcg_at_3": 64.387, + "ndcg_at_5": 65.546, + "precision_at_1": 56.333, + "precision_at_10": 9.133, + "precision_at_100": 1.0630000000000002, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 25.556, + "precision_at_5": 16.267, + "recall_at_1": 52.994, + "recall_at_10": 81.178, + "recall_at_100": 93.767, + "recall_at_1000": 99.667, + "recall_at_3": 69.906, + "recall_at_5": 73.18299999999999, + "main_score": 68.292 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-base/external/TRECCOVID-PL.json b/results/sdadas__mmlw-e5-base/external/TRECCOVID-PL.json new file mode 100644 index 000000000..560f4588c --- /dev/null +++ b/results/sdadas__mmlw-e5-base/external/TRECCOVID-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 0.231, + "map_at_10": 1.822, + "map_at_100": 10.134, + "map_at_1000": 24.859, + "map_at_3": 0.615, + "map_at_5": 0.9939999999999999, + "mrr_at_1": 84.0, + "mrr_at_10": 90.4, + "mrr_at_100": 90.4, + "mrr_at_1000": 90.4, + "mrr_at_3": 89.0, + "mrr_at_5": 90.4, + "ndcg_at_1": 81.0, + "ndcg_at_10": 73.333, + "ndcg_at_100": 55.35099999999999, + "ndcg_at_1000": 49.875, + "ndcg_at_3": 76.866, + "ndcg_at_5": 75.472, + "precision_at_1": 86.0, + "precision_at_10": 78.2, + "precision_at_100": 57.18, + "precision_at_1000": 22.332, + "precision_at_3": 82.0, + "precision_at_5": 81.2, + "recall_at_1": 0.231, + "recall_at_10": 2.056, + "recall_at_100": 13.468, + "recall_at_1000": 47.038999999999994, + "recall_at_3": 0.6479999999999999, + "recall_at_5": 1.088, + "main_score": 73.333 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-base/external/model_meta.json b/results/sdadas__mmlw-e5-base/external/model_meta.json new file mode 100644 index 000000000..131e186d5 --- /dev/null +++ b/results/sdadas__mmlw-e5-base/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "sdadas/mmlw-e5-base", + "revision": "f10628ed55b5ec400502aff439bd714a6da0af30", + "release_date": "2023-11-17", + "languages": [ + "pl" + ], + "loader": null, + "n_parameters": 278043648, + "memory_usage": null, + "max_tokens": 514, + "embed_dim": 768, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-large/external/AllegroReviews.json b/results/sdadas__mmlw-e5-large/external/AllegroReviews.json new file mode 100644 index 000000000..2ed6a269d --- /dev/null +++ b/results/sdadas__mmlw-e5-large/external/AllegroReviews.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "AllegroReviews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 37.683896620278325, + "f1": 34.19193027014284, + "main_score": 37.683896620278325 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-large/external/ArguAna-PL.json b/results/sdadas__mmlw-e5-large/external/ArguAna-PL.json new file mode 100644 index 000000000..a64845f1b --- /dev/null +++ b/results/sdadas__mmlw-e5-large/external/ArguAna-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 38.407000000000004, + "map_at_10": 55.147, + "map_at_100": 55.757, + "map_at_1000": 55.761, + "map_at_3": 51.268, + "map_at_5": 53.696999999999996, + "mrr_at_1": 40.043, + "mrr_at_10": 55.840999999999994, + "mrr_at_100": 56.459, + "mrr_at_1000": 56.462999999999994, + "mrr_at_3": 52.074, + "mrr_at_5": 54.364999999999995, + "ndcg_at_1": 38.407000000000004, + "ndcg_at_10": 63.248000000000005, + "ndcg_at_100": 65.717, + "ndcg_at_1000": 65.79, + "ndcg_at_3": 55.403999999999996, + "ndcg_at_5": 59.760000000000005, + "precision_at_1": 38.407000000000004, + "precision_at_10": 8.862, + "precision_at_100": 0.991, + "precision_at_1000": 0.1, + "precision_at_3": 22.451, + "precision_at_5": 15.576, + "recall_at_1": 38.407000000000004, + "recall_at_10": 88.62, + "recall_at_100": 99.075, + "recall_at_1000": 99.57300000000001, + "recall_at_3": 67.354, + "recall_at_5": 77.881, + "main_score": 63.248000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-large/external/CBD.json b/results/sdadas__mmlw-e5-large/external/CBD.json new file mode 100644 index 000000000..1470f0c41 --- /dev/null +++ b/results/sdadas__mmlw-e5-large/external/CBD.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "CBD", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 66.14999999999999, + "ap": 21.69513674684204, + "f1": 56.48142830893528, + "main_score": 66.14999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-large/external/CDSC-E.json b/results/sdadas__mmlw-e5-large/external/CDSC-E.json new file mode 100644 index 000000000..bdac438a9 --- /dev/null +++ b/results/sdadas__mmlw-e5-large/external/CDSC-E.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "CDSC-E", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cos_sim_accuracy": 89.4, + "cos_sim_ap": 76.83228768203222, + "cos_sim_f1": 65.3658536585366, + "cos_sim_precision": 60.909090909090914, + "cos_sim_recall": 70.52631578947368, + "dot_accuracy": 84.1, + "dot_ap": 57.26072201751864, + "dot_f1": 62.75395033860045, + "dot_precision": 54.9407114624506, + "dot_recall": 73.15789473684211, + "euclidean_accuracy": 89.4, + "euclidean_ap": 76.59095263388942, + "euclidean_f1": 65.21739130434783, + "euclidean_precision": 60.26785714285714, + "euclidean_recall": 71.05263157894737, + "manhattan_accuracy": 89.4, + "manhattan_ap": 76.58825999753456, + "manhattan_f1": 64.72019464720195, + "manhattan_precision": 60.18099547511312, + "manhattan_recall": 70.0, + "max_accuracy": 89.4, + "max_ap": 76.83228768203222, + "max_f1": 65.3658536585366, + "main_score": 76.83228768203222 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-large/external/CDSC-R.json b/results/sdadas__mmlw-e5-large/external/CDSC-R.json new file mode 100644 index 000000000..92e76a39f --- /dev/null +++ b/results/sdadas__mmlw-e5-large/external/CDSC-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "CDSC-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cos_sim_pearson": 93.73949495291659, + "cos_sim_spearman": 93.50397366192922, + "euclidean_pearson": 92.47498888987636, + "euclidean_spearman": 93.39315936230747, + "manhattan_pearson": 92.47250250777654, + "manhattan_spearman": 93.36739690549109, + "cosine_pearson": 93.73949495291659, + "cosine_spearman": 93.50397366192922, + "main_score": 93.50397366192922 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-large/external/DBPedia-PL.json b/results/sdadas__mmlw-e5-large/external/DBPedia-PL.json new file mode 100644 index 000000000..145702de7 --- /dev/null +++ b/results/sdadas__mmlw-e5-large/external/DBPedia-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 8.434, + "map_at_10": 18.424, + "map_at_100": 26.428, + "map_at_1000": 28.002, + "map_at_3": 13.502, + "map_at_5": 15.577, + "mrr_at_1": 63.0, + "mrr_at_10": 72.714, + "mrr_at_100": 73.021, + "mrr_at_1000": 73.028, + "mrr_at_3": 70.75, + "mrr_at_5": 72.3, + "ndcg_at_1": 52.75, + "ndcg_at_10": 39.839999999999996, + "ndcg_at_100": 44.989000000000004, + "ndcg_at_1000": 52.532999999999994, + "ndcg_at_3": 45.198, + "ndcg_at_5": 42.015, + "precision_at_1": 63.0, + "precision_at_10": 31.05, + "precision_at_100": 10.26, + "precision_at_1000": 1.9879999999999998, + "precision_at_3": 48.25, + "precision_at_5": 40.45, + "recall_at_1": 8.434, + "recall_at_10": 24.004, + "recall_at_100": 51.428, + "recall_at_1000": 75.712, + "recall_at_3": 15.015, + "recall_at_5": 18.282999999999998, + "main_score": 39.839999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-large/external/FiQA-PL.json b/results/sdadas__mmlw-e5-large/external/FiQA-PL.json new file mode 100644 index 000000000..175539c97 --- /dev/null +++ b/results/sdadas__mmlw-e5-large/external/FiQA-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 19.088, + "map_at_10": 31.818, + "map_at_100": 33.689, + "map_at_1000": 33.86, + "map_at_3": 27.399, + "map_at_5": 29.945, + "mrr_at_1": 38.117000000000004, + "mrr_at_10": 47.668, + "mrr_at_100": 48.428, + "mrr_at_1000": 48.475, + "mrr_at_3": 45.242, + "mrr_at_5": 46.716, + "ndcg_at_1": 38.272, + "ndcg_at_10": 39.903, + "ndcg_at_100": 46.661, + "ndcg_at_1000": 49.625, + "ndcg_at_3": 35.921, + "ndcg_at_5": 37.558, + "precision_at_1": 38.272, + "precision_at_10": 11.358, + "precision_at_100": 1.8190000000000002, + "precision_at_1000": 0.23500000000000001, + "precision_at_3": 24.434, + "precision_at_5": 18.395, + "recall_at_1": 19.088, + "recall_at_10": 47.355999999999995, + "recall_at_100": 72.451, + "recall_at_1000": 90.257, + "recall_at_3": 32.931, + "recall_at_5": 39.878, + "main_score": 39.903 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-large/external/HotpotQA-PL.json b/results/sdadas__mmlw-e5-large/external/HotpotQA-PL.json new file mode 100644 index 000000000..4078c4433 --- /dev/null +++ b/results/sdadas__mmlw-e5-large/external/HotpotQA-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 39.095, + "map_at_10": 62.529, + "map_at_100": 63.425, + "map_at_1000": 63.483000000000004, + "map_at_3": 58.887, + "map_at_5": 61.18599999999999, + "mrr_at_1": 78.123, + "mrr_at_10": 84.231, + "mrr_at_100": 84.408, + "mrr_at_1000": 84.414, + "mrr_at_3": 83.286, + "mrr_at_5": 83.94, + "ndcg_at_1": 78.19, + "ndcg_at_10": 70.938, + "ndcg_at_100": 73.992, + "ndcg_at_1000": 75.1, + "ndcg_at_3": 65.863, + "ndcg_at_5": 68.755, + "precision_at_1": 78.19, + "precision_at_10": 14.949000000000002, + "precision_at_100": 1.733, + "precision_at_1000": 0.188, + "precision_at_3": 42.381, + "precision_at_5": 27.711000000000002, + "recall_at_1": 39.095, + "recall_at_10": 74.747, + "recall_at_100": 86.631, + "recall_at_1000": 93.923, + "recall_at_3": 63.571999999999996, + "recall_at_5": 69.27799999999999, + "main_score": 70.938 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-large/external/MSMARCO-PL.json b/results/sdadas__mmlw-e5-large/external/MSMARCO-PL.json new file mode 100644 index 000000000..d915b1f19 --- /dev/null +++ b/results/sdadas__mmlw-e5-large/external/MSMARCO-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 19.439999999999998, + "map_at_10": 30.264000000000003, + "map_at_100": 31.438, + "map_at_1000": 31.495, + "map_at_3": 26.735, + "map_at_5": 28.716, + "mrr_at_1": 19.914, + "mrr_at_10": 30.753999999999998, + "mrr_at_100": 31.877, + "mrr_at_1000": 31.929000000000002, + "mrr_at_3": 27.299, + "mrr_at_5": 29.254, + "ndcg_at_1": 20.014000000000003, + "ndcg_at_10": 36.472, + "ndcg_at_100": 42.231, + "ndcg_at_1000": 43.744, + "ndcg_at_3": 29.268, + "ndcg_at_5": 32.79, + "precision_at_1": 20.014000000000003, + "precision_at_10": 5.814, + "precision_at_100": 0.8710000000000001, + "precision_at_1000": 0.1, + "precision_at_3": 12.426, + "precision_at_5": 9.238, + "recall_at_1": 19.439999999999998, + "recall_at_10": 55.535000000000004, + "recall_at_100": 82.44399999999999, + "recall_at_1000": 94.217, + "recall_at_3": 35.963, + "recall_at_5": 44.367000000000004, + "main_score": 36.472 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-large/external/MassiveIntentClassification.json b/results/sdadas__mmlw-e5-large/external/MassiveIntentClassification.json new file mode 100644 index 000000000..55300d1b3 --- /dev/null +++ b/results/sdadas__mmlw-e5-large/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 72.01412239408205, + "f1": 70.04544187503352, + "main_score": 72.01412239408205 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-large/external/MassiveScenarioClassification.json b/results/sdadas__mmlw-e5-large/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..f36895c47 --- /dev/null +++ b/results/sdadas__mmlw-e5-large/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 75.26899798251513, + "f1": 75.55876166863844, + "main_score": 75.26899798251513 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-large/external/NFCorpus-PL.json b/results/sdadas__mmlw-e5-large/external/NFCorpus-PL.json new file mode 100644 index 000000000..20a661924 --- /dev/null +++ b/results/sdadas__mmlw-e5-large/external/NFCorpus-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 5.772, + "map_at_10": 12.708, + "map_at_100": 16.194, + "map_at_1000": 17.630000000000003, + "map_at_3": 9.34, + "map_at_5": 10.741, + "mrr_at_1": 43.344, + "mrr_at_10": 53.429, + "mrr_at_100": 53.88699999999999, + "mrr_at_1000": 53.925, + "mrr_at_3": 51.342, + "mrr_at_5": 52.456, + "ndcg_at_1": 41.641, + "ndcg_at_10": 34.028000000000006, + "ndcg_at_100": 31.613000000000003, + "ndcg_at_1000": 40.428, + "ndcg_at_3": 38.991, + "ndcg_at_5": 36.704, + "precision_at_1": 43.034, + "precision_at_10": 25.324999999999996, + "precision_at_100": 7.889, + "precision_at_1000": 2.069, + "precision_at_3": 36.739, + "precision_at_5": 32.074000000000005, + "recall_at_1": 5.772, + "recall_at_10": 16.827, + "recall_at_100": 32.346000000000004, + "recall_at_1000": 62.739, + "recall_at_3": 10.56, + "recall_at_5": 12.655, + "main_score": 34.028000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-large/external/NQ-PL.json b/results/sdadas__mmlw-e5-large/external/NQ-PL.json new file mode 100644 index 000000000..c88b90408 --- /dev/null +++ b/results/sdadas__mmlw-e5-large/external/NQ-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 26.101000000000003, + "map_at_10": 39.912, + "map_at_100": 41.037, + "map_at_1000": 41.077000000000005, + "map_at_3": 35.691, + "map_at_5": 38.155, + "mrr_at_1": 29.403000000000002, + "mrr_at_10": 42.376999999999995, + "mrr_at_100": 43.248999999999995, + "mrr_at_1000": 43.277, + "mrr_at_3": 38.794000000000004, + "mrr_at_5": 40.933, + "ndcg_at_1": 29.519000000000002, + "ndcg_at_10": 47.33, + "ndcg_at_100": 52.171, + "ndcg_at_1000": 53.125, + "ndcg_at_3": 39.316, + "ndcg_at_5": 43.457, + "precision_at_1": 29.519000000000002, + "precision_at_10": 8.03, + "precision_at_100": 1.075, + "precision_at_1000": 0.117, + "precision_at_3": 18.009, + "precision_at_5": 13.221, + "recall_at_1": 26.101000000000003, + "recall_at_10": 67.50399999999999, + "recall_at_100": 88.64699999999999, + "recall_at_1000": 95.771, + "recall_at_3": 46.669, + "recall_at_5": 56.24, + "main_score": 47.33 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-large/external/PAC.json b/results/sdadas__mmlw-e5-large/external/PAC.json new file mode 100644 index 000000000..a7c8640ac --- /dev/null +++ b/results/sdadas__mmlw-e5-large/external/PAC.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "PAC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 63.76773819866782, + "ap": 74.87896817642536, + "f1": 61.420506092721425, + "main_score": 63.76773819866782 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-large/external/PSC.json b/results/sdadas__mmlw-e5-large/external/PSC.json new file mode 100644 index 000000000..dc1831a5e --- /dev/null +++ b/results/sdadas__mmlw-e5-large/external/PSC.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "PSC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cos_sim_accuracy": 98.05194805194806, + "cos_sim_ap": 99.52709687103496, + "cos_sim_f1": 96.83257918552036, + "cos_sim_precision": 95.82089552238806, + "cos_sim_recall": 97.86585365853658, + "dot_accuracy": 92.30055658627087, + "dot_ap": 94.12759311032353, + "dot_f1": 87.00906344410878, + "dot_precision": 86.22754491017965, + "dot_recall": 87.8048780487805, + "euclidean_accuracy": 98.05194805194806, + "euclidean_ap": 99.49402675624125, + "euclidean_f1": 96.8133535660091, + "euclidean_precision": 96.37462235649546, + "euclidean_recall": 97.2560975609756, + "manhattan_accuracy": 98.05194805194806, + "manhattan_ap": 99.50120505935962, + "manhattan_f1": 96.8133535660091, + "manhattan_precision": 96.37462235649546, + "manhattan_recall": 97.2560975609756, + "max_accuracy": 98.05194805194806, + "max_ap": 99.52709687103496, + "max_f1": 96.83257918552036, + "main_score": 99.52709687103496 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-large/external/PolEmo2.0-IN.json b/results/sdadas__mmlw-e5-large/external/PolEmo2.0-IN.json new file mode 100644 index 000000000..7d82a9977 --- /dev/null +++ b/results/sdadas__mmlw-e5-large/external/PolEmo2.0-IN.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "PolEmo2.0-IN", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 69.45983379501385, + "f1": 68.60917948426784, + "main_score": 69.45983379501385 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-large/external/PolEmo2.0-OUT.json b/results/sdadas__mmlw-e5-large/external/PolEmo2.0-OUT.json new file mode 100644 index 000000000..50d19281f --- /dev/null +++ b/results/sdadas__mmlw-e5-large/external/PolEmo2.0-OUT.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "PolEmo2.0-OUT", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 43.13765182186235, + "f1": 36.15557441785656, + "main_score": 43.13765182186235 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-large/external/Quora-PL.json b/results/sdadas__mmlw-e5-large/external/Quora-PL.json new file mode 100644 index 000000000..875914af1 --- /dev/null +++ b/results/sdadas__mmlw-e5-large/external/Quora-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Quora-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 67.448, + "map_at_10": 81.566, + "map_at_100": 82.284, + "map_at_1000": 82.301, + "map_at_3": 78.425, + "map_at_5": 80.43400000000001, + "mrr_at_1": 77.61, + "mrr_at_10": 84.467, + "mrr_at_100": 84.63199999999999, + "mrr_at_1000": 84.634, + "mrr_at_3": 83.288, + "mrr_at_5": 84.095, + "ndcg_at_1": 77.66, + "ndcg_at_10": 85.63199999999999, + "ndcg_at_100": 87.166, + "ndcg_at_1000": 87.306, + "ndcg_at_3": 82.32300000000001, + "ndcg_at_5": 84.22, + "precision_at_1": 77.66, + "precision_at_10": 13.136000000000001, + "precision_at_100": 1.522, + "precision_at_1000": 0.156, + "precision_at_3": 36.153, + "precision_at_5": 23.982, + "recall_at_1": 67.448, + "recall_at_10": 93.83200000000001, + "recall_at_100": 99.212, + "recall_at_1000": 99.94, + "recall_at_3": 84.539, + "recall_at_5": 89.71000000000001, + "main_score": 85.63199999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-large/external/SCIDOCS-PL.json b/results/sdadas__mmlw-e5-large/external/SCIDOCS-PL.json new file mode 100644 index 000000000..3a8403e8a --- /dev/null +++ b/results/sdadas__mmlw-e5-large/external/SCIDOCS-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 4.393, + "map_at_10": 11.472, + "map_at_100": 13.584999999999999, + "map_at_1000": 13.918, + "map_at_3": 8.212, + "map_at_5": 9.864, + "mrr_at_1": 21.7, + "mrr_at_10": 32.268, + "mrr_at_100": 33.495000000000005, + "mrr_at_1000": 33.548, + "mrr_at_3": 29.15, + "mrr_at_5": 30.91, + "ndcg_at_1": 21.6, + "ndcg_at_10": 19.126, + "ndcg_at_100": 27.496, + "ndcg_at_1000": 33.274, + "ndcg_at_3": 18.196, + "ndcg_at_5": 15.945, + "precision_at_1": 21.6, + "precision_at_10": 9.94, + "precision_at_100": 2.1999999999999997, + "precision_at_1000": 0.359, + "precision_at_3": 17.2, + "precision_at_5": 14.12, + "recall_at_1": 4.393, + "recall_at_10": 20.166999999999998, + "recall_at_100": 44.678000000000004, + "recall_at_1000": 72.868, + "recall_at_3": 10.473, + "recall_at_5": 14.313, + "main_score": 19.126 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-large/external/SICK-E-PL.json b/results/sdadas__mmlw-e5-large/external/SICK-E-PL.json new file mode 100644 index 000000000..910be7901 --- /dev/null +++ b/results/sdadas__mmlw-e5-large/external/SICK-E-PL.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "SICK-E-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cos_sim_accuracy": 82.65389319200979, + "cos_sim_ap": 76.13749398520014, + "cos_sim_f1": 66.64355062413314, + "cos_sim_precision": 64.93243243243244, + "cos_sim_recall": 68.44729344729345, + "dot_accuracy": 76.0905014268243, + "dot_ap": 58.058968583382494, + "dot_f1": 61.181080324657145, + "dot_precision": 50.391885661595204, + "dot_recall": 77.84900284900284, + "euclidean_accuracy": 82.61312678353036, + "euclidean_ap": 76.10290283033221, + "euclidean_f1": 66.50782845473111, + "euclidean_precision": 63.6897001303781, + "euclidean_recall": 69.58689458689459, + "manhattan_accuracy": 82.6742763962495, + "manhattan_ap": 76.12712309700966, + "manhattan_f1": 66.59700452803902, + "manhattan_precision": 65.16700749829583, + "manhattan_recall": 68.09116809116809, + "max_accuracy": 82.6742763962495, + "max_ap": 76.13749398520014, + "max_f1": 66.64355062413314, + "main_score": 76.13749398520014 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-large/external/SICK-R-PL.json b/results/sdadas__mmlw-e5-large/external/SICK-R-PL.json new file mode 100644 index 000000000..2416c19ad --- /dev/null +++ b/results/sdadas__mmlw-e5-large/external/SICK-R-PL.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "SICK-R-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cos_sim_pearson": 81.23898481255246, + "cos_sim_spearman": 76.0416957474899, + "euclidean_pearson": 78.96475496102107, + "euclidean_spearman": 76.07208683063504, + "manhattan_pearson": 78.92666424673251, + "manhattan_spearman": 76.04968227583831, + "cosine_pearson": 81.23898481255246, + "cosine_spearman": 76.0416957474899, + "main_score": 76.0416957474899 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-large/external/STS22.json b/results/sdadas__mmlw-e5-large/external/STS22.json new file mode 100644 index 000000000..701978452 --- /dev/null +++ b/results/sdadas__mmlw-e5-large/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "cos_sim_pearson": 39.13987124398541, + "cos_sim_spearman": 40.40194528288759, + "euclidean_pearson": 29.14566247168167, + "euclidean_spearman": 39.97389932591777, + "manhattan_pearson": 29.172993134388935, + "manhattan_spearman": 39.85681935287037, + "cosine_pearson": 39.13987124398541, + "cosine_spearman": 40.40194528288759, + "main_score": 40.40194528288759 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-large/external/SciFact-PL.json b/results/sdadas__mmlw-e5-large/external/SciFact-PL.json new file mode 100644 index 000000000..675a43ed8 --- /dev/null +++ b/results/sdadas__mmlw-e5-large/external/SciFact-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 57.260999999999996, + "map_at_10": 66.92399999999999, + "map_at_100": 67.443, + "map_at_1000": 67.47800000000001, + "map_at_3": 64.859, + "map_at_5": 65.71900000000001, + "mrr_at_1": 60.333000000000006, + "mrr_at_10": 67.95400000000001, + "mrr_at_100": 68.42, + "mrr_at_1000": 68.45, + "mrr_at_3": 66.444, + "mrr_at_5": 67.128, + "ndcg_at_1": 60.333000000000006, + "ndcg_at_10": 71.209, + "ndcg_at_100": 73.37, + "ndcg_at_1000": 74.287, + "ndcg_at_3": 67.66799999999999, + "ndcg_at_5": 68.644, + "precision_at_1": 60.333000000000006, + "precision_at_10": 9.467, + "precision_at_100": 1.053, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 26.778000000000002, + "precision_at_5": 16.933, + "recall_at_1": 57.260999999999996, + "recall_at_10": 83.256, + "recall_at_100": 92.767, + "recall_at_1000": 100.0, + "recall_at_3": 72.933, + "recall_at_5": 75.744, + "main_score": 71.209 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-large/external/TRECCOVID-PL.json b/results/sdadas__mmlw-e5-large/external/TRECCOVID-PL.json new file mode 100644 index 000000000..5de579d4a --- /dev/null +++ b/results/sdadas__mmlw-e5-large/external/TRECCOVID-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 0.22, + "map_at_10": 1.693, + "map_at_100": 9.281, + "map_at_1000": 21.462999999999997, + "map_at_3": 0.609, + "map_at_5": 0.9570000000000001, + "mrr_at_1": 80.0, + "mrr_at_10": 88.73299999999999, + "mrr_at_100": 88.73299999999999, + "mrr_at_1000": 88.73299999999999, + "mrr_at_3": 88.333, + "mrr_at_5": 88.73299999999999, + "ndcg_at_1": 79.0, + "ndcg_at_10": 71.177, + "ndcg_at_100": 52.479, + "ndcg_at_1000": 45.333, + "ndcg_at_3": 77.48, + "ndcg_at_5": 76.137, + "precision_at_1": 82.0, + "precision_at_10": 74.0, + "precision_at_100": 53.68000000000001, + "precision_at_1000": 19.954, + "precision_at_3": 80.667, + "precision_at_5": 80.80000000000001, + "recall_at_1": 0.22, + "recall_at_10": 1.934, + "recall_at_100": 12.728, + "recall_at_1000": 41.869, + "recall_at_3": 0.637, + "recall_at_5": 1.042, + "main_score": 71.177 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-large/external/model_meta.json b/results/sdadas__mmlw-e5-large/external/model_meta.json new file mode 100644 index 000000000..79b0feaf5 --- /dev/null +++ b/results/sdadas__mmlw-e5-large/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "sdadas/mmlw-e5-large", + "revision": "5c143fb045ebed664fd85b43fc45155999eb110f", + "release_date": "2023-11-17", + "languages": [ + "pl" + ], + "loader": null, + "n_parameters": 559890432, + "memory_usage": null, + "max_tokens": 514, + "embed_dim": 1024, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-small/external/AllegroReviews.json b/results/sdadas__mmlw-e5-small/external/AllegroReviews.json new file mode 100644 index 000000000..85028d3c2 --- /dev/null +++ b/results/sdadas__mmlw-e5-small/external/AllegroReviews.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "AllegroReviews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 33.03180914512922, + "f1": 29.800304217426167, + "main_score": 33.03180914512922 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-small/external/ArguAna-PL.json b/results/sdadas__mmlw-e5-small/external/ArguAna-PL.json new file mode 100644 index 000000000..892dac8e9 --- /dev/null +++ b/results/sdadas__mmlw-e5-small/external/ArguAna-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 28.804999999999996, + "map_at_10": 45.327, + "map_at_100": 46.17, + "map_at_1000": 46.177, + "map_at_3": 40.528999999999996, + "map_at_5": 43.335, + "mrr_at_1": 30.299, + "mrr_at_10": 45.763, + "mrr_at_100": 46.641, + "mrr_at_1000": 46.648, + "mrr_at_3": 41.074, + "mrr_at_5": 43.836999999999996, + "ndcg_at_1": 28.804999999999996, + "ndcg_at_10": 54.308, + "ndcg_at_100": 57.879000000000005, + "ndcg_at_1000": 58.048, + "ndcg_at_3": 44.502, + "ndcg_at_5": 49.519000000000005, + "precision_at_1": 28.804999999999996, + "precision_at_10": 8.286, + "precision_at_100": 0.984, + "precision_at_1000": 0.1, + "precision_at_3": 18.682000000000002, + "precision_at_5": 13.627, + "recall_at_1": 28.804999999999996, + "recall_at_10": 82.85900000000001, + "recall_at_100": 98.36399999999999, + "recall_at_1000": 99.644, + "recall_at_3": 56.04599999999999, + "recall_at_5": 68.137, + "main_score": 54.308 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-small/external/CBD.json b/results/sdadas__mmlw-e5-small/external/CBD.json new file mode 100644 index 000000000..c3739ef9d --- /dev/null +++ b/results/sdadas__mmlw-e5-small/external/CBD.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "CBD", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 64.24, + "ap": 17.967103105024705, + "f1": 52.97375416129459, + "main_score": 64.24 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-small/external/CDSC-E.json b/results/sdadas__mmlw-e5-small/external/CDSC-E.json new file mode 100644 index 000000000..1f5109fe0 --- /dev/null +++ b/results/sdadas__mmlw-e5-small/external/CDSC-E.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "CDSC-E", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cos_sim_accuracy": 88.8, + "cos_sim_ap": 76.68028778789487, + "cos_sim_f1": 66.82352941176471, + "cos_sim_precision": 60.42553191489362, + "cos_sim_recall": 74.73684210526315, + "dot_accuracy": 88.1, + "dot_ap": 72.04910086070551, + "dot_f1": 66.66666666666667, + "dot_precision": 69.31818181818183, + "dot_recall": 64.21052631578948, + "euclidean_accuracy": 88.8, + "euclidean_ap": 76.63591858340688, + "euclidean_f1": 67.13286713286713, + "euclidean_precision": 60.25104602510461, + "euclidean_recall": 75.78947368421053, + "manhattan_accuracy": 88.9, + "manhattan_ap": 76.54552849815124, + "manhattan_f1": 66.66666666666667, + "manhattan_precision": 60.51502145922747, + "manhattan_recall": 74.21052631578947, + "max_accuracy": 88.9, + "max_ap": 76.68028778789487, + "max_f1": 67.13286713286713, + "main_score": 76.68028778789487 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-small/external/CDSC-R.json b/results/sdadas__mmlw-e5-small/external/CDSC-R.json new file mode 100644 index 000000000..4985d5055 --- /dev/null +++ b/results/sdadas__mmlw-e5-small/external/CDSC-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "CDSC-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cos_sim_pearson": 91.64169404461497, + "cos_sim_spearman": 91.9755161377078, + "euclidean_pearson": 90.87481478491249, + "euclidean_spearman": 91.92362666383987, + "manhattan_pearson": 90.8415510499638, + "manhattan_spearman": 91.85927127194698, + "cosine_pearson": 91.64169404461497, + "cosine_spearman": 91.9755161377078, + "main_score": 91.9755161377078 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-small/external/DBPedia-PL.json b/results/sdadas__mmlw-e5-small/external/DBPedia-PL.json new file mode 100644 index 000000000..8fc514262 --- /dev/null +++ b/results/sdadas__mmlw-e5-small/external/DBPedia-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 6.148, + "map_at_10": 12.870999999999999, + "map_at_100": 18.04, + "map_at_1000": 19.286, + "map_at_3": 9.156, + "map_at_5": 10.857999999999999, + "mrr_at_1": 53.25, + "mrr_at_10": 61.016999999999996, + "mrr_at_100": 61.48400000000001, + "mrr_at_1000": 61.507999999999996, + "mrr_at_3": 58.75, + "mrr_at_5": 60.375, + "ndcg_at_1": 41.0, + "ndcg_at_10": 30.281000000000002, + "ndcg_at_100": 33.955999999999996, + "ndcg_at_1000": 40.77, + "ndcg_at_3": 34.127, + "ndcg_at_5": 32.274, + "precision_at_1": 52.5, + "precision_at_10": 24.525, + "precision_at_100": 8.125, + "precision_at_1000": 1.728, + "precision_at_3": 37.083, + "precision_at_5": 32.15, + "recall_at_1": 6.148, + "recall_at_10": 17.866, + "recall_at_100": 39.213, + "recall_at_1000": 61.604000000000006, + "recall_at_3": 10.084, + "recall_at_5": 13.333999999999998, + "main_score": 30.281000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-small/external/FiQA-PL.json b/results/sdadas__mmlw-e5-small/external/FiQA-PL.json new file mode 100644 index 000000000..ec97766cb --- /dev/null +++ b/results/sdadas__mmlw-e5-small/external/FiQA-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 14.643, + "map_at_10": 23.166, + "map_at_100": 24.725, + "map_at_1000": 24.92, + "map_at_3": 20.166, + "map_at_5": 22.003, + "mrr_at_1": 29.630000000000003, + "mrr_at_10": 37.632, + "mrr_at_100": 38.512, + "mrr_at_1000": 38.578, + "mrr_at_3": 35.391, + "mrr_at_5": 36.857, + "ndcg_at_1": 29.166999999999998, + "ndcg_at_10": 29.749, + "ndcg_at_100": 35.983, + "ndcg_at_1000": 39.817, + "ndcg_at_3": 26.739, + "ndcg_at_5": 27.993000000000002, + "precision_at_1": 29.166999999999998, + "precision_at_10": 8.333, + "precision_at_100": 1.448, + "precision_at_1000": 0.213, + "precision_at_3": 17.747, + "precision_at_5": 13.58, + "recall_at_1": 14.643, + "recall_at_10": 35.247, + "recall_at_100": 59.150999999999996, + "recall_at_1000": 82.565, + "recall_at_3": 24.006, + "recall_at_5": 29.383, + "main_score": 29.749 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-small/external/HotpotQA-PL.json b/results/sdadas__mmlw-e5-small/external/HotpotQA-PL.json new file mode 100644 index 000000000..bcee85b79 --- /dev/null +++ b/results/sdadas__mmlw-e5-small/external/HotpotQA-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 32.627, + "map_at_10": 48.041, + "map_at_100": 49.008, + "map_at_1000": 49.092999999999996, + "map_at_3": 44.774, + "map_at_5": 46.791, + "mrr_at_1": 65.28, + "mrr_at_10": 72.53500000000001, + "mrr_at_100": 72.892, + "mrr_at_1000": 72.909, + "mrr_at_3": 71.083, + "mrr_at_5": 71.985, + "ndcg_at_1": 65.253, + "ndcg_at_10": 57.13700000000001, + "ndcg_at_100": 60.783, + "ndcg_at_1000": 62.507000000000005, + "ndcg_at_3": 52.17, + "ndcg_at_5": 54.896, + "precision_at_1": 65.253, + "precision_at_10": 12.088000000000001, + "precision_at_100": 1.496, + "precision_at_1000": 0.172, + "precision_at_3": 32.96, + "precision_at_5": 21.931, + "recall_at_1": 32.627, + "recall_at_10": 60.439, + "recall_at_100": 74.80799999999999, + "recall_at_1000": 86.219, + "recall_at_3": 49.44, + "recall_at_5": 54.827999999999996, + "main_score": 57.13700000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-small/external/MSMARCO-PL.json b/results/sdadas__mmlw-e5-small/external/MSMARCO-PL.json new file mode 100644 index 000000000..e0999b292 --- /dev/null +++ b/results/sdadas__mmlw-e5-small/external/MSMARCO-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 13.150999999999998, + "map_at_10": 21.179000000000002, + "map_at_100": 22.227, + "map_at_1000": 22.308, + "map_at_3": 18.473, + "map_at_5": 19.942999999999998, + "mrr_at_1": 13.467, + "mrr_at_10": 21.471, + "mrr_at_100": 22.509, + "mrr_at_1000": 22.585, + "mrr_at_3": 18.789, + "mrr_at_5": 20.262, + "ndcg_at_1": 13.539000000000001, + "ndcg_at_10": 25.942999999999998, + "ndcg_at_100": 31.386999999999997, + "ndcg_at_1000": 33.641, + "ndcg_at_3": 20.368, + "ndcg_at_5": 23.003999999999998, + "precision_at_1": 13.539000000000001, + "precision_at_10": 4.249, + "precision_at_100": 0.7040000000000001, + "precision_at_1000": 0.09, + "precision_at_3": 8.782, + "precision_at_5": 6.6049999999999995, + "recall_at_1": 13.150999999999998, + "recall_at_10": 40.698, + "recall_at_100": 66.71000000000001, + "recall_at_1000": 84.491, + "recall_at_3": 25.452, + "recall_at_5": 31.791000000000004, + "main_score": 25.942999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-small/external/MassiveIntentClassification.json b/results/sdadas__mmlw-e5-small/external/MassiveIntentClassification.json new file mode 100644 index 000000000..5043913d7 --- /dev/null +++ b/results/sdadas__mmlw-e5-small/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 67.3537323470074, + "f1": 64.67852047603644, + "main_score": 67.3537323470074 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-small/external/MassiveScenarioClassification.json b/results/sdadas__mmlw-e5-small/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..e0178cf93 --- /dev/null +++ b/results/sdadas__mmlw-e5-small/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 72.12508406186953, + "f1": 71.55887309568853, + "main_score": 72.12508406186953 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-small/external/NFCorpus-PL.json b/results/sdadas__mmlw-e5-small/external/NFCorpus-PL.json new file mode 100644 index 000000000..c3218ec0a --- /dev/null +++ b/results/sdadas__mmlw-e5-small/external/NFCorpus-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 4.18, + "map_at_10": 9.524000000000001, + "map_at_100": 12.272, + "map_at_1000": 13.616, + "map_at_3": 6.717, + "map_at_5": 8.172, + "mrr_at_1": 37.152, + "mrr_at_10": 45.068000000000005, + "mrr_at_100": 46.026, + "mrr_at_1000": 46.085, + "mrr_at_3": 43.344, + "mrr_at_5": 44.412, + "ndcg_at_1": 34.52, + "ndcg_at_10": 27.604, + "ndcg_at_100": 26.012999999999998, + "ndcg_at_1000": 35.272, + "ndcg_at_3": 31.538, + "ndcg_at_5": 30.165999999999997, + "precision_at_1": 36.223, + "precision_at_10": 21.053, + "precision_at_100": 7.08, + "precision_at_1000": 1.9929999999999999, + "precision_at_3": 30.031000000000002, + "precision_at_5": 26.997, + "recall_at_1": 4.18, + "recall_at_10": 12.901000000000002, + "recall_at_100": 27.438000000000002, + "recall_at_1000": 60.768, + "recall_at_3": 7.492, + "recall_at_5": 10.05, + "main_score": 27.604 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-small/external/NQ-PL.json b/results/sdadas__mmlw-e5-small/external/NQ-PL.json new file mode 100644 index 000000000..dbcb0760c --- /dev/null +++ b/results/sdadas__mmlw-e5-small/external/NQ-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 17.965, + "map_at_10": 28.04, + "map_at_100": 29.217, + "map_at_1000": 29.285, + "map_at_3": 24.818, + "map_at_5": 26.617, + "mrr_at_1": 20.22, + "mrr_at_10": 30.148000000000003, + "mrr_at_100": 31.137999999999998, + "mrr_at_1000": 31.19, + "mrr_at_3": 27.201999999999998, + "mrr_at_5": 28.884999999999998, + "ndcg_at_1": 20.365, + "ndcg_at_10": 33.832, + "ndcg_at_100": 39.33, + "ndcg_at_1000": 41.099999999999994, + "ndcg_at_3": 27.46, + "ndcg_at_5": 30.584, + "precision_at_1": 20.365, + "precision_at_10": 5.849, + "precision_at_100": 0.8959999999999999, + "precision_at_1000": 0.107, + "precision_at_3": 12.64, + "precision_at_5": 9.334000000000001, + "recall_at_1": 17.965, + "recall_at_10": 49.503, + "recall_at_100": 74.351, + "recall_at_1000": 87.766, + "recall_at_3": 32.665, + "recall_at_5": 39.974, + "main_score": 33.832 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-small/external/PAC.json b/results/sdadas__mmlw-e5-small/external/PAC.json new file mode 100644 index 000000000..6bb159c0d --- /dev/null +++ b/results/sdadas__mmlw-e5-small/external/PAC.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "PAC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 63.11323486823051, + "ap": 74.53486257377787, + "f1": 60.631005373417736, + "main_score": 63.11323486823051 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-small/external/PSC.json b/results/sdadas__mmlw-e5-small/external/PSC.json new file mode 100644 index 000000000..5822a132b --- /dev/null +++ b/results/sdadas__mmlw-e5-small/external/PSC.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "PSC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cos_sim_accuracy": 96.93877551020408, + "cos_sim_ap": 98.86489482248999, + "cos_sim_f1": 95.11111111111113, + "cos_sim_precision": 92.507204610951, + "cos_sim_recall": 97.86585365853658, + "dot_accuracy": 95.73283858998145, + "dot_ap": 97.8261652492545, + "dot_f1": 93.21533923303835, + "dot_precision": 90.28571428571428, + "dot_recall": 96.34146341463415, + "euclidean_accuracy": 96.93877551020408, + "euclidean_ap": 98.84837797066623, + "euclidean_f1": 95.11111111111113, + "euclidean_precision": 92.507204610951, + "euclidean_recall": 97.86585365853658, + "manhattan_accuracy": 96.84601113172542, + "manhattan_ap": 98.78659090944161, + "manhattan_f1": 94.9404761904762, + "manhattan_precision": 92.73255813953489, + "manhattan_recall": 97.2560975609756, + "max_accuracy": 96.93877551020408, + "max_ap": 98.86489482248999, + "max_f1": 95.11111111111113, + "main_score": 98.86489482248999 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-small/external/PolEmo2.0-IN.json b/results/sdadas__mmlw-e5-small/external/PolEmo2.0-IN.json new file mode 100644 index 000000000..dcd55cb9f --- /dev/null +++ b/results/sdadas__mmlw-e5-small/external/PolEmo2.0-IN.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "PolEmo2.0-IN", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 63.961218836565095, + "f1": 64.3979989243291, + "main_score": 63.961218836565095 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-small/external/PolEmo2.0-OUT.json b/results/sdadas__mmlw-e5-small/external/PolEmo2.0-OUT.json new file mode 100644 index 000000000..a5748fb8e --- /dev/null +++ b/results/sdadas__mmlw-e5-small/external/PolEmo2.0-OUT.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "PolEmo2.0-OUT", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 40.32388663967612, + "f1": 32.339117999015755, + "main_score": 40.32388663967612 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-small/external/Quora-PL.json b/results/sdadas__mmlw-e5-small/external/Quora-PL.json new file mode 100644 index 000000000..cdf878d4f --- /dev/null +++ b/results/sdadas__mmlw-e5-small/external/Quora-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Quora-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 62.757, + "map_at_10": 76.55999999999999, + "map_at_100": 77.328, + "map_at_1000": 77.35499999999999, + "map_at_3": 73.288, + "map_at_5": 75.25500000000001, + "mrr_at_1": 72.28, + "mrr_at_10": 79.879, + "mrr_at_100": 80.121, + "mrr_at_1000": 80.12700000000001, + "mrr_at_3": 78.40700000000001, + "mrr_at_5": 79.357, + "ndcg_at_1": 72.33000000000001, + "ndcg_at_10": 81.151, + "ndcg_at_100": 83.107, + "ndcg_at_1000": 83.397, + "ndcg_at_3": 77.3, + "ndcg_at_5": 79.307, + "precision_at_1": 72.33000000000001, + "precision_at_10": 12.587000000000002, + "precision_at_100": 1.488, + "precision_at_1000": 0.155, + "precision_at_3": 33.943, + "precision_at_5": 22.61, + "recall_at_1": 62.757, + "recall_at_10": 90.616, + "recall_at_100": 97.905, + "recall_at_1000": 99.618, + "recall_at_3": 79.928, + "recall_at_5": 85.30499999999999, + "main_score": 81.151 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-small/external/SCIDOCS-PL.json b/results/sdadas__mmlw-e5-small/external/SCIDOCS-PL.json new file mode 100644 index 000000000..7dc438de0 --- /dev/null +++ b/results/sdadas__mmlw-e5-small/external/SCIDOCS-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 3.313, + "map_at_10": 8.559999999999999, + "map_at_100": 10.177999999999999, + "map_at_1000": 10.459999999999999, + "map_at_3": 6.094, + "map_at_5": 7.323, + "mrr_at_1": 16.3, + "mrr_at_10": 25.579, + "mrr_at_100": 26.717000000000002, + "mrr_at_1000": 26.799, + "mrr_at_3": 22.583000000000002, + "mrr_at_5": 24.298000000000002, + "ndcg_at_1": 16.3, + "ndcg_at_10": 14.789, + "ndcg_at_100": 21.731, + "ndcg_at_1000": 27.261999999999997, + "ndcg_at_3": 13.74, + "ndcg_at_5": 12.199, + "precision_at_1": 16.3, + "precision_at_10": 7.779999999999999, + "precision_at_100": 1.79, + "precision_at_1000": 0.313, + "precision_at_3": 12.933, + "precision_at_5": 10.86, + "recall_at_1": 3.313, + "recall_at_10": 15.772, + "recall_at_100": 36.392, + "recall_at_1000": 63.525, + "recall_at_3": 7.863, + "recall_at_5": 11.003, + "main_score": 14.789 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-small/external/SICK-E-PL.json b/results/sdadas__mmlw-e5-small/external/SICK-E-PL.json new file mode 100644 index 000000000..c1844154a --- /dev/null +++ b/results/sdadas__mmlw-e5-small/external/SICK-E-PL.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "SICK-E-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cos_sim_accuracy": 81.7977986139421, + "cos_sim_ap": 73.21294750778902, + "cos_sim_f1": 66.57391304347826, + "cos_sim_precision": 65.05778382053025, + "cos_sim_recall": 68.16239316239316, + "dot_accuracy": 78.67916836526702, + "dot_ap": 63.61943815978181, + "dot_f1": 62.45014245014245, + "dot_precision": 52.04178537511871, + "dot_recall": 78.06267806267806, + "euclidean_accuracy": 81.7774154097024, + "euclidean_ap": 73.25053778387148, + "euclidean_f1": 66.55064392620953, + "euclidean_precision": 65.0782845473111, + "euclidean_recall": 68.09116809116809, + "manhattan_accuracy": 81.63473298002447, + "manhattan_ap": 72.99781945530033, + "manhattan_f1": 66.3623595505618, + "manhattan_precision": 65.4432132963989, + "manhattan_recall": 67.3076923076923, + "max_accuracy": 81.7977986139421, + "max_ap": 73.25053778387148, + "max_f1": 66.57391304347826, + "main_score": 73.25053778387148 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-small/external/SICK-R-PL.json b/results/sdadas__mmlw-e5-small/external/SICK-R-PL.json new file mode 100644 index 000000000..d1416a74b --- /dev/null +++ b/results/sdadas__mmlw-e5-small/external/SICK-R-PL.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "SICK-R-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cos_sim_pearson": 79.62332929388755, + "cos_sim_spearman": 73.70598290849304, + "euclidean_pearson": 77.3603286710006, + "euclidean_spearman": 73.74420279933932, + "manhattan_pearson": 77.12735032552482, + "manhattan_spearman": 73.53014836690127, + "cosine_pearson": 79.62332929388755, + "cosine_spearman": 73.70598290849304, + "main_score": 73.70598290849304 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-small/external/STS22.json b/results/sdadas__mmlw-e5-small/external/STS22.json new file mode 100644 index 000000000..d1b30dc07 --- /dev/null +++ b/results/sdadas__mmlw-e5-small/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "cos_sim_pearson": 37.696942928686724, + "cos_sim_spearman": 40.6271445245692, + "euclidean_pearson": 30.212734461370832, + "euclidean_spearman": 40.66643376699638, + "manhattan_pearson": 29.90223716230108, + "manhattan_spearman": 40.35576319091178, + "cosine_pearson": 37.696942928686724, + "cosine_spearman": 40.6271445245692, + "main_score": 40.6271445245692 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-small/external/SciFact-PL.json b/results/sdadas__mmlw-e5-small/external/SciFact-PL.json new file mode 100644 index 000000000..660c2e064 --- /dev/null +++ b/results/sdadas__mmlw-e5-small/external/SciFact-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 43.528, + "map_at_10": 53.290000000000006, + "map_at_100": 54.342, + "map_at_1000": 54.376999999999995, + "map_at_3": 50.651999999999994, + "map_at_5": 52.248000000000005, + "mrr_at_1": 46.666999999999994, + "mrr_at_10": 55.286, + "mrr_at_100": 56.094, + "mrr_at_1000": 56.125, + "mrr_at_3": 53.222, + "mrr_at_5": 54.339000000000006, + "ndcg_at_1": 46.0, + "ndcg_at_10": 58.142, + "ndcg_at_100": 62.426, + "ndcg_at_1000": 63.395999999999994, + "ndcg_at_3": 53.53, + "ndcg_at_5": 55.842000000000006, + "precision_at_1": 46.0, + "precision_at_10": 7.9670000000000005, + "precision_at_100": 1.023, + "precision_at_1000": 0.11100000000000002, + "precision_at_3": 21.444, + "precision_at_5": 14.333000000000002, + "recall_at_1": 43.528, + "recall_at_10": 71.511, + "recall_at_100": 89.93299999999999, + "recall_at_1000": 97.667, + "recall_at_3": 59.067, + "recall_at_5": 64.789, + "main_score": 58.142 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-small/external/TRECCOVID-PL.json b/results/sdadas__mmlw-e5-small/external/TRECCOVID-PL.json new file mode 100644 index 000000000..c245253da --- /dev/null +++ b/results/sdadas__mmlw-e5-small/external/TRECCOVID-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 0.22699999999999998, + "map_at_10": 1.3379999999999999, + "map_at_100": 6.965000000000001, + "map_at_1000": 17.135, + "map_at_3": 0.53, + "map_at_5": 0.799, + "mrr_at_1": 84.0, + "mrr_at_10": 88.083, + "mrr_at_100": 88.432, + "mrr_at_1000": 88.432, + "mrr_at_3": 87.333, + "mrr_at_5": 87.833, + "ndcg_at_1": 76.0, + "ndcg_at_10": 58.199, + "ndcg_at_100": 43.230000000000004, + "ndcg_at_1000": 39.751, + "ndcg_at_3": 63.743, + "ndcg_at_5": 60.42999999999999, + "precision_at_1": 84.0, + "precision_at_10": 62.0, + "precision_at_100": 44.519999999999996, + "precision_at_1000": 17.746000000000002, + "precision_at_3": 67.333, + "precision_at_5": 63.2, + "recall_at_1": 0.22699999999999998, + "recall_at_10": 1.627, + "recall_at_100": 10.600999999999999, + "recall_at_1000": 37.532, + "recall_at_3": 0.547, + "recall_at_5": 0.864, + "main_score": 58.199 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-e5-small/external/model_meta.json b/results/sdadas__mmlw-e5-small/external/model_meta.json new file mode 100644 index 000000000..fa51cc566 --- /dev/null +++ b/results/sdadas__mmlw-e5-small/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "sdadas/mmlw-e5-small", + "revision": "ff1298cb6d997f18b794d2f3d73cad2ba2ad739a", + "release_date": "2023-11-17", + "languages": [ + "pl" + ], + "loader": null, + "n_parameters": 117653760, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 384, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/sdadas__mmlw-roberta-base/external/AllegroReviews.json b/results/sdadas__mmlw-roberta-base/external/AllegroReviews.json new file mode 100644 index 000000000..8d01ed3c5 --- /dev/null +++ b/results/sdadas__mmlw-roberta-base/external/AllegroReviews.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "AllegroReviews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 40.25844930417495, + "f1": 35.59685265418916, + "main_score": 40.25844930417495 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-roberta-base/external/ArguAna-PL.json b/results/sdadas__mmlw-roberta-base/external/ArguAna-PL.json new file mode 100644 index 000000000..c7130c051 --- /dev/null +++ b/results/sdadas__mmlw-roberta-base/external/ArguAna-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 33.073, + "map_at_10": 50.223, + "map_at_100": 50.942, + "map_at_1000": 50.94499999999999, + "map_at_3": 45.721000000000004, + "map_at_5": 48.413000000000004, + "mrr_at_1": 34.424, + "mrr_at_10": 50.68899999999999, + "mrr_at_100": 51.437999999999995, + "mrr_at_1000": 51.441, + "mrr_at_3": 46.219, + "mrr_at_5": 48.921, + "ndcg_at_1": 33.073, + "ndcg_at_10": 59.021, + "ndcg_at_100": 61.902, + "ndcg_at_1000": 61.983999999999995, + "ndcg_at_3": 49.818, + "ndcg_at_5": 54.644999999999996, + "precision_at_1": 33.073, + "precision_at_10": 8.684, + "precision_at_100": 0.9900000000000001, + "precision_at_1000": 0.1, + "precision_at_3": 20.555, + "precision_at_5": 14.666, + "recall_at_1": 33.073, + "recall_at_10": 86.842, + "recall_at_100": 99.004, + "recall_at_1000": 99.644, + "recall_at_3": 61.663999999999994, + "recall_at_5": 73.329, + "main_score": 59.021 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-roberta-base/external/CBD.json b/results/sdadas__mmlw-roberta-base/external/CBD.json new file mode 100644 index 000000000..29b068ff1 --- /dev/null +++ b/results/sdadas__mmlw-roberta-base/external/CBD.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "CBD", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 68.11, + "ap": 20.916633959031266, + "f1": 56.85804802205465, + "main_score": 68.11 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-roberta-base/external/CDSC-E.json b/results/sdadas__mmlw-roberta-base/external/CDSC-E.json new file mode 100644 index 000000000..4ca5c9973 --- /dev/null +++ b/results/sdadas__mmlw-roberta-base/external/CDSC-E.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "CDSC-E", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cos_sim_accuracy": 89.2, + "cos_sim_ap": 79.1041156765933, + "cos_sim_f1": 70.0, + "cos_sim_precision": 74.11764705882354, + "cos_sim_recall": 66.3157894736842, + "dot_accuracy": 88.2, + "dot_ap": 72.57183688228149, + "dot_f1": 67.16417910447761, + "dot_precision": 63.67924528301887, + "dot_recall": 71.05263157894737, + "euclidean_accuracy": 89.3, + "euclidean_ap": 79.01345533432428, + "euclidean_f1": 70.19498607242339, + "euclidean_precision": 74.55621301775149, + "euclidean_recall": 66.3157894736842, + "manhattan_accuracy": 89.3, + "manhattan_ap": 79.01671381791259, + "manhattan_f1": 70.0280112044818, + "manhattan_precision": 74.8502994011976, + "manhattan_recall": 65.78947368421053, + "max_accuracy": 89.3, + "max_ap": 79.1041156765933, + "max_f1": 70.19498607242339, + "main_score": 79.1041156765933 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-roberta-base/external/CDSC-R.json b/results/sdadas__mmlw-roberta-base/external/CDSC-R.json new file mode 100644 index 000000000..213eaf266 --- /dev/null +++ b/results/sdadas__mmlw-roberta-base/external/CDSC-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "CDSC-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cos_sim_pearson": 91.79559442663039, + "cos_sim_spearman": 92.5438168962641, + "euclidean_pearson": 92.02981265332856, + "euclidean_spearman": 92.5548245733484, + "manhattan_pearson": 91.95296287979178, + "manhattan_spearman": 92.50279516120241, + "cosine_pearson": 91.79559442663039, + "cosine_spearman": 92.5438168962641, + "main_score": 92.5438168962641 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-roberta-base/external/DBPedia-PL.json b/results/sdadas__mmlw-roberta-base/external/DBPedia-PL.json new file mode 100644 index 000000000..921668584 --- /dev/null +++ b/results/sdadas__mmlw-roberta-base/external/DBPedia-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 7.829999999999999, + "map_at_10": 16.616, + "map_at_100": 23.629, + "map_at_1000": 25.235999999999997, + "map_at_3": 12.485, + "map_at_5": 14.077, + "mrr_at_1": 61.75000000000001, + "mrr_at_10": 69.852, + "mrr_at_100": 70.279, + "mrr_at_1000": 70.294, + "mrr_at_3": 68.375, + "mrr_at_5": 69.187, + "ndcg_at_1": 49.75, + "ndcg_at_10": 36.217, + "ndcg_at_100": 41.235, + "ndcg_at_1000": 48.952, + "ndcg_at_3": 41.669, + "ndcg_at_5": 38.285000000000004, + "precision_at_1": 61.5, + "precision_at_10": 28.499999999999996, + "precision_at_100": 9.572, + "precision_at_1000": 2.025, + "precision_at_3": 44.083, + "precision_at_5": 36.3, + "recall_at_1": 7.829999999999999, + "recall_at_10": 21.462999999999997, + "recall_at_100": 47.095, + "recall_at_1000": 71.883, + "recall_at_3": 13.891, + "recall_at_5": 16.326999999999998, + "main_score": 36.217 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-roberta-base/external/FiQA-PL.json b/results/sdadas__mmlw-roberta-base/external/FiQA-PL.json new file mode 100644 index 000000000..664e1576e --- /dev/null +++ b/results/sdadas__mmlw-roberta-base/external/FiQA-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 16.950000000000003, + "map_at_10": 27.422, + "map_at_100": 29.146, + "map_at_1000": 29.328, + "map_at_3": 23.735999999999997, + "map_at_5": 25.671, + "mrr_at_1": 33.796, + "mrr_at_10": 42.689, + "mrr_at_100": 43.522, + "mrr_at_1000": 43.563, + "mrr_at_3": 40.226, + "mrr_at_5": 41.685, + "ndcg_at_1": 33.642, + "ndcg_at_10": 35.008, + "ndcg_at_100": 41.839, + "ndcg_at_1000": 45.035, + "ndcg_at_3": 31.358999999999998, + "ndcg_at_5": 32.377, + "precision_at_1": 33.642, + "precision_at_10": 9.937999999999999, + "precision_at_100": 1.685, + "precision_at_1000": 0.22699999999999998, + "precision_at_3": 21.142, + "precision_at_5": 15.586, + "recall_at_1": 16.950000000000003, + "recall_at_10": 42.286, + "recall_at_100": 68.51899999999999, + "recall_at_1000": 87.471, + "recall_at_3": 28.834, + "recall_at_5": 34.274, + "main_score": 35.008 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-roberta-base/external/HotpotQA-PL.json b/results/sdadas__mmlw-roberta-base/external/HotpotQA-PL.json new file mode 100644 index 000000000..95eb8c574 --- /dev/null +++ b/results/sdadas__mmlw-roberta-base/external/HotpotQA-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 37.711, + "map_at_10": 57.867999999999995, + "map_at_100": 58.77, + "map_at_1000": 58.836999999999996, + "map_at_3": 54.400999999999996, + "map_at_5": 56.564, + "mrr_at_1": 75.449, + "mrr_at_10": 81.575, + "mrr_at_100": 81.783, + "mrr_at_1000": 81.792, + "mrr_at_3": 80.50399999999999, + "mrr_at_5": 81.172, + "ndcg_at_1": 75.422, + "ndcg_at_10": 66.635, + "ndcg_at_100": 69.85, + "ndcg_at_1000": 71.179, + "ndcg_at_3": 61.648, + "ndcg_at_5": 64.412, + "precision_at_1": 75.422, + "precision_at_10": 13.962, + "precision_at_100": 1.649, + "precision_at_1000": 0.183, + "precision_at_3": 39.172000000000004, + "precision_at_5": 25.691000000000003, + "recall_at_1": 37.711, + "recall_at_10": 69.811, + "recall_at_100": 82.471, + "recall_at_1000": 91.29, + "recall_at_3": 58.757999999999996, + "recall_at_5": 64.227, + "main_score": 66.635 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-roberta-base/external/MSMARCO-PL.json b/results/sdadas__mmlw-roberta-base/external/MSMARCO-PL.json new file mode 100644 index 000000000..8d7d4078d --- /dev/null +++ b/results/sdadas__mmlw-roberta-base/external/MSMARCO-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 17.033, + "map_at_10": 27.242, + "map_at_100": 28.451999999999998, + "map_at_1000": 28.515, + "map_at_3": 24.046, + "map_at_5": 25.840999999999998, + "mrr_at_1": 17.493, + "mrr_at_10": 27.67, + "mrr_at_100": 28.823999999999998, + "mrr_at_1000": 28.881, + "mrr_at_3": 24.529999999999998, + "mrr_at_5": 26.27, + "ndcg_at_1": 17.479, + "ndcg_at_10": 33.048, + "ndcg_at_100": 39.071, + "ndcg_at_1000": 40.739999999999995, + "ndcg_at_3": 26.493, + "ndcg_at_5": 29.701, + "precision_at_1": 17.479, + "precision_at_10": 5.324, + "precision_at_100": 0.8380000000000001, + "precision_at_1000": 0.098, + "precision_at_3": 11.408999999999999, + "precision_at_5": 8.469999999999999, + "recall_at_1": 17.033, + "recall_at_10": 50.929, + "recall_at_100": 79.262, + "recall_at_1000": 92.239, + "recall_at_3": 33.06, + "recall_at_5": 40.747, + "main_score": 33.048 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-roberta-base/external/MassiveIntentClassification.json b/results/sdadas__mmlw-roberta-base/external/MassiveIntentClassification.json new file mode 100644 index 000000000..3daf4d48e --- /dev/null +++ b/results/sdadas__mmlw-roberta-base/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 72.31002017484867, + "f1": 69.61603671063031, + "main_score": 72.31002017484867 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-roberta-base/external/MassiveScenarioClassification.json b/results/sdadas__mmlw-roberta-base/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..269e12133 --- /dev/null +++ b/results/sdadas__mmlw-roberta-base/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 75.52790854068594, + "f1": 75.4053872472259, + "main_score": 75.52790854068594 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-roberta-base/external/NFCorpus-PL.json b/results/sdadas__mmlw-roberta-base/external/NFCorpus-PL.json new file mode 100644 index 000000000..647834f41 --- /dev/null +++ b/results/sdadas__mmlw-roberta-base/external/NFCorpus-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 5.877000000000001, + "map_at_10": 12.817, + "map_at_100": 16.247, + "map_at_1000": 17.683, + "map_at_3": 9.334000000000001, + "map_at_5": 10.886999999999999, + "mrr_at_1": 45.201, + "mrr_at_10": 52.7, + "mrr_at_100": 53.425999999999995, + "mrr_at_1000": 53.461000000000006, + "mrr_at_3": 50.464, + "mrr_at_5": 51.827, + "ndcg_at_1": 41.949999999999996, + "ndcg_at_10": 34.144999999999996, + "ndcg_at_100": 31.556, + "ndcg_at_1000": 40.265, + "ndcg_at_3": 38.07, + "ndcg_at_5": 36.571, + "precision_at_1": 44.272, + "precision_at_10": 25.697, + "precision_at_100": 8.077, + "precision_at_1000": 2.084, + "precision_at_3": 36.016999999999996, + "precision_at_5": 31.703, + "recall_at_1": 5.877000000000001, + "recall_at_10": 16.986, + "recall_at_100": 32.719, + "recall_at_1000": 63.763000000000005, + "recall_at_3": 10.292, + "recall_at_5": 12.886000000000001, + "main_score": 34.144999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-roberta-base/external/NQ-PL.json b/results/sdadas__mmlw-roberta-base/external/NQ-PL.json new file mode 100644 index 000000000..c6c338859 --- /dev/null +++ b/results/sdadas__mmlw-roberta-base/external/NQ-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 25.476, + "map_at_10": 38.67, + "map_at_100": 39.784000000000006, + "map_at_1000": 39.831, + "map_at_3": 34.829, + "map_at_5": 37.025000000000006, + "mrr_at_1": 28.621000000000002, + "mrr_at_10": 41.13, + "mrr_at_100": 42.028, + "mrr_at_1000": 42.059999999999995, + "mrr_at_3": 37.877, + "mrr_at_5": 39.763999999999996, + "ndcg_at_1": 28.563, + "ndcg_at_10": 45.654, + "ndcg_at_100": 50.695, + "ndcg_at_1000": 51.873999999999995, + "ndcg_at_3": 38.359, + "ndcg_at_5": 42.045, + "precision_at_1": 28.563, + "precision_at_10": 7.6450000000000005, + "precision_at_100": 1.052, + "precision_at_1000": 0.117, + "precision_at_3": 17.458000000000002, + "precision_at_5": 12.613, + "recall_at_1": 25.476, + "recall_at_10": 64.484, + "recall_at_100": 86.96199999999999, + "recall_at_1000": 95.872, + "recall_at_3": 45.527, + "recall_at_5": 54.029, + "main_score": 45.654 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-roberta-base/external/PAC.json b/results/sdadas__mmlw-roberta-base/external/PAC.json new file mode 100644 index 000000000..2ea2068cf --- /dev/null +++ b/results/sdadas__mmlw-roberta-base/external/PAC.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "PAC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 65.87315377932232, + "ap": 76.41966964416534, + "f1": 63.64417488639012, + "main_score": 65.87315377932232 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-roberta-base/external/PSC.json b/results/sdadas__mmlw-roberta-base/external/PSC.json new file mode 100644 index 000000000..c9af85dcf --- /dev/null +++ b/results/sdadas__mmlw-roberta-base/external/PSC.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "PSC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cos_sim_accuracy": 96.19666048237477, + "cos_sim_ap": 98.61237969571302, + "cos_sim_f1": 93.77845220030349, + "cos_sim_precision": 93.35347432024169, + "cos_sim_recall": 94.20731707317073, + "dot_accuracy": 94.89795918367348, + "dot_ap": 97.02853491357943, + "dot_f1": 91.85185185185186, + "dot_precision": 89.33717579250721, + "dot_recall": 94.51219512195121, + "euclidean_accuracy": 96.38218923933209, + "euclidean_ap": 98.58145584134218, + "euclidean_f1": 94.04580152671755, + "euclidean_precision": 94.18960244648318, + "euclidean_recall": 93.90243902439023, + "manhattan_accuracy": 96.47495361781077, + "manhattan_ap": 98.6108221024781, + "manhattan_f1": 94.18960244648318, + "manhattan_precision": 94.47852760736197, + "manhattan_recall": 93.90243902439023, + "max_accuracy": 96.47495361781077, + "max_ap": 98.61237969571302, + "max_f1": 94.18960244648318, + "main_score": 98.61237969571302 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-roberta-base/external/PolEmo2.0-IN.json b/results/sdadas__mmlw-roberta-base/external/PolEmo2.0-IN.json new file mode 100644 index 000000000..b40597f6e --- /dev/null +++ b/results/sdadas__mmlw-roberta-base/external/PolEmo2.0-IN.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "PolEmo2.0-IN", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 71.73130193905818, + "f1": 71.17731918813324, + "main_score": 71.73130193905818 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-roberta-base/external/PolEmo2.0-OUT.json b/results/sdadas__mmlw-roberta-base/external/PolEmo2.0-OUT.json new file mode 100644 index 000000000..267af63d0 --- /dev/null +++ b/results/sdadas__mmlw-roberta-base/external/PolEmo2.0-OUT.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "PolEmo2.0-OUT", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 46.59919028340081, + "f1": 37.216392949948954, + "main_score": 46.59919028340081 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-roberta-base/external/Quora-PL.json b/results/sdadas__mmlw-roberta-base/external/Quora-PL.json new file mode 100644 index 000000000..eccebf09c --- /dev/null +++ b/results/sdadas__mmlw-roberta-base/external/Quora-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Quora-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 66.134, + "map_at_10": 80.19, + "map_at_100": 80.937, + "map_at_1000": 80.95599999999999, + "map_at_3": 77.074, + "map_at_5": 79.054, + "mrr_at_1": 75.88000000000001, + "mrr_at_10": 83.226, + "mrr_at_100": 83.403, + "mrr_at_1000": 83.406, + "mrr_at_3": 82.03200000000001, + "mrr_at_5": 82.843, + "ndcg_at_1": 75.94, + "ndcg_at_10": 84.437, + "ndcg_at_100": 86.13, + "ndcg_at_1000": 86.29299999999999, + "ndcg_at_3": 81.07799999999999, + "ndcg_at_5": 83.0, + "precision_at_1": 75.94, + "precision_at_10": 12.953999999999999, + "precision_at_100": 1.514, + "precision_at_1000": 0.156, + "precision_at_3": 35.61, + "precision_at_5": 23.652, + "recall_at_1": 66.134, + "recall_at_10": 92.991, + "recall_at_100": 99.003, + "recall_at_1000": 99.86, + "recall_at_3": 83.643, + "recall_at_5": 88.81099999999999, + "main_score": 84.437 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-roberta-base/external/SCIDOCS-PL.json b/results/sdadas__mmlw-roberta-base/external/SCIDOCS-PL.json new file mode 100644 index 000000000..16685692f --- /dev/null +++ b/results/sdadas__mmlw-roberta-base/external/SCIDOCS-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 4.183, + "map_at_10": 10.626, + "map_at_100": 12.485, + "map_at_1000": 12.793, + "map_at_3": 7.531000000000001, + "map_at_5": 9.037, + "mrr_at_1": 20.5, + "mrr_at_10": 30.175, + "mrr_at_100": 31.356, + "mrr_at_1000": 31.421, + "mrr_at_3": 26.900000000000002, + "mrr_at_5": 28.689999999999998, + "ndcg_at_1": 20.599999999999998, + "ndcg_at_10": 17.84, + "ndcg_at_100": 25.518, + "ndcg_at_1000": 31.137999999999998, + "ndcg_at_3": 16.677, + "ndcg_at_5": 14.641000000000002, + "precision_at_1": 20.599999999999998, + "precision_at_10": 9.3, + "precision_at_100": 2.048, + "precision_at_1000": 0.33999999999999997, + "precision_at_3": 15.533, + "precision_at_5": 12.839999999999998, + "recall_at_1": 4.183, + "recall_at_10": 18.862000000000002, + "recall_at_100": 41.592, + "recall_at_1000": 69.037, + "recall_at_3": 9.443, + "recall_at_5": 13.028, + "main_score": 17.84 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-roberta-base/external/SICK-E-PL.json b/results/sdadas__mmlw-roberta-base/external/SICK-E-PL.json new file mode 100644 index 000000000..c7000e04c --- /dev/null +++ b/results/sdadas__mmlw-roberta-base/external/SICK-E-PL.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "SICK-E-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cos_sim_accuracy": 86.32286995515696, + "cos_sim_ap": 82.04302619416443, + "cos_sim_f1": 74.95572086432874, + "cos_sim_precision": 74.55954897815363, + "cos_sim_recall": 75.35612535612536, + "dot_accuracy": 83.9176518548716, + "dot_ap": 76.8608733580272, + "dot_f1": 72.31936654569449, + "dot_precision": 67.36324523663184, + "dot_recall": 78.06267806267806, + "euclidean_accuracy": 86.32286995515696, + "euclidean_ap": 81.9648986659308, + "euclidean_f1": 74.93796526054591, + "euclidean_precision": 74.59421312632321, + "euclidean_recall": 75.28490028490027, + "manhattan_accuracy": 86.30248675091724, + "manhattan_ap": 81.92853980116878, + "manhattan_f1": 74.80968858131489, + "manhattan_precision": 72.74562584118439, + "manhattan_recall": 76.99430199430199, + "max_accuracy": 86.32286995515696, + "max_ap": 82.04302619416443, + "max_f1": 74.95572086432874, + "main_score": 82.04302619416443 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-roberta-base/external/SICK-R-PL.json b/results/sdadas__mmlw-roberta-base/external/SICK-R-PL.json new file mode 100644 index 000000000..0a7ff7dab --- /dev/null +++ b/results/sdadas__mmlw-roberta-base/external/SICK-R-PL.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "SICK-R-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cos_sim_pearson": 83.07566183637853, + "cos_sim_spearman": 79.20198022242548, + "euclidean_pearson": 81.27875473517936, + "euclidean_spearman": 79.21560102311153, + "manhattan_pearson": 81.21559474880459, + "manhattan_spearman": 79.1537846814979, + "cosine_pearson": 83.07566183637853, + "cosine_spearman": 79.20198022242548, + "main_score": 79.20198022242548 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-roberta-base/external/STS22.json b/results/sdadas__mmlw-roberta-base/external/STS22.json new file mode 100644 index 000000000..9cb36c3b4 --- /dev/null +++ b/results/sdadas__mmlw-roberta-base/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "cos_sim_pearson": 36.39657573900194, + "cos_sim_spearman": 40.36403461037013, + "euclidean_pearson": 29.143416004776316, + "euclidean_spearman": 40.43197841306375, + "manhattan_pearson": 29.18632337290767, + "manhattan_spearman": 40.50563343395481, + "cosine_pearson": 36.39657573900194, + "cosine_spearman": 40.36403461037013, + "main_score": 40.36403461037013 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-roberta-base/external/SciFact-PL.json b/results/sdadas__mmlw-roberta-base/external/SciFact-PL.json new file mode 100644 index 000000000..538e0d5a5 --- /dev/null +++ b/results/sdadas__mmlw-roberta-base/external/SciFact-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 49.428, + "map_at_10": 60.423, + "map_at_100": 61.037, + "map_at_1000": 61.065999999999995, + "map_at_3": 56.989000000000004, + "map_at_5": 59.041999999999994, + "mrr_at_1": 52.666999999999994, + "mrr_at_10": 61.746, + "mrr_at_100": 62.273, + "mrr_at_1000": 62.300999999999995, + "mrr_at_3": 59.278, + "mrr_at_5": 60.611000000000004, + "ndcg_at_1": 52.333, + "ndcg_at_10": 65.75, + "ndcg_at_100": 68.566, + "ndcg_at_1000": 69.314, + "ndcg_at_3": 59.768, + "ndcg_at_5": 62.808, + "precision_at_1": 52.333, + "precision_at_10": 9.167, + "precision_at_100": 1.0630000000000002, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 23.778, + "precision_at_5": 16.2, + "recall_at_1": 49.428, + "recall_at_10": 81.07799999999999, + "recall_at_100": 93.93299999999999, + "recall_at_1000": 99.667, + "recall_at_3": 65.061, + "recall_at_5": 72.667, + "main_score": 65.75 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-roberta-base/external/TRECCOVID-PL.json b/results/sdadas__mmlw-roberta-base/external/TRECCOVID-PL.json new file mode 100644 index 000000000..d0e523b41 --- /dev/null +++ b/results/sdadas__mmlw-roberta-base/external/TRECCOVID-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 0.22100000000000003, + "map_at_10": 1.788, + "map_at_100": 9.937, + "map_at_1000": 24.762999999999998, + "map_at_3": 0.579, + "map_at_5": 0.947, + "mrr_at_1": 78.0, + "mrr_at_10": 88.067, + "mrr_at_100": 88.067, + "mrr_at_1000": 88.067, + "mrr_at_3": 87.667, + "mrr_at_5": 88.067, + "ndcg_at_1": 76.0, + "ndcg_at_10": 71.332, + "ndcg_at_100": 54.80500000000001, + "ndcg_at_1000": 49.504999999999995, + "ndcg_at_3": 73.693, + "ndcg_at_5": 73.733, + "precision_at_1": 82.0, + "precision_at_10": 76.8, + "precision_at_100": 56.68, + "precision_at_1000": 22.236, + "precision_at_3": 78.667, + "precision_at_5": 79.2, + "recall_at_1": 0.22100000000000003, + "recall_at_10": 2.033, + "recall_at_100": 13.431999999999999, + "recall_at_1000": 46.913, + "recall_at_3": 0.625, + "recall_at_5": 1.052, + "main_score": 71.332 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-roberta-base/external/model_meta.json b/results/sdadas__mmlw-roberta-base/external/model_meta.json new file mode 100644 index 000000000..693cb2a20 --- /dev/null +++ b/results/sdadas__mmlw-roberta-base/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "sdadas/mmlw-roberta-base", + "revision": "0ac7f23f6c96af601fa6a17852bd08d5136d6365", + "release_date": "2023-11-17", + "languages": [ + "pl" + ], + "loader": null, + "n_parameters": 124442880, + "memory_usage": null, + "max_tokens": 514, + "embed_dim": 768, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/sdadas__mmlw-roberta-large/external/AllegroReviews.json b/results/sdadas__mmlw-roberta-large/external/AllegroReviews.json new file mode 100644 index 000000000..ad0a54921 --- /dev/null +++ b/results/sdadas__mmlw-roberta-large/external/AllegroReviews.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "AllegroReviews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 47.48508946322067, + "f1": 42.33327527584009, + "main_score": 47.48508946322067 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-roberta-large/external/ArguAna-PL.json b/results/sdadas__mmlw-roberta-large/external/ArguAna-PL.json new file mode 100644 index 000000000..f2f62bfa2 --- /dev/null +++ b/results/sdadas__mmlw-roberta-large/external/ArguAna-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 38.834, + "map_at_10": 55.22899999999999, + "map_at_100": 55.791999999999994, + "map_at_1000": 55.794, + "map_at_3": 51.233, + "map_at_5": 53.772, + "mrr_at_1": 39.687, + "mrr_at_10": 55.596000000000004, + "mrr_at_100": 56.157000000000004, + "mrr_at_1000": 56.157999999999994, + "mrr_at_3": 51.66, + "mrr_at_5": 54.135, + "ndcg_at_1": 38.834, + "ndcg_at_10": 63.402, + "ndcg_at_100": 65.78, + "ndcg_at_1000": 65.816, + "ndcg_at_3": 55.349000000000004, + "ndcg_at_5": 59.892, + "precision_at_1": 38.834, + "precision_at_10": 8.905000000000001, + "precision_at_100": 0.9939999999999999, + "precision_at_1000": 0.1, + "precision_at_3": 22.428, + "precision_at_5": 15.647, + "recall_at_1": 38.834, + "recall_at_10": 89.047, + "recall_at_100": 99.36, + "recall_at_1000": 99.644, + "recall_at_3": 67.283, + "recall_at_5": 78.236, + "main_score": 63.402 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-roberta-large/external/CBD.json b/results/sdadas__mmlw-roberta-large/external/CBD.json new file mode 100644 index 000000000..8f92f7a93 --- /dev/null +++ b/results/sdadas__mmlw-roberta-large/external/CBD.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "CBD", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 69.33, + "ap": 22.972409521444508, + "f1": 58.91072163784952, + "main_score": 69.33 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-roberta-large/external/CDSC-E.json b/results/sdadas__mmlw-roberta-large/external/CDSC-E.json new file mode 100644 index 000000000..f09a6710b --- /dev/null +++ b/results/sdadas__mmlw-roberta-large/external/CDSC-E.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "CDSC-E", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cos_sim_accuracy": 89.8, + "cos_sim_ap": 79.87039801032493, + "cos_sim_f1": 68.53932584269663, + "cos_sim_precision": 73.49397590361446, + "cos_sim_recall": 64.21052631578948, + "dot_accuracy": 86.1, + "dot_ap": 63.684975861694035, + "dot_f1": 63.61746361746362, + "dot_precision": 52.57731958762887, + "dot_recall": 80.52631578947368, + "euclidean_accuracy": 89.8, + "euclidean_ap": 79.7527126811392, + "euclidean_f1": 68.46361185983827, + "euclidean_precision": 70.1657458563536, + "euclidean_recall": 66.84210526315789, + "manhattan_accuracy": 89.7, + "manhattan_ap": 79.64632771093657, + "manhattan_f1": 68.4931506849315, + "manhattan_precision": 71.42857142857143, + "manhattan_recall": 65.78947368421053, + "max_accuracy": 89.8, + "max_ap": 79.87039801032493, + "max_f1": 68.53932584269663, + "main_score": 79.87039801032493 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-roberta-large/external/CDSC-R.json b/results/sdadas__mmlw-roberta-large/external/CDSC-R.json new file mode 100644 index 000000000..ced61f502 --- /dev/null +++ b/results/sdadas__mmlw-roberta-large/external/CDSC-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "CDSC-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cos_sim_pearson": 92.1088892402831, + "cos_sim_spearman": 92.54126377343101, + "euclidean_pearson": 91.99022371986013, + "euclidean_spearman": 92.55235973775511, + "manhattan_pearson": 91.92170171331357, + "manhattan_spearman": 92.47797623672449, + "cosine_pearson": 92.1088892402831, + "cosine_spearman": 92.54126377343101, + "main_score": 92.54126377343101 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-roberta-large/external/DBPedia-PL.json b/results/sdadas__mmlw-roberta-large/external/DBPedia-PL.json new file mode 100644 index 000000000..663831957 --- /dev/null +++ b/results/sdadas__mmlw-roberta-large/external/DBPedia-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 8.683, + "map_at_10": 18.9, + "map_at_100": 26.933, + "map_at_1000": 28.558, + "map_at_3": 13.638, + "map_at_5": 15.9, + "mrr_at_1": 63.74999999999999, + "mrr_at_10": 73.566, + "mrr_at_100": 73.817, + "mrr_at_1000": 73.824, + "mrr_at_3": 71.875, + "mrr_at_5": 73.2, + "ndcg_at_1": 53.125, + "ndcg_at_10": 40.271, + "ndcg_at_100": 45.51, + "ndcg_at_1000": 52.968, + "ndcg_at_3": 45.122, + "ndcg_at_5": 42.306, + "precision_at_1": 63.74999999999999, + "precision_at_10": 31.55, + "precision_at_100": 10.440000000000001, + "precision_at_1000": 2.01, + "precision_at_3": 48.333, + "precision_at_5": 40.5, + "recall_at_1": 8.683, + "recall_at_10": 24.63, + "recall_at_100": 51.762, + "recall_at_1000": 75.64999999999999, + "recall_at_3": 15.136, + "recall_at_5": 18.678, + "main_score": 40.271 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-roberta-large/external/FiQA-PL.json b/results/sdadas__mmlw-roberta-large/external/FiQA-PL.json new file mode 100644 index 000000000..91c140dd5 --- /dev/null +++ b/results/sdadas__mmlw-roberta-large/external/FiQA-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 19.872999999999998, + "map_at_10": 32.923, + "map_at_100": 34.819, + "map_at_1000": 34.99, + "map_at_3": 28.500999999999998, + "map_at_5": 31.087999999999997, + "mrr_at_1": 40.432, + "mrr_at_10": 49.242999999999995, + "mrr_at_100": 50.014, + "mrr_at_1000": 50.05500000000001, + "mrr_at_3": 47.144999999999996, + "mrr_at_5": 48.171, + "ndcg_at_1": 40.586, + "ndcg_at_10": 40.887, + "ndcg_at_100": 47.701, + "ndcg_at_1000": 50.624, + "ndcg_at_3": 37.143, + "ndcg_at_5": 38.329, + "precision_at_1": 40.586, + "precision_at_10": 11.497, + "precision_at_100": 1.838, + "precision_at_1000": 0.23700000000000002, + "precision_at_3": 25.0, + "precision_at_5": 18.549, + "recall_at_1": 19.872999999999998, + "recall_at_10": 48.073, + "recall_at_100": 73.473, + "recall_at_1000": 90.94, + "recall_at_3": 33.645, + "recall_at_5": 39.711, + "main_score": 40.887 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-roberta-large/external/HotpotQA-PL.json b/results/sdadas__mmlw-roberta-large/external/HotpotQA-PL.json new file mode 100644 index 000000000..b758c576e --- /dev/null +++ b/results/sdadas__mmlw-roberta-large/external/HotpotQA-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 39.399, + "map_at_10": 62.604000000000006, + "map_at_100": 63.475, + "map_at_1000": 63.534, + "map_at_3": 58.870999999999995, + "map_at_5": 61.217, + "mrr_at_1": 78.758, + "mrr_at_10": 84.584, + "mrr_at_100": 84.753, + "mrr_at_1000": 84.759, + "mrr_at_3": 83.65700000000001, + "mrr_at_5": 84.283, + "ndcg_at_1": 78.798, + "ndcg_at_10": 71.04, + "ndcg_at_100": 74.048, + "ndcg_at_1000": 75.163, + "ndcg_at_3": 65.862, + "ndcg_at_5": 68.77600000000001, + "precision_at_1": 78.798, + "precision_at_10": 14.949000000000002, + "precision_at_100": 1.7309999999999999, + "precision_at_1000": 0.188, + "precision_at_3": 42.237, + "precision_at_5": 27.634999999999998, + "recall_at_1": 39.399, + "recall_at_10": 74.747, + "recall_at_100": 86.529, + "recall_at_1000": 93.849, + "recall_at_3": 63.356, + "recall_at_5": 69.08800000000001, + "main_score": 71.04 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-roberta-large/external/MSMARCO-PL.json b/results/sdadas__mmlw-roberta-large/external/MSMARCO-PL.json new file mode 100644 index 000000000..fce0aa0ef --- /dev/null +++ b/results/sdadas__mmlw-roberta-large/external/MSMARCO-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 19.598, + "map_at_10": 30.453999999999997, + "map_at_100": 31.601000000000003, + "map_at_1000": 31.66, + "map_at_3": 27.118, + "map_at_5": 28.943, + "mrr_at_1": 20.1, + "mrr_at_10": 30.978, + "mrr_at_100": 32.057, + "mrr_at_1000": 32.112, + "mrr_at_3": 27.679, + "mrr_at_5": 29.493000000000002, + "ndcg_at_1": 20.158, + "ndcg_at_10": 36.63, + "ndcg_at_100": 42.291000000000004, + "ndcg_at_1000": 43.828, + "ndcg_at_3": 29.744999999999997, + "ndcg_at_5": 33.024, + "precision_at_1": 20.158, + "precision_at_10": 5.811999999999999, + "precision_at_100": 0.868, + "precision_at_1000": 0.1, + "precision_at_3": 12.689, + "precision_at_5": 9.295, + "recall_at_1": 19.598, + "recall_at_10": 55.596999999999994, + "recall_at_100": 82.143, + "recall_at_1000": 94.015, + "recall_at_3": 36.720000000000006, + "recall_at_5": 44.606, + "main_score": 36.63 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-roberta-large/external/MassiveIntentClassification.json b/results/sdadas__mmlw-roberta-large/external/MassiveIntentClassification.json new file mode 100644 index 000000000..e9607f73b --- /dev/null +++ b/results/sdadas__mmlw-roberta-large/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 74.8117014122394, + "f1": 72.0259730121889, + "main_score": 74.8117014122394 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-roberta-large/external/MassiveScenarioClassification.json b/results/sdadas__mmlw-roberta-large/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..4a53adc60 --- /dev/null +++ b/results/sdadas__mmlw-roberta-large/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 77.84465366509752, + "f1": 77.73439218970051, + "main_score": 77.84465366509752 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-roberta-large/external/NFCorpus-PL.json b/results/sdadas__mmlw-roberta-large/external/NFCorpus-PL.json new file mode 100644 index 000000000..f54cc2175 --- /dev/null +++ b/results/sdadas__mmlw-roberta-large/external/NFCorpus-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 5.604, + "map_at_10": 12.684000000000001, + "map_at_100": 16.274, + "map_at_1000": 17.669, + "map_at_3": 9.347, + "map_at_5": 10.752, + "mrr_at_1": 43.963, + "mrr_at_10": 52.94, + "mrr_at_100": 53.571000000000005, + "mrr_at_1000": 53.613, + "mrr_at_3": 51.032, + "mrr_at_5": 52.193, + "ndcg_at_1": 41.486000000000004, + "ndcg_at_10": 33.937, + "ndcg_at_100": 31.726, + "ndcg_at_1000": 40.331, + "ndcg_at_3": 39.217, + "ndcg_at_5": 36.521, + "precision_at_1": 43.034, + "precision_at_10": 25.324999999999996, + "precision_at_100": 8.022, + "precision_at_1000": 2.0629999999999997, + "precision_at_3": 36.945, + "precision_at_5": 31.517, + "recall_at_1": 5.604, + "recall_at_10": 16.554, + "recall_at_100": 33.113, + "recall_at_1000": 62.832, + "recall_at_3": 10.397, + "recall_at_5": 12.629999999999999, + "main_score": 33.937 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-roberta-large/external/NQ-PL.json b/results/sdadas__mmlw-roberta-large/external/NQ-PL.json new file mode 100644 index 000000000..886794112 --- /dev/null +++ b/results/sdadas__mmlw-roberta-large/external/NQ-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 26.642, + "map_at_10": 40.367999999999995, + "map_at_100": 41.487, + "map_at_1000": 41.528, + "map_at_3": 36.292, + "map_at_5": 38.548, + "mrr_at_1": 30.156, + "mrr_at_10": 42.853, + "mrr_at_100": 43.742, + "mrr_at_1000": 43.772, + "mrr_at_3": 39.47, + "mrr_at_5": 41.366, + "ndcg_at_1": 30.214000000000002, + "ndcg_at_10": 47.620000000000005, + "ndcg_at_100": 52.486, + "ndcg_at_1000": 53.482, + "ndcg_at_3": 39.864, + "ndcg_at_5": 43.645, + "precision_at_1": 30.214000000000002, + "precision_at_10": 8.03, + "precision_at_100": 1.0739999999999998, + "precision_at_1000": 0.117, + "precision_at_3": 18.183, + "precision_at_5": 13.105, + "recall_at_1": 26.642, + "recall_at_10": 67.282, + "recall_at_100": 88.632, + "recall_at_1000": 96.109, + "recall_at_3": 47.048, + "recall_at_5": 55.791000000000004, + "main_score": 47.620000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-roberta-large/external/PAC.json b/results/sdadas__mmlw-roberta-large/external/PAC.json new file mode 100644 index 000000000..f0d77bee4 --- /dev/null +++ b/results/sdadas__mmlw-roberta-large/external/PAC.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "PAC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 64.69446857804807, + "ap": 75.58028779280512, + "f1": 62.3610392963539, + "main_score": 64.69446857804807 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-roberta-large/external/PSC.json b/results/sdadas__mmlw-roberta-large/external/PSC.json new file mode 100644 index 000000000..70974e7a1 --- /dev/null +++ b/results/sdadas__mmlw-roberta-large/external/PSC.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "PSC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cos_sim_accuracy": 97.03153988868274, + "cos_sim_ap": 98.63208302459417, + "cos_sim_f1": 95.06172839506173, + "cos_sim_precision": 96.25, + "cos_sim_recall": 93.90243902439023, + "dot_accuracy": 86.82745825602969, + "dot_ap": 83.77450133931302, + "dot_f1": 79.3053545586107, + "dot_precision": 75.48209366391184, + "dot_recall": 83.53658536585365, + "euclidean_accuracy": 97.03153988868274, + "euclidean_ap": 98.80678168225653, + "euclidean_f1": 95.20958083832335, + "euclidean_precision": 93.52941176470588, + "euclidean_recall": 96.95121951219512, + "manhattan_accuracy": 97.21706864564007, + "manhattan_ap": 98.82279484224186, + "manhattan_f1": 95.44072948328268, + "manhattan_precision": 95.15151515151516, + "manhattan_recall": 95.73170731707317, + "max_accuracy": 97.21706864564007, + "max_ap": 98.82279484224186, + "max_f1": 95.44072948328268, + "main_score": 98.82279484224186 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-roberta-large/external/PolEmo2.0-IN.json b/results/sdadas__mmlw-roberta-large/external/PolEmo2.0-IN.json new file mode 100644 index 000000000..a495b02ec --- /dev/null +++ b/results/sdadas__mmlw-roberta-large/external/PolEmo2.0-IN.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "PolEmo2.0-IN", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 76.84210526315789, + "f1": 75.49713789106988, + "main_score": 76.84210526315789 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-roberta-large/external/PolEmo2.0-OUT.json b/results/sdadas__mmlw-roberta-large/external/PolEmo2.0-OUT.json new file mode 100644 index 000000000..748f50428 --- /dev/null +++ b/results/sdadas__mmlw-roberta-large/external/PolEmo2.0-OUT.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "PolEmo2.0-OUT", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "accuracy": 53.7246963562753, + "f1": 43.060592194322986, + "main_score": 53.7246963562753 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-roberta-large/external/Quora-PL.json b/results/sdadas__mmlw-roberta-large/external/Quora-PL.json new file mode 100644 index 000000000..7df5296e8 --- /dev/null +++ b/results/sdadas__mmlw-roberta-large/external/Quora-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Quora-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 67.021, + "map_at_10": 81.362, + "map_at_100": 82.06700000000001, + "map_at_1000": 82.084, + "map_at_3": 78.223, + "map_at_5": 80.219, + "mrr_at_1": 77.17, + "mrr_at_10": 84.222, + "mrr_at_100": 84.37599999999999, + "mrr_at_1000": 84.379, + "mrr_at_3": 83.003, + "mrr_at_5": 83.834, + "ndcg_at_1": 77.29, + "ndcg_at_10": 85.506, + "ndcg_at_100": 87.0, + "ndcg_at_1000": 87.143, + "ndcg_at_3": 82.17, + "ndcg_at_5": 84.057, + "precision_at_1": 77.29, + "precision_at_10": 13.15, + "precision_at_100": 1.522, + "precision_at_1000": 0.156, + "precision_at_3": 36.173, + "precision_at_5": 23.988, + "recall_at_1": 67.021, + "recall_at_10": 93.943, + "recall_at_100": 99.167, + "recall_at_1000": 99.929, + "recall_at_3": 84.55799999999999, + "recall_at_5": 89.697, + "main_score": 85.506 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-roberta-large/external/SCIDOCS-PL.json b/results/sdadas__mmlw-roberta-large/external/SCIDOCS-PL.json new file mode 100644 index 000000000..47bea4dc3 --- /dev/null +++ b/results/sdadas__mmlw-roberta-large/external/SCIDOCS-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 4.523, + "map_at_10": 11.584, + "map_at_100": 13.705, + "map_at_1000": 14.038999999999998, + "map_at_3": 8.187999999999999, + "map_at_5": 9.922, + "mrr_at_1": 22.1, + "mrr_at_10": 32.946999999999996, + "mrr_at_100": 34.11, + "mrr_at_1000": 34.163, + "mrr_at_3": 29.633, + "mrr_at_5": 31.657999999999998, + "ndcg_at_1": 22.2, + "ndcg_at_10": 19.466, + "ndcg_at_100": 27.725, + "ndcg_at_1000": 33.539, + "ndcg_at_3": 18.26, + "ndcg_at_5": 16.265, + "precision_at_1": 22.2, + "precision_at_10": 10.11, + "precision_at_100": 2.204, + "precision_at_1000": 0.36, + "precision_at_3": 17.1, + "precision_at_5": 14.44, + "recall_at_1": 4.523, + "recall_at_10": 20.497, + "recall_at_100": 44.757000000000005, + "recall_at_1000": 73.14699999999999, + "recall_at_3": 10.413, + "recall_at_5": 14.638000000000002, + "main_score": 19.466 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-roberta-large/external/SICK-E-PL.json b/results/sdadas__mmlw-roberta-large/external/SICK-E-PL.json new file mode 100644 index 000000000..9e22ea85f --- /dev/null +++ b/results/sdadas__mmlw-roberta-large/external/SICK-E-PL.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "SICK-E-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cos_sim_accuracy": 87.4235629841011, + "cos_sim_ap": 84.46531935663157, + "cos_sim_f1": 77.18910963944077, + "cos_sim_precision": 79.83257229832572, + "cos_sim_recall": 74.71509971509973, + "dot_accuracy": 81.10476966979209, + "dot_ap": 71.12231750543143, + "dot_f1": 68.13455657492355, + "dot_precision": 59.69989281886387, + "dot_recall": 79.34472934472934, + "euclidean_accuracy": 87.21973094170403, + "euclidean_ap": 84.33077991405355, + "euclidean_f1": 76.81931132410365, + "euclidean_precision": 76.57466383581033, + "euclidean_recall": 77.06552706552706, + "manhattan_accuracy": 87.21973094170403, + "manhattan_ap": 84.35651252115137, + "manhattan_f1": 76.87004481213376, + "manhattan_precision": 74.48229792919172, + "manhattan_recall": 79.41595441595442, + "max_accuracy": 87.4235629841011, + "max_ap": 84.46531935663157, + "max_f1": 77.18910963944077, + "main_score": 84.46531935663157 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-roberta-large/external/SICK-R-PL.json b/results/sdadas__mmlw-roberta-large/external/SICK-R-PL.json new file mode 100644 index 000000000..fad086ac4 --- /dev/null +++ b/results/sdadas__mmlw-roberta-large/external/SICK-R-PL.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "SICK-R-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "cos_sim_pearson": 83.05629619004273, + "cos_sim_spearman": 79.90632583043678, + "euclidean_pearson": 81.56426663515931, + "euclidean_spearman": 80.05439220131294, + "manhattan_pearson": 81.52958181013108, + "manhattan_spearman": 80.0387467163383, + "cosine_pearson": 83.05629619004273, + "cosine_spearman": 79.90632583043678, + "main_score": 79.90632583043678 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-roberta-large/external/STS22.json b/results/sdadas__mmlw-roberta-large/external/STS22.json new file mode 100644 index 000000000..49288405c --- /dev/null +++ b/results/sdadas__mmlw-roberta-large/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "cos_sim_pearson": 35.93847200513348, + "cos_sim_spearman": 39.31543525546526, + "euclidean_pearson": 30.19743936591465, + "euclidean_spearman": 39.966612599252095, + "manhattan_pearson": 30.195614462473387, + "manhattan_spearman": 39.822552043685754, + "cosine_pearson": 35.93847200513348, + "cosine_spearman": 39.31543525546526, + "main_score": 39.31543525546526 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-roberta-large/external/SciFact-PL.json b/results/sdadas__mmlw-roberta-large/external/SciFact-PL.json new file mode 100644 index 000000000..e9a6feed3 --- /dev/null +++ b/results/sdadas__mmlw-roberta-large/external/SciFact-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 56.05, + "map_at_10": 65.93299999999999, + "map_at_100": 66.571, + "map_at_1000": 66.60000000000001, + "map_at_3": 63.489, + "map_at_5": 64.91799999999999, + "mrr_at_1": 59.0, + "mrr_at_10": 67.026, + "mrr_at_100": 67.559, + "mrr_at_1000": 67.586, + "mrr_at_3": 65.444, + "mrr_at_5": 66.278, + "ndcg_at_1": 59.0, + "ndcg_at_10": 70.233, + "ndcg_at_100": 72.789, + "ndcg_at_1000": 73.637, + "ndcg_at_3": 66.40700000000001, + "ndcg_at_5": 68.206, + "precision_at_1": 59.0, + "precision_at_10": 9.367, + "precision_at_100": 1.06, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 26.222, + "precision_at_5": 17.067, + "recall_at_1": 56.05, + "recall_at_10": 82.089, + "recall_at_100": 93.167, + "recall_at_1000": 100.0, + "recall_at_3": 71.822, + "recall_at_5": 76.483, + "main_score": 70.233 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-roberta-large/external/TRECCOVID-PL.json b/results/sdadas__mmlw-roberta-large/external/TRECCOVID-PL.json new file mode 100644 index 000000000..0638eaa79 --- /dev/null +++ b/results/sdadas__mmlw-roberta-large/external/TRECCOVID-PL.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID-PL", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "pol-Latn" + ], + "map_at_1": 0.21, + "map_at_10": 1.7680000000000002, + "map_at_100": 9.447999999999999, + "map_at_1000": 21.728, + "map_at_3": 0.603, + "map_at_5": 0.9610000000000001, + "mrr_at_1": 80.0, + "mrr_at_10": 88.667, + "mrr_at_100": 88.667, + "mrr_at_1000": 88.667, + "mrr_at_3": 87.667, + "mrr_at_5": 88.667, + "ndcg_at_1": 77.0, + "ndcg_at_10": 70.814, + "ndcg_at_100": 52.532000000000004, + "ndcg_at_1000": 45.635999999999996, + "ndcg_at_3": 76.542, + "ndcg_at_5": 73.24000000000001, + "precision_at_1": 80.0, + "precision_at_10": 75.0, + "precision_at_100": 53.879999999999995, + "precision_at_1000": 20.002, + "precision_at_3": 80.0, + "precision_at_5": 76.4, + "recall_at_1": 0.21, + "recall_at_10": 2.012, + "recall_at_100": 12.781999999999998, + "recall_at_1000": 42.05, + "recall_at_3": 0.644, + "recall_at_5": 1.04, + "main_score": 70.814 + } + ] + } +} \ No newline at end of file diff --git a/results/sdadas__mmlw-roberta-large/external/model_meta.json b/results/sdadas__mmlw-roberta-large/external/model_meta.json new file mode 100644 index 000000000..48cce3df9 --- /dev/null +++ b/results/sdadas__mmlw-roberta-large/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "sdadas/mmlw-roberta-large", + "revision": "b8058066a8de32d0737b3cd82d8b4f4108745af9", + "release_date": "2023-11-17", + "languages": [ + "pl" + ], + "loader": null, + "n_parameters": 434961408, + "memory_usage": null, + "max_tokens": 514, + "embed_dim": 1024, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/sensenova__piccolo-base-zh/external/AFQMC.json b/results/sensenova__piccolo-base-zh/external/AFQMC.json new file mode 100644 index 000000000..ae68545a9 --- /dev/null +++ b/results/sensenova__piccolo-base-zh/external/AFQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 49.16558217326158, + "cos_sim_spearman": 51.4049475858823, + "euclidean_pearson": 49.85853741070363, + "euclidean_spearman": 51.501428092542234, + "manhattan_pearson": 49.746099634926296, + "manhattan_spearman": 51.41081804320127, + "cosine_pearson": 49.16558217326158, + "cosine_spearman": 51.4049475858823, + "main_score": 51.4049475858823 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-base-zh/external/ATEC.json b/results/sensenova__piccolo-base-zh/external/ATEC.json new file mode 100644 index 000000000..0456121ae --- /dev/null +++ b/results/sensenova__piccolo-base-zh/external/ATEC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 52.385361699031854, + "cos_sim_spearman": 52.59114913702212, + "euclidean_pearson": 54.994530439418355, + "euclidean_spearman": 52.54102886188004, + "manhattan_pearson": 54.9503071669608, + "manhattan_spearman": 52.51465652540901, + "cosine_pearson": 52.385361699031854, + "cosine_spearman": 52.59114913702212, + "main_score": 52.59114913702212 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-base-zh/external/AmazonReviewsClassification.json b/results/sensenova__piccolo-base-zh/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..663bfd940 --- /dev/null +++ b/results/sensenova__piccolo-base-zh/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 40.236, + "f1": 39.43040092463147, + "main_score": 40.236 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-base-zh/external/BQ.json b/results/sensenova__piccolo-base-zh/external/BQ.json new file mode 100644 index 000000000..98a255231 --- /dev/null +++ b/results/sensenova__piccolo-base-zh/external/BQ.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 60.98952187211432, + "cos_sim_spearman": 62.68189713123115, + "euclidean_pearson": 61.089426749761344, + "euclidean_spearman": 62.41743375544581, + "manhattan_pearson": 61.14747216341409, + "manhattan_spearman": 62.488918956547046, + "cosine_pearson": 60.98952187211432, + "cosine_spearman": 62.68189713123115, + "main_score": 62.68189713123115 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-base-zh/external/CLSClusteringP2P.json b/results/sensenova__piccolo-base-zh/external/CLSClusteringP2P.json new file mode 100644 index 000000000..89b2f0d30 --- /dev/null +++ b/results/sensenova__piccolo-base-zh/external/CLSClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 38.36392300667918, + "main_score": 38.36392300667918 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-base-zh/external/CLSClusteringS2S.json b/results/sensenova__piccolo-base-zh/external/CLSClusteringS2S.json new file mode 100644 index 000000000..70608041a --- /dev/null +++ b/results/sensenova__piccolo-base-zh/external/CLSClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 35.645927581489175, + "main_score": 35.645927581489175 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-base-zh/external/CmedqaRetrieval.json b/results/sensenova__piccolo-base-zh/external/CmedqaRetrieval.json new file mode 100644 index 000000000..0c65e24ae --- /dev/null +++ b/results/sensenova__piccolo-base-zh/external/CmedqaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 23.683, + "map_at_10": 35.522999999999996, + "map_at_100": 37.456, + "map_at_1000": 37.576, + "map_at_3": 31.584, + "map_at_5": 33.684999999999995, + "mrr_at_1": 36.459, + "mrr_at_10": 44.534, + "mrr_at_100": 45.6, + "mrr_at_1000": 45.647, + "mrr_at_3": 42.186, + "mrr_at_5": 43.482, + "ndcg_at_1": 36.459, + "ndcg_at_10": 42.025, + "ndcg_at_100": 49.754, + "ndcg_at_1000": 51.815999999999995, + "ndcg_at_3": 37.056, + "ndcg_at_5": 38.962, + "precision_at_1": 36.459, + "precision_at_10": 9.485000000000001, + "precision_at_100": 1.567, + "precision_at_1000": 0.183, + "precision_at_3": 21.13, + "precision_at_5": 15.209, + "recall_at_1": 23.683, + "recall_at_10": 52.190999999999995, + "recall_at_100": 84.491, + "recall_at_1000": 98.19600000000001, + "recall_at_3": 37.09, + "recall_at_5": 43.262, + "main_score": 42.025 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-base-zh/external/Cmnli.json b/results/sensenova__piccolo-base-zh/external/Cmnli.json new file mode 100644 index 000000000..d05f8a23d --- /dev/null +++ b/results/sensenova__piccolo-base-zh/external/Cmnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Cmnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 74.20324714371618, + "cos_sim_ap": 82.32631646194994, + "cos_sim_f1": 76.64052827073876, + "cos_sim_precision": 68.58725761772854, + "cos_sim_recall": 86.83656768763151, + "dot_accuracy": 70.33072760072159, + "dot_ap": 77.46972172609794, + "dot_f1": 73.6668924804026, + "dot_precision": 62.84676354029062, + "dot_recall": 88.98760813654431, + "euclidean_accuracy": 74.78051713770296, + "euclidean_ap": 82.65778389584023, + "euclidean_f1": 77.1843623157445, + "euclidean_precision": 71.05211406096362, + "euclidean_recall": 84.47509936871639, + "manhattan_accuracy": 74.76849067949489, + "manhattan_ap": 82.55694030572194, + "manhattan_f1": 77.1776459569154, + "manhattan_precision": 69.5423855963991, + "manhattan_recall": 86.69628244096329, + "max_accuracy": 74.78051713770296, + "max_ap": 82.65778389584023, + "max_f1": 77.1843623157445, + "main_score": 74.78051713770296 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-base-zh/external/CovidRetrieval.json b/results/sensenova__piccolo-base-zh/external/CovidRetrieval.json new file mode 100644 index 000000000..609ce0379 --- /dev/null +++ b/results/sensenova__piccolo-base-zh/external/CovidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 72.99799999999999, + "map_at_10": 81.271, + "map_at_100": 81.53399999999999, + "map_at_1000": 81.535, + "map_at_3": 80.049, + "map_at_5": 80.793, + "mrr_at_1": 73.13, + "mrr_at_10": 81.193, + "mrr_at_100": 81.463, + "mrr_at_1000": 81.464, + "mrr_at_3": 80.067, + "mrr_at_5": 80.741, + "ndcg_at_1": 73.34, + "ndcg_at_10": 84.503, + "ndcg_at_100": 85.643, + "ndcg_at_1000": 85.693, + "ndcg_at_3": 82.135, + "ndcg_at_5": 83.401, + "precision_at_1": 73.34, + "precision_at_10": 9.536, + "precision_at_100": 1.004, + "precision_at_1000": 0.101, + "precision_at_3": 29.54, + "precision_at_5": 18.398, + "recall_at_1": 72.99799999999999, + "recall_at_10": 94.31, + "recall_at_100": 99.368, + "recall_at_1000": 99.789, + "recall_at_3": 87.935, + "recall_at_5": 90.991, + "main_score": 84.503 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-base-zh/external/DuRetrieval.json b/results/sensenova__piccolo-base-zh/external/DuRetrieval.json new file mode 100644 index 000000000..972fa06ac --- /dev/null +++ b/results/sensenova__piccolo-base-zh/external/DuRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 26.537, + "map_at_10": 81.292, + "map_at_100": 84.031, + "map_at_1000": 84.066, + "map_at_3": 56.571000000000005, + "map_at_5": 71.082, + "mrr_at_1": 91.2, + "mrr_at_10": 93.893, + "mrr_at_100": 93.955, + "mrr_at_1000": 93.95700000000001, + "mrr_at_3": 93.61699999999999, + "mrr_at_5": 93.767, + "ndcg_at_1": 91.2, + "ndcg_at_10": 88.255, + "ndcg_at_100": 90.813, + "ndcg_at_1000": 91.144, + "ndcg_at_3": 87.435, + "ndcg_at_5": 85.961, + "precision_at_1": 91.2, + "precision_at_10": 42.14, + "precision_at_100": 4.817, + "precision_at_1000": 0.48900000000000005, + "precision_at_3": 78.467, + "precision_at_5": 65.75999999999999, + "recall_at_1": 26.537, + "recall_at_10": 89.262, + "recall_at_100": 97.783, + "recall_at_1000": 99.49799999999999, + "recall_at_3": 58.573, + "recall_at_5": 75.154, + "main_score": 88.255 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-base-zh/external/EcomRetrieval.json b/results/sensenova__piccolo-base-zh/external/EcomRetrieval.json new file mode 100644 index 000000000..e002e9f75 --- /dev/null +++ b/results/sensenova__piccolo-base-zh/external/EcomRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 48.5, + "map_at_10": 57.898, + "map_at_100": 58.599000000000004, + "map_at_1000": 58.616, + "map_at_3": 55.1, + "map_at_5": 56.80500000000001, + "mrr_at_1": 48.5, + "mrr_at_10": 57.898, + "mrr_at_100": 58.599000000000004, + "mrr_at_1000": 58.616, + "mrr_at_3": 55.1, + "mrr_at_5": 56.80500000000001, + "ndcg_at_1": 48.5, + "ndcg_at_10": 62.876, + "ndcg_at_100": 66.00200000000001, + "ndcg_at_1000": 66.467, + "ndcg_at_3": 57.162, + "ndcg_at_5": 60.263999999999996, + "precision_at_1": 48.5, + "precision_at_10": 7.870000000000001, + "precision_at_100": 0.927, + "precision_at_1000": 0.096, + "precision_at_3": 21.032999999999998, + "precision_at_5": 14.14, + "recall_at_1": 48.5, + "recall_at_10": 78.7, + "recall_at_100": 92.7, + "recall_at_1000": 96.39999999999999, + "recall_at_3": 63.1, + "recall_at_5": 70.7, + "main_score": 62.876 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-base-zh/external/IFlyTek.json b/results/sensenova__piccolo-base-zh/external/IFlyTek.json new file mode 100644 index 000000000..bac5d92ea --- /dev/null +++ b/results/sensenova__piccolo-base-zh/external/IFlyTek.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 44.34782608695652, + "f1": 36.401426200836205, + "main_score": 44.34782608695652 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-base-zh/external/JDReview.json b/results/sensenova__piccolo-base-zh/external/JDReview.json new file mode 100644 index 000000000..857005f2e --- /dev/null +++ b/results/sensenova__piccolo-base-zh/external/JDReview.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 84.25891181988743, + "ap": 50.54636280166089, + "f1": 78.55080202541332, + "main_score": 84.25891181988743 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-base-zh/external/LCQMC.json b/results/sensenova__piccolo-base-zh/external/LCQMC.json new file mode 100644 index 000000000..3589f264a --- /dev/null +++ b/results/sensenova__piccolo-base-zh/external/LCQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 70.02878561337955, + "cos_sim_spearman": 75.39509553139982, + "euclidean_pearson": 73.92598696939956, + "euclidean_spearman": 75.5471147196853, + "manhattan_pearson": 73.88049486090739, + "manhattan_spearman": 75.51361990583285, + "cosine_pearson": 70.02878561337955, + "cosine_spearman": 75.39509553139982, + "main_score": 75.39509553139982 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-base-zh/external/MMarcoReranking.json b/results/sensenova__piccolo-base-zh/external/MMarcoReranking.json new file mode 100644 index 000000000..515b8696a --- /dev/null +++ b/results/sensenova__piccolo-base-zh/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 28.87237408060796, + "mrr": 27.83015873015873, + "main_score": 28.87237408060796 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-base-zh/external/MMarcoRetrieval.json b/results/sensenova__piccolo-base-zh/external/MMarcoRetrieval.json new file mode 100644 index 000000000..74a3ca000 --- /dev/null +++ b/results/sensenova__piccolo-base-zh/external/MMarcoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 64.739, + "map_at_10": 74.039, + "map_at_100": 74.38, + "map_at_1000": 74.39099999999999, + "map_at_3": 72.074, + "map_at_5": 73.29299999999999, + "mrr_at_1": 66.92, + "mrr_at_10": 74.636, + "mrr_at_100": 74.94, + "mrr_at_1000": 74.95, + "mrr_at_3": 72.911, + "mrr_at_5": 73.981, + "ndcg_at_1": 66.92, + "ndcg_at_10": 77.924, + "ndcg_at_100": 79.471, + "ndcg_at_1000": 79.73400000000001, + "ndcg_at_3": 74.17200000000001, + "ndcg_at_5": 76.236, + "precision_at_1": 66.92, + "precision_at_10": 9.5, + "precision_at_100": 1.027, + "precision_at_1000": 0.105, + "precision_at_3": 27.989000000000004, + "precision_at_5": 17.874000000000002, + "recall_at_1": 64.739, + "recall_at_10": 89.324, + "recall_at_100": 96.342, + "recall_at_1000": 98.38900000000001, + "recall_at_3": 79.378, + "recall_at_5": 84.28099999999999, + "main_score": 77.924 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-base-zh/external/MassiveIntentClassification.json b/results/sensenova__piccolo-base-zh/external/MassiveIntentClassification.json new file mode 100644 index 000000000..06c905021 --- /dev/null +++ b/results/sensenova__piccolo-base-zh/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 68.97108271687962, + "f1": 66.8625981386677, + "main_score": 68.97108271687962 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-base-zh/external/MassiveScenarioClassification.json b/results/sensenova__piccolo-base-zh/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..5c26af746 --- /dev/null +++ b/results/sensenova__piccolo-base-zh/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 73.32212508406187, + "f1": 73.33875034670166, + "main_score": 73.32212508406187 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-base-zh/external/MedicalRetrieval.json b/results/sensenova__piccolo-base-zh/external/MedicalRetrieval.json new file mode 100644 index 000000000..89608f57b --- /dev/null +++ b/results/sensenova__piccolo-base-zh/external/MedicalRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 49.0, + "map_at_10": 55.022999999999996, + "map_at_100": 55.550999999999995, + "map_at_1000": 55.608000000000004, + "map_at_3": 53.417, + "map_at_5": 54.372, + "mrr_at_1": 49.3, + "mrr_at_10": 55.176, + "mrr_at_100": 55.703, + "mrr_at_1000": 55.76, + "mrr_at_3": 53.567, + "mrr_at_5": 54.522000000000006, + "ndcg_at_1": 49.0, + "ndcg_at_10": 58.089999999999996, + "ndcg_at_100": 60.988, + "ndcg_at_1000": 62.580999999999996, + "ndcg_at_3": 54.803000000000004, + "ndcg_at_5": 56.508, + "precision_at_1": 49.0, + "precision_at_10": 6.78, + "precision_at_100": 0.8210000000000001, + "precision_at_1000": 0.095, + "precision_at_3": 19.6, + "precision_at_5": 12.58, + "recall_at_1": 49.0, + "recall_at_10": 67.80000000000001, + "recall_at_100": 82.1, + "recall_at_1000": 94.8, + "recall_at_3": 58.8, + "recall_at_5": 62.9, + "main_score": 58.089999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-base-zh/external/MultilingualSentiment.json b/results/sensenova__piccolo-base-zh/external/MultilingualSentiment.json new file mode 100644 index 000000000..20c69e54b --- /dev/null +++ b/results/sensenova__piccolo-base-zh/external/MultilingualSentiment.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 70.25, + "f1": 70.29055400149645, + "main_score": 70.25 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-base-zh/external/Ocnli.json b/results/sensenova__piccolo-base-zh/external/Ocnli.json new file mode 100644 index 000000000..d7afd2560 --- /dev/null +++ b/results/sensenova__piccolo-base-zh/external/Ocnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Ocnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 65.56578234975636, + "cos_sim_ap": 70.89354058570412, + "cos_sim_f1": 71.21024370095002, + "cos_sim_precision": 58.48032564450475, + "cos_sim_recall": 91.02428722280888, + "dot_accuracy": 64.86193827828912, + "dot_ap": 70.17697803463875, + "dot_f1": 70.68676716917922, + "dot_precision": 58.57043719639139, + "dot_recall": 89.1235480464625, + "euclidean_accuracy": 64.86193827828912, + "euclidean_ap": 70.26847152773904, + "euclidean_f1": 70.9984152139461, + "euclidean_precision": 56.81674064679771, + "euclidean_recall": 94.61457233368532, + "manhattan_accuracy": 65.40335679480238, + "manhattan_ap": 70.22941558736018, + "manhattan_f1": 71.09712937475423, + "manhattan_precision": 56.64160401002506, + "manhattan_recall": 95.45934530095037, + "max_accuracy": 65.56578234975636, + "max_ap": 70.89354058570412, + "max_f1": 71.21024370095002, + "main_score": 65.56578234975636 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-base-zh/external/OnlineShopping.json b/results/sensenova__piccolo-base-zh/external/OnlineShopping.json new file mode 100644 index 000000000..9a15c74e4 --- /dev/null +++ b/results/sensenova__piccolo-base-zh/external/OnlineShopping.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 89.92999999999999, + "ap": 87.16059195012956, + "f1": 89.90917477839415, + "main_score": 89.92999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-base-zh/external/PAWSX.json b/results/sensenova__piccolo-base-zh/external/PAWSX.json new file mode 100644 index 000000000..aa1df896f --- /dev/null +++ b/results/sensenova__piccolo-base-zh/external/PAWSX.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 27.74161502387672, + "cos_sim_spearman": 31.58353529723325, + "euclidean_pearson": 32.43729673844635, + "euclidean_spearman": 31.59527486602242, + "manhattan_pearson": 32.37467059678786, + "manhattan_spearman": 31.44408004951894, + "cosine_pearson": 27.74161502387672, + "cosine_spearman": 31.58353529723325, + "main_score": 31.58353529723325 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-base-zh/external/QBQTC.json b/results/sensenova__piccolo-base-zh/external/QBQTC.json new file mode 100644 index 000000000..aadc8878c --- /dev/null +++ b/results/sensenova__piccolo-base-zh/external/QBQTC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "QBQTC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 36.233749845501194, + "cos_sim_spearman": 36.47808586229587, + "euclidean_pearson": 32.663447466546806, + "euclidean_spearman": 34.45830454037139, + "manhattan_pearson": 32.80239212096335, + "manhattan_spearman": 34.581060433895125, + "cosine_pearson": 36.233749845501194, + "cosine_spearman": 36.47808586229587, + "main_score": 36.47808586229587 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-base-zh/external/STS22.json b/results/sensenova__piccolo-base-zh/external/STS22.json new file mode 100644 index 000000000..0cda5a3ca --- /dev/null +++ b/results/sensenova__piccolo-base-zh/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 63.05131937664673, + "cos_sim_spearman": 66.51353746725948, + "euclidean_pearson": 61.24016998745561, + "euclidean_spearman": 66.07115266049276, + "manhattan_pearson": 64.55660243659054, + "manhattan_spearman": 66.80282149562386, + "cosine_pearson": 63.05131937664673, + "cosine_spearman": 66.51353746725948, + "main_score": 66.51353746725948 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-base-zh/external/STSB.json b/results/sensenova__piccolo-base-zh/external/STSB.json new file mode 100644 index 000000000..0e4c6a2c5 --- /dev/null +++ b/results/sensenova__piccolo-base-zh/external/STSB.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 70.45533692882996, + "cos_sim_spearman": 70.6045637565602, + "euclidean_pearson": 72.75588977483554, + "euclidean_spearman": 73.36630581886473, + "manhattan_pearson": 72.72517409326954, + "manhattan_spearman": 73.35358940437355, + "cosine_pearson": 70.45533692882996, + "cosine_spearman": 70.6045637565602, + "main_score": 70.6045637565602 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-base-zh/external/T2Reranking.json b/results/sensenova__piccolo-base-zh/external/T2Reranking.json new file mode 100644 index 000000000..93b4f9b51 --- /dev/null +++ b/results/sensenova__piccolo-base-zh/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 66.45779474032288, + "mrr": 76.0782192023729, + "main_score": 66.45779474032288 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-base-zh/external/T2Retrieval.json b/results/sensenova__piccolo-base-zh/external/T2Retrieval.json new file mode 100644 index 000000000..65bc5b70d --- /dev/null +++ b/results/sensenova__piccolo-base-zh/external/T2Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 26.458, + "map_at_10": 74.355, + "map_at_100": 78.158, + "map_at_1000": 78.233, + "map_at_3": 52.2, + "map_at_5": 64.14, + "mrr_at_1": 88.37, + "mrr_at_10": 91.117, + "mrr_at_100": 91.231, + "mrr_at_1000": 91.23599999999999, + "mrr_at_3": 90.645, + "mrr_at_5": 90.948, + "ndcg_at_1": 88.37, + "ndcg_at_10": 82.384, + "ndcg_at_100": 86.431, + "ndcg_at_1000": 87.163, + "ndcg_at_3": 83.993, + "ndcg_at_5": 82.411, + "precision_at_1": 88.37, + "precision_at_10": 41.131, + "precision_at_100": 4.9799999999999995, + "precision_at_1000": 0.515, + "precision_at_3": 73.651, + "precision_at_5": 61.634, + "recall_at_1": 26.458, + "recall_at_10": 81.3, + "recall_at_100": 94.342, + "recall_at_1000": 98.103, + "recall_at_3": 54.020999999999994, + "recall_at_5": 67.781, + "main_score": 82.384 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-base-zh/external/TNews.json b/results/sensenova__piccolo-base-zh/external/TNews.json new file mode 100644 index 000000000..2d515b70b --- /dev/null +++ b/results/sensenova__piccolo-base-zh/external/TNews.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 46.814, + "f1": 45.580027683507666, + "main_score": 46.814 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-base-zh/external/ThuNewsClusteringP2P.json b/results/sensenova__piccolo-base-zh/external/ThuNewsClusteringP2P.json new file mode 100644 index 000000000..4d80bbe58 --- /dev/null +++ b/results/sensenova__piccolo-base-zh/external/ThuNewsClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 61.43613064816144, + "main_score": 61.43613064816144 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-base-zh/external/ThuNewsClusteringS2S.json b/results/sensenova__piccolo-base-zh/external/ThuNewsClusteringS2S.json new file mode 100644 index 000000000..72f734df2 --- /dev/null +++ b/results/sensenova__piccolo-base-zh/external/ThuNewsClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 53.01838461793776, + "main_score": 53.01838461793776 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-base-zh/external/VideoRetrieval.json b/results/sensenova__piccolo-base-zh/external/VideoRetrieval.json new file mode 100644 index 000000000..83d470540 --- /dev/null +++ b/results/sensenova__piccolo-base-zh/external/VideoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 59.3, + "map_at_10": 69.158, + "map_at_100": 69.60300000000001, + "map_at_1000": 69.611, + "map_at_3": 67.467, + "map_at_5": 68.432, + "mrr_at_1": 59.199999999999996, + "mrr_at_10": 69.108, + "mrr_at_100": 69.553, + "mrr_at_1000": 69.56099999999999, + "mrr_at_3": 67.417, + "mrr_at_5": 68.382, + "ndcg_at_1": 59.3, + "ndcg_at_10": 73.54, + "ndcg_at_100": 75.652, + "ndcg_at_1000": 75.868, + "ndcg_at_3": 70.074, + "ndcg_at_5": 71.808, + "precision_at_1": 59.3, + "precision_at_10": 8.709999999999999, + "precision_at_100": 0.9690000000000001, + "precision_at_1000": 0.099, + "precision_at_3": 25.867, + "precision_at_5": 16.36, + "recall_at_1": 59.3, + "recall_at_10": 87.1, + "recall_at_100": 96.89999999999999, + "recall_at_1000": 98.6, + "recall_at_3": 77.60000000000001, + "recall_at_5": 81.8, + "main_score": 73.54 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-base-zh/external/Waimai.json b/results/sensenova__piccolo-base-zh/external/Waimai.json new file mode 100644 index 000000000..7ca7145dc --- /dev/null +++ b/results/sensenova__piccolo-base-zh/external/Waimai.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 84.69999999999999, + "ap": 66.65020528563207, + "f1": 83.00542769081453, + "main_score": 84.69999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-base-zh/external/model_meta.json b/results/sensenova__piccolo-base-zh/external/model_meta.json new file mode 100644 index 000000000..5dec9f2bd --- /dev/null +++ b/results/sensenova__piccolo-base-zh/external/model_meta.json @@ -0,0 +1,20 @@ +{ + "name": "sensenova/piccolo-base-zh", + "revision": "47c0a63b8f667c3482e05b2fd45577bb19252196", + "release_date": "2023-09-04", + "languages": [], + "loader": null, + "n_parameters": 51140592, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 768, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh-v2/external/AFQMC.json b/results/sensenova__piccolo-large-zh-v2/external/AFQMC.json new file mode 100644 index 000000000..7d37f4086 --- /dev/null +++ b/results/sensenova__piccolo-large-zh-v2/external/AFQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 56.76055988260572, + "cos_sim_spearman": 61.49271876861677, + "euclidean_pearson": 59.14524585320711, + "euclidean_spearman": 60.63579339225774, + "manhattan_pearson": 59.14662752965445, + "manhattan_spearman": 60.635190265737904, + "cosine_pearson": 56.76055988260572, + "cosine_spearman": 61.49271876861677, + "main_score": 61.49271876861677 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh-v2/external/ATEC.json b/results/sensenova__piccolo-large-zh-v2/external/ATEC.json new file mode 100644 index 000000000..a301f27c6 --- /dev/null +++ b/results/sensenova__piccolo-large-zh-v2/external/ATEC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 56.21706298831197, + "cos_sim_spearman": 59.19831457688953, + "euclidean_pearson": 62.37752017633299, + "euclidean_spearman": 58.79400967473204, + "manhattan_pearson": 62.37015943212308, + "manhattan_spearman": 58.79232537600814, + "cosine_pearson": 56.21706298831197, + "cosine_spearman": 59.19831457688953, + "main_score": 59.19831457688953 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh-v2/external/AmazonReviewsClassification.json b/results/sensenova__piccolo-large-zh-v2/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..d6656bc20 --- /dev/null +++ b/results/sensenova__piccolo-large-zh-v2/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 49.440000000000005, + "f1": 46.67381446305019, + "main_score": 49.440000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh-v2/external/BQ.json b/results/sensenova__piccolo-large-zh-v2/external/BQ.json new file mode 100644 index 000000000..15795dd86 --- /dev/null +++ b/results/sensenova__piccolo-large-zh-v2/external/BQ.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 70.99026329599994, + "cos_sim_spearman": 72.87565357908989, + "euclidean_pearson": 71.17690439270028, + "euclidean_spearman": 72.50428109969029, + "manhattan_pearson": 71.17262321033088, + "manhattan_spearman": 72.49845447987437, + "cosine_pearson": 70.99026329599994, + "cosine_spearman": 72.87565357908989, + "main_score": 72.87565357908989 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh-v2/external/CLSClusteringP2P.json b/results/sensenova__piccolo-large-zh-v2/external/CLSClusteringP2P.json new file mode 100644 index 000000000..29a6ba552 --- /dev/null +++ b/results/sensenova__piccolo-large-zh-v2/external/CLSClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 57.92713421071616, + "main_score": 57.92713421071616 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh-v2/external/CLSClusteringS2S.json b/results/sensenova__piccolo-large-zh-v2/external/CLSClusteringS2S.json new file mode 100644 index 000000000..bc2b712f8 --- /dev/null +++ b/results/sensenova__piccolo-large-zh-v2/external/CLSClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 48.096546680932235, + "main_score": 48.096546680932235 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh-v2/external/CmedqaRetrieval.json b/results/sensenova__piccolo-large-zh-v2/external/CmedqaRetrieval.json new file mode 100644 index 000000000..adaff539a --- /dev/null +++ b/results/sensenova__piccolo-large-zh-v2/external/CmedqaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 26.931, + "map_at_10": 40.647, + "map_at_100": 42.519, + "map_at_1000": 42.616, + "map_at_3": 36.144999999999996, + "map_at_5": 38.717, + "mrr_at_1": 40.935, + "mrr_at_10": 49.684, + "mrr_at_100": 50.598, + "mrr_at_1000": 50.632999999999996, + "mrr_at_3": 47.07, + "mrr_at_5": 48.49, + "ndcg_at_1": 40.935, + "ndcg_at_10": 47.583999999999996, + "ndcg_at_100": 54.69199999999999, + "ndcg_at_1000": 56.314, + "ndcg_at_3": 41.973, + "ndcg_at_5": 44.334, + "precision_at_1": 40.935, + "precision_at_10": 10.585, + "precision_at_100": 1.637, + "precision_at_1000": 0.184, + "precision_at_3": 23.881, + "precision_at_5": 17.399, + "recall_at_1": 26.931, + "recall_at_10": 59.006, + "recall_at_100": 88.247, + "recall_at_1000": 99.045, + "recall_at_3": 42.064, + "recall_at_5": 49.266, + "main_score": 47.583999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh-v2/external/Cmnli.json b/results/sensenova__piccolo-large-zh-v2/external/Cmnli.json new file mode 100644 index 000000000..ed222e9ac --- /dev/null +++ b/results/sensenova__piccolo-large-zh-v2/external/Cmnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Cmnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 86.08538785327721, + "cos_sim_ap": 92.64373114205229, + "cos_sim_f1": 86.89951395953432, + "cos_sim_precision": 84.11378555798687, + "cos_sim_recall": 89.87608136544307, + "dot_accuracy": 72.66386049308478, + "dot_ap": 81.053422935767, + "dot_f1": 75.19933726830277, + "dot_precision": 67.4907063197026, + "dot_recall": 84.89595510872107, + "euclidean_accuracy": 85.52014431749849, + "euclidean_ap": 91.90647782899615, + "euclidean_f1": 86.26361413647477, + "euclidean_precision": 82.2071595001059, + "euclidean_recall": 90.74117371989713, + "manhattan_accuracy": 85.48406494287433, + "manhattan_ap": 91.89657919524385, + "manhattan_f1": 86.20413761572752, + "manhattan_precision": 84.324686940966, + "manhattan_recall": 88.16927753097966, + "max_accuracy": 86.08538785327721, + "max_ap": 92.64373114205229, + "max_f1": 86.89951395953432, + "main_score": 86.08538785327721 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh-v2/external/CovidRetrieval.json b/results/sensenova__piccolo-large-zh-v2/external/CovidRetrieval.json new file mode 100644 index 000000000..06b759ee0 --- /dev/null +++ b/results/sensenova__piccolo-large-zh-v2/external/CovidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 75.50099999999999, + "map_at_10": 83.43, + "map_at_100": 83.577, + "map_at_1000": 83.57900000000001, + "map_at_3": 82.06400000000001, + "map_at_5": 82.88600000000001, + "mrr_at_1": 75.869, + "mrr_at_10": 83.536, + "mrr_at_100": 83.682, + "mrr_at_1000": 83.68299999999999, + "mrr_at_3": 82.244, + "mrr_at_5": 82.998, + "ndcg_at_1": 75.764, + "ndcg_at_10": 86.777, + "ndcg_at_100": 87.36, + "ndcg_at_1000": 87.424, + "ndcg_at_3": 84.10300000000001, + "ndcg_at_5": 85.532, + "precision_at_1": 75.764, + "precision_at_10": 9.8, + "precision_at_100": 1.005, + "precision_at_1000": 0.101, + "precision_at_3": 30.207, + "precision_at_5": 18.82, + "recall_at_1": 75.50099999999999, + "recall_at_10": 96.997, + "recall_at_100": 99.473, + "recall_at_1000": 100.0, + "recall_at_3": 89.831, + "recall_at_5": 93.256, + "main_score": 86.777 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh-v2/external/DuRetrieval.json b/results/sensenova__piccolo-large-zh-v2/external/DuRetrieval.json new file mode 100644 index 000000000..fbf879aee --- /dev/null +++ b/results/sensenova__piccolo-large-zh-v2/external/DuRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 27.094, + "map_at_10": 82.418, + "map_at_100": 85.05, + "map_at_1000": 85.083, + "map_at_3": 57.68600000000001, + "map_at_5": 72.476, + "mrr_at_1": 92.25, + "mrr_at_10": 94.621, + "mrr_at_100": 94.675, + "mrr_at_1000": 94.677, + "mrr_at_3": 94.375, + "mrr_at_5": 94.52199999999999, + "ndcg_at_1": 92.25, + "ndcg_at_10": 89.13600000000001, + "ndcg_at_100": 91.532, + "ndcg_at_1000": 91.836, + "ndcg_at_3": 88.50099999999999, + "ndcg_at_5": 87.251, + "precision_at_1": 92.25, + "precision_at_10": 42.295, + "precision_at_100": 4.812, + "precision_at_1000": 0.48900000000000005, + "precision_at_3": 79.167, + "precision_at_5": 66.56, + "recall_at_1": 27.094, + "recall_at_10": 89.816, + "recall_at_100": 97.855, + "recall_at_1000": 99.384, + "recall_at_3": 59.557, + "recall_at_5": 76.395, + "main_score": 89.13600000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh-v2/external/EcomRetrieval.json b/results/sensenova__piccolo-large-zh-v2/external/EcomRetrieval.json new file mode 100644 index 000000000..72d2f87dd --- /dev/null +++ b/results/sensenova__piccolo-large-zh-v2/external/EcomRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 53.6, + "map_at_10": 62.985, + "map_at_100": 63.532999999999994, + "map_at_1000": 63.546, + "map_at_3": 60.617, + "map_at_5": 62.017, + "mrr_at_1": 53.6, + "mrr_at_10": 62.985, + "mrr_at_100": 63.532999999999994, + "mrr_at_1000": 63.546, + "mrr_at_3": 60.617, + "mrr_at_5": 62.017, + "ndcg_at_1": 53.6, + "ndcg_at_10": 67.755, + "ndcg_at_100": 70.366, + "ndcg_at_1000": 70.696, + "ndcg_at_3": 62.89900000000001, + "ndcg_at_5": 65.437, + "precision_at_1": 53.6, + "precision_at_10": 8.28, + "precision_at_100": 0.9490000000000001, + "precision_at_1000": 0.098, + "precision_at_3": 23.166999999999998, + "precision_at_5": 15.14, + "recall_at_1": 53.6, + "recall_at_10": 82.8, + "recall_at_100": 94.89999999999999, + "recall_at_1000": 97.5, + "recall_at_3": 69.5, + "recall_at_5": 75.7, + "main_score": 67.755 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh-v2/external/IFlyTek.json b/results/sensenova__piccolo-large-zh-v2/external/IFlyTek.json new file mode 100644 index 000000000..c44a0d1f6 --- /dev/null +++ b/results/sensenova__piccolo-large-zh-v2/external/IFlyTek.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 52.104655636783384, + "f1": 41.025743582860514, + "main_score": 52.104655636783384 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh-v2/external/JDReview.json b/results/sensenova__piccolo-large-zh-v2/external/JDReview.json new file mode 100644 index 000000000..01939f232 --- /dev/null +++ b/results/sensenova__piccolo-large-zh-v2/external/JDReview.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 88.57410881801127, + "ap": 59.49612312498937, + "f1": 83.70595013666741, + "main_score": 88.57410881801127 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh-v2/external/LCQMC.json b/results/sensenova__piccolo-large-zh-v2/external/LCQMC.json new file mode 100644 index 000000000..95626c60f --- /dev/null +++ b/results/sensenova__piccolo-large-zh-v2/external/LCQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 74.00327736048256, + "cos_sim_spearman": 79.5459672237356, + "euclidean_pearson": 79.18300205389669, + "euclidean_spearman": 79.21872988987533, + "manhattan_pearson": 79.1715470733081, + "manhattan_spearman": 79.20756273498812, + "cosine_pearson": 74.00327736048256, + "cosine_spearman": 79.5459672237356, + "main_score": 79.5459672237356 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh-v2/external/MMarcoReranking.json b/results/sensenova__piccolo-large-zh-v2/external/MMarcoReranking.json new file mode 100644 index 000000000..7bbb9fcff --- /dev/null +++ b/results/sensenova__piccolo-large-zh-v2/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 33.386980266936106, + "mrr": 32.11904761904762, + "main_score": 33.386980266936106 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh-v2/external/MMarcoRetrieval.json b/results/sensenova__piccolo-large-zh-v2/external/MMarcoRetrieval.json new file mode 100644 index 000000000..d858210e8 --- /dev/null +++ b/results/sensenova__piccolo-large-zh-v2/external/MMarcoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 66.94600000000001, + "map_at_10": 75.947, + "map_at_100": 76.268, + "map_at_1000": 76.28, + "map_at_3": 74.13300000000001, + "map_at_5": 75.28399999999999, + "mrr_at_1": 69.241, + "mrr_at_10": 76.532, + "mrr_at_100": 76.816, + "mrr_at_1000": 76.827, + "mrr_at_3": 74.95, + "mrr_at_5": 75.957, + "ndcg_at_1": 69.241, + "ndcg_at_10": 79.54299999999999, + "ndcg_at_100": 80.95, + "ndcg_at_1000": 81.252, + "ndcg_at_3": 76.119, + "ndcg_at_5": 78.069, + "precision_at_1": 69.241, + "precision_at_10": 9.576, + "precision_at_100": 1.026, + "precision_at_1000": 0.105, + "precision_at_3": 28.571999999999996, + "precision_at_5": 18.181, + "recall_at_1": 66.94600000000001, + "recall_at_10": 90.024, + "recall_at_100": 96.3, + "recall_at_1000": 98.656, + "recall_at_3": 81.026, + "recall_at_5": 85.658, + "main_score": 79.54299999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh-v2/external/MassiveIntentClassification.json b/results/sensenova__piccolo-large-zh-v2/external/MassiveIntentClassification.json new file mode 100644 index 000000000..7c465f794 --- /dev/null +++ b/results/sensenova__piccolo-large-zh-v2/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 77.71015467383997, + "f1": 74.32345894845358, + "main_score": 77.71015467383997 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh-v2/external/MassiveScenarioClassification.json b/results/sensenova__piccolo-large-zh-v2/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..e7a6d21ae --- /dev/null +++ b/results/sensenova__piccolo-large-zh-v2/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 85.63214525891055, + "f1": 84.65303466003252, + "main_score": 85.63214525891055 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh-v2/external/MedicalRetrieval.json b/results/sensenova__piccolo-large-zh-v2/external/MedicalRetrieval.json new file mode 100644 index 000000000..081ae04db --- /dev/null +++ b/results/sensenova__piccolo-large-zh-v2/external/MedicalRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 55.50000000000001, + "map_at_10": 61.66199999999999, + "map_at_100": 62.13999999999999, + "map_at_1000": 62.187000000000005, + "map_at_3": 59.967000000000006, + "map_at_5": 60.927, + "mrr_at_1": 55.7, + "mrr_at_10": 61.76199999999999, + "mrr_at_100": 62.241, + "mrr_at_1000": 62.287000000000006, + "mrr_at_3": 60.06700000000001, + "mrr_at_5": 61.027, + "ndcg_at_1": 55.50000000000001, + "ndcg_at_10": 64.878, + "ndcg_at_100": 67.464, + "ndcg_at_1000": 68.745, + "ndcg_at_3": 61.367000000000004, + "ndcg_at_5": 63.117999999999995, + "precision_at_1": 55.50000000000001, + "precision_at_10": 7.51, + "precision_at_100": 0.878, + "precision_at_1000": 0.098, + "precision_at_3": 21.8, + "precision_at_5": 13.94, + "recall_at_1": 55.50000000000001, + "recall_at_10": 75.1, + "recall_at_100": 87.8, + "recall_at_1000": 97.89999999999999, + "recall_at_3": 65.4, + "recall_at_5": 69.69999999999999, + "main_score": 64.878 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh-v2/external/MultilingualSentiment.json b/results/sensenova__piccolo-large-zh-v2/external/MultilingualSentiment.json new file mode 100644 index 000000000..64fe5bb42 --- /dev/null +++ b/results/sensenova__piccolo-large-zh-v2/external/MultilingualSentiment.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 79.08666666666666, + "f1": 78.93142205976953, + "main_score": 79.08666666666666 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh-v2/external/Ocnli.json b/results/sensenova__piccolo-large-zh-v2/external/Ocnli.json new file mode 100644 index 000000000..d530bfc9f --- /dev/null +++ b/results/sensenova__piccolo-large-zh-v2/external/Ocnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Ocnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 84.35300487276665, + "cos_sim_ap": 87.83572265803564, + "cos_sim_f1": 85.42713567839195, + "cos_sim_precision": 81.49568552253116, + "cos_sim_recall": 89.7571277719113, + "dot_accuracy": 72.87493232268544, + "dot_ap": 80.29032993894747, + "dot_f1": 76.5938475256353, + "dot_precision": 66.28086419753086, + "dot_recall": 90.70749736008447, + "euclidean_accuracy": 82.34975636166757, + "euclidean_ap": 85.73873757468064, + "euclidean_f1": 83.56713426853707, + "euclidean_precision": 79.50428979980934, + "euclidean_recall": 88.0675818373812, + "manhattan_accuracy": 82.45804006497022, + "manhattan_ap": 85.7176464290469, + "manhattan_f1": 83.65095285857572, + "manhattan_precision": 79.65616045845272, + "manhattan_recall": 88.0675818373812, + "max_accuracy": 84.35300487276665, + "max_ap": 87.83572265803564, + "max_f1": 85.42713567839195, + "main_score": 84.35300487276665 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh-v2/external/OnlineShopping.json b/results/sensenova__piccolo-large-zh-v2/external/OnlineShopping.json new file mode 100644 index 000000000..523b6107f --- /dev/null +++ b/results/sensenova__piccolo-large-zh-v2/external/OnlineShopping.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 94.61999999999999, + "ap": 92.74140430219491, + "f1": 94.60775857122515, + "main_score": 94.61999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh-v2/external/PAWSX.json b/results/sensenova__piccolo-large-zh-v2/external/PAWSX.json new file mode 100644 index 000000000..6805e18f2 --- /dev/null +++ b/results/sensenova__piccolo-large-zh-v2/external/PAWSX.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 39.75749234575995, + "cos_sim_spearman": 46.48035295363829, + "euclidean_pearson": 45.38711981599582, + "euclidean_spearman": 46.13915356562481, + "manhattan_pearson": 45.420770530489065, + "manhattan_spearman": 46.179913441143775, + "cosine_pearson": 39.75749234575995, + "cosine_spearman": 46.48035295363829, + "main_score": 46.48035295363829 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh-v2/external/QBQTC.json b/results/sensenova__piccolo-large-zh-v2/external/QBQTC.json new file mode 100644 index 000000000..e8dba226b --- /dev/null +++ b/results/sensenova__piccolo-large-zh-v2/external/QBQTC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "QBQTC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 44.02008249965321, + "cos_sim_spearman": 45.906917552219156, + "euclidean_pearson": 36.600317631983316, + "euclidean_spearman": 41.97740958824762, + "manhattan_pearson": 36.54329048509785, + "manhattan_spearman": 41.91222171040451, + "cosine_pearson": 44.02008249965321, + "cosine_spearman": 45.906917552219156, + "main_score": 45.906917552219156 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh-v2/external/STS22.json b/results/sensenova__piccolo-large-zh-v2/external/STS22.json new file mode 100644 index 000000000..39a56bb21 --- /dev/null +++ b/results/sensenova__piccolo-large-zh-v2/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 60.97044608578288, + "cos_sim_spearman": 63.76187490245927, + "euclidean_pearson": 60.74245987426317, + "euclidean_spearman": 63.32990713078846, + "manhattan_pearson": 60.62422616577702, + "manhattan_spearman": 63.256612476686826, + "cosine_pearson": 60.97044608578288, + "cosine_spearman": 63.76187490245927, + "main_score": 63.76187490245927 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh-v2/external/STSB.json b/results/sensenova__piccolo-large-zh-v2/external/STSB.json new file mode 100644 index 000000000..520a0ae97 --- /dev/null +++ b/results/sensenova__piccolo-large-zh-v2/external/STSB.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 76.28185867362305, + "cos_sim_spearman": 78.71478656159289, + "euclidean_pearson": 79.80734359535234, + "euclidean_spearman": 79.85403491297063, + "manhattan_pearson": 79.79454037962215, + "manhattan_spearman": 79.82796402623201, + "cosine_pearson": 76.28185867362305, + "cosine_spearman": 78.71478656159289, + "main_score": 78.71478656159289 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh-v2/external/T2Reranking.json b/results/sensenova__piccolo-large-zh-v2/external/T2Reranking.json new file mode 100644 index 000000000..74e400a98 --- /dev/null +++ b/results/sensenova__piccolo-large-zh-v2/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 67.14759526113295, + "mrr": 77.36422096484723, + "main_score": 67.14759526113295 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh-v2/external/T2Retrieval.json b/results/sensenova__piccolo-large-zh-v2/external/T2Retrieval.json new file mode 100644 index 000000000..7c51ca00f --- /dev/null +++ b/results/sensenova__piccolo-large-zh-v2/external/T2Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 28.177999999999997, + "map_at_10": 78.77199999999999, + "map_at_100": 82.365, + "map_at_1000": 82.422, + "map_at_3": 55.452999999999996, + "map_at_5": 68.12700000000001, + "mrr_at_1": 91.097, + "mrr_at_10": 93.52000000000001, + "mrr_at_100": 93.587, + "mrr_at_1000": 93.589, + "mrr_at_3": 93.136, + "mrr_at_5": 93.381, + "ndcg_at_1": 91.097, + "ndcg_at_10": 86.136, + "ndcg_at_100": 89.515, + "ndcg_at_1000": 90.049, + "ndcg_at_3": 87.41600000000001, + "ndcg_at_5": 86.115, + "precision_at_1": 91.097, + "precision_at_10": 42.597, + "precision_at_100": 5.043, + "precision_at_1000": 0.517, + "precision_at_3": 76.239, + "precision_at_5": 63.93, + "recall_at_1": 28.177999999999997, + "recall_at_10": 85.182, + "recall_at_100": 96.174, + "recall_at_1000": 98.848, + "recall_at_3": 57.150999999999996, + "recall_at_5": 71.50999999999999, + "main_score": 86.136 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh-v2/external/TNews.json b/results/sensenova__piccolo-large-zh-v2/external/TNews.json new file mode 100644 index 000000000..9892cb84c --- /dev/null +++ b/results/sensenova__piccolo-large-zh-v2/external/TNews.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 54.521, + "f1": 52.53528052282081, + "main_score": 54.521 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh-v2/external/ThuNewsClusteringP2P.json b/results/sensenova__piccolo-large-zh-v2/external/ThuNewsClusteringP2P.json new file mode 100644 index 000000000..71d75a5f0 --- /dev/null +++ b/results/sensenova__piccolo-large-zh-v2/external/ThuNewsClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 74.2003249023509, + "main_score": 74.2003249023509 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh-v2/external/ThuNewsClusteringS2S.json b/results/sensenova__piccolo-large-zh-v2/external/ThuNewsClusteringS2S.json new file mode 100644 index 000000000..bd1dac1dc --- /dev/null +++ b/results/sensenova__piccolo-large-zh-v2/external/ThuNewsClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 68.4277378629746, + "main_score": 68.4277378629746 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh-v2/external/VideoRetrieval.json b/results/sensenova__piccolo-large-zh-v2/external/VideoRetrieval.json new file mode 100644 index 000000000..51f5ffb26 --- /dev/null +++ b/results/sensenova__piccolo-large-zh-v2/external/VideoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 58.599999999999994, + "map_at_10": 68.671, + "map_at_100": 69.148, + "map_at_1000": 69.157, + "map_at_3": 66.9, + "map_at_5": 68.045, + "mrr_at_1": 58.599999999999994, + "mrr_at_10": 68.671, + "mrr_at_100": 69.148, + "mrr_at_1000": 69.157, + "mrr_at_3": 66.9, + "mrr_at_5": 68.045, + "ndcg_at_1": 58.599999999999994, + "ndcg_at_10": 73.099, + "ndcg_at_100": 75.33, + "ndcg_at_1000": 75.58500000000001, + "ndcg_at_3": 69.502, + "ndcg_at_5": 71.542, + "precision_at_1": 58.599999999999994, + "precision_at_10": 8.68, + "precision_at_100": 0.97, + "precision_at_1000": 0.099, + "precision_at_3": 25.667, + "precision_at_5": 16.38, + "recall_at_1": 58.599999999999994, + "recall_at_10": 86.8, + "recall_at_100": 97.0, + "recall_at_1000": 99.1, + "recall_at_3": 77.0, + "recall_at_5": 81.89999999999999, + "main_score": 73.099 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh-v2/external/Waimai.json b/results/sensenova__piccolo-large-zh-v2/external/Waimai.json new file mode 100644 index 000000000..c4d4105dc --- /dev/null +++ b/results/sensenova__piccolo-large-zh-v2/external/Waimai.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 89.58999999999999, + "ap": 75.69899834265364, + "f1": 88.2026184757175, + "main_score": 89.58999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh-v2/external/model_meta.json b/results/sensenova__piccolo-large-zh-v2/external/model_meta.json new file mode 100644 index 000000000..09c964265 --- /dev/null +++ b/results/sensenova__piccolo-large-zh-v2/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "sensenova/piccolo-large-zh-v2", + "revision": "05948c1d889355936bdf9db7d30df57dd78d25a3", + "release_date": "2024-04-20", + "languages": [], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 1792, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh/external/AFQMC.json b/results/sensenova__piccolo-large-zh/external/AFQMC.json new file mode 100644 index 000000000..f7f704af1 --- /dev/null +++ b/results/sensenova__piccolo-large-zh/external/AFQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 51.40548754569409, + "cos_sim_spearman": 54.168222315174376, + "euclidean_pearson": 52.40464973459636, + "euclidean_spearman": 54.26249134589867, + "manhattan_pearson": 52.353782691201246, + "manhattan_spearman": 54.20648078023014, + "cosine_pearson": 51.40548754569409, + "cosine_spearman": 54.168222315174376, + "main_score": 54.168222315174376 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh/external/ATEC.json b/results/sensenova__piccolo-large-zh/external/ATEC.json new file mode 100644 index 000000000..800adad01 --- /dev/null +++ b/results/sensenova__piccolo-large-zh/external/ATEC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 53.4800486876876, + "cos_sim_spearman": 54.27914644842898, + "euclidean_pearson": 56.85762017857563, + "euclidean_spearman": 54.3892743722252, + "manhattan_pearson": 56.812630761505545, + "manhattan_spearman": 54.359667416088556, + "cosine_pearson": 53.4800486876876, + "cosine_spearman": 54.27914644842898, + "main_score": 54.27914644842898 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh/external/AmazonReviewsClassification.json b/results/sensenova__piccolo-large-zh/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..dbd10b572 --- /dev/null +++ b/results/sensenova__piccolo-large-zh/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 40.33200000000001, + "f1": 39.56855261607718, + "main_score": 40.33200000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh/external/BQ.json b/results/sensenova__piccolo-large-zh/external/BQ.json new file mode 100644 index 000000000..501bd87ed --- /dev/null +++ b/results/sensenova__piccolo-large-zh/external/BQ.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 60.81359612041921, + "cos_sim_spearman": 62.3148582435008, + "euclidean_pearson": 61.21668579008443, + "euclidean_spearman": 62.3526204140884, + "manhattan_pearson": 61.1558631086567, + "manhattan_spearman": 62.287696221478384, + "cosine_pearson": 60.81359612041921, + "cosine_spearman": 62.3148582435008, + "main_score": 62.3148582435008 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh/external/CLSClusteringP2P.json b/results/sensenova__piccolo-large-zh/external/CLSClusteringP2P.json new file mode 100644 index 000000000..0506e82b4 --- /dev/null +++ b/results/sensenova__piccolo-large-zh/external/CLSClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 38.98356815428385, + "main_score": 38.98356815428385 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh/external/CLSClusteringS2S.json b/results/sensenova__piccolo-large-zh/external/CLSClusteringS2S.json new file mode 100644 index 000000000..3a9499233 --- /dev/null +++ b/results/sensenova__piccolo-large-zh/external/CLSClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 36.04329998232363, + "main_score": 36.04329998232363 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh/external/CmedqaRetrieval.json b/results/sensenova__piccolo-large-zh/external/CmedqaRetrieval.json new file mode 100644 index 000000000..7f03e7cd2 --- /dev/null +++ b/results/sensenova__piccolo-large-zh/external/CmedqaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 23.351, + "map_at_10": 35.284, + "map_at_100": 37.222, + "map_at_1000": 37.338, + "map_at_3": 31.135, + "map_at_5": 33.445, + "mrr_at_1": 36.134, + "mrr_at_10": 44.282, + "mrr_at_100": 45.31, + "mrr_at_1000": 45.356, + "mrr_at_3": 41.615, + "mrr_at_5": 43.169000000000004, + "ndcg_at_1": 36.134, + "ndcg_at_10": 41.982, + "ndcg_at_100": 49.672, + "ndcg_at_1000": 51.669, + "ndcg_at_3": 36.521, + "ndcg_at_5": 38.858, + "precision_at_1": 36.134, + "precision_at_10": 9.515, + "precision_at_100": 1.5779999999999998, + "precision_at_1000": 0.183, + "precision_at_3": 20.747, + "precision_at_5": 15.229000000000001, + "recall_at_1": 23.351, + "recall_at_10": 52.798, + "recall_at_100": 84.806, + "recall_at_1000": 98.172, + "recall_at_3": 36.513, + "recall_at_5": 43.701, + "main_score": 41.982 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh/external/Cmnli.json b/results/sensenova__piccolo-large-zh/external/Cmnli.json new file mode 100644 index 000000000..019680c4f --- /dev/null +++ b/results/sensenova__piccolo-large-zh/external/Cmnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Cmnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 74.74443776307878, + "cos_sim_ap": 83.8325812952643, + "cos_sim_f1": 76.64593609264422, + "cos_sim_precision": 70.78629431570607, + "cos_sim_recall": 83.56324526537293, + "dot_accuracy": 73.91461214672279, + "dot_ap": 82.8769105611689, + "dot_f1": 75.93478260869564, + "dot_precision": 70.95267113548648, + "dot_recall": 81.66939443535188, + "euclidean_accuracy": 74.94888755261574, + "euclidean_ap": 84.00606427216371, + "euclidean_f1": 76.78665681410322, + "euclidean_precision": 69.99615088529639, + "euclidean_recall": 85.0362403553893, + "manhattan_accuracy": 74.92483463619965, + "manhattan_ap": 83.97546171072935, + "manhattan_f1": 76.57105320779506, + "manhattan_precision": 71.99917644636606, + "manhattan_recall": 81.7629179331307, + "max_accuracy": 74.94888755261574, + "max_ap": 84.00606427216371, + "max_f1": 76.78665681410322, + "main_score": 74.94888755261574 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh/external/CovidRetrieval.json b/results/sensenova__piccolo-large-zh/external/CovidRetrieval.json new file mode 100644 index 000000000..18e89adb1 --- /dev/null +++ b/results/sensenova__piccolo-large-zh/external/CovidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 73.34, + "map_at_10": 81.462, + "map_at_100": 81.661, + "map_at_1000": 81.663, + "map_at_3": 79.742, + "map_at_5": 80.886, + "mrr_at_1": 73.656, + "mrr_at_10": 81.432, + "mrr_at_100": 81.632, + "mrr_at_1000": 81.634, + "mrr_at_3": 79.786, + "mrr_at_5": 80.87100000000001, + "ndcg_at_1": 73.656, + "ndcg_at_10": 85.036, + "ndcg_at_100": 85.83, + "ndcg_at_1000": 85.884, + "ndcg_at_3": 81.669, + "ndcg_at_5": 83.699, + "precision_at_1": 73.656, + "precision_at_10": 9.715, + "precision_at_100": 1.005, + "precision_at_1000": 0.101, + "precision_at_3": 29.293999999999997, + "precision_at_5": 18.587999999999997, + "recall_at_1": 73.34, + "recall_at_10": 96.101, + "recall_at_100": 99.473, + "recall_at_1000": 99.895, + "recall_at_3": 87.197, + "recall_at_5": 92.044, + "main_score": 85.036 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh/external/DuRetrieval.json b/results/sensenova__piccolo-large-zh/external/DuRetrieval.json new file mode 100644 index 000000000..40967f9d5 --- /dev/null +++ b/results/sensenova__piccolo-large-zh/external/DuRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 26.351999999999997, + "map_at_10": 80.977, + "map_at_100": 83.795, + "map_at_1000": 83.836, + "map_at_3": 56.388000000000005, + "map_at_5": 71.089, + "mrr_at_1": 90.75, + "mrr_at_10": 93.648, + "mrr_at_100": 93.71000000000001, + "mrr_at_1000": 93.714, + "mrr_at_3": 93.43299999999999, + "mrr_at_5": 93.57600000000001, + "ndcg_at_1": 90.75, + "ndcg_at_10": 87.971, + "ndcg_at_100": 90.594, + "ndcg_at_1000": 90.998, + "ndcg_at_3": 87.224, + "ndcg_at_5": 86.032, + "precision_at_1": 90.75, + "precision_at_10": 41.975, + "precision_at_100": 4.807, + "precision_at_1000": 0.48900000000000005, + "precision_at_3": 78.167, + "precision_at_5": 65.85, + "recall_at_1": 26.351999999999997, + "recall_at_10": 88.714, + "recall_at_100": 97.367, + "recall_at_1000": 99.589, + "recall_at_3": 58.483, + "recall_at_5": 75.359, + "main_score": 87.971 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh/external/EcomRetrieval.json b/results/sensenova__piccolo-large-zh/external/EcomRetrieval.json new file mode 100644 index 000000000..3af69cf6c --- /dev/null +++ b/results/sensenova__piccolo-large-zh/external/EcomRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 46.2, + "map_at_10": 56.548, + "map_at_100": 57.172, + "map_at_1000": 57.192, + "map_at_3": 53.983000000000004, + "map_at_5": 55.408, + "mrr_at_1": 46.2, + "mrr_at_10": 56.548, + "mrr_at_100": 57.172, + "mrr_at_1000": 57.192, + "mrr_at_3": 53.983000000000004, + "mrr_at_5": 55.408, + "ndcg_at_1": 46.2, + "ndcg_at_10": 61.912, + "ndcg_at_100": 64.834, + "ndcg_at_1000": 65.36, + "ndcg_at_3": 56.577, + "ndcg_at_5": 59.15899999999999, + "precision_at_1": 46.2, + "precision_at_10": 7.89, + "precision_at_100": 0.923, + "precision_at_1000": 0.096, + "precision_at_3": 21.367, + "precision_at_5": 14.08, + "recall_at_1": 46.2, + "recall_at_10": 78.9, + "recall_at_100": 92.30000000000001, + "recall_at_1000": 96.39999999999999, + "recall_at_3": 64.1, + "recall_at_5": 70.39999999999999, + "main_score": 61.912 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh/external/IFlyTek.json b/results/sensenova__piccolo-large-zh/external/IFlyTek.json new file mode 100644 index 000000000..075633c69 --- /dev/null +++ b/results/sensenova__piccolo-large-zh/external/IFlyTek.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 44.24778761061947, + "f1": 36.410133889743115, + "main_score": 44.24778761061947 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh/external/JDReview.json b/results/sensenova__piccolo-large-zh/external/JDReview.json new file mode 100644 index 000000000..862736b76 --- /dev/null +++ b/results/sensenova__piccolo-large-zh/external/JDReview.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 86.09756097560975, + "ap": 53.85203082125175, + "f1": 80.61318243910114, + "main_score": 86.09756097560975 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh/external/LCQMC.json b/results/sensenova__piccolo-large-zh/external/LCQMC.json new file mode 100644 index 000000000..3cff84cb9 --- /dev/null +++ b/results/sensenova__piccolo-large-zh/external/LCQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 70.49411615067606, + "cos_sim_spearman": 75.80607876548899, + "euclidean_pearson": 74.67002802430761, + "euclidean_spearman": 76.00290181304833, + "manhattan_pearson": 74.66745498313495, + "manhattan_spearman": 76.00460005446307, + "cosine_pearson": 70.49411615067606, + "cosine_spearman": 75.80607876548899, + "main_score": 75.80607876548899 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh/external/MMarcoReranking.json b/results/sensenova__piccolo-large-zh/external/MMarcoReranking.json new file mode 100644 index 000000000..74b431c0c --- /dev/null +++ b/results/sensenova__piccolo-large-zh/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 27.274633976199482, + "mrr": 25.85952380952381, + "main_score": 27.274633976199482 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh/external/MMarcoRetrieval.json b/results/sensenova__piccolo-large-zh/external/MMarcoRetrieval.json new file mode 100644 index 000000000..8748bd152 --- /dev/null +++ b/results/sensenova__piccolo-large-zh/external/MMarcoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 64.388, + "map_at_10": 73.94800000000001, + "map_at_100": 74.279, + "map_at_1000": 74.29, + "map_at_3": 72.017, + "map_at_5": 73.29599999999999, + "mrr_at_1": 66.648, + "mrr_at_10": 74.59599999999999, + "mrr_at_100": 74.885, + "mrr_at_1000": 74.896, + "mrr_at_3": 72.88900000000001, + "mrr_at_5": 74.017, + "ndcg_at_1": 66.648, + "ndcg_at_10": 77.833, + "ndcg_at_100": 79.306, + "ndcg_at_1000": 79.605, + "ndcg_at_3": 74.18599999999999, + "ndcg_at_5": 76.352, + "precision_at_1": 66.648, + "precision_at_10": 9.472999999999999, + "precision_at_100": 1.0210000000000001, + "precision_at_1000": 0.105, + "precision_at_3": 28.055999999999997, + "precision_at_5": 17.974, + "recall_at_1": 64.388, + "recall_at_10": 89.143, + "recall_at_100": 95.794, + "recall_at_1000": 98.152, + "recall_at_3": 79.55499999999999, + "recall_at_5": 84.694, + "main_score": 77.833 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh/external/MassiveIntentClassification.json b/results/sensenova__piccolo-large-zh/external/MassiveIntentClassification.json new file mode 100644 index 000000000..f14369b6a --- /dev/null +++ b/results/sensenova__piccolo-large-zh/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 67.99932750504371, + "f1": 66.07217986916525, + "main_score": 67.99932750504371 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh/external/MassiveScenarioClassification.json b/results/sensenova__piccolo-large-zh/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..b1d28df9d --- /dev/null +++ b/results/sensenova__piccolo-large-zh/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 72.08137188971082, + "f1": 72.42255159515156, + "main_score": 72.08137188971082 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh/external/MedicalRetrieval.json b/results/sensenova__piccolo-large-zh/external/MedicalRetrieval.json new file mode 100644 index 000000000..45570a348 --- /dev/null +++ b/results/sensenova__piccolo-large-zh/external/MedicalRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 49.6, + "map_at_10": 56.04, + "map_at_100": 56.584999999999994, + "map_at_1000": 56.637, + "map_at_3": 54.7, + "map_at_5": 55.505, + "mrr_at_1": 49.7, + "mrr_at_10": 56.094, + "mrr_at_100": 56.638999999999996, + "mrr_at_1000": 56.691, + "mrr_at_3": 54.75, + "mrr_at_5": 55.54, + "ndcg_at_1": 49.6, + "ndcg_at_10": 59.038000000000004, + "ndcg_at_100": 61.964, + "ndcg_at_1000": 63.482000000000006, + "ndcg_at_3": 56.297, + "ndcg_at_5": 57.743, + "precision_at_1": 49.6, + "precision_at_10": 6.84, + "precision_at_100": 0.828, + "precision_at_1000": 0.095, + "precision_at_3": 20.3, + "precision_at_5": 12.879999999999999, + "recall_at_1": 49.6, + "recall_at_10": 68.4, + "recall_at_100": 82.8, + "recall_at_1000": 95.1, + "recall_at_3": 60.9, + "recall_at_5": 64.4, + "main_score": 59.038000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh/external/MultilingualSentiment.json b/results/sensenova__piccolo-large-zh/external/MultilingualSentiment.json new file mode 100644 index 000000000..5f9ded891 --- /dev/null +++ b/results/sensenova__piccolo-large-zh/external/MultilingualSentiment.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 70.15, + "f1": 70.12595878910165, + "main_score": 70.15 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh/external/Ocnli.json b/results/sensenova__piccolo-large-zh/external/Ocnli.json new file mode 100644 index 000000000..addf83593 --- /dev/null +++ b/results/sensenova__piccolo-large-zh/external/Ocnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Ocnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 68.05630752571737, + "cos_sim_ap": 72.9224765568519, + "cos_sim_f1": 72.97297297297295, + "cos_sim_precision": 62.1380846325167, + "cos_sim_recall": 88.3843717001056, + "dot_accuracy": 68.11044937736871, + "dot_ap": 72.84095585142163, + "dot_f1": 72.59574468085107, + "dot_precision": 60.79828937990022, + "dot_recall": 90.07391763463569, + "euclidean_accuracy": 67.73145641580942, + "euclidean_ap": 72.8584903276338, + "euclidean_f1": 72.82095319879778, + "euclidean_precision": 61.3603473227207, + "euclidean_recall": 89.54593453009504, + "manhattan_accuracy": 67.56903086085543, + "manhattan_ap": 72.81719990959621, + "manhattan_f1": 72.95855560114896, + "manhattan_precision": 59.664429530201346, + "manhattan_recall": 93.8753959873284, + "max_accuracy": 68.11044937736871, + "max_ap": 72.9224765568519, + "max_f1": 72.97297297297295, + "main_score": 68.11044937736871 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh/external/OnlineShopping.json b/results/sensenova__piccolo-large-zh/external/OnlineShopping.json new file mode 100644 index 000000000..099d174cd --- /dev/null +++ b/results/sensenova__piccolo-large-zh/external/OnlineShopping.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 90.27, + "ap": 87.25468287842568, + "f1": 90.24230569233008, + "main_score": 90.27 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh/external/PAWSX.json b/results/sensenova__piccolo-large-zh/external/PAWSX.json new file mode 100644 index 000000000..a266a600b --- /dev/null +++ b/results/sensenova__piccolo-large-zh/external/PAWSX.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 34.445576951449894, + "cos_sim_spearman": 38.3120125820568, + "euclidean_pearson": 38.80156903904639, + "euclidean_spearman": 38.240808371401656, + "manhattan_pearson": 38.77317222891622, + "manhattan_spearman": 38.230008722746646, + "cosine_pearson": 34.445576951449894, + "cosine_spearman": 38.3120125820568, + "main_score": 38.3120125820568 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh/external/QBQTC.json b/results/sensenova__piccolo-large-zh/external/QBQTC.json new file mode 100644 index 000000000..7e5883a9a --- /dev/null +++ b/results/sensenova__piccolo-large-zh/external/QBQTC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "QBQTC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 37.990494014067295, + "cos_sim_spearman": 38.218416274161385, + "euclidean_pearson": 35.91543518481725, + "euclidean_spearman": 37.34947320962178, + "manhattan_pearson": 35.90653204921896, + "manhattan_spearman": 37.3484819621432, + "cosine_pearson": 37.990494014067295, + "cosine_spearman": 38.218416274161385, + "main_score": 38.218416274161385 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh/external/STS22.json b/results/sensenova__piccolo-large-zh/external/STS22.json new file mode 100644 index 000000000..b1e0c13d3 --- /dev/null +++ b/results/sensenova__piccolo-large-zh/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 66.10227125673059, + "cos_sim_spearman": 66.65529695940144, + "euclidean_pearson": 64.41045931064728, + "euclidean_spearman": 66.48371335308076, + "manhattan_pearson": 64.40881380301438, + "manhattan_spearman": 66.4530857331391, + "cosine_pearson": 66.10227125673059, + "cosine_spearman": 66.65529695940144, + "main_score": 66.65529695940144 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh/external/STSB.json b/results/sensenova__piccolo-large-zh/external/STSB.json new file mode 100644 index 000000000..c11655457 --- /dev/null +++ b/results/sensenova__piccolo-large-zh/external/STSB.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 74.46374847096926, + "cos_sim_spearman": 74.42746155066217, + "euclidean_pearson": 74.29184569507011, + "euclidean_spearman": 74.88985827017852, + "manhattan_pearson": 74.28083071864158, + "manhattan_spearman": 74.8848458821044, + "cosine_pearson": 74.46374847096926, + "cosine_spearman": 74.42746155066217, + "main_score": 74.42746155066217 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh/external/T2Reranking.json b/results/sensenova__piccolo-large-zh/external/T2Reranking.json new file mode 100644 index 000000000..c987e021c --- /dev/null +++ b/results/sensenova__piccolo-large-zh/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 66.95528971496414, + "mrr": 77.09135312892928, + "main_score": 66.95528971496414 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh/external/T2Retrieval.json b/results/sensenova__piccolo-large-zh/external/T2Retrieval.json new file mode 100644 index 000000000..8138b267d --- /dev/null +++ b/results/sensenova__piccolo-large-zh/external/T2Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 26.531, + "map_at_10": 74.504, + "map_at_100": 78.321, + "map_at_1000": 78.393, + "map_at_3": 52.288000000000004, + "map_at_5": 64.228, + "mrr_at_1": 88.331, + "mrr_at_10": 91.044, + "mrr_at_100": 91.156, + "mrr_at_1000": 91.161, + "mrr_at_3": 90.55499999999999, + "mrr_at_5": 90.857, + "ndcg_at_1": 88.331, + "ndcg_at_10": 82.468, + "ndcg_at_100": 86.494, + "ndcg_at_1000": 87.211, + "ndcg_at_3": 83.979, + "ndcg_at_5": 82.40899999999999, + "precision_at_1": 88.331, + "precision_at_10": 41.223, + "precision_at_100": 4.984, + "precision_at_1000": 0.515, + "precision_at_3": 73.603, + "precision_at_5": 61.634, + "recall_at_1": 26.531, + "recall_at_10": 81.432, + "recall_at_100": 94.404, + "recall_at_1000": 98.085, + "recall_at_3": 54.055, + "recall_at_5": 67.726, + "main_score": 82.468 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh/external/TNews.json b/results/sensenova__piccolo-large-zh/external/TNews.json new file mode 100644 index 000000000..0416b4495 --- /dev/null +++ b/results/sensenova__piccolo-large-zh/external/TNews.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 46.543, + "f1": 45.26659807296124, + "main_score": 46.543 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh/external/ThuNewsClusteringP2P.json b/results/sensenova__piccolo-large-zh/external/ThuNewsClusteringP2P.json new file mode 100644 index 000000000..ee731e467 --- /dev/null +++ b/results/sensenova__piccolo-large-zh/external/ThuNewsClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 60.575199180159586, + "main_score": 60.575199180159586 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh/external/ThuNewsClusteringS2S.json b/results/sensenova__piccolo-large-zh/external/ThuNewsClusteringS2S.json new file mode 100644 index 000000000..fad8a93c1 --- /dev/null +++ b/results/sensenova__piccolo-large-zh/external/ThuNewsClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 52.55759510188472, + "main_score": 52.55759510188472 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh/external/VideoRetrieval.json b/results/sensenova__piccolo-large-zh/external/VideoRetrieval.json new file mode 100644 index 000000000..50c80bb75 --- /dev/null +++ b/results/sensenova__piccolo-large-zh/external/VideoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 56.2, + "map_at_10": 66.497, + "map_at_100": 66.994, + "map_at_1000": 67.012, + "map_at_3": 64.483, + "map_at_5": 65.783, + "mrr_at_1": 56.2, + "mrr_at_10": 66.497, + "mrr_at_100": 66.994, + "mrr_at_1000": 67.012, + "mrr_at_3": 64.483, + "mrr_at_5": 65.783, + "ndcg_at_1": 56.2, + "ndcg_at_10": 71.18100000000001, + "ndcg_at_100": 73.411, + "ndcg_at_1000": 73.819, + "ndcg_at_3": 67.137, + "ndcg_at_5": 69.461, + "precision_at_1": 56.2, + "precision_at_10": 8.57, + "precision_at_100": 0.9570000000000001, + "precision_at_1000": 0.099, + "precision_at_3": 24.933, + "precision_at_5": 16.08, + "recall_at_1": 56.2, + "recall_at_10": 85.7, + "recall_at_100": 95.7, + "recall_at_1000": 98.8, + "recall_at_3": 74.8, + "recall_at_5": 80.4, + "main_score": 71.18100000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh/external/Waimai.json b/results/sensenova__piccolo-large-zh/external/Waimai.json new file mode 100644 index 000000000..3feda37d2 --- /dev/null +++ b/results/sensenova__piccolo-large-zh/external/Waimai.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 85.54, + "ap": 68.02479661585015, + "f1": 83.87871999963863, + "main_score": 85.54 + } + ] + } +} \ No newline at end of file diff --git a/results/sensenova__piccolo-large-zh/external/model_meta.json b/results/sensenova__piccolo-large-zh/external/model_meta.json new file mode 100644 index 000000000..9717677db --- /dev/null +++ b/results/sensenova__piccolo-large-zh/external/model_meta.json @@ -0,0 +1,20 @@ +{ + "name": "sensenova/piccolo-large-zh", + "revision": "6b4e260b836d7a83c12258bcd4ae1ae053433a80", + "release_date": "2023-09-04", + "languages": [], + "loader": null, + "n_parameters": 162774544, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 1024, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/AILACasedocs.json b/results/sergeyzh__rubert-tiny-turbo/external/AILACasedocs.json new file mode 100644 index 000000000..672884808 --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/AILACasedocs.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "4106e6bcc72e0698d714ea8b101355e3e238431a", + "task_name": "AILACasedocs", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 7.432999999999999, + "map_at_1": 0.604, + "map_at_10": 3.8989999999999996, + "map_at_100": 7.89, + "map_at_1000": 8.417, + "map_at_20": 5.007000000000001, + "map_at_3": 2.688, + "map_at_5": 3.0380000000000003, + "mrr_at_1": 6.0, + "mrr_at_10": 11.799999999999999, + "mrr_at_100": 14.417998426795965, + "mrr_at_1000": 14.474056627618499, + "mrr_at_20": 13.017532467532467, + "mrr_at_3": 10.333333333333334, + "mrr_at_5": 10.733333333333333, + "nauc_map_at_1000_diff1": -18.649405381116548, + "nauc_map_at_1000_max": 53.92467833877199, + "nauc_map_at_1000_std": -37.567628121407296, + "nauc_map_at_100_diff1": -19.053926237591206, + "nauc_map_at_100_max": 53.442907236002725, + "nauc_map_at_100_std": -37.310817568902884, + "nauc_map_at_10_diff1": -13.464050841785403, + "nauc_map_at_10_max": 48.093886298979946, + "nauc_map_at_10_std": -34.85388157835729, + "nauc_map_at_1_diff1": -13.741863044507388, + "nauc_map_at_1_max": 88.80266056441289, + "nauc_map_at_1_std": -52.44805080502242, + "nauc_map_at_20_diff1": -14.561491138058782, + "nauc_map_at_20_max": 48.97477701904, + "nauc_map_at_20_std": -31.218577996781537, + "nauc_map_at_3_diff1": -15.370170931276068, + "nauc_map_at_3_max": 53.443631887225486, + "nauc_map_at_3_std": -40.92344513873499, + "nauc_map_at_5_diff1": -12.899827975508286, + "nauc_map_at_5_max": 56.55724779187716, + "nauc_map_at_5_std": -38.50107328981899, + "nauc_mrr_at_1000_diff1": -20.480388426956775, + "nauc_mrr_at_1000_max": 59.34434186773745, + "nauc_mrr_at_1000_std": -38.78219708358511, + "nauc_mrr_at_100_diff1": -20.733217227513638, + "nauc_mrr_at_100_max": 59.338571965753026, + "nauc_mrr_at_100_std": -38.905241386083524, + "nauc_mrr_at_10_diff1": -23.191503817950903, + "nauc_mrr_at_10_max": 59.40585262343663, + "nauc_mrr_at_10_std": -39.558082853802894, + "nauc_mrr_at_1_diff1": -18.978624452195685, + "nauc_mrr_at_1_max": 88.73088274751811, + "nauc_mrr_at_1_std": -52.46400143099903, + "nauc_mrr_at_20_diff1": -20.110327257289537, + "nauc_mrr_at_20_max": 57.24590011894607, + "nauc_mrr_at_20_std": -36.76057923211494, + "nauc_mrr_at_3_diff1": -20.292924276357084, + "nauc_mrr_at_3_max": 62.92624417852826, + "nauc_mrr_at_3_std": -42.31284612573441, + "nauc_mrr_at_5_diff1": -22.088780368608298, + "nauc_mrr_at_5_max": 61.62928734634482, + "nauc_mrr_at_5_std": -38.47155384792127, + "nauc_ndcg_at_1000_diff1": -21.96644342707332, + "nauc_ndcg_at_1000_max": 54.04115629470727, + "nauc_ndcg_at_1000_std": -38.60954619686922, + "nauc_ndcg_at_100_diff1": -28.508933576201116, + "nauc_ndcg_at_100_max": 53.62925134001747, + "nauc_ndcg_at_100_std": -41.66742945815351, + "nauc_ndcg_at_10_diff1": -19.22314681419278, + "nauc_ndcg_at_10_max": 44.88305374351992, + "nauc_ndcg_at_10_std": -32.86086137849654, + "nauc_ndcg_at_1_diff1": -18.978624452195685, + "nauc_ndcg_at_1_max": 88.73088274751811, + "nauc_ndcg_at_1_std": -52.46400143099903, + "nauc_ndcg_at_20_diff1": -14.037813797353552, + "nauc_ndcg_at_20_max": 43.01748289241327, + "nauc_ndcg_at_20_std": -23.548077008049674, + "nauc_ndcg_at_3_diff1": -19.9659903984576, + "nauc_ndcg_at_3_max": 64.99817864354436, + "nauc_ndcg_at_3_std": -45.246163550721796, + "nauc_ndcg_at_5_diff1": -20.389688306447788, + "nauc_ndcg_at_5_max": 61.370293646369454, + "nauc_ndcg_at_5_std": -39.9134710853091, + "nauc_precision_at_1000_diff1": -26.69952361901621, + "nauc_precision_at_1000_max": 46.40932456102013, + "nauc_precision_at_1000_std": -37.38094677778857, + "nauc_precision_at_100_diff1": -29.692268260058146, + "nauc_precision_at_100_max": 49.265913223173584, + "nauc_precision_at_100_std": -41.45888232985447, + "nauc_precision_at_10_diff1": -20.974428245377048, + "nauc_precision_at_10_max": 53.924262890679564, + "nauc_precision_at_10_std": -35.74456192649867, + "nauc_precision_at_1_diff1": -18.978624452195685, + "nauc_precision_at_1_max": 88.73088274751811, + "nauc_precision_at_1_std": -52.46400143099903, + "nauc_precision_at_20_diff1": -23.03848763224966, + "nauc_precision_at_20_max": 51.19001778609016, + "nauc_precision_at_20_std": -33.25265416139501, + "nauc_precision_at_3_diff1": -19.497362250879267, + "nauc_precision_at_3_max": 64.71277842907384, + "nauc_precision_at_3_std": -44.512016412661204, + "nauc_precision_at_5_diff1": -18.918918918918912, + "nauc_precision_at_5_max": 64.89456489456494, + "nauc_precision_at_5_std": -37.37960880818024, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": -44.51937508102329, + "nauc_recall_at_100_max": 25.75429602376942, + "nauc_recall_at_100_std": -33.30783195688129, + "nauc_recall_at_10_diff1": -18.776401920240275, + "nauc_recall_at_10_max": 23.00791681188562, + "nauc_recall_at_10_std": -21.576198296256532, + "nauc_recall_at_1_diff1": -13.741863044507388, + "nauc_recall_at_1_max": 88.80266056441289, + "nauc_recall_at_1_std": -52.44805080502242, + "nauc_recall_at_20_diff1": -3.8724115673803343, + "nauc_recall_at_20_max": 21.50124528790692, + "nauc_recall_at_20_std": -1.6719812367243132, + "nauc_recall_at_3_diff1": -20.21079163108882, + "nauc_recall_at_3_max": 42.152167178196684, + "nauc_recall_at_3_std": -36.258746145318526, + "nauc_recall_at_5_diff1": -22.10269915203519, + "nauc_recall_at_5_max": 43.30767031613079, + "nauc_recall_at_5_std": -27.398704255640478, + "ndcg_at_1": 6.0, + "ndcg_at_10": 7.432999999999999, + "ndcg_at_100": 26.354, + "ndcg_at_1000": 30.558000000000003, + "ndcg_at_20": 11.143, + "ndcg_at_3": 7.979, + "ndcg_at_5": 6.81, + "precision_at_1": 6.0, + "precision_at_10": 4.2, + "precision_at_100": 3.1199999999999997, + "precision_at_1000": 0.38999999999999996, + "precision_at_20": 4.2, + "precision_at_3": 8.0, + "precision_at_5": 5.6000000000000005, + "recall_at_1": 0.604, + "recall_at_10": 9.678, + "recall_at_100": 78.645, + "recall_at_1000": 100.0, + "recall_at_20": 20.79, + "recall_at_3": 4.261, + "recall_at_5": 5.011 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/AILAStatutes.json b/results/sergeyzh__rubert-tiny-turbo/external/AILAStatutes.json new file mode 100644 index 000000000..8bbdff560 --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/AILAStatutes.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ebfcd844eadd3d667efa3c57fc5c8c87f5c2867e", + "task_name": "AILAStatutes", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 13.624, + "map_at_1": 1.7999999999999998, + "map_at_10": 6.41, + "map_at_100": 11.995000000000001, + "map_at_1000": 11.995000000000001, + "map_at_20": 7.33, + "map_at_3": 4.089, + "map_at_5": 5.192, + "mrr_at_1": 8.0, + "mrr_at_10": 20.935714285714287, + "mrr_at_100": 23.02755974294914, + "mrr_at_1000": 23.02755974294914, + "mrr_at_20": 22.1038126476207, + "mrr_at_3": 15.333333333333332, + "mrr_at_5": 19.533333333333335, + "nauc_map_at_1000_diff1": 5.278882422253006, + "nauc_map_at_1000_max": 3.7333073133608896, + "nauc_map_at_1000_std": -4.5637189871999775, + "nauc_map_at_100_diff1": 5.278882422253006, + "nauc_map_at_100_max": 3.7333073133608896, + "nauc_map_at_100_std": -4.5637189871999775, + "nauc_map_at_10_diff1": 8.570212263630141, + "nauc_map_at_10_max": -6.6489980060039295, + "nauc_map_at_10_std": -12.162352126704402, + "nauc_map_at_1_diff1": 7.476969859583216, + "nauc_map_at_1_max": -26.629997316876853, + "nauc_map_at_1_std": -23.469874489461308, + "nauc_map_at_20_diff1": 7.222345063366828, + "nauc_map_at_20_max": -2.5103197323267223, + "nauc_map_at_20_std": -10.997015623527455, + "nauc_map_at_3_diff1": 14.924734426277178, + "nauc_map_at_3_max": -11.92937537932614, + "nauc_map_at_3_std": -4.9319666083973255, + "nauc_map_at_5_diff1": 8.080773945621521, + "nauc_map_at_5_max": -3.8175754142607836, + "nauc_map_at_5_std": -4.541639774033337, + "nauc_mrr_at_1000_diff1": 2.4122089783406646, + "nauc_mrr_at_1000_max": -15.876004562207497, + "nauc_mrr_at_1000_std": -12.985028057822372, + "nauc_mrr_at_100_diff1": 2.4122089783406646, + "nauc_mrr_at_100_max": -15.876004562207497, + "nauc_mrr_at_100_std": -12.985028057822372, + "nauc_mrr_at_10_diff1": 0.2857311186354727, + "nauc_mrr_at_10_max": -14.63697545190418, + "nauc_mrr_at_10_std": -12.056570964159198, + "nauc_mrr_at_1_diff1": 6.868795277703242, + "nauc_mrr_at_1_max": -24.845720418567222, + "nauc_mrr_at_1_std": -20.686879527770337, + "nauc_mrr_at_20_diff1": 1.8452171261188577, + "nauc_mrr_at_20_max": -15.538023663956924, + "nauc_mrr_at_20_std": -13.690749771450164, + "nauc_mrr_at_3_diff1": 10.557261573838256, + "nauc_mrr_at_3_max": -20.946427791765498, + "nauc_mrr_at_3_std": -9.815750025468983, + "nauc_mrr_at_5_diff1": 4.101442020672411, + "nauc_mrr_at_5_max": -14.963605604722682, + "nauc_mrr_at_5_std": -9.917384084595511, + "nauc_ndcg_at_1000_diff1": 0.04370368246080858, + "nauc_ndcg_at_1000_max": -0.818088536466922, + "nauc_ndcg_at_1000_std": -4.74569960455296, + "nauc_ndcg_at_100_diff1": 0.04370368246080858, + "nauc_ndcg_at_100_max": -0.818088536466922, + "nauc_ndcg_at_100_std": -4.74569960455296, + "nauc_ndcg_at_10_diff1": 1.2847289677534977, + "nauc_ndcg_at_10_max": -6.3756503900224955, + "nauc_ndcg_at_10_std": -12.98730478286347, + "nauc_ndcg_at_1_diff1": 6.868795277703242, + "nauc_ndcg_at_1_max": -24.845720418567222, + "nauc_ndcg_at_1_std": -20.686879527770337, + "nauc_ndcg_at_20_diff1": 0.777375339231765, + "nauc_ndcg_at_20_max": -0.9649148688381876, + "nauc_ndcg_at_20_std": -14.374528790697976, + "nauc_ndcg_at_3_diff1": 11.34233767766492, + "nauc_ndcg_at_3_max": -13.185097340604685, + "nauc_ndcg_at_3_std": -1.42817114044502, + "nauc_ndcg_at_5_diff1": 3.6861855424314394, + "nauc_ndcg_at_5_max": -3.8049446945965877, + "nauc_ndcg_at_5_std": -3.627047155464453, + "nauc_precision_at_1000_diff1": -23.534146832293555, + "nauc_precision_at_1000_max": 7.621521743107654, + "nauc_precision_at_1000_std": 31.79231993560317, + "nauc_precision_at_100_diff1": -23.534146832293136, + "nauc_precision_at_100_max": 7.6215217431077615, + "nauc_precision_at_100_std": 31.792319935603174, + "nauc_precision_at_10_diff1": -9.295902835532825, + "nauc_precision_at_10_max": -3.516562838357381, + "nauc_precision_at_10_std": -9.542266229384722, + "nauc_precision_at_1_diff1": 6.868795277703242, + "nauc_precision_at_1_max": -24.845720418567222, + "nauc_precision_at_1_std": -20.686879527770337, + "nauc_precision_at_20_diff1": -9.74438544160727, + "nauc_precision_at_20_max": 8.895012105242024, + "nauc_precision_at_20_std": -10.653950589210957, + "nauc_precision_at_3_diff1": 8.920936116382022, + "nauc_precision_at_3_max": -10.246679316888065, + "nauc_precision_at_3_std": 5.611638203668553, + "nauc_precision_at_5_diff1": -8.265025821338345, + "nauc_precision_at_5_max": 7.359630809801093, + "nauc_precision_at_5_std": 7.003625975167535, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": NaN, + "nauc_recall_at_100_max": NaN, + "nauc_recall_at_100_std": NaN, + "nauc_recall_at_10_diff1": -1.798034642140945, + "nauc_recall_at_10_max": 0.6924952930762724, + "nauc_recall_at_10_std": -13.706398349868037, + "nauc_recall_at_1_diff1": 7.476969859583216, + "nauc_recall_at_1_max": -26.629997316876853, + "nauc_recall_at_1_std": -23.469874489461308, + "nauc_recall_at_20_diff1": -2.659819202817919, + "nauc_recall_at_20_max": 10.517274540935807, + "nauc_recall_at_20_std": -14.235421011543991, + "nauc_recall_at_3_diff1": 15.662853297442803, + "nauc_recall_at_3_max": -11.663877606927189, + "nauc_recall_at_3_std": -2.341470241427359, + "nauc_recall_at_5_diff1": 2.273326115596832, + "nauc_recall_at_5_max": 2.8669632025879537, + "nauc_recall_at_5_std": -0.3450165007891684, + "ndcg_at_1": 8.0, + "ndcg_at_10": 13.624, + "ndcg_at_100": 38.109, + "ndcg_at_1000": 38.109, + "ndcg_at_20": 16.907, + "ndcg_at_3": 9.45, + "ndcg_at_5": 10.598, + "precision_at_1": 8.0, + "precision_at_10": 7.3999999999999995, + "precision_at_100": 4.34, + "precision_at_1000": 0.434, + "precision_at_20": 5.5, + "precision_at_3": 10.0, + "precision_at_5": 10.0, + "recall_at_1": 1.7999999999999998, + "recall_at_10": 18.333, + "recall_at_100": 100.0, + "recall_at_1000": 100.0, + "recall_at_20": 26.333000000000002, + "recall_at_3": 7.867, + "recall_at_5": 12.333 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/ARCChallenge.json b/results/sergeyzh__rubert-tiny-turbo/external/ARCChallenge.json new file mode 100644 index 000000000..327eafffe --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/ARCChallenge.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c481e0da3dcbbad8bce7721dea9085b74320a0a3", + "task_name": "ARCChallenge", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 3.8449999999999998, + "map_at_1": 1.536, + "map_at_10": 2.902, + "map_at_100": 3.2259999999999995, + "map_at_1000": 3.309, + "map_at_20": 3.061, + "map_at_3": 2.204, + "map_at_5": 2.656, + "mrr_at_1": 1.5358361774744027, + "mrr_at_10": 2.902107373097134, + "mrr_at_100": 3.2259697277173585, + "mrr_at_1000": 3.309141234079007, + "mrr_at_20": 3.0608339226581975, + "mrr_at_3": 2.204209328782707, + "mrr_at_5": 2.6564277588168363, + "nauc_map_at_1000_diff1": 6.6349335671175, + "nauc_map_at_1000_max": 10.045752081479547, + "nauc_map_at_1000_std": 5.17373675499246, + "nauc_map_at_100_diff1": 6.6240618235225135, + "nauc_map_at_100_max": 10.244151375429777, + "nauc_map_at_100_std": 5.305639061848512, + "nauc_map_at_10_diff1": 7.5024069352343, + "nauc_map_at_10_max": 11.928684625428838, + "nauc_map_at_10_std": 5.016380398843673, + "nauc_map_at_1_diff1": 17.26912687174127, + "nauc_map_at_1_max": 6.265273970269121, + "nauc_map_at_1_std": -4.8796731336600825, + "nauc_map_at_20_diff1": 7.120932496690847, + "nauc_map_at_20_max": 11.15762860873897, + "nauc_map_at_20_std": 5.342837705336892, + "nauc_map_at_3_diff1": 7.138259469017607, + "nauc_map_at_3_max": 8.348409228816523, + "nauc_map_at_3_std": 6.767314043423357, + "nauc_map_at_5_diff1": 7.239963996009633, + "nauc_map_at_5_max": 11.068225118567208, + "nauc_map_at_5_std": 5.0851302044955835, + "nauc_mrr_at_1000_diff1": 6.6349335671175, + "nauc_mrr_at_1000_max": 10.045752081479547, + "nauc_mrr_at_1000_std": 5.17373675499246, + "nauc_mrr_at_100_diff1": 6.6240618235225135, + "nauc_mrr_at_100_max": 10.244151375429777, + "nauc_mrr_at_100_std": 5.305639061848512, + "nauc_mrr_at_10_diff1": 7.5024069352343, + "nauc_mrr_at_10_max": 11.928684625428838, + "nauc_mrr_at_10_std": 5.016380398843673, + "nauc_mrr_at_1_diff1": 17.26912687174127, + "nauc_mrr_at_1_max": 6.265273970269121, + "nauc_mrr_at_1_std": -4.8796731336600825, + "nauc_mrr_at_20_diff1": 7.120932496690847, + "nauc_mrr_at_20_max": 11.15762860873897, + "nauc_mrr_at_20_std": 5.342837705336892, + "nauc_mrr_at_3_diff1": 7.138259469017607, + "nauc_mrr_at_3_max": 8.348409228816523, + "nauc_mrr_at_3_std": 6.767314043423357, + "nauc_mrr_at_5_diff1": 7.239963996009633, + "nauc_mrr_at_5_max": 11.068225118567208, + "nauc_mrr_at_5_std": 5.0851302044955835, + "nauc_ndcg_at_1000_diff1": 3.49547273108029, + "nauc_ndcg_at_1000_max": 4.987679792326471, + "nauc_ndcg_at_1000_std": 4.792386661474078, + "nauc_ndcg_at_100_diff1": 3.423765430486521, + "nauc_ndcg_at_100_max": 7.215346434617728, + "nauc_ndcg_at_100_std": 6.1334416812657055, + "nauc_ndcg_at_10_diff1": 6.211453661355799, + "nauc_ndcg_at_10_max": 13.686949611790244, + "nauc_ndcg_at_10_std": 5.334521959588366, + "nauc_ndcg_at_1_diff1": 17.26912687174127, + "nauc_ndcg_at_1_max": 6.265273970269121, + "nauc_ndcg_at_1_std": -4.8796731336600825, + "nauc_ndcg_at_20_diff1": 5.269692894653953, + "nauc_ndcg_at_20_max": 11.466483119515134, + "nauc_ndcg_at_20_std": 6.208531132010362, + "nauc_ndcg_at_3_diff1": 4.841534563021528, + "nauc_ndcg_at_3_max": 8.715299190678648, + "nauc_ndcg_at_3_std": 8.889648909403514, + "nauc_ndcg_at_5_diff1": 5.5149763431777385, + "nauc_ndcg_at_5_max": 12.41579830649011, + "nauc_ndcg_at_5_std": 5.8568738487427865, + "nauc_precision_at_1000_diff1": 1.0890041942217588, + "nauc_precision_at_1000_max": -1.074889035912781, + "nauc_precision_at_1000_std": 3.7386321369399207, + "nauc_precision_at_100_diff1": 0.24898034725209317, + "nauc_precision_at_100_max": 2.6625432444853345, + "nauc_precision_at_100_std": 6.760865885892171, + "nauc_precision_at_10_diff1": 4.728605530960451, + "nauc_precision_at_10_max": 16.098011324014156, + "nauc_precision_at_10_std": 5.294918338481019, + "nauc_precision_at_1_diff1": 17.26912687174127, + "nauc_precision_at_1_max": 6.265273970269121, + "nauc_precision_at_1_std": -4.8796731336600825, + "nauc_precision_at_20_diff1": 3.1605384012118063, + "nauc_precision_at_20_max": 11.228945826678288, + "nauc_precision_at_20_std": 7.0587619686895975, + "nauc_precision_at_3_diff1": 0.15384889210192554, + "nauc_precision_at_3_max": 9.441612052649862, + "nauc_precision_at_3_std": 13.110663421557597, + "nauc_precision_at_5_diff1": 2.9177590765544803, + "nauc_precision_at_5_max": 14.583883090410385, + "nauc_precision_at_5_std": 6.761154902844139, + "nauc_recall_at_1000_diff1": 1.0890041942217838, + "nauc_recall_at_1000_max": -1.0748890359127414, + "nauc_recall_at_1000_std": 3.7386321369399447, + "nauc_recall_at_100_diff1": 0.2489803472520955, + "nauc_recall_at_100_max": 2.6625432444853385, + "nauc_recall_at_100_std": 6.7608658858921835, + "nauc_recall_at_10_diff1": 4.728605530960435, + "nauc_recall_at_10_max": 16.09801132401412, + "nauc_recall_at_10_std": 5.294918338481006, + "nauc_recall_at_1_diff1": 17.26912687174127, + "nauc_recall_at_1_max": 6.265273970269121, + "nauc_recall_at_1_std": -4.8796731336600825, + "nauc_recall_at_20_diff1": 3.1605384012117814, + "nauc_recall_at_20_max": 11.22894582667827, + "nauc_recall_at_20_std": 7.0587619686895655, + "nauc_recall_at_3_diff1": 0.15384889210195152, + "nauc_recall_at_3_max": 9.441612052649868, + "nauc_recall_at_3_std": 13.110663421557629, + "nauc_recall_at_5_diff1": 2.917759076554466, + "nauc_recall_at_5_max": 14.583883090410346, + "nauc_recall_at_5_std": 6.761154902844119, + "ndcg_at_1": 1.536, + "ndcg_at_10": 3.8449999999999998, + "ndcg_at_100": 5.772, + "ndcg_at_1000": 8.509, + "ndcg_at_20": 4.426, + "ndcg_at_3": 2.447, + "ndcg_at_5": 3.258, + "precision_at_1": 1.536, + "precision_at_10": 0.6910000000000001, + "precision_at_100": 0.168, + "precision_at_1000": 0.04, + "precision_at_20": 0.461, + "precision_at_3": 1.052, + "precision_at_5": 1.024, + "recall_at_1": 1.536, + "recall_at_10": 6.9110000000000005, + "recall_at_100": 16.808999999999997, + "recall_at_1000": 39.505, + "recall_at_20": 9.215, + "recall_at_3": 3.157, + "recall_at_5": 5.119 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/AlphaNLI.json b/results/sergeyzh__rubert-tiny-turbo/external/AlphaNLI.json new file mode 100644 index 000000000..f3a5e1227 --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/AlphaNLI.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "303f40ef3d50918d3dc43577d33f2f7344ad72c1", + "task_name": "AlphaNLI", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 14.155000000000001, + "map_at_1": 8.616, + "map_at_10": 12.151, + "map_at_100": 12.713, + "map_at_1000": 12.790000000000001, + "map_at_20": 12.478, + "map_at_3": 10.955, + "map_at_5": 11.68, + "mrr_at_1": 8.616187989556137, + "mrr_at_10": 12.151197728873969, + "mrr_at_100": 12.713435989405935, + "mrr_at_1000": 12.789534083463522, + "mrr_at_20": 12.478389119397455, + "mrr_at_3": 10.955178416013926, + "mrr_at_5": 11.679721496953876, + "nauc_map_at_1000_diff1": 38.986525912703435, + "nauc_map_at_1000_max": 12.219692225747707, + "nauc_map_at_1000_std": 1.2585343212684903, + "nauc_map_at_100_diff1": 39.02868722054371, + "nauc_map_at_100_max": 12.248003227250122, + "nauc_map_at_100_std": 1.2163208553030314, + "nauc_map_at_10_diff1": 40.110717683039525, + "nauc_map_at_10_max": 12.78605835422205, + "nauc_map_at_10_std": 0.6481692151906001, + "nauc_map_at_1_diff1": 48.456097345786745, + "nauc_map_at_1_max": 14.981869102701411, + "nauc_map_at_1_std": -3.0707717911327226, + "nauc_map_at_20_diff1": 39.42161381753684, + "nauc_map_at_20_max": 12.341429085851182, + "nauc_map_at_20_std": 0.8391480542456798, + "nauc_map_at_3_diff1": 42.64699229741736, + "nauc_map_at_3_max": 13.681396294884618, + "nauc_map_at_3_std": -1.3518984290812146, + "nauc_map_at_5_diff1": 41.32077190616691, + "nauc_map_at_5_max": 13.136429689834436, + "nauc_map_at_5_std": 0.32856286589434136, + "nauc_mrr_at_1000_diff1": 38.98652591920884, + "nauc_mrr_at_1000_max": 12.219692104355413, + "nauc_mrr_at_1000_std": 1.2585339367622461, + "nauc_mrr_at_100_diff1": 39.02868722054371, + "nauc_mrr_at_100_max": 12.248003227250122, + "nauc_mrr_at_100_std": 1.2163208553030314, + "nauc_mrr_at_10_diff1": 40.110717683039525, + "nauc_mrr_at_10_max": 12.78605835422205, + "nauc_mrr_at_10_std": 0.6481692151906001, + "nauc_mrr_at_1_diff1": 48.456097345786745, + "nauc_mrr_at_1_max": 14.981869102701411, + "nauc_mrr_at_1_std": -3.0707717911327226, + "nauc_mrr_at_20_diff1": 39.42161381753684, + "nauc_mrr_at_20_max": 12.341429085851182, + "nauc_mrr_at_20_std": 0.8391480542456798, + "nauc_mrr_at_3_diff1": 42.64699229741736, + "nauc_mrr_at_3_max": 13.681396294884618, + "nauc_mrr_at_3_std": -1.3518984290812146, + "nauc_mrr_at_5_diff1": 41.32077190616691, + "nauc_mrr_at_5_max": 13.136429689834436, + "nauc_mrr_at_5_std": 0.32856286589434136, + "nauc_ndcg_at_1000_diff1": 31.611075970442926, + "nauc_ndcg_at_1000_max": 9.936393145930218, + "nauc_ndcg_at_1000_std": 6.71067891152211, + "nauc_ndcg_at_100_diff1": 32.58290081795884, + "nauc_ndcg_at_100_max": 9.842659588765363, + "nauc_ndcg_at_100_std": 5.498554329517975, + "nauc_ndcg_at_10_diff1": 36.75293874754393, + "nauc_ndcg_at_10_max": 11.803286140726776, + "nauc_ndcg_at_10_std": 2.5976940855692074, + "nauc_ndcg_at_1_diff1": 48.456097345786745, + "nauc_ndcg_at_1_max": 14.981869102701411, + "nauc_ndcg_at_1_std": -3.0707717911327226, + "nauc_ndcg_at_20_diff1": 34.638144952713866, + "nauc_ndcg_at_20_max": 10.449640737261305, + "nauc_ndcg_at_20_std": 3.2195824007114675, + "nauc_ndcg_at_3_diff1": 41.24511499401773, + "nauc_ndcg_at_3_max": 13.384003644595388, + "nauc_ndcg_at_3_std": -0.7628562047692254, + "nauc_ndcg_at_5_diff1": 39.2155849544026, + "nauc_ndcg_at_5_max": 12.577199638671265, + "nauc_ndcg_at_5_std": 2.0185641778476127, + "nauc_precision_at_1000_diff1": 11.879578040836442, + "nauc_precision_at_1000_max": 5.358855936542234, + "nauc_precision_at_1000_std": 23.471172109373907, + "nauc_precision_at_100_diff1": 18.24569021314919, + "nauc_precision_at_100_max": 4.309548949123852, + "nauc_precision_at_100_std": 15.884619703445772, + "nauc_precision_at_10_diff1": 29.512994402519226, + "nauc_precision_at_10_max": 9.634695132770453, + "nauc_precision_at_10_std": 6.795536654948908, + "nauc_precision_at_1_diff1": 48.456097345786745, + "nauc_precision_at_1_max": 14.981869102701411, + "nauc_precision_at_1_std": -3.0707717911327226, + "nauc_precision_at_20_diff1": 24.18871405534599, + "nauc_precision_at_20_max": 6.090279031407053, + "nauc_precision_at_20_std": 8.291882200513058, + "nauc_precision_at_3_diff1": 37.926451300682054, + "nauc_precision_at_3_max": 12.684618853985219, + "nauc_precision_at_3_std": 0.6806740647349011, + "nauc_precision_at_5_diff1": 34.550519136938384, + "nauc_precision_at_5_max": 11.344674575354038, + "nauc_precision_at_5_std": 5.985578706127787, + "nauc_recall_at_1000_diff1": 11.879578040836519, + "nauc_recall_at_1000_max": 5.358855936542304, + "nauc_recall_at_1000_std": 23.47117210937398, + "nauc_recall_at_100_diff1": 18.245690213149167, + "nauc_recall_at_100_max": 4.3095489491238155, + "nauc_recall_at_100_std": 15.88461970344576, + "nauc_recall_at_10_diff1": 29.512994402519215, + "nauc_recall_at_10_max": 9.634695132770442, + "nauc_recall_at_10_std": 6.795536654948889, + "nauc_recall_at_1_diff1": 48.456097345786745, + "nauc_recall_at_1_max": 14.981869102701411, + "nauc_recall_at_1_std": -3.0707717911327226, + "nauc_recall_at_20_diff1": 24.188714055346, + "nauc_recall_at_20_max": 6.09027903140705, + "nauc_recall_at_20_std": 8.291882200513056, + "nauc_recall_at_3_diff1": 37.92645130068206, + "nauc_recall_at_3_max": 12.684618853985235, + "nauc_recall_at_3_std": 0.6806740647349308, + "nauc_recall_at_5_diff1": 34.55051913693838, + "nauc_recall_at_5_max": 11.344674575354015, + "nauc_recall_at_5_std": 5.985578706127789, + "ndcg_at_1": 8.616, + "ndcg_at_10": 14.155000000000001, + "ndcg_at_100": 17.102, + "ndcg_at_1000": 19.631, + "ndcg_at_20": 15.344, + "ndcg_at_3": 11.728, + "ndcg_at_5": 13.025999999999998, + "precision_at_1": 8.616, + "precision_at_10": 2.056, + "precision_at_100": 0.349, + "precision_at_1000": 0.055999999999999994, + "precision_at_20": 1.2630000000000001, + "precision_at_3": 4.656, + "precision_at_5": 3.42, + "recall_at_1": 8.616, + "recall_at_10": 20.561, + "recall_at_100": 34.855999999999995, + "recall_at_1000": 55.875, + "recall_at_20": 25.261, + "recall_at_3": 13.969000000000001, + "recall_at_5": 17.102 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/AmazonPolarityClassification.json b/results/sergeyzh__rubert-tiny-turbo/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..079bd03f8 --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/AmazonPolarityClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 68.359575, + "ap": 63.04430514461716, + "ap_weighted": 63.04430514461716, + "f1": 68.12645282836293, + "f1_weighted": 68.12645282836293, + "main_score": 68.359575 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/ArguAna.json b/results/sergeyzh__rubert-tiny-turbo/external/ArguAna.json new file mode 100644 index 000000000..13bb935bd --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/ArguAna.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 32.031, + "map_at_1": 15.363, + "map_at_10": 25.629999999999995, + "map_at_100": 26.851999999999997, + "map_at_1000": 26.916, + "map_at_20": 26.401999999999997, + "map_at_3": 21.764, + "map_at_5": 23.798, + "mrr_at_1": 15.647226173541965, + "mrr_at_10": 25.74270699270699, + "mrr_at_100": 26.95759156481371, + "mrr_at_1000": 27.02192945787223, + "mrr_at_20": 26.50752832488611, + "mrr_at_3": 21.894262683736372, + "mrr_at_5": 23.889284020862938, + "nauc_map_at_1000_diff1": 9.717094498857836, + "nauc_map_at_1000_max": 0.006128824635771366, + "nauc_map_at_1000_std": 9.951724867994008, + "nauc_map_at_100_diff1": 9.720746167116648, + "nauc_map_at_100_max": 0.03921480687966482, + "nauc_map_at_100_std": 10.01422840642898, + "nauc_map_at_10_diff1": 9.629884802439925, + "nauc_map_at_10_max": -0.18895622006721804, + "nauc_map_at_10_std": 8.801754758016564, + "nauc_map_at_1_diff1": 10.255415606776134, + "nauc_map_at_1_max": -2.7429221309654044, + "nauc_map_at_1_std": 6.866297123270523, + "nauc_map_at_20_diff1": 9.707948736975794, + "nauc_map_at_20_max": 0.01892213753638095, + "nauc_map_at_20_std": 9.681790764357237, + "nauc_map_at_3_diff1": 8.344213156710568, + "nauc_map_at_3_max": -2.0132121856529483, + "nauc_map_at_3_std": 8.554071405515435, + "nauc_map_at_5_diff1": 9.14495583661473, + "nauc_map_at_5_max": -1.379873148644914, + "nauc_map_at_5_std": 9.044652095982553, + "nauc_mrr_at_1000_diff1": 8.520276824384093, + "nauc_mrr_at_1000_max": -0.41053299382643904, + "nauc_mrr_at_1000_std": 9.770616411797125, + "nauc_mrr_at_100_diff1": 8.526357726757498, + "nauc_mrr_at_100_max": -0.37675957362198204, + "nauc_mrr_at_100_std": 9.833172972935825, + "nauc_mrr_at_10_diff1": 8.504469942302443, + "nauc_mrr_at_10_max": -0.5555290478828475, + "nauc_mrr_at_10_std": 8.67347986151777, + "nauc_mrr_at_1_diff1": 8.924965691375194, + "nauc_mrr_at_1_max": -2.472212128016505, + "nauc_mrr_at_1_std": 6.727737069169365, + "nauc_mrr_at_20_diff1": 8.527008337552795, + "nauc_mrr_at_20_max": -0.39130673567011953, + "nauc_mrr_at_20_std": 9.504234612175194, + "nauc_mrr_at_3_diff1": 7.028185998793612, + "nauc_mrr_at_3_max": -2.531551924396665, + "nauc_mrr_at_3_std": 8.36654956798548, + "nauc_mrr_at_5_diff1": 7.946200662893088, + "nauc_mrr_at_5_max": -1.8450232157342275, + "nauc_mrr_at_5_std": 8.855536533297968, + "nauc_ndcg_at_1000_diff1": 10.148046270962398, + "nauc_ndcg_at_1000_max": 1.696424601847897, + "nauc_ndcg_at_1000_std": 13.134595506556405, + "nauc_ndcg_at_100_diff1": 10.478061817612778, + "nauc_ndcg_at_100_max": 2.790758084465661, + "nauc_ndcg_at_100_std": 14.964733623242607, + "nauc_ndcg_at_10_diff1": 10.372927964606154, + "nauc_ndcg_at_10_max": 1.9588405301435734, + "nauc_ndcg_at_10_std": 9.558148538160015, + "nauc_ndcg_at_1_diff1": 10.255415606776134, + "nauc_ndcg_at_1_max": -2.7429221309654044, + "nauc_ndcg_at_1_std": 6.866297123270523, + "nauc_ndcg_at_20_diff1": 10.807055510827903, + "nauc_ndcg_at_20_max": 2.873981784514884, + "nauc_ndcg_at_20_std": 12.684265114648849, + "nauc_ndcg_at_3_diff1": 7.99043332908002, + "nauc_ndcg_at_3_max": -1.7537467389545258, + "nauc_ndcg_at_3_std": 9.282365459725794, + "nauc_ndcg_at_5_diff1": 9.291919447241343, + "nauc_ndcg_at_5_max": -0.6986840661830845, + "nauc_ndcg_at_5_std": 10.155119795280289, + "nauc_precision_at_1000_diff1": 5.534567864242971, + "nauc_precision_at_1000_max": 9.529106078051697, + "nauc_precision_at_1000_std": 62.0873447350283, + "nauc_precision_at_100_diff1": 13.636774071684679, + "nauc_precision_at_100_max": 17.905397264353912, + "nauc_precision_at_100_std": 49.22170039944941, + "nauc_precision_at_10_diff1": 12.676219389202528, + "nauc_precision_at_10_max": 8.164707652448252, + "nauc_precision_at_10_std": 11.361740427515855, + "nauc_precision_at_1_diff1": 10.255415606776134, + "nauc_precision_at_1_max": -2.7429221309654044, + "nauc_precision_at_1_std": 6.866297123270523, + "nauc_precision_at_20_diff1": 15.006293628353006, + "nauc_precision_at_20_max": 12.931321039045368, + "nauc_precision_at_20_std": 23.758750045585586, + "nauc_precision_at_3_diff1": 7.18325478518931, + "nauc_precision_at_3_max": -1.1161637595134446, + "nauc_precision_at_3_std": 11.09645301286272, + "nauc_precision_at_5_diff1": 9.780765614595015, + "nauc_precision_at_5_max": 1.0082157901430149, + "nauc_precision_at_5_std": 12.92929121494741, + "nauc_recall_at_1000_diff1": 5.534567864242688, + "nauc_recall_at_1000_max": 9.529106078051411, + "nauc_recall_at_1000_std": 62.08734473502826, + "nauc_recall_at_100_diff1": 13.63677407168474, + "nauc_recall_at_100_max": 17.905397264353898, + "nauc_recall_at_100_std": 49.2217003994493, + "nauc_recall_at_10_diff1": 12.676219389202512, + "nauc_recall_at_10_max": 8.164707652448225, + "nauc_recall_at_10_std": 11.361740427515835, + "nauc_recall_at_1_diff1": 10.255415606776134, + "nauc_recall_at_1_max": -2.7429221309654044, + "nauc_recall_at_1_std": 6.866297123270523, + "nauc_recall_at_20_diff1": 15.006293628353069, + "nauc_recall_at_20_max": 12.931321039045434, + "nauc_recall_at_20_std": 23.75875004558557, + "nauc_recall_at_3_diff1": 7.183254785189315, + "nauc_recall_at_3_max": -1.1161637595134306, + "nauc_recall_at_3_std": 11.096453012862733, + "nauc_recall_at_5_diff1": 9.780765614595012, + "nauc_recall_at_5_max": 1.008215790143006, + "nauc_recall_at_5_std": 12.929291214947403, + "ndcg_at_1": 15.363, + "ndcg_at_10": 32.031, + "ndcg_at_100": 38.122, + "ndcg_at_1000": 39.864, + "ndcg_at_20": 34.849999999999994, + "ndcg_at_3": 23.965, + "ndcg_at_5": 27.659, + "precision_at_1": 15.363, + "precision_at_10": 5.277, + "precision_at_100": 0.8170000000000001, + "precision_at_1000": 0.095, + "precision_at_20": 3.197, + "precision_at_3": 10.123, + "precision_at_5": 7.881, + "recall_at_1": 15.363, + "recall_at_10": 52.774, + "recall_at_100": 81.65, + "recall_at_1000": 95.448, + "recall_at_20": 63.94, + "recall_at_3": 30.37, + "recall_at_5": 39.403 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/ArxivClassification.json b/results/sergeyzh__rubert-tiny-turbo/external/ArxivClassification.json new file mode 100644 index 000000000..cc85ba937 --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/ArxivClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "f9bd92144ed76200d6eb3ce73a8bd4eba9ffdc85", + "task_name": "ArxivClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 43.611999999999995, + "f1": 40.930383763906484, + "f1_weighted": 41.404367816744276, + "main_score": 43.611999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/ArxivClusteringP2P.json b/results/sergeyzh__rubert-tiny-turbo/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..d0415dda7 --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/ArxivClusteringP2P.json @@ -0,0 +1,28 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 24.827354215343842, + "v_measure": 24.827354215343842, + "v_measure_std": 14.761042346861815 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 29.14326814807588, + "v_measure": 29.14326814807588, + "v_measure_std": 16.354623518770328 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/ArxivClusteringS2S.json b/results/sergeyzh__rubert-tiny-turbo/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..6abb90c50 --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/ArxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 16.681456170594032, + "v_measure": 16.681456170594032, + "v_measure_std": 15.806408628434077 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/Banking77Classification.json b/results/sergeyzh__rubert-tiny-turbo/external/Banking77Classification.json new file mode 100644 index 000000000..602ec05fa --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/Banking77Classification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 59.86363636363635, + "f1": 58.3300719763065, + "f1_weighted": 58.3300719763065, + "main_score": 59.86363636363635 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/BigPatentClustering.json b/results/sergeyzh__rubert-tiny-turbo/external/BigPatentClustering.json new file mode 100644 index 000000000..987bdbe5f --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/BigPatentClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "62d5330920bca426ce9d3c76ea914f15fc83e891", + "task_name": "BigPatentClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 17.208517091148714, + "v_measure": 17.208517091148714, + "v_measure_std": 0.698644666463382 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/BiorxivClusteringP2P.json b/results/sergeyzh__rubert-tiny-turbo/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..e70f2cddd --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/BiorxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 19.998032819841395, + "v_measure": 19.998032819841395, + "v_measure_std": 0.7272995954630507 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/BiorxivClusteringS2S.json b/results/sergeyzh__rubert-tiny-turbo/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..48d860a38 --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/BiorxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 12.672050490076508, + "v_measure": 12.672050490076508, + "v_measure_std": 0.7252965151579489 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/CEDRClassification.json b/results/sergeyzh__rubert-tiny-turbo/external/CEDRClassification.json new file mode 100644 index 000000000..627aa3e71 --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/CEDRClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "c0ba03d058e3e1b2f3fd20518875a4563dd12db4", + "task_name": "CEDRClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 38.95324123273113, + "f1": 30.695742042129776, + "lrap": 64.53134962805646, + "main_score": 38.95324123273113 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/CPUSpeedTask.json b/results/sergeyzh__rubert-tiny-turbo/external/CPUSpeedTask.json new file mode 100644 index 000000000..793b0175e --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/CPUSpeedTask.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "1.0", + "task_name": "CPUSpeedTask", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "avg_words_per_sec": 1171249.8059068616, + "main_score": 1171249.8059068616, + "physical_cores": 3600, + "time_mean": 31.018148149762837, + "time_std": 10.887230129351211, + "total_cores": 7200 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/CQADupstackAndroidRetrieval.json b/results/sergeyzh__rubert-tiny-turbo/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..f17a9c4ac --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f46a197baaae43b4f621051089b82a364682dfeb", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 27.686, + "map_at_1": 17.864, + "map_at_10": 23.842, + "map_at_100": 24.648999999999997, + "map_at_1000": 24.771, + "map_at_20": 24.277, + "map_at_3": 21.938, + "map_at_5": 23.058999999999997, + "mrr_at_1": 21.888412017167383, + "mrr_at_10": 27.934691282330764, + "mrr_at_100": 28.58815942555481, + "mrr_at_1000": 28.669575168001604, + "mrr_at_20": 28.259041893075693, + "mrr_at_3": 25.96566523605151, + "mrr_at_5": 27.145922746781114, + "nauc_map_at_1000_diff1": 38.9362657863528, + "nauc_map_at_1000_max": 26.39064664437522, + "nauc_map_at_1000_std": -0.3507878980807277, + "nauc_map_at_100_diff1": 38.9305380779697, + "nauc_map_at_100_max": 26.37667481671251, + "nauc_map_at_100_std": -0.4107785241043359, + "nauc_map_at_10_diff1": 38.90352635552967, + "nauc_map_at_10_max": 26.04843561328241, + "nauc_map_at_10_std": -1.0213929777227249, + "nauc_map_at_1_diff1": 44.891250111700664, + "nauc_map_at_1_max": 27.415379429330695, + "nauc_map_at_1_std": -2.083016588225919, + "nauc_map_at_20_diff1": 38.94728598104626, + "nauc_map_at_20_max": 26.321985371933916, + "nauc_map_at_20_std": -0.6740389120283213, + "nauc_map_at_3_diff1": 40.75408309900131, + "nauc_map_at_3_max": 26.81466083992981, + "nauc_map_at_3_std": -1.3446416472047542, + "nauc_map_at_5_diff1": 39.55391899732806, + "nauc_map_at_5_max": 26.73952942989369, + "nauc_map_at_5_std": -0.9241166864360354, + "nauc_mrr_at_1000_diff1": 37.49322259212407, + "nauc_mrr_at_1000_max": 26.791861376982645, + "nauc_mrr_at_1000_std": -0.12058632966589165, + "nauc_mrr_at_100_diff1": 37.47912707778518, + "nauc_mrr_at_100_max": 26.780040228801354, + "nauc_mrr_at_100_std": -0.13375233513915044, + "nauc_mrr_at_10_diff1": 37.44982182358103, + "nauc_mrr_at_10_max": 26.579194370161574, + "nauc_mrr_at_10_std": -0.5519796223426987, + "nauc_mrr_at_1_diff1": 43.78241372037574, + "nauc_mrr_at_1_max": 29.62575208874629, + "nauc_mrr_at_1_std": -0.7403872780711277, + "nauc_mrr_at_20_diff1": 37.413002156119, + "nauc_mrr_at_20_max": 26.71157844066263, + "nauc_mrr_at_20_std": -0.3418018168926074, + "nauc_mrr_at_3_diff1": 39.36718212836755, + "nauc_mrr_at_3_max": 27.755919798148643, + "nauc_mrr_at_3_std": -0.5118015715447669, + "nauc_mrr_at_5_diff1": 38.108343388995614, + "nauc_mrr_at_5_max": 27.255156457755536, + "nauc_mrr_at_5_std": -0.33152296202161974, + "nauc_ndcg_at_1000_diff1": 35.45874849790142, + "nauc_ndcg_at_1000_max": 26.06624958789977, + "nauc_ndcg_at_1000_std": 2.8510315350747746, + "nauc_ndcg_at_100_diff1": 35.22563491603818, + "nauc_ndcg_at_100_max": 25.482125642505167, + "nauc_ndcg_at_100_std": 1.7230614371120136, + "nauc_ndcg_at_10_diff1": 35.442027092978336, + "nauc_ndcg_at_10_max": 24.43872310681677, + "nauc_ndcg_at_10_std": -0.8836727526012238, + "nauc_ndcg_at_1_diff1": 43.78241372037574, + "nauc_ndcg_at_1_max": 29.62575208874629, + "nauc_ndcg_at_1_std": -0.7403872780711277, + "nauc_ndcg_at_20_diff1": 35.532620958116226, + "nauc_ndcg_at_20_max": 24.9995407161472, + "nauc_ndcg_at_20_std": 0.09407090543637946, + "nauc_ndcg_at_3_diff1": 38.771875097129474, + "nauc_ndcg_at_3_max": 26.88398760762366, + "nauc_ndcg_at_3_std": -0.7925347887124169, + "nauc_ndcg_at_5_diff1": 36.83295698854961, + "nauc_ndcg_at_5_max": 26.254070953306602, + "nauc_ndcg_at_5_std": -0.5384138224839687, + "nauc_precision_at_1000_diff1": 3.830797202509721, + "nauc_precision_at_1000_max": 11.845342201460761, + "nauc_precision_at_1000_std": 9.148785863457954, + "nauc_precision_at_100_diff1": 13.997075774954821, + "nauc_precision_at_100_max": 21.8795221100872, + "nauc_precision_at_100_std": 8.373324931296871, + "nauc_precision_at_10_diff1": 22.14226604167402, + "nauc_precision_at_10_max": 21.908333662820144, + "nauc_precision_at_10_std": 2.023219601124639, + "nauc_precision_at_1_diff1": 43.78241372037574, + "nauc_precision_at_1_max": 29.62575208874629, + "nauc_precision_at_1_std": -0.7403872780711277, + "nauc_precision_at_20_diff1": 20.193510781013575, + "nauc_precision_at_20_max": 21.47063363375231, + "nauc_precision_at_20_std": 5.073093391207243, + "nauc_precision_at_3_diff1": 33.320150724486965, + "nauc_precision_at_3_max": 28.42063777288856, + "nauc_precision_at_3_std": 1.3535730617388522, + "nauc_precision_at_5_diff1": 26.972979755151126, + "nauc_precision_at_5_max": 27.35114981308005, + "nauc_precision_at_5_std": 1.5457768965552783, + "nauc_recall_at_1000_diff1": 19.86231350512352, + "nauc_recall_at_1000_max": 24.527676453832008, + "nauc_recall_at_1000_std": 22.21772883429467, + "nauc_recall_at_100_diff1": 23.132801377646004, + "nauc_recall_at_100_max": 20.988835029134467, + "nauc_recall_at_100_std": 8.793975445583824, + "nauc_recall_at_10_diff1": 25.796766681233457, + "nauc_recall_at_10_max": 17.634361086885264, + "nauc_recall_at_10_std": -0.4776257668185774, + "nauc_recall_at_1_diff1": 44.891250111700664, + "nauc_recall_at_1_max": 27.415379429330695, + "nauc_recall_at_1_std": -2.083016588225919, + "nauc_recall_at_20_diff1": 25.714655008602115, + "nauc_recall_at_20_max": 19.791963050086874, + "nauc_recall_at_20_std": 1.9596491600238453, + "nauc_recall_at_3_diff1": 34.63094367351514, + "nauc_recall_at_3_max": 23.49028309758934, + "nauc_recall_at_3_std": -0.8832533681499335, + "nauc_recall_at_5_diff1": 30.296413916201175, + "nauc_recall_at_5_max": 22.27559868081795, + "nauc_recall_at_5_std": 0.7320693658757037, + "ndcg_at_1": 21.887999999999998, + "ndcg_at_10": 27.686, + "ndcg_at_100": 31.363999999999997, + "ndcg_at_1000": 34.605000000000004, + "ndcg_at_20": 28.93, + "ndcg_at_3": 24.576999999999998, + "ndcg_at_5": 26.144000000000002, + "precision_at_1": 21.887999999999998, + "precision_at_10": 5.0360000000000005, + "precision_at_100": 0.828, + "precision_at_1000": 0.135, + "precision_at_20": 2.9690000000000003, + "precision_at_3": 11.445, + "precision_at_5": 8.269, + "recall_at_1": 17.864, + "recall_at_10": 34.977999999999994, + "recall_at_100": 51.366, + "recall_at_1000": 74.505, + "recall_at_20": 39.587, + "recall_at_3": 25.856, + "recall_at_5": 30.215999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/CQADupstackEnglishRetrieval.json b/results/sergeyzh__rubert-tiny-turbo/external/CQADupstackEnglishRetrieval.json new file mode 100644 index 000000000..cb99b4c6d --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/CQADupstackEnglishRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ad9991cb51e31e31e430383c75ffb2885547b5f0", + "task_name": "CQADupstackEnglishRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 17.534, + "map_at_1": 11.354000000000001, + "map_at_10": 14.847, + "map_at_100": 15.49, + "map_at_1000": 15.588, + "map_at_20": 15.17, + "map_at_3": 13.501, + "map_at_5": 14.221, + "mrr_at_1": 14.26751592356688, + "mrr_at_10": 18.05727428975836, + "mrr_at_100": 18.690847238016758, + "mrr_at_1000": 18.764726106731445, + "mrr_at_20": 18.395670843598797, + "mrr_at_3": 16.64543524416137, + "mrr_at_5": 17.333333333333336, + "nauc_map_at_1000_diff1": 43.301676769305494, + "nauc_map_at_1000_max": 16.06805541449501, + "nauc_map_at_1000_std": 12.507510564248166, + "nauc_map_at_100_diff1": 43.34383366787733, + "nauc_map_at_100_max": 16.049871088358675, + "nauc_map_at_100_std": 12.45712935804974, + "nauc_map_at_10_diff1": 43.688675805930785, + "nauc_map_at_10_max": 16.41613903348705, + "nauc_map_at_10_std": 12.219643122219239, + "nauc_map_at_1_diff1": 50.609096395200005, + "nauc_map_at_1_max": 18.78413464500168, + "nauc_map_at_1_std": 10.90744028944332, + "nauc_map_at_20_diff1": 43.49084704145287, + "nauc_map_at_20_max": 16.182371186268703, + "nauc_map_at_20_std": 12.299197289134225, + "nauc_map_at_3_diff1": 45.751823982563266, + "nauc_map_at_3_max": 17.192711563068457, + "nauc_map_at_3_std": 11.16466159721384, + "nauc_map_at_5_diff1": 44.53444696379338, + "nauc_map_at_5_max": 16.559164547974103, + "nauc_map_at_5_std": 11.928445405766698, + "nauc_mrr_at_1000_diff1": 42.29550571785051, + "nauc_mrr_at_1000_max": 15.642122643175679, + "nauc_mrr_at_1000_std": 12.21491820640565, + "nauc_mrr_at_100_diff1": 42.301744065140404, + "nauc_mrr_at_100_max": 15.61733477074953, + "nauc_mrr_at_100_std": 12.181221737579532, + "nauc_mrr_at_10_diff1": 42.670586100296646, + "nauc_mrr_at_10_max": 15.926109333510835, + "nauc_mrr_at_10_std": 12.192068681943583, + "nauc_mrr_at_1_diff1": 51.89198697276755, + "nauc_mrr_at_1_max": 19.325504911863643, + "nauc_mrr_at_1_std": 12.282190963023766, + "nauc_mrr_at_20_diff1": 42.39065015069134, + "nauc_mrr_at_20_max": 15.693533741719229, + "nauc_mrr_at_20_std": 12.145452140370937, + "nauc_mrr_at_3_diff1": 44.715851634047944, + "nauc_mrr_at_3_max": 16.790849616314052, + "nauc_mrr_at_3_std": 12.056098541376208, + "nauc_mrr_at_5_diff1": 43.87033674228477, + "nauc_mrr_at_5_max": 16.270118452872623, + "nauc_mrr_at_5_std": 12.268005300025886, + "nauc_ndcg_at_1000_diff1": 38.01640412131576, + "nauc_ndcg_at_1000_max": 14.409491835566401, + "nauc_ndcg_at_1000_std": 14.292607075384597, + "nauc_ndcg_at_100_diff1": 38.57310899261012, + "nauc_ndcg_at_100_max": 13.847832990597306, + "nauc_ndcg_at_100_std": 13.318671226615844, + "nauc_ndcg_at_10_diff1": 40.02384031953078, + "nauc_ndcg_at_10_max": 15.18313865997875, + "nauc_ndcg_at_10_std": 12.662598128357672, + "nauc_ndcg_at_1_diff1": 51.89198697276755, + "nauc_ndcg_at_1_max": 19.325504911863643, + "nauc_ndcg_at_1_std": 12.282190963023766, + "nauc_ndcg_at_20_diff1": 39.357302335202725, + "nauc_ndcg_at_20_max": 14.497857343754966, + "nauc_ndcg_at_20_std": 12.630113736826498, + "nauc_ndcg_at_3_diff1": 43.58418967840297, + "nauc_ndcg_at_3_max": 16.597491536723943, + "nauc_ndcg_at_3_std": 11.650784883274328, + "nauc_ndcg_at_5_diff1": 42.02130435072668, + "nauc_ndcg_at_5_max": 15.627518090215247, + "nauc_ndcg_at_5_std": 12.533489817270919, + "nauc_precision_at_1000_diff1": 3.679521880714478, + "nauc_precision_at_1000_max": 0.7919025640437954, + "nauc_precision_at_1000_std": 11.047727940811521, + "nauc_precision_at_100_diff1": 19.4078130462856, + "nauc_precision_at_100_max": 4.3715506402771425, + "nauc_precision_at_100_std": 16.956899011609643, + "nauc_precision_at_10_diff1": 28.437045098011527, + "nauc_precision_at_10_max": 11.734386703789056, + "nauc_precision_at_10_std": 15.714063626213687, + "nauc_precision_at_1_diff1": 51.89198697276755, + "nauc_precision_at_1_max": 19.325504911863643, + "nauc_precision_at_1_std": 12.282190963023766, + "nauc_precision_at_20_diff1": 26.61622384998239, + "nauc_precision_at_20_max": 9.031660188586937, + "nauc_precision_at_20_std": 16.20337620782593, + "nauc_precision_at_3_diff1": 38.065037328678045, + "nauc_precision_at_3_max": 15.242914979757064, + "nauc_precision_at_3_std": 13.448074137354654, + "nauc_precision_at_5_diff1": 34.74896073477683, + "nauc_precision_at_5_max": 13.347547367557508, + "nauc_precision_at_5_std": 15.211527933339694, + "nauc_recall_at_1000_diff1": 22.478800979463685, + "nauc_recall_at_1000_max": 11.13145140021939, + "nauc_recall_at_1000_std": 20.050008624461874, + "nauc_recall_at_100_diff1": 25.988786568304555, + "nauc_recall_at_100_max": 8.089785168176974, + "nauc_recall_at_100_std": 14.262619130209112, + "nauc_recall_at_10_diff1": 30.866722162291687, + "nauc_recall_at_10_max": 12.14019760016012, + "nauc_recall_at_10_std": 12.8097154636935, + "nauc_recall_at_1_diff1": 50.609096395200005, + "nauc_recall_at_1_max": 18.78413464500168, + "nauc_recall_at_1_std": 10.90744028944332, + "nauc_recall_at_20_diff1": 28.832935090203225, + "nauc_recall_at_20_max": 10.309594281852648, + "nauc_recall_at_20_std": 12.251157275647977, + "nauc_recall_at_3_diff1": 40.105712098235315, + "nauc_recall_at_3_max": 15.165723469178264, + "nauc_recall_at_3_std": 10.99744165240917, + "nauc_recall_at_5_diff1": 36.09241435581379, + "nauc_recall_at_5_max": 13.032542349570054, + "nauc_recall_at_5_std": 12.802627519053681, + "ndcg_at_1": 14.268, + "ndcg_at_10": 17.534, + "ndcg_at_100": 20.78, + "ndcg_at_1000": 23.526, + "ndcg_at_20": 18.567, + "ndcg_at_3": 15.218000000000002, + "ndcg_at_5": 16.164, + "precision_at_1": 14.268, + "precision_at_10": 3.312, + "precision_at_100": 0.603, + "precision_at_1000": 0.105, + "precision_at_20": 1.9869999999999999, + "precision_at_3": 7.219, + "precision_at_5": 5.1209999999999996, + "recall_at_1": 11.354000000000001, + "recall_at_10": 22.511, + "recall_at_100": 37.24, + "recall_at_1000": 56.718, + "recall_at_20": 26.362999999999996, + "recall_at_3": 15.53, + "recall_at_5": 18.322 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/CQADupstackGamingRetrieval.json b/results/sergeyzh__rubert-tiny-turbo/external/CQADupstackGamingRetrieval.json new file mode 100644 index 000000000..7225184de --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/CQADupstackGamingRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "4885aa143210c98657558c04aaf3dc47cfb54340", + "task_name": "CQADupstackGamingRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 29.03, + "map_at_1": 19.307, + "map_at_10": 25.453, + "map_at_100": 26.33, + "map_at_1000": 26.419999999999998, + "map_at_20": 25.896, + "map_at_3": 23.572000000000003, + "map_at_5": 24.694, + "mrr_at_1": 22.00626959247649, + "mrr_at_10": 27.87858884410605, + "mrr_at_100": 28.652814969242712, + "mrr_at_1000": 28.725946491824235, + "mrr_at_20": 28.276271334002978, + "mrr_at_3": 25.997910135841156, + "mrr_at_5": 27.11703239289442, + "nauc_map_at_1000_diff1": 43.50604073464055, + "nauc_map_at_1000_max": 30.480004310005544, + "nauc_map_at_1000_std": 0.18281635239684302, + "nauc_map_at_100_diff1": 43.51057034900177, + "nauc_map_at_100_max": 30.463453039114537, + "nauc_map_at_100_std": 0.1392213813651391, + "nauc_map_at_10_diff1": 43.680704548271024, + "nauc_map_at_10_max": 30.639431323648626, + "nauc_map_at_10_std": -0.17722097946115797, + "nauc_map_at_1_diff1": 49.51121570705665, + "nauc_map_at_1_max": 31.820851746100594, + "nauc_map_at_1_std": -2.635315036488275, + "nauc_map_at_20_diff1": 43.519636427140746, + "nauc_map_at_20_max": 30.479309603785193, + "nauc_map_at_20_std": -0.04034004401117608, + "nauc_map_at_3_diff1": 44.660054248758726, + "nauc_map_at_3_max": 30.35371167828995, + "nauc_map_at_3_std": -1.4381463631334364, + "nauc_map_at_5_diff1": 44.14458335553869, + "nauc_map_at_5_max": 30.49464687257249, + "nauc_map_at_5_std": -0.7069576298198817, + "nauc_mrr_at_1000_diff1": 43.49091070845857, + "nauc_mrr_at_1000_max": 30.904217260073207, + "nauc_mrr_at_1000_std": 0.6030969099528762, + "nauc_mrr_at_100_diff1": 43.48206732167152, + "nauc_mrr_at_100_max": 30.885805566023013, + "nauc_mrr_at_100_std": 0.5769328589498474, + "nauc_mrr_at_10_diff1": 43.55457392824764, + "nauc_mrr_at_10_max": 31.139789286663294, + "nauc_mrr_at_10_std": 0.39137312166360116, + "nauc_mrr_at_1_diff1": 49.7476817055079, + "nauc_mrr_at_1_max": 33.35487810786589, + "nauc_mrr_at_1_std": -2.335419312527886, + "nauc_mrr_at_20_diff1": 43.48827825669483, + "nauc_mrr_at_20_max": 30.983317516254566, + "nauc_mrr_at_20_std": 0.4846694988872726, + "nauc_mrr_at_3_diff1": 44.66661877146986, + "nauc_mrr_at_3_max": 31.31121111690094, + "nauc_mrr_at_3_std": -0.5970753554262374, + "nauc_mrr_at_5_diff1": 44.05287141220467, + "nauc_mrr_at_5_max": 31.185044083863524, + "nauc_mrr_at_5_std": 0.03276041839131263, + "nauc_ndcg_at_1000_diff1": 40.64648189672279, + "nauc_ndcg_at_1000_max": 29.851206560241867, + "nauc_ndcg_at_1000_std": 3.7885804314712423, + "nauc_ndcg_at_100_diff1": 40.54660606744312, + "nauc_ndcg_at_100_max": 29.52262097274987, + "nauc_ndcg_at_100_std": 3.1313695052884087, + "nauc_ndcg_at_10_diff1": 41.189151331147364, + "nauc_ndcg_at_10_max": 30.257730735981376, + "nauc_ndcg_at_10_std": 1.483283884208919, + "nauc_ndcg_at_1_diff1": 49.7476817055079, + "nauc_ndcg_at_1_max": 33.35487810786589, + "nauc_ndcg_at_1_std": -2.335419312527886, + "nauc_ndcg_at_20_diff1": 40.69940555374264, + "nauc_ndcg_at_20_max": 29.67596434757782, + "nauc_ndcg_at_20_std": 1.8670302698321029, + "nauc_ndcg_at_3_diff1": 43.313981749068034, + "nauc_ndcg_at_3_max": 29.92612987963682, + "nauc_ndcg_at_3_std": -0.7629159307364975, + "nauc_ndcg_at_5_diff1": 42.25367609444526, + "nauc_ndcg_at_5_max": 30.011822025139217, + "nauc_ndcg_at_5_std": 0.4228958959339596, + "nauc_precision_at_1000_diff1": 6.294045364733051, + "nauc_precision_at_1000_max": 13.003287301353916, + "nauc_precision_at_1000_std": 19.672009407091075, + "nauc_precision_at_100_diff1": 18.900847000430282, + "nauc_precision_at_100_max": 19.89805341000471, + "nauc_precision_at_100_std": 14.097381220216437, + "nauc_precision_at_10_diff1": 32.019287482758315, + "nauc_precision_at_10_max": 28.868719930088588, + "nauc_precision_at_10_std": 7.067713684120723, + "nauc_precision_at_1_diff1": 49.7476817055079, + "nauc_precision_at_1_max": 33.35487810786589, + "nauc_precision_at_1_std": -2.335419312527886, + "nauc_precision_at_20_diff1": 27.442952211039866, + "nauc_precision_at_20_max": 25.51570310142488, + "nauc_precision_at_20_std": 8.001107746535538, + "nauc_precision_at_3_diff1": 38.33881569586195, + "nauc_precision_at_3_max": 28.995385801766826, + "nauc_precision_at_3_std": 0.46426597601937036, + "nauc_precision_at_5_diff1": 35.93052673151141, + "nauc_precision_at_5_max": 28.77086703745561, + "nauc_precision_at_5_std": 3.020792681159482, + "nauc_recall_at_1000_diff1": 27.413733064523722, + "nauc_recall_at_1000_max": 25.640071347285847, + "nauc_recall_at_1000_std": 23.024726525628747, + "nauc_recall_at_100_diff1": 30.238748775488382, + "nauc_recall_at_100_max": 24.83445535706549, + "nauc_recall_at_100_std": 13.213229148027994, + "nauc_recall_at_10_diff1": 33.660824128432765, + "nauc_recall_at_10_max": 28.239711759937826, + "nauc_recall_at_10_std": 5.259078451819804, + "nauc_recall_at_1_diff1": 49.51121570705665, + "nauc_recall_at_1_max": 31.820851746100594, + "nauc_recall_at_1_std": -2.635315036488275, + "nauc_recall_at_20_diff1": 31.77661434800746, + "nauc_recall_at_20_max": 25.949306594350592, + "nauc_recall_at_20_std": 6.611875576453824, + "nauc_recall_at_3_diff1": 39.16095910728281, + "nauc_recall_at_3_max": 27.64955581506583, + "nauc_recall_at_3_std": 0.10121363216139175, + "nauc_recall_at_5_diff1": 36.32968291714543, + "nauc_recall_at_5_max": 27.325678767283694, + "nauc_recall_at_5_std": 2.653663972529844, + "ndcg_at_1": 22.006, + "ndcg_at_10": 29.03, + "ndcg_at_100": 33.318999999999996, + "ndcg_at_1000": 35.89, + "ndcg_at_20": 30.503999999999998, + "ndcg_at_3": 25.348, + "ndcg_at_5": 27.267000000000003, + "precision_at_1": 22.006, + "precision_at_10": 4.627, + "precision_at_100": 0.744, + "precision_at_1000": 0.10300000000000001, + "precision_at_20": 2.702, + "precision_at_3": 11.033999999999999, + "precision_at_5": 7.861999999999999, + "recall_at_1": 19.307, + "recall_at_10": 37.624, + "recall_at_100": 56.997, + "recall_at_1000": 76.62299999999999, + "recall_at_20": 43.086, + "recall_at_3": 27.724, + "recall_at_5": 32.421 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/CQADupstackGisRetrieval.json b/results/sergeyzh__rubert-tiny-turbo/external/CQADupstackGisRetrieval.json new file mode 100644 index 000000000..a8b60932b --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/CQADupstackGisRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "5003b3064772da1887988e05400cf3806fe491f2", + "task_name": "CQADupstackGisRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 14.097000000000001, + "map_at_1": 9.109, + "map_at_10": 12.062000000000001, + "map_at_100": 12.603, + "map_at_1000": 12.690000000000001, + "map_at_20": 12.335, + "map_at_3": 10.882, + "map_at_5": 11.445, + "mrr_at_1": 9.6045197740113, + "mrr_at_10": 13.001390009864586, + "mrr_at_100": 13.541388076434767, + "mrr_at_1000": 13.622995527273426, + "mrr_at_20": 13.261213704134942, + "mrr_at_3": 11.75141242937853, + "mrr_at_5": 12.3728813559322, + "nauc_map_at_1000_diff1": 41.25399941751793, + "nauc_map_at_1000_max": 17.60637208770784, + "nauc_map_at_1000_std": 3.8997877056955876, + "nauc_map_at_100_diff1": 41.3047772590663, + "nauc_map_at_100_max": 17.593792209003684, + "nauc_map_at_100_std": 3.8624300256381883, + "nauc_map_at_10_diff1": 41.918994248720736, + "nauc_map_at_10_max": 17.523107069845093, + "nauc_map_at_10_std": 3.3289332906481333, + "nauc_map_at_1_diff1": 50.853111369434835, + "nauc_map_at_1_max": 20.441039981572366, + "nauc_map_at_1_std": 2.9730312951046747, + "nauc_map_at_20_diff1": 41.676967823092156, + "nauc_map_at_20_max": 17.611142954564, + "nauc_map_at_20_std": 3.7507161629892516, + "nauc_map_at_3_diff1": 45.15865999101332, + "nauc_map_at_3_max": 17.51828209554345, + "nauc_map_at_3_std": 3.125254352308741, + "nauc_map_at_5_diff1": 43.518873099840164, + "nauc_map_at_5_max": 18.096843812930256, + "nauc_map_at_5_std": 3.501264664850646, + "nauc_mrr_at_1000_diff1": 39.65049616843269, + "nauc_mrr_at_1000_max": 18.992312109540187, + "nauc_mrr_at_1000_std": 3.8630526743174602, + "nauc_mrr_at_100_diff1": 39.67790321701619, + "nauc_mrr_at_100_max": 18.99280796073833, + "nauc_mrr_at_100_std": 3.831281556686595, + "nauc_mrr_at_10_diff1": 40.40664164207995, + "nauc_mrr_at_10_max": 18.9789911833429, + "nauc_mrr_at_10_std": 3.389250639709206, + "nauc_mrr_at_1_diff1": 48.90268334274423, + "nauc_mrr_at_1_max": 22.148416208142038, + "nauc_mrr_at_1_std": 3.482278486678414, + "nauc_mrr_at_20_diff1": 40.12944011033672, + "nauc_mrr_at_20_max": 19.01229852858854, + "nauc_mrr_at_20_std": 3.721020072685762, + "nauc_mrr_at_3_diff1": 43.53442474531623, + "nauc_mrr_at_3_max": 18.98665230786941, + "nauc_mrr_at_3_std": 3.141188860380207, + "nauc_mrr_at_5_diff1": 41.792381222269306, + "nauc_mrr_at_5_max": 19.564109785495027, + "nauc_mrr_at_5_std": 3.447599289829289, + "nauc_ndcg_at_1000_diff1": 33.75036088168543, + "nauc_ndcg_at_1000_max": 17.552395174719724, + "nauc_ndcg_at_1000_std": 6.019653809238646, + "nauc_ndcg_at_100_diff1": 34.46011549407109, + "nauc_ndcg_at_100_max": 17.261093331357706, + "nauc_ndcg_at_100_std": 5.4268706575162104, + "nauc_ndcg_at_10_diff1": 37.83747527779143, + "nauc_ndcg_at_10_max": 17.044974102007092, + "nauc_ndcg_at_10_std": 3.5111959818349603, + "nauc_ndcg_at_1_diff1": 48.90268334274423, + "nauc_ndcg_at_1_max": 22.148416208142038, + "nauc_ndcg_at_1_std": 3.482278486678414, + "nauc_ndcg_at_20_diff1": 37.138695182061525, + "nauc_ndcg_at_20_max": 17.22387592023126, + "nauc_ndcg_at_20_std": 4.770921048488158, + "nauc_ndcg_at_3_diff1": 43.268967346255074, + "nauc_ndcg_at_3_max": 17.20602008989898, + "nauc_ndcg_at_3_std": 3.19589477459749, + "nauc_ndcg_at_5_diff1": 40.7884752761726, + "nauc_ndcg_at_5_max": 18.121892702668045, + "nauc_ndcg_at_5_std": 3.8369089974368573, + "nauc_precision_at_1000_diff1": 7.089909563758634, + "nauc_precision_at_1000_max": 19.071511820051107, + "nauc_precision_at_1000_std": 8.71710715708378, + "nauc_precision_at_100_diff1": 17.577598014207858, + "nauc_precision_at_100_max": 18.757305391811315, + "nauc_precision_at_100_std": 8.571496733416154, + "nauc_precision_at_10_diff1": 28.943153297767832, + "nauc_precision_at_10_max": 16.38624587520458, + "nauc_precision_at_10_std": 3.437574061625469, + "nauc_precision_at_1_diff1": 48.90268334274423, + "nauc_precision_at_1_max": 22.148416208142038, + "nauc_precision_at_1_std": 3.482278486678414, + "nauc_precision_at_20_diff1": 26.474908278743044, + "nauc_precision_at_20_max": 16.47527151110289, + "nauc_precision_at_20_std": 7.5305698853598, + "nauc_precision_at_3_diff1": 39.54288018891221, + "nauc_precision_at_3_max": 17.284449255178835, + "nauc_precision_at_3_std": 2.8714843759024866, + "nauc_precision_at_5_diff1": 34.480901699228006, + "nauc_precision_at_5_max": 19.44159427138771, + "nauc_precision_at_5_std": 3.9140233563987525, + "nauc_recall_at_1000_diff1": 14.656193188687894, + "nauc_recall_at_1000_max": 15.810571367218888, + "nauc_recall_at_1000_std": 12.334573972835202, + "nauc_recall_at_100_diff1": 18.594617672285707, + "nauc_recall_at_100_max": 15.15863525459292, + "nauc_recall_at_100_std": 9.115505114921058, + "nauc_recall_at_10_diff1": 29.13269929764077, + "nauc_recall_at_10_max": 15.059218016523301, + "nauc_recall_at_10_std": 3.7696923586295137, + "nauc_recall_at_1_diff1": 50.853111369434835, + "nauc_recall_at_1_max": 20.441039981572366, + "nauc_recall_at_1_std": 2.9730312951046747, + "nauc_recall_at_20_diff1": 27.544653538434776, + "nauc_recall_at_20_max": 15.420518066694445, + "nauc_recall_at_20_std": 7.101778539671523, + "nauc_recall_at_3_diff1": 40.00397565193035, + "nauc_recall_at_3_max": 14.717415584208013, + "nauc_recall_at_3_std": 3.658957442260116, + "nauc_recall_at_5_diff1": 35.35853159550963, + "nauc_recall_at_5_max": 17.049909921279315, + "nauc_recall_at_5_std": 4.839540342554651, + "ndcg_at_1": 9.605, + "ndcg_at_10": 14.097000000000001, + "ndcg_at_100": 17.098, + "ndcg_at_1000": 19.948, + "ndcg_at_20": 15.043999999999999, + "ndcg_at_3": 11.683, + "ndcg_at_5": 12.656999999999998, + "precision_at_1": 9.605, + "precision_at_10": 2.215, + "precision_at_100": 0.395, + "precision_at_1000": 0.068, + "precision_at_20": 1.322, + "precision_at_3": 4.859, + "precision_at_5": 3.435, + "recall_at_1": 9.109, + "recall_at_10": 19.618, + "recall_at_100": 34.056, + "recall_at_1000": 56.75599999999999, + "recall_at_20": 23.168, + "recall_at_3": 12.982, + "recall_at_5": 15.315000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/CQADupstackMathematicaRetrieval.json b/results/sergeyzh__rubert-tiny-turbo/external/CQADupstackMathematicaRetrieval.json new file mode 100644 index 000000000..47b504422 --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/CQADupstackMathematicaRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "90fceea13679c63fe563ded68f3b6f06e50061de", + "task_name": "CQADupstackMathematicaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 8.895, + "map_at_1": 4.444, + "map_at_10": 6.789000000000001, + "map_at_100": 7.362, + "map_at_1000": 7.455, + "map_at_20": 7.112, + "map_at_3": 5.819, + "map_at_5": 6.237, + "mrr_at_1": 5.970149253731343, + "mrr_at_10": 8.807500197425577, + "mrr_at_100": 9.458867441952432, + "mrr_at_1000": 9.550029897135536, + "mrr_at_20": 9.191142267117858, + "mrr_at_3": 7.669983416252076, + "mrr_at_5": 8.229684908789391, + "nauc_map_at_1000_diff1": 14.923575664521396, + "nauc_map_at_1000_max": 14.637382629018258, + "nauc_map_at_1000_std": 7.583317007693739, + "nauc_map_at_100_diff1": 14.914938787317187, + "nauc_map_at_100_max": 14.57831256590049, + "nauc_map_at_100_std": 7.481458525605025, + "nauc_map_at_10_diff1": 15.009158630868363, + "nauc_map_at_10_max": 14.587168521042992, + "nauc_map_at_10_std": 6.30675561821182, + "nauc_map_at_1_diff1": 23.073067396533048, + "nauc_map_at_1_max": 22.526518534617583, + "nauc_map_at_1_std": 3.2886460233623356, + "nauc_map_at_20_diff1": 14.55856812493529, + "nauc_map_at_20_max": 14.445922336763791, + "nauc_map_at_20_std": 7.0979435052536815, + "nauc_map_at_3_diff1": 17.401011477759774, + "nauc_map_at_3_max": 16.448773676590882, + "nauc_map_at_3_std": 4.181405616554917, + "nauc_map_at_5_diff1": 15.690380485853476, + "nauc_map_at_5_max": 15.435047584962474, + "nauc_map_at_5_std": 5.232971650136294, + "nauc_mrr_at_1000_diff1": 15.064019296100401, + "nauc_mrr_at_1000_max": 15.23275181655676, + "nauc_mrr_at_1000_std": 6.62512228446261, + "nauc_mrr_at_100_diff1": 15.04422899632206, + "nauc_mrr_at_100_max": 15.180132969802102, + "nauc_mrr_at_100_std": 6.569986365469756, + "nauc_mrr_at_10_diff1": 15.513288408498664, + "nauc_mrr_at_10_max": 15.639652887265692, + "nauc_mrr_at_10_std": 6.08058172017529, + "nauc_mrr_at_1_diff1": 23.174960802057807, + "nauc_mrr_at_1_max": 23.10505027161953, + "nauc_mrr_at_1_std": 5.000535690775217, + "nauc_mrr_at_20_diff1": 14.944086344466943, + "nauc_mrr_at_20_max": 15.058772912777219, + "nauc_mrr_at_20_std": 6.406714993528487, + "nauc_mrr_at_3_diff1": 16.945928540219413, + "nauc_mrr_at_3_max": 16.999490982460667, + "nauc_mrr_at_3_std": 4.2783371592240185, + "nauc_mrr_at_5_diff1": 15.724845028203049, + "nauc_mrr_at_5_max": 16.374268642724658, + "nauc_mrr_at_5_std": 4.955417882432664, + "nauc_ndcg_at_1000_diff1": 12.64441384439761, + "nauc_ndcg_at_1000_max": 12.544144311249642, + "nauc_ndcg_at_1000_std": 12.203401112537147, + "nauc_ndcg_at_100_diff1": 12.856101621820079, + "nauc_ndcg_at_100_max": 12.15851341921588, + "nauc_ndcg_at_100_std": 11.352600283831114, + "nauc_ndcg_at_10_diff1": 12.453755697243285, + "nauc_ndcg_at_10_max": 11.750014509834587, + "nauc_ndcg_at_10_std": 8.203127809929466, + "nauc_ndcg_at_1_diff1": 23.174960802057807, + "nauc_ndcg_at_1_max": 23.10505027161953, + "nauc_ndcg_at_1_std": 5.000535690775217, + "nauc_ndcg_at_20_diff1": 11.324071030247564, + "nauc_ndcg_at_20_max": 11.094964112045453, + "nauc_ndcg_at_20_std": 9.840879835834757, + "nauc_ndcg_at_3_diff1": 15.323525692434862, + "nauc_ndcg_at_3_max": 14.559998492898632, + "nauc_ndcg_at_3_std": 4.027895180138566, + "nauc_ndcg_at_5_diff1": 13.165086940669635, + "nauc_ndcg_at_5_max": 13.32440977723948, + "nauc_ndcg_at_5_std": 5.813837007263122, + "nauc_precision_at_1000_diff1": 0.8928955587806005, + "nauc_precision_at_1000_max": 4.446218508931589, + "nauc_precision_at_1000_std": 5.877977195844953, + "nauc_precision_at_100_diff1": 8.33525852681901, + "nauc_precision_at_100_max": 7.830647914480539, + "nauc_precision_at_100_std": 14.216797498501176, + "nauc_precision_at_10_diff1": 7.765203936267145, + "nauc_precision_at_10_max": 7.141939768201643, + "nauc_precision_at_10_std": 9.60008810493683, + "nauc_precision_at_1_diff1": 23.174960802057807, + "nauc_precision_at_1_max": 23.10505027161953, + "nauc_precision_at_1_std": 5.000535690775217, + "nauc_precision_at_20_diff1": 4.810680914106181, + "nauc_precision_at_20_max": 4.6628595108449655, + "nauc_precision_at_20_std": 12.601430694735827, + "nauc_precision_at_3_diff1": 13.474943796383625, + "nauc_precision_at_3_max": 11.709775106648399, + "nauc_precision_at_3_std": 3.207743252795555, + "nauc_precision_at_5_diff1": 9.95810736829039, + "nauc_precision_at_5_max": 10.456953224514239, + "nauc_precision_at_5_std": 5.623208634930042, + "nauc_recall_at_1000_diff1": 9.834451295472817, + "nauc_recall_at_1000_max": 9.848949382055148, + "nauc_recall_at_1000_std": 20.975606313150834, + "nauc_recall_at_100_diff1": 10.217335772749356, + "nauc_recall_at_100_max": 9.152943313782552, + "nauc_recall_at_100_std": 17.31335628449071, + "nauc_recall_at_10_diff1": 7.002474541545711, + "nauc_recall_at_10_max": 5.600453872340962, + "nauc_recall_at_10_std": 11.697537334063615, + "nauc_recall_at_1_diff1": 23.073067396533048, + "nauc_recall_at_1_max": 22.526518534617583, + "nauc_recall_at_1_std": 3.2886460233623356, + "nauc_recall_at_20_diff1": 5.418370604760854, + "nauc_recall_at_20_max": 5.4952006102593085, + "nauc_recall_at_20_std": 14.413914588580981, + "nauc_recall_at_3_diff1": 12.321251599365478, + "nauc_recall_at_3_max": 10.062822926598114, + "nauc_recall_at_3_std": 5.2675756103944735, + "nauc_recall_at_5_diff1": 7.540388296514483, + "nauc_recall_at_5_max": 7.803110889019699, + "nauc_recall_at_5_std": 8.317325637513246, + "ndcg_at_1": 5.970000000000001, + "ndcg_at_10": 8.895, + "ndcg_at_100": 11.964, + "ndcg_at_1000": 14.860000000000001, + "ndcg_at_20": 10.104000000000001, + "ndcg_at_3": 6.859999999999999, + "ndcg_at_5": 7.573, + "precision_at_1": 5.970000000000001, + "precision_at_10": 1.779, + "precision_at_100": 0.384, + "precision_at_1000": 0.073, + "precision_at_20": 1.2189999999999999, + "precision_at_3": 3.4000000000000004, + "precision_at_5": 2.537, + "recall_at_1": 4.444, + "recall_at_10": 13.751, + "recall_at_100": 27.537, + "recall_at_1000": 49.079, + "recall_at_20": 18.182000000000002, + "recall_at_3": 7.731000000000001, + "recall_at_5": 9.636 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/CQADupstackPhysicsRetrieval.json b/results/sergeyzh__rubert-tiny-turbo/external/CQADupstackPhysicsRetrieval.json new file mode 100644 index 000000000..2c2a88c8d --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/CQADupstackPhysicsRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "79531abbd1fb92d06c6d6315a0cbbbf5bb247ea4", + "task_name": "CQADupstackPhysicsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 19.902, + "map_at_1": 12.928999999999998, + "map_at_10": 16.833000000000002, + "map_at_100": 17.615, + "map_at_1000": 17.732, + "map_at_20": 17.207, + "map_at_3": 15.463, + "map_at_5": 16.128999999999998, + "mrr_at_1": 15.976900866217516, + "mrr_at_10": 20.444757627144526, + "mrr_at_100": 21.18213748325402, + "mrr_at_1000": 21.25972081056743, + "mrr_at_20": 20.799603260475223, + "mrr_at_3": 18.928456849534818, + "mrr_at_5": 19.72248957330767, + "nauc_map_at_1000_diff1": 41.27196577011274, + "nauc_map_at_1000_max": 30.04254002251132, + "nauc_map_at_1000_std": 6.570333369920046, + "nauc_map_at_100_diff1": 41.27551384135304, + "nauc_map_at_100_max": 29.99043897557097, + "nauc_map_at_100_std": 6.472408363055328, + "nauc_map_at_10_diff1": 41.85444301121017, + "nauc_map_at_10_max": 29.81212191843452, + "nauc_map_at_10_std": 5.93398567449617, + "nauc_map_at_1_diff1": 46.839384517121886, + "nauc_map_at_1_max": 33.10314951759653, + "nauc_map_at_1_std": 3.473962823858065, + "nauc_map_at_20_diff1": 41.4328465682072, + "nauc_map_at_20_max": 29.97742898678745, + "nauc_map_at_20_std": 6.104796006386177, + "nauc_map_at_3_diff1": 43.02691416463743, + "nauc_map_at_3_max": 30.42366456898119, + "nauc_map_at_3_std": 5.155164523235761, + "nauc_map_at_5_diff1": 42.50855309235288, + "nauc_map_at_5_max": 30.268005050849005, + "nauc_map_at_5_std": 5.5087675809592955, + "nauc_mrr_at_1000_diff1": 39.918304151052496, + "nauc_mrr_at_1000_max": 32.3633242335842, + "nauc_mrr_at_1000_std": 9.821534513339788, + "nauc_mrr_at_100_diff1": 39.88894200397407, + "nauc_mrr_at_100_max": 32.35005140436353, + "nauc_mrr_at_100_std": 9.798405855994671, + "nauc_mrr_at_10_diff1": 40.398911825307096, + "nauc_mrr_at_10_max": 32.431125056382164, + "nauc_mrr_at_10_std": 9.607804963814376, + "nauc_mrr_at_1_diff1": 44.710224260402306, + "nauc_mrr_at_1_max": 34.810999361965784, + "nauc_mrr_at_1_std": 6.666781318158904, + "nauc_mrr_at_20_diff1": 40.00961756059491, + "nauc_mrr_at_20_max": 32.37658164628154, + "nauc_mrr_at_20_std": 9.668733699272558, + "nauc_mrr_at_3_diff1": 41.57115214419929, + "nauc_mrr_at_3_max": 32.68793918495075, + "nauc_mrr_at_3_std": 9.040233893300375, + "nauc_mrr_at_5_diff1": 41.06814071330848, + "nauc_mrr_at_5_max": 32.8245640568574, + "nauc_mrr_at_5_std": 9.58857119627648, + "nauc_ndcg_at_1000_diff1": 36.80739838454769, + "nauc_ndcg_at_1000_max": 29.789668331458618, + "nauc_ndcg_at_1000_std": 11.39764916900706, + "nauc_ndcg_at_100_diff1": 37.11213770959871, + "nauc_ndcg_at_100_max": 29.081591038980903, + "nauc_ndcg_at_100_std": 10.108782506088897, + "nauc_ndcg_at_10_diff1": 39.5849935712723, + "nauc_ndcg_at_10_max": 28.96898719826389, + "nauc_ndcg_at_10_std": 7.961681263212508, + "nauc_ndcg_at_1_diff1": 44.710224260402306, + "nauc_ndcg_at_1_max": 34.810999361965784, + "nauc_ndcg_at_1_std": 6.666781318158904, + "nauc_ndcg_at_20_diff1": 38.12032626231077, + "nauc_ndcg_at_20_max": 29.18302919363044, + "nauc_ndcg_at_20_std": 8.263802202822081, + "nauc_ndcg_at_3_diff1": 41.69966283174317, + "nauc_ndcg_at_3_max": 30.929246645213066, + "nauc_ndcg_at_3_std": 7.216761468782046, + "nauc_ndcg_at_5_diff1": 41.01584530945962, + "nauc_ndcg_at_5_max": 30.289879950898214, + "nauc_ndcg_at_5_std": 7.4367837578277936, + "nauc_precision_at_1000_diff1": 5.296272992814253, + "nauc_precision_at_1000_max": 19.76310705995752, + "nauc_precision_at_1000_std": 24.704985621130156, + "nauc_precision_at_100_diff1": 16.46333749868499, + "nauc_precision_at_100_max": 26.043739871376527, + "nauc_precision_at_100_std": 26.092651162394155, + "nauc_precision_at_10_diff1": 30.365327315976653, + "nauc_precision_at_10_max": 28.924585920344946, + "nauc_precision_at_10_std": 17.70407674779879, + "nauc_precision_at_1_diff1": 44.710224260402306, + "nauc_precision_at_1_max": 34.810999361965784, + "nauc_precision_at_1_std": 6.666781318158904, + "nauc_precision_at_20_diff1": 24.315922316558428, + "nauc_precision_at_20_max": 28.874260987195967, + "nauc_precision_at_20_std": 19.72374746122734, + "nauc_precision_at_3_diff1": 37.37798681409137, + "nauc_precision_at_3_max": 32.308460896865824, + "nauc_precision_at_3_std": 12.279945415003562, + "nauc_precision_at_5_diff1": 35.30318091103882, + "nauc_precision_at_5_max": 31.820548127213062, + "nauc_precision_at_5_std": 14.503599559616163, + "nauc_recall_at_1000_diff1": 19.795948815823216, + "nauc_recall_at_1000_max": 24.278386660959896, + "nauc_recall_at_1000_std": 22.837222421253944, + "nauc_recall_at_100_diff1": 24.472612415292573, + "nauc_recall_at_100_max": 21.91143710710276, + "nauc_recall_at_100_std": 15.053133349737896, + "nauc_recall_at_10_diff1": 33.4020176737161, + "nauc_recall_at_10_max": 23.033614175897377, + "nauc_recall_at_10_std": 8.767203112156356, + "nauc_recall_at_1_diff1": 46.839384517121886, + "nauc_recall_at_1_max": 33.10314951759653, + "nauc_recall_at_1_std": 3.473962823858065, + "nauc_recall_at_20_diff1": 28.830072771517113, + "nauc_recall_at_20_max": 23.489066180696092, + "nauc_recall_at_20_std": 9.12579757868168, + "nauc_recall_at_3_diff1": 39.908834198934215, + "nauc_recall_at_3_max": 27.068809545101175, + "nauc_recall_at_3_std": 6.530892914334164, + "nauc_recall_at_5_diff1": 37.48709101560424, + "nauc_recall_at_5_max": 26.081573648351025, + "nauc_recall_at_5_std": 7.183952029055236, + "ndcg_at_1": 15.977, + "ndcg_at_10": 19.902, + "ndcg_at_100": 24.086, + "ndcg_at_1000": 27.01, + "ndcg_at_20": 21.175, + "ndcg_at_3": 17.330000000000002, + "ndcg_at_5": 18.342, + "precision_at_1": 15.977, + "precision_at_10": 3.542, + "precision_at_100": 0.679, + "precision_at_1000": 0.109, + "precision_at_20": 2.161, + "precision_at_3": 8.053, + "precision_at_5": 5.679, + "recall_at_1": 12.928999999999998, + "recall_at_10": 25.916, + "recall_at_100": 44.836, + "recall_at_1000": 65.22200000000001, + "recall_at_20": 30.493, + "recall_at_3": 18.241, + "recall_at_5": 21.078 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/CQADupstackProgrammersRetrieval.json b/results/sergeyzh__rubert-tiny-turbo/external/CQADupstackProgrammersRetrieval.json new file mode 100644 index 000000000..6618e470f --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/CQADupstackProgrammersRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "6184bc1440d2dbc7612be22b50686b8826d22b32", + "task_name": "CQADupstackProgrammersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 15.862000000000002, + "map_at_1": 9.831, + "map_at_10": 13.256, + "map_at_100": 14.008000000000001, + "map_at_1000": 14.113000000000001, + "map_at_20": 13.636999999999999, + "map_at_3": 11.814, + "map_at_5": 12.583, + "mrr_at_1": 11.757990867579908, + "mrr_at_10": 15.494808654055237, + "mrr_at_100": 16.291820589502283, + "mrr_at_1000": 16.374533932974945, + "mrr_at_20": 15.933671804388336, + "mrr_at_3": 13.83181126331811, + "mrr_at_5": 14.6765601217656, + "nauc_map_at_1000_diff1": 33.93453741920144, + "nauc_map_at_1000_max": 15.653730492995432, + "nauc_map_at_1000_std": 7.8758696471921175, + "nauc_map_at_100_diff1": 33.93938109119093, + "nauc_map_at_100_max": 15.600263725191917, + "nauc_map_at_100_std": 7.765619322590685, + "nauc_map_at_10_diff1": 34.54464331832195, + "nauc_map_at_10_max": 15.612792960561228, + "nauc_map_at_10_std": 6.7557841221613915, + "nauc_map_at_1_diff1": 40.25943612185486, + "nauc_map_at_1_max": 17.181254846998176, + "nauc_map_at_1_std": 4.311873998223975, + "nauc_map_at_20_diff1": 34.286604224077294, + "nauc_map_at_20_max": 15.557596686810724, + "nauc_map_at_20_std": 7.278138397108883, + "nauc_map_at_3_diff1": 36.73973255367738, + "nauc_map_at_3_max": 16.83994296407283, + "nauc_map_at_3_std": 6.223159115827186, + "nauc_map_at_5_diff1": 35.141424690409735, + "nauc_map_at_5_max": 15.992920926050328, + "nauc_map_at_5_std": 6.351250600055855, + "nauc_mrr_at_1000_diff1": 34.73310032530598, + "nauc_mrr_at_1000_max": 19.015226556944313, + "nauc_mrr_at_1000_std": 9.222546150737514, + "nauc_mrr_at_100_diff1": 34.726753216593245, + "nauc_mrr_at_100_max": 18.99769748963775, + "nauc_mrr_at_100_std": 9.174113672327863, + "nauc_mrr_at_10_diff1": 35.44871459634613, + "nauc_mrr_at_10_max": 19.123376102993888, + "nauc_mrr_at_10_std": 8.400683156036651, + "nauc_mrr_at_1_diff1": 41.66420742315266, + "nauc_mrr_at_1_max": 20.29699577568541, + "nauc_mrr_at_1_std": 6.552893551004773, + "nauc_mrr_at_20_diff1": 34.97080168567599, + "nauc_mrr_at_20_max": 18.93820346421597, + "nauc_mrr_at_20_std": 8.88369463529979, + "nauc_mrr_at_3_diff1": 37.82881961939195, + "nauc_mrr_at_3_max": 20.23353217486363, + "nauc_mrr_at_3_std": 8.335430576995872, + "nauc_mrr_at_5_diff1": 36.39194951225287, + "nauc_mrr_at_5_max": 19.51895403281475, + "nauc_mrr_at_5_std": 8.109986680725223, + "nauc_ndcg_at_1000_diff1": 29.082397825054134, + "nauc_ndcg_at_1000_max": 16.79542535678252, + "nauc_ndcg_at_1000_std": 13.862883511514385, + "nauc_ndcg_at_100_diff1": 29.052598252998568, + "nauc_ndcg_at_100_max": 15.498427568714371, + "nauc_ndcg_at_100_std": 11.726792940214132, + "nauc_ndcg_at_10_diff1": 32.1345507923688, + "nauc_ndcg_at_10_max": 15.522253057572243, + "nauc_ndcg_at_10_std": 8.033462171395978, + "nauc_ndcg_at_1_diff1": 41.66420742315266, + "nauc_ndcg_at_1_max": 20.29699577568541, + "nauc_ndcg_at_1_std": 6.552893551004773, + "nauc_ndcg_at_20_diff1": 30.9118537718024, + "nauc_ndcg_at_20_max": 15.015691320922405, + "nauc_ndcg_at_20_std": 9.48348066099931, + "nauc_ndcg_at_3_diff1": 36.00136268031041, + "nauc_ndcg_at_3_max": 18.106666639494865, + "nauc_ndcg_at_3_std": 7.641902435989431, + "nauc_ndcg_at_5_diff1": 33.39201547133596, + "nauc_ndcg_at_5_max": 16.476689691452638, + "nauc_ndcg_at_5_std": 7.369674781372547, + "nauc_precision_at_1000_diff1": 6.471252357066656, + "nauc_precision_at_1000_max": 19.69714506243997, + "nauc_precision_at_1000_std": 19.55604767049242, + "nauc_precision_at_100_diff1": 14.901264085785481, + "nauc_precision_at_100_max": 18.109459081509822, + "nauc_precision_at_100_std": 21.114563137000474, + "nauc_precision_at_10_diff1": 27.5518231119986, + "nauc_precision_at_10_max": 15.967381663307059, + "nauc_precision_at_10_std": 11.45892974481074, + "nauc_precision_at_1_diff1": 41.66420742315266, + "nauc_precision_at_1_max": 20.29699577568541, + "nauc_precision_at_1_std": 6.552893551004773, + "nauc_precision_at_20_diff1": 24.871167172495863, + "nauc_precision_at_20_max": 16.035625528276007, + "nauc_precision_at_20_std": 16.40037479366967, + "nauc_precision_at_3_diff1": 35.34609472177138, + "nauc_precision_at_3_max": 20.28057060245756, + "nauc_precision_at_3_std": 9.58695451354911, + "nauc_precision_at_5_diff1": 31.12453786882641, + "nauc_precision_at_5_max": 17.714809323391766, + "nauc_precision_at_5_std": 9.540687572068887, + "nauc_recall_at_1000_diff1": 13.176944792680187, + "nauc_recall_at_1000_max": 17.215938373520867, + "nauc_recall_at_1000_std": 31.763351387419913, + "nauc_recall_at_100_diff1": 15.598307875167269, + "nauc_recall_at_100_max": 11.571312022801102, + "nauc_recall_at_100_std": 18.72066053860531, + "nauc_recall_at_10_diff1": 25.20073017671981, + "nauc_recall_at_10_max": 12.05920538584769, + "nauc_recall_at_10_std": 9.127287803525167, + "nauc_recall_at_1_diff1": 40.25943612185486, + "nauc_recall_at_1_max": 17.181254846998176, + "nauc_recall_at_1_std": 4.311873998223975, + "nauc_recall_at_20_diff1": 21.87476573323018, + "nauc_recall_at_20_max": 10.324185189089619, + "nauc_recall_at_20_std": 12.342028690096459, + "nauc_recall_at_3_diff1": 32.78814063821437, + "nauc_recall_at_3_max": 16.638784171801436, + "nauc_recall_at_3_std": 8.529115114779637, + "nauc_recall_at_5_diff1": 28.192900822422317, + "nauc_recall_at_5_max": 13.974726351715857, + "nauc_recall_at_5_std": 8.09305084632621, + "ndcg_at_1": 11.758000000000001, + "ndcg_at_10": 15.862000000000002, + "ndcg_at_100": 19.949, + "ndcg_at_1000": 22.917, + "ndcg_at_20": 17.249, + "ndcg_at_3": 12.992, + "ndcg_at_5": 14.266000000000002, + "precision_at_1": 11.758000000000001, + "precision_at_10": 2.82, + "precision_at_100": 0.575, + "precision_at_1000": 0.098, + "precision_at_20": 1.7870000000000001, + "precision_at_3": 5.822, + "precision_at_5": 4.315, + "recall_at_1": 9.831, + "recall_at_10": 21.762999999999998, + "recall_at_100": 40.207, + "recall_at_1000": 61.635, + "recall_at_20": 26.826, + "recall_at_3": 13.969999999999999, + "recall_at_5": 17.154 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/CQADupstackStatsRetrieval.json b/results/sergeyzh__rubert-tiny-turbo/external/CQADupstackStatsRetrieval.json new file mode 100644 index 000000000..f3301cf3f --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/CQADupstackStatsRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "65ac3a16b8e91f9cee4c9828cc7c335575432a2a", + "task_name": "CQADupstackStatsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 11.457, + "map_at_1": 6.798, + "map_at_10": 9.513, + "map_at_100": 10.11, + "map_at_1000": 10.181999999999999, + "map_at_20": 9.852, + "map_at_3": 8.459999999999999, + "map_at_5": 9.095, + "mrr_at_1": 8.43558282208589, + "mrr_at_10": 11.242818190670953, + "mrr_at_100": 11.841115877888047, + "mrr_at_1000": 11.910635997616325, + "mrr_at_20": 11.596258015622588, + "mrr_at_3": 10.122699386503067, + "mrr_at_5": 10.782208588957056, + "nauc_map_at_1000_diff1": 33.754657655521825, + "nauc_map_at_1000_max": 20.457874599194977, + "nauc_map_at_1000_std": 4.356173597738065, + "nauc_map_at_100_diff1": 33.75222679569881, + "nauc_map_at_100_max": 20.373956157972724, + "nauc_map_at_100_std": 4.252302912475765, + "nauc_map_at_10_diff1": 34.77872705587748, + "nauc_map_at_10_max": 20.93118729929346, + "nauc_map_at_10_std": 3.481910641472398, + "nauc_map_at_1_diff1": 42.058523271621276, + "nauc_map_at_1_max": 19.398661310678737, + "nauc_map_at_1_std": -1.9329828695069966, + "nauc_map_at_20_diff1": 34.32132356844234, + "nauc_map_at_20_max": 20.836011847513134, + "nauc_map_at_20_std": 3.410902073845993, + "nauc_map_at_3_diff1": 36.8129992491477, + "nauc_map_at_3_max": 21.49364083314497, + "nauc_map_at_3_std": 2.8543672506917117, + "nauc_map_at_5_diff1": 35.945765614409595, + "nauc_map_at_5_max": 21.821959253251073, + "nauc_map_at_5_std": 3.1795889661755754, + "nauc_mrr_at_1000_diff1": 33.022280754336535, + "nauc_mrr_at_1000_max": 20.31974398955361, + "nauc_mrr_at_1000_std": 6.915574901994777, + "nauc_mrr_at_100_diff1": 32.98012701377776, + "nauc_mrr_at_100_max": 20.217936050257485, + "nauc_mrr_at_100_std": 6.853368541174533, + "nauc_mrr_at_10_diff1": 34.0521482962105, + "nauc_mrr_at_10_max": 20.594837283745004, + "nauc_mrr_at_10_std": 6.58219400975866, + "nauc_mrr_at_1_diff1": 40.45214208803864, + "nauc_mrr_at_1_max": 20.246074459121917, + "nauc_mrr_at_1_std": 3.6861996527886007, + "nauc_mrr_at_20_diff1": 33.40956751827326, + "nauc_mrr_at_20_max": 20.570275995460932, + "nauc_mrr_at_20_std": 6.243011136595918, + "nauc_mrr_at_3_diff1": 36.31911031414795, + "nauc_mrr_at_3_max": 21.695701449295836, + "nauc_mrr_at_3_std": 6.71267279773233, + "nauc_mrr_at_5_diff1": 35.13580430980389, + "nauc_mrr_at_5_max": 21.723293067977693, + "nauc_mrr_at_5_std": 6.269186070012771, + "nauc_ndcg_at_1000_diff1": 26.716650512928574, + "nauc_ndcg_at_1000_max": 18.323227051095493, + "nauc_ndcg_at_1000_std": 10.182374858813544, + "nauc_ndcg_at_100_diff1": 27.023329777242445, + "nauc_ndcg_at_100_max": 17.4041094989256, + "nauc_ndcg_at_100_std": 8.607201276878204, + "nauc_ndcg_at_10_diff1": 31.921453307307818, + "nauc_ndcg_at_10_max": 20.328563944294817, + "nauc_ndcg_at_10_std": 5.531328567900397, + "nauc_ndcg_at_1_diff1": 40.45214208803864, + "nauc_ndcg_at_1_max": 20.246074459121917, + "nauc_ndcg_at_1_std": 3.6861996527886007, + "nauc_ndcg_at_20_diff1": 30.279986443553863, + "nauc_ndcg_at_20_max": 20.274259234859194, + "nauc_ndcg_at_20_std": 5.0661641286538925, + "nauc_ndcg_at_3_diff1": 35.40139952163887, + "nauc_ndcg_at_3_max": 21.8390120280498, + "nauc_ndcg_at_3_std": 5.417193004461638, + "nauc_ndcg_at_5_diff1": 34.323991615044044, + "nauc_ndcg_at_5_max": 22.44454175298003, + "nauc_ndcg_at_5_std": 5.058913656381477, + "nauc_precision_at_1000_diff1": 8.13341460956022, + "nauc_precision_at_1000_max": 13.380869610400731, + "nauc_precision_at_1000_std": 25.77566088719011, + "nauc_precision_at_100_diff1": 12.028198307574947, + "nauc_precision_at_100_max": 9.99491259218647, + "nauc_precision_at_100_std": 20.26038939641748, + "nauc_precision_at_10_diff1": 25.497863066445802, + "nauc_precision_at_10_max": 19.951934819022966, + "nauc_precision_at_10_std": 13.029428588116488, + "nauc_precision_at_1_diff1": 40.45214208803864, + "nauc_precision_at_1_max": 20.246074459121917, + "nauc_precision_at_1_std": 3.6861996527886007, + "nauc_precision_at_20_diff1": 21.270433967723527, + "nauc_precision_at_20_max": 20.20704051155486, + "nauc_precision_at_20_std": 10.606697205011349, + "nauc_precision_at_3_diff1": 34.304974107764636, + "nauc_precision_at_3_max": 24.786027767206704, + "nauc_precision_at_3_std": 12.919584289443248, + "nauc_precision_at_5_diff1": 31.235010233089454, + "nauc_precision_at_5_max": 25.888178221422027, + "nauc_precision_at_5_std": 12.04974180403603, + "nauc_recall_at_1000_diff1": 10.70347303527697, + "nauc_recall_at_1000_max": 11.531776655259092, + "nauc_recall_at_1000_std": 20.09518174937834, + "nauc_recall_at_100_diff1": 12.277161162587646, + "nauc_recall_at_100_max": 9.031651314357903, + "nauc_recall_at_100_std": 14.946530478779566, + "nauc_recall_at_10_diff1": 25.751282561301597, + "nauc_recall_at_10_max": 18.410538940956624, + "nauc_recall_at_10_std": 7.052566618916148, + "nauc_recall_at_1_diff1": 42.058523271621276, + "nauc_recall_at_1_max": 19.398661310678737, + "nauc_recall_at_1_std": -1.9329828695069966, + "nauc_recall_at_20_diff1": 21.876105916783473, + "nauc_recall_at_20_max": 18.14029808306082, + "nauc_recall_at_20_std": 5.721370338729993, + "nauc_recall_at_3_diff1": 32.349105117433645, + "nauc_recall_at_3_max": 22.475284730157217, + "nauc_recall_at_3_std": 6.577737452085277, + "nauc_recall_at_5_diff1": 30.45726437530916, + "nauc_recall_at_5_max": 22.993204324458517, + "nauc_recall_at_5_std": 6.237822274407502, + "ndcg_at_1": 8.436, + "ndcg_at_10": 11.457, + "ndcg_at_100": 14.618, + "ndcg_at_1000": 16.803, + "ndcg_at_20": 12.67, + "ndcg_at_3": 9.396, + "ndcg_at_5": 10.458, + "precision_at_1": 8.436, + "precision_at_10": 2.025, + "precision_at_100": 0.391, + "precision_at_1000": 0.063, + "precision_at_20": 1.304, + "precision_at_3": 4.192, + "precision_at_5": 3.221, + "recall_at_1": 6.798, + "recall_at_10": 15.878999999999998, + "recall_at_100": 30.768, + "recall_at_1000": 47.451, + "recall_at_20": 20.466, + "recall_at_3": 10.224, + "recall_at_5": 12.881 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/CQADupstackTexRetrieval.json b/results/sergeyzh__rubert-tiny-turbo/external/CQADupstackTexRetrieval.json new file mode 100644 index 000000000..1b9ddc698 --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/CQADupstackTexRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "46989137a86843e03a6195de44b09deda022eec7", + "task_name": "CQADupstackTexRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 9.754999999999999, + "map_at_1": 5.489999999999999, + "map_at_10": 7.9350000000000005, + "map_at_100": 8.376999999999999, + "map_at_1000": 8.458, + "map_at_20": 8.14, + "map_at_3": 7.166, + "map_at_5": 7.5840000000000005, + "mrr_at_1": 7.054370268410186, + "mrr_at_10": 9.948655764209787, + "mrr_at_100": 10.44089540191581, + "mrr_at_1000": 10.510808098620316, + "mrr_at_20": 10.18549289814409, + "mrr_at_3": 9.027299839412715, + "mrr_at_5": 9.52626749254416, + "nauc_map_at_1000_diff1": 32.76388527748132, + "nauc_map_at_1000_max": 26.76472945437023, + "nauc_map_at_1000_std": 5.076773141116664, + "nauc_map_at_100_diff1": 32.84910041131489, + "nauc_map_at_100_max": 26.776649275369763, + "nauc_map_at_100_std": 4.982288267487467, + "nauc_map_at_10_diff1": 33.69288297350157, + "nauc_map_at_10_max": 27.030787162656093, + "nauc_map_at_10_std": 4.319996549665479, + "nauc_map_at_1_diff1": 45.07110295953283, + "nauc_map_at_1_max": 31.183919870403624, + "nauc_map_at_1_std": 3.2596636083232524, + "nauc_map_at_20_diff1": 33.18385578478434, + "nauc_map_at_20_max": 26.750880392311256, + "nauc_map_at_20_std": 4.560028824060983, + "nauc_map_at_3_diff1": 36.134060387060806, + "nauc_map_at_3_max": 28.53718072767372, + "nauc_map_at_3_std": 3.8039060416364054, + "nauc_map_at_5_diff1": 34.85287692775015, + "nauc_map_at_5_max": 27.89364342330856, + "nauc_map_at_5_std": 4.119474259507159, + "nauc_mrr_at_1000_diff1": 32.015809492076826, + "nauc_mrr_at_1000_max": 27.431639711646994, + "nauc_mrr_at_1000_std": 5.95554166485951, + "nauc_mrr_at_100_diff1": 32.07039747646208, + "nauc_mrr_at_100_max": 27.452847130237775, + "nauc_mrr_at_100_std": 5.905310921828455, + "nauc_mrr_at_10_diff1": 32.93108532798797, + "nauc_mrr_at_10_max": 27.768472855609204, + "nauc_mrr_at_10_std": 5.580104763303006, + "nauc_mrr_at_1_diff1": 43.888408590108355, + "nauc_mrr_at_1_max": 32.903967259484176, + "nauc_mrr_at_1_std": 3.514629542175588, + "nauc_mrr_at_20_diff1": 32.408176921975254, + "nauc_mrr_at_20_max": 27.470576205679897, + "nauc_mrr_at_20_std": 5.716181575723001, + "nauc_mrr_at_3_diff1": 35.354655207362356, + "nauc_mrr_at_3_max": 29.14309593167405, + "nauc_mrr_at_3_std": 4.63189493416609, + "nauc_mrr_at_5_diff1": 33.970622089384825, + "nauc_mrr_at_5_max": 28.6239836688986, + "nauc_mrr_at_5_std": 5.122010745650993, + "nauc_ndcg_at_1000_diff1": 25.030181517448163, + "nauc_ndcg_at_1000_max": 24.25419053775242, + "nauc_ndcg_at_1000_std": 9.178235317241148, + "nauc_ndcg_at_100_diff1": 26.546832760443966, + "nauc_ndcg_at_100_max": 24.42201784253177, + "nauc_ndcg_at_100_std": 7.9899910907634375, + "nauc_ndcg_at_10_diff1": 29.856179532797423, + "nauc_ndcg_at_10_max": 25.424197578846012, + "nauc_ndcg_at_10_std": 5.1638300059562035, + "nauc_ndcg_at_1_diff1": 43.888408590108355, + "nauc_ndcg_at_1_max": 32.903967259484176, + "nauc_ndcg_at_1_std": 3.514629542175588, + "nauc_ndcg_at_20_diff1": 28.387788168718874, + "nauc_ndcg_at_20_max": 24.54850515588615, + "nauc_ndcg_at_20_std": 5.896669986261477, + "nauc_ndcg_at_3_diff1": 34.072630397644424, + "nauc_ndcg_at_3_max": 28.28910465749962, + "nauc_ndcg_at_3_std": 4.108392335721374, + "nauc_ndcg_at_5_diff1": 32.01123351290829, + "nauc_ndcg_at_5_max": 27.245024254467303, + "nauc_ndcg_at_5_std": 4.721870277645733, + "nauc_precision_at_1000_diff1": 10.47217681263907, + "nauc_precision_at_1000_max": 20.919793131324727, + "nauc_precision_at_1000_std": 14.804007062294563, + "nauc_precision_at_100_diff1": 16.685502515637722, + "nauc_precision_at_100_max": 23.37373409901207, + "nauc_precision_at_100_std": 13.953311698132442, + "nauc_precision_at_10_diff1": 22.478790016325785, + "nauc_precision_at_10_max": 23.607477242235102, + "nauc_precision_at_10_std": 7.794068171304157, + "nauc_precision_at_1_diff1": 43.888408590108355, + "nauc_precision_at_1_max": 32.903967259484176, + "nauc_precision_at_1_std": 3.514629542175588, + "nauc_precision_at_20_diff1": 19.959179713421722, + "nauc_precision_at_20_max": 21.738126842321893, + "nauc_precision_at_20_std": 9.007914166096132, + "nauc_precision_at_3_diff1": 29.984253127282134, + "nauc_precision_at_3_max": 28.271022607772796, + "nauc_precision_at_3_std": 5.620451575052563, + "nauc_precision_at_5_diff1": 26.198401324939464, + "nauc_precision_at_5_max": 26.593956126902786, + "nauc_precision_at_5_std": 6.684705108310583, + "nauc_recall_at_1000_diff1": 9.812234445343657, + "nauc_recall_at_1000_max": 17.800710147129053, + "nauc_recall_at_1000_std": 15.826278320231745, + "nauc_recall_at_100_diff1": 14.586175748060896, + "nauc_recall_at_100_max": 18.340956025066333, + "nauc_recall_at_100_std": 12.791161727474043, + "nauc_recall_at_10_diff1": 21.286255365948538, + "nauc_recall_at_10_max": 20.04866550317387, + "nauc_recall_at_10_std": 5.645106302785361, + "nauc_recall_at_1_diff1": 45.07110295953283, + "nauc_recall_at_1_max": 31.183919870403624, + "nauc_recall_at_1_std": 3.2596636083232524, + "nauc_recall_at_20_diff1": 18.757519729175094, + "nauc_recall_at_20_max": 18.59809411356838, + "nauc_recall_at_20_std": 7.482712453171494, + "nauc_recall_at_3_diff1": 29.350550830882405, + "nauc_recall_at_3_max": 26.26284543188125, + "nauc_recall_at_3_std": 4.284032658092434, + "nauc_recall_at_5_diff1": 25.247444183841345, + "nauc_recall_at_5_max": 23.639030774195213, + "nauc_recall_at_5_std": 5.05748857090612, + "ndcg_at_1": 7.054, + "ndcg_at_10": 9.754999999999999, + "ndcg_at_100": 12.252, + "ndcg_at_1000": 14.658999999999999, + "ndcg_at_20": 10.508000000000001, + "ndcg_at_3": 8.265, + "ndcg_at_5": 8.929, + "precision_at_1": 7.054, + "precision_at_10": 1.807, + "precision_at_100": 0.368, + "precision_at_1000": 0.06899999999999999, + "precision_at_20": 1.1199999999999999, + "precision_at_3": 3.9690000000000003, + "precision_at_5": 2.863, + "recall_at_1": 5.489999999999999, + "recall_at_10": 13.422, + "recall_at_100": 24.962999999999997, + "recall_at_1000": 42.725, + "recall_at_20": 16.259, + "recall_at_3": 9.155000000000001, + "recall_at_5": 10.923 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/CQADupstackUnixRetrieval.json b/results/sergeyzh__rubert-tiny-turbo/external/CQADupstackUnixRetrieval.json new file mode 100644 index 000000000..354e8ae68 --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/CQADupstackUnixRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "6c6430d3a6d36f8d2a829195bc5dc94d7e063e53", + "task_name": "CQADupstackUnixRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 16.884, + "map_at_1": 11.259, + "map_at_10": 14.371999999999998, + "map_at_100": 14.921999999999999, + "map_at_1000": 15.012, + "map_at_20": 14.643, + "map_at_3": 13.196, + "map_at_5": 13.786000000000001, + "mrr_at_1": 13.619402985074627, + "mrr_at_10": 17.155739161336175, + "mrr_at_100": 17.682382182436477, + "mrr_at_1000": 17.762865075369113, + "mrr_at_20": 17.394179616617638, + "mrr_at_3": 15.951492537313436, + "mrr_at_5": 16.497201492537318, + "nauc_map_at_1000_diff1": 47.4265740975564, + "nauc_map_at_1000_max": 28.882262726128438, + "nauc_map_at_1000_std": 8.733456805684261, + "nauc_map_at_100_diff1": 47.47182414534892, + "nauc_map_at_100_max": 28.85824710228484, + "nauc_map_at_100_std": 8.689373453465027, + "nauc_map_at_10_diff1": 48.02651594284678, + "nauc_map_at_10_max": 29.238822235344035, + "nauc_map_at_10_std": 8.33007800978345, + "nauc_map_at_1_diff1": 56.39452680423106, + "nauc_map_at_1_max": 32.60008414160042, + "nauc_map_at_1_std": 6.843961503288069, + "nauc_map_at_20_diff1": 47.63901968476526, + "nauc_map_at_20_max": 29.025324617088327, + "nauc_map_at_20_std": 8.643210479120588, + "nauc_map_at_3_diff1": 49.40628498975407, + "nauc_map_at_3_max": 30.22948877331367, + "nauc_map_at_3_std": 7.289154264399903, + "nauc_map_at_5_diff1": 48.664130342694136, + "nauc_map_at_5_max": 30.14327671294244, + "nauc_map_at_5_std": 7.939333631753251, + "nauc_mrr_at_1000_diff1": 44.58799837398294, + "nauc_mrr_at_1000_max": 31.03541915705859, + "nauc_mrr_at_1000_std": 10.403824515337941, + "nauc_mrr_at_100_diff1": 44.601824537567715, + "nauc_mrr_at_100_max": 31.02756566133194, + "nauc_mrr_at_100_std": 10.374041246429492, + "nauc_mrr_at_10_diff1": 45.08809081749144, + "nauc_mrr_at_10_max": 31.57615351364963, + "nauc_mrr_at_10_std": 10.29441865771061, + "nauc_mrr_at_1_diff1": 53.78193049233505, + "nauc_mrr_at_1_max": 35.795787308983364, + "nauc_mrr_at_1_std": 9.700924818901061, + "nauc_mrr_at_20_diff1": 44.74335182043816, + "nauc_mrr_at_20_max": 31.18129900426782, + "nauc_mrr_at_20_std": 10.385325054118825, + "nauc_mrr_at_3_diff1": 46.73779708259278, + "nauc_mrr_at_3_max": 32.65075209697959, + "nauc_mrr_at_3_std": 9.728066031213869, + "nauc_mrr_at_5_diff1": 45.92982408736637, + "nauc_mrr_at_5_max": 32.467526279204826, + "nauc_mrr_at_5_std": 9.989919602029717, + "nauc_ndcg_at_1000_diff1": 40.92066479403982, + "nauc_ndcg_at_1000_max": 26.324838581358712, + "nauc_ndcg_at_1000_std": 11.523782722688093, + "nauc_ndcg_at_100_diff1": 41.69901831802912, + "nauc_ndcg_at_100_max": 26.05948550508969, + "nauc_ndcg_at_100_std": 10.741879131890466, + "nauc_ndcg_at_10_diff1": 43.984470289795006, + "nauc_ndcg_at_10_max": 27.712165270383217, + "nauc_ndcg_at_10_std": 9.664252780617716, + "nauc_ndcg_at_1_diff1": 53.78193049233505, + "nauc_ndcg_at_1_max": 35.795787308983364, + "nauc_ndcg_at_1_std": 9.700924818901061, + "nauc_ndcg_at_20_diff1": 42.87969088645589, + "nauc_ndcg_at_20_max": 26.93508319676996, + "nauc_ndcg_at_20_std": 10.383528785973736, + "nauc_ndcg_at_3_diff1": 46.50711903290246, + "nauc_ndcg_at_3_max": 30.119861670148136, + "nauc_ndcg_at_3_std": 8.209698597192652, + "nauc_ndcg_at_5_diff1": 45.5276661506903, + "nauc_ndcg_at_5_max": 29.727216155363013, + "nauc_ndcg_at_5_std": 8.969137019208551, + "nauc_precision_at_1000_diff1": 13.186344514919291, + "nauc_precision_at_1000_max": 14.081180493706894, + "nauc_precision_at_1000_std": 13.331957277782028, + "nauc_precision_at_100_diff1": 25.836947568988094, + "nauc_precision_at_100_max": 19.399450264723857, + "nauc_precision_at_100_std": 15.996979763079173, + "nauc_precision_at_10_diff1": 31.611911937904136, + "nauc_precision_at_10_max": 23.67106809118961, + "nauc_precision_at_10_std": 12.494002491494403, + "nauc_precision_at_1_diff1": 53.78193049233505, + "nauc_precision_at_1_max": 35.795787308983364, + "nauc_precision_at_1_std": 9.700924818901061, + "nauc_precision_at_20_diff1": 28.52666886145722, + "nauc_precision_at_20_max": 21.954240311035203, + "nauc_precision_at_20_std": 14.844645388086807, + "nauc_precision_at_3_diff1": 38.45498467923997, + "nauc_precision_at_3_max": 29.266449529306882, + "nauc_precision_at_3_std": 9.049210381929473, + "nauc_precision_at_5_diff1": 36.09730656980118, + "nauc_precision_at_5_max": 28.837127135797243, + "nauc_precision_at_5_std": 11.158339114522931, + "nauc_recall_at_1000_diff1": 21.260887713456125, + "nauc_recall_at_1000_max": 16.113129212962036, + "nauc_recall_at_1000_std": 18.480136835190926, + "nauc_recall_at_100_diff1": 27.104482564680143, + "nauc_recall_at_100_max": 15.992106261015381, + "nauc_recall_at_100_std": 13.84189240491372, + "nauc_recall_at_10_diff1": 35.07971219401454, + "nauc_recall_at_10_max": 21.285398091407597, + "nauc_recall_at_10_std": 11.2371939944325, + "nauc_recall_at_1_diff1": 56.39452680423106, + "nauc_recall_at_1_max": 32.60008414160042, + "nauc_recall_at_1_std": 6.843961503288069, + "nauc_recall_at_20_diff1": 32.39512106898805, + "nauc_recall_at_20_max": 19.218626368924355, + "nauc_recall_at_20_std": 12.883976865810729, + "nauc_recall_at_3_diff1": 42.44181844531972, + "nauc_recall_at_3_max": 26.878784537566723, + "nauc_recall_at_3_std": 8.021682738108238, + "nauc_recall_at_5_diff1": 39.71281577688504, + "nauc_recall_at_5_max": 26.741868241320095, + "nauc_recall_at_5_std": 9.776821004059626, + "ndcg_at_1": 13.619, + "ndcg_at_10": 16.884, + "ndcg_at_100": 19.919999999999998, + "ndcg_at_1000": 22.61, + "ndcg_at_20": 17.802, + "ndcg_at_3": 14.601, + "ndcg_at_5": 15.47, + "precision_at_1": 13.619, + "precision_at_10": 2.8080000000000003, + "precision_at_100": 0.485, + "precision_at_1000": 0.08099999999999999, + "precision_at_20": 1.66, + "precision_at_3": 6.468, + "precision_at_5": 4.496, + "recall_at_1": 11.259, + "recall_at_10": 22.148, + "recall_at_100": 36.338, + "recall_at_1000": 56.37, + "recall_at_20": 25.444, + "recall_at_3": 15.601, + "recall_at_5": 17.904999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/CQADupstackWebmastersRetrieval.json b/results/sergeyzh__rubert-tiny-turbo/external/CQADupstackWebmastersRetrieval.json new file mode 100644 index 000000000..0a4c425c3 --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/CQADupstackWebmastersRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "160c094312a0e1facb97e55eeddb698c0abe3571", + "task_name": "CQADupstackWebmastersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 18.986, + "map_at_1": 11.219, + "map_at_10": 15.572, + "map_at_100": 16.496, + "map_at_1000": 16.666, + "map_at_20": 16.073999999999998, + "map_at_3": 14.173, + "map_at_5": 14.915000000000001, + "mrr_at_1": 14.82213438735178, + "mrr_at_10": 19.52365267582659, + "mrr_at_100": 20.370290185635753, + "mrr_at_1000": 20.467043542503724, + "mrr_at_20": 20.0766545965337, + "mrr_at_3": 18.21475625823452, + "mrr_at_5": 18.945981554677203, + "nauc_map_at_1000_diff1": 42.231943470301474, + "nauc_map_at_1000_max": 26.47159454229298, + "nauc_map_at_1000_std": 8.142899408562116, + "nauc_map_at_100_diff1": 42.20734027834296, + "nauc_map_at_100_max": 26.482392045352114, + "nauc_map_at_100_std": 7.869302970334234, + "nauc_map_at_10_diff1": 43.04836148095647, + "nauc_map_at_10_max": 26.854456008820886, + "nauc_map_at_10_std": 7.199117428761973, + "nauc_map_at_1_diff1": 52.69584045825562, + "nauc_map_at_1_max": 32.26169513753074, + "nauc_map_at_1_std": 6.952498233745584, + "nauc_map_at_20_diff1": 42.41625410983439, + "nauc_map_at_20_max": 26.907750306130733, + "nauc_map_at_20_std": 7.478967739706924, + "nauc_map_at_3_diff1": 44.785788923058384, + "nauc_map_at_3_max": 27.412957229850438, + "nauc_map_at_3_std": 6.907258583517531, + "nauc_map_at_5_diff1": 43.634053742171005, + "nauc_map_at_5_max": 27.311414645244174, + "nauc_map_at_5_std": 6.782368796408486, + "nauc_mrr_at_1000_diff1": 40.121034147067355, + "nauc_mrr_at_1000_max": 26.418816188019484, + "nauc_mrr_at_1000_std": 11.036789931313589, + "nauc_mrr_at_100_diff1": 40.09038771859193, + "nauc_mrr_at_100_max": 26.35109915559335, + "nauc_mrr_at_100_std": 11.004694419173386, + "nauc_mrr_at_10_diff1": 40.70815905748883, + "nauc_mrr_at_10_max": 26.39730116006313, + "nauc_mrr_at_10_std": 10.795296410891202, + "nauc_mrr_at_1_diff1": 49.49023740663914, + "nauc_mrr_at_1_max": 32.80752877856241, + "nauc_mrr_at_1_std": 9.182609293548452, + "nauc_mrr_at_20_diff1": 40.09097766117321, + "nauc_mrr_at_20_max": 26.543696500831608, + "nauc_mrr_at_20_std": 11.045110550071236, + "nauc_mrr_at_3_diff1": 42.547772290792786, + "nauc_mrr_at_3_max": 27.248503683439974, + "nauc_mrr_at_3_std": 11.12811144130018, + "nauc_mrr_at_5_diff1": 41.182672458130945, + "nauc_mrr_at_5_max": 27.204022967551346, + "nauc_mrr_at_5_std": 10.736058227235059, + "nauc_ndcg_at_1000_diff1": 38.283155226012525, + "nauc_ndcg_at_1000_max": 23.952454186870728, + "nauc_ndcg_at_1000_std": 11.202190633221258, + "nauc_ndcg_at_100_diff1": 37.28326924063582, + "nauc_ndcg_at_100_max": 23.059861557232345, + "nauc_ndcg_at_100_std": 9.94550524440808, + "nauc_ndcg_at_10_diff1": 39.63812221599438, + "nauc_ndcg_at_10_max": 24.35015593369919, + "nauc_ndcg_at_10_std": 9.315660164781054, + "nauc_ndcg_at_1_diff1": 49.49023740663914, + "nauc_ndcg_at_1_max": 32.80752877856241, + "nauc_ndcg_at_1_std": 9.182609293548452, + "nauc_ndcg_at_20_diff1": 37.63726489914318, + "nauc_ndcg_at_20_max": 24.728684570593007, + "nauc_ndcg_at_20_std": 9.986169134250208, + "nauc_ndcg_at_3_diff1": 41.86142781421585, + "nauc_ndcg_at_3_max": 25.373436332199645, + "nauc_ndcg_at_3_std": 9.66682128586139, + "nauc_ndcg_at_5_diff1": 40.642745287564594, + "nauc_ndcg_at_5_max": 25.56873621658099, + "nauc_ndcg_at_5_std": 9.25538178041856, + "nauc_precision_at_1000_diff1": 11.480722649998393, + "nauc_precision_at_1000_max": 1.8213948061833445, + "nauc_precision_at_1000_std": 29.23515602956654, + "nauc_precision_at_100_diff1": 14.18816101118032, + "nauc_precision_at_100_max": 2.440318670740079, + "nauc_precision_at_100_std": 29.24020499259622, + "nauc_precision_at_10_diff1": 27.712287052106255, + "nauc_precision_at_10_max": 16.786789482138776, + "nauc_precision_at_10_std": 14.310510991471832, + "nauc_precision_at_1_diff1": 49.49023740663914, + "nauc_precision_at_1_max": 32.80752877856241, + "nauc_precision_at_1_std": 9.182609293548452, + "nauc_precision_at_20_diff1": 20.46872198920085, + "nauc_precision_at_20_max": 14.825240542929851, + "nauc_precision_at_20_std": 20.953665146043296, + "nauc_precision_at_3_diff1": 36.03554983971536, + "nauc_precision_at_3_max": 21.854122073954194, + "nauc_precision_at_3_std": 13.04509621136731, + "nauc_precision_at_5_diff1": 32.79763412951098, + "nauc_precision_at_5_max": 21.11796990161242, + "nauc_precision_at_5_std": 13.431327120495338, + "nauc_recall_at_1000_diff1": 30.09802696990947, + "nauc_recall_at_1000_max": 13.40584644567289, + "nauc_recall_at_1000_std": 16.521370765894975, + "nauc_recall_at_100_diff1": 26.309114191114602, + "nauc_recall_at_100_max": 13.350873360428366, + "nauc_recall_at_100_std": 11.078547445094047, + "nauc_recall_at_10_diff1": 31.32014394352729, + "nauc_recall_at_10_max": 18.345182060137695, + "nauc_recall_at_10_std": 9.128692650287276, + "nauc_recall_at_1_diff1": 52.69584045825562, + "nauc_recall_at_1_max": 32.26169513753074, + "nauc_recall_at_1_std": 6.952498233745584, + "nauc_recall_at_20_diff1": 25.40389262415684, + "nauc_recall_at_20_max": 19.21175870928344, + "nauc_recall_at_20_std": 10.924171074066592, + "nauc_recall_at_3_diff1": 38.07498529415478, + "nauc_recall_at_3_max": 21.675031784523334, + "nauc_recall_at_3_std": 7.885136540556627, + "nauc_recall_at_5_diff1": 33.03739602855325, + "nauc_recall_at_5_max": 20.891017025098222, + "nauc_recall_at_5_std": 7.259719761129051, + "ndcg_at_1": 14.822, + "ndcg_at_10": 18.986, + "ndcg_at_100": 22.996, + "ndcg_at_1000": 26.569, + "ndcg_at_20": 20.62, + "ndcg_at_3": 16.778000000000002, + "ndcg_at_5": 17.742, + "precision_at_1": 14.822, + "precision_at_10": 3.755, + "precision_at_100": 0.8540000000000001, + "precision_at_1000": 0.163, + "precision_at_20": 2.4899999999999998, + "precision_at_3": 8.235000000000001, + "precision_at_5": 5.968, + "recall_at_1": 11.219, + "recall_at_10": 24.784, + "recall_at_100": 43.143, + "recall_at_1000": 68.416, + "recall_at_20": 31.266, + "recall_at_3": 17.607999999999997, + "recall_at_5": 20.468 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/CQADupstackWordpressRetrieval.json b/results/sergeyzh__rubert-tiny-turbo/external/CQADupstackWordpressRetrieval.json new file mode 100644 index 000000000..086cb5f1f --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/CQADupstackWordpressRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "4ffe81d471b1924886b33c7567bfb200e9eec5c4", + "task_name": "CQADupstackWordpressRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 14.105, + "map_at_1": 9.766, + "map_at_10": 12.35, + "map_at_100": 12.794, + "map_at_1000": 12.876000000000001, + "map_at_20": 12.548, + "map_at_3": 11.583, + "map_at_5": 11.855, + "mrr_at_1": 10.35120147874307, + "mrr_at_10": 13.323137634597895, + "mrr_at_100": 13.8122389813538, + "mrr_at_1000": 13.891191650266954, + "mrr_at_20": 13.550088548700803, + "mrr_at_3": 12.41528034504005, + "mrr_at_5": 12.74799753542822, + "nauc_map_at_1000_diff1": 30.214009272387493, + "nauc_map_at_1000_max": 27.100911874185957, + "nauc_map_at_1000_std": 4.556062715371813, + "nauc_map_at_100_diff1": 30.283972909659536, + "nauc_map_at_100_max": 27.101751795355376, + "nauc_map_at_100_std": 4.530095632746722, + "nauc_map_at_10_diff1": 30.703580851962275, + "nauc_map_at_10_max": 27.45889128777842, + "nauc_map_at_10_std": 4.056332236709348, + "nauc_map_at_1_diff1": 38.44336021108366, + "nauc_map_at_1_max": 31.341289082946698, + "nauc_map_at_1_std": 5.249357458733503, + "nauc_map_at_20_diff1": 30.50519884637743, + "nauc_map_at_20_max": 27.340643104548395, + "nauc_map_at_20_std": 4.165692308941953, + "nauc_map_at_3_diff1": 32.38602261885505, + "nauc_map_at_3_max": 28.903602549949543, + "nauc_map_at_3_std": 3.5402281277974756, + "nauc_map_at_5_diff1": 32.2685825283353, + "nauc_map_at_5_max": 28.485087249150176, + "nauc_map_at_5_std": 3.8418506057303445, + "nauc_mrr_at_1000_diff1": 30.308168307291954, + "nauc_mrr_at_1000_max": 26.895198553568438, + "nauc_mrr_at_1000_std": 6.332711766194871, + "nauc_mrr_at_100_diff1": 30.366219069831494, + "nauc_mrr_at_100_max": 26.88024956005868, + "nauc_mrr_at_100_std": 6.328345475093812, + "nauc_mrr_at_10_diff1": 30.60181659497291, + "nauc_mrr_at_10_max": 27.33947661988829, + "nauc_mrr_at_10_std": 5.98212349517898, + "nauc_mrr_at_1_diff1": 38.01665824488639, + "nauc_mrr_at_1_max": 31.273295508014538, + "nauc_mrr_at_1_std": 7.49596621052432, + "nauc_mrr_at_20_diff1": 30.504642171833616, + "nauc_mrr_at_20_max": 27.093254296264142, + "nauc_mrr_at_20_std": 6.011940896215445, + "nauc_mrr_at_3_diff1": 32.30298334779263, + "nauc_mrr_at_3_max": 28.46795259170204, + "nauc_mrr_at_3_std": 5.233276939737523, + "nauc_mrr_at_5_diff1": 32.317520734292316, + "nauc_mrr_at_5_max": 28.31645764893187, + "nauc_mrr_at_5_std": 5.514394216402804, + "nauc_ndcg_at_1000_diff1": 25.46804692303833, + "nauc_ndcg_at_1000_max": 24.577578434016004, + "nauc_ndcg_at_1000_std": 8.08099372903191, + "nauc_ndcg_at_100_diff1": 25.7728600426837, + "nauc_ndcg_at_100_max": 23.852719795214735, + "nauc_ndcg_at_100_std": 7.271020641236757, + "nauc_ndcg_at_10_diff1": 27.787864887098827, + "nauc_ndcg_at_10_max": 25.82070997315848, + "nauc_ndcg_at_10_std": 4.84958725429997, + "nauc_ndcg_at_1_diff1": 38.01665824488639, + "nauc_ndcg_at_1_max": 31.273295508014538, + "nauc_ndcg_at_1_std": 7.49596621052432, + "nauc_ndcg_at_20_diff1": 27.23687052702463, + "nauc_ndcg_at_20_max": 25.3030643349024, + "nauc_ndcg_at_20_std": 5.128184329356223, + "nauc_ndcg_at_3_diff1": 30.94323024403614, + "nauc_ndcg_at_3_max": 28.112791463025488, + "nauc_ndcg_at_3_std": 3.4748257092667845, + "nauc_ndcg_at_5_diff1": 30.979886062267525, + "nauc_ndcg_at_5_max": 27.832062407091833, + "nauc_ndcg_at_5_std": 4.066523891816962, + "nauc_precision_at_1000_diff1": 13.717212581088436, + "nauc_precision_at_1000_max": 14.726337919465527, + "nauc_precision_at_1000_std": 19.286677279311952, + "nauc_precision_at_100_diff1": 13.83440364507339, + "nauc_precision_at_100_max": 13.983610901499812, + "nauc_precision_at_100_std": 17.767107323199852, + "nauc_precision_at_10_diff1": 18.989269379083463, + "nauc_precision_at_10_max": 20.291510121396815, + "nauc_precision_at_10_std": 8.518048232551553, + "nauc_precision_at_1_diff1": 38.01665824488639, + "nauc_precision_at_1_max": 31.273295508014538, + "nauc_precision_at_1_std": 7.49596621052432, + "nauc_precision_at_20_diff1": 18.381866045394073, + "nauc_precision_at_20_max": 18.90966326296592, + "nauc_precision_at_20_std": 9.141677018751377, + "nauc_precision_at_3_diff1": 26.100613624838605, + "nauc_precision_at_3_max": 24.76218487581011, + "nauc_precision_at_3_std": 2.4322989886641495, + "nauc_precision_at_5_diff1": 26.83172966704407, + "nauc_precision_at_5_max": 24.090343452479146, + "nauc_precision_at_5_std": 4.535854021501322, + "nauc_recall_at_1000_diff1": 13.245456056842464, + "nauc_recall_at_1000_max": 19.61498051994092, + "nauc_recall_at_1000_std": 17.188990206491262, + "nauc_recall_at_100_diff1": 14.025440613222711, + "nauc_recall_at_100_max": 15.06663046965985, + "nauc_recall_at_100_std": 12.610345211569749, + "nauc_recall_at_10_diff1": 21.102550210495654, + "nauc_recall_at_10_max": 21.76066577972798, + "nauc_recall_at_10_std": 5.1852219341177115, + "nauc_recall_at_1_diff1": 38.44336021108366, + "nauc_recall_at_1_max": 31.341289082946698, + "nauc_recall_at_1_std": 5.249357458733503, + "nauc_recall_at_20_diff1": 19.281075192679307, + "nauc_recall_at_20_max": 20.050580691482935, + "nauc_recall_at_20_std": 5.836669306240979, + "nauc_recall_at_3_diff1": 27.334543456325626, + "nauc_recall_at_3_max": 26.711101790009558, + "nauc_recall_at_3_std": 2.3329176939418037, + "nauc_recall_at_5_diff1": 27.75488164284888, + "nauc_recall_at_5_max": 26.285171746330576, + "nauc_recall_at_5_std": 3.361376753158064, + "ndcg_at_1": 10.351, + "ndcg_at_10": 14.105, + "ndcg_at_100": 16.765, + "ndcg_at_1000": 19.220000000000002, + "ndcg_at_20": 14.82, + "ndcg_at_3": 12.398000000000001, + "ndcg_at_5": 12.879999999999999, + "precision_at_1": 10.351, + "precision_at_10": 2.144, + "precision_at_100": 0.373, + "precision_at_1000": 0.062, + "precision_at_20": 1.238, + "precision_at_3": 5.114, + "precision_at_5": 3.401, + "recall_at_1": 9.766, + "recall_at_10": 18.595, + "recall_at_100": 31.669999999999998, + "recall_at_1000": 50.659, + "recall_at_20": 21.248, + "recall_at_3": 13.876, + "recall_at_5": 15.015 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/CUADAffiliateLicenseLicenseeLegalBenchClassification.json b/results/sergeyzh__rubert-tiny-turbo/external/CUADAffiliateLicenseLicenseeLegalBenchClassification.json new file mode 100644 index 000000000..0ad780f51 --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/CUADAffiliateLicenseLicenseeLegalBenchClassification.json @@ -0,0 +1,1342 @@ +{ + "dataset_revision": "12ca3b695563788fead87a982ad1a068284413f4", + "task_name": "CUADAffiliateLicenseLicenseeLegalBenchClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.73737373737373, + "ap": 65.8818399825594, + "ap_weighted": 65.8818399825594, + "f1": 72.61993404956918, + "f1_weighted": 72.61993404956918, + "main_score": 73.73737373737373 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.54545454545453, + "ap": 73.12252964426878, + "ap_weighted": 73.12252964426878, + "f1": 79.53488372093022, + "f1_weighted": 79.53488372093024, + "main_score": 79.54545454545453 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.64846416382251, + "ap": 63.215973012261415, + "ap_weighted": 63.215973012261415, + "f1": 68.89855743269304, + "f1_weighted": 68.89855743269304, + "main_score": 70.64846416382251 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 60.44407894736842, + "ap": 57.470171721677076, + "ap_weighted": 57.470171721677076, + "f1": 57.63732113071247, + "f1_weighted": 57.63732113071247, + "main_score": 60.44407894736842 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 49.518459069020864, + "ap": 49.761431703402096, + "ap_weighted": 49.761431703402096, + "f1": 49.48302433823829, + "f1_weighted": 49.48302433823827, + "main_score": 49.518459069020864 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.875, + "ap": 64.42982456140352, + "ap_weighted": 64.42982456140352, + "f1": 70.87723707120934, + "f1_weighted": 70.8772370712093, + "main_score": 71.875 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 53.181818181818194, + "ap": 51.65110565110565, + "ap_weighted": 51.65110565110565, + "f1": 47.02513150204559, + "f1_weighted": 47.025131502045596, + "main_score": 53.181818181818194 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 67.53246753246754, + "ap": 60.65974025974026, + "ap_weighted": 60.65974025974026, + "f1": 64.03885671586028, + "f1_weighted": 64.03885671586026, + "main_score": 67.53246753246754 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 56.35593220338983, + "ap": 53.54749704375246, + "ap_weighted": 53.54749704375246, + "f1": 56.26090868196132, + "f1_weighted": 56.26090868196131, + "main_score": 56.35593220338983 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.154855643044606, + "ap": 56.35333840225783, + "ap_weighted": 56.35333840225783, + "f1": 57.26109628910987, + "f1_weighted": 57.26109628910987, + "main_score": 61.154855643044606 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.82191780821917, + "ap": 77.03374913905259, + "ap_weighted": 77.03374913905259, + "f1": 80.66062530224343, + "f1_weighted": 80.66062530224343, + "main_score": 80.82191780821917 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.12328767123289, + "ap": 88.44810149857499, + "ap_weighted": 88.44810149857499, + "f1": 92.12245616092896, + "f1_weighted": 92.12245616092899, + "main_score": 92.12328767123289 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 64.0625, + "ap": 59.78260869565217, + "ap_weighted": 59.78260869565217, + "f1": 63.33748443337483, + "f1_weighted": 63.33748443337485, + "main_score": 64.0625 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.3883495145631, + "ap": 76.65387764650838, + "ap_weighted": 76.65387764650838, + "f1": 80.20173184889143, + "f1_weighted": 80.20173184889143, + "main_score": 80.3883495145631 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.21428571428572, + "ap": 70.19711163153788, + "ap_weighted": 70.19711163153788, + "f1": 77.68807722955938, + "f1_weighted": 77.6880772295594, + "main_score": 78.21428571428572 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 85.9375, + "ap": 79.55607476635514, + "ap_weighted": 79.55607476635514, + "f1": 85.89119015866969, + "f1_weighted": 85.89119015866969, + "main_score": 85.9375 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.56446991404013, + "ap": 65.06701026209069, + "ap_weighted": 65.06701026209069, + "f1": 71.72168495320604, + "f1_weighted": 71.72168495320604, + "main_score": 72.56446991404013 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.45454545454544, + "ap": 73.2605583392985, + "ap_weighted": 73.2605583392985, + "f1": 80.33713703726801, + "f1_weighted": 80.33713703726798, + "main_score": 80.45454545454544 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.51813471502591, + "ap": 68.84511159342107, + "ap_weighted": 68.84511159342107, + "f1": 75.48815213647933, + "f1_weighted": 75.48815213647931, + "main_score": 75.51813471502591 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.4375, + "ap": 65.80668604651162, + "ap_weighted": 65.80668604651162, + "f1": 72.62893081761007, + "f1_weighted": 72.62893081761007, + "main_score": 73.4375 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 82.14285714285714, + "ap": 73.68421052631578, + "ap_weighted": 73.68421052631578, + "f1": 81.55467720685114, + "f1_weighted": 81.55467720685111, + "main_score": 82.14285714285714 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 88.02816901408453, + "ap": 81.23742454728371, + "ap_weighted": 81.23742454728371, + "f1": 87.92698174543636, + "f1_weighted": 87.92698174543636, + "main_score": 88.02816901408453 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 53.84615384615385, + "ap": 52.05651491365778, + "ap_weighted": 52.05651491365778, + "f1": 53.70967410723452, + "f1_weighted": 53.70967410723452, + "main_score": 53.84615384615385 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 82.0, + "ap": 73.75757575757575, + "ap_weighted": 73.75757575757575, + "f1": 81.5270935960591, + "f1_weighted": 81.5270935960591, + "main_score": 82.0 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.69372693726936, + "ap": 68.36025144171039, + "ap_weighted": 68.36025144171039, + "f1": 72.20320188509251, + "f1_weighted": 72.20320188509251, + "main_score": 72.69372693726936 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 81.53153153153154, + "ap": 73.22254687119553, + "ap_weighted": 73.22254687119553, + "f1": 81.003861003861, + "f1_weighted": 81.003861003861, + "main_score": 81.53153153153154 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 59.52970297029702, + "ap": 55.494262149873045, + "ap_weighted": 55.494262149873045, + "f1": 58.91289033889372, + "f1_weighted": 58.91289033889372, + "main_score": 59.52970297029702 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.95652173913044, + "ap": 80.11272141706925, + "ap_weighted": 80.11272141706925, + "f1": 86.85714285714286, + "f1_weighted": 86.85714285714286, + "main_score": 86.95652173913044 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 81.86528497409327, + "ap": 74.56574832804549, + "ap_weighted": 74.56574832804549, + "f1": 81.72348484848484, + "f1_weighted": 81.72348484848484, + "main_score": 81.86528497409327 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.9405684754522, + "ap": 75.88346617170725, + "ap_weighted": 75.88346617170725, + "f1": 78.5609048595758, + "f1_weighted": 78.5609048595758, + "main_score": 78.9405684754522 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 67.53623188405797, + "ap": 61.059567408520365, + "ap_weighted": 61.059567408520365, + "f1": 66.55819428096656, + "f1_weighted": 66.55819428096656, + "main_score": 67.53623188405797 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.66101694915253, + "ap": 73.06967984934086, + "ap_weighted": 73.06967984934086, + "f1": 79.63761863675583, + "f1_weighted": 79.63761863675583, + "main_score": 79.66101694915253 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 82.55813953488372, + "ap": 76.9289284938057, + "ap_weighted": 76.9289284938057, + "f1": 82.5580452030568, + "f1_weighted": 82.55804520305684, + "main_score": 82.55813953488372 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.76470588235293, + "ap": 82.30837789661318, + "ap_weighted": 82.30837789661318, + "f1": 86.76184295911746, + "f1_weighted": 86.76184295911744, + "main_score": 86.76470588235293 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.91156462585033, + "ap": 70.63036269784295, + "ap_weighted": 70.63036269784295, + "f1": 78.23054507237377, + "f1_weighted": 78.23054507237376, + "main_score": 78.91156462585033 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.0, + "ap": 67.5, + "ap_weighted": 67.5, + "f1": 74.60317460317461, + "f1_weighted": 74.60317460317461, + "main_score": 75.0 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 68.32298136645963, + "ap": 67.47730530339226, + "ap_weighted": 67.47730530339226, + "f1": 65.23267138078504, + "f1_weighted": 65.23267138078504, + "main_score": 68.32298136645963 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.18749999999999, + "ap": 70.84930981595093, + "ap_weighted": 70.84930981595093, + "f1": 77.18549481888057, + "f1_weighted": 77.18549481888057, + "main_score": 77.18749999999999 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 45.90163934426229, + "f1": 41.86755057433674, + "f1_weighted": 52.49140373560517, + "main_score": 45.90163934426229 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 64.63414634146342, + "ap": 59.62772785622593, + "ap_weighted": 59.62772785622593, + "f1": 64.58674609084142, + "f1_weighted": 64.58674609084142, + "main_score": 64.63414634146342 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 56.88073394495412, + "ap": 21.457096600107935, + "ap_weighted": 21.457096600107935, + "f1": 50.91501389288109, + "f1_weighted": 61.74750556638211, + "main_score": 56.88073394495412 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 60.431654676258994, + "ap": 55.25139990309542, + "ap_weighted": 55.25139990309542, + "f1": 60.4234611999793, + "f1_weighted": 60.435751414398844, + "main_score": 60.431654676258994 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.07692307692307, + "ap": 63.954526895988565, + "ap_weighted": 63.954526895988565, + "f1": 73.01454916133815, + "f1_weighted": 73.10187264315704, + "main_score": 73.07692307692307 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 82.09876543209876, + "ap": 75.19529587058324, + "ap_weighted": 75.19529587058324, + "f1": 82.08169647965215, + "f1_weighted": 82.0748688986735, + "main_score": 82.09876543209876 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.87323943661971, + "ap": 72.12365099689045, + "ap_weighted": 72.12365099689045, + "f1": 78.83545310015897, + "f1_weighted": 78.83545310015897, + "main_score": 78.87323943661971 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.47191011235954, + "ap": 64.74719101123597, + "ap_weighted": 64.74719101123597, + "f1": 71.08377813877931, + "f1_weighted": 71.08377813877931, + "main_score": 72.47191011235954 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 41.379310344827594, + "ap": 19.168356997971607, + "ap_weighted": 19.168356997971607, + "f1": 38.75776397515528, + "f1_weighted": 46.18547868922682, + "main_score": 41.379310344827594 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.3235294117647, + "ap": 65.14279624893436, + "ap_weighted": 65.14279624893436, + "f1": 71.3219789132198, + "f1_weighted": 71.3219789132198, + "main_score": 71.3235294117647 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 39.63963963963964, + "ap": 25.290389847351868, + "ap_weighted": 25.290389847351868, + "f1": 39.56115400243804, + "f1_weighted": 40.64033151396011, + "main_score": 39.63963963963964 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.21212121212122, + "ap": 63.13978196600149, + "ap_weighted": 63.13978196600149, + "f1": 70.88460645460877, + "f1_weighted": 70.7910308096052, + "main_score": 71.21212121212122 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.52941176470588, + "ap": 66.24576478752499, + "ap_weighted": 66.24576478752499, + "f1": 71.13098607494621, + "f1_weighted": 71.42467085328414, + "main_score": 73.52941176470588 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 68.88888888888889, + "ap": 51.569719636083924, + "ap_weighted": 51.569719636083924, + "f1": 66.28762541806019, + "f1_weighted": 68.26458565589, + "main_score": 68.88888888888889 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 49.044585987261144, + "ap": 47.085151843488305, + "ap_weighted": 47.085151843488305, + "f1": 48.28722002635046, + "f1_weighted": 47.92846772907698, + "main_score": 49.044585987261144 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.40816326530613, + "ap": 29.59183673469388, + "ap_weighted": 29.59183673469388, + "f1": 41.31736526946107, + "f1_weighted": 58.181595991690074, + "main_score": 70.40816326530613 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 84.51757666417352, + "ap": 80.76707736262222, + "ap_weighted": 80.76707736262222, + "f1": 84.51702233000746, + "f1_weighted": 84.52014045969152, + "main_score": 84.51757666417352 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.33333333333334, + "ap": 23.666666666666668, + "ap_weighted": 23.666666666666668, + "f1": 43.28922495274102, + "f1_weighted": 66.08821676118463, + "main_score": 76.33333333333334 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.66666666666669, + "ap": 25.333333333333336, + "ap_weighted": 25.333333333333336, + "f1": 42.74809160305343, + "f1_weighted": 63.83715012722646, + "main_score": 74.66666666666669 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 58.666666666666664, + "ap": 58.666666666666664, + "ap_weighted": 58.666666666666664, + "f1": 36.97478991596639, + "f1_weighted": 43.383753501400555, + "main_score": 58.666666666666664 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 53.333333333333336, + "ap": 53.333333333333336, + "ap_weighted": 53.333333333333336, + "f1": 34.782608695652165, + "f1_weighted": 37.10144927536233, + "main_score": 53.333333333333336 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 57.333333333333336, + "ap": 57.333333333333336, + "ap_weighted": 57.333333333333336, + "f1": 36.440677966101696, + "f1_weighted": 41.78531073446328, + "main_score": 57.333333333333336 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 55.33333333333334, + "ap": 55.335312709510575, + "ap_weighted": 55.335312709510575, + "f1": 53.72075888745626, + "f1_weighted": 54.239086387916736, + "main_score": 55.33333333333334 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 16.621253405994548, + "f1": 15.693085823082844, + "f1_weighted": 15.880480382757908, + "main_score": 16.621253405994548 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 20.30075187969925, + "f1": 11.25, + "f1_weighted": 6.851503759398496, + "main_score": 20.30075187969925 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 60.107421875, + "ap": 46.4447988877498, + "ap_weighted": 46.4447988877498, + "f1": 56.153528268151675, + "f1_weighted": 58.210838762771935, + "main_score": 60.107421875 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.62962962962962, + "ap": 86.55394524959743, + "ap_weighted": 86.55394524959743, + "f1": 61.60310277957336, + "f1_weighted": 79.14242620124973, + "main_score": 79.62962962962962 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 66.66666666666667, + "ap": 61.11111111111111, + "ap_weighted": 61.11111111111111, + "f1": 66.66666666666667, + "f1_weighted": 66.66666666666667, + "main_score": 66.66666666666667 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.11494252873564, + "ap": 68.24378508420207, + "ap_weighted": 68.24378508420207, + "f1": 68.07339449541284, + "f1_weighted": 68.07339449541284, + "main_score": 70.11494252873564 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 58.143322475570045, + "ap": 54.72001493806926, + "ap_weighted": 54.72001493806926, + "f1": 58.13788145283024, + "f1_weighted": 58.13788145283024, + "main_score": 58.143322475570045 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 60.41666666666667, + "ap": 56.07638888888889, + "ap_weighted": 56.07638888888889, + "f1": 59.78835978835979, + "f1_weighted": 59.78835978835979, + "main_score": 60.41666666666667 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.63953488372093, + "ap": 65.3728949478749, + "ap_weighted": 65.3728949478749, + "f1": 70.45754079263989, + "f1_weighted": 70.45754079263989, + "main_score": 70.63953488372093 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 62.66666666666667, + "ap": 57.45794392523364, + "ap_weighted": 57.45794392523364, + "f1": 60.886571056062586, + "f1_weighted": 60.886571056062586, + "main_score": 62.66666666666667 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 68.39080459770115, + "ap": 62.26053639846742, + "ap_weighted": 62.26053639846742, + "f1": 68.30601092896174, + "f1_weighted": 68.30601092896174, + "main_score": 68.39080459770115 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.64285714285714, + "ap": 62.222222222222214, + "ap_weighted": 62.222222222222214, + "f1": 66.56129258868984, + "f1_weighted": 66.56129258868984, + "main_score": 69.64285714285714 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 63.521126760563384, + "ap": 58.7392648574373, + "ap_weighted": 58.7392648574373, + "f1": 63.4682967433563, + "f1_weighted": 63.4682967433563, + "main_score": 63.521126760563384 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.78651685393258, + "ap": 64.05564472980203, + "ap_weighted": 64.05564472980203, + "f1": 70.54855542828051, + "f1_weighted": 70.54855542828051, + "main_score": 70.78651685393258 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.48828125, + "ap": 68.42998798076924, + "ap_weighted": 68.42998798076924, + "f1": 75.3630731744256, + "f1_weighted": 75.3630731744256, + "main_score": 75.48828125 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 64.60176991150443, + "ap": 58.96246566981995, + "ap_weighted": 58.96246566981995, + "f1": 63.877567329976834, + "f1_weighted": 63.877567329976834, + "main_score": 64.60176991150443 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 48.73046875, + "ap": 49.376600701618464, + "ap_weighted": 49.376600701618464, + "f1": 46.38903847304493, + "f1_weighted": 46.38903847304493, + "main_score": 48.73046875 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 83.5820895522388, + "ap": 77.43325625394155, + "ap_weighted": 77.43325625394155, + "f1": 83.5674470457079, + "f1_weighted": 83.5674470457079, + "main_score": 83.5820895522388 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 63.19444444444444, + "ap": 58.41384863123993, + "ap_weighted": 58.41384863123993, + "f1": 63.17846287451151, + "f1_weighted": 63.17846287451151, + "main_score": 63.19444444444444 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.7841726618705, + "ap": 62.353917770760766, + "ap_weighted": 62.353917770760766, + "f1": 66.90476190476191, + "f1_weighted": 66.90476190476191, + "main_score": 69.7841726618705 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 56.36363636363636, + "ap": 64.75724991854024, + "ap_weighted": 64.75724991854024, + "f1": 52.85714285714286, + "f1_weighted": 51.220779220779214, + "main_score": 56.36363636363636 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 27.607421875, + "f1": 14.84669450435061, + "f1_weighted": 28.881436838109853, + "main_score": 27.607421875 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 45.20547945205479, + "ap": 50.160551683623055, + "ap_weighted": 50.160551683623055, + "f1": 44.53941120607787, + "f1_weighted": 44.28963561383653, + "main_score": 45.20547945205479 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.31818181818183, + "ap": 64.09705159705157, + "ap_weighted": 64.09705159705157, + "f1": 69.12280701754385, + "f1_weighted": 69.12280701754386, + "main_score": 69.31818181818183 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 63.868065967016484, + "ap": 62.05622742346708, + "ap_weighted": 62.05622742346708, + "f1": 60.25914242202488, + "f1_weighted": 60.22323273501004, + "main_score": 63.868065967016484 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 88.18181818181819, + "ap": 85.12727272727273, + "ap_weighted": 85.12727272727273, + "f1": 88.15734989648034, + "f1_weighted": 88.15734989648034, + "main_score": 88.18181818181819 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.55896452540749, + "ap": 64.53342029559877, + "ap_weighted": 64.53342029559877, + "f1": 69.32286869541191, + "f1_weighted": 69.31770813082186, + "main_score": 69.55896452540749 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.75510204081633, + "ap": 75.20843296586462, + "ap_weighted": 75.20843296586462, + "f1": 77.09799280479909, + "f1_weighted": 77.11382676229348, + "main_score": 77.75510204081633 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 89.0951276102088, + "ap": 87.15879085780726, + "ap_weighted": 87.15879085780726, + "f1": 89.04203698995461, + "f1_weighted": 89.04380667729642, + "main_score": 89.0951276102088 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 64.27672955974842, + "ap": 62.893075413619535, + "ap_weighted": 62.893075413619535, + "f1": 60.459952085405675, + "f1_weighted": 60.4135944642598, + "main_score": 64.27672955974842 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 67.09956709956711, + "ap": 62.92853137890984, + "ap_weighted": 62.92853137890984, + "f1": 66.41414141414141, + "f1_weighted": 66.39337093882548, + "main_score": 67.09956709956711 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.69857697283311, + "ap": 63.961545634799855, + "ap_weighted": 63.961545634799855, + "f1": 70.33565944829778, + "f1_weighted": 70.34414874711732, + "main_score": 70.69857697283311 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 20.51282051282051, + "f1": 17.434477437885, + "f1_weighted": 21.50138868825342, + "main_score": 20.51282051282051 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.580078125, + "ap": 64.66695246425695, + "ap_weighted": 64.66695246425695, + "f1": 69.55969170904413, + "f1_weighted": 69.5473829295991, + "main_score": 69.580078125 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 49.47368421052632, + "ap": 49.47368421052632, + "ap_weighted": 49.47368421052632, + "f1": 33.09859154929578, + "f1_weighted": 32.750185322461085, + "main_score": 49.47368421052632 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 51.99999999999999, + "ap": 44.107526881720425, + "ap_weighted": 44.107526881720425, + "f1": 51.92307692307692, + "f1_weighted": 51.61538461538463, + "main_score": 51.99999999999999 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 64.64379947229551, + "ap": 91.77095548714944, + "ap_weighted": 91.77095548714944, + "f1": 56.37541231445849, + "f1_weighted": 70.25628045216064, + "main_score": 64.64379947229551 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 59.89445910290237, + "ap": 75.9408508806894, + "ap_weighted": 75.9408508806894, + "f1": 59.26805814808528, + "f1_weighted": 61.147261012536525, + "main_score": 59.89445910290237 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 59.78835978835979, + "ap": 79.40365504574285, + "ap_weighted": 79.40365504574285, + "f1": 56.06802055297283, + "f1_weighted": 62.49406105045939, + "main_score": 59.78835978835979 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 59.102902374670194, + "ap": 78.86277214171828, + "ap_weighted": 78.86277214171828, + "f1": 58.122144043570934, + "f1_weighted": 60.91223239928431, + "main_score": 59.102902374670194 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 62.796833773087066, + "ap": 66.09764646131225, + "ap_weighted": 66.09764646131225, + "f1": 62.562263119916494, + "f1_weighted": 62.19476909661592, + "main_score": 62.796833773087066 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 60.84656084656085, + "ap": 96.40608145845859, + "ap_weighted": 96.40608145845859, + "f1": 46.04166666666668, + "f1_weighted": 71.16512345679011, + "main_score": 60.84656084656085 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.741424802110814, + "ap": 94.08312772646127, + "ap_weighted": 94.08312772646127, + "f1": 50.59825064499599, + "f1_weighted": 69.72736628137642, + "main_score": 61.741424802110814 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 62.43386243386243, + "ap": 92.94462068443907, + "ap_weighted": 92.94462068443907, + "f1": 49.37181663837012, + "f1_weighted": 70.32551510197236, + "main_score": 62.43386243386243 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 53.825857519788926, + "ap": 89.02073335965477, + "ap_weighted": 89.02073335965477, + "f1": 47.22918407128933, + "f1_weighted": 60.86559112527728, + "main_score": 53.825857519788926 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 49.07651715039577, + "ap": 76.04960744098202, + "ap_weighted": 76.04960744098202, + "f1": 47.939930963310914, + "f1_weighted": 51.65413225324895, + "main_score": 49.07651715039577 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 51.06382978723404, + "ap": 64.12529550827422, + "ap_weighted": 64.12529550827422, + "f1": 48.74348032242769, + "f1_weighted": 46.65516580410197, + "main_score": 51.06382978723404 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.1588785046729, + "ap": 13.91484942886812, + "ap_weighted": 13.91484942886812, + "f1": 53.57001972386588, + "f1_weighted": 75.94757507050821, + "main_score": 69.1588785046729 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 52.121212121212125, + "ap": 44.68029172320217, + "ap_weighted": 44.68029172320217, + "f1": 50.48433048433048, + "f1_weighted": 48.79288612621945, + "main_score": 52.121212121212125 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 52.127659574468076, + "ap": 42.829212190914326, + "ap_weighted": 42.829212190914326, + "f1": 50.50895050895051, + "f1_weighted": 51.84200503349441, + "main_score": 52.127659574468076 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 19.3359375, + "f1": 11.24236763925133, + "f1_weighted": 27.137659267661597, + "main_score": 19.3359375 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/ClimateFEVER.json b/results/sergeyzh__rubert-tiny-turbo/external/ClimateFEVER.json new file mode 100644 index 000000000..1a3e33031 --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/ClimateFEVER.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 5.558, + "map_at_1": 2.099, + "map_at_10": 3.6790000000000003, + "map_at_100": 4.021, + "map_at_1000": 4.083, + "map_at_20": 3.843, + "map_at_3": 3.107, + "map_at_5": 3.398, + "mrr_at_1": 4.364820846905538, + "mrr_at_10": 7.478723954293985, + "mrr_at_100": 8.041420875649584, + "mrr_at_1000": 8.120754871238086, + "mrr_at_20": 7.760020669319687, + "mrr_at_3": 6.438653637350702, + "mrr_at_5": 7.028230184581975, + "nauc_map_at_1000_diff1": 26.989583880363355, + "nauc_map_at_1000_max": 19.651932768180743, + "nauc_map_at_1000_std": 28.682949493303113, + "nauc_map_at_100_diff1": 27.123176019982058, + "nauc_map_at_100_max": 19.598769909181605, + "nauc_map_at_100_std": 28.431702256094276, + "nauc_map_at_10_diff1": 28.090105463174243, + "nauc_map_at_10_max": 19.316825624764327, + "nauc_map_at_10_std": 27.879940536760657, + "nauc_map_at_1_diff1": 38.86635884960338, + "nauc_map_at_1_max": 23.66935741341746, + "nauc_map_at_1_std": 25.594810836643088, + "nauc_map_at_20_diff1": 27.932097656688153, + "nauc_map_at_20_max": 19.705436224378094, + "nauc_map_at_20_std": 28.005161889024915, + "nauc_map_at_3_diff1": 31.343508506514787, + "nauc_map_at_3_max": 17.617676175693653, + "nauc_map_at_3_std": 27.372138781240235, + "nauc_map_at_5_diff1": 29.21950281006726, + "nauc_map_at_5_max": 18.039174755804527, + "nauc_map_at_5_std": 26.278075304640147, + "nauc_mrr_at_1000_diff1": 21.017635057347793, + "nauc_mrr_at_1000_max": 20.84007387790555, + "nauc_mrr_at_1000_std": 24.684523933084744, + "nauc_mrr_at_100_diff1": 21.051698171004, + "nauc_mrr_at_100_max": 20.79459868740917, + "nauc_mrr_at_100_std": 24.62077347403019, + "nauc_mrr_at_10_diff1": 21.926692626233184, + "nauc_mrr_at_10_max": 20.868215747512338, + "nauc_mrr_at_10_std": 24.10229968572614, + "nauc_mrr_at_1_diff1": 32.12007148649377, + "nauc_mrr_at_1_max": 25.428643110489634, + "nauc_mrr_at_1_std": 19.946229629460547, + "nauc_mrr_at_20_diff1": 21.617935715645125, + "nauc_mrr_at_20_max": 21.046484288936377, + "nauc_mrr_at_20_std": 24.297367370651244, + "nauc_mrr_at_3_diff1": 24.094623370861303, + "nauc_mrr_at_3_max": 19.713811945549196, + "nauc_mrr_at_3_std": 23.568839477173757, + "nauc_mrr_at_5_diff1": 22.3010395396166, + "nauc_mrr_at_5_max": 20.569180907488864, + "nauc_mrr_at_5_std": 23.15568498862624, + "nauc_ndcg_at_1000_diff1": 17.73440786298746, + "nauc_ndcg_at_1000_max": 21.164734898511266, + "nauc_ndcg_at_1000_std": 32.20409116224434, + "nauc_ndcg_at_100_diff1": 19.491657641927414, + "nauc_ndcg_at_100_max": 19.73425182329514, + "nauc_ndcg_at_100_std": 29.633697891721162, + "nauc_ndcg_at_10_diff1": 23.236666416810397, + "nauc_ndcg_at_10_max": 19.859686062177957, + "nauc_ndcg_at_10_std": 27.607123060751103, + "nauc_ndcg_at_1_diff1": 32.12007148649377, + "nauc_ndcg_at_1_max": 25.428643110489634, + "nauc_ndcg_at_1_std": 19.946229629460547, + "nauc_ndcg_at_20_diff1": 22.766492789770794, + "nauc_ndcg_at_20_max": 20.68653243447615, + "nauc_ndcg_at_20_std": 27.80598558578259, + "nauc_ndcg_at_3_diff1": 26.430176145767764, + "nauc_ndcg_at_3_max": 17.178786585572514, + "nauc_ndcg_at_3_std": 26.551392559385945, + "nauc_ndcg_at_5_diff1": 24.359838503352492, + "nauc_ndcg_at_5_max": 18.139249994062958, + "nauc_ndcg_at_5_std": 25.04579441208386, + "nauc_precision_at_1000_diff1": 3.5941753705590855, + "nauc_precision_at_1000_max": 23.295418071068074, + "nauc_precision_at_1000_std": 37.823737794558035, + "nauc_precision_at_100_diff1": 7.711362755764835, + "nauc_precision_at_100_max": 21.000892665907962, + "nauc_precision_at_100_std": 35.56596455340648, + "nauc_precision_at_10_diff1": 14.603402002580449, + "nauc_precision_at_10_max": 22.112935744796918, + "nauc_precision_at_10_std": 30.665912790934176, + "nauc_precision_at_1_diff1": 32.12007148649377, + "nauc_precision_at_1_max": 25.428643110489634, + "nauc_precision_at_1_std": 19.946229629460547, + "nauc_precision_at_20_diff1": 14.716417574100266, + "nauc_precision_at_20_max": 23.926389785704096, + "nauc_precision_at_20_std": 30.69168946837732, + "nauc_precision_at_3_diff1": 18.67632522519008, + "nauc_precision_at_3_max": 15.461714107477059, + "nauc_precision_at_3_std": 24.408621037612654, + "nauc_precision_at_5_diff1": 14.433484685750017, + "nauc_precision_at_5_max": 18.682282289432337, + "nauc_precision_at_5_std": 24.03615092175192, + "nauc_recall_at_1000_diff1": 7.5569286948470955, + "nauc_recall_at_1000_max": 18.988365246129565, + "nauc_recall_at_1000_std": 32.73921563811838, + "nauc_recall_at_100_diff1": 12.11778715469688, + "nauc_recall_at_100_max": 16.608390547005357, + "nauc_recall_at_100_std": 29.88269190630321, + "nauc_recall_at_10_diff1": 20.008263704255814, + "nauc_recall_at_10_max": 19.07669508851797, + "nauc_recall_at_10_std": 28.95827325426037, + "nauc_recall_at_1_diff1": 38.86635884960338, + "nauc_recall_at_1_max": 23.66935741341746, + "nauc_recall_at_1_std": 25.594810836643088, + "nauc_recall_at_20_diff1": 19.54693652826011, + "nauc_recall_at_20_max": 20.582517703572815, + "nauc_recall_at_20_std": 28.52204311008764, + "nauc_recall_at_3_diff1": 25.95757457673112, + "nauc_recall_at_3_max": 13.802011828871594, + "nauc_recall_at_3_std": 28.160988060479163, + "nauc_recall_at_5_diff1": 21.718874199874673, + "nauc_recall_at_5_max": 15.812170162395233, + "nauc_recall_at_5_std": 24.970427791223297, + "ndcg_at_1": 4.365, + "ndcg_at_10": 5.558, + "ndcg_at_100": 7.637, + "ndcg_at_1000": 9.700000000000001, + "ndcg_at_20": 6.215, + "ndcg_at_3": 4.314, + "ndcg_at_5": 4.795, + "precision_at_1": 4.365, + "precision_at_10": 1.6740000000000002, + "precision_at_100": 0.384, + "precision_at_1000": 0.076, + "precision_at_20": 1.111, + "precision_at_3": 3.084, + "precision_at_5": 2.423, + "recall_at_1": 2.099, + "recall_at_10": 7.371999999999999, + "recall_at_100": 14.976999999999999, + "recall_at_1000": 27.328000000000003, + "recall_at_20": 9.288, + "recall_at_3": 4.299, + "recall_at_5": 5.509 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/CyrillicTurkicLangClassification.json b/results/sergeyzh__rubert-tiny-turbo/external/CyrillicTurkicLangClassification.json new file mode 100644 index 000000000..ad82767d2 --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/CyrillicTurkicLangClassification.json @@ -0,0 +1,28 @@ +{ + "dataset_revision": "e42d330f33d65b7b72dfd408883daf1661f06f18", + "task_name": "CyrillicTurkicLangClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "bak-Cyrl", + "chv-Cyrl", + "tat-Cyrl", + "kir-Cyrl", + "rus-Cyrl", + "kaz-Cyrl", + "tyv-Cyrl", + "krc-Cyrl", + "sah-Cyrl" + ], + "accuracy": 61.19140625, + "f1": 59.377085898563365, + "f1_weighted": 59.385881195883925, + "main_score": 61.19140625 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/DBPedia.json b/results/sergeyzh__rubert-tiny-turbo/external/DBPedia.json new file mode 100644 index 000000000..e2bca0960 --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/DBPedia.json @@ -0,0 +1,306 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 7.161, + "map_at_1": 0.599, + "map_at_10": 2.243, + "map_at_100": 3.1189999999999998, + "map_at_1000": 3.488, + "map_at_20": 2.522, + "map_at_3": 1.397, + "map_at_5": 1.951, + "mrr_at_1": 8.955223880597014, + "mrr_at_10": 18.287728026533994, + "mrr_at_100": 18.978113584928742, + "mrr_at_1000": 19.053758841865573, + "mrr_at_20": 18.61199952617863, + "mrr_at_3": 14.676616915422885, + "mrr_at_5": 17.06467661691542, + "nauc_map_at_1000_diff1": -2.930033724497058, + "nauc_map_at_1000_max": 3.5995430754716904, + "nauc_map_at_1000_std": 5.61203479120595, + "nauc_map_at_100_diff1": -5.4531441891668795, + "nauc_map_at_100_max": -0.0055832626529105185, + "nauc_map_at_100_std": 3.439773391163607, + "nauc_map_at_10_diff1": -14.3319757103363, + "nauc_map_at_10_max": -9.021024411612359, + "nauc_map_at_10_std": 1.0275253768638628, + "nauc_map_at_1_diff1": 22.607506151253776, + "nauc_map_at_1_max": 10.921408762597743, + "nauc_map_at_1_std": -2.0177080867009054, + "nauc_map_at_20_diff1": -11.794157692538237, + "nauc_map_at_20_max": -6.44484538876576, + "nauc_map_at_20_std": 1.039851694368717, + "nauc_map_at_3_diff1": -7.469347804676409, + "nauc_map_at_3_max": -5.393936026725367, + "nauc_map_at_3_std": 9.280689460783249, + "nauc_map_at_5_diff1": -15.955321054747321, + "nauc_map_at_5_max": -9.855092671604572, + "nauc_map_at_5_std": 0.06180279408320787, + "nauc_mrr_at_1000_diff1": -2.821396337906413, + "nauc_mrr_at_1000_max": 5.972877383405757, + "nauc_mrr_at_1000_std": -1.6896049835004336, + "nauc_mrr_at_100_diff1": -2.8632536639982105, + "nauc_mrr_at_100_max": 5.973020236396294, + "nauc_mrr_at_100_std": -1.809958349128643, + "nauc_mrr_at_10_diff1": -4.515463799529893, + "nauc_mrr_at_10_max": 5.030384515417533, + "nauc_mrr_at_10_std": -1.547480529694615, + "nauc_mrr_at_1_diff1": 8.719512377821816, + "nauc_mrr_at_1_max": 16.272382792823382, + "nauc_mrr_at_1_std": -3.187491782487964, + "nauc_mrr_at_20_diff1": -2.908929872190089, + "nauc_mrr_at_20_max": 6.58409584409903, + "nauc_mrr_at_20_std": -1.1174417761572792, + "nauc_mrr_at_3_diff1": -1.6595580931793985, + "nauc_mrr_at_3_max": 9.640215787928428, + "nauc_mrr_at_3_std": 2.889288978742377, + "nauc_mrr_at_5_diff1": -6.89298539225687, + "nauc_mrr_at_5_max": 6.578043390443974, + "nauc_mrr_at_5_std": -0.6581933130437475, + "nauc_ndcg_at_1000_diff1": 3.75625342513744, + "nauc_ndcg_at_1000_max": 6.952585708583143, + "nauc_ndcg_at_1000_std": 5.400684775811628, + "nauc_ndcg_at_100_diff1": -2.242186789473446, + "nauc_ndcg_at_100_max": 1.7125259047701242, + "nauc_ndcg_at_100_std": -0.6824733710981048, + "nauc_ndcg_at_10_diff1": -11.969827974466098, + "nauc_ndcg_at_10_max": -4.424965429405649, + "nauc_ndcg_at_10_std": 0.03592313276976773, + "nauc_ndcg_at_1_diff1": -4.197220327746547, + "nauc_ndcg_at_1_max": 9.247135683163954, + "nauc_ndcg_at_1_std": -6.671985136155276, + "nauc_ndcg_at_20_diff1": -8.358422632396593, + "nauc_ndcg_at_20_max": -1.0551974757194074, + "nauc_ndcg_at_20_std": 2.0508581550409524, + "nauc_ndcg_at_3_diff1": -7.53212458402589, + "nauc_ndcg_at_3_max": 3.6347588818172336, + "nauc_ndcg_at_3_std": 5.073680163820697, + "nauc_ndcg_at_5_diff1": -17.183713921651613, + "nauc_ndcg_at_5_max": -2.598662858319381, + "nauc_ndcg_at_5_std": -0.4734708395726036, + "nauc_precision_at_1000_diff1": 22.034829237918075, + "nauc_precision_at_1000_max": 29.133045600628414, + "nauc_precision_at_1000_std": 22.48207630228867, + "nauc_precision_at_100_diff1": 22.17246050117164, + "nauc_precision_at_100_max": 25.497860199414003, + "nauc_precision_at_100_std": 14.10941839109608, + "nauc_precision_at_10_diff1": -2.3976462009254527, + "nauc_precision_at_10_max": 3.2185747947259737, + "nauc_precision_at_10_std": 1.1160090019272848, + "nauc_precision_at_1_diff1": 8.719512377821816, + "nauc_precision_at_1_max": 16.272382792823382, + "nauc_precision_at_1_std": -3.187491782487964, + "nauc_precision_at_20_diff1": 8.125877087406765, + "nauc_precision_at_20_max": 14.004634012058606, + "nauc_precision_at_20_std": 6.076987698320296, + "nauc_precision_at_3_diff1": -5.415944490965941, + "nauc_precision_at_3_max": 6.0110244505222, + "nauc_precision_at_3_std": 6.0205421596952675, + "nauc_precision_at_5_diff1": -19.55829195099795, + "nauc_precision_at_5_max": -2.3847548504000993, + "nauc_precision_at_5_std": -4.296125770063572, + "nauc_recall_at_1000_diff1": 5.793923275597914, + "nauc_recall_at_1000_max": 2.365078190964481, + "nauc_recall_at_1000_std": 3.5546888704254744, + "nauc_recall_at_100_diff1": 1.652314810086157, + "nauc_recall_at_100_max": 1.2466358966197024, + "nauc_recall_at_100_std": -5.516640557428562, + "nauc_recall_at_10_diff1": -18.83385802183443, + "nauc_recall_at_10_max": -15.04302952000884, + "nauc_recall_at_10_std": -0.9615025531726922, + "nauc_recall_at_1_diff1": 22.607506151253776, + "nauc_recall_at_1_max": 10.921408762597743, + "nauc_recall_at_1_std": -2.0177080867009054, + "nauc_recall_at_20_diff1": -8.960549697900921, + "nauc_recall_at_20_max": -6.8364201397227164, + "nauc_recall_at_20_std": -1.2091707122721411, + "nauc_recall_at_3_diff1": -17.196135512311084, + "nauc_recall_at_3_max": -10.816815002699384, + "nauc_recall_at_3_std": 12.535755202753904, + "nauc_recall_at_5_diff1": -23.856486271404066, + "nauc_recall_at_5_max": -13.129773406696268, + "nauc_recall_at_5_std": -2.885196394596191, + "ndcg_at_1": 6.715999999999999, + "ndcg_at_10": 7.161, + "ndcg_at_100": 9.506, + "ndcg_at_1000": 14.194, + "ndcg_at_20": 6.969, + "ndcg_at_3": 7.285, + "ndcg_at_5": 7.436, + "precision_at_1": 8.955, + "precision_at_10": 6.866, + "precision_at_100": 2.343, + "precision_at_1000": 0.557, + "precision_at_20": 5.0, + "precision_at_3": 9.453, + "precision_at_5": 8.955, + "recall_at_1": 0.599, + "recall_at_10": 5.234, + "recall_at_100": 14.610999999999999, + "recall_at_1000": 31.723000000000003, + "recall_at_20": 6.797000000000001, + "recall_at_3": 2.1239999999999997, + "recall_at_5": 3.836 + } + ], + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 9.612, + "map_at_1": 1.5150000000000001, + "map_at_10": 3.324, + "map_at_100": 4.593, + "map_at_1000": 4.942, + "map_at_20": 3.775, + "map_at_3": 2.349, + "map_at_5": 2.83, + "mrr_at_1": 17.75, + "mrr_at_10": 25.455257936507948, + "mrr_at_100": 26.384386588195795, + "mrr_at_1000": 26.43428730177263, + "mrr_at_20": 26.012663071147983, + "mrr_at_3": 22.916666666666668, + "mrr_at_5": 24.42916666666667, + "nauc_map_at_1000_diff1": 22.13041079857, + "nauc_map_at_1000_max": 30.847169046279717, + "nauc_map_at_1000_std": 26.662372161640164, + "nauc_map_at_100_diff1": 22.33437365695696, + "nauc_map_at_100_max": 30.631982988659413, + "nauc_map_at_100_std": 24.343041349757826, + "nauc_map_at_10_diff1": 24.027517719649303, + "nauc_map_at_10_max": 25.07712884251914, + "nauc_map_at_10_std": 13.947979384184976, + "nauc_map_at_1_diff1": 36.83267850021598, + "nauc_map_at_1_max": 19.169430946850284, + "nauc_map_at_1_std": 9.884774862276792, + "nauc_map_at_20_diff1": 23.514668795309415, + "nauc_map_at_20_max": 27.504950445908978, + "nauc_map_at_20_std": 17.094975030047124, + "nauc_map_at_3_diff1": 26.34278610573698, + "nauc_map_at_3_max": 20.845843284715972, + "nauc_map_at_3_std": 7.67049397964597, + "nauc_map_at_5_diff1": 25.7750795640811, + "nauc_map_at_5_max": 22.947480091712098, + "nauc_map_at_5_std": 11.721230195408548, + "nauc_mrr_at_1000_diff1": 22.232372488450842, + "nauc_mrr_at_1000_max": 27.572890316358283, + "nauc_mrr_at_1000_std": 16.214637981707586, + "nauc_mrr_at_100_diff1": 22.236444609236038, + "nauc_mrr_at_100_max": 27.58760243571819, + "nauc_mrr_at_100_std": 16.244413870712897, + "nauc_mrr_at_10_diff1": 22.225463768969977, + "nauc_mrr_at_10_max": 28.085279372515014, + "nauc_mrr_at_10_std": 16.63553736106648, + "nauc_mrr_at_1_diff1": 29.84035077607877, + "nauc_mrr_at_1_max": 29.694489641199347, + "nauc_mrr_at_1_std": 13.521637546163495, + "nauc_mrr_at_20_diff1": 22.04153237789325, + "nauc_mrr_at_20_max": 27.694203519607907, + "nauc_mrr_at_20_std": 16.41753082494305, + "nauc_mrr_at_3_diff1": 23.699732601185406, + "nauc_mrr_at_3_max": 28.552272889924087, + "nauc_mrr_at_3_std": 15.054097838038286, + "nauc_mrr_at_5_diff1": 23.127326455282443, + "nauc_mrr_at_5_max": 28.769272111978832, + "nauc_mrr_at_5_std": 16.113310297737975, + "nauc_ndcg_at_1000_diff1": 19.30064409197478, + "nauc_ndcg_at_1000_max": 28.102160223624878, + "nauc_ndcg_at_1000_std": 30.203518553202162, + "nauc_ndcg_at_100_diff1": 18.61374183566408, + "nauc_ndcg_at_100_max": 26.626236693773404, + "nauc_ndcg_at_100_std": 25.742758699186076, + "nauc_ndcg_at_10_diff1": 22.519496459830016, + "nauc_ndcg_at_10_max": 29.403797316052678, + "nauc_ndcg_at_10_std": 20.893386965358616, + "nauc_ndcg_at_1_diff1": 32.866635298438084, + "nauc_ndcg_at_1_max": 26.59719751655438, + "nauc_ndcg_at_1_std": 11.114394574061539, + "nauc_ndcg_at_20_diff1": 21.157000991633115, + "nauc_ndcg_at_20_max": 27.740565719664534, + "nauc_ndcg_at_20_std": 21.639809971682443, + "nauc_ndcg_at_3_diff1": 25.11861929994868, + "nauc_ndcg_at_3_max": 30.05796948174576, + "nauc_ndcg_at_3_std": 15.558218990994382, + "nauc_ndcg_at_5_diff1": 23.56633730677446, + "nauc_ndcg_at_5_max": 29.407157319632233, + "nauc_ndcg_at_5_std": 18.567271816504054, + "nauc_precision_at_1000_diff1": 15.34548548807785, + "nauc_precision_at_1000_max": 10.572226641262324, + "nauc_precision_at_1000_std": 29.1034314360236, + "nauc_precision_at_100_diff1": 15.716430228733962, + "nauc_precision_at_100_max": 29.095076486854232, + "nauc_precision_at_100_std": 38.5066690028862, + "nauc_precision_at_10_diff1": 19.68952528017596, + "nauc_precision_at_10_max": 36.890169328577436, + "nauc_precision_at_10_std": 30.965796095297055, + "nauc_precision_at_1_diff1": 29.84035077607877, + "nauc_precision_at_1_max": 29.694489641199347, + "nauc_precision_at_1_std": 13.521637546163495, + "nauc_precision_at_20_diff1": 18.030808015274253, + "nauc_precision_at_20_max": 37.61603054850129, + "nauc_precision_at_20_std": 34.160861586371816, + "nauc_precision_at_3_diff1": 20.899695298609572, + "nauc_precision_at_3_max": 35.736648108449906, + "nauc_precision_at_3_std": 21.012939343933635, + "nauc_precision_at_5_diff1": 20.038574686656855, + "nauc_precision_at_5_max": 37.244225604024464, + "nauc_precision_at_5_std": 27.105877764557317, + "nauc_recall_at_1000_diff1": 7.621037010770166, + "nauc_recall_at_1000_max": 14.556069262959875, + "nauc_recall_at_1000_std": 24.912834855259458, + "nauc_recall_at_100_diff1": 5.640854515267624, + "nauc_recall_at_100_max": 12.319243091931583, + "nauc_recall_at_100_std": 18.20593364111766, + "nauc_recall_at_10_diff1": 9.625612977495116, + "nauc_recall_at_10_max": 17.05920473206263, + "nauc_recall_at_10_std": 10.7221437835498, + "nauc_recall_at_1_diff1": 36.83267850021598, + "nauc_recall_at_1_max": 19.169430946850284, + "nauc_recall_at_1_std": 9.884774862276792, + "nauc_recall_at_20_diff1": 8.05059067573258, + "nauc_recall_at_20_max": 15.8154139120262, + "nauc_recall_at_20_std": 12.679202204644218, + "nauc_recall_at_3_diff1": 16.446191987706968, + "nauc_recall_at_3_max": 16.891019665567892, + "nauc_recall_at_3_std": 5.902427268316366, + "nauc_recall_at_5_diff1": 16.441740431697145, + "nauc_recall_at_5_max": 18.339945932093187, + "nauc_recall_at_5_std": 11.244004704766795, + "ndcg_at_1": 13.0, + "ndcg_at_10": 9.612, + "ndcg_at_100": 11.403, + "ndcg_at_1000": 15.142, + "ndcg_at_20": 9.419, + "ndcg_at_3": 10.821, + "ndcg_at_5": 10.462, + "precision_at_1": 17.75, + "precision_at_10": 9.15, + "precision_at_100": 3.0, + "precision_at_1000": 0.716, + "precision_at_20": 6.763, + "precision_at_3": 13.417000000000002, + "precision_at_5": 12.35, + "recall_at_1": 1.5150000000000001, + "recall_at_10": 5.858, + "recall_at_100": 15.643, + "recall_at_1000": 28.51, + "recall_at_20": 8.25, + "recall_at_3": 2.995, + "recall_at_5": 4.117 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/DBpediaClassification.json b/results/sergeyzh__rubert-tiny-turbo/external/DBpediaClassification.json new file mode 100644 index 000000000..af746df0a --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/DBpediaClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "9abd46cf7fc8b4c64290f26993c540b92aa145ac", + "task_name": "DBpediaClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.6484375, + "f1": 78.34279956840108, + "f1_weighted": 78.35088313144212, + "main_score": 79.6484375 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/EmotionClassification.json b/results/sergeyzh__rubert-tiny-turbo/external/EmotionClassification.json new file mode 100644 index 000000000..f3130a579 --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/EmotionClassification.json @@ -0,0 +1,32 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 29.500000000000004, + "f1": 25.366180985174143, + "f1_weighted": 31.616367697127934, + "main_score": 29.500000000000004 + } + ], + "validation": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 29.59, + "f1": 25.66115067003055, + "f1_weighted": 31.610928656113497, + "main_score": 29.59 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/FaithDial.json b/results/sergeyzh__rubert-tiny-turbo/external/FaithDial.json new file mode 100644 index 000000000..5e25fbf12 --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/FaithDial.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "7a414e80725eac766f2602676dc8b39f80b061e4", + "task_name": "FaithDial", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 13.203999999999999, + "map_at_1": 4.603, + "map_at_10": 9.689, + "map_at_100": 10.934000000000001, + "map_at_1000": 11.06, + "map_at_20": 10.282, + "map_at_3": 7.46, + "map_at_5": 8.601, + "mrr_at_1": 3.9177277179236047, + "mrr_at_10": 9.372463970896874, + "mrr_at_100": 10.603150618822562, + "mrr_at_1000": 10.7286670506961, + "mrr_at_20": 9.954996988904508, + "mrr_at_3": 7.190662748938949, + "mrr_at_5": 8.24844923277832, + "nauc_map_at_1000_diff1": 5.307634687499811, + "nauc_map_at_1000_max": 2.3021513473591937, + "nauc_map_at_1000_std": -17.73170584094867, + "nauc_map_at_100_diff1": 5.297350465897308, + "nauc_map_at_100_max": 2.346907480087932, + "nauc_map_at_100_std": -17.732933045818474, + "nauc_map_at_10_diff1": 6.045977877604437, + "nauc_map_at_10_max": 1.8368181824684384, + "nauc_map_at_10_std": -19.787304492799954, + "nauc_map_at_1_diff1": 1.3052717698444036, + "nauc_map_at_1_max": -4.135496842891768, + "nauc_map_at_1_std": -19.25157996189646, + "nauc_map_at_20_diff1": 5.761740069816983, + "nauc_map_at_20_max": 2.2984777745182807, + "nauc_map_at_20_std": -18.75124467493425, + "nauc_map_at_3_diff1": 6.651930299284997, + "nauc_map_at_3_max": -0.3272549806355308, + "nauc_map_at_3_std": -21.098596102590484, + "nauc_map_at_5_diff1": 6.967992538819455, + "nauc_map_at_5_max": 0.5435787268710469, + "nauc_map_at_5_std": -20.283953347398604, + "nauc_mrr_at_1000_diff1": 6.740910238395446, + "nauc_mrr_at_1000_max": 2.260193924794291, + "nauc_mrr_at_1000_std": -16.012044193795997, + "nauc_mrr_at_100_diff1": 6.722495330136685, + "nauc_mrr_at_100_max": 2.303043406886841, + "nauc_mrr_at_100_std": -16.020952265971687, + "nauc_mrr_at_10_diff1": 7.499027953700563, + "nauc_mrr_at_10_max": 1.7369780903909435, + "nauc_mrr_at_10_std": -17.773058332780796, + "nauc_mrr_at_1_diff1": 7.479923371906451, + "nauc_mrr_at_1_max": -6.618146247607683, + "nauc_mrr_at_1_std": -17.69446400002114, + "nauc_mrr_at_20_diff1": 7.167945669605475, + "nauc_mrr_at_20_max": 2.272029597435147, + "nauc_mrr_at_20_std": -17.15567528957464, + "nauc_mrr_at_3_diff1": 8.689535713040886, + "nauc_mrr_at_3_max": -0.503459138449647, + "nauc_mrr_at_3_std": -18.50457781869527, + "nauc_mrr_at_5_diff1": 8.688882139587488, + "nauc_mrr_at_5_max": 0.6822164815544203, + "nauc_mrr_at_5_std": -18.323678647634363, + "nauc_ndcg_at_1000_diff1": 3.895349559751926, + "nauc_ndcg_at_1000_max": 4.497321779831305, + "nauc_ndcg_at_1000_std": -11.297185296929218, + "nauc_ndcg_at_100_diff1": 2.8704577253134365, + "nauc_ndcg_at_100_max": 5.389954929442454, + "nauc_ndcg_at_100_std": -10.400630555415756, + "nauc_ndcg_at_10_diff1": 6.092068255087623, + "nauc_ndcg_at_10_max": 4.227250873974054, + "nauc_ndcg_at_10_std": -19.171869390880573, + "nauc_ndcg_at_1_diff1": 1.3052717698444036, + "nauc_ndcg_at_1_max": -4.135496842891768, + "nauc_ndcg_at_1_std": -19.25157996189646, + "nauc_ndcg_at_20_diff1": 5.40179215063042, + "nauc_ndcg_at_20_max": 5.316262069583032, + "nauc_ndcg_at_20_std": -16.253163982932534, + "nauc_ndcg_at_3_diff1": 7.419223521385511, + "nauc_ndcg_at_3_max": 0.5830467018062534, + "nauc_ndcg_at_3_std": -21.398247993882336, + "nauc_ndcg_at_5_diff1": 7.871015584820952, + "nauc_ndcg_at_5_max": 1.911179358773651, + "nauc_ndcg_at_5_std": -20.05509945356285, + "nauc_precision_at_1000_diff1": -0.844755882557819, + "nauc_precision_at_1000_max": 9.219453102597015, + "nauc_precision_at_1000_std": 29.23861313970078, + "nauc_precision_at_100_diff1": -3.7470853890619606, + "nauc_precision_at_100_max": 10.533862037156355, + "nauc_precision_at_100_std": 8.252086567057157, + "nauc_precision_at_10_diff1": 5.901773888339623, + "nauc_precision_at_10_max": 8.111412609207008, + "nauc_precision_at_10_std": -18.07076007909741, + "nauc_precision_at_1_diff1": 1.3052717698444036, + "nauc_precision_at_1_max": -4.135496842891768, + "nauc_precision_at_1_std": -19.25157996189646, + "nauc_precision_at_20_diff1": 4.510193698541817, + "nauc_precision_at_20_max": 10.055538647436114, + "nauc_precision_at_20_std": -11.60139299594993, + "nauc_precision_at_3_diff1": 8.853244226690453, + "nauc_precision_at_3_max": 2.3906768293455305, + "nauc_precision_at_3_std": -21.96838812494048, + "nauc_precision_at_5_diff1": 9.38307261489558, + "nauc_precision_at_5_max": 4.352929382840095, + "nauc_precision_at_5_std": -19.535985352739786, + "nauc_recall_at_1000_diff1": -0.8447558825574738, + "nauc_recall_at_1000_max": 9.219453102597296, + "nauc_recall_at_1000_std": 29.23861313970089, + "nauc_recall_at_100_diff1": -3.747085389061965, + "nauc_recall_at_100_max": 10.533862037156396, + "nauc_recall_at_100_std": 8.252086567057194, + "nauc_recall_at_10_diff1": 5.901773888339621, + "nauc_recall_at_10_max": 8.111412609207008, + "nauc_recall_at_10_std": -18.07076007909743, + "nauc_recall_at_1_diff1": 1.3052717698444036, + "nauc_recall_at_1_max": -4.135496842891768, + "nauc_recall_at_1_std": -19.25157996189646, + "nauc_recall_at_20_diff1": 4.510193698541801, + "nauc_recall_at_20_max": 10.055538647436121, + "nauc_recall_at_20_std": -11.601392995949936, + "nauc_recall_at_3_diff1": 8.853244226690453, + "nauc_recall_at_3_max": 2.390676829345526, + "nauc_recall_at_3_std": -21.96838812494048, + "nauc_recall_at_5_diff1": 9.383072614895593, + "nauc_recall_at_5_max": 4.352929382840121, + "nauc_recall_at_5_std": -19.535985352739782, + "ndcg_at_1": 4.603, + "ndcg_at_10": 13.203999999999999, + "ndcg_at_100": 20.254, + "ndcg_at_1000": 23.923, + "ndcg_at_20": 15.354000000000001, + "ndcg_at_3": 8.469, + "ndcg_at_5": 10.536, + "precision_at_1": 4.603, + "precision_at_10": 2.478, + "precision_at_100": 0.6, + "precision_at_1000": 0.09, + "precision_at_20": 1.6629999999999998, + "precision_at_3": 3.803, + "precision_at_5": 3.2910000000000004, + "recall_at_1": 4.603, + "recall_at_10": 24.779999999999998, + "recall_at_100": 60.039, + "recall_at_1000": 89.667, + "recall_at_20": 33.251999999999995, + "recall_at_3": 11.41, + "recall_at_5": 16.454 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/FeedbackQARetrieval.json b/results/sergeyzh__rubert-tiny-turbo/external/FeedbackQARetrieval.json new file mode 100644 index 000000000..9511d4313 --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/FeedbackQARetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "1ee1cd0", + "task_name": "FeedbackQARetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 19.026, + "map_at_1": 19.026, + "map_at_10": 26.287, + "map_at_100": 27.294, + "map_at_1000": 27.381, + "map_at_20": 26.823999999999998, + "map_at_3": 24.18, + "map_at_5": 25.365, + "mrr_at_1": 19.026104417670684, + "mrr_at_10": 26.287052973799952, + "mrr_at_100": 27.29426430169323, + "mrr_at_1000": 27.380630702740504, + "mrr_at_20": 26.824443943374348, + "mrr_at_3": 24.1800535475234, + "mrr_at_5": 25.364792503346674, + "nauc_map_at_1000_diff1": 40.81899763873748, + "nauc_map_at_1000_max": 11.253631614437268, + "nauc_map_at_1000_std": 1.5897060898020656, + "nauc_map_at_100_diff1": 40.78701343792848, + "nauc_map_at_100_max": 11.27294926630661, + "nauc_map_at_100_std": 1.6118772584552687, + "nauc_map_at_10_diff1": 41.075611489073324, + "nauc_map_at_10_max": 11.521202364241029, + "nauc_map_at_10_std": 1.2931734299571058, + "nauc_map_at_1_diff1": 48.17546169609799, + "nauc_map_at_1_max": 13.494189949598375, + "nauc_map_at_1_std": 0.07263746580580938, + "nauc_map_at_20_diff1": 40.841882938863435, + "nauc_map_at_20_max": 11.418649006248861, + "nauc_map_at_20_std": 1.4175148500460242, + "nauc_map_at_3_diff1": 42.213517992662815, + "nauc_map_at_3_max": 12.808728940816176, + "nauc_map_at_3_std": 1.0861600000182654, + "nauc_map_at_5_diff1": 41.6309141720988, + "nauc_map_at_5_max": 11.996308489388992, + "nauc_map_at_5_std": 1.2641645150076395, + "nauc_mrr_at_1000_diff1": 40.81899763873748, + "nauc_mrr_at_1000_max": 11.253631614437268, + "nauc_mrr_at_1000_std": 1.5897060898020656, + "nauc_mrr_at_100_diff1": 40.78701343792848, + "nauc_mrr_at_100_max": 11.27294926630661, + "nauc_mrr_at_100_std": 1.6118772584552687, + "nauc_mrr_at_10_diff1": 41.075611489073324, + "nauc_mrr_at_10_max": 11.521202364241029, + "nauc_mrr_at_10_std": 1.2931734299571058, + "nauc_mrr_at_1_diff1": 48.17546169609799, + "nauc_mrr_at_1_max": 13.494189949598375, + "nauc_mrr_at_1_std": 0.07263746580580938, + "nauc_mrr_at_20_diff1": 40.841882938863435, + "nauc_mrr_at_20_max": 11.418649006248861, + "nauc_mrr_at_20_std": 1.4175148500460242, + "nauc_mrr_at_3_diff1": 42.213517992662815, + "nauc_mrr_at_3_max": 12.808728940816176, + "nauc_mrr_at_3_std": 1.0861600000182654, + "nauc_mrr_at_5_diff1": 41.6309141720988, + "nauc_mrr_at_5_max": 11.996308489388992, + "nauc_mrr_at_5_std": 1.2641645150076395, + "nauc_ndcg_at_1000_diff1": 37.7525819268389, + "nauc_ndcg_at_1000_max": 8.537400436184365, + "nauc_ndcg_at_1000_std": 2.9622195950411925, + "nauc_ndcg_at_100_diff1": 36.787603237032975, + "nauc_ndcg_at_100_max": 8.608543884213873, + "nauc_ndcg_at_100_std": 3.8384319334640695, + "nauc_ndcg_at_10_diff1": 38.17646042200737, + "nauc_ndcg_at_10_max": 10.09464701041161, + "nauc_ndcg_at_10_std": 1.82746325273071, + "nauc_ndcg_at_1_diff1": 48.17546169609799, + "nauc_ndcg_at_1_max": 13.494189949598375, + "nauc_ndcg_at_1_std": 0.07263746580580938, + "nauc_ndcg_at_20_diff1": 37.27227964097512, + "nauc_ndcg_at_20_max": 9.739171990515723, + "nauc_ndcg_at_20_std": 2.3086094833252115, + "nauc_ndcg_at_3_diff1": 40.37281782985726, + "nauc_ndcg_at_3_max": 12.624015391541455, + "nauc_ndcg_at_3_std": 1.407593942089084, + "nauc_ndcg_at_5_diff1": 39.35750963645447, + "nauc_ndcg_at_5_max": 11.236243459280038, + "nauc_ndcg_at_5_std": 1.722451235770262, + "nauc_precision_at_1000_diff1": 12.726040453874319, + "nauc_precision_at_1000_max": -30.085818447743566, + "nauc_precision_at_1000_std": 15.649828948529738, + "nauc_precision_at_100_diff1": 20.374750836627285, + "nauc_precision_at_100_max": -4.315521193959148, + "nauc_precision_at_100_std": 15.928528368224907, + "nauc_precision_at_10_diff1": 30.394845120941987, + "nauc_precision_at_10_max": 5.92964609786744, + "nauc_precision_at_10_std": 3.297191207595148, + "nauc_precision_at_1_diff1": 48.17546169609799, + "nauc_precision_at_1_max": 13.494189949598375, + "nauc_precision_at_1_std": 0.07263746580580938, + "nauc_precision_at_20_diff1": 26.72269495712158, + "nauc_precision_at_20_max": 4.521447508378409, + "nauc_precision_at_20_std": 5.180527682236829, + "nauc_precision_at_3_diff1": 35.59077406479908, + "nauc_precision_at_3_max": 12.151097771811763, + "nauc_precision_at_3_std": 2.24486462426719, + "nauc_precision_at_5_diff1": 33.428016378866076, + "nauc_precision_at_5_max": 9.15731660897423, + "nauc_precision_at_5_std": 2.9353909916486294, + "nauc_recall_at_1000_diff1": 12.726040453874369, + "nauc_recall_at_1000_max": -30.085818447743364, + "nauc_recall_at_1000_std": 15.649828948529635, + "nauc_recall_at_100_diff1": 20.374750836627264, + "nauc_recall_at_100_max": -4.315521193959231, + "nauc_recall_at_100_std": 15.928528368224876, + "nauc_recall_at_10_diff1": 30.394845120942005, + "nauc_recall_at_10_max": 5.929646097867471, + "nauc_recall_at_10_std": 3.297191207595157, + "nauc_recall_at_1_diff1": 48.17546169609799, + "nauc_recall_at_1_max": 13.494189949598375, + "nauc_recall_at_1_std": 0.07263746580580938, + "nauc_recall_at_20_diff1": 26.722694957121647, + "nauc_recall_at_20_max": 4.521447508378419, + "nauc_recall_at_20_std": 5.1805276822368524, + "nauc_recall_at_3_diff1": 35.59077406479911, + "nauc_recall_at_3_max": 12.151097771811772, + "nauc_recall_at_3_std": 2.2448646242671857, + "nauc_recall_at_5_diff1": 33.42801637886615, + "nauc_recall_at_5_max": 9.15731660897428, + "nauc_recall_at_5_std": 2.9353909916486782, + "ndcg_at_1": 19.026, + "ndcg_at_10": 30.245, + "ndcg_at_100": 35.716, + "ndcg_at_1000": 38.421, + "ndcg_at_20": 32.242, + "ndcg_at_3": 25.884, + "ndcg_at_5": 28.016999999999996, + "precision_at_1": 19.026, + "precision_at_10": 4.287, + "precision_at_100": 0.697, + "precision_at_1000": 0.092, + "precision_at_20": 2.543, + "precision_at_3": 10.274, + "precision_at_5": 7.199, + "recall_at_1": 19.026, + "recall_at_10": 42.870999999999995, + "recall_at_100": 69.729, + "recall_at_1000": 91.968, + "recall_at_20": 50.853, + "recall_at_3": 30.823, + "recall_at_5": 35.994 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/FinancialPhrasebankClassification.json b/results/sergeyzh__rubert-tiny-turbo/external/FinancialPhrasebankClassification.json new file mode 100644 index 000000000..80ab67bb0 --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/FinancialPhrasebankClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "1484d06fe7af23030c7c977b12556108d1f67039", + "task_name": "FinancialPhrasebankClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "train": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 67.97703180212015, + "f1": 57.55594804795911, + "f1_weighted": 68.01782223640284, + "main_score": 67.97703180212015 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/FrenkEnClassification.json b/results/sergeyzh__rubert-tiny-turbo/external/FrenkEnClassification.json new file mode 100644 index 000000000..cb32efdb7 --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/FrenkEnClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "52483dba0ff23291271ee9249839865e3c3e7e50", + "task_name": "FrenkEnClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 55.289004780530206, + "ap": 41.78925787378802, + "ap_weighted": 41.78925787378802, + "f1": 54.04961911556596, + "f1_weighted": 54.99825667370393, + "main_score": 55.289004780530206 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/GPUSpeedTask.json b/results/sergeyzh__rubert-tiny-turbo/external/GPUSpeedTask.json new file mode 100644 index 000000000..45dd6f084 --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/GPUSpeedTask.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "1.0", + "task_name": "GPUSpeedTask", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "avg_words_per_sec": 7186456.843601672, + "main_score": 7186456.843601672, + "num_gpus": 300, + "physical_cores": 3600, + "time_mean": 5.055342401776995, + "time_std": 1.0630782067852145, + "total_cores": 7200 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/GeoreviewClassification.json b/results/sergeyzh__rubert-tiny-turbo/external/GeoreviewClassification.json new file mode 100644 index 000000000..3cdd329a2 --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/GeoreviewClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3765c0d1de6b7d264bc459433c45e5a75513839c", + "task_name": "GeoreviewClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 41.3623046875, + "f1": 39.78804299557415, + "f1_weighted": 39.787468620260825, + "main_score": 41.3623046875 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/GeoreviewClusteringP2P.json b/results/sergeyzh__rubert-tiny-turbo/external/GeoreviewClusteringP2P.json new file mode 100644 index 000000000..187b5687b --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/GeoreviewClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "97a313c8fc85b47f13f33e7e9a95c1ad888c7fec", + "task_name": "GeoreviewClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "main_score": 59.713474431847416, + "v_measure": 59.713474431847416, + "v_measure_std": 1.1676689250848244 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/HeadlineClassification.json b/results/sergeyzh__rubert-tiny-turbo/external/HeadlineClassification.json new file mode 100644 index 000000000..9b7fb73e7 --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/HeadlineClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "2fe05ee6b5832cda29f2ef7aaad7b7fe6a3609eb", + "task_name": "HeadlineClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 68.9013671875, + "f1": 68.80041842725984, + "f1_weighted": 68.80034868754102, + "main_score": 68.9013671875 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/ImdbClassification.json b/results/sergeyzh__rubert-tiny-turbo/external/ImdbClassification.json new file mode 100644 index 000000000..12124339e --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/ImdbClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 58.35799999999999, + "ap": 55.16102855038145, + "ap_weighted": 55.16102855038145, + "f1": 57.51452465161078, + "f1_weighted": 57.514524651610785, + "main_score": 58.35799999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/InappropriatenessClassification.json b/results/sergeyzh__rubert-tiny-turbo/external/InappropriatenessClassification.json new file mode 100644 index 000000000..4256a9633 --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/InappropriatenessClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "601651fdc45ef243751676e62dd7a19f491c0285", + "task_name": "InappropriatenessClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 59.11132812499999, + "ap": 55.4713646939923, + "ap_weighted": 55.4713646939923, + "f1": 58.8968409989092, + "f1_weighted": 58.8968409989092, + "main_score": 59.11132812499999 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/KinopoiskClassification.json b/results/sergeyzh__rubert-tiny-turbo/external/KinopoiskClassification.json new file mode 100644 index 000000000..6e1cf4df6 --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/KinopoiskClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "5911f26666ac11af46cb9c6849d0dc80a378af24", + "task_name": "KinopoiskClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 50.46666666666666, + "f1": 49.1239356856144, + "f1_weighted": 49.123935685614384, + "main_score": 50.46666666666666 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/MassiveIntentClassification.json b/results/sergeyzh__rubert-tiny-turbo/external/MassiveIntentClassification.json new file mode 100644 index 000000000..e7c4ad47c --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/MassiveIntentClassification.json @@ -0,0 +1,1032 @@ +{ + "dataset_revision": "4672e20407010da34463acc759c162ca9734bca6", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 5.208473436449227, + "f1": 3.062867346742466, + "f1_weighted": 3.5821384620305414, + "main_score": 5.208473436449227 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 2.5319435104236723, + "f1": 0.5994050487142139, + "f1_weighted": 1.0538452549913138, + "main_score": 2.5319435104236723 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 2.558843308675185, + "f1": 1.258311921873436, + "f1_weighted": 1.4083594758704836, + "main_score": 2.558843308675185 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 2.0645595158036314, + "f1": 1.2240987569096886, + "f1_weighted": 1.0817495786784068, + "main_score": 2.0645595158036314 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 2.6395427034297243, + "f1": 0.7660068670322584, + "f1_weighted": 0.7729737527960681, + "main_score": 2.6395427034297243 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 2.276395427034297, + "f1": 0.7755708386766476, + "f1_weighted": 0.9189927682322296, + "main_score": 2.276395427034297 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 3.9576328177538667, + "f1": 1.0681259563998668, + "f1_weighted": 1.5818553042962555, + "main_score": 3.9576328177538667 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 9.663752521856086, + "f1": 4.860476294706458, + "f1_weighted": 6.8590598543643395, + "main_score": 9.663752521856086 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 22.32347007397445, + "f1": 20.939653553666744, + "f1_weighted": 20.899939110877806, + "main_score": 22.32347007397445 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 2.390719569603228, + "f1": 0.46817075523593493, + "f1_weighted": 0.8438228708667787, + "main_score": 2.390719569603228 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 28.994620040349695, + "f1": 27.571069823401256, + "f1_weighted": 27.263930155378503, + "main_score": 28.994620040349695 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 2.4478816408876933, + "f1": 1.497656725806116, + "f1_weighted": 1.5398763678691354, + "main_score": 2.4478816408876933 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 3.3355749831876267, + "f1": 0.6816922655284716, + "f1_weighted": 1.0887948480367862, + "main_score": 3.3355749831876267 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 31.72494956287828, + "f1": 29.577749786404826, + "f1_weighted": 29.551193355600514, + "main_score": 31.72494956287828 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 24.845326160053798, + "f1": 22.11363990784136, + "f1_weighted": 23.65026728412048, + "main_score": 24.845326160053798 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 50.164761264290526, + "f1": 47.85763581891828, + "f1_weighted": 48.98444884040328, + "main_score": 50.164761264290526 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 25.524546065904502, + "f1": 23.753046097467873, + "f1_weighted": 23.826312126027823, + "main_score": 25.524546065904502 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 31.50638870208473, + "f1": 31.370642915213388, + "f1_weighted": 30.505546915456012, + "main_score": 31.50638870208473 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 3.739071956960323, + "f1": 1.411228354273586, + "f1_weighted": 1.216275118762689, + "main_score": 3.739071956960323 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 32.1049092131809, + "f1": 29.794603179718106, + "f1_weighted": 30.137050786689766, + "main_score": 32.1049092131809 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 27.562205783456626, + "f1": 25.683266426146687, + "f1_weighted": 25.803636686733057, + "main_score": 27.562205783456626 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 34.347679892400805, + "f1": 31.465774161046767, + "f1_weighted": 31.735356981669327, + "main_score": 34.347679892400805 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 32.38063214525891, + "f1": 29.53168994128031, + "f1_weighted": 30.112896935570273, + "main_score": 32.38063214525891 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 6.809011432414256, + "f1": 5.205218706422693, + "f1_weighted": 5.178287349465675, + "main_score": 6.809011432414256 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 2.723604572965703, + "f1": 0.6429150866665544, + "f1_weighted": 0.9113227866994432, + "main_score": 2.723604572965703 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 33.95427034297243, + "f1": 32.204428726904936, + "f1_weighted": 32.47064251083498, + "main_score": 33.95427034297243 + }, + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 30.403496973772697, + "f1": 27.814640020382342, + "f1_weighted": 29.552471475522786, + "main_score": 30.403496973772697 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 3.796234028244788, + "f1": 2.4115955159178712, + "f1_weighted": 2.9705530799117428, + "main_score": 3.796234028244788 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 28.533960995292528, + "f1": 26.21221777741412, + "f1_weighted": 27.072811075990217, + "main_score": 28.533960995292528 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 2.2125084061869535, + "f1": 1.0173733514352028, + "f1_weighted": 1.316987953476142, + "main_score": 2.2125084061869535 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 32.017484868863484, + "f1": 29.32295890060929, + "f1_weighted": 29.657369574195414, + "main_score": 32.017484868863484 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 27.790854068594484, + "f1": 26.66461334490106, + "f1_weighted": 26.3309301465354, + "main_score": 27.790854068594484 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 5.611970410221924, + "f1": 3.949675565526302, + "f1_weighted": 3.8008532811790516, + "main_score": 5.611970410221924 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 28.940820443846675, + "f1": 26.913943613442726, + "f1_weighted": 27.58112937211184, + "main_score": 28.940820443846675 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 32.29993275050437, + "f1": 30.38953729738546, + "f1_weighted": 30.973971090234315, + "main_score": 32.29993275050437 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 31.13315400134499, + "f1": 28.151659309577315, + "f1_weighted": 28.919992380957805, + "main_score": 31.13315400134499 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 33.56422326832549, + "f1": 32.13999124730796, + "f1_weighted": 31.821742347727334, + "main_score": 33.56422326832549 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 31.68123739071957, + "f1": 28.08132049625695, + "f1_weighted": 30.136632177167293, + "main_score": 31.68123739071957 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 31.388702084734366, + "f1": 30.06510634561652, + "f1_weighted": 29.575793355168027, + "main_score": 31.388702084734366 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 31.032279757901815, + "f1": 30.20555955874916, + "f1_weighted": 28.87618616461917, + "main_score": 31.032279757901815 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 3.0766644250168125, + "f1": 1.1659097449170488, + "f1_weighted": 1.6261385516847686, + "main_score": 3.0766644250168125 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 30.22864828513786, + "f1": 29.514038012557155, + "f1_weighted": 28.79006788550934, + "main_score": 30.22864828513786 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 57.97915265635507, + "f1": 56.5014953445001, + "f1_weighted": 56.64147015986123, + "main_score": 57.97915265635507 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 23.577673167451245, + "f1": 23.44310534002699, + "f1_weighted": 22.73388843513862, + "main_score": 23.577673167451245 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 35.24209818426362, + "f1": 34.17643389765681, + "f1_weighted": 31.88705168526876, + "main_score": 35.24209818426362 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 26.815736381977135, + "f1": 23.59490629738082, + "f1_weighted": 24.824019034766742, + "main_score": 26.815736381977135 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 23.71889710827169, + "f1": 20.9474996841838, + "f1_weighted": 21.8696712485011, + "main_score": 23.71889710827169 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 1.4996637525218561, + "f1": 0.3621176226135693, + "f1_weighted": 0.40253328041710507, + "main_score": 1.4996637525218561 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 2.2461331540013454, + "f1": 0.590566331230622, + "f1_weighted": 0.6162176049666722, + "main_score": 2.2461331540013454 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 32.43779421654338, + "f1": 29.65516413448003, + "f1_weighted": 30.056107103546008, + "main_score": 32.43779421654338 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 5.137861466039005, + "f1": 1.5034651435201778, + "f1_weighted": 1.8580225168667703, + "main_score": 5.137861466039005 + } + ], + "validation": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 5.15002459419577, + "f1": 3.2849878732080238, + "f1_weighted": 3.171516129361724, + "main_score": 5.15002459419577 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 2.3610427939006393, + "f1": 0.6344240632132025, + "f1_weighted": 0.8741011326135733, + "main_score": 2.3610427939006393 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 2.4299065420560746, + "f1": 1.1990062972384772, + "f1_weighted": 1.2846405130538945, + "main_score": 2.4299065420560746 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 2.100344318740777, + "f1": 1.0691096895187684, + "f1_weighted": 1.0245515267986838, + "main_score": 2.100344318740777 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 2.144613871126414, + "f1": 0.38751721719666626, + "f1_weighted": 0.5494302003085859, + "main_score": 2.144613871126414 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 2.1347761928184945, + "f1": 0.7186972868374003, + "f1_weighted": 0.8692320111678621, + "main_score": 2.1347761928184945 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 3.9744220363994094, + "f1": 1.320159702083562, + "f1_weighted": 1.6615339662178419, + "main_score": 3.9744220363994094 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 8.740777176586326, + "f1": 4.625508580628892, + "f1_weighted": 5.910937912610004, + "main_score": 8.740777176586326 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 22.056074766355138, + "f1": 20.067449871163735, + "f1_weighted": 20.679581641637213, + "main_score": 22.056074766355138 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 2.287260206591244, + "f1": 0.5144479181790914, + "f1_weighted": 0.7532382956194585, + "main_score": 2.287260206591244 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 28.514510575504183, + "f1": 27.670683007330656, + "f1_weighted": 26.797727875405965, + "main_score": 28.514510575504183 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 2.5528775209050663, + "f1": 1.5528439347982526, + "f1_weighted": 1.59863069765228, + "main_score": 2.5528775209050663 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 3.1578947368421053, + "f1": 0.612147286970534, + "f1_weighted": 0.9311100758788083, + "main_score": 3.1578947368421053 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 30.472208558780135, + "f1": 28.570236227937524, + "f1_weighted": 29.26182782217857, + "main_score": 30.472208558780135 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 24.12690605017216, + "f1": 21.730073248467978, + "f1_weighted": 23.3232094260056, + "main_score": 24.12690605017216 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 50.6837186424004, + "f1": 46.24633043195857, + "f1_weighted": 49.89222156091109, + "main_score": 50.6837186424004 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 24.869650762420065, + "f1": 22.646829281311646, + "f1_weighted": 23.75607068147335, + "main_score": 24.869650762420065 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 30.83620265617314, + "f1": 30.12388095110573, + "f1_weighted": 29.755084946082466, + "main_score": 30.83620265617314 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 3.7924249877029017, + "f1": 1.3490081402255192, + "f1_weighted": 1.1964792923823864, + "main_score": 3.7924249877029017 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 30.85095917363502, + "f1": 28.76898470499743, + "f1_weighted": 29.742721084026552, + "main_score": 30.85095917363502 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 26.22233152975898, + "f1": 24.13532374526957, + "f1_weighted": 24.801681753477833, + "main_score": 26.22233152975898 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 33.85145105755042, + "f1": 30.993852084910046, + "f1_weighted": 31.47706557692265, + "main_score": 33.85145105755042 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 31.69699950811608, + "f1": 28.43551777754717, + "f1_weighted": 29.35991647173387, + "main_score": 31.69699950811608 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 6.296114117068371, + "f1": 4.469538815411268, + "f1_weighted": 4.470912934534107, + "main_score": 6.296114117068371 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 2.6660108214461387, + "f1": 0.7095128645283928, + "f1_weighted": 0.900359447084975, + "main_score": 2.6660108214461387 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 32.24790949335957, + "f1": 30.09602016401104, + "f1_weighted": 31.27365296679004, + "main_score": 32.24790949335957 + }, + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 29.85243482538121, + "f1": 27.02898547703625, + "f1_weighted": 29.19825733648402, + "main_score": 29.85243482538121 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 3.413674372848008, + "f1": 2.3814730307183596, + "f1_weighted": 2.758592436005351, + "main_score": 3.413674372848008 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 27.59960649286769, + "f1": 25.169829835887036, + "f1_weighted": 26.378021821617065, + "main_score": 27.59960649286769 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 2.0363994097393014, + "f1": 0.7934004289138196, + "f1_weighted": 1.1834679007875544, + "main_score": 2.0363994097393014 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 31.43630103295622, + "f1": 28.28710817943075, + "f1_weighted": 29.47693147061905, + "main_score": 31.43630103295622 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 27.515986227250366, + "f1": 25.65654395144761, + "f1_weighted": 26.414094210360055, + "main_score": 27.515986227250366 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 5.986227250368913, + "f1": 3.9449730568824433, + "f1_weighted": 3.8102259721047833, + "main_score": 5.986227250368913 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 28.155435317265127, + "f1": 25.708172487585202, + "f1_weighted": 27.024916707588677, + "main_score": 28.155435317265127 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 31.485489424495817, + "f1": 29.47639008406045, + "f1_weighted": 30.377692398014027, + "main_score": 31.485489424495817 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 30.403344810624695, + "f1": 26.82843832763937, + "f1_weighted": 28.11110907470959, + "main_score": 30.403344810624695 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 32.70044269552386, + "f1": 30.910774335551594, + "f1_weighted": 31.371749140831422, + "main_score": 32.70044269552386 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 29.429414658140686, + "f1": 25.594886516936256, + "f1_weighted": 28.392261199556877, + "main_score": 29.429414658140686 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 29.636005902606982, + "f1": 28.287023938527234, + "f1_weighted": 27.924913519954554, + "main_score": 29.636005902606982 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 30.63453025086079, + "f1": 29.5921601385162, + "f1_weighted": 28.58410607526952, + "main_score": 30.63453025086079 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 2.867683226758485, + "f1": 1.0374630680286294, + "f1_weighted": 1.3261691151267023, + "main_score": 2.867683226758485 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 29.754058042302017, + "f1": 27.921243093926957, + "f1_weighted": 28.600526975101815, + "main_score": 29.754058042302017 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 58.06197737333989, + "f1": 53.92404816772661, + "f1_weighted": 56.72057857737771, + "main_score": 58.06197737333989 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 22.725036891293655, + "f1": 22.05764593465915, + "f1_weighted": 22.36326529771844, + "main_score": 22.725036891293655 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 34.57943925233645, + "f1": 33.54269802516337, + "f1_weighted": 31.59380780190696, + "main_score": 34.57943925233645 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 26.050172159370387, + "f1": 23.37018289487783, + "f1_weighted": 24.52891801190779, + "main_score": 26.050172159370387 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 23.10378750614855, + "f1": 19.634766811442688, + "f1_weighted": 21.39922163237278, + "main_score": 23.10378750614855 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 1.382193802262666, + "f1": 0.2962201919122291, + "f1_weighted": 0.36568543738308745, + "main_score": 1.382193802262666 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 2.0560747663551404, + "f1": 0.4742414282381403, + "f1_weighted": 0.5861893507001308, + "main_score": 2.0560747663551404 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 30.5115592720118, + "f1": 27.61045064110582, + "f1_weighted": 28.987990654116114, + "main_score": 30.5115592720118 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 4.377766847024103, + "f1": 1.2676703377671132, + "f1_weighted": 1.426174554035529, + "main_score": 4.377766847024103 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/MassiveScenarioClassification.json b/results/sergeyzh__rubert-tiny-turbo/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..284df7167 --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/MassiveScenarioClassification.json @@ -0,0 +1,1032 @@ +{ + "dataset_revision": "fad2c6e8459f9e1c45d9315f4953d921437d70f8", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 10.601882985877605, + "f1": 6.8689500634035365, + "f1_weighted": 8.260029142337519, + "main_score": 10.601882985877605 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 5.62542030934768, + "f1": 1.9399090161521315, + "f1_weighted": 1.7790298099358886, + "main_score": 5.62542030934768 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 7.407531943510423, + "f1": 3.622072056826428, + "f1_weighted": 3.444172662951229, + "main_score": 7.407531943510423 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 7.602555480833894, + "f1": 3.9001734711485803, + "f1_weighted": 3.4912256692008397, + "main_score": 7.602555480833894 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 7.010759919300605, + "f1": 2.1485666974093878, + "f1_weighted": 2.3739456428263477, + "main_score": 7.010759919300605 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 7.679892400806995, + "f1": 2.728187383195907, + "f1_weighted": 3.0454310752856353, + "main_score": 7.679892400806995 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 10.729657027572292, + "f1": 4.138439669406968, + "f1_weighted": 4.843092536146883, + "main_score": 10.729657027572292 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 17.952252858103563, + "f1": 12.418135741505608, + "f1_weighted": 15.228054842385186, + "main_score": 17.952252858103563 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 29.29388029589779, + "f1": 25.95638727776611, + "f1_weighted": 27.82646328315652, + "main_score": 29.29388029589779 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 6.923335574983189, + "f1": 2.2338102382542795, + "f1_weighted": 2.837475945704109, + "main_score": 6.923335574983189 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 33.70208473436449, + "f1": 31.451013524608147, + "f1_weighted": 33.4571016718763, + "main_score": 33.70208473436449 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 8.530598520511097, + "f1": 3.993356806346034, + "f1_weighted": 4.275297414153249, + "main_score": 8.530598520511097 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 6.6240753194351045, + "f1": 2.559179690443991, + "f1_weighted": 2.8775036329690353, + "main_score": 6.6240753194351045 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 40.01681237390719, + "f1": 36.15548220887307, + "f1_weighted": 38.91143847106075, + "main_score": 40.01681237390719 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 33.10356422326833, + "f1": 29.87073203020746, + "f1_weighted": 32.736926298821786, + "main_score": 33.10356422326833 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.291190316072644, + "f1": 58.09487277036398, + "f1_weighted": 60.52223749579593, + "main_score": 61.291190316072644 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 36.40551445864156, + "f1": 32.12815170334265, + "f1_weighted": 35.421611675898745, + "main_score": 36.40551445864156 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 42.90181573638198, + "f1": 39.00450485042174, + "f1_weighted": 41.74577968212385, + "main_score": 42.90181573638198 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 8.261600537995966, + "f1": 3.8946817615361597, + "f1_weighted": 3.7437491646031926, + "main_score": 8.261600537995966 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 42.07128446536651, + "f1": 38.28996078984755, + "f1_weighted": 41.04738811504033, + "main_score": 42.07128446536651 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 34.845326160053794, + "f1": 32.52170618407094, + "f1_weighted": 33.35658510579412, + "main_score": 34.845326160053794 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 40.78681909885676, + "f1": 37.33575502776686, + "f1_weighted": 38.66002021299529, + "main_score": 40.78681909885676 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 42.65635507733692, + "f1": 38.53947437411434, + "f1_weighted": 41.52520693995739, + "main_score": 42.65635507733692 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 11.926698049764628, + "f1": 8.724194514820493, + "f1_weighted": 10.266244979280504, + "main_score": 11.926698049764628 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 8.779421654337593, + "f1": 3.47659510611439, + "f1_weighted": 4.092370736159162, + "main_score": 8.779421654337593 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 43.6852723604573, + "f1": 39.338012150585094, + "f1_weighted": 43.3756140521009, + "main_score": 43.6852723604573 + }, + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 40.83725622057835, + "f1": 36.67993326074695, + "f1_weighted": 40.73536387442413, + "main_score": 40.83725622057835 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 11.859448554135843, + "f1": 6.502577103628851, + "f1_weighted": 9.922384035467028, + "main_score": 11.859448554135843 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 37.22932078009414, + "f1": 34.37198836784653, + "f1_weighted": 36.41682430619207, + "main_score": 37.22932078009414 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 6.909885675857431, + "f1": 2.659712889039866, + "f1_weighted": 3.315252295282912, + "main_score": 6.909885675857431 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 38.157363819771355, + "f1": 33.871383306341926, + "f1_weighted": 37.16844466757229, + "main_score": 38.157363819771355 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 35.65904505716207, + "f1": 32.95848641686319, + "f1_weighted": 33.46347965861419, + "main_score": 35.65904505716207 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 10.601882985877605, + "f1": 8.05499004226519, + "f1_weighted": 8.12291817923475, + "main_score": 10.601882985877605 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 38.97108271687962, + "f1": 34.19920488698337, + "f1_weighted": 37.406365439450006, + "main_score": 38.97108271687962 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 39.04505716207128, + "f1": 35.380977049887605, + "f1_weighted": 38.79082603370826, + "main_score": 39.04505716207128 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 35.18829858776059, + "f1": 30.972699263943966, + "f1_weighted": 34.66929745941575, + "main_score": 35.18829858776059 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 39.53934095494284, + "f1": 37.19939485401421, + "f1_weighted": 38.163540271879384, + "main_score": 39.53934095494284 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 39.85205110961668, + "f1": 34.567211938088086, + "f1_weighted": 38.93137139872493, + "main_score": 39.85205110961668 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 35.978480161398785, + "f1": 33.70493150778863, + "f1_weighted": 34.89613180942136, + "main_score": 35.978480161398785 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 37.12508406186954, + "f1": 34.14887874344704, + "f1_weighted": 35.491336292250615, + "main_score": 37.12508406186954 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 8.846671149966376, + "f1": 3.772079613264656, + "f1_weighted": 4.569880079881123, + "main_score": 8.846671149966376 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 36.11970410221924, + "f1": 33.64741825888341, + "f1_weighted": 36.04738800166304, + "main_score": 36.11970410221924 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 62.89509078681911, + "f1": 62.296937620668366, + "f1_weighted": 61.50844245234364, + "main_score": 62.89509078681911 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 30.31607262945528, + "f1": 27.373913596444382, + "f1_weighted": 29.154743431705356, + "main_score": 30.31607262945528 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 42.68997982515131, + "f1": 39.34921574451304, + "f1_weighted": 41.39971354124732, + "main_score": 42.68997982515131 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 31.62071284465367, + "f1": 27.53427875798914, + "f1_weighted": 30.442690748521006, + "main_score": 31.62071284465367 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 31.889710827168795, + "f1": 29.1527074423781, + "f1_weighted": 29.84128781391531, + "main_score": 31.889710827168795 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 7.007397444519166, + "f1": 1.763256752893296, + "f1_weighted": 2.3996756522652913, + "main_score": 7.007397444519166 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 7.612642905178212, + "f1": 2.0115132382174585, + "f1_weighted": 2.8178938596974503, + "main_score": 7.612642905178212 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 40.93813046402152, + "f1": 35.475977992563635, + "f1_weighted": 40.249098836834044, + "main_score": 40.93813046402152 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 8.510423671822462, + "f1": 2.77822187113745, + "f1_weighted": 3.488782507211019, + "main_score": 8.510423671822462 + } + ], + "validation": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 10.560747663551401, + "f1": 7.321692095226571, + "f1_weighted": 8.136926309421098, + "main_score": 10.560747663551401 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 5.622233152975899, + "f1": 1.7454943918873769, + "f1_weighted": 1.5544580080510706, + "main_score": 5.622233152975899 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 7.50614854894245, + "f1": 3.671558894965337, + "f1_weighted": 3.6075123924941224, + "main_score": 7.50614854894245 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 8.047220855878013, + "f1": 4.199596683728984, + "f1_weighted": 3.705979981207572, + "main_score": 8.047220855878013 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 6.591244466305953, + "f1": 1.9804826267181144, + "f1_weighted": 2.1652032753558714, + "main_score": 6.591244466305953 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 7.511067388096411, + "f1": 2.641163180255864, + "f1_weighted": 3.03599461945174, + "main_score": 7.511067388096411 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 11.234628627643877, + "f1": 4.53829675095688, + "f1_weighted": 5.119828126415879, + "main_score": 11.234628627643877 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 16.438760452533202, + "f1": 12.026293516540374, + "f1_weighted": 13.40697491103347, + "main_score": 16.438760452533202 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 28.470241023118547, + "f1": 26.06308403577423, + "f1_weighted": 26.913188635640108, + "main_score": 28.470241023118547 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 7.34874569601574, + "f1": 2.163368202700301, + "f1_weighted": 2.9794749471502735, + "main_score": 7.34874569601574 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 33.482538121003444, + "f1": 31.74224548475336, + "f1_weighted": 32.974792871093996, + "main_score": 33.482538121003444 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 8.735858337432365, + "f1": 4.387957216974412, + "f1_weighted": 4.487011850573568, + "main_score": 8.735858337432365 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 6.8027545499262185, + "f1": 2.724940339247371, + "f1_weighted": 2.9191909608862248, + "main_score": 6.8027545499262185 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 39.77865223807182, + "f1": 36.713842977439086, + "f1_weighted": 38.411147363742614, + "main_score": 39.77865223807182 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 32.611903590752576, + "f1": 30.478777350564933, + "f1_weighted": 32.33376716992967, + "main_score": 32.611903590752576 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 60.81652729955731, + "f1": 57.85686645797947, + "f1_weighted": 59.96336225413508, + "main_score": 60.81652729955731 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 35.041810132808656, + "f1": 32.32895536298411, + "f1_weighted": 34.08983039599136, + "main_score": 35.041810132808656 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 42.4151500245942, + "f1": 39.716877977971514, + "f1_weighted": 40.98904556640093, + "main_score": 42.4151500245942 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 8.253812100344318, + "f1": 4.2941598559113645, + "f1_weighted": 3.7137986151126743, + "main_score": 8.253812100344318 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 40.65912444663059, + "f1": 37.90162745459205, + "f1_weighted": 39.942707376839756, + "main_score": 40.65912444663059 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 33.85145105755042, + "f1": 32.41363211826809, + "f1_weighted": 32.696811929693745, + "main_score": 33.85145105755042 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 40.22626660108214, + "f1": 37.84448697275546, + "f1_weighted": 37.82059370217246, + "main_score": 40.22626660108214 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 42.06591244466306, + "f1": 38.76214747335659, + "f1_weighted": 40.65484003509404, + "main_score": 42.06591244466306 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 11.682242990654206, + "f1": 8.850699907144218, + "f1_weighted": 9.655517346069553, + "main_score": 11.682242990654206 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 8.52926709296606, + "f1": 3.4189589714301167, + "f1_weighted": 3.894511154092698, + "main_score": 8.52926709296606 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 41.14117068371864, + "f1": 38.08063702754415, + "f1_weighted": 40.65305294882936, + "main_score": 41.14117068371864 + }, + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 39.3654697491392, + "f1": 36.43369907401146, + "f1_weighted": 39.09920883835431, + "main_score": 39.3654697491392 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 11.362518445646828, + "f1": 6.2728348209099565, + "f1_weighted": 8.903159425462325, + "main_score": 11.362518445646828 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 36.246925725528776, + "f1": 34.242775177193415, + "f1_weighted": 34.90531238831363, + "main_score": 36.246925725528776 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 6.861780619773734, + "f1": 2.7017710457799873, + "f1_weighted": 3.1681349264113137, + "main_score": 6.861780619773734 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 38.17019183472701, + "f1": 34.777811838185485, + "f1_weighted": 36.90042555420213, + "main_score": 38.17019183472701 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 35.32710280373832, + "f1": 33.32826385073952, + "f1_weighted": 33.388725291289916, + "main_score": 35.32710280373832 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 11.20511559272012, + "f1": 8.976181412932425, + "f1_weighted": 8.576498601594645, + "main_score": 11.20511559272012 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 38.85391047712739, + "f1": 34.90571468739814, + "f1_weighted": 36.82763280572209, + "main_score": 38.85391047712739 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 38.052139695031975, + "f1": 35.272001887507564, + "f1_weighted": 37.42041278303434, + "main_score": 38.052139695031975 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 34.500737825873095, + "f1": 30.68780970737908, + "f1_weighted": 33.716051134823, + "main_score": 34.500737825873095 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 39.596655189375305, + "f1": 37.72092200675893, + "f1_weighted": 37.89234511492137, + "main_score": 39.596655189375305 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 38.93261190359076, + "f1": 34.67593293977394, + "f1_weighted": 37.58144266593478, + "main_score": 38.93261190359076 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 35.336940482046245, + "f1": 34.06391073492543, + "f1_weighted": 34.19964460077873, + "main_score": 35.336940482046245 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 36.28135759960649, + "f1": 33.98213113943637, + "f1_weighted": 34.432683108706726, + "main_score": 36.28135759960649 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 8.789965568125922, + "f1": 3.615951273986677, + "f1_weighted": 4.543124755655086, + "main_score": 8.789965568125922 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 35.78947368421053, + "f1": 33.641144471139874, + "f1_weighted": 35.35509200878473, + "main_score": 35.78947368421053 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 64.14658140678799, + "f1": 63.45318114952019, + "f1_weighted": 62.837233214870004, + "main_score": 64.14658140678799 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 29.616330545991143, + "f1": 27.89304924236733, + "f1_weighted": 28.557344732597763, + "main_score": 29.616330545991143 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 41.1952779144122, + "f1": 38.70295863724121, + "f1_weighted": 39.8087264213271, + "main_score": 41.1952779144122 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 30.15248401377275, + "f1": 27.24749237955316, + "f1_weighted": 29.24459561389263, + "main_score": 30.15248401377275 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 31.942941465814062, + "f1": 29.238187005403976, + "f1_weighted": 29.360530025850295, + "main_score": 31.942941465814062 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 7.211018199704869, + "f1": 1.858123064629565, + "f1_weighted": 2.531232017204237, + "main_score": 7.211018199704869 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 7.948844072798819, + "f1": 2.1010859887190896, + "f1_weighted": 3.0480176454133283, + "main_score": 7.948844072798819 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 38.92277422528283, + "f1": 35.488036321576146, + "f1_weighted": 38.18536556200914, + "main_score": 38.92277422528283 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 8.150516478111165, + "f1": 2.72691932389948, + "f1_weighted": 3.3948665965609117, + "main_score": 8.150516478111165 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/MedrxivClusteringP2P.json b/results/sergeyzh__rubert-tiny-turbo/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..f1f9ccc06 --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/MedrxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 20.786832589263845, + "v_measure": 20.786832589263845, + "v_measure_std": 1.6048001943974946 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/MedrxivClusteringS2S.json b/results/sergeyzh__rubert-tiny-turbo/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..331c32d54 --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/MedrxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 18.181247067178756, + "v_measure": 18.181247067178756, + "v_measure_std": 1.5798786706707373 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/NewsClassification.json b/results/sergeyzh__rubert-tiny-turbo/external/NewsClassification.json new file mode 100644 index 000000000..0fe46aa74 --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/NewsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "eb185aade064a813bc0b7f42de02595523103ca4", + "task_name": "NewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.78552631578948, + "f1": 73.47724204580956, + "f1_weighted": 73.47724204580956, + "main_score": 73.78552631578948 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/PatentClassification.json b/results/sergeyzh__rubert-tiny-turbo/external/PatentClassification.json new file mode 100644 index 000000000..d86352565 --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/PatentClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "2f38a1dfdecfacee0184d74eaeafd3c0fb49d2a6", + "task_name": "PatentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 29.306640625000004, + "f1": 22.127646065227754, + "f1_weighted": 26.66185625260182, + "main_score": 29.306640625000004 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/PoemSentimentClassification.json b/results/sergeyzh__rubert-tiny-turbo/external/PoemSentimentClassification.json new file mode 100644 index 000000000..2f93ad7ab --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/PoemSentimentClassification.json @@ -0,0 +1,32 @@ +{ + "dataset_revision": "329d529d875a00c47ec71954a1a96ae167584770", + "task_name": "PoemSentimentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 35.96153846153845, + "f1": 25.717059445124445, + "f1_weighted": 42.39026561619051, + "main_score": 35.96153846153845 + } + ], + "validation": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 35.80952380952381, + "f1": 26.76432080315997, + "f1_weighted": 41.90402765909788, + "main_score": 35.80952380952381 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/RUParaPhraserSTS.json b/results/sergeyzh__rubert-tiny-turbo/external/RUParaPhraserSTS.json new file mode 100644 index 000000000..57a014689 --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/RUParaPhraserSTS.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "43265056790b8f7c59e0139acb4be0a8dad2c8f4", + "task_name": "RUParaPhraserSTS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "cosine_pearson": 65.17293362215221, + "cosine_spearman": 72.14872507255558, + "euclidean_pearson": 69.39028550512482, + "euclidean_spearman": 72.14872507255558, + "main_score": 72.14872507255558, + "manhattan_pearson": 69.30934614737492, + "manhattan_spearman": 72.04933049290007 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/RedditClustering.json b/results/sergeyzh__rubert-tiny-turbo/external/RedditClustering.json new file mode 100644 index 000000000..d4a1c524a --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/RedditClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 26.275710753496597, + "v_measure": 26.275710753496597, + "v_measure_std": 4.029689555202136 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/RedditClusteringP2P.json b/results/sergeyzh__rubert-tiny-turbo/external/RedditClusteringP2P.json new file mode 100644 index 000000000..2733f211e --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/RedditClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 40.4828876757081, + "v_measure": 40.4828876757081, + "v_measure_std": 10.162859998011204 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/RiaNewsRetrieval.json b/results/sergeyzh__rubert-tiny-turbo/external/RiaNewsRetrieval.json new file mode 100644 index 000000000..4b56b13ab --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/RiaNewsRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "82374b0bbacda6114f39ff9c5b925fa1512ca5d7", + "task_name": "RiaNewsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "main_score": 51.271, + "map_at_1": 36.21, + "map_at_10": 46.208, + "map_at_100": 47.004000000000005, + "map_at_1000": 47.044000000000004, + "map_at_20": 46.693, + "map_at_3": 43.669999999999995, + "map_at_5": 45.196, + "mrr_at_1": 36.22, + "mrr_at_10": 46.21178571428571, + "mrr_at_100": 47.007420014661236, + "mrr_at_1000": 47.04734848842366, + "mrr_at_20": 46.69688042104938, + "mrr_at_3": 43.668333333333585, + "mrr_at_5": 45.199833333333274, + "nauc_map_at_1000_diff1": 46.94937854830209, + "nauc_map_at_1000_max": 20.810031674720868, + "nauc_map_at_1000_std": -2.8474964036416845, + "nauc_map_at_100_diff1": 46.93710679472339, + "nauc_map_at_100_max": 20.808355966268614, + "nauc_map_at_100_std": -2.8341393346842607, + "nauc_map_at_10_diff1": 46.85305633304179, + "nauc_map_at_10_max": 20.74714400194472, + "nauc_map_at_10_std": -3.0251519873045534, + "nauc_map_at_1_diff1": 52.76907950247656, + "nauc_map_at_1_max": 20.909404191190152, + "nauc_map_at_1_std": -4.486212769404569, + "nauc_map_at_20_diff1": 46.854283528399826, + "nauc_map_at_20_max": 20.774565284237017, + "nauc_map_at_20_std": -2.8952917224271846, + "nauc_map_at_3_diff1": 47.6120187355803, + "nauc_map_at_3_max": 20.94624350299643, + "nauc_map_at_3_std": -3.5249841066101704, + "nauc_map_at_5_diff1": 46.961741404854, + "nauc_map_at_5_max": 20.84061893727113, + "nauc_map_at_5_std": -3.2560895841762707, + "nauc_mrr_at_1000_diff1": 46.94210158390746, + "nauc_mrr_at_1000_max": 20.823017819566672, + "nauc_mrr_at_1000_std": -2.873564388596409, + "nauc_mrr_at_100_diff1": 46.92983853646228, + "nauc_mrr_at_100_max": 20.821328345843625, + "nauc_mrr_at_100_std": -2.860179131955564, + "nauc_mrr_at_10_diff1": 46.845920501930316, + "nauc_mrr_at_10_max": 20.760199941251056, + "nauc_mrr_at_10_std": -3.0506119945281385, + "nauc_mrr_at_1_diff1": 52.7384650230153, + "nauc_mrr_at_1_max": 20.916918175962735, + "nauc_mrr_at_1_std": -4.553119995428164, + "nauc_mrr_at_20_diff1": 46.84707480256205, + "nauc_mrr_at_20_max": 20.78745076885492, + "nauc_mrr_at_20_std": -2.921144125415831, + "nauc_mrr_at_3_diff1": 47.621438923503305, + "nauc_mrr_at_3_max": 20.964983104645327, + "nauc_mrr_at_3_std": -3.5359639119054154, + "nauc_mrr_at_5_diff1": 46.95496065526142, + "nauc_mrr_at_5_max": 20.85370692098222, + "nauc_mrr_at_5_std": -3.2815901993324985, + "nauc_ndcg_at_1000_diff1": 45.22512963946746, + "nauc_ndcg_at_1000_max": 20.827437126737433, + "nauc_ndcg_at_1000_std": -1.5970972641072643, + "nauc_ndcg_at_100_diff1": 44.870296183306195, + "nauc_ndcg_at_100_max": 20.734194655306457, + "nauc_ndcg_at_100_std": -1.1285720744844427, + "nauc_ndcg_at_10_diff1": 44.428914407493004, + "nauc_ndcg_at_10_max": 20.440243514420057, + "nauc_ndcg_at_10_std": -2.1210028369378167, + "nauc_ndcg_at_1_diff1": 52.76907950247656, + "nauc_ndcg_at_1_max": 20.909404191190152, + "nauc_ndcg_at_1_std": -4.486212769404569, + "nauc_ndcg_at_20_diff1": 44.333669717530185, + "nauc_ndcg_at_20_max": 20.503130801298607, + "nauc_ndcg_at_20_std": -1.6040287688898405, + "nauc_ndcg_at_3_diff1": 45.988171772625634, + "nauc_ndcg_at_3_max": 20.901834276482294, + "nauc_ndcg_at_3_std": -3.228341348463241, + "nauc_ndcg_at_5_diff1": 44.77257666022731, + "nauc_ndcg_at_5_max": 20.70409124701764, + "nauc_ndcg_at_5_std": -2.7157792836026826, + "nauc_precision_at_1000_diff1": 24.715455802573878, + "nauc_precision_at_1000_max": 25.642760620422127, + "nauc_precision_at_1000_std": 20.124139669932596, + "nauc_precision_at_100_diff1": 31.317204301075428, + "nauc_precision_at_100_max": 20.717841497411385, + "nauc_precision_at_100_std": 15.071826819138575, + "nauc_precision_at_10_diff1": 35.455731038677605, + "nauc_precision_at_10_max": 19.1279684555736, + "nauc_precision_at_10_std": 1.47750077627525, + "nauc_precision_at_1_diff1": 52.76907950247656, + "nauc_precision_at_1_max": 20.909404191190152, + "nauc_precision_at_1_std": -4.486212769404569, + "nauc_precision_at_20_diff1": 33.12837939512509, + "nauc_precision_at_20_max": 19.114872213547194, + "nauc_precision_at_20_std": 4.913450374911581, + "nauc_precision_at_3_diff1": 41.17113816710835, + "nauc_precision_at_3_max": 20.751510760974718, + "nauc_precision_at_3_std": -2.3503705806184496, + "nauc_precision_at_5_diff1": 37.71917213552412, + "nauc_precision_at_5_max": 20.221342669216565, + "nauc_precision_at_5_std": -0.9301420941546075, + "nauc_recall_at_1000_diff1": 24.715455802574407, + "nauc_recall_at_1000_max": 25.64276062042252, + "nauc_recall_at_1000_std": 20.124139669932728, + "nauc_recall_at_100_diff1": 31.31720430107529, + "nauc_recall_at_100_max": 20.717841497411516, + "nauc_recall_at_100_std": 15.071826819138751, + "nauc_recall_at_10_diff1": 35.455731038677655, + "nauc_recall_at_10_max": 19.127968455573654, + "nauc_recall_at_10_std": 1.47750077627532, + "nauc_recall_at_1_diff1": 52.76907950247656, + "nauc_recall_at_1_max": 20.909404191190152, + "nauc_recall_at_1_std": -4.486212769404569, + "nauc_recall_at_20_diff1": 33.12837939512524, + "nauc_recall_at_20_max": 19.1148722135474, + "nauc_recall_at_20_std": 4.91345037491176, + "nauc_recall_at_3_diff1": 41.171138167108374, + "nauc_recall_at_3_max": 20.751510760974682, + "nauc_recall_at_3_std": -2.35037058061848, + "nauc_recall_at_5_diff1": 37.71917213552414, + "nauc_recall_at_5_max": 20.221342669216575, + "nauc_recall_at_5_std": -0.9301420941545763, + "ndcg_at_1": 36.21, + "ndcg_at_10": 51.271, + "ndcg_at_100": 55.289, + "ndcg_at_1000": 56.401, + "ndcg_at_20": 53.028, + "ndcg_at_3": 46.078, + "ndcg_at_5": 48.825, + "precision_at_1": 36.21, + "precision_at_10": 6.7250000000000005, + "precision_at_100": 0.864, + "precision_at_1000": 0.095, + "precision_at_20": 3.7089999999999996, + "precision_at_3": 17.68, + "precision_at_5": 11.940000000000001, + "recall_at_1": 36.21, + "recall_at_10": 67.25, + "recall_at_100": 86.4, + "recall_at_1000": 95.26, + "recall_at_20": 74.18, + "recall_at_3": 53.04, + "recall_at_5": 59.699999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/RuBQReranking.json b/results/sergeyzh__rubert-tiny-turbo/external/RuBQReranking.json new file mode 100644 index 000000000..c5bacbbe1 --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/RuBQReranking.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "2e96b8f098fa4b0950fc58eacadeb31c0d0c7fa2", + "task_name": "RuBQReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "main_score": 62.15027154459556, + "map": 62.15027154459556, + "mrr": 68.09500782905037, + "nAUC_map_diff1": 33.062970148901556, + "nAUC_map_max": 11.090302786599219, + "nAUC_map_std": 5.660375803457896, + "nAUC_mrr_diff1": 35.578332777596685, + "nAUC_mrr_max": 14.981311816105839, + "nAUC_mrr_std": 5.550039824115788 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/RuBQRetrieval.json b/results/sergeyzh__rubert-tiny-turbo/external/RuBQRetrieval.json new file mode 100644 index 000000000..789a5d7a3 --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/RuBQRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "e19b6ffa60b3bc248e0b41f4cc37c26a55c2a67b", + "task_name": "RuBQRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "main_score": 51.734, + "map_at_1": 28.510999999999996, + "map_at_10": 43.631, + "map_at_100": 44.988, + "map_at_1000": 45.052, + "map_at_20": 44.462, + "map_at_3": 38.937, + "map_at_5": 41.833, + "mrr_at_1": 41.312056737588655, + "mrr_at_10": 53.36138316634781, + "mrr_at_100": 53.949276632310216, + "mrr_at_1000": 53.97463197704906, + "mrr_at_20": 53.72140863635181, + "mrr_at_3": 50.43341213553989, + "mrr_at_5": 52.32466509062269, + "nauc_map_at_1000_diff1": 28.763838953386795, + "nauc_map_at_1000_max": 24.058720207454833, + "nauc_map_at_1000_std": 0.43914028345667794, + "nauc_map_at_100_diff1": 28.74115734128027, + "nauc_map_at_100_max": 24.067201633751907, + "nauc_map_at_100_std": 0.48479657643151175, + "nauc_map_at_10_diff1": 28.78055585777882, + "nauc_map_at_10_max": 23.660824446842014, + "nauc_map_at_10_std": -0.13417257945838412, + "nauc_map_at_1_diff1": 31.726698171475988, + "nauc_map_at_1_max": 18.706684051084675, + "nauc_map_at_1_std": -3.1112088462944576, + "nauc_map_at_20_diff1": 28.821888050893524, + "nauc_map_at_20_max": 24.054108877450066, + "nauc_map_at_20_std": 0.29933097295171895, + "nauc_map_at_3_diff1": 29.414059668041187, + "nauc_map_at_3_max": 21.603288627966425, + "nauc_map_at_3_std": -1.2582454726026868, + "nauc_map_at_5_diff1": 28.763709067820066, + "nauc_map_at_5_max": 22.83472652858084, + "nauc_map_at_5_std": -0.9139576784503077, + "nauc_mrr_at_1000_diff1": 32.788260400997885, + "nauc_mrr_at_1000_max": 26.645815716166126, + "nauc_mrr_at_1000_std": -1.751195655856463, + "nauc_mrr_at_100_diff1": 32.77886459571929, + "nauc_mrr_at_100_max": 26.65637126850806, + "nauc_mrr_at_100_std": -1.7267980184678584, + "nauc_mrr_at_10_diff1": 32.78874216502045, + "nauc_mrr_at_10_max": 26.4839655119896, + "nauc_mrr_at_10_std": -1.9790149014956449, + "nauc_mrr_at_1_diff1": 35.13232635364635, + "nauc_mrr_at_1_max": 23.697653866746013, + "nauc_mrr_at_1_std": -3.229619940147812, + "nauc_mrr_at_20_diff1": 32.77802354989702, + "nauc_mrr_at_20_max": 26.68040225454969, + "nauc_mrr_at_20_std": -1.75616956975016, + "nauc_mrr_at_3_diff1": 32.984816761600435, + "nauc_mrr_at_3_max": 26.13901825373233, + "nauc_mrr_at_3_std": -2.52193076369521, + "nauc_mrr_at_5_diff1": 32.84967841683121, + "nauc_mrr_at_5_max": 26.529547373322448, + "nauc_mrr_at_5_std": -2.5581887401849595, + "nauc_ndcg_at_1000_diff1": 28.596338371171104, + "nauc_ndcg_at_1000_max": 26.398864343527546, + "nauc_ndcg_at_1000_std": 2.0928142009674264, + "nauc_ndcg_at_100_diff1": 28.25901263389625, + "nauc_ndcg_at_100_max": 26.93052809711281, + "nauc_ndcg_at_100_std": 3.1368035623322266, + "nauc_ndcg_at_10_diff1": 28.273504061219295, + "nauc_ndcg_at_10_max": 25.70274506672966, + "nauc_ndcg_at_10_std": 1.031980357515916, + "nauc_ndcg_at_1_diff1": 35.288927336386486, + "nauc_ndcg_at_1_max": 23.407964640774143, + "nauc_ndcg_at_1_std": -3.2088824424845743, + "nauc_ndcg_at_20_diff1": 28.27252389476242, + "nauc_ndcg_at_20_max": 26.959280568356686, + "nauc_ndcg_at_20_std": 2.355748254409649, + "nauc_ndcg_at_3_diff1": 29.507109145825144, + "nauc_ndcg_at_3_max": 23.171704666301913, + "nauc_ndcg_at_3_std": -1.4521550440778286, + "nauc_ndcg_at_5_diff1": 28.488416363267216, + "nauc_ndcg_at_5_max": 24.63470555569984, + "nauc_ndcg_at_5_std": -0.9243408985702865, + "nauc_precision_at_1000_diff1": -1.6853041487515183, + "nauc_precision_at_1000_max": 7.960967030916032, + "nauc_precision_at_1000_std": 3.6491508412352784, + "nauc_precision_at_100_diff1": 1.1138125936003078, + "nauc_precision_at_100_max": 14.425287491557784, + "nauc_precision_at_100_std": 8.976522577047673, + "nauc_precision_at_10_diff1": 9.746060862351767, + "nauc_precision_at_10_max": 21.23608774117671, + "nauc_precision_at_10_std": 5.704741335087523, + "nauc_precision_at_1_diff1": 35.288927336386486, + "nauc_precision_at_1_max": 23.407964640774143, + "nauc_precision_at_1_std": -3.2088824424845743, + "nauc_precision_at_20_diff1": 6.326610022834949, + "nauc_precision_at_20_max": 20.35842844947274, + "nauc_precision_at_20_std": 8.561077634074318, + "nauc_precision_at_3_diff1": 20.23921207457269, + "nauc_precision_at_3_max": 22.983126702497753, + "nauc_precision_at_3_std": 0.3762065769613514, + "nauc_precision_at_5_diff1": 14.130374029335451, + "nauc_precision_at_5_max": 22.27280203101339, + "nauc_precision_at_5_std": 1.4403304333986182, + "nauc_recall_at_1000_diff1": 5.336939388003354, + "nauc_recall_at_1000_max": 31.706880957377347, + "nauc_recall_at_1000_std": 34.42854130495, + "nauc_recall_at_100_diff1": 13.06348098921675, + "nauc_recall_at_100_max": 35.43003105581946, + "nauc_recall_at_100_std": 28.949432461425634, + "nauc_recall_at_10_diff1": 19.58510835348359, + "nauc_recall_at_10_max": 25.98205980928563, + "nauc_recall_at_10_std": 6.643640648680416, + "nauc_recall_at_1_diff1": 31.726698171475988, + "nauc_recall_at_1_max": 18.706684051084675, + "nauc_recall_at_1_std": -3.1112088462944576, + "nauc_recall_at_20_diff1": 17.50381042355996, + "nauc_recall_at_20_max": 31.185904487900324, + "nauc_recall_at_20_std": 13.510200942211565, + "nauc_recall_at_3_diff1": 24.227382984516147, + "nauc_recall_at_3_max": 21.40248626451014, + "nauc_recall_at_3_std": -0.469137375497106, + "nauc_recall_at_5_diff1": 21.25980638967181, + "nauc_recall_at_5_max": 23.853364661344404, + "nauc_recall_at_5_std": 0.7407724495151051, + "ndcg_at_1": 41.253, + "ndcg_at_10": 51.734, + "ndcg_at_100": 56.796, + "ndcg_at_1000": 58.044, + "ndcg_at_20": 53.982, + "ndcg_at_3": 44.448, + "ndcg_at_5": 48.306, + "precision_at_1": 41.253, + "precision_at_10": 10.674, + "precision_at_100": 1.437, + "precision_at_1000": 0.159, + "precision_at_20": 6.0280000000000005, + "precision_at_3": 24.901, + "precision_at_5": 18.038, + "recall_at_1": 28.510999999999996, + "recall_at_10": 65.646, + "recall_at_100": 86.37, + "recall_at_1000": 94.926, + "recall_at_20": 73.236, + "recall_at_3": 47.492000000000004, + "recall_at_5": 56.552 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/RuReviewsClassification.json b/results/sergeyzh__rubert-tiny-turbo/external/RuReviewsClassification.json new file mode 100644 index 000000000..9389f3c0c --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/RuReviewsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "f6d2c31f4dc6b88f468552750bfec05b4b41b05a", + "task_name": "RuReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 60.6591796875, + "f1": 60.34177974754267, + "f1_weighted": 60.3424791407144, + "main_score": 60.6591796875 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/RuSTSBenchmarkSTS.json b/results/sergeyzh__rubert-tiny-turbo/external/RuSTSBenchmarkSTS.json new file mode 100644 index 000000000..6c865eb4d --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/RuSTSBenchmarkSTS.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "7cf24f325c6da6195df55bef3d86b5e0616f3018", + "task_name": "RuSTSBenchmarkSTS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "cosine_pearson": 78.67181755069355, + "cosine_spearman": 78.48157070388886, + "euclidean_pearson": 78.16400243944963, + "euclidean_spearman": 78.48124817526005, + "main_score": 78.48157070388886, + "manhattan_pearson": 78.04437263885238, + "manhattan_spearman": 78.34292373482941 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/RuSciBenchGRNTIClassification.json b/results/sergeyzh__rubert-tiny-turbo/external/RuSciBenchGRNTIClassification.json new file mode 100644 index 000000000..43bb0e5e3 --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/RuSciBenchGRNTIClassification.json @@ -0,0 +1,29 @@ +{ + "dataset_revision": "673a610d6d3dd91a547a0d57ae1b56f37ebbf6a1", + "task_name": "RuSciBenchGRNTIClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 52.9296875, + "f1": 51.36892216551846, + "f1_weighted": 51.38263945115431, + "main_score": 52.9296875 + }, + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "main_score": 47.548401486969844, + "v_measure": 47.548401486969844, + "v_measure_std": 0.9652047055316595 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/RuSciBenchOECDClassification.json b/results/sergeyzh__rubert-tiny-turbo/external/RuSciBenchOECDClassification.json new file mode 100644 index 000000000..83cd3f06b --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/RuSciBenchOECDClassification.json @@ -0,0 +1,29 @@ +{ + "dataset_revision": "26c88e99dcaba32bb45d0e1bfc21902337f6d471", + "task_name": "RuSciBenchOECDClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 40.7861328125, + "f1": 38.417161317304625, + "f1_weighted": 38.41751508417981, + "main_score": 40.7861328125 + }, + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "main_score": 41.44039335680795, + "v_measure": 41.44039335680795, + "v_measure_std": 1.2447867997057736 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/STS22.json b/results/sergeyzh__rubert-tiny-turbo/external/STS22.json new file mode 100644 index 000000000..0744534ba --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/STS22.json @@ -0,0 +1,252 @@ +{ + "dataset_revision": "de9d86b3b84231dc21f76c7b7af1f28e2f57f6e3", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cosine_pearson": 10.783707479640047, + "cosine_spearman": 32.82859566062349, + "euclidean_pearson": 21.280811252412548, + "euclidean_spearman": 32.82859566062349, + "main_score": 32.82859566062349, + "manhattan_pearson": 21.510100649883686, + "manhattan_spearman": 32.924353350152195 + }, + { + "hf_subset": "de-fr", + "languages": [ + "deu-Latn", + "fra-Latn" + ], + "cosine_pearson": 10.185699265034293, + "cosine_spearman": 17.504453225721367, + "euclidean_pearson": 11.256743769494715, + "euclidean_spearman": 17.504453225721367, + "main_score": 17.504453225721367, + "manhattan_pearson": 9.741426548627869, + "manhattan_spearman": 16.976476678309815 + }, + { + "hf_subset": "pl-en", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "cosine_pearson": 44.8697112464095, + "cosine_spearman": 42.075721562892944, + "euclidean_pearson": 43.40637455102888, + "euclidean_spearman": 42.075721562892944, + "main_score": 42.075721562892944, + "manhattan_pearson": 45.13522626066653, + "manhattan_spearman": 42.53935152687679 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "cosine_pearson": 51.4108131114559, + "cosine_spearman": 60.05716921675363, + "euclidean_pearson": 52.595208834301246, + "euclidean_spearman": 60.05157835366835, + "main_score": 60.05716921675363, + "manhattan_pearson": 52.49640999228367, + "manhattan_spearman": 59.89412865698913 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cosine_pearson": 26.610436064600535, + "cosine_spearman": 42.00247648193326, + "euclidean_pearson": 33.894760545223065, + "euclidean_spearman": 42.00247648193326, + "main_score": 42.00247648193326, + "manhattan_pearson": 33.80795212984925, + "manhattan_spearman": 42.14922985413102 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "cosine_pearson": -5.737945045891398, + "cosine_spearman": 8.163885149544491, + "euclidean_pearson": -2.214478704390943, + "euclidean_spearman": 8.16472976205313, + "main_score": 8.163885149544491, + "manhattan_pearson": -1.7539096573944195, + "manhattan_spearman": 8.6906872178124 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "cosine_pearson": 2.043942714330888, + "cosine_spearman": 15.459553758272923, + "euclidean_pearson": 8.816942314411607, + "euclidean_spearman": 15.459553758272923, + "main_score": 15.459553758272923, + "manhattan_pearson": 9.32963790399984, + "manhattan_spearman": 15.7857074615967 + }, + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "cosine_pearson": 17.695301514955418, + "cosine_spearman": 21.545599222945675, + "euclidean_pearson": 18.353827841283753, + "euclidean_spearman": 21.545599222945675, + "main_score": 21.545599222945675, + "manhattan_pearson": 17.009036963688505, + "manhattan_spearman": 20.508582325360287 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "cosine_pearson": 32.630588839696415, + "cosine_spearman": 39.69250140711604, + "euclidean_pearson": 37.54122176804933, + "euclidean_spearman": 39.69250140711604, + "main_score": 39.69250140711604, + "manhattan_pearson": 37.79703600372667, + "manhattan_spearman": 39.742229485575024 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "cosine_pearson": 0.3113685198259237, + "cosine_spearman": 9.707385637292596, + "euclidean_pearson": -2.4832855952463206, + "euclidean_spearman": 9.80177503118972, + "main_score": 9.707385637292596, + "manhattan_pearson": -2.325293004138977, + "manhattan_spearman": 10.060452403624826 + }, + { + "hf_subset": "fr-pl", + "languages": [ + "fra-Latn", + "pol-Latn" + ], + "cosine_pearson": 47.546556133158575, + "cosine_spearman": 39.440531887330785, + "euclidean_pearson": 48.2920143634797, + "euclidean_spearman": 39.440531887330785, + "main_score": 39.440531887330785, + "manhattan_pearson": 45.769523538925824, + "manhattan_spearman": 50.709255283710995 + }, + { + "hf_subset": "de-pl", + "languages": [ + "deu-Latn", + "pol-Latn" + ], + "cosine_pearson": 0.33007020080694816, + "cosine_spearman": 25.52831180119127, + "euclidean_pearson": 5.7124033000823164, + "euclidean_spearman": 25.52831180119127, + "main_score": 25.52831180119127, + "manhattan_pearson": 5.62314566860622, + "manhattan_spearman": 23.83463610871175 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "cosine_pearson": 22.766025640460693, + "cosine_spearman": 27.950069575571522, + "euclidean_pearson": 26.551723755491363, + "euclidean_spearman": 27.939678639817668, + "main_score": 27.950069575571522, + "manhattan_pearson": 26.681060475093854, + "manhattan_spearman": 27.986878582632468 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cosine_pearson": 38.597910358452815, + "cosine_spearman": 42.766194189894094, + "euclidean_pearson": 39.991306255692045, + "euclidean_spearman": 42.766194189894094, + "main_score": 42.766194189894094, + "manhattan_pearson": 39.74918349185897, + "manhattan_spearman": 42.574140880355976 + }, + { + "hf_subset": "es-it", + "languages": [ + "spa-Latn", + "ita-Latn" + ], + "cosine_pearson": 31.245905627830638, + "cosine_spearman": 32.83240215980029, + "euclidean_pearson": 33.06481984956772, + "euclidean_spearman": 32.83240215980029, + "main_score": 32.83240215980029, + "manhattan_pearson": 32.75706899386791, + "manhattan_spearman": 32.334081823391806 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "cosine_pearson": 16.966347433363, + "cosine_spearman": 45.3129129914676, + "euclidean_pearson": 28.50940505249936, + "euclidean_spearman": 45.3129129914676, + "main_score": 45.3129129914676, + "manhattan_pearson": 28.314847203862147, + "manhattan_spearman": 45.72042962859271 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "cosine_pearson": 34.66358594216254, + "cosine_spearman": 31.24659955360722, + "euclidean_pearson": 34.878197534840744, + "euclidean_spearman": 31.24659955360722, + "main_score": 31.24659955360722, + "manhattan_pearson": 34.70743093532992, + "manhattan_spearman": 30.441251812127955 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 41.376318618780324, + "cosine_spearman": 47.061970299820764, + "euclidean_pearson": 44.89590651276241, + "euclidean_spearman": 47.061970299820764, + "main_score": 47.061970299820764, + "manhattan_pearson": 44.780089700405576, + "manhattan_spearman": 46.742447019531525 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/SensitiveTopicsClassification.json b/results/sergeyzh__rubert-tiny-turbo/external/SensitiveTopicsClassification.json new file mode 100644 index 000000000..37f99b2a2 --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/SensitiveTopicsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "416b34a802308eac30e4192afc0ff99bb8dcc7f2", + "task_name": "SensitiveTopicsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 24.443359375, + "f1": 21.903258801323084, + "lrap": 36.34758843315896, + "main_score": 24.443359375 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/StackExchangeClustering.json b/results/sergeyzh__rubert-tiny-turbo/external/StackExchangeClustering.json new file mode 100644 index 000000000..9d8cb8baf --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/StackExchangeClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 33.50613168016603, + "v_measure": 33.50613168016603, + "v_measure_std": 3.91782276122889 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/StackExchangeClusteringP2P.json b/results/sergeyzh__rubert-tiny-turbo/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..5698f1cac --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/StackExchangeClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 27.98150942889309, + "v_measure": 27.98150942889309, + "v_measure_std": 2.0056109104136226 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/TERRa.json b/results/sergeyzh__rubert-tiny-turbo/external/TERRa.json new file mode 100644 index 000000000..965ed8ce0 --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/TERRa.json @@ -0,0 +1,56 @@ +{ + "dataset_revision": "7b58f24536063837d644aab9a023c62199b2a612", + "task_name": "TERRa", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "rus-Cyrl" + ], + "cosine_accuracy": 59.60912052117264, + "cosine_accuracy_threshold": 81.55556917190552, + "cosine_ap": 56.08760299515377, + "cosine_f1": 67.33167082294264, + "cosine_f1_threshold": 78.14505100250244, + "cosine_precision": 54.43548387096774, + "cosine_recall": 88.23529411764706, + "dot_accuracy": 59.60912052117264, + "dot_accuracy_threshold": 81.55556917190552, + "dot_ap": 56.08760299515377, + "dot_f1": 67.33167082294264, + "dot_f1_threshold": 78.14503908157349, + "dot_precision": 54.43548387096774, + "dot_recall": 88.23529411764706, + "euclidean_accuracy": 59.60912052117264, + "euclidean_accuracy_threshold": 60.736143589019775, + "euclidean_ap": 56.08760299515377, + "euclidean_f1": 67.33167082294264, + "euclidean_f1_threshold": 66.11342430114746, + "euclidean_precision": 54.43548387096774, + "euclidean_recall": 88.23529411764706, + "main_score": 56.265447472512676, + "manhattan_accuracy": 60.91205211726385, + "manhattan_accuracy_threshold": 877.9421806335449, + "manhattan_ap": 56.265447472512676, + "manhattan_f1": 67.16791979949875, + "manhattan_f1_threshold": 930.9440612792969, + "manhattan_precision": 54.47154471544715, + "manhattan_recall": 87.58169934640523, + "max_ap": 56.265447472512676, + "max_f1": 67.33167082294264, + "max_precision": 54.47154471544715, + "max_recall": 88.23529411764706, + "similarity_accuracy": 59.60912052117264, + "similarity_accuracy_threshold": 81.55557513237, + "similarity_ap": 56.08760299515377, + "similarity_f1": 67.33167082294264, + "similarity_f1_threshold": 78.1450629234314, + "similarity_precision": 54.43548387096774, + "similarity_recall": 88.23529411764706 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/ToxicChatClassification.json b/results/sergeyzh__rubert-tiny-turbo/external/ToxicChatClassification.json new file mode 100644 index 000000000..c27bc5990 --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/ToxicChatClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "3e0319203c7162b9c9f8015b594441f979c199bc", + "task_name": "ToxicChatClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.56529209621992, + "ap": 21.641229801673067, + "ap_weighted": 21.641229801673067, + "f1": 60.19489676894062, + "f1_weighted": 77.21280694246968, + "main_score": 73.56529209621992 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/ToxicConversationsClassification.json b/results/sergeyzh__rubert-tiny-turbo/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..3444b2d14 --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/ToxicConversationsClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 57.7734375, + "ap": 9.305482173252097, + "ap_weighted": 9.305482173252097, + "f1": 44.43839832998249, + "f1_weighted": 67.10615100631958, + "main_score": 57.7734375 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/TweetSentimentExtractionClassification.json b/results/sergeyzh__rubert-tiny-turbo/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..5961c0155 --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 55.29994340690435, + "f1": 55.3098112653406, + "f1_weighted": 54.4846442708958, + "main_score": 55.29994340690435 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/TweetTopicSingleClassification.json b/results/sergeyzh__rubert-tiny-turbo/external/TweetTopicSingleClassification.json new file mode 100644 index 000000000..378abe78f --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/TweetTopicSingleClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "87b7a0d1c402dbb481db649569c556d9aa27ac05", + "task_name": "TweetTopicSingleClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test_2021": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 52.522150029533364, + "f1": 40.24714634897976, + "f1_weighted": 57.39523757985323, + "main_score": 52.522150029533364 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/TwentyNewsgroupsClustering.json b/results/sergeyzh__rubert-tiny-turbo/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..e8870980e --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 19.90344454285597, + "v_measure": 19.90344454285597, + "v_measure_std": 1.8260774855268984 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/VieMedEVBitextMining.json b/results/sergeyzh__rubert-tiny-turbo/external/VieMedEVBitextMining.json new file mode 100644 index 000000000..860f3a182 --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/VieMedEVBitextMining.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "d03c69413bc53d1cea5a5375b3a953c4fee35ecd", + "task_name": "VieMedEVBitextMining", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn", + "vie-Latn" + ], + "accuracy": 8.69140625, + "f1": 7.772120924359041, + "main_score": 7.772120924359041, + "precision": 7.525730353438241, + "recall": 8.69140625 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/WikiCitiesClustering.json b/results/sergeyzh__rubert-tiny-turbo/external/WikiCitiesClustering.json new file mode 100644 index 000000000..1ed2cab83 --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/WikiCitiesClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ddc9ee9242fa65332597f70e967ecc38b9d734fa", + "task_name": "WikiCitiesClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 56.66855146861069, + "v_measure": 56.66855146861069, + "v_measure_std": 0.0 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/YahooAnswersTopicsClassification.json b/results/sergeyzh__rubert-tiny-turbo/external/YahooAnswersTopicsClassification.json new file mode 100644 index 000000000..cbe4a6b49 --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/YahooAnswersTopicsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "78fccffa043240c80e17a6b1da724f5a1057e8e5", + "task_name": "YahooAnswersTopicsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 41.787109375, + "f1": 40.33967050694529, + "f1_weighted": 40.3509380795682, + "main_score": 41.787109375 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/YelpReviewFullClassification.json b/results/sergeyzh__rubert-tiny-turbo/external/YelpReviewFullClassification.json new file mode 100644 index 000000000..bd56fef19 --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/YelpReviewFullClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "c1f9ee939b7d05667af864ee1cb066393154bf85", + "task_name": "YelpReviewFullClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 43.5888671875, + "f1": 42.36578282497966, + "f1_weighted": 42.363220099893724, + "main_score": 43.5888671875 + } + ] + } +} \ No newline at end of file diff --git a/results/sergeyzh__rubert-tiny-turbo/external/model_meta.json b/results/sergeyzh__rubert-tiny-turbo/external/model_meta.json new file mode 100644 index 000000000..9d4973f29 --- /dev/null +++ b/results/sergeyzh__rubert-tiny-turbo/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "sergeyzh/rubert-tiny-turbo", + "revision": "93769a3baad2b037e5c2e4312fccf6bcfe082bf1", + "release_date": "2024-06-21", + "languages": [ + "ru" + ], + "loader": null, + "n_parameters": 29193768, + "memory_usage": null, + "max_tokens": 2048, + "embed_dim": 312, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/shanghung__stella-base-zh-v3-1792d/external/AFQMC.json b/results/shanghung__stella-base-zh-v3-1792d/external/AFQMC.json new file mode 100644 index 000000000..a4a23045f --- /dev/null +++ b/results/shanghung__stella-base-zh-v3-1792d/external/AFQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 54.5145388936202, + "cos_sim_spearman": 59.223125058197134, + "euclidean_pearson": 57.819377838734695, + "euclidean_spearman": 59.22310494948463, + "manhattan_pearson": 57.44029759610327, + "manhattan_spearman": 58.88336250854381, + "cosine_pearson": 54.5145388936202, + "cosine_spearman": 59.223125058197134, + "main_score": 59.223125058197134 + } + ] + } +} \ No newline at end of file diff --git a/results/shanghung__stella-base-zh-v3-1792d/external/ATEC.json b/results/shanghung__stella-base-zh-v3-1792d/external/ATEC.json new file mode 100644 index 000000000..6ac4fd58e --- /dev/null +++ b/results/shanghung__stella-base-zh-v3-1792d/external/ATEC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 54.544243591344866, + "cos_sim_spearman": 58.43052988038229, + "euclidean_pearson": 62.1608405146189, + "euclidean_spearman": 58.43052762862396, + "manhattan_pearson": 61.88443779892169, + "manhattan_spearman": 58.26899143609596, + "cosine_pearson": 54.544243591344866, + "cosine_spearman": 58.43052988038229, + "main_score": 58.43052988038229 + } + ] + } +} \ No newline at end of file diff --git a/results/shanghung__stella-base-zh-v3-1792d/external/AmazonReviewsClassification.json b/results/shanghung__stella-base-zh-v3-1792d/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..d7a52bb9f --- /dev/null +++ b/results/shanghung__stella-base-zh-v3-1792d/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 46.343999999999994, + "f1": 44.46931958420461, + "main_score": 46.343999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/shanghung__stella-base-zh-v3-1792d/external/BQ.json b/results/shanghung__stella-base-zh-v3-1792d/external/BQ.json new file mode 100644 index 000000000..51cb1c858 --- /dev/null +++ b/results/shanghung__stella-base-zh-v3-1792d/external/BQ.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 68.52081000538426, + "cos_sim_spearman": 70.44089935351529, + "euclidean_pearson": 69.24671010626395, + "euclidean_spearman": 70.44090281761693, + "manhattan_pearson": 69.00737718109357, + "manhattan_spearman": 70.24344902456502, + "cosine_pearson": 68.52081000538426, + "cosine_spearman": 70.44089935351529, + "main_score": 70.44089935351529 + } + ] + } +} \ No newline at end of file diff --git a/results/shanghung__stella-base-zh-v3-1792d/external/CLSClusteringP2P.json b/results/shanghung__stella-base-zh-v3-1792d/external/CLSClusteringP2P.json new file mode 100644 index 000000000..7acff90e7 --- /dev/null +++ b/results/shanghung__stella-base-zh-v3-1792d/external/CLSClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 42.86119436460332, + "main_score": 42.86119436460332 + } + ] + } +} \ No newline at end of file diff --git a/results/shanghung__stella-base-zh-v3-1792d/external/CLSClusteringS2S.json b/results/shanghung__stella-base-zh-v3-1792d/external/CLSClusteringS2S.json new file mode 100644 index 000000000..7b6bb3686 --- /dev/null +++ b/results/shanghung__stella-base-zh-v3-1792d/external/CLSClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 39.97521728440642, + "main_score": 39.97521728440642 + } + ] + } +} \ No newline at end of file diff --git a/results/shanghung__stella-base-zh-v3-1792d/external/CmedqaRetrieval.json b/results/shanghung__stella-base-zh-v3-1792d/external/CmedqaRetrieval.json new file mode 100644 index 000000000..820b48027 --- /dev/null +++ b/results/shanghung__stella-base-zh-v3-1792d/external/CmedqaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 25.651000000000003, + "map_at_10": 38.576, + "map_at_100": 40.534, + "map_at_1000": 40.64, + "map_at_3": 34.016000000000005, + "map_at_5": 36.675999999999995, + "mrr_at_1": 39.06, + "mrr_at_10": 47.278, + "mrr_at_100": 48.272999999999996, + "mrr_at_1000": 48.314, + "mrr_at_3": 44.461, + "mrr_at_5": 46.107, + "ndcg_at_1": 39.06, + "ndcg_at_10": 45.384, + "ndcg_at_100": 52.796, + "ndcg_at_1000": 54.55, + "ndcg_at_3": 39.497, + "ndcg_at_5": 42.189, + "precision_at_1": 39.06, + "precision_at_10": 10.17, + "precision_at_100": 1.6179999999999999, + "precision_at_1000": 0.184, + "precision_at_3": 22.247, + "precision_at_5": 16.529, + "recall_at_1": 25.651000000000003, + "recall_at_10": 56.82899999999999, + "recall_at_100": 87.134, + "recall_at_1000": 98.709, + "recall_at_3": 39.461, + "recall_at_5": 47.329, + "main_score": 45.384 + } + ] + } +} \ No newline at end of file diff --git a/results/shanghung__stella-base-zh-v3-1792d/external/Cmnli.json b/results/shanghung__stella-base-zh-v3-1792d/external/Cmnli.json new file mode 100644 index 000000000..f46b40571 --- /dev/null +++ b/results/shanghung__stella-base-zh-v3-1792d/external/Cmnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Cmnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 83.1870114251353, + "cos_sim_ap": 90.42393852164342, + "cos_sim_f1": 84.10685985963323, + "cos_sim_precision": 81.5229317533465, + "cos_sim_recall": 86.85994856207621, + "dot_accuracy": 83.1870114251353, + "dot_ap": 90.41339758845682, + "dot_f1": 84.10685985963323, + "dot_precision": 81.5229317533465, + "dot_recall": 86.85994856207621, + "euclidean_accuracy": 83.1870114251353, + "euclidean_ap": 90.42393581056393, + "euclidean_f1": 84.10685985963323, + "euclidean_precision": 81.5229317533465, + "euclidean_recall": 86.85994856207621, + "manhattan_accuracy": 82.77811184606134, + "manhattan_ap": 90.18115714681704, + "manhattan_f1": 83.75083130126357, + "manhattan_precision": 79.62065331928345, + "manhattan_recall": 88.33294365209258, + "max_accuracy": 83.1870114251353, + "max_ap": 90.42393852164342, + "max_f1": 84.10685985963323, + "main_score": 83.1870114251353 + } + ] + } +} \ No newline at end of file diff --git a/results/shanghung__stella-base-zh-v3-1792d/external/CovidRetrieval.json b/results/shanghung__stella-base-zh-v3-1792d/external/CovidRetrieval.json new file mode 100644 index 000000000..20b0211e4 --- /dev/null +++ b/results/shanghung__stella-base-zh-v3-1792d/external/CovidRetrieval.json @@ -0,0 +1,47 @@ + { + "dataset_revision": "None", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 68.388, + "map_at_10": 76.819, + "map_at_100": 77.153, + "map_at_1000": 77.16, + "map_at_3": 74.98700000000001, + "map_at_5": 76.101, + "mrr_at_1": 68.599, + "mrr_at_10": 76.844, + "mrr_at_100": 77.168, + "mrr_at_1000": 77.17500000000001, + "mrr_at_3": 75.044, + "mrr_at_5": 76.208, + "ndcg_at_1": 68.599, + "ndcg_at_10": 80.613, + "ndcg_at_100": 82.017, + "ndcg_at_1000": 82.19300000000001, + "ndcg_at_3": 76.956, + "ndcg_at_5": 78.962, + "precision_at_1": 68.599, + "precision_at_10": 9.336, + "precision_at_100": 0.996, + "precision_at_1000": 0.101, + "precision_at_3": 27.678000000000004, + "precision_at_5": 17.619, + "recall_at_1": 68.388, + "recall_at_10": 92.36, + "recall_at_100": 98.52499999999999, + "recall_at_1000": 99.895, + "recall_at_3": 82.53399999999999, + "recall_at_5": 87.355, + "main_score": 80.613 + } + ] + } +} \ No newline at end of file diff --git a/results/shanghung__stella-base-zh-v3-1792d/external/DuRetrieval.json b/results/shanghung__stella-base-zh-v3-1792d/external/DuRetrieval.json new file mode 100644 index 000000000..3cad263bb --- /dev/null +++ b/results/shanghung__stella-base-zh-v3-1792d/external/DuRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 25.1, + "map_at_10": 77.71000000000001, + "map_at_100": 80.638, + "map_at_1000": 80.679, + "map_at_3": 53.187, + "map_at_5": 67.735, + "mrr_at_1": 87.8, + "mrr_at_10": 91.8, + "mrr_at_100": 91.893, + "mrr_at_1000": 91.89500000000001, + "mrr_at_3": 91.51700000000001, + "mrr_at_5": 91.704, + "ndcg_at_1": 87.8, + "ndcg_at_10": 85.55, + "ndcg_at_100": 88.626, + "ndcg_at_1000": 89.021, + "ndcg_at_3": 83.94, + "ndcg_at_5": 83.259, + "precision_at_1": 87.8, + "precision_at_10": 41.295, + "precision_at_100": 4.781, + "precision_at_1000": 0.488, + "precision_at_3": 75.3, + "precision_at_5": 64.13, + "recall_at_1": 25.1, + "recall_at_10": 87.076, + "recall_at_100": 97.095, + "recall_at_1000": 99.129, + "recall_at_3": 56.013999999999996, + "recall_at_5": 73.2, + "main_score": 85.55 + } + ] + } +} \ No newline at end of file diff --git a/results/shanghung__stella-base-zh-v3-1792d/external/EcomRetrieval.json b/results/shanghung__stella-base-zh-v3-1792d/external/EcomRetrieval.json new file mode 100644 index 000000000..ed22d0055 --- /dev/null +++ b/results/shanghung__stella-base-zh-v3-1792d/external/EcomRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 53.300000000000004, + "map_at_10": 63.01, + "map_at_100": 63.574, + "map_at_1000": 63.587, + "map_at_3": 60.783, + "map_at_5": 62.098, + "mrr_at_1": 53.300000000000004, + "mrr_at_10": 63.01, + "mrr_at_100": 63.574, + "mrr_at_1000": 63.587, + "mrr_at_3": 60.783, + "mrr_at_5": 62.098, + "ndcg_at_1": 53.300000000000004, + "ndcg_at_10": 67.876, + "ndcg_at_100": 70.434, + "ndcg_at_1000": 70.753, + "ndcg_at_3": 63.275000000000006, + "ndcg_at_5": 65.654, + "precision_at_1": 53.300000000000004, + "precision_at_10": 8.32, + "precision_at_100": 0.9480000000000001, + "precision_at_1000": 0.097, + "precision_at_3": 23.5, + "precision_at_5": 15.260000000000002, + "recall_at_1": 53.300000000000004, + "recall_at_10": 83.2, + "recall_at_100": 94.8, + "recall_at_1000": 97.3, + "recall_at_3": 70.5, + "recall_at_5": 76.3, + "main_score": 67.876 + } + ] + } +} \ No newline at end of file diff --git a/results/shanghung__stella-base-zh-v3-1792d/external/IFlyTek.json b/results/shanghung__stella-base-zh-v3-1792d/external/IFlyTek.json new file mode 100644 index 000000000..97f1f6387 --- /dev/null +++ b/results/shanghung__stella-base-zh-v3-1792d/external/IFlyTek.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 49.92689495959984, + "f1": 37.784780470986625, + "main_score": 49.92689495959984 + } + ] + } +} \ No newline at end of file diff --git a/results/shanghung__stella-base-zh-v3-1792d/external/JDReview.json b/results/shanghung__stella-base-zh-v3-1792d/external/JDReview.json new file mode 100644 index 000000000..e5fa37744 --- /dev/null +++ b/results/shanghung__stella-base-zh-v3-1792d/external/JDReview.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 86.26641651031895, + "ap": 54.50750244841821, + "f1": 80.94927946681523, + "main_score": 86.26641651031895 + } + ] + } +} \ No newline at end of file diff --git a/results/shanghung__stella-base-zh-v3-1792d/external/LCQMC.json b/results/shanghung__stella-base-zh-v3-1792d/external/LCQMC.json new file mode 100644 index 000000000..cee1980f8 --- /dev/null +++ b/results/shanghung__stella-base-zh-v3-1792d/external/LCQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 72.3980811478615, + "cos_sim_spearman": 78.26906056425528, + "euclidean_pearson": 77.87705501225068, + "euclidean_spearman": 78.26905834518651, + "manhattan_pearson": 77.77154630197, + "manhattan_spearman": 78.1940918602169, + "cosine_pearson": 72.3980811478615, + "cosine_spearman": 78.26906056425528, + "main_score": 78.26906056425528 + } + ] + } +} \ No newline at end of file diff --git a/results/shanghung__stella-base-zh-v3-1792d/external/MMarcoReranking.json b/results/shanghung__stella-base-zh-v3-1792d/external/MMarcoReranking.json new file mode 100644 index 000000000..85ba06827 --- /dev/null +++ b/results/shanghung__stella-base-zh-v3-1792d/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 27.48003475319453, + "mrr": 26.400793650793652, + "main_score": 27.48003475319453 + } + ] + } +} \ No newline at end of file diff --git a/results/shanghung__stella-base-zh-v3-1792d/external/MMarcoRetrieval.json b/results/shanghung__stella-base-zh-v3-1792d/external/MMarcoRetrieval.json new file mode 100644 index 000000000..864ee0b23 --- /dev/null +++ b/results/shanghung__stella-base-zh-v3-1792d/external/MMarcoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 64.373, + "map_at_10": 73.604, + "map_at_100": 73.953, + "map_at_1000": 73.965, + "map_at_3": 71.70100000000001, + "map_at_5": 72.859, + "mrr_at_1": 66.676, + "mrr_at_10": 74.248, + "mrr_at_100": 74.56099999999999, + "mrr_at_1000": 74.572, + "mrr_at_3": 72.59100000000001, + "mrr_at_5": 73.592, + "ndcg_at_1": 66.676, + "ndcg_at_10": 77.417, + "ndcg_at_100": 79.006, + "ndcg_at_1000": 79.334, + "ndcg_at_3": 73.787, + "ndcg_at_5": 75.74, + "precision_at_1": 66.676, + "precision_at_10": 9.418, + "precision_at_100": 1.0210000000000001, + "precision_at_1000": 0.105, + "precision_at_3": 27.832, + "precision_at_5": 17.736, + "recall_at_1": 64.373, + "recall_at_10": 88.565, + "recall_at_100": 95.789, + "recall_at_1000": 98.355, + "recall_at_3": 78.914, + "recall_at_5": 83.56, + "main_score": 77.417 + } + ] + } +} \ No newline at end of file diff --git a/results/shanghung__stella-base-zh-v3-1792d/external/MassiveIntentClassification.json b/results/shanghung__stella-base-zh-v3-1792d/external/MassiveIntentClassification.json new file mode 100644 index 000000000..691a0a351 --- /dev/null +++ b/results/shanghung__stella-base-zh-v3-1792d/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 72.0544720914593, + "f1": 69.61749470345791, + "main_score": 72.0544720914593 + } + ] + } +} \ No newline at end of file diff --git a/results/shanghung__stella-base-zh-v3-1792d/external/MassiveScenarioClassification.json b/results/shanghung__stella-base-zh-v3-1792d/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..c652593e9 --- /dev/null +++ b/results/shanghung__stella-base-zh-v3-1792d/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 75.30262273032953, + "f1": 75.05097671215634, + "main_score": 75.30262273032953 + } + ] + } +} \ No newline at end of file diff --git a/results/shanghung__stella-base-zh-v3-1792d/external/MedicalRetrieval.json b/results/shanghung__stella-base-zh-v3-1792d/external/MedicalRetrieval.json new file mode 100644 index 000000000..508599baa --- /dev/null +++ b/results/shanghung__stella-base-zh-v3-1792d/external/MedicalRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 55.1, + "map_at_10": 61.284000000000006, + "map_at_100": 61.794000000000004, + "map_at_1000": 61.838, + "map_at_3": 59.75, + "map_at_5": 60.64000000000001, + "mrr_at_1": 55.300000000000004, + "mrr_at_10": 61.38400000000001, + "mrr_at_100": 61.894000000000005, + "mrr_at_1000": 61.938, + "mrr_at_3": 59.85, + "mrr_at_5": 60.74, + "ndcg_at_1": 55.1, + "ndcg_at_10": 64.345, + "ndcg_at_100": 67.148, + "ndcg_at_1000": 68.36, + "ndcg_at_3": 61.182, + "ndcg_at_5": 62.808, + "precision_at_1": 55.1, + "precision_at_10": 7.3999999999999995, + "precision_at_100": 0.8789999999999999, + "precision_at_1000": 0.098, + "precision_at_3": 21.767, + "precision_at_5": 13.86, + "recall_at_1": 55.1, + "recall_at_10": 74, + "recall_at_100": 87.9, + "recall_at_1000": 97.5, + "recall_at_3": 65.3, + "recall_at_5": 69.3, + "main_score": 64.345 + } + ] + } +} \ No newline at end of file diff --git a/results/shanghung__stella-base-zh-v3-1792d/external/MultilingualSentiment.json b/results/shanghung__stella-base-zh-v3-1792d/external/MultilingualSentiment.json new file mode 100644 index 000000000..700fd563d --- /dev/null +++ b/results/shanghung__stella-base-zh-v3-1792d/external/MultilingualSentiment.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 76.21666666666667, + "f1": 76.03732395559548, + "main_score": 76.21666666666667 + } + ] + } +} \ No newline at end of file diff --git a/results/shanghung__stella-base-zh-v3-1792d/external/Ocnli.json b/results/shanghung__stella-base-zh-v3-1792d/external/Ocnli.json new file mode 100644 index 000000000..5ba916d4f --- /dev/null +++ b/results/shanghung__stella-base-zh-v3-1792d/external/Ocnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Ocnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 81.8083378451543, + "cos_sim_ap": 85.43050139514027, + "cos_sim_f1": 83.25969563082965, + "cos_sim_precision": 77.79816513761469, + "cos_sim_recall": 89.54593453009504, + "dot_accuracy": 81.8083378451543, + "dot_ap": 85.43050139514027, + "dot_f1": 83.25969563082965, + "dot_precision": 77.79816513761469, + "dot_recall": 89.54593453009504, + "euclidean_accuracy": 81.8083378451543, + "euclidean_ap": 85.43050139514027, + "euclidean_f1": 83.25969563082965, + "euclidean_precision": 77.79816513761469, + "euclidean_recall": 89.54593453009504, + "manhattan_accuracy": 81.53762858689767, + "manhattan_ap": 84.90556637024838, + "manhattan_f1": 82.90258449304174, + "manhattan_precision": 78.30985915492957, + "manhattan_recall": 88.0675818373812, + "max_accuracy": 81.8083378451543, + "max_ap": 85.43050139514027, + "max_f1": 83.25969563082965, + "main_score": 81.8083378451543 + } + ] + } +} \ No newline at end of file diff --git a/results/shanghung__stella-base-zh-v3-1792d/external/OnlineShopping.json b/results/shanghung__stella-base-zh-v3-1792d/external/OnlineShopping.json new file mode 100644 index 000000000..8de946750 --- /dev/null +++ b/results/shanghung__stella-base-zh-v3-1792d/external/OnlineShopping.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 93.53, + "ap": 91.62070655043128, + "f1": 93.51908163199477, + "main_score": 93.53 + } + ] + } +} \ No newline at end of file diff --git a/results/shanghung__stella-base-zh-v3-1792d/external/PAWSX.json b/results/shanghung__stella-base-zh-v3-1792d/external/PAWSX.json new file mode 100644 index 000000000..e956c2581 --- /dev/null +++ b/results/shanghung__stella-base-zh-v3-1792d/external/PAWSX.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 38.451787103814375, + "cos_sim_spearman": 43.97299462643919, + "euclidean_pearson": 43.63298716626501, + "euclidean_spearman": 43.973080252178576, + "manhattan_pearson": 43.37465277323481, + "manhattan_spearman": 43.71981281220414, + "cosine_pearson": 38.451787103814375, + "cosine_spearman": 43.97299462643919, + "main_score": 43.97299462643919 + } + ] + } +} \ No newline at end of file diff --git a/results/shanghung__stella-base-zh-v3-1792d/external/QBQTC.json b/results/shanghung__stella-base-zh-v3-1792d/external/QBQTC.json new file mode 100644 index 000000000..442bac2c5 --- /dev/null +++ b/results/shanghung__stella-base-zh-v3-1792d/external/QBQTC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "QBQTC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 37.75882451277358, + "cos_sim_spearman": 40.0244327844802, + "euclidean_pearson": 38.11050875514246, + "euclidean_spearman": 40.02440987254504, + "manhattan_pearson": 38.03186803221696, + "manhattan_spearman": 39.757452890246775, + "cosine_pearson": 37.75882451277358, + "cosine_spearman": 40.0244327844802, + "main_score": 40.0244327844802 + } + ] + } +} \ No newline at end of file diff --git a/results/shanghung__stella-base-zh-v3-1792d/external/STS22.json b/results/shanghung__stella-base-zh-v3-1792d/external/STS22.json new file mode 100644 index 000000000..6fd6282bd --- /dev/null +++ b/results/shanghung__stella-base-zh-v3-1792d/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 65.9133992390713, + "cos_sim_spearman": 66.4894937647578, + "euclidean_pearson": 66.19047142189935, + "euclidean_spearman": 66.4894937647578, + "manhattan_pearson": 66.6960935896136, + "manhattan_spearman": 66.88179996508133, + "cosine_pearson": 65.9133992390713, + "cosine_spearman": 66.4894937647578, + "main_score": 66.4894937647578 + } + ] + } +} \ No newline at end of file diff --git a/results/shanghung__stella-base-zh-v3-1792d/external/STSB.json b/results/shanghung__stella-base-zh-v3-1792d/external/STSB.json new file mode 100644 index 000000000..c599921c6 --- /dev/null +++ b/results/shanghung__stella-base-zh-v3-1792d/external/STSB.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 80.55099417946924, + "cos_sim_spearman": 83.05000687568048, + "euclidean_pearson": 82.62744668792926, + "euclidean_spearman": 83.05000687568048, + "manhattan_pearson": 82.6543207325763, + "manhattan_spearman": 83.06852715971705, + "cosine_pearson": 80.55099417946924, + "cosine_spearman": 83.05000687568048, + "main_score": 83.05000687568048 + } + ] + } +} \ No newline at end of file diff --git a/results/shanghung__stella-base-zh-v3-1792d/external/T2Reranking.json b/results/shanghung__stella-base-zh-v3-1792d/external/T2Reranking.json new file mode 100644 index 000000000..d31ccd252 --- /dev/null +++ b/results/shanghung__stella-base-zh-v3-1792d/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 66.48634798223672, + "mrr": 76.30158461488861, + "main_score": 66.48634798223672 + } + ] + } +} \ No newline at end of file diff --git a/results/shanghung__stella-base-zh-v3-1792d/external/T2Retrieval.json b/results/shanghung__stella-base-zh-v3-1792d/external/T2Retrieval.json new file mode 100644 index 000000000..a5a806848 --- /dev/null +++ b/results/shanghung__stella-base-zh-v3-1792d/external/T2Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 27.483999999999998, + "map_at_10": 76.848, + "map_at_100": 80.541, + "map_at_1000": 80.607, + "map_at_3": 54.111, + "map_at_5": 66.46300000000001, + "mrr_at_1": 90.045, + "mrr_at_10": 92.552, + "mrr_at_100": 92.642, + "mrr_at_1000": 92.645, + "mrr_at_3": 92.134, + "mrr_at_5": 92.391, + "ndcg_at_1": 90.045, + "ndcg_at_10": 84.504, + "ndcg_at_100": 88.23100000000001, + "ndcg_at_1000": 88.85300000000001, + "ndcg_at_3": 85.992, + "ndcg_at_5": 84.548, + "precision_at_1": 90.045, + "precision_at_10": 41.91, + "precision_at_100": 5.017, + "precision_at_1000": 0.516, + "precision_at_3": 75.15899999999999, + "precision_at_5": 62.958000000000006, + "recall_at_1": 27.483999999999998, + "recall_at_10": 83.408, + "recall_at_100": 95.514, + "recall_at_1000": 98.65, + "recall_at_3": 55.822, + "recall_at_5": 69.868, + "main_score": 84.504 + } + ] + } +} \ No newline at end of file diff --git a/results/shanghung__stella-base-zh-v3-1792d/external/TNews.json b/results/shanghung__stella-base-zh-v3-1792d/external/TNews.json new file mode 100644 index 000000000..789a6e7fe --- /dev/null +++ b/results/shanghung__stella-base-zh-v3-1792d/external/TNews.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 53.196, + "f1": 51.51679244513836, + "main_score": 53.196 + } + ] + } +} \ No newline at end of file diff --git a/results/shanghung__stella-base-zh-v3-1792d/external/ThuNewsClusteringP2P.json b/results/shanghung__stella-base-zh-v3-1792d/external/ThuNewsClusteringP2P.json new file mode 100644 index 000000000..8d5c2c2a0 --- /dev/null +++ b/results/shanghung__stella-base-zh-v3-1792d/external/ThuNewsClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 67.87592101539063, + "main_score": 67.87592101539063 + } + ] + } +} \ No newline at end of file diff --git a/results/shanghung__stella-base-zh-v3-1792d/external/ThuNewsClusteringS2S.json b/results/shanghung__stella-base-zh-v3-1792d/external/ThuNewsClusteringS2S.json new file mode 100644 index 000000000..4c9b90aaf --- /dev/null +++ b/results/shanghung__stella-base-zh-v3-1792d/external/ThuNewsClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 62.4675464095125, + "main_score": 62.4675464095125 + } + ] + } +} \ No newline at end of file diff --git a/results/shanghung__stella-base-zh-v3-1792d/external/VideoRetrieval.json b/results/shanghung__stella-base-zh-v3-1792d/external/VideoRetrieval.json new file mode 100644 index 000000000..de6ff8121 --- /dev/null +++ b/results/shanghung__stella-base-zh-v3-1792d/external/VideoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 57.9, + "map_at_10": 68.099, + "map_at_100": 68.55499999999999, + "map_at_1000": 68.566, + "map_at_3": 66.4, + "map_at_5": 67.46, + "mrr_at_1": 57.9, + "mrr_at_10": 68.099, + "mrr_at_100": 68.55499999999999, + "mrr_at_1000": 68.566, + "mrr_at_3": 66.4, + "mrr_at_5": 67.46, + "ndcg_at_1": 57.9, + "ndcg_at_10": 72.555, + "ndcg_at_100": 74.715, + "ndcg_at_1000": 75.034, + "ndcg_at_3": 69.102, + "ndcg_at_5": 71.004, + "precision_at_1": 57.9, + "precision_at_10": 8.63, + "precision_at_100": 0.963, + "precision_at_1000": 0.099, + "precision_at_3": 25.633, + "precision_at_5": 16.3, + "recall_at_1": 57.9, + "recall_at_10": 86.3, + "recall_at_100": 96.3, + "recall_at_1000": 98.9, + "recall_at_3": 76.9, + "recall_at_5": 81.5, + "main_score": 72.555 + } + ] + } +} \ No newline at end of file diff --git a/results/shanghung__stella-base-zh-v3-1792d/external/Waimai.json b/results/shanghung__stella-base-zh-v3-1792d/external/Waimai.json new file mode 100644 index 000000000..05e4a389f --- /dev/null +++ b/results/shanghung__stella-base-zh-v3-1792d/external/Waimai.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 87.27000000000001, + "ap": 71.10883470119464, + "f1": 85.76618863591946, + "main_score": 87.27000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/shanghung__stella-base-zh-v3-1792d/external/model_meta.json b/results/shanghung__stella-base-zh-v3-1792d/external/model_meta.json new file mode 100644 index 000000000..4cdfd30ba --- /dev/null +++ b/results/shanghung__stella-base-zh-v3-1792d/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "shanghung/stella-base-zh-v3-1792d", + "revision": "84e48e9cf3443df6bb6b15c48b5dfe4639b8ed6b", + "release_date": "2024-09-20", + "languages": [], + "loader": null, + "n_parameters": 102086472, + "memory_usage": null, + "max_tokens": 1024, + "embed_dim": 1792, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/shhy1995__AGE_Hybrid/external/AFQMC.json b/results/shhy1995__AGE_Hybrid/external/AFQMC.json new file mode 100644 index 000000000..e982f0f29 --- /dev/null +++ b/results/shhy1995__AGE_Hybrid/external/AFQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 54.374695963209476, + "cos_sim_spearman": 58.61378404489695, + "euclidean_pearson": 57.400266024507914, + "euclidean_spearman": 58.613784047084096, + "manhattan_pearson": 57.38157387794458, + "manhattan_spearman": 58.574259007541265, + "cosine_pearson": 54.374695963209476, + "cosine_spearman": 58.61378404489695, + "main_score": 58.61378404489695 + } + ] + } +} \ No newline at end of file diff --git a/results/shhy1995__AGE_Hybrid/external/ATEC.json b/results/shhy1995__AGE_Hybrid/external/ATEC.json new file mode 100644 index 000000000..1ef02b49a --- /dev/null +++ b/results/shhy1995__AGE_Hybrid/external/ATEC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 54.45976756975548, + "cos_sim_spearman": 58.02715269428664, + "euclidean_pearson": 61.66384760865219, + "euclidean_spearman": 58.02715269404729, + "manhattan_pearson": 61.65225559810625, + "manhattan_spearman": 58.01857808173552, + "cosine_pearson": 54.45976756975548, + "cosine_spearman": 58.02715269428664, + "main_score": 58.02715269428664 + } + ] + } +} \ No newline at end of file diff --git a/results/shhy1995__AGE_Hybrid/external/AmazonReviewsClassification.json b/results/shhy1995__AGE_Hybrid/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..b1b13c822 --- /dev/null +++ b/results/shhy1995__AGE_Hybrid/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 49.684000000000005, + "f1": 48.65598525270613, + "main_score": 49.684000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/shhy1995__AGE_Hybrid/external/BQ.json b/results/shhy1995__AGE_Hybrid/external/BQ.json new file mode 100644 index 000000000..aa885df6b --- /dev/null +++ b/results/shhy1995__AGE_Hybrid/external/BQ.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 69.31255159649066, + "cos_sim_spearman": 70.98203706268313, + "euclidean_pearson": 70.00607736062557, + "euclidean_spearman": 70.98203706225725, + "manhattan_pearson": 69.99109520014915, + "manhattan_spearman": 70.96937923489206, + "cosine_pearson": 69.31255159649066, + "cosine_spearman": 70.98203706268313, + "main_score": 70.98203706268313 + } + ] + } +} \ No newline at end of file diff --git a/results/shhy1995__AGE_Hybrid/external/CLSClusteringP2P.json b/results/shhy1995__AGE_Hybrid/external/CLSClusteringP2P.json new file mode 100644 index 000000000..0e771bf3c --- /dev/null +++ b/results/shhy1995__AGE_Hybrid/external/CLSClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 57.39428997427469, + "main_score": 57.39428997427469 + } + ] + } +} \ No newline at end of file diff --git a/results/shhy1995__AGE_Hybrid/external/CLSClusteringS2S.json b/results/shhy1995__AGE_Hybrid/external/CLSClusteringS2S.json new file mode 100644 index 000000000..2b9aa648a --- /dev/null +++ b/results/shhy1995__AGE_Hybrid/external/CLSClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 54.109596265048545, + "main_score": 54.109596265048545 + } + ] + } +} \ No newline at end of file diff --git a/results/shhy1995__AGE_Hybrid/external/CmedqaRetrieval.json b/results/shhy1995__AGE_Hybrid/external/CmedqaRetrieval.json new file mode 100644 index 000000000..6c89905fa --- /dev/null +++ b/results/shhy1995__AGE_Hybrid/external/CmedqaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "cd540c506dae1cf9e9a59c3e06f42030d54e7301", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 27.367, + "map_at_10": 40.595, + "map_at_100": 42.522, + "map_at_1000": 42.620999999999995, + "map_at_3": 36.236000000000004, + "map_at_5": 38.716, + "mrr_at_1": 41.510000000000005, + "mrr_at_10": 49.617, + "mrr_at_100": 50.595, + "mrr_at_1000": 50.632999999999996, + "mrr_at_3": 47.124, + "mrr_at_5": 48.565000000000005, + "ndcg_at_1": 41.510000000000005, + "ndcg_at_10": 47.259, + "ndcg_at_100": 54.535, + "ndcg_at_1000": 56.21000000000001, + "ndcg_at_3": 41.921, + "ndcg_at_5": 44.230999999999995, + "precision_at_1": 41.510000000000005, + "precision_at_10": 10.448, + "precision_at_100": 1.629, + "precision_at_1000": 0.184, + "precision_at_3": 23.623, + "precision_at_5": 17.183999999999997, + "recall_at_1": 27.367, + "recall_at_10": 57.809, + "recall_at_100": 87.698, + "recall_at_1000": 98.883, + "recall_at_3": 41.738, + "recall_at_5": 48.868, + "main_score": 47.259 + } + ] + } +} \ No newline at end of file diff --git a/results/shhy1995__AGE_Hybrid/external/Cmnli.json b/results/shhy1995__AGE_Hybrid/external/Cmnli.json new file mode 100644 index 000000000..1620ce5e9 --- /dev/null +++ b/results/shhy1995__AGE_Hybrid/external/Cmnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Cmnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 81.3950691521347, + "cos_sim_ap": 89.42479623257792, + "cos_sim_f1": 82.7800599533696, + "cos_sim_precision": 78.81606765327696, + "cos_sim_recall": 87.16389992985738, + "dot_accuracy": 81.3950691521347, + "dot_ap": 89.44637882076245, + "dot_f1": 82.7800599533696, + "dot_precision": 78.81606765327696, + "dot_recall": 87.16389992985738, + "euclidean_accuracy": 81.3950691521347, + "euclidean_ap": 89.42479382288857, + "euclidean_f1": 82.7800599533696, + "euclidean_precision": 78.81606765327696, + "euclidean_recall": 87.16389992985738, + "manhattan_accuracy": 81.53938665063139, + "manhattan_ap": 89.41695475090047, + "manhattan_f1": 82.76245551601423, + "manhattan_precision": 78.91834570519617, + "manhattan_recall": 87.00023380874444, + "max_accuracy": 81.53938665063139, + "max_ap": 89.44637882076245, + "max_f1": 82.7800599533696, + "main_score": 81.53938665063139 + } + ] + } +} \ No newline at end of file diff --git a/results/shhy1995__AGE_Hybrid/external/CovidRetrieval.json b/results/shhy1995__AGE_Hybrid/external/CovidRetrieval.json new file mode 100644 index 000000000..ed7a89d96 --- /dev/null +++ b/results/shhy1995__AGE_Hybrid/external/CovidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "1271c7809071a13532e05f25fb53511ffce77117", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 71.918, + "map_at_10": 80.068, + "map_at_100": 80.297, + "map_at_1000": 80.30199999999999, + "map_at_3": 78.40700000000001, + "map_at_5": 79.467, + "mrr_at_1": 72.287, + "mrr_at_10": 80.123, + "mrr_at_100": 80.34599999999999, + "mrr_at_1000": 80.35, + "mrr_at_3": 78.50399999999999, + "mrr_at_5": 79.56800000000001, + "ndcg_at_1": 72.181, + "ndcg_at_10": 83.664, + "ndcg_at_100": 84.61800000000001, + "ndcg_at_1000": 84.75, + "ndcg_at_3": 80.353, + "ndcg_at_5": 82.242, + "precision_at_1": 72.181, + "precision_at_10": 9.579, + "precision_at_100": 1.0, + "precision_at_1000": 0.101, + "precision_at_3": 28.837000000000003, + "precision_at_5": 18.251, + "recall_at_1": 71.918, + "recall_at_10": 94.784, + "recall_at_100": 98.946, + "recall_at_1000": 100.0, + "recall_at_3": 85.88, + "recall_at_5": 90.411, + "main_score": 83.664 + } + ] + } +} \ No newline at end of file diff --git a/results/shhy1995__AGE_Hybrid/external/DuRetrieval.json b/results/shhy1995__AGE_Hybrid/external/DuRetrieval.json new file mode 100644 index 000000000..55ec9a2a3 --- /dev/null +++ b/results/shhy1995__AGE_Hybrid/external/DuRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "a1a333e290fe30b10f3f56498e3a0d911a693ced", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 26.898, + "map_at_10": 82.80999999999999, + "map_at_100": 85.41499999999999, + "map_at_1000": 85.449, + "map_at_3": 57.692, + "map_at_5": 72.921, + "mrr_at_1": 92.15, + "mrr_at_10": 94.489, + "mrr_at_100": 94.549, + "mrr_at_1000": 94.551, + "mrr_at_3": 94.22500000000001, + "mrr_at_5": 94.375, + "ndcg_at_1": 92.15, + "ndcg_at_10": 89.283, + "ndcg_at_100": 91.63900000000001, + "ndcg_at_1000": 91.94600000000001, + "ndcg_at_3": 88.631, + "ndcg_at_5": 87.576, + "precision_at_1": 92.15, + "precision_at_10": 42.47, + "precision_at_100": 4.814, + "precision_at_1000": 0.48900000000000005, + "precision_at_3": 79.567, + "precision_at_5": 67.2, + "recall_at_1": 26.898, + "recall_at_10": 89.934, + "recall_at_100": 97.898, + "recall_at_1000": 99.485, + "recall_at_3": 59.504000000000005, + "recall_at_5": 76.827, + "main_score": 89.283 + } + ] + } +} \ No newline at end of file diff --git a/results/shhy1995__AGE_Hybrid/external/EcomRetrieval.json b/results/shhy1995__AGE_Hybrid/external/EcomRetrieval.json new file mode 100644 index 000000000..031e1a956 --- /dev/null +++ b/results/shhy1995__AGE_Hybrid/external/EcomRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "687de13dc7294d6fd9be10c6945f9e8fec8166b9", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 54.0, + "map_at_10": 64.352, + "map_at_100": 64.845, + "map_at_1000": 64.85600000000001, + "map_at_3": 62.017, + "map_at_5": 63.437, + "mrr_at_1": 54.0, + "mrr_at_10": 64.352, + "mrr_at_100": 64.845, + "mrr_at_1000": 64.85600000000001, + "mrr_at_3": 62.017, + "mrr_at_5": 63.437, + "ndcg_at_1": 54.0, + "ndcg_at_10": 69.284, + "ndcg_at_100": 71.544, + "ndcg_at_1000": 71.82600000000001, + "ndcg_at_3": 64.56, + "ndcg_at_5": 67.096, + "precision_at_1": 54.0, + "precision_at_10": 8.469999999999999, + "precision_at_100": 0.95, + "precision_at_1000": 0.097, + "precision_at_3": 23.967, + "precision_at_5": 15.6, + "recall_at_1": 54.0, + "recall_at_10": 84.7, + "recall_at_100": 95.0, + "recall_at_1000": 97.2, + "recall_at_3": 71.89999999999999, + "recall_at_5": 78.0, + "main_score": 69.284 + } + ] + } +} \ No newline at end of file diff --git a/results/shhy1995__AGE_Hybrid/external/IFlyTek.json b/results/shhy1995__AGE_Hybrid/external/IFlyTek.json new file mode 100644 index 000000000..22c5873f1 --- /dev/null +++ b/results/shhy1995__AGE_Hybrid/external/IFlyTek.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 51.773759138130046, + "f1": 40.26448545790716, + "main_score": 51.773759138130046 + } + ] + } +} \ No newline at end of file diff --git a/results/shhy1995__AGE_Hybrid/external/JDReview.json b/results/shhy1995__AGE_Hybrid/external/JDReview.json new file mode 100644 index 000000000..d1bc933df --- /dev/null +++ b/results/shhy1995__AGE_Hybrid/external/JDReview.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 86.94183864915573, + "ap": 55.767096662593886, + "f1": 81.6651183069687, + "main_score": 86.94183864915573 + } + ] + } +} \ No newline at end of file diff --git a/results/shhy1995__AGE_Hybrid/external/LCQMC.json b/results/shhy1995__AGE_Hybrid/external/LCQMC.json new file mode 100644 index 000000000..4cb8cd215 --- /dev/null +++ b/results/shhy1995__AGE_Hybrid/external/LCQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 71.87746311678752, + "cos_sim_spearman": 78.14244626549261, + "euclidean_pearson": 77.64591562255025, + "euclidean_spearman": 78.14244847987706, + "manhattan_pearson": 77.6367858272359, + "manhattan_spearman": 78.13184444922685, + "cosine_pearson": 71.87746311678752, + "cosine_spearman": 78.14244626549261, + "main_score": 78.14244626549261 + } + ] + } +} \ No newline at end of file diff --git a/results/shhy1995__AGE_Hybrid/external/MMarcoReranking.json b/results/shhy1995__AGE_Hybrid/external/MMarcoReranking.json new file mode 100644 index 000000000..fd34f3d48 --- /dev/null +++ b/results/shhy1995__AGE_Hybrid/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 29.638329783788777, + "mrr": 28.496825396825397, + "main_score": 29.638329783788777 + } + ] + } +} \ No newline at end of file diff --git a/results/shhy1995__AGE_Hybrid/external/MMarcoRetrieval.json b/results/shhy1995__AGE_Hybrid/external/MMarcoRetrieval.json new file mode 100644 index 000000000..2186bf838 --- /dev/null +++ b/results/shhy1995__AGE_Hybrid/external/MMarcoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "539bbde593d947e2a124ba72651aafc09eb33fc2", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 68.235, + "map_at_10": 77.116, + "map_at_100": 77.415, + "map_at_1000": 77.42599999999999, + "map_at_3": 75.42, + "map_at_5": 76.497, + "mrr_at_1": 70.544, + "mrr_at_10": 77.69200000000001, + "mrr_at_100": 77.949, + "mrr_at_1000": 77.958, + "mrr_at_3": 76.227, + "mrr_at_5": 77.16300000000001, + "ndcg_at_1": 70.544, + "ndcg_at_10": 80.648, + "ndcg_at_100": 81.953, + "ndcg_at_1000": 82.215, + "ndcg_at_3": 77.43299999999999, + "ndcg_at_5": 79.256, + "precision_at_1": 70.544, + "precision_at_10": 9.669, + "precision_at_100": 1.032, + "precision_at_1000": 0.105, + "precision_at_3": 29.059, + "precision_at_5": 18.41, + "recall_at_1": 68.235, + "recall_at_10": 90.941, + "recall_at_100": 96.784, + "recall_at_1000": 98.799, + "recall_at_3": 82.422, + "recall_at_5": 86.76899999999999, + "main_score": 80.648 + } + ] + } +} \ No newline at end of file diff --git a/results/shhy1995__AGE_Hybrid/external/MassiveIntentClassification.json b/results/shhy1995__AGE_Hybrid/external/MassiveIntentClassification.json new file mode 100644 index 000000000..8a271b043 --- /dev/null +++ b/results/shhy1995__AGE_Hybrid/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 80.59852051109617, + "f1": 76.44360152392117, + "main_score": 80.59852051109617 + } + ] + } +} \ No newline at end of file diff --git a/results/shhy1995__AGE_Hybrid/external/MassiveScenarioClassification.json b/results/shhy1995__AGE_Hybrid/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..330dba769 --- /dev/null +++ b/results/shhy1995__AGE_Hybrid/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 87.42098184263618, + "f1": 86.90267126983493, + "main_score": 87.42098184263618 + } + ] + } +} \ No newline at end of file diff --git a/results/shhy1995__AGE_Hybrid/external/MedicalRetrieval.json b/results/shhy1995__AGE_Hybrid/external/MedicalRetrieval.json new file mode 100644 index 000000000..4437b5469 --- /dev/null +++ b/results/shhy1995__AGE_Hybrid/external/MedicalRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "2039188fb5800a9803ba5048df7b76e6fb151fc6", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 57.3, + "map_at_10": 63.04, + "map_at_100": 63.552, + "map_at_1000": 63.596, + "map_at_3": 61.733000000000004, + "map_at_5": 62.407999999999994, + "mrr_at_1": 57.4, + "mrr_at_10": 63.074, + "mrr_at_100": 63.586, + "mrr_at_1000": 63.629000000000005, + "mrr_at_3": 61.767, + "mrr_at_5": 62.442, + "ndcg_at_1": 57.3, + "ndcg_at_10": 65.935, + "ndcg_at_100": 68.679, + "ndcg_at_1000": 69.89699999999999, + "ndcg_at_3": 63.164, + "ndcg_at_5": 64.39, + "precision_at_1": 57.3, + "precision_at_10": 7.51, + "precision_at_100": 0.885, + "precision_at_1000": 0.098, + "precision_at_3": 22.433, + "precision_at_5": 14.06, + "recall_at_1": 57.3, + "recall_at_10": 75.1, + "recall_at_100": 88.5, + "recall_at_1000": 98.2, + "recall_at_3": 67.30000000000001, + "recall_at_5": 70.3, + "main_score": 65.935 + } + ] + } +} \ No newline at end of file diff --git a/results/shhy1995__AGE_Hybrid/external/MultilingualSentiment.json b/results/shhy1995__AGE_Hybrid/external/MultilingualSentiment.json new file mode 100644 index 000000000..c313d6fc4 --- /dev/null +++ b/results/shhy1995__AGE_Hybrid/external/MultilingualSentiment.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 75.92333333333332, + "f1": 75.92561004846668, + "main_score": 75.92333333333332 + } + ] + } +} \ No newline at end of file diff --git a/results/shhy1995__AGE_Hybrid/external/Ocnli.json b/results/shhy1995__AGE_Hybrid/external/Ocnli.json new file mode 100644 index 000000000..4a0bac6d5 --- /dev/null +++ b/results/shhy1995__AGE_Hybrid/external/Ocnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Ocnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 80.67135896047645, + "cos_sim_ap": 84.74126732324031, + "cos_sim_f1": 82.35872235872236, + "cos_sim_precision": 77.02205882352942, + "cos_sim_recall": 88.48996832101372, + "dot_accuracy": 80.67135896047645, + "dot_ap": 84.74126732324031, + "dot_f1": 82.35872235872236, + "dot_precision": 77.02205882352942, + "dot_recall": 88.48996832101372, + "euclidean_accuracy": 80.67135896047645, + "euclidean_ap": 84.74126732324031, + "euclidean_f1": 82.35872235872236, + "euclidean_precision": 77.02205882352942, + "euclidean_recall": 88.48996832101372, + "manhattan_accuracy": 80.94206821873307, + "manhattan_ap": 84.77475030952647, + "manhattan_f1": 82.40963855421687, + "manhattan_precision": 75.79787234042553, + "manhattan_recall": 90.28511087645195, + "max_accuracy": 80.94206821873307, + "max_ap": 84.77475030952647, + "max_f1": 82.40963855421687, + "main_score": 80.94206821873307 + } + ] + } +} \ No newline at end of file diff --git a/results/shhy1995__AGE_Hybrid/external/OnlineShopping.json b/results/shhy1995__AGE_Hybrid/external/OnlineShopping.json new file mode 100644 index 000000000..f7b14b8bb --- /dev/null +++ b/results/shhy1995__AGE_Hybrid/external/OnlineShopping.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 94.02999999999999, + "ap": 92.56102428258882, + "f1": 94.0218595765633, + "main_score": 94.02999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/shhy1995__AGE_Hybrid/external/PAWSX.json b/results/shhy1995__AGE_Hybrid/external/PAWSX.json new file mode 100644 index 000000000..7e3b2e8f7 --- /dev/null +++ b/results/shhy1995__AGE_Hybrid/external/PAWSX.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 40.66196618410644, + "cos_sim_spearman": 45.59387881622271, + "euclidean_pearson": 45.30405962406599, + "euclidean_spearman": 45.59200166442107, + "manhattan_pearson": 45.2855547329122, + "manhattan_spearman": 45.56029930327916, + "cosine_pearson": 40.66196618410644, + "cosine_spearman": 45.59387881622271, + "main_score": 45.59387881622271 + } + ] + } +} \ No newline at end of file diff --git a/results/shhy1995__AGE_Hybrid/external/QBQTC.json b/results/shhy1995__AGE_Hybrid/external/QBQTC.json new file mode 100644 index 000000000..0bdb16f03 --- /dev/null +++ b/results/shhy1995__AGE_Hybrid/external/QBQTC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "QBQTC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 35.80405912029715, + "cos_sim_spearman": 38.103568973803924, + "euclidean_pearson": 36.074590892427224, + "euclidean_spearman": 38.10356138638113, + "manhattan_pearson": 36.10927406952271, + "manhattan_spearman": 38.124281585018494, + "cosine_pearson": 35.80405912029715, + "cosine_spearman": 38.103568973803924, + "main_score": 38.103568973803924 + } + ] + } +} \ No newline at end of file diff --git a/results/shhy1995__AGE_Hybrid/external/STS22.json b/results/shhy1995__AGE_Hybrid/external/STS22.json new file mode 100644 index 000000000..186d7a034 --- /dev/null +++ b/results/shhy1995__AGE_Hybrid/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "eea2b4fe26a775864c896887d910b76a8098ad3f", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 63.46248249776727, + "cos_sim_spearman": 65.33629395139023, + "euclidean_pearson": 64.18937868341659, + "euclidean_spearman": 65.33629395139023, + "manhattan_pearson": 64.28420729517235, + "manhattan_spearman": 65.38418816375115, + "cosine_pearson": 63.46248249776727, + "cosine_spearman": 65.33629395139023, + "main_score": 65.33629395139023 + } + ] + } +} \ No newline at end of file diff --git a/results/shhy1995__AGE_Hybrid/external/STSB.json b/results/shhy1995__AGE_Hybrid/external/STSB.json new file mode 100644 index 000000000..de811f8f4 --- /dev/null +++ b/results/shhy1995__AGE_Hybrid/external/STSB.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 82.13859545037208, + "cos_sim_spearman": 82.42477317499657, + "euclidean_pearson": 81.93620307339366, + "euclidean_spearman": 82.42477317499657, + "manhattan_pearson": 81.93897401643665, + "manhattan_spearman": 82.42900199602553, + "cosine_pearson": 82.13859545037208, + "cosine_spearman": 82.42477317499657, + "main_score": 82.42477317499657 + } + ] + } +} \ No newline at end of file diff --git a/results/shhy1995__AGE_Hybrid/external/T2Reranking.json b/results/shhy1995__AGE_Hybrid/external/T2Reranking.json new file mode 100644 index 000000000..be78e586e --- /dev/null +++ b/results/shhy1995__AGE_Hybrid/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 66.61171519094763, + "mrr": 76.28728466109982, + "main_score": 66.61171519094763 + } + ] + } +} \ No newline at end of file diff --git a/results/shhy1995__AGE_Hybrid/external/T2Retrieval.json b/results/shhy1995__AGE_Hybrid/external/T2Retrieval.json new file mode 100644 index 000000000..6b472b765 --- /dev/null +++ b/results/shhy1995__AGE_Hybrid/external/T2Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "8731a845f1bf500a4f111cf1070785c793d10e64", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 28.750999999999998, + "map_at_10": 79.785, + "map_at_100": 83.286, + "map_at_1000": 83.344, + "map_at_3": 56.525000000000006, + "map_at_5": 69.242, + "mrr_at_1": 92.23700000000001, + "mrr_at_10": 94.248, + "mrr_at_100": 94.306, + "mrr_at_1000": 94.308, + "mrr_at_3": 93.894, + "mrr_at_5": 94.11500000000001, + "ndcg_at_1": 92.23700000000001, + "ndcg_at_10": 86.87700000000001, + "ndcg_at_100": 90.125, + "ndcg_at_1000": 90.66, + "ndcg_at_3": 88.483, + "ndcg_at_5": 87.042, + "precision_at_1": 92.23700000000001, + "precision_at_10": 42.712, + "precision_at_100": 5.038, + "precision_at_1000": 0.517, + "precision_at_3": 77.095, + "precision_at_5": 64.442, + "recall_at_1": 28.750999999999998, + "recall_at_10": 85.49600000000001, + "recall_at_100": 96.13199999999999, + "recall_at_1000": 98.785, + "recall_at_3": 57.93000000000001, + "recall_at_5": 72.151, + "main_score": 86.87700000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/shhy1995__AGE_Hybrid/external/TNews.json b/results/shhy1995__AGE_Hybrid/external/TNews.json new file mode 100644 index 000000000..22e182446 --- /dev/null +++ b/results/shhy1995__AGE_Hybrid/external/TNews.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 52.689, + "f1": 51.51955890162233, + "main_score": 52.689 + } + ] + } +} \ No newline at end of file diff --git a/results/shhy1995__AGE_Hybrid/external/ThuNewsClusteringP2P.json b/results/shhy1995__AGE_Hybrid/external/ThuNewsClusteringP2P.json new file mode 100644 index 000000000..ee99a59db --- /dev/null +++ b/results/shhy1995__AGE_Hybrid/external/ThuNewsClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 79.15418821175516, + "main_score": 79.15418821175516 + } + ] + } +} \ No newline at end of file diff --git a/results/shhy1995__AGE_Hybrid/external/ThuNewsClusteringS2S.json b/results/shhy1995__AGE_Hybrid/external/ThuNewsClusteringS2S.json new file mode 100644 index 000000000..02f8c81fb --- /dev/null +++ b/results/shhy1995__AGE_Hybrid/external/ThuNewsClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 75.904971040467, + "main_score": 75.904971040467 + } + ] + } +} \ No newline at end of file diff --git a/results/shhy1995__AGE_Hybrid/external/VideoRetrieval.json b/results/shhy1995__AGE_Hybrid/external/VideoRetrieval.json new file mode 100644 index 000000000..5f3eabb78 --- /dev/null +++ b/results/shhy1995__AGE_Hybrid/external/VideoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "58c2597a5943a2ba48f4668c3b90d796283c5639", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 64.2, + "map_at_10": 72.923, + "map_at_100": 73.34, + "map_at_1000": 73.35000000000001, + "map_at_3": 71.48299999999999, + "map_at_5": 72.40299999999999, + "mrr_at_1": 64.2, + "mrr_at_10": 72.923, + "mrr_at_100": 73.34, + "mrr_at_1000": 73.35000000000001, + "mrr_at_3": 71.48299999999999, + "mrr_at_5": 72.40299999999999, + "ndcg_at_1": 64.2, + "ndcg_at_10": 76.79, + "ndcg_at_100": 78.744, + "ndcg_at_1000": 78.95, + "ndcg_at_3": 73.899, + "ndcg_at_5": 75.53, + "precision_at_1": 64.2, + "precision_at_10": 8.870000000000001, + "precision_at_100": 0.976, + "precision_at_1000": 0.099, + "precision_at_3": 26.967000000000002, + "precision_at_5": 16.96, + "recall_at_1": 64.2, + "recall_at_10": 88.7, + "recall_at_100": 97.6, + "recall_at_1000": 99.1, + "recall_at_3": 80.9, + "recall_at_5": 84.8, + "main_score": 76.79 + } + ] + } +} \ No newline at end of file diff --git a/results/shhy1995__AGE_Hybrid/external/Waimai.json b/results/shhy1995__AGE_Hybrid/external/Waimai.json new file mode 100644 index 000000000..190e0e516 --- /dev/null +++ b/results/shhy1995__AGE_Hybrid/external/Waimai.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 88.23, + "ap": 72.99710316362655, + "f1": 86.7822647711214, + "main_score": 88.23 + } + ] + } +} \ No newline at end of file diff --git a/results/shhy1995__AGE_Hybrid/external/model_meta.json b/results/shhy1995__AGE_Hybrid/external/model_meta.json new file mode 100644 index 000000000..517ac0ea3 --- /dev/null +++ b/results/shhy1995__AGE_Hybrid/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "shhy1995/AGE_Hybrid", + "revision": "e309affe272fd5551259ea595a0df61ca005e4ea", + "release_date": "2024-05-09", + "languages": [ + "zh" + ], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": null, + "embed_dim": null, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/shibing624__text2vec-base-multilingual/external/AmazonCounterfactualClassification.json b/results/shibing624__text2vec-base-multilingual/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..271077417 --- /dev/null +++ b/results/shibing624__text2vec-base-multilingual/external/AmazonCounterfactualClassification.json @@ -0,0 +1,50 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.97014925373134, + "ap": 33.95151328318672, + "f1": 65.14740155705596, + "main_score": 70.97014925373134 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 68.69379014989293, + "ap": 79.68277579733802, + "f1": 66.54960052336921, + "main_score": 68.69379014989293 + }, + { + "hf_subset": "en-ext", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.90704647676162, + "ap": 20.747518928580437, + "f1": 58.64365465884924, + "main_score": 70.90704647676162 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 61.605995717344754, + "ap": 14.135974879487028, + "f1": 49.980224800472136, + "main_score": 61.605995717344754 + } + ] + } +} \ No newline at end of file diff --git a/results/shibing624__text2vec-base-multilingual/external/AmazonPolarityClassification.json b/results/shibing624__text2vec-base-multilingual/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..1fd372908 --- /dev/null +++ b/results/shibing624__text2vec-base-multilingual/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 66.103375, + "ap": 61.10087197664471, + "f1": 65.75198509894145, + "main_score": 66.103375 + } + ] + } +} \ No newline at end of file diff --git a/results/shibing624__text2vec-base-multilingual/external/AmazonReviewsClassification.json b/results/shibing624__text2vec-base-multilingual/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..841e5a7cd --- /dev/null +++ b/results/shibing624__text2vec-base-multilingual/external/AmazonReviewsClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 33.134, + "f1": 32.7905397597083, + "main_score": 33.134 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 33.388, + "f1": 33.190561196873084, + "main_score": 33.388 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 34.824, + "f1": 34.297290157740726, + "main_score": 34.824 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 33.449999999999996, + "f1": 33.08017234412433, + "main_score": 33.449999999999996 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 30.046, + "f1": 29.857141661482228, + "main_score": 30.046 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 32.522, + "f1": 31.854699911472174, + "main_score": 32.522 + } + ] + } +} \ No newline at end of file diff --git a/results/shibing624__text2vec-base-multilingual/external/ArxivClusteringP2P.json b/results/shibing624__text2vec-base-multilingual/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..c542f0afb --- /dev/null +++ b/results/shibing624__text2vec-base-multilingual/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.31918856561886, + "main_score": 32.31918856561886 + } + ] + } +} \ No newline at end of file diff --git a/results/shibing624__text2vec-base-multilingual/external/ArxivClusteringS2S.json b/results/shibing624__text2vec-base-multilingual/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..7ff25c662 --- /dev/null +++ b/results/shibing624__text2vec-base-multilingual/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 25.503481615956137, + "main_score": 25.503481615956137 + } + ] + } +} \ No newline at end of file diff --git a/results/shibing624__text2vec-base-multilingual/external/AskUbuntuDupQuestions.json b/results/shibing624__text2vec-base-multilingual/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..400272961 --- /dev/null +++ b/results/shibing624__text2vec-base-multilingual/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 57.91471462820568, + "mrr": 71.82990370663501, + "main_score": 57.91471462820568 + } + ] + } +} \ No newline at end of file diff --git a/results/shibing624__text2vec-base-multilingual/external/BIOSSES.json b/results/shibing624__text2vec-base-multilingual/external/BIOSSES.json new file mode 100644 index 000000000..9a0dce82f --- /dev/null +++ b/results/shibing624__text2vec-base-multilingual/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 68.83853315193127, + "cos_sim_spearman": 66.16174850417771, + "euclidean_pearson": 56.65313897263153, + "euclidean_spearman": 52.69156205876939, + "manhattan_pearson": 56.97282154658304, + "manhattan_spearman": 53.167476517261015, + "cosine_pearson": 68.83853315193127, + "cosine_spearman": 66.16174850417771, + "main_score": 66.16174850417771 + } + ] + } +} \ No newline at end of file diff --git a/results/shibing624__text2vec-base-multilingual/external/Banking77Classification.json b/results/shibing624__text2vec-base-multilingual/external/Banking77Classification.json new file mode 100644 index 000000000..08a0c9d6d --- /dev/null +++ b/results/shibing624__text2vec-base-multilingual/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.08441558441558, + "f1": 77.99825264827898, + "main_score": 78.08441558441558 + } + ] + } +} \ No newline at end of file diff --git a/results/shibing624__text2vec-base-multilingual/external/BiorxivClusteringP2P.json b/results/shibing624__text2vec-base-multilingual/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..5cb643647 --- /dev/null +++ b/results/shibing624__text2vec-base-multilingual/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 28.98583420521256, + "main_score": 28.98583420521256 + } + ] + } +} \ No newline at end of file diff --git a/results/shibing624__text2vec-base-multilingual/external/BiorxivClusteringS2S.json b/results/shibing624__text2vec-base-multilingual/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..7f01b0710 --- /dev/null +++ b/results/shibing624__text2vec-base-multilingual/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 23.195091778460892, + "main_score": 23.195091778460892 + } + ] + } +} \ No newline at end of file diff --git a/results/shibing624__text2vec-base-multilingual/external/EmotionClassification.json b/results/shibing624__text2vec-base-multilingual/external/EmotionClassification.json new file mode 100644 index 000000000..79f56f9ce --- /dev/null +++ b/results/shibing624__text2vec-base-multilingual/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 43.35, + "f1": 38.80269436557695, + "main_score": 43.35 + } + ] + } +} \ No newline at end of file diff --git a/results/shibing624__text2vec-base-multilingual/external/ImdbClassification.json b/results/shibing624__text2vec-base-multilingual/external/ImdbClassification.json new file mode 100644 index 000000000..d78197b04 --- /dev/null +++ b/results/shibing624__text2vec-base-multilingual/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 59.348, + "ap": 55.75065220262251, + "f1": 58.72117519082607, + "main_score": 59.348 + } + ] + } +} \ No newline at end of file diff --git a/results/shibing624__text2vec-base-multilingual/external/MTOPDomainClassification.json b/results/shibing624__text2vec-base-multilingual/external/MTOPDomainClassification.json new file mode 100644 index 000000000..975c3b119 --- /dev/null +++ b/results/shibing624__text2vec-base-multilingual/external/MTOPDomainClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 81.04879160966712, + "f1": 80.86889779192701, + "main_score": 81.04879160966712 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 78.59397013243168, + "f1": 77.09902761555972, + "main_score": 78.59397013243168 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 79.24282855236824, + "f1": 78.75883867079015, + "main_score": 79.24282855236824 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 76.16661446915127, + "f1": 76.30204722831901, + "main_score": 76.16661446915127 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 78.74506991753317, + "f1": 77.50560442779701, + "main_score": 78.74506991753317 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 77.67088607594937, + "f1": 77.21442956887493, + "main_score": 77.67088607594937 + } + ] + } +} \ No newline at end of file diff --git a/results/shibing624__text2vec-base-multilingual/external/MTOPIntentClassification.json b/results/shibing624__text2vec-base-multilingual/external/MTOPIntentClassification.json new file mode 100644 index 000000000..754fffd99 --- /dev/null +++ b/results/shibing624__text2vec-base-multilingual/external/MTOPIntentClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 62.786137710898316, + "f1": 46.23474201126368, + "main_score": 62.786137710898316 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 55.285996055226825, + "f1": 37.98039513682919, + "main_score": 55.285996055226825 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 58.67911941294196, + "f1": 40.541410807124954, + "main_score": 58.67911941294196 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 53.257124960851854, + "f1": 38.42982319259366, + "main_score": 53.257124960851854 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 59.62352097525995, + "f1": 41.28886486568534, + "main_score": 59.62352097525995 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 58.799276672694404, + "f1": 43.68379466247341, + "main_score": 58.799276672694404 + } + ] + } +} \ No newline at end of file diff --git a/results/shibing624__text2vec-base-multilingual/external/MassiveIntentClassification.json b/results/shibing624__text2vec-base-multilingual/external/MassiveIntentClassification.json new file mode 100644 index 000000000..d611b97dc --- /dev/null +++ b/results/shibing624__text2vec-base-multilingual/external/MassiveIntentClassification.json @@ -0,0 +1,469 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 45.42030934767989, + "f1": 44.12201543566376, + "main_score": 45.42030934767989 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 37.67652992602556, + "f1": 35.422091900843164, + "main_score": 37.67652992602556 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 45.02353732347007, + "f1": 41.852484084738194, + "main_score": 45.02353732347007 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 48.70880968392737, + "f1": 46.904360615435046, + "main_score": 48.70880968392737 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 43.78950907868191, + "f1": 41.58872353920405, + "main_score": 43.78950907868191 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 28.759246805648957, + "f1": 27.41182001374226, + "main_score": 28.759246805648957 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 56.74176193678547, + "f1": 53.82727354182497, + "main_score": 56.74176193678547 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 51.55682582380632, + "f1": 49.41963627941866, + "main_score": 51.55682582380632 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 56.46940147948891, + "f1": 55.28178711367465, + "main_score": 56.46940147948891 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 63.83322125084063, + "f1": 61.836172900845554, + "main_score": 63.83322125084063 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 58.27505043712172, + "f1": 57.642436374361154, + "main_score": 58.27505043712172 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 59.05178211163417, + "f1": 56.858998820504056, + "main_score": 59.05178211163417 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 57.357094821788834, + "f1": 54.79711189260453, + "main_score": 57.357094821788834 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 58.79959650302623, + "f1": 57.59158671719513, + "main_score": 58.79959650302623 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 51.1768661735037, + "f1": 48.886397276270515, + "main_score": 51.1768661735037 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 57.06455951580362, + "f1": 55.01530952684585, + "main_score": 57.06455951580362 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 58.3591123066577, + "f1": 55.9277783370191, + "main_score": 58.3591123066577 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 52.108271687962336, + "f1": 51.195023400664596, + "main_score": 52.108271687962336 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 58.26832548755883, + "f1": 56.60774065423401, + "main_score": 58.26832548755883 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 35.806993947545394, + "f1": 34.290418953173294, + "main_score": 35.806993947545394 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 58.27841291190315, + "f1": 56.9438998642419, + "main_score": 58.27841291190315 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 60.78009414929389, + "f1": 59.15780842483667, + "main_score": 60.78009414929389 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 31.153328850033624, + "f1": 30.11004596099605, + "main_score": 31.153328850033624 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 44.50235373234701, + "f1": 44.040585262624745, + "main_score": 44.50235373234701 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 40.99193006052455, + "f1": 39.505480119272484, + "main_score": 40.99193006052455 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 46.95696032279758, + "f1": 43.093638940785326, + "main_score": 46.95696032279758 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 54.73100201748486, + "f1": 52.79750744404114, + "main_score": 54.73100201748486 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 54.865501008742434, + "f1": 53.64798408964839, + "main_score": 54.865501008742434 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 47.891728312037664, + "f1": 45.261229414636055, + "main_score": 47.891728312037664 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 52.2259583053127, + "f1": 50.5903419246987, + "main_score": 52.2259583053127 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 54.277067921990586, + "f1": 52.472042479965886, + "main_score": 54.277067921990586 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 51.95696032279757, + "f1": 49.79330411854258, + "main_score": 51.95696032279757 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 54.63685272360457, + "f1": 52.81267480650003, + "main_score": 54.63685272360457 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 59.451916610625425, + "f1": 57.34790386645091, + "main_score": 59.451916610625425 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 58.91055817081372, + "f1": 56.39195048528157, + "main_score": 58.91055817081372 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 59.84196368527236, + "f1": 58.72244763127063, + "main_score": 59.84196368527236 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 57.04102219233354, + "f1": 55.67040186148946, + "main_score": 57.04102219233354 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 58.01613987895091, + "f1": 57.203949825484855, + "main_score": 58.01613987895091 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 56.35843981170141, + "f1": 54.18656338999773, + "main_score": 56.35843981170141 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 56.47948890383322, + "f1": 54.772224557130954, + "main_score": 56.47948890383322 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 58.43981170141224, + "f1": 56.09260971364242, + "main_score": 58.43981170141224 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 33.9609952925353, + "f1": 33.18853392353405, + "main_score": 33.9609952925353 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 44.29388029589778, + "f1": 41.51986533284474, + "main_score": 44.29388029589778 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 47.13517148621385, + "f1": 43.94784138379624, + "main_score": 47.13517148621385 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 56.856086079354405, + "f1": 56.618177384748456, + "main_score": 56.856086079354405 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 35.35978480161398, + "f1": 34.060680080365046, + "main_score": 35.35978480161398 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 59.630127774041696, + "f1": 57.46288652988266, + "main_score": 59.630127774041696 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 52.7908540685945, + "f1": 51.46934239116157, + "main_score": 52.7908540685945 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 54.6469401479489, + "f1": 53.9903066185816, + "main_score": 54.6469401479489 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 60.85743106926698, + "f1": 59.31579548450755, + "main_score": 60.85743106926698 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 57.46805648957633, + "f1": 57.48469733657326, + "main_score": 57.46805648957633 + } + ] + } +} \ No newline at end of file diff --git a/results/shibing624__text2vec-base-multilingual/external/MassiveScenarioClassification.json b/results/shibing624__text2vec-base-multilingual/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..c5989f820 --- /dev/null +++ b/results/shibing624__text2vec-base-multilingual/external/MassiveScenarioClassification.json @@ -0,0 +1,469 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 50.86415601882985, + "f1": 49.41696672602645, + "main_score": 50.86415601882985 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 41.183591123066584, + "f1": 40.04563865770774, + "main_score": 41.183591123066584 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 50.08069939475455, + "f1": 50.724800165846126, + "main_score": 50.08069939475455 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 51.287827841291204, + "f1": 50.72873776739851, + "main_score": 51.287827841291204 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 46.53328850033624, + "f1": 45.93317866639667, + "main_score": 46.53328850033624 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 34.347679892400805, + "f1": 31.941581141280828, + "main_score": 34.347679892400805 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 63.073301950235376, + "f1": 62.228728940111054, + "main_score": 63.073301950235376 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 56.398789509078675, + "f1": 54.80778341609032, + "main_score": 56.398789509078675 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 61.79892400806993, + "f1": 60.69430756982446, + "main_score": 61.79892400806993 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 66.96368527236046, + "f1": 66.5893927997656, + "main_score": 66.96368527236046 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 62.21250840618695, + "f1": 62.347177794128925, + "main_score": 62.21250840618695 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 62.43779421654339, + "f1": 61.307701312085605, + "main_score": 62.43779421654339 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 61.09952925353059, + "f1": 60.313907927386914, + "main_score": 61.09952925353059 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 63.38601210490922, + "f1": 63.05968938353488, + "main_score": 63.38601210490922 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 56.2878278412912, + "f1": 55.92927644838597, + "main_score": 56.2878278412912 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 60.62878278412912, + "f1": 60.25299253652635, + "main_score": 60.62878278412912 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 63.28850033624748, + "f1": 62.77053246337031, + "main_score": 63.28850033624748 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 54.875588433086754, + "f1": 54.30717357279134, + "main_score": 54.875588433086754 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 61.99394754539341, + "f1": 61.73085530883037, + "main_score": 61.99394754539341 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 38.581035642232685, + "f1": 36.96287269695893, + "main_score": 38.581035642232685 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 62.350369872225976, + "f1": 61.807327324823966, + "main_score": 62.350369872225976 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 65.17148621385338, + "f1": 65.29620144656751, + "main_score": 65.17148621385338 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 36.12642905178212, + "f1": 35.334393048479484, + "main_score": 36.12642905178212 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 50.26899798251513, + "f1": 49.041065960139434, + "main_score": 50.26899798251513 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 44.24344317417619, + "f1": 42.42177854872125, + "main_score": 44.24344317417619 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 47.370544720914594, + "f1": 46.589722581465324, + "main_score": 47.370544720914594 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 58.89038332212508, + "f1": 57.753607921990394, + "main_score": 58.89038332212508 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 56.506388702084756, + "f1": 56.0485860423295, + "main_score": 56.506388702084756 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 50.06388702084734, + "f1": 50.109364641824584, + "main_score": 50.06388702084734 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 55.053799596503026, + "f1": 54.490665705666686, + "main_score": 55.053799596503026 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 59.77135171486213, + "f1": 58.2808650158803, + "main_score": 59.77135171486213 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 55.71620712844654, + "f1": 53.863034882475304, + "main_score": 55.71620712844654 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 60.26227303295225, + "f1": 59.86604657147016, + "main_score": 60.26227303295225 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 63.3759246805649, + "f1": 62.45257339288533, + "main_score": 63.3759246805649 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 62.552118359112306, + "f1": 61.354449605776765, + "main_score": 62.552118359112306 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 62.40753194351043, + "f1": 61.98779889528889, + "main_score": 62.40753194351043 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 60.68258238063214, + "f1": 60.59973978976571, + "main_score": 60.68258238063214 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 62.31002017484868, + "f1": 62.412312268503655, + "main_score": 62.31002017484868 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 61.429051782111635, + "f1": 61.60095590401424, + "main_score": 61.429051782111635 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 62.229320780094156, + "f1": 61.02251426747547, + "main_score": 62.229320780094156 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 64.42501681237391, + "f1": 63.461494430605235, + "main_score": 64.42501681237391 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 38.51714862138534, + "f1": 37.12466722986362, + "main_score": 38.51714862138534 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 46.99731002017485, + "f1": 45.859147049984834, + "main_score": 46.99731002017485 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 51.01882985877605, + "f1": 49.01040173136056, + "main_score": 51.01882985877605 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 63.234700739744454, + "f1": 62.732294595214746, + "main_score": 63.234700739744454 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 38.72225958305312, + "f1": 36.603231928120906, + "main_score": 38.72225958305312 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 64.48554135843982, + "f1": 63.97380562022752, + "main_score": 64.48554135843982 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 56.7955615332885, + "f1": 55.95308241204802, + "main_score": 56.7955615332885 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 57.06455951580362, + "f1": 56.95570494066693, + "main_score": 57.06455951580362 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 65.8338937457969, + "f1": 65.6778746906008, + "main_score": 65.8338937457969 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 63.369199731002034, + "f1": 63.527650116059945, + "main_score": 63.369199731002034 + } + ] + } +} \ No newline at end of file diff --git a/results/shibing624__text2vec-base-multilingual/external/MedrxivClusteringP2P.json b/results/shibing624__text2vec-base-multilingual/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..f674e976c --- /dev/null +++ b/results/shibing624__text2vec-base-multilingual/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 29.442504112215538, + "main_score": 29.442504112215538 + } + ] + } +} \ No newline at end of file diff --git a/results/shibing624__text2vec-base-multilingual/external/MedrxivClusteringS2S.json b/results/shibing624__text2vec-base-multilingual/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..e24a1b0c5 --- /dev/null +++ b/results/shibing624__text2vec-base-multilingual/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 26.16062814161053, + "main_score": 26.16062814161053 + } + ] + } +} \ No newline at end of file diff --git a/results/shibing624__text2vec-base-multilingual/external/QuoraRetrieval.json b/results/shibing624__text2vec-base-multilingual/external/QuoraRetrieval.json new file mode 100644 index 000000000..9b8020976 --- /dev/null +++ b/results/shibing624__text2vec-base-multilingual/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 65.319, + "map_at_10": 78.72, + "map_at_100": 79.44600000000001, + "map_at_1000": 79.469, + "map_at_3": 75.693, + "map_at_5": 77.537, + "mrr_at_1": 75.24, + "mrr_at_10": 82.304, + "mrr_at_100": 82.485, + "mrr_at_1000": 82.489, + "mrr_at_3": 81.002, + "mrr_at_5": 81.817, + "ndcg_at_1": 75.26, + "ndcg_at_10": 83.07, + "ndcg_at_100": 84.829, + "ndcg_at_1000": 85.087, + "ndcg_at_3": 79.67699999999999, + "ndcg_at_5": 81.42, + "precision_at_1": 75.26, + "precision_at_10": 12.697, + "precision_at_100": 1.4829999999999999, + "precision_at_1000": 0.154, + "precision_at_3": 34.849999999999994, + "precision_at_5": 23.054, + "recall_at_1": 65.319, + "recall_at_10": 91.551, + "recall_at_100": 98.053, + "recall_at_1000": 99.516, + "recall_at_3": 81.819, + "recall_at_5": 86.66199999999999, + "main_score": 83.07 + } + ] + } +} \ No newline at end of file diff --git a/results/shibing624__text2vec-base-multilingual/external/RedditClustering.json b/results/shibing624__text2vec-base-multilingual/external/RedditClustering.json new file mode 100644 index 000000000..d39f406cd --- /dev/null +++ b/results/shibing624__text2vec-base-multilingual/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.249791587189996, + "main_score": 31.249791587189996 + } + ] + } +} \ No newline at end of file diff --git a/results/shibing624__text2vec-base-multilingual/external/RedditClusteringP2P.json b/results/shibing624__text2vec-base-multilingual/external/RedditClusteringP2P.json new file mode 100644 index 000000000..685246f86 --- /dev/null +++ b/results/shibing624__text2vec-base-multilingual/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 43.302922383029816, + "main_score": 43.302922383029816 + } + ] + } +} \ No newline at end of file diff --git a/results/shibing624__text2vec-base-multilingual/external/SICK-R.json b/results/shibing624__text2vec-base-multilingual/external/SICK-R.json new file mode 100644 index 000000000..120459628 --- /dev/null +++ b/results/shibing624__text2vec-base-multilingual/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.80670811345861, + "cos_sim_spearman": 79.97373018384307, + "euclidean_pearson": 83.40205934125837, + "euclidean_spearman": 79.73331008251854, + "manhattan_pearson": 83.3320983393412, + "manhattan_spearman": 79.677919746045, + "cosine_pearson": 84.80670811345861, + "cosine_spearman": 79.97373018384307, + "main_score": 79.97373018384307 + } + ] + } +} \ No newline at end of file diff --git a/results/shibing624__text2vec-base-multilingual/external/STS12.json b/results/shibing624__text2vec-base-multilingual/external/STS12.json new file mode 100644 index 000000000..0049c6b8e --- /dev/null +++ b/results/shibing624__text2vec-base-multilingual/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.3816087627948, + "cos_sim_spearman": 80.91314664846955, + "euclidean_pearson": 85.10603071031096, + "euclidean_spearman": 79.42663939501841, + "manhattan_pearson": 85.16096376014066, + "manhattan_spearman": 79.51936545543191, + "cosine_pearson": 86.3816087627948, + "cosine_spearman": 80.91314664846955, + "main_score": 80.91314664846955 + } + ] + } +} \ No newline at end of file diff --git a/results/shibing624__text2vec-base-multilingual/external/STS13.json b/results/shibing624__text2vec-base-multilingual/external/STS13.json new file mode 100644 index 000000000..688ec71fa --- /dev/null +++ b/results/shibing624__text2vec-base-multilingual/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 80.44665329940209, + "cos_sim_spearman": 82.86479010707745, + "euclidean_pearson": 84.06719627734672, + "euclidean_spearman": 84.9356099976297, + "manhattan_pearson": 84.10370009572624, + "manhattan_spearman": 84.96828040546536, + "cosine_pearson": 80.44665329940209, + "cosine_spearman": 82.86479010707745, + "main_score": 82.86479010707745 + } + ] + } +} \ No newline at end of file diff --git a/results/shibing624__text2vec-base-multilingual/external/STS14.json b/results/shibing624__text2vec-base-multilingual/external/STS14.json new file mode 100644 index 000000000..8f940795d --- /dev/null +++ b/results/shibing624__text2vec-base-multilingual/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.05704260568437, + "cos_sim_spearman": 87.36399473803172, + "euclidean_pearson": 86.8895170159388, + "euclidean_spearman": 87.16246440866921, + "manhattan_pearson": 86.80814774538997, + "manhattan_spearman": 87.09320142699522, + "cosine_pearson": 86.05704260568437, + "cosine_spearman": 87.36399473803172, + "main_score": 87.36399473803172 + } + ] + } +} \ No newline at end of file diff --git a/results/shibing624__text2vec-base-multilingual/external/STS15.json b/results/shibing624__text2vec-base-multilingual/external/STS15.json new file mode 100644 index 000000000..59795ddc8 --- /dev/null +++ b/results/shibing624__text2vec-base-multilingual/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.97825118945852, + "cos_sim_spearman": 88.31438033558268, + "euclidean_pearson": 87.05174694758092, + "euclidean_spearman": 87.80659468392355, + "manhattan_pearson": 86.98831322198717, + "manhattan_spearman": 87.72820615049285, + "cosine_pearson": 85.97825118945852, + "cosine_spearman": 88.31438033558268, + "main_score": 88.31438033558268 + } + ] + } +} \ No newline at end of file diff --git a/results/shibing624__text2vec-base-multilingual/external/STS16.json b/results/shibing624__text2vec-base-multilingual/external/STS16.json new file mode 100644 index 000000000..86be1bc86 --- /dev/null +++ b/results/shibing624__text2vec-base-multilingual/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 78.68745420126719, + "cos_sim_spearman": 81.6058424699445, + "euclidean_pearson": 81.16540133861879, + "euclidean_spearman": 81.86377535458067, + "manhattan_pearson": 81.13813317937021, + "manhattan_spearman": 81.87079962857256, + "cosine_pearson": 78.68745420126719, + "cosine_spearman": 81.6058424699445, + "main_score": 81.6058424699445 + } + ] + } +} \ No newline at end of file diff --git a/results/shibing624__text2vec-base-multilingual/external/STS17.json b/results/shibing624__text2vec-base-multilingual/external/STS17.json new file mode 100644 index 000000000..9de365263 --- /dev/null +++ b/results/shibing624__text2vec-base-multilingual/external/STS17.json @@ -0,0 +1,182 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "ko-ko", + "languages": [ + "kor-Hang" + ], + "cos_sim_pearson": 68.06192660936868, + "cos_sim_spearman": 68.2376353514075, + "euclidean_pearson": 60.68326946956215, + "euclidean_spearman": 59.19352349785952, + "manhattan_pearson": 60.6592944683418, + "manhattan_spearman": 59.167534419270865, + "cosine_pearson": 68.06192660936868, + "cosine_spearman": 68.2376353514075, + "main_score": 68.2376353514075 + }, + { + "hf_subset": "ar-ar", + "languages": [ + "ara-Arab" + ], + "cos_sim_pearson": 76.78098264855684, + "cos_sim_spearman": 78.02670452969812, + "euclidean_pearson": 77.26694463661255, + "euclidean_spearman": 77.47007626009587, + "manhattan_pearson": 77.25070088632027, + "manhattan_spearman": 77.36368265830724, + "cosine_pearson": 76.78098264855684, + "cosine_spearman": 78.02670452969812, + "main_score": 78.02670452969812 + }, + { + "hf_subset": "en-ar", + "languages": [ + "eng-Latn", + "ara-Arab" + ], + "cos_sim_pearson": 78.45418506379532, + "cos_sim_spearman": 78.60412019902428, + "euclidean_pearson": 79.90303710850512, + "euclidean_spearman": 78.67123625004957, + "manhattan_pearson": 80.09189580897753, + "manhattan_spearman": 79.02484481441483, + "cosine_pearson": 78.45418506379532, + "cosine_spearman": 78.60412019902428, + "main_score": 78.60412019902428 + }, + { + "hf_subset": "en-de", + "languages": [ + "eng-Latn", + "deu-Latn" + ], + "cos_sim_pearson": 82.35556731232779, + "cos_sim_spearman": 81.48249735354844, + "euclidean_pearson": 81.66748026636621, + "euclidean_spearman": 80.35571574338547, + "manhattan_pearson": 81.38214732806365, + "manhattan_spearman": 79.9018202958774, + "cosine_pearson": 82.35556731232779, + "cosine_spearman": 81.48249735354844, + "main_score": 81.48249735354844 + }, + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.4527703176897, + "cos_sim_spearman": 85.81084095829584, + "euclidean_pearson": 86.43489162324457, + "euclidean_spearman": 85.27110976093296, + "manhattan_pearson": 86.43674259444512, + "manhattan_spearman": 85.05719308026032, + "cosine_pearson": 86.4527703176897, + "cosine_spearman": 85.81084095829584, + "main_score": 85.81084095829584 + }, + { + "hf_subset": "en-tr", + "languages": [ + "eng-Latn", + "tur-Latn" + ], + "cos_sim_pearson": 76.00411240034492, + "cos_sim_spearman": 76.33887356560854, + "euclidean_pearson": 76.81730660019446, + "euclidean_spearman": 75.04432185451306, + "manhattan_pearson": 77.22298813168995, + "manhattan_spearman": 75.56420330256725, + "cosine_pearson": 76.00411240034492, + "cosine_spearman": 76.33887356560854, + "main_score": 76.33887356560854 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 79.1447136836213, + "cos_sim_spearman": 81.80823850788917, + "euclidean_pearson": 80.84505734814422, + "euclidean_spearman": 81.714168092736, + "manhattan_pearson": 80.84713816174187, + "manhattan_spearman": 81.61267814749516, + "cosine_pearson": 79.1447136836213, + "cosine_spearman": 81.80823850788917, + "main_score": 81.80823850788917 + }, + { + "hf_subset": "es-es", + "languages": [ + "spa-Latn" + ], + "cos_sim_pearson": 87.01257457052873, + "cos_sim_spearman": 87.91146458004216, + "euclidean_pearson": 88.36771859717994, + "euclidean_spearman": 87.73182474597515, + "manhattan_pearson": 88.26551451003671, + "manhattan_spearman": 87.71675151388992, + "cosine_pearson": 87.01257457052873, + "cosine_spearman": 87.91146458004216, + "main_score": 87.91146458004216 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 79.20121618382373, + "cos_sim_spearman": 78.05794691968603, + "euclidean_pearson": 79.93819925682054, + "euclidean_spearman": 78.00586118701553, + "manhattan_pearson": 80.05598625820885, + "manhattan_spearman": 78.04802948866832, + "cosine_pearson": 79.20121618382373, + "cosine_spearman": 78.05794691968603, + "main_score": 78.05794691968603 + }, + { + "hf_subset": "it-en", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 81.51743373871778, + "cos_sim_spearman": 80.98266651818703, + "euclidean_pearson": 81.11875722505269, + "euclidean_spearman": 79.45188413284538, + "manhattan_pearson": 80.7988457619225, + "manhattan_spearman": 79.49643569311485, + "cosine_pearson": 81.51743373871778, + "cosine_spearman": 80.98266651818703, + "main_score": 80.98266651818703 + }, + { + "hf_subset": "nl-en", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 81.78679924046351, + "cos_sim_spearman": 80.9986574147117, + "euclidean_pearson": 82.09130079135713, + "euclidean_spearman": 80.66215667390159, + "manhattan_pearson": 82.0328610549654, + "manhattan_spearman": 80.31047226932408, + "cosine_pearson": 81.78679924046351, + "cosine_spearman": 80.9986574147117, + "main_score": 80.9986574147117 + } + ] + } +} \ No newline at end of file diff --git a/results/shibing624__text2vec-base-multilingual/external/STS22.json b/results/shibing624__text2vec-base-multilingual/external/STS22.json new file mode 100644 index 000000000..28e3bf6b0 --- /dev/null +++ b/results/shibing624__text2vec-base-multilingual/external/STS22.json @@ -0,0 +1,288 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 58.08082172994642, + "cos_sim_spearman": 62.9940530222459, + "euclidean_pearson": 58.47927303460365, + "euclidean_spearman": 60.8440317609258, + "manhattan_pearson": 58.32438211697841, + "manhattan_spearman": 60.69642636776064, + "cosine_pearson": 58.08082172994642, + "cosine_spearman": 62.9940530222459, + "main_score": 62.9940530222459 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "cos_sim_pearson": 33.83985707464123, + "cos_sim_spearman": 46.89093209603036, + "euclidean_pearson": 34.63602187576556, + "euclidean_spearman": 46.31087228200712, + "manhattan_pearson": 34.66899391543166, + "manhattan_spearman": 46.33049538425276, + "cosine_pearson": 33.83985707464123, + "cosine_spearman": 46.89093209603036, + "main_score": 46.89093209603036 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "cos_sim_pearson": 51.61315965767736, + "cos_sim_spearman": 58.9434266730386, + "euclidean_pearson": 50.35885602217862, + "euclidean_spearman": 58.238679883286025, + "manhattan_pearson": 53.01732044381151, + "manhattan_spearman": 58.10482351761412, + "cosine_pearson": 51.61315965767736, + "cosine_spearman": 58.9434266730386, + "main_score": 58.9434266730386 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "cos_sim_pearson": 26.771738440430177, + "cos_sim_spearman": 34.807259227816054, + "euclidean_pearson": 17.82657835823811, + "euclidean_spearman": 34.27912898498941, + "manhattan_pearson": 19.121527758886312, + "manhattan_spearman": 34.4940050226265, + "cosine_pearson": 26.771738440430177, + "cosine_spearman": 34.807259227816054, + "main_score": 34.807259227816054 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "cos_sim_pearson": 52.8354704676683, + "cos_sim_spearman": 57.28629534815841, + "euclidean_pearson": 54.10329332004385, + "euclidean_spearman": 58.15030615859976, + "manhattan_pearson": 55.42372087433115, + "manhattan_spearman": 57.52270736584036, + "cosine_pearson": 52.8354704676683, + "cosine_spearman": 57.28629534815841, + "main_score": 57.28629534815841 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "cos_sim_pearson": 31.01976557986924, + "cos_sim_spearman": 54.506959483927616, + "euclidean_pearson": 36.917863022119086, + "euclidean_spearman": 53.750194241538566, + "manhattan_pearson": 37.200177833241085, + "manhattan_spearman": 53.507659188082535, + "cosine_pearson": 31.01976557986924, + "cosine_spearman": 54.506959483927616, + "main_score": 54.506959483927616 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "cos_sim_pearson": 46.38635647225934, + "cos_sim_spearman": 54.50892732637536, + "euclidean_pearson": 40.8331015184763, + "euclidean_spearman": 53.142903182230924, + "manhattan_pearson": 43.07655692906317, + "manhattan_spearman": 53.5833474125901, + "cosine_pearson": 46.38635647225934, + "cosine_spearman": 54.50892732637536, + "main_score": 54.50892732637536 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 60.52525456662916, + "cos_sim_spearman": 63.23975489531082, + "euclidean_pearson": 58.989191722317514, + "euclidean_spearman": 62.536326639863894, + "manhattan_pearson": 61.32982866201855, + "manhattan_spearman": 63.068262822520516, + "cosine_pearson": 60.52525456662916, + "cosine_spearman": 63.23975489531082, + "main_score": 63.23975489531082 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 59.63798684577696, + "cos_sim_spearman": 74.09937723367189, + "euclidean_pearson": 63.77494904383906, + "euclidean_spearman": 71.15932571292481, + "manhattan_pearson": 63.69646122775205, + "manhattan_spearman": 70.54960698541632, + "cosine_pearson": 59.63798684577696, + "cosine_spearman": 74.09937723367189, + "main_score": 74.09937723367189 + }, + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 36.50262468726711, + "cos_sim_spearman": 45.00322499674274, + "euclidean_pearson": 32.58759216581778, + "euclidean_spearman": 40.13720951315429, + "manhattan_pearson": 34.88422299605277, + "manhattan_spearman": 40.63516862200963, + "cosine_pearson": 36.50262468726711, + "cosine_spearman": 45.00322499674274, + "main_score": 45.00322499674274 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 56.498552617040275, + "cos_sim_spearman": 67.71358426124443, + "euclidean_pearson": 57.16474781778287, + "euclidean_spearman": 65.721515493531, + "manhattan_pearson": 59.25227610738926, + "manhattan_spearman": 65.89743680340739, + "cosine_pearson": 56.498552617040275, + "cosine_spearman": 67.71358426124443, + "main_score": 67.71358426124443 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "cos_sim_pearson": 55.97978814727984, + "cos_sim_spearman": 65.85821395092104, + "euclidean_pearson": 59.11117270978519, + "euclidean_spearman": 64.50062069934965, + "manhattan_pearson": 59.4436213778161, + "manhattan_spearman": 64.4003273074382, + "cosine_pearson": 55.97978814727984, + "cosine_spearman": 65.85821395092104, + "main_score": 65.85821395092104 + }, + { + "hf_subset": "pl-en", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 58.00873192515712, + "cos_sim_spearman": 60.167708809138745, + "euclidean_pearson": 56.91950637760252, + "euclidean_spearman": 58.50593399441014, + "manhattan_pearson": 58.683747352584994, + "manhattan_spearman": 59.38110066799761, + "cosine_pearson": 58.00873192515712, + "cosine_spearman": 60.167708809138745, + "main_score": 60.167708809138745 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "cos_sim_pearson": 54.26020658151187, + "cos_sim_spearman": 61.29236187204147, + "euclidean_pearson": 55.993896804147056, + "euclidean_spearman": 58.654928232615354, + "manhattan_pearson": 56.612492816099426, + "manhattan_spearman": 58.65144067094258, + "cosine_pearson": 54.26020658151187, + "cosine_spearman": 61.29236187204147, + "main_score": 61.29236187204147 + }, + { + "hf_subset": "es-it", + "languages": [ + "spa-Latn", + "ita-Latn" + ], + "cos_sim_pearson": 49.13817835368122, + "cos_sim_spearman": 50.78524216975442, + "euclidean_pearson": 46.56046454501862, + "euclidean_spearman": 50.3935060082369, + "manhattan_pearson": 48.0232348418531, + "manhattan_spearman": 50.79528358464199, + "cosine_pearson": 49.13817835368122, + "cosine_spearman": 50.78524216975442, + "main_score": 50.78524216975442 + }, + { + "hf_subset": "de-fr", + "languages": [ + "deu-Latn", + "fra-Latn" + ], + "cos_sim_pearson": 44.274388638585286, + "cos_sim_spearman": 49.43124017389838, + "euclidean_pearson": 42.45909582681174, + "euclidean_spearman": 49.661383797129055, + "manhattan_pearson": 42.5771970142383, + "manhattan_spearman": 50.14423414390715, + "cosine_pearson": 44.274388638585286, + "cosine_spearman": 49.43124017389838, + "main_score": 49.43124017389838 + }, + { + "hf_subset": "de-pl", + "languages": [ + "deu-Latn", + "pol-Latn" + ], + "cos_sim_pearson": 26.119500839749776, + "cos_sim_spearman": 39.324070169024424, + "euclidean_pearson": 35.83247077201831, + "euclidean_spearman": 42.61903924348457, + "manhattan_pearson": 35.50415034487894, + "manhattan_spearman": 41.87998075949351, + "cosine_pearson": 26.119500839749776, + "cosine_spearman": 39.324070169024424, + "main_score": 39.324070169024424 + }, + { + "hf_subset": "fr-pl", + "languages": [ + "fra-Latn", + "pol-Latn" + ], + "cos_sim_pearson": 72.62575835691209, + "cos_sim_spearman": 73.24670207647144, + "euclidean_pearson": 78.07793323914657, + "euclidean_spearman": 73.24670207647144, + "manhattan_pearson": 77.51429306378206, + "manhattan_spearman": 73.24670207647144, + "cosine_pearson": 72.62575835691209, + "cosine_spearman": 73.24670207647144, + "main_score": 73.24670207647144 + } + ] + } +} \ No newline at end of file diff --git a/results/shibing624__text2vec-base-multilingual/external/STSBenchmark.json b/results/shibing624__text2vec-base-multilingual/external/STSBenchmark.json new file mode 100644 index 000000000..9d771faaf --- /dev/null +++ b/results/shibing624__text2vec-base-multilingual/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.09375596849891, + "cos_sim_spearman": 86.44881302053585, + "euclidean_pearson": 84.71259163967213, + "euclidean_spearman": 85.63661992344069, + "manhattan_pearson": 84.64466537502614, + "manhattan_spearman": 85.53769949940238, + "cosine_pearson": 84.09375596849891, + "cosine_spearman": 86.44881302053585, + "main_score": 86.44881302053585 + } + ] + } +} \ No newline at end of file diff --git a/results/shibing624__text2vec-base-multilingual/external/SciDocsRR.json b/results/shibing624__text2vec-base-multilingual/external/SciDocsRR.json new file mode 100644 index 000000000..ba7c33fe6 --- /dev/null +++ b/results/shibing624__text2vec-base-multilingual/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 70.2056154684549, + "mrr": 89.52703161036494, + "main_score": 70.2056154684549 + } + ] + } +} \ No newline at end of file diff --git a/results/shibing624__text2vec-base-multilingual/external/SprintDuplicateQuestions.json b/results/shibing624__text2vec-base-multilingual/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..cdc947857 --- /dev/null +++ b/results/shibing624__text2vec-base-multilingual/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.57623762376238, + "cos_sim_ap": 83.53051588811371, + "cos_sim_f1": 77.72704211060375, + "cos_sim_precision": 78.88774459320288, + "cos_sim_recall": 76.6, + "dot_accuracy": 99.06435643564356, + "dot_ap": 27.003124923857463, + "dot_f1": 34.125269978401725, + "dot_precision": 37.08920187793427, + "dot_recall": 31.6, + "euclidean_accuracy": 99.61485148514852, + "euclidean_ap": 85.47332647001774, + "euclidean_f1": 80.0808897876643, + "euclidean_precision": 80.98159509202453, + "euclidean_recall": 79.2, + "manhattan_accuracy": 99.61683168316831, + "manhattan_ap": 85.41969859598552, + "manhattan_f1": 79.77755308392315, + "manhattan_precision": 80.67484662576688, + "manhattan_recall": 78.9, + "max_accuracy": 99.61683168316831, + "max_ap": 85.47332647001774, + "max_f1": 80.0808897876643, + "main_score": 85.47332647001774 + } + ] + } +} \ No newline at end of file diff --git a/results/shibing624__text2vec-base-multilingual/external/StackExchangeClustering.json b/results/shibing624__text2vec-base-multilingual/external/StackExchangeClustering.json new file mode 100644 index 000000000..e95fe5315 --- /dev/null +++ b/results/shibing624__text2vec-base-multilingual/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.35688940053467, + "main_score": 34.35688940053467 + } + ] + } +} \ No newline at end of file diff --git a/results/shibing624__text2vec-base-multilingual/external/StackExchangeClusteringP2P.json b/results/shibing624__text2vec-base-multilingual/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..e5eba3f75 --- /dev/null +++ b/results/shibing624__text2vec-base-multilingual/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.64427069276576, + "main_score": 30.64427069276576 + } + ] + } +} \ No newline at end of file diff --git a/results/shibing624__text2vec-base-multilingual/external/StackOverflowDupQuestions.json b/results/shibing624__text2vec-base-multilingual/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..c58388ad2 --- /dev/null +++ b/results/shibing624__text2vec-base-multilingual/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 44.89500754900078, + "mrr": 45.33215558950853, + "main_score": 44.89500754900078 + } + ] + } +} \ No newline at end of file diff --git a/results/shibing624__text2vec-base-multilingual/external/SummEval.json b/results/shibing624__text2vec-base-multilingual/external/SummEval.json new file mode 100644 index 000000000..51a522e7c --- /dev/null +++ b/results/shibing624__text2vec-base-multilingual/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.653069624224084, + "cos_sim_spearman": 30.10187112430319, + "dot_pearson": 28.966278202103666, + "dot_spearman": 28.342234095507767, + "cosine_pearson": 30.653069624224084, + "cosine_spearman": 30.10187112430319, + "main_score": 30.10187112430319 + } + ] + } +} \ No newline at end of file diff --git a/results/shibing624__text2vec-base-multilingual/external/ToxicConversationsClassification.json b/results/shibing624__text2vec-base-multilingual/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..5b1ba4c59 --- /dev/null +++ b/results/shibing624__text2vec-base-multilingual/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 65.96839999999999, + "ap": 11.846327590186444, + "f1": 50.518102944693574, + "main_score": 65.96839999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/shibing624__text2vec-base-multilingual/external/TweetSentimentExtractionClassification.json b/results/shibing624__text2vec-base-multilingual/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..da72f08a7 --- /dev/null +++ b/results/shibing624__text2vec-base-multilingual/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 55.220713073005086, + "f1": 55.47856175692088, + "main_score": 55.220713073005086 + } + ] + } +} \ No newline at end of file diff --git a/results/shibing624__text2vec-base-multilingual/external/TwentyNewsgroupsClustering.json b/results/shibing624__text2vec-base-multilingual/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..8225d6eba --- /dev/null +++ b/results/shibing624__text2vec-base-multilingual/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.581473892235877, + "main_score": 31.581473892235877 + } + ] + } +} \ No newline at end of file diff --git a/results/shibing624__text2vec-base-multilingual/external/TwitterSemEval2015.json b/results/shibing624__text2vec-base-multilingual/external/TwitterSemEval2015.json new file mode 100644 index 000000000..bef4751fc --- /dev/null +++ b/results/shibing624__text2vec-base-multilingual/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 82.94093103653812, + "cos_sim_ap": 62.48963249213361, + "cos_sim_f1": 58.9541137429912, + "cos_sim_precision": 52.05091937765205, + "cos_sim_recall": 67.96833773087072, + "dot_accuracy": 78.24998509864696, + "dot_ap": 40.82371294480071, + "dot_f1": 44.711163153786096, + "dot_precision": 35.475379374419326, + "dot_recall": 60.4485488126649, + "euclidean_accuracy": 83.13166835548668, + "euclidean_ap": 63.459878609769774, + "euclidean_f1": 60.337199569532466, + "euclidean_precision": 55.171659741963694, + "euclidean_recall": 66.56992084432719, + "manhattan_accuracy": 83.00649698992669, + "manhattan_ap": 63.263161177904905, + "manhattan_f1": 60.17122874713614, + "manhattan_precision": 55.40750610703975, + "manhattan_recall": 65.8311345646438, + "max_accuracy": 83.13166835548668, + "max_ap": 63.459878609769774, + "max_f1": 60.337199569532466, + "main_score": 63.459878609769774 + } + ] + } +} \ No newline at end of file diff --git a/results/shibing624__text2vec-base-multilingual/external/TwitterURLCorpus.json b/results/shibing624__text2vec-base-multilingual/external/TwitterURLCorpus.json new file mode 100644 index 000000000..54308b98e --- /dev/null +++ b/results/shibing624__text2vec-base-multilingual/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 87.80416812201653, + "cos_sim_ap": 83.45540469219863, + "cos_sim_f1": 75.58836427422892, + "cos_sim_precision": 71.93934335002783, + "cos_sim_recall": 79.62734832152756, + "dot_accuracy": 83.04226336011176, + "dot_ap": 70.63007268018524, + "dot_f1": 65.35980325765405, + "dot_precision": 60.84677151768532, + "dot_recall": 70.59593470896212, + "euclidean_accuracy": 87.60430007373773, + "euclidean_ap": 83.10068502536592, + "euclidean_f1": 75.02510506936439, + "euclidean_precision": 72.56637168141593, + "euclidean_recall": 77.65629812134279, + "manhattan_accuracy": 87.60041914076145, + "manhattan_ap": 83.05480769911229, + "manhattan_f1": 74.98522895125554, + "manhattan_precision": 72.04797047970479, + "manhattan_recall": 78.17215891592238, + "max_accuracy": 87.80416812201653, + "max_ap": 83.45540469219863, + "max_f1": 75.58836427422892, + "main_score": 83.45540469219863 + } + ] + } +} \ No newline at end of file diff --git a/results/shibing624__text2vec-base-multilingual/external/model_meta.json b/results/shibing624__text2vec-base-multilingual/external/model_meta.json new file mode 100644 index 000000000..f373fb857 --- /dev/null +++ b/results/shibing624__text2vec-base-multilingual/external/model_meta.json @@ -0,0 +1,32 @@ +{ + "name": "shibing624/text2vec-base-multilingual", + "revision": "6633dc49e554de7105458f8f2e96445c6598e9d1", + "release_date": "2023-06-22", + "languages": [ + "zh", + "en", + "de", + "fr", + "it", + "nl", + "pt", + "pl", + "ru" + ], + "loader": null, + "n_parameters": 117654272, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 384, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/silma-ai__silma-embeddding-matryoshka-v0.1/external/MassiveIntentClassification.json b/results/silma-ai__silma-embeddding-matryoshka-v0.1/external/MassiveIntentClassification.json new file mode 100644 index 000000000..23163761e --- /dev/null +++ b/results/silma-ai__silma-embeddding-matryoshka-v0.1/external/MassiveIntentClassification.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "4672e20407010da34463acc759c162ca9734bca6", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 56.445864156018835, + "f1": 53.58282538318122, + "f1_weighted": 56.821808211639315, + "main_score": 56.445864156018835 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 47.40080699394754, + "f1": 44.729286773524755, + "f1_weighted": 47.83506683571795, + "main_score": 47.40080699394754 + } + ], + "validation": [ + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 56.97983275946876, + "f1": 53.809263807080086, + "f1_weighted": 57.14993215193604, + "main_score": 56.97983275946876 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 47.683226758485006, + "f1": 44.905317333393775, + "f1_weighted": 48.051379514830195, + "main_score": 47.683226758485006 + } + ] + } +} \ No newline at end of file diff --git a/results/silma-ai__silma-embeddding-matryoshka-v0.1/external/MassiveScenarioClassification.json b/results/silma-ai__silma-embeddding-matryoshka-v0.1/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..275be5c93 --- /dev/null +++ b/results/silma-ai__silma-embeddding-matryoshka-v0.1/external/MassiveScenarioClassification.json @@ -0,0 +1,52 @@ +{ + "dataset_revision": "fad2c6e8459f9e1c45d9315f4953d921437d70f8", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 63.31876260928042, + "f1": 63.197056314678754, + "f1_weighted": 62.7166315473092, + "main_score": 63.31876260928042 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 53.35574983187627, + "f1": 50.35837223252574, + "f1_weighted": 54.11644042208904, + "main_score": 53.35574983187627 + } + ], + "validation": [ + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 62.26758484997541, + "f1": 62.477928166560325, + "f1_weighted": 61.92238394647396, + "main_score": 62.26758484997541 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 52.62174126906049, + "f1": 50.470501485026716, + "f1_weighted": 53.16459392827557, + "main_score": 52.62174126906049 + } + ] + } +} \ No newline at end of file diff --git a/results/silma-ai__silma-embeddding-matryoshka-v0.1/external/STS17.json b/results/silma-ai__silma-embeddding-matryoshka-v0.1/external/STS17.json new file mode 100644 index 000000000..6eb21099a --- /dev/null +++ b/results/silma-ai__silma-embeddding-matryoshka-v0.1/external/STS17.json @@ -0,0 +1,152 @@ +{ + "dataset_revision": "faeb762787bd10488a50c8b5be4a3b82e411949c", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 74.33941506827517, + "cosine_spearman": 74.42197838273297, + "euclidean_pearson": 75.33836191339782, + "euclidean_spearman": 74.37385193453852, + "main_score": 74.42197838273297, + "manhattan_pearson": 75.41881517194568, + "manhattan_spearman": 74.47237277057877, + "pearson": 74.33941645999855, + "spearman": 74.42197838273297 + }, + { + "hf_subset": "nl-en", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "cosine_pearson": 31.84872826199112, + "cosine_spearman": 32.22496230755917, + "euclidean_pearson": 21.830860533929688, + "euclidean_spearman": 21.38205815348658, + "main_score": 32.22496230755917, + "manhattan_pearson": 21.852430479395576, + "manhattan_spearman": 21.37848326556159, + "pearson": 31.84872485436001, + "spearman": 32.22496230755917 + }, + { + "hf_subset": "en-ar", + "languages": [ + "eng-Latn", + "ara-Arab" + ], + "cosine_pearson": 43.37529327788584, + "cosine_spearman": 42.763149514327225, + "euclidean_pearson": 39.625411905897394, + "euclidean_spearman": 39.26727199746294, + "main_score": 42.763149514327225, + "manhattan_pearson": 40.49857681486655, + "manhattan_spearman": 40.63669314166475, + "pearson": 43.37529078998193, + "spearman": 42.763149514327225 + }, + { + "hf_subset": "en-tr", + "languages": [ + "eng-Latn", + "tur-Latn" + ], + "cosine_pearson": 17.16722415938186, + "cosine_spearman": 15.590330355526344, + "euclidean_pearson": 4.430499555984906, + "euclidean_spearman": 2.729050802084264, + "main_score": 15.590330355526344, + "manhattan_pearson": 2.805408490135879, + "manhattan_spearman": 1.5237347692119627, + "pearson": 17.167228709176676, + "spearman": 15.590330355526344 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "cosine_pearson": 36.093945717347395, + "cosine_spearman": 37.33997345407934, + "euclidean_pearson": 23.156103022485055, + "euclidean_spearman": 20.62925594786342, + "main_score": 37.33997345407934, + "manhattan_pearson": 22.035024322719813, + "manhattan_spearman": 19.147522562438795, + "pearson": 36.09395175426761, + "spearman": 37.33997345407934 + }, + { + "hf_subset": "en-de", + "languages": [ + "eng-Latn", + "deu-Latn" + ], + "cosine_pearson": 29.064411455563, + "cosine_spearman": 29.232781114344697, + "euclidean_pearson": 16.90458086330736, + "euclidean_spearman": 17.462020565289887, + "main_score": 29.232781114344697, + "manhattan_pearson": 16.882446230243286, + "manhattan_spearman": 17.06144091941576, + "pearson": 29.06441922605839, + "spearman": 29.232781114344697 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cosine_pearson": 27.686316587339473, + "cosine_spearman": 28.650995973102205, + "euclidean_pearson": 12.954885279630565, + "euclidean_spearman": 11.970815927480198, + "main_score": 28.650995973102205, + "manhattan_pearson": 12.079730127474948, + "manhattan_spearman": 10.606967901984147, + "pearson": 27.68631836666537, + "spearman": 28.650995973102205 + }, + { + "hf_subset": "ar-ar", + "languages": [ + "ara-Arab" + ], + "cosine_pearson": 84.12612492708037, + "cosine_spearman": 84.24703763883515, + "euclidean_pearson": 81.38085140113648, + "euclidean_spearman": 83.17403450502965, + "main_score": 84.24703763883515, + "manhattan_pearson": 81.18466522597414, + "manhattan_spearman": 82.61184409962614, + "pearson": 84.12612546419625, + "spearman": 84.25077492152536 + }, + { + "hf_subset": "it-en", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "cosine_pearson": 27.697680546701868, + "cosine_spearman": 25.19277336255784, + "euclidean_pearson": 13.964798090314115, + "euclidean_spearman": 10.512169361528596, + "main_score": 25.19277336255784, + "manhattan_pearson": 13.537525485694433, + "manhattan_spearman": 10.334001560105834, + "pearson": 27.697681880242325, + "spearman": 25.19277336255784 + } + ] + } +} \ No newline at end of file diff --git a/results/silma-ai__silma-embeddding-matryoshka-v0.1/external/STS22.v2.json b/results/silma-ai__silma-embeddding-matryoshka-v0.1/external/STS22.v2.json new file mode 100644 index 000000000..6c95937a2 --- /dev/null +++ b/results/silma-ai__silma-embeddding-matryoshka-v0.1/external/STS22.v2.json @@ -0,0 +1,104 @@ +{ + "dataset_revision": "d31f33a128469b20e357535c39b82fb3c3f6f2bd", + "task_name": "STS22.v2", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "cosine_pearson": 32.87548760760924, + "cosine_spearman": 30.69782036694315, + "euclidean_pearson": 29.925045225262142, + "euclidean_spearman": 34.076021250318334, + "main_score": 30.69782036694315, + "manhattan_pearson": 30.815090565180945, + "manhattan_spearman": 34.91615861045259, + "pearson": 32.8754813614174, + "spearman": 30.69782036694315 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "cosine_pearson": 23.93269292232737, + "cosine_spearman": 16.781461291066496, + "euclidean_pearson": 20.87679825681155, + "euclidean_spearman": 13.764510796592536, + "main_score": 16.781461291066496, + "manhattan_pearson": 23.416430850444588, + "manhattan_spearman": 17.10405713909058, + "pearson": 23.932682034899777, + "spearman": 16.781461291066496 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "cosine_pearson": 51.73784691362425, + "cosine_spearman": 60.01035490847343, + "euclidean_pearson": 52.717195602630305, + "euclidean_spearman": 60.22164097529916, + "main_score": 60.01035490847343, + "manhattan_pearson": 53.04979941729716, + "manhattan_spearman": 60.393100473647706, + "pearson": 51.73784381247053, + "spearman": 60.020906672817276 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cosine_pearson": 47.917244237624864, + "cosine_spearman": 53.23173373821509, + "euclidean_pearson": 48.172861539004636, + "euclidean_spearman": 53.32970069145014, + "main_score": 53.23173373821509, + "manhattan_pearson": 48.163716825216646, + "manhattan_spearman": 53.77963871495307, + "pearson": 47.91724405724847, + "spearman": 53.23173373821509 + }, + { + "hf_subset": "pl-en", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "cosine_pearson": 43.66748993183993, + "cosine_spearman": 38.518248671828594, + "euclidean_pearson": 50.475058499541134, + "euclidean_spearman": 44.76070858743843, + "main_score": 38.518248671828594, + "manhattan_pearson": 50.576185727010014, + "manhattan_spearman": 45.5306304403841, + "pearson": 43.66750472144702, + "spearman": 38.518248671828594 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 56.41373213565263, + "cosine_spearman": 59.03774516602592, + "euclidean_pearson": 54.173092638047294, + "euclidean_spearman": 59.130444355085885, + "main_score": 59.03774516602592, + "manhattan_pearson": 54.18950361517434, + "manhattan_spearman": 58.78927227383971, + "pearson": 56.413733329868045, + "spearman": 59.03774516602592 + } + ] + } +} \ No newline at end of file diff --git a/results/silma-ai__silma-embeddding-matryoshka-v0.1/external/model_meta.json b/results/silma-ai__silma-embeddding-matryoshka-v0.1/external/model_meta.json new file mode 100644 index 000000000..8ea56913f --- /dev/null +++ b/results/silma-ai__silma-embeddding-matryoshka-v0.1/external/model_meta.json @@ -0,0 +1,25 @@ +{ + "name": "silma-ai/silma-embeddding-matryoshka-v0.1", + "revision": "a520977a9542ebdb8a7206df6b7ff6977f1886ea", + "release_date": "2024-10-12", + "languages": [ + "ar", + "en" + ], + "loader": null, + "n_parameters": 135193344, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 768, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/silverjam__jina-embeddings-v2-base-zh/external/AFQMC.json b/results/silverjam__jina-embeddings-v2-base-zh/external/AFQMC.json new file mode 100644 index 000000000..95c097333 --- /dev/null +++ b/results/silverjam__jina-embeddings-v2-base-zh/external/AFQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 48.51403119231363, + "cos_sim_spearman": 50.5928547846445, + "euclidean_pearson": 48.750436310559074, + "euclidean_spearman": 50.50950238691385, + "manhattan_pearson": 48.7866189440328, + "manhattan_spearman": 50.58692402017165, + "cosine_pearson": 48.51403119231363, + "cosine_spearman": 50.5928547846445, + "main_score": 50.5928547846445 + } + ] + } +} \ No newline at end of file diff --git a/results/silverjam__jina-embeddings-v2-base-zh/external/ATEC.json b/results/silverjam__jina-embeddings-v2-base-zh/external/ATEC.json new file mode 100644 index 000000000..f3b4ef5a5 --- /dev/null +++ b/results/silverjam__jina-embeddings-v2-base-zh/external/ATEC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 50.25985700105725, + "cos_sim_spearman": 51.28815934593989, + "euclidean_pearson": 52.70329248799904, + "euclidean_spearman": 50.94101139559258, + "manhattan_pearson": 52.6647237400892, + "manhattan_spearman": 50.922441325406176, + "cosine_pearson": 50.25985700105725, + "cosine_spearman": 51.28815934593989, + "main_score": 51.28815934593989 + } + ] + } +} \ No newline at end of file diff --git a/results/silverjam__jina-embeddings-v2-base-zh/external/AmazonReviewsClassification.json b/results/silverjam__jina-embeddings-v2-base-zh/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..cf80ff4b4 --- /dev/null +++ b/results/silverjam__jina-embeddings-v2-base-zh/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 34.944, + "f1": 34.06478860660109, + "main_score": 34.944 + } + ] + } +} \ No newline at end of file diff --git a/results/silverjam__jina-embeddings-v2-base-zh/external/BQ.json b/results/silverjam__jina-embeddings-v2-base-zh/external/BQ.json new file mode 100644 index 000000000..073648a94 --- /dev/null +++ b/results/silverjam__jina-embeddings-v2-base-zh/external/BQ.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 65.15667035488342, + "cos_sim_spearman": 66.07110142081, + "euclidean_pearson": 60.447598102249714, + "euclidean_spearman": 61.826575796578766, + "manhattan_pearson": 60.39364279354984, + "manhattan_spearman": 61.78743491223281, + "cosine_pearson": 65.15667035488342, + "cosine_spearman": 66.07110142081, + "main_score": 66.07110142081 + } + ] + } +} \ No newline at end of file diff --git a/results/silverjam__jina-embeddings-v2-base-zh/external/CLSClusteringP2P.json b/results/silverjam__jina-embeddings-v2-base-zh/external/CLSClusteringP2P.json new file mode 100644 index 000000000..a4400c875 --- /dev/null +++ b/results/silverjam__jina-embeddings-v2-base-zh/external/CLSClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 39.96714175391701, + "main_score": 39.96714175391701 + } + ] + } +} \ No newline at end of file diff --git a/results/silverjam__jina-embeddings-v2-base-zh/external/CLSClusteringS2S.json b/results/silverjam__jina-embeddings-v2-base-zh/external/CLSClusteringS2S.json new file mode 100644 index 000000000..427432ac8 --- /dev/null +++ b/results/silverjam__jina-embeddings-v2-base-zh/external/CLSClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 38.39863566717934, + "main_score": 38.39863566717934 + } + ] + } +} \ No newline at end of file diff --git a/results/silverjam__jina-embeddings-v2-base-zh/external/CmedqaRetrieval.json b/results/silverjam__jina-embeddings-v2-base-zh/external/CmedqaRetrieval.json new file mode 100644 index 000000000..7e6854971 --- /dev/null +++ b/results/silverjam__jina-embeddings-v2-base-zh/external/CmedqaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 22.072, + "map_at_10": 32.942, + "map_at_100": 34.768, + "map_at_1000": 34.902, + "map_at_3": 29.357, + "map_at_5": 31.236000000000004, + "mrr_at_1": 34.259, + "mrr_at_10": 41.957, + "mrr_at_100": 42.982, + "mrr_at_1000": 43.042, + "mrr_at_3": 39.722, + "mrr_at_5": 40.898, + "ndcg_at_1": 34.259, + "ndcg_at_10": 39.153, + "ndcg_at_100": 46.493, + "ndcg_at_1000": 49.01, + "ndcg_at_3": 34.636, + "ndcg_at_5": 36.278, + "precision_at_1": 34.259, + "precision_at_10": 8.815000000000001, + "precision_at_100": 1.474, + "precision_at_1000": 0.179, + "precision_at_3": 19.73, + "precision_at_5": 14.174000000000001, + "recall_at_1": 22.072, + "recall_at_10": 48.484, + "recall_at_100": 79.035, + "recall_at_1000": 96.15, + "recall_at_3": 34.607, + "recall_at_5": 40.064, + "main_score": 39.153 + } + ] + } +} \ No newline at end of file diff --git a/results/silverjam__jina-embeddings-v2-base-zh/external/Cmnli.json b/results/silverjam__jina-embeddings-v2-base-zh/external/Cmnli.json new file mode 100644 index 000000000..c24220809 --- /dev/null +++ b/results/silverjam__jina-embeddings-v2-base-zh/external/Cmnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Cmnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 76.7047504509922, + "cos_sim_ap": 85.26649874800871, + "cos_sim_f1": 78.13528724646915, + "cos_sim_precision": 71.57587548638132, + "cos_sim_recall": 86.01823708206688, + "dot_accuracy": 70.13830426939266, + "dot_ap": 77.01510412382171, + "dot_f1": 73.56710042713817, + "dot_precision": 63.955094991364426, + "dot_recall": 86.57937806873977, + "euclidean_accuracy": 75.53818400481059, + "euclidean_ap": 84.34668448241264, + "euclidean_f1": 77.51741608613047, + "euclidean_precision": 70.65614777756399, + "euclidean_recall": 85.85457096095394, + "manhattan_accuracy": 75.49007817197835, + "manhattan_ap": 84.40297506704299, + "manhattan_f1": 77.63185324160932, + "manhattan_precision": 70.03949595636637, + "manhattan_recall": 87.07037643207856, + "max_accuracy": 76.7047504509922, + "max_ap": 85.26649874800871, + "max_f1": 78.13528724646915, + "main_score": 76.7047504509922 + } + ] + } +} \ No newline at end of file diff --git a/results/silverjam__jina-embeddings-v2-base-zh/external/CovidRetrieval.json b/results/silverjam__jina-embeddings-v2-base-zh/external/CovidRetrieval.json new file mode 100644 index 000000000..5083c5189 --- /dev/null +++ b/results/silverjam__jina-embeddings-v2-base-zh/external/CovidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 69.178, + "map_at_10": 77.523, + "map_at_100": 77.793, + "map_at_1000": 77.79899999999999, + "map_at_3": 75.878, + "map_at_5": 76.849, + "mrr_at_1": 69.44200000000001, + "mrr_at_10": 77.55, + "mrr_at_100": 77.819, + "mrr_at_1000": 77.826, + "mrr_at_3": 75.957, + "mrr_at_5": 76.916, + "ndcg_at_1": 69.44200000000001, + "ndcg_at_10": 81.217, + "ndcg_at_100": 82.45, + "ndcg_at_1000": 82.636, + "ndcg_at_3": 77.931, + "ndcg_at_5": 79.655, + "precision_at_1": 69.44200000000001, + "precision_at_10": 9.357, + "precision_at_100": 0.993, + "precision_at_1000": 0.101, + "precision_at_3": 28.1, + "precision_at_5": 17.724, + "recall_at_1": 69.178, + "recall_at_10": 92.624, + "recall_at_100": 98.209, + "recall_at_1000": 99.684, + "recall_at_3": 83.772, + "recall_at_5": 87.882, + "main_score": 81.217 + } + ] + } +} \ No newline at end of file diff --git a/results/silverjam__jina-embeddings-v2-base-zh/external/DuRetrieval.json b/results/silverjam__jina-embeddings-v2-base-zh/external/DuRetrieval.json new file mode 100644 index 000000000..f6413bdaf --- /dev/null +++ b/results/silverjam__jina-embeddings-v2-base-zh/external/DuRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 25.163999999999998, + "map_at_10": 76.386, + "map_at_100": 79.339, + "map_at_1000": 79.39500000000001, + "map_at_3": 52.959, + "map_at_5": 66.59, + "mrr_at_1": 87.9, + "mrr_at_10": 91.682, + "mrr_at_100": 91.747, + "mrr_at_1000": 91.751, + "mrr_at_3": 91.267, + "mrr_at_5": 91.527, + "ndcg_at_1": 87.9, + "ndcg_at_10": 84.569, + "ndcg_at_100": 87.83800000000001, + "ndcg_at_1000": 88.322, + "ndcg_at_3": 83.473, + "ndcg_at_5": 82.178, + "precision_at_1": 87.9, + "precision_at_10": 40.605000000000004, + "precision_at_100": 4.752, + "precision_at_1000": 0.488, + "precision_at_3": 74.9, + "precision_at_5": 62.96000000000001, + "recall_at_1": 25.163999999999998, + "recall_at_10": 85.97399999999999, + "recall_at_100": 96.63000000000001, + "recall_at_1000": 99.016, + "recall_at_3": 55.611999999999995, + "recall_at_5": 71.936, + "main_score": 84.569 + } + ] + } +} \ No newline at end of file diff --git a/results/silverjam__jina-embeddings-v2-base-zh/external/EcomRetrieval.json b/results/silverjam__jina-embeddings-v2-base-zh/external/EcomRetrieval.json new file mode 100644 index 000000000..a61b8f4ed --- /dev/null +++ b/results/silverjam__jina-embeddings-v2-base-zh/external/EcomRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 48.6, + "map_at_10": 58.831, + "map_at_100": 59.427, + "map_at_1000": 59.44199999999999, + "map_at_3": 56.383, + "map_at_5": 57.753, + "mrr_at_1": 48.6, + "mrr_at_10": 58.831, + "mrr_at_100": 59.427, + "mrr_at_1000": 59.44199999999999, + "mrr_at_3": 56.383, + "mrr_at_5": 57.753, + "ndcg_at_1": 48.6, + "ndcg_at_10": 63.951, + "ndcg_at_100": 66.72200000000001, + "ndcg_at_1000": 67.13900000000001, + "ndcg_at_3": 58.882, + "ndcg_at_5": 61.373, + "precision_at_1": 48.6, + "precision_at_10": 8.01, + "precision_at_100": 0.928, + "precision_at_1000": 0.096, + "precision_at_3": 22.033, + "precision_at_5": 14.44, + "recall_at_1": 48.6, + "recall_at_10": 80.10000000000001, + "recall_at_100": 92.80000000000001, + "recall_at_1000": 96.1, + "recall_at_3": 66.10000000000001, + "recall_at_5": 72.2, + "main_score": 63.951 + } + ] + } +} \ No newline at end of file diff --git a/results/silverjam__jina-embeddings-v2-base-zh/external/IFlyTek.json b/results/silverjam__jina-embeddings-v2-base-zh/external/IFlyTek.json new file mode 100644 index 000000000..fde9fa7a1 --- /dev/null +++ b/results/silverjam__jina-embeddings-v2-base-zh/external/IFlyTek.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 47.36437091188918, + "f1": 36.60946954228577, + "main_score": 47.36437091188918 + } + ] + } +} \ No newline at end of file diff --git a/results/silverjam__jina-embeddings-v2-base-zh/external/JDReview.json b/results/silverjam__jina-embeddings-v2-base-zh/external/JDReview.json new file mode 100644 index 000000000..8f647c663 --- /dev/null +++ b/results/silverjam__jina-embeddings-v2-base-zh/external/JDReview.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 79.5684803001876, + "ap": 42.671935929201524, + "f1": 73.31912729103752, + "main_score": 79.5684803001876 + } + ] + } +} \ No newline at end of file diff --git a/results/silverjam__jina-embeddings-v2-base-zh/external/LCQMC.json b/results/silverjam__jina-embeddings-v2-base-zh/external/LCQMC.json new file mode 100644 index 000000000..3642480c8 --- /dev/null +++ b/results/silverjam__jina-embeddings-v2-base-zh/external/LCQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 68.62670112113864, + "cos_sim_spearman": 75.74009123170768, + "euclidean_pearson": 73.93002595958237, + "euclidean_spearman": 75.35222935003587, + "manhattan_pearson": 73.89870445158144, + "manhattan_spearman": 75.31714936339398, + "cosine_pearson": 68.62670112113864, + "cosine_spearman": 75.74009123170768, + "main_score": 75.74009123170768 + } + ] + } +} \ No newline at end of file diff --git a/results/silverjam__jina-embeddings-v2-base-zh/external/MMarcoReranking.json b/results/silverjam__jina-embeddings-v2-base-zh/external/MMarcoReranking.json new file mode 100644 index 000000000..14d29958f --- /dev/null +++ b/results/silverjam__jina-embeddings-v2-base-zh/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 31.5372713650176, + "mrr": 30.163095238095238, + "main_score": 31.5372713650176 + } + ] + } +} \ No newline at end of file diff --git a/results/silverjam__jina-embeddings-v2-base-zh/external/MMarcoRetrieval.json b/results/silverjam__jina-embeddings-v2-base-zh/external/MMarcoRetrieval.json new file mode 100644 index 000000000..cb7ebc40e --- /dev/null +++ b/results/silverjam__jina-embeddings-v2-base-zh/external/MMarcoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 65.054, + "map_at_10": 74.156, + "map_at_100": 74.523, + "map_at_1000": 74.535, + "map_at_3": 72.269, + "map_at_5": 73.41, + "mrr_at_1": 67.24900000000001, + "mrr_at_10": 74.78399999999999, + "mrr_at_100": 75.107, + "mrr_at_1000": 75.117, + "mrr_at_3": 73.13499999999999, + "mrr_at_5": 74.13499999999999, + "ndcg_at_1": 67.24900000000001, + "ndcg_at_10": 77.96300000000001, + "ndcg_at_100": 79.584, + "ndcg_at_1000": 79.884, + "ndcg_at_3": 74.342, + "ndcg_at_5": 76.278, + "precision_at_1": 67.24900000000001, + "precision_at_10": 9.466, + "precision_at_100": 1.027, + "precision_at_1000": 0.105, + "precision_at_3": 27.955999999999996, + "precision_at_5": 17.817, + "recall_at_1": 65.054, + "recall_at_10": 89.113, + "recall_at_100": 96.369, + "recall_at_1000": 98.714, + "recall_at_3": 79.45400000000001, + "recall_at_5": 84.06, + "main_score": 77.96300000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/silverjam__jina-embeddings-v2-base-zh/external/MassiveIntentClassification.json b/results/silverjam__jina-embeddings-v2-base-zh/external/MassiveIntentClassification.json new file mode 100644 index 000000000..dfad255d8 --- /dev/null +++ b/results/silverjam__jina-embeddings-v2-base-zh/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 68.1977135171486, + "f1": 67.23114308718404, + "main_score": 68.1977135171486 + } + ] + } +} \ No newline at end of file diff --git a/results/silverjam__jina-embeddings-v2-base-zh/external/MassiveScenarioClassification.json b/results/silverjam__jina-embeddings-v2-base-zh/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..cda6fe5a8 --- /dev/null +++ b/results/silverjam__jina-embeddings-v2-base-zh/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 71.92669804976462, + "f1": 72.90628475628779, + "main_score": 71.92669804976462 + } + ] + } +} \ No newline at end of file diff --git a/results/silverjam__jina-embeddings-v2-base-zh/external/MedicalRetrieval.json b/results/silverjam__jina-embeddings-v2-base-zh/external/MedicalRetrieval.json new file mode 100644 index 000000000..d205ecca3 --- /dev/null +++ b/results/silverjam__jina-embeddings-v2-base-zh/external/MedicalRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 49.2, + "map_at_10": 54.539, + "map_at_100": 55.135, + "map_at_1000": 55.19199999999999, + "map_at_3": 53.383, + "map_at_5": 54.142999999999994, + "mrr_at_1": 49.2, + "mrr_at_10": 54.539, + "mrr_at_100": 55.135999999999996, + "mrr_at_1000": 55.19199999999999, + "mrr_at_3": 53.383, + "mrr_at_5": 54.142999999999994, + "ndcg_at_1": 49.2, + "ndcg_at_10": 57.123000000000005, + "ndcg_at_100": 60.21300000000001, + "ndcg_at_1000": 61.915, + "ndcg_at_3": 54.772, + "ndcg_at_5": 56.157999999999994, + "precision_at_1": 49.2, + "precision_at_10": 6.52, + "precision_at_100": 0.8009999999999999, + "precision_at_1000": 0.094, + "precision_at_3": 19.6, + "precision_at_5": 12.44, + "recall_at_1": 49.2, + "recall_at_10": 65.2, + "recall_at_100": 80.10000000000001, + "recall_at_1000": 93.89999999999999, + "recall_at_3": 58.8, + "recall_at_5": 62.2, + "main_score": 57.123000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/silverjam__jina-embeddings-v2-base-zh/external/MultilingualSentiment.json b/results/silverjam__jina-embeddings-v2-base-zh/external/MultilingualSentiment.json new file mode 100644 index 000000000..197ee37d3 --- /dev/null +++ b/results/silverjam__jina-embeddings-v2-base-zh/external/MultilingualSentiment.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 63.29333333333334, + "f1": 63.03293854259612, + "main_score": 63.29333333333334 + } + ] + } +} \ No newline at end of file diff --git a/results/silverjam__jina-embeddings-v2-base-zh/external/Ocnli.json b/results/silverjam__jina-embeddings-v2-base-zh/external/Ocnli.json new file mode 100644 index 000000000..467f5dec1 --- /dev/null +++ b/results/silverjam__jina-embeddings-v2-base-zh/external/Ocnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Ocnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 75.69030860855442, + "cos_sim_ap": 80.6157833772759, + "cos_sim_f1": 77.87524366471735, + "cos_sim_precision": 72.3076923076923, + "cos_sim_recall": 84.37170010559663, + "dot_accuracy": 67.78559826746074, + "dot_ap": 72.00871467527499, + "dot_f1": 72.58722247394654, + "dot_precision": 63.57142857142857, + "dot_recall": 84.58289334741288, + "euclidean_accuracy": 75.20303194369248, + "euclidean_ap": 80.98587256415605, + "euclidean_f1": 77.26396917148362, + "euclidean_precision": 71.03631532329496, + "euclidean_recall": 84.68848996832101, + "manhattan_accuracy": 75.20303194369248, + "manhattan_ap": 80.93460699513219, + "manhattan_f1": 77.124773960217, + "manhattan_precision": 67.43083003952569, + "manhattan_recall": 90.07391763463569, + "max_accuracy": 75.69030860855442, + "max_ap": 80.98587256415605, + "max_f1": 77.87524366471735, + "main_score": 75.69030860855442 + } + ] + } +} \ No newline at end of file diff --git a/results/silverjam__jina-embeddings-v2-base-zh/external/OnlineShopping.json b/results/silverjam__jina-embeddings-v2-base-zh/external/OnlineShopping.json new file mode 100644 index 000000000..2e44d4881 --- /dev/null +++ b/results/silverjam__jina-embeddings-v2-base-zh/external/OnlineShopping.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 87.00000000000001, + "ap": 83.24372135949511, + "f1": 86.95554191530607, + "main_score": 87.00000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/silverjam__jina-embeddings-v2-base-zh/external/PAWSX.json b/results/silverjam__jina-embeddings-v2-base-zh/external/PAWSX.json new file mode 100644 index 000000000..445344f7c --- /dev/null +++ b/results/silverjam__jina-embeddings-v2-base-zh/external/PAWSX.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 37.57616811591219, + "cos_sim_spearman": 41.490259084930045, + "euclidean_pearson": 38.9155043692188, + "euclidean_spearman": 39.16056534305623, + "manhattan_pearson": 38.76569892264335, + "manhattan_spearman": 38.99891685590743, + "cosine_pearson": 37.57616811591219, + "cosine_spearman": 41.490259084930045, + "main_score": 41.490259084930045 + } + ] + } +} \ No newline at end of file diff --git a/results/silverjam__jina-embeddings-v2-base-zh/external/QBQTC.json b/results/silverjam__jina-embeddings-v2-base-zh/external/QBQTC.json new file mode 100644 index 000000000..0f36d3e28 --- /dev/null +++ b/results/silverjam__jina-embeddings-v2-base-zh/external/QBQTC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "QBQTC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 35.44858610359665, + "cos_sim_spearman": 38.11128146262466, + "euclidean_pearson": 31.928644189822457, + "euclidean_spearman": 34.384936631696554, + "manhattan_pearson": 31.90586687414376, + "manhattan_spearman": 34.35770153777186, + "cosine_pearson": 35.44858610359665, + "cosine_spearman": 38.11128146262466, + "main_score": 38.11128146262466 + } + ] + } +} \ No newline at end of file diff --git a/results/silverjam__jina-embeddings-v2-base-zh/external/STS22.json b/results/silverjam__jina-embeddings-v2-base-zh/external/STS22.json new file mode 100644 index 000000000..10eecc700 --- /dev/null +++ b/results/silverjam__jina-embeddings-v2-base-zh/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 66.54931957553592, + "cos_sim_spearman": 69.25068863016632, + "euclidean_pearson": 50.26525596106869, + "euclidean_spearman": 63.83352741910006, + "manhattan_pearson": 49.98798282198196, + "manhattan_spearman": 63.87649521907841, + "cosine_pearson": 66.54931957553592, + "cosine_spearman": 69.25068863016632, + "main_score": 69.25068863016632 + } + ] + } +} \ No newline at end of file diff --git a/results/silverjam__jina-embeddings-v2-base-zh/external/STSB.json b/results/silverjam__jina-embeddings-v2-base-zh/external/STSB.json new file mode 100644 index 000000000..1b6d288e4 --- /dev/null +++ b/results/silverjam__jina-embeddings-v2-base-zh/external/STSB.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 82.52782476625825, + "cos_sim_spearman": 82.55618986168398, + "euclidean_pearson": 78.48190631687673, + "euclidean_spearman": 78.39479731354655, + "manhattan_pearson": 78.51176592165885, + "manhattan_spearman": 78.42363787303265, + "cosine_pearson": 82.52782476625825, + "cosine_spearman": 82.55618986168398, + "main_score": 82.55618986168398 + } + ] + } +} \ No newline at end of file diff --git a/results/silverjam__jina-embeddings-v2-base-zh/external/T2Reranking.json b/results/silverjam__jina-embeddings-v2-base-zh/external/T2Reranking.json new file mode 100644 index 000000000..94998d462 --- /dev/null +++ b/results/silverjam__jina-embeddings-v2-base-zh/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 67.36693873615643, + "mrr": 77.83847701797939, + "main_score": 67.36693873615643 + } + ] + } +} \ No newline at end of file diff --git a/results/silverjam__jina-embeddings-v2-base-zh/external/T2Retrieval.json b/results/silverjam__jina-embeddings-v2-base-zh/external/T2Retrieval.json new file mode 100644 index 000000000..b1b2f9458 --- /dev/null +++ b/results/silverjam__jina-embeddings-v2-base-zh/external/T2Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 25.795, + "map_at_10": 72.258, + "map_at_100": 76.049, + "map_at_1000": 76.134, + "map_at_3": 50.697, + "map_at_5": 62.324999999999996, + "mrr_at_1": 86.634, + "mrr_at_10": 89.792, + "mrr_at_100": 89.91900000000001, + "mrr_at_1000": 89.923, + "mrr_at_3": 89.224, + "mrr_at_5": 89.608, + "ndcg_at_1": 86.634, + "ndcg_at_10": 80.589, + "ndcg_at_100": 84.812, + "ndcg_at_1000": 85.662, + "ndcg_at_3": 82.169, + "ndcg_at_5": 80.619, + "precision_at_1": 86.634, + "precision_at_10": 40.389, + "precision_at_100": 4.93, + "precision_at_1000": 0.513, + "precision_at_3": 72.104, + "precision_at_5": 60.425, + "recall_at_1": 25.795, + "recall_at_10": 79.565, + "recall_at_100": 93.24799999999999, + "recall_at_1000": 97.595, + "recall_at_3": 52.583999999999996, + "recall_at_5": 66.175, + "main_score": 80.589 + } + ] + } +} \ No newline at end of file diff --git a/results/silverjam__jina-embeddings-v2-base-zh/external/TNews.json b/results/silverjam__jina-embeddings-v2-base-zh/external/TNews.json new file mode 100644 index 000000000..feb265c49 --- /dev/null +++ b/results/silverjam__jina-embeddings-v2-base-zh/external/TNews.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 47.648999999999994, + "f1": 46.28925837008413, + "main_score": 47.648999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/silverjam__jina-embeddings-v2-base-zh/external/ThuNewsClusteringP2P.json b/results/silverjam__jina-embeddings-v2-base-zh/external/ThuNewsClusteringP2P.json new file mode 100644 index 000000000..2d738861b --- /dev/null +++ b/results/silverjam__jina-embeddings-v2-base-zh/external/ThuNewsClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 54.07641891287953, + "main_score": 54.07641891287953 + } + ] + } +} \ No newline at end of file diff --git a/results/silverjam__jina-embeddings-v2-base-zh/external/ThuNewsClusteringS2S.json b/results/silverjam__jina-embeddings-v2-base-zh/external/ThuNewsClusteringS2S.json new file mode 100644 index 000000000..98341ed18 --- /dev/null +++ b/results/silverjam__jina-embeddings-v2-base-zh/external/ThuNewsClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 53.423702062353954, + "main_score": 53.423702062353954 + } + ] + } +} \ No newline at end of file diff --git a/results/silverjam__jina-embeddings-v2-base-zh/external/VideoRetrieval.json b/results/silverjam__jina-embeddings-v2-base-zh/external/VideoRetrieval.json new file mode 100644 index 000000000..58753f3bf --- /dev/null +++ b/results/silverjam__jina-embeddings-v2-base-zh/external/VideoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 55.7, + "map_at_10": 65.923, + "map_at_100": 66.42, + "map_at_1000": 66.431, + "map_at_3": 63.9, + "map_at_5": 65.225, + "mrr_at_1": 55.60000000000001, + "mrr_at_10": 65.873, + "mrr_at_100": 66.36999999999999, + "mrr_at_1000": 66.381, + "mrr_at_3": 63.849999999999994, + "mrr_at_5": 65.17500000000001, + "ndcg_at_1": 55.7, + "ndcg_at_10": 70.621, + "ndcg_at_100": 72.944, + "ndcg_at_1000": 73.25399999999999, + "ndcg_at_3": 66.547, + "ndcg_at_5": 68.93599999999999, + "precision_at_1": 55.7, + "precision_at_10": 8.52, + "precision_at_100": 0.958, + "precision_at_1000": 0.098, + "precision_at_3": 24.733, + "precision_at_5": 16, + "recall_at_1": 55.7, + "recall_at_10": 85.2, + "recall_at_100": 95.8, + "recall_at_1000": 98.3, + "recall_at_3": 74.2, + "recall_at_5": 80, + "main_score": 70.621 + } + ] + } +} \ No newline at end of file diff --git a/results/silverjam__jina-embeddings-v2-base-zh/external/Waimai.json b/results/silverjam__jina-embeddings-v2-base-zh/external/Waimai.json new file mode 100644 index 000000000..c9f446d49 --- /dev/null +++ b/results/silverjam__jina-embeddings-v2-base-zh/external/Waimai.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 84.54, + "ap": 66.13603199670062, + "f1": 82.61420654584116, + "main_score": 84.54 + } + ] + } +} \ No newline at end of file diff --git a/results/silverjam__jina-embeddings-v2-base-zh/external/model_meta.json b/results/silverjam__jina-embeddings-v2-base-zh/external/model_meta.json new file mode 100644 index 000000000..8b0dda3d9 --- /dev/null +++ b/results/silverjam__jina-embeddings-v2-base-zh/external/model_meta.json @@ -0,0 +1,25 @@ +{ + "name": "silverjam/jina-embeddings-v2-base-zh", + "revision": "bc849be09b0f42330e458d21f828f45f13ec864d", + "release_date": "2024-06-05", + "languages": [ + "en", + "zh" + ], + "loader": null, + "n_parameters": 160813824, + "memory_usage": null, + "max_tokens": 8192, + "embed_dim": 768, + "license": "apache-2.0", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/AmazonCounterfactualClassification.json b/results/sionic-ai__sionic-ai-v1/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..81034226c --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.07462686567163, + "ap": 40.56545526400157, + "f1": 71.14615231582567, + "main_score": 77.07462686567163 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/AmazonPolarityClassification.json b/results/sionic-ai__sionic-ai-v1/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..52e2066e2 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.03617500000001, + "ap": 89.68075993779713, + "f1": 93.01941324029784, + "main_score": 93.03617500000001 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/AmazonReviewsClassification.json b/results/sionic-ai__sionic-ai-v1/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..ade1ee32d --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 47.730000000000004, + "f1": 47.17780812766083, + "main_score": 47.730000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/ArguAna.json b/results/sionic-ai__sionic-ai-v1/external/ArguAna.json new file mode 100644 index 000000000..9605e56f6 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 41.963, + "map_at_10": 57.289, + "map_at_100": 57.813, + "map_at_1000": 57.81699999999999, + "map_at_3": 53.425999999999995, + "map_at_5": 55.798, + "mrr_at_1": 42.603, + "mrr_at_10": 57.528999999999996, + "mrr_at_100": 58.053999999999995, + "mrr_at_1000": 58.058, + "mrr_at_3": 53.639, + "mrr_at_5": 56.018, + "ndcg_at_1": 41.963, + "ndcg_at_10": 65.038, + "ndcg_at_100": 67.243, + "ndcg_at_1000": 67.337, + "ndcg_at_3": 57.218, + "ndcg_at_5": 61.49400000000001, + "precision_at_1": 41.963, + "precision_at_10": 8.94, + "precision_at_100": 0.989, + "precision_at_1000": 0.1, + "precision_at_3": 22.736, + "precision_at_5": 15.717999999999998, + "recall_at_1": 41.963, + "recall_at_10": 89.403, + "recall_at_100": 98.933, + "recall_at_1000": 99.644, + "recall_at_3": 68.208, + "recall_at_5": 78.592, + "main_score": 65.038 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/ArxivClusteringP2P.json b/results/sionic-ai__sionic-ai-v1/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..b4887ba9c --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 49.7119537244616, + "main_score": 49.7119537244616 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/ArxivClusteringS2S.json b/results/sionic-ai__sionic-ai-v1/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..d7fc8b913 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 43.45461573320737, + "main_score": 43.45461573320737 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/AskUbuntuDupQuestions.json b/results/sionic-ai__sionic-ai-v1/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..7bffc860e --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 63.77183059365367, + "mrr": 76.47836697005673, + "main_score": 63.77183059365367 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/BIOSSES.json b/results/sionic-ai__sionic-ai-v1/external/BIOSSES.json new file mode 100644 index 000000000..3a3a945b2 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.6676490140397, + "cos_sim_spearman": 83.62479701399418, + "euclidean_pearson": 83.77348388669043, + "euclidean_spearman": 85.15254266808878, + "manhattan_pearson": 83.82596617753741, + "manhattan_spearman": 84.92783875287692, + "cosine_pearson": 84.6676490140397, + "cosine_spearman": 83.62479701399418, + "main_score": 83.62479701399418 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/Banking77Classification.json b/results/sionic-ai__sionic-ai-v1/external/Banking77Classification.json new file mode 100644 index 000000000..0b2b5e810 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 87.85714285714286, + "f1": 87.84374773981708, + "main_score": 87.85714285714286 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/BiorxivClusteringP2P.json b/results/sionic-ai__sionic-ai-v1/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..ff1281da7 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 42.02700557366043, + "main_score": 42.02700557366043 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/BiorxivClusteringS2S.json b/results/sionic-ai__sionic-ai-v1/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..f630c68af --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.19662622375156, + "main_score": 38.19662622375156 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/CQADupstackAndroidRetrieval.json b/results/sionic-ai__sionic-ai-v1/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..40255bc45 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.83, + "map_at_10": 44.035000000000004, + "map_at_100": 45.49, + "map_at_1000": 45.613, + "map_at_3": 40.542, + "map_at_5": 42.213, + "mrr_at_1": 39.914, + "mrr_at_10": 49.742999999999995, + "mrr_at_100": 50.473, + "mrr_at_1000": 50.514, + "mrr_at_3": 47.043, + "mrr_at_5": 48.603, + "ndcg_at_1": 39.914, + "ndcg_at_10": 50.432, + "ndcg_at_100": 55.675, + "ndcg_at_1000": 57.547000000000004, + "ndcg_at_3": 45.33, + "ndcg_at_5": 47.326, + "precision_at_1": 39.914, + "precision_at_10": 9.614, + "precision_at_100": 1.522, + "precision_at_1000": 0.197, + "precision_at_3": 21.602, + "precision_at_5": 15.308, + "recall_at_1": 32.83, + "recall_at_10": 62.824000000000005, + "recall_at_100": 84.604, + "recall_at_1000": 96.318, + "recall_at_3": 47.991, + "recall_at_5": 53.74, + "main_score": 50.432 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 34.666000000000004, + "map_at_10": 45.149, + "map_at_100": 46.373, + "map_at_1000": 46.505, + "map_at_3": 41.973, + "map_at_5": 43.876, + "mrr_at_1": 43.248, + "mrr_at_10": 51.346000000000004, + "mrr_at_100": 51.903, + "mrr_at_1000": 51.94800000000001, + "mrr_at_3": 49.289, + "mrr_at_5": 50.575, + "ndcg_at_1": 43.248, + "ndcg_at_10": 50.849999999999994, + "ndcg_at_100": 54.836, + "ndcg_at_1000": 56.821999999999996, + "ndcg_at_3": 46.788000000000004, + "ndcg_at_5": 48.901, + "precision_at_1": 43.248, + "precision_at_10": 9.51, + "precision_at_100": 1.5, + "precision_at_1000": 0.196, + "precision_at_3": 22.548000000000002, + "precision_at_5": 15.936, + "recall_at_1": 34.666000000000004, + "recall_at_10": 60.244, + "recall_at_100": 77.03, + "recall_at_1000": 89.619, + "recall_at_3": 48.147, + "recall_at_5": 54.19199999999999, + "main_score": 50.849999999999994 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 42.317, + "map_at_10": 55.084999999999994, + "map_at_100": 56.081, + "map_at_1000": 56.131, + "map_at_3": 51.87199999999999, + "map_at_5": 53.638, + "mrr_at_1": 48.464, + "mrr_at_10": 58.664, + "mrr_at_100": 59.282999999999994, + "mrr_at_1000": 59.307, + "mrr_at_3": 56.426, + "mrr_at_5": 57.799, + "ndcg_at_1": 48.464, + "ndcg_at_10": 60.939, + "ndcg_at_100": 64.77000000000001, + "ndcg_at_1000": 65.732, + "ndcg_at_3": 55.769000000000005, + "ndcg_at_5": 58.282000000000004, + "precision_at_1": 48.464, + "precision_at_10": 9.693, + "precision_at_100": 1.248, + "precision_at_1000": 0.13699999999999998, + "precision_at_3": 24.89, + "precision_at_5": 16.828000000000003, + "recall_at_1": 42.317, + "recall_at_10": 74.602, + "recall_at_100": 90.943, + "recall_at_1000": 97.617, + "recall_at_3": 60.909, + "recall_at_5": 67.172, + "main_score": 60.939 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.854999999999997, + "map_at_10": 37.508, + "map_at_100": 38.576, + "map_at_1000": 38.646, + "map_at_3": 35.066, + "map_at_5": 36.291000000000004, + "mrr_at_1": 30.959999999999997, + "mrr_at_10": 39.559, + "mrr_at_100": 40.481, + "mrr_at_1000": 40.536, + "mrr_at_3": 37.288, + "mrr_at_5": 38.463, + "ndcg_at_1": 30.959999999999997, + "ndcg_at_10": 42.403, + "ndcg_at_100": 47.49, + "ndcg_at_1000": 49.227, + "ndcg_at_3": 37.599, + "ndcg_at_5": 39.652, + "precision_at_1": 30.959999999999997, + "precision_at_10": 6.328, + "precision_at_100": 0.9329999999999999, + "precision_at_1000": 0.11100000000000002, + "precision_at_3": 15.744, + "precision_at_5": 10.667, + "recall_at_1": 28.854999999999997, + "recall_at_10": 55.539, + "recall_at_100": 78.481, + "recall_at_1000": 91.456, + "recall_at_3": 42.302, + "recall_at_5": 47.288999999999994, + "main_score": 42.403 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.17, + "map_at_10": 27.737000000000002, + "map_at_100": 28.912, + "map_at_1000": 29.029, + "map_at_3": 25.038, + "map_at_5": 26.478, + "mrr_at_1": 23.632, + "mrr_at_10": 32.614, + "mrr_at_100": 33.578, + "mrr_at_1000": 33.642, + "mrr_at_3": 30.079, + "mrr_at_5": 31.490000000000002, + "ndcg_at_1": 23.632, + "ndcg_at_10": 33.204, + "ndcg_at_100": 38.805, + "ndcg_at_1000": 41.508, + "ndcg_at_3": 28.316999999999997, + "ndcg_at_5": 30.459999999999997, + "precision_at_1": 23.632, + "precision_at_10": 6.007, + "precision_at_100": 1.015, + "precision_at_1000": 0.13799999999999998, + "precision_at_3": 13.639999999999999, + "precision_at_5": 9.776, + "recall_at_1": 19.17, + "recall_at_10": 45.247, + "recall_at_100": 69.455, + "recall_at_1000": 88.548, + "recall_at_3": 31.55, + "recall_at_5": 36.97, + "main_score": 33.204 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.788, + "map_at_10": 41.510000000000005, + "map_at_100": 42.827, + "map_at_1000": 42.936, + "map_at_3": 38.454, + "map_at_5": 40.116, + "mrr_at_1": 37.247, + "mrr_at_10": 46.976, + "mrr_at_100": 47.797, + "mrr_at_1000": 47.838, + "mrr_at_3": 44.61, + "mrr_at_5": 45.961999999999996, + "ndcg_at_1": 37.247, + "ndcg_at_10": 47.447, + "ndcg_at_100": 52.711, + "ndcg_at_1000": 54.663, + "ndcg_at_3": 42.576, + "ndcg_at_5": 44.832, + "precision_at_1": 37.247, + "precision_at_10": 8.441, + "precision_at_100": 1.277, + "precision_at_1000": 0.163, + "precision_at_3": 20.019000000000002, + "precision_at_5": 14.033000000000001, + "recall_at_1": 30.788, + "recall_at_10": 59.51499999999999, + "recall_at_100": 81.317, + "recall_at_1000": 93.88300000000001, + "recall_at_3": 46.021, + "recall_at_5": 51.791, + "main_score": 47.447 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.671, + "map_at_10": 37.088, + "map_at_100": 38.482, + "map_at_1000": 38.594, + "map_at_3": 33.947, + "map_at_5": 35.682, + "mrr_at_1": 32.647999999999996, + "mrr_at_10": 42.469, + "mrr_at_100": 43.332, + "mrr_at_1000": 43.387, + "mrr_at_3": 39.916000000000004, + "mrr_at_5": 41.382999999999996, + "ndcg_at_1": 32.647999999999996, + "ndcg_at_10": 43.013, + "ndcg_at_100": 48.554, + "ndcg_at_1000": 50.854, + "ndcg_at_3": 37.987, + "ndcg_at_5": 40.316, + "precision_at_1": 32.647999999999996, + "precision_at_10": 7.911, + "precision_at_100": 1.2309999999999999, + "precision_at_1000": 0.16, + "precision_at_3": 18.151, + "precision_at_5": 12.991, + "recall_at_1": 26.671, + "recall_at_10": 54.935, + "recall_at_100": 78.387, + "recall_at_1000": 93.997, + "recall_at_3": 41.117, + "recall_at_5": 47.211, + "main_score": 43.013 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.19883333333333, + "map_at_10": 37.64883333333333, + "map_at_100": 38.861749999999994, + "map_at_1000": 38.97366666666666, + "map_at_3": 34.831999999999994, + "map_at_5": 36.366083333333336, + "mrr_at_1": 33.25125, + "mrr_at_10": 41.90383333333333, + "mrr_at_100": 42.75125, + "mrr_at_1000": 42.80408333333334, + "mrr_at_3": 39.58091666666667, + "mrr_at_5": 40.919250000000005, + "ndcg_at_1": 33.25125, + "ndcg_at_10": 43.03475, + "ndcg_at_100": 48.11583333333333, + "ndcg_at_1000": 50.23949999999999, + "ndcg_at_3": 38.373666666666665, + "ndcg_at_5": 40.52941666666667, + "precision_at_1": 33.25125, + "precision_at_10": 7.442750000000001, + "precision_at_100": 1.1699166666666667, + "precision_at_1000": 0.15416666666666667, + "precision_at_3": 17.556416666666667, + "precision_at_5": 12.3295, + "recall_at_1": 28.19883333333333, + "recall_at_10": 54.61899999999999, + "recall_at_100": 76.78066666666666, + "recall_at_1000": 91.29883333333333, + "recall_at_3": 41.69391666666667, + "recall_at_5": 47.250083333333336, + "main_score": 43.03475 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.891, + "map_at_10": 33.765, + "map_at_100": 34.762, + "map_at_1000": 34.855999999999995, + "map_at_3": 31.813999999999997, + "map_at_5": 32.925, + "mrr_at_1": 30.368000000000002, + "mrr_at_10": 36.85, + "mrr_at_100": 37.681, + "mrr_at_1000": 37.747, + "mrr_at_3": 35.046, + "mrr_at_5": 36.065999999999995, + "ndcg_at_1": 30.368000000000002, + "ndcg_at_10": 37.716, + "ndcg_at_100": 42.529, + "ndcg_at_1000": 44.769999999999996, + "ndcg_at_3": 34.226, + "ndcg_at_5": 35.933, + "precision_at_1": 30.368000000000002, + "precision_at_10": 5.736, + "precision_at_100": 0.8789999999999999, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 14.519000000000002, + "precision_at_5": 9.969, + "recall_at_1": 26.891, + "recall_at_10": 46.733999999999995, + "recall_at_100": 68.696, + "recall_at_1000": 85.085, + "recall_at_3": 37.153000000000006, + "recall_at_5": 41.396, + "main_score": 37.716 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.184, + "map_at_10": 26.717000000000002, + "map_at_100": 27.863, + "map_at_1000": 27.98, + "map_at_3": 24.248, + "map_at_5": 25.619999999999997, + "mrr_at_1": 23.021, + "mrr_at_10": 30.517, + "mrr_at_100": 31.480000000000004, + "mrr_at_1000": 31.549, + "mrr_at_3": 28.194999999999997, + "mrr_at_5": 29.573, + "ndcg_at_1": 23.021, + "ndcg_at_10": 31.501, + "ndcg_at_100": 36.927, + "ndcg_at_1000": 39.61, + "ndcg_at_3": 27.058, + "ndcg_at_5": 29.171999999999997, + "precision_at_1": 23.021, + "precision_at_10": 5.64, + "precision_at_100": 0.97, + "precision_at_1000": 0.13799999999999998, + "precision_at_3": 12.572, + "precision_at_5": 9.147, + "recall_at_1": 19.184, + "recall_at_10": 42.108000000000004, + "recall_at_100": 66.438, + "recall_at_1000": 85.309, + "recall_at_3": 29.853, + "recall_at_5": 35.228, + "main_score": 31.501 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.516000000000002, + "map_at_10": 37.16, + "map_at_100": 38.329, + "map_at_1000": 38.424, + "map_at_3": 34.365, + "map_at_5": 35.905, + "mrr_at_1": 32.275999999999996, + "mrr_at_10": 41.192, + "mrr_at_100": 42.055, + "mrr_at_1000": 42.111, + "mrr_at_3": 38.682, + "mrr_at_5": 40.044000000000004, + "ndcg_at_1": 32.275999999999996, + "ndcg_at_10": 42.573, + "ndcg_at_100": 47.9, + "ndcg_at_1000": 50.005, + "ndcg_at_3": 37.536, + "ndcg_at_5": 39.812, + "precision_at_1": 32.275999999999996, + "precision_at_10": 7.127, + "precision_at_100": 1.107, + "precision_at_1000": 0.13899999999999998, + "precision_at_3": 16.947000000000003, + "precision_at_5": 11.866, + "recall_at_1": 27.516000000000002, + "recall_at_10": 54.94, + "recall_at_100": 78.011, + "recall_at_1000": 92.66, + "recall_at_3": 41.522, + "recall_at_5": 46.989, + "main_score": 42.573 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.052999999999997, + "map_at_10": 33.847, + "map_at_100": 35.555, + "map_at_1000": 35.772999999999996, + "map_at_3": 31.273, + "map_at_5": 32.49, + "mrr_at_1": 30.435000000000002, + "mrr_at_10": 38.41, + "mrr_at_100": 39.567, + "mrr_at_1000": 39.62, + "mrr_at_3": 36.265, + "mrr_at_5": 37.342, + "ndcg_at_1": 30.435000000000002, + "ndcg_at_10": 39.579, + "ndcg_at_100": 45.865, + "ndcg_at_1000": 48.363, + "ndcg_at_3": 35.545, + "ndcg_at_5": 37.023, + "precision_at_1": 30.435000000000002, + "precision_at_10": 7.668, + "precision_at_100": 1.518, + "precision_at_1000": 0.24, + "precision_at_3": 16.798, + "precision_at_5": 11.858, + "recall_at_1": 25.052999999999997, + "recall_at_10": 50.160000000000004, + "recall_at_100": 78.313, + "recall_at_1000": 93.697, + "recall_at_3": 38.368, + "recall_at_5": 42.568, + "main_score": 39.579 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.445, + "map_at_10": 32.185, + "map_at_100": 33.091, + "map_at_1000": 33.196999999999996, + "map_at_3": 29.392000000000003, + "map_at_5": 31.159, + "mrr_at_1": 26.802, + "mrr_at_10": 34.506, + "mrr_at_100": 35.385, + "mrr_at_1000": 35.449999999999996, + "mrr_at_3": 32.132, + "mrr_at_5": 33.731, + "ndcg_at_1": 26.802, + "ndcg_at_10": 36.76, + "ndcg_at_100": 41.327999999999996, + "ndcg_at_1000": 43.773, + "ndcg_at_3": 31.752999999999997, + "ndcg_at_5": 34.644000000000005, + "precision_at_1": 26.802, + "precision_at_10": 5.638, + "precision_at_100": 0.839, + "precision_at_1000": 0.11800000000000001, + "precision_at_3": 13.247, + "precision_at_5": 9.575, + "recall_at_1": 24.445, + "recall_at_10": 48.58, + "recall_at_100": 69.69300000000001, + "recall_at_1000": 87.397, + "recall_at_3": 35.394, + "recall_at_5": 42.455, + "main_score": 36.76 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/ClimateFEVER.json b/results/sionic-ai__sionic-ai-v1/external/ClimateFEVER.json new file mode 100644 index 000000000..19f3fd56c --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.441000000000003, + "map_at_10": 29.369, + "map_at_100": 31.339, + "map_at_1000": 31.537, + "map_at_3": 25.09, + "map_at_5": 27.388, + "mrr_at_1": 39.217999999999996, + "mrr_at_10": 51.23799999999999, + "mrr_at_100": 51.88, + "mrr_at_1000": 51.905, + "mrr_at_3": 48.426, + "mrr_at_5": 49.986000000000004, + "ndcg_at_1": 39.217999999999996, + "ndcg_at_10": 38.987, + "ndcg_at_100": 46.043, + "ndcg_at_1000": 49.19, + "ndcg_at_3": 33.426, + "ndcg_at_5": 35.182, + "precision_at_1": 39.217999999999996, + "precision_at_10": 11.909, + "precision_at_100": 1.9640000000000002, + "precision_at_1000": 0.255, + "precision_at_3": 24.973, + "precision_at_5": 18.528, + "recall_at_1": 17.441000000000003, + "recall_at_10": 44.378, + "recall_at_100": 68.377, + "recall_at_1000": 85.67, + "recall_at_3": 30.214999999999996, + "recall_at_5": 36.094, + "main_score": 38.987 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/DBPedia.json b/results/sionic-ai__sionic-ai-v1/external/DBPedia.json new file mode 100644 index 000000000..00daac040 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.922, + "map_at_10": 22.095000000000002, + "map_at_100": 32.196999999999996, + "map_at_1000": 33.949, + "map_at_3": 15.695999999999998, + "map_at_5": 18.561, + "mrr_at_1": 71.75, + "mrr_at_10": 79.4, + "mrr_at_100": 79.64, + "mrr_at_1000": 79.645, + "mrr_at_3": 77.792, + "mrr_at_5": 79.00399999999999, + "ndcg_at_1": 59.25, + "ndcg_at_10": 45.493, + "ndcg_at_100": 51.461, + "ndcg_at_1000": 58.62500000000001, + "ndcg_at_3": 50.038000000000004, + "ndcg_at_5": 47.796, + "precision_at_1": 71.75, + "precision_at_10": 36.325, + "precision_at_100": 12.068, + "precision_at_1000": 2.2089999999999996, + "precision_at_3": 53.25, + "precision_at_5": 46.650000000000006, + "recall_at_1": 9.922, + "recall_at_10": 27.371000000000002, + "recall_at_100": 58.36900000000001, + "recall_at_1000": 81.43, + "recall_at_3": 16.817, + "recall_at_5": 21.179000000000002, + "main_score": 45.493 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/EmotionClassification.json b/results/sionic-ai__sionic-ai-v1/external/EmotionClassification.json new file mode 100644 index 000000000..7e36ce9c7 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 54.665, + "f1": 49.727174733557334, + "main_score": 54.665 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/FEVER.json b/results/sionic-ai__sionic-ai-v1/external/FEVER.json new file mode 100644 index 000000000..65a598771 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 77.523, + "map_at_10": 85.917, + "map_at_100": 86.102, + "map_at_1000": 86.115, + "map_at_3": 84.946, + "map_at_5": 85.541, + "mrr_at_1": 83.678, + "mrr_at_10": 90.24600000000001, + "mrr_at_100": 90.278, + "mrr_at_1000": 90.279, + "mrr_at_3": 89.779, + "mrr_at_5": 90.09700000000001, + "ndcg_at_1": 83.678, + "ndcg_at_10": 89.34100000000001, + "ndcg_at_100": 89.923, + "ndcg_at_1000": 90.14, + "ndcg_at_3": 88.01400000000001, + "ndcg_at_5": 88.723, + "precision_at_1": 83.678, + "precision_at_10": 10.687000000000001, + "precision_at_100": 1.123, + "precision_at_1000": 0.116, + "precision_at_3": 33.678000000000004, + "precision_at_5": 20.771, + "recall_at_1": 77.523, + "recall_at_10": 95.48299999999999, + "recall_at_100": 97.622, + "recall_at_1000": 98.932, + "recall_at_3": 91.797, + "recall_at_5": 93.702, + "main_score": 89.34100000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/FiQA2018.json b/results/sionic-ai__sionic-ai-v1/external/FiQA2018.json new file mode 100644 index 000000000..e52413eae --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.335, + "map_at_10": 37.689, + "map_at_100": 39.638, + "map_at_1000": 39.805, + "map_at_3": 33.099000000000004, + "map_at_5": 35.563, + "mrr_at_1": 45.525, + "mrr_at_10": 54.07300000000001, + "mrr_at_100": 54.736, + "mrr_at_1000": 54.772, + "mrr_at_3": 51.62, + "mrr_at_5": 52.932, + "ndcg_at_1": 45.525, + "ndcg_at_10": 45.877, + "ndcg_at_100": 52.428, + "ndcg_at_1000": 55.089, + "ndcg_at_3": 42.057, + "ndcg_at_5": 43.067, + "precision_at_1": 45.525, + "precision_at_10": 12.67, + "precision_at_100": 1.951, + "precision_at_1000": 0.242, + "precision_at_3": 28.035, + "precision_at_5": 20.525, + "recall_at_1": 23.335, + "recall_at_10": 53.047, + "recall_at_100": 77.061, + "recall_at_1000": 92.842, + "recall_at_3": 38.182, + "recall_at_5": 44.094, + "main_score": 45.877 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/HotpotQA.json b/results/sionic-ai__sionic-ai-v1/external/HotpotQA.json new file mode 100644 index 000000000..4a6349f40 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 41.918, + "map_at_10": 69.01, + "map_at_100": 69.806, + "map_at_1000": 69.853, + "map_at_3": 65.594, + "map_at_5": 67.77300000000001, + "mrr_at_1": 83.83500000000001, + "mrr_at_10": 88.804, + "mrr_at_100": 88.912, + "mrr_at_1000": 88.915, + "mrr_at_3": 88.091, + "mrr_at_5": 88.564, + "ndcg_at_1": 83.83500000000001, + "ndcg_at_10": 76.627, + "ndcg_at_100": 79.269, + "ndcg_at_1000": 80.122, + "ndcg_at_3": 71.98, + "ndcg_at_5": 74.64, + "precision_at_1": 83.83500000000001, + "precision_at_10": 16.005, + "precision_at_100": 1.806, + "precision_at_1000": 0.192, + "precision_at_3": 46.544999999999995, + "precision_at_5": 30.026000000000003, + "recall_at_1": 41.918, + "recall_at_10": 80.027, + "recall_at_100": 90.29700000000001, + "recall_at_1000": 95.901, + "recall_at_3": 69.818, + "recall_at_5": 75.064, + "main_score": 76.627 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/ImdbClassification.json b/results/sionic-ai__sionic-ai-v1/external/ImdbClassification.json new file mode 100644 index 000000000..2f026e8fb --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.70040000000002, + "ap": 90.58039961008838, + "f1": 93.696322976805, + "main_score": 93.70040000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/MSMARCO.json b/results/sionic-ai__sionic-ai-v1/external/MSMARCO.json new file mode 100644 index 000000000..e880bdca8 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.388, + "map_at_10": 36.164, + "map_at_100": 37.289, + "map_at_1000": 37.336000000000006, + "map_at_3": 32.208, + "map_at_5": 34.482, + "mrr_at_1": 23.997, + "mrr_at_10": 36.779, + "mrr_at_100": 37.839, + "mrr_at_1000": 37.881, + "mrr_at_3": 32.93, + "mrr_at_5": 35.158, + "ndcg_at_1": 23.997, + "ndcg_at_10": 43.282, + "ndcg_at_100": 48.637, + "ndcg_at_1000": 49.754, + "ndcg_at_3": 35.266999999999996, + "ndcg_at_5": 39.305, + "precision_at_1": 23.997, + "precision_at_10": 6.821000000000001, + "precision_at_100": 0.9490000000000001, + "precision_at_1000": 0.104, + "precision_at_3": 15.004999999999999, + "precision_at_5": 11.054, + "recall_at_1": 23.388, + "recall_at_10": 65.127, + "recall_at_100": 89.753, + "recall_at_1000": 98.173, + "recall_at_3": 43.4, + "recall_at_5": 53.071999999999996, + "main_score": 43.282 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/MTOPDomainClassification.json b/results/sionic-ai__sionic-ai-v1/external/MTOPDomainClassification.json new file mode 100644 index 000000000..195d734f2 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 95.16187870497038, + "f1": 94.92465121683176, + "main_score": 95.16187870497038 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/MTOPIntentClassification.json b/results/sionic-ai__sionic-ai-v1/external/MTOPIntentClassification.json new file mode 100644 index 000000000..2b70074b8 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.03191974464204, + "f1": 61.33007652226683, + "main_score": 80.03191974464204 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/MassiveIntentClassification.json b/results/sionic-ai__sionic-ai-v1/external/MassiveIntentClassification.json new file mode 100644 index 000000000..ff45c0693 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.09885675857431, + "f1": 76.96223435507879, + "main_score": 79.09885675857431 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/MassiveScenarioClassification.json b/results/sionic-ai__sionic-ai-v1/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..b4dede568 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 81.94687289845326, + "f1": 81.72213346382495, + "main_score": 81.94687289845326 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/MedrxivClusteringP2P.json b/results/sionic-ai__sionic-ai-v1/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..1323f6508 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.23008400582387, + "main_score": 36.23008400582387 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/MedrxivClusteringS2S.json b/results/sionic-ai__sionic-ai-v1/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..0642b2015 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.38335563600822, + "main_score": 32.38335563600822 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/MindSmallReranking.json b/results/sionic-ai__sionic-ai-v1/external/MindSmallReranking.json new file mode 100644 index 000000000..668add1ef --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.52782587210441, + "mrr": 32.7035429328629, + "main_score": 31.52782587210441 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/NFCorpus.json b/results/sionic-ai__sionic-ai-v1/external/NFCorpus.json new file mode 100644 index 000000000..b4409557b --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.845999999999999, + "map_at_10": 14.63, + "map_at_100": 18.345, + "map_at_1000": 19.807, + "map_at_3": 10.953, + "map_at_5": 12.697, + "mrr_at_1": 47.368, + "mrr_at_10": 56.408, + "mrr_at_100": 56.991, + "mrr_at_1000": 57.02700000000001, + "mrr_at_3": 54.747, + "mrr_at_5": 55.846, + "ndcg_at_1": 45.82, + "ndcg_at_10": 36.732, + "ndcg_at_100": 34.036, + "ndcg_at_1000": 42.918, + "ndcg_at_3": 42.628, + "ndcg_at_5": 40.128, + "precision_at_1": 47.368, + "precision_at_10": 26.904, + "precision_at_100": 8.334, + "precision_at_1000": 2.111, + "precision_at_3": 40.144000000000005, + "precision_at_5": 34.489, + "recall_at_1": 6.845999999999999, + "recall_at_10": 18.232, + "recall_at_100": 34.136, + "recall_at_1000": 65.57, + "recall_at_3": 11.759, + "recall_at_5": 14.707999999999998, + "main_score": 36.732 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/NQ.json b/results/sionic-ai__sionic-ai-v1/external/NQ.json new file mode 100644 index 000000000..89146b43b --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.607, + "map_at_10": 48.68, + "map_at_100": 49.631, + "map_at_1000": 49.653999999999996, + "map_at_3": 44.174, + "map_at_5": 46.865, + "mrr_at_1": 36.79, + "mrr_at_10": 51.156, + "mrr_at_100": 51.856, + "mrr_at_1000": 51.870000000000005, + "mrr_at_3": 47.455999999999996, + "mrr_at_5": 49.724000000000004, + "ndcg_at_1": 36.79, + "ndcg_at_10": 56.541, + "ndcg_at_100": 60.465, + "ndcg_at_1000": 61.013, + "ndcg_at_3": 48.209, + "ndcg_at_5": 52.644000000000005, + "precision_at_1": 36.79, + "precision_at_10": 9.27, + "precision_at_100": 1.149, + "precision_at_1000": 0.12, + "precision_at_3": 21.852, + "precision_at_5": 15.672, + "recall_at_1": 32.607, + "recall_at_10": 77.957, + "recall_at_100": 94.757, + "recall_at_1000": 98.832, + "recall_at_3": 56.61000000000001, + "recall_at_5": 66.732, + "main_score": 56.541 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/QuoraRetrieval.json b/results/sionic-ai__sionic-ai-v1/external/QuoraRetrieval.json new file mode 100644 index 000000000..9a7586e50 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 71.949, + "map_at_10": 85.863, + "map_at_100": 86.491, + "map_at_1000": 86.505, + "map_at_3": 83.043, + "map_at_5": 84.8, + "mrr_at_1": 82.93, + "mrr_at_10": 88.716, + "mrr_at_100": 88.805, + "mrr_at_1000": 88.805, + "mrr_at_3": 87.848, + "mrr_at_5": 88.452, + "ndcg_at_1": 82.94, + "ndcg_at_10": 89.396, + "ndcg_at_100": 90.523, + "ndcg_at_1000": 90.596, + "ndcg_at_3": 86.833, + "ndcg_at_5": 88.225, + "precision_at_1": 82.94, + "precision_at_10": 13.522, + "precision_at_100": 1.5350000000000001, + "precision_at_1000": 0.157, + "precision_at_3": 38.019999999999996, + "precision_at_5": 24.874, + "recall_at_1": 71.949, + "recall_at_10": 95.985, + "recall_at_100": 99.705, + "recall_at_1000": 99.982, + "recall_at_3": 88.413, + "recall_at_5": 92.532, + "main_score": 89.396 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/RedditClustering.json b/results/sionic-ai__sionic-ai-v1/external/RedditClustering.json new file mode 100644 index 000000000..9c511e060 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 58.50397537756067, + "main_score": 58.50397537756067 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/RedditClusteringP2P.json b/results/sionic-ai__sionic-ai-v1/external/RedditClusteringP2P.json new file mode 100644 index 000000000..4becb2246 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 65.09111585312182, + "main_score": 65.09111585312182 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/SCIDOCS.json b/results/sionic-ai__sionic-ai-v1/external/SCIDOCS.json new file mode 100644 index 000000000..a25022de8 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.328, + "map_at_10": 14.025000000000002, + "map_at_100": 16.403000000000002, + "map_at_1000": 16.755, + "map_at_3": 10.128, + "map_at_5": 12.042, + "mrr_at_1": 26.3, + "mrr_at_10": 38.027, + "mrr_at_100": 39.112, + "mrr_at_1000": 39.15, + "mrr_at_3": 34.433, + "mrr_at_5": 36.437999999999995, + "ndcg_at_1": 26.3, + "ndcg_at_10": 22.904, + "ndcg_at_100": 31.808999999999997, + "ndcg_at_1000": 37.408, + "ndcg_at_3": 22.017999999999997, + "ndcg_at_5": 19.122, + "precision_at_1": 26.3, + "precision_at_10": 11.84, + "precision_at_100": 2.471, + "precision_at_1000": 0.38, + "precision_at_3": 20.767, + "precision_at_5": 16.84, + "recall_at_1": 5.328, + "recall_at_10": 24, + "recall_at_100": 50.173, + "recall_at_1000": 77.22200000000001, + "recall_at_3": 12.652, + "recall_at_5": 17.092, + "main_score": 22.904 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/SICK-R.json b/results/sionic-ai__sionic-ai-v1/external/SICK-R.json new file mode 100644 index 000000000..d02126739 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.24083803725871, + "cos_sim_spearman": 81.00003675131066, + "euclidean_pearson": 81.66288190755017, + "euclidean_spearman": 80.8591677979369, + "manhattan_pearson": 81.65188499932559, + "manhattan_spearman": 80.84969273926379, + "cosine_pearson": 84.24083803725871, + "cosine_spearman": 81.00003675131066, + "main_score": 81.00003675131066 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/STS12.json b/results/sionic-ai__sionic-ai-v1/external/STS12.json new file mode 100644 index 000000000..1878beae0 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.86245596720207, + "cos_sim_spearman": 79.76982315849432, + "euclidean_pearson": 84.08674590166918, + "euclidean_spearman": 79.82960710579087, + "manhattan_pearson": 84.05370633411236, + "manhattan_spearman": 79.78889972125556, + "cosine_pearson": 86.86245596720207, + "cosine_spearman": 79.76982315849432, + "main_score": 79.76982315849432 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/STS13.json b/results/sionic-ai__sionic-ai-v1/external/STS13.json new file mode 100644 index 000000000..1141c66cd --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.3103299403235, + "cos_sim_spearman": 85.4504570470498, + "euclidean_pearson": 84.78582379605986, + "euclidean_spearman": 85.42627922874793, + "manhattan_pearson": 84.72093039095986, + "manhattan_spearman": 85.37545973987105, + "cosine_pearson": 84.3103299403235, + "cosine_spearman": 85.4504570470498, + "main_score": 85.4504570470498 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/STS14.json b/results/sionic-ai__sionic-ai-v1/external/STS14.json new file mode 100644 index 000000000..99f13f51f --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.7811125755656, + "cos_sim_spearman": 82.1418064552016, + "euclidean_pearson": 81.76768854155489, + "euclidean_spearman": 81.87925885994605, + "manhattan_pearson": 81.73823381133532, + "manhattan_spearman": 81.83848324852914, + "cosine_pearson": 81.7811125755656, + "cosine_spearman": 82.1418064552016, + "main_score": 82.1418064552016 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/STS15.json b/results/sionic-ai__sionic-ai-v1/external/STS15.json new file mode 100644 index 000000000..c6a4a1f03 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.77170385298344, + "cos_sim_spearman": 86.6995105881395, + "euclidean_pearson": 86.09997193597131, + "euclidean_spearman": 86.6691809576152, + "manhattan_pearson": 86.05819223132623, + "manhattan_spearman": 86.63909618446979, + "cosine_pearson": 84.77170385298344, + "cosine_spearman": 86.6995105881395, + "main_score": 86.6995105881395 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/STS16.json b/results/sionic-ai__sionic-ai-v1/external/STS16.json new file mode 100644 index 000000000..bac3c91f9 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.42286993921634, + "cos_sim_spearman": 86.35209040752669, + "euclidean_pearson": 85.42582334105671, + "euclidean_spearman": 86.28412244758633, + "manhattan_pearson": 85.43059107029272, + "manhattan_spearman": 86.27090062806225, + "cosine_pearson": 84.42286993921634, + "cosine_spearman": 86.35209040752669, + "main_score": 86.35209040752669 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/STS17.json b/results/sionic-ai__sionic-ai-v1/external/STS17.json new file mode 100644 index 000000000..8d7a1e3a8 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.27814644680406, + "cos_sim_spearman": 86.13269619051003, + "euclidean_pearson": 86.43759619681596, + "euclidean_spearman": 85.35609983837541, + "manhattan_pearson": 86.56900966648851, + "manhattan_spearman": 85.53334508807559, + "cosine_pearson": 85.27814644680406, + "cosine_spearman": 86.13269619051003, + "main_score": 86.13269619051003 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/STS22.json b/results/sionic-ai__sionic-ai-v1/external/STS22.json new file mode 100644 index 000000000..747c0a5b3 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 66.53522441640088, + "cos_sim_spearman": 66.98460545542223, + "euclidean_pearson": 68.14585405221024, + "euclidean_spearman": 66.50486820484109, + "manhattan_pearson": 68.07695653374543, + "manhattan_spearman": 66.60229880909495, + "cosine_pearson": 66.53522441640088, + "cosine_spearman": 66.98460545542223, + "main_score": 66.98460545542223 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/STSBenchmark.json b/results/sionic-ai__sionic-ai-v1/external/STSBenchmark.json new file mode 100644 index 000000000..32ccd72ea --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.36210258340701, + "cos_sim_spearman": 86.27961596583953, + "euclidean_pearson": 85.05824596275431, + "euclidean_spearman": 85.95626794662996, + "manhattan_pearson": 85.08493690885169, + "manhattan_spearman": 85.97991960000013, + "cosine_pearson": 83.36210258340701, + "cosine_spearman": 86.27961596583953, + "main_score": 86.27961596583953 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/SciDocsRR.json b/results/sionic-ai__sionic-ai-v1/external/SciDocsRR.json new file mode 100644 index 000000000..c9f264b8c --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 88.05926431433953, + "mrr": 96.53995786348727, + "main_score": 88.05926431433953 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/SciFact.json b/results/sionic-ai__sionic-ai-v1/external/SciFact.json new file mode 100644 index 000000000..caa1a4106 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 59.660999999999994, + "map_at_10": 69.39999999999999, + "map_at_100": 69.787, + "map_at_1000": 69.82000000000001, + "map_at_3": 66.43, + "map_at_5": 67.989, + "mrr_at_1": 63, + "mrr_at_10": 70.509, + "mrr_at_100": 70.792, + "mrr_at_1000": 70.824, + "mrr_at_3": 68.167, + "mrr_at_5": 69.5, + "ndcg_at_1": 63, + "ndcg_at_10": 74.209, + "ndcg_at_100": 75.74300000000001, + "ndcg_at_1000": 76.423, + "ndcg_at_3": 69.087, + "ndcg_at_5": 71.42399999999999, + "precision_at_1": 63, + "precision_at_10": 9.966999999999999, + "precision_at_100": 1.077, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 27.111, + "precision_at_5": 17.8, + "recall_at_1": 59.660999999999994, + "recall_at_10": 87.922, + "recall_at_100": 94.667, + "recall_at_1000": 99.667, + "recall_at_3": 73.906, + "recall_at_5": 80.094, + "main_score": 74.209 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/SprintDuplicateQuestions.json b/results/sionic-ai__sionic-ai-v1/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..c2d283c0c --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.87029702970297, + "cos_sim_ap": 96.78080271162648, + "cos_sim_f1": 93.33333333333333, + "cos_sim_precision": 95.02590673575129, + "cos_sim_recall": 91.7, + "dot_accuracy": 99.6960396039604, + "dot_ap": 91.07533824017564, + "dot_f1": 84.41432720232332, + "dot_precision": 81.80112570356472, + "dot_recall": 87.2, + "euclidean_accuracy": 99.87425742574257, + "euclidean_ap": 96.82184426825803, + "euclidean_f1": 93.52371239163692, + "euclidean_precision": 95.42143600416233, + "euclidean_recall": 91.7, + "manhattan_accuracy": 99.87425742574257, + "manhattan_ap": 96.84824127992334, + "manhattan_f1": 93.5500253936008, + "manhattan_precision": 95.04643962848297, + "manhattan_recall": 92.10000000000001, + "max_accuracy": 99.87425742574257, + "max_ap": 96.84824127992334, + "max_f1": 93.5500253936008, + "main_score": 96.84824127992334 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/StackExchangeClustering.json b/results/sionic-ai__sionic-ai-v1/external/StackExchangeClustering.json new file mode 100644 index 000000000..dc7aab3b4 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 66.80646711150717, + "main_score": 66.80646711150717 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/StackExchangeClusteringP2P.json b/results/sionic-ai__sionic-ai-v1/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..eec385e10 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.28773452906587, + "main_score": 35.28773452906587 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/StackOverflowDupQuestions.json b/results/sionic-ai__sionic-ai-v1/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..aeaa3361d --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 55.28585488417727, + "mrr": 56.23835519056107, + "main_score": 55.28585488417727 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/SummEval.json b/results/sionic-ai__sionic-ai-v1/external/SummEval.json new file mode 100644 index 000000000..f43c3c6f5 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.303110609843536, + "cos_sim_spearman": 32.121313527446944, + "dot_pearson": 28.14303657628762, + "dot_spearman": 27.80000491563264, + "cosine_pearson": 31.303110609843536, + "cosine_spearman": 32.121313527446944, + "main_score": 32.121313527446944 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/TRECCOVID.json b/results/sionic-ai__sionic-ai-v1/external/TRECCOVID.json new file mode 100644 index 000000000..c26355623 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.243, + "map_at_10": 2.099, + "map_at_100": 10.894, + "map_at_1000": 24.587999999999997, + "map_at_3": 0.6910000000000001, + "map_at_5": 1.1039999999999999, + "mrr_at_1": 90, + "mrr_at_10": 94.5, + "mrr_at_100": 94.5, + "mrr_at_1000": 94.5, + "mrr_at_3": 94, + "mrr_at_5": 94.5, + "ndcg_at_1": 87, + "ndcg_at_10": 80.265, + "ndcg_at_100": 57.371, + "ndcg_at_1000": 49.147999999999996, + "ndcg_at_3": 83.296, + "ndcg_at_5": 82.003, + "precision_at_1": 90, + "precision_at_10": 85, + "precision_at_100": 58.36, + "precision_at_1000": 21.352, + "precision_at_3": 87.333, + "precision_at_5": 86.8, + "recall_at_1": 0.243, + "recall_at_10": 2.262, + "recall_at_100": 13.919, + "recall_at_1000": 45.251999999999995, + "recall_at_3": 0.711, + "recall_at_5": 1.162, + "main_score": 80.265 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/Touche2020.json b/results/sionic-ai__sionic-ai-v1/external/Touche2020.json new file mode 100644 index 000000000..9275a53c5 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.334, + "map_at_10": 11.221, + "map_at_100": 18.207, + "map_at_1000": 19.588, + "map_at_3": 6.085, + "map_at_5": 8.773, + "mrr_at_1": 42.857, + "mrr_at_10": 55.175, + "mrr_at_100": 56.133, + "mrr_at_1000": 56.133, + "mrr_at_3": 51.019999999999996, + "mrr_at_5": 53.878, + "ndcg_at_1": 39.796, + "ndcg_at_10": 27.533, + "ndcg_at_100": 39.823, + "ndcg_at_1000": 50.412, + "ndcg_at_3": 32.558, + "ndcg_at_5": 31.863000000000003, + "precision_at_1": 42.857, + "precision_at_10": 23.673, + "precision_at_100": 8.184, + "precision_at_1000": 1.522, + "precision_at_3": 32.653, + "precision_at_5": 31.429000000000002, + "recall_at_1": 3.334, + "recall_at_10": 16.645, + "recall_at_100": 49.876, + "recall_at_1000": 82.512, + "recall_at_3": 6.763, + "recall_at_5": 11.461, + "main_score": 27.533 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/ToxicConversationsClassification.json b/results/sionic-ai__sionic-ai-v1/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..625c1e0d5 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.1264, + "ap": 14.7287447276112, + "f1": 55.46235112706406, + "main_score": 72.1264 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/TweetSentimentExtractionClassification.json b/results/sionic-ai__sionic-ai-v1/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..a159fcfaf --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.07809847198642, + "f1": 61.377630233653036, + "main_score": 61.07809847198642 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/TwentyNewsgroupsClustering.json b/results/sionic-ai__sionic-ai-v1/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..b57a44293 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 54.10055371858293, + "main_score": 54.10055371858293 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/TwitterSemEval2015.json b/results/sionic-ai__sionic-ai-v1/external/TwitterSemEval2015.json new file mode 100644 index 000000000..92ffa8572 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 87.35769207844072, + "cos_sim_ap": 78.4339038750439, + "cos_sim_f1": 71.50245668476856, + "cos_sim_precision": 70.10649087221095, + "cos_sim_recall": 72.95514511873351, + "dot_accuracy": 82.8396018358467, + "dot_ap": 62.120847549876125, + "dot_f1": 58.371350364963504, + "dot_precision": 51.40618722378465, + "dot_recall": 67.5197889182058, + "euclidean_accuracy": 87.52458723252072, + "euclidean_ap": 78.77453300254041, + "euclidean_f1": 71.625, + "euclidean_precision": 68.05225653206651, + "euclidean_recall": 75.59366754617413, + "manhattan_accuracy": 87.536508314955, + "manhattan_ap": 78.75992501489914, + "manhattan_f1": 71.6182364729459, + "manhattan_precision": 68.16881258941345, + "manhattan_recall": 75.4353562005277, + "max_accuracy": 87.536508314955, + "max_ap": 78.77453300254041, + "max_f1": 71.625, + "main_score": 78.77453300254041 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/TwitterURLCorpus.json b/results/sionic-ai__sionic-ai-v1/external/TwitterURLCorpus.json new file mode 100644 index 000000000..ddd893d55 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.48721232584313, + "cos_sim_ap": 84.74350149247529, + "cos_sim_f1": 76.55672345052554, + "cos_sim_precision": 72.32570880701273, + "cos_sim_recall": 81.3135201724669, + "dot_accuracy": 84.74599293670198, + "dot_ap": 75.44592372136103, + "dot_f1": 69.34277843368751, + "dot_precision": 64.76642384548553, + "dot_recall": 74.61502925777641, + "euclidean_accuracy": 88.52020025614158, + "euclidean_ap": 85.01860042460612, + "euclidean_f1": 76.97924816512052, + "euclidean_precision": 74.57590413628817, + "euclidean_recall": 79.54265475823837, + "manhattan_accuracy": 88.51049792370085, + "manhattan_ap": 85.03208810011937, + "manhattan_f1": 77.0230840258541, + "manhattan_precision": 74.01859870802868, + "manhattan_recall": 80.28179858330768, + "max_accuracy": 88.52020025614158, + "max_ap": 85.03208810011937, + "max_f1": 77.0230840258541, + "main_score": 85.03208810011937 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v1/external/model_meta.json b/results/sionic-ai__sionic-ai-v1/external/model_meta.json new file mode 100644 index 000000000..ca3640cae --- /dev/null +++ b/results/sionic-ai__sionic-ai-v1/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "sionic-ai/sionic-ai-v1", + "revision": "532895e8bc7a3f3f9a4cef92557dbaadebaa5f8b", + "release_date": "2023-09-07", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": null, + "embed_dim": null, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/AmazonCounterfactualClassification.json b/results/sionic-ai__sionic-ai-v2/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..9163d26ec --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.56716417910448, + "ap": 39.864746145463656, + "f1": 70.60275403114987, + "main_score": 76.56716417910448 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/AmazonPolarityClassification.json b/results/sionic-ai__sionic-ai-v2/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..707d2ae81 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.46427500000001, + "ap": 90.36283359936121, + "f1": 93.45329322673612, + "main_score": 93.46427500000001 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/AmazonReviewsClassification.json b/results/sionic-ai__sionic-ai-v2/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..f916fe3ce --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 48.77199999999999, + "f1": 48.16695258838576, + "main_score": 48.77199999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/ArguAna.json b/results/sionic-ai__sionic-ai-v2/external/ArguAna.json new file mode 100644 index 000000000..3fbc63386 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.184999999999995, + "map_at_10": 56.114, + "map_at_100": 56.676, + "map_at_1000": 56.68, + "map_at_3": 51.968, + "map_at_5": 54.642, + "mrr_at_1": 40.896, + "mrr_at_10": 56.388000000000005, + "mrr_at_100": 56.95099999999999, + "mrr_at_1000": 56.95400000000001, + "mrr_at_3": 52.251999999999995, + "mrr_at_5": 54.879999999999995, + "ndcg_at_1": 40.184999999999995, + "ndcg_at_10": 64.253, + "ndcg_at_100": 66.47, + "ndcg_at_1000": 66.549, + "ndcg_at_3": 55.945, + "ndcg_at_5": 60.742, + "precision_at_1": 40.184999999999995, + "precision_at_10": 8.982999999999999, + "precision_at_100": 0.991, + "precision_at_1000": 0.1, + "precision_at_3": 22.499, + "precision_at_5": 15.817999999999998, + "recall_at_1": 40.184999999999995, + "recall_at_10": 89.82900000000001, + "recall_at_100": 99.075, + "recall_at_1000": 99.644, + "recall_at_3": 67.496, + "recall_at_5": 79.09, + "main_score": 64.253 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/ArxivClusteringP2P.json b/results/sionic-ai__sionic-ai-v2/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..17102da09 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 49.64684811204023, + "main_score": 49.64684811204023 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/ArxivClusteringS2S.json b/results/sionic-ai__sionic-ai-v2/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..a79463e80 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 43.6640710523389, + "main_score": 43.6640710523389 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/AskUbuntuDupQuestions.json b/results/sionic-ai__sionic-ai-v2/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..ee75f97ce --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 63.71316367624821, + "mrr": 77.02534845886647, + "main_score": 63.71316367624821 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/BIOSSES.json b/results/sionic-ai__sionic-ai-v2/external/BIOSSES.json new file mode 100644 index 000000000..fd2ff8e6a --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.96786300506704, + "cos_sim_spearman": 88.08212749295554, + "euclidean_pearson": 87.1561534920524, + "euclidean_spearman": 88.016463346151, + "manhattan_pearson": 87.19359910450564, + "manhattan_spearman": 88.10803169765825, + "cosine_pearson": 88.96786300506704, + "cosine_spearman": 88.08212749295554, + "main_score": 88.08212749295554 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/Banking77Classification.json b/results/sionic-ai__sionic-ai-v2/external/Banking77Classification.json new file mode 100644 index 000000000..723437d73 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 87.46103896103897, + "f1": 87.4315144014101, + "main_score": 87.46103896103897 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/BiorxivClusteringP2P.json b/results/sionic-ai__sionic-ai-v2/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..a580550e2 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 41.03554871732576, + "main_score": 41.03554871732576 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/BiorxivClusteringS2S.json b/results/sionic-ai__sionic-ai-v2/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..bcccb0da0 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.974813344124264, + "main_score": 37.974813344124264 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/CQADupstackAndroidRetrieval.json b/results/sionic-ai__sionic-ai-v2/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..b4ec33788 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 34.174, + "map_at_10": 45.728, + "map_at_100": 47.266999999999996, + "map_at_1000": 47.39, + "map_at_3": 41.667, + "map_at_5": 44.028, + "mrr_at_1": 41.202, + "mrr_at_10": 51.49, + "mrr_at_100": 52.159, + "mrr_at_1000": 52.197, + "mrr_at_3": 48.379, + "mrr_at_5": 50.331, + "ndcg_at_1": 41.202, + "ndcg_at_10": 52.38699999999999, + "ndcg_at_100": 57.611999999999995, + "ndcg_at_1000": 59.318000000000005, + "ndcg_at_3": 46.516000000000005, + "ndcg_at_5": 49.519000000000005, + "precision_at_1": 41.202, + "precision_at_10": 9.971, + "precision_at_100": 1.5879999999999999, + "precision_at_1000": 0.20500000000000002, + "precision_at_3": 22.031, + "precision_at_5": 16.309, + "recall_at_1": 34.174, + "recall_at_10": 65.32900000000001, + "recall_at_100": 86.64, + "recall_at_1000": 97.069, + "recall_at_3": 48.607, + "recall_at_5": 56.615, + "main_score": 52.38699999999999 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 34.73, + "map_at_10": 45.617999999999995, + "map_at_100": 46.888000000000005, + "map_at_1000": 47.016999999999996, + "map_at_3": 42.425000000000004, + "map_at_5": 44.214999999999996, + "mrr_at_1": 43.631, + "mrr_at_10": 52.014, + "mrr_at_100": 52.6, + "mrr_at_1000": 52.637, + "mrr_at_3": 50.021, + "mrr_at_5": 51.23799999999999, + "ndcg_at_1": 43.631, + "ndcg_at_10": 51.458000000000006, + "ndcg_at_100": 55.61000000000001, + "ndcg_at_1000": 57.462, + "ndcg_at_3": 47.461, + "ndcg_at_5": 49.312, + "precision_at_1": 43.631, + "precision_at_10": 9.661999999999999, + "precision_at_100": 1.5270000000000001, + "precision_at_1000": 0.198, + "precision_at_3": 22.823999999999998, + "precision_at_5": 16.075999999999997, + "recall_at_1": 34.73, + "recall_at_10": 61.041999999999994, + "recall_at_100": 78.658, + "recall_at_1000": 90.215, + "recall_at_3": 48.952, + "recall_at_5": 54.422000000000004, + "main_score": 51.458000000000006 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 42.047000000000004, + "map_at_10": 55.669999999999995, + "map_at_100": 56.676, + "map_at_1000": 56.728, + "map_at_3": 52.275000000000006, + "map_at_5": 54.254000000000005, + "mrr_at_1": 48.15, + "mrr_at_10": 59.036, + "mrr_at_100": 59.650999999999996, + "mrr_at_1000": 59.675, + "mrr_at_3": 56.760999999999996, + "mrr_at_5": 58.087, + "ndcg_at_1": 48.15, + "ndcg_at_10": 61.709, + "ndcg_at_100": 65.446, + "ndcg_at_1000": 66.388, + "ndcg_at_3": 56.333, + "ndcg_at_5": 59.028000000000006, + "precision_at_1": 48.15, + "precision_at_10": 9.893, + "precision_at_100": 1.265, + "precision_at_1000": 0.13799999999999998, + "precision_at_3": 25.266, + "precision_at_5": 17.204, + "recall_at_1": 42.047000000000004, + "recall_at_10": 76.004, + "recall_at_100": 91.727, + "recall_at_1000": 98.213, + "recall_at_3": 61.82, + "recall_at_5": 68.42200000000001, + "main_score": 61.709 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.985, + "map_at_10": 38.763999999999996, + "map_at_100": 39.835, + "map_at_1000": 39.900000000000006, + "map_at_3": 35.826, + "map_at_5": 37.403, + "mrr_at_1": 32.202999999999996, + "mrr_at_10": 40.94, + "mrr_at_100": 41.861, + "mrr_at_1000": 41.909, + "mrr_at_3": 38.267, + "mrr_at_5": 39.748, + "ndcg_at_1": 32.202999999999996, + "ndcg_at_10": 43.909, + "ndcg_at_100": 49.028, + "ndcg_at_1000": 50.714999999999996, + "ndcg_at_3": 38.239000000000004, + "ndcg_at_5": 40.854, + "precision_at_1": 32.202999999999996, + "precision_at_10": 6.621, + "precision_at_100": 0.964, + "precision_at_1000": 0.11399999999999999, + "precision_at_3": 15.781999999999998, + "precision_at_5": 10.96, + "recall_at_1": 29.985, + "recall_at_10": 57.727, + "recall_at_100": 80.833, + "recall_at_1000": 93.625, + "recall_at_3": 42.396, + "recall_at_5": 48.624, + "main_score": 43.909 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.249, + "map_at_10": 28.565, + "map_at_100": 29.753, + "map_at_1000": 29.881, + "map_at_3": 25.778000000000002, + "map_at_5": 27.21, + "mrr_at_1": 23.632, + "mrr_at_10": 33.51, + "mrr_at_100": 34.372, + "mrr_at_1000": 34.443, + "mrr_at_3": 30.784, + "mrr_at_5": 32.301, + "ndcg_at_1": 23.632, + "ndcg_at_10": 34.42, + "ndcg_at_100": 39.823, + "ndcg_at_1000": 42.558, + "ndcg_at_3": 29.237000000000002, + "ndcg_at_5": 31.465, + "precision_at_1": 23.632, + "precision_at_10": 6.331, + "precision_at_100": 1.042, + "precision_at_1000": 0.14100000000000001, + "precision_at_3": 14.179, + "precision_at_5": 10.299, + "recall_at_1": 19.249, + "recall_at_10": 47.539, + "recall_at_100": 70.612, + "recall_at_1000": 89.633, + "recall_at_3": 33.082, + "recall_at_5": 38.622, + "main_score": 34.42 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.599, + "map_at_10": 42.948, + "map_at_100": 44.244, + "map_at_1000": 44.352000000000004, + "map_at_3": 39.352, + "map_at_5": 41.397, + "mrr_at_1": 38.21, + "mrr_at_10": 48.347, + "mrr_at_100": 49.132999999999996, + "mrr_at_1000": 49.171, + "mrr_at_3": 45.653, + "mrr_at_5": 47.323, + "ndcg_at_1": 38.21, + "ndcg_at_10": 49.225, + "ndcg_at_100": 54.422000000000004, + "ndcg_at_1000": 56.27799999999999, + "ndcg_at_3": 43.482, + "ndcg_at_5": 46.321, + "precision_at_1": 38.21, + "precision_at_10": 8.921999999999999, + "precision_at_100": 1.333, + "precision_at_1000": 0.169, + "precision_at_3": 20.372, + "precision_at_5": 14.629, + "recall_at_1": 31.599, + "recall_at_10": 62.364, + "recall_at_100": 83.91199999999999, + "recall_at_1000": 95.743, + "recall_at_3": 46.671, + "recall_at_5": 53.772, + "main_score": 49.225 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.641, + "map_at_10": 37.604, + "map_at_100": 38.897, + "map_at_1000": 39.001000000000005, + "map_at_3": 34.04, + "map_at_5": 35.684, + "mrr_at_1": 32.991, + "mrr_at_10": 43.029, + "mrr_at_100": 43.782, + "mrr_at_1000": 43.830999999999996, + "mrr_at_3": 40.164, + "mrr_at_5": 41.619, + "ndcg_at_1": 32.991, + "ndcg_at_10": 44.217, + "ndcg_at_100": 49.497, + "ndcg_at_1000": 51.598, + "ndcg_at_3": 38.208999999999996, + "ndcg_at_5": 40.444, + "precision_at_1": 32.991, + "precision_at_10": 8.436, + "precision_at_100": 1.279, + "precision_at_1000": 0.163, + "precision_at_3": 18.379, + "precision_at_5": 13.196, + "recall_at_1": 26.641, + "recall_at_10": 58.50300000000001, + "recall_at_100": 81.228, + "recall_at_1000": 95.345, + "recall_at_3": 41.6, + "recall_at_5": 47.425, + "main_score": 44.217 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.678083333333333, + "map_at_10": 38.63366666666666, + "map_at_100": 39.84708333333333, + "map_at_1000": 39.959583333333335, + "map_at_3": 35.49, + "map_at_5": 37.23125, + "mrr_at_1": 33.813916666666664, + "mrr_at_10": 42.955500000000015, + "mrr_at_100": 43.75541666666667, + "mrr_at_1000": 43.80616666666666, + "mrr_at_3": 40.40191666666667, + "mrr_at_5": 41.88358333333333, + "ndcg_at_1": 33.813916666666664, + "ndcg_at_10": 44.361666666666665, + "ndcg_at_100": 49.37991666666667, + "ndcg_at_1000": 51.432583333333326, + "ndcg_at_3": 39.12949999999999, + "ndcg_at_5": 41.60183333333333, + "precision_at_1": 33.813916666666664, + "precision_at_10": 7.759250000000002, + "precision_at_100": 1.2108333333333332, + "precision_at_1000": 0.158, + "precision_at_3": 17.90716666666667, + "precision_at_5": 12.765333333333334, + "recall_at_1": 28.678083333333333, + "recall_at_10": 56.92716666666667, + "recall_at_100": 78.74991666666668, + "recall_at_1000": 92.73875000000001, + "recall_at_3": 42.459916666666665, + "recall_at_5": 48.76258333333333, + "main_score": 44.361666666666665 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.282, + "map_at_10": 34.458, + "map_at_100": 35.44, + "map_at_1000": 35.536, + "map_at_3": 31.912000000000003, + "map_at_5": 33.495000000000005, + "mrr_at_1": 30.675, + "mrr_at_10": 37.563, + "mrr_at_100": 38.374, + "mrr_at_1000": 38.444, + "mrr_at_3": 35.276, + "mrr_at_5": 36.718, + "ndcg_at_1": 30.675, + "ndcg_at_10": 38.838, + "ndcg_at_100": 43.527, + "ndcg_at_1000": 45.891, + "ndcg_at_3": 34.314, + "ndcg_at_5": 36.789, + "precision_at_1": 30.675, + "precision_at_10": 6.012, + "precision_at_100": 0.903, + "precision_at_1000": 0.117, + "precision_at_3": 14.571000000000002, + "precision_at_5": 10.306999999999999, + "recall_at_1": 27.282, + "recall_at_10": 49.198, + "recall_at_100": 70.489, + "recall_at_1000": 87.902, + "recall_at_3": 36.966, + "recall_at_5": 43.079, + "main_score": 38.838 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.839000000000002, + "map_at_10": 27.68, + "map_at_100": 28.851, + "map_at_1000": 28.977999999999998, + "map_at_3": 25.062, + "map_at_5": 26.389000000000003, + "mrr_at_1": 23.813000000000002, + "mrr_at_10": 31.628, + "mrr_at_100": 32.58, + "mrr_at_1000": 32.655, + "mrr_at_3": 29.29, + "mrr_at_5": 30.551000000000002, + "ndcg_at_1": 23.813000000000002, + "ndcg_at_10": 32.751000000000005, + "ndcg_at_100": 38.218, + "ndcg_at_1000": 40.979, + "ndcg_at_3": 28.043000000000003, + "ndcg_at_5": 30.043, + "precision_at_1": 23.813000000000002, + "precision_at_10": 5.936, + "precision_at_100": 1.016, + "precision_at_1000": 0.14400000000000002, + "precision_at_3": 13.145000000000001, + "precision_at_5": 9.443, + "recall_at_1": 19.839000000000002, + "recall_at_10": 44.072, + "recall_at_100": 68.406, + "recall_at_1000": 87.749, + "recall_at_3": 30.906, + "recall_at_5": 36.081, + "main_score": 32.751000000000005 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.195999999999998, + "map_at_10": 38.345, + "map_at_100": 39.561, + "map_at_1000": 39.65, + "map_at_3": 35.382999999999996, + "map_at_5": 37.023, + "mrr_at_1": 33.022, + "mrr_at_10": 42.504, + "mrr_at_100": 43.376, + "mrr_at_1000": 43.427, + "mrr_at_3": 40.050000000000004, + "mrr_at_5": 41.421, + "ndcg_at_1": 33.022, + "ndcg_at_10": 43.997, + "ndcg_at_100": 49.370000000000005, + "ndcg_at_1000": 51.38399999999999, + "ndcg_at_3": 38.802, + "ndcg_at_5": 41.209, + "precision_at_1": 33.022, + "precision_at_10": 7.351000000000001, + "precision_at_100": 1.1440000000000001, + "precision_at_1000": 0.14200000000000002, + "precision_at_3": 17.724, + "precision_at_5": 12.443999999999999, + "recall_at_1": 28.195999999999998, + "recall_at_10": 57.011, + "recall_at_100": 79.922, + "recall_at_1000": 93.952, + "recall_at_3": 42.857, + "recall_at_5": 48.916, + "main_score": 43.997 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.768, + "map_at_10": 35.118, + "map_at_100": 36.817, + "map_at_1000": 37.037, + "map_at_3": 31.997999999999998, + "map_at_5": 33.697, + "mrr_at_1": 31.621, + "mrr_at_10": 40.228, + "mrr_at_100": 41.239, + "mrr_at_1000": 41.277, + "mrr_at_3": 37.614999999999995, + "mrr_at_5": 39.058, + "ndcg_at_1": 31.621, + "ndcg_at_10": 41.347, + "ndcg_at_100": 47.620000000000005, + "ndcg_at_1000": 49.759, + "ndcg_at_3": 36.361, + "ndcg_at_5": 38.635000000000005, + "precision_at_1": 31.621, + "precision_at_10": 8.024000000000001, + "precision_at_100": 1.595, + "precision_at_1000": 0.244, + "precision_at_3": 16.996, + "precision_at_5": 12.372, + "recall_at_1": 25.768, + "recall_at_10": 53.02, + "recall_at_100": 81.329, + "recall_at_1000": 94.025, + "recall_at_3": 38.884, + "recall_at_5": 45.057, + "main_score": 41.347 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.627, + "map_at_10": 33.106, + "map_at_100": 33.936, + "map_at_1000": 34.044999999999995, + "map_at_3": 30.162, + "map_at_5": 31.979999999999997, + "mrr_at_1": 26.617, + "mrr_at_10": 35.177, + "mrr_at_100": 35.937999999999995, + "mrr_at_1000": 36.008, + "mrr_at_3": 32.562999999999995, + "mrr_at_5": 34.208, + "ndcg_at_1": 26.617, + "ndcg_at_10": 38.082, + "ndcg_at_100": 42.386, + "ndcg_at_1000": 44.861000000000004, + "ndcg_at_3": 32.557, + "ndcg_at_5": 35.603, + "precision_at_1": 26.617, + "precision_at_10": 5.952, + "precision_at_100": 0.874, + "precision_at_1000": 0.121, + "precision_at_3": 13.617, + "precision_at_5": 9.945, + "recall_at_1": 24.627, + "recall_at_10": 51.317, + "recall_at_100": 71.243, + "recall_at_1000": 89.39399999999999, + "recall_at_3": 36.778, + "recall_at_5": 44.116, + "main_score": 38.082 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/ClimateFEVER.json b/results/sionic-ai__sionic-ai-v2/external/ClimateFEVER.json new file mode 100644 index 000000000..4f109c2a9 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.631, + "map_at_10": 28.069, + "map_at_100": 30.130000000000003, + "map_at_1000": 30.318, + "map_at_3": 23.430999999999997, + "map_at_5": 25.929000000000002, + "mrr_at_1": 37.264, + "mrr_at_10": 49.608999999999995, + "mrr_at_100": 50.349, + "mrr_at_1000": 50.373000000000005, + "mrr_at_3": 46.515, + "mrr_at_5": 48.41, + "ndcg_at_1": 37.264, + "ndcg_at_10": 37.688, + "ndcg_at_100": 45.101, + "ndcg_at_1000": 48.19, + "ndcg_at_3": 31.471, + "ndcg_at_5": 33.719, + "precision_at_1": 37.264, + "precision_at_10": 11.616, + "precision_at_100": 1.9619999999999997, + "precision_at_1000": 0.255, + "precision_at_3": 23.214000000000002, + "precision_at_5": 17.824, + "recall_at_1": 16.631, + "recall_at_10": 43.516, + "recall_at_100": 68.681, + "recall_at_1000": 85.751, + "recall_at_3": 28.199, + "recall_at_5": 34.826, + "main_score": 37.688 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/DBPedia.json b/results/sionic-ai__sionic-ai-v2/external/DBPedia.json new file mode 100644 index 000000000..f040e859f --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.971, + "map_at_10": 22.274, + "map_at_100": 32.61, + "map_at_1000": 34.422000000000004, + "map_at_3": 15.473999999999998, + "map_at_5": 18.412, + "mrr_at_1": 72.25, + "mrr_at_10": 79.945, + "mrr_at_100": 80.192, + "mrr_at_1000": 80.199, + "mrr_at_3": 78.667, + "mrr_at_5": 79.49199999999999, + "ndcg_at_1": 59.75, + "ndcg_at_10": 45.689, + "ndcg_at_100": 51.687000000000005, + "ndcg_at_1000": 58.904999999999994, + "ndcg_at_3": 49.675999999999995, + "ndcg_at_5": 47.419, + "precision_at_1": 72.25, + "precision_at_10": 37.05, + "precision_at_100": 12.183, + "precision_at_1000": 2.2929999999999997, + "precision_at_3": 53.417, + "precision_at_5": 46.150000000000006, + "recall_at_1": 9.971, + "recall_at_10": 27.932000000000002, + "recall_at_100": 58.85399999999999, + "recall_at_1000": 81.728, + "recall_at_3": 16.619999999999997, + "recall_at_5": 21.082, + "main_score": 45.689 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/EmotionClassification.json b/results/sionic-ai__sionic-ai-v2/external/EmotionClassification.json new file mode 100644 index 000000000..db56b1d30 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 52.83499999999999, + "f1": 47.754076079187044, + "main_score": 52.83499999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/FEVER.json b/results/sionic-ai__sionic-ai-v2/external/FEVER.json new file mode 100644 index 000000000..40b3d7f8a --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 79.783, + "map_at_10": 87.224, + "map_at_100": 87.401, + "map_at_1000": 87.413, + "map_at_3": 86.29, + "map_at_5": 86.896, + "mrr_at_1": 86.09400000000001, + "mrr_at_10": 91.789, + "mrr_at_100": 91.814, + "mrr_at_1000": 91.815, + "mrr_at_3": 91.39399999999999, + "mrr_at_5": 91.684, + "ndcg_at_1": 86.09400000000001, + "ndcg_at_10": 90.36999999999999, + "ndcg_at_100": 90.95299999999999, + "ndcg_at_1000": 91.13799999999999, + "ndcg_at_3": 89.13799999999999, + "ndcg_at_5": 89.845, + "precision_at_1": 86.09400000000001, + "precision_at_10": 10.671, + "precision_at_100": 1.123, + "precision_at_1000": 0.11499999999999999, + "precision_at_3": 33.698, + "precision_at_5": 20.788999999999998, + "recall_at_1": 79.783, + "recall_at_10": 95.50999999999999, + "recall_at_100": 97.68900000000001, + "recall_at_1000": 98.79400000000001, + "recall_at_3": 92.14099999999999, + "recall_at_5": 94.0, + "main_score": 90.36999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/FiQA2018.json b/results/sionic-ai__sionic-ai-v2/external/FiQA2018.json new file mode 100644 index 000000000..b13f71684 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.526, + "map_at_10": 38.135999999999996, + "map_at_100": 40.221000000000004, + "map_at_1000": 40.394000000000005, + "map_at_3": 33.548, + "map_at_5": 35.975, + "mrr_at_1": 47.068, + "mrr_at_10": 55.224, + "mrr_at_100": 56.038, + "mrr_at_1000": 56.066, + "mrr_at_3": 53.00899999999999, + "mrr_at_5": 54.306, + "ndcg_at_1": 47.068, + "ndcg_at_10": 46.399, + "ndcg_at_100": 53.312000000000005, + "ndcg_at_1000": 55.946, + "ndcg_at_3": 42.954, + "ndcg_at_5": 43.765, + "precision_at_1": 47.068, + "precision_at_10": 12.824, + "precision_at_100": 1.986, + "precision_at_1000": 0.246, + "precision_at_3": 28.807, + "precision_at_5": 20.772, + "recall_at_1": 23.526, + "recall_at_10": 53.242999999999995, + "recall_at_100": 78.309, + "recall_at_1000": 93.92099999999999, + "recall_at_3": 38.716, + "recall_at_5": 44.921, + "main_score": 46.399 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/HotpotQA.json b/results/sionic-ai__sionic-ai-v2/external/HotpotQA.json new file mode 100644 index 000000000..757fb2d35 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 41.641, + "map_at_10": 67.24, + "map_at_100": 68.108, + "map_at_1000": 68.157, + "map_at_3": 63.834999999999994, + "map_at_5": 65.995, + "mrr_at_1": 83.282, + "mrr_at_10": 88.22, + "mrr_at_100": 88.35499999999999, + "mrr_at_1000": 88.358, + "mrr_at_3": 87.571, + "mrr_at_5": 88.01299999999999, + "ndcg_at_1": 83.282, + "ndcg_at_10": 75.066, + "ndcg_at_100": 77.952, + "ndcg_at_1000": 78.878, + "ndcg_at_3": 70.482, + "ndcg_at_5": 73.098, + "precision_at_1": 83.282, + "precision_at_10": 15.608, + "precision_at_100": 1.7840000000000003, + "precision_at_1000": 0.191, + "precision_at_3": 45.324999999999996, + "precision_at_5": 29.256, + "recall_at_1": 41.641, + "recall_at_10": 78.042, + "recall_at_100": 89.223, + "recall_at_1000": 95.341, + "recall_at_3": 67.988, + "recall_at_5": 73.14, + "main_score": 75.066 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/ImdbClassification.json b/results/sionic-ai__sionic-ai-v2/external/ImdbClassification.json new file mode 100644 index 000000000..fddd1f917 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.50520000000002, + "ap": 90.36560251927821, + "f1": 93.50064413170799, + "main_score": 93.50520000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/MSMARCO.json b/results/sionic-ai__sionic-ai-v2/external/MSMARCO.json new file mode 100644 index 000000000..a0ed4d22e --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.355999999999998, + "map_at_10": 36.082, + "map_at_100": 37.239, + "map_at_1000": 37.285000000000004, + "map_at_3": 32.16, + "map_at_5": 34.469, + "mrr_at_1": 23.968, + "mrr_at_10": 36.708, + "mrr_at_100": 37.795, + "mrr_at_1000": 37.836, + "mrr_at_3": 32.865, + "mrr_at_5": 35.154, + "ndcg_at_1": 23.968, + "ndcg_at_10": 43.152, + "ndcg_at_100": 48.615, + "ndcg_at_1000": 49.714000000000006, + "ndcg_at_3": 35.208, + "ndcg_at_5": 39.342, + "precision_at_1": 23.968, + "precision_at_10": 6.784, + "precision_at_100": 0.951, + "precision_at_1000": 0.104, + "precision_at_3": 14.995, + "precision_at_5": 11.092, + "recall_at_1": 23.355999999999998, + "recall_at_10": 64.828, + "recall_at_100": 89.888, + "recall_at_1000": 98.181, + "recall_at_3": 43.336000000000006, + "recall_at_5": 53.274, + "main_score": 43.152 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/MTOPDomainClassification.json b/results/sionic-ai__sionic-ai-v2/external/MTOPDomainClassification.json new file mode 100644 index 000000000..736257648 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 94.97948016415869, + "f1": 94.77285510790911, + "main_score": 94.97948016415869 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/MTOPIntentClassification.json b/results/sionic-ai__sionic-ai-v2/external/MTOPIntentClassification.json new file mode 100644 index 000000000..01f0d4981 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.49749202006383, + "f1": 59.36772995632707, + "main_score": 78.49749202006383 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/MassiveIntentClassification.json b/results/sionic-ai__sionic-ai-v2/external/MassiveIntentClassification.json new file mode 100644 index 000000000..9fa480a49 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.64290517821117, + "f1": 75.33296771580456, + "main_score": 77.64290517821117 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/MassiveScenarioClassification.json b/results/sionic-ai__sionic-ai-v2/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..a0838ef78 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.76664425016811, + "f1": 80.79147962348141, + "main_score": 80.76664425016811 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/MedrxivClusteringP2P.json b/results/sionic-ai__sionic-ai-v2/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..e38374603 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.158637354708034, + "main_score": 35.158637354708034 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/MedrxivClusteringS2S.json b/results/sionic-ai__sionic-ai-v2/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..140e7974a --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.39319499403552, + "main_score": 32.39319499403552 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/MindSmallReranking.json b/results/sionic-ai__sionic-ai-v2/external/MindSmallReranking.json new file mode 100644 index 000000000..7d655aa95 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 32.19460802526735, + "mrr": 33.39458959690712, + "main_score": 32.19460802526735 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/NFCorpus.json b/results/sionic-ai__sionic-ai-v2/external/NFCorpus.json new file mode 100644 index 000000000..eb22f1fa4 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 7.225, + "map_at_10": 15.609, + "map_at_100": 20.067, + "map_at_1000": 21.709999999999997, + "map_at_3": 11.518, + "map_at_5": 13.469999999999999, + "mrr_at_1": 50.15500000000001, + "mrr_at_10": 58.711, + "mrr_at_100": 59.333000000000006, + "mrr_at_1000": 59.362, + "mrr_at_3": 56.65599999999999, + "mrr_at_5": 57.972, + "ndcg_at_1": 48.452, + "ndcg_at_10": 38.845, + "ndcg_at_100": 36.597, + "ndcg_at_1000": 45.472, + "ndcg_at_3": 43.947, + "ndcg_at_5": 42.097, + "precision_at_1": 49.845, + "precision_at_10": 28.638, + "precision_at_100": 9.229, + "precision_at_1000": 2.234, + "precision_at_3": 40.867, + "precision_at_5": 36.285000000000004, + "recall_at_1": 7.225, + "recall_at_10": 19.272, + "recall_at_100": 37.299, + "recall_at_1000": 68.757, + "recall_at_3": 12.350999999999999, + "recall_at_5": 15.369, + "main_score": 38.845 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/NQ.json b/results/sionic-ai__sionic-ai-v2/external/NQ.json new file mode 100644 index 000000000..c0acc1dd4 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 34.453, + "map_at_10": 50.748000000000005, + "map_at_100": 51.666000000000004, + "map_at_1000": 51.687000000000005, + "map_at_3": 46.300000000000004, + "map_at_5": 49.032, + "mrr_at_1": 38.673, + "mrr_at_10": 53.11, + "mrr_at_100": 53.772, + "mrr_at_1000": 53.784, + "mrr_at_3": 49.483, + "mrr_at_5": 51.751999999999995, + "ndcg_at_1": 38.673, + "ndcg_at_10": 58.60300000000001, + "ndcg_at_100": 62.302, + "ndcg_at_1000": 62.763999999999996, + "ndcg_at_3": 50.366, + "ndcg_at_5": 54.888999999999996, + "precision_at_1": 38.673, + "precision_at_10": 9.522, + "precision_at_100": 1.162, + "precision_at_1000": 0.121, + "precision_at_3": 22.779, + "precision_at_5": 16.256999999999998, + "recall_at_1": 34.453, + "recall_at_10": 80.074, + "recall_at_100": 95.749, + "recall_at_1000": 99.165, + "recall_at_3": 58.897999999999996, + "recall_at_5": 69.349, + "main_score": 58.60300000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/QuoraRetrieval.json b/results/sionic-ai__sionic-ai-v2/external/QuoraRetrieval.json new file mode 100644 index 000000000..ad0499108 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 71.80499999999999, + "map_at_10": 85.773, + "map_at_100": 86.4, + "map_at_1000": 86.414, + "map_at_3": 82.919, + "map_at_5": 84.70299999999999, + "mrr_at_1": 82.69999999999999, + "mrr_at_10": 88.592, + "mrr_at_100": 88.682, + "mrr_at_1000": 88.683, + "mrr_at_3": 87.705, + "mrr_at_5": 88.30799999999999, + "ndcg_at_1": 82.69, + "ndcg_at_10": 89.316, + "ndcg_at_100": 90.45100000000001, + "ndcg_at_1000": 90.525, + "ndcg_at_3": 86.68, + "ndcg_at_5": 88.113, + "precision_at_1": 82.69, + "precision_at_10": 13.507, + "precision_at_100": 1.5350000000000001, + "precision_at_1000": 0.157, + "precision_at_3": 37.927, + "precision_at_5": 24.823999999999998, + "recall_at_1": 71.80499999999999, + "recall_at_10": 95.965, + "recall_at_100": 99.70400000000001, + "recall_at_1000": 99.992, + "recall_at_3": 88.268, + "recall_at_5": 92.45, + "main_score": 89.316 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/RedditClustering.json b/results/sionic-ai__sionic-ai-v2/external/RedditClustering.json new file mode 100644 index 000000000..28219dd20 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 60.24178219867024, + "main_score": 60.24178219867024 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/RedditClusteringP2P.json b/results/sionic-ai__sionic-ai-v2/external/RedditClusteringP2P.json new file mode 100644 index 000000000..5d3334aa5 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 64.99552099515469, + "main_score": 64.99552099515469 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/SCIDOCS.json b/results/sionic-ai__sionic-ai-v2/external/SCIDOCS.json new file mode 100644 index 000000000..61e19ea9d --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.4879999999999995, + "map_at_10": 14.774999999999999, + "map_at_100": 17.285, + "map_at_1000": 17.648, + "map_at_3": 10.4, + "map_at_5": 12.552, + "mrr_at_1": 27.1, + "mrr_at_10": 39.251000000000005, + "mrr_at_100": 40.335, + "mrr_at_1000": 40.367, + "mrr_at_3": 35.683, + "mrr_at_5": 37.733, + "ndcg_at_1": 27.1, + "ndcg_at_10": 23.974, + "ndcg_at_100": 33.161, + "ndcg_at_1000": 38.853, + "ndcg_at_3": 22.695999999999998, + "ndcg_at_5": 19.881, + "precision_at_1": 27.1, + "precision_at_10": 12.479999999999999, + "precision_at_100": 2.571, + "precision_at_1000": 0.393, + "precision_at_3": 21.367, + "precision_at_5": 17.560000000000002, + "recall_at_1": 5.4879999999999995, + "recall_at_10": 25.290000000000003, + "recall_at_100": 52.222, + "recall_at_1000": 79.77300000000001, + "recall_at_3": 13.001999999999999, + "recall_at_5": 17.812, + "main_score": 23.974 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/SICK-R.json b/results/sionic-ai__sionic-ai-v2/external/SICK-R.json new file mode 100644 index 000000000..c058174d0 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.3407705934785, + "cos_sim_spearman": 81.28145766913589, + "euclidean_pearson": 82.69277819943873, + "euclidean_spearman": 81.26097565088551, + "manhattan_pearson": 82.73440374725746, + "manhattan_spearman": 81.25376873901254, + "cosine_pearson": 85.3407705934785, + "cosine_spearman": 81.28145766913589, + "main_score": 81.28145766913589 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/STS12.json b/results/sionic-ai__sionic-ai-v2/external/STS12.json new file mode 100644 index 000000000..ba12fa8ec --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.23415639286914, + "cos_sim_spearman": 79.80147936079915, + "euclidean_pearson": 84.324220218071, + "euclidean_spearman": 79.71794784987208, + "manhattan_pearson": 84.27523842345964, + "manhattan_spearman": 79.58070329781553, + "cosine_pearson": 87.23415639286914, + "cosine_spearman": 79.80147936079915, + "main_score": 79.80147936079915 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/STS13.json b/results/sionic-ai__sionic-ai-v2/external/STS13.json new file mode 100644 index 000000000..755a04390 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.90966234413125, + "cos_sim_spearman": 87.10742652814713, + "euclidean_pearson": 86.28297063322286, + "euclidean_spearman": 87.09425001932226, + "manhattan_pearson": 86.19204338411774, + "manhattan_spearman": 87.02046826723424, + "cosine_pearson": 85.90966234413125, + "cosine_spearman": 87.10742652814713, + "main_score": 87.10742652814713 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/STS14.json b/results/sionic-ai__sionic-ai-v2/external/STS14.json new file mode 100644 index 000000000..85a5875df --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.12351399124411, + "cos_sim_spearman": 83.32955357808568, + "euclidean_pearson": 83.81222384305896, + "euclidean_spearman": 83.1836394454507, + "manhattan_pearson": 83.79162945392092, + "manhattan_spearman": 83.14306058903364, + "cosine_pearson": 84.12351399124411, + "cosine_spearman": 83.32955357808568, + "main_score": 83.32955357808568 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/STS15.json b/results/sionic-ai__sionic-ai-v2/external/STS15.json new file mode 100644 index 000000000..92be80921 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.9345194840047, + "cos_sim_spearman": 88.47286320653176, + "euclidean_pearson": 87.72825182191445, + "euclidean_spearman": 88.33484195475864, + "manhattan_pearson": 87.75121043906692, + "manhattan_spearman": 88.36695329548576, + "cosine_pearson": 86.9345194840047, + "cosine_spearman": 88.47286320653176, + "main_score": 88.47286320653176 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/STS16.json b/results/sionic-ai__sionic-ai-v2/external/STS16.json new file mode 100644 index 000000000..801056509 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.80215370816441, + "cos_sim_spearman": 86.44917331470305, + "euclidean_pearson": 85.3458573021962, + "euclidean_spearman": 86.24853627058414, + "manhattan_pearson": 85.38477148579328, + "manhattan_spearman": 86.28201585857053, + "cosine_pearson": 84.80215370816441, + "cosine_spearman": 86.44917331470305, + "main_score": 86.44917331470305 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/STS17.json b/results/sionic-ai__sionic-ai-v2/external/STS17.json new file mode 100644 index 000000000..29755f591 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.20498617189688, + "cos_sim_spearman": 87.61389142076317, + "euclidean_pearson": 88.15430699740293, + "euclidean_spearman": 87.35065666258774, + "manhattan_pearson": 88.2994571119992, + "manhattan_spearman": 87.60920178284005, + "cosine_pearson": 87.20498617189688, + "cosine_spearman": 87.61389142076317, + "main_score": 87.61389142076317 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/STS22.json b/results/sionic-ai__sionic-ai-v2/external/STS22.json new file mode 100644 index 000000000..ea39ecac5 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 68.27672577392406, + "cos_sim_spearman": 68.31250175566586, + "euclidean_pearson": 69.45016222616813, + "euclidean_spearman": 67.93461301528046, + "manhattan_pearson": 69.39774219739259, + "manhattan_spearman": 67.78124856615536, + "cosine_pearson": 68.27672577392406, + "cosine_spearman": 68.31250175566586, + "main_score": 68.31250175566586 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/STSBenchmark.json b/results/sionic-ai__sionic-ai-v2/external/STSBenchmark.json new file mode 100644 index 000000000..a677bc928 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.31916148698113, + "cos_sim_spearman": 87.45541524487057, + "euclidean_pearson": 86.5845909408775, + "euclidean_spearman": 87.2373331768082, + "manhattan_pearson": 86.64467698948668, + "manhattan_spearman": 87.26707857525533, + "cosine_pearson": 85.31916148698113, + "cosine_spearman": 87.45541524487057, + "main_score": 87.45541524487057 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/SciDocsRR.json b/results/sionic-ai__sionic-ai-v2/external/SciDocsRR.json new file mode 100644 index 000000000..d16fab0a5 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 88.0007930269447, + "mrr": 96.52852594029063, + "main_score": 88.0007930269447 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/SciFact.json b/results/sionic-ai__sionic-ai-v2/external/SciFact.json new file mode 100644 index 000000000..426127186 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 60.99400000000001, + "map_at_10": 70.923, + "map_at_100": 71.299, + "map_at_1000": 71.318, + "map_at_3": 67.991, + "map_at_5": 69.292, + "mrr_at_1": 64.333, + "mrr_at_10": 71.98400000000001, + "mrr_at_100": 72.306, + "mrr_at_1000": 72.32499999999999, + "mrr_at_3": 69.833, + "mrr_at_5": 70.783, + "ndcg_at_1": 64.333, + "ndcg_at_10": 75.729, + "ndcg_at_100": 77.38199999999999, + "ndcg_at_1000": 77.788, + "ndcg_at_3": 70.774, + "ndcg_at_5": 72.478, + "precision_at_1": 64.333, + "precision_at_10": 10.167, + "precision_at_100": 1.0999999999999999, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 27.778000000000002, + "precision_at_5": 17.867, + "recall_at_1": 60.99400000000001, + "recall_at_10": 89.48899999999999, + "recall_at_100": 97.0, + "recall_at_1000": 100.0, + "recall_at_3": 75.85, + "recall_at_5": 80.328, + "main_score": 75.729 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/SprintDuplicateQuestions.json b/results/sionic-ai__sionic-ai-v2/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..4af437f65 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.86435643564356, + "cos_sim_ap": 96.78001342960285, + "cos_sim_f1": 93.07030854830552, + "cos_sim_precision": 94.16581371545547, + "cos_sim_recall": 92.0, + "dot_accuracy": 99.74653465346535, + "dot_ap": 92.80391251199522, + "dot_f1": 87.36426456071075, + "dot_precision": 86.25730994152046, + "dot_recall": 88.5, + "euclidean_accuracy": 99.86138613861387, + "euclidean_ap": 96.77007810699926, + "euclidean_f1": 92.95065458207452, + "euclidean_precision": 93.6105476673428, + "euclidean_recall": 92.30000000000001, + "manhattan_accuracy": 99.86336633663366, + "manhattan_ap": 96.78913160708261, + "manhattan_f1": 93.03030303030305, + "manhattan_precision": 93.9795918367347, + "manhattan_recall": 92.10000000000001, + "max_accuracy": 99.86435643564356, + "max_ap": 96.78913160708261, + "max_f1": 93.07030854830552, + "main_score": 96.78913160708261 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/StackExchangeClustering.json b/results/sionic-ai__sionic-ai-v2/external/StackExchangeClustering.json new file mode 100644 index 000000000..09b971e1a --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 67.80798406371026, + "main_score": 67.80798406371026 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/StackExchangeClusteringP2P.json b/results/sionic-ai__sionic-ai-v2/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..e25335e8d --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.69251193913337, + "main_score": 35.69251193913337 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/StackOverflowDupQuestions.json b/results/sionic-ai__sionic-ai-v2/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..037a2b19e --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 55.04250964616215, + "mrr": 55.92283125371361, + "main_score": 55.04250964616215 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/SummEval.json b/results/sionic-ai__sionic-ai-v2/external/SummEval.json new file mode 100644 index 000000000..7da16fc35 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.05492162235311, + "cos_sim_spearman": 30.90473006515039, + "dot_pearson": 26.85480454105073, + "dot_spearman": 27.02880537417923, + "cosine_pearson": 31.05492162235311, + "cosine_spearman": 30.90473006515039, + "main_score": 30.90473006515039 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/TRECCOVID.json b/results/sionic-ai__sionic-ai-v2/external/TRECCOVID.json new file mode 100644 index 000000000..36f302c58 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.246, + "map_at_10": 2.125, + "map_at_100": 12.892999999999999, + "map_at_1000": 31.513999999999996, + "map_at_3": 0.695, + "map_at_5": 1.133, + "mrr_at_1": 92.0, + "mrr_at_10": 95.667, + "mrr_at_100": 95.667, + "mrr_at_1000": 95.667, + "mrr_at_3": 95.667, + "mrr_at_5": 95.667, + "ndcg_at_1": 88.0, + "ndcg_at_10": 82.464, + "ndcg_at_100": 63.351, + "ndcg_at_1000": 57.129, + "ndcg_at_3": 85.87700000000001, + "ndcg_at_5": 86.042, + "precision_at_1": 92.0, + "precision_at_10": 86.2, + "precision_at_100": 65.10000000000001, + "precision_at_1000": 25.044, + "precision_at_3": 89.333, + "precision_at_5": 89.60000000000001, + "recall_at_1": 0.246, + "recall_at_10": 2.2880000000000003, + "recall_at_100": 15.853, + "recall_at_1000": 54.05, + "recall_at_3": 0.72, + "recall_at_5": 1.196, + "main_score": 82.464 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/Touche2020.json b/results/sionic-ai__sionic-ai-v2/external/Touche2020.json new file mode 100644 index 000000000..852faae60 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.322, + "map_at_10": 11.673, + "map_at_100": 18.655, + "map_at_1000": 20.058999999999997, + "map_at_3": 6.265, + "map_at_5": 8.549, + "mrr_at_1": 42.857, + "mrr_at_10": 55.352999999999994, + "mrr_at_100": 55.928999999999995, + "mrr_at_1000": 55.928999999999995, + "mrr_at_3": 50.0, + "mrr_at_5": 53.571000000000005, + "ndcg_at_1": 39.796, + "ndcg_at_10": 28.225, + "ndcg_at_100": 40.452, + "ndcg_at_1000": 51.332, + "ndcg_at_3": 32.308, + "ndcg_at_5": 30.942999999999998, + "precision_at_1": 42.857, + "precision_at_10": 24.490000000000002, + "precision_at_100": 8.366999999999999, + "precision_at_1000": 1.5709999999999997, + "precision_at_3": 32.653, + "precision_at_5": 30.203999999999997, + "recall_at_1": 3.322, + "recall_at_10": 17.857, + "recall_at_100": 51.169, + "recall_at_1000": 85.382, + "recall_at_3": 7.126, + "recall_at_5": 11.186, + "main_score": 28.225 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/ToxicConversationsClassification.json b/results/sionic-ai__sionic-ai-v2/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..647ff9c0e --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.1046, + "ap": 14.84774372187047, + "f1": 55.52709376912111, + "main_score": 72.1046 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/TweetSentimentExtractionClassification.json b/results/sionic-ai__sionic-ai-v2/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..cdc1df60f --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 60.18958687040181, + "f1": 60.53154943862625, + "main_score": 60.18958687040181 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/TwentyNewsgroupsClustering.json b/results/sionic-ai__sionic-ai-v2/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..fdacceb3a --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 54.61440440799667, + "main_score": 54.61440440799667 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/TwitterSemEval2015.json b/results/sionic-ai__sionic-ai-v2/external/TwitterSemEval2015.json new file mode 100644 index 000000000..ea0a58ed9 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 87.34577099600644, + "cos_sim_ap": 78.19613471607386, + "cos_sim_f1": 71.30501144746884, + "cos_sim_precision": 68.83595284872298, + "cos_sim_recall": 73.95778364116094, + "dot_accuracy": 82.89324670680098, + "dot_ap": 63.02362697550343, + "dot_f1": 59.69837587006961, + "dot_precision": 53.2712215320911, + "dot_recall": 67.8891820580475, + "euclidean_accuracy": 87.24444179531503, + "euclidean_ap": 78.38356749852895, + "euclidean_f1": 71.42133265771471, + "euclidean_precision": 68.68908382066277, + "euclidean_recall": 74.37994722955145, + "manhattan_accuracy": 87.24444179531503, + "manhattan_ap": 78.27660966609476, + "manhattan_f1": 71.42165173165415, + "manhattan_precision": 66.00268576544315, + "manhattan_recall": 77.81002638522428, + "max_accuracy": 87.34577099600644, + "max_ap": 78.38356749852895, + "max_f1": 71.42165173165415, + "main_score": 78.38356749852895 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/TwitterURLCorpus.json b/results/sionic-ai__sionic-ai-v2/external/TwitterURLCorpus.json new file mode 100644 index 000000000..89f7fc8ca --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.90829355377032, + "cos_sim_ap": 85.79696678631824, + "cos_sim_f1": 77.8494623655914, + "cos_sim_precision": 76.32610786417105, + "cos_sim_recall": 79.43486295041576, + "dot_accuracy": 86.17223580548765, + "dot_ap": 79.05804163697516, + "dot_f1": 72.38855622089154, + "dot_precision": 69.61467368121713, + "dot_recall": 75.39267015706807, + "euclidean_accuracy": 88.94128148406877, + "euclidean_ap": 85.86615739743813, + "euclidean_f1": 77.97001153402537, + "euclidean_precision": 75.44099647202822, + "euclidean_recall": 80.67446874037573, + "manhattan_accuracy": 88.9781503473435, + "manhattan_ap": 85.91093266751166, + "manhattan_f1": 77.96835723791216, + "manhattan_precision": 74.98577929465301, + "manhattan_recall": 81.19802894979982, + "max_accuracy": 88.9781503473435, + "max_ap": 85.91093266751166, + "max_f1": 77.97001153402537, + "main_score": 85.91093266751166 + } + ] + } +} \ No newline at end of file diff --git a/results/sionic-ai__sionic-ai-v2/external/model_meta.json b/results/sionic-ai__sionic-ai-v2/external/model_meta.json new file mode 100644 index 000000000..c69a61055 --- /dev/null +++ b/results/sionic-ai__sionic-ai-v2/external/model_meta.json @@ -0,0 +1,20 @@ +{ + "name": "sionic-ai/sionic-ai-v2", + "revision": "6f8bdfbb947ac9cdeaf4b589b3bfe8a01f3abfff", + "release_date": "2023-09-07", + "languages": [], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": null, + "embed_dim": null, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/srikanthmalla__BAAI-bge-reranker-large/external/MMarcoReranking.json b/results/srikanthmalla__BAAI-bge-reranker-large/external/MMarcoReranking.json new file mode 100644 index 000000000..d01e01132 --- /dev/null +++ b/results/srikanthmalla__BAAI-bge-reranker-large/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 37.16533876035345, + "mrr": 36.60039682539682, + "main_score": 37.16533876035345 + } + ] + } +} \ No newline at end of file diff --git a/results/srikanthmalla__BAAI-bge-reranker-large/external/T2Reranking.json b/results/srikanthmalla__BAAI-bge-reranker-large/external/T2Reranking.json new file mode 100644 index 000000000..63ae1c8b7 --- /dev/null +++ b/results/srikanthmalla__BAAI-bge-reranker-large/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 67.60068968300665, + "mrr": 77.68363585560606, + "main_score": 67.60068968300665 + } + ] + } +} \ No newline at end of file diff --git a/results/srikanthmalla__BAAI-bge-reranker-large/external/model_meta.json b/results/srikanthmalla__BAAI-bge-reranker-large/external/model_meta.json new file mode 100644 index 000000000..fd8fffe0f --- /dev/null +++ b/results/srikanthmalla__BAAI-bge-reranker-large/external/model_meta.json @@ -0,0 +1,23 @@ +{ + "name": "srikanthmalla/BAAI-bge-reranker-large", + "revision": "0fb5ba452eb0e6de4b4af0c32341b4ba80424bfd", + "release_date": "2024-04-10", + "languages": [ + "zh", + "en" + ], + "loader": null, + "n_parameters": 559891971, + "memory_usage": null, + "max_tokens": 514, + "embed_dim": 1024, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/tanmaylaud__ret-phi2-v0/external/ArguAna.json b/results/tanmaylaud__ret-phi2-v0/external/ArguAna.json new file mode 100644 index 000000000..7697315e5 --- /dev/null +++ b/results/tanmaylaud__ret-phi2-v0/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.609, + "map_at_10": 39.404, + "map_at_100": 40.421, + "map_at_1000": 40.437, + "map_at_3": 34.258, + "map_at_5": 37.078, + "mrr_at_1": 24.822, + "mrr_at_10": 39.48, + "mrr_at_100": 40.498, + "mrr_at_1000": 40.513, + "mrr_at_3": 34.436, + "mrr_at_5": 37.156, + "ndcg_at_1": 24.609, + "ndcg_at_10": 48.274, + "ndcg_at_100": 52.654, + "ndcg_at_1000": 53.037, + "ndcg_at_3": 37.558, + "ndcg_at_5": 42.678, + "precision_at_1": 24.609, + "precision_at_10": 7.688000000000001, + "precision_at_100": 0.962, + "precision_at_1000": 0.099, + "precision_at_3": 15.717999999999998, + "precision_at_5": 11.935, + "recall_at_1": 24.609, + "recall_at_10": 76.885, + "recall_at_100": 96.15899999999999, + "recall_at_1000": 99.14699999999999, + "recall_at_3": 47.155, + "recall_at_5": 59.673, + "main_score": 48.274 + } + ] + } +} \ No newline at end of file diff --git a/results/tanmaylaud__ret-phi2-v0/external/CQADupstackAndroidRetrieval.json b/results/tanmaylaud__ret-phi2-v0/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..de6aa770d --- /dev/null +++ b/results/tanmaylaud__ret-phi2-v0/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.916, + "map_at_10": 36.125, + "map_at_100": 37.423, + "map_at_1000": 37.545, + "map_at_3": 33.019, + "map_at_5": 34.977000000000004, + "mrr_at_1": 33.906, + "mrr_at_10": 41.832, + "mrr_at_100": 42.667, + "mrr_at_1000": 42.72, + "mrr_at_3": 39.103, + "mrr_at_5": 40.763, + "ndcg_at_1": 33.906, + "ndcg_at_10": 41.514, + "ndcg_at_100": 46.855000000000004, + "ndcg_at_1000": 49.199, + "ndcg_at_3": 36.666, + "ndcg_at_5": 39.281, + "precision_at_1": 33.906, + "precision_at_10": 7.553999999999999, + "precision_at_100": 1.239, + "precision_at_1000": 0.168, + "precision_at_3": 16.929, + "precision_at_5": 12.504000000000001, + "recall_at_1": 27.916, + "recall_at_10": 51.785000000000004, + "recall_at_100": 74.566, + "recall_at_1000": 90.092, + "recall_at_3": 37.917, + "recall_at_5": 44.919, + "main_score": 41.514 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.905, + "map_at_10": 36.664, + "map_at_100": 37.796, + "map_at_1000": 37.911, + "map_at_3": 34.009, + "map_at_5": 35.354, + "mrr_at_1": 34.459, + "mrr_at_10": 42.836, + "mrr_at_100": 43.54, + "mrr_at_1000": 43.589, + "mrr_at_3": 40.754000000000005, + "mrr_at_5": 41.849, + "ndcg_at_1": 34.459, + "ndcg_at_10": 42.268, + "ndcg_at_100": 46.527, + "ndcg_at_1000": 48.667, + "ndcg_at_3": 38.408, + "ndcg_at_5": 39.889, + "precision_at_1": 34.459, + "precision_at_10": 8, + "precision_at_100": 1.269, + "precision_at_1000": 0.174, + "precision_at_3": 18.705, + "precision_at_5": 13.083, + "recall_at_1": 26.905, + "recall_at_10": 52.378, + "recall_at_100": 70.419, + "recall_at_1000": 84.165, + "recall_at_3": 40.467999999999996, + "recall_at_5": 44.911, + "main_score": 42.268 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 34.475, + "map_at_10": 45.221000000000004, + "map_at_100": 46.215, + "map_at_1000": 46.276, + "map_at_3": 42.487, + "map_at_5": 43.948, + "mrr_at_1": 38.871, + "mrr_at_10": 48.521, + "mrr_at_100": 49.172, + "mrr_at_1000": 49.207, + "mrr_at_3": 46.123, + "mrr_at_5": 47.452, + "ndcg_at_1": 38.871, + "ndcg_at_10": 50.739999999999995, + "ndcg_at_100": 54.849000000000004, + "ndcg_at_1000": 56.3, + "ndcg_at_3": 45.762, + "ndcg_at_5": 48.03, + "precision_at_1": 38.871, + "precision_at_10": 8.107000000000001, + "precision_at_100": 1.11, + "precision_at_1000": 0.129, + "precision_at_3": 20.209, + "precision_at_5": 13.767999999999999, + "recall_at_1": 34.475, + "recall_at_10": 63.82299999999999, + "recall_at_100": 81.761, + "recall_at_1000": 92.604, + "recall_at_3": 50.331, + "recall_at_5": 56.003, + "main_score": 50.739999999999995 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.689, + "map_at_10": 28.363, + "map_at_100": 29.324, + "map_at_1000": 29.416999999999998, + "map_at_3": 26.064, + "map_at_5": 27.423, + "mrr_at_1": 22.938, + "mrr_at_10": 29.786, + "mrr_at_100": 30.688, + "mrr_at_1000": 30.763, + "mrr_at_3": 27.533, + "mrr_at_5": 28.860999999999997, + "ndcg_at_1": 22.938, + "ndcg_at_10": 32.461, + "ndcg_at_100": 37.492, + "ndcg_at_1000": 39.925, + "ndcg_at_3": 27.916, + "ndcg_at_5": 30.287, + "precision_at_1": 22.938, + "precision_at_10": 4.96, + "precision_at_100": 0.7929999999999999, + "precision_at_1000": 0.104, + "precision_at_3": 11.676, + "precision_at_5": 8.339, + "recall_at_1": 21.689, + "recall_at_10": 43.702000000000005, + "recall_at_100": 67.23400000000001, + "recall_at_1000": 85.688, + "recall_at_3": 31.526, + "recall_at_5": 37.262, + "main_score": 32.461 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 14.094000000000001, + "map_at_10": 21.310000000000002, + "map_at_100": 22.427, + "map_at_1000": 22.545, + "map_at_3": 18.83, + "map_at_5": 20.225, + "mrr_at_1": 17.413, + "mrr_at_10": 25.430000000000003, + "mrr_at_100": 26.418000000000003, + "mrr_at_1000": 26.494, + "mrr_at_3": 22.989, + "mrr_at_5": 24.388, + "ndcg_at_1": 17.413, + "ndcg_at_10": 26.223000000000003, + "ndcg_at_100": 31.838, + "ndcg_at_1000": 34.678, + "ndcg_at_3": 21.677, + "ndcg_at_5": 23.838, + "precision_at_1": 17.413, + "precision_at_10": 4.9750000000000005, + "precision_at_100": 0.8999999999999999, + "precision_at_1000": 0.128, + "precision_at_3": 10.697, + "precision_at_5": 7.91, + "recall_at_1": 14.094000000000001, + "recall_at_10": 37.230999999999995, + "recall_at_100": 62.062, + "recall_at_1000": 82.204, + "recall_at_3": 24.766, + "recall_at_5": 30.173, + "main_score": 26.223000000000003 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.256999999999998, + "map_at_10": 36.869, + "map_at_100": 38.145, + "map_at_1000": 38.255, + "map_at_3": 34.161, + "map_at_5": 35.504000000000005, + "mrr_at_1": 32.531, + "mrr_at_10": 41.957, + "mrr_at_100": 42.766, + "mrr_at_1000": 42.815999999999995, + "mrr_at_3": 39.589, + "mrr_at_5": 40.749, + "ndcg_at_1": 32.531, + "ndcg_at_10": 42.54, + "ndcg_at_100": 47.948, + "ndcg_at_1000": 50.056999999999995, + "ndcg_at_3": 37.775999999999996, + "ndcg_at_5": 39.667, + "precision_at_1": 32.531, + "precision_at_10": 7.7, + "precision_at_100": 1.213, + "precision_at_1000": 0.154, + "precision_at_3": 17.806, + "precision_at_5": 12.493, + "recall_at_1": 27.256999999999998, + "recall_at_10": 54.217999999999996, + "recall_at_100": 76.98, + "recall_at_1000": 90.913, + "recall_at_3": 41.144999999999996, + "recall_at_5": 45.674, + "main_score": 42.54 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.249, + "map_at_10": 32.278, + "map_at_100": 33.585, + "map_at_1000": 33.69, + "map_at_3": 29.776000000000003, + "map_at_5": 31.096, + "mrr_at_1": 28.425, + "mrr_at_10": 37.124, + "mrr_at_100": 38.053, + "mrr_at_1000": 38.111, + "mrr_at_3": 34.989, + "mrr_at_5": 36.159, + "ndcg_at_1": 28.425, + "ndcg_at_10": 37.472, + "ndcg_at_100": 43.261, + "ndcg_at_1000": 45.540000000000006, + "ndcg_at_3": 33.334, + "ndcg_at_5": 35.082, + "precision_at_1": 28.425, + "precision_at_10": 6.758, + "precision_at_100": 1.15, + "precision_at_1000": 0.151, + "precision_at_3": 16.058, + "precision_at_5": 11.164, + "recall_at_1": 23.249, + "recall_at_10": 48.094, + "recall_at_100": 72.988, + "recall_at_1000": 88.625, + "recall_at_3": 36.342999999999996, + "recall_at_5": 41.187000000000005, + "main_score": 37.472 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.019250000000003, + "map_at_10": 30.98783333333333, + "map_at_100": 32.07916666666667, + "map_at_1000": 32.193333333333335, + "map_at_3": 28.572916666666664, + "map_at_5": 29.886083333333335, + "mrr_at_1": 27.01383333333333, + "mrr_at_10": 34.78475, + "mrr_at_100": 35.628416666666666, + "mrr_at_1000": 35.696250000000006, + "mrr_at_3": 32.63225, + "mrr_at_5": 33.8265, + "ndcg_at_1": 27.01383333333333, + "ndcg_at_10": 35.75991666666666, + "ndcg_at_100": 40.696416666666664, + "ndcg_at_1000": 43.18933333333333, + "ndcg_at_3": 31.56075, + "ndcg_at_5": 33.47166666666667, + "precision_at_1": 27.01383333333333, + "precision_at_10": 6.201416666666667, + "precision_at_100": 1.0189166666666667, + "precision_at_1000": 0.13999999999999999, + "precision_at_3": 14.448249999999998, + "precision_at_5": 10.209333333333333, + "recall_at_1": 23.019250000000003, + "recall_at_10": 46.17675, + "recall_at_100": 68.06741666666667, + "recall_at_1000": 85.66791666666667, + "recall_at_3": 34.435500000000005, + "recall_at_5": 39.362, + "main_score": 35.75991666666666 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.754, + "map_at_10": 27.815, + "map_at_100": 28.776000000000003, + "map_at_1000": 28.874, + "map_at_3": 25.822, + "map_at_5": 26.562, + "mrr_at_1": 23.926, + "mrr_at_10": 30.148000000000003, + "mrr_at_100": 31.035, + "mrr_at_1000": 31.116, + "mrr_at_3": 28.349000000000004, + "mrr_at_5": 29.108, + "ndcg_at_1": 23.926, + "ndcg_at_10": 31.635, + "ndcg_at_100": 36.457, + "ndcg_at_1000": 38.944, + "ndcg_at_3": 27.857, + "ndcg_at_5": 29.017, + "precision_at_1": 23.926, + "precision_at_10": 4.984999999999999, + "precision_at_100": 0.8019999999999999, + "precision_at_1000": 0.108, + "precision_at_3": 11.759, + "precision_at_5": 7.914000000000001, + "recall_at_1": 21.754, + "recall_at_10": 41.117, + "recall_at_100": 63.123, + "recall_at_1000": 81.399, + "recall_at_3": 30.556, + "recall_at_5": 33.571, + "main_score": 31.635 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.204999999999998, + "map_at_10": 21.166, + "map_at_100": 22.127, + "map_at_1000": 22.239, + "map_at_3": 19.342000000000002, + "map_at_5": 20.329, + "mrr_at_1": 18.340999999999998, + "mrr_at_10": 24.562, + "mrr_at_100": 25.462, + "mrr_at_1000": 25.541000000000004, + "mrr_at_3": 22.694, + "mrr_at_5": 23.694000000000003, + "ndcg_at_1": 18.340999999999998, + "ndcg_at_10": 25.055, + "ndcg_at_100": 29.82, + "ndcg_at_1000": 32.68, + "ndcg_at_3": 21.676000000000002, + "ndcg_at_5": 23.153000000000002, + "precision_at_1": 18.340999999999998, + "precision_at_10": 4.425, + "precision_at_100": 0.779, + "precision_at_1000": 0.117, + "precision_at_3": 10.106, + "precision_at_5": 7.199, + "recall_at_1": 15.204999999999998, + "recall_at_10": 33.542, + "recall_at_100": 55.093, + "recall_at_1000": 75.64699999999999, + "recall_at_3": 23.892, + "recall_at_5": 27.789, + "main_score": 25.055 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.714, + "map_at_10": 30.636000000000003, + "map_at_100": 31.653, + "map_at_1000": 31.762, + "map_at_3": 28.51, + "map_at_5": 29.715999999999998, + "mrr_at_1": 27.612, + "mrr_at_10": 34.269, + "mrr_at_100": 35.149, + "mrr_at_1000": 35.225, + "mrr_at_3": 32.338, + "mrr_at_5": 33.341, + "ndcg_at_1": 27.612, + "ndcg_at_10": 34.854, + "ndcg_at_100": 39.800999999999995, + "ndcg_at_1000": 42.400999999999996, + "ndcg_at_3": 31.005, + "ndcg_at_5": 32.727000000000004, + "precision_at_1": 27.612, + "precision_at_10": 5.578, + "precision_at_100": 0.907, + "precision_at_1000": 0.124, + "precision_at_3": 13.619, + "precision_at_5": 9.403, + "recall_at_1": 23.714, + "recall_at_10": 44.262, + "recall_at_100": 66.079, + "recall_at_1000": 84.405, + "recall_at_3": 33.547, + "recall_at_5": 37.951, + "main_score": 34.854 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.838, + "map_at_10": 31.244, + "map_at_100": 32.469, + "map_at_1000": 32.679, + "map_at_3": 28.644, + "map_at_5": 30.179000000000002, + "mrr_at_1": 27.075, + "mrr_at_10": 35.039, + "mrr_at_100": 35.909, + "mrr_at_1000": 35.99, + "mrr_at_3": 33.004, + "mrr_at_5": 34.397, + "ndcg_at_1": 27.075, + "ndcg_at_10": 36.319, + "ndcg_at_100": 41.066, + "ndcg_at_1000": 44.272, + "ndcg_at_3": 32.361000000000004, + "ndcg_at_5": 34.544999999999995, + "precision_at_1": 27.075, + "precision_at_10": 6.957000000000001, + "precision_at_100": 1.346, + "precision_at_1000": 0.215, + "precision_at_3": 15.217, + "precision_at_5": 11.304, + "recall_at_1": 22.838, + "recall_at_10": 45.737, + "recall_at_100": 67.723, + "recall_at_1000": 89.293, + "recall_at_3": 34.666999999999994, + "recall_at_5": 40.208, + "main_score": 36.319 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.135, + "map_at_10": 24.163, + "map_at_100": 25.009999999999998, + "map_at_1000": 25.127, + "map_at_3": 22.211, + "map_at_5": 23.32, + "mrr_at_1": 18.669, + "mrr_at_10": 25.913000000000004, + "mrr_at_100": 26.682, + "mrr_at_1000": 26.783, + "mrr_at_3": 24.122, + "mrr_at_5": 25.157, + "ndcg_at_1": 18.669, + "ndcg_at_10": 28.038, + "ndcg_at_100": 32.443, + "ndcg_at_1000": 35.609, + "ndcg_at_3": 24.291, + "ndcg_at_5": 26.144000000000002, + "precision_at_1": 18.669, + "precision_at_10": 4.417999999999999, + "precision_at_100": 0.719, + "precision_at_1000": 0.108, + "precision_at_3": 10.598, + "precision_at_5": 7.431, + "recall_at_1": 17.135, + "recall_at_10": 38.232, + "recall_at_100": 58.781000000000006, + "recall_at_1000": 82.98, + "recall_at_3": 28.067999999999998, + "recall_at_5": 32.696, + "main_score": 28.038 + } + ] + } +} \ No newline at end of file diff --git a/results/tanmaylaud__ret-phi2-v0/external/ClimateFEVER.json b/results/tanmaylaud__ret-phi2-v0/external/ClimateFEVER.json new file mode 100644 index 000000000..fd29e83dc --- /dev/null +++ b/results/tanmaylaud__ret-phi2-v0/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 11.318, + "map_at_10": 20.830000000000002, + "map_at_100": 22.948, + "map_at_1000": 23.138, + "map_at_3": 17.022000000000002, + "map_at_5": 18.921, + "mrr_at_1": 25.602999999999998, + "mrr_at_10": 38.513999999999996, + "mrr_at_100": 39.467, + "mrr_at_1000": 39.503, + "mrr_at_3": 34.766999999999996, + "mrr_at_5": 37.024, + "ndcg_at_1": 25.602999999999998, + "ndcg_at_10": 29.609999999999996, + "ndcg_at_100": 37.525999999999996, + "ndcg_at_1000": 40.68, + "ndcg_at_3": 23.552999999999997, + "ndcg_at_5": 25.747999999999998, + "precision_at_1": 25.602999999999998, + "precision_at_10": 9.569999999999999, + "precision_at_100": 1.798, + "precision_at_1000": 0.23900000000000002, + "precision_at_3": 17.785, + "precision_at_5": 14.033000000000001, + "recall_at_1": 11.318, + "recall_at_10": 36.605, + "recall_at_100": 63.666, + "recall_at_1000": 80.97, + "recall_at_3": 22.161, + "recall_at_5": 27.99, + "main_score": 29.609999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/tanmaylaud__ret-phi2-v0/external/DBPedia.json b/results/tanmaylaud__ret-phi2-v0/external/DBPedia.json new file mode 100644 index 000000000..950d64658 --- /dev/null +++ b/results/tanmaylaud__ret-phi2-v0/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.318, + "map_at_10": 18.602, + "map_at_100": 26.378, + "map_at_1000": 28.149, + "map_at_3": 13.36, + "map_at_5": 15.482999999999999, + "mrr_at_1": 66.75, + "mrr_at_10": 74.47, + "mrr_at_100": 74.816, + "mrr_at_1000": 74.823, + "mrr_at_3": 73.208, + "mrr_at_5": 73.871, + "ndcg_at_1": 53.87499999999999, + "ndcg_at_10": 40.511, + "ndcg_at_100": 44.973, + "ndcg_at_1000": 52.33, + "ndcg_at_3": 44.896, + "ndcg_at_5": 42.137, + "precision_at_1": 66.75, + "precision_at_10": 32.225, + "precision_at_100": 10.543, + "precision_at_1000": 2.251, + "precision_at_3": 48.5, + "precision_at_5": 40.849999999999994, + "recall_at_1": 8.318, + "recall_at_10": 24.163, + "recall_at_100": 50.824999999999996, + "recall_at_1000": 73.623, + "recall_at_3": 14.863999999999999, + "recall_at_5": 18.052, + "main_score": 40.511 + } + ] + } +} \ No newline at end of file diff --git a/results/tanmaylaud__ret-phi2-v0/external/FEVER.json b/results/tanmaylaud__ret-phi2-v0/external/FEVER.json new file mode 100644 index 000000000..ba12a169e --- /dev/null +++ b/results/tanmaylaud__ret-phi2-v0/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 64.228, + "map_at_10": 75.004, + "map_at_100": 75.25500000000001, + "map_at_1000": 75.268, + "map_at_3": 73.295, + "map_at_5": 74.401, + "mrr_at_1": 69.06700000000001, + "mrr_at_10": 79.477, + "mrr_at_100": 79.629, + "mrr_at_1000": 79.631, + "mrr_at_3": 77.985, + "mrr_at_5": 79.00500000000001, + "ndcg_at_1": 69.06700000000001, + "ndcg_at_10": 80.138, + "ndcg_at_100": 81.143, + "ndcg_at_1000": 81.37299999999999, + "ndcg_at_3": 77.074, + "ndcg_at_5": 78.873, + "precision_at_1": 69.06700000000001, + "precision_at_10": 10.05, + "precision_at_100": 1.072, + "precision_at_1000": 0.11100000000000002, + "precision_at_3": 30.188, + "precision_at_5": 19.157, + "recall_at_1": 64.228, + "recall_at_10": 91.5, + "recall_at_100": 95.69800000000001, + "recall_at_1000": 97.16900000000001, + "recall_at_3": 83.26599999999999, + "recall_at_5": 87.744, + "main_score": 80.138 + } + ] + } +} \ No newline at end of file diff --git a/results/tanmaylaud__ret-phi2-v0/external/FiQA2018.json b/results/tanmaylaud__ret-phi2-v0/external/FiQA2018.json new file mode 100644 index 000000000..96285c7b4 --- /dev/null +++ b/results/tanmaylaud__ret-phi2-v0/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.61, + "map_at_10": 33.507, + "map_at_100": 35.33, + "map_at_1000": 35.489, + "map_at_3": 29.345, + "map_at_5": 31.834, + "mrr_at_1": 40.278000000000006, + "mrr_at_10": 49.212, + "mrr_at_100": 50.124, + "mrr_at_1000": 50.153999999999996, + "mrr_at_3": 46.991, + "mrr_at_5": 48.449, + "ndcg_at_1": 40.278000000000006, + "ndcg_at_10": 41.08, + "ndcg_at_100": 47.865, + "ndcg_at_1000": 50.566, + "ndcg_at_3": 37.855, + "ndcg_at_5": 39.24, + "precision_at_1": 40.278000000000006, + "precision_at_10": 11.126999999999999, + "precision_at_100": 1.81, + "precision_at_1000": 0.22899999999999998, + "precision_at_3": 25, + "precision_at_5": 18.457, + "recall_at_1": 20.61, + "recall_at_10": 47.3, + "recall_at_100": 72.129, + "recall_at_1000": 88.25, + "recall_at_3": 34.307, + "recall_at_5": 41.182, + "main_score": 41.08 + } + ] + } +} \ No newline at end of file diff --git a/results/tanmaylaud__ret-phi2-v0/external/HotpotQA.json b/results/tanmaylaud__ret-phi2-v0/external/HotpotQA.json new file mode 100644 index 000000000..59b95c942 --- /dev/null +++ b/results/tanmaylaud__ret-phi2-v0/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 37.873000000000005, + "map_at_10": 54.013, + "map_at_100": 54.89000000000001, + "map_at_1000": 54.959, + "map_at_3": 51.185, + "map_at_5": 52.933, + "mrr_at_1": 75.74600000000001, + "mrr_at_10": 81.599, + "mrr_at_100": 81.833, + "mrr_at_1000": 81.842, + "mrr_at_3": 80.673, + "mrr_at_5": 81.242, + "ndcg_at_1": 75.74600000000001, + "ndcg_at_10": 63.187000000000005, + "ndcg_at_100": 66.345, + "ndcg_at_1000": 67.77300000000001, + "ndcg_at_3": 59.096000000000004, + "ndcg_at_5": 61.332, + "precision_at_1": 75.74600000000001, + "precision_at_10": 12.848, + "precision_at_100": 1.533, + "precision_at_1000": 0.172, + "precision_at_3": 36.786, + "precision_at_5": 23.835, + "recall_at_1": 37.873000000000005, + "recall_at_10": 64.24, + "recall_at_100": 76.651, + "recall_at_1000": 86.212, + "recall_at_3": 55.179, + "recall_at_5": 59.587999999999994, + "main_score": 63.187000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/tanmaylaud__ret-phi2-v0/external/MSMARCO.json b/results/tanmaylaud__ret-phi2-v0/external/MSMARCO.json new file mode 100644 index 000000000..9ed5c5f3e --- /dev/null +++ b/results/tanmaylaud__ret-phi2-v0/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.108, + "map_at_10": 35.607, + "map_at_100": 36.769, + "map_at_1000": 36.815, + "map_at_3": 31.576999999999998, + "map_at_5": 33.939, + "mrr_at_1": 23.768, + "mrr_at_10": 36.203, + "mrr_at_100": 37.299, + "mrr_at_1000": 37.339, + "mrr_at_3": 32.245000000000005, + "mrr_at_5": 34.575, + "ndcg_at_1": 23.768, + "ndcg_at_10": 42.724000000000004, + "ndcg_at_100": 48.241, + "ndcg_at_1000": 49.346000000000004, + "ndcg_at_3": 34.528, + "ndcg_at_5": 38.746, + "precision_at_1": 23.768, + "precision_at_10": 6.755999999999999, + "precision_at_100": 0.9520000000000001, + "precision_at_1000": 0.105, + "precision_at_3": 14.666, + "precision_at_5": 10.923, + "recall_at_1": 23.108, + "recall_at_10": 64.676, + "recall_at_100": 90.033, + "recall_at_1000": 98.394, + "recall_at_3": 42.421, + "recall_at_5": 52.569, + "main_score": 42.724000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/tanmaylaud__ret-phi2-v0/external/NFCorpus.json b/results/tanmaylaud__ret-phi2-v0/external/NFCorpus.json new file mode 100644 index 000000000..0d41b70c9 --- /dev/null +++ b/results/tanmaylaud__ret-phi2-v0/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.898, + "map_at_10": 14.115, + "map_at_100": 17.868000000000002, + "map_at_1000": 19.425, + "map_at_3": 10.385, + "map_at_5": 12.064, + "mrr_at_1": 50.464, + "mrr_at_10": 59.265, + "mrr_at_100": 59.63, + "mrr_at_1000": 59.673, + "mrr_at_3": 56.96600000000001, + "mrr_at_5": 58.282000000000004, + "ndcg_at_1": 48.452, + "ndcg_at_10": 37.819, + "ndcg_at_100": 34.421, + "ndcg_at_1000": 43.275999999999996, + "ndcg_at_3": 44.037, + "ndcg_at_5": 41.272, + "precision_at_1": 50.15500000000001, + "precision_at_10": 28.142, + "precision_at_100": 8.780000000000001, + "precision_at_1000": 2.185, + "precision_at_3": 41.382999999999996, + "precision_at_5": 35.975, + "recall_at_1": 5.898, + "recall_at_10": 18.584999999999997, + "recall_at_100": 34.660000000000004, + "recall_at_1000": 67.361, + "recall_at_3": 11.774999999999999, + "recall_at_5": 14.438999999999998, + "main_score": 37.819 + } + ] + } +} \ No newline at end of file diff --git a/results/tanmaylaud__ret-phi2-v0/external/NQ.json b/results/tanmaylaud__ret-phi2-v0/external/NQ.json new file mode 100644 index 000000000..a240c17d3 --- /dev/null +++ b/results/tanmaylaud__ret-phi2-v0/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.976, + "map_at_10": 48.672, + "map_at_100": 49.622, + "map_at_1000": 49.647999999999996, + "map_at_3": 44.389, + "map_at_5": 46.942, + "mrr_at_1": 36.876999999999995, + "mrr_at_10": 51.123, + "mrr_at_100": 51.82299999999999, + "mrr_at_1000": 51.839999999999996, + "mrr_at_3": 47.658, + "mrr_at_5": 49.756, + "ndcg_at_1": 36.848, + "ndcg_at_10": 56.389, + "ndcg_at_100": 60.31100000000001, + "ndcg_at_1000": 60.895999999999994, + "ndcg_at_3": 48.469, + "ndcg_at_5": 52.672, + "precision_at_1": 36.848, + "precision_at_10": 9.215, + "precision_at_100": 1.141, + "precision_at_1000": 0.12, + "precision_at_3": 21.997, + "precision_at_5": 15.672, + "recall_at_1": 32.976, + "recall_at_10": 77.301, + "recall_at_100": 94.15299999999999, + "recall_at_1000": 98.44500000000001, + "recall_at_3": 56.979, + "recall_at_5": 66.621, + "main_score": 56.389 + } + ] + } +} \ No newline at end of file diff --git a/results/tanmaylaud__ret-phi2-v0/external/QuoraRetrieval.json b/results/tanmaylaud__ret-phi2-v0/external/QuoraRetrieval.json new file mode 100644 index 000000000..27ea52893 --- /dev/null +++ b/results/tanmaylaud__ret-phi2-v0/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 70.53399999999999, + "map_at_10": 84.248, + "map_at_100": 84.887, + "map_at_1000": 84.905, + "map_at_3": 81.32000000000001, + "map_at_5": 83.159, + "mrr_at_1": 81.03, + "mrr_at_10": 87.35199999999999, + "mrr_at_100": 87.444, + "mrr_at_1000": 87.445, + "mrr_at_3": 86.343, + "mrr_at_5": 87.04499999999999, + "ndcg_at_1": 81.06, + "ndcg_at_10": 88.102, + "ndcg_at_100": 89.32, + "ndcg_at_1000": 89.434, + "ndcg_at_3": 85.19, + "ndcg_at_5": 86.824, + "precision_at_1": 81.06, + "precision_at_10": 13.327, + "precision_at_100": 1.526, + "precision_at_1000": 0.157, + "precision_at_3": 37.169999999999995, + "precision_at_5": 24.462, + "recall_at_1": 70.53399999999999, + "recall_at_10": 95.383, + "recall_at_100": 99.494, + "recall_at_1000": 99.985, + "recall_at_3": 87.031, + "recall_at_5": 91.623, + "main_score": 88.102 + } + ] + } +} \ No newline at end of file diff --git a/results/tanmaylaud__ret-phi2-v0/external/SCIDOCS.json b/results/tanmaylaud__ret-phi2-v0/external/SCIDOCS.json new file mode 100644 index 000000000..f8f710a4c --- /dev/null +++ b/results/tanmaylaud__ret-phi2-v0/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.3180000000000005, + "map_at_10": 10.237, + "map_at_100": 11.879000000000001, + "map_at_1000": 12.124, + "map_at_3": 7.617999999999999, + "map_at_5": 8.883000000000001, + "mrr_at_1": 21.2, + "mrr_at_10": 31.016, + "mrr_at_100": 32.062000000000005, + "mrr_at_1000": 32.128, + "mrr_at_3": 28.016999999999996, + "mrr_at_5": 29.607, + "ndcg_at_1": 21.2, + "ndcg_at_10": 17.485, + "ndcg_at_100": 24.162, + "ndcg_at_1000": 28.825, + "ndcg_at_3": 17.024, + "ndcg_at_5": 14.594, + "precision_at_1": 21.2, + "precision_at_10": 8.92, + "precision_at_100": 1.854, + "precision_at_1000": 0.297, + "precision_at_3": 15.8, + "precision_at_5": 12.58, + "recall_at_1": 4.3180000000000005, + "recall_at_10": 18.12, + "recall_at_100": 37.628, + "recall_at_1000": 60.324999999999996, + "recall_at_3": 9.622, + "recall_at_5": 12.772, + "main_score": 17.485 + } + ] + } +} \ No newline at end of file diff --git a/results/tanmaylaud__ret-phi2-v0/external/SciFact.json b/results/tanmaylaud__ret-phi2-v0/external/SciFact.json new file mode 100644 index 000000000..96302a5c5 --- /dev/null +++ b/results/tanmaylaud__ret-phi2-v0/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 57.05, + "map_at_10": 67.352, + "map_at_100": 67.919, + "map_at_1000": 67.944, + "map_at_3": 64.78699999999999, + "map_at_5": 66.216, + "mrr_at_1": 60, + "mrr_at_10": 68.535, + "mrr_at_100": 68.988, + "mrr_at_1000": 69.01, + "mrr_at_3": 66.667, + "mrr_at_5": 67.717, + "ndcg_at_1": 60, + "ndcg_at_10": 71.628, + "ndcg_at_100": 74.076, + "ndcg_at_1000": 74.717, + "ndcg_at_3": 67.51, + "ndcg_at_5": 69.393, + "precision_at_1": 60, + "precision_at_10": 9.433, + "precision_at_100": 1.0699999999999998, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 26.444000000000003, + "precision_at_5": 17.2, + "recall_at_1": 57.05, + "recall_at_10": 83.289, + "recall_at_100": 94.267, + "recall_at_1000": 99.333, + "recall_at_3": 72.35000000000001, + "recall_at_5": 77, + "main_score": 71.628 + } + ] + } +} \ No newline at end of file diff --git a/results/tanmaylaud__ret-phi2-v0/external/TRECCOVID.json b/results/tanmaylaud__ret-phi2-v0/external/TRECCOVID.json new file mode 100644 index 000000000..4fc18c778 --- /dev/null +++ b/results/tanmaylaud__ret-phi2-v0/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.242, + "map_at_10": 2.153, + "map_at_100": 13.045000000000002, + "map_at_1000": 31.039, + "map_at_3": 0.709, + "map_at_5": 1.138, + "mrr_at_1": 94, + "mrr_at_10": 95.65, + "mrr_at_100": 95.65, + "mrr_at_1000": 95.65, + "mrr_at_3": 95, + "mrr_at_5": 95.39999999999999, + "ndcg_at_1": 89, + "ndcg_at_10": 83.39999999999999, + "ndcg_at_100": 64.116, + "ndcg_at_1000": 56.501000000000005, + "ndcg_at_3": 88.061, + "ndcg_at_5": 86.703, + "precision_at_1": 94, + "precision_at_10": 87.4, + "precision_at_100": 65.58, + "precision_at_1000": 25.113999999999997, + "precision_at_3": 91.333, + "precision_at_5": 90, + "recall_at_1": 0.242, + "recall_at_10": 2.267, + "recall_at_100": 15.775, + "recall_at_1000": 53.152, + "recall_at_3": 0.721, + "recall_at_5": 1.172, + "main_score": 83.39999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/tanmaylaud__ret-phi2-v0/external/Touche2020.json b/results/tanmaylaud__ret-phi2-v0/external/Touche2020.json new file mode 100644 index 000000000..d93f935c8 --- /dev/null +++ b/results/tanmaylaud__ret-phi2-v0/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.4619999999999997, + "map_at_10": 10.086, + "map_at_100": 16.265, + "map_at_1000": 17.846, + "map_at_3": 4.603, + "map_at_5": 6.517, + "mrr_at_1": 26.531, + "mrr_at_10": 43.608000000000004, + "mrr_at_100": 44.175, + "mrr_at_1000": 44.190000000000005, + "mrr_at_3": 37.755, + "mrr_at_5": 41.531, + "ndcg_at_1": 25.509999999999998, + "ndcg_at_10": 25.663999999999998, + "ndcg_at_100": 37.362, + "ndcg_at_1000": 48.817, + "ndcg_at_3": 23.223, + "ndcg_at_5": 24.403, + "precision_at_1": 26.531, + "precision_at_10": 24.694, + "precision_at_100": 7.776, + "precision_at_1000": 1.541, + "precision_at_3": 23.810000000000002, + "precision_at_5": 25.306, + "recall_at_1": 2.4619999999999997, + "recall_at_10": 17.712, + "recall_at_100": 48.232, + "recall_at_1000": 83.348, + "recall_at_3": 5.763, + "recall_at_5": 9.577, + "main_score": 25.663999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/tanmaylaud__ret-phi2-v0/external/model_meta.json b/results/tanmaylaud__ret-phi2-v0/external/model_meta.json new file mode 100644 index 000000000..d9207f0a1 --- /dev/null +++ b/results/tanmaylaud__ret-phi2-v0/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "tanmaylaud/ret-phi2-v0", + "revision": "5eef33e2b2457f547c4dada897dfc4b466e46ccd", + "release_date": "2024-02-09", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 2648560640, + "memory_usage": null, + "max_tokens": 2048, + "embed_dim": 2560, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/thenlper__gte-base-zh/external/AFQMC.json b/results/thenlper__gte-base-zh/external/AFQMC.json new file mode 100644 index 000000000..63c62dcf2 --- /dev/null +++ b/results/thenlper__gte-base-zh/external/AFQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 44.45621572456527, + "cos_sim_spearman": 49.06500895667604, + "euclidean_pearson": 47.55002064096053, + "euclidean_spearman": 49.06500895667604, + "manhattan_pearson": 47.429900262366715, + "manhattan_spearman": 48.95704890278774, + "cosine_pearson": 44.45621572456527, + "cosine_spearman": 49.06500895667604, + "main_score": 49.06500895667604 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base-zh/external/ATEC.json b/results/thenlper__gte-base-zh/external/ATEC.json new file mode 100644 index 000000000..49aa9d390 --- /dev/null +++ b/results/thenlper__gte-base-zh/external/ATEC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 44.31699346653116, + "cos_sim_spearman": 50.83133156721432, + "euclidean_pearson": 51.36086517946001, + "euclidean_spearman": 50.83132818894256, + "manhattan_pearson": 51.255926461574084, + "manhattan_spearman": 50.73460147395406, + "cosine_pearson": 44.31699346653116, + "cosine_spearman": 50.83133156721432, + "main_score": 50.83133156721432 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base-zh/external/AmazonReviewsClassification.json b/results/thenlper__gte-base-zh/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..5c7531487 --- /dev/null +++ b/results/thenlper__gte-base-zh/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 45.818000000000005, + "f1": 43.998253644678144, + "main_score": 45.818000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base-zh/external/BQ.json b/results/thenlper__gte-base-zh/external/BQ.json new file mode 100644 index 000000000..916e4896e --- /dev/null +++ b/results/thenlper__gte-base-zh/external/BQ.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 63.47477451918581, + "cos_sim_spearman": 65.49832607366159, + "euclidean_pearson": 64.11399760832107, + "euclidean_spearman": 65.49832260877398, + "manhattan_pearson": 64.02541311484639, + "manhattan_spearman": 65.42436057501452, + "cosine_pearson": 63.47477451918581, + "cosine_spearman": 65.49832607366159, + "main_score": 65.49832607366159 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base-zh/external/CLSClusteringP2P.json b/results/thenlper__gte-base-zh/external/CLSClusteringP2P.json new file mode 100644 index 000000000..70a266150 --- /dev/null +++ b/results/thenlper__gte-base-zh/external/CLSClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 42.58046835435111, + "main_score": 42.58046835435111 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base-zh/external/CLSClusteringS2S.json b/results/thenlper__gte-base-zh/external/CLSClusteringS2S.json new file mode 100644 index 000000000..da344de4f --- /dev/null +++ b/results/thenlper__gte-base-zh/external/CLSClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 40.42134173217685, + "main_score": 40.42134173217685 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base-zh/external/CmedqaRetrieval.json b/results/thenlper__gte-base-zh/external/CmedqaRetrieval.json new file mode 100644 index 000000000..f86a0d4db --- /dev/null +++ b/results/thenlper__gte-base-zh/external/CmedqaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 25.098, + "map_at_10": 37.759, + "map_at_100": 39.693, + "map_at_1000": 39.804, + "map_at_3": 33.477000000000004, + "map_at_5": 35.839, + "mrr_at_1": 38.06, + "mrr_at_10": 46.302, + "mrr_at_100": 47.370000000000005, + "mrr_at_1000": 47.412, + "mrr_at_3": 43.702999999999996, + "mrr_at_5": 45.213, + "ndcg_at_1": 38.06, + "ndcg_at_10": 44.375, + "ndcg_at_100": 51.849999999999994, + "ndcg_at_1000": 53.725, + "ndcg_at_3": 38.97, + "ndcg_at_5": 41.193000000000005, + "precision_at_1": 38.06, + "precision_at_10": 9.934999999999999, + "precision_at_100": 1.599, + "precision_at_1000": 0.183, + "precision_at_3": 22.072, + "precision_at_5": 16.089000000000002, + "recall_at_1": 25.098, + "recall_at_10": 55.264, + "recall_at_100": 85.939, + "recall_at_1000": 98.44800000000001, + "recall_at_3": 39.122, + "recall_at_5": 45.948, + "main_score": 44.375 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base-zh/external/Cmnli.json b/results/thenlper__gte-base-zh/external/Cmnli.json new file mode 100644 index 000000000..ad5d93bab --- /dev/null +++ b/results/thenlper__gte-base-zh/external/Cmnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Cmnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 78.02766085387853, + "cos_sim_ap": 85.59982802559004, + "cos_sim_f1": 79.57103418984921, + "cos_sim_precision": 72.88465279128575, + "cos_sim_recall": 87.60813654430676, + "dot_accuracy": 78.02766085387853, + "dot_ap": 85.59604477360719, + "dot_f1": 79.57103418984921, + "dot_precision": 72.88465279128575, + "dot_recall": 87.60813654430676, + "euclidean_accuracy": 78.02766085387853, + "euclidean_ap": 85.59982802559004, + "euclidean_f1": 79.57103418984921, + "euclidean_precision": 72.88465279128575, + "euclidean_recall": 87.60813654430676, + "manhattan_accuracy": 77.9795550210463, + "manhattan_ap": 85.58042267497707, + "manhattan_f1": 79.40344001741781, + "manhattan_precision": 74.29211652067632, + "manhattan_recall": 85.27004909983633, + "max_accuracy": 78.02766085387853, + "max_ap": 85.59982802559004, + "max_f1": 79.57103418984921, + "main_score": 78.02766085387853 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base-zh/external/CovidRetrieval.json b/results/thenlper__gte-base-zh/external/CovidRetrieval.json new file mode 100644 index 000000000..8153b32ed --- /dev/null +++ b/results/thenlper__gte-base-zh/external/CovidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 62.144, + "map_at_10": 71.589, + "map_at_100": 72.066, + "map_at_1000": 72.075, + "map_at_3": 69.916, + "map_at_5": 70.806, + "mrr_at_1": 62.275999999999996, + "mrr_at_10": 71.57, + "mrr_at_100": 72.048, + "mrr_at_1000": 72.057, + "mrr_at_3": 69.89800000000001, + "mrr_at_5": 70.84700000000001, + "ndcg_at_1": 62.381, + "ndcg_at_10": 75.74, + "ndcg_at_100": 77.827, + "ndcg_at_1000": 78.044, + "ndcg_at_3": 72.307, + "ndcg_at_5": 73.91499999999999, + "precision_at_1": 62.381, + "precision_at_10": 8.946, + "precision_at_100": 0.988, + "precision_at_1000": 0.101, + "precision_at_3": 26.554, + "precision_at_5": 16.733, + "recall_at_1": 62.144, + "recall_at_10": 88.567, + "recall_at_100": 97.84, + "recall_at_1000": 99.473, + "recall_at_3": 79.083, + "recall_at_5": 83.035, + "main_score": 75.74 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base-zh/external/DuRetrieval.json b/results/thenlper__gte-base-zh/external/DuRetrieval.json new file mode 100644 index 000000000..d4cb4e218 --- /dev/null +++ b/results/thenlper__gte-base-zh/external/DuRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 24.665, + "map_at_10": 74.91600000000001, + "map_at_100": 77.981, + "map_at_1000": 78.032, + "map_at_3": 51.015, + "map_at_5": 64.681, + "mrr_at_1": 86.5, + "mrr_at_10": 90.78399999999999, + "mrr_at_100": 90.859, + "mrr_at_1000": 90.863, + "mrr_at_3": 90.375, + "mrr_at_5": 90.66199999999999, + "ndcg_at_1": 86.5, + "ndcg_at_10": 83.635, + "ndcg_at_100": 86.926, + "ndcg_at_1000": 87.425, + "ndcg_at_3": 81.28999999999999, + "ndcg_at_5": 80.549, + "precision_at_1": 86.5, + "precision_at_10": 40.544999999999995, + "precision_at_100": 4.748, + "precision_at_1000": 0.48700000000000004, + "precision_at_3": 72.68299999999999, + "precision_at_5": 61.86000000000001, + "recall_at_1": 24.665, + "recall_at_10": 85.72, + "recall_at_100": 96.116, + "recall_at_1000": 98.772, + "recall_at_3": 53.705999999999996, + "recall_at_5": 70.42699999999999, + "main_score": 83.635 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base-zh/external/EcomRetrieval.json b/results/thenlper__gte-base-zh/external/EcomRetrieval.json new file mode 100644 index 000000000..47e49936f --- /dev/null +++ b/results/thenlper__gte-base-zh/external/EcomRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 54.0, + "map_at_10": 64.449, + "map_at_100": 64.937, + "map_at_1000": 64.946, + "map_at_3": 61.85000000000001, + "map_at_5": 63.525, + "mrr_at_1": 54.0, + "mrr_at_10": 64.449, + "mrr_at_100": 64.937, + "mrr_at_1000": 64.946, + "mrr_at_3": 61.85000000000001, + "mrr_at_5": 63.525, + "ndcg_at_1": 54.0, + "ndcg_at_10": 69.56400000000001, + "ndcg_at_100": 71.78999999999999, + "ndcg_at_1000": 72.021, + "ndcg_at_3": 64.334, + "ndcg_at_5": 67.368, + "precision_at_1": 54.0, + "precision_at_10": 8.559999999999999, + "precision_at_100": 0.9570000000000001, + "precision_at_1000": 0.098, + "precision_at_3": 23.833, + "precision_at_5": 15.78, + "recall_at_1": 54.0, + "recall_at_10": 85.6, + "recall_at_100": 95.7, + "recall_at_1000": 97.5, + "recall_at_3": 71.5, + "recall_at_5": 78.9, + "main_score": 69.56400000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base-zh/external/IFlyTek.json b/results/thenlper__gte-base-zh/external/IFlyTek.json new file mode 100644 index 000000000..2288a3de9 --- /dev/null +++ b/results/thenlper__gte-base-zh/external/IFlyTek.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 48.61869949980762, + "f1": 36.49337336098832, + "main_score": 48.61869949980762 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base-zh/external/JDReview.json b/results/thenlper__gte-base-zh/external/JDReview.json new file mode 100644 index 000000000..594f68f5c --- /dev/null +++ b/results/thenlper__gte-base-zh/external/JDReview.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 85.94746716697938, + "ap": 53.75927589310753, + "f1": 80.53821597736138, + "main_score": 85.94746716697938 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base-zh/external/LCQMC.json b/results/thenlper__gte-base-zh/external/LCQMC.json new file mode 100644 index 000000000..f3b44dfc6 --- /dev/null +++ b/results/thenlper__gte-base-zh/external/LCQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 68.77445518082875, + "cos_sim_spearman": 74.05909185405268, + "euclidean_pearson": 72.92870557009725, + "euclidean_spearman": 74.05909628639644, + "manhattan_pearson": 72.92072580598351, + "manhattan_spearman": 74.0304390211741, + "cosine_pearson": 68.77445518082875, + "cosine_spearman": 74.05909185405268, + "main_score": 74.05909185405268 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base-zh/external/MMarcoReranking.json b/results/thenlper__gte-base-zh/external/MMarcoReranking.json new file mode 100644 index 000000000..f4dc9af87 --- /dev/null +++ b/results/thenlper__gte-base-zh/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 27.643607073221975, + "mrr": 26.646825396825395, + "main_score": 27.643607073221975 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base-zh/external/MMarcoRetrieval.json b/results/thenlper__gte-base-zh/external/MMarcoRetrieval.json new file mode 100644 index 000000000..32ce6cee6 --- /dev/null +++ b/results/thenlper__gte-base-zh/external/MMarcoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 65.10000000000001, + "map_at_10": 74.014, + "map_at_100": 74.372, + "map_at_1000": 74.385, + "map_at_3": 72.179, + "map_at_5": 73.37700000000001, + "mrr_at_1": 67.364, + "mrr_at_10": 74.68, + "mrr_at_100": 74.992, + "mrr_at_1000": 75.003, + "mrr_at_3": 73.054, + "mrr_at_5": 74.126, + "ndcg_at_1": 67.364, + "ndcg_at_10": 77.704, + "ndcg_at_100": 79.29899999999999, + "ndcg_at_1000": 79.637, + "ndcg_at_3": 74.232, + "ndcg_at_5": 76.264, + "precision_at_1": 67.364, + "precision_at_10": 9.397, + "precision_at_100": 1.019, + "precision_at_1000": 0.105, + "precision_at_3": 27.942, + "precision_at_5": 17.837, + "recall_at_1": 65.10000000000001, + "recall_at_10": 88.416, + "recall_at_100": 95.61, + "recall_at_1000": 98.261, + "recall_at_3": 79.28, + "recall_at_5": 84.108, + "main_score": 77.704 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base-zh/external/MassiveIntentClassification.json b/results/thenlper__gte-base-zh/external/MassiveIntentClassification.json new file mode 100644 index 000000000..915043cdb --- /dev/null +++ b/results/thenlper__gte-base-zh/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 73.315400134499, + "f1": 70.81060697693198, + "main_score": 73.315400134499 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base-zh/external/MassiveScenarioClassification.json b/results/thenlper__gte-base-zh/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..c3df0da6e --- /dev/null +++ b/results/thenlper__gte-base-zh/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 76.78883658372563, + "f1": 76.21512438791976, + "main_score": 76.78883658372563 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base-zh/external/MedicalRetrieval.json b/results/thenlper__gte-base-zh/external/MedicalRetrieval.json new file mode 100644 index 000000000..f14cc0e1f --- /dev/null +++ b/results/thenlper__gte-base-zh/external/MedicalRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 55.300000000000004, + "map_at_10": 61.879, + "map_at_100": 62.434, + "map_at_1000": 62.476, + "map_at_3": 60.417, + "map_at_5": 61.297000000000004, + "mrr_at_1": 55.400000000000006, + "mrr_at_10": 61.92100000000001, + "mrr_at_100": 62.476, + "mrr_at_1000": 62.517999999999994, + "mrr_at_3": 60.483, + "mrr_at_5": 61.338, + "ndcg_at_1": 55.300000000000004, + "ndcg_at_10": 64.937, + "ndcg_at_100": 67.848, + "ndcg_at_1000": 68.996, + "ndcg_at_3": 61.939, + "ndcg_at_5": 63.556999999999995, + "precision_at_1": 55.300000000000004, + "precision_at_10": 7.449999999999999, + "precision_at_100": 0.886, + "precision_at_1000": 0.098, + "precision_at_3": 22.1, + "precision_at_5": 14.06, + "recall_at_1": 55.300000000000004, + "recall_at_10": 74.5, + "recall_at_100": 88.6, + "recall_at_1000": 97.7, + "recall_at_3": 66.3, + "recall_at_5": 70.3, + "main_score": 64.937 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base-zh/external/MultilingualSentiment.json b/results/thenlper__gte-base-zh/external/MultilingualSentiment.json new file mode 100644 index 000000000..83b4fd3a7 --- /dev/null +++ b/results/thenlper__gte-base-zh/external/MultilingualSentiment.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 75.79, + "f1": 75.58944709087194, + "main_score": 75.79 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base-zh/external/Ocnli.json b/results/thenlper__gte-base-zh/external/Ocnli.json new file mode 100644 index 000000000..151b67d2d --- /dev/null +++ b/results/thenlper__gte-base-zh/external/Ocnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Ocnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 71.5755278830536, + "cos_sim_ap": 75.27777388526098, + "cos_sim_f1": 75.04604051565377, + "cos_sim_precision": 66.53061224489795, + "cos_sim_recall": 86.06124604012672, + "dot_accuracy": 71.5755278830536, + "dot_ap": 75.27765883143745, + "dot_f1": 75.04604051565377, + "dot_precision": 66.53061224489795, + "dot_recall": 86.06124604012672, + "euclidean_accuracy": 71.5755278830536, + "euclidean_ap": 75.27762982049899, + "euclidean_f1": 75.04604051565377, + "euclidean_precision": 66.53061224489795, + "euclidean_recall": 86.06124604012672, + "manhattan_accuracy": 71.41310232809963, + "manhattan_ap": 75.11908556317425, + "manhattan_f1": 75.0118091639112, + "manhattan_precision": 67.86324786324786, + "manhattan_recall": 83.84371700105596, + "max_accuracy": 71.5755278830536, + "max_ap": 75.27777388526098, + "max_f1": 75.04604051565377, + "main_score": 71.5755278830536 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base-zh/external/OnlineShopping.json b/results/thenlper__gte-base-zh/external/OnlineShopping.json new file mode 100644 index 000000000..3cb363c95 --- /dev/null +++ b/results/thenlper__gte-base-zh/external/OnlineShopping.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 93.36, + "ap": 91.66871784150999, + "f1": 93.35216314755989, + "main_score": 93.36 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base-zh/external/PAWSX.json b/results/thenlper__gte-base-zh/external/PAWSX.json new file mode 100644 index 000000000..c5cd72ddf --- /dev/null +++ b/results/thenlper__gte-base-zh/external/PAWSX.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 24.21926662784366, + "cos_sim_spearman": 27.969680921064644, + "euclidean_pearson": 28.75506415195721, + "euclidean_spearman": 27.969593815056058, + "manhattan_pearson": 28.90608040712011, + "manhattan_spearman": 28.07097299964309, + "cosine_pearson": 24.21926662784366, + "cosine_spearman": 27.969680921064644, + "main_score": 27.969680921064644 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base-zh/external/QBQTC.json b/results/thenlper__gte-base-zh/external/QBQTC.json new file mode 100644 index 000000000..49f5576a0 --- /dev/null +++ b/results/thenlper__gte-base-zh/external/QBQTC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "QBQTC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 33.4112661812038, + "cos_sim_spearman": 35.192765228905174, + "euclidean_pearson": 33.57803958232971, + "euclidean_spearman": 35.19270413260232, + "manhattan_pearson": 33.75933288702631, + "manhattan_spearman": 35.362780488430126, + "cosine_pearson": 33.4112661812038, + "cosine_spearman": 35.192765228905174, + "main_score": 35.192765228905174 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base-zh/external/STS22.json b/results/thenlper__gte-base-zh/external/STS22.json new file mode 100644 index 000000000..8beba65f9 --- /dev/null +++ b/results/thenlper__gte-base-zh/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 62.178764479940206, + "cos_sim_spearman": 63.644049344272155, + "euclidean_pearson": 61.97852518030118, + "euclidean_spearman": 63.644049344272155, + "manhattan_pearson": 62.3931275533103, + "manhattan_spearman": 63.68720814152202, + "cosine_pearson": 62.178764479940206, + "cosine_spearman": 63.644049344272155, + "main_score": 63.644049344272155 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base-zh/external/STSB.json b/results/thenlper__gte-base-zh/external/STSB.json new file mode 100644 index 000000000..31119bf5d --- /dev/null +++ b/results/thenlper__gte-base-zh/external/STSB.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 81.09847341753118, + "cos_sim_spearman": 81.46211495319093, + "euclidean_pearson": 80.97905808856734, + "euclidean_spearman": 81.46177732221445, + "manhattan_pearson": 80.8737913286308, + "manhattan_spearman": 81.41142532907402, + "cosine_pearson": 81.09847341753118, + "cosine_spearman": 81.46211495319093, + "main_score": 81.46211495319093 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base-zh/external/T2Reranking.json b/results/thenlper__gte-base-zh/external/T2Reranking.json new file mode 100644 index 000000000..9299b589d --- /dev/null +++ b/results/thenlper__gte-base-zh/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 66.36295416100998, + "mrr": 76.42041058129412, + "main_score": 66.36295416100998 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base-zh/external/T2Retrieval.json b/results/thenlper__gte-base-zh/external/T2Retrieval.json new file mode 100644 index 000000000..16f075409 --- /dev/null +++ b/results/thenlper__gte-base-zh/external/T2Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 26.898, + "map_at_10": 75.089, + "map_at_100": 78.786, + "map_at_1000": 78.86, + "map_at_3": 52.881, + "map_at_5": 64.881, + "mrr_at_1": 88.984, + "mrr_at_10": 91.681, + "mrr_at_100": 91.77300000000001, + "mrr_at_1000": 91.777, + "mrr_at_3": 91.205, + "mrr_at_5": 91.486, + "ndcg_at_1": 88.984, + "ndcg_at_10": 83.083, + "ndcg_at_100": 86.955, + "ndcg_at_1000": 87.665, + "ndcg_at_3": 84.661, + "ndcg_at_5": 83.084, + "precision_at_1": 88.984, + "precision_at_10": 41.311, + "precision_at_100": 4.978, + "precision_at_1000": 0.515, + "precision_at_3": 74.074, + "precision_at_5": 61.956999999999994, + "recall_at_1": 26.898, + "recall_at_10": 82.03200000000001, + "recall_at_100": 94.593, + "recall_at_1000": 98.188, + "recall_at_3": 54.647999999999996, + "recall_at_5": 68.394, + "main_score": 83.083 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base-zh/external/TNews.json b/results/thenlper__gte-base-zh/external/TNews.json new file mode 100644 index 000000000..c0fd44327 --- /dev/null +++ b/results/thenlper__gte-base-zh/external/TNews.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 53.648999999999994, + "f1": 51.87788185753318, + "main_score": 53.648999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base-zh/external/ThuNewsClusteringP2P.json b/results/thenlper__gte-base-zh/external/ThuNewsClusteringP2P.json new file mode 100644 index 000000000..71aa59c2c --- /dev/null +++ b/results/thenlper__gte-base-zh/external/ThuNewsClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 68.81293224496076, + "main_score": 68.81293224496076 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base-zh/external/ThuNewsClusteringS2S.json b/results/thenlper__gte-base-zh/external/ThuNewsClusteringS2S.json new file mode 100644 index 000000000..91e1706ed --- /dev/null +++ b/results/thenlper__gte-base-zh/external/ThuNewsClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 63.60504270553153, + "main_score": 63.60504270553153 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base-zh/external/VideoRetrieval.json b/results/thenlper__gte-base-zh/external/VideoRetrieval.json new file mode 100644 index 000000000..511a98cb4 --- /dev/null +++ b/results/thenlper__gte-base-zh/external/VideoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 59.3, + "map_at_10": 69.89, + "map_at_100": 70.261, + "map_at_1000": 70.27, + "map_at_3": 67.93299999999999, + "map_at_5": 69.10300000000001, + "mrr_at_1": 59.3, + "mrr_at_10": 69.89, + "mrr_at_100": 70.261, + "mrr_at_1000": 70.27, + "mrr_at_3": 67.93299999999999, + "mrr_at_5": 69.10300000000001, + "ndcg_at_1": 59.3, + "ndcg_at_10": 74.67099999999999, + "ndcg_at_100": 76.371, + "ndcg_at_1000": 76.644, + "ndcg_at_3": 70.678, + "ndcg_at_5": 72.783, + "precision_at_1": 59.3, + "precision_at_10": 8.95, + "precision_at_100": 0.972, + "precision_at_1000": 0.099, + "precision_at_3": 26.200000000000003, + "precision_at_5": 16.74, + "recall_at_1": 59.3, + "recall_at_10": 89.5, + "recall_at_100": 97.2, + "recall_at_1000": 99.4, + "recall_at_3": 78.60000000000001, + "recall_at_5": 83.7, + "main_score": 74.67099999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base-zh/external/Waimai.json b/results/thenlper__gte-base-zh/external/Waimai.json new file mode 100644 index 000000000..f25a7a0a7 --- /dev/null +++ b/results/thenlper__gte-base-zh/external/Waimai.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 88.07000000000001, + "ap": 72.68881791758656, + "f1": 86.647906274628, + "main_score": 88.07000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base-zh/external/model_meta.json b/results/thenlper__gte-base-zh/external/model_meta.json new file mode 100644 index 000000000..da6b9d45b --- /dev/null +++ b/results/thenlper__gte-base-zh/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "thenlper/gte-base-zh", + "revision": "71ab7947d6fac5b64aa299e6e40e6c2b2e85976c", + "release_date": "2023-11-08", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 102268160, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 768, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/AmazonCounterfactualClassification.json b/results/thenlper__gte-base/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..ee54e68bd --- /dev/null +++ b/results/thenlper__gte-base/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.17910447761193, + "ap": 36.827146398068926, + "f1": 68.11292888046363, + "main_score": 74.17910447761193 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/AmazonPolarityClassification.json b/results/thenlper__gte-base/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..e1b4fec87 --- /dev/null +++ b/results/thenlper__gte-base/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.77345000000001, + "ap": 88.33530426691347, + "f1": 91.76549906404642, + "main_score": 91.77345000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/AmazonReviewsClassification.json b/results/thenlper__gte-base/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..db490fdc8 --- /dev/null +++ b/results/thenlper__gte-base/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 48.964, + "f1": 48.22995586184998, + "main_score": 48.964 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/ArguAna.json b/results/thenlper__gte-base/external/ArguAna.json new file mode 100644 index 000000000..065a6cf36 --- /dev/null +++ b/results/thenlper__gte-base/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.147999999999996, + "map_at_10": 48.253, + "map_at_100": 49.038, + "map_at_1000": 49.042, + "map_at_3": 43.433, + "map_at_5": 46.182, + "mrr_at_1": 32.717, + "mrr_at_10": 48.467, + "mrr_at_100": 49.252, + "mrr_at_1000": 49.254999999999995, + "mrr_at_3": 43.599, + "mrr_at_5": 46.408, + "ndcg_at_1": 32.147999999999996, + "ndcg_at_10": 57.12199999999999, + "ndcg_at_100": 60.316, + "ndcg_at_1000": 60.402, + "ndcg_at_3": 47.178, + "ndcg_at_5": 52.146, + "precision_at_1": 32.147999999999996, + "precision_at_10": 8.542, + "precision_at_100": 0.9900000000000001, + "precision_at_1000": 0.1, + "precision_at_3": 19.346, + "precision_at_5": 14.026, + "recall_at_1": 32.147999999999996, + "recall_at_10": 85.42, + "recall_at_100": 99.004, + "recall_at_1000": 99.644, + "recall_at_3": 58.037000000000006, + "recall_at_5": 70.128, + "main_score": 57.12199999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/ArxivClusteringP2P.json b/results/thenlper__gte-base/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..71f7efd4c --- /dev/null +++ b/results/thenlper__gte-base/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.59706013699614, + "main_score": 48.59706013699614 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/ArxivClusteringS2S.json b/results/thenlper__gte-base/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..af5bc70d1 --- /dev/null +++ b/results/thenlper__gte-base/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 43.01463593002057, + "main_score": 43.01463593002057 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/AskUbuntuDupQuestions.json b/results/thenlper__gte-base/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..3fb4957a9 --- /dev/null +++ b/results/thenlper__gte-base/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 61.80250355752458, + "mrr": 74.79455216989844, + "main_score": 61.80250355752458 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/BIOSSES.json b/results/thenlper__gte-base/external/BIOSSES.json new file mode 100644 index 000000000..c777a0406 --- /dev/null +++ b/results/thenlper__gte-base/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 89.87448576082345, + "cos_sim_spearman": 87.64235843637468, + "euclidean_pearson": 88.4901825511062, + "euclidean_spearman": 87.74537283182033, + "manhattan_pearson": 88.39040638362911, + "manhattan_spearman": 87.62669542888003, + "cosine_pearson": 89.87448576082345, + "cosine_spearman": 87.64235843637468, + "main_score": 87.64235843637468 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/Banking77Classification.json b/results/thenlper__gte-base/external/Banking77Classification.json new file mode 100644 index 000000000..b1c841203 --- /dev/null +++ b/results/thenlper__gte-base/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 85.06818181818183, + "f1": 85.02524460098233, + "main_score": 85.06818181818183 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/BiorxivClusteringP2P.json b/results/thenlper__gte-base/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..fd61a4f94 --- /dev/null +++ b/results/thenlper__gte-base/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.20471092679967, + "main_score": 38.20471092679967 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/BiorxivClusteringS2S.json b/results/thenlper__gte-base/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..8429451aa --- /dev/null +++ b/results/thenlper__gte-base/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.58967592147641, + "main_score": 36.58967592147641 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/CQADupstackAndroidRetrieval.json b/results/thenlper__gte-base/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..fbdc9971d --- /dev/null +++ b/results/thenlper__gte-base/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.411, + "map_at_10": 45.162, + "map_at_100": 46.717, + "map_at_1000": 46.836, + "map_at_3": 41.428, + "map_at_5": 43.54, + "mrr_at_1": 39.914, + "mrr_at_10": 51.534, + "mrr_at_100": 52.185, + "mrr_at_1000": 52.22, + "mrr_at_3": 49.046, + "mrr_at_5": 50.548, + "ndcg_at_1": 39.914, + "ndcg_at_10": 52.235, + "ndcg_at_100": 57.4, + "ndcg_at_1000": 58.982, + "ndcg_at_3": 47.332, + "ndcg_at_5": 49.62, + "precision_at_1": 39.914, + "precision_at_10": 10.258000000000001, + "precision_at_100": 1.6219999999999999, + "precision_at_1000": 0.20500000000000002, + "precision_at_3": 23.462, + "precision_at_5": 16.71, + "recall_at_1": 32.411, + "recall_at_10": 65.408, + "recall_at_100": 87.248, + "recall_at_1000": 96.951, + "recall_at_3": 50.349999999999994, + "recall_at_5": 57.431, + "main_score": 52.235 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.911, + "map_at_10": 42.608000000000004, + "map_at_100": 43.948, + "map_at_1000": 44.089, + "map_at_3": 39.652, + "map_at_5": 41.236, + "mrr_at_1": 40.064, + "mrr_at_10": 48.916, + "mrr_at_100": 49.539, + "mrr_at_1000": 49.583, + "mrr_at_3": 46.741, + "mrr_at_5": 48.037, + "ndcg_at_1": 40.064, + "ndcg_at_10": 48.442, + "ndcg_at_100": 52.798, + "ndcg_at_1000": 54.871, + "ndcg_at_3": 44.528, + "ndcg_at_5": 46.211, + "precision_at_1": 40.064, + "precision_at_10": 9.178, + "precision_at_100": 1.452, + "precision_at_1000": 0.193, + "precision_at_3": 21.614, + "precision_at_5": 15.185, + "recall_at_1": 31.911, + "recall_at_10": 58.155, + "recall_at_100": 76.46300000000001, + "recall_at_1000": 89.622, + "recall_at_3": 46.195, + "recall_at_5": 51.288999999999994, + "main_score": 48.442 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.597, + "map_at_10": 54.290000000000006, + "map_at_100": 55.340999999999994, + "map_at_1000": 55.388999999999996, + "map_at_3": 50.931000000000004, + "map_at_5": 52.839999999999996, + "mrr_at_1": 46.646, + "mrr_at_10": 57.524, + "mrr_at_100": 58.225, + "mrr_at_1000": 58.245999999999995, + "mrr_at_3": 55.235, + "mrr_at_5": 56.589, + "ndcg_at_1": 46.646, + "ndcg_at_10": 60.324999999999996, + "ndcg_at_100": 64.30900000000001, + "ndcg_at_1000": 65.19, + "ndcg_at_3": 54.983000000000004, + "ndcg_at_5": 57.621, + "precision_at_1": 46.646, + "precision_at_10": 9.774, + "precision_at_100": 1.265, + "precision_at_1000": 0.13799999999999998, + "precision_at_3": 24.911, + "precision_at_5": 16.977999999999998, + "recall_at_1": 40.597, + "recall_at_10": 74.773, + "recall_at_100": 91.61200000000001, + "recall_at_1000": 97.726, + "recall_at_3": 60.458, + "recall_at_5": 66.956, + "main_score": 60.324999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.122, + "map_at_10": 36.711, + "map_at_100": 37.775, + "map_at_1000": 37.842999999999996, + "map_at_3": 33.693, + "map_at_5": 35.607, + "mrr_at_1": 29.153000000000002, + "mrr_at_10": 38.873999999999995, + "mrr_at_100": 39.739000000000004, + "mrr_at_1000": 39.794000000000004, + "mrr_at_3": 36.102000000000004, + "mrr_at_5": 37.876, + "ndcg_at_1": 29.153000000000002, + "ndcg_at_10": 42.048, + "ndcg_at_100": 47.144999999999996, + "ndcg_at_1000": 48.901, + "ndcg_at_3": 36.402, + "ndcg_at_5": 39.562999999999995, + "precision_at_1": 29.153000000000002, + "precision_at_10": 6.4750000000000005, + "precision_at_100": 0.951, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 15.479999999999999, + "precision_at_5": 11.028, + "recall_at_1": 27.122, + "recall_at_10": 56.279999999999994, + "recall_at_100": 79.597, + "recall_at_1000": 92.804, + "recall_at_3": 41.437000000000005, + "recall_at_5": 49.019, + "main_score": 42.048 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.757, + "map_at_10": 26.739, + "map_at_100": 28.015, + "map_at_1000": 28.127999999999997, + "map_at_3": 23.986, + "map_at_5": 25.514, + "mrr_at_1": 22.015, + "mrr_at_10": 31.325999999999997, + "mrr_at_100": 32.368, + "mrr_at_1000": 32.426, + "mrr_at_3": 28.897000000000002, + "mrr_at_5": 30.147000000000002, + "ndcg_at_1": 22.015, + "ndcg_at_10": 32.225, + "ndcg_at_100": 38.405, + "ndcg_at_1000": 40.932, + "ndcg_at_3": 27.403, + "ndcg_at_5": 29.587000000000003, + "precision_at_1": 22.015, + "precision_at_10": 5.9830000000000005, + "precision_at_100": 1.051, + "precision_at_1000": 0.13899999999999998, + "precision_at_3": 13.391, + "precision_at_5": 9.602, + "recall_at_1": 17.757, + "recall_at_10": 44.467, + "recall_at_100": 71.53699999999999, + "recall_at_1000": 89.281, + "recall_at_3": 31.095, + "recall_at_5": 36.818, + "main_score": 32.225 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.354, + "map_at_10": 42.134, + "map_at_100": 43.429, + "map_at_1000": 43.532, + "map_at_3": 38.491, + "map_at_5": 40.736, + "mrr_at_1": 37.247, + "mrr_at_10": 47.775, + "mrr_at_100": 48.522999999999996, + "mrr_at_1000": 48.567, + "mrr_at_3": 45.059, + "mrr_at_5": 46.811, + "ndcg_at_1": 37.247, + "ndcg_at_10": 48.609, + "ndcg_at_100": 53.782, + "ndcg_at_1000": 55.666000000000004, + "ndcg_at_3": 42.866, + "ndcg_at_5": 46.001, + "precision_at_1": 37.247, + "precision_at_10": 8.892999999999999, + "precision_at_100": 1.341, + "precision_at_1000": 0.168, + "precision_at_3": 20.5, + "precision_at_5": 14.976, + "recall_at_1": 30.354, + "recall_at_10": 62.273, + "recall_at_100": 83.65599999999999, + "recall_at_1000": 95.82000000000001, + "recall_at_3": 46.464, + "recall_at_5": 54.225, + "main_score": 48.609 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.949, + "map_at_10": 37.230000000000004, + "map_at_100": 38.644, + "map_at_1000": 38.751999999999995, + "map_at_3": 33.816, + "map_at_5": 35.817, + "mrr_at_1": 33.446999999999996, + "mrr_at_10": 42.970000000000006, + "mrr_at_100": 43.873, + "mrr_at_1000": 43.922, + "mrr_at_3": 40.467999999999996, + "mrr_at_5": 41.861, + "ndcg_at_1": 33.446999999999996, + "ndcg_at_10": 43.403000000000006, + "ndcg_at_100": 49.247, + "ndcg_at_1000": 51.361999999999995, + "ndcg_at_3": 38.155, + "ndcg_at_5": 40.643, + "precision_at_1": 33.446999999999996, + "precision_at_10": 8.128, + "precision_at_100": 1.274, + "precision_at_1000": 0.163, + "precision_at_3": 18.493000000000002, + "precision_at_5": 13.333, + "recall_at_1": 26.949, + "recall_at_10": 56.006, + "recall_at_100": 80.99199999999999, + "recall_at_1000": 95.074, + "recall_at_3": 40.809, + "recall_at_5": 47.57, + "main_score": 43.403000000000006 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.243583333333333, + "map_at_10": 37.193250000000006, + "map_at_100": 38.44833333333334, + "map_at_1000": 38.56083333333333, + "map_at_3": 34.06633333333333, + "map_at_5": 35.87858333333334, + "mrr_at_1": 32.291583333333335, + "mrr_at_10": 41.482749999999996, + "mrr_at_100": 42.33583333333333, + "mrr_at_1000": 42.38683333333333, + "mrr_at_3": 38.952999999999996, + "mrr_at_5": 40.45333333333333, + "ndcg_at_1": 32.291583333333335, + "ndcg_at_10": 42.90533333333334, + "ndcg_at_100": 48.138666666666666, + "ndcg_at_1000": 50.229083333333335, + "ndcg_at_3": 37.76133333333334, + "ndcg_at_5": 40.31033333333334, + "precision_at_1": 32.291583333333335, + "precision_at_10": 7.585583333333333, + "precision_at_100": 1.2045000000000001, + "precision_at_1000": 0.15733333333333335, + "precision_at_3": 17.485416666666666, + "precision_at_5": 12.5145, + "recall_at_1": 27.243583333333333, + "recall_at_10": 55.45108333333334, + "recall_at_100": 78.25858333333335, + "recall_at_1000": 92.61716666666665, + "recall_at_3": 41.130583333333334, + "recall_at_5": 47.73133333333334, + "main_score": 42.90533333333334 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.325, + "map_at_10": 32.795, + "map_at_100": 33.96, + "map_at_1000": 34.054, + "map_at_3": 30.64, + "map_at_5": 31.771, + "mrr_at_1": 29.908, + "mrr_at_10": 35.83, + "mrr_at_100": 36.868, + "mrr_at_1000": 36.928, + "mrr_at_3": 33.896, + "mrr_at_5": 34.893, + "ndcg_at_1": 29.908, + "ndcg_at_10": 36.746, + "ndcg_at_100": 42.225, + "ndcg_at_1000": 44.523, + "ndcg_at_3": 32.82, + "ndcg_at_5": 34.583000000000006, + "precision_at_1": 29.908, + "precision_at_10": 5.6129999999999995, + "precision_at_100": 0.9079999999999999, + "precision_at_1000": 0.11800000000000001, + "precision_at_3": 13.753000000000002, + "precision_at_5": 9.417, + "recall_at_1": 26.325, + "recall_at_10": 45.975, + "recall_at_100": 70.393, + "recall_at_1000": 87.217, + "recall_at_3": 35.195, + "recall_at_5": 39.69, + "main_score": 36.746 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.828, + "map_at_10": 25.759, + "map_at_100": 26.961000000000002, + "map_at_1000": 27.094, + "map_at_3": 23.166999999999998, + "map_at_5": 24.610000000000003, + "mrr_at_1": 21.61, + "mrr_at_10": 29.605999999999998, + "mrr_at_100": 30.586000000000002, + "mrr_at_1000": 30.664, + "mrr_at_3": 27.214, + "mrr_at_5": 28.571, + "ndcg_at_1": 21.61, + "ndcg_at_10": 30.740000000000002, + "ndcg_at_100": 36.332, + "ndcg_at_1000": 39.296, + "ndcg_at_3": 26.11, + "ndcg_at_5": 28.297, + "precision_at_1": 21.61, + "precision_at_10": 5.643, + "precision_at_100": 1.0, + "precision_at_1000": 0.14400000000000002, + "precision_at_3": 12.4, + "precision_at_5": 9.119, + "recall_at_1": 17.828, + "recall_at_10": 41.876000000000005, + "recall_at_100": 66.648, + "recall_at_1000": 87.763, + "recall_at_3": 28.957, + "recall_at_5": 34.494, + "main_score": 30.740000000000002 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.921000000000003, + "map_at_10": 37.156, + "map_at_100": 38.399, + "map_at_1000": 38.498, + "map_at_3": 34.134, + "map_at_5": 35.936, + "mrr_at_1": 32.649, + "mrr_at_10": 41.19, + "mrr_at_100": 42.102000000000004, + "mrr_at_1000": 42.157, + "mrr_at_3": 38.464, + "mrr_at_5": 40.148, + "ndcg_at_1": 32.649, + "ndcg_at_10": 42.679, + "ndcg_at_100": 48.27, + "ndcg_at_1000": 50.312, + "ndcg_at_3": 37.269000000000005, + "ndcg_at_5": 40.055, + "precision_at_1": 32.649, + "precision_at_10": 7.155, + "precision_at_100": 1.124, + "precision_at_1000": 0.14100000000000001, + "precision_at_3": 16.791, + "precision_at_5": 12.015, + "recall_at_1": 27.921000000000003, + "recall_at_10": 55.357, + "recall_at_100": 79.476, + "recall_at_1000": 93.314, + "recall_at_3": 40.891, + "recall_at_5": 47.851, + "main_score": 42.679 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.524, + "map_at_10": 35.135, + "map_at_100": 36.665, + "map_at_1000": 36.886, + "map_at_3": 31.367, + "map_at_5": 33.724, + "mrr_at_1": 30.631999999999998, + "mrr_at_10": 39.616, + "mrr_at_100": 40.54, + "mrr_at_1000": 40.585, + "mrr_at_3": 36.462, + "mrr_at_5": 38.507999999999996, + "ndcg_at_1": 30.631999999999998, + "ndcg_at_10": 41.61, + "ndcg_at_100": 47.249, + "ndcg_at_1000": 49.662, + "ndcg_at_3": 35.421, + "ndcg_at_5": 38.811, + "precision_at_1": 30.631999999999998, + "precision_at_10": 8.123, + "precision_at_100": 1.5810000000000002, + "precision_at_1000": 0.245, + "precision_at_3": 16.337, + "precision_at_5": 12.568999999999999, + "recall_at_1": 25.524, + "recall_at_10": 54.994, + "recall_at_100": 80.03099999999999, + "recall_at_1000": 95.25099999999999, + "recall_at_3": 37.563, + "recall_at_5": 46.428999999999995, + "main_score": 41.61 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.224, + "map_at_10": 30.599999999999998, + "map_at_100": 31.526, + "map_at_1000": 31.629, + "map_at_3": 27.491, + "map_at_5": 29.212, + "mrr_at_1": 24.214, + "mrr_at_10": 32.632, + "mrr_at_100": 33.482, + "mrr_at_1000": 33.550000000000004, + "mrr_at_3": 29.852, + "mrr_at_5": 31.451, + "ndcg_at_1": 24.214, + "ndcg_at_10": 35.802, + "ndcg_at_100": 40.502, + "ndcg_at_1000": 43.052, + "ndcg_at_3": 29.847, + "ndcg_at_5": 32.732, + "precision_at_1": 24.214, + "precision_at_10": 5.804, + "precision_at_100": 0.885, + "precision_at_1000": 0.121, + "precision_at_3": 12.692999999999998, + "precision_at_5": 9.242, + "recall_at_1": 22.224, + "recall_at_10": 49.849, + "recall_at_100": 71.45, + "recall_at_1000": 90.583, + "recall_at_3": 34.153, + "recall_at_5": 41.004000000000005, + "main_score": 35.802 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/ClimateFEVER.json b/results/thenlper__gte-base/external/ClimateFEVER.json new file mode 100644 index 000000000..75ba3218f --- /dev/null +++ b/results/thenlper__gte-base/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 12.386999999999999, + "map_at_10": 20.182, + "map_at_100": 21.86, + "map_at_1000": 22.054000000000002, + "map_at_3": 17.165, + "map_at_5": 18.643, + "mrr_at_1": 26.906000000000002, + "mrr_at_10": 37.907999999999994, + "mrr_at_100": 38.868, + "mrr_at_1000": 38.913, + "mrr_at_3": 34.853, + "mrr_at_5": 36.567, + "ndcg_at_1": 26.906000000000002, + "ndcg_at_10": 28.103, + "ndcg_at_100": 35.073, + "ndcg_at_1000": 38.653, + "ndcg_at_3": 23.345, + "ndcg_at_5": 24.828, + "precision_at_1": 26.906000000000002, + "precision_at_10": 8.547, + "precision_at_100": 1.617, + "precision_at_1000": 0.22799999999999998, + "precision_at_3": 17.025000000000002, + "precision_at_5": 12.834000000000001, + "recall_at_1": 12.386999999999999, + "recall_at_10": 33.306999999999995, + "recall_at_100": 57.516, + "recall_at_1000": 77.74799999999999, + "recall_at_3": 21.433, + "recall_at_5": 25.915, + "main_score": 28.103 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/DBPedia.json b/results/thenlper__gte-base/external/DBPedia.json new file mode 100644 index 000000000..4ea6e0096 --- /dev/null +++ b/results/thenlper__gte-base/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.322, + "map_at_10": 20.469, + "map_at_100": 28.638, + "map_at_1000": 30.433, + "map_at_3": 14.802000000000001, + "map_at_5": 17.297, + "mrr_at_1": 68.75, + "mrr_at_10": 76.29599999999999, + "mrr_at_100": 76.62400000000001, + "mrr_at_1000": 76.633, + "mrr_at_3": 75.083, + "mrr_at_5": 75.771, + "ndcg_at_1": 54.87499999999999, + "ndcg_at_10": 41.185, + "ndcg_at_100": 46.400000000000006, + "ndcg_at_1000": 54.223, + "ndcg_at_3": 45.489000000000004, + "ndcg_at_5": 43.161, + "precision_at_1": 68.75, + "precision_at_10": 32.300000000000004, + "precision_at_100": 10.607999999999999, + "precision_at_1000": 2.237, + "precision_at_3": 49.083, + "precision_at_5": 41.6, + "recall_at_1": 9.322, + "recall_at_10": 25.696, + "recall_at_100": 52.898, + "recall_at_1000": 77.281, + "recall_at_3": 15.943, + "recall_at_5": 19.836000000000002, + "main_score": 41.185 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/EmotionClassification.json b/results/thenlper__gte-base/external/EmotionClassification.json new file mode 100644 index 000000000..9f8105511 --- /dev/null +++ b/results/thenlper__gte-base/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 48.650000000000006, + "f1": 43.528467245539396, + "main_score": 48.650000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/FEVER.json b/results/thenlper__gte-base/external/FEVER.json new file mode 100644 index 000000000..add741050 --- /dev/null +++ b/results/thenlper__gte-base/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 66.56, + "map_at_10": 76.767, + "map_at_100": 77.054, + "map_at_1000": 77.068, + "map_at_3": 75.29299999999999, + "map_at_5": 76.24, + "mrr_at_1": 71.842, + "mrr_at_10": 81.459, + "mrr_at_100": 81.58800000000001, + "mrr_at_1000": 81.59100000000001, + "mrr_at_3": 80.188, + "mrr_at_5": 81.038, + "ndcg_at_1": 71.842, + "ndcg_at_10": 81.51899999999999, + "ndcg_at_100": 82.544, + "ndcg_at_1000": 82.829, + "ndcg_at_3": 78.92, + "ndcg_at_5": 80.406, + "precision_at_1": 71.842, + "precision_at_10": 10.066, + "precision_at_100": 1.076, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 30.703000000000003, + "precision_at_5": 19.301, + "recall_at_1": 66.56, + "recall_at_10": 91.55, + "recall_at_100": 95.67099999999999, + "recall_at_1000": 97.539, + "recall_at_3": 84.46900000000001, + "recall_at_5": 88.201, + "main_score": 81.51899999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/FiQA2018.json b/results/thenlper__gte-base/external/FiQA2018.json new file mode 100644 index 000000000..381c7b6e9 --- /dev/null +++ b/results/thenlper__gte-base/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.087, + "map_at_10": 32.830999999999996, + "map_at_100": 34.814, + "map_at_1000": 34.999, + "map_at_3": 28.198, + "map_at_5": 30.779, + "mrr_at_1": 38.889, + "mrr_at_10": 48.415, + "mrr_at_100": 49.187, + "mrr_at_1000": 49.226, + "mrr_at_3": 45.705, + "mrr_at_5": 47.225, + "ndcg_at_1": 38.889, + "ndcg_at_10": 40.758, + "ndcg_at_100": 47.671, + "ndcg_at_1000": 50.744, + "ndcg_at_3": 36.296, + "ndcg_at_5": 37.852999999999994, + "precision_at_1": 38.889, + "precision_at_10": 11.466, + "precision_at_100": 1.8499999999999999, + "precision_at_1000": 0.24, + "precision_at_3": 24.126, + "precision_at_5": 18.21, + "recall_at_1": 20.087, + "recall_at_10": 48.042, + "recall_at_100": 73.493, + "recall_at_1000": 91.851, + "recall_at_3": 32.694, + "recall_at_5": 39.099000000000004, + "main_score": 40.758 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/HotpotQA.json b/results/thenlper__gte-base/external/HotpotQA.json new file mode 100644 index 000000000..21c545453 --- /dev/null +++ b/results/thenlper__gte-base/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.096000000000004, + "map_at_10": 56.99999999999999, + "map_at_100": 57.914, + "map_at_1000": 57.984, + "map_at_3": 53.900999999999996, + "map_at_5": 55.827000000000005, + "mrr_at_1": 76.19200000000001, + "mrr_at_10": 81.955, + "mrr_at_100": 82.164, + "mrr_at_1000": 82.173, + "mrr_at_3": 80.963, + "mrr_at_5": 81.574, + "ndcg_at_1": 76.19200000000001, + "ndcg_at_10": 65.75, + "ndcg_at_100": 68.949, + "ndcg_at_1000": 70.342, + "ndcg_at_3": 61.29, + "ndcg_at_5": 63.747, + "precision_at_1": 76.19200000000001, + "precision_at_10": 13.571, + "precision_at_100": 1.6070000000000002, + "precision_at_1000": 0.179, + "precision_at_3": 38.663, + "precision_at_5": 25.136999999999997, + "recall_at_1": 38.096000000000004, + "recall_at_10": 67.853, + "recall_at_100": 80.365, + "recall_at_1000": 89.629, + "recall_at_3": 57.995, + "recall_at_5": 62.843, + "main_score": 65.75 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/ImdbClassification.json b/results/thenlper__gte-base/external/ImdbClassification.json new file mode 100644 index 000000000..bb56f6ed2 --- /dev/null +++ b/results/thenlper__gte-base/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 85.95200000000001, + "ap": 80.73847277002109, + "f1": 85.92406135678594, + "main_score": 85.95200000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/MSMARCO.json b/results/thenlper__gte-base/external/MSMARCO.json new file mode 100644 index 000000000..5a860e825 --- /dev/null +++ b/results/thenlper__gte-base/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.916999999999998, + "map_at_10": 33.23, + "map_at_100": 34.427, + "map_at_1000": 34.477000000000004, + "map_at_3": 29.292, + "map_at_5": 31.6, + "mrr_at_1": 21.547, + "mrr_at_10": 33.839999999999996, + "mrr_at_100": 34.979, + "mrr_at_1000": 35.022999999999996, + "mrr_at_3": 29.988, + "mrr_at_5": 32.259, + "ndcg_at_1": 21.519, + "ndcg_at_10": 40.209, + "ndcg_at_100": 45.954, + "ndcg_at_1000": 47.187, + "ndcg_at_3": 32.227, + "ndcg_at_5": 36.347, + "precision_at_1": 21.519, + "precision_at_10": 6.447, + "precision_at_100": 0.932, + "precision_at_1000": 0.104, + "precision_at_3": 13.877999999999998, + "precision_at_5": 10.404, + "recall_at_1": 20.916999999999998, + "recall_at_10": 61.7, + "recall_at_100": 88.202, + "recall_at_1000": 97.588, + "recall_at_3": 40.044999999999995, + "recall_at_5": 49.964999999999996, + "main_score": 40.209 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/MTOPDomainClassification.json b/results/thenlper__gte-base/external/MTOPDomainClassification.json new file mode 100644 index 000000000..d8a74ee4a --- /dev/null +++ b/results/thenlper__gte-base/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.02781577747379, + "f1": 92.83653922768306, + "main_score": 93.02781577747379 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/MTOPIntentClassification.json b/results/thenlper__gte-base/external/MTOPIntentClassification.json new file mode 100644 index 000000000..55fc0021d --- /dev/null +++ b/results/thenlper__gte-base/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.04286365709075, + "f1": 53.43867658525793, + "main_score": 72.04286365709075 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/MassiveIntentClassification.json b/results/thenlper__gte-base/external/MassiveIntentClassification.json new file mode 100644 index 000000000..7ad68d767 --- /dev/null +++ b/results/thenlper__gte-base/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.47276395427035, + "f1": 69.77017399597342, + "main_score": 71.47276395427035 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/MassiveScenarioClassification.json b/results/thenlper__gte-base/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..62013d910 --- /dev/null +++ b/results/thenlper__gte-base/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.3819771351715, + "f1": 76.8484533435409, + "main_score": 76.3819771351715 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/MedrxivClusteringP2P.json b/results/thenlper__gte-base/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..6948ae36b --- /dev/null +++ b/results/thenlper__gte-base/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.16515993299593, + "main_score": 33.16515993299593 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/MedrxivClusteringS2S.json b/results/thenlper__gte-base/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..3b967349a --- /dev/null +++ b/results/thenlper__gte-base/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.77145323314774, + "main_score": 31.77145323314774 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/MindSmallReranking.json b/results/thenlper__gte-base/external/MindSmallReranking.json new file mode 100644 index 000000000..bfab30b9d --- /dev/null +++ b/results/thenlper__gte-base/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 32.53637706586391, + "mrr": 33.7312926288863, + "main_score": 32.53637706586391 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/NFCorpus.json b/results/thenlper__gte-base/external/NFCorpus.json new file mode 100644 index 000000000..7900c1f4d --- /dev/null +++ b/results/thenlper__gte-base/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 7.063999999999999, + "map_at_10": 15.046999999999999, + "map_at_100": 19.116, + "map_at_1000": 20.702, + "map_at_3": 10.932, + "map_at_5": 12.751999999999999, + "mrr_at_1": 50.464, + "mrr_at_10": 58.189, + "mrr_at_100": 58.733999999999995, + "mrr_at_1000": 58.769000000000005, + "mrr_at_3": 56.24400000000001, + "mrr_at_5": 57.68299999999999, + "ndcg_at_1": 48.142, + "ndcg_at_10": 37.897, + "ndcg_at_100": 35.264, + "ndcg_at_1000": 44.033, + "ndcg_at_3": 42.967, + "ndcg_at_5": 40.815, + "precision_at_1": 50.15500000000001, + "precision_at_10": 28.235, + "precision_at_100": 8.994, + "precision_at_1000": 2.218, + "precision_at_3": 40.041, + "precision_at_5": 35.046, + "recall_at_1": 7.063999999999999, + "recall_at_10": 18.598, + "recall_at_100": 35.577999999999996, + "recall_at_1000": 67.43, + "recall_at_3": 11.562999999999999, + "recall_at_5": 14.771, + "main_score": 37.897 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/NQ.json b/results/thenlper__gte-base/external/NQ.json new file mode 100644 index 000000000..21e9aac5d --- /dev/null +++ b/results/thenlper__gte-base/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.046, + "map_at_10": 44.808, + "map_at_100": 45.898, + "map_at_1000": 45.927, + "map_at_3": 40.19, + "map_at_5": 42.897, + "mrr_at_1": 32.706, + "mrr_at_10": 47.275, + "mrr_at_100": 48.075, + "mrr_at_1000": 48.095, + "mrr_at_3": 43.463, + "mrr_at_5": 45.741, + "ndcg_at_1": 32.706, + "ndcg_at_10": 52.835, + "ndcg_at_100": 57.345, + "ndcg_at_1000": 57.985, + "ndcg_at_3": 44.171, + "ndcg_at_5": 48.661, + "precision_at_1": 32.706, + "precision_at_10": 8.895999999999999, + "precision_at_100": 1.143, + "precision_at_1000": 0.12, + "precision_at_3": 20.238999999999997, + "precision_at_5": 14.728, + "recall_at_1": 29.046, + "recall_at_10": 74.831, + "recall_at_100": 94.192, + "recall_at_1000": 98.897, + "recall_at_3": 52.37500000000001, + "recall_at_5": 62.732, + "main_score": 52.835 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/QuoraRetrieval.json b/results/thenlper__gte-base/external/QuoraRetrieval.json new file mode 100644 index 000000000..a6224a3be --- /dev/null +++ b/results/thenlper__gte-base/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 70.38799999999999, + "map_at_10": 84.315, + "map_at_100": 84.955, + "map_at_1000": 84.971, + "map_at_3": 81.33399999999999, + "map_at_5": 83.21300000000001, + "mrr_at_1": 81.03, + "mrr_at_10": 87.395, + "mrr_at_100": 87.488, + "mrr_at_1000": 87.48899999999999, + "mrr_at_3": 86.41499999999999, + "mrr_at_5": 87.074, + "ndcg_at_1": 81.04, + "ndcg_at_10": 88.151, + "ndcg_at_100": 89.38199999999999, + "ndcg_at_1000": 89.479, + "ndcg_at_3": 85.24000000000001, + "ndcg_at_5": 86.856, + "precision_at_1": 81.04, + "precision_at_10": 13.372, + "precision_at_100": 1.526, + "precision_at_1000": 0.157, + "precision_at_3": 37.217, + "precision_at_5": 24.502, + "recall_at_1": 70.38799999999999, + "recall_at_10": 95.452, + "recall_at_100": 99.59700000000001, + "recall_at_1000": 99.988, + "recall_at_3": 87.11, + "recall_at_5": 91.662, + "main_score": 88.151 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/RedditClustering.json b/results/thenlper__gte-base/external/RedditClustering.json new file mode 100644 index 000000000..0ab93b9dd --- /dev/null +++ b/results/thenlper__gte-base/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 59.334991029213235, + "main_score": 59.334991029213235 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/RedditClusteringP2P.json b/results/thenlper__gte-base/external/RedditClusteringP2P.json new file mode 100644 index 000000000..7c433d4a6 --- /dev/null +++ b/results/thenlper__gte-base/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 62.586500854616666, + "main_score": 62.586500854616666 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/SCIDOCS.json b/results/thenlper__gte-base/external/SCIDOCS.json new file mode 100644 index 000000000..c8b70fe2b --- /dev/null +++ b/results/thenlper__gte-base/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.153, + "map_at_10": 14.277000000000001, + "map_at_100": 16.922, + "map_at_1000": 17.302999999999997, + "map_at_3": 9.961, + "map_at_5": 12.257, + "mrr_at_1": 25.4, + "mrr_at_10": 37.458000000000006, + "mrr_at_100": 38.681, + "mrr_at_1000": 38.722, + "mrr_at_3": 34.1, + "mrr_at_5": 36.17, + "ndcg_at_1": 25.4, + "ndcg_at_10": 23.132, + "ndcg_at_100": 32.908, + "ndcg_at_1000": 38.754, + "ndcg_at_3": 21.82, + "ndcg_at_5": 19.353, + "precision_at_1": 25.4, + "precision_at_10": 12.1, + "precision_at_100": 2.628, + "precision_at_1000": 0.402, + "precision_at_3": 20.732999999999997, + "precision_at_5": 17.34, + "recall_at_1": 5.153, + "recall_at_10": 24.54, + "recall_at_100": 53.293, + "recall_at_1000": 81.57, + "recall_at_3": 12.613, + "recall_at_5": 17.577, + "main_score": 23.132 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/SICK-R.json b/results/thenlper__gte-base/external/SICK-R.json new file mode 100644 index 000000000..812fed2dc --- /dev/null +++ b/results/thenlper__gte-base/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.86284404925333, + "cos_sim_spearman": 78.85870555294795, + "euclidean_pearson": 82.20105295276093, + "euclidean_spearman": 78.92125617009592, + "manhattan_pearson": 82.15840025289069, + "manhattan_spearman": 78.85955732900803, + "cosine_pearson": 84.86284404925333, + "cosine_spearman": 78.85870555294795, + "main_score": 78.85870555294795 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/STS12.json b/results/thenlper__gte-base/external/STS12.json new file mode 100644 index 000000000..36c6ee01a --- /dev/null +++ b/results/thenlper__gte-base/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.98747423389027, + "cos_sim_spearman": 75.71298531799367, + "euclidean_pearson": 81.59709559192291, + "euclidean_spearman": 75.40622749225653, + "manhattan_pearson": 81.55553547608804, + "manhattan_spearman": 75.39380235424899, + "cosine_pearson": 84.98747423389027, + "cosine_spearman": 75.71298531799367, + "main_score": 75.71298531799367 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/STS13.json b/results/thenlper__gte-base/external/STS13.json new file mode 100644 index 000000000..9dc47353d --- /dev/null +++ b/results/thenlper__gte-base/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.76861330695503, + "cos_sim_spearman": 85.72991921531624, + "euclidean_pearson": 84.84504307397536, + "euclidean_spearman": 86.02679162824732, + "manhattan_pearson": 84.79969439220142, + "manhattan_spearman": 85.99238837291625, + "cosine_pearson": 83.76861330695503, + "cosine_spearman": 85.72991921531624, + "main_score": 85.72991921531624 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/STS14.json b/results/thenlper__gte-base/external/STS14.json new file mode 100644 index 000000000..828386039 --- /dev/null +++ b/results/thenlper__gte-base/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.31929747511796, + "cos_sim_spearman": 81.50806522502528, + "euclidean_pearson": 82.93936686512777, + "euclidean_spearman": 81.54403447993224, + "manhattan_pearson": 82.89696981900828, + "manhattan_spearman": 81.52817825470865, + "cosine_pearson": 83.31929747511796, + "cosine_spearman": 81.50806522502528, + "main_score": 81.50806522502528 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/STS15.json b/results/thenlper__gte-base/external/STS15.json new file mode 100644 index 000000000..6771fcebe --- /dev/null +++ b/results/thenlper__gte-base/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.14413295332908, + "cos_sim_spearman": 88.81032027008195, + "euclidean_pearson": 88.19205563407645, + "euclidean_spearman": 88.89738339479216, + "manhattan_pearson": 88.11075942004189, + "manhattan_spearman": 88.8297061675564, + "cosine_pearson": 87.14413295332908, + "cosine_spearman": 88.81032027008195, + "main_score": 88.81032027008195 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/STS16.json b/results/thenlper__gte-base/external/STS16.json new file mode 100644 index 000000000..194ed8c98 --- /dev/null +++ b/results/thenlper__gte-base/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.15980075557017, + "cos_sim_spearman": 83.81896308594801, + "euclidean_pearson": 83.11195254311338, + "euclidean_spearman": 84.10479481755407, + "manhattan_pearson": 83.13915225100556, + "manhattan_spearman": 84.09895591027859, + "cosine_pearson": 82.15980075557017, + "cosine_spearman": 83.81896308594801, + "main_score": 83.81896308594801 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/STS17.json b/results/thenlper__gte-base/external/STS17.json new file mode 100644 index 000000000..dca63158a --- /dev/null +++ b/results/thenlper__gte-base/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.93669480147919, + "cos_sim_spearman": 87.89861394614361, + "euclidean_pearson": 88.37316413202339, + "euclidean_spearman": 88.18033817842569, + "manhattan_pearson": 88.39427578879469, + "manhattan_spearman": 88.09185009236847, + "cosine_pearson": 87.93669480147919, + "cosine_spearman": 87.89861394614361, + "main_score": 87.89861394614361 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/STS22.json b/results/thenlper__gte-base/external/STS22.json new file mode 100644 index 000000000..28327f32f --- /dev/null +++ b/results/thenlper__gte-base/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 66.62215083348255, + "cos_sim_spearman": 67.33243665716736, + "euclidean_pearson": 67.60871701996284, + "euclidean_spearman": 66.75929225238659, + "manhattan_pearson": 67.63907838970992, + "manhattan_spearman": 66.79313656754846, + "cosine_pearson": 66.62215083348255, + "cosine_spearman": 67.33243665716736, + "main_score": 67.33243665716736 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/STSBenchmark.json b/results/thenlper__gte-base/external/STSBenchmark.json new file mode 100644 index 000000000..02a11d332 --- /dev/null +++ b/results/thenlper__gte-base/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.65549191934764, + "cos_sim_spearman": 85.73266847750143, + "euclidean_pearson": 85.75609932254318, + "euclidean_spearman": 85.9452287759371, + "manhattan_pearson": 85.69717413063573, + "manhattan_spearman": 85.86546318377046, + "cosine_pearson": 84.65549191934764, + "cosine_spearman": 85.73266847750143, + "main_score": 85.73266847750143 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/SciDocsRR.json b/results/thenlper__gte-base/external/SciDocsRR.json new file mode 100644 index 000000000..3f4dddc45 --- /dev/null +++ b/results/thenlper__gte-base/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 87.08164129085783, + "mrr": 96.2877273416489, + "main_score": 87.08164129085783 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/SciFact.json b/results/thenlper__gte-base/external/SciFact.json new file mode 100644 index 000000000..5a6cb1ad0 --- /dev/null +++ b/results/thenlper__gte-base/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 62.09400000000001, + "map_at_10": 71.712, + "map_at_100": 72.128, + "map_at_1000": 72.14399999999999, + "map_at_3": 68.93, + "map_at_5": 70.694, + "mrr_at_1": 65.0, + "mrr_at_10": 72.572, + "mrr_at_100": 72.842, + "mrr_at_1000": 72.856, + "mrr_at_3": 70.44399999999999, + "mrr_at_5": 71.744, + "ndcg_at_1": 65.0, + "ndcg_at_10": 76.178, + "ndcg_at_100": 77.887, + "ndcg_at_1000": 78.227, + "ndcg_at_3": 71.367, + "ndcg_at_5": 73.938, + "precision_at_1": 65.0, + "precision_at_10": 10.033, + "precision_at_100": 1.097, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 27.667, + "precision_at_5": 18.4, + "recall_at_1": 62.09400000000001, + "recall_at_10": 89.022, + "recall_at_100": 96.833, + "recall_at_1000": 99.333, + "recall_at_3": 75.922, + "recall_at_5": 82.428, + "main_score": 76.178 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/SprintDuplicateQuestions.json b/results/thenlper__gte-base/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..442081634 --- /dev/null +++ b/results/thenlper__gte-base/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.82178217821782, + "cos_sim_ap": 95.71282508220798, + "cos_sim_f1": 90.73120494335737, + "cos_sim_precision": 93.52441613588111, + "cos_sim_recall": 88.1, + "dot_accuracy": 99.73960396039604, + "dot_ap": 92.98534606529098, + "dot_f1": 86.83024536805209, + "dot_precision": 86.96088264794383, + "dot_recall": 86.7, + "euclidean_accuracy": 99.82475247524752, + "euclidean_ap": 95.72927039014849, + "euclidean_f1": 90.89974293059126, + "euclidean_precision": 93.54497354497354, + "euclidean_recall": 88.4, + "manhattan_accuracy": 99.82574257425742, + "manhattan_ap": 95.72142177390405, + "manhattan_f1": 91.00152516522625, + "manhattan_precision": 92.55429162357808, + "manhattan_recall": 89.5, + "max_accuracy": 99.82574257425742, + "max_ap": 95.72927039014849, + "max_f1": 91.00152516522625, + "main_score": 95.72927039014849 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/StackExchangeClustering.json b/results/thenlper__gte-base/external/StackExchangeClustering.json new file mode 100644 index 000000000..b5a0e6a88 --- /dev/null +++ b/results/thenlper__gte-base/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 66.63957663468679, + "main_score": 66.63957663468679 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/StackExchangeClusteringP2P.json b/results/thenlper__gte-base/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..9e74228c9 --- /dev/null +++ b/results/thenlper__gte-base/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.003307257923964, + "main_score": 36.003307257923964 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/StackOverflowDupQuestions.json b/results/thenlper__gte-base/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..7fc510b8c --- /dev/null +++ b/results/thenlper__gte-base/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 53.005825525863905, + "mrr": 53.854683919022165, + "main_score": 53.005825525863905 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/SummEval.json b/results/thenlper__gte-base/external/SummEval.json new file mode 100644 index 000000000..3923ad63e --- /dev/null +++ b/results/thenlper__gte-base/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.503611569974098, + "cos_sim_spearman": 31.17155564248449, + "dot_pearson": 26.740428413981306, + "dot_spearman": 26.55727635469746, + "cosine_pearson": 30.503611569974098, + "cosine_spearman": 31.17155564248449, + "main_score": 31.17155564248449 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/TRECCOVID.json b/results/thenlper__gte-base/external/TRECCOVID.json new file mode 100644 index 000000000..7aff35d6a --- /dev/null +++ b/results/thenlper__gte-base/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.23600000000000002, + "map_at_10": 1.7670000000000001, + "map_at_100": 10.208, + "map_at_1000": 25.997999999999998, + "map_at_3": 0.605, + "map_at_5": 0.9560000000000001, + "mrr_at_1": 84.0, + "mrr_at_10": 90.167, + "mrr_at_100": 90.167, + "mrr_at_1000": 90.167, + "mrr_at_3": 89.667, + "mrr_at_5": 90.167, + "ndcg_at_1": 77.0, + "ndcg_at_10": 68.783, + "ndcg_at_100": 54.196, + "ndcg_at_1000": 52.077, + "ndcg_at_3": 71.642, + "ndcg_at_5": 70.45700000000001, + "precision_at_1": 84.0, + "precision_at_10": 73.0, + "precision_at_100": 55.48, + "precision_at_1000": 23.102, + "precision_at_3": 76.0, + "precision_at_5": 74.8, + "recall_at_1": 0.23600000000000002, + "recall_at_10": 1.9869999999999999, + "recall_at_100": 13.749, + "recall_at_1000": 50.157, + "recall_at_3": 0.633, + "recall_at_5": 1.0290000000000001, + "main_score": 68.783 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/Touche2020.json b/results/thenlper__gte-base/external/Touche2020.json new file mode 100644 index 000000000..33b7b137a --- /dev/null +++ b/results/thenlper__gte-base/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 1.437, + "map_at_10": 8.791, + "map_at_100": 15.001999999999999, + "map_at_1000": 16.549, + "map_at_3": 3.8080000000000003, + "map_at_5": 5.632000000000001, + "mrr_at_1": 20.408, + "mrr_at_10": 36.96, + "mrr_at_100": 37.912, + "mrr_at_1000": 37.912, + "mrr_at_3": 29.592000000000002, + "mrr_at_5": 34.489999999999995, + "ndcg_at_1": 19.387999999999998, + "ndcg_at_10": 22.554, + "ndcg_at_100": 35.197, + "ndcg_at_1000": 46.58, + "ndcg_at_3": 20.285, + "ndcg_at_5": 21.924, + "precision_at_1": 20.408, + "precision_at_10": 21.837, + "precision_at_100": 7.754999999999999, + "precision_at_1000": 1.537, + "precision_at_3": 21.769, + "precision_at_5": 23.673, + "recall_at_1": 1.437, + "recall_at_10": 16.314999999999998, + "recall_at_100": 47.635, + "recall_at_1000": 82.963, + "recall_at_3": 4.955, + "recall_at_5": 8.805, + "main_score": 22.554 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/ToxicConversationsClassification.json b/results/thenlper__gte-base/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..b987a9f27 --- /dev/null +++ b/results/thenlper__gte-base/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.6128, + "ap": 14.279639861175664, + "f1": 54.922292491204274, + "main_score": 71.6128 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/TweetSentimentExtractionClassification.json b/results/thenlper__gte-base/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..cfba7c4fb --- /dev/null +++ b/results/thenlper__gte-base/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 57.01188455008489, + "f1": 57.377953019225515, + "main_score": 57.01188455008489 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/TwentyNewsgroupsClustering.json b/results/thenlper__gte-base/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..ca4b0c8ea --- /dev/null +++ b/results/thenlper__gte-base/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 52.306769136544254, + "main_score": 52.306769136544254 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/TwitterSemEval2015.json b/results/thenlper__gte-base/external/TwitterSemEval2015.json new file mode 100644 index 000000000..3da84d8c9 --- /dev/null +++ b/results/thenlper__gte-base/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 85.64701674912082, + "cos_sim_ap": 72.46600945328552, + "cos_sim_f1": 67.96572367648784, + "cos_sim_precision": 61.21801649397336, + "cos_sim_recall": 76.38522427440633, + "dot_accuracy": 82.33295583238957, + "dot_ap": 62.54843443071716, + "dot_f1": 60.38378562507096, + "dot_precision": 52.99980067769583, + "dot_recall": 70.15831134564644, + "euclidean_accuracy": 85.7423854085951, + "euclidean_ap": 72.76873850945174, + "euclidean_f1": 68.23556960543262, + "euclidean_precision": 61.3344559040202, + "euclidean_recall": 76.88654353562005, + "manhattan_accuracy": 85.74834594981225, + "manhattan_ap": 72.66825372446462, + "manhattan_f1": 68.21539194662853, + "manhattan_precision": 62.185056472632496, + "manhattan_recall": 75.54089709762533, + "max_accuracy": 85.74834594981225, + "max_ap": 72.76873850945174, + "max_f1": 68.23556960543262, + "main_score": 72.76873850945174 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/TwitterURLCorpus.json b/results/thenlper__gte-base/external/TwitterURLCorpus.json new file mode 100644 index 000000000..d5688f147 --- /dev/null +++ b/results/thenlper__gte-base/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.73171110334924, + "cos_sim_ap": 85.51855542063649, + "cos_sim_f1": 77.95706775700934, + "cos_sim_precision": 74.12524298805887, + "cos_sim_recall": 82.20665229442562, + "dot_accuracy": 86.94842240074514, + "dot_ap": 80.90995345771762, + "dot_f1": 74.20765027322403, + "dot_precision": 70.42594385285575, + "dot_recall": 78.41854019094548, + "euclidean_accuracy": 88.73753250281368, + "euclidean_ap": 85.54712254033734, + "euclidean_f1": 78.07565728654365, + "euclidean_precision": 75.1120597652081, + "euclidean_recall": 81.282722513089, + "manhattan_accuracy": 88.72588970388482, + "manhattan_ap": 85.52118291594071, + "manhattan_f1": 78.04428724070593, + "manhattan_precision": 74.83219105490002, + "manhattan_recall": 81.54450261780106, + "max_accuracy": 88.73753250281368, + "max_ap": 85.54712254033734, + "max_f1": 78.07565728654365, + "main_score": 85.54712254033734 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-base/external/model_meta.json b/results/thenlper__gte-base/external/model_meta.json new file mode 100644 index 000000000..3bd962856 --- /dev/null +++ b/results/thenlper__gte-base/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "thenlper/gte-base", + "revision": "5e95d41db6721e7cbd5006e99c7508f0083223d6", + "release_date": "2023-07-27", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 109482752, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 768, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/thenlper__gte-large-zh/external/AFQMC.json b/results/thenlper__gte-large-zh/external/AFQMC.json new file mode 100644 index 000000000..8e0a91e21 --- /dev/null +++ b/results/thenlper__gte-large-zh/external/AFQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 48.94131905219026, + "cos_sim_spearman": 54.58261199731436, + "euclidean_pearson": 52.73929210805982, + "euclidean_spearman": 54.582632097533676, + "manhattan_pearson": 52.73123295724949, + "manhattan_spearman": 54.572941830465794, + "cosine_pearson": 48.94131905219026, + "cosine_spearman": 54.58261199731436, + "main_score": 54.58261199731436 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large-zh/external/ATEC.json b/results/thenlper__gte-large-zh/external/ATEC.json new file mode 100644 index 000000000..32c4da5b6 --- /dev/null +++ b/results/thenlper__gte-large-zh/external/ATEC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 47.292931669579005, + "cos_sim_spearman": 54.601019783506466, + "euclidean_pearson": 54.61393532658173, + "euclidean_spearman": 54.60101865708542, + "manhattan_pearson": 54.59369555606305, + "manhattan_spearman": 54.601098593646036, + "cosine_pearson": 47.292931669579005, + "cosine_spearman": 54.601019783506466, + "main_score": 54.601019783506466 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large-zh/external/AmazonReviewsClassification.json b/results/thenlper__gte-large-zh/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..da5eb0fea --- /dev/null +++ b/results/thenlper__gte-large-zh/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 47.233999999999995, + "f1": 45.68998446563349, + "main_score": 47.233999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large-zh/external/BQ.json b/results/thenlper__gte-large-zh/external/BQ.json new file mode 100644 index 000000000..fe7a25cd2 --- /dev/null +++ b/results/thenlper__gte-large-zh/external/BQ.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 62.55033151404683, + "cos_sim_spearman": 64.40573802644984, + "euclidean_pearson": 62.93453281081951, + "euclidean_spearman": 64.40574149035828, + "manhattan_pearson": 62.839969210895816, + "manhattan_spearman": 64.30837945045283, + "cosine_pearson": 62.55033151404683, + "cosine_spearman": 64.40573802644984, + "main_score": 64.40573802644984 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large-zh/external/CLSClusteringP2P.json b/results/thenlper__gte-large-zh/external/CLSClusteringP2P.json new file mode 100644 index 000000000..4adf9d80c --- /dev/null +++ b/results/thenlper__gte-large-zh/external/CLSClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 42.098169316685045, + "main_score": 42.098169316685045 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large-zh/external/CLSClusteringS2S.json b/results/thenlper__gte-large-zh/external/CLSClusteringS2S.json new file mode 100644 index 000000000..0d709174b --- /dev/null +++ b/results/thenlper__gte-large-zh/external/CLSClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 38.90716707051822, + "main_score": 38.90716707051822 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large-zh/external/CmedqaRetrieval.json b/results/thenlper__gte-large-zh/external/CmedqaRetrieval.json new file mode 100644 index 000000000..48ed3f0a9 --- /dev/null +++ b/results/thenlper__gte-large-zh/external/CmedqaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 24.215, + "map_at_10": 36.498000000000005, + "map_at_100": 38.409, + "map_at_1000": 38.524, + "map_at_3": 32.428000000000004, + "map_at_5": 34.664, + "mrr_at_1": 36.834, + "mrr_at_10": 45.196, + "mrr_at_100": 46.214, + "mrr_at_1000": 46.259, + "mrr_at_3": 42.631, + "mrr_at_5": 44.044, + "ndcg_at_1": 36.834, + "ndcg_at_10": 43.146, + "ndcg_at_100": 50.632999999999996, + "ndcg_at_1000": 52.608999999999995, + "ndcg_at_3": 37.851, + "ndcg_at_5": 40.005, + "precision_at_1": 36.834, + "precision_at_10": 9.647, + "precision_at_100": 1.574, + "precision_at_1000": 0.183, + "precision_at_3": 21.48, + "precision_at_5": 15.649, + "recall_at_1": 24.215, + "recall_at_10": 54.079, + "recall_at_100": 84.943, + "recall_at_1000": 98.098, + "recall_at_3": 38.117000000000004, + "recall_at_5": 44.775999999999996, + "main_score": 43.146 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large-zh/external/Cmnli.json b/results/thenlper__gte-large-zh/external/Cmnli.json new file mode 100644 index 000000000..23f2a2404 --- /dev/null +++ b/results/thenlper__gte-large-zh/external/Cmnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Cmnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 82.51352976548407, + "cos_sim_ap": 89.49905141462749, + "cos_sim_f1": 83.89334489486234, + "cos_sim_precision": 78.19761567993534, + "cos_sim_recall": 90.48398410100538, + "dot_accuracy": 82.51352976548407, + "dot_ap": 89.49108293121158, + "dot_f1": 83.89334489486234, + "dot_precision": 78.19761567993534, + "dot_recall": 90.48398410100538, + "euclidean_accuracy": 82.51352976548407, + "euclidean_ap": 89.49904709975154, + "euclidean_f1": 83.89334489486234, + "euclidean_precision": 78.19761567993534, + "euclidean_recall": 90.48398410100538, + "manhattan_accuracy": 82.48947684906794, + "manhattan_ap": 89.49231995962901, + "manhattan_f1": 83.84681215233205, + "manhattan_precision": 77.28258726089528, + "manhattan_recall": 91.62964694879588, + "max_accuracy": 82.51352976548407, + "max_ap": 89.49905141462749, + "max_f1": 83.89334489486234, + "main_score": 82.51352976548407 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large-zh/external/CovidRetrieval.json b/results/thenlper__gte-large-zh/external/CovidRetrieval.json new file mode 100644 index 000000000..74a695c4b --- /dev/null +++ b/results/thenlper__gte-large-zh/external/CovidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 78.583, + "map_at_10": 85.613, + "map_at_100": 85.777, + "map_at_1000": 85.77900000000001, + "map_at_3": 84.58, + "map_at_5": 85.22800000000001, + "mrr_at_1": 78.925, + "mrr_at_10": 85.667, + "mrr_at_100": 85.822, + "mrr_at_1000": 85.824, + "mrr_at_3": 84.651, + "mrr_at_5": 85.299, + "ndcg_at_1": 78.925, + "ndcg_at_10": 88.405, + "ndcg_at_100": 89.02799999999999, + "ndcg_at_1000": 89.093, + "ndcg_at_3": 86.393, + "ndcg_at_5": 87.5, + "precision_at_1": 78.925, + "precision_at_10": 9.789, + "precision_at_100": 1.005, + "precision_at_1000": 0.101, + "precision_at_3": 30.769000000000002, + "precision_at_5": 19.031000000000002, + "recall_at_1": 78.583, + "recall_at_10": 96.891, + "recall_at_100": 99.473, + "recall_at_1000": 100.0, + "recall_at_3": 91.438, + "recall_at_5": 94.152, + "main_score": 88.405 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large-zh/external/DuRetrieval.json b/results/thenlper__gte-large-zh/external/DuRetrieval.json new file mode 100644 index 000000000..14efe4419 --- /dev/null +++ b/results/thenlper__gte-large-zh/external/DuRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 25.604, + "map_at_10": 77.171, + "map_at_100": 80.033, + "map_at_1000": 80.099, + "map_at_3": 54.364000000000004, + "map_at_5": 68.024, + "mrr_at_1": 89.85, + "mrr_at_10": 93.009, + "mrr_at_100": 93.065, + "mrr_at_1000": 93.068, + "mrr_at_3": 92.72500000000001, + "mrr_at_5": 92.915, + "ndcg_at_1": 89.85, + "ndcg_at_10": 85.038, + "ndcg_at_100": 88.247, + "ndcg_at_1000": 88.837, + "ndcg_at_3": 85.20299999999999, + "ndcg_at_5": 83.47, + "precision_at_1": 89.85, + "precision_at_10": 40.275, + "precision_at_100": 4.709, + "precision_at_1000": 0.486, + "precision_at_3": 76.36699999999999, + "precision_at_5": 63.75999999999999, + "recall_at_1": 25.604, + "recall_at_10": 85.423, + "recall_at_100": 95.695, + "recall_at_1000": 98.669, + "recall_at_3": 56.737, + "recall_at_5": 72.646, + "main_score": 85.038 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large-zh/external/EcomRetrieval.json b/results/thenlper__gte-large-zh/external/EcomRetrieval.json new file mode 100644 index 000000000..34f0b5266 --- /dev/null +++ b/results/thenlper__gte-large-zh/external/EcomRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 51.800000000000004, + "map_at_10": 62.17, + "map_at_100": 62.649, + "map_at_1000": 62.663000000000004, + "map_at_3": 59.699999999999996, + "map_at_5": 61.23499999999999, + "mrr_at_1": 51.800000000000004, + "mrr_at_10": 62.17, + "mrr_at_100": 62.649, + "mrr_at_1000": 62.663000000000004, + "mrr_at_3": 59.699999999999996, + "mrr_at_5": 61.23499999999999, + "ndcg_at_1": 51.800000000000004, + "ndcg_at_10": 67.246, + "ndcg_at_100": 69.58, + "ndcg_at_1000": 69.925, + "ndcg_at_3": 62.197, + "ndcg_at_5": 64.981, + "precision_at_1": 51.800000000000004, + "precision_at_10": 8.32, + "precision_at_100": 0.941, + "precision_at_1000": 0.097, + "precision_at_3": 23.133, + "precision_at_5": 15.24, + "recall_at_1": 51.800000000000004, + "recall_at_10": 83.2, + "recall_at_100": 94.1, + "recall_at_1000": 96.8, + "recall_at_3": 69.39999999999999, + "recall_at_5": 76.2, + "main_score": 67.246 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large-zh/external/IFlyTek.json b/results/thenlper__gte-large-zh/external/IFlyTek.json new file mode 100644 index 000000000..05ab26e4a --- /dev/null +++ b/results/thenlper__gte-large-zh/external/IFlyTek.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 49.60369372835706, + "f1": 38.24016248875209, + "main_score": 49.60369372835706 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large-zh/external/JDReview.json b/results/thenlper__gte-large-zh/external/JDReview.json new file mode 100644 index 000000000..abe2b0dbe --- /dev/null +++ b/results/thenlper__gte-large-zh/external/JDReview.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 86.71669793621012, + "ap": 55.75807094995178, + "f1": 81.59033162805417, + "main_score": 86.71669793621012 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large-zh/external/LCQMC.json b/results/thenlper__gte-large-zh/external/LCQMC.json new file mode 100644 index 000000000..6d8b37798 --- /dev/null +++ b/results/thenlper__gte-large-zh/external/LCQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 69.50947272908907, + "cos_sim_spearman": 74.40054474949213, + "euclidean_pearson": 73.53007373987617, + "euclidean_spearman": 74.40054474732082, + "manhattan_pearson": 73.51396571849736, + "manhattan_spearman": 74.38395696630835, + "cosine_pearson": 69.50947272908907, + "cosine_spearman": 74.40054474949213, + "main_score": 74.40054474949213 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large-zh/external/MMarcoReranking.json b/results/thenlper__gte-large-zh/external/MMarcoReranking.json new file mode 100644 index 000000000..cb9a63f30 --- /dev/null +++ b/results/thenlper__gte-large-zh/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 31.188333827724108, + "mrr": 29.84801587301587, + "main_score": 31.188333827724108 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large-zh/external/MMarcoRetrieval.json b/results/thenlper__gte-large-zh/external/MMarcoRetrieval.json new file mode 100644 index 000000000..76d897158 --- /dev/null +++ b/results/thenlper__gte-large-zh/external/MMarcoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 64.685, + "map_at_10": 73.803, + "map_at_100": 74.153, + "map_at_1000": 74.167, + "map_at_3": 71.98, + "map_at_5": 73.21600000000001, + "mrr_at_1": 66.891, + "mrr_at_10": 74.48700000000001, + "mrr_at_100": 74.788, + "mrr_at_1000": 74.801, + "mrr_at_3": 72.918, + "mrr_at_5": 73.965, + "ndcg_at_1": 66.891, + "ndcg_at_10": 77.534, + "ndcg_at_100": 79.106, + "ndcg_at_1000": 79.494, + "ndcg_at_3": 74.13499999999999, + "ndcg_at_5": 76.20700000000001, + "precision_at_1": 66.891, + "precision_at_10": 9.375, + "precision_at_100": 1.0170000000000001, + "precision_at_1000": 0.105, + "precision_at_3": 27.932000000000002, + "precision_at_5": 17.86, + "recall_at_1": 64.685, + "recall_at_10": 88.298, + "recall_at_100": 95.426, + "recall_at_1000": 98.48700000000001, + "recall_at_3": 79.44200000000001, + "recall_at_5": 84.358, + "main_score": 77.534 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large-zh/external/MassiveIntentClassification.json b/results/thenlper__gte-large-zh/external/MassiveIntentClassification.json new file mode 100644 index 000000000..b0369ce80 --- /dev/null +++ b/results/thenlper__gte-large-zh/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 73.30531271015468, + "f1": 70.88091430578575, + "main_score": 73.30531271015468 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large-zh/external/MassiveScenarioClassification.json b/results/thenlper__gte-large-zh/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..55a2193db --- /dev/null +++ b/results/thenlper__gte-large-zh/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 75.7128446536651, + "f1": 75.06125593532262, + "main_score": 75.7128446536651 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large-zh/external/MedicalRetrieval.json b/results/thenlper__gte-large-zh/external/MedicalRetrieval.json new file mode 100644 index 000000000..970e97574 --- /dev/null +++ b/results/thenlper__gte-large-zh/external/MedicalRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 52.7, + "map_at_10": 59.532, + "map_at_100": 60.085, + "map_at_1000": 60.126000000000005, + "map_at_3": 57.767, + "map_at_5": 58.952000000000005, + "mrr_at_1": 52.900000000000006, + "mrr_at_10": 59.648999999999994, + "mrr_at_100": 60.20100000000001, + "mrr_at_1000": 60.242, + "mrr_at_3": 57.882999999999996, + "mrr_at_5": 59.068, + "ndcg_at_1": 52.7, + "ndcg_at_10": 62.883, + "ndcg_at_100": 65.714, + "ndcg_at_1000": 66.932, + "ndcg_at_3": 59.34700000000001, + "ndcg_at_5": 61.486, + "precision_at_1": 52.7, + "precision_at_10": 7.340000000000001, + "precision_at_100": 0.8699999999999999, + "precision_at_1000": 0.097, + "precision_at_3": 21.3, + "precision_at_5": 13.819999999999999, + "recall_at_1": 52.7, + "recall_at_10": 73.4, + "recall_at_100": 87.0, + "recall_at_1000": 96.8, + "recall_at_3": 63.9, + "recall_at_5": 69.1, + "main_score": 62.883 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large-zh/external/MultilingualSentiment.json b/results/thenlper__gte-large-zh/external/MultilingualSentiment.json new file mode 100644 index 000000000..3ce9c8706 --- /dev/null +++ b/results/thenlper__gte-large-zh/external/MultilingualSentiment.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 76.47666666666667, + "f1": 76.4808576632057, + "main_score": 76.47666666666667 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large-zh/external/Ocnli.json b/results/thenlper__gte-large-zh/external/Ocnli.json new file mode 100644 index 000000000..9d7135f15 --- /dev/null +++ b/results/thenlper__gte-large-zh/external/Ocnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Ocnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 77.58527341635084, + "cos_sim_ap": 79.32131557636497, + "cos_sim_f1": 80.51948051948052, + "cos_sim_precision": 71.7948717948718, + "cos_sim_recall": 91.65786694825766, + "dot_accuracy": 77.58527341635084, + "dot_ap": 79.32131557636497, + "dot_f1": 80.51948051948052, + "dot_precision": 71.7948717948718, + "dot_recall": 91.65786694825766, + "euclidean_accuracy": 77.58527341635084, + "euclidean_ap": 79.32131557636497, + "euclidean_f1": 80.51948051948052, + "euclidean_precision": 71.7948717948718, + "euclidean_recall": 91.65786694825766, + "manhattan_accuracy": 77.15213860314023, + "manhattan_ap": 79.26178519246496, + "manhattan_f1": 80.22028453418999, + "manhattan_precision": 70.94155844155844, + "manhattan_recall": 92.29144667370645, + "max_accuracy": 77.58527341635084, + "max_ap": 79.32131557636497, + "max_f1": 80.51948051948052, + "main_score": 77.58527341635084 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large-zh/external/OnlineShopping.json b/results/thenlper__gte-large-zh/external/OnlineShopping.json new file mode 100644 index 000000000..afbf2da19 --- /dev/null +++ b/results/thenlper__gte-large-zh/external/OnlineShopping.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 92.68, + "ap": 90.78652757815115, + "f1": 92.67153098230253, + "main_score": 92.68 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large-zh/external/PAWSX.json b/results/thenlper__gte-large-zh/external/PAWSX.json new file mode 100644 index 000000000..64e1d7210 --- /dev/null +++ b/results/thenlper__gte-large-zh/external/PAWSX.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 35.301730226895955, + "cos_sim_spearman": 38.54612530948101, + "euclidean_pearson": 39.02831131230217, + "euclidean_spearman": 38.54612530948101, + "manhattan_pearson": 39.04765584936325, + "manhattan_spearman": 38.54455759013173, + "cosine_pearson": 35.301730226895955, + "cosine_spearman": 38.54612530948101, + "main_score": 38.54612530948101 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large-zh/external/QBQTC.json b/results/thenlper__gte-large-zh/external/QBQTC.json new file mode 100644 index 000000000..6b18ac6be --- /dev/null +++ b/results/thenlper__gte-large-zh/external/QBQTC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "QBQTC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 32.27907454729754, + "cos_sim_spearman": 33.35945567162729, + "euclidean_pearson": 31.997628193815725, + "euclidean_spearman": 33.3592386340529, + "manhattan_pearson": 31.97117833750544, + "manhattan_spearman": 33.30857326127779, + "cosine_pearson": 32.27907454729754, + "cosine_spearman": 33.35945567162729, + "main_score": 33.35945567162729 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large-zh/external/STS22.json b/results/thenlper__gte-large-zh/external/STS22.json new file mode 100644 index 000000000..3f236d9a5 --- /dev/null +++ b/results/thenlper__gte-large-zh/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 62.53712784446981, + "cos_sim_spearman": 62.975074386224286, + "euclidean_pearson": 61.791207731290854, + "euclidean_spearman": 62.975073716988064, + "manhattan_pearson": 62.63850653150875, + "manhattan_spearman": 63.56640346497343, + "cosine_pearson": 62.53712784446981, + "cosine_spearman": 62.975074386224286, + "main_score": 62.975074386224286 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large-zh/external/STSB.json b/results/thenlper__gte-large-zh/external/STSB.json new file mode 100644 index 000000000..d277fc1f1 --- /dev/null +++ b/results/thenlper__gte-large-zh/external/STSB.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 79.52067424748047, + "cos_sim_spearman": 79.68425102631514, + "euclidean_pearson": 79.27553959329275, + "euclidean_spearman": 79.68450427089856, + "manhattan_pearson": 79.21584650471131, + "manhattan_spearman": 79.6419242840243, + "cosine_pearson": 79.52067424748047, + "cosine_spearman": 79.68425102631514, + "main_score": 79.68425102631514 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large-zh/external/T2Reranking.json b/results/thenlper__gte-large-zh/external/T2Reranking.json new file mode 100644 index 000000000..a2303a417 --- /dev/null +++ b/results/thenlper__gte-large-zh/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 65.8563449629786, + "mrr": 75.82550832339254, + "main_score": 65.8563449629786 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large-zh/external/T2Retrieval.json b/results/thenlper__gte-large-zh/external/T2Retrieval.json new file mode 100644 index 000000000..90b367c67 --- /dev/null +++ b/results/thenlper__gte-large-zh/external/T2Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 27.889999999999997, + "map_at_10": 72.878, + "map_at_100": 76.737, + "map_at_1000": 76.836, + "map_at_3": 52.738, + "map_at_5": 63.726000000000006, + "mrr_at_1": 89.35600000000001, + "mrr_at_10": 92.622, + "mrr_at_100": 92.692, + "mrr_at_1000": 92.694, + "mrr_at_3": 92.13799999999999, + "mrr_at_5": 92.452, + "ndcg_at_1": 89.35600000000001, + "ndcg_at_10": 81.932, + "ndcg_at_100": 86.351, + "ndcg_at_1000": 87.221, + "ndcg_at_3": 84.29100000000001, + "ndcg_at_5": 82.279, + "precision_at_1": 89.35600000000001, + "precision_at_10": 39.511, + "precision_at_100": 4.901, + "precision_at_1000": 0.513, + "precision_at_3": 72.62100000000001, + "precision_at_5": 59.918000000000006, + "recall_at_1": 27.889999999999997, + "recall_at_10": 80.636, + "recall_at_100": 94.333, + "recall_at_1000": 98.39099999999999, + "recall_at_3": 54.797, + "recall_at_5": 67.824, + "main_score": 81.932 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large-zh/external/TNews.json b/results/thenlper__gte-large-zh/external/TNews.json new file mode 100644 index 000000000..9cba82e3a --- /dev/null +++ b/results/thenlper__gte-large-zh/external/TNews.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 51.979000000000006, + "f1": 50.35658238894168, + "main_score": 51.979000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large-zh/external/ThuNewsClusteringP2P.json b/results/thenlper__gte-large-zh/external/ThuNewsClusteringP2P.json new file mode 100644 index 000000000..7be1d18fb --- /dev/null +++ b/results/thenlper__gte-large-zh/external/ThuNewsClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 68.36477832710159, + "main_score": 68.36477832710159 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large-zh/external/ThuNewsClusteringS2S.json b/results/thenlper__gte-large-zh/external/ThuNewsClusteringS2S.json new file mode 100644 index 000000000..c5db389b4 --- /dev/null +++ b/results/thenlper__gte-large-zh/external/ThuNewsClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 62.92080622759053, + "main_score": 62.92080622759053 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large-zh/external/VideoRetrieval.json b/results/thenlper__gte-large-zh/external/VideoRetrieval.json new file mode 100644 index 000000000..d1fbb3e47 --- /dev/null +++ b/results/thenlper__gte-large-zh/external/VideoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 59.3, + "map_at_10": 69.299, + "map_at_100": 69.669, + "map_at_1000": 69.682, + "map_at_3": 67.583, + "map_at_5": 68.57799999999999, + "mrr_at_1": 59.3, + "mrr_at_10": 69.299, + "mrr_at_100": 69.669, + "mrr_at_1000": 69.682, + "mrr_at_3": 67.583, + "mrr_at_5": 68.57799999999999, + "ndcg_at_1": 59.3, + "ndcg_at_10": 73.699, + "ndcg_at_100": 75.626, + "ndcg_at_1000": 75.949, + "ndcg_at_3": 70.18900000000001, + "ndcg_at_5": 71.992, + "precision_at_1": 59.3, + "precision_at_10": 8.73, + "precision_at_100": 0.9650000000000001, + "precision_at_1000": 0.099, + "precision_at_3": 25.900000000000002, + "precision_at_5": 16.42, + "recall_at_1": 59.3, + "recall_at_10": 87.3, + "recall_at_100": 96.5, + "recall_at_1000": 99.0, + "recall_at_3": 77.7, + "recall_at_5": 82.1, + "main_score": 73.699 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large-zh/external/Waimai.json b/results/thenlper__gte-large-zh/external/Waimai.json new file mode 100644 index 000000000..a33990351 --- /dev/null +++ b/results/thenlper__gte-large-zh/external/Waimai.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 88.36999999999999, + "ap": 73.29590829222836, + "f1": 86.74250506247606, + "main_score": 88.36999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large-zh/external/model_meta.json b/results/thenlper__gte-large-zh/external/model_meta.json new file mode 100644 index 000000000..d4a28d605 --- /dev/null +++ b/results/thenlper__gte-large-zh/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "thenlper/gte-large-zh", + "revision": "64c364e579de308104a9b2c170ca009502f4f545", + "release_date": "2023-11-07", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 325522944, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 1024, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/AmazonCounterfactualClassification.json b/results/thenlper__gte-large/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..6dbccb75d --- /dev/null +++ b/results/thenlper__gte-large/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.62686567164178, + "ap": 34.46944126809772, + "f1": 66.23684353950857, + "main_score": 72.62686567164178 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/AmazonPolarityClassification.json b/results/thenlper__gte-large/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..f52f04509 --- /dev/null +++ b/results/thenlper__gte-large/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.51805, + "ap": 89.49842783330848, + "f1": 92.51112169431808, + "main_score": 92.51805 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/AmazonReviewsClassification.json b/results/thenlper__gte-large/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..944845a18 --- /dev/null +++ b/results/thenlper__gte-large/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 49.074, + "f1": 48.44785682572955, + "main_score": 49.074 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/ArguAna.json b/results/thenlper__gte-large/external/ArguAna.json new file mode 100644 index 000000000..d5bde51d2 --- /dev/null +++ b/results/thenlper__gte-large/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.077, + "map_at_10": 48.153, + "map_at_100": 48.963, + "map_at_1000": 48.966, + "map_at_3": 43.184, + "map_at_5": 46.072, + "mrr_at_1": 33.073, + "mrr_at_10": 48.54, + "mrr_at_100": 49.335, + "mrr_at_1000": 49.338, + "mrr_at_3": 43.563, + "mrr_at_5": 46.383, + "ndcg_at_1": 32.077, + "ndcg_at_10": 57.158, + "ndcg_at_100": 60.324999999999996, + "ndcg_at_1000": 60.402, + "ndcg_at_3": 46.934, + "ndcg_at_5": 52.158, + "precision_at_1": 32.077, + "precision_at_10": 8.591999999999999, + "precision_at_100": 0.991, + "precision_at_1000": 0.1, + "precision_at_3": 19.275000000000002, + "precision_at_5": 14.111, + "recall_at_1": 32.077, + "recall_at_10": 85.917, + "recall_at_100": 99.075, + "recall_at_1000": 99.644, + "recall_at_3": 57.824, + "recall_at_5": 70.555, + "main_score": 57.158 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/ArxivClusteringP2P.json b/results/thenlper__gte-large/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..1deb9b51c --- /dev/null +++ b/results/thenlper__gte-large/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.619246083417295, + "main_score": 48.619246083417295 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/ArxivClusteringS2S.json b/results/thenlper__gte-large/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..928fd5a63 --- /dev/null +++ b/results/thenlper__gte-large/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 43.3574067664688, + "main_score": 43.3574067664688 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/AskUbuntuDupQuestions.json b/results/thenlper__gte-large/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..720f85bf6 --- /dev/null +++ b/results/thenlper__gte-large/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 63.06359661829253, + "mrr": 76.15596007562766, + "main_score": 63.06359661829253 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/BIOSSES.json b/results/thenlper__gte-large/external/BIOSSES.json new file mode 100644 index 000000000..a38b2572f --- /dev/null +++ b/results/thenlper__gte-large/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 90.25407547368691, + "cos_sim_spearman": 88.65081514968477, + "euclidean_pearson": 88.14857116664494, + "euclidean_spearman": 88.50683596540692, + "manhattan_pearson": 87.9654797992225, + "manhattan_spearman": 88.21164851646908, + "cosine_pearson": 90.25407547368691, + "cosine_spearman": 88.65081514968477, + "main_score": 88.65081514968477 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/Banking77Classification.json b/results/thenlper__gte-large/external/Banking77Classification.json new file mode 100644 index 000000000..2d9d62dd9 --- /dev/null +++ b/results/thenlper__gte-large/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.05844155844157, + "f1": 86.01555597681825, + "main_score": 86.05844155844157 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/BiorxivClusteringP2P.json b/results/thenlper__gte-large/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..1703adacd --- /dev/null +++ b/results/thenlper__gte-large/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.10510519739522, + "main_score": 39.10510519739522 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/BiorxivClusteringS2S.json b/results/thenlper__gte-large/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..7e935e7e7 --- /dev/null +++ b/results/thenlper__gte-large/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.84689960264385, + "main_score": 36.84689960264385 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/CQADupstackAndroidRetrieval.json b/results/thenlper__gte-large/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..b4c7e8d03 --- /dev/null +++ b/results/thenlper__gte-large/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.800000000000004, + "map_at_10": 44.857, + "map_at_100": 46.512, + "map_at_1000": 46.635, + "map_at_3": 41.062, + "map_at_5": 43.126, + "mrr_at_1": 39.628, + "mrr_at_10": 50.879, + "mrr_at_100": 51.605000000000004, + "mrr_at_1000": 51.641000000000005, + "mrr_at_3": 48.14, + "mrr_at_5": 49.835, + "ndcg_at_1": 39.628, + "ndcg_at_10": 51.819, + "ndcg_at_100": 57.318999999999996, + "ndcg_at_1000": 58.955999999999996, + "ndcg_at_3": 46.409, + "ndcg_at_5": 48.825, + "precision_at_1": 39.628, + "precision_at_10": 10.072000000000001, + "precision_at_100": 1.625, + "precision_at_1000": 0.21, + "precision_at_3": 22.556, + "precision_at_5": 16.309, + "recall_at_1": 32.800000000000004, + "recall_at_10": 65.078, + "recall_at_100": 87.491, + "recall_at_1000": 97.514, + "recall_at_3": 49.561, + "recall_at_5": 56.135999999999996, + "main_score": 51.819 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.614, + "map_at_10": 43.578, + "map_at_100": 44.897, + "map_at_1000": 45.023, + "map_at_3": 40.282000000000004, + "map_at_5": 42.117, + "mrr_at_1": 40.510000000000005, + "mrr_at_10": 49.428, + "mrr_at_100": 50.068999999999996, + "mrr_at_1000": 50.111000000000004, + "mrr_at_3": 47.176, + "mrr_at_5": 48.583999999999996, + "ndcg_at_1": 40.510000000000005, + "ndcg_at_10": 49.478, + "ndcg_at_100": 53.852, + "ndcg_at_1000": 55.782, + "ndcg_at_3": 45.091, + "ndcg_at_5": 47.19, + "precision_at_1": 40.510000000000005, + "precision_at_10": 9.363000000000001, + "precision_at_100": 1.51, + "precision_at_1000": 0.196, + "precision_at_3": 21.741, + "precision_at_5": 15.465000000000002, + "recall_at_1": 32.614, + "recall_at_10": 59.782000000000004, + "recall_at_100": 78.012, + "recall_at_1000": 90.319, + "recall_at_3": 46.825, + "recall_at_5": 52.688, + "main_score": 49.478 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.266000000000005, + "map_at_10": 53.756, + "map_at_100": 54.809, + "map_at_1000": 54.855, + "map_at_3": 50.073, + "map_at_5": 52.293, + "mrr_at_1": 46.332, + "mrr_at_10": 57.116, + "mrr_at_100": 57.767, + "mrr_at_1000": 57.791000000000004, + "mrr_at_3": 54.461999999999996, + "mrr_at_5": 56.092, + "ndcg_at_1": 46.332, + "ndcg_at_10": 60.092, + "ndcg_at_100": 64.034, + "ndcg_at_1000": 64.937, + "ndcg_at_3": 54.071000000000005, + "ndcg_at_5": 57.254000000000005, + "precision_at_1": 46.332, + "precision_at_10": 9.799, + "precision_at_100": 1.278, + "precision_at_1000": 0.13899999999999998, + "precision_at_3": 24.368000000000002, + "precision_at_5": 16.89, + "recall_at_1": 40.266000000000005, + "recall_at_10": 75.41499999999999, + "recall_at_100": 92.01700000000001, + "recall_at_1000": 98.379, + "recall_at_3": 59.476, + "recall_at_5": 67.297, + "main_score": 60.092 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.589, + "map_at_10": 37.755, + "map_at_100": 38.881, + "map_at_1000": 38.954, + "map_at_3": 34.759, + "map_at_5": 36.544, + "mrr_at_1": 30.734, + "mrr_at_10": 39.742, + "mrr_at_100": 40.774, + "mrr_at_1000": 40.824, + "mrr_at_3": 37.137, + "mrr_at_5": 38.719, + "ndcg_at_1": 30.734, + "ndcg_at_10": 42.978, + "ndcg_at_100": 48.309000000000005, + "ndcg_at_1000": 50.068, + "ndcg_at_3": 37.361, + "ndcg_at_5": 40.268, + "precision_at_1": 30.734, + "precision_at_10": 6.565, + "precision_at_100": 0.964, + "precision_at_1000": 0.11499999999999999, + "precision_at_3": 15.744, + "precision_at_5": 11.096, + "recall_at_1": 28.589, + "recall_at_10": 57.126999999999995, + "recall_at_100": 81.051, + "recall_at_1000": 94.027, + "recall_at_3": 42.045, + "recall_at_5": 49.019, + "main_score": 42.978 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.5, + "map_at_10": 27.950999999999997, + "map_at_100": 29.186, + "map_at_1000": 29.298000000000002, + "map_at_3": 25.141000000000002, + "map_at_5": 26.848, + "mrr_at_1": 22.637, + "mrr_at_10": 32.572, + "mrr_at_100": 33.472, + "mrr_at_1000": 33.533, + "mrr_at_3": 29.747, + "mrr_at_5": 31.482, + "ndcg_at_1": 22.637, + "ndcg_at_10": 33.73, + "ndcg_at_100": 39.568, + "ndcg_at_1000": 42.201, + "ndcg_at_3": 28.505999999999997, + "ndcg_at_5": 31.255, + "precision_at_1": 22.637, + "precision_at_10": 6.281000000000001, + "precision_at_100": 1.073, + "precision_at_1000": 0.14300000000000002, + "precision_at_3": 13.847000000000001, + "precision_at_5": 10.224, + "recall_at_1": 18.5, + "recall_at_10": 46.744, + "recall_at_100": 72.072, + "recall_at_1000": 91.03999999999999, + "recall_at_3": 32.551, + "recall_at_5": 39.533, + "main_score": 33.73 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.602, + "map_at_10": 42.18, + "map_at_100": 43.6, + "map_at_1000": 43.704, + "map_at_3": 38.413000000000004, + "map_at_5": 40.626, + "mrr_at_1": 37.344, + "mrr_at_10": 47.638000000000005, + "mrr_at_100": 48.485, + "mrr_at_1000": 48.52, + "mrr_at_3": 44.867000000000004, + "mrr_at_5": 46.566, + "ndcg_at_1": 37.344, + "ndcg_at_10": 48.632, + "ndcg_at_100": 54.215, + "ndcg_at_1000": 55.981, + "ndcg_at_3": 42.681999999999995, + "ndcg_at_5": 45.732, + "precision_at_1": 37.344, + "precision_at_10": 8.932, + "precision_at_100": 1.376, + "precision_at_1000": 0.17099999999999999, + "precision_at_3": 20.276, + "precision_at_5": 14.726, + "recall_at_1": 30.602, + "recall_at_10": 62.273, + "recall_at_100": 85.12100000000001, + "recall_at_1000": 96.439, + "recall_at_3": 45.848, + "recall_at_5": 53.615, + "main_score": 48.632 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.952, + "map_at_10": 35.177, + "map_at_100": 36.59, + "map_at_1000": 36.703, + "map_at_3": 31.261, + "map_at_5": 33.222, + "mrr_at_1": 29.337999999999997, + "mrr_at_10": 40.152, + "mrr_at_100": 40.963, + "mrr_at_1000": 41.016999999999996, + "mrr_at_3": 36.91, + "mrr_at_5": 38.685, + "ndcg_at_1": 29.337999999999997, + "ndcg_at_10": 41.994, + "ndcg_at_100": 47.587, + "ndcg_at_1000": 49.791000000000004, + "ndcg_at_3": 35.27, + "ndcg_at_5": 38.042, + "precision_at_1": 29.337999999999997, + "precision_at_10": 8.276, + "precision_at_100": 1.276, + "precision_at_1000": 0.164, + "precision_at_3": 17.161, + "precision_at_5": 12.671, + "recall_at_1": 23.952, + "recall_at_10": 57.267, + "recall_at_100": 80.886, + "recall_at_1000": 95.611, + "recall_at_3": 38.622, + "recall_at_5": 45.811, + "main_score": 41.994 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.092083333333335, + "map_at_10": 37.2925, + "map_at_100": 38.57041666666666, + "map_at_1000": 38.68141666666667, + "map_at_3": 34.080000000000005, + "map_at_5": 35.89958333333333, + "mrr_at_1": 31.94758333333333, + "mrr_at_10": 41.51049999999999, + "mrr_at_100": 42.36099999999999, + "mrr_at_1000": 42.4125, + "mrr_at_3": 38.849583333333335, + "mrr_at_5": 40.448249999999994, + "ndcg_at_1": 31.94758333333333, + "ndcg_at_10": 43.17633333333333, + "ndcg_at_100": 48.45241666666668, + "ndcg_at_1000": 50.513999999999996, + "ndcg_at_3": 37.75216666666667, + "ndcg_at_5": 40.393833333333326, + "precision_at_1": 31.94758333333333, + "precision_at_10": 7.688916666666666, + "precision_at_100": 1.2250833333333333, + "precision_at_1000": 0.1595, + "precision_at_3": 17.465999999999998, + "precision_at_5": 12.548083333333333, + "recall_at_1": 27.092083333333335, + "recall_at_10": 56.286583333333326, + "recall_at_100": 79.09033333333333, + "recall_at_1000": 93.27483333333335, + "recall_at_3": 41.35325, + "recall_at_5": 48.072750000000006, + "main_score": 43.17633333333333 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.825, + "map_at_10": 33.723, + "map_at_100": 34.74, + "map_at_1000": 34.824, + "map_at_3": 31.369000000000003, + "map_at_5": 32.533, + "mrr_at_1": 29.293999999999997, + "mrr_at_10": 36.84, + "mrr_at_100": 37.681, + "mrr_at_1000": 37.742, + "mrr_at_3": 34.79, + "mrr_at_5": 35.872, + "ndcg_at_1": 29.293999999999997, + "ndcg_at_10": 38.385999999999996, + "ndcg_at_100": 43.327, + "ndcg_at_1000": 45.53, + "ndcg_at_3": 33.985, + "ndcg_at_5": 35.817, + "precision_at_1": 29.293999999999997, + "precision_at_10": 6.12, + "precision_at_100": 0.9329999999999999, + "precision_at_1000": 0.11900000000000001, + "precision_at_3": 14.621999999999998, + "precision_at_5": 10.030999999999999, + "recall_at_1": 25.825, + "recall_at_10": 49.647000000000006, + "recall_at_100": 72.32300000000001, + "recall_at_1000": 88.62400000000001, + "recall_at_3": 37.366, + "recall_at_5": 41.957, + "main_score": 38.385999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.139, + "map_at_10": 26.107000000000003, + "map_at_100": 27.406999999999996, + "map_at_1000": 27.535999999999998, + "map_at_3": 23.445, + "map_at_5": 24.916, + "mrr_at_1": 21.817, + "mrr_at_10": 29.99, + "mrr_at_100": 31.052000000000003, + "mrr_at_1000": 31.128, + "mrr_at_3": 27.627000000000002, + "mrr_at_5": 29.005, + "ndcg_at_1": 21.817, + "ndcg_at_10": 31.135, + "ndcg_at_100": 37.108000000000004, + "ndcg_at_1000": 39.965, + "ndcg_at_3": 26.439, + "ndcg_at_5": 28.655, + "precision_at_1": 21.817, + "precision_at_10": 5.757000000000001, + "precision_at_100": 1.036, + "precision_at_1000": 0.147, + "precision_at_3": 12.537, + "precision_at_5": 9.229, + "recall_at_1": 18.139, + "recall_at_10": 42.272999999999996, + "recall_at_100": 68.657, + "recall_at_1000": 88.93799999999999, + "recall_at_3": 29.266, + "recall_at_5": 34.892, + "main_score": 31.135 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.755000000000003, + "map_at_10": 37.384, + "map_at_100": 38.56, + "map_at_1000": 38.655, + "map_at_3": 34.214, + "map_at_5": 35.96, + "mrr_at_1": 32.369, + "mrr_at_10": 41.625, + "mrr_at_100": 42.449, + "mrr_at_1000": 42.502, + "mrr_at_3": 38.899, + "mrr_at_5": 40.489999999999995, + "ndcg_at_1": 32.369, + "ndcg_at_10": 43.287, + "ndcg_at_100": 48.504999999999995, + "ndcg_at_1000": 50.552, + "ndcg_at_3": 37.549, + "ndcg_at_5": 40.204, + "precision_at_1": 32.369, + "precision_at_10": 7.425, + "precision_at_100": 1.134, + "precision_at_1000": 0.14200000000000002, + "precision_at_3": 17.102, + "precision_at_5": 12.107999999999999, + "recall_at_1": 27.755000000000003, + "recall_at_10": 57.071000000000005, + "recall_at_100": 79.456, + "recall_at_1000": 93.54299999999999, + "recall_at_3": 41.298, + "recall_at_5": 48.037, + "main_score": 43.287 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.855, + "map_at_10": 34.53, + "map_at_100": 36.167, + "map_at_1000": 36.394999999999996, + "map_at_3": 31.037, + "map_at_5": 33.119, + "mrr_at_1": 30.631999999999998, + "mrr_at_10": 39.763999999999996, + "mrr_at_100": 40.77, + "mrr_at_1000": 40.826, + "mrr_at_3": 36.495, + "mrr_at_5": 38.561, + "ndcg_at_1": 30.631999999999998, + "ndcg_at_10": 40.942, + "ndcg_at_100": 47.07, + "ndcg_at_1000": 49.363, + "ndcg_at_3": 35.038000000000004, + "ndcg_at_5": 38.161, + "precision_at_1": 30.631999999999998, + "precision_at_10": 7.983999999999999, + "precision_at_100": 1.6070000000000002, + "precision_at_1000": 0.246, + "precision_at_3": 16.206, + "precision_at_5": 12.253, + "recall_at_1": 24.855, + "recall_at_10": 53.291999999999994, + "recall_at_100": 80.283, + "recall_at_1000": 94.309, + "recall_at_3": 37.257, + "recall_at_5": 45.282, + "main_score": 40.942 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.208, + "map_at_10": 30.512, + "map_at_100": 31.496000000000002, + "map_at_1000": 31.595000000000002, + "map_at_3": 27.904, + "map_at_5": 29.491, + "mrr_at_1": 22.736, + "mrr_at_10": 32.379999999999995, + "mrr_at_100": 33.245000000000005, + "mrr_at_1000": 33.315, + "mrr_at_3": 29.945, + "mrr_at_5": 31.488, + "ndcg_at_1": 22.736, + "ndcg_at_10": 35.643, + "ndcg_at_100": 40.535, + "ndcg_at_1000": 43.042, + "ndcg_at_3": 30.625000000000004, + "ndcg_at_5": 33.323, + "precision_at_1": 22.736, + "precision_at_10": 5.6930000000000005, + "precision_at_100": 0.889, + "precision_at_1000": 0.122, + "precision_at_3": 13.431999999999999, + "precision_at_5": 9.575, + "recall_at_1": 21.208, + "recall_at_10": 49.47, + "recall_at_100": 71.71499999999999, + "recall_at_1000": 90.55499999999999, + "recall_at_3": 36.124, + "recall_at_5": 42.606, + "main_score": 35.643 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/ClimateFEVER.json b/results/thenlper__gte-large/external/ClimateFEVER.json new file mode 100644 index 000000000..72c16758d --- /dev/null +++ b/results/thenlper__gte-large/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 11.363, + "map_at_10": 20.312, + "map_at_100": 22.225, + "map_at_1000": 22.411, + "map_at_3": 16.68, + "map_at_5": 18.608, + "mrr_at_1": 25.537, + "mrr_at_10": 37.933, + "mrr_at_100": 38.875, + "mrr_at_1000": 38.911, + "mrr_at_3": 34.387, + "mrr_at_5": 36.51, + "ndcg_at_1": 25.537, + "ndcg_at_10": 28.82, + "ndcg_at_100": 36.341, + "ndcg_at_1000": 39.615, + "ndcg_at_3": 23.01, + "ndcg_at_5": 25.269000000000002, + "precision_at_1": 25.537, + "precision_at_10": 9.153, + "precision_at_100": 1.7319999999999998, + "precision_at_1000": 0.234, + "precision_at_3": 17.22, + "precision_at_5": 13.629, + "recall_at_1": 11.363, + "recall_at_10": 35.382999999999996, + "recall_at_100": 61.367000000000004, + "recall_at_1000": 79.699, + "recall_at_3": 21.495, + "recall_at_5": 27.42, + "main_score": 28.82 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/DBPedia.json b/results/thenlper__gte-large/external/DBPedia.json new file mode 100644 index 000000000..14fd86a66 --- /dev/null +++ b/results/thenlper__gte-large/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.65, + "map_at_10": 20.742, + "map_at_100": 29.614, + "map_at_1000": 31.373, + "map_at_3": 14.667, + "map_at_5": 17.186, + "mrr_at_1": 69.75, + "mrr_at_10": 76.762, + "mrr_at_100": 77.171, + "mrr_at_1000": 77.179, + "mrr_at_3": 75.125, + "mrr_at_5": 76.287, + "ndcg_at_1": 57.62500000000001, + "ndcg_at_10": 42.370999999999995, + "ndcg_at_100": 47.897, + "ndcg_at_1000": 55.393, + "ndcg_at_3": 46.317, + "ndcg_at_5": 43.906, + "precision_at_1": 69.75, + "precision_at_10": 33.95, + "precision_at_100": 10.885, + "precision_at_1000": 2.2239999999999998, + "precision_at_3": 49.75, + "precision_at_5": 42.3, + "recall_at_1": 9.65, + "recall_at_10": 26.117, + "recall_at_100": 55.084, + "recall_at_1000": 78.62400000000001, + "recall_at_3": 15.823, + "recall_at_5": 19.652, + "main_score": 42.370999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/EmotionClassification.json b/results/thenlper__gte-large/external/EmotionClassification.json new file mode 100644 index 000000000..aef1f1008 --- /dev/null +++ b/results/thenlper__gte-large/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 47.885, + "f1": 42.99567641346983, + "main_score": 47.885 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/FEVER.json b/results/thenlper__gte-large/external/FEVER.json new file mode 100644 index 000000000..9c291d833 --- /dev/null +++ b/results/thenlper__gte-large/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 70.97, + "map_at_10": 80.34599999999999, + "map_at_100": 80.571, + "map_at_1000": 80.584, + "map_at_3": 79.279, + "map_at_5": 79.94, + "mrr_at_1": 76.613, + "mrr_at_10": 85.15700000000001, + "mrr_at_100": 85.249, + "mrr_at_1000": 85.252, + "mrr_at_3": 84.33800000000001, + "mrr_at_5": 84.89, + "ndcg_at_1": 76.613, + "ndcg_at_10": 84.53399999999999, + "ndcg_at_100": 85.359, + "ndcg_at_1000": 85.607, + "ndcg_at_3": 82.76599999999999, + "ndcg_at_5": 83.736, + "precision_at_1": 76.613, + "precision_at_10": 10.206, + "precision_at_100": 1.083, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 31.913000000000004, + "precision_at_5": 19.769000000000002, + "recall_at_1": 70.97, + "recall_at_10": 92.674, + "recall_at_100": 95.985, + "recall_at_1000": 97.57000000000001, + "recall_at_3": 87.742, + "recall_at_5": 90.28, + "main_score": 84.53399999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/FiQA2018.json b/results/thenlper__gte-large/external/FiQA2018.json new file mode 100644 index 000000000..b6414bbcf --- /dev/null +++ b/results/thenlper__gte-large/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.494, + "map_at_10": 36.491, + "map_at_100": 38.550000000000004, + "map_at_1000": 38.726, + "map_at_3": 31.807000000000002, + "map_at_5": 34.299, + "mrr_at_1": 44.907000000000004, + "mrr_at_10": 53.146, + "mrr_at_100": 54.013999999999996, + "mrr_at_1000": 54.044000000000004, + "mrr_at_3": 50.952, + "mrr_at_5": 52.124, + "ndcg_at_1": 44.907000000000004, + "ndcg_at_10": 44.499, + "ndcg_at_100": 51.629000000000005, + "ndcg_at_1000": 54.367, + "ndcg_at_3": 40.900999999999996, + "ndcg_at_5": 41.737, + "precision_at_1": 44.907000000000004, + "precision_at_10": 12.346, + "precision_at_100": 1.974, + "precision_at_1000": 0.246, + "precision_at_3": 27.366, + "precision_at_5": 19.846, + "recall_at_1": 22.494, + "recall_at_10": 51.156, + "recall_at_100": 77.11200000000001, + "recall_at_1000": 93.44, + "recall_at_3": 36.574, + "recall_at_5": 42.361, + "main_score": 44.499 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/HotpotQA.json b/results/thenlper__gte-large/external/HotpotQA.json new file mode 100644 index 000000000..d234b1a6b --- /dev/null +++ b/results/thenlper__gte-large/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.568999999999996, + "map_at_10": 58.485, + "map_at_100": 59.358999999999995, + "map_at_1000": 59.429, + "map_at_3": 55.217000000000006, + "map_at_5": 57.236, + "mrr_at_1": 77.137, + "mrr_at_10": 82.829, + "mrr_at_100": 83.04599999999999, + "mrr_at_1000": 83.05399999999999, + "mrr_at_3": 81.904, + "mrr_at_5": 82.50800000000001, + "ndcg_at_1": 77.137, + "ndcg_at_10": 67.156, + "ndcg_at_100": 70.298, + "ndcg_at_1000": 71.65700000000001, + "ndcg_at_3": 62.535, + "ndcg_at_5": 65.095, + "precision_at_1": 77.137, + "precision_at_10": 13.911999999999999, + "precision_at_100": 1.6389999999999998, + "precision_at_1000": 0.182, + "precision_at_3": 39.572, + "precision_at_5": 25.766, + "recall_at_1": 38.568999999999996, + "recall_at_10": 69.56099999999999, + "recall_at_100": 81.931, + "recall_at_1000": 90.91799999999999, + "recall_at_3": 59.358999999999995, + "recall_at_5": 64.416, + "main_score": 67.156 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/ImdbClassification.json b/results/thenlper__gte-large/external/ImdbClassification.json new file mode 100644 index 000000000..d810a3c53 --- /dev/null +++ b/results/thenlper__gte-large/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 88.45600000000002, + "ap": 84.09725115338568, + "f1": 88.41874909080512, + "main_score": 88.45600000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/MSMARCO.json b/results/thenlper__gte-large/external/MSMARCO.json new file mode 100644 index 000000000..2612d8e62 --- /dev/null +++ b/results/thenlper__gte-large/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.404999999999998, + "map_at_10": 33.921, + "map_at_100": 35.116, + "map_at_1000": 35.164, + "map_at_3": 30.043999999999997, + "map_at_5": 32.327, + "mrr_at_1": 21.977, + "mrr_at_10": 34.505, + "mrr_at_100": 35.638999999999996, + "mrr_at_1000": 35.68, + "mrr_at_3": 30.703999999999997, + "mrr_at_5": 32.96, + "ndcg_at_1": 21.963, + "ndcg_at_10": 40.859, + "ndcg_at_100": 46.614, + "ndcg_at_1000": 47.789, + "ndcg_at_3": 33.007999999999996, + "ndcg_at_5": 37.084, + "precision_at_1": 21.963, + "precision_at_10": 6.493, + "precision_at_100": 0.938, + "precision_at_1000": 0.104, + "precision_at_3": 14.155000000000001, + "precision_at_5": 10.544, + "recall_at_1": 21.404999999999998, + "recall_at_10": 62.175000000000004, + "recall_at_100": 88.786, + "recall_at_1000": 97.738, + "recall_at_3": 40.925, + "recall_at_5": 50.722, + "main_score": 40.859 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/MTOPDomainClassification.json b/results/thenlper__gte-large/external/MTOPDomainClassification.json new file mode 100644 index 000000000..7fdc2cb41 --- /dev/null +++ b/results/thenlper__gte-large/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.50661194710442, + "f1": 93.30311193153668, + "main_score": 93.50661194710442 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/MTOPIntentClassification.json b/results/thenlper__gte-large/external/MTOPIntentClassification.json new file mode 100644 index 000000000..0dc67e54e --- /dev/null +++ b/results/thenlper__gte-large/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.24669402644778, + "f1": 54.23122108002977, + "main_score": 73.24669402644778 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/MassiveIntentClassification.json b/results/thenlper__gte-large/external/MassiveIntentClassification.json new file mode 100644 index 000000000..b3c804fcd --- /dev/null +++ b/results/thenlper__gte-large/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.61936785474109, + "f1": 70.52644941025565, + "main_score": 72.61936785474109 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/MassiveScenarioClassification.json b/results/thenlper__gte-large/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..c0917a281 --- /dev/null +++ b/results/thenlper__gte-large/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.76529926025555, + "f1": 77.26872729322514, + "main_score": 76.76529926025555 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/MedrxivClusteringP2P.json b/results/thenlper__gte-large/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..238892b9e --- /dev/null +++ b/results/thenlper__gte-large/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.39450293021839, + "main_score": 33.39450293021839 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/MedrxivClusteringS2S.json b/results/thenlper__gte-large/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..4a8ae103b --- /dev/null +++ b/results/thenlper__gte-large/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.757796879839294, + "main_score": 31.757796879839294 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/MindSmallReranking.json b/results/thenlper__gte-large/external/MindSmallReranking.json new file mode 100644 index 000000000..e9cdc4138 --- /dev/null +++ b/results/thenlper__gte-large/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 32.62512146657428, + "mrr": 33.84624322066173, + "main_score": 32.62512146657428 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/NFCorpus.json b/results/thenlper__gte-large/external/NFCorpus.json new file mode 100644 index 000000000..570d8033e --- /dev/null +++ b/results/thenlper__gte-large/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.462, + "map_at_10": 14.947, + "map_at_100": 19.344, + "map_at_1000": 20.933, + "map_at_3": 10.761999999999999, + "map_at_5": 12.744, + "mrr_at_1": 47.988, + "mrr_at_10": 57.365, + "mrr_at_100": 57.931, + "mrr_at_1000": 57.96, + "mrr_at_3": 54.85, + "mrr_at_5": 56.569, + "ndcg_at_1": 46.129999999999995, + "ndcg_at_10": 38.173, + "ndcg_at_100": 35.983, + "ndcg_at_1000": 44.507000000000005, + "ndcg_at_3": 42.495, + "ndcg_at_5": 41.019, + "precision_at_1": 47.678, + "precision_at_10": 28.731, + "precision_at_100": 9.232, + "precision_at_1000": 2.202, + "precision_at_3": 39.628, + "precision_at_5": 35.851, + "recall_at_1": 6.462, + "recall_at_10": 18.968, + "recall_at_100": 37.131, + "recall_at_1000": 67.956, + "recall_at_3": 11.905000000000001, + "recall_at_5": 15.097, + "main_score": 38.173 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/NQ.json b/results/thenlper__gte-large/external/NQ.json new file mode 100644 index 000000000..97dba0e8d --- /dev/null +++ b/results/thenlper__gte-large/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.335, + "map_at_10": 46.611999999999995, + "map_at_100": 47.632000000000005, + "map_at_1000": 47.661, + "map_at_3": 41.876999999999995, + "map_at_5": 44.799, + "mrr_at_1": 34.125, + "mrr_at_10": 49.01, + "mrr_at_100": 49.75, + "mrr_at_1000": 49.768, + "mrr_at_3": 45.153, + "mrr_at_5": 47.589999999999996, + "ndcg_at_1": 34.125, + "ndcg_at_10": 54.777, + "ndcg_at_100": 58.914, + "ndcg_at_1000": 59.521, + "ndcg_at_3": 46.015, + "ndcg_at_5": 50.861000000000004, + "precision_at_1": 34.125, + "precision_at_10": 9.166, + "precision_at_100": 1.149, + "precision_at_1000": 0.121, + "precision_at_3": 21.147, + "precision_at_5": 15.469, + "recall_at_1": 30.335, + "recall_at_10": 77.194, + "recall_at_100": 94.812, + "recall_at_1000": 99.247, + "recall_at_3": 54.681000000000004, + "recall_at_5": 65.86800000000001, + "main_score": 54.777 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/QuoraRetrieval.json b/results/thenlper__gte-large/external/QuoraRetrieval.json new file mode 100644 index 000000000..a188c9f04 --- /dev/null +++ b/results/thenlper__gte-large/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 70.62, + "map_at_10": 84.536, + "map_at_100": 85.167, + "map_at_1000": 85.184, + "map_at_3": 81.607, + "map_at_5": 83.423, + "mrr_at_1": 81.36, + "mrr_at_10": 87.506, + "mrr_at_100": 87.601, + "mrr_at_1000": 87.601, + "mrr_at_3": 86.503, + "mrr_at_5": 87.179, + "ndcg_at_1": 81.36, + "ndcg_at_10": 88.319, + "ndcg_at_100": 89.517, + "ndcg_at_1000": 89.60900000000001, + "ndcg_at_3": 85.423, + "ndcg_at_5": 86.976, + "precision_at_1": 81.36, + "precision_at_10": 13.415, + "precision_at_100": 1.529, + "precision_at_1000": 0.157, + "precision_at_3": 37.342999999999996, + "precision_at_5": 24.534, + "recall_at_1": 70.62, + "recall_at_10": 95.57600000000001, + "recall_at_100": 99.624, + "recall_at_1000": 99.991, + "recall_at_3": 87.22, + "recall_at_5": 91.654, + "main_score": 88.319 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/RedditClustering.json b/results/thenlper__gte-large/external/RedditClustering.json new file mode 100644 index 000000000..e65642974 --- /dev/null +++ b/results/thenlper__gte-large/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 60.826438478212744, + "main_score": 60.826438478212744 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/RedditClusteringP2P.json b/results/thenlper__gte-large/external/RedditClusteringP2P.json new file mode 100644 index 000000000..92ff4d525 --- /dev/null +++ b/results/thenlper__gte-large/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 64.24027467551447, + "main_score": 64.24027467551447 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/SCIDOCS.json b/results/thenlper__gte-large/external/SCIDOCS.json new file mode 100644 index 000000000..9818a4adb --- /dev/null +++ b/results/thenlper__gte-large/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.997999999999999, + "map_at_10": 14.267, + "map_at_100": 16.843, + "map_at_1000": 17.229, + "map_at_3": 9.834, + "map_at_5": 11.92, + "mrr_at_1": 24.7, + "mrr_at_10": 37.685, + "mrr_at_100": 38.704, + "mrr_at_1000": 38.747, + "mrr_at_3": 34.150000000000006, + "mrr_at_5": 36.075, + "ndcg_at_1": 24.7, + "ndcg_at_10": 23.44, + "ndcg_at_100": 32.617000000000004, + "ndcg_at_1000": 38.628, + "ndcg_at_3": 21.747, + "ndcg_at_5": 19.076, + "precision_at_1": 24.7, + "precision_at_10": 12.47, + "precision_at_100": 2.564, + "precision_at_1000": 0.4, + "precision_at_3": 20.767, + "precision_at_5": 17.06, + "recall_at_1": 4.997999999999999, + "recall_at_10": 25.3, + "recall_at_100": 52.048, + "recall_at_1000": 81.093, + "recall_at_3": 12.642999999999999, + "recall_at_5": 17.312, + "main_score": 23.44 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/SICK-R.json b/results/thenlper__gte-large/external/SICK-R.json new file mode 100644 index 000000000..4d77d92cb --- /dev/null +++ b/results/thenlper__gte-large/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.44942006292234, + "cos_sim_spearman": 79.80930790660699, + "euclidean_pearson": 82.93400777494863, + "euclidean_spearman": 80.04664991110705, + "manhattan_pearson": 82.93551681854949, + "manhattan_spearman": 80.03156736837379, + "cosine_pearson": 85.44942006292234, + "cosine_spearman": 79.80930790660699, + "main_score": 79.80930790660699 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/STS12.json b/results/thenlper__gte-large/external/STS12.json new file mode 100644 index 000000000..77060379d --- /dev/null +++ b/results/thenlper__gte-large/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.63574059135726, + "cos_sim_spearman": 76.80552915288186, + "euclidean_pearson": 82.46368529820518, + "euclidean_spearman": 76.60338474719275, + "manhattan_pearson": 82.4558617035968, + "manhattan_spearman": 76.57936082895705, + "cosine_pearson": 85.63574059135726, + "cosine_spearman": 76.80552915288186, + "main_score": 76.80552915288186 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/STS13.json b/results/thenlper__gte-large/external/STS13.json new file mode 100644 index 000000000..0d0760901 --- /dev/null +++ b/results/thenlper__gte-large/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.24116811084211, + "cos_sim_spearman": 88.10998662068769, + "euclidean_pearson": 87.04961732352689, + "euclidean_spearman": 88.12543945864087, + "manhattan_pearson": 86.9905224528854, + "manhattan_spearman": 88.07827944705546, + "cosine_pearson": 86.24116811084211, + "cosine_spearman": 88.10998662068769, + "main_score": 88.10998662068769 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/STS14.json b/results/thenlper__gte-large/external/STS14.json new file mode 100644 index 000000000..d4a43bbe7 --- /dev/null +++ b/results/thenlper__gte-large/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.74847296555048, + "cos_sim_spearman": 82.66200957916445, + "euclidean_pearson": 84.48132256004965, + "euclidean_spearman": 82.67915286000596, + "manhattan_pearson": 84.44950477268334, + "manhattan_spearman": 82.63327639173352, + "cosine_pearson": 84.74847296555048, + "cosine_spearman": 82.66200957916445, + "main_score": 82.66200957916445 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/STS15.json b/results/thenlper__gte-large/external/STS15.json new file mode 100644 index 000000000..278870f0b --- /dev/null +++ b/results/thenlper__gte-large/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.23056258027053, + "cos_sim_spearman": 88.92791680286955, + "euclidean_pearson": 88.13819235461933, + "euclidean_spearman": 88.87294661361716, + "manhattan_pearson": 88.14212133687899, + "manhattan_spearman": 88.88551854529777, + "cosine_pearson": 87.23056258027053, + "cosine_spearman": 88.92791680286955, + "main_score": 88.92791680286955 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/STS16.json b/results/thenlper__gte-large/external/STS16.json new file mode 100644 index 000000000..859eb4bb1 --- /dev/null +++ b/results/thenlper__gte-large/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.64179522732887, + "cos_sim_spearman": 84.25028809903114, + "euclidean_pearson": 83.40175015236979, + "euclidean_spearman": 84.23369296429406, + "manhattan_pearson": 83.43768174261321, + "manhattan_spearman": 84.27855229214734, + "cosine_pearson": 82.64179522732887, + "cosine_spearman": 84.25028809903114, + "main_score": 84.25028809903114 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/STS17.json b/results/thenlper__gte-large/external/STS17.json new file mode 100644 index 000000000..098041739 --- /dev/null +++ b/results/thenlper__gte-large/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.20378955494732, + "cos_sim_spearman": 88.46863559173111, + "euclidean_pearson": 88.8249295811663, + "euclidean_spearman": 88.6312737724905, + "manhattan_pearson": 88.87744466378827, + "manhattan_spearman": 88.82908423767314, + "cosine_pearson": 88.20378955494732, + "cosine_spearman": 88.46863559173111, + "main_score": 88.46863559173111 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/STS22.json b/results/thenlper__gte-large/external/STS22.json new file mode 100644 index 000000000..3492017c0 --- /dev/null +++ b/results/thenlper__gte-large/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 69.91342028796086, + "cos_sim_spearman": 69.71495021867864, + "euclidean_pearson": 70.65334330405646, + "euclidean_spearman": 69.4321253472211, + "manhattan_pearson": 70.59743494727465, + "manhattan_spearman": 69.11695509297482, + "cosine_pearson": 69.91342028796086, + "cosine_spearman": 69.71495021867864, + "main_score": 69.71495021867864 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/STSBenchmark.json b/results/thenlper__gte-large/external/STSBenchmark.json new file mode 100644 index 000000000..e4a87206d --- /dev/null +++ b/results/thenlper__gte-large/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.42451709766952, + "cos_sim_spearman": 86.07166710670508, + "euclidean_pearson": 86.12711421258899, + "euclidean_spearman": 86.05232086925126, + "manhattan_pearson": 86.15591089932126, + "manhattan_spearman": 86.0890128623439, + "cosine_pearson": 85.42451709766952, + "cosine_spearman": 86.07166710670508, + "main_score": 86.07166710670508 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/SciDocsRR.json b/results/thenlper__gte-large/external/SciDocsRR.json new file mode 100644 index 000000000..20a3d3008 --- /dev/null +++ b/results/thenlper__gte-large/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 87.1976344717285, + "mrr": 96.3703145075694, + "main_score": 87.1976344717285 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/SciFact.json b/results/thenlper__gte-large/external/SciFact.json new file mode 100644 index 000000000..b50ba0987 --- /dev/null +++ b/results/thenlper__gte-large/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 59.511, + "map_at_10": 69.724, + "map_at_100": 70.208, + "map_at_1000": 70.22800000000001, + "map_at_3": 66.986, + "map_at_5": 68.529, + "mrr_at_1": 62.333000000000006, + "mrr_at_10": 70.55, + "mrr_at_100": 70.985, + "mrr_at_1000": 71.004, + "mrr_at_3": 68.611, + "mrr_at_5": 69.728, + "ndcg_at_1": 62.333000000000006, + "ndcg_at_10": 74.265, + "ndcg_at_100": 76.361, + "ndcg_at_1000": 76.82900000000001, + "ndcg_at_3": 69.772, + "ndcg_at_5": 71.94800000000001, + "precision_at_1": 62.333000000000006, + "precision_at_10": 9.9, + "precision_at_100": 1.093, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 27.444000000000003, + "precision_at_5": 18, + "recall_at_1": 59.511, + "recall_at_10": 87.156, + "recall_at_100": 96.5, + "recall_at_1000": 100, + "recall_at_3": 75.2, + "recall_at_5": 80.661, + "main_score": 74.265 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/SprintDuplicateQuestions.json b/results/thenlper__gte-large/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..3b2041f0e --- /dev/null +++ b/results/thenlper__gte-large/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.81683168316832, + "cos_sim_ap": 95.74716566563774, + "cos_sim_f1": 90.64238745574103, + "cos_sim_precision": 91.7093142272262, + "cos_sim_recall": 89.60000000000001, + "dot_accuracy": 99.69405940594059, + "dot_ap": 91.09013507754594, + "dot_f1": 84.54227113556779, + "dot_precision": 84.58458458458459, + "dot_recall": 84.5, + "euclidean_accuracy": 99.81782178217821, + "euclidean_ap": 95.6324301072609, + "euclidean_f1": 90.58341862845445, + "euclidean_precision": 92.76729559748428, + "euclidean_recall": 88.5, + "manhattan_accuracy": 99.81980198019802, + "manhattan_ap": 95.68510494437183, + "manhattan_f1": 90.58945191313342, + "manhattan_precision": 93.79014989293361, + "manhattan_recall": 87.6, + "max_accuracy": 99.81980198019802, + "max_ap": 95.74716566563774, + "max_f1": 90.64238745574103, + "main_score": 95.74716566563774 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/StackExchangeClustering.json b/results/thenlper__gte-large/external/StackExchangeClustering.json new file mode 100644 index 000000000..91bf4e375 --- /dev/null +++ b/results/thenlper__gte-large/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 67.63761899427078, + "main_score": 67.63761899427078 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/StackExchangeClusteringP2P.json b/results/thenlper__gte-large/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..a235695a0 --- /dev/null +++ b/results/thenlper__gte-large/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.572473369697235, + "main_score": 36.572473369697235 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/StackOverflowDupQuestions.json b/results/thenlper__gte-large/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..5964b6e7b --- /dev/null +++ b/results/thenlper__gte-large/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 53.63000245208579, + "mrr": 54.504193722943725, + "main_score": 53.63000245208579 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/SummEval.json b/results/thenlper__gte-large/external/SummEval.json new file mode 100644 index 000000000..225c00e23 --- /dev/null +++ b/results/thenlper__gte-large/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.300791939416545, + "cos_sim_spearman": 31.662904057924123, + "dot_pearson": 26.21198530758316, + "dot_spearman": 27.006921548904263, + "cosine_pearson": 30.300791939416545, + "cosine_spearman": 31.662904057924123, + "main_score": 31.662904057924123 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/TRECCOVID.json b/results/thenlper__gte-large/external/TRECCOVID.json new file mode 100644 index 000000000..719fd1647 --- /dev/null +++ b/results/thenlper__gte-large/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.197, + "map_at_10": 1.752, + "map_at_100": 10.795, + "map_at_1000": 27.18, + "map_at_3": 0.5890000000000001, + "map_at_5": 0.938, + "mrr_at_1": 74, + "mrr_at_10": 85.833, + "mrr_at_100": 85.833, + "mrr_at_1000": 85.833, + "mrr_at_3": 85.333, + "mrr_at_5": 85.833, + "ndcg_at_1": 69, + "ndcg_at_10": 70.22, + "ndcg_at_100": 55.785, + "ndcg_at_1000": 52.93600000000001, + "ndcg_at_3": 72.084, + "ndcg_at_5": 71.184, + "precision_at_1": 74, + "precision_at_10": 75.2, + "precision_at_100": 57.3, + "precision_at_1000": 23.302, + "precision_at_3": 77.333, + "precision_at_5": 75.6, + "recall_at_1": 0.197, + "recall_at_10": 2.019, + "recall_at_100": 14.257, + "recall_at_1000": 50.922, + "recall_at_3": 0.642, + "recall_at_5": 1.043, + "main_score": 70.22 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/Touche2020.json b/results/thenlper__gte-large/external/Touche2020.json new file mode 100644 index 000000000..3c8e32e1f --- /dev/null +++ b/results/thenlper__gte-large/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.803, + "map_at_10": 10.407, + "map_at_100": 16.948, + "map_at_1000": 18.424, + "map_at_3": 5.405, + "map_at_5": 6.908, + "mrr_at_1": 36.735, + "mrr_at_10": 50.221000000000004, + "mrr_at_100": 51.388, + "mrr_at_1000": 51.402, + "mrr_at_3": 47.278999999999996, + "mrr_at_5": 49.626, + "ndcg_at_1": 34.694, + "ndcg_at_10": 25.507, + "ndcg_at_100": 38.296, + "ndcg_at_1000": 49.492000000000004, + "ndcg_at_3": 29.006999999999998, + "ndcg_at_5": 25.979000000000003, + "precision_at_1": 36.735, + "precision_at_10": 22.041, + "precision_at_100": 8.02, + "precision_at_1000": 1.567, + "precision_at_3": 28.571, + "precision_at_5": 24.490000000000002, + "recall_at_1": 2.803, + "recall_at_10": 16.378, + "recall_at_100": 50.489, + "recall_at_1000": 85.013, + "recall_at_3": 6.505, + "recall_at_5": 9.243, + "main_score": 25.507 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/ToxicConversationsClassification.json b/results/thenlper__gte-large/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..598fb8c7f --- /dev/null +++ b/results/thenlper__gte-large/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.55579999999999, + "ap": 14.206982753316227, + "f1": 54.372142814964285, + "main_score": 70.55579999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/TweetSentimentExtractionClassification.json b/results/thenlper__gte-large/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..cda65a30a --- /dev/null +++ b/results/thenlper__gte-large/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 56.57611771363893, + "f1": 56.924172639063144, + "main_score": 56.57611771363893 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/TwentyNewsgroupsClustering.json b/results/thenlper__gte-large/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..c89865270 --- /dev/null +++ b/results/thenlper__gte-large/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 52.82304915719759, + "main_score": 52.82304915719759 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/TwitterSemEval2015.json b/results/thenlper__gte-large/external/TwitterSemEval2015.json new file mode 100644 index 000000000..c6ad74677 --- /dev/null +++ b/results/thenlper__gte-large/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 85.92716218632653, + "cos_sim_ap": 73.73359122546046, + "cos_sim_f1": 68.42559487116262, + "cos_sim_precision": 64.22124508215691, + "cos_sim_recall": 73.21899736147758, + "dot_accuracy": 80.38981939560112, + "dot_ap": 54.61060862444974, + "dot_f1": 53.45710627400769, + "dot_precision": 44.87638839125761, + "dot_recall": 66.09498680738787, + "euclidean_accuracy": 86.02849138701794, + "euclidean_ap": 73.95673761922404, + "euclidean_f1": 68.6783042394015, + "euclidean_precision": 65.1063829787234, + "euclidean_recall": 72.66490765171504, + "manhattan_accuracy": 85.9808070572808, + "manhattan_ap": 73.9050720058029, + "manhattan_f1": 68.57560618983794, + "manhattan_precision": 63.70839936608558, + "manhattan_recall": 74.24802110817942, + "max_accuracy": 86.02849138701794, + "max_ap": 73.95673761922404, + "max_f1": 68.6783042394015, + "main_score": 73.95673761922404 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/TwitterURLCorpus.json b/results/thenlper__gte-large/external/TwitterURLCorpus.json new file mode 100644 index 000000000..ddbac8665 --- /dev/null +++ b/results/thenlper__gte-large/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.72783017037295, + "cos_sim_ap": 85.52705223340233, + "cos_sim_f1": 77.91659078492079, + "cos_sim_precision": 73.93378032764221, + "cos_sim_recall": 82.35294117647058, + "dot_accuracy": 85.41739434159972, + "dot_ap": 77.17734818118443, + "dot_f1": 71.63473589973144, + "dot_precision": 66.96123719622415, + "dot_recall": 77.00954727440714, + "euclidean_accuracy": 88.68125897465751, + "euclidean_ap": 85.47712213906692, + "euclidean_f1": 77.81419950830664, + "euclidean_precision": 75.37162649733006, + "euclidean_recall": 80.42038805050817, + "manhattan_accuracy": 88.67349710870494, + "manhattan_ap": 85.46506475241955, + "manhattan_f1": 77.87259084890393, + "manhattan_precision": 74.54929577464789, + "manhattan_recall": 81.50600554357868, + "max_accuracy": 88.72783017037295, + "max_ap": 85.52705223340233, + "max_f1": 77.91659078492079, + "main_score": 85.52705223340233 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-large/external/model_meta.json b/results/thenlper__gte-large/external/model_meta.json new file mode 100644 index 000000000..9079bd76e --- /dev/null +++ b/results/thenlper__gte-large/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "thenlper/gte-large", + "revision": "58578616559541da766b9b993734f63bcfcfc057", + "release_date": "2023-07-27", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 335142400, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 1024, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/thenlper__gte-small-zh/external/AFQMC.json b/results/thenlper__gte-small-zh/external/AFQMC.json new file mode 100644 index 000000000..d03fac4b8 --- /dev/null +++ b/results/thenlper__gte-small-zh/external/AFQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 35.80906032378281, + "cos_sim_spearman": 36.688967176174415, + "euclidean_pearson": 35.70701955438158, + "euclidean_spearman": 36.6889470691436, + "manhattan_pearson": 35.832741768286944, + "manhattan_spearman": 36.831888591957195, + "cosine_pearson": 35.80906032378281, + "cosine_spearman": 36.688967176174415, + "main_score": 36.688967176174415 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small-zh/external/ATEC.json b/results/thenlper__gte-small-zh/external/ATEC.json new file mode 100644 index 000000000..96847aca8 --- /dev/null +++ b/results/thenlper__gte-small-zh/external/ATEC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 44.667266488330384, + "cos_sim_spearman": 45.77390794946174, + "euclidean_pearson": 48.14272832901943, + "euclidean_spearman": 45.77390569666109, + "manhattan_pearson": 48.187667158563094, + "manhattan_spearman": 45.80979161966117, + "cosine_pearson": 44.667266488330384, + "cosine_spearman": 45.77390794946174, + "main_score": 45.77390794946174 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small-zh/external/AmazonReviewsClassification.json b/results/thenlper__gte-small-zh/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..b41a386e1 --- /dev/null +++ b/results/thenlper__gte-small-zh/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 38.690000000000005, + "f1": 36.868257131984016, + "main_score": 38.690000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small-zh/external/BQ.json b/results/thenlper__gte-small-zh/external/BQ.json new file mode 100644 index 000000000..52808211d --- /dev/null +++ b/results/thenlper__gte-small-zh/external/BQ.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 49.03674224607541, + "cos_sim_spearman": 49.63568854885055, + "euclidean_pearson": 49.47441886441355, + "euclidean_spearman": 49.63567815431205, + "manhattan_pearson": 49.76480072909559, + "manhattan_spearman": 49.977789367288224, + "cosine_pearson": 49.03674224607541, + "cosine_spearman": 49.63568854885055, + "main_score": 49.63568854885055 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small-zh/external/CLSClusteringP2P.json b/results/thenlper__gte-small-zh/external/CLSClusteringP2P.json new file mode 100644 index 000000000..8979d0c72 --- /dev/null +++ b/results/thenlper__gte-small-zh/external/CLSClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 39.538126779019755, + "main_score": 39.538126779019755 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small-zh/external/CLSClusteringS2S.json b/results/thenlper__gte-small-zh/external/CLSClusteringS2S.json new file mode 100644 index 000000000..3e3b47fd9 --- /dev/null +++ b/results/thenlper__gte-small-zh/external/CLSClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 37.333105487031766, + "main_score": 37.333105487031766 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small-zh/external/CmedqaRetrieval.json b/results/thenlper__gte-small-zh/external/CmedqaRetrieval.json new file mode 100644 index 000000000..2f6588c5d --- /dev/null +++ b/results/thenlper__gte-small-zh/external/CmedqaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 23.913999999999998, + "map_at_10": 35.913000000000004, + "map_at_100": 37.836, + "map_at_1000": 37.952000000000005, + "map_at_3": 31.845000000000002, + "map_at_5": 34.0, + "mrr_at_1": 36.884, + "mrr_at_10": 44.872, + "mrr_at_100": 45.899, + "mrr_at_1000": 45.945, + "mrr_at_3": 42.331, + "mrr_at_5": 43.674, + "ndcg_at_1": 36.884, + "ndcg_at_10": 42.459, + "ndcg_at_100": 50.046, + "ndcg_at_1000": 52.092000000000006, + "ndcg_at_3": 37.225, + "ndcg_at_5": 39.2, + "precision_at_1": 36.884, + "precision_at_10": 9.562, + "precision_at_100": 1.572, + "precision_at_1000": 0.183, + "precision_at_3": 21.122, + "precision_at_5": 15.274, + "recall_at_1": 23.913999999999998, + "recall_at_10": 52.891999999999996, + "recall_at_100": 84.328, + "recall_at_1000": 98.168, + "recall_at_3": 37.095, + "recall_at_5": 43.396, + "main_score": 42.459 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small-zh/external/Cmnli.json b/results/thenlper__gte-small-zh/external/Cmnli.json new file mode 100644 index 000000000..e363b3566 --- /dev/null +++ b/results/thenlper__gte-small-zh/external/Cmnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Cmnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 68.91160553217077, + "cos_sim_ap": 76.45769658379533, + "cos_sim_f1": 72.07988702844463, + "cos_sim_precision": 63.384779137839274, + "cos_sim_recall": 83.53986439092822, + "dot_accuracy": 68.91160553217077, + "dot_ap": 76.47279917239219, + "dot_f1": 72.07988702844463, + "dot_precision": 63.384779137839274, + "dot_recall": 83.53986439092822, + "euclidean_accuracy": 68.91160553217077, + "euclidean_ap": 76.45768544225383, + "euclidean_f1": 72.07988702844463, + "euclidean_precision": 63.384779137839274, + "euclidean_recall": 83.53986439092822, + "manhattan_accuracy": 69.21226698737222, + "manhattan_ap": 76.6623683693766, + "manhattan_f1": 72.14058164628506, + "manhattan_precision": 64.35643564356435, + "manhattan_recall": 82.06686930091185, + "max_accuracy": 69.21226698737222, + "max_ap": 76.6623683693766, + "max_f1": 72.14058164628506, + "main_score": 69.21226698737222 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small-zh/external/CovidRetrieval.json b/results/thenlper__gte-small-zh/external/CovidRetrieval.json new file mode 100644 index 000000000..dea1c5f88 --- /dev/null +++ b/results/thenlper__gte-small-zh/external/CovidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 48.419000000000004, + "map_at_10": 57.367999999999995, + "map_at_100": 58.081, + "map_at_1000": 58.108000000000004, + "map_at_3": 55.251, + "map_at_5": 56.53399999999999, + "mrr_at_1": 48.472, + "mrr_at_10": 57.359, + "mrr_at_100": 58.055, + "mrr_at_1000": 58.082, + "mrr_at_3": 55.303999999999995, + "mrr_at_5": 56.542, + "ndcg_at_1": 48.472, + "ndcg_at_10": 61.651999999999994, + "ndcg_at_100": 65.257, + "ndcg_at_1000": 65.977, + "ndcg_at_3": 57.401, + "ndcg_at_5": 59.681, + "precision_at_1": 48.472, + "precision_at_10": 7.576, + "precision_at_100": 0.932, + "precision_at_1000": 0.099, + "precision_at_3": 21.25, + "precision_at_5": 13.888, + "recall_at_1": 48.419000000000004, + "recall_at_10": 74.97399999999999, + "recall_at_100": 92.202, + "recall_at_1000": 97.893, + "recall_at_3": 63.541000000000004, + "recall_at_5": 68.994, + "main_score": 61.651999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small-zh/external/DuRetrieval.json b/results/thenlper__gte-small-zh/external/DuRetrieval.json new file mode 100644 index 000000000..6c9e2609a --- /dev/null +++ b/results/thenlper__gte-small-zh/external/DuRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 22.328, + "map_at_10": 69.11, + "map_at_100": 72.47, + "map_at_1000": 72.54599999999999, + "map_at_3": 46.938, + "map_at_5": 59.56, + "mrr_at_1": 81.35, + "mrr_at_10": 87.066, + "mrr_at_100": 87.212, + "mrr_at_1000": 87.21799999999999, + "mrr_at_3": 86.558, + "mrr_at_5": 86.931, + "ndcg_at_1": 81.35, + "ndcg_at_10": 78.568, + "ndcg_at_100": 82.86099999999999, + "ndcg_at_1000": 83.628, + "ndcg_at_3": 76.716, + "ndcg_at_5": 75.664, + "precision_at_1": 81.35, + "precision_at_10": 38.545, + "precision_at_100": 4.657, + "precision_at_1000": 0.484, + "precision_at_3": 69.18299999999999, + "precision_at_5": 58.67, + "recall_at_1": 22.328, + "recall_at_10": 80.658, + "recall_at_100": 94.093, + "recall_at_1000": 98.137, + "recall_at_3": 50.260000000000005, + "recall_at_5": 66.045, + "main_score": 78.568 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small-zh/external/EcomRetrieval.json b/results/thenlper__gte-small-zh/external/EcomRetrieval.json new file mode 100644 index 000000000..0d956078b --- /dev/null +++ b/results/thenlper__gte-small-zh/external/EcomRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 43.1, + "map_at_10": 52.872, + "map_at_100": 53.556000000000004, + "map_at_1000": 53.583000000000006, + "map_at_3": 50.14999999999999, + "map_at_5": 51.925, + "mrr_at_1": 43.1, + "mrr_at_10": 52.872, + "mrr_at_100": 53.556000000000004, + "mrr_at_1000": 53.583000000000006, + "mrr_at_3": 50.14999999999999, + "mrr_at_5": 51.925, + "ndcg_at_1": 43.1, + "ndcg_at_10": 57.907, + "ndcg_at_100": 61.517999999999994, + "ndcg_at_1000": 62.175000000000004, + "ndcg_at_3": 52.425, + "ndcg_at_5": 55.631, + "precision_at_1": 43.1, + "precision_at_10": 7.380000000000001, + "precision_at_100": 0.9129999999999999, + "precision_at_1000": 0.096, + "precision_at_3": 19.667, + "precision_at_5": 13.36, + "recall_at_1": 43.1, + "recall_at_10": 73.8, + "recall_at_100": 91.3, + "recall_at_1000": 96.39999999999999, + "recall_at_3": 59.0, + "recall_at_5": 66.8, + "main_score": 57.907 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small-zh/external/IFlyTek.json b/results/thenlper__gte-small-zh/external/IFlyTek.json new file mode 100644 index 000000000..ecfda2f41 --- /dev/null +++ b/results/thenlper__gte-small-zh/external/IFlyTek.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 41.146594844170835, + "f1": 28.544218732704845, + "main_score": 41.146594844170835 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small-zh/external/JDReview.json b/results/thenlper__gte-small-zh/external/JDReview.json new file mode 100644 index 000000000..9c5477bff --- /dev/null +++ b/results/thenlper__gte-small-zh/external/JDReview.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 82.83302063789868, + "ap": 48.881798834997056, + "f1": 77.28655923994657, + "main_score": 82.83302063789868 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small-zh/external/LCQMC.json b/results/thenlper__gte-small-zh/external/LCQMC.json new file mode 100644 index 000000000..0c55345e5 --- /dev/null +++ b/results/thenlper__gte-small-zh/external/LCQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 66.05467125345538, + "cos_sim_spearman": 72.71921060562211, + "euclidean_pearson": 71.28539457113986, + "euclidean_spearman": 72.71920173126693, + "manhattan_pearson": 71.23750818174456, + "manhattan_spearman": 72.61025268693467, + "cosine_pearson": 66.05467125345538, + "cosine_spearman": 72.71921060562211, + "main_score": 72.71921060562211 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small-zh/external/MMarcoReranking.json b/results/thenlper__gte-small-zh/external/MMarcoReranking.json new file mode 100644 index 000000000..86e49a355 --- /dev/null +++ b/results/thenlper__gte-small-zh/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 26.127712982639483, + "mrr": 24.87420634920635, + "main_score": 26.127712982639483 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small-zh/external/MMarcoRetrieval.json b/results/thenlper__gte-small-zh/external/MMarcoRetrieval.json new file mode 100644 index 000000000..b641e839d --- /dev/null +++ b/results/thenlper__gte-small-zh/external/MMarcoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 62.517, + "map_at_10": 71.251, + "map_at_100": 71.647, + "map_at_1000": 71.665, + "map_at_3": 69.28, + "map_at_5": 70.489, + "mrr_at_1": 64.613, + "mrr_at_10": 71.89, + "mrr_at_100": 72.243, + "mrr_at_1000": 72.259, + "mrr_at_3": 70.138, + "mrr_at_5": 71.232, + "ndcg_at_1": 64.613, + "ndcg_at_10": 75.005, + "ndcg_at_100": 76.805, + "ndcg_at_1000": 77.281, + "ndcg_at_3": 71.234, + "ndcg_at_5": 73.294, + "precision_at_1": 64.613, + "precision_at_10": 9.142, + "precision_at_100": 1.004, + "precision_at_1000": 0.104, + "precision_at_3": 26.781, + "precision_at_5": 17.149, + "recall_at_1": 62.517, + "recall_at_10": 85.997, + "recall_at_100": 94.18299999999999, + "recall_at_1000": 97.911, + "recall_at_3": 75.993, + "recall_at_5": 80.88300000000001, + "main_score": 75.005 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small-zh/external/MassiveIntentClassification.json b/results/thenlper__gte-small-zh/external/MassiveIntentClassification.json new file mode 100644 index 000000000..ebe0f866c --- /dev/null +++ b/results/thenlper__gte-small-zh/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 59.27706792199058, + "f1": 56.77545011902468, + "main_score": 59.27706792199058 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small-zh/external/MassiveScenarioClassification.json b/results/thenlper__gte-small-zh/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..8be786194 --- /dev/null +++ b/results/thenlper__gte-small-zh/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 66.47948890383321, + "f1": 66.4502180376861, + "main_score": 66.47948890383321 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small-zh/external/MedicalRetrieval.json b/results/thenlper__gte-small-zh/external/MedicalRetrieval.json new file mode 100644 index 000000000..f64242f5e --- /dev/null +++ b/results/thenlper__gte-small-zh/external/MedicalRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 54.2, + "map_at_10": 59.858, + "map_at_100": 60.46, + "map_at_1000": 60.507, + "map_at_3": 58.416999999999994, + "map_at_5": 59.331999999999994, + "mrr_at_1": 54.2, + "mrr_at_10": 59.862, + "mrr_at_100": 60.463, + "mrr_at_1000": 60.51, + "mrr_at_3": 58.416999999999994, + "mrr_at_5": 59.352000000000004, + "ndcg_at_1": 54.2, + "ndcg_at_10": 62.643, + "ndcg_at_100": 65.731, + "ndcg_at_1000": 67.096, + "ndcg_at_3": 59.727, + "ndcg_at_5": 61.375, + "precision_at_1": 54.2, + "precision_at_10": 7.140000000000001, + "precision_at_100": 0.8619999999999999, + "precision_at_1000": 0.097, + "precision_at_3": 21.166999999999998, + "precision_at_5": 13.5, + "recall_at_1": 54.2, + "recall_at_10": 71.39999999999999, + "recall_at_100": 86.2, + "recall_at_1000": 97.2, + "recall_at_3": 63.5, + "recall_at_5": 67.5, + "main_score": 62.643 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small-zh/external/MultilingualSentiment.json b/results/thenlper__gte-small-zh/external/MultilingualSentiment.json new file mode 100644 index 000000000..767c449d1 --- /dev/null +++ b/results/thenlper__gte-small-zh/external/MultilingualSentiment.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 68.19666666666666, + "f1": 67.58581661416034, + "main_score": 68.19666666666666 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small-zh/external/Ocnli.json b/results/thenlper__gte-small-zh/external/Ocnli.json new file mode 100644 index 000000000..355cba46c --- /dev/null +++ b/results/thenlper__gte-small-zh/external/Ocnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Ocnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 60.530590146182995, + "cos_sim_ap": 63.53656091243922, + "cos_sim_f1": 68.09929603556874, + "cos_sim_precision": 52.45433789954338, + "cos_sim_recall": 97.04329461457233, + "dot_accuracy": 60.530590146182995, + "dot_ap": 63.53660452157237, + "dot_f1": 68.09929603556874, + "dot_precision": 52.45433789954338, + "dot_recall": 97.04329461457233, + "euclidean_accuracy": 60.530590146182995, + "euclidean_ap": 63.53678735855631, + "euclidean_f1": 68.09929603556874, + "euclidean_precision": 52.45433789954338, + "euclidean_recall": 97.04329461457233, + "manhattan_accuracy": 60.47644829453167, + "manhattan_ap": 63.5622508250315, + "manhattan_f1": 68.1650700073692, + "manhattan_precision": 52.34861346915677, + "manhattan_recall": 97.67687434002113, + "max_accuracy": 60.530590146182995, + "max_ap": 63.5622508250315, + "max_f1": 68.1650700073692, + "main_score": 60.530590146182995 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small-zh/external/OnlineShopping.json b/results/thenlper__gte-small-zh/external/OnlineShopping.json new file mode 100644 index 000000000..165b52c05 --- /dev/null +++ b/results/thenlper__gte-small-zh/external/OnlineShopping.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 89.13, + "ap": 87.21879260137172, + "f1": 89.12359325300508, + "main_score": 89.13 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small-zh/external/PAWSX.json b/results/thenlper__gte-small-zh/external/PAWSX.json new file mode 100644 index 000000000..b5141476a --- /dev/null +++ b/results/thenlper__gte-small-zh/external/PAWSX.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 12.035577637900758, + "cos_sim_spearman": 12.76524190663864, + "euclidean_pearson": 14.4012689427106, + "euclidean_spearman": 12.765328992583608, + "manhattan_pearson": 14.458505202938946, + "manhattan_spearman": 12.763238700117896, + "cosine_pearson": 12.035577637900758, + "cosine_spearman": 12.76524190663864, + "main_score": 12.76524190663864 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small-zh/external/QBQTC.json b/results/thenlper__gte-small-zh/external/QBQTC.json new file mode 100644 index 000000000..a0faf207f --- /dev/null +++ b/results/thenlper__gte-small-zh/external/QBQTC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "QBQTC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 34.809415339934006, + "cos_sim_spearman": 36.96728615916954, + "euclidean_pearson": 35.56113673772396, + "euclidean_spearman": 36.96842963389308, + "manhattan_pearson": 35.5447066178264, + "manhattan_spearman": 36.97514513480951, + "cosine_pearson": 34.809415339934006, + "cosine_spearman": 36.96728615916954, + "main_score": 36.96728615916954 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small-zh/external/STS22.json b/results/thenlper__gte-small-zh/external/STS22.json new file mode 100644 index 000000000..06d56167f --- /dev/null +++ b/results/thenlper__gte-small-zh/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 66.39448692338551, + "cos_sim_spearman": 66.72211526923901, + "euclidean_pearson": 65.72981824553035, + "euclidean_spearman": 66.72211526923901, + "manhattan_pearson": 65.52315559414296, + "manhattan_spearman": 66.61931702511545, + "cosine_pearson": 66.39448692338551, + "cosine_spearman": 66.72211526923901, + "main_score": 66.72211526923901 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small-zh/external/STSB.json b/results/thenlper__gte-small-zh/external/STSB.json new file mode 100644 index 000000000..e42a7a880 --- /dev/null +++ b/results/thenlper__gte-small-zh/external/STSB.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 76.73608064460915, + "cos_sim_spearman": 76.51424826130031, + "euclidean_pearson": 76.17930213372487, + "euclidean_spearman": 76.51342756283478, + "manhattan_pearson": 75.87085607319342, + "manhattan_spearman": 76.22676341477134, + "cosine_pearson": 76.73608064460915, + "cosine_spearman": 76.51424826130031, + "main_score": 76.51424826130031 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small-zh/external/T2Reranking.json b/results/thenlper__gte-small-zh/external/T2Reranking.json new file mode 100644 index 000000000..e7474016a --- /dev/null +++ b/results/thenlper__gte-small-zh/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 65.38779931543048, + "mrr": 74.79313763420059, + "main_score": 65.38779931543048 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small-zh/external/T2Retrieval.json b/results/thenlper__gte-small-zh/external/T2Retrieval.json new file mode 100644 index 000000000..ab3419c02 --- /dev/null +++ b/results/thenlper__gte-small-zh/external/T2Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 25.131999999999998, + "map_at_10": 69.131, + "map_at_100": 72.943, + "map_at_1000": 73.045, + "map_at_3": 48.847, + "map_at_5": 59.842, + "mrr_at_1": 85.516, + "mrr_at_10": 88.863, + "mrr_at_100": 88.996, + "mrr_at_1000": 89.00099999999999, + "mrr_at_3": 88.277, + "mrr_at_5": 88.64800000000001, + "ndcg_at_1": 85.516, + "ndcg_at_10": 78.122, + "ndcg_at_100": 82.673, + "ndcg_at_1000": 83.707, + "ndcg_at_3": 80.274, + "ndcg_at_5": 78.405, + "precision_at_1": 85.516, + "precision_at_10": 38.975, + "precision_at_100": 4.833, + "precision_at_1000": 0.509, + "precision_at_3": 70.35, + "precision_at_5": 58.638, + "recall_at_1": 25.131999999999998, + "recall_at_10": 76.848, + "recall_at_100": 91.489, + "recall_at_1000": 96.709, + "recall_at_3": 50.824000000000005, + "recall_at_5": 63.89, + "main_score": 78.122 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small-zh/external/TNews.json b/results/thenlper__gte-small-zh/external/TNews.json new file mode 100644 index 000000000..853a94636 --- /dev/null +++ b/results/thenlper__gte-small-zh/external/TNews.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 49.65, + "f1": 47.66791473245483, + "main_score": 49.65 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small-zh/external/ThuNewsClusteringP2P.json b/results/thenlper__gte-small-zh/external/ThuNewsClusteringP2P.json new file mode 100644 index 000000000..662a2d89a --- /dev/null +++ b/results/thenlper__gte-small-zh/external/ThuNewsClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 63.78843565968542, + "main_score": 63.78843565968542 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small-zh/external/ThuNewsClusteringS2S.json b/results/thenlper__gte-small-zh/external/ThuNewsClusteringS2S.json new file mode 100644 index 000000000..98d991aae --- /dev/null +++ b/results/thenlper__gte-small-zh/external/ThuNewsClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 55.14095244943176, + "main_score": 55.14095244943176 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small-zh/external/VideoRetrieval.json b/results/thenlper__gte-small-zh/external/VideoRetrieval.json new file mode 100644 index 000000000..d0ee55077 --- /dev/null +++ b/results/thenlper__gte-small-zh/external/VideoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 53.800000000000004, + "map_at_10": 63.312000000000005, + "map_at_100": 63.93600000000001, + "map_at_1000": 63.955, + "map_at_3": 61.283, + "map_at_5": 62.553000000000004, + "mrr_at_1": 53.800000000000004, + "mrr_at_10": 63.312000000000005, + "mrr_at_100": 63.93600000000001, + "mrr_at_1000": 63.955, + "mrr_at_3": 61.283, + "mrr_at_5": 62.553000000000004, + "ndcg_at_1": 53.800000000000004, + "ndcg_at_10": 67.693, + "ndcg_at_100": 70.552, + "ndcg_at_1000": 71.06099999999999, + "ndcg_at_3": 63.632, + "ndcg_at_5": 65.90899999999999, + "precision_at_1": 53.800000000000004, + "precision_at_10": 8.129999999999999, + "precision_at_100": 0.943, + "precision_at_1000": 0.098, + "precision_at_3": 23.467, + "precision_at_5": 15.18, + "recall_at_1": 53.800000000000004, + "recall_at_10": 81.3, + "recall_at_100": 94.3, + "recall_at_1000": 98.3, + "recall_at_3": 70.39999999999999, + "recall_at_5": 75.9, + "main_score": 67.693 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small-zh/external/Waimai.json b/results/thenlper__gte-small-zh/external/Waimai.json new file mode 100644 index 000000000..596aa77da --- /dev/null +++ b/results/thenlper__gte-small-zh/external/Waimai.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 84.96000000000001, + "ap": 66.89917287702019, + "f1": 83.0239988458119, + "main_score": 84.96000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small-zh/external/model_meta.json b/results/thenlper__gte-small-zh/external/model_meta.json new file mode 100644 index 000000000..d52e738b3 --- /dev/null +++ b/results/thenlper__gte-small-zh/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "thenlper/gte-small-zh", + "revision": "af7bd46fbb00b3a6963c8dd7f1786ddfbfbe973a", + "release_date": "2023-11-08", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 30259200, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 512, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/AmazonCounterfactualClassification.json b/results/thenlper__gte-small/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..54d057308 --- /dev/null +++ b/results/thenlper__gte-small/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.22388059701493, + "ap": 36.09895941426988, + "f1": 67.3205651539195, + "main_score": 73.22388059701493 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/AmazonPolarityClassification.json b/results/thenlper__gte-small/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..aadb25178 --- /dev/null +++ b/results/thenlper__gte-small/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.81894999999999, + "ap": 88.5240138417305, + "f1": 91.80367382706962, + "main_score": 91.81894999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/AmazonReviewsClassification.json b/results/thenlper__gte-small/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..a771c5988 --- /dev/null +++ b/results/thenlper__gte-small/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 48.032, + "f1": 47.4490665674719, + "main_score": 48.032 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/ArguAna.json b/results/thenlper__gte-small/external/ArguAna.json new file mode 100644 index 000000000..f05b3f1ec --- /dev/null +++ b/results/thenlper__gte-small/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.725, + "map_at_10": 46.604, + "map_at_100": 47.535, + "map_at_1000": 47.538000000000004, + "map_at_3": 41.833, + "map_at_5": 44.61, + "mrr_at_1": 31.223, + "mrr_at_10": 46.794000000000004, + "mrr_at_100": 47.725, + "mrr_at_1000": 47.727000000000004, + "mrr_at_3": 42.07, + "mrr_at_5": 44.812000000000005, + "ndcg_at_1": 30.725, + "ndcg_at_10": 55.440999999999995, + "ndcg_at_100": 59.134, + "ndcg_at_1000": 59.199, + "ndcg_at_3": 45.599000000000004, + "ndcg_at_5": 50.637, + "precision_at_1": 30.725, + "precision_at_10": 8.364, + "precision_at_100": 0.991, + "precision_at_1000": 0.1, + "precision_at_3": 18.848000000000003, + "precision_at_5": 13.77, + "recall_at_1": 30.725, + "recall_at_10": 83.64200000000001, + "recall_at_100": 99.14699999999999, + "recall_at_1000": 99.644, + "recall_at_3": 56.543, + "recall_at_5": 68.848, + "main_score": 55.440999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/ArxivClusteringP2P.json b/results/thenlper__gte-small/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..1f3dcefba --- /dev/null +++ b/results/thenlper__gte-small/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 47.90178078197678, + "main_score": 47.90178078197678 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/ArxivClusteringS2S.json b/results/thenlper__gte-small/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..237af2c4a --- /dev/null +++ b/results/thenlper__gte-small/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.25728393431922, + "main_score": 40.25728393431922 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/AskUbuntuDupQuestions.json b/results/thenlper__gte-small/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..f7bfb848e --- /dev/null +++ b/results/thenlper__gte-small/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 61.720297062897764, + "mrr": 75.24139295607439, + "main_score": 61.720297062897764 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/BIOSSES.json b/results/thenlper__gte-small/external/BIOSSES.json new file mode 100644 index 000000000..0f5adcca1 --- /dev/null +++ b/results/thenlper__gte-small/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 89.43527309184616, + "cos_sim_spearman": 88.17128615100206, + "euclidean_pearson": 87.89922623089282, + "euclidean_spearman": 87.96104039655451, + "manhattan_pearson": 87.9818290932077, + "manhattan_spearman": 88.00923426576885, + "cosine_pearson": 89.43527309184616, + "cosine_spearman": 88.17128615100206, + "main_score": 88.17128615100206 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/Banking77Classification.json b/results/thenlper__gte-small/external/Banking77Classification.json new file mode 100644 index 000000000..4fcaacf3e --- /dev/null +++ b/results/thenlper__gte-small/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 84.0844155844156, + "f1": 84.01485017302213, + "main_score": 84.0844155844156 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/BiorxivClusteringP2P.json b/results/thenlper__gte-small/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..80dc4be59 --- /dev/null +++ b/results/thenlper__gte-small/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.36574769259432, + "main_score": 38.36574769259432 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/BiorxivClusteringS2S.json b/results/thenlper__gte-small/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..9cb98000a --- /dev/null +++ b/results/thenlper__gte-small/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.4857033165287, + "main_score": 35.4857033165287 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/CQADupstackAndroidRetrieval.json b/results/thenlper__gte-small/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..17fd23e3a --- /dev/null +++ b/results/thenlper__gte-small/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.261, + "map_at_10": 42.419000000000004, + "map_at_100": 43.927, + "map_at_1000": 44.055, + "map_at_3": 38.597, + "map_at_5": 40.701, + "mrr_at_1": 36.91, + "mrr_at_10": 48.02, + "mrr_at_100": 48.658, + "mrr_at_1000": 48.708, + "mrr_at_3": 44.945, + "mrr_at_5": 46.705000000000005, + "ndcg_at_1": 36.91, + "ndcg_at_10": 49.353, + "ndcg_at_100": 54.456, + "ndcg_at_1000": 56.363, + "ndcg_at_3": 43.483, + "ndcg_at_5": 46.150999999999996, + "precision_at_1": 36.91, + "precision_at_10": 9.700000000000001, + "precision_at_100": 1.557, + "precision_at_1000": 0.202, + "precision_at_3": 21.078, + "precision_at_5": 15.421999999999999, + "recall_at_1": 30.261, + "recall_at_10": 63.242, + "recall_at_100": 84.09100000000001, + "recall_at_1000": 96.143, + "recall_at_3": 46.478, + "recall_at_5": 53.708, + "main_score": 49.353 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.145, + "map_at_10": 40.996, + "map_at_100": 42.266999999999996, + "map_at_1000": 42.397, + "map_at_3": 38.005, + "map_at_5": 39.628, + "mrr_at_1": 38.344, + "mrr_at_10": 46.827000000000005, + "mrr_at_100": 47.446, + "mrr_at_1000": 47.489, + "mrr_at_3": 44.448, + "mrr_at_5": 45.747, + "ndcg_at_1": 38.344, + "ndcg_at_10": 46.733000000000004, + "ndcg_at_100": 51.103, + "ndcg_at_1000": 53.075, + "ndcg_at_3": 42.366, + "ndcg_at_5": 44.242, + "precision_at_1": 38.344, + "precision_at_10": 8.822000000000001, + "precision_at_100": 1.417, + "precision_at_1000": 0.187, + "precision_at_3": 20.403, + "precision_at_5": 14.306, + "recall_at_1": 31.145, + "recall_at_10": 56.909, + "recall_at_100": 75.274, + "recall_at_1000": 87.629, + "recall_at_3": 43.784, + "recall_at_5": 49.338, + "main_score": 46.733000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.83, + "map_at_10": 51.553000000000004, + "map_at_100": 52.581, + "map_at_1000": 52.638, + "map_at_3": 48.112, + "map_at_5": 50.095, + "mrr_at_1": 44.513999999999996, + "mrr_at_10": 54.998000000000005, + "mrr_at_100": 55.650999999999996, + "mrr_at_1000": 55.679, + "mrr_at_3": 52.602000000000004, + "mrr_at_5": 53.931, + "ndcg_at_1": 44.513999999999996, + "ndcg_at_10": 57.67400000000001, + "ndcg_at_100": 61.663999999999994, + "ndcg_at_1000": 62.743, + "ndcg_at_3": 51.964, + "ndcg_at_5": 54.773, + "precision_at_1": 44.513999999999996, + "precision_at_10": 9.423, + "precision_at_100": 1.2309999999999999, + "precision_at_1000": 0.13699999999999998, + "precision_at_3": 23.323, + "precision_at_5": 16.163, + "recall_at_1": 38.83, + "recall_at_10": 72.327, + "recall_at_100": 89.519, + "recall_at_1000": 97.041, + "recall_at_3": 57.206, + "recall_at_5": 63.88399999999999, + "main_score": 57.67400000000001 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.484, + "map_at_10": 34.527, + "map_at_100": 35.661, + "map_at_1000": 35.739, + "map_at_3": 32.199, + "map_at_5": 33.632, + "mrr_at_1": 27.458, + "mrr_at_10": 36.543, + "mrr_at_100": 37.482, + "mrr_at_1000": 37.543, + "mrr_at_3": 34.256, + "mrr_at_5": 35.618, + "ndcg_at_1": 27.458, + "ndcg_at_10": 39.396, + "ndcg_at_100": 44.742, + "ndcg_at_1000": 46.708, + "ndcg_at_3": 34.817, + "ndcg_at_5": 37.247, + "precision_at_1": 27.458, + "precision_at_10": 5.976999999999999, + "precision_at_100": 0.907, + "precision_at_1000": 0.11100000000000002, + "precision_at_3": 14.878, + "precision_at_5": 10.35, + "recall_at_1": 25.484, + "recall_at_10": 52.317, + "recall_at_100": 76.701, + "recall_at_1000": 91.408, + "recall_at_3": 40.043, + "recall_at_5": 45.879, + "main_score": 39.396 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.719, + "map_at_10": 25.269000000000002, + "map_at_100": 26.442, + "map_at_1000": 26.557, + "map_at_3": 22.56, + "map_at_5": 24.082, + "mrr_at_1": 20.896, + "mrr_at_10": 29.982999999999997, + "mrr_at_100": 30.895, + "mrr_at_1000": 30.961, + "mrr_at_3": 27.239, + "mrr_at_5": 28.787000000000003, + "ndcg_at_1": 20.896, + "ndcg_at_10": 30.814000000000004, + "ndcg_at_100": 36.418, + "ndcg_at_1000": 39.182, + "ndcg_at_3": 25.807999999999996, + "ndcg_at_5": 28.143, + "precision_at_1": 20.896, + "precision_at_10": 5.821, + "precision_at_100": 0.991, + "precision_at_1000": 0.136, + "precision_at_3": 12.562000000000001, + "precision_at_5": 9.254, + "recall_at_1": 16.719, + "recall_at_10": 43.155, + "recall_at_100": 67.831, + "recall_at_1000": 87.617, + "recall_at_3": 29.259, + "recall_at_5": 35.260999999999996, + "main_score": 30.814000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.398999999999997, + "map_at_10": 39.876, + "map_at_100": 41.205999999999996, + "map_at_1000": 41.321999999999996, + "map_at_3": 36.588, + "map_at_5": 38.538, + "mrr_at_1": 35.9, + "mrr_at_10": 45.528, + "mrr_at_100": 46.343, + "mrr_at_1000": 46.388, + "mrr_at_3": 42.862, + "mrr_at_5": 44.440000000000005, + "ndcg_at_1": 35.9, + "ndcg_at_10": 45.987, + "ndcg_at_100": 51.370000000000005, + "ndcg_at_1000": 53.400000000000006, + "ndcg_at_3": 40.841, + "ndcg_at_5": 43.447, + "precision_at_1": 35.9, + "precision_at_10": 8.393, + "precision_at_100": 1.283, + "precision_at_1000": 0.166, + "precision_at_3": 19.538, + "precision_at_5": 13.975000000000001, + "recall_at_1": 29.398999999999997, + "recall_at_10": 58.361, + "recall_at_100": 81.081, + "recall_at_1000": 94.004, + "recall_at_3": 43.657000000000004, + "recall_at_5": 50.519999999999996, + "main_score": 45.987 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.589, + "map_at_10": 31.608999999999998, + "map_at_100": 33.128, + "map_at_1000": 33.247, + "map_at_3": 28.671999999999997, + "map_at_5": 30.233999999999998, + "mrr_at_1": 26.712000000000003, + "mrr_at_10": 36.713, + "mrr_at_100": 37.713, + "mrr_at_1000": 37.771, + "mrr_at_3": 34.075, + "mrr_at_5": 35.451, + "ndcg_at_1": 26.712000000000003, + "ndcg_at_10": 37.519999999999996, + "ndcg_at_100": 43.946000000000005, + "ndcg_at_1000": 46.297, + "ndcg_at_3": 32.551, + "ndcg_at_5": 34.660999999999994, + "precision_at_1": 26.712000000000003, + "precision_at_10": 7.066, + "precision_at_100": 1.216, + "precision_at_1000": 0.157, + "precision_at_3": 15.906, + "precision_at_5": 11.437999999999999, + "recall_at_1": 21.589, + "recall_at_10": 50.090999999999994, + "recall_at_100": 77.43900000000001, + "recall_at_1000": 93.35900000000001, + "recall_at_3": 36.028999999999996, + "recall_at_5": 41.698, + "main_score": 37.519999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.121666666666663, + "map_at_10": 34.46258333333334, + "map_at_100": 35.710499999999996, + "map_at_1000": 35.82691666666666, + "map_at_3": 31.563249999999996, + "map_at_5": 33.189750000000004, + "mrr_at_1": 29.66441666666667, + "mrr_at_10": 38.5455, + "mrr_at_100": 39.39566666666667, + "mrr_at_1000": 39.45325, + "mrr_at_3": 36.003333333333345, + "mrr_at_5": 37.440916666666666, + "ndcg_at_1": 29.66441666666667, + "ndcg_at_10": 39.978416666666675, + "ndcg_at_100": 45.278666666666666, + "ndcg_at_1000": 47.52275, + "ndcg_at_3": 35.00058333333334, + "ndcg_at_5": 37.34908333333333, + "precision_at_1": 29.66441666666667, + "precision_at_10": 7.094500000000001, + "precision_at_100": 1.1523333333333332, + "precision_at_1000": 0.15358333333333332, + "precision_at_3": 16.184166666666663, + "precision_at_5": 11.6005, + "recall_at_1": 25.121666666666663, + "recall_at_10": 52.23975000000001, + "recall_at_100": 75.48408333333333, + "recall_at_1000": 90.95316666666668, + "recall_at_3": 38.38458333333333, + "recall_at_5": 44.39933333333333, + "main_score": 39.978416666666675 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.569000000000003, + "map_at_10": 30.389, + "map_at_100": 31.396, + "map_at_1000": 31.493, + "map_at_3": 28.276, + "map_at_5": 29.459000000000003, + "mrr_at_1": 26.534000000000002, + "mrr_at_10": 33.217999999999996, + "mrr_at_100": 34.054, + "mrr_at_1000": 34.12, + "mrr_at_3": 31.058000000000003, + "mrr_at_5": 32.330999999999996, + "ndcg_at_1": 26.534000000000002, + "ndcg_at_10": 34.608, + "ndcg_at_100": 39.391999999999996, + "ndcg_at_1000": 41.837999999999994, + "ndcg_at_3": 30.564999999999998, + "ndcg_at_5": 32.509, + "precision_at_1": 26.534000000000002, + "precision_at_10": 5.414, + "precision_at_100": 0.847, + "precision_at_1000": 0.11399999999999999, + "precision_at_3": 12.986, + "precision_at_5": 9.202, + "recall_at_1": 23.569000000000003, + "recall_at_10": 44.896, + "recall_at_100": 66.476, + "recall_at_1000": 84.548, + "recall_at_3": 33.79, + "recall_at_5": 38.512, + "main_score": 34.608 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.36, + "map_at_10": 23.57, + "map_at_100": 24.698999999999998, + "map_at_1000": 24.834999999999997, + "map_at_3": 21.093, + "map_at_5": 22.418, + "mrr_at_1": 19.718, + "mrr_at_10": 27.139999999999997, + "mrr_at_100": 28.097, + "mrr_at_1000": 28.177999999999997, + "mrr_at_3": 24.805, + "mrr_at_5": 26.121, + "ndcg_at_1": 19.718, + "ndcg_at_10": 28.238999999999997, + "ndcg_at_100": 33.663, + "ndcg_at_1000": 36.763, + "ndcg_at_3": 23.747, + "ndcg_at_5": 25.796000000000003, + "precision_at_1": 19.718, + "precision_at_10": 5.282, + "precision_at_100": 0.9390000000000001, + "precision_at_1000": 0.13899999999999998, + "precision_at_3": 11.264000000000001, + "precision_at_5": 8.341, + "recall_at_1": 16.36, + "recall_at_10": 38.669, + "recall_at_100": 63.184, + "recall_at_1000": 85.33800000000001, + "recall_at_3": 26.214, + "recall_at_5": 31.423000000000002, + "main_score": 28.238999999999997 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.618999999999996, + "map_at_10": 34.361999999999995, + "map_at_100": 35.534, + "map_at_1000": 35.634, + "map_at_3": 31.402, + "map_at_5": 32.815, + "mrr_at_1": 30.037000000000003, + "mrr_at_10": 38.284, + "mrr_at_100": 39.141999999999996, + "mrr_at_1000": 39.2, + "mrr_at_3": 35.603, + "mrr_at_5": 36.867, + "ndcg_at_1": 30.037000000000003, + "ndcg_at_10": 39.87, + "ndcg_at_100": 45.243, + "ndcg_at_1000": 47.507, + "ndcg_at_3": 34.371, + "ndcg_at_5": 36.521, + "precision_at_1": 30.037000000000003, + "precision_at_10": 6.819, + "precision_at_100": 1.0699999999999998, + "precision_at_1000": 0.13699999999999998, + "precision_at_3": 15.392, + "precision_at_5": 10.821, + "recall_at_1": 25.618999999999996, + "recall_at_10": 52.869, + "recall_at_100": 76.395, + "recall_at_1000": 92.19500000000001, + "recall_at_3": 37.943, + "recall_at_5": 43.342999999999996, + "main_score": 39.87 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.283, + "map_at_10": 32.155, + "map_at_100": 33.724, + "map_at_1000": 33.939, + "map_at_3": 29.018, + "map_at_5": 30.864000000000004, + "mrr_at_1": 28.063, + "mrr_at_10": 36.632, + "mrr_at_100": 37.606, + "mrr_at_1000": 37.671, + "mrr_at_3": 33.992, + "mrr_at_5": 35.613, + "ndcg_at_1": 28.063, + "ndcg_at_10": 38.024, + "ndcg_at_100": 44.292, + "ndcg_at_1000": 46.818, + "ndcg_at_3": 32.965, + "ndcg_at_5": 35.562, + "precision_at_1": 28.063, + "precision_at_10": 7.352, + "precision_at_100": 1.514, + "precision_at_1000": 0.23800000000000002, + "precision_at_3": 15.481, + "precision_at_5": 11.542, + "recall_at_1": 23.283, + "recall_at_10": 49.756, + "recall_at_100": 78.05, + "recall_at_1000": 93.854, + "recall_at_3": 35.408, + "recall_at_5": 42.187000000000005, + "main_score": 38.024 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.201999999999998, + "map_at_10": 26.826, + "map_at_100": 27.961000000000002, + "map_at_1000": 28.066999999999997, + "map_at_3": 24.237000000000002, + "map_at_5": 25.811, + "mrr_at_1": 20.887, + "mrr_at_10": 28.660000000000004, + "mrr_at_100": 29.660999999999998, + "mrr_at_1000": 29.731, + "mrr_at_3": 26.155, + "mrr_at_5": 27.68, + "ndcg_at_1": 20.887, + "ndcg_at_10": 31.523, + "ndcg_at_100": 37.055, + "ndcg_at_1000": 39.579, + "ndcg_at_3": 26.529000000000003, + "ndcg_at_5": 29.137, + "precision_at_1": 20.887, + "precision_at_10": 5.065, + "precision_at_100": 0.856, + "precision_at_1000": 0.11900000000000001, + "precision_at_3": 11.399, + "precision_at_5": 8.392, + "recall_at_1": 19.201999999999998, + "recall_at_10": 44.285000000000004, + "recall_at_100": 69.768, + "recall_at_1000": 88.302, + "recall_at_3": 30.804, + "recall_at_5": 37.039, + "main_score": 31.523 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/ClimateFEVER.json b/results/thenlper__gte-small/external/ClimateFEVER.json new file mode 100644 index 000000000..3b5c9eecb --- /dev/null +++ b/results/thenlper__gte-small/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 11.244, + "map_at_10": 18.956, + "map_at_100": 20.674, + "map_at_1000": 20.863, + "map_at_3": 15.923000000000002, + "map_at_5": 17.518, + "mrr_at_1": 25.080999999999996, + "mrr_at_10": 35.94, + "mrr_at_100": 36.969, + "mrr_at_1000": 37.013, + "mrr_at_3": 32.617000000000004, + "mrr_at_5": 34.682, + "ndcg_at_1": 25.080999999999996, + "ndcg_at_10": 26.539, + "ndcg_at_100": 33.601, + "ndcg_at_1000": 37.203, + "ndcg_at_3": 21.695999999999998, + "ndcg_at_5": 23.567, + "precision_at_1": 25.080999999999996, + "precision_at_10": 8.143, + "precision_at_100": 1.5650000000000002, + "precision_at_1000": 0.22300000000000003, + "precision_at_3": 15.983, + "precision_at_5": 12.417, + "recall_at_1": 11.244, + "recall_at_10": 31.457, + "recall_at_100": 55.92, + "recall_at_1000": 76.372, + "recall_at_3": 19.784, + "recall_at_5": 24.857000000000003, + "main_score": 26.539 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/DBPedia.json b/results/thenlper__gte-small/external/DBPedia.json new file mode 100644 index 000000000..3cb15faf5 --- /dev/null +++ b/results/thenlper__gte-small/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.595, + "map_at_10": 18.75, + "map_at_100": 26.354, + "map_at_1000": 27.912, + "map_at_3": 13.794, + "map_at_5": 16.021, + "mrr_at_1": 65.75, + "mrr_at_10": 73.837, + "mrr_at_100": 74.22800000000001, + "mrr_at_1000": 74.234, + "mrr_at_3": 72.5, + "mrr_at_5": 73.387, + "ndcg_at_1": 52.625, + "ndcg_at_10": 39.101, + "ndcg_at_100": 43.836000000000006, + "ndcg_at_1000": 51.086, + "ndcg_at_3": 44.229, + "ndcg_at_5": 41.555, + "precision_at_1": 65.75, + "precision_at_10": 30.45, + "precision_at_100": 9.81, + "precision_at_1000": 2.045, + "precision_at_3": 48.667, + "precision_at_5": 40.8, + "recall_at_1": 8.595, + "recall_at_10": 24.201, + "recall_at_100": 50.096, + "recall_at_1000": 72.677, + "recall_at_3": 15.212, + "recall_at_5": 18.745, + "main_score": 39.101 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/EmotionClassification.json b/results/thenlper__gte-small/external/EmotionClassification.json new file mode 100644 index 000000000..e415b33b1 --- /dev/null +++ b/results/thenlper__gte-small/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 46.565, + "f1": 41.49914329345582, + "main_score": 46.565 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/FEVER.json b/results/thenlper__gte-small/external/FEVER.json new file mode 100644 index 000000000..e5a15cd52 --- /dev/null +++ b/results/thenlper__gte-small/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 66.60000000000001, + "map_at_10": 76.838, + "map_at_100": 77.076, + "map_at_1000": 77.09, + "map_at_3": 75.545, + "map_at_5": 76.39, + "mrr_at_1": 71.707, + "mrr_at_10": 81.514, + "mrr_at_100": 81.64099999999999, + "mrr_at_1000": 81.645, + "mrr_at_3": 80.428, + "mrr_at_5": 81.159, + "ndcg_at_1": 71.707, + "ndcg_at_10": 81.545, + "ndcg_at_100": 82.477, + "ndcg_at_1000": 82.73899999999999, + "ndcg_at_3": 79.292, + "ndcg_at_5": 80.599, + "precision_at_1": 71.707, + "precision_at_10": 10.035, + "precision_at_100": 1.068, + "precision_at_1000": 0.11100000000000002, + "precision_at_3": 30.918, + "precision_at_5": 19.328, + "recall_at_1": 66.60000000000001, + "recall_at_10": 91.353, + "recall_at_100": 95.21, + "recall_at_1000": 96.89999999999999, + "recall_at_3": 85.188, + "recall_at_5": 88.52, + "main_score": 81.545 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/FiQA2018.json b/results/thenlper__gte-small/external/FiQA2018.json new file mode 100644 index 000000000..274009aca --- /dev/null +++ b/results/thenlper__gte-small/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.338, + "map_at_10": 31.752000000000002, + "map_at_100": 33.516, + "map_at_1000": 33.694, + "map_at_3": 27.716, + "map_at_5": 29.67, + "mrr_at_1": 38.117000000000004, + "mrr_at_10": 47.323, + "mrr_at_100": 48.13, + "mrr_at_1000": 48.161, + "mrr_at_3": 45.062000000000005, + "mrr_at_5": 46.358, + "ndcg_at_1": 38.117000000000004, + "ndcg_at_10": 39.353, + "ndcg_at_100": 46.044000000000004, + "ndcg_at_1000": 49.083, + "ndcg_at_3": 35.891, + "ndcg_at_5": 36.661, + "precision_at_1": 38.117000000000004, + "precision_at_10": 11.187999999999999, + "precision_at_100": 1.802, + "precision_at_1000": 0.234, + "precision_at_3": 24.126, + "precision_at_5": 17.562, + "recall_at_1": 19.338, + "recall_at_10": 45.735, + "recall_at_100": 71.281, + "recall_at_1000": 89.537, + "recall_at_3": 32.525, + "recall_at_5": 37.671, + "main_score": 39.353 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/HotpotQA.json b/results/thenlper__gte-small/external/HotpotQA.json new file mode 100644 index 000000000..c3880f808 --- /dev/null +++ b/results/thenlper__gte-small/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 36.995, + "map_at_10": 55.032000000000004, + "map_at_100": 55.86, + "map_at_1000": 55.932, + "map_at_3": 52.125, + "map_at_5": 53.884, + "mrr_at_1": 73.991, + "mrr_at_10": 80.096, + "mrr_at_100": 80.32000000000001, + "mrr_at_1000": 80.331, + "mrr_at_3": 79.037, + "mrr_at_5": 79.719, + "ndcg_at_1": 73.991, + "ndcg_at_10": 63.786, + "ndcg_at_100": 66.78, + "ndcg_at_1000": 68.255, + "ndcg_at_3": 59.501000000000005, + "ndcg_at_5": 61.82299999999999, + "precision_at_1": 73.991, + "precision_at_10": 13.157, + "precision_at_100": 1.552, + "precision_at_1000": 0.17500000000000002, + "precision_at_3": 37.519999999999996, + "precision_at_5": 24.351, + "recall_at_1": 36.995, + "recall_at_10": 65.78699999999999, + "recall_at_100": 77.583, + "recall_at_1000": 87.421, + "recall_at_3": 56.279999999999994, + "recall_at_5": 60.878, + "main_score": 63.786 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/ImdbClassification.json b/results/thenlper__gte-small/external/ImdbClassification.json new file mode 100644 index 000000000..8f5fe63fa --- /dev/null +++ b/results/thenlper__gte-small/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.80239999999999, + "ap": 81.97305141128378, + "f1": 86.76976305549273, + "main_score": 86.80239999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/MSMARCO.json b/results/thenlper__gte-small/external/MSMARCO.json new file mode 100644 index 000000000..384439f3f --- /dev/null +++ b/results/thenlper__gte-small/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.166, + "map_at_10": 33.396, + "map_at_100": 34.588, + "map_at_1000": 34.637, + "map_at_3": 29.509999999999998, + "map_at_5": 31.719, + "mrr_at_1": 21.762, + "mrr_at_10": 33.969, + "mrr_at_100": 35.099000000000004, + "mrr_at_1000": 35.141, + "mrr_at_3": 30.148000000000003, + "mrr_at_5": 32.324000000000005, + "ndcg_at_1": 21.776999999999997, + "ndcg_at_10": 40.306999999999995, + "ndcg_at_100": 46.068, + "ndcg_at_1000": 47.3, + "ndcg_at_3": 32.416, + "ndcg_at_5": 36.345, + "precision_at_1": 21.776999999999997, + "precision_at_10": 6.433, + "precision_at_100": 0.932, + "precision_at_1000": 0.104, + "precision_at_3": 13.897, + "precision_at_5": 10.324, + "recall_at_1": 21.166, + "recall_at_10": 61.587, + "recall_at_100": 88.251, + "recall_at_1000": 97.727, + "recall_at_3": 40.196, + "recall_at_5": 49.611, + "main_score": 40.306999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/MTOPDomainClassification.json b/results/thenlper__gte-small/external/MTOPDomainClassification.json new file mode 100644 index 000000000..ef19eebb0 --- /dev/null +++ b/results/thenlper__gte-small/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.04605563155496, + "f1": 92.78007303978372, + "main_score": 93.04605563155496 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/MTOPIntentClassification.json b/results/thenlper__gte-small/external/MTOPIntentClassification.json new file mode 100644 index 000000000..80342f686 --- /dev/null +++ b/results/thenlper__gte-small/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.65116279069767, + "f1": 52.75775172527262, + "main_score": 69.65116279069767 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/MassiveIntentClassification.json b/results/thenlper__gte-small/external/MassiveIntentClassification.json new file mode 100644 index 000000000..63e89f191 --- /dev/null +++ b/results/thenlper__gte-small/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.34633490248822, + "f1": 68.15345065392562, + "main_score": 70.34633490248822 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/MassiveScenarioClassification.json b/results/thenlper__gte-small/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..a3dc73ee4 --- /dev/null +++ b/results/thenlper__gte-small/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.63887020847343, + "f1": 76.08074680233685, + "main_score": 75.63887020847343 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/MedrxivClusteringP2P.json b/results/thenlper__gte-small/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..ae6149888 --- /dev/null +++ b/results/thenlper__gte-small/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.77933406071333, + "main_score": 33.77933406071333 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/MedrxivClusteringS2S.json b/results/thenlper__gte-small/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..a0cc6b2d3 --- /dev/null +++ b/results/thenlper__gte-small/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.06504927238196, + "main_score": 32.06504927238196 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/MindSmallReranking.json b/results/thenlper__gte-small/external/MindSmallReranking.json new file mode 100644 index 000000000..3b1930608 --- /dev/null +++ b/results/thenlper__gte-small/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 32.20682480490871, + "mrr": 33.41462721527003, + "main_score": 32.20682480490871 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/NFCorpus.json b/results/thenlper__gte-small/external/NFCorpus.json new file mode 100644 index 000000000..2a217f583 --- /dev/null +++ b/results/thenlper__gte-small/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.548, + "map_at_10": 13.086999999999998, + "map_at_100": 16.698, + "map_at_1000": 18.151999999999997, + "map_at_3": 9.576, + "map_at_5": 11.175, + "mrr_at_1": 44.272, + "mrr_at_10": 53.635999999999996, + "mrr_at_100": 54.228, + "mrr_at_1000": 54.26499999999999, + "mrr_at_3": 51.754, + "mrr_at_5": 53.086, + "ndcg_at_1": 42.724000000000004, + "ndcg_at_10": 34.769, + "ndcg_at_100": 32.283, + "ndcg_at_1000": 40.843, + "ndcg_at_3": 39.852, + "ndcg_at_5": 37.858999999999995, + "precision_at_1": 44.272, + "precision_at_10": 26.068, + "precision_at_100": 8.328000000000001, + "precision_at_1000": 2.1, + "precision_at_3": 37.874, + "precision_at_5": 33.065, + "recall_at_1": 5.548, + "recall_at_10": 16.936999999999998, + "recall_at_100": 33.72, + "recall_at_1000": 64.348, + "recall_at_3": 10.764999999999999, + "recall_at_5": 13.361, + "main_score": 34.769 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/NQ.json b/results/thenlper__gte-small/external/NQ.json new file mode 100644 index 000000000..d969db100 --- /dev/null +++ b/results/thenlper__gte-small/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.008, + "map_at_10": 42.675000000000004, + "map_at_100": 43.85, + "map_at_1000": 43.884, + "map_at_3": 38.286, + "map_at_5": 40.78, + "mrr_at_1": 31.518, + "mrr_at_10": 45.015, + "mrr_at_100": 45.924, + "mrr_at_1000": 45.946999999999996, + "mrr_at_3": 41.348, + "mrr_at_5": 43.428, + "ndcg_at_1": 31.489, + "ndcg_at_10": 50.285999999999994, + "ndcg_at_100": 55.291999999999994, + "ndcg_at_1000": 56.05, + "ndcg_at_3": 41.976, + "ndcg_at_5": 46.103, + "precision_at_1": 31.489, + "precision_at_10": 8.456, + "precision_at_100": 1.125, + "precision_at_1000": 0.12, + "precision_at_3": 19.09, + "precision_at_5": 13.841000000000001, + "recall_at_1": 28.008, + "recall_at_10": 71.21499999999999, + "recall_at_100": 92.99, + "recall_at_1000": 98.578, + "recall_at_3": 49.604, + "recall_at_5": 59.094, + "main_score": 50.285999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/QuoraRetrieval.json b/results/thenlper__gte-small/external/QuoraRetrieval.json new file mode 100644 index 000000000..f3e9efbad --- /dev/null +++ b/results/thenlper__gte-small/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 70.351, + "map_at_10": 84.163, + "map_at_100": 84.785, + "map_at_1000": 84.801, + "map_at_3": 81.16, + "map_at_5": 83.031, + "mrr_at_1": 80.96, + "mrr_at_10": 87.241, + "mrr_at_100": 87.346, + "mrr_at_1000": 87.347, + "mrr_at_3": 86.25699999999999, + "mrr_at_5": 86.907, + "ndcg_at_1": 80.97, + "ndcg_at_10": 88.017, + "ndcg_at_100": 89.241, + "ndcg_at_1000": 89.34299999999999, + "ndcg_at_3": 85.053, + "ndcg_at_5": 86.663, + "precision_at_1": 80.97, + "precision_at_10": 13.358, + "precision_at_100": 1.525, + "precision_at_1000": 0.157, + "precision_at_3": 37.143, + "precision_at_5": 24.451999999999998, + "recall_at_1": 70.351, + "recall_at_10": 95.39800000000001, + "recall_at_100": 99.55199999999999, + "recall_at_1000": 99.978, + "recall_at_3": 86.913, + "recall_at_5": 91.448, + "main_score": 88.017 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/RedditClustering.json b/results/thenlper__gte-small/external/RedditClustering.json new file mode 100644 index 000000000..497e82a3a --- /dev/null +++ b/results/thenlper__gte-small/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 55.62406719814139, + "main_score": 55.62406719814139 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/RedditClusteringP2P.json b/results/thenlper__gte-small/external/RedditClusteringP2P.json new file mode 100644 index 000000000..c7b4e5873 --- /dev/null +++ b/results/thenlper__gte-small/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 61.386700035141736, + "main_score": 61.386700035141736 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/SCIDOCS.json b/results/thenlper__gte-small/external/SCIDOCS.json new file mode 100644 index 000000000..5c0d49974 --- /dev/null +++ b/results/thenlper__gte-small/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.618, + "map_at_10": 12.920000000000002, + "map_at_100": 15.304, + "map_at_1000": 15.656999999999998, + "map_at_3": 9.187, + "map_at_5": 10.937, + "mrr_at_1": 22.8, + "mrr_at_10": 35.13, + "mrr_at_100": 36.239, + "mrr_at_1000": 36.291000000000004, + "mrr_at_3": 31.917, + "mrr_at_5": 33.787, + "ndcg_at_1": 22.8, + "ndcg_at_10": 21.382, + "ndcg_at_100": 30.257, + "ndcg_at_1000": 36.001, + "ndcg_at_3": 20.43, + "ndcg_at_5": 17.622, + "precision_at_1": 22.8, + "precision_at_10": 11.26, + "precision_at_100": 2.405, + "precision_at_1000": 0.377, + "precision_at_3": 19.633, + "precision_at_5": 15.68, + "recall_at_1": 4.618, + "recall_at_10": 22.811999999999998, + "recall_at_100": 48.787000000000006, + "recall_at_1000": 76.63799999999999, + "recall_at_3": 11.952, + "recall_at_5": 15.892000000000001, + "main_score": 21.382 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/SICK-R.json b/results/thenlper__gte-small/external/SICK-R.json new file mode 100644 index 000000000..d9513f6b8 --- /dev/null +++ b/results/thenlper__gte-small/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.01529458252244, + "cos_sim_spearman": 77.92985224770254, + "euclidean_pearson": 81.04251429422487, + "euclidean_spearman": 77.92838490549133, + "manhattan_pearson": 80.95892251458979, + "manhattan_spearman": 77.81028089705941, + "cosine_pearson": 84.01529458252244, + "cosine_spearman": 77.92985224770254, + "main_score": 77.92985224770254 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/STS12.json b/results/thenlper__gte-small/external/STS12.json new file mode 100644 index 000000000..f0562de61 --- /dev/null +++ b/results/thenlper__gte-small/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.97885282534388, + "cos_sim_spearman": 75.1221970851712, + "euclidean_pearson": 80.34455956720097, + "euclidean_spearman": 74.5894274239938, + "manhattan_pearson": 80.38999766325465, + "manhattan_spearman": 74.68524557166975, + "cosine_pearson": 83.97885282534388, + "cosine_spearman": 75.1221970851712, + "main_score": 75.1221970851712 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/STS13.json b/results/thenlper__gte-small/external/STS13.json new file mode 100644 index 000000000..be99bb5d1 --- /dev/null +++ b/results/thenlper__gte-small/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.95746064915672, + "cos_sim_spearman": 85.08683458043946, + "euclidean_pearson": 84.56699492836385, + "euclidean_spearman": 85.66089116133713, + "manhattan_pearson": 84.47553323458541, + "manhattan_spearman": 85.56142206781472, + "cosine_pearson": 82.95746064915672, + "cosine_spearman": 85.08683458043946, + "main_score": 85.08683458043946 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/STS14.json b/results/thenlper__gte-small/external/STS14.json new file mode 100644 index 000000000..fdacbb303 --- /dev/null +++ b/results/thenlper__gte-small/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.71377893595067, + "cos_sim_spearman": 81.03453291428589, + "euclidean_pearson": 82.57136298308613, + "euclidean_spearman": 81.15839961890875, + "manhattan_pearson": 82.55157879373837, + "manhattan_spearman": 81.1540163767054, + "cosine_pearson": 82.71377893595067, + "cosine_spearman": 81.03453291428589, + "main_score": 81.03453291428589 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/STS15.json b/results/thenlper__gte-small/external/STS15.json new file mode 100644 index 000000000..62ad3c5db --- /dev/null +++ b/results/thenlper__gte-small/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.64197832372373, + "cos_sim_spearman": 88.31966852492485, + "euclidean_pearson": 87.98692129976983, + "euclidean_spearman": 88.6247340837856, + "manhattan_pearson": 87.90437827826412, + "manhattan_spearman": 88.56278787131457, + "cosine_pearson": 86.64197832372373, + "cosine_spearman": 88.31966852492485, + "main_score": 88.31966852492485 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/STS16.json b/results/thenlper__gte-small/external/STS16.json new file mode 100644 index 000000000..bec656424 --- /dev/null +++ b/results/thenlper__gte-small/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.84159950146693, + "cos_sim_spearman": 83.90678384140168, + "euclidean_pearson": 83.19005018860221, + "euclidean_spearman": 84.16260415876295, + "manhattan_pearson": 83.05030612994494, + "manhattan_spearman": 83.99605629718336, + "cosine_pearson": 81.84159950146693, + "cosine_spearman": 83.90678384140168, + "main_score": 83.90678384140168 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/STS17.json b/results/thenlper__gte-small/external/STS17.json new file mode 100644 index 000000000..553294a06 --- /dev/null +++ b/results/thenlper__gte-small/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.49935350176666, + "cos_sim_spearman": 87.59086606735383, + "euclidean_pearson": 88.06537181129983, + "euclidean_spearman": 87.6687448086014, + "manhattan_pearson": 87.96599131972935, + "manhattan_spearman": 87.63295748969642, + "cosine_pearson": 87.49935350176666, + "cosine_spearman": 87.59086606735383, + "main_score": 87.59086606735383 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/STS22.json b/results/thenlper__gte-small/external/STS22.json new file mode 100644 index 000000000..03ec4a917 --- /dev/null +++ b/results/thenlper__gte-small/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 67.68232799482763, + "cos_sim_spearman": 67.99930378085793, + "euclidean_pearson": 68.50275360001696, + "euclidean_spearman": 67.81588179309259, + "manhattan_pearson": 68.5892154749763, + "manhattan_spearman": 67.84357259640682, + "cosine_pearson": 67.68232799482763, + "cosine_spearman": 67.99930378085793, + "main_score": 67.99930378085793 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/STSBenchmark.json b/results/thenlper__gte-small/external/STSBenchmark.json new file mode 100644 index 000000000..0d190f936 --- /dev/null +++ b/results/thenlper__gte-small/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.37049618406554, + "cos_sim_spearman": 85.57014313159492, + "euclidean_pearson": 85.57469513908282, + "euclidean_spearman": 85.661948135258, + "manhattan_pearson": 85.36866831229028, + "manhattan_spearman": 85.5043455368843, + "cosine_pearson": 84.37049618406554, + "cosine_spearman": 85.57014313159492, + "main_score": 85.57014313159492 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/SciDocsRR.json b/results/thenlper__gte-small/external/SciDocsRR.json new file mode 100644 index 000000000..05f930772 --- /dev/null +++ b/results/thenlper__gte-small/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 84.83259065376154, + "mrr": 95.58455433455433, + "main_score": 84.83259065376154 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/SciFact.json b/results/thenlper__gte-small/external/SciFact.json new file mode 100644 index 000000000..cb8a7875f --- /dev/null +++ b/results/thenlper__gte-small/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 58.817, + "map_at_10": 68.459, + "map_at_100": 68.951, + "map_at_1000": 68.979, + "map_at_3": 65.791, + "map_at_5": 67.583, + "mrr_at_1": 61.667, + "mrr_at_10": 69.368, + "mrr_at_100": 69.721, + "mrr_at_1000": 69.744, + "mrr_at_3": 67.278, + "mrr_at_5": 68.611, + "ndcg_at_1": 61.667, + "ndcg_at_10": 72.70100000000001, + "ndcg_at_100": 74.928, + "ndcg_at_1000": 75.553, + "ndcg_at_3": 68.203, + "ndcg_at_5": 70.804, + "precision_at_1": 61.667, + "precision_at_10": 9.533, + "precision_at_100": 1.077, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 26.444000000000003, + "precision_at_5": 17.599999999999998, + "recall_at_1": 58.817, + "recall_at_10": 84.789, + "recall_at_100": 95.0, + "recall_at_1000": 99.667, + "recall_at_3": 72.8, + "recall_at_5": 79.294, + "main_score": 72.70100000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/SprintDuplicateQuestions.json b/results/thenlper__gte-small/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..e60ab44dd --- /dev/null +++ b/results/thenlper__gte-small/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.8108910891089, + "cos_sim_ap": 95.5743678558349, + "cos_sim_f1": 90.43133366385722, + "cos_sim_precision": 89.67551622418878, + "cos_sim_recall": 91.2, + "dot_accuracy": 99.75841584158415, + "dot_ap": 94.00786363627253, + "dot_f1": 87.51910341314316, + "dot_precision": 89.20041536863967, + "dot_recall": 85.9, + "euclidean_accuracy": 99.81485148514851, + "euclidean_ap": 95.4752113136905, + "euclidean_f1": 90.44334975369456, + "euclidean_precision": 89.126213592233, + "euclidean_recall": 91.8, + "manhattan_accuracy": 99.81584158415842, + "manhattan_ap": 95.5163172682464, + "manhattan_f1": 90.51987767584097, + "manhattan_precision": 92.3076923076923, + "manhattan_recall": 88.8, + "max_accuracy": 99.81584158415842, + "max_ap": 95.5743678558349, + "max_f1": 90.51987767584097, + "main_score": 95.5743678558349 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/StackExchangeClustering.json b/results/thenlper__gte-small/external/StackExchangeClustering.json new file mode 100644 index 000000000..a591a0bcc --- /dev/null +++ b/results/thenlper__gte-small/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 62.63235986949449, + "main_score": 62.63235986949449 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/StackExchangeClusteringP2P.json b/results/thenlper__gte-small/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..e9bf467cb --- /dev/null +++ b/results/thenlper__gte-small/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.334795589585575, + "main_score": 36.334795589585575 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/StackOverflowDupQuestions.json b/results/thenlper__gte-small/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..548e4c07d --- /dev/null +++ b/results/thenlper__gte-small/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 52.02955214518782, + "mrr": 52.8004838298956, + "main_score": 52.02955214518782 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/SummEval.json b/results/thenlper__gte-small/external/SummEval.json new file mode 100644 index 000000000..09f3fb4bd --- /dev/null +++ b/results/thenlper__gte-small/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.63769566275453, + "cos_sim_spearman": 30.422379185989335, + "dot_pearson": 26.88493071882256, + "dot_spearman": 26.505249740971305, + "cosine_pearson": 30.63769566275453, + "cosine_spearman": 30.422379185989335, + "main_score": 30.422379185989335 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/TRECCOVID.json b/results/thenlper__gte-small/external/TRECCOVID.json new file mode 100644 index 000000000..7755f2fcd --- /dev/null +++ b/results/thenlper__gte-small/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.21, + "map_at_10": 1.654, + "map_at_100": 10.095, + "map_at_1000": 25.808999999999997, + "map_at_3": 0.594, + "map_at_5": 0.9289999999999999, + "mrr_at_1": 78.0, + "mrr_at_10": 87.019, + "mrr_at_100": 87.019, + "mrr_at_1000": 87.019, + "mrr_at_3": 86.333, + "mrr_at_5": 86.733, + "ndcg_at_1": 73.0, + "ndcg_at_10": 66.52900000000001, + "ndcg_at_100": 53.433, + "ndcg_at_1000": 51.324000000000005, + "ndcg_at_3": 72.02199999999999, + "ndcg_at_5": 69.696, + "precision_at_1": 78.0, + "precision_at_10": 70.39999999999999, + "precision_at_100": 55.46, + "precision_at_1000": 22.758, + "precision_at_3": 76.667, + "precision_at_5": 74.0, + "recall_at_1": 0.21, + "recall_at_10": 1.8849999999999998, + "recall_at_100": 13.801, + "recall_at_1000": 49.649, + "recall_at_3": 0.632, + "recall_at_5": 1.009, + "main_score": 66.52900000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/Touche2020.json b/results/thenlper__gte-small/external/Touche2020.json new file mode 100644 index 000000000..0546197c0 --- /dev/null +++ b/results/thenlper__gte-small/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 1.797, + "map_at_10": 9.01, + "map_at_100": 14.682, + "map_at_1000": 16.336000000000002, + "map_at_3": 4.546, + "map_at_5": 5.9270000000000005, + "mrr_at_1": 24.490000000000002, + "mrr_at_10": 41.156, + "mrr_at_100": 42.392, + "mrr_at_1000": 42.408, + "mrr_at_3": 38.775999999999996, + "mrr_at_5": 40.102, + "ndcg_at_1": 21.429000000000002, + "ndcg_at_10": 22.222, + "ndcg_at_100": 34.405, + "ndcg_at_1000": 46.599000000000004, + "ndcg_at_3": 25.261, + "ndcg_at_5": 22.695999999999998, + "precision_at_1": 24.490000000000002, + "precision_at_10": 19.796, + "precision_at_100": 7.306, + "precision_at_1000": 1.5350000000000001, + "precision_at_3": 27.211000000000002, + "precision_at_5": 22.857, + "recall_at_1": 1.797, + "recall_at_10": 15.706000000000001, + "recall_at_100": 46.412, + "recall_at_1000": 83.159, + "recall_at_3": 6.1370000000000005, + "recall_at_5": 8.599, + "main_score": 22.222 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/ToxicConversationsClassification.json b/results/thenlper__gte-small/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..f08fce008 --- /dev/null +++ b/results/thenlper__gte-small/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.3302, + "ap": 14.169121204575601, + "f1": 54.229345975274235, + "main_score": 70.3302 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/TweetSentimentExtractionClassification.json b/results/thenlper__gte-small/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..5507894a0 --- /dev/null +++ b/results/thenlper__gte-small/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 58.22297679683077, + "f1": 58.62984908377875, + "main_score": 58.22297679683077 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/TwentyNewsgroupsClustering.json b/results/thenlper__gte-small/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..58b90f114 --- /dev/null +++ b/results/thenlper__gte-small/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 49.952922428464255, + "main_score": 49.952922428464255 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/TwitterSemEval2015.json b/results/thenlper__gte-small/external/TwitterSemEval2015.json new file mode 100644 index 000000000..e0a2b554a --- /dev/null +++ b/results/thenlper__gte-small/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 84.68140907194373, + "cos_sim_ap": 70.12180123666836, + "cos_sim_f1": 65.77501791258658, + "cos_sim_precision": 60.07853403141361, + "cos_sim_recall": 72.66490765171504, + "dot_accuracy": 81.92167848840674, + "dot_ap": 60.49837581423469, + "dot_f1": 58.44186046511628, + "dot_precision": 52.24532224532224, + "dot_recall": 66.3060686015831, + "euclidean_accuracy": 84.73505394289802, + "euclidean_ap": 70.3278904593286, + "euclidean_f1": 65.98851124940161, + "euclidean_precision": 60.38107752956636, + "euclidean_recall": 72.74406332453826, + "manhattan_accuracy": 84.73505394289802, + "manhattan_ap": 70.00737738537337, + "manhattan_f1": 65.80150784822642, + "manhattan_precision": 61.892583120204606, + "manhattan_recall": 70.23746701846966, + "max_accuracy": 84.73505394289802, + "max_ap": 70.3278904593286, + "max_f1": 65.98851124940161, + "main_score": 70.3278904593286 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/TwitterURLCorpus.json b/results/thenlper__gte-small/external/TwitterURLCorpus.json new file mode 100644 index 000000000..f7c40e0e9 --- /dev/null +++ b/results/thenlper__gte-small/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.44258159661582, + "cos_sim_ap": 84.91926704880888, + "cos_sim_f1": 77.07651086632926, + "cos_sim_precision": 74.5894554883319, + "cos_sim_recall": 79.73514012935017, + "dot_accuracy": 85.88116583226608, + "dot_ap": 78.9753854779923, + "dot_f1": 72.17757637979255, + "dot_precision": 66.80647486729143, + "dot_recall": 78.48783492454572, + "euclidean_accuracy": 88.5299025885823, + "euclidean_ap": 85.08006075642194, + "euclidean_f1": 77.29637336504163, + "euclidean_precision": 74.69836253950014, + "euclidean_recall": 80.08161379735141, + "manhattan_accuracy": 88.55124771995187, + "manhattan_ap": 85.00941529932851, + "manhattan_f1": 77.33100233100232, + "manhattan_precision": 73.37572573956317, + "manhattan_recall": 81.73698798891284, + "max_accuracy": 88.55124771995187, + "max_ap": 85.08006075642194, + "max_f1": 77.33100233100232, + "main_score": 85.08006075642194 + } + ] + } +} \ No newline at end of file diff --git a/results/thenlper__gte-small/external/model_meta.json b/results/thenlper__gte-small/external/model_meta.json new file mode 100644 index 000000000..07989aa2b --- /dev/null +++ b/results/thenlper__gte-small/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "thenlper/gte-small", + "revision": "50c7dd33df1027ef560fd504d95e277948c3c886", + "release_date": "2023-07-27", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 33360512, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 384, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/AFQMC.json b/results/thtang__ALL_862873/external/AFQMC.json new file mode 100644 index 000000000..0fdb72e8f --- /dev/null +++ b/results/thtang__ALL_862873/external/AFQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 3.322530620021471, + "cos_sim_spearman": 3.7583567993545195, + "euclidean_pearson": 3.743782192206081, + "euclidean_spearman": 3.758336694921531, + "manhattan_pearson": 3.845233721819267, + "manhattan_spearman": 3.8542743797718026, + "cosine_pearson": 3.322530620021471, + "cosine_spearman": 3.7583567993545195, + "main_score": 3.7583567993545195 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/ATEC.json b/results/thtang__ALL_862873/external/ATEC.json new file mode 100644 index 000000000..3bb4edf8f --- /dev/null +++ b/results/thtang__ALL_862873/external/ATEC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 8.552640773272078, + "cos_sim_spearman": 10.086360519713061, + "euclidean_pearson": 9.902099049347935, + "euclidean_spearman": 10.086351512635042, + "manhattan_pearson": 9.898006826713932, + "manhattan_spearman": 10.076531690161783, + "cosine_pearson": 8.552640773272078, + "cosine_spearman": 10.086360519713061, + "main_score": 10.086360519713061 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/AmazonCounterfactualClassification.json b/results/thtang__ALL_862873/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..ee7d092fb --- /dev/null +++ b/results/thtang__ALL_862873/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 50.805970149253746, + "ap": 21.350961103104364, + "f1": 46.546166439875044, + "main_score": 50.805970149253746 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/AmazonPolarityClassification.json b/results/thtang__ALL_862873/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..e98e534a5 --- /dev/null +++ b/results/thtang__ALL_862873/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 52.567125000000004, + "ap": 51.37893936391345, + "f1": 51.8411977908125, + "main_score": 52.567125000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/AmazonReviewsClassification.json b/results/thtang__ALL_862873/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..ce7c7232d --- /dev/null +++ b/results/thtang__ALL_862873/external/AmazonReviewsClassification.json @@ -0,0 +1,28 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 22.63, + "f1": 21.964526516204575, + "main_score": 22.63 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 21.955999999999996, + "f1": 20.596128116112816, + "main_score": 21.955999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/ArguAna.json b/results/thtang__ALL_862873/external/ArguAna.json new file mode 100644 index 000000000..2aa07e0d6 --- /dev/null +++ b/results/thtang__ALL_862873/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 1.991, + "map_at_10": 4.095, + "map_at_100": 4.763, + "map_at_1000": 4.8759999999999994, + "map_at_3": 3.3070000000000004, + "map_at_5": 3.73, + "mrr_at_1": 2.0629999999999997, + "mrr_at_10": 4.119, + "mrr_at_100": 4.787, + "mrr_at_1000": 4.9, + "mrr_at_3": 3.331, + "mrr_at_5": 3.768, + "ndcg_at_1": 1.991, + "ndcg_at_10": 5.346, + "ndcg_at_100": 9.181000000000001, + "ndcg_at_1000": 13.004, + "ndcg_at_3": 3.7199999999999998, + "ndcg_at_5": 4.482, + "precision_at_1": 1.991, + "precision_at_10": 0.9390000000000001, + "precision_at_100": 0.28700000000000003, + "precision_at_1000": 0.061, + "precision_at_3": 1.636, + "precision_at_5": 1.351, + "recall_at_1": 1.991, + "recall_at_10": 9.388, + "recall_at_100": 28.663, + "recall_at_1000": 60.597, + "recall_at_3": 4.9079999999999995, + "recall_at_5": 6.757000000000001, + "main_score": 5.346 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/ArxivClusteringP2P.json b/results/thtang__ALL_862873/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..ad067c412 --- /dev/null +++ b/results/thtang__ALL_862873/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 14.790995349964428, + "main_score": 14.790995349964428 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/ArxivClusteringS2S.json b/results/thtang__ALL_862873/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..83d3a022c --- /dev/null +++ b/results/thtang__ALL_862873/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 12.248406292959412, + "main_score": 12.248406292959412 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/AskUbuntuDupQuestions.json b/results/thtang__ALL_862873/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..c5a45c8e5 --- /dev/null +++ b/results/thtang__ALL_862873/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 44.88116875696166, + "mrr": 56.07439651760981, + "main_score": 44.88116875696166 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/BIOSSES.json b/results/thtang__ALL_862873/external/BIOSSES.json new file mode 100644 index 000000000..338f35a24 --- /dev/null +++ b/results/thtang__ALL_862873/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 19.26573437410263, + "cos_sim_spearman": 21.34145013484056, + "euclidean_pearson": 22.39226418475093, + "euclidean_spearman": 23.511981519581447, + "manhattan_pearson": 22.14346931904813, + "manhattan_spearman": 23.39390654000631, + "cosine_pearson": 19.26573437410263, + "cosine_spearman": 21.34145013484056, + "main_score": 21.34145013484056 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/BQ.json b/results/thtang__ALL_862873/external/BQ.json new file mode 100644 index 000000000..7ff9b7385 --- /dev/null +++ b/results/thtang__ALL_862873/external/BQ.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 17.6945509937099, + "cos_sim_spearman": 19.312286927022825, + "euclidean_pearson": 19.259393744977515, + "euclidean_spearman": 19.312290390892713, + "manhattan_pearson": 19.223527109645772, + "manhattan_spearman": 19.32655209742963, + "cosine_pearson": 17.6945509937099, + "cosine_spearman": 19.312286927022825, + "main_score": 19.312286927022825 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/Banking77Classification.json b/results/thtang__ALL_862873/external/Banking77Classification.json new file mode 100644 index 000000000..5304ac81f --- /dev/null +++ b/results/thtang__ALL_862873/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 36.42857142857143, + "f1": 34.81640976406094, + "main_score": 36.42857142857143 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/BiorxivClusteringP2P.json b/results/thtang__ALL_862873/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..79559bfdf --- /dev/null +++ b/results/thtang__ALL_862873/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 13.94296328377691, + "main_score": 13.94296328377691 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/BiorxivClusteringS2S.json b/results/thtang__ALL_862873/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..20646e9ce --- /dev/null +++ b/results/thtang__ALL_862873/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 9.790764523161606, + "main_score": 9.790764523161606 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/CLSClusteringP2P.json b/results/thtang__ALL_862873/external/CLSClusteringP2P.json new file mode 100644 index 000000000..417470e3b --- /dev/null +++ b/results/thtang__ALL_862873/external/CLSClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 18.657841790313405, + "main_score": 18.657841790313405 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/CLSClusteringS2S.json b/results/thtang__ALL_862873/external/CLSClusteringS2S.json new file mode 100644 index 000000000..128e310c9 --- /dev/null +++ b/results/thtang__ALL_862873/external/CLSClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 16.82483158478091, + "main_score": 16.82483158478091 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/CQADupstackAndroidRetrieval.json b/results/thtang__ALL_862873/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..c70030e7b --- /dev/null +++ b/results/thtang__ALL_862873/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,454 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.968, + "map_at_10": 2.106, + "map_at_100": 2.411, + "map_at_1000": 2.4899999999999998, + "map_at_3": 1.797, + "map_at_5": 1.9959999999999998, + "mrr_at_1": 1.717, + "mrr_at_10": 3.0349999999999997, + "mrr_at_100": 3.4029999999999996, + "mrr_at_1000": 3.486, + "mrr_at_3": 2.6470000000000002, + "mrr_at_5": 2.876, + "ndcg_at_1": 1.717, + "ndcg_at_10": 2.9059999999999997, + "ndcg_at_100": 4.715, + "ndcg_at_1000": 7.318, + "ndcg_at_3": 2.415, + "ndcg_at_5": 2.682, + "precision_at_1": 1.717, + "precision_at_10": 0.658, + "precision_at_100": 0.197, + "precision_at_1000": 0.054, + "precision_at_3": 1.431, + "precision_at_5": 1.059, + "recall_at_1": 0.968, + "recall_at_10": 4.531000000000001, + "recall_at_100": 13.081000000000001, + "recall_at_1000": 32.443, + "recall_at_3": 2.8850000000000002, + "recall_at_5": 3.768, + "main_score": 2.9059999999999997 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.9390000000000001, + "map_at_10": 1.516, + "map_at_100": 1.6680000000000001, + "map_at_1000": 1.701, + "map_at_3": 1.314, + "map_at_5": 1.388, + "mrr_at_1": 1.146, + "mrr_at_10": 1.96, + "mrr_at_100": 2.166, + "mrr_at_1000": 2.207, + "mrr_at_3": 1.72, + "mrr_at_5": 1.796, + "ndcg_at_1": 1.146, + "ndcg_at_10": 1.9769999999999999, + "ndcg_at_100": 2.8400000000000003, + "ndcg_at_1000": 4.035, + "ndcg_at_3": 1.5859999999999999, + "ndcg_at_5": 1.6709999999999998, + "precision_at_1": 1.146, + "precision_at_10": 0.43299999999999994, + "precision_at_100": 0.11100000000000002, + "precision_at_1000": 0.027999999999999997, + "precision_at_3": 0.8699999999999999, + "precision_at_5": 0.611, + "recall_at_1": 0.9390000000000001, + "recall_at_10": 2.949, + "recall_at_100": 6.737, + "recall_at_1000": 15.604999999999999, + "recall_at_3": 1.846, + "recall_at_5": 2.08, + "main_score": 1.9769999999999999 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 1.28, + "map_at_10": 2.157, + "map_at_100": 2.401, + "map_at_1000": 2.4570000000000003, + "map_at_3": 1.865, + "map_at_5": 1.928, + "mrr_at_1": 1.505, + "mrr_at_10": 2.52, + "mrr_at_100": 2.782, + "mrr_at_1000": 2.8400000000000003, + "mrr_at_3": 2.1839999999999997, + "mrr_at_5": 2.2689999999999997, + "ndcg_at_1": 1.505, + "ndcg_at_10": 2.798, + "ndcg_at_100": 4.2090000000000005, + "ndcg_at_1000": 6.105, + "ndcg_at_3": 2.157, + "ndcg_at_5": 2.258, + "precision_at_1": 1.505, + "precision_at_10": 0.5519999999999999, + "precision_at_100": 0.146, + "precision_at_1000": 0.034999999999999996, + "precision_at_3": 1.024, + "precision_at_5": 0.7020000000000001, + "recall_at_1": 1.28, + "recall_at_10": 4.455, + "recall_at_100": 11.169, + "recall_at_1000": 26.046000000000003, + "recall_at_3": 2.6270000000000002, + "recall_at_5": 2.899, + "main_score": 2.798 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.264, + "map_at_10": 0.615, + "map_at_100": 0.76, + "map_at_1000": 0.803, + "map_at_3": 0.40499999999999997, + "map_at_5": 0.512, + "mrr_at_1": 0.33899999999999997, + "mrr_at_10": 0.718, + "mrr_at_100": 0.8880000000000001, + "mrr_at_1000": 0.935, + "mrr_at_3": 0.508, + "mrr_at_5": 0.616, + "ndcg_at_1": 0.33899999999999997, + "ndcg_at_10": 0.9079999999999999, + "ndcg_at_100": 1.9029999999999998, + "ndcg_at_1000": 3.4939999999999998, + "ndcg_at_3": 0.46499999999999997, + "ndcg_at_5": 0.655, + "precision_at_1": 0.33899999999999997, + "precision_at_10": 0.192, + "precision_at_100": 0.079, + "precision_at_1000": 0.023, + "precision_at_3": 0.22599999999999998, + "precision_at_5": 0.22599999999999998, + "recall_at_1": 0.264, + "recall_at_10": 1.789, + "recall_at_100": 6.927, + "recall_at_1000": 19.922, + "recall_at_3": 0.5459999999999999, + "recall_at_5": 0.9979999999999999, + "main_score": 0.9079999999999999 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.5599999999999999, + "map_at_10": 0.9129999999999999, + "map_at_100": 1.027, + "map_at_1000": 1.072, + "map_at_3": 0.715, + "map_at_5": 0.826, + "mrr_at_1": 0.8710000000000001, + "mrr_at_10": 1.331, + "mrr_at_100": 1.494, + "mrr_at_1000": 1.547, + "mrr_at_3": 1.119, + "mrr_at_5": 1.269, + "ndcg_at_1": 0.8710000000000001, + "ndcg_at_10": 1.2590000000000001, + "ndcg_at_100": 2.023, + "ndcg_at_1000": 3.737, + "ndcg_at_3": 0.8750000000000001, + "ndcg_at_5": 1.079, + "precision_at_1": 0.8710000000000001, + "precision_at_10": 0.28600000000000003, + "precision_at_100": 0.086, + "precision_at_1000": 0.027999999999999997, + "precision_at_3": 0.498, + "precision_at_5": 0.42300000000000004, + "recall_at_1": 0.5599999999999999, + "recall_at_10": 1.907, + "recall_at_100": 5.492, + "recall_at_1000": 18.974, + "recall_at_3": 0.943, + "recall_at_5": 1.41, + "main_score": 1.2590000000000001 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 1.9720000000000002, + "map_at_10": 2.968, + "map_at_100": 3.2009999999999996, + "map_at_1000": 3.2680000000000002, + "map_at_3": 2.683, + "map_at_5": 2.8369999999999997, + "mrr_at_1": 2.406, + "mrr_at_10": 3.567, + "mrr_at_100": 3.884, + "mrr_at_1000": 3.948, + "mrr_at_3": 3.2239999999999998, + "mrr_at_5": 3.383, + "ndcg_at_1": 2.406, + "ndcg_at_10": 3.63, + "ndcg_at_100": 5.155, + "ndcg_at_1000": 7.381, + "ndcg_at_3": 3.078, + "ndcg_at_5": 3.3070000000000004, + "precision_at_1": 2.406, + "precision_at_10": 0.635, + "precision_at_100": 0.184, + "precision_at_1000": 0.048, + "precision_at_3": 1.4120000000000001, + "precision_at_5": 1.001, + "recall_at_1": 1.9720000000000002, + "recall_at_10": 5.152, + "recall_at_100": 12.173, + "recall_at_1000": 28.811999999999998, + "recall_at_3": 3.556, + "recall_at_5": 4.181, + "main_score": 3.63 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.346, + "map_at_10": 0.619, + "map_at_100": 0.743, + "map_at_1000": 0.788, + "map_at_3": 0.5369999999999999, + "map_at_5": 0.551, + "mrr_at_1": 0.571, + "mrr_at_10": 1.0619999999999998, + "mrr_at_100": 1.2109999999999999, + "mrr_at_1000": 1.265, + "mrr_at_3": 0.818, + "mrr_at_5": 0.927, + "ndcg_at_1": 0.571, + "ndcg_at_10": 0.919, + "ndcg_at_100": 1.688, + "ndcg_at_1000": 3.3649999999999998, + "ndcg_at_3": 0.6779999999999999, + "ndcg_at_5": 0.7230000000000001, + "precision_at_1": 0.571, + "precision_at_10": 0.27399999999999997, + "precision_at_100": 0.084, + "precision_at_1000": 0.029, + "precision_at_3": 0.381, + "precision_at_5": 0.32, + "recall_at_1": 0.346, + "recall_at_10": 1.397, + "recall_at_100": 5.079000000000001, + "recall_at_1000": 18.060000000000002, + "recall_at_3": 0.774, + "recall_at_5": 0.8340000000000001, + "main_score": 0.919 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.69, + "map_at_10": 0.897, + "map_at_100": 1.0030000000000001, + "map_at_1000": 1.034, + "map_at_3": 0.818, + "map_at_5": 0.864, + "mrr_at_1": 0.767, + "mrr_at_10": 1.008, + "mrr_at_100": 1.145, + "mrr_at_1000": 1.183, + "mrr_at_3": 0.895, + "mrr_at_5": 0.9560000000000001, + "ndcg_at_1": 0.767, + "ndcg_at_10": 1.0739999999999998, + "ndcg_at_100": 1.757, + "ndcg_at_1000": 2.9090000000000003, + "ndcg_at_3": 0.881, + "ndcg_at_5": 0.9769999999999999, + "precision_at_1": 0.767, + "precision_at_10": 0.184, + "precision_at_100": 0.06, + "precision_at_1000": 0.018000000000000002, + "precision_at_3": 0.358, + "precision_at_5": 0.27599999999999997, + "recall_at_1": 0.69, + "recall_at_10": 1.508, + "recall_at_100": 4.858, + "recall_at_1000": 14.007, + "recall_at_3": 0.997, + "recall_at_5": 1.2269999999999999, + "main_score": 1.0739999999999998 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.338, + "map_at_10": 0.661, + "map_at_100": 0.7969999999999999, + "map_at_1000": 0.8290000000000001, + "map_at_3": 0.5559999999999999, + "map_at_5": 0.5910000000000001, + "mrr_at_1": 0.482, + "mrr_at_10": 0.88, + "mrr_at_100": 1.036, + "mrr_at_1000": 1.075, + "mrr_at_3": 0.74, + "mrr_at_5": 0.779, + "ndcg_at_1": 0.482, + "ndcg_at_10": 0.924, + "ndcg_at_100": 1.736, + "ndcg_at_1000": 2.926, + "ndcg_at_3": 0.677, + "ndcg_at_5": 0.732, + "precision_at_1": 0.482, + "precision_at_10": 0.20600000000000002, + "precision_at_100": 0.078, + "precision_at_1000": 0.023, + "precision_at_3": 0.367, + "precision_at_5": 0.255, + "recall_at_1": 0.338, + "recall_at_10": 1.545, + "recall_at_100": 5.38, + "recall_at_1000": 14.609, + "recall_at_3": 0.826, + "recall_at_5": 0.975, + "main_score": 0.924 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.8240000000000001, + "map_at_10": 1.254, + "map_at_100": 1.389, + "map_at_1000": 1.419, + "map_at_3": 1.158, + "map_at_5": 1.189, + "mrr_at_1": 0.9329999999999999, + "mrr_at_10": 1.4200000000000002, + "mrr_at_100": 1.59, + "mrr_at_1000": 1.629, + "mrr_at_3": 1.29, + "mrr_at_5": 1.332, + "ndcg_at_1": 0.9329999999999999, + "ndcg_at_10": 1.53, + "ndcg_at_100": 2.418, + "ndcg_at_1000": 3.7310000000000003, + "ndcg_at_3": 1.302, + "ndcg_at_5": 1.363, + "precision_at_1": 0.9329999999999999, + "precision_at_10": 0.271, + "precision_at_100": 0.083, + "precision_at_1000": 0.024, + "precision_at_3": 0.622, + "precision_at_5": 0.41000000000000003, + "recall_at_1": 0.8240000000000001, + "recall_at_10": 2.1999999999999997, + "recall_at_100": 6.584, + "recall_at_1000": 17.068, + "recall_at_3": 1.5859999999999999, + "recall_at_5": 1.7260000000000002, + "main_score": 1.53 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.404, + "map_at_10": 0.788, + "map_at_100": 0.9860000000000001, + "map_at_1000": 1.04, + "map_at_3": 0.676, + "map_at_5": 0.733, + "mrr_at_1": 0.5930000000000001, + "mrr_at_10": 1.278, + "mrr_at_100": 1.545, + "mrr_at_1000": 1.599, + "mrr_at_3": 1.054, + "mrr_at_5": 1.192, + "ndcg_at_1": 0.5930000000000001, + "ndcg_at_10": 1.1280000000000001, + "ndcg_at_100": 2.2689999999999997, + "ndcg_at_1000": 4.274, + "ndcg_at_3": 0.919, + "ndcg_at_5": 1.038, + "precision_at_1": 0.5930000000000001, + "precision_at_10": 0.296, + "precision_at_100": 0.152, + "precision_at_1000": 0.05, + "precision_at_3": 0.527, + "precision_at_5": 0.47400000000000003, + "recall_at_1": 0.404, + "recall_at_10": 1.601, + "recall_at_100": 6.885, + "recall_at_1000": 22.356, + "recall_at_3": 0.9490000000000001, + "recall_at_5": 1.206, + "main_score": 1.1280000000000001 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.185, + "map_at_10": 0.192, + "map_at_100": 0.271, + "map_at_1000": 0.307, + "map_at_3": 0.185, + "map_at_5": 0.185, + "mrr_at_1": 0.185, + "mrr_at_10": 0.20500000000000002, + "mrr_at_100": 0.292, + "mrr_at_1000": 0.331, + "mrr_at_3": 0.185, + "mrr_at_5": 0.185, + "ndcg_at_1": 0.185, + "ndcg_at_10": 0.211, + "ndcg_at_100": 0.757, + "ndcg_at_1000": 1.928, + "ndcg_at_3": 0.185, + "ndcg_at_5": 0.185, + "precision_at_1": 0.185, + "precision_at_10": 0.037, + "precision_at_100": 0.039, + "precision_at_1000": 0.015, + "precision_at_3": 0.062, + "precision_at_5": 0.037, + "recall_at_1": 0.185, + "recall_at_10": 0.246, + "recall_at_100": 3.05, + "recall_at_1000": 12.5, + "recall_at_3": 0.185, + "recall_at_5": 0.185, + "main_score": 0.211 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/ClimateFEVER.json b/results/thtang__ALL_862873/external/ClimateFEVER.json new file mode 100644 index 000000000..8976ba161 --- /dev/null +++ b/results/thtang__ALL_862873/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.241, + "map_at_10": 0.372, + "map_at_100": 0.45999999999999996, + "map_at_1000": 0.47600000000000003, + "map_at_3": 0.33999999999999997, + "map_at_5": 0.359, + "mrr_at_1": 0.651, + "mrr_at_10": 1.03, + "mrr_at_100": 1.2489999999999999, + "mrr_at_1000": 1.282, + "mrr_at_3": 0.9450000000000001, + "mrr_at_5": 1.0030000000000001, + "ndcg_at_1": 0.651, + "ndcg_at_10": 0.588, + "ndcg_at_100": 1.2550000000000001, + "ndcg_at_1000": 1.9040000000000001, + "ndcg_at_3": 0.547, + "ndcg_at_5": 0.549, + "precision_at_1": 0.651, + "precision_at_10": 0.182, + "precision_at_100": 0.086, + "precision_at_1000": 0.02, + "precision_at_3": 0.434, + "precision_at_5": 0.313, + "recall_at_1": 0.241, + "recall_at_10": 0.63, + "recall_at_100": 3.1759999999999997, + "recall_at_1000": 7.175, + "recall_at_3": 0.46299999999999997, + "recall_at_5": 0.543, + "main_score": 0.588 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/CmedqaRetrieval.json b/results/thtang__ALL_862873/external/CmedqaRetrieval.json new file mode 100644 index 000000000..fdaaf9d7c --- /dev/null +++ b/results/thtang__ALL_862873/external/CmedqaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 1.026, + "map_at_10": 1.6389999999999998, + "map_at_100": 1.875, + "map_at_1000": 1.9529999999999998, + "map_at_3": 1.417, + "map_at_5": 1.5110000000000001, + "mrr_at_1": 1.525, + "mrr_at_10": 2.478, + "mrr_at_100": 2.779, + "mrr_at_1000": 2.861, + "mrr_at_3": 2.105, + "mrr_at_5": 2.283, + "ndcg_at_1": 1.525, + "ndcg_at_10": 2.222, + "ndcg_at_100": 3.81, + "ndcg_at_1000": 6.465999999999999, + "ndcg_at_3": 1.7489999999999999, + "ndcg_at_5": 1.8980000000000001, + "precision_at_1": 1.525, + "precision_at_10": 0.543, + "precision_at_100": 0.187, + "precision_at_1000": 0.055, + "precision_at_3": 0.992, + "precision_at_5": 0.76, + "recall_at_1": 1.026, + "recall_at_10": 3.1780000000000004, + "recall_at_100": 10.481, + "recall_at_1000": 29.735, + "recall_at_3": 1.8849999999999998, + "recall_at_5": 2.2560000000000002, + "main_score": 2.222 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/Cmnli.json b/results/thtang__ALL_862873/external/Cmnli.json new file mode 100644 index 000000000..8fc36a6a3 --- /dev/null +++ b/results/thtang__ALL_862873/external/Cmnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Cmnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 54.99699338544799, + "cos_sim_ap": 57.78007274332544, + "cos_sim_f1": 67.95391338895512, + "cos_sim_precision": 51.46846413095811, + "cos_sim_recall": 99.9766191255553, + "dot_accuracy": 54.99699338544799, + "dot_ap": 57.7791056074979, + "dot_f1": 67.95391338895512, + "dot_precision": 51.46846413095811, + "dot_recall": 99.9766191255553, + "euclidean_accuracy": 54.99699338544799, + "euclidean_ap": 57.7800760462191, + "euclidean_f1": 67.95391338895512, + "euclidean_precision": 51.46846413095811, + "euclidean_recall": 99.9766191255553, + "manhattan_accuracy": 55.05712567648827, + "manhattan_ap": 57.8146828916844, + "manhattan_f1": 67.95900532295227, + "manhattan_precision": 51.46811070998797, + "manhattan_recall": 100, + "max_accuracy": 55.05712567648827, + "max_ap": 57.8146828916844, + "max_f1": 67.95900532295227, + "main_score": 55.05712567648827 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/CovidRetrieval.json b/results/thtang__ALL_862873/external/CovidRetrieval.json new file mode 100644 index 000000000..de34eb319 --- /dev/null +++ b/results/thtang__ALL_862873/external/CovidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 0.632, + "map_at_10": 1.7510000000000001, + "map_at_100": 2.004, + "map_at_1000": 2.0660000000000003, + "map_at_3": 1.493, + "map_at_5": 1.635, + "mrr_at_1": 0.632, + "mrr_at_10": 1.7670000000000001, + "mrr_at_100": 2.02, + "mrr_at_1000": 2.081, + "mrr_at_3": 1.528, + "mrr_at_5": 1.649, + "ndcg_at_1": 0.632, + "ndcg_at_10": 2.32, + "ndcg_at_100": 3.758, + "ndcg_at_1000": 5.894, + "ndcg_at_3": 1.7850000000000001, + "ndcg_at_5": 2.044, + "precision_at_1": 0.632, + "precision_at_10": 0.411, + "precision_at_100": 0.11399999999999999, + "precision_at_1000": 0.03, + "precision_at_3": 0.878, + "precision_at_5": 0.653, + "recall_at_1": 0.632, + "recall_at_10": 4.109999999999999, + "recall_at_100": 11.222, + "recall_at_1000": 29.083, + "recall_at_3": 2.634, + "recall_at_5": 3.267, + "main_score": 2.32 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/DBPedia.json b/results/thtang__ALL_862873/external/DBPedia.json new file mode 100644 index 000000000..52ba25c1c --- /dev/null +++ b/results/thtang__ALL_862873/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.04, + "map_at_10": 0.089, + "map_at_100": 0.133, + "map_at_1000": 0.165, + "map_at_3": 0.054, + "map_at_5": 0.056999999999999995, + "mrr_at_1": 0.75, + "mrr_at_10": 1.4749999999999999, + "mrr_at_100": 1.8010000000000002, + "mrr_at_1000": 1.847, + "mrr_at_3": 1.208, + "mrr_at_5": 1.333, + "ndcg_at_1": 0.625, + "ndcg_at_10": 0.428, + "ndcg_at_100": 0.705, + "ndcg_at_1000": 1.564, + "ndcg_at_3": 0.5369999999999999, + "ndcg_at_5": 0.468, + "precision_at_1": 0.75, + "precision_at_10": 0.375, + "precision_at_100": 0.27499999999999997, + "precision_at_1000": 0.10300000000000001, + "precision_at_3": 0.583, + "precision_at_5": 0.5, + "recall_at_1": 0.04, + "recall_at_10": 0.385, + "recall_at_100": 1.2670000000000001, + "recall_at_1000": 4.522, + "recall_at_3": 0.07100000000000001, + "recall_at_5": 0.08099999999999999, + "main_score": 0.428 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/DuRetrieval.json b/results/thtang__ALL_862873/external/DuRetrieval.json new file mode 100644 index 000000000..0532b94d0 --- /dev/null +++ b/results/thtang__ALL_862873/external/DuRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 1.436, + "map_at_10": 3.4099999999999997, + "map_at_100": 4.128, + "map_at_1000": 4.282, + "map_at_3": 2.423, + "map_at_5": 2.927, + "mrr_at_1": 6, + "mrr_at_10": 9.701, + "mrr_at_100": 10.347000000000001, + "mrr_at_1000": 10.427999999999999, + "mrr_at_3": 8.267, + "mrr_at_5": 9.004, + "ndcg_at_1": 6, + "ndcg_at_10": 5.856, + "ndcg_at_100": 9.063, + "ndcg_at_1000": 12.475999999999999, + "ndcg_at_3": 5.253, + "ndcg_at_5": 5.223, + "precision_at_1": 6, + "precision_at_10": 3.125, + "precision_at_100": 0.812, + "precision_at_1000": 0.169, + "precision_at_3": 4.7669999999999995, + "precision_at_5": 4.15, + "recall_at_1": 1.436, + "recall_at_10": 6.544999999999999, + "recall_at_100": 16.634999999999998, + "recall_at_1000": 33.987, + "recall_at_3": 3.144, + "recall_at_5": 4.519, + "main_score": 5.856 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/EcomRetrieval.json b/results/thtang__ALL_862873/external/EcomRetrieval.json new file mode 100644 index 000000000..57fd2a7c6 --- /dev/null +++ b/results/thtang__ALL_862873/external/EcomRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 4.1000000000000005, + "map_at_10": 7.911, + "map_at_100": 8.92, + "map_at_1000": 9.033, + "map_at_3": 6.4, + "map_at_5": 7.23, + "mrr_at_1": 4.1000000000000005, + "mrr_at_10": 7.911, + "mrr_at_100": 8.92, + "mrr_at_1000": 9.033, + "mrr_at_3": 6.4, + "mrr_at_5": 7.23, + "ndcg_at_1": 4.1000000000000005, + "ndcg_at_10": 10.374, + "ndcg_at_100": 15.879999999999999, + "ndcg_at_1000": 19.246, + "ndcg_at_3": 7.217, + "ndcg_at_5": 8.706, + "precision_at_1": 4.1000000000000005, + "precision_at_10": 1.8399999999999999, + "precision_at_100": 0.45599999999999996, + "precision_at_1000": 0.073, + "precision_at_3": 3.2, + "precision_at_5": 2.64, + "recall_at_1": 4.1000000000000005, + "recall_at_10": 18.4, + "recall_at_100": 45.6, + "recall_at_1000": 72.89999999999999, + "recall_at_3": 9.6, + "recall_at_5": 13.200000000000001, + "main_score": 10.374 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/EmotionClassification.json b/results/thtang__ALL_862873/external/EmotionClassification.json new file mode 100644 index 000000000..94a9c6911 --- /dev/null +++ b/results/thtang__ALL_862873/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 22.749999999999996, + "f1": 19.335020165482693, + "main_score": 22.749999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/FEVER.json b/results/thtang__ALL_862873/external/FEVER.json new file mode 100644 index 000000000..29722a9b0 --- /dev/null +++ b/results/thtang__ALL_862873/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.257, + "map_at_10": 0.416, + "map_at_100": 0.451, + "map_at_1000": 0.46499999999999997, + "map_at_3": 0.37, + "map_at_5": 0.386, + "mrr_at_1": 0.27, + "mrr_at_10": 0.44200000000000006, + "mrr_at_100": 0.48, + "mrr_at_1000": 0.49500000000000005, + "mrr_at_3": 0.38999999999999996, + "mrr_at_5": 0.411, + "ndcg_at_1": 0.27, + "ndcg_at_10": 0.51, + "ndcg_at_100": 0.738, + "ndcg_at_1000": 1.2630000000000001, + "ndcg_at_3": 0.41000000000000003, + "ndcg_at_5": 0.439, + "precision_at_1": 0.27, + "precision_at_10": 0.084, + "precision_at_100": 0.021, + "precision_at_1000": 0.006999999999999999, + "precision_at_3": 0.17500000000000002, + "precision_at_5": 0.123, + "recall_at_1": 0.257, + "recall_at_10": 0.786, + "recall_at_100": 1.959, + "recall_at_1000": 6.334, + "recall_at_3": 0.49699999999999994, + "recall_at_5": 0.5680000000000001, + "main_score": 0.51 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/FiQA2018.json b/results/thtang__ALL_862873/external/FiQA2018.json new file mode 100644 index 000000000..0ed9f29e9 --- /dev/null +++ b/results/thtang__ALL_862873/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.28900000000000003, + "map_at_10": 0.475, + "map_at_100": 0.559, + "map_at_1000": 0.5930000000000001, + "map_at_3": 0.38999999999999996, + "map_at_5": 0.41700000000000004, + "mrr_at_1": 0.772, + "mrr_at_10": 1.107, + "mrr_at_100": 1.269, + "mrr_at_1000": 1.323, + "mrr_at_3": 0.9520000000000001, + "mrr_at_5": 1.0290000000000001, + "ndcg_at_1": 0.772, + "ndcg_at_10": 0.755, + "ndcg_at_100": 1.256, + "ndcg_at_1000": 2.55, + "ndcg_at_3": 0.633, + "ndcg_at_5": 0.639, + "precision_at_1": 0.772, + "precision_at_10": 0.262, + "precision_at_100": 0.082, + "precision_at_1000": 0.03, + "precision_at_3": 0.46299999999999997, + "precision_at_5": 0.33999999999999997, + "recall_at_1": 0.28900000000000003, + "recall_at_10": 0.976, + "recall_at_100": 2.802, + "recall_at_1000": 11.466, + "recall_at_3": 0.54, + "recall_at_5": 0.6479999999999999, + "main_score": 0.755 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/HotpotQA.json b/results/thtang__ALL_862873/external/HotpotQA.json new file mode 100644 index 000000000..fd57d97e9 --- /dev/null +++ b/results/thtang__ALL_862873/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.257, + "map_at_10": 0.395, + "map_at_100": 0.436, + "map_at_1000": 0.447, + "map_at_3": 0.347, + "map_at_5": 0.369, + "mrr_at_1": 0.513, + "mrr_at_10": 0.787, + "mrr_at_100": 0.865, + "mrr_at_1000": 0.8840000000000001, + "mrr_at_3": 0.6930000000000001, + "mrr_at_5": 0.738, + "ndcg_at_1": 0.513, + "ndcg_at_10": 0.587, + "ndcg_at_100": 0.881, + "ndcg_at_1000": 1.336, + "ndcg_at_3": 0.46299999999999997, + "ndcg_at_5": 0.511, + "precision_at_1": 0.513, + "precision_at_10": 0.151, + "precision_at_100": 0.04, + "precision_at_1000": 0.01, + "precision_at_3": 0.311, + "precision_at_5": 0.22399999999999998, + "recall_at_1": 0.257, + "recall_at_10": 0.756, + "recall_at_100": 1.9849999999999999, + "recall_at_1000": 5.111000000000001, + "recall_at_3": 0.466, + "recall_at_5": 0.5599999999999999, + "main_score": 0.587 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/IFlyTek.json b/results/thtang__ALL_862873/external/IFlyTek.json new file mode 100644 index 000000000..57111576b --- /dev/null +++ b/results/thtang__ALL_862873/external/IFlyTek.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 20.353982300884958, + "f1": 12.69588085868714, + "main_score": 20.353982300884958 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/ImdbClassification.json b/results/thtang__ALL_862873/external/ImdbClassification.json new file mode 100644 index 000000000..49b2f6eb3 --- /dev/null +++ b/results/thtang__ALL_862873/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 50.76400000000001, + "ap": 50.41569411130455, + "f1": 50.14266303576945, + "main_score": 50.76400000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/JDReview.json b/results/thtang__ALL_862873/external/JDReview.json new file mode 100644 index 000000000..db86f3d8e --- /dev/null +++ b/results/thtang__ALL_862873/external/JDReview.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 55.497185741088174, + "ap": 20.43046737602198, + "f1": 48.93980371558734, + "main_score": 55.497185741088174 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/LCQMC.json b/results/thtang__ALL_862873/external/LCQMC.json new file mode 100644 index 000000000..0da2aa1b5 --- /dev/null +++ b/results/thtang__ALL_862873/external/LCQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 32.588967426128654, + "cos_sim_spearman": 42.14900040682406, + "euclidean_pearson": 39.568373451615685, + "euclidean_spearman": 42.14899152396297, + "manhattan_pearson": 39.5220710244444, + "manhattan_spearman": 42.14787636056146, + "cosine_pearson": 32.588967426128654, + "cosine_spearman": 42.14900040682406, + "main_score": 42.14900040682406 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/MMarcoReranking.json b/results/thtang__ALL_862873/external/MMarcoReranking.json new file mode 100644 index 000000000..c25ccad79 --- /dev/null +++ b/results/thtang__ALL_862873/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 1.1655156335725807, + "mrr": 0.2361111111111111, + "main_score": 1.1655156335725807 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/MMarcoRetrieval.json b/results/thtang__ALL_862873/external/MMarcoRetrieval.json new file mode 100644 index 000000000..d0a18f63c --- /dev/null +++ b/results/thtang__ALL_862873/external/MMarcoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 1.9029999999999998, + "map_at_10": 2.9139999999999997, + "map_at_100": 3.2259999999999995, + "map_at_1000": 3.2870000000000004, + "map_at_3": 2.483, + "map_at_5": 2.71, + "mrr_at_1": 2.02, + "mrr_at_10": 3.064, + "mrr_at_100": 3.382, + "mrr_at_1000": 3.4419999999999997, + "mrr_at_3": 2.622, + "mrr_at_5": 2.855, + "ndcg_at_1": 2.02, + "ndcg_at_10": 3.639, + "ndcg_at_100": 5.431, + "ndcg_at_1000": 7.404, + "ndcg_at_3": 2.723, + "ndcg_at_5": 3.1350000000000002, + "precision_at_1": 2.02, + "precision_at_10": 0.626, + "precision_at_100": 0.159, + "precision_at_1000": 0.033, + "precision_at_3": 1.17, + "precision_at_5": 0.9199999999999999, + "recall_at_1": 1.9029999999999998, + "recall_at_10": 5.831, + "recall_at_100": 14.737, + "recall_at_1000": 30.84, + "recall_at_3": 3.2870000000000004, + "recall_at_5": 4.282, + "main_score": 3.639 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/MSMARCO.json b/results/thtang__ALL_862873/external/MSMARCO.json new file mode 100644 index 000000000..712395d38 --- /dev/null +++ b/results/thtang__ALL_862873/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.14300000000000002, + "map_at_10": 0.23700000000000002, + "map_at_100": 0.27799999999999997, + "map_at_1000": 0.291, + "map_at_3": 0.197, + "map_at_5": 0.215, + "mrr_at_1": 0.14300000000000002, + "mrr_at_10": 0.247, + "mrr_at_100": 0.29, + "mrr_at_1000": 0.303, + "mrr_at_3": 0.201, + "mrr_at_5": 0.219, + "ndcg_at_1": 0.14300000000000002, + "ndcg_at_10": 0.307, + "ndcg_at_100": 0.5720000000000001, + "ndcg_at_1000": 1.053, + "ndcg_at_3": 0.215, + "ndcg_at_5": 0.248, + "precision_at_1": 0.14300000000000002, + "precision_at_10": 0.056999999999999995, + "precision_at_100": 0.02, + "precision_at_1000": 0.006, + "precision_at_3": 0.091, + "precision_at_5": 0.07200000000000001, + "recall_at_1": 0.14300000000000002, + "recall_at_10": 0.522, + "recall_at_100": 1.9009999999999998, + "recall_at_1000": 5.893000000000001, + "recall_at_3": 0.263, + "recall_at_5": 0.34099999999999997, + "main_score": 0.307 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/MTOPDomainClassification.json b/results/thtang__ALL_862873/external/MTOPDomainClassification.json new file mode 100644 index 000000000..301135051 --- /dev/null +++ b/results/thtang__ALL_862873/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.03283173734611, + "f1": 61.24012492746259, + "main_score": 61.03283173734611 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/MTOPIntentClassification.json b/results/thtang__ALL_862873/external/MTOPIntentClassification.json new file mode 100644 index 000000000..1f1a698f8 --- /dev/null +++ b/results/thtang__ALL_862873/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 29.68308253533972, + "f1": 16.243459114946905, + "main_score": 29.68308253533972 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/MassiveIntentClassification.json b/results/thtang__ALL_862873/external/MassiveIntentClassification.json new file mode 100644 index 000000000..dfddad2a0 --- /dev/null +++ b/results/thtang__ALL_862873/external/MassiveIntentClassification.json @@ -0,0 +1,28 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 34.330867518493605, + "f1": 33.176158044175935, + "main_score": 34.330867518493605 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 25.3866845998655, + "f1": 23.404809615998495, + "main_score": 25.3866845998655 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/MassiveScenarioClassification.json b/results/thtang__ALL_862873/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..b757030f6 --- /dev/null +++ b/results/thtang__ALL_862873/external/MassiveScenarioClassification.json @@ -0,0 +1,28 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 44.13248150638871, + "f1": 44.24904249078732, + "main_score": 44.13248150638871 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 40.34969737726966, + "f1": 37.88244646590394, + "main_score": 40.34969737726966 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/MedicalRetrieval.json b/results/thtang__ALL_862873/external/MedicalRetrieval.json new file mode 100644 index 000000000..fc2d7c85d --- /dev/null +++ b/results/thtang__ALL_862873/external/MedicalRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 1.5, + "map_at_10": 2.0740000000000003, + "map_at_100": 2.2079999999999997, + "map_at_1000": 2.241, + "map_at_3": 1.933, + "map_at_5": 2.023, + "mrr_at_1": 1.5, + "mrr_at_10": 2.0740000000000003, + "mrr_at_100": 2.2079999999999997, + "mrr_at_1000": 2.241, + "mrr_at_3": 1.933, + "mrr_at_5": 2.023, + "ndcg_at_1": 1.5, + "ndcg_at_10": 2.368, + "ndcg_at_100": 3.309, + "ndcg_at_1000": 4.593, + "ndcg_at_3": 2.0789999999999997, + "ndcg_at_5": 2.242, + "precision_at_1": 1.5, + "precision_at_10": 0.33, + "precision_at_100": 0.084, + "precision_at_1000": 0.019, + "precision_at_3": 0.8330000000000001, + "precision_at_5": 0.58, + "recall_at_1": 1.5, + "recall_at_10": 3.3000000000000003, + "recall_at_100": 8.4, + "recall_at_1000": 19.400000000000002, + "recall_at_3": 2.5, + "recall_at_5": 2.9000000000000004, + "main_score": 2.368 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/MedrxivClusteringP2P.json b/results/thtang__ALL_862873/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..44a3e3349 --- /dev/null +++ b/results/thtang__ALL_862873/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 15.698400177259078, + "main_score": 15.698400177259078 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/MedrxivClusteringS2S.json b/results/thtang__ALL_862873/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..237616bbb --- /dev/null +++ b/results/thtang__ALL_862873/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 14.888797785310235, + "main_score": 14.888797785310235 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/MindSmallReranking.json b/results/thtang__ALL_862873/external/MindSmallReranking.json new file mode 100644 index 000000000..06f732fb2 --- /dev/null +++ b/results/thtang__ALL_862873/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 25.652445385382126, + "mrr": 25.891573325600227, + "main_score": 25.652445385382126 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/MultilingualSentiment.json b/results/thtang__ALL_862873/external/MultilingualSentiment.json new file mode 100644 index 000000000..18d1e1d8c --- /dev/null +++ b/results/thtang__ALL_862873/external/MultilingualSentiment.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 38.94, + "f1": 38.4171730136538, + "main_score": 38.94 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/NFCorpus.json b/results/thtang__ALL_862873/external/NFCorpus.json new file mode 100644 index 000000000..0d5424e83 --- /dev/null +++ b/results/thtang__ALL_862873/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.322, + "map_at_10": 0.7230000000000001, + "map_at_100": 1.248, + "map_at_1000": 1.873, + "map_at_3": 0.479, + "map_at_5": 0.5700000000000001, + "mrr_at_1": 6.502, + "mrr_at_10": 10.735, + "mrr_at_100": 11.848, + "mrr_at_1000": 11.995000000000001, + "mrr_at_3": 9.391, + "mrr_at_5": 9.732000000000001, + "ndcg_at_1": 6.037, + "ndcg_at_10": 4.873, + "ndcg_at_100": 5.959, + "ndcg_at_1000": 14.424000000000001, + "ndcg_at_3": 5.4559999999999995, + "ndcg_at_5": 5.074, + "precision_at_1": 6.192, + "precision_at_10": 4.458, + "precision_at_100": 2.5700000000000003, + "precision_at_1000": 1.3679999999999999, + "precision_at_3": 5.676, + "precision_at_5": 4.954, + "recall_at_1": 0.322, + "recall_at_10": 1.545, + "recall_at_100": 8.301, + "recall_at_1000": 37.294, + "recall_at_3": 0.623, + "recall_at_5": 0.865, + "main_score": 4.873 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/NQ.json b/results/thtang__ALL_862873/external/NQ.json new file mode 100644 index 000000000..5ce9153c5 --- /dev/null +++ b/results/thtang__ALL_862873/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.188, + "map_at_10": 0.27, + "map_at_100": 0.322, + "map_at_1000": 0.335, + "map_at_3": 0.246, + "map_at_5": 0.246, + "mrr_at_1": 0.203, + "mrr_at_10": 0.28300000000000003, + "mrr_at_100": 0.344, + "mrr_at_1000": 0.357, + "mrr_at_3": 0.261, + "mrr_at_5": 0.261, + "ndcg_at_1": 0.203, + "ndcg_at_10": 0.329, + "ndcg_at_100": 0.628, + "ndcg_at_1000": 1.0959999999999999, + "ndcg_at_3": 0.272, + "ndcg_at_5": 0.272, + "precision_at_1": 0.203, + "precision_at_10": 0.055, + "precision_at_100": 0.024, + "precision_at_1000": 0.006999999999999999, + "precision_at_3": 0.116, + "precision_at_5": 0.06999999999999999, + "recall_at_1": 0.188, + "recall_at_10": 0.507, + "recall_at_100": 1.883, + "recall_at_1000": 5.609999999999999, + "recall_at_3": 0.333, + "recall_at_5": 0.333, + "main_score": 0.329 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/Ocnli.json b/results/thtang__ALL_862873/external/Ocnli.json new file mode 100644 index 000000000..d461f80e0 --- /dev/null +++ b/results/thtang__ALL_862873/external/Ocnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Ocnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 54.141851651326476, + "cos_sim_ap": 55.63298007661861, + "cos_sim_f1": 67.85195936139333, + "cos_sim_precision": 51.68601437258153, + "cos_sim_recall": 98.73284054910243, + "dot_accuracy": 54.141851651326476, + "dot_ap": 55.63298007661861, + "dot_f1": 67.85195936139333, + "dot_precision": 51.68601437258153, + "dot_recall": 98.73284054910243, + "euclidean_accuracy": 54.141851651326476, + "euclidean_ap": 55.63298007661861, + "euclidean_f1": 67.85195936139333, + "euclidean_precision": 51.68601437258153, + "euclidean_recall": 98.73284054910243, + "manhattan_accuracy": 54.03356794802382, + "manhattan_ap": 55.650247173847944, + "manhattan_f1": 67.83667621776503, + "manhattan_precision": 51.32791327913279, + "manhattan_recall": 100, + "max_accuracy": 54.141851651326476, + "max_ap": 55.650247173847944, + "max_f1": 67.85195936139333, + "main_score": 54.141851651326476 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/OnlineShopping.json b/results/thtang__ALL_862873/external/OnlineShopping.json new file mode 100644 index 000000000..ac9325615 --- /dev/null +++ b/results/thtang__ALL_862873/external/OnlineShopping.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 56.88999999999999, + "ap": 56.075855594697835, + "f1": 56.31094564241924, + "main_score": 56.88999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/PAWSX.json b/results/thtang__ALL_862873/external/PAWSX.json new file mode 100644 index 000000000..f374d82c7 --- /dev/null +++ b/results/thtang__ALL_862873/external/PAWSX.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 10.023575042969506, + "cos_sim_spearman": 6.135169971774927, + "euclidean_pearson": 9.219072035876794, + "euclidean_spearman": 6.147945631319713, + "manhattan_pearson": 9.208267921398097, + "manhattan_spearman": 6.156480815791583, + "cosine_pearson": 10.023575042969506, + "cosine_spearman": 6.135169971774927, + "main_score": 6.135169971774927 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/QBQTC.json b/results/thtang__ALL_862873/external/QBQTC.json new file mode 100644 index 000000000..bee65c9ec --- /dev/null +++ b/results/thtang__ALL_862873/external/QBQTC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "QBQTC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 5.7230819885069435, + "cos_sim_spearman": 6.116111130034651, + "euclidean_pearson": 5.9142712292657205, + "euclidean_spearman": 6.115732664912588, + "manhattan_pearson": 5.892970378623552, + "manhattan_spearman": 6.100463075081302, + "cosine_pearson": 5.7230819885069435, + "cosine_spearman": 6.116111130034651, + "main_score": 6.116111130034651 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/QuoraRetrieval.json b/results/thtang__ALL_862873/external/QuoraRetrieval.json new file mode 100644 index 000000000..6caa0b158 --- /dev/null +++ b/results/thtang__ALL_862873/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.016000000000002, + "map_at_10": 28.977999999999998, + "map_at_100": 29.579, + "map_at_1000": 29.648999999999997, + "map_at_3": 27.673, + "map_at_5": 28.427000000000003, + "mrr_at_1": 27.93, + "mrr_at_10": 32.462999999999994, + "mrr_at_100": 32.993, + "mrr_at_1000": 33.044000000000004, + "mrr_at_3": 31.252000000000002, + "mrr_at_5": 31.968999999999998, + "ndcg_at_1": 27.96, + "ndcg_at_10": 31.954, + "ndcg_at_100": 34.882000000000005, + "ndcg_at_1000": 36.751, + "ndcg_at_3": 29.767, + "ndcg_at_5": 30.816, + "precision_at_1": 27.96, + "precision_at_10": 4.826, + "precision_at_100": 0.697, + "precision_at_1000": 0.093, + "precision_at_3": 12.837000000000002, + "precision_at_5": 8.559999999999999, + "recall_at_1": 24.016000000000002, + "recall_at_10": 37.574999999999996, + "recall_at_100": 50.843, + "recall_at_1000": 64.654, + "recall_at_3": 31.182, + "recall_at_5": 34.055, + "main_score": 31.954 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/RedditClustering.json b/results/thtang__ALL_862873/external/RedditClustering.json new file mode 100644 index 000000000..e443b152a --- /dev/null +++ b/results/thtang__ALL_862873/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 18.38048892083281, + "main_score": 18.38048892083281 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/RedditClusteringP2P.json b/results/thtang__ALL_862873/external/RedditClusteringP2P.json new file mode 100644 index 000000000..e2b5fc949 --- /dev/null +++ b/results/thtang__ALL_862873/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 27.103011764141478, + "main_score": 27.103011764141478 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/SCIDOCS.json b/results/thtang__ALL_862873/external/SCIDOCS.json new file mode 100644 index 000000000..31a52d8f9 --- /dev/null +++ b/results/thtang__ALL_862873/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.18, + "map_at_10": 0.457, + "map_at_100": 0.634, + "map_at_1000": 0.7000000000000001, + "map_at_3": 0.333, + "map_at_5": 0.387, + "mrr_at_1": 0.8999999999999999, + "mrr_at_10": 1.967, + "mrr_at_100": 2.396, + "mrr_at_1000": 2.495, + "mrr_at_3": 1.567, + "mrr_at_5": 1.7670000000000001, + "ndcg_at_1": 0.8999999999999999, + "ndcg_at_10": 1.022, + "ndcg_at_100": 2.366, + "ndcg_at_1000": 4.689, + "ndcg_at_3": 0.882, + "ndcg_at_5": 0.7929999999999999, + "precision_at_1": 0.8999999999999999, + "precision_at_10": 0.58, + "precision_at_100": 0.263, + "precision_at_1000": 0.084, + "precision_at_3": 0.8999999999999999, + "precision_at_5": 0.74, + "recall_at_1": 0.18, + "recall_at_10": 1.208, + "recall_at_100": 5.373, + "recall_at_1000": 17.112, + "recall_at_3": 0.5579999999999999, + "recall_at_5": 0.7779999999999999, + "main_score": 1.022 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/SICK-R.json b/results/thtang__ALL_862873/external/SICK-R.json new file mode 100644 index 000000000..fe37be3e8 --- /dev/null +++ b/results/thtang__ALL_862873/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 55.229896309578905, + "cos_sim_spearman": 48.54616726085393, + "euclidean_pearson": 53.828130644322, + "euclidean_spearman": 48.2907441223958, + "manhattan_pearson": 53.72684612327582, + "manhattan_spearman": 48.228319721712744, + "cosine_pearson": 55.229896309578905, + "cosine_spearman": 48.54616726085393, + "main_score": 48.54616726085393 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/STS12.json b/results/thtang__ALL_862873/external/STS12.json new file mode 100644 index 000000000..82ebc2902 --- /dev/null +++ b/results/thtang__ALL_862873/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 57.73555535277214, + "cos_sim_spearman": 55.58790083939622, + "euclidean_pearson": 61.009463373795384, + "euclidean_spearman": 56.696846101196044, + "manhattan_pearson": 60.875111392597894, + "manhattan_spearman": 56.63100766160946, + "cosine_pearson": 57.73555535277214, + "cosine_spearman": 55.58790083939622, + "main_score": 55.58790083939622 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/STS13.json b/results/thtang__ALL_862873/external/STS13.json new file mode 100644 index 000000000..c90e57734 --- /dev/null +++ b/results/thtang__ALL_862873/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 19.47269635955134, + "cos_sim_spearman": 18.35951746300603, + "euclidean_pearson": 23.130707248318714, + "euclidean_spearman": 22.92241668287248, + "manhattan_pearson": 22.99371642148021, + "manhattan_spearman": 22.770233678121897, + "cosine_pearson": 19.47269635955134, + "cosine_spearman": 18.35951746300603, + "main_score": 18.35951746300603 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/STS14.json b/results/thtang__ALL_862873/external/STS14.json new file mode 100644 index 000000000..e51916de0 --- /dev/null +++ b/results/thtang__ALL_862873/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.78346805351368, + "cos_sim_spearman": 28.84281669682782, + "euclidean_pearson": 34.508176962091156, + "euclidean_spearman": 32.269242265609975, + "manhattan_pearson": 34.41366600914297, + "manhattan_spearman": 32.15352239729175, + "cosine_pearson": 31.78346805351368, + "cosine_spearman": 28.84281669682782, + "main_score": 28.84281669682782 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/STS15.json b/results/thtang__ALL_862873/external/STS15.json new file mode 100644 index 000000000..48781aa4a --- /dev/null +++ b/results/thtang__ALL_862873/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 29.550332218260465, + "cos_sim_spearman": 29.188654452524528, + "euclidean_pearson": 33.80339596511417, + "euclidean_spearman": 33.49607278843874, + "manhattan_pearson": 33.589427741967334, + "manhattan_spearman": 33.288312003652884, + "cosine_pearson": 29.550332218260465, + "cosine_spearman": 29.188654452524528, + "main_score": 29.188654452524528 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/STS16.json b/results/thtang__ALL_862873/external/STS16.json new file mode 100644 index 000000000..182432a6b --- /dev/null +++ b/results/thtang__ALL_862873/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 27.163752699585885, + "cos_sim_spearman": 39.0544187582685, + "euclidean_pearson": 38.93841642732113, + "euclidean_spearman": 42.861814968921294, + "manhattan_pearson": 38.78821319739337, + "manhattan_spearman": 42.757121435678954, + "cosine_pearson": 27.163752699585885, + "cosine_spearman": 39.0544187582685, + "main_score": 39.0544187582685 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/STS17.json b/results/thtang__ALL_862873/external/STS17.json new file mode 100644 index 000000000..d230c4981 --- /dev/null +++ b/results/thtang__ALL_862873/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 57.15429605615292, + "cos_sim_spearman": 61.21576579300284, + "euclidean_pearson": 59.2835939062064, + "euclidean_spearman": 60.902713241808236, + "manhattan_pearson": 59.510770285546364, + "manhattan_spearman": 61.02979474159327, + "cosine_pearson": 57.15429605615292, + "cosine_spearman": 61.21576579300284, + "main_score": 61.21576579300284 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/STS22.json b/results/thtang__ALL_862873/external/STS22.json new file mode 100644 index 000000000..30eb28e89 --- /dev/null +++ b/results/thtang__ALL_862873/external/STS22.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 41.81726547830133, + "cos_sim_spearman": 44.45123398124273, + "euclidean_pearson": 46.44144033159064, + "euclidean_spearman": 46.61348337508052, + "manhattan_pearson": 46.48092744041165, + "manhattan_spearman": 46.78049599791891, + "cosine_pearson": 41.81726547830133, + "cosine_spearman": 44.45123398124273, + "main_score": 44.45123398124273 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 18.353401358720397, + "cos_sim_spearman": 33.700002511275095, + "euclidean_pearson": 27.654605278731136, + "euclidean_spearman": 33.700002511275095, + "manhattan_pearson": 29.174977260571083, + "manhattan_spearman": 33.901862553268366, + "cosine_pearson": 18.353401358720397, + "cosine_spearman": 33.700002511275095, + "main_score": 33.700002511275095 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/STSB.json b/results/thtang__ALL_862873/external/STSB.json new file mode 100644 index 000000000..02a10bd43 --- /dev/null +++ b/results/thtang__ALL_862873/external/STSB.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 44.66287398363386, + "cos_sim_spearman": 45.60317964713117, + "euclidean_pearson": 47.434263079423, + "euclidean_spearman": 45.603111040461606, + "manhattan_pearson": 47.3272049502668, + "manhattan_spearman": 45.506449459872805, + "cosine_pearson": 44.66287398363386, + "cosine_spearman": 45.60317964713117, + "main_score": 45.60317964713117 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/STSBenchmark.json b/results/thtang__ALL_862873/external/STSBenchmark.json new file mode 100644 index 000000000..143744a88 --- /dev/null +++ b/results/thtang__ALL_862873/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 46.085942179295465, + "cos_sim_spearman": 44.394736992467365, + "euclidean_pearson": 47.06981069147408, + "euclidean_spearman": 45.40499474054004, + "manhattan_pearson": 46.96497631950794, + "manhattan_spearman": 45.31936619298336, + "cosine_pearson": 46.085942179295465, + "cosine_spearman": 44.394736992467365, + "main_score": 44.394736992467365 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/SciDocsRR.json b/results/thtang__ALL_862873/external/SciDocsRR.json new file mode 100644 index 000000000..14d437dd8 --- /dev/null +++ b/results/thtang__ALL_862873/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 43.89526517578129, + "mrr": 64.30753070458954, + "main_score": 43.89526517578129 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/SciFact.json b/results/thtang__ALL_862873/external/SciFact.json new file mode 100644 index 000000000..52bd603dc --- /dev/null +++ b/results/thtang__ALL_862873/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 1.417, + "map_at_10": 2.189, + "map_at_100": 2.5669999999999997, + "map_at_1000": 2.662, + "map_at_3": 1.694, + "map_at_5": 1.928, + "mrr_at_1": 1.667, + "mrr_at_10": 2.4899999999999998, + "mrr_at_100": 2.8400000000000003, + "mrr_at_1000": 2.928, + "mrr_at_3": 1.944, + "mrr_at_5": 2.178, + "ndcg_at_1": 1.667, + "ndcg_at_10": 2.913, + "ndcg_at_100": 5.482, + "ndcg_at_1000": 8.731, + "ndcg_at_3": 1.867, + "ndcg_at_5": 2.257, + "precision_at_1": 1.667, + "precision_at_10": 0.567, + "precision_at_100": 0.213, + "precision_at_1000": 0.053, + "precision_at_3": 0.7779999999999999, + "precision_at_5": 0.6669999999999999, + "recall_at_1": 1.417, + "recall_at_10": 5.028, + "recall_at_100": 18.5, + "recall_at_1000": 45.072, + "recall_at_3": 2.083, + "recall_at_5": 3.083, + "main_score": 2.913 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/SprintDuplicateQuestions.json b/results/thtang__ALL_862873/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..974893cff --- /dev/null +++ b/results/thtang__ALL_862873/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.02871287128713, + "cos_sim_ap": 17.404404071912694, + "cos_sim_f1": 25.89285714285714, + "cos_sim_precision": 29.292929292929294, + "cos_sim_recall": 23.200000000000003, + "dot_accuracy": 99.0118811881188, + "dot_ap": 5.4739000785007335, + "dot_f1": 12.178702570379436, + "dot_precision": 8.774250440917108, + "dot_recall": 19.900000000000002, + "euclidean_accuracy": 99.03663366336633, + "euclidean_ap": 19.20851069839796, + "euclidean_f1": 27.16555612506407, + "euclidean_precision": 27.865404837013667, + "euclidean_recall": 26.5, + "manhattan_accuracy": 99.03663366336633, + "manhattan_ap": 19.12862913626528, + "manhattan_f1": 26.96629213483146, + "manhattan_precision": 28.99884925201381, + "manhattan_recall": 25.2, + "max_accuracy": 99.03663366336633, + "max_ap": 19.20851069839796, + "max_f1": 27.16555612506407, + "main_score": 19.20851069839796 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/StackExchangeClustering.json b/results/thtang__ALL_862873/external/StackExchangeClustering.json new file mode 100644 index 000000000..f1ef81417 --- /dev/null +++ b/results/thtang__ALL_862873/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 23.657118721775905, + "main_score": 23.657118721775905 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/StackExchangeClusteringP2P.json b/results/thtang__ALL_862873/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..1b6837caa --- /dev/null +++ b/results/thtang__ALL_862873/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 27.343558395037043, + "main_score": 27.343558395037043 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/StackOverflowDupQuestions.json b/results/thtang__ALL_862873/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..aa8d08c50 --- /dev/null +++ b/results/thtang__ALL_862873/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 23.346327148080043, + "mrr": 21.99097063067651, + "main_score": 23.346327148080043 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/T2Reranking.json b/results/thtang__ALL_862873/external/T2Reranking.json new file mode 100644 index 000000000..fd73783f7 --- /dev/null +++ b/results/thtang__ALL_862873/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 60.05480951659048, + "mrr": 69.58201013422746, + "main_score": 60.05480951659048 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/T2Retrieval.json b/results/thtang__ALL_862873/external/T2Retrieval.json new file mode 100644 index 000000000..8ca6bc181 --- /dev/null +++ b/results/thtang__ALL_862873/external/T2Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 1.159, + "map_at_10": 2.624, + "map_at_100": 3.259, + "map_at_1000": 3.4090000000000003, + "map_at_3": 1.9109999999999998, + "map_at_5": 2.254, + "mrr_at_1": 5.87, + "mrr_at_10": 8.530999999999999, + "mrr_at_100": 9.142999999999999, + "mrr_at_1000": 9.229, + "mrr_at_3": 7.498, + "mrr_at_5": 8.056000000000001, + "ndcg_at_1": 5.87, + "ndcg_at_10": 4.641, + "ndcg_at_100": 7.507999999999999, + "ndcg_at_1000": 10.823, + "ndcg_at_3": 4.775, + "ndcg_at_5": 4.515000000000001, + "precision_at_1": 5.87, + "precision_at_10": 2.632, + "precision_at_100": 0.762, + "precision_at_1000": 0.166, + "precision_at_3": 4.2299999999999995, + "precision_at_5": 3.5450000000000004, + "recall_at_1": 1.159, + "recall_at_10": 4.816, + "recall_at_100": 13.841999999999999, + "recall_at_1000": 30.469, + "recall_at_3": 2.413, + "recall_at_5": 3.3300000000000005, + "main_score": 4.641 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/TNews.json b/results/thtang__ALL_862873/external/TNews.json new file mode 100644 index 000000000..8d359a82d --- /dev/null +++ b/results/thtang__ALL_862873/external/TNews.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 26.786000000000005, + "f1": 25.70512339530705, + "main_score": 26.786000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/TRECCOVID.json b/results/thtang__ALL_862873/external/TRECCOVID.json new file mode 100644 index 000000000..e076af7a4 --- /dev/null +++ b/results/thtang__ALL_862873/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.032, + "map_at_10": 0.157, + "map_at_100": 0.583, + "map_at_1000": 1.48, + "map_at_3": 0.066, + "map_at_5": 0.105, + "mrr_at_1": 10, + "mrr_at_10": 16.99, + "mrr_at_100": 18.284, + "mrr_at_1000": 18.394, + "mrr_at_3": 14.000000000000002, + "mrr_at_5": 15.8, + "ndcg_at_1": 8, + "ndcg_at_10": 7.504, + "ndcg_at_100": 5.339, + "ndcg_at_1000": 6.046, + "ndcg_at_3": 8.358, + "ndcg_at_5": 8.142000000000001, + "precision_at_1": 10, + "precision_at_10": 8.6, + "precision_at_100": 5.9799999999999995, + "precision_at_1000": 2.976, + "precision_at_3": 9.333, + "precision_at_5": 9.2, + "recall_at_1": 0.032, + "recall_at_10": 0.252, + "recall_at_100": 1.529, + "recall_at_1000": 6.364, + "recall_at_3": 0.08499999999999999, + "recall_at_5": 0.154, + "main_score": 7.504 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/ThuNewsClusteringP2P.json b/results/thtang__ALL_862873/external/ThuNewsClusteringP2P.json new file mode 100644 index 000000000..122e331e6 --- /dev/null +++ b/results/thtang__ALL_862873/external/ThuNewsClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 20.691386720429243, + "main_score": 20.691386720429243 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/ThuNewsClusteringS2S.json b/results/thtang__ALL_862873/external/ThuNewsClusteringS2S.json new file mode 100644 index 000000000..8c143b788 --- /dev/null +++ b/results/thtang__ALL_862873/external/ThuNewsClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 17.1882521768033, + "main_score": 17.1882521768033 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/Touche2020.json b/results/thtang__ALL_862873/external/Touche2020.json new file mode 100644 index 000000000..47b5dcadc --- /dev/null +++ b/results/thtang__ALL_862873/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.44200000000000006, + "map_at_10": 0.996, + "map_at_100": 1.317, + "map_at_1000": 1.624, + "map_at_3": 0.736, + "map_at_5": 0.951, + "mrr_at_1": 4.082, + "mrr_at_10": 10.102, + "mrr_at_100": 10.978, + "mrr_at_1000": 11.1, + "mrr_at_3": 7.8229999999999995, + "mrr_at_5": 9.252, + "ndcg_at_1": 4.082, + "ndcg_at_10": 3.821, + "ndcg_at_100": 5.682, + "ndcg_at_1000": 10.96, + "ndcg_at_3": 4.813, + "ndcg_at_5": 4.757, + "precision_at_1": 4.082, + "precision_at_10": 3.061, + "precision_at_100": 1.367, + "precision_at_1000": 0.46299999999999997, + "precision_at_3": 4.7620000000000005, + "precision_at_5": 4.898000000000001, + "recall_at_1": 0.44200000000000006, + "recall_at_10": 2.059, + "recall_at_100": 7.439, + "recall_at_1000": 25.191000000000003, + "recall_at_3": 1.095, + "recall_at_5": 1.725, + "main_score": 3.821 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/ToxicConversationsClassification.json b/results/thtang__ALL_862873/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..d8ae02b18 --- /dev/null +++ b/results/thtang__ALL_862873/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 54.925999999999995, + "ap": 9.658236434063275, + "f1": 43.469829154993064, + "main_score": 54.925999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/TweetSentimentExtractionClassification.json b/results/thtang__ALL_862873/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..737aa74f9 --- /dev/null +++ b/results/thtang__ALL_862873/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 40.7498585172609, + "f1": 40.720120106546574, + "main_score": 40.7498585172609 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/TwentyNewsgroupsClustering.json b/results/thtang__ALL_862873/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..ba5ba96e3 --- /dev/null +++ b/results/thtang__ALL_862873/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 20.165152514024733, + "main_score": 20.165152514024733 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/TwitterSemEval2015.json b/results/thtang__ALL_862873/external/TwitterSemEval2015.json new file mode 100644 index 000000000..cceced2eb --- /dev/null +++ b/results/thtang__ALL_862873/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 77.59432556476128, + "cos_sim_ap": 30.37846072188074, + "cos_sim_f1": 37.9231242656521, + "cos_sim_precision": 24.064474898814172, + "cos_sim_recall": 89.41952506596306, + "dot_accuracy": 77.42146986946415, + "dot_ap": 24.073476661930034, + "dot_f1": 37.710580857735025, + "dot_precision": 23.61083383243495, + "dot_recall": 93.61477572559367, + "euclidean_accuracy": 77.64797043571556, + "euclidean_ap": 31.892152386237594, + "euclidean_f1": 38.21154759481647, + "euclidean_precision": 25.719243766554023, + "euclidean_recall": 74.30079155672823, + "manhattan_accuracy": 77.6539309769327, + "manhattan_ap": 31.89545356309865, + "manhattan_f1": 38.16428166172855, + "manhattan_precision": 25.07247577238466, + "manhattan_recall": 79.86807387862797, + "max_accuracy": 77.6539309769327, + "max_ap": 31.89545356309865, + "max_f1": 38.21154759481647, + "main_score": 31.89545356309865 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/TwitterURLCorpus.json b/results/thtang__ALL_862873/external/TwitterURLCorpus.json new file mode 100644 index 000000000..d04d786fe --- /dev/null +++ b/results/thtang__ALL_862873/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 76.56886715566422, + "cos_sim_ap": 44.04480929059786, + "cos_sim_f1": 43.73100054674686, + "cos_sim_precision": 30.540367168647098, + "cos_sim_recall": 76.97874961502926, + "dot_accuracy": 74.80110218496526, + "dot_ap": 26.487746384962758, + "dot_f1": 40.91940608182585, + "dot_precision": 25.9157358738502, + "dot_recall": 97.18201416692331, + "euclidean_accuracy": 76.97054371870998, + "euclidean_ap": 47.079120397438416, + "euclidean_f1": 45.866182572614115, + "euclidean_precision": 34.580791490692945, + "euclidean_recall": 68.0859254696643, + "manhattan_accuracy": 76.96084138626927, + "manhattan_ap": 47.168701873575976, + "manhattan_f1": 45.985439966237614, + "manhattan_precision": 34.974321938693635, + "manhattan_recall": 67.11579919926086, + "max_accuracy": 76.97054371870998, + "max_ap": 47.168701873575976, + "max_f1": 45.985439966237614, + "main_score": 47.168701873575976 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/VideoRetrieval.json b/results/thtang__ALL_862873/external/VideoRetrieval.json new file mode 100644 index 000000000..2390a41ee --- /dev/null +++ b/results/thtang__ALL_862873/external/VideoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 2.9000000000000004, + "map_at_10": 4.051, + "map_at_100": 4.277, + "map_at_1000": 4.315, + "map_at_3": 3.567, + "map_at_5": 3.897, + "mrr_at_1": 2.9000000000000004, + "mrr_at_10": 4.051, + "mrr_at_100": 4.277, + "mrr_at_1000": 4.315, + "mrr_at_3": 3.567, + "mrr_at_5": 3.897, + "ndcg_at_1": 2.9000000000000004, + "ndcg_at_10": 4.772, + "ndcg_at_100": 6.214, + "ndcg_at_1000": 7.456, + "ndcg_at_3": 3.805, + "ndcg_at_5": 4.390000000000001, + "precision_at_1": 2.9000000000000004, + "precision_at_10": 0.7100000000000001, + "precision_at_100": 0.146, + "precision_at_1000": 0.025, + "precision_at_3": 1.5, + "precision_at_5": 1.18, + "recall_at_1": 2.9000000000000004, + "recall_at_10": 7.1, + "recall_at_100": 14.6, + "recall_at_1000": 24.9, + "recall_at_3": 4.5, + "recall_at_5": 5.8999999999999995, + "main_score": 4.772 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/Waimai.json b/results/thtang__ALL_862873/external/Waimai.json new file mode 100644 index 000000000..dc0f4bf51 --- /dev/null +++ b/results/thtang__ALL_862873/external/Waimai.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 56.21999999999999, + "ap": 36.53654363772411, + "f1": 54.922396485449674, + "main_score": 56.21999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/thtang__ALL_862873/external/model_meta.json b/results/thtang__ALL_862873/external/model_meta.json new file mode 100644 index 000000000..e55c2e68a --- /dev/null +++ b/results/thtang__ALL_862873/external/model_meta.json @@ -0,0 +1,20 @@ +{ + "name": "thtang/ALL_862873", + "revision": "ee450033d716eebabf47c32536a23cd8d6d170b0", + "release_date": "2023-10-27", + "languages": [], + "loader": null, + "n_parameters": 117671563, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 384, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/AmazonCounterfactualClassification.json b/results/tomaarsen__bge-base-en-v1.5/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..661c9d00a --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.14925373134328, + "ap": 39.32336517995478, + "f1": 70.16902252611425, + "main_score": 76.14925373134328 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/AmazonPolarityClassification.json b/results/tomaarsen__bge-base-en-v1.5/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..30822c87f --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.386825, + "ap": 90.21276917991995, + "f1": 93.37741030006174, + "main_score": 93.386825 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/AmazonReviewsClassification.json b/results/tomaarsen__bge-base-en-v1.5/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..92b3f1339 --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 48.846000000000004, + "f1": 48.14646269778261, + "main_score": 48.846000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/ArguAna.json b/results/tomaarsen__bge-base-en-v1.5/external/ArguAna.json new file mode 100644 index 000000000..d4884bd11 --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.754000000000005, + "map_at_10": 55.761, + "map_at_100": 56.330999999999996, + "map_at_1000": 56.333999999999996, + "map_at_3": 51.92, + "map_at_5": 54.010999999999996, + "mrr_at_1": 41.181, + "mrr_at_10": 55.967999999999996, + "mrr_at_100": 56.538, + "mrr_at_1000": 56.542, + "mrr_at_3": 51.980000000000004, + "mrr_at_5": 54.208999999999996, + "ndcg_at_1": 40.754000000000005, + "ndcg_at_10": 63.605000000000004, + "ndcg_at_100": 66.05199999999999, + "ndcg_at_1000": 66.12, + "ndcg_at_3": 55.708, + "ndcg_at_5": 59.452000000000005, + "precision_at_1": 40.754000000000005, + "precision_at_10": 8.841000000000001, + "precision_at_100": 0.991, + "precision_at_1000": 0.1, + "precision_at_3": 22.238, + "precision_at_5": 15.149000000000001, + "recall_at_1": 40.754000000000005, + "recall_at_10": 88.407, + "recall_at_100": 99.14699999999999, + "recall_at_1000": 99.644, + "recall_at_3": 66.714, + "recall_at_5": 75.747, + "main_score": 63.605000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/ArxivClusteringP2P.json b/results/tomaarsen__bge-base-en-v1.5/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..0490cedfb --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.74884539679369, + "main_score": 48.74884539679369 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/ArxivClusteringS2S.json b/results/tomaarsen__bge-base-en-v1.5/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..2be4b6620 --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 42.8075893810716, + "main_score": 42.8075893810716 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/AskUbuntuDupQuestions.json b/results/tomaarsen__bge-base-en-v1.5/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..d9d9ff34f --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 62.128470519187736, + "mrr": 74.28065778481289, + "main_score": 62.128470519187736 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/BIOSSES.json b/results/tomaarsen__bge-base-en-v1.5/external/BIOSSES.json new file mode 100644 index 000000000..cb8f4884d --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 89.24629081484655, + "cos_sim_spearman": 86.93752309911496, + "euclidean_pearson": 87.58589628573816, + "euclidean_spearman": 88.05622328825284, + "manhattan_pearson": 87.5594959805773, + "manhattan_spearman": 88.19658793233961, + "cosine_pearson": 89.24629081484655, + "cosine_spearman": 86.93752309911496, + "main_score": 86.93752309911496 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/Banking77Classification.json b/results/tomaarsen__bge-base-en-v1.5/external/Banking77Classification.json new file mode 100644 index 000000000..0a9505ce5 --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.9512987012987, + "f1": 86.92515357973708, + "main_score": 86.9512987012987 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/BiorxivClusteringP2P.json b/results/tomaarsen__bge-base-en-v1.5/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..a1e73fa27 --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.10263762928872, + "main_score": 39.10263762928872 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/BiorxivClusteringS2S.json b/results/tomaarsen__bge-base-en-v1.5/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..1b0d19987 --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.69711517426737, + "main_score": 36.69711517426737 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/CQADupstackAndroidRetrieval.json b/results/tomaarsen__bge-base-en-v1.5/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..f0aef1916 --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.327, + "map_at_10": 44.099, + "map_at_100": 45.525, + "map_at_1000": 45.641999999999996, + "map_at_3": 40.47, + "map_at_5": 42.36, + "mrr_at_1": 39.199, + "mrr_at_10": 49.651, + "mrr_at_100": 50.29, + "mrr_at_1000": 50.329, + "mrr_at_3": 46.924, + "mrr_at_5": 48.548, + "ndcg_at_1": 39.199, + "ndcg_at_10": 50.773, + "ndcg_at_100": 55.67999999999999, + "ndcg_at_1000": 57.495, + "ndcg_at_3": 45.513999999999996, + "ndcg_at_5": 47.703, + "precision_at_1": 39.199, + "precision_at_10": 9.914000000000001, + "precision_at_100": 1.5310000000000001, + "precision_at_1000": 0.198, + "precision_at_3": 21.984, + "precision_at_5": 15.737000000000002, + "recall_at_1": 32.327, + "recall_at_10": 63.743, + "recall_at_100": 84.538, + "recall_at_1000": 96.089, + "recall_at_3": 48.065000000000005, + "recall_at_5": 54.519, + "main_score": 50.773 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.671, + "map_at_10": 42.954, + "map_at_100": 44.151, + "map_at_1000": 44.287, + "map_at_3": 39.912, + "map_at_5": 41.798, + "mrr_at_1": 41.465, + "mrr_at_10": 49.351, + "mrr_at_100": 49.980000000000004, + "mrr_at_1000": 50.016000000000005, + "mrr_at_3": 47.144000000000005, + "mrr_at_5": 48.592999999999996, + "ndcg_at_1": 41.465, + "ndcg_at_10": 48.565999999999995, + "ndcg_at_100": 52.76499999999999, + "ndcg_at_1000": 54.749, + "ndcg_at_3": 44.57, + "ndcg_at_5": 46.759, + "precision_at_1": 41.465, + "precision_at_10": 9.107999999999999, + "precision_at_100": 1.433, + "precision_at_1000": 0.191, + "precision_at_3": 21.423000000000002, + "precision_at_5": 15.414, + "recall_at_1": 32.671, + "recall_at_10": 57.738, + "recall_at_100": 75.86500000000001, + "recall_at_1000": 88.36, + "recall_at_3": 45.626, + "recall_at_5": 51.812000000000005, + "main_score": 48.565999999999995 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 41.185, + "map_at_10": 53.929, + "map_at_100": 54.92, + "map_at_1000": 54.967999999999996, + "map_at_3": 50.70400000000001, + "map_at_5": 52.673, + "mrr_at_1": 47.398, + "mrr_at_10": 57.303000000000004, + "mrr_at_100": 57.959, + "mrr_at_1000": 57.985, + "mrr_at_3": 54.932, + "mrr_at_5": 56.464999999999996, + "ndcg_at_1": 47.398, + "ndcg_at_10": 59.653, + "ndcg_at_100": 63.627, + "ndcg_at_1000": 64.596, + "ndcg_at_3": 54.455, + "ndcg_at_5": 57.245000000000005, + "precision_at_1": 47.398, + "precision_at_10": 9.524000000000001, + "precision_at_100": 1.243, + "precision_at_1000": 0.13699999999999998, + "precision_at_3": 24.389, + "precision_at_5": 16.752, + "recall_at_1": 41.185, + "recall_at_10": 73.193, + "recall_at_100": 90.357, + "recall_at_1000": 97.253, + "recall_at_3": 59.199999999999996, + "recall_at_5": 66.118, + "main_score": 59.653 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.27, + "map_at_10": 36.223, + "map_at_100": 37.218, + "map_at_1000": 37.293, + "map_at_3": 33.503, + "map_at_5": 35.097, + "mrr_at_1": 29.492, + "mrr_at_10": 38.352000000000004, + "mrr_at_100": 39.188, + "mrr_at_1000": 39.247, + "mrr_at_3": 35.876000000000005, + "mrr_at_5": 37.401, + "ndcg_at_1": 29.492, + "ndcg_at_10": 41.239, + "ndcg_at_100": 46.066, + "ndcg_at_1000": 47.992000000000004, + "ndcg_at_3": 36.11, + "ndcg_at_5": 38.772, + "precision_at_1": 29.492, + "precision_at_10": 6.260000000000001, + "precision_at_100": 0.914, + "precision_at_1000": 0.11100000000000002, + "precision_at_3": 15.104000000000001, + "precision_at_5": 10.644, + "recall_at_1": 27.27, + "recall_at_10": 54.589, + "recall_at_100": 76.70700000000001, + "recall_at_1000": 91.158, + "recall_at_3": 40.974, + "recall_at_5": 47.327000000000005, + "main_score": 41.239 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.848, + "map_at_10": 26.207, + "map_at_100": 27.478, + "map_at_1000": 27.602, + "map_at_3": 23.405, + "map_at_5": 24.98, + "mrr_at_1": 21.891, + "mrr_at_10": 31.041999999999998, + "mrr_at_100": 32.092, + "mrr_at_1000": 32.151999999999994, + "mrr_at_3": 28.358, + "mrr_at_5": 29.969, + "ndcg_at_1": 21.891, + "ndcg_at_10": 31.585, + "ndcg_at_100": 37.531, + "ndcg_at_1000": 40.256, + "ndcg_at_3": 26.508, + "ndcg_at_5": 28.894, + "precision_at_1": 21.891, + "precision_at_10": 5.795999999999999, + "precision_at_100": 0.9990000000000001, + "precision_at_1000": 0.13799999999999998, + "precision_at_3": 12.769, + "precision_at_5": 9.279, + "recall_at_1": 17.848, + "recall_at_10": 43.452, + "recall_at_100": 69.216, + "recall_at_1000": 88.102, + "recall_at_3": 29.18, + "recall_at_5": 35.347, + "main_score": 31.585 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.94, + "map_at_10": 41.248000000000005, + "map_at_100": 42.495, + "map_at_1000": 42.602000000000004, + "map_at_3": 37.939, + "map_at_5": 39.924, + "mrr_at_1": 37.824999999999996, + "mrr_at_10": 47.041, + "mrr_at_100": 47.83, + "mrr_at_1000": 47.878, + "mrr_at_3": 44.466, + "mrr_at_5": 46.111999999999995, + "ndcg_at_1": 37.824999999999996, + "ndcg_at_10": 47.223, + "ndcg_at_100": 52.394, + "ndcg_at_1000": 54.432, + "ndcg_at_3": 42.032000000000004, + "ndcg_at_5": 44.772, + "precision_at_1": 37.824999999999996, + "precision_at_10": 8.393, + "precision_at_100": 1.2890000000000001, + "precision_at_1000": 0.164, + "precision_at_3": 19.698, + "precision_at_5": 14.013, + "recall_at_1": 30.94, + "recall_at_10": 59.316, + "recall_at_100": 80.783, + "recall_at_1000": 94.15400000000001, + "recall_at_3": 44.712, + "recall_at_5": 51.932, + "main_score": 47.223 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.104, + "map_at_10": 36.675999999999995, + "map_at_100": 38.076, + "map_at_1000": 38.189, + "map_at_3": 33.733999999999995, + "map_at_5": 35.287, + "mrr_at_1": 33.904, + "mrr_at_10": 42.55, + "mrr_at_100": 43.434, + "mrr_at_1000": 43.494, + "mrr_at_3": 40.126, + "mrr_at_5": 41.473, + "ndcg_at_1": 33.904, + "ndcg_at_10": 42.414, + "ndcg_at_100": 48.203, + "ndcg_at_1000": 50.437, + "ndcg_at_3": 37.633, + "ndcg_at_5": 39.67, + "precision_at_1": 33.904, + "precision_at_10": 7.82, + "precision_at_100": 1.2409999999999999, + "precision_at_1000": 0.159, + "precision_at_3": 17.884, + "precision_at_5": 12.648000000000001, + "recall_at_1": 27.104, + "recall_at_10": 53.563, + "recall_at_100": 78.557, + "recall_at_1000": 93.533, + "recall_at_3": 39.92, + "recall_at_5": 45.457, + "main_score": 42.414 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.707749999999997, + "map_at_10": 36.961, + "map_at_100": 38.158833333333334, + "map_at_1000": 38.270333333333326, + "map_at_3": 34.07183333333334, + "map_at_5": 35.69533333333334, + "mrr_at_1": 32.81875, + "mrr_at_10": 41.293, + "mrr_at_100": 42.116499999999995, + "mrr_at_1000": 42.170249999999996, + "mrr_at_3": 38.83983333333333, + "mrr_at_5": 40.29775, + "ndcg_at_1": 32.81875, + "ndcg_at_10": 42.355, + "ndcg_at_100": 47.41374999999999, + "ndcg_at_1000": 49.5805, + "ndcg_at_3": 37.52825, + "ndcg_at_5": 39.83266666666667, + "precision_at_1": 32.81875, + "precision_at_10": 7.382416666666666, + "precision_at_100": 1.1640833333333334, + "precision_at_1000": 0.15383333333333335, + "precision_at_3": 17.134166666666665, + "precision_at_5": 12.174833333333336, + "recall_at_1": 27.707749999999997, + "recall_at_10": 53.945, + "recall_at_100": 76.191, + "recall_at_1000": 91.101, + "recall_at_3": 40.39083333333334, + "recall_at_5": 46.40083333333333, + "main_score": 42.355 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.482, + "map_at_10": 33.201, + "map_at_100": 34.107, + "map_at_1000": 34.197, + "map_at_3": 31.174000000000003, + "map_at_5": 32.279, + "mrr_at_1": 29.908, + "mrr_at_10": 36.235, + "mrr_at_100": 37.04, + "mrr_at_1000": 37.105, + "mrr_at_3": 34.355999999999995, + "mrr_at_5": 35.382999999999996, + "ndcg_at_1": 29.908, + "ndcg_at_10": 37.325, + "ndcg_at_100": 41.795, + "ndcg_at_1000": 44.105, + "ndcg_at_3": 33.555, + "ndcg_at_5": 35.266999999999996, + "precision_at_1": 29.908, + "precision_at_10": 5.721, + "precision_at_100": 0.8630000000000001, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 14.008000000000001, + "precision_at_5": 9.754999999999999, + "recall_at_1": 26.482, + "recall_at_10": 47.072, + "recall_at_100": 67.27, + "recall_at_1000": 84.371, + "recall_at_3": 36.65, + "recall_at_5": 40.774, + "main_score": 37.325 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.815, + "map_at_10": 26.369999999999997, + "map_at_100": 27.458, + "map_at_1000": 27.588, + "map_at_3": 23.990000000000002, + "map_at_5": 25.345000000000002, + "mrr_at_1": 22.953000000000003, + "mrr_at_10": 30.342999999999996, + "mrr_at_100": 31.241000000000003, + "mrr_at_1000": 31.319000000000003, + "mrr_at_3": 28.16, + "mrr_at_5": 29.406, + "ndcg_at_1": 22.953000000000003, + "ndcg_at_10": 31.151, + "ndcg_at_100": 36.309000000000005, + "ndcg_at_1000": 39.227000000000004, + "ndcg_at_3": 26.921, + "ndcg_at_5": 28.938000000000002, + "precision_at_1": 22.953000000000003, + "precision_at_10": 5.602, + "precision_at_100": 0.9530000000000001, + "precision_at_1000": 0.13899999999999998, + "precision_at_3": 12.606, + "precision_at_5": 9.119, + "recall_at_1": 18.815, + "recall_at_10": 41.574, + "recall_at_100": 64.84400000000001, + "recall_at_1000": 85.406, + "recall_at_3": 29.694, + "recall_at_5": 34.935, + "main_score": 31.151 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.840999999999998, + "map_at_10": 36.797999999999995, + "map_at_100": 37.993, + "map_at_1000": 38.086999999999996, + "map_at_3": 34.050999999999995, + "map_at_5": 35.379, + "mrr_at_1": 32.649, + "mrr_at_10": 41.025, + "mrr_at_100": 41.878, + "mrr_at_1000": 41.929, + "mrr_at_3": 38.573, + "mrr_at_5": 39.715, + "ndcg_at_1": 32.649, + "ndcg_at_10": 42.142, + "ndcg_at_100": 47.558, + "ndcg_at_1000": 49.643, + "ndcg_at_3": 37.12, + "ndcg_at_5": 38.983000000000004, + "precision_at_1": 32.649, + "precision_at_10": 7.08, + "precision_at_100": 1.1039999999999999, + "precision_at_1000": 0.13899999999999998, + "precision_at_3": 16.698, + "precision_at_5": 11.511000000000001, + "recall_at_1": 27.840999999999998, + "recall_at_10": 54.245, + "recall_at_100": 77.947, + "recall_at_1000": 92.36999999999999, + "recall_at_3": 40.146, + "recall_at_5": 44.951, + "main_score": 42.142 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.529000000000003, + "map_at_10": 35.010000000000005, + "map_at_100": 36.647, + "map_at_1000": 36.857, + "map_at_3": 31.968000000000004, + "map_at_5": 33.554, + "mrr_at_1": 31.818, + "mrr_at_10": 39.550999999999995, + "mrr_at_100": 40.54, + "mrr_at_1000": 40.596, + "mrr_at_3": 36.726, + "mrr_at_5": 38.416, + "ndcg_at_1": 31.818, + "ndcg_at_10": 40.675, + "ndcg_at_100": 46.548, + "ndcg_at_1000": 49.126, + "ndcg_at_3": 35.829, + "ndcg_at_5": 38.0, + "precision_at_1": 31.818, + "precision_at_10": 7.826, + "precision_at_100": 1.538, + "precision_at_1000": 0.24, + "precision_at_3": 16.601, + "precision_at_5": 12.095, + "recall_at_1": 26.529000000000003, + "recall_at_10": 51.03, + "recall_at_100": 77.556, + "recall_at_1000": 93.804, + "recall_at_3": 36.986000000000004, + "recall_at_5": 43.096000000000004, + "main_score": 40.675 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.480999999999998, + "map_at_10": 30.817, + "map_at_100": 31.838, + "map_at_1000": 31.932, + "map_at_3": 28.011999999999997, + "map_at_5": 29.668, + "mrr_at_1": 25.323, + "mrr_at_10": 33.072, + "mrr_at_100": 33.926, + "mrr_at_1000": 33.993, + "mrr_at_3": 30.436999999999998, + "mrr_at_5": 32.092, + "ndcg_at_1": 25.323, + "ndcg_at_10": 35.514, + "ndcg_at_100": 40.489000000000004, + "ndcg_at_1000": 42.908, + "ndcg_at_3": 30.092000000000002, + "ndcg_at_5": 32.989000000000004, + "precision_at_1": 25.323, + "precision_at_10": 5.545, + "precision_at_100": 0.861, + "precision_at_1000": 0.117, + "precision_at_3": 12.446, + "precision_at_5": 9.131, + "recall_at_1": 23.480999999999998, + "recall_at_10": 47.825, + "recall_at_100": 70.652, + "recall_at_1000": 88.612, + "recall_at_3": 33.537, + "recall_at_5": 40.542, + "main_score": 35.514 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/ClimateFEVER.json b/results/tomaarsen__bge-base-en-v1.5/external/ClimateFEVER.json new file mode 100644 index 000000000..e972dce8c --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 13.333999999999998, + "map_at_10": 22.524, + "map_at_100": 24.506, + "map_at_1000": 24.715, + "map_at_3": 19.022, + "map_at_5": 20.693, + "mrr_at_1": 29.186, + "mrr_at_10": 41.22, + "mrr_at_100": 42.16, + "mrr_at_1000": 42.192, + "mrr_at_3": 38.013000000000005, + "mrr_at_5": 39.704, + "ndcg_at_1": 29.186, + "ndcg_at_10": 31.167, + "ndcg_at_100": 38.879000000000005, + "ndcg_at_1000": 42.376000000000005, + "ndcg_at_3": 25.817, + "ndcg_at_5": 27.377000000000002, + "precision_at_1": 29.186, + "precision_at_10": 9.693999999999999, + "precision_at_100": 1.8030000000000002, + "precision_at_1000": 0.246, + "precision_at_3": 19.11, + "precision_at_5": 14.344999999999999, + "recall_at_1": 13.333999999999998, + "recall_at_10": 37.092000000000006, + "recall_at_100": 63.651, + "recall_at_1000": 83.05, + "recall_at_3": 23.74, + "recall_at_5": 28.655, + "main_score": 31.167 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/DBPedia.json b/results/tomaarsen__bge-base-en-v1.5/external/DBPedia.json new file mode 100644 index 000000000..19836ec18 --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.151, + "map_at_10": 19.653000000000002, + "map_at_100": 28.053, + "map_at_1000": 29.709000000000003, + "map_at_3": 14.191, + "map_at_5": 16.456, + "mrr_at_1": 66.25, + "mrr_at_10": 74.4, + "mrr_at_100": 74.715, + "mrr_at_1000": 74.726, + "mrr_at_3": 72.417, + "mrr_at_5": 73.667, + "ndcg_at_1": 54.25, + "ndcg_at_10": 40.77, + "ndcg_at_100": 46.359, + "ndcg_at_1000": 54.193000000000005, + "ndcg_at_3": 44.832, + "ndcg_at_5": 42.63, + "precision_at_1": 66.25, + "precision_at_10": 32.175, + "precision_at_100": 10.668, + "precision_at_1000": 2.067, + "precision_at_3": 47.667, + "precision_at_5": 41.3, + "recall_at_1": 9.151, + "recall_at_10": 25.003999999999998, + "recall_at_100": 52.976, + "recall_at_1000": 78.315, + "recall_at_3": 15.487, + "recall_at_5": 18.999, + "main_score": 40.77 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/EmotionClassification.json b/results/tomaarsen__bge-base-en-v1.5/external/EmotionClassification.json new file mode 100644 index 000000000..a55621eea --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 51.89999999999999, + "f1": 46.47777925067403, + "main_score": 51.89999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/FEVER.json b/results/tomaarsen__bge-base-en-v1.5/external/FEVER.json new file mode 100644 index 000000000..7c2808c08 --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 73.706, + "map_at_10": 82.423, + "map_at_100": 82.67999999999999, + "map_at_1000": 82.694, + "map_at_3": 81.328, + "map_at_5": 82.001, + "mrr_at_1": 79.613, + "mrr_at_10": 87.07000000000001, + "mrr_at_100": 87.169, + "mrr_at_1000": 87.17, + "mrr_at_3": 86.404, + "mrr_at_5": 86.856, + "ndcg_at_1": 79.613, + "ndcg_at_10": 86.289, + "ndcg_at_100": 87.201, + "ndcg_at_1000": 87.428, + "ndcg_at_3": 84.625, + "ndcg_at_5": 85.53699999999999, + "precision_at_1": 79.613, + "precision_at_10": 10.399, + "precision_at_100": 1.1079999999999999, + "precision_at_1000": 0.11499999999999999, + "precision_at_3": 32.473, + "precision_at_5": 20.132, + "recall_at_1": 73.706, + "recall_at_10": 93.559, + "recall_at_100": 97.188, + "recall_at_1000": 98.555, + "recall_at_3": 88.98700000000001, + "recall_at_5": 91.373, + "main_score": 86.289 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/FiQA2018.json b/results/tomaarsen__bge-base-en-v1.5/external/FiQA2018.json new file mode 100644 index 000000000..61e256f69 --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.841, + "map_at_10": 32.643, + "map_at_100": 34.575, + "map_at_1000": 34.736, + "map_at_3": 28.317999999999998, + "map_at_5": 30.964000000000002, + "mrr_at_1": 39.660000000000004, + "mrr_at_10": 48.620000000000005, + "mrr_at_100": 49.384, + "mrr_at_1000": 49.415, + "mrr_at_3": 45.988, + "mrr_at_5": 47.361, + "ndcg_at_1": 39.660000000000004, + "ndcg_at_10": 40.646, + "ndcg_at_100": 47.657, + "ndcg_at_1000": 50.428, + "ndcg_at_3": 36.689, + "ndcg_at_5": 38.211, + "precision_at_1": 39.660000000000004, + "precision_at_10": 11.235000000000001, + "precision_at_100": 1.8530000000000002, + "precision_at_1000": 0.23600000000000002, + "precision_at_3": 24.587999999999997, + "precision_at_5": 18.395, + "recall_at_1": 19.841, + "recall_at_10": 48.135, + "recall_at_100": 74.224, + "recall_at_1000": 90.826, + "recall_at_3": 33.536, + "recall_at_5": 40.311, + "main_score": 40.646 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/HotpotQA.json b/results/tomaarsen__bge-base-en-v1.5/external/HotpotQA.json new file mode 100644 index 000000000..168c6cd17 --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.358, + "map_at_10": 64.497, + "map_at_100": 65.362, + "map_at_1000": 65.41900000000001, + "map_at_3": 61.06700000000001, + "map_at_5": 63.317, + "mrr_at_1": 80.716, + "mrr_at_10": 86.10799999999999, + "mrr_at_100": 86.265, + "mrr_at_1000": 86.27, + "mrr_at_3": 85.271, + "mrr_at_5": 85.82499999999999, + "ndcg_at_1": 80.716, + "ndcg_at_10": 72.597, + "ndcg_at_100": 75.549, + "ndcg_at_1000": 76.61, + "ndcg_at_3": 67.874, + "ndcg_at_5": 70.655, + "precision_at_1": 80.716, + "precision_at_10": 15.148, + "precision_at_100": 1.745, + "precision_at_1000": 0.188, + "precision_at_3": 43.597, + "precision_at_5": 28.351, + "recall_at_1": 40.358, + "recall_at_10": 75.739, + "recall_at_100": 87.259, + "recall_at_1000": 94.234, + "recall_at_3": 65.39500000000001, + "recall_at_5": 70.878, + "main_score": 72.597 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/ImdbClassification.json b/results/tomaarsen__bge-base-en-v1.5/external/ImdbClassification.json new file mode 100644 index 000000000..908f6e80f --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 90.80799999999998, + "ap": 86.81350378180757, + "f1": 90.79901248314215, + "main_score": 90.80799999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/MSMARCO.json b/results/tomaarsen__bge-base-en-v1.5/external/MSMARCO.json new file mode 100644 index 000000000..9558f091d --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.096, + "map_at_10": 34.384, + "map_at_100": 35.541, + "map_at_1000": 35.589999999999996, + "map_at_3": 30.496000000000002, + "map_at_5": 32.718, + "mrr_at_1": 22.750999999999998, + "mrr_at_10": 35.024, + "mrr_at_100": 36.125, + "mrr_at_1000": 36.168, + "mrr_at_3": 31.225, + "mrr_at_5": 33.416000000000004, + "ndcg_at_1": 22.750999999999998, + "ndcg_at_10": 41.351, + "ndcg_at_100": 46.92, + "ndcg_at_1000": 48.111, + "ndcg_at_3": 33.439, + "ndcg_at_5": 37.407000000000004, + "precision_at_1": 22.750999999999998, + "precision_at_10": 6.564, + "precision_at_100": 0.935, + "precision_at_1000": 0.104, + "precision_at_3": 14.288, + "precision_at_5": 10.581999999999999, + "recall_at_1": 22.096, + "recall_at_10": 62.771, + "recall_at_100": 88.529, + "recall_at_1000": 97.55, + "recall_at_3": 41.245, + "recall_at_5": 50.788, + "main_score": 41.351 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/MTOPDomainClassification.json b/results/tomaarsen__bge-base-en-v1.5/external/MTOPDomainClassification.json new file mode 100644 index 000000000..31fcb9c22 --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 94.16780665754673, + "f1": 93.96331194859894, + "main_score": 94.16780665754673 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/MTOPIntentClassification.json b/results/tomaarsen__bge-base-en-v1.5/external/MTOPIntentClassification.json new file mode 100644 index 000000000..f107f2821 --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.90606475148198, + "f1": 58.58344986604187, + "main_score": 76.90606475148198 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/MassiveIntentClassification.json b/results/tomaarsen__bge-base-en-v1.5/external/MassiveIntentClassification.json new file mode 100644 index 000000000..6825893cb --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.14660390047075, + "f1": 74.31533923533614, + "main_score": 76.14660390047075 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/MassiveScenarioClassification.json b/results/tomaarsen__bge-base-en-v1.5/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..0136d6029 --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.16139878950908, + "f1": 80.18532656824924, + "main_score": 80.16139878950908 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/MedrxivClusteringP2P.json b/results/tomaarsen__bge-base-en-v1.5/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..fa1a17393 --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.949880906135085, + "main_score": 32.949880906135085 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/MedrxivClusteringS2S.json b/results/tomaarsen__bge-base-en-v1.5/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..3f5360bbd --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.56300351524862, + "main_score": 31.56300351524862 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/MindSmallReranking.json b/results/tomaarsen__bge-base-en-v1.5/external/MindSmallReranking.json new file mode 100644 index 000000000..466785e3b --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.196521894371315, + "mrr": 32.22644231694389, + "main_score": 31.196521894371315 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/NFCorpus.json b/results/tomaarsen__bge-base-en-v1.5/external/NFCorpus.json new file mode 100644 index 000000000..ca5cc3cb3 --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.783, + "map_at_10": 14.549000000000001, + "map_at_100": 18.433, + "map_at_1000": 19.949, + "map_at_3": 10.936, + "map_at_5": 12.514, + "mrr_at_1": 47.368, + "mrr_at_10": 56.42, + "mrr_at_100": 56.908, + "mrr_at_1000": 56.95, + "mrr_at_3": 54.283, + "mrr_at_5": 55.568, + "ndcg_at_1": 45.666000000000004, + "ndcg_at_10": 37.389, + "ndcg_at_100": 34.253, + "ndcg_at_1000": 43.059999999999995, + "ndcg_at_3": 42.725, + "ndcg_at_5": 40.193, + "precision_at_1": 47.368, + "precision_at_10": 27.988000000000003, + "precision_at_100": 8.672, + "precision_at_1000": 2.164, + "precision_at_3": 40.248, + "precision_at_5": 34.737, + "recall_at_1": 6.783, + "recall_at_10": 17.838, + "recall_at_100": 33.672000000000004, + "recall_at_1000": 66.166, + "recall_at_3": 11.849, + "recall_at_5": 14.205000000000002, + "main_score": 37.389 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/NQ.json b/results/tomaarsen__bge-base-en-v1.5/external/NQ.json new file mode 100644 index 000000000..8d1207827 --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.698999999999998, + "map_at_10": 46.556, + "map_at_100": 47.652, + "map_at_1000": 47.68, + "map_at_3": 42.492000000000004, + "map_at_5": 44.763999999999996, + "mrr_at_1": 35.747, + "mrr_at_10": 49.242999999999995, + "mrr_at_100": 50.052, + "mrr_at_1000": 50.068, + "mrr_at_3": 45.867000000000004, + "mrr_at_5": 47.778999999999996, + "ndcg_at_1": 35.717999999999996, + "ndcg_at_10": 54.14600000000001, + "ndcg_at_100": 58.672999999999995, + "ndcg_at_1000": 59.279, + "ndcg_at_3": 46.407, + "ndcg_at_5": 50.181, + "precision_at_1": 35.717999999999996, + "precision_at_10": 8.844000000000001, + "precision_at_100": 1.139, + "precision_at_1000": 0.12, + "precision_at_3": 20.993000000000002, + "precision_at_5": 14.791000000000002, + "recall_at_1": 31.698999999999998, + "recall_at_10": 74.693, + "recall_at_100": 94.15299999999999, + "recall_at_1000": 98.585, + "recall_at_3": 54.388999999999996, + "recall_at_5": 63.08200000000001, + "main_score": 54.14600000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/QuoraRetrieval.json b/results/tomaarsen__bge-base-en-v1.5/external/QuoraRetrieval.json new file mode 100644 index 000000000..3239a2153 --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 71.283, + "map_at_10": 85.24000000000001, + "map_at_100": 85.882, + "map_at_1000": 85.897, + "map_at_3": 82.326, + "map_at_5": 84.177, + "mrr_at_1": 82.21000000000001, + "mrr_at_10": 88.228, + "mrr_at_100": 88.32, + "mrr_at_1000": 88.32, + "mrr_at_3": 87.323, + "mrr_at_5": 87.94800000000001, + "ndcg_at_1": 82.17999999999999, + "ndcg_at_10": 88.9, + "ndcg_at_100": 90.079, + "ndcg_at_1000": 90.158, + "ndcg_at_3": 86.18299999999999, + "ndcg_at_5": 87.71799999999999, + "precision_at_1": 82.17999999999999, + "precision_at_10": 13.464, + "precision_at_100": 1.533, + "precision_at_1000": 0.157, + "precision_at_3": 37.693, + "precision_at_5": 24.792, + "recall_at_1": 71.283, + "recall_at_10": 95.742, + "recall_at_100": 99.67200000000001, + "recall_at_1000": 99.981, + "recall_at_3": 87.888, + "recall_at_5": 92.24, + "main_score": 88.9 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/RedditClustering.json b/results/tomaarsen__bge-base-en-v1.5/external/RedditClustering.json new file mode 100644 index 000000000..da2e5db29 --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 56.24267063669042, + "main_score": 56.24267063669042 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/RedditClusteringP2P.json b/results/tomaarsen__bge-base-en-v1.5/external/RedditClusteringP2P.json new file mode 100644 index 000000000..c64cf3073 --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 62.88056988932578, + "main_score": 62.88056988932578 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/SCIDOCS.json b/results/tomaarsen__bge-base-en-v1.5/external/SCIDOCS.json new file mode 100644 index 000000000..2bb7c65df --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.903, + "map_at_10": 13.202, + "map_at_100": 15.5, + "map_at_1000": 15.870999999999999, + "map_at_3": 9.407, + "map_at_5": 11.238, + "mrr_at_1": 24.2, + "mrr_at_10": 35.867, + "mrr_at_100": 37.001, + "mrr_at_1000": 37.043, + "mrr_at_3": 32.5, + "mrr_at_5": 34.35, + "ndcg_at_1": 24.2, + "ndcg_at_10": 21.731, + "ndcg_at_100": 30.7, + "ndcg_at_1000": 36.618, + "ndcg_at_3": 20.72, + "ndcg_at_5": 17.954, + "precision_at_1": 24.2, + "precision_at_10": 11.33, + "precision_at_100": 2.4410000000000003, + "precision_at_1000": 0.386, + "precision_at_3": 19.667, + "precision_at_5": 15.86, + "recall_at_1": 4.903, + "recall_at_10": 22.962, + "recall_at_100": 49.563, + "recall_at_1000": 78.238, + "recall_at_3": 11.953, + "recall_at_5": 16.067999999999998, + "main_score": 21.731 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/SICK-R.json b/results/tomaarsen__bge-base-en-v1.5/external/SICK-R.json new file mode 100644 index 000000000..9d1d598d4 --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.12694254604078, + "cos_sim_spearman": 80.30141815181918, + "euclidean_pearson": 81.34015449877128, + "euclidean_spearman": 80.13984197010849, + "manhattan_pearson": 81.31767068124086, + "manhattan_spearman": 80.11720513114103, + "cosine_pearson": 84.12694254604078, + "cosine_spearman": 80.30141815181918, + "main_score": 80.30141815181918 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/STS12.json b/results/tomaarsen__bge-base-en-v1.5/external/STS12.json new file mode 100644 index 000000000..367fe2fa2 --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.13112984010417, + "cos_sim_spearman": 78.03063573402875, + "euclidean_pearson": 83.51928418844804, + "euclidean_spearman": 78.4045235411144, + "manhattan_pearson": 83.49981637388689, + "manhattan_spearman": 78.4042575139372, + "cosine_pearson": 86.13112984010417, + "cosine_spearman": 78.03063573402875, + "main_score": 78.03063573402875 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/STS13.json b/results/tomaarsen__bge-base-en-v1.5/external/STS13.json new file mode 100644 index 000000000..a0cd959fe --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.50327987379504, + "cos_sim_spearman": 84.18556767756205, + "euclidean_pearson": 82.69684424327679, + "euclidean_spearman": 83.5368106038335, + "manhattan_pearson": 82.57967581007374, + "manhattan_spearman": 83.43009053133697, + "cosine_pearson": 82.50327987379504, + "cosine_spearman": 84.18556767756205, + "main_score": 84.18556767756205 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/STS14.json b/results/tomaarsen__bge-base-en-v1.5/external/STS14.json new file mode 100644 index 000000000..df901b39f --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.50756863007814, + "cos_sim_spearman": 82.27204331279108, + "euclidean_pearson": 81.39535251429741, + "euclidean_spearman": 81.84386626336239, + "manhattan_pearson": 81.34281737280695, + "manhattan_spearman": 81.81149375673166, + "cosine_pearson": 82.50756863007814, + "cosine_spearman": 82.27204331279108, + "main_score": 82.27204331279108 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/STS15.json b/results/tomaarsen__bge-base-en-v1.5/external/STS15.json new file mode 100644 index 000000000..fe1502c90 --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.8727714856726, + "cos_sim_spearman": 87.95738287792312, + "euclidean_pearson": 86.62920602795887, + "euclidean_spearman": 87.05207355381243, + "manhattan_pearson": 86.53587918472225, + "manhattan_spearman": 86.95382961029586, + "cosine_pearson": 86.8727714856726, + "cosine_spearman": 87.95738287792312, + "main_score": 87.95738287792312 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/STS16.json b/results/tomaarsen__bge-base-en-v1.5/external/STS16.json new file mode 100644 index 000000000..4a3ba9944 --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.52240359769479, + "cos_sim_spearman": 85.47685776238286, + "euclidean_pearson": 84.25815333483058, + "euclidean_spearman": 85.27415639683198, + "manhattan_pearson": 84.29127757025637, + "manhattan_spearman": 85.30226224917351, + "cosine_pearson": 83.52240359769479, + "cosine_spearman": 85.47685776238286, + "main_score": 85.47685776238286 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/STS17.json b/results/tomaarsen__bge-base-en-v1.5/external/STS17.json new file mode 100644 index 000000000..36c12cdd1 --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.42501708915708, + "cos_sim_spearman": 86.42276182795041, + "euclidean_pearson": 86.5408207354761, + "euclidean_spearman": 85.46096321750838, + "manhattan_pearson": 86.54177303026881, + "manhattan_spearman": 85.50313151916117, + "cosine_pearson": 86.42501708915708, + "cosine_spearman": 86.42276182795041, + "main_score": 86.42276182795041 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/STS22.json b/results/tomaarsen__bge-base-en-v1.5/external/STS22.json new file mode 100644 index 000000000..760739894 --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 64.86521089250766, + "cos_sim_spearman": 65.94868540323003, + "euclidean_pearson": 67.16569626533084, + "euclidean_spearman": 66.37667004134917, + "manhattan_pearson": 67.1482365102333, + "manhattan_spearman": 66.53240122580029, + "cosine_pearson": 64.86521089250766, + "cosine_spearman": 65.94868540323003, + "main_score": 65.94868540323003 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/STSBenchmark.json b/results/tomaarsen__bge-base-en-v1.5/external/STSBenchmark.json new file mode 100644 index 000000000..d7971e437 --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.64746265365318, + "cos_sim_spearman": 86.41888825906786, + "euclidean_pearson": 85.27453642725811, + "euclidean_spearman": 85.94095796602544, + "manhattan_pearson": 85.28643660505334, + "manhattan_spearman": 85.95028003260744, + "cosine_pearson": 84.64746265365318, + "cosine_spearman": 86.41888825906786, + "main_score": 86.41888825906786 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/SciDocsRR.json b/results/tomaarsen__bge-base-en-v1.5/external/SciDocsRR.json new file mode 100644 index 000000000..2cd98d22d --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 87.48903153618527, + "mrr": 96.41081503826601, + "main_score": 87.48903153618527 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/SciFact.json b/results/tomaarsen__bge-base-en-v1.5/external/SciFact.json new file mode 100644 index 000000000..d0c909cdd --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 58.594, + "map_at_10": 69.296, + "map_at_100": 69.782, + "map_at_1000": 69.795, + "map_at_3": 66.23, + "map_at_5": 68.293, + "mrr_at_1": 61.667, + "mrr_at_10": 70.339, + "mrr_at_100": 70.708, + "mrr_at_1000": 70.722, + "mrr_at_3": 68.0, + "mrr_at_5": 69.56700000000001, + "ndcg_at_1": 61.667, + "ndcg_at_10": 74.039, + "ndcg_at_100": 76.103, + "ndcg_at_1000": 76.47800000000001, + "ndcg_at_3": 68.967, + "ndcg_at_5": 71.96900000000001, + "precision_at_1": 61.667, + "precision_at_10": 9.866999999999999, + "precision_at_100": 1.097, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 27.111, + "precision_at_5": 18.2, + "recall_at_1": 58.594, + "recall_at_10": 87.422, + "recall_at_100": 96.667, + "recall_at_1000": 99.667, + "recall_at_3": 74.217, + "recall_at_5": 81.539, + "main_score": 74.039 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/SprintDuplicateQuestions.json b/results/tomaarsen__bge-base-en-v1.5/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..a733dfcaf --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.85049504950496, + "cos_sim_ap": 96.33111544137081, + "cos_sim_f1": 92.35443037974684, + "cos_sim_precision": 93.53846153846153, + "cos_sim_recall": 91.2, + "dot_accuracy": 99.82376237623762, + "dot_ap": 95.38082527310888, + "dot_f1": 90.90909090909092, + "dot_precision": 92.90187891440502, + "dot_recall": 89.0, + "euclidean_accuracy": 99.84851485148515, + "euclidean_ap": 96.32316003996347, + "euclidean_f1": 92.2071392659628, + "euclidean_precision": 92.71991911021233, + "euclidean_recall": 91.7, + "manhattan_accuracy": 99.84851485148515, + "manhattan_ap": 96.3655668249217, + "manhattan_f1": 92.18356026222895, + "manhattan_precision": 92.98067141403867, + "manhattan_recall": 91.4, + "max_accuracy": 99.85049504950496, + "max_ap": 96.3655668249217, + "max_f1": 92.35443037974684, + "main_score": 96.3655668249217 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/StackExchangeClustering.json b/results/tomaarsen__bge-base-en-v1.5/external/StackExchangeClustering.json new file mode 100644 index 000000000..23393354d --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 65.94861371629051, + "main_score": 65.94861371629051 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/StackExchangeClusteringP2P.json b/results/tomaarsen__bge-base-en-v1.5/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..b03be8e89 --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.009430451385, + "main_score": 35.009430451385 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/StackOverflowDupQuestions.json b/results/tomaarsen__bge-base-en-v1.5/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..6f4ff354b --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 54.61164066427969, + "mrr": 55.49710603938544, + "main_score": 54.61164066427969 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/SummEval.json b/results/tomaarsen__bge-base-en-v1.5/external/SummEval.json new file mode 100644 index 000000000..5f4858e5e --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.622620124907662, + "cos_sim_spearman": 31.0678351356163, + "dot_pearson": 30.863727693306814, + "dot_spearman": 31.230306567021255, + "cosine_pearson": 30.622620124907662, + "cosine_spearman": 31.0678351356163, + "main_score": 31.0678351356163 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/TRECCOVID.json b/results/tomaarsen__bge-base-en-v1.5/external/TRECCOVID.json new file mode 100644 index 000000000..90cd9ea96 --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.22, + "map_at_10": 2.011, + "map_at_100": 10.974, + "map_at_1000": 25.819, + "map_at_3": 0.6649999999999999, + "map_at_5": 1.076, + "mrr_at_1": 86.0, + "mrr_at_10": 91.8, + "mrr_at_100": 91.8, + "mrr_at_1000": 91.8, + "mrr_at_3": 91.0, + "mrr_at_5": 91.8, + "ndcg_at_1": 82.0, + "ndcg_at_10": 78.07300000000001, + "ndcg_at_100": 58.231, + "ndcg_at_1000": 51.153000000000006, + "ndcg_at_3": 81.123, + "ndcg_at_5": 81.059, + "precision_at_1": 86.0, + "precision_at_10": 83.0, + "precision_at_100": 59.38, + "precision_at_1000": 22.55, + "precision_at_3": 87.333, + "precision_at_5": 86.8, + "recall_at_1": 0.22, + "recall_at_10": 2.2079999999999997, + "recall_at_100": 14.069, + "recall_at_1000": 47.678, + "recall_at_3": 0.7040000000000001, + "recall_at_5": 1.161, + "main_score": 78.07300000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/Touche2020.json b/results/tomaarsen__bge-base-en-v1.5/external/Touche2020.json new file mode 100644 index 000000000..09717bb71 --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.809, + "map_at_10": 10.394, + "map_at_100": 16.598, + "map_at_1000": 18.142, + "map_at_3": 5.572, + "map_at_5": 7.1370000000000005, + "mrr_at_1": 32.653, + "mrr_at_10": 46.564, + "mrr_at_100": 47.469, + "mrr_at_1000": 47.469, + "mrr_at_3": 42.177, + "mrr_at_5": 44.524, + "ndcg_at_1": 30.612000000000002, + "ndcg_at_10": 25.701, + "ndcg_at_100": 37.532, + "ndcg_at_1000": 48.757, + "ndcg_at_3": 28.199999999999996, + "ndcg_at_5": 25.987, + "precision_at_1": 32.653, + "precision_at_10": 23.469, + "precision_at_100": 7.9799999999999995, + "precision_at_1000": 1.5350000000000001, + "precision_at_3": 29.932, + "precision_at_5": 26.122, + "recall_at_1": 2.809, + "recall_at_10": 16.887, + "recall_at_100": 48.67, + "recall_at_1000": 82.89699999999999, + "recall_at_3": 6.521000000000001, + "recall_at_5": 9.609, + "main_score": 25.701 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/ToxicConversationsClassification.json b/results/tomaarsen__bge-base-en-v1.5/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..b0242d5b3 --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.57860000000001, + "ap": 13.82629211536393, + "f1": 54.59860966183956, + "main_score": 71.57860000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/TweetSentimentExtractionClassification.json b/results/tomaarsen__bge-base-en-v1.5/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..78e98d954 --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 59.38030560271647, + "f1": 59.69685552567865, + "main_score": 59.38030560271647 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/TwentyNewsgroupsClustering.json b/results/tomaarsen__bge-base-en-v1.5/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..6688b2a23 --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 51.4736717043405, + "main_score": 51.4736717043405 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/TwitterSemEval2015.json b/results/tomaarsen__bge-base-en-v1.5/external/TwitterSemEval2015.json new file mode 100644 index 000000000..5c9a1e4d4 --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 86.92853311080646, + "cos_sim_ap": 77.67872502591382, + "cos_sim_f1": 70.33941236068895, + "cos_sim_precision": 67.63273258645884, + "cos_sim_recall": 73.27176781002639, + "dot_accuracy": 85.79603027954938, + "dot_ap": 73.73786190233379, + "dot_f1": 67.3437901774235, + "dot_precision": 65.67201604814443, + "dot_recall": 69.10290237467018, + "euclidean_accuracy": 86.94045419324074, + "euclidean_ap": 77.6687791535167, + "euclidean_f1": 70.47209214023542, + "euclidean_precision": 67.7207492094381, + "euclidean_recall": 73.45646437994723, + "manhattan_accuracy": 86.87488823985218, + "manhattan_ap": 77.63373392430728, + "manhattan_f1": 70.40920716112532, + "manhattan_precision": 68.31265508684864, + "manhattan_recall": 72.63852242744063, + "max_accuracy": 86.94045419324074, + "max_ap": 77.67872502591382, + "max_f1": 70.47209214023542, + "main_score": 77.67872502591382 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/TwitterURLCorpus.json b/results/tomaarsen__bge-base-en-v1.5/external/TwitterURLCorpus.json new file mode 100644 index 000000000..dded6216c --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.67155664221679, + "cos_sim_ap": 85.64591703003417, + "cos_sim_f1": 77.59531005352656, + "cos_sim_precision": 73.60967184801382, + "cos_sim_recall": 82.03726516784724, + "dot_accuracy": 88.41541506578181, + "dot_ap": 84.6482788957769, + "dot_f1": 77.04748541466657, + "dot_precision": 74.02440754931176, + "dot_recall": 80.3279950723745, + "euclidean_accuracy": 88.63080684596576, + "euclidean_ap": 85.44570045321562, + "euclidean_f1": 77.28769403336106, + "euclidean_precision": 72.90600040958427, + "euclidean_recall": 82.22975053895904, + "manhattan_accuracy": 88.59393798269105, + "manhattan_ap": 85.40271361038187, + "manhattan_f1": 77.17606419344392, + "manhattan_precision": 72.4447747078295, + "manhattan_recall": 82.5685247921158, + "max_accuracy": 88.67155664221679, + "max_ap": 85.64591703003417, + "max_f1": 77.59531005352656, + "main_score": 85.64591703003417 + } + ] + } +} \ No newline at end of file diff --git a/results/tomaarsen__bge-base-en-v1.5/external/model_meta.json b/results/tomaarsen__bge-base-en-v1.5/external/model_meta.json new file mode 100644 index 000000000..cc130996e --- /dev/null +++ b/results/tomaarsen__bge-base-en-v1.5/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "tomaarsen/bge-base-en-v1.5", + "revision": "ba3b296ccf40a2aa1e73d24a5081f455258dd68a", + "release_date": "2024-09-05", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 109482240, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 768, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/towing__gte-small-zh/external/AFQMC.json b/results/towing__gte-small-zh/external/AFQMC.json new file mode 100644 index 000000000..d03fac4b8 --- /dev/null +++ b/results/towing__gte-small-zh/external/AFQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "AFQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 35.80906032378281, + "cos_sim_spearman": 36.688967176174415, + "euclidean_pearson": 35.70701955438158, + "euclidean_spearman": 36.6889470691436, + "manhattan_pearson": 35.832741768286944, + "manhattan_spearman": 36.831888591957195, + "cosine_pearson": 35.80906032378281, + "cosine_spearman": 36.688967176174415, + "main_score": 36.688967176174415 + } + ] + } +} \ No newline at end of file diff --git a/results/towing__gte-small-zh/external/ATEC.json b/results/towing__gte-small-zh/external/ATEC.json new file mode 100644 index 000000000..96847aca8 --- /dev/null +++ b/results/towing__gte-small-zh/external/ATEC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "ATEC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 44.667266488330384, + "cos_sim_spearman": 45.77390794946174, + "euclidean_pearson": 48.14272832901943, + "euclidean_spearman": 45.77390569666109, + "manhattan_pearson": 48.187667158563094, + "manhattan_spearman": 45.80979161966117, + "cosine_pearson": 44.667266488330384, + "cosine_spearman": 45.77390794946174, + "main_score": 45.77390794946174 + } + ] + } +} \ No newline at end of file diff --git a/results/towing__gte-small-zh/external/AmazonReviewsClassification.json b/results/towing__gte-small-zh/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..b41a386e1 --- /dev/null +++ b/results/towing__gte-small-zh/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 38.690000000000005, + "f1": 36.868257131984016, + "main_score": 38.690000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/towing__gte-small-zh/external/BQ.json b/results/towing__gte-small-zh/external/BQ.json new file mode 100644 index 000000000..52808211d --- /dev/null +++ b/results/towing__gte-small-zh/external/BQ.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "BQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 49.03674224607541, + "cos_sim_spearman": 49.63568854885055, + "euclidean_pearson": 49.47441886441355, + "euclidean_spearman": 49.63567815431205, + "manhattan_pearson": 49.76480072909559, + "manhattan_spearman": 49.977789367288224, + "cosine_pearson": 49.03674224607541, + "cosine_spearman": 49.63568854885055, + "main_score": 49.63568854885055 + } + ] + } +} \ No newline at end of file diff --git a/results/towing__gte-small-zh/external/CLSClusteringP2P.json b/results/towing__gte-small-zh/external/CLSClusteringP2P.json new file mode 100644 index 000000000..8979d0c72 --- /dev/null +++ b/results/towing__gte-small-zh/external/CLSClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 39.538126779019755, + "main_score": 39.538126779019755 + } + ] + } +} \ No newline at end of file diff --git a/results/towing__gte-small-zh/external/CLSClusteringS2S.json b/results/towing__gte-small-zh/external/CLSClusteringS2S.json new file mode 100644 index 000000000..3e3b47fd9 --- /dev/null +++ b/results/towing__gte-small-zh/external/CLSClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "CLSClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 37.333105487031766, + "main_score": 37.333105487031766 + } + ] + } +} \ No newline at end of file diff --git a/results/towing__gte-small-zh/external/CmedqaRetrieval.json b/results/towing__gte-small-zh/external/CmedqaRetrieval.json new file mode 100644 index 000000000..2f6588c5d --- /dev/null +++ b/results/towing__gte-small-zh/external/CmedqaRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CmedqaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 23.913999999999998, + "map_at_10": 35.913000000000004, + "map_at_100": 37.836, + "map_at_1000": 37.952000000000005, + "map_at_3": 31.845000000000002, + "map_at_5": 34.0, + "mrr_at_1": 36.884, + "mrr_at_10": 44.872, + "mrr_at_100": 45.899, + "mrr_at_1000": 45.945, + "mrr_at_3": 42.331, + "mrr_at_5": 43.674, + "ndcg_at_1": 36.884, + "ndcg_at_10": 42.459, + "ndcg_at_100": 50.046, + "ndcg_at_1000": 52.092000000000006, + "ndcg_at_3": 37.225, + "ndcg_at_5": 39.2, + "precision_at_1": 36.884, + "precision_at_10": 9.562, + "precision_at_100": 1.572, + "precision_at_1000": 0.183, + "precision_at_3": 21.122, + "precision_at_5": 15.274, + "recall_at_1": 23.913999999999998, + "recall_at_10": 52.891999999999996, + "recall_at_100": 84.328, + "recall_at_1000": 98.168, + "recall_at_3": 37.095, + "recall_at_5": 43.396, + "main_score": 42.459 + } + ] + } +} \ No newline at end of file diff --git a/results/towing__gte-small-zh/external/Cmnli.json b/results/towing__gte-small-zh/external/Cmnli.json new file mode 100644 index 000000000..e363b3566 --- /dev/null +++ b/results/towing__gte-small-zh/external/Cmnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Cmnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 68.91160553217077, + "cos_sim_ap": 76.45769658379533, + "cos_sim_f1": 72.07988702844463, + "cos_sim_precision": 63.384779137839274, + "cos_sim_recall": 83.53986439092822, + "dot_accuracy": 68.91160553217077, + "dot_ap": 76.47279917239219, + "dot_f1": 72.07988702844463, + "dot_precision": 63.384779137839274, + "dot_recall": 83.53986439092822, + "euclidean_accuracy": 68.91160553217077, + "euclidean_ap": 76.45768544225383, + "euclidean_f1": 72.07988702844463, + "euclidean_precision": 63.384779137839274, + "euclidean_recall": 83.53986439092822, + "manhattan_accuracy": 69.21226698737222, + "manhattan_ap": 76.6623683693766, + "manhattan_f1": 72.14058164628506, + "manhattan_precision": 64.35643564356435, + "manhattan_recall": 82.06686930091185, + "max_accuracy": 69.21226698737222, + "max_ap": 76.6623683693766, + "max_f1": 72.14058164628506, + "main_score": 69.21226698737222 + } + ] + } +} \ No newline at end of file diff --git a/results/towing__gte-small-zh/external/CovidRetrieval.json b/results/towing__gte-small-zh/external/CovidRetrieval.json new file mode 100644 index 000000000..dea1c5f88 --- /dev/null +++ b/results/towing__gte-small-zh/external/CovidRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "CovidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 48.419000000000004, + "map_at_10": 57.367999999999995, + "map_at_100": 58.081, + "map_at_1000": 58.108000000000004, + "map_at_3": 55.251, + "map_at_5": 56.53399999999999, + "mrr_at_1": 48.472, + "mrr_at_10": 57.359, + "mrr_at_100": 58.055, + "mrr_at_1000": 58.082, + "mrr_at_3": 55.303999999999995, + "mrr_at_5": 56.542, + "ndcg_at_1": 48.472, + "ndcg_at_10": 61.651999999999994, + "ndcg_at_100": 65.257, + "ndcg_at_1000": 65.977, + "ndcg_at_3": 57.401, + "ndcg_at_5": 59.681, + "precision_at_1": 48.472, + "precision_at_10": 7.576, + "precision_at_100": 0.932, + "precision_at_1000": 0.099, + "precision_at_3": 21.25, + "precision_at_5": 13.888, + "recall_at_1": 48.419000000000004, + "recall_at_10": 74.97399999999999, + "recall_at_100": 92.202, + "recall_at_1000": 97.893, + "recall_at_3": 63.541000000000004, + "recall_at_5": 68.994, + "main_score": 61.651999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/towing__gte-small-zh/external/DuRetrieval.json b/results/towing__gte-small-zh/external/DuRetrieval.json new file mode 100644 index 000000000..6c9e2609a --- /dev/null +++ b/results/towing__gte-small-zh/external/DuRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DuRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 22.328, + "map_at_10": 69.11, + "map_at_100": 72.47, + "map_at_1000": 72.54599999999999, + "map_at_3": 46.938, + "map_at_5": 59.56, + "mrr_at_1": 81.35, + "mrr_at_10": 87.066, + "mrr_at_100": 87.212, + "mrr_at_1000": 87.21799999999999, + "mrr_at_3": 86.558, + "mrr_at_5": 86.931, + "ndcg_at_1": 81.35, + "ndcg_at_10": 78.568, + "ndcg_at_100": 82.86099999999999, + "ndcg_at_1000": 83.628, + "ndcg_at_3": 76.716, + "ndcg_at_5": 75.664, + "precision_at_1": 81.35, + "precision_at_10": 38.545, + "precision_at_100": 4.657, + "precision_at_1000": 0.484, + "precision_at_3": 69.18299999999999, + "precision_at_5": 58.67, + "recall_at_1": 22.328, + "recall_at_10": 80.658, + "recall_at_100": 94.093, + "recall_at_1000": 98.137, + "recall_at_3": 50.260000000000005, + "recall_at_5": 66.045, + "main_score": 78.568 + } + ] + } +} \ No newline at end of file diff --git a/results/towing__gte-small-zh/external/EcomRetrieval.json b/results/towing__gte-small-zh/external/EcomRetrieval.json new file mode 100644 index 000000000..0d956078b --- /dev/null +++ b/results/towing__gte-small-zh/external/EcomRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "EcomRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 43.1, + "map_at_10": 52.872, + "map_at_100": 53.556000000000004, + "map_at_1000": 53.583000000000006, + "map_at_3": 50.14999999999999, + "map_at_5": 51.925, + "mrr_at_1": 43.1, + "mrr_at_10": 52.872, + "mrr_at_100": 53.556000000000004, + "mrr_at_1000": 53.583000000000006, + "mrr_at_3": 50.14999999999999, + "mrr_at_5": 51.925, + "ndcg_at_1": 43.1, + "ndcg_at_10": 57.907, + "ndcg_at_100": 61.517999999999994, + "ndcg_at_1000": 62.175000000000004, + "ndcg_at_3": 52.425, + "ndcg_at_5": 55.631, + "precision_at_1": 43.1, + "precision_at_10": 7.380000000000001, + "precision_at_100": 0.9129999999999999, + "precision_at_1000": 0.096, + "precision_at_3": 19.667, + "precision_at_5": 13.36, + "recall_at_1": 43.1, + "recall_at_10": 73.8, + "recall_at_100": 91.3, + "recall_at_1000": 96.39999999999999, + "recall_at_3": 59.0, + "recall_at_5": 66.8, + "main_score": 57.907 + } + ] + } +} \ No newline at end of file diff --git a/results/towing__gte-small-zh/external/IFlyTek.json b/results/towing__gte-small-zh/external/IFlyTek.json new file mode 100644 index 000000000..ecfda2f41 --- /dev/null +++ b/results/towing__gte-small-zh/external/IFlyTek.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "IFlyTek", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 41.146594844170835, + "f1": 28.544218732704845, + "main_score": 41.146594844170835 + } + ] + } +} \ No newline at end of file diff --git a/results/towing__gte-small-zh/external/JDReview.json b/results/towing__gte-small-zh/external/JDReview.json new file mode 100644 index 000000000..9c5477bff --- /dev/null +++ b/results/towing__gte-small-zh/external/JDReview.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "JDReview", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 82.83302063789868, + "ap": 48.881798834997056, + "f1": 77.28655923994657, + "main_score": 82.83302063789868 + } + ] + } +} \ No newline at end of file diff --git a/results/towing__gte-small-zh/external/LCQMC.json b/results/towing__gte-small-zh/external/LCQMC.json new file mode 100644 index 000000000..0c55345e5 --- /dev/null +++ b/results/towing__gte-small-zh/external/LCQMC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "LCQMC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 66.05467125345538, + "cos_sim_spearman": 72.71921060562211, + "euclidean_pearson": 71.28539457113986, + "euclidean_spearman": 72.71920173126693, + "manhattan_pearson": 71.23750818174456, + "manhattan_spearman": 72.61025268693467, + "cosine_pearson": 66.05467125345538, + "cosine_spearman": 72.71921060562211, + "main_score": 72.71921060562211 + } + ] + } +} \ No newline at end of file diff --git a/results/towing__gte-small-zh/external/MMarcoReranking.json b/results/towing__gte-small-zh/external/MMarcoReranking.json new file mode 100644 index 000000000..86e49a355 --- /dev/null +++ b/results/towing__gte-small-zh/external/MMarcoReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 26.127712982639483, + "mrr": 24.87420634920635, + "main_score": 26.127712982639483 + } + ] + } +} \ No newline at end of file diff --git a/results/towing__gte-small-zh/external/MMarcoRetrieval.json b/results/towing__gte-small-zh/external/MMarcoRetrieval.json new file mode 100644 index 000000000..b641e839d --- /dev/null +++ b/results/towing__gte-small-zh/external/MMarcoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MMarcoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 62.517, + "map_at_10": 71.251, + "map_at_100": 71.647, + "map_at_1000": 71.665, + "map_at_3": 69.28, + "map_at_5": 70.489, + "mrr_at_1": 64.613, + "mrr_at_10": 71.89, + "mrr_at_100": 72.243, + "mrr_at_1000": 72.259, + "mrr_at_3": 70.138, + "mrr_at_5": 71.232, + "ndcg_at_1": 64.613, + "ndcg_at_10": 75.005, + "ndcg_at_100": 76.805, + "ndcg_at_1000": 77.281, + "ndcg_at_3": 71.234, + "ndcg_at_5": 73.294, + "precision_at_1": 64.613, + "precision_at_10": 9.142, + "precision_at_100": 1.004, + "precision_at_1000": 0.104, + "precision_at_3": 26.781, + "precision_at_5": 17.149, + "recall_at_1": 62.517, + "recall_at_10": 85.997, + "recall_at_100": 94.18299999999999, + "recall_at_1000": 97.911, + "recall_at_3": 75.993, + "recall_at_5": 80.88300000000001, + "main_score": 75.005 + } + ] + } +} \ No newline at end of file diff --git a/results/towing__gte-small-zh/external/MassiveIntentClassification.json b/results/towing__gte-small-zh/external/MassiveIntentClassification.json new file mode 100644 index 000000000..ebe0f866c --- /dev/null +++ b/results/towing__gte-small-zh/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 59.27706792199058, + "f1": 56.77545011902468, + "main_score": 59.27706792199058 + } + ] + } +} \ No newline at end of file diff --git a/results/towing__gte-small-zh/external/MassiveScenarioClassification.json b/results/towing__gte-small-zh/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..8be786194 --- /dev/null +++ b/results/towing__gte-small-zh/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 66.47948890383321, + "f1": 66.4502180376861, + "main_score": 66.47948890383321 + } + ] + } +} \ No newline at end of file diff --git a/results/towing__gte-small-zh/external/MedicalRetrieval.json b/results/towing__gte-small-zh/external/MedicalRetrieval.json new file mode 100644 index 000000000..f64242f5e --- /dev/null +++ b/results/towing__gte-small-zh/external/MedicalRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MedicalRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 54.2, + "map_at_10": 59.858, + "map_at_100": 60.46, + "map_at_1000": 60.507, + "map_at_3": 58.416999999999994, + "map_at_5": 59.331999999999994, + "mrr_at_1": 54.2, + "mrr_at_10": 59.862, + "mrr_at_100": 60.463, + "mrr_at_1000": 60.51, + "mrr_at_3": 58.416999999999994, + "mrr_at_5": 59.352000000000004, + "ndcg_at_1": 54.2, + "ndcg_at_10": 62.643, + "ndcg_at_100": 65.731, + "ndcg_at_1000": 67.096, + "ndcg_at_3": 59.727, + "ndcg_at_5": 61.375, + "precision_at_1": 54.2, + "precision_at_10": 7.140000000000001, + "precision_at_100": 0.8619999999999999, + "precision_at_1000": 0.097, + "precision_at_3": 21.166999999999998, + "precision_at_5": 13.5, + "recall_at_1": 54.2, + "recall_at_10": 71.39999999999999, + "recall_at_100": 86.2, + "recall_at_1000": 97.2, + "recall_at_3": 63.5, + "recall_at_5": 67.5, + "main_score": 62.643 + } + ] + } +} \ No newline at end of file diff --git a/results/towing__gte-small-zh/external/MultilingualSentiment.json b/results/towing__gte-small-zh/external/MultilingualSentiment.json new file mode 100644 index 000000000..767c449d1 --- /dev/null +++ b/results/towing__gte-small-zh/external/MultilingualSentiment.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "MultilingualSentiment", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 68.19666666666666, + "f1": 67.58581661416034, + "main_score": 68.19666666666666 + } + ] + } +} \ No newline at end of file diff --git a/results/towing__gte-small-zh/external/Ocnli.json b/results/towing__gte-small-zh/external/Ocnli.json new file mode 100644 index 000000000..355cba46c --- /dev/null +++ b/results/towing__gte-small-zh/external/Ocnli.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "None", + "task_name": "Ocnli", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_accuracy": 60.530590146182995, + "cos_sim_ap": 63.53656091243922, + "cos_sim_f1": 68.09929603556874, + "cos_sim_precision": 52.45433789954338, + "cos_sim_recall": 97.04329461457233, + "dot_accuracy": 60.530590146182995, + "dot_ap": 63.53660452157237, + "dot_f1": 68.09929603556874, + "dot_precision": 52.45433789954338, + "dot_recall": 97.04329461457233, + "euclidean_accuracy": 60.530590146182995, + "euclidean_ap": 63.53678735855631, + "euclidean_f1": 68.09929603556874, + "euclidean_precision": 52.45433789954338, + "euclidean_recall": 97.04329461457233, + "manhattan_accuracy": 60.47644829453167, + "manhattan_ap": 63.5622508250315, + "manhattan_f1": 68.1650700073692, + "manhattan_precision": 52.34861346915677, + "manhattan_recall": 97.67687434002113, + "max_accuracy": 60.530590146182995, + "max_ap": 63.5622508250315, + "max_f1": 68.1650700073692, + "main_score": 60.530590146182995 + } + ] + } +} \ No newline at end of file diff --git a/results/towing__gte-small-zh/external/OnlineShopping.json b/results/towing__gte-small-zh/external/OnlineShopping.json new file mode 100644 index 000000000..165b52c05 --- /dev/null +++ b/results/towing__gte-small-zh/external/OnlineShopping.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "OnlineShopping", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 89.13, + "ap": 87.21879260137172, + "f1": 89.12359325300508, + "main_score": 89.13 + } + ] + } +} \ No newline at end of file diff --git a/results/towing__gte-small-zh/external/PAWSX.json b/results/towing__gte-small-zh/external/PAWSX.json new file mode 100644 index 000000000..b5141476a --- /dev/null +++ b/results/towing__gte-small-zh/external/PAWSX.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "PAWSX", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 12.035577637900758, + "cos_sim_spearman": 12.76524190663864, + "euclidean_pearson": 14.4012689427106, + "euclidean_spearman": 12.765328992583608, + "manhattan_pearson": 14.458505202938946, + "manhattan_spearman": 12.763238700117896, + "cosine_pearson": 12.035577637900758, + "cosine_spearman": 12.76524190663864, + "main_score": 12.76524190663864 + } + ] + } +} \ No newline at end of file diff --git a/results/towing__gte-small-zh/external/QBQTC.json b/results/towing__gte-small-zh/external/QBQTC.json new file mode 100644 index 000000000..a0faf207f --- /dev/null +++ b/results/towing__gte-small-zh/external/QBQTC.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "QBQTC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 34.809415339934006, + "cos_sim_spearman": 36.96728615916954, + "euclidean_pearson": 35.56113673772396, + "euclidean_spearman": 36.96842963389308, + "manhattan_pearson": 35.5447066178264, + "manhattan_spearman": 36.97514513480951, + "cosine_pearson": 34.809415339934006, + "cosine_spearman": 36.96728615916954, + "main_score": 36.96728615916954 + } + ] + } +} \ No newline at end of file diff --git a/results/towing__gte-small-zh/external/STS22.json b/results/towing__gte-small-zh/external/STS22.json new file mode 100644 index 000000000..06d56167f --- /dev/null +++ b/results/towing__gte-small-zh/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 66.39448692338551, + "cos_sim_spearman": 66.72211526923901, + "euclidean_pearson": 65.72981824553035, + "euclidean_spearman": 66.72211526923901, + "manhattan_pearson": 65.52315559414296, + "manhattan_spearman": 66.61931702511545, + "cosine_pearson": 66.39448692338551, + "cosine_spearman": 66.72211526923901, + "main_score": 66.72211526923901 + } + ] + } +} \ No newline at end of file diff --git a/results/towing__gte-small-zh/external/STSB.json b/results/towing__gte-small-zh/external/STSB.json new file mode 100644 index 000000000..e42a7a880 --- /dev/null +++ b/results/towing__gte-small-zh/external/STSB.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "None", + "task_name": "STSB", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 76.73608064460915, + "cos_sim_spearman": 76.51424826130031, + "euclidean_pearson": 76.17930213372487, + "euclidean_spearman": 76.51342756283478, + "manhattan_pearson": 75.87085607319342, + "manhattan_spearman": 76.22676341477134, + "cosine_pearson": 76.73608064460915, + "cosine_spearman": 76.51424826130031, + "main_score": 76.51424826130031 + } + ] + } +} \ No newline at end of file diff --git a/results/towing__gte-small-zh/external/T2Reranking.json b/results/towing__gte-small-zh/external/T2Reranking.json new file mode 100644 index 000000000..e7474016a --- /dev/null +++ b/results/towing__gte-small-zh/external/T2Reranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "T2Reranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map": 65.38779931543048, + "mrr": 74.79313763420059, + "main_score": 65.38779931543048 + } + ] + } +} \ No newline at end of file diff --git a/results/towing__gte-small-zh/external/T2Retrieval.json b/results/towing__gte-small-zh/external/T2Retrieval.json new file mode 100644 index 000000000..ab3419c02 --- /dev/null +++ b/results/towing__gte-small-zh/external/T2Retrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "T2Retrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 25.131999999999998, + "map_at_10": 69.131, + "map_at_100": 72.943, + "map_at_1000": 73.045, + "map_at_3": 48.847, + "map_at_5": 59.842, + "mrr_at_1": 85.516, + "mrr_at_10": 88.863, + "mrr_at_100": 88.996, + "mrr_at_1000": 89.00099999999999, + "mrr_at_3": 88.277, + "mrr_at_5": 88.64800000000001, + "ndcg_at_1": 85.516, + "ndcg_at_10": 78.122, + "ndcg_at_100": 82.673, + "ndcg_at_1000": 83.707, + "ndcg_at_3": 80.274, + "ndcg_at_5": 78.405, + "precision_at_1": 85.516, + "precision_at_10": 38.975, + "precision_at_100": 4.833, + "precision_at_1000": 0.509, + "precision_at_3": 70.35, + "precision_at_5": 58.638, + "recall_at_1": 25.131999999999998, + "recall_at_10": 76.848, + "recall_at_100": 91.489, + "recall_at_1000": 96.709, + "recall_at_3": 50.824000000000005, + "recall_at_5": 63.89, + "main_score": 78.122 + } + ] + } +} \ No newline at end of file diff --git a/results/towing__gte-small-zh/external/TNews.json b/results/towing__gte-small-zh/external/TNews.json new file mode 100644 index 000000000..853a94636 --- /dev/null +++ b/results/towing__gte-small-zh/external/TNews.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "None", + "task_name": "TNews", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "validation": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 49.65, + "f1": 47.66791473245483, + "main_score": 49.65 + } + ] + } +} \ No newline at end of file diff --git a/results/towing__gte-small-zh/external/ThuNewsClusteringP2P.json b/results/towing__gte-small-zh/external/ThuNewsClusteringP2P.json new file mode 100644 index 000000000..662a2d89a --- /dev/null +++ b/results/towing__gte-small-zh/external/ThuNewsClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 63.78843565968542, + "main_score": 63.78843565968542 + } + ] + } +} \ No newline at end of file diff --git a/results/towing__gte-small-zh/external/ThuNewsClusteringS2S.json b/results/towing__gte-small-zh/external/ThuNewsClusteringS2S.json new file mode 100644 index 000000000..98d991aae --- /dev/null +++ b/results/towing__gte-small-zh/external/ThuNewsClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "None", + "task_name": "ThuNewsClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "v_measure": 55.14095244943176, + "main_score": 55.14095244943176 + } + ] + } +} \ No newline at end of file diff --git a/results/towing__gte-small-zh/external/VideoRetrieval.json b/results/towing__gte-small-zh/external/VideoRetrieval.json new file mode 100644 index 000000000..d0ee55077 --- /dev/null +++ b/results/towing__gte-small-zh/external/VideoRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "VideoRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "map_at_1": 53.800000000000004, + "map_at_10": 63.312000000000005, + "map_at_100": 63.93600000000001, + "map_at_1000": 63.955, + "map_at_3": 61.283, + "map_at_5": 62.553000000000004, + "mrr_at_1": 53.800000000000004, + "mrr_at_10": 63.312000000000005, + "mrr_at_100": 63.93600000000001, + "mrr_at_1000": 63.955, + "mrr_at_3": 61.283, + "mrr_at_5": 62.553000000000004, + "ndcg_at_1": 53.800000000000004, + "ndcg_at_10": 67.693, + "ndcg_at_100": 70.552, + "ndcg_at_1000": 71.06099999999999, + "ndcg_at_3": 63.632, + "ndcg_at_5": 65.90899999999999, + "precision_at_1": 53.800000000000004, + "precision_at_10": 8.129999999999999, + "precision_at_100": 0.943, + "precision_at_1000": 0.098, + "precision_at_3": 23.467, + "precision_at_5": 15.18, + "recall_at_1": 53.800000000000004, + "recall_at_10": 81.3, + "recall_at_100": 94.3, + "recall_at_1000": 98.3, + "recall_at_3": 70.39999999999999, + "recall_at_5": 75.9, + "main_score": 67.693 + } + ] + } +} \ No newline at end of file diff --git a/results/towing__gte-small-zh/external/Waimai.json b/results/towing__gte-small-zh/external/Waimai.json new file mode 100644 index 000000000..596aa77da --- /dev/null +++ b/results/towing__gte-small-zh/external/Waimai.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "None", + "task_name": "Waimai", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "cmn-Hans" + ], + "accuracy": 84.96000000000001, + "ap": 66.89917287702019, + "f1": 83.0239988458119, + "main_score": 84.96000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/towing__gte-small-zh/external/model_meta.json b/results/towing__gte-small-zh/external/model_meta.json new file mode 100644 index 000000000..37a3034d1 --- /dev/null +++ b/results/towing__gte-small-zh/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "towing/gte-small-zh", + "revision": "1c3bfeb9cff22ec8ae2cd6c3f689e52c1f25aeac", + "release_date": "2024-05-14", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 512, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/AmazonCounterfactualClassification.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..9cbecbb78 --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/AmazonCounterfactualClassification.json @@ -0,0 +1,34 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-ext", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.7271364317841, + "ap": 29.57781615779065, + "ap_weighted": 29.57781615779065, + "f1": 67.88722644497633, + "f1_weighted": 83.93210384487763, + "main_score": 80.7271364317841 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.41791044776122, + "ap": 44.865115567829, + "ap_weighted": 44.865115567829, + "f1": 74.51584838607613, + "f1_weighted": 81.95697646844347, + "main_score": 80.41791044776122 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/AmazonPolarityClassification.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..7b59398ef --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/AmazonPolarityClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.384925, + "ap": 87.67370574947891, + "ap_weighted": 87.67370574947891, + "f1": 91.37299490898192, + "f1_weighted": 91.37299490898194, + "main_score": 91.384925 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/AmazonReviewsClassification.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..83e86bcfc --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/AmazonReviewsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 51.532, + "f1": 49.493931716627664, + "f1_weighted": 49.49393171662767, + "main_score": 51.532 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/ArguAna.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/ArguAna.json new file mode 100644 index 000000000..a5bf3662c --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/ArguAna.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 60.614000000000004, + "map_at_1": 36.486000000000004, + "map_at_10": 51.995999999999995, + "map_at_100": 52.662, + "map_at_1000": 52.664, + "map_at_20": 52.563, + "map_at_3": 47.321000000000005, + "map_at_5": 49.864000000000004, + "mrr_at_1": 37.12660028449502, + "mrr_at_10": 52.21801688906961, + "mrr_at_100": 52.896624713480335, + "mrr_at_1000": 52.899139810952356, + "mrr_at_20": 52.798368866276725, + "mrr_at_3": 47.629208155524005, + "mrr_at_5": 50.111427216690494, + "nauc_map_at_1000_diff1": 16.54957264421337, + "nauc_map_at_1000_max": -10.64627215347515, + "nauc_map_at_1000_std": -14.791627421585465, + "nauc_map_at_100_diff1": 16.55389871501292, + "nauc_map_at_100_max": -10.639269449448072, + "nauc_map_at_100_std": -14.787356497788629, + "nauc_map_at_10_diff1": 16.260442894074867, + "nauc_map_at_10_max": -10.520708455145465, + "nauc_map_at_10_std": -14.844381831416225, + "nauc_map_at_1_diff1": 20.37562625243646, + "nauc_map_at_1_max": -12.353325207525819, + "nauc_map_at_1_std": -14.932651302657812, + "nauc_map_at_20_diff1": 16.511576195172182, + "nauc_map_at_20_max": -10.536480484448699, + "nauc_map_at_20_std": -14.800613000367957, + "nauc_map_at_3_diff1": 16.457822965971268, + "nauc_map_at_3_max": -11.122597198482092, + "nauc_map_at_3_std": -15.062841168614415, + "nauc_map_at_5_diff1": 16.14704834191165, + "nauc_map_at_5_max": -10.66777729065394, + "nauc_map_at_5_std": -15.104801469981211, + "nauc_mrr_at_1000_diff1": 14.93701738531105, + "nauc_mrr_at_1000_max": -11.000813726208749, + "nauc_mrr_at_1000_std": -14.934720206805101, + "nauc_mrr_at_100_diff1": 14.941465999801288, + "nauc_mrr_at_100_max": -10.993801241066862, + "nauc_mrr_at_100_std": -14.930449432226991, + "nauc_mrr_at_10_diff1": 14.633163813809874, + "nauc_mrr_at_10_max": -10.935512160642284, + "nauc_mrr_at_10_std": -15.003188811040838, + "nauc_mrr_at_1_diff1": 18.52403185373208, + "nauc_mrr_at_1_max": -12.2706958053697, + "nauc_mrr_at_1_std": -15.058866493865686, + "nauc_mrr_at_20_diff1": 14.906670909299184, + "nauc_mrr_at_20_max": -10.889049584699048, + "nauc_mrr_at_20_std": -14.943130609646857, + "nauc_mrr_at_3_diff1": 14.85258148742534, + "nauc_mrr_at_3_max": -11.348348481615957, + "nauc_mrr_at_3_std": -15.318961044698176, + "nauc_mrr_at_5_diff1": 14.67396557076444, + "nauc_mrr_at_5_max": -10.99093305536558, + "nauc_mrr_at_5_std": -15.233042085392126, + "nauc_ndcg_at_1000_diff1": 16.226732398924902, + "nauc_ndcg_at_1000_max": -10.065730266576361, + "nauc_ndcg_at_1000_std": -14.42407866611729, + "nauc_ndcg_at_100_diff1": 16.35087560433341, + "nauc_ndcg_at_100_max": -9.864016297887359, + "nauc_ndcg_at_100_std": -14.299246150380066, + "nauc_ndcg_at_10_diff1": 15.05184654417688, + "nauc_ndcg_at_10_max": -9.026418167156756, + "nauc_ndcg_at_10_std": -14.568745179306841, + "nauc_ndcg_at_1_diff1": 20.37562625243646, + "nauc_ndcg_at_1_max": -12.353325207525819, + "nauc_ndcg_at_1_std": -14.932651302657812, + "nauc_ndcg_at_20_diff1": 15.988646263128512, + "nauc_ndcg_at_20_max": -9.062147071547747, + "nauc_ndcg_at_20_std": -14.451291030823132, + "nauc_ndcg_at_3_diff1": 15.538693605375215, + "nauc_ndcg_at_3_max": -10.558994635661737, + "nauc_ndcg_at_3_std": -15.133606718974256, + "nauc_ndcg_at_5_diff1": 14.879923585596973, + "nauc_ndcg_at_5_max": -9.67116891074767, + "nauc_ndcg_at_5_std": -15.21913397301524, + "nauc_precision_at_1000_diff1": 24.94025537262749, + "nauc_precision_at_1000_max": 7.294585511019708, + "nauc_precision_at_1000_std": 77.3551884133584, + "nauc_precision_at_100_diff1": 48.11981108528576, + "nauc_precision_at_100_max": 43.70602771306187, + "nauc_precision_at_100_std": 56.044797764814234, + "nauc_precision_at_10_diff1": 6.245240526102324, + "nauc_precision_at_10_max": 3.7092123005872266, + "nauc_precision_at_10_std": -11.966012317352538, + "nauc_precision_at_1_diff1": 20.37562625243646, + "nauc_precision_at_1_max": -12.353325207525819, + "nauc_precision_at_1_std": -14.932651302657812, + "nauc_precision_at_20_diff1": 10.989453992590228, + "nauc_precision_at_20_max": 24.73249690000041, + "nauc_precision_at_20_std": -5.731495712436961, + "nauc_precision_at_3_diff1": 12.762541849206247, + "nauc_precision_at_3_max": -8.721247930835114, + "nauc_precision_at_3_std": -15.367166413221348, + "nauc_precision_at_5_diff1": 10.068145026446269, + "nauc_precision_at_5_max": -5.62804283853098, + "nauc_precision_at_5_std": -15.68637016204708, + "nauc_recall_at_1000_diff1": 24.940255372624858, + "nauc_recall_at_1000_max": 7.2945855110158515, + "nauc_recall_at_1000_std": 77.35518841335626, + "nauc_recall_at_100_diff1": 48.119811085282684, + "nauc_recall_at_100_max": 43.70602771306109, + "nauc_recall_at_100_std": 56.04479776481617, + "nauc_recall_at_10_diff1": 6.2452405261024495, + "nauc_recall_at_10_max": 3.7092123005874145, + "nauc_recall_at_10_std": -11.966012317352225, + "nauc_recall_at_1_diff1": 20.37562625243646, + "nauc_recall_at_1_max": -12.353325207525819, + "nauc_recall_at_1_std": -14.932651302657812, + "nauc_recall_at_20_diff1": 10.989453992591187, + "nauc_recall_at_20_max": 24.73249690000033, + "nauc_recall_at_20_std": -5.73149571243645, + "nauc_recall_at_3_diff1": 12.762541849206283, + "nauc_recall_at_3_max": -8.721247930835077, + "nauc_recall_at_3_std": -15.367166413221279, + "nauc_recall_at_5_diff1": 10.068145026446292, + "nauc_recall_at_5_max": -5.628042838530992, + "nauc_recall_at_5_std": -15.686370162047094, + "ndcg_at_1": 36.486000000000004, + "ndcg_at_10": 60.614000000000004, + "ndcg_at_100": 63.243, + "ndcg_at_1000": 63.3, + "ndcg_at_20": 62.598, + "ndcg_at_3": 50.909000000000006, + "ndcg_at_5": 55.47, + "precision_at_1": 36.486000000000004, + "precision_at_10": 8.819, + "precision_at_100": 0.992, + "precision_at_1000": 0.1, + "precision_at_20": 4.7940000000000005, + "precision_at_3": 20.436, + "precision_at_5": 14.466999999999999, + "recall_at_1": 36.486000000000004, + "recall_at_10": 88.193, + "recall_at_100": 99.21799999999999, + "recall_at_1000": 99.644, + "recall_at_20": 95.875, + "recall_at_3": 61.309000000000005, + "recall_at_5": 72.333 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/ArxivClusteringP2P.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..4c4934777 --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/ArxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 47.89537370883614, + "v_measure": 47.89537370883614, + "v_measure_std": 13.564912043981685 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/ArxivClusteringS2S.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..23f66bf08 --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/ArxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 46.316519519112575, + "v_measure": 46.316519519112575, + "v_measure_std": 14.064564320172318 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/AskUbuntuDupQuestions.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..005b2622d --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/AskUbuntuDupQuestions.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 65.09483223839607, + "map": 65.09483223839607, + "mrr": 77.75601283911533, + "nAUC_map_diff1": 12.614852005743735, + "nAUC_map_max": 29.257344662071027, + "nAUC_map_std": 17.630286672870287, + "nAUC_mrr_diff1": 16.314189417460618, + "nAUC_mrr_max": 39.68682288371764, + "nAUC_mrr_std": 22.85236267444885 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/BIOSSES.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/BIOSSES.json new file mode 100644 index 000000000..e6589f04f --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 87.64275539432272, + "cosine_spearman": 86.93752309911496, + "euclidean_pearson": 85.76812373084148, + "euclidean_spearman": 86.93752309911496, + "main_score": 86.93752309911496, + "manhattan_pearson": 85.66299640283663, + "manhattan_spearman": 86.79053179801122, + "pearson": 87.64276222909432, + "spearman": 86.93752309911496 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/Banking77Classification.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/Banking77Classification.json new file mode 100644 index 000000000..17bffaad8 --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/Banking77Classification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 84.83116883116884, + "f1": 84.33922428309117, + "f1_weighted": 84.33922428309116, + "main_score": 84.83116883116884 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/BiorxivClusteringP2P.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..65ad9eb07 --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/BiorxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 36.931855182990965, + "v_measure": 36.931855182990965, + "v_measure_std": 1.259241362575525 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/BiorxivClusteringS2S.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..35f110966 --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/BiorxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 38.276834717269345, + "v_measure": 38.276834717269345, + "v_measure_std": 0.8171217218107112 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/CQADupstackAndroidRetrieval.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..3e0e250ba --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f46a197baaae43b4f621051089b82a364682dfeb", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 53.199, + "map_at_1": 32.222, + "map_at_10": 45.985, + "map_at_100": 47.781, + "map_at_1000": 47.886, + "map_at_20": 47.14, + "map_at_3": 41.934, + "map_at_5": 44.204, + "mrr_at_1": 40.486409155937054, + "mrr_at_10": 51.97288643640573, + "mrr_at_100": 52.82594639688508, + "mrr_at_1000": 52.84957608989007, + "mrr_at_20": 52.56262908663282, + "mrr_at_3": 49.23700524558894, + "mrr_at_5": 50.939437291368606, + "nauc_map_at_1000_diff1": 48.71274550798233, + "nauc_map_at_1000_max": 40.02571684078115, + "nauc_map_at_1000_std": -10.240607880266495, + "nauc_map_at_100_diff1": 48.719420702404356, + "nauc_map_at_100_max": 40.04375889384823, + "nauc_map_at_100_std": -10.189770818022746, + "nauc_map_at_10_diff1": 49.002632608732064, + "nauc_map_at_10_max": 39.66152953772287, + "nauc_map_at_10_std": -10.928551613658987, + "nauc_map_at_1_diff1": 56.081055621434594, + "nauc_map_at_1_max": 37.39452905849337, + "nauc_map_at_1_std": -12.23297277896674, + "nauc_map_at_20_diff1": 48.75827704614257, + "nauc_map_at_20_max": 40.07875211936587, + "nauc_map_at_20_std": -10.4773380783476, + "nauc_map_at_3_diff1": 50.266618647494155, + "nauc_map_at_3_max": 38.476151589975906, + "nauc_map_at_3_std": -12.63236531657738, + "nauc_map_at_5_diff1": 49.704868442016455, + "nauc_map_at_5_max": 39.36443082562045, + "nauc_map_at_5_std": -11.503767300692095, + "nauc_mrr_at_1000_diff1": 45.364986177189174, + "nauc_mrr_at_1000_max": 39.46602627253264, + "nauc_mrr_at_1000_std": -10.02957389947249, + "nauc_mrr_at_100_diff1": 45.357268243765816, + "nauc_mrr_at_100_max": 39.47219135072728, + "nauc_mrr_at_100_std": -10.026695043309909, + "nauc_mrr_at_10_diff1": 45.244273933517626, + "nauc_mrr_at_10_max": 39.20945693162985, + "nauc_mrr_at_10_std": -9.90767794899639, + "nauc_mrr_at_1_diff1": 49.20992505931076, + "nauc_mrr_at_1_max": 39.46297723636049, + "nauc_mrr_at_1_std": -11.981411959321381, + "nauc_mrr_at_20_diff1": 45.227086207075025, + "nauc_mrr_at_20_max": 39.41746276244367, + "nauc_mrr_at_20_std": -10.052067549951015, + "nauc_mrr_at_3_diff1": 45.911580785062874, + "nauc_mrr_at_3_max": 39.424633318900945, + "nauc_mrr_at_3_std": -11.410883935710286, + "nauc_mrr_at_5_diff1": 45.55756954242934, + "nauc_mrr_at_5_max": 39.40058471175011, + "nauc_mrr_at_5_std": -10.214441983669223, + "nauc_ndcg_at_1000_diff1": 46.057039050302976, + "nauc_ndcg_at_1000_max": 39.957590491002165, + "nauc_ndcg_at_1000_std": -8.201442473200322, + "nauc_ndcg_at_100_diff1": 45.69693794270335, + "nauc_ndcg_at_100_max": 40.36215332476892, + "nauc_ndcg_at_100_std": -7.820701191661731, + "nauc_ndcg_at_10_diff1": 46.01752520382891, + "nauc_ndcg_at_10_max": 39.40935337515678, + "nauc_ndcg_at_10_std": -9.196768256986553, + "nauc_ndcg_at_1_diff1": 49.20992505931076, + "nauc_ndcg_at_1_max": 39.46297723636049, + "nauc_ndcg_at_1_std": -11.981411959321381, + "nauc_ndcg_at_20_diff1": 45.24349036182319, + "nauc_ndcg_at_20_max": 40.15373766029114, + "nauc_ndcg_at_20_std": -9.033362151661638, + "nauc_ndcg_at_3_diff1": 47.56680584050923, + "nauc_ndcg_at_3_max": 39.202195898427604, + "nauc_ndcg_at_3_std": -11.785092866176829, + "nauc_ndcg_at_5_diff1": 46.96982794214046, + "nauc_ndcg_at_5_max": 39.5663039638241, + "nauc_ndcg_at_5_std": -10.04391381207476, + "nauc_precision_at_1000_diff1": -23.484781013384755, + "nauc_precision_at_1000_max": -10.775814504019596, + "nauc_precision_at_1000_std": -1.3598420879011879, + "nauc_precision_at_100_diff1": -18.04401254090738, + "nauc_precision_at_100_max": -1.6777370966059024, + "nauc_precision_at_100_std": 9.607002317088027, + "nauc_precision_at_10_diff1": 0.1751093583673089, + "nauc_precision_at_10_max": 16.8907295462174, + "nauc_precision_at_10_std": 4.728800492032401, + "nauc_precision_at_1_diff1": 49.20992505931076, + "nauc_precision_at_1_max": 39.46297723636049, + "nauc_precision_at_1_std": -11.981411959321381, + "nauc_precision_at_20_diff1": -9.418679223786228, + "nauc_precision_at_20_max": 9.594105141089766, + "nauc_precision_at_20_std": 8.983281264416412, + "nauc_precision_at_3_diff1": 22.109157571511133, + "nauc_precision_at_3_max": 30.005578686840945, + "nauc_precision_at_3_std": -7.6600405648564625, + "nauc_precision_at_5_diff1": 13.044712488888747, + "nauc_precision_at_5_max": 26.320322603149442, + "nauc_precision_at_5_std": -0.7111330736852223, + "nauc_recall_at_1000_diff1": 24.747399774138678, + "nauc_recall_at_1000_max": 49.933416319505206, + "nauc_recall_at_1000_std": 65.92307305058418, + "nauc_recall_at_100_diff1": 25.510369747526664, + "nauc_recall_at_100_max": 45.23205448057407, + "nauc_recall_at_100_std": 16.57376782068154, + "nauc_recall_at_10_diff1": 37.08971306710978, + "nauc_recall_at_10_max": 35.425313950091024, + "nauc_recall_at_10_std": -4.935344752233474, + "nauc_recall_at_1_diff1": 56.081055621434594, + "nauc_recall_at_1_max": 37.39452905849337, + "nauc_recall_at_1_std": -12.23297277896674, + "nauc_recall_at_20_diff1": 30.938967468918406, + "nauc_recall_at_20_max": 38.252828702839174, + "nauc_recall_at_20_std": -3.938967991713323, + "nauc_recall_at_3_diff1": 43.990804769126264, + "nauc_recall_at_3_max": 35.2863590405335, + "nauc_recall_at_3_std": -12.095798082391006, + "nauc_recall_at_5_diff1": 41.106768176487826, + "nauc_recall_at_5_max": 35.66847913821838, + "nauc_recall_at_5_std": -7.937702109801549, + "ndcg_at_1": 40.486, + "ndcg_at_10": 53.199, + "ndcg_at_100": 58.901, + "ndcg_at_1000": 60.155, + "ndcg_at_20": 56.068, + "ndcg_at_3": 47.781, + "ndcg_at_5": 50.275000000000006, + "precision_at_1": 40.486, + "precision_at_10": 10.501000000000001, + "precision_at_100": 1.657, + "precision_at_1000": 0.208, + "precision_at_20": 6.438000000000001, + "precision_at_3": 23.51, + "precision_at_5": 16.881, + "recall_at_1": 32.222, + "recall_at_10": 67.36, + "recall_at_100": 90.171, + "recall_at_1000": 97.556, + "recall_at_20": 77.486, + "recall_at_3": 51.298, + "recall_at_5": 58.594 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/CQADupstackEnglishRetrieval.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/CQADupstackEnglishRetrieval.json new file mode 100644 index 000000000..8bd5a4f59 --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/CQADupstackEnglishRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ad9991cb51e31e31e430383c75ffb2885547b5f0", + "task_name": "CQADupstackEnglishRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 52.510999999999996, + "map_at_1": 33.87, + "map_at_10": 46.26, + "map_at_100": 47.587, + "map_at_1000": 47.703, + "map_at_20": 46.997, + "map_at_3": 42.609, + "map_at_5": 44.734, + "mrr_at_1": 42.611464968152866, + "mrr_at_10": 52.04279142654943, + "mrr_at_100": 52.65530619466451, + "mrr_at_1000": 52.68759711579288, + "mrr_at_20": 52.43781678281101, + "mrr_at_3": 49.596602972399204, + "mrr_at_5": 51.08067940552024, + "nauc_map_at_1000_diff1": 51.29568684244711, + "nauc_map_at_1000_max": 39.152103977041804, + "nauc_map_at_1000_std": -5.181397622387878, + "nauc_map_at_100_diff1": 51.32176208688315, + "nauc_map_at_100_max": 39.143917385553216, + "nauc_map_at_100_std": -5.307065518594916, + "nauc_map_at_10_diff1": 51.85811251362487, + "nauc_map_at_10_max": 39.15129087396741, + "nauc_map_at_10_std": -6.955630370961674, + "nauc_map_at_1_diff1": 58.70495869436133, + "nauc_map_at_1_max": 32.656882457708946, + "nauc_map_at_1_std": -12.67248330614144, + "nauc_map_at_20_diff1": 51.643097152908055, + "nauc_map_at_20_max": 39.22360058918707, + "nauc_map_at_20_std": -6.214645092428745, + "nauc_map_at_3_diff1": 52.83744216264604, + "nauc_map_at_3_max": 38.58401409973185, + "nauc_map_at_3_std": -9.412909859337919, + "nauc_map_at_5_diff1": 52.14367884906982, + "nauc_map_at_5_max": 38.54068123115184, + "nauc_map_at_5_std": -8.113232464503577, + "nauc_mrr_at_1000_diff1": 49.32487078343284, + "nauc_mrr_at_1000_max": 39.92763641079578, + "nauc_mrr_at_1000_std": -0.1863128505082372, + "nauc_mrr_at_100_diff1": 49.31353319032606, + "nauc_mrr_at_100_max": 39.93613554648638, + "nauc_mrr_at_100_std": -0.17243538819115126, + "nauc_mrr_at_10_diff1": 49.32045332332676, + "nauc_mrr_at_10_max": 39.87692178853214, + "nauc_mrr_at_10_std": -0.44124064115092854, + "nauc_mrr_at_1_diff1": 54.263136864624485, + "nauc_mrr_at_1_max": 37.608424271153126, + "nauc_mrr_at_1_std": -4.123286617311634, + "nauc_mrr_at_20_diff1": 49.33965494151155, + "nauc_mrr_at_20_max": 39.990788764214905, + "nauc_mrr_at_20_std": -0.22811808153329785, + "nauc_mrr_at_3_diff1": 49.883512068525214, + "nauc_mrr_at_3_max": 40.17194283092971, + "nauc_mrr_at_3_std": -0.9636794529443634, + "nauc_mrr_at_5_diff1": 49.26161551090732, + "nauc_mrr_at_5_max": 39.901214925003316, + "nauc_mrr_at_5_std": -0.4175685997548143, + "nauc_ndcg_at_1000_diff1": 48.455643184927396, + "nauc_ndcg_at_1000_max": 40.1870726936175, + "nauc_ndcg_at_1000_std": 0.3499672464058312, + "nauc_ndcg_at_100_diff1": 48.33565088062914, + "nauc_ndcg_at_100_max": 40.380628301131686, + "nauc_ndcg_at_100_std": 0.18190729344385695, + "nauc_ndcg_at_10_diff1": 49.097983080020896, + "nauc_ndcg_at_10_max": 40.24547596077635, + "nauc_ndcg_at_10_std": -2.5843384122543545, + "nauc_ndcg_at_1_diff1": 54.263136864624485, + "nauc_ndcg_at_1_max": 37.608424271153126, + "nauc_ndcg_at_1_std": -4.123286617311634, + "nauc_ndcg_at_20_diff1": 49.050366938364355, + "nauc_ndcg_at_20_max": 40.5591755544406, + "nauc_ndcg_at_20_std": -1.7443509016518082, + "nauc_ndcg_at_3_diff1": 49.023964347001325, + "nauc_ndcg_at_3_max": 39.69832699379779, + "nauc_ndcg_at_3_std": -3.6078096702931903, + "nauc_ndcg_at_5_diff1": 48.83333170864256, + "nauc_ndcg_at_5_max": 39.356451836952445, + "nauc_ndcg_at_5_std": -3.1730431348280503, + "nauc_precision_at_1000_diff1": -21.24752441716892, + "nauc_precision_at_1000_max": -3.2970564624677414, + "nauc_precision_at_1000_std": 32.83587840469316, + "nauc_precision_at_100_diff1": -16.87411625785483, + "nauc_precision_at_100_max": 4.3740393973447595, + "nauc_precision_at_100_std": 38.9914966450695, + "nauc_precision_at_10_diff1": 2.6127578839670504, + "nauc_precision_at_10_max": 22.35700751539876, + "nauc_precision_at_10_std": 24.336639203743573, + "nauc_precision_at_1_diff1": 54.263136864624485, + "nauc_precision_at_1_max": 37.608424271153126, + "nauc_precision_at_1_std": -4.123286617311634, + "nauc_precision_at_20_diff1": -5.064146107600653, + "nauc_precision_at_20_max": 15.50506761431695, + "nauc_precision_at_20_std": 29.30528264329397, + "nauc_precision_at_3_diff1": 22.399165352040196, + "nauc_precision_at_3_max": 34.296534980252616, + "nauc_precision_at_3_std": 10.236576824533735, + "nauc_precision_at_5_diff1": 12.32160353715643, + "nauc_precision_at_5_max": 27.798336788100535, + "nauc_precision_at_5_std": 16.873821399205333, + "nauc_recall_at_1000_diff1": 31.4259707156231, + "nauc_recall_at_1000_max": 44.08463819190203, + "nauc_recall_at_1000_std": 37.27474567851736, + "nauc_recall_at_100_diff1": 33.99638840796772, + "nauc_recall_at_100_max": 42.40191106044494, + "nauc_recall_at_100_std": 20.546273566477595, + "nauc_recall_at_10_diff1": 42.025657605327964, + "nauc_recall_at_10_max": 40.00894880694032, + "nauc_recall_at_10_std": -1.4821878062279914, + "nauc_recall_at_1_diff1": 58.70495869436133, + "nauc_recall_at_1_max": 32.656882457708946, + "nauc_recall_at_1_std": -12.67248330614144, + "nauc_recall_at_20_diff1": 40.16583898880467, + "nauc_recall_at_20_max": 41.213580182135864, + "nauc_recall_at_20_std": 3.894820891877962, + "nauc_recall_at_3_diff1": 46.31225272715354, + "nauc_recall_at_3_max": 39.8572063880317, + "nauc_recall_at_3_std": -7.1351511325506145, + "nauc_recall_at_5_diff1": 43.482514898780295, + "nauc_recall_at_5_max": 38.82684876892274, + "nauc_recall_at_5_std": -4.105895420539952, + "ndcg_at_1": 42.611, + "ndcg_at_10": 52.510999999999996, + "ndcg_at_100": 56.682, + "ndcg_at_1000": 58.370999999999995, + "ndcg_at_20": 54.227000000000004, + "ndcg_at_3": 47.673, + "ndcg_at_5": 50.027, + "precision_at_1": 42.611, + "precision_at_10": 10.102, + "precision_at_100": 1.55, + "precision_at_1000": 0.2, + "precision_at_20": 5.863, + "precision_at_3": 23.311999999999998, + "precision_at_5": 16.713, + "recall_at_1": 33.87, + "recall_at_10": 63.845, + "recall_at_100": 81.40899999999999, + "recall_at_1000": 91.594, + "recall_at_20": 70.26599999999999, + "recall_at_3": 49.225, + "recall_at_5": 55.923 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/CQADupstackGamingRetrieval.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/CQADupstackGamingRetrieval.json new file mode 100644 index 000000000..cf598dc47 --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/CQADupstackGamingRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "4885aa143210c98657558c04aaf3dc47cfb54340", + "task_name": "CQADupstackGamingRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 62.053999999999995, + "map_at_1": 41.581, + "map_at_10": 55.761, + "map_at_100": 56.769999999999996, + "map_at_1000": 56.815000000000005, + "map_at_20": 56.352000000000004, + "map_at_3": 52.317, + "map_at_5": 54.201, + "mrr_at_1": 47.711598746081506, + "mrr_at_10": 58.90774742498884, + "mrr_at_100": 59.52215701290865, + "mrr_at_1000": 59.54155448334906, + "mrr_at_20": 59.26775351231135, + "mrr_at_3": 56.38453500522475, + "mrr_at_5": 57.792058516196555, + "nauc_map_at_1000_diff1": 49.66704402571169, + "nauc_map_at_1000_max": 34.07784555889137, + "nauc_map_at_1000_std": -13.406279974115126, + "nauc_map_at_100_diff1": 49.6483910540802, + "nauc_map_at_100_max": 34.07530844769798, + "nauc_map_at_100_std": -13.392381836896217, + "nauc_map_at_10_diff1": 49.84590031698145, + "nauc_map_at_10_max": 33.99868315480276, + "nauc_map_at_10_std": -14.27778613279837, + "nauc_map_at_1_diff1": 52.01193128355289, + "nauc_map_at_1_max": 27.062473514407742, + "nauc_map_at_1_std": -15.421160015795982, + "nauc_map_at_20_diff1": 49.6364415002291, + "nauc_map_at_20_max": 34.01621363566466, + "nauc_map_at_20_std": -13.65438720684474, + "nauc_map_at_3_diff1": 49.554941849859475, + "nauc_map_at_3_max": 32.275840154761816, + "nauc_map_at_3_std": -15.719396978373707, + "nauc_map_at_5_diff1": 49.818686804013566, + "nauc_map_at_5_max": 33.69544243895378, + "nauc_map_at_5_std": -15.180559875074701, + "nauc_mrr_at_1000_diff1": 48.73638344709328, + "nauc_mrr_at_1000_max": 34.645421834984106, + "nauc_mrr_at_1000_std": -13.196777598631263, + "nauc_mrr_at_100_diff1": 48.73305412075345, + "nauc_mrr_at_100_max": 34.6491840682274, + "nauc_mrr_at_100_std": -13.17337318790356, + "nauc_mrr_at_10_diff1": 48.69043075114964, + "nauc_mrr_at_10_max": 34.65856578634812, + "nauc_mrr_at_10_std": -13.389064970520973, + "nauc_mrr_at_1_diff1": 51.41758372767858, + "nauc_mrr_at_1_max": 32.6284240446433, + "nauc_mrr_at_1_std": -13.709567431810976, + "nauc_mrr_at_20_diff1": 48.64452165935141, + "nauc_mrr_at_20_max": 34.62668966253434, + "nauc_mrr_at_20_std": -13.188024605275306, + "nauc_mrr_at_3_diff1": 48.6499568195659, + "nauc_mrr_at_3_max": 34.65641304748175, + "nauc_mrr_at_3_std": -14.687769051774529, + "nauc_mrr_at_5_diff1": 48.52683029728482, + "nauc_mrr_at_5_max": 34.8254158226808, + "nauc_mrr_at_5_std": -13.90451984500762, + "nauc_ndcg_at_1000_diff1": 48.870406690732, + "nauc_ndcg_at_1000_max": 35.2675705133695, + "nauc_ndcg_at_1000_std": -11.267586713307322, + "nauc_ndcg_at_100_diff1": 48.61247990333261, + "nauc_ndcg_at_100_max": 35.41320042882678, + "nauc_ndcg_at_100_std": -10.566461682141593, + "nauc_ndcg_at_10_diff1": 48.865637260995584, + "nauc_ndcg_at_10_max": 35.72517255893919, + "nauc_ndcg_at_10_std": -12.588636382543378, + "nauc_ndcg_at_1_diff1": 51.41758372767858, + "nauc_ndcg_at_1_max": 32.6284240446433, + "nauc_ndcg_at_1_std": -13.709567431810976, + "nauc_ndcg_at_20_diff1": 48.40318441649108, + "nauc_ndcg_at_20_max": 35.45407262577331, + "nauc_ndcg_at_20_std": -11.202317076762835, + "nauc_ndcg_at_3_diff1": 48.32682231800704, + "nauc_ndcg_at_3_max": 34.07411362254488, + "nauc_ndcg_at_3_std": -15.175358391945245, + "nauc_ndcg_at_5_diff1": 48.67053909730509, + "nauc_ndcg_at_5_max": 35.63879009797286, + "nauc_ndcg_at_5_std": -14.1986091226612, + "nauc_precision_at_1000_diff1": -12.584898766729482, + "nauc_precision_at_1000_max": 6.536079770084931, + "nauc_precision_at_1000_std": 21.190453831782, + "nauc_precision_at_100_diff1": -10.561462705003443, + "nauc_precision_at_100_max": 11.642503498822627, + "nauc_precision_at_100_std": 23.364240847068725, + "nauc_precision_at_10_diff1": 10.428388294290725, + "nauc_precision_at_10_max": 26.64778522550707, + "nauc_precision_at_10_std": 8.7971175822477, + "nauc_precision_at_1_diff1": 51.41758372767858, + "nauc_precision_at_1_max": 32.6284240446433, + "nauc_precision_at_1_std": -13.709567431810976, + "nauc_precision_at_20_diff1": 1.4153146296498802, + "nauc_precision_at_20_max": 21.863221595402713, + "nauc_precision_at_20_std": 17.674002200344756, + "nauc_precision_at_3_diff1": 28.16052495795576, + "nauc_precision_at_3_max": 33.70008398113751, + "nauc_precision_at_3_std": -5.5970612296749644, + "nauc_precision_at_5_diff1": 21.040002038966264, + "nauc_precision_at_5_max": 32.38215846452138, + "nauc_precision_at_5_std": -0.10361675057694844, + "nauc_recall_at_1000_diff1": 38.213914895059546, + "nauc_recall_at_1000_max": 53.09481512653444, + "nauc_recall_at_1000_std": 58.24000755818375, + "nauc_recall_at_100_diff1": 38.923229187547136, + "nauc_recall_at_100_max": 43.21492770348412, + "nauc_recall_at_100_std": 25.990956494703887, + "nauc_recall_at_10_diff1": 44.22168583553731, + "nauc_recall_at_10_max": 38.73910397467968, + "nauc_recall_at_10_std": -8.031921888246933, + "nauc_recall_at_1_diff1": 52.01193128355289, + "nauc_recall_at_1_max": 27.062473514407742, + "nauc_recall_at_1_std": -15.421160015795982, + "nauc_recall_at_20_diff1": 40.93219002597565, + "nauc_recall_at_20_max": 38.885811403988754, + "nauc_recall_at_20_std": 2.162197854553678, + "nauc_recall_at_3_diff1": 44.78642856115218, + "nauc_recall_at_3_max": 33.75567422950951, + "nauc_recall_at_3_std": -16.234655637869064, + "nauc_recall_at_5_diff1": 44.58830235836066, + "nauc_recall_at_5_max": 37.64654838955664, + "nauc_recall_at_5_std": -13.950938477657312, + "ndcg_at_1": 47.711999999999996, + "ndcg_at_10": 62.053999999999995, + "ndcg_at_100": 65.83200000000001, + "ndcg_at_1000": 66.599, + "ndcg_at_20": 63.674, + "ndcg_at_3": 56.318999999999996, + "ndcg_at_5": 58.987, + "precision_at_1": 47.711999999999996, + "precision_at_10": 10.125, + "precision_at_100": 1.29, + "precision_at_1000": 0.13899999999999998, + "precision_at_20": 5.574, + "precision_at_3": 25.392, + "precision_at_5": 17.329, + "recall_at_1": 41.581, + "recall_at_10": 77.269, + "recall_at_100": 93.379, + "recall_at_1000": 98.584, + "recall_at_20": 83.313, + "recall_at_3": 62.078, + "recall_at_5": 68.529 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/CQADupstackGisRetrieval.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/CQADupstackGisRetrieval.json new file mode 100644 index 000000000..121044acf --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/CQADupstackGisRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "5003b3064772da1887988e05400cf3806fe491f2", + "task_name": "CQADupstackGisRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 39.748, + "map_at_1": 25.285000000000004, + "map_at_10": 34.371, + "map_at_100": 35.485, + "map_at_1000": 35.569, + "map_at_20": 34.969, + "map_at_3": 31.374000000000002, + "map_at_5": 33.013999999999996, + "mrr_at_1": 27.231638418079097, + "mrr_at_10": 36.34171823154871, + "mrr_at_100": 37.28803039784218, + "mrr_at_1000": 37.35200816522978, + "mrr_at_20": 36.87875687036097, + "mrr_at_3": 33.4463276836158, + "mrr_at_5": 35.11864406779658, + "nauc_map_at_1000_diff1": 40.43809736439773, + "nauc_map_at_1000_max": 27.387952141662304, + "nauc_map_at_1000_std": -5.018693002046338, + "nauc_map_at_100_diff1": 40.423409205985465, + "nauc_map_at_100_max": 27.374411655772974, + "nauc_map_at_100_std": -5.017320012911967, + "nauc_map_at_10_diff1": 40.79762636533108, + "nauc_map_at_10_max": 27.556132024797297, + "nauc_map_at_10_std": -5.236320099160553, + "nauc_map_at_1_diff1": 46.32621190623603, + "nauc_map_at_1_max": 27.981895930162796, + "nauc_map_at_1_std": -9.286669055239507, + "nauc_map_at_20_diff1": 40.482647454700675, + "nauc_map_at_20_max": 27.380748864511183, + "nauc_map_at_20_std": -5.157566207786265, + "nauc_map_at_3_diff1": 41.35030270597686, + "nauc_map_at_3_max": 26.401420529038973, + "nauc_map_at_3_std": -6.825550510798991, + "nauc_map_at_5_diff1": 40.52643403126109, + "nauc_map_at_5_max": 26.93344961565937, + "nauc_map_at_5_std": -5.671091539711291, + "nauc_mrr_at_1000_diff1": 38.7554936147589, + "nauc_mrr_at_1000_max": 26.386180348217618, + "nauc_mrr_at_1000_std": -4.033494049459254, + "nauc_mrr_at_100_diff1": 38.742235245990756, + "nauc_mrr_at_100_max": 26.38418505089963, + "nauc_mrr_at_100_std": -4.005903349074146, + "nauc_mrr_at_10_diff1": 38.967468013959234, + "nauc_mrr_at_10_max": 26.48492137182557, + "nauc_mrr_at_10_std": -4.037721014953263, + "nauc_mrr_at_1_diff1": 44.016377125107745, + "nauc_mrr_at_1_max": 27.47170497073298, + "nauc_mrr_at_1_std": -8.306440293433809, + "nauc_mrr_at_20_diff1": 38.68609604223464, + "nauc_mrr_at_20_max": 26.374572361531012, + "nauc_mrr_at_20_std": -4.086775263524302, + "nauc_mrr_at_3_diff1": 39.53070405624054, + "nauc_mrr_at_3_max": 25.480788199729943, + "nauc_mrr_at_3_std": -5.541804979531871, + "nauc_mrr_at_5_diff1": 38.83669655976299, + "nauc_mrr_at_5_max": 26.078917244246803, + "nauc_mrr_at_5_std": -4.422360384815965, + "nauc_ndcg_at_1000_diff1": 38.20327968355583, + "nauc_ndcg_at_1000_max": 27.77087169770278, + "nauc_ndcg_at_1000_std": -1.8590069773956301, + "nauc_ndcg_at_100_diff1": 37.63890958457494, + "nauc_ndcg_at_100_max": 27.575979785801763, + "nauc_ndcg_at_100_std": -1.5647502256699413, + "nauc_ndcg_at_10_diff1": 38.799402965520834, + "nauc_ndcg_at_10_max": 28.053616957262488, + "nauc_ndcg_at_10_std": -2.462939350230248, + "nauc_ndcg_at_1_diff1": 44.016377125107745, + "nauc_ndcg_at_1_max": 27.47170497073298, + "nauc_ndcg_at_1_std": -8.306440293433809, + "nauc_ndcg_at_20_diff1": 37.680127012971724, + "nauc_ndcg_at_20_max": 27.459359553937663, + "nauc_ndcg_at_20_std": -2.4173192913196315, + "nauc_ndcg_at_3_diff1": 39.61534122530668, + "nauc_ndcg_at_3_max": 25.959631957021195, + "nauc_ndcg_at_3_std": -5.802892483091432, + "nauc_ndcg_at_5_diff1": 38.30836310533911, + "nauc_ndcg_at_5_max": 26.685143198949117, + "nauc_ndcg_at_5_std": -3.5679681994101937, + "nauc_precision_at_1000_diff1": -9.443320801858167, + "nauc_precision_at_1000_max": 7.690361600365471, + "nauc_precision_at_1000_std": 13.589977869393783, + "nauc_precision_at_100_diff1": 2.1947422010292104, + "nauc_precision_at_100_max": 16.350359954039558, + "nauc_precision_at_100_std": 13.644626517618743, + "nauc_precision_at_10_diff1": 24.477554964465178, + "nauc_precision_at_10_max": 27.26464347335663, + "nauc_precision_at_10_std": 7.193678024742925, + "nauc_precision_at_1_diff1": 44.016377125107745, + "nauc_precision_at_1_max": 27.47170497073298, + "nauc_precision_at_1_std": -8.306440293433809, + "nauc_precision_at_20_diff1": 17.09558791693914, + "nauc_precision_at_20_max": 23.205921916753045, + "nauc_precision_at_20_std": 8.391846895459514, + "nauc_precision_at_3_diff1": 31.491657526795937, + "nauc_precision_at_3_max": 24.710273068738818, + "nauc_precision_at_3_std": -1.693177986898931, + "nauc_precision_at_5_diff1": 25.161361863151804, + "nauc_precision_at_5_max": 24.936103838639553, + "nauc_precision_at_5_std": 2.511934162124435, + "nauc_recall_at_1000_diff1": 25.712209121566048, + "nauc_recall_at_1000_max": 39.5293074298725, + "nauc_recall_at_1000_std": 38.05519778739929, + "nauc_recall_at_100_diff1": 25.057155432360677, + "nauc_recall_at_100_max": 28.588891322745607, + "nauc_recall_at_100_std": 15.8128582042832, + "nauc_recall_at_10_diff1": 33.47997633215991, + "nauc_recall_at_10_max": 30.028194042399264, + "nauc_recall_at_10_std": 4.90810499546238, + "nauc_recall_at_1_diff1": 46.32621190623603, + "nauc_recall_at_1_max": 27.981895930162796, + "nauc_recall_at_1_std": -9.286669055239507, + "nauc_recall_at_20_diff1": 28.21634195917718, + "nauc_recall_at_20_max": 27.48943367590963, + "nauc_recall_at_20_std": 5.458479523399421, + "nauc_recall_at_3_diff1": 36.12326469567289, + "nauc_recall_at_3_max": 24.6932937032956, + "nauc_recall_at_3_std": -3.8068753598947076, + "nauc_recall_at_5_diff1": 33.24253180673521, + "nauc_recall_at_5_max": 26.392055872830365, + "nauc_recall_at_5_std": 1.6197798374296963, + "ndcg_at_1": 27.232, + "ndcg_at_10": 39.748, + "ndcg_at_100": 45.187, + "ndcg_at_1000": 47.099000000000004, + "ndcg_at_20": 41.811, + "ndcg_at_3": 33.854, + "ndcg_at_5": 36.665, + "precision_at_1": 27.232, + "precision_at_10": 6.271, + "precision_at_100": 0.955, + "precision_at_1000": 0.11399999999999999, + "precision_at_20": 3.627, + "precision_at_3": 14.35, + "precision_at_5": 10.305, + "recall_at_1": 25.285000000000004, + "recall_at_10": 54.466, + "recall_at_100": 79.335, + "recall_at_1000": 93.503, + "recall_at_20": 62.248999999999995, + "recall_at_3": 38.558, + "recall_at_5": 45.249 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/CQADupstackMathematicaRetrieval.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/CQADupstackMathematicaRetrieval.json new file mode 100644 index 000000000..7c7ab7150 --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/CQADupstackMathematicaRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "90fceea13679c63fe563ded68f3b6f06e50061de", + "task_name": "CQADupstackMathematicaRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 34.977000000000004, + "map_at_1": 18.829, + "map_at_10": 28.837000000000003, + "map_at_100": 30.325999999999997, + "map_at_1000": 30.425, + "map_at_20": 29.654999999999998, + "map_at_3": 25.576, + "map_at_5": 27.314, + "mrr_at_1": 23.756218905472636, + "mrr_at_10": 33.77798507462685, + "mrr_at_100": 34.80299385576722, + "mrr_at_1000": 34.85573965593251, + "mrr_at_20": 34.37419603705533, + "mrr_at_3": 30.825041459369828, + "mrr_at_5": 32.317578772802655, + "nauc_map_at_1000_diff1": 33.656933860084195, + "nauc_map_at_1000_max": 14.881459199563402, + "nauc_map_at_1000_std": -2.0348305200086783, + "nauc_map_at_100_diff1": 33.66651078503352, + "nauc_map_at_100_max": 14.87213429316907, + "nauc_map_at_100_std": -2.028596921387645, + "nauc_map_at_10_diff1": 33.94706898755689, + "nauc_map_at_10_max": 14.335396314155227, + "nauc_map_at_10_std": -2.6787096254787643, + "nauc_map_at_1_diff1": 37.51403858840109, + "nauc_map_at_1_max": 11.61504414020275, + "nauc_map_at_1_std": -5.525240654285529, + "nauc_map_at_20_diff1": 33.80608063225281, + "nauc_map_at_20_max": 14.72683703113937, + "nauc_map_at_20_std": -2.231105659027114, + "nauc_map_at_3_diff1": 32.96013232027734, + "nauc_map_at_3_max": 14.034798307623674, + "nauc_map_at_3_std": -3.6600209654787457, + "nauc_map_at_5_diff1": 33.736274045673056, + "nauc_map_at_5_max": 14.945515366610651, + "nauc_map_at_5_std": -3.4321884525525497, + "nauc_mrr_at_1000_diff1": 30.885842250649926, + "nauc_mrr_at_1000_max": 16.199596875238367, + "nauc_mrr_at_1000_std": -2.5546416285540445, + "nauc_mrr_at_100_diff1": 30.878602027701735, + "nauc_mrr_at_100_max": 16.187973739576613, + "nauc_mrr_at_100_std": -2.5665377844879447, + "nauc_mrr_at_10_diff1": 30.978901404792953, + "nauc_mrr_at_10_max": 16.05102544616689, + "nauc_mrr_at_10_std": -2.7986105722922194, + "nauc_mrr_at_1_diff1": 34.475194079761046, + "nauc_mrr_at_1_max": 14.478568759719856, + "nauc_mrr_at_1_std": -5.966667936903906, + "nauc_mrr_at_20_diff1": 30.902359160235775, + "nauc_mrr_at_20_max": 16.092370727624722, + "nauc_mrr_at_20_std": -2.5750922611706475, + "nauc_mrr_at_3_diff1": 30.187778758856542, + "nauc_mrr_at_3_max": 16.20340255462948, + "nauc_mrr_at_3_std": -3.350161462382174, + "nauc_mrr_at_5_diff1": 30.809795610717135, + "nauc_mrr_at_5_max": 16.50725846620521, + "nauc_mrr_at_5_std": -3.2069455353142073, + "nauc_ndcg_at_1000_diff1": 32.17770608068487, + "nauc_ndcg_at_1000_max": 16.397446092461408, + "nauc_ndcg_at_1000_std": 0.8389837771762243, + "nauc_ndcg_at_100_diff1": 31.854138951308812, + "nauc_ndcg_at_100_max": 15.912981808544819, + "nauc_ndcg_at_100_std": 1.0700284773280755, + "nauc_ndcg_at_10_diff1": 32.78528103960234, + "nauc_ndcg_at_10_max": 14.571451424136237, + "nauc_ndcg_at_10_std": -1.1491077559945655, + "nauc_ndcg_at_1_diff1": 34.475194079761046, + "nauc_ndcg_at_1_max": 14.478568759719856, + "nauc_ndcg_at_1_std": -5.966667936903906, + "nauc_ndcg_at_20_diff1": 32.506431715886144, + "nauc_ndcg_at_20_max": 15.27762186541485, + "nauc_ndcg_at_20_std": 0.04042340992370987, + "nauc_ndcg_at_3_diff1": 30.459324411439447, + "nauc_ndcg_at_3_max": 15.203613562825236, + "nauc_ndcg_at_3_std": -3.1029884286745637, + "nauc_ndcg_at_5_diff1": 32.163485899012194, + "nauc_ndcg_at_5_max": 15.991393277231944, + "nauc_ndcg_at_5_std": -2.703797170364151, + "nauc_precision_at_1000_diff1": -2.117125700655664, + "nauc_precision_at_1000_max": 6.828373938777722, + "nauc_precision_at_1000_std": 2.045215933888246, + "nauc_precision_at_100_diff1": 4.099056472939519, + "nauc_precision_at_100_max": 10.875767592976803, + "nauc_precision_at_100_std": 8.037114075345642, + "nauc_precision_at_10_diff1": 21.29748789641324, + "nauc_precision_at_10_max": 14.672125367272775, + "nauc_precision_at_10_std": 3.257317203722233, + "nauc_precision_at_1_diff1": 34.475194079761046, + "nauc_precision_at_1_max": 14.478568759719856, + "nauc_precision_at_1_std": -5.966667936903906, + "nauc_precision_at_20_diff1": 16.54291297888785, + "nauc_precision_at_20_max": 15.697453848166546, + "nauc_precision_at_20_std": 6.351013088635058, + "nauc_precision_at_3_diff1": 22.641030059570497, + "nauc_precision_at_3_max": 17.94566325867016, + "nauc_precision_at_3_std": -0.9418165192444523, + "nauc_precision_at_5_diff1": 24.48631540013291, + "nauc_precision_at_5_max": 19.842549668284164, + "nauc_precision_at_5_std": 0.31588910564250605, + "nauc_recall_at_1000_diff1": 26.43600927381693, + "nauc_recall_at_1000_max": 34.4720828624886, + "nauc_recall_at_1000_std": 43.19733828046197, + "nauc_recall_at_100_diff1": 24.9155648703279, + "nauc_recall_at_100_max": 16.493541112065078, + "nauc_recall_at_100_std": 16.890004919920262, + "nauc_recall_at_10_diff1": 30.406733074151916, + "nauc_recall_at_10_max": 12.099008104801277, + "nauc_recall_at_10_std": 2.961933769227566, + "nauc_recall_at_1_diff1": 37.51403858840109, + "nauc_recall_at_1_max": 11.61504414020275, + "nauc_recall_at_1_std": -5.525240654285529, + "nauc_recall_at_20_diff1": 29.02862744695312, + "nauc_recall_at_20_max": 13.187402837996709, + "nauc_recall_at_20_std": 7.074583238493351, + "nauc_recall_at_3_diff1": 26.87292224049686, + "nauc_recall_at_3_max": 14.350499088093164, + "nauc_recall_at_3_std": -1.5820898683181281, + "nauc_recall_at_5_diff1": 29.52812156986102, + "nauc_recall_at_5_max": 16.36238447178588, + "nauc_recall_at_5_std": -1.1333086160805699, + "ndcg_at_1": 23.756, + "ndcg_at_10": 34.977000000000004, + "ndcg_at_100": 41.404999999999994, + "ndcg_at_1000": 43.797000000000004, + "ndcg_at_20": 37.552, + "ndcg_at_3": 29.153000000000002, + "ndcg_at_5": 31.628, + "precision_at_1": 23.756, + "precision_at_10": 6.704000000000001, + "precision_at_100": 1.142, + "precision_at_1000": 0.147, + "precision_at_20": 4.098, + "precision_at_3": 14.469000000000001, + "precision_at_5": 10.423, + "recall_at_1": 18.829, + "recall_at_10": 48.898, + "recall_at_100": 76.12299999999999, + "recall_at_1000": 93.125, + "recall_at_20": 58.013000000000005, + "recall_at_3": 32.628, + "recall_at_5": 39.226 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/CQADupstackPhysicsRetrieval.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/CQADupstackPhysicsRetrieval.json new file mode 100644 index 000000000..9c5b5bf2b --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/CQADupstackPhysicsRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "79531abbd1fb92d06c6d6315a0cbbbf5bb247ea4", + "task_name": "CQADupstackPhysicsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 51.841, + "map_at_1": 31.546000000000003, + "map_at_10": 45.062000000000005, + "map_at_100": 46.404, + "map_at_1000": 46.5, + "map_at_20": 45.827, + "map_at_3": 41.285, + "map_at_5": 43.195, + "mrr_at_1": 38.40230991337825, + "mrr_at_10": 49.8141528026032, + "mrr_at_100": 50.57447408080726, + "mrr_at_1000": 50.5993052428773, + "mrr_at_20": 50.25050235209662, + "mrr_at_3": 46.98427975617576, + "mrr_at_5": 48.54347128649335, + "nauc_map_at_1000_diff1": 45.408085068920215, + "nauc_map_at_1000_max": 34.81448683377689, + "nauc_map_at_1000_std": -9.031735114424992, + "nauc_map_at_100_diff1": 45.39924061967858, + "nauc_map_at_100_max": 34.80839440059379, + "nauc_map_at_100_std": -9.085641846751734, + "nauc_map_at_10_diff1": 45.33627511201888, + "nauc_map_at_10_max": 34.4388392225938, + "nauc_map_at_10_std": -9.70629057556224, + "nauc_map_at_1_diff1": 52.682893277244716, + "nauc_map_at_1_max": 32.044557907599085, + "nauc_map_at_1_std": -12.239875326347203, + "nauc_map_at_20_diff1": 45.39627205891398, + "nauc_map_at_20_max": 34.61700403661764, + "nauc_map_at_20_std": -9.427569608672833, + "nauc_map_at_3_diff1": 46.487014365288324, + "nauc_map_at_3_max": 33.71243831775303, + "nauc_map_at_3_std": -11.065305302387815, + "nauc_map_at_5_diff1": 45.98978894568299, + "nauc_map_at_5_max": 33.808112350208674, + "nauc_map_at_5_std": -10.88139872151709, + "nauc_mrr_at_1000_diff1": 45.26198173932022, + "nauc_mrr_at_1000_max": 35.932478080635484, + "nauc_mrr_at_1000_std": -7.902048906790103, + "nauc_mrr_at_100_diff1": 45.254393472843375, + "nauc_mrr_at_100_max": 35.9431209230091, + "nauc_mrr_at_100_std": -7.8981938920645005, + "nauc_mrr_at_10_diff1": 45.08123828809612, + "nauc_mrr_at_10_max": 35.931229790288434, + "nauc_mrr_at_10_std": -7.936309463023789, + "nauc_mrr_at_1_diff1": 49.22977022573317, + "nauc_mrr_at_1_max": 34.23781082286927, + "nauc_mrr_at_1_std": -9.287665167939494, + "nauc_mrr_at_20_diff1": 45.252641516190934, + "nauc_mrr_at_20_max": 35.89539484155243, + "nauc_mrr_at_20_std": -7.972825938602268, + "nauc_mrr_at_3_diff1": 45.171645262995845, + "nauc_mrr_at_3_max": 35.92717246816748, + "nauc_mrr_at_3_std": -8.902287553992233, + "nauc_mrr_at_5_diff1": 45.19792559490479, + "nauc_mrr_at_5_max": 35.82925903242625, + "nauc_mrr_at_5_std": -8.849826039196444, + "nauc_ndcg_at_1000_diff1": 44.10471154096236, + "nauc_ndcg_at_1000_max": 36.054463074424085, + "nauc_ndcg_at_1000_std": -6.413244683136655, + "nauc_ndcg_at_100_diff1": 43.777951617371045, + "nauc_ndcg_at_100_max": 36.32691909636164, + "nauc_ndcg_at_100_std": -6.5182900903128, + "nauc_ndcg_at_10_diff1": 43.40267963145658, + "nauc_ndcg_at_10_max": 35.2051607477023, + "nauc_ndcg_at_10_std": -8.007589526999686, + "nauc_ndcg_at_1_diff1": 49.22977022573317, + "nauc_ndcg_at_1_max": 34.23781082286927, + "nauc_ndcg_at_1_std": -9.287665167939494, + "nauc_ndcg_at_20_diff1": 43.84773553741647, + "nauc_ndcg_at_20_max": 35.43036436550042, + "nauc_ndcg_at_20_std": -7.804185207595764, + "nauc_ndcg_at_3_diff1": 44.52230934112428, + "nauc_ndcg_at_3_max": 34.7781704927549, + "nauc_ndcg_at_3_std": -10.213716472980002, + "nauc_ndcg_at_5_diff1": 44.42885848694502, + "nauc_ndcg_at_5_max": 34.5484713761122, + "nauc_ndcg_at_5_std": -10.379761727670532, + "nauc_precision_at_1000_diff1": -17.115906857147447, + "nauc_precision_at_1000_max": -2.1987651081477533, + "nauc_precision_at_1000_std": 17.97179450110356, + "nauc_precision_at_100_diff1": -10.925154095184467, + "nauc_precision_at_100_max": 9.022276663553845, + "nauc_precision_at_100_std": 19.049550737373757, + "nauc_precision_at_10_diff1": 5.155657934683893, + "nauc_precision_at_10_max": 22.278949321494142, + "nauc_precision_at_10_std": 8.912133685935467, + "nauc_precision_at_1_diff1": 49.22977022573317, + "nauc_precision_at_1_max": 34.23781082286927, + "nauc_precision_at_1_std": -9.287665167939494, + "nauc_precision_at_20_diff1": 0.08671028194998398, + "nauc_precision_at_20_max": 17.69661489592792, + "nauc_precision_at_20_std": 11.784850126329411, + "nauc_precision_at_3_diff1": 23.427889174415377, + "nauc_precision_at_3_max": 30.15686792703775, + "nauc_precision_at_3_std": -1.655045161470365, + "nauc_precision_at_5_diff1": 16.81335324026242, + "nauc_precision_at_5_max": 26.762178572537245, + "nauc_precision_at_5_std": 0.9528620079402708, + "nauc_recall_at_1000_diff1": 31.76437533883028, + "nauc_recall_at_1000_max": 60.981540164283665, + "nauc_recall_at_1000_std": 47.60668419126673, + "nauc_recall_at_100_diff1": 30.481511839602387, + "nauc_recall_at_100_max": 42.8478963024075, + "nauc_recall_at_100_std": 8.840736718195856, + "nauc_recall_at_10_diff1": 35.334955867865595, + "nauc_recall_at_10_max": 33.28096014996419, + "nauc_recall_at_10_std": -3.552696847109997, + "nauc_recall_at_1_diff1": 52.682893277244716, + "nauc_recall_at_1_max": 32.044557907599085, + "nauc_recall_at_1_std": -12.239875326347203, + "nauc_recall_at_20_diff1": 37.0961275784984, + "nauc_recall_at_20_max": 33.872582440669305, + "nauc_recall_at_20_std": -3.5901847360735726, + "nauc_recall_at_3_diff1": 40.64045772324257, + "nauc_recall_at_3_max": 31.714945130932794, + "nauc_recall_at_3_std": -12.421740996971153, + "nauc_recall_at_5_diff1": 38.912432084860036, + "nauc_recall_at_5_max": 31.220715412191886, + "nauc_recall_at_5_std": -12.330003159503198, + "ndcg_at_1": 38.401999999999994, + "ndcg_at_10": 51.841, + "ndcg_at_100": 57.121, + "ndcg_at_1000": 58.582, + "ndcg_at_20": 53.947, + "ndcg_at_3": 45.78, + "ndcg_at_5": 48.352000000000004, + "precision_at_1": 38.401999999999994, + "precision_at_10": 9.692, + "precision_at_100": 1.435, + "precision_at_1000": 0.173, + "precision_at_20": 5.611, + "precision_at_3": 22.264999999999997, + "precision_at_5": 15.669, + "recall_at_1": 31.546000000000003, + "recall_at_10": 66.961, + "recall_at_100": 88.71, + "recall_at_1000": 97.821, + "recall_at_20": 74.033, + "recall_at_3": 50.307, + "recall_at_5": 56.825 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/CQADupstackProgrammersRetrieval.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/CQADupstackProgrammersRetrieval.json new file mode 100644 index 000000000..ad45be27b --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/CQADupstackProgrammersRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "6184bc1440d2dbc7612be22b50686b8826d22b32", + "task_name": "CQADupstackProgrammersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 45.814, + "map_at_1": 26.784000000000002, + "map_at_10": 38.958999999999996, + "map_at_100": 40.441, + "map_at_1000": 40.535, + "map_at_20": 39.843, + "map_at_3": 34.735, + "map_at_5": 37.287, + "mrr_at_1": 33.44748858447489, + "mrr_at_10": 44.28281510473287, + "mrr_at_100": 45.25904373827841, + "mrr_at_1000": 45.29554751347883, + "mrr_at_20": 44.92953754847277, + "mrr_at_3": 41.305175038051736, + "mrr_at_5": 43.20585996955856, + "nauc_map_at_1000_diff1": 38.11736750763297, + "nauc_map_at_1000_max": 24.000294382878423, + "nauc_map_at_1000_std": -7.861373369299095, + "nauc_map_at_100_diff1": 38.11654284813446, + "nauc_map_at_100_max": 23.98087270285323, + "nauc_map_at_100_std": -7.877385888095451, + "nauc_map_at_10_diff1": 38.08070344774997, + "nauc_map_at_10_max": 23.543520971497905, + "nauc_map_at_10_std": -8.383371378491509, + "nauc_map_at_1_diff1": 42.18319791470325, + "nauc_map_at_1_max": 23.34898555091723, + "nauc_map_at_1_std": -12.806880008265043, + "nauc_map_at_20_diff1": 38.114999842598564, + "nauc_map_at_20_max": 23.90994956189344, + "nauc_map_at_20_std": -8.106492347533809, + "nauc_map_at_3_diff1": 38.575286871887805, + "nauc_map_at_3_max": 23.058717018246153, + "nauc_map_at_3_std": -11.898614097081257, + "nauc_map_at_5_diff1": 38.34033174186913, + "nauc_map_at_5_max": 23.477702791252955, + "nauc_map_at_5_std": -9.287267607162825, + "nauc_mrr_at_1000_diff1": 37.32748841102093, + "nauc_mrr_at_1000_max": 26.193818618155245, + "nauc_mrr_at_1000_std": -5.306318224163809, + "nauc_mrr_at_100_diff1": 37.33545309261833, + "nauc_mrr_at_100_max": 26.208771456341218, + "nauc_mrr_at_100_std": -5.289635468739874, + "nauc_mrr_at_10_diff1": 36.99565346932208, + "nauc_mrr_at_10_max": 25.82424995530185, + "nauc_mrr_at_10_std": -5.4973436862637985, + "nauc_mrr_at_1_diff1": 41.86501079427528, + "nauc_mrr_at_1_max": 27.346120407617946, + "nauc_mrr_at_1_std": -8.384870760349795, + "nauc_mrr_at_20_diff1": 37.21763039260485, + "nauc_mrr_at_20_max": 26.140668660687904, + "nauc_mrr_at_20_std": -5.309579071500031, + "nauc_mrr_at_3_diff1": 37.29447740662917, + "nauc_mrr_at_3_max": 25.72389331364019, + "nauc_mrr_at_3_std": -7.528056434106499, + "nauc_mrr_at_5_diff1": 37.03096493380401, + "nauc_mrr_at_5_max": 26.20679567894994, + "nauc_mrr_at_5_std": -5.422404696106759, + "nauc_ndcg_at_1000_diff1": 37.55262612632063, + "nauc_ndcg_at_1000_max": 25.03492533529183, + "nauc_ndcg_at_1000_std": -4.620158835806051, + "nauc_ndcg_at_100_diff1": 37.727723031031324, + "nauc_ndcg_at_100_max": 25.29454657173904, + "nauc_ndcg_at_100_std": -3.947304020047461, + "nauc_ndcg_at_10_diff1": 36.29215161134701, + "nauc_ndcg_at_10_max": 23.71291239328531, + "nauc_ndcg_at_10_std": -5.168801521084202, + "nauc_ndcg_at_1_diff1": 41.86501079427528, + "nauc_ndcg_at_1_max": 27.346120407617946, + "nauc_ndcg_at_1_std": -8.384870760349795, + "nauc_ndcg_at_20_diff1": 36.741456788442925, + "nauc_ndcg_at_20_max": 24.749531082944497, + "nauc_ndcg_at_20_std": -4.513522914617928, + "nauc_ndcg_at_3_diff1": 36.337800581556415, + "nauc_ndcg_at_3_max": 23.79612744646427, + "nauc_ndcg_at_3_std": -9.814488529010495, + "nauc_ndcg_at_5_diff1": 36.373783732275996, + "nauc_ndcg_at_5_max": 24.337705152303517, + "nauc_ndcg_at_5_std": -5.9433338033709076, + "nauc_precision_at_1000_diff1": -11.166516654998434, + "nauc_precision_at_1000_max": 11.702984079447216, + "nauc_precision_at_1000_std": 18.158097934252027, + "nauc_precision_at_100_diff1": -2.4183353698467203, + "nauc_precision_at_100_max": 12.354030267351504, + "nauc_precision_at_100_std": 17.66939702398267, + "nauc_precision_at_10_diff1": 12.40698391491755, + "nauc_precision_at_10_max": 18.40154119372082, + "nauc_precision_at_10_std": 11.579162385831191, + "nauc_precision_at_1_diff1": 41.86501079427528, + "nauc_precision_at_1_max": 27.346120407617946, + "nauc_precision_at_1_std": -8.384870760349795, + "nauc_precision_at_20_diff1": 7.559066186043976, + "nauc_precision_at_20_max": 17.961972984402735, + "nauc_precision_at_20_std": 14.166666190732109, + "nauc_precision_at_3_diff1": 24.26336438498472, + "nauc_precision_at_3_max": 23.115335702834876, + "nauc_precision_at_3_std": -2.8638426974295745, + "nauc_precision_at_5_diff1": 18.086439894, + "nauc_precision_at_5_max": 21.902852913780674, + "nauc_precision_at_5_std": 7.913364070883889, + "nauc_recall_at_1000_diff1": 37.997735697889524, + "nauc_recall_at_1000_max": 28.756920000718416, + "nauc_recall_at_1000_std": 45.88659450166037, + "nauc_recall_at_100_diff1": 39.654529273336955, + "nauc_recall_at_100_max": 30.60687045709423, + "nauc_recall_at_100_std": 17.953087240972074, + "nauc_recall_at_10_diff1": 30.14293305093271, + "nauc_recall_at_10_max": 19.316085797569126, + "nauc_recall_at_10_std": 1.775418885436544, + "nauc_recall_at_1_diff1": 42.18319791470325, + "nauc_recall_at_1_max": 23.34898555091723, + "nauc_recall_at_1_std": -12.806880008265043, + "nauc_recall_at_20_diff1": 31.113782770327525, + "nauc_recall_at_20_max": 23.48656801606143, + "nauc_recall_at_20_std": 6.214679015830062, + "nauc_recall_at_3_diff1": 32.6018886813766, + "nauc_recall_at_3_max": 20.102015905459307, + "nauc_recall_at_3_std": -10.308174390589436, + "nauc_recall_at_5_diff1": 31.44511441051162, + "nauc_recall_at_5_max": 20.931266508274724, + "nauc_recall_at_5_std": -1.6540639373360793, + "ndcg_at_1": 33.446999999999996, + "ndcg_at_10": 45.814, + "ndcg_at_100": 51.834, + "ndcg_at_1000": 53.553, + "ndcg_at_20": 48.518, + "ndcg_at_3": 39.588, + "ndcg_at_5": 42.849, + "precision_at_1": 33.446999999999996, + "precision_at_10": 8.801, + "precision_at_100": 1.381, + "precision_at_1000": 0.17099999999999999, + "precision_at_20": 5.228, + "precision_at_3": 19.444, + "precision_at_5": 14.521, + "recall_at_1": 26.784000000000002, + "recall_at_10": 60.63499999999999, + "recall_at_100": 86.035, + "recall_at_1000": 97.404, + "recall_at_20": 70.473, + "recall_at_3": 43.205, + "recall_at_5": 51.800999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/CQADupstackStatsRetrieval.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/CQADupstackStatsRetrieval.json new file mode 100644 index 000000000..116f2d2bc --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/CQADupstackStatsRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "65ac3a16b8e91f9cee4c9828cc7c335575432a2a", + "task_name": "CQADupstackStatsRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 36.291000000000004, + "map_at_1": 23.199, + "map_at_10": 31.516, + "map_at_100": 32.649, + "map_at_1000": 32.742, + "map_at_20": 32.172, + "map_at_3": 29.101, + "map_at_5": 30.487, + "mrr_at_1": 26.226993865030675, + "mrr_at_10": 33.94816924724899, + "mrr_at_100": 34.87358677823681, + "mrr_at_1000": 34.94261020890034, + "mrr_at_20": 34.506501776185196, + "mrr_at_3": 31.518404907975466, + "mrr_at_5": 32.94478527607363, + "nauc_map_at_1000_diff1": 51.18542911225432, + "nauc_map_at_1000_max": 40.43058085111423, + "nauc_map_at_1000_std": 5.3974448907725066, + "nauc_map_at_100_diff1": 51.15865749726925, + "nauc_map_at_100_max": 40.39622362575108, + "nauc_map_at_100_std": 5.387804213546535, + "nauc_map_at_10_diff1": 51.26667063819357, + "nauc_map_at_10_max": 40.28890459349535, + "nauc_map_at_10_std": 4.769853969588081, + "nauc_map_at_1_diff1": 57.84622181579997, + "nauc_map_at_1_max": 42.99833198892393, + "nauc_map_at_1_std": 2.623995688031952, + "nauc_map_at_20_diff1": 51.20424873230057, + "nauc_map_at_20_max": 40.14426501047391, + "nauc_map_at_20_std": 5.172256348095352, + "nauc_map_at_3_diff1": 52.62709469297852, + "nauc_map_at_3_max": 41.15448127921986, + "nauc_map_at_3_std": 3.4581704117373566, + "nauc_map_at_5_diff1": 52.11442057512152, + "nauc_map_at_5_max": 40.771412481175986, + "nauc_map_at_5_std": 3.9467241008870335, + "nauc_mrr_at_1000_diff1": 50.62386253616975, + "nauc_mrr_at_1000_max": 39.326081970356334, + "nauc_mrr_at_1000_std": 6.783860502612024, + "nauc_mrr_at_100_diff1": 50.57526957456895, + "nauc_mrr_at_100_max": 39.30980897829472, + "nauc_mrr_at_100_std": 6.80161963789857, + "nauc_mrr_at_10_diff1": 50.71426300210595, + "nauc_mrr_at_10_max": 39.39423685918339, + "nauc_mrr_at_10_std": 6.4784274139524545, + "nauc_mrr_at_1_diff1": 56.83151355893988, + "nauc_mrr_at_1_max": 41.332173947300824, + "nauc_mrr_at_1_std": 5.584550639495193, + "nauc_mrr_at_20_diff1": 50.51574800561875, + "nauc_mrr_at_20_max": 39.2435306936296, + "nauc_mrr_at_20_std": 6.636135681381268, + "nauc_mrr_at_3_diff1": 51.968318561093206, + "nauc_mrr_at_3_max": 39.536950393663254, + "nauc_mrr_at_3_std": 5.336239991399375, + "nauc_mrr_at_5_diff1": 51.23639004175655, + "nauc_mrr_at_5_max": 39.526442012927895, + "nauc_mrr_at_5_std": 5.85626988225536, + "nauc_ndcg_at_1000_diff1": 47.94002347290064, + "nauc_ndcg_at_1000_max": 39.32366180439056, + "nauc_ndcg_at_1000_std": 8.84579590488393, + "nauc_ndcg_at_100_diff1": 47.14572826825714, + "nauc_ndcg_at_100_max": 39.00544081440317, + "nauc_ndcg_at_100_std": 9.1174179575023, + "nauc_ndcg_at_10_diff1": 47.846426124821676, + "nauc_ndcg_at_10_max": 38.82254197821222, + "nauc_ndcg_at_10_std": 6.173511994822973, + "nauc_ndcg_at_1_diff1": 56.83151355893988, + "nauc_ndcg_at_1_max": 41.332173947300824, + "nauc_ndcg_at_1_std": 5.584550639495193, + "nauc_ndcg_at_20_diff1": 47.499476839800174, + "nauc_ndcg_at_20_max": 38.176949417621366, + "nauc_ndcg_at_20_std": 7.211539332197563, + "nauc_ndcg_at_3_diff1": 50.41865913024451, + "nauc_ndcg_at_3_max": 40.42211341834284, + "nauc_ndcg_at_3_std": 4.0996783989115855, + "nauc_ndcg_at_5_diff1": 49.54432423009622, + "nauc_ndcg_at_5_max": 39.90824982557047, + "nauc_ndcg_at_5_std": 4.659386746150992, + "nauc_precision_at_1000_diff1": -6.669236529596843, + "nauc_precision_at_1000_max": 9.948992721182313, + "nauc_precision_at_1000_std": 18.850247446285344, + "nauc_precision_at_100_diff1": 5.0040204495885945, + "nauc_precision_at_100_max": 20.00879367393483, + "nauc_precision_at_100_std": 22.966181182852935, + "nauc_precision_at_10_diff1": 27.68101776997308, + "nauc_precision_at_10_max": 27.712070876848816, + "nauc_precision_at_10_std": 14.766963486302046, + "nauc_precision_at_1_diff1": 56.83151355893988, + "nauc_precision_at_1_max": 41.332173947300824, + "nauc_precision_at_1_std": 5.584550639495193, + "nauc_precision_at_20_diff1": 20.370480241261426, + "nauc_precision_at_20_max": 23.236345054048897, + "nauc_precision_at_20_std": 18.705167446849206, + "nauc_precision_at_3_diff1": 41.064327248640566, + "nauc_precision_at_3_max": 35.18704515627873, + "nauc_precision_at_3_std": 6.416516457891254, + "nauc_precision_at_5_diff1": 36.89222110213938, + "nauc_precision_at_5_max": 32.76854314518032, + "nauc_precision_at_5_std": 9.578741823255536, + "nauc_recall_at_1000_diff1": 21.174293136272045, + "nauc_recall_at_1000_max": 28.53784351553076, + "nauc_recall_at_1000_std": 41.3776314807875, + "nauc_recall_at_100_diff1": 26.596788926351543, + "nauc_recall_at_100_max": 30.86754454927091, + "nauc_recall_at_100_std": 26.94531386198568, + "nauc_recall_at_10_diff1": 37.24888866240404, + "nauc_recall_at_10_max": 33.69371948433766, + "nauc_recall_at_10_std": 8.502079126424375, + "nauc_recall_at_1_diff1": 57.84622181579997, + "nauc_recall_at_1_max": 42.99833198892393, + "nauc_recall_at_1_std": 2.623995688031952, + "nauc_recall_at_20_diff1": 34.84302275962853, + "nauc_recall_at_20_max": 30.698743812804143, + "nauc_recall_at_20_std": 11.559269171945918, + "nauc_recall_at_3_diff1": 45.955643862037974, + "nauc_recall_at_3_max": 37.8434472742434, + "nauc_recall_at_3_std": 2.7907114019730006, + "nauc_recall_at_5_diff1": 42.86077909818521, + "nauc_recall_at_5_max": 36.34586700724802, + "nauc_recall_at_5_std": 4.685965692823914, + "ndcg_at_1": 26.227, + "ndcg_at_10": 36.291000000000004, + "ndcg_at_100": 41.684, + "ndcg_at_1000": 43.949, + "ndcg_at_20": 38.405, + "ndcg_at_3": 31.568, + "ndcg_at_5": 33.891, + "precision_at_1": 26.227, + "precision_at_10": 5.89, + "precision_at_100": 0.9390000000000001, + "precision_at_1000": 0.12, + "precision_at_20": 3.528, + "precision_at_3": 13.700999999999999, + "precision_at_5": 9.724, + "recall_at_1": 23.199, + "recall_at_10": 48.59, + "recall_at_100": 73.332, + "recall_at_1000": 89.825, + "recall_at_20": 56.264, + "recall_at_3": 35.441, + "recall_at_5": 41.284 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/CQADupstackTexRetrieval.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/CQADupstackTexRetrieval.json new file mode 100644 index 000000000..deabfbc73 --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/CQADupstackTexRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "46989137a86843e03a6195de44b09deda022eec7", + "task_name": "CQADupstackTexRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 30.003999999999998, + "map_at_1": 16.203, + "map_at_10": 24.504, + "map_at_100": 25.77, + "map_at_1000": 25.898, + "map_at_20": 25.158, + "map_at_3": 21.538, + "map_at_5": 23.085, + "mrr_at_1": 19.752236751548523, + "mrr_at_10": 28.208304657031487, + "mrr_at_100": 29.194168639099477, + "mrr_at_1000": 29.264587079393394, + "mrr_at_20": 28.733378414151307, + "mrr_at_3": 25.424409268180785, + "mrr_at_5": 26.907547602661225, + "nauc_map_at_1000_diff1": 34.77946144979848, + "nauc_map_at_1000_max": 26.51333935423754, + "nauc_map_at_1000_std": -2.3836765711100454, + "nauc_map_at_100_diff1": 34.726425095836575, + "nauc_map_at_100_max": 26.49453750185533, + "nauc_map_at_100_std": -2.3946501662202304, + "nauc_map_at_10_diff1": 35.07483858053342, + "nauc_map_at_10_max": 26.38891175643252, + "nauc_map_at_10_std": -3.0820847495518584, + "nauc_map_at_1_diff1": 42.277954296027964, + "nauc_map_at_1_max": 26.885584027024063, + "nauc_map_at_1_std": -5.352914133949852, + "nauc_map_at_20_diff1": 34.8403655164, + "nauc_map_at_20_max": 26.458158875988115, + "nauc_map_at_20_std": -2.7335504835344664, + "nauc_map_at_3_diff1": 36.881394727999556, + "nauc_map_at_3_max": 27.160969666974815, + "nauc_map_at_3_std": -4.396911947394683, + "nauc_map_at_5_diff1": 35.639562247169096, + "nauc_map_at_5_max": 26.639954780470486, + "nauc_map_at_5_std": -3.7965397318705496, + "nauc_mrr_at_1000_diff1": 33.20383220051444, + "nauc_mrr_at_1000_max": 25.4316499858392, + "nauc_mrr_at_1000_std": -2.045842535875331, + "nauc_mrr_at_100_diff1": 33.16439008042712, + "nauc_mrr_at_100_max": 25.416257721385787, + "nauc_mrr_at_100_std": -2.0317917154425387, + "nauc_mrr_at_10_diff1": 33.252126790566514, + "nauc_mrr_at_10_max": 25.377758108751387, + "nauc_mrr_at_10_std": -2.4264189386999044, + "nauc_mrr_at_1_diff1": 39.834719885760556, + "nauc_mrr_at_1_max": 25.990117931311673, + "nauc_mrr_at_1_std": -4.765973133436674, + "nauc_mrr_at_20_diff1": 33.16383536033632, + "nauc_mrr_at_20_max": 25.401527212984014, + "nauc_mrr_at_20_std": -2.2220606670426224, + "nauc_mrr_at_3_diff1": 34.74059019329093, + "nauc_mrr_at_3_max": 26.307028811743553, + "nauc_mrr_at_3_std": -3.5724671708574434, + "nauc_mrr_at_5_diff1": 33.59586580993283, + "nauc_mrr_at_5_max": 25.627333570990807, + "nauc_mrr_at_5_std": -3.1680352161214715, + "nauc_ndcg_at_1000_diff1": 31.63614044978374, + "nauc_ndcg_at_1000_max": 26.07412869941323, + "nauc_ndcg_at_1000_std": 1.408963414287443, + "nauc_ndcg_at_100_diff1": 30.611526137380334, + "nauc_ndcg_at_100_max": 25.8378308813979, + "nauc_ndcg_at_100_std": 1.8510734940750204, + "nauc_ndcg_at_10_diff1": 31.77931205418245, + "nauc_ndcg_at_10_max": 25.647247948016282, + "nauc_ndcg_at_10_std": -1.1995099974005068, + "nauc_ndcg_at_1_diff1": 39.834719885760556, + "nauc_ndcg_at_1_max": 25.990117931311673, + "nauc_ndcg_at_1_std": -4.765973133436674, + "nauc_ndcg_at_20_diff1": 31.271749257906933, + "nauc_ndcg_at_20_max": 25.77643934349027, + "nauc_ndcg_at_20_std": -0.13617627006329658, + "nauc_ndcg_at_3_diff1": 34.78789636847941, + "nauc_ndcg_at_3_max": 27.06853334540071, + "nauc_ndcg_at_3_std": -3.814111143031556, + "nauc_ndcg_at_5_diff1": 32.80385670003178, + "nauc_ndcg_at_5_max": 26.142597326795915, + "nauc_ndcg_at_5_std": -2.826446486369442, + "nauc_precision_at_1000_diff1": 5.337214061164788, + "nauc_precision_at_1000_max": 5.6432279110132395, + "nauc_precision_at_1000_std": 9.71828147452406, + "nauc_precision_at_100_diff1": 6.098940283868962, + "nauc_precision_at_100_max": 11.523600551252407, + "nauc_precision_at_100_std": 13.53009320116428, + "nauc_precision_at_10_diff1": 17.468734946980348, + "nauc_precision_at_10_max": 19.178439669583845, + "nauc_precision_at_10_std": 4.204201525745574, + "nauc_precision_at_1_diff1": 39.834719885760556, + "nauc_precision_at_1_max": 25.990117931311673, + "nauc_precision_at_1_std": -4.765973133436674, + "nauc_precision_at_20_diff1": 13.589754876845628, + "nauc_precision_at_20_max": 17.604665523039866, + "nauc_precision_at_20_std": 7.374810190128375, + "nauc_precision_at_3_diff1": 28.36601705288169, + "nauc_precision_at_3_max": 25.80624066634199, + "nauc_precision_at_3_std": -2.8326342170744914, + "nauc_precision_at_5_diff1": 22.742427315942095, + "nauc_precision_at_5_max": 22.267969242946513, + "nauc_precision_at_5_std": -0.04906212482543379, + "nauc_recall_at_1000_diff1": 16.458371781103924, + "nauc_recall_at_1000_max": 25.194190498183794, + "nauc_recall_at_1000_std": 30.522986810850743, + "nauc_recall_at_100_diff1": 14.359765512865144, + "nauc_recall_at_100_max": 21.553553609929946, + "nauc_recall_at_100_std": 19.114947206238213, + "nauc_recall_at_10_diff1": 22.805221872665296, + "nauc_recall_at_10_max": 22.62916966651195, + "nauc_recall_at_10_std": 2.850986270075809, + "nauc_recall_at_1_diff1": 42.277954296027964, + "nauc_recall_at_1_max": 26.885584027024063, + "nauc_recall_at_1_std": -5.352914133949852, + "nauc_recall_at_20_diff1": 20.64279001295643, + "nauc_recall_at_20_max": 22.388150824277083, + "nauc_recall_at_20_std": 6.511559521468454, + "nauc_recall_at_3_diff1": 30.501288503697793, + "nauc_recall_at_3_max": 26.87612437428851, + "nauc_recall_at_3_std": -2.6083207155232486, + "nauc_recall_at_5_diff1": 25.722785433400364, + "nauc_recall_at_5_max": 24.179717355049384, + "nauc_recall_at_5_std": -0.9851754722969593, + "ndcg_at_1": 19.752, + "ndcg_at_10": 30.003999999999998, + "ndcg_at_100": 35.992000000000004, + "ndcg_at_1000": 38.706, + "ndcg_at_20": 32.104, + "ndcg_at_3": 24.549000000000003, + "ndcg_at_5": 26.915, + "precision_at_1": 19.752, + "precision_at_10": 5.826, + "precision_at_100": 1.039, + "precision_at_1000": 0.145, + "precision_at_20": 3.543, + "precision_at_3": 11.906, + "precision_at_5": 8.913, + "recall_at_1": 16.203, + "recall_at_10": 42.96, + "recall_at_100": 69.896, + "recall_at_1000": 88.763, + "recall_at_20": 50.690000000000005, + "recall_at_3": 27.706999999999997, + "recall_at_5": 33.732 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/CQADupstackUnixRetrieval.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/CQADupstackUnixRetrieval.json new file mode 100644 index 000000000..6be9b77ee --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/CQADupstackUnixRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "6c6430d3a6d36f8d2a829195bc5dc94d7e063e53", + "task_name": "CQADupstackUnixRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 44.214, + "map_at_1": 26.362000000000002, + "map_at_10": 37.903, + "map_at_100": 39.225, + "map_at_1000": 39.318, + "map_at_20": 38.675, + "map_at_3": 34.339, + "map_at_5": 36.41, + "mrr_at_1": 30.597014925373134, + "mrr_at_10": 41.56501717602458, + "mrr_at_100": 42.44037104600305, + "mrr_at_1000": 42.49164682359615, + "mrr_at_20": 42.065919605875514, + "mrr_at_3": 38.54166666666664, + "mrr_at_5": 40.28606965174122, + "nauc_map_at_1000_diff1": 47.022193015822545, + "nauc_map_at_1000_max": 37.510069283996, + "nauc_map_at_1000_std": -2.619223749210864, + "nauc_map_at_100_diff1": 47.0110128474831, + "nauc_map_at_100_max": 37.49734217286656, + "nauc_map_at_100_std": -2.623168195285326, + "nauc_map_at_10_diff1": 47.333691992315586, + "nauc_map_at_10_max": 37.42544432726044, + "nauc_map_at_10_std": -3.032361221814562, + "nauc_map_at_1_diff1": 55.56766500340758, + "nauc_map_at_1_max": 37.55816037621747, + "nauc_map_at_1_std": -3.4756245106235073, + "nauc_map_at_20_diff1": 47.043553806230264, + "nauc_map_at_20_max": 37.46764790200979, + "nauc_map_at_20_std": -2.902106622032998, + "nauc_map_at_3_diff1": 48.32329624357104, + "nauc_map_at_3_max": 37.069989364749, + "nauc_map_at_3_std": -3.8963394773157063, + "nauc_map_at_5_diff1": 47.45984724665631, + "nauc_map_at_5_max": 37.49419828702461, + "nauc_map_at_5_std": -2.7001983351853083, + "nauc_mrr_at_1000_diff1": 44.040549449179785, + "nauc_mrr_at_1000_max": 37.635183657218285, + "nauc_mrr_at_1000_std": -2.2998001164068165, + "nauc_mrr_at_100_diff1": 44.01767577712088, + "nauc_mrr_at_100_max": 37.61732411034475, + "nauc_mrr_at_100_std": -2.298113876953238, + "nauc_mrr_at_10_diff1": 43.99377722723508, + "nauc_mrr_at_10_max": 37.63920703610793, + "nauc_mrr_at_10_std": -2.46107841302828, + "nauc_mrr_at_1_diff1": 51.58851879203434, + "nauc_mrr_at_1_max": 39.18276895998245, + "nauc_mrr_at_1_std": -3.7547202990719293, + "nauc_mrr_at_20_diff1": 43.933755385151294, + "nauc_mrr_at_20_max": 37.63291344921131, + "nauc_mrr_at_20_std": -2.4461841577607557, + "nauc_mrr_at_3_diff1": 44.23763203861928, + "nauc_mrr_at_3_max": 37.61510167030856, + "nauc_mrr_at_3_std": -2.9981794837896873, + "nauc_mrr_at_5_diff1": 43.70678854004207, + "nauc_mrr_at_5_max": 37.958066094208924, + "nauc_mrr_at_5_std": -2.2069511290655743, + "nauc_ndcg_at_1000_diff1": 43.89102270297004, + "nauc_ndcg_at_1000_max": 37.373942962075965, + "nauc_ndcg_at_1000_std": -0.79381131699489, + "nauc_ndcg_at_100_diff1": 43.480624887214276, + "nauc_ndcg_at_100_max": 36.779323191929564, + "nauc_ndcg_at_100_std": -0.5142340495653143, + "nauc_ndcg_at_10_diff1": 44.1480629394505, + "nauc_ndcg_at_10_max": 36.79038602100573, + "nauc_ndcg_at_10_std": -2.5113316190423336, + "nauc_ndcg_at_1_diff1": 51.58851879203434, + "nauc_ndcg_at_1_max": 39.18276895998245, + "nauc_ndcg_at_1_std": -3.7547202990719293, + "nauc_ndcg_at_20_diff1": 43.44148588178158, + "nauc_ndcg_at_20_max": 36.78079904803215, + "nauc_ndcg_at_20_std": -2.2475970493788338, + "nauc_ndcg_at_3_diff1": 44.786947971061814, + "nauc_ndcg_at_3_max": 36.95060577653726, + "nauc_ndcg_at_3_std": -3.7387486325957204, + "nauc_ndcg_at_5_diff1": 43.96479829748338, + "nauc_ndcg_at_5_max": 37.29927097229379, + "nauc_ndcg_at_5_std": -1.8612882187654674, + "nauc_precision_at_1000_diff1": -17.776876205133522, + "nauc_precision_at_1000_max": -2.541489259766695, + "nauc_precision_at_1000_std": 2.131464419490259, + "nauc_precision_at_100_diff1": -8.766821764176708, + "nauc_precision_at_100_max": 7.997796011277149, + "nauc_precision_at_100_std": 7.755850154638668, + "nauc_precision_at_10_diff1": 13.884358851496742, + "nauc_precision_at_10_max": 26.053763030345863, + "nauc_precision_at_10_std": -0.7621762947543562, + "nauc_precision_at_1_diff1": 51.58851879203434, + "nauc_precision_at_1_max": 39.18276895998245, + "nauc_precision_at_1_std": -3.7547202990719293, + "nauc_precision_at_20_diff1": 5.289872641356584, + "nauc_precision_at_20_max": 20.607130764764804, + "nauc_precision_at_20_std": -0.19263962373893834, + "nauc_precision_at_3_diff1": 28.611068231485216, + "nauc_precision_at_3_max": 33.906669095382576, + "nauc_precision_at_3_std": -3.528371042478906, + "nauc_precision_at_5_diff1": 21.242353796078778, + "nauc_precision_at_5_max": 31.511434658857922, + "nauc_precision_at_5_std": 1.657940004239003, + "nauc_recall_at_1000_diff1": 21.80735958513851, + "nauc_recall_at_1000_max": 46.49625873610379, + "nauc_recall_at_1000_std": 43.46830209225304, + "nauc_recall_at_100_diff1": 28.962521400789143, + "nauc_recall_at_100_max": 28.645469512854305, + "nauc_recall_at_100_std": 14.568180770525782, + "nauc_recall_at_10_diff1": 35.9753633121628, + "nauc_recall_at_10_max": 32.09412739670866, + "nauc_recall_at_10_std": -1.4303897530560201, + "nauc_recall_at_1_diff1": 55.56766500340758, + "nauc_recall_at_1_max": 37.55816037621747, + "nauc_recall_at_1_std": -3.4756245106235073, + "nauc_recall_at_20_diff1": 32.57151610283604, + "nauc_recall_at_20_max": 31.185132882427464, + "nauc_recall_at_20_std": -0.5972674819999952, + "nauc_recall_at_3_diff1": 39.55078433962911, + "nauc_recall_at_3_max": 33.34789015929553, + "nauc_recall_at_3_std": -4.062145558641841, + "nauc_recall_at_5_diff1": 36.224639758887754, + "nauc_recall_at_5_max": 34.233241128748105, + "nauc_recall_at_5_std": 0.10907791862296992, + "ndcg_at_1": 30.597, + "ndcg_at_10": 44.214, + "ndcg_at_100": 49.834, + "ndcg_at_1000": 51.696, + "ndcg_at_20": 46.541, + "ndcg_at_3": 38.086, + "ndcg_at_5": 41.093, + "precision_at_1": 30.597, + "precision_at_10": 7.845000000000001, + "precision_at_100": 1.201, + "precision_at_1000": 0.147, + "precision_at_20": 4.618, + "precision_at_3": 17.785999999999998, + "precision_at_5": 12.799, + "recall_at_1": 26.362000000000002, + "recall_at_10": 59.484, + "recall_at_100": 83.353, + "recall_at_1000": 95.719, + "recall_at_20": 67.74900000000001, + "recall_at_3": 42.83, + "recall_at_5": 50.454 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/CQADupstackWebmastersRetrieval.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/CQADupstackWebmastersRetrieval.json new file mode 100644 index 000000000..30591aabf --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/CQADupstackWebmastersRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "160c094312a0e1facb97e55eeddb698c0abe3571", + "task_name": "CQADupstackWebmastersRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 41.826, + "map_at_1": 24.39, + "map_at_10": 35.479, + "map_at_100": 37.407000000000004, + "map_at_1000": 37.632, + "map_at_20": 36.399, + "map_at_3": 32.33, + "map_at_5": 34.123, + "mrr_at_1": 29.446640316205535, + "mrr_at_10": 39.91953698475437, + "mrr_at_100": 40.974311857221245, + "mrr_at_1000": 41.02039114169333, + "mrr_at_20": 40.46987332341717, + "mrr_at_3": 37.154150197628475, + "mrr_at_5": 38.863636363636374, + "nauc_map_at_1000_diff1": 42.006980615840476, + "nauc_map_at_1000_max": 19.588898254504482, + "nauc_map_at_1000_std": -0.5711501793009518, + "nauc_map_at_100_diff1": 41.89311474305503, + "nauc_map_at_100_max": 19.66343179157545, + "nauc_map_at_100_std": -0.9493523888880031, + "nauc_map_at_10_diff1": 42.218327545966794, + "nauc_map_at_10_max": 19.093480513385746, + "nauc_map_at_10_std": -2.575230373968492, + "nauc_map_at_1_diff1": 49.55673669630866, + "nauc_map_at_1_max": 21.657821076583392, + "nauc_map_at_1_std": -2.822086497620212, + "nauc_map_at_20_diff1": 42.06716413657905, + "nauc_map_at_20_max": 19.443018878171156, + "nauc_map_at_20_std": -2.0472340866881598, + "nauc_map_at_3_diff1": 43.358256588830976, + "nauc_map_at_3_max": 20.29951410862834, + "nauc_map_at_3_std": -3.122031268596122, + "nauc_map_at_5_diff1": 42.79238194223064, + "nauc_map_at_5_max": 19.15815022850817, + "nauc_map_at_5_std": -3.4023876930915935, + "nauc_mrr_at_1000_diff1": 38.89485952557572, + "nauc_mrr_at_1000_max": 18.00288526280676, + "nauc_mrr_at_1000_std": 0.7637893917916386, + "nauc_mrr_at_100_diff1": 38.86513791743708, + "nauc_mrr_at_100_max": 17.984440283930496, + "nauc_mrr_at_100_std": 0.7693475120218602, + "nauc_mrr_at_10_diff1": 38.882346535299604, + "nauc_mrr_at_10_max": 18.018489876209962, + "nauc_mrr_at_10_std": 0.6894393091820157, + "nauc_mrr_at_1_diff1": 43.23691098503311, + "nauc_mrr_at_1_max": 19.31011799251083, + "nauc_mrr_at_1_std": 0.5817043396319133, + "nauc_mrr_at_20_diff1": 39.01036846117744, + "nauc_mrr_at_20_max": 18.083878464549187, + "nauc_mrr_at_20_std": 0.6036676825077607, + "nauc_mrr_at_3_diff1": 39.025378279654234, + "nauc_mrr_at_3_max": 19.13536212310877, + "nauc_mrr_at_3_std": 0.6868166618588564, + "nauc_mrr_at_5_diff1": 38.935577962802384, + "nauc_mrr_at_5_max": 17.828195279090846, + "nauc_mrr_at_5_std": 0.023977688818205518, + "nauc_ndcg_at_1000_diff1": 39.793531662914624, + "nauc_ndcg_at_1000_max": 18.847958004720937, + "nauc_ndcg_at_1000_std": 1.804038871743905, + "nauc_ndcg_at_100_diff1": 38.82881796342845, + "nauc_ndcg_at_100_max": 18.487091746204694, + "nauc_ndcg_at_100_std": 2.151729614942825, + "nauc_ndcg_at_10_diff1": 39.84007249501964, + "nauc_ndcg_at_10_max": 17.939005773004503, + "nauc_ndcg_at_10_std": -0.08117427983218028, + "nauc_ndcg_at_1_diff1": 43.23691098503311, + "nauc_ndcg_at_1_max": 19.31011799251083, + "nauc_ndcg_at_1_std": 0.5817043396319133, + "nauc_ndcg_at_20_diff1": 39.8037093598719, + "nauc_ndcg_at_20_max": 18.48853530550249, + "nauc_ndcg_at_20_std": -0.10328037808023001, + "nauc_ndcg_at_3_diff1": 40.446978150459806, + "nauc_ndcg_at_3_max": 19.84200589719808, + "nauc_ndcg_at_3_std": -0.42962792649394055, + "nauc_ndcg_at_5_diff1": 40.28504143456421, + "nauc_ndcg_at_5_max": 17.817674524132045, + "nauc_ndcg_at_5_std": -1.1454777994636318, + "nauc_precision_at_1000_diff1": 3.6440544638350914, + "nauc_precision_at_1000_max": -5.322395298494433, + "nauc_precision_at_1000_std": 34.045681102264446, + "nauc_precision_at_100_diff1": 0.39376090580783235, + "nauc_precision_at_100_max": 1.521619479821471, + "nauc_precision_at_100_std": 31.437894340720597, + "nauc_precision_at_10_diff1": 11.917497057371422, + "nauc_precision_at_10_max": 9.428271545180175, + "nauc_precision_at_10_std": 12.786501469546883, + "nauc_precision_at_1_diff1": 43.23691098503311, + "nauc_precision_at_1_max": 19.31011799251083, + "nauc_precision_at_1_std": 0.5817043396319133, + "nauc_precision_at_20_diff1": 6.023124970004902, + "nauc_precision_at_20_max": 8.805642599987998, + "nauc_precision_at_20_std": 18.846678438758165, + "nauc_precision_at_3_diff1": 24.65558274053028, + "nauc_precision_at_3_max": 16.61089322421877, + "nauc_precision_at_3_std": 5.403032728665573, + "nauc_precision_at_5_diff1": 18.18179370215765, + "nauc_precision_at_5_max": 10.59580743049896, + "nauc_precision_at_5_std": 6.8603748742003186, + "nauc_recall_at_1000_diff1": 22.552468938352412, + "nauc_recall_at_1000_max": 0.5070109561586749, + "nauc_recall_at_1000_std": 36.4227590800954, + "nauc_recall_at_100_diff1": 20.081881489107552, + "nauc_recall_at_100_max": 9.134216705040693, + "nauc_recall_at_100_std": 18.911359987932503, + "nauc_recall_at_10_diff1": 33.5396704389877, + "nauc_recall_at_10_max": 13.961578985947318, + "nauc_recall_at_10_std": 0.3177885671992674, + "nauc_recall_at_1_diff1": 49.55673669630866, + "nauc_recall_at_1_max": 21.657821076583392, + "nauc_recall_at_1_std": -2.822086497620212, + "nauc_recall_at_20_diff1": 32.289790950429804, + "nauc_recall_at_20_max": 15.71770065051139, + "nauc_recall_at_20_std": 0.46912194119269873, + "nauc_recall_at_3_diff1": 38.16094047537937, + "nauc_recall_at_3_max": 18.615919857237486, + "nauc_recall_at_3_std": -3.1020886129527763, + "nauc_recall_at_5_diff1": 36.476258679863136, + "nauc_recall_at_5_max": 14.03780564222494, + "nauc_recall_at_5_std": -4.610491792353064, + "ndcg_at_1": 29.447000000000003, + "ndcg_at_10": 41.826, + "ndcg_at_100": 48.559999999999995, + "ndcg_at_1000": 50.678, + "ndcg_at_20": 44.204, + "ndcg_at_3": 36.687, + "ndcg_at_5": 39.345, + "precision_at_1": 29.447000000000003, + "precision_at_10": 8.202, + "precision_at_100": 1.735, + "precision_at_1000": 0.253, + "precision_at_20": 5.257, + "precision_at_3": 17.523, + "precision_at_5": 12.925, + "recall_at_1": 24.39, + "recall_at_10": 54.173, + "recall_at_100": 83.648, + "recall_at_1000": 96.819, + "recall_at_20": 63.09, + "recall_at_3": 40.146, + "recall_at_5": 46.705999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/CQADupstackWordpressRetrieval.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/CQADupstackWordpressRetrieval.json new file mode 100644 index 000000000..b506ff3d0 --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/CQADupstackWordpressRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "4ffe81d471b1924886b33c7567bfb200e9eec5c4", + "task_name": "CQADupstackWordpressRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 35.32, + "map_at_1": 21.679000000000002, + "map_at_10": 29.976000000000003, + "map_at_100": 31.127, + "map_at_1000": 31.207, + "map_at_20": 30.628, + "map_at_3": 26.884999999999998, + "map_at_5": 28.698, + "mrr_at_1": 23.10536044362292, + "mrr_at_10": 31.68955197605845, + "mrr_at_100": 32.696453094313846, + "mrr_at_1000": 32.74644026497888, + "mrr_at_20": 32.270216614045836, + "mrr_at_3": 28.89710412815773, + "mrr_at_5": 30.58841651263093, + "nauc_map_at_1000_diff1": 36.527663233423816, + "nauc_map_at_1000_max": 25.70281352614131, + "nauc_map_at_1000_std": -10.47544573010382, + "nauc_map_at_100_diff1": 36.49901520674112, + "nauc_map_at_100_max": 25.720411208615296, + "nauc_map_at_100_std": -10.4498182981879, + "nauc_map_at_10_diff1": 36.56160743360435, + "nauc_map_at_10_max": 25.481122372570773, + "nauc_map_at_10_std": -11.386413278364452, + "nauc_map_at_1_diff1": 41.96740973142382, + "nauc_map_at_1_max": 26.447948671103067, + "nauc_map_at_1_std": -13.055537837295866, + "nauc_map_at_20_diff1": 36.53096807557235, + "nauc_map_at_20_max": 25.65603650587719, + "nauc_map_at_20_std": -10.662281391136927, + "nauc_map_at_3_diff1": 37.49452415422011, + "nauc_map_at_3_max": 25.73144884866817, + "nauc_map_at_3_std": -13.338023323977556, + "nauc_map_at_5_diff1": 36.606269278969975, + "nauc_map_at_5_max": 25.41542359776377, + "nauc_map_at_5_std": -11.855800226714972, + "nauc_mrr_at_1000_diff1": 37.23554980964842, + "nauc_mrr_at_1000_max": 26.21821820816298, + "nauc_mrr_at_1000_std": -8.828254845751971, + "nauc_mrr_at_100_diff1": 37.212657398099694, + "nauc_mrr_at_100_max": 26.22027175755234, + "nauc_mrr_at_100_std": -8.796357557047992, + "nauc_mrr_at_10_diff1": 37.2057222353167, + "nauc_mrr_at_10_max": 26.066257028633437, + "nauc_mrr_at_10_std": -9.40582019511086, + "nauc_mrr_at_1_diff1": 42.88369139125157, + "nauc_mrr_at_1_max": 28.11145662254025, + "nauc_mrr_at_1_std": -11.874419938670789, + "nauc_mrr_at_20_diff1": 37.15164357320353, + "nauc_mrr_at_20_max": 26.179170369717674, + "nauc_mrr_at_20_std": -8.850966109061742, + "nauc_mrr_at_3_diff1": 37.65133484078781, + "nauc_mrr_at_3_max": 27.013109167125126, + "nauc_mrr_at_3_std": -10.62551433790744, + "nauc_mrr_at_5_diff1": 37.01454233799136, + "nauc_mrr_at_5_max": 26.487303256496585, + "nauc_mrr_at_5_std": -9.414516112557687, + "nauc_ndcg_at_1000_diff1": 34.6398016933486, + "nauc_ndcg_at_1000_max": 25.383536282414426, + "nauc_ndcg_at_1000_std": -6.736596281730975, + "nauc_ndcg_at_100_diff1": 33.96995602141814, + "nauc_ndcg_at_100_max": 25.233190880846283, + "nauc_ndcg_at_100_std": -6.232028137803393, + "nauc_ndcg_at_10_diff1": 34.36578627190237, + "nauc_ndcg_at_10_max": 24.497955345913873, + "nauc_ndcg_at_10_std": -9.586241421890247, + "nauc_ndcg_at_1_diff1": 42.88369139125157, + "nauc_ndcg_at_1_max": 28.11145662254025, + "nauc_ndcg_at_1_std": -11.874419938670789, + "nauc_ndcg_at_20_diff1": 34.029206058207315, + "nauc_ndcg_at_20_max": 24.66376498000024, + "nauc_ndcg_at_20_std": -7.237996394617084, + "nauc_ndcg_at_3_diff1": 35.42536049883026, + "nauc_ndcg_at_3_max": 25.919093993978805, + "nauc_ndcg_at_3_std": -12.333032157833742, + "nauc_ndcg_at_5_diff1": 34.21670718788367, + "nauc_ndcg_at_5_max": 24.883264080042085, + "nauc_ndcg_at_5_std": -10.228412772316155, + "nauc_precision_at_1000_diff1": -5.762103084787246, + "nauc_precision_at_1000_max": -7.5833194267759865, + "nauc_precision_at_1000_std": 10.675418300666859, + "nauc_precision_at_100_diff1": 2.548944950287374, + "nauc_precision_at_100_max": 16.50696190698422, + "nauc_precision_at_100_std": 20.430914163842253, + "nauc_precision_at_10_diff1": 18.385077734207343, + "nauc_precision_at_10_max": 22.121729211787244, + "nauc_precision_at_10_std": 2.4230944307235625, + "nauc_precision_at_1_diff1": 42.88369139125157, + "nauc_precision_at_1_max": 28.11145662254025, + "nauc_precision_at_1_std": -11.874419938670789, + "nauc_precision_at_20_diff1": 14.947847678278489, + "nauc_precision_at_20_max": 21.704383740839535, + "nauc_precision_at_20_std": 10.626943172005621, + "nauc_precision_at_3_diff1": 29.387921830287894, + "nauc_precision_at_3_max": 26.314386080831557, + "nauc_precision_at_3_std": -8.577508887319222, + "nauc_precision_at_5_diff1": 23.965022746288973, + "nauc_precision_at_5_max": 24.929773207772136, + "nauc_precision_at_5_std": -2.4211370627395503, + "nauc_recall_at_1000_diff1": 14.67658540132588, + "nauc_recall_at_1000_max": 25.448574144193696, + "nauc_recall_at_1000_std": 36.56427335045912, + "nauc_recall_at_100_diff1": 20.467829912574835, + "nauc_recall_at_100_max": 20.79654725970721, + "nauc_recall_at_100_std": 13.227837192809094, + "nauc_recall_at_10_diff1": 27.310476416825875, + "nauc_recall_at_10_max": 20.224074911583465, + "nauc_recall_at_10_std": -6.358258513190565, + "nauc_recall_at_1_diff1": 41.96740973142382, + "nauc_recall_at_1_max": 26.447948671103067, + "nauc_recall_at_1_std": -13.055537837295866, + "nauc_recall_at_20_diff1": 24.956767447964573, + "nauc_recall_at_20_max": 19.201058474561965, + "nauc_recall_at_20_std": 2.8393009259024424, + "nauc_recall_at_3_diff1": 30.029057692380977, + "nauc_recall_at_3_max": 24.62072994737222, + "nauc_recall_at_3_std": -12.694054132443867, + "nauc_recall_at_5_diff1": 26.697765884037405, + "nauc_recall_at_5_max": 21.820140093186758, + "nauc_recall_at_5_std": -7.5604509717503845, + "ndcg_at_1": 23.105, + "ndcg_at_10": 35.32, + "ndcg_at_100": 41.136, + "ndcg_at_1000": 43.228, + "ndcg_at_20": 37.57, + "ndcg_at_3": 29.396, + "ndcg_at_5": 32.494, + "precision_at_1": 23.105, + "precision_at_10": 5.878, + "precision_at_100": 0.9520000000000001, + "precision_at_1000": 0.125, + "precision_at_20": 3.466, + "precision_at_3": 12.692999999999998, + "precision_at_5": 9.39, + "recall_at_1": 21.679000000000002, + "recall_at_10": 49.925999999999995, + "recall_at_100": 77.274, + "recall_at_1000": 92.907, + "recall_at_20": 58.650000000000006, + "recall_at_3": 34.143, + "recall_at_5": 41.802 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/ClimateFEVER.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/ClimateFEVER.json new file mode 100644 index 000000000..e4614578a --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/ClimateFEVER.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 36.964000000000006, + "map_at_1": 16.888, + "map_at_10": 27.276, + "map_at_100": 29.357, + "map_at_1000": 29.511, + "map_at_20": 28.492, + "map_at_3": 23.075000000000003, + "map_at_5": 25.312, + "mrr_at_1": 38.957654723127035, + "mrr_at_10": 50.258001137480015, + "mrr_at_100": 50.985884572131546, + "mrr_at_1000": 51.00775273659549, + "mrr_at_20": 50.75537860384226, + "mrr_at_3": 47.285559174810025, + "mrr_at_5": 49.103148751357296, + "nauc_map_at_1000_diff1": 25.747911729046617, + "nauc_map_at_1000_max": 31.255398545903596, + "nauc_map_at_1000_std": 24.872486591713496, + "nauc_map_at_100_diff1": 25.740790002104784, + "nauc_map_at_100_max": 31.266176115777732, + "nauc_map_at_100_std": 24.84459109976713, + "nauc_map_at_10_diff1": 26.02628794450362, + "nauc_map_at_10_max": 31.374003980672775, + "nauc_map_at_10_std": 23.587823327864708, + "nauc_map_at_1_diff1": 34.73062154387364, + "nauc_map_at_1_max": 30.574707039457493, + "nauc_map_at_1_std": 19.436488371927435, + "nauc_map_at_20_diff1": 25.895513631254737, + "nauc_map_at_20_max": 31.283103126369085, + "nauc_map_at_20_std": 24.530799671005095, + "nauc_map_at_3_diff1": 27.24864828341282, + "nauc_map_at_3_max": 30.612466018878496, + "nauc_map_at_3_std": 21.28508055272999, + "nauc_map_at_5_diff1": 26.896012525725325, + "nauc_map_at_5_max": 31.048230953772975, + "nauc_map_at_5_std": 22.36923819012987, + "nauc_mrr_at_1000_diff1": 27.03321771604688, + "nauc_mrr_at_1000_max": 29.318016872314356, + "nauc_mrr_at_1000_std": 27.255662227981702, + "nauc_mrr_at_100_diff1": 27.01645813593333, + "nauc_mrr_at_100_max": 29.30840557667501, + "nauc_mrr_at_100_std": 27.260764047829472, + "nauc_mrr_at_10_diff1": 27.009721260288906, + "nauc_mrr_at_10_max": 29.467580933154487, + "nauc_mrr_at_10_std": 27.03289830021139, + "nauc_mrr_at_1_diff1": 31.155140837576678, + "nauc_mrr_at_1_max": 28.451108545079713, + "nauc_mrr_at_1_std": 25.763588681961014, + "nauc_mrr_at_20_diff1": 26.99961056015129, + "nauc_mrr_at_20_max": 29.361859812964674, + "nauc_mrr_at_20_std": 27.258149714708598, + "nauc_mrr_at_3_diff1": 26.418761490514214, + "nauc_mrr_at_3_max": 29.04645399007843, + "nauc_mrr_at_3_std": 26.57078938243618, + "nauc_mrr_at_5_diff1": 26.828957822719413, + "nauc_mrr_at_5_max": 29.183119511596573, + "nauc_mrr_at_5_std": 26.632517222850595, + "nauc_ndcg_at_1000_diff1": 23.763944477348627, + "nauc_ndcg_at_1000_max": 30.4849287035792, + "nauc_ndcg_at_1000_std": 28.607171984717837, + "nauc_ndcg_at_100_diff1": 23.771597354347985, + "nauc_ndcg_at_100_max": 30.840324918263008, + "nauc_ndcg_at_100_std": 28.353814075332277, + "nauc_ndcg_at_10_diff1": 24.635557021112522, + "nauc_ndcg_at_10_max": 31.45726246077928, + "nauc_ndcg_at_10_std": 25.66603542922466, + "nauc_ndcg_at_1_diff1": 31.155140837576678, + "nauc_ndcg_at_1_max": 28.451108545079713, + "nauc_ndcg_at_1_std": 25.763588681961014, + "nauc_ndcg_at_20_diff1": 24.374570394904733, + "nauc_ndcg_at_20_max": 31.21182863225155, + "nauc_ndcg_at_20_std": 27.516107222806703, + "nauc_ndcg_at_3_diff1": 25.204639941707107, + "nauc_ndcg_at_3_max": 29.821897512710354, + "nauc_ndcg_at_3_std": 22.955368886721388, + "nauc_ndcg_at_5_diff1": 25.628786786945394, + "nauc_ndcg_at_5_max": 30.75374910801621, + "nauc_ndcg_at_5_std": 23.77602081355407, + "nauc_precision_at_1000_diff1": -8.296864442882004, + "nauc_precision_at_1000_max": -1.0863639124110083, + "nauc_precision_at_1000_std": 13.942768215751009, + "nauc_precision_at_100_diff1": -1.3641094219864045, + "nauc_precision_at_100_max": 9.389565817464774, + "nauc_precision_at_100_std": 20.969714828784273, + "nauc_precision_at_10_diff1": 7.699985574715798, + "nauc_precision_at_10_max": 21.22938970938099, + "nauc_precision_at_10_std": 24.244673965667534, + "nauc_precision_at_1_diff1": 31.155140837576678, + "nauc_precision_at_1_max": 28.451108545079713, + "nauc_precision_at_1_std": 25.763588681961014, + "nauc_precision_at_20_diff1": 4.833145200843495, + "nauc_precision_at_20_max": 16.887995253179778, + "nauc_precision_at_20_std": 25.795764951079676, + "nauc_precision_at_3_diff1": 14.206196520456535, + "nauc_precision_at_3_max": 25.787350079153164, + "nauc_precision_at_3_std": 23.690498209580376, + "nauc_precision_at_5_diff1": 12.32708818053103, + "nauc_precision_at_5_max": 24.032115473559603, + "nauc_precision_at_5_std": 23.484892204331782, + "nauc_recall_at_1000_diff1": 8.22006170896915, + "nauc_recall_at_1000_max": 18.81264480377967, + "nauc_recall_at_1000_std": 32.283741333393124, + "nauc_recall_at_100_diff1": 12.18567832527598, + "nauc_recall_at_100_max": 23.099403731211336, + "nauc_recall_at_100_std": 28.36911088287291, + "nauc_recall_at_10_diff1": 17.700146749912946, + "nauc_recall_at_10_max": 28.284625319657376, + "nauc_recall_at_10_std": 23.48564062964447, + "nauc_recall_at_1_diff1": 34.73062154387364, + "nauc_recall_at_1_max": 30.574707039457493, + "nauc_recall_at_1_std": 19.436488371927435, + "nauc_recall_at_20_diff1": 16.156165277785433, + "nauc_recall_at_20_max": 26.281037479122688, + "nauc_recall_at_20_std": 26.74972643606532, + "nauc_recall_at_3_diff1": 21.750067698676038, + "nauc_recall_at_3_max": 28.754878789472237, + "nauc_recall_at_3_std": 20.01663586142874, + "nauc_recall_at_5_diff1": 20.892218178864958, + "nauc_recall_at_5_max": 28.124407488104154, + "nauc_recall_at_5_std": 20.61434989716216, + "ndcg_at_1": 38.958, + "ndcg_at_10": 36.964000000000006, + "ndcg_at_100": 44.115, + "ndcg_at_1000": 46.796, + "ndcg_at_20": 40.062, + "ndcg_at_3": 31.316, + "ndcg_at_5": 33.211, + "precision_at_1": 38.958, + "precision_at_10": 11.153, + "precision_at_100": 1.8769999999999998, + "precision_at_1000": 0.23900000000000002, + "precision_at_20": 6.898999999999999, + "precision_at_3": 22.91, + "precision_at_5": 17.316000000000003, + "recall_at_1": 16.888, + "recall_at_10": 42.161, + "recall_at_100": 66.102, + "recall_at_1000": 81.026, + "recall_at_20": 50.86000000000001, + "recall_at_3": 27.598, + "recall_at_5": 33.814 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/DBPedia.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/DBPedia.json new file mode 100644 index 000000000..5d36d89a6 --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/DBPedia.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 47.156, + "map_at_1": 10.148, + "map_at_10": 22.569, + "map_at_100": 31.448999999999998, + "map_at_1000": 33.44, + "map_at_20": 26.069, + "map_at_3": 16.014999999999997, + "map_at_5": 18.901, + "mrr_at_1": 76.5, + "mrr_at_10": 82.2888888888889, + "mrr_at_100": 82.49538251419122, + "mrr_at_1000": 82.5021397953138, + "mrr_at_20": 82.4252913752914, + "mrr_at_3": 81.16666666666667, + "mrr_at_5": 81.74166666666667, + "nauc_map_at_1000_diff1": 23.301407358655897, + "nauc_map_at_1000_max": 31.424515733703277, + "nauc_map_at_1000_std": 12.046348501470613, + "nauc_map_at_100_diff1": 24.334834238228208, + "nauc_map_at_100_max": 32.08530087581391, + "nauc_map_at_100_std": 9.739338172156248, + "nauc_map_at_10_diff1": 24.73875979445744, + "nauc_map_at_10_max": 33.276940524471236, + "nauc_map_at_10_std": -9.164629695967152, + "nauc_map_at_1_diff1": 32.00102576762782, + "nauc_map_at_1_max": 33.51205113985759, + "nauc_map_at_1_std": -23.44857278246293, + "nauc_map_at_20_diff1": 24.778913289961395, + "nauc_map_at_20_max": 33.448516812943105, + "nauc_map_at_20_std": -2.6683319171528352, + "nauc_map_at_3_diff1": 25.23076431439413, + "nauc_map_at_3_max": 31.154454837782296, + "nauc_map_at_3_std": -19.385936810006037, + "nauc_map_at_5_diff1": 24.259635425617436, + "nauc_map_at_5_max": 31.729395753450955, + "nauc_map_at_5_std": -16.127594389625504, + "nauc_mrr_at_1000_diff1": 55.03942750204178, + "nauc_mrr_at_1000_max": 50.96490431671482, + "nauc_mrr_at_1000_std": 25.836343538312683, + "nauc_mrr_at_100_diff1": 55.04552440551358, + "nauc_mrr_at_100_max": 50.963427582835784, + "nauc_mrr_at_100_std": 25.831153320454614, + "nauc_mrr_at_10_diff1": 55.229048800522484, + "nauc_mrr_at_10_max": 51.3390557615654, + "nauc_mrr_at_10_std": 25.922071812454657, + "nauc_mrr_at_1_diff1": 55.37295537295538, + "nauc_mrr_at_1_max": 50.218350218350224, + "nauc_mrr_at_1_std": 21.025971025971035, + "nauc_mrr_at_20_diff1": 55.00593357106184, + "nauc_mrr_at_20_max": 51.05472083367735, + "nauc_mrr_at_20_std": 25.909336886328717, + "nauc_mrr_at_3_diff1": 54.446322775722045, + "nauc_mrr_at_3_max": 50.46360292721918, + "nauc_mrr_at_3_std": 26.329787827966765, + "nauc_mrr_at_5_diff1": 55.12344889931978, + "nauc_mrr_at_5_max": 50.56903196971039, + "nauc_mrr_at_5_std": 26.55026150180298, + "nauc_ndcg_at_1000_diff1": 30.228357984090167, + "nauc_ndcg_at_1000_max": 36.2083465618033, + "nauc_ndcg_at_1000_std": 27.053206106506984, + "nauc_ndcg_at_100_diff1": 31.703353354291863, + "nauc_ndcg_at_100_max": 36.373859031948, + "nauc_ndcg_at_100_std": 20.068846970727698, + "nauc_ndcg_at_10_diff1": 32.256110136975494, + "nauc_ndcg_at_10_max": 38.99767005264608, + "nauc_ndcg_at_10_std": 17.039892454085155, + "nauc_ndcg_at_1_diff1": 47.26276005028265, + "nauc_ndcg_at_1_max": 41.38306374405809, + "nauc_ndcg_at_1_std": 14.684984307489964, + "nauc_ndcg_at_20_diff1": 31.76825501599332, + "nauc_ndcg_at_20_max": 38.20899873887362, + "nauc_ndcg_at_20_std": 13.097118845724665, + "nauc_ndcg_at_3_diff1": 31.321786216514703, + "nauc_ndcg_at_3_max": 35.981146886743026, + "nauc_ndcg_at_3_std": 18.307636914108354, + "nauc_ndcg_at_5_diff1": 29.66664100781043, + "nauc_ndcg_at_5_max": 37.59729053135147, + "nauc_ndcg_at_5_std": 17.373905471488126, + "nauc_precision_at_1000_diff1": -18.87091581184578, + "nauc_precision_at_1000_max": -18.696227759596617, + "nauc_precision_at_1000_std": 4.226333183482085, + "nauc_precision_at_100_diff1": -5.287216009706794, + "nauc_precision_at_100_max": -4.887951805802842, + "nauc_precision_at_100_std": 35.6235756181467, + "nauc_precision_at_10_diff1": 5.858724870109219, + "nauc_precision_at_10_max": 12.913194030354791, + "nauc_precision_at_10_std": 38.69077081708489, + "nauc_precision_at_1_diff1": 55.37295537295538, + "nauc_precision_at_1_max": 50.218350218350224, + "nauc_precision_at_1_std": 21.025971025971035, + "nauc_precision_at_20_diff1": 2.1852822564080414, + "nauc_precision_at_20_max": 7.877715960706996, + "nauc_precision_at_20_std": 39.87418052705391, + "nauc_precision_at_3_diff1": 15.964890926148051, + "nauc_precision_at_3_max": 20.914035316890114, + "nauc_precision_at_3_std": 26.831455070123145, + "nauc_precision_at_5_diff1": 8.337345796875258, + "nauc_precision_at_5_max": 17.75805675007055, + "nauc_precision_at_5_std": 32.10856342736335, + "nauc_recall_at_1000_diff1": 17.846516157012843, + "nauc_recall_at_1000_max": 17.900524965136565, + "nauc_recall_at_1000_std": 33.98517407615005, + "nauc_recall_at_100_diff1": 21.018315900271688, + "nauc_recall_at_100_max": 22.94790843604604, + "nauc_recall_at_100_std": 18.03552806307113, + "nauc_recall_at_10_diff1": 22.18291118606378, + "nauc_recall_at_10_max": 30.252113761422056, + "nauc_recall_at_10_std": -10.179895110312067, + "nauc_recall_at_1_diff1": 32.00102576762782, + "nauc_recall_at_1_max": 33.51205113985759, + "nauc_recall_at_1_std": -23.44857278246293, + "nauc_recall_at_20_diff1": 21.6294261882514, + "nauc_recall_at_20_max": 29.28972334436445, + "nauc_recall_at_20_std": -3.252679363030184, + "nauc_recall_at_3_diff1": 22.94021002974748, + "nauc_recall_at_3_max": 29.08903130551997, + "nauc_recall_at_3_std": -19.552669466489, + "nauc_recall_at_5_diff1": 21.74684484136416, + "nauc_recall_at_5_max": 28.266794468484495, + "nauc_recall_at_5_std": -17.0802549689716, + "ndcg_at_1": 63.5, + "ndcg_at_10": 47.156, + "ndcg_at_100": 51.564, + "ndcg_at_1000": 59.386, + "ndcg_at_20": 46.233999999999995, + "ndcg_at_3": 52.90899999999999, + "ndcg_at_5": 49.482, + "precision_at_1": 76.5, + "precision_at_10": 36.875, + "precision_at_100": 11.591999999999999, + "precision_at_1000": 2.346, + "precision_at_20": 27.612, + "precision_at_3": 56.083000000000006, + "precision_at_5": 46.949999999999996, + "recall_at_1": 10.148, + "recall_at_10": 28.183999999999997, + "recall_at_100": 57.187, + "recall_at_1000": 82.069, + "recall_at_20": 36.02, + "recall_at_3": 17.31, + "recall_at_5": 21.711 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/EmotionClassification.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/EmotionClassification.json new file mode 100644 index 000000000..e5edda3b4 --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/EmotionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 53.449999999999996, + "f1": 47.565489310302986, + "f1_weighted": 55.143079860495234, + "main_score": 53.449999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/FEVER.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/FEVER.json new file mode 100644 index 000000000..ea105e94a --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/FEVER.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 92.201, + "map_at_1": 84.672, + "map_at_10": 89.755, + "map_at_100": 89.90899999999999, + "map_at_1000": 89.92099999999999, + "map_at_20": 89.84100000000001, + "map_at_3": 89.226, + "map_at_5": 89.527, + "mrr_at_1": 91.1941194119412, + "mrr_at_10": 94.87830925949736, + "mrr_at_100": 94.90049591414446, + "mrr_at_1000": 94.9007044904392, + "mrr_at_20": 94.89512092080201, + "mrr_at_3": 94.67196719671963, + "mrr_at_5": 94.79947994799474, + "nauc_map_at_1000_diff1": 35.639838917786946, + "nauc_map_at_1000_max": 13.71831703137999, + "nauc_map_at_1000_std": -16.244788042624585, + "nauc_map_at_100_diff1": 35.597291964012435, + "nauc_map_at_100_max": 13.707968885019728, + "nauc_map_at_100_std": -16.234475561207322, + "nauc_map_at_10_diff1": 35.456175745479825, + "nauc_map_at_10_max": 13.886262397124549, + "nauc_map_at_10_std": -16.267873880349104, + "nauc_map_at_1_diff1": 46.05069433503191, + "nauc_map_at_1_max": 14.89528908470166, + "nauc_map_at_1_std": -18.236070781621756, + "nauc_map_at_20_diff1": 35.451928451516864, + "nauc_map_at_20_max": 13.6810017695262, + "nauc_map_at_20_std": -16.207941145958856, + "nauc_map_at_3_diff1": 35.63821451113733, + "nauc_map_at_3_max": 14.50663022315242, + "nauc_map_at_3_std": -17.576242065815734, + "nauc_map_at_5_diff1": 35.39067191316313, + "nauc_map_at_5_max": 13.95304590199052, + "nauc_map_at_5_std": -16.951256853731795, + "nauc_mrr_at_1000_diff1": 75.84258563766511, + "nauc_mrr_at_1000_max": 21.62062081403913, + "nauc_mrr_at_1000_std": -41.83920347093032, + "nauc_mrr_at_100_diff1": 75.8435737070719, + "nauc_mrr_at_100_max": 21.623097020990052, + "nauc_mrr_at_100_std": -41.83508809623058, + "nauc_mrr_at_10_diff1": 75.81801484107942, + "nauc_mrr_at_10_max": 21.704185197428245, + "nauc_mrr_at_10_std": -42.03425200091995, + "nauc_mrr_at_1_diff1": 77.04724957066034, + "nauc_mrr_at_1_max": 22.024144657121404, + "nauc_mrr_at_1_std": -35.10421745431855, + "nauc_mrr_at_20_diff1": 75.83479830947383, + "nauc_mrr_at_20_max": 21.58622779021691, + "nauc_mrr_at_20_std": -41.86125228142864, + "nauc_mrr_at_3_diff1": 75.48936568920693, + "nauc_mrr_at_3_max": 22.342677145925645, + "nauc_mrr_at_3_std": -44.18742305905927, + "nauc_mrr_at_5_diff1": 75.65824242070917, + "nauc_mrr_at_5_max": 21.663850758591447, + "nauc_mrr_at_5_std": -43.1894070995383, + "nauc_ndcg_at_1000_diff1": 37.14673606903847, + "nauc_ndcg_at_1000_max": 13.880930479763675, + "nauc_ndcg_at_1000_std": -16.65051678433904, + "nauc_ndcg_at_100_diff1": 36.05555838296192, + "nauc_ndcg_at_100_max": 13.635131503635712, + "nauc_ndcg_at_100_std": -16.229637436428554, + "nauc_ndcg_at_10_diff1": 35.339471530051725, + "nauc_ndcg_at_10_max": 14.068641881473336, + "nauc_ndcg_at_10_std": -16.57935046771473, + "nauc_ndcg_at_1_diff1": 77.04724957066034, + "nauc_ndcg_at_1_max": 22.024144657121404, + "nauc_ndcg_at_1_std": -35.10421745431855, + "nauc_ndcg_at_20_diff1": 35.24453482200621, + "nauc_ndcg_at_20_max": 13.358263743060084, + "nauc_ndcg_at_20_std": -16.142097913894858, + "nauc_ndcg_at_3_diff1": 37.293476898887505, + "nauc_ndcg_at_3_max": 15.133932930960345, + "nauc_ndcg_at_3_std": -21.422125651374348, + "nauc_ndcg_at_5_diff1": 35.7967558978059, + "nauc_ndcg_at_5_max": 14.153790043028987, + "nauc_ndcg_at_5_std": -19.007127645863324, + "nauc_precision_at_1000_diff1": -6.961103885855311, + "nauc_precision_at_1000_max": -7.54526392119496, + "nauc_precision_at_1000_std": 2.4581095173539143, + "nauc_precision_at_100_diff1": -10.61256188833412, + "nauc_precision_at_100_max": -8.41405913180417, + "nauc_precision_at_100_std": 4.237708359203656, + "nauc_precision_at_10_diff1": -10.614577160630317, + "nauc_precision_at_10_max": -5.167597481869389, + "nauc_precision_at_10_std": 1.140168377848993, + "nauc_precision_at_1_diff1": 77.04724957066034, + "nauc_precision_at_1_max": 22.024144657121404, + "nauc_precision_at_1_std": -35.10421745431855, + "nauc_precision_at_20_diff1": -12.461125809680928, + "nauc_precision_at_20_max": -8.635206490614799, + "nauc_precision_at_20_std": 3.514319507686466, + "nauc_precision_at_3_diff1": 0.904547422970022, + "nauc_precision_at_3_max": 4.762429279213669, + "nauc_precision_at_3_std": -17.03444137257749, + "nauc_precision_at_5_diff1": -6.19509635703273, + "nauc_precision_at_5_max": -1.748040103739541, + "nauc_precision_at_5_std": -8.398471580131982, + "nauc_recall_at_1000_diff1": -24.618899403404722, + "nauc_recall_at_1000_max": 2.2601153418804993, + "nauc_recall_at_1000_std": 37.967286945129594, + "nauc_recall_at_100_diff1": -16.707602974172563, + "nauc_recall_at_100_max": 2.5960324943305695, + "nauc_recall_at_100_std": 23.36149042284208, + "nauc_recall_at_10_diff1": -0.9129283126796908, + "nauc_recall_at_10_max": 7.721727797820066, + "nauc_recall_at_10_std": 5.965839799258808, + "nauc_recall_at_1_diff1": 46.05069433503191, + "nauc_recall_at_1_max": 14.89528908470166, + "nauc_recall_at_1_std": -18.236070781621756, + "nauc_recall_at_20_diff1": -6.870488981132769, + "nauc_recall_at_20_max": 3.020122380835828, + "nauc_recall_at_20_std": 12.269552351901797, + "nauc_recall_at_3_diff1": 11.772652803808322, + "nauc_recall_at_3_max": 12.467973905249256, + "nauc_recall_at_3_std": -12.480260715760009, + "nauc_recall_at_5_diff1": 6.0800516850026405, + "nauc_recall_at_5_max": 9.078645485005183, + "nauc_recall_at_5_std": -6.26939010430003, + "ndcg_at_1": 91.194, + "ndcg_at_10": 92.201, + "ndcg_at_100": 92.714, + "ndcg_at_1000": 92.91199999999999, + "ndcg_at_20": 92.407, + "ndcg_at_3": 91.56800000000001, + "ndcg_at_5": 91.838, + "precision_at_1": 91.194, + "precision_at_10": 10.485999999999999, + "precision_at_100": 1.093, + "precision_at_1000": 0.11299999999999999, + "precision_at_20": 5.3100000000000005, + "precision_at_3": 33.833, + "precision_at_5": 20.585, + "recall_at_1": 84.672, + "recall_at_10": 94.878, + "recall_at_100": 96.851, + "recall_at_1000": 98.00999999999999, + "recall_at_20": 95.55900000000001, + "recall_at_3": 92.925, + "recall_at_5": 93.811 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/FiQA2018.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/FiQA2018.json new file mode 100644 index 000000000..fbfb8daa9 --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/FiQA2018.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 55.846, + "map_at_1": 28.559, + "map_at_10": 47.788000000000004, + "map_at_100": 50.005, + "map_at_1000": 50.135, + "map_at_20": 49.136, + "map_at_3": 42.069, + "map_at_5": 45.359, + "mrr_at_1": 54.166666666666664, + "mrr_at_10": 63.058801195375246, + "mrr_at_100": 63.736243940040104, + "mrr_at_1000": 63.76207658887102, + "mrr_at_20": 63.5120384043063, + "mrr_at_3": 61.419753086419746, + "mrr_at_5": 62.569444444444414, + "nauc_map_at_1000_diff1": 44.69490283021471, + "nauc_map_at_1000_max": 30.92551782663574, + "nauc_map_at_1000_std": -14.430206995603301, + "nauc_map_at_100_diff1": 44.69185357435577, + "nauc_map_at_100_max": 30.862237715726366, + "nauc_map_at_100_std": -14.372571056295163, + "nauc_map_at_10_diff1": 45.132555549285684, + "nauc_map_at_10_max": 29.69986917324885, + "nauc_map_at_10_std": -15.667505260541766, + "nauc_map_at_1_diff1": 54.024618817771106, + "nauc_map_at_1_max": 16.708530893815503, + "nauc_map_at_1_std": -16.498600116938213, + "nauc_map_at_20_diff1": 44.77799946034473, + "nauc_map_at_20_max": 30.299416183664622, + "nauc_map_at_20_std": -15.294677224633338, + "nauc_map_at_3_diff1": 47.7216165906905, + "nauc_map_at_3_max": 24.80525467300038, + "nauc_map_at_3_std": -16.167977354068125, + "nauc_map_at_5_diff1": 46.02953711254381, + "nauc_map_at_5_max": 27.79201453498519, + "nauc_map_at_5_std": -15.862235643724656, + "nauc_mrr_at_1000_diff1": 52.604857791228795, + "nauc_mrr_at_1000_max": 41.90760486398485, + "nauc_mrr_at_1000_std": -11.645858368861806, + "nauc_mrr_at_100_diff1": 52.592257747310256, + "nauc_mrr_at_100_max": 41.90215764910407, + "nauc_mrr_at_100_std": -11.629701977702393, + "nauc_mrr_at_10_diff1": 52.41749778055747, + "nauc_mrr_at_10_max": 41.848571254096726, + "nauc_mrr_at_10_std": -11.666002358568836, + "nauc_mrr_at_1_diff1": 56.38878064687782, + "nauc_mrr_at_1_max": 41.723130889319506, + "nauc_mrr_at_1_std": -14.860577950564089, + "nauc_mrr_at_20_diff1": 52.46272520475529, + "nauc_mrr_at_20_max": 41.8213025754279, + "nauc_mrr_at_20_std": -11.733990850254274, + "nauc_mrr_at_3_diff1": 52.907019830141664, + "nauc_mrr_at_3_max": 42.091778179711596, + "nauc_mrr_at_3_std": -12.083789626498938, + "nauc_mrr_at_5_diff1": 52.504019426379934, + "nauc_mrr_at_5_max": 42.18926010896201, + "nauc_mrr_at_5_std": -11.681910264950588, + "nauc_ndcg_at_1000_diff1": 45.106796590190186, + "nauc_ndcg_at_1000_max": 35.1491443230931, + "nauc_ndcg_at_1000_std": -10.564391346254856, + "nauc_ndcg_at_100_diff1": 45.0013474629376, + "nauc_ndcg_at_100_max": 34.41256574321341, + "nauc_ndcg_at_100_std": -9.633883528747441, + "nauc_ndcg_at_10_diff1": 45.237721582816334, + "nauc_ndcg_at_10_max": 32.26898539095568, + "nauc_ndcg_at_10_std": -13.9237235021985, + "nauc_ndcg_at_1_diff1": 56.38878064687782, + "nauc_ndcg_at_1_max": 41.723130889319506, + "nauc_ndcg_at_1_std": -14.860577950564089, + "nauc_ndcg_at_20_diff1": 44.79397541599229, + "nauc_ndcg_at_20_max": 32.63346133703614, + "nauc_ndcg_at_20_std": -13.134715591222845, + "nauc_ndcg_at_3_diff1": 44.2180519401759, + "nauc_ndcg_at_3_max": 34.12433670269642, + "nauc_ndcg_at_3_std": -14.270883602867066, + "nauc_ndcg_at_5_diff1": 44.7842185764849, + "nauc_ndcg_at_5_max": 33.07177981305266, + "nauc_ndcg_at_5_std": -14.727492973620834, + "nauc_precision_at_1000_diff1": -20.913994966271765, + "nauc_precision_at_1000_max": 23.20465985071573, + "nauc_precision_at_1000_std": 12.925926506702536, + "nauc_precision_at_100_diff1": -15.403005704192823, + "nauc_precision_at_100_max": 26.893804588333875, + "nauc_precision_at_100_std": 15.444177311713084, + "nauc_precision_at_10_diff1": -0.3346158191962367, + "nauc_precision_at_10_max": 34.35784817973049, + "nauc_precision_at_10_std": 1.564875689584266, + "nauc_precision_at_1_diff1": 56.38878064687782, + "nauc_precision_at_1_max": 41.723130889319506, + "nauc_precision_at_1_std": -14.860577950564089, + "nauc_precision_at_20_diff1": -7.911475407210952, + "nauc_precision_at_20_max": 30.98272615969314, + "nauc_precision_at_20_std": 5.867214521505607, + "nauc_precision_at_3_diff1": 16.75568275861896, + "nauc_precision_at_3_max": 37.24231639527263, + "nauc_precision_at_3_std": -3.9715436715209314, + "nauc_precision_at_5_diff1": 6.630969568351265, + "nauc_precision_at_5_max": 37.17946067183075, + "nauc_precision_at_5_std": -1.043726756895724, + "nauc_recall_at_1000_diff1": 13.830553206891198, + "nauc_recall_at_1000_max": 27.133157795437697, + "nauc_recall_at_1000_std": 48.60055204311751, + "nauc_recall_at_100_diff1": 31.861798106199263, + "nauc_recall_at_100_max": 23.85176506448154, + "nauc_recall_at_100_std": 13.429501664456197, + "nauc_recall_at_10_diff1": 35.84630942635496, + "nauc_recall_at_10_max": 22.13537652643054, + "nauc_recall_at_10_std": -12.889731755986558, + "nauc_recall_at_1_diff1": 54.024618817771106, + "nauc_recall_at_1_max": 16.708530893815503, + "nauc_recall_at_1_std": -16.498600116938213, + "nauc_recall_at_20_diff1": 32.12586341954912, + "nauc_recall_at_20_max": 20.180665442485186, + "nauc_recall_at_20_std": -10.417213522381246, + "nauc_recall_at_3_diff1": 42.32867586873781, + "nauc_recall_at_3_max": 20.365513905388248, + "nauc_recall_at_3_std": -15.533455093420095, + "nauc_recall_at_5_diff1": 38.37329209164264, + "nauc_recall_at_5_max": 22.003563642599406, + "nauc_recall_at_5_std": -14.300434277371249, + "ndcg_at_1": 54.167, + "ndcg_at_10": 55.846, + "ndcg_at_100": 62.427, + "ndcg_at_1000": 64.301, + "ndcg_at_20": 58.858, + "ndcg_at_3": 52.29899999999999, + "ndcg_at_5": 53.535, + "precision_at_1": 54.167, + "precision_at_10": 15.386, + "precision_at_100": 2.244, + "precision_at_1000": 0.256, + "precision_at_20": 9.043, + "precision_at_3": 35.391, + "precision_at_5": 25.679000000000002, + "recall_at_1": 28.559, + "recall_at_10": 62.746, + "recall_at_100": 85.943, + "recall_at_1000": 97.111, + "recall_at_20": 71.857, + "recall_at_3": 47.905, + "recall_at_5": 55.083000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/HotpotQA.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/HotpotQA.json new file mode 100644 index 000000000..03109b048 --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/HotpotQA.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 77.125, + "map_at_1": 41.519, + "map_at_10": 70.167, + "map_at_100": 70.953, + "map_at_1000": 71.001, + "map_at_20": 70.649, + "map_at_3": 66.981, + "map_at_5": 69.015, + "mrr_at_1": 83.03848750844024, + "mrr_at_10": 87.86450596443821, + "mrr_at_100": 87.99248423178447, + "mrr_at_1000": 87.99763635592048, + "mrr_at_20": 87.94595084887314, + "mrr_at_3": 87.16857978843102, + "mrr_at_5": 87.64528471753292, + "nauc_map_at_1000_diff1": 13.006772427678182, + "nauc_map_at_1000_max": 19.27772881602346, + "nauc_map_at_1000_std": -1.6365617870914253, + "nauc_map_at_100_diff1": 12.989359854738897, + "nauc_map_at_100_max": 19.26281165622185, + "nauc_map_at_100_std": -1.593792957025615, + "nauc_map_at_10_diff1": 12.534914210271793, + "nauc_map_at_10_max": 19.10074296644962, + "nauc_map_at_10_std": -2.08708846366053, + "nauc_map_at_1_diff1": 65.02315378915155, + "nauc_map_at_1_max": 51.17274340822432, + "nauc_map_at_1_std": -13.958643399099477, + "nauc_map_at_20_diff1": 12.789367750628891, + "nauc_map_at_20_max": 19.196329125088766, + "nauc_map_at_20_std": -1.6469320227872484, + "nauc_map_at_3_diff1": 11.729016028480842, + "nauc_map_at_3_max": 18.934857415045407, + "nauc_map_at_3_std": -5.093979543429253, + "nauc_map_at_5_diff1": 12.276578116231432, + "nauc_map_at_5_max": 19.136131837434224, + "nauc_map_at_5_std": -3.132205288648261, + "nauc_mrr_at_1000_diff1": 64.62877037309876, + "nauc_mrr_at_1000_max": 53.98693739367828, + "nauc_mrr_at_1000_std": -9.126474060405949, + "nauc_mrr_at_100_diff1": 64.62922052398424, + "nauc_mrr_at_100_max": 53.988818580376716, + "nauc_mrr_at_100_std": -9.112000794260997, + "nauc_mrr_at_10_diff1": 64.67968982658613, + "nauc_mrr_at_10_max": 54.09549018870873, + "nauc_mrr_at_10_std": -9.085391215905886, + "nauc_mrr_at_1_diff1": 65.02315378915155, + "nauc_mrr_at_1_max": 51.17274340822432, + "nauc_mrr_at_1_std": -13.958643399099477, + "nauc_mrr_at_20_diff1": 64.64602458319244, + "nauc_mrr_at_20_max": 54.04291820548144, + "nauc_mrr_at_20_std": -9.029239521036427, + "nauc_mrr_at_3_diff1": 64.12171234144306, + "nauc_mrr_at_3_max": 54.20212686844387, + "nauc_mrr_at_3_std": -9.46453489594666, + "nauc_mrr_at_5_diff1": 64.5365566477813, + "nauc_mrr_at_5_max": 54.192604824973614, + "nauc_mrr_at_5_std": -8.94640972357742, + "nauc_ndcg_at_1000_diff1": 20.6624137699915, + "nauc_ndcg_at_1000_max": 24.209126006971047, + "nauc_ndcg_at_1000_std": 1.1807098633960282, + "nauc_ndcg_at_100_diff1": 20.013258997064227, + "nauc_ndcg_at_100_max": 23.720082477112257, + "nauc_ndcg_at_100_std": 2.2242860498709613, + "nauc_ndcg_at_10_diff1": 18.09695752050781, + "nauc_ndcg_at_10_max": 22.98525969470443, + "nauc_ndcg_at_10_std": 0.2786454782720934, + "nauc_ndcg_at_1_diff1": 65.02315378915155, + "nauc_ndcg_at_1_max": 51.17274340822432, + "nauc_ndcg_at_1_std": -13.958643399099477, + "nauc_ndcg_at_20_diff1": 18.753834550561898, + "nauc_ndcg_at_20_max": 23.203931192654537, + "nauc_ndcg_at_20_std": 1.682937143064539, + "nauc_ndcg_at_3_diff1": 17.167189283772277, + "nauc_ndcg_at_3_max": 23.118180393133674, + "nauc_ndcg_at_3_std": -4.535717324455032, + "nauc_ndcg_at_5_diff1": 17.699969883446347, + "nauc_ndcg_at_5_max": 23.182339354183792, + "nauc_ndcg_at_5_std": -1.6781755997000052, + "nauc_precision_at_1000_diff1": 7.5788444847542245, + "nauc_precision_at_1000_max": 9.433104189270141, + "nauc_precision_at_1000_std": 44.591190042314686, + "nauc_precision_at_100_diff1": 6.692654365804252, + "nauc_precision_at_100_max": 11.25176923344072, + "nauc_precision_at_100_std": 31.693966326856067, + "nauc_precision_at_10_diff1": 4.635248064775999, + "nauc_precision_at_10_max": 13.589851125207542, + "nauc_precision_at_10_std": 10.894403687664266, + "nauc_precision_at_1_diff1": 65.02315378915155, + "nauc_precision_at_1_max": 51.17274340822432, + "nauc_precision_at_1_std": -13.958643399099477, + "nauc_precision_at_20_diff1": 4.525274589346107, + "nauc_precision_at_20_max": 12.438591940128317, + "nauc_precision_at_20_std": 18.15861880489477, + "nauc_precision_at_3_diff1": 6.184298058843799, + "nauc_precision_at_3_max": 16.54134519266211, + "nauc_precision_at_3_std": -1.4484102465558355, + "nauc_precision_at_5_diff1": 5.657946113014627, + "nauc_precision_at_5_max": 15.559958816376259, + "nauc_precision_at_5_std": 4.5741247848934, + "nauc_recall_at_1000_diff1": 7.57884448475466, + "nauc_recall_at_1000_max": 9.433104189270699, + "nauc_recall_at_1000_std": 44.59119004231575, + "nauc_recall_at_100_diff1": 6.692654365804161, + "nauc_recall_at_100_max": 11.251769233440859, + "nauc_recall_at_100_std": 31.69396632685608, + "nauc_recall_at_10_diff1": 4.6352480647758165, + "nauc_recall_at_10_max": 13.589851125207373, + "nauc_recall_at_10_std": 10.89440368766406, + "nauc_recall_at_1_diff1": 65.02315378915155, + "nauc_recall_at_1_max": 51.17274340822432, + "nauc_recall_at_1_std": -13.958643399099477, + "nauc_recall_at_20_diff1": 4.525274589346308, + "nauc_recall_at_20_max": 12.43859194012829, + "nauc_recall_at_20_std": 18.158618804894918, + "nauc_recall_at_3_diff1": 6.18429805884378, + "nauc_recall_at_3_max": 16.541345192662053, + "nauc_recall_at_3_std": -1.448410246555865, + "nauc_recall_at_5_diff1": 5.657946113014677, + "nauc_recall_at_5_max": 15.559958816376168, + "nauc_recall_at_5_std": 4.5741247848933995, + "ndcg_at_1": 83.038, + "ndcg_at_10": 77.125, + "ndcg_at_100": 79.714, + "ndcg_at_1000": 80.589, + "ndcg_at_20": 78.277, + "ndcg_at_3": 72.78099999999999, + "ndcg_at_5": 75.274, + "precision_at_1": 83.038, + "precision_at_10": 16.104, + "precision_at_100": 1.81, + "precision_at_1000": 0.192, + "precision_at_20": 8.421, + "precision_at_3": 47.327999999999996, + "precision_at_5": 30.358, + "recall_at_1": 41.519, + "recall_at_10": 80.52, + "recall_at_100": 90.506, + "recall_at_1000": 96.219, + "recall_at_20": 84.21300000000001, + "recall_at_3": 70.993, + "recall_at_5": 75.895 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/ImdbClassification.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/ImdbClassification.json new file mode 100644 index 000000000..e4b7f2e14 --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/ImdbClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 87.502, + "ap": 82.95784261019377, + "ap_weighted": 82.95784261019377, + "f1": 87.46268628092736, + "f1_weighted": 87.46268628092734, + "main_score": 87.502 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/MSMARCO.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/MSMARCO.json new file mode 100644 index 000000000..95a635578 --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/MSMARCO.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 42.828, + "map_at_1": 22.622, + "map_at_10": 35.551, + "map_at_100": 36.720000000000006, + "map_at_1000": 36.764, + "map_at_20": 36.289, + "map_at_3": 31.452, + "map_at_5": 33.78, + "mrr_at_1": 23.30945558739255, + "mrr_at_10": 36.1412311820621, + "mrr_at_100": 37.24636679692144, + "mrr_at_1000": 37.28460384375999, + "mrr_at_20": 36.846278028371025, + "mrr_at_3": 32.13228271251181, + "mrr_at_5": 34.41380133715374, + "nauc_map_at_1000_diff1": 34.255139266678064, + "nauc_map_at_1000_max": 27.634109755448193, + "nauc_map_at_1000_std": -25.068179763907832, + "nauc_map_at_100_diff1": 34.2417213419493, + "nauc_map_at_100_max": 27.65433689860232, + "nauc_map_at_100_std": -25.039117799889272, + "nauc_map_at_10_diff1": 34.28723089283392, + "nauc_map_at_10_max": 27.860718359060744, + "nauc_map_at_10_std": -25.751446063547345, + "nauc_map_at_1_diff1": 38.198938023289145, + "nauc_map_at_1_max": 23.254490119071715, + "nauc_map_at_1_std": -22.980905207183305, + "nauc_map_at_20_diff1": 34.26024735371797, + "nauc_map_at_20_max": 27.75693143222282, + "nauc_map_at_20_std": -25.28503577794799, + "nauc_map_at_3_diff1": 34.64447883282737, + "nauc_map_at_3_max": 26.378811567506215, + "nauc_map_at_3_std": -25.67491148988595, + "nauc_map_at_5_diff1": 34.29213028848551, + "nauc_map_at_5_max": 27.34485307415968, + "nauc_map_at_5_std": -25.85010405437415, + "nauc_mrr_at_1000_diff1": 33.86421338143246, + "nauc_mrr_at_1000_max": 27.250892398176134, + "nauc_mrr_at_1000_std": -24.929427212418865, + "nauc_mrr_at_100_diff1": 33.85402401030439, + "nauc_mrr_at_100_max": 27.27120328136017, + "nauc_mrr_at_100_std": -24.902391477950804, + "nauc_mrr_at_10_diff1": 33.880770277581384, + "nauc_mrr_at_10_max": 27.441949715579018, + "nauc_mrr_at_10_std": -25.580715458382443, + "nauc_mrr_at_1_diff1": 37.6771342755869, + "nauc_mrr_at_1_max": 23.265052651660735, + "nauc_mrr_at_1_std": -23.205472826319582, + "nauc_mrr_at_20_diff1": 33.85060604038063, + "nauc_mrr_at_20_max": 27.354473158418273, + "nauc_mrr_at_20_std": -25.12086278884105, + "nauc_mrr_at_3_diff1": 34.06405277224216, + "nauc_mrr_at_3_max": 26.07372143403643, + "nauc_mrr_at_3_std": -25.630362103104886, + "nauc_mrr_at_5_diff1": 33.87118592722288, + "nauc_mrr_at_5_max": 26.975769667003075, + "nauc_mrr_at_5_std": -25.71929161450833, + "nauc_ndcg_at_1000_diff1": 33.22331426038353, + "nauc_ndcg_at_1000_max": 28.608268643287936, + "nauc_ndcg_at_1000_std": -24.044160312444436, + "nauc_ndcg_at_100_diff1": 32.922164280838416, + "nauc_ndcg_at_100_max": 29.21462172377906, + "nauc_ndcg_at_100_std": -23.030348617039646, + "nauc_ndcg_at_10_diff1": 33.09358216672861, + "nauc_ndcg_at_10_max": 30.195095713195773, + "nauc_ndcg_at_10_std": -26.59142800601194, + "nauc_ndcg_at_1_diff1": 37.6771342755869, + "nauc_ndcg_at_1_max": 23.265052651660735, + "nauc_ndcg_at_1_std": -23.205472826319582, + "nauc_ndcg_at_20_diff1": 32.94672668778977, + "nauc_ndcg_at_20_max": 29.953670242101982, + "nauc_ndcg_at_20_std": -24.813603915035287, + "nauc_ndcg_at_3_diff1": 33.62562972482792, + "nauc_ndcg_at_3_max": 27.190259593091398, + "nauc_ndcg_at_3_std": -26.515769994261813, + "nauc_ndcg_at_5_diff1": 33.10136789340702, + "nauc_ndcg_at_5_max": 28.837591134098755, + "nauc_ndcg_at_5_std": -26.780772701125983, + "nauc_precision_at_1000_diff1": -9.899137556294614, + "nauc_precision_at_1000_max": -4.36970723719003, + "nauc_precision_at_1000_std": 8.958402933111124, + "nauc_precision_at_100_diff1": 6.280164246108402, + "nauc_precision_at_100_max": 20.31023470088511, + "nauc_precision_at_100_std": 8.411373550208506, + "nauc_precision_at_10_diff1": 25.404046800053337, + "nauc_precision_at_10_max": 35.785692630641734, + "nauc_precision_at_10_std": -27.68021725976897, + "nauc_precision_at_1_diff1": 37.6771342755869, + "nauc_precision_at_1_max": 23.265052651660735, + "nauc_precision_at_1_std": -23.205472826319582, + "nauc_precision_at_20_diff1": 21.065313055028774, + "nauc_precision_at_20_max": 33.42637158232517, + "nauc_precision_at_20_std": -17.587879787399963, + "nauc_precision_at_3_diff1": 30.05809515417773, + "nauc_precision_at_3_max": 29.186749260489574, + "nauc_precision_at_3_std": -28.68718050967194, + "nauc_precision_at_5_diff1": 27.643220081226616, + "nauc_precision_at_5_max": 32.24514921367616, + "nauc_precision_at_5_std": -28.86571961903398, + "nauc_recall_at_1000_diff1": -4.845074018125273, + "nauc_recall_at_1000_max": 29.244169860264673, + "nauc_recall_at_1000_std": 66.46444727873201, + "nauc_recall_at_100_diff1": 21.726863329795037, + "nauc_recall_at_100_max": 42.20994961358766, + "nauc_recall_at_100_std": 11.221444032745431, + "nauc_recall_at_10_diff1": 29.421574107699655, + "nauc_recall_at_10_max": 38.66483553848921, + "nauc_recall_at_10_std": -29.12606967024905, + "nauc_recall_at_1_diff1": 38.198938023289145, + "nauc_recall_at_1_max": 23.254490119071715, + "nauc_recall_at_1_std": -22.980905207183305, + "nauc_recall_at_20_diff1": 27.651691823296915, + "nauc_recall_at_20_max": 40.03031738570312, + "nauc_recall_at_20_std": -20.543175657258416, + "nauc_recall_at_3_diff1": 31.198692423845504, + "nauc_recall_at_3_max": 29.39596634981627, + "nauc_recall_at_3_std": -28.616355439292363, + "nauc_recall_at_5_diff1": 29.866348488833548, + "nauc_recall_at_5_max": 33.13370189331543, + "nauc_recall_at_5_std": -29.203314508482975, + "ndcg_at_1": 23.308999999999997, + "ndcg_at_10": 42.828, + "ndcg_at_100": 48.378, + "ndcg_at_1000": 49.448, + "ndcg_at_20": 45.454, + "ndcg_at_3": 34.495, + "ndcg_at_5": 38.631, + "precision_at_1": 23.308999999999997, + "precision_at_10": 6.834, + "precision_at_100": 0.96, + "precision_at_1000": 0.105, + "precision_at_20": 3.966, + "precision_at_3": 14.761, + "precision_at_5": 10.968, + "recall_at_1": 22.622, + "recall_at_10": 65.281, + "recall_at_100": 90.753, + "recall_at_1000": 98.89099999999999, + "recall_at_20": 75.497, + "recall_at_3": 42.631, + "recall_at_5": 52.537 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/MTOPDomainClassification.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/MTOPDomainClassification.json new file mode 100644 index 000000000..3cd1795ee --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/MTOPDomainClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 95.39899680802554, + "f1": 95.07663901231138, + "f1_weighted": 95.41776447870696, + "main_score": 95.39899680802554 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/MTOPIntentClassification.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/MTOPIntentClassification.json new file mode 100644 index 000000000..35abb3ab0 --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/MTOPIntentClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.61833105335158, + "f1": 59.28800280436582, + "f1_weighted": 80.57433767622484, + "main_score": 78.61833105335158 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/MassiveIntentClassification.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/MassiveIntentClassification.json new file mode 100644 index 000000000..814a95e2b --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/MassiveIntentClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "4672e20407010da34463acc759c162ca9734bca6", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.96906523201076, + "f1": 77.08935874634084, + "f1_weighted": 77.21652401469349, + "main_score": 77.96906523201076 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/MassiveScenarioClassification.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..9f7c9cbd4 --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/MassiveScenarioClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "fad2c6e8459f9e1c45d9315f4953d921437d70f8", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.13786146603901, + "f1": 79.4209677252264, + "f1_weighted": 80.02557645073855, + "main_score": 80.13786146603901 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/MedrxivClusteringP2P.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..d56ea0865 --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/MedrxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 32.51760527055797, + "v_measure": 32.51760527055797, + "v_measure_std": 1.6034905723582067 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/MedrxivClusteringS2S.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..e2543867c --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/MedrxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 32.82947207274322, + "v_measure": 32.82947207274322, + "v_measure_std": 1.4989355394854873 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/MindSmallReranking.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/MindSmallReranking.json new file mode 100644 index 000000000..e9b4dbfa7 --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/MindSmallReranking.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "59042f120c80e8afa9cdbb224f67076cec0fc9a7", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 32.31611300891167, + "map": 32.31611300891167, + "mrr": 33.511223415752724, + "nAUC_map_diff1": 11.450478664025022, + "nAUC_map_max": -20.133408006057575, + "nAUC_map_std": 1.4219207720032518, + "nAUC_mrr_diff1": 10.75655549847738, + "nAUC_mrr_max": -15.057198169120886, + "nAUC_mrr_std": 3.135802935705323 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/NFCorpus.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/NFCorpus.json new file mode 100644 index 000000000..e1c03436c --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/NFCorpus.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 40.897, + "map_at_1": 6.502, + "map_at_10": 15.42, + "map_at_100": 20.230999999999998, + "map_at_1000": 21.97, + "map_at_20": 17.288999999999998, + "map_at_3": 11.023, + "map_at_5": 13.043, + "mrr_at_1": 51.39318885448917, + "mrr_at_10": 60.90458990613791, + "mrr_at_100": 61.30822147543883, + "mrr_at_1000": 61.348380045065255, + "mrr_at_20": 61.17699278343732, + "mrr_at_3": 58.926728586171336, + "mrr_at_5": 60.18059855521158, + "nauc_map_at_1000_diff1": 22.314584774002412, + "nauc_map_at_1000_max": 25.641377755476196, + "nauc_map_at_1000_std": 11.600298129762008, + "nauc_map_at_100_diff1": 24.373091310053177, + "nauc_map_at_100_max": 25.210868210148224, + "nauc_map_at_100_std": 8.080464969348098, + "nauc_map_at_10_diff1": 27.966938127237427, + "nauc_map_at_10_max": 19.50242948342481, + "nauc_map_at_10_std": -3.2987968208791165, + "nauc_map_at_1_diff1": 46.77689461811175, + "nauc_map_at_1_max": 5.992563122661309, + "nauc_map_at_1_std": -19.87851166453543, + "nauc_map_at_20_diff1": 26.613502043659892, + "nauc_map_at_20_max": 22.01981060253049, + "nauc_map_at_20_std": 0.35709748629600185, + "nauc_map_at_3_diff1": 35.07956999136986, + "nauc_map_at_3_max": 10.09189113221904, + "nauc_map_at_3_std": -12.806383375188329, + "nauc_map_at_5_diff1": 31.171056747033298, + "nauc_map_at_5_max": 13.891688163973285, + "nauc_map_at_5_std": -9.749824390421193, + "nauc_mrr_at_1000_diff1": 29.800909959137623, + "nauc_mrr_at_1000_max": 33.341220744025435, + "nauc_mrr_at_1000_std": 21.75001312294901, + "nauc_mrr_at_100_diff1": 29.800367929516835, + "nauc_mrr_at_100_max": 33.38136058844821, + "nauc_mrr_at_100_std": 21.789223788566236, + "nauc_mrr_at_10_diff1": 29.974925130970114, + "nauc_mrr_at_10_max": 33.432216655498976, + "nauc_mrr_at_10_std": 21.74795266714447, + "nauc_mrr_at_1_diff1": 32.8838135925804, + "nauc_mrr_at_1_max": 24.529371483084574, + "nauc_mrr_at_1_std": 9.58748035277067, + "nauc_mrr_at_20_diff1": 29.91438913779757, + "nauc_mrr_at_20_max": 33.28744302059532, + "nauc_mrr_at_20_std": 21.724201609379104, + "nauc_mrr_at_3_diff1": 30.166535157699588, + "nauc_mrr_at_3_max": 31.75339502993889, + "nauc_mrr_at_3_std": 20.75073010210299, + "nauc_mrr_at_5_diff1": 30.11312282641972, + "nauc_mrr_at_5_max": 33.67582756088135, + "nauc_mrr_at_5_std": 21.686983222728376, + "nauc_ndcg_at_1000_diff1": 20.035313336303506, + "nauc_ndcg_at_1000_max": 39.86024861036285, + "nauc_ndcg_at_1000_std": 30.06202908899349, + "nauc_ndcg_at_100_diff1": 17.713593456491267, + "nauc_ndcg_at_100_max": 33.98291104786461, + "nauc_ndcg_at_100_std": 24.365237125638483, + "nauc_ndcg_at_10_diff1": 13.96135837037495, + "nauc_ndcg_at_10_max": 31.474413824866204, + "nauc_ndcg_at_10_std": 22.86874340960288, + "nauc_ndcg_at_1_diff1": 32.68811889497608, + "nauc_ndcg_at_1_max": 23.17817936378513, + "nauc_ndcg_at_1_std": 10.111894875706865, + "nauc_ndcg_at_20_diff1": 13.69750453207742, + "nauc_ndcg_at_20_max": 29.238632311676156, + "nauc_ndcg_at_20_std": 21.51101902939643, + "nauc_ndcg_at_3_diff1": 18.142662080015292, + "nauc_ndcg_at_3_max": 28.79319631593914, + "nauc_ndcg_at_3_std": 20.37950822552368, + "nauc_ndcg_at_5_diff1": 15.4836510230026, + "nauc_ndcg_at_5_max": 29.524697678622612, + "nauc_ndcg_at_5_std": 20.31186496372464, + "nauc_precision_at_1000_diff1": -22.60022337362534, + "nauc_precision_at_1000_max": 0.5297084926025946, + "nauc_precision_at_1000_std": 31.86960110378292, + "nauc_precision_at_100_diff1": -17.109296942324217, + "nauc_precision_at_100_max": 13.114543385872182, + "nauc_precision_at_100_std": 40.546888665997436, + "nauc_precision_at_10_diff1": -5.751184011272755, + "nauc_precision_at_10_max": 30.397788247842115, + "nauc_precision_at_10_std": 36.40734041302498, + "nauc_precision_at_1_diff1": 32.09040033058441, + "nauc_precision_at_1_max": 25.115800505270425, + "nauc_precision_at_1_std": 11.185512689606364, + "nauc_precision_at_20_diff1": -8.865872005542506, + "nauc_precision_at_20_max": 24.858906642791396, + "nauc_precision_at_20_std": 37.31331026229662, + "nauc_precision_at_3_diff1": 6.279790630752277, + "nauc_precision_at_3_max": 31.18333274155458, + "nauc_precision_at_3_std": 28.5156938516134, + "nauc_precision_at_5_diff1": -0.5685414700385947, + "nauc_precision_at_5_max": 30.032601466710123, + "nauc_precision_at_5_std": 29.72096748351155, + "nauc_recall_at_1000_diff1": 8.024431478610873, + "nauc_recall_at_1000_max": 26.25396667158672, + "nauc_recall_at_1000_std": 17.773467989292417, + "nauc_recall_at_100_diff1": 9.825317515542215, + "nauc_recall_at_100_max": 25.786552000740272, + "nauc_recall_at_100_std": 14.229170280235248, + "nauc_recall_at_10_diff1": 18.41325848063197, + "nauc_recall_at_10_max": 20.97636763770323, + "nauc_recall_at_10_std": -1.3953906116846648, + "nauc_recall_at_1_diff1": 46.77689461811175, + "nauc_recall_at_1_max": 5.992563122661309, + "nauc_recall_at_1_std": -19.87851166453543, + "nauc_recall_at_20_diff1": 14.796541894273506, + "nauc_recall_at_20_max": 17.963697314215956, + "nauc_recall_at_20_std": -1.713455868691847, + "nauc_recall_at_3_diff1": 30.30471830588464, + "nauc_recall_at_3_max": 9.339098307835556, + "nauc_recall_at_3_std": -11.089655201238893, + "nauc_recall_at_5_diff1": 24.446476829886976, + "nauc_recall_at_5_max": 15.769417011561993, + "nauc_recall_at_5_std": -7.8192403091680145, + "ndcg_at_1": 50.0, + "ndcg_at_10": 40.897, + "ndcg_at_100": 37.849, + "ndcg_at_1000": 46.666999999999994, + "ndcg_at_20": 38.224000000000004, + "ndcg_at_3": 45.964, + "ndcg_at_5": 44.157999999999994, + "precision_at_1": 51.702999999999996, + "precision_at_10": 31.084, + "precision_at_100": 9.913, + "precision_at_1000": 2.316, + "precision_at_20": 22.833000000000002, + "precision_at_3": 43.24, + "precision_at_5": 39.133, + "recall_at_1": 6.502, + "recall_at_10": 20.165, + "recall_at_100": 38.957, + "recall_at_1000": 71.273, + "recall_at_20": 25.21, + "recall_at_3": 12.458, + "recall_at_5": 15.519 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/NQ.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/NQ.json new file mode 100644 index 000000000..29387e6c5 --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/NQ.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 65.44, + "map_at_1": 40.571, + "map_at_10": 57.969, + "map_at_100": 58.728, + "map_at_1000": 58.739, + "map_at_20": 58.51, + "map_at_3": 53.748, + "map_at_5": 56.54900000000001, + "mrr_at_1": 45.74159907300116, + "mrr_at_10": 60.22695607791187, + "mrr_at_100": 60.74267440494396, + "mrr_at_1000": 60.749624106896846, + "mrr_at_20": 60.59501256435345, + "mrr_at_3": 57.08285052143659, + "mrr_at_5": 59.252607184240844, + "nauc_map_at_1000_diff1": 37.171845352505656, + "nauc_map_at_1000_max": 15.432607015597297, + "nauc_map_at_1000_std": -11.97932899920431, + "nauc_map_at_100_diff1": 37.16682506561907, + "nauc_map_at_100_max": 15.437190638823806, + "nauc_map_at_100_std": -11.975557698168156, + "nauc_map_at_10_diff1": 37.192551151144194, + "nauc_map_at_10_max": 15.753997478818714, + "nauc_map_at_10_std": -12.40974603357028, + "nauc_map_at_1_diff1": 40.34581435107217, + "nauc_map_at_1_max": 11.236223915633456, + "nauc_map_at_1_std": -11.972657299364364, + "nauc_map_at_20_diff1": 37.161885832329325, + "nauc_map_at_20_max": 15.470469711929697, + "nauc_map_at_20_std": -12.060519221962725, + "nauc_map_at_3_diff1": 37.065913320170644, + "nauc_map_at_3_max": 15.314893136101853, + "nauc_map_at_3_std": -12.937730813736737, + "nauc_map_at_5_diff1": 36.65247215835913, + "nauc_map_at_5_max": 15.63968636667063, + "nauc_map_at_5_std": -12.833328148854456, + "nauc_mrr_at_1000_diff1": 37.79278360150881, + "nauc_mrr_at_1000_max": 15.572097376565196, + "nauc_mrr_at_1000_std": -10.348084506439804, + "nauc_mrr_at_100_diff1": 37.786865896948825, + "nauc_mrr_at_100_max": 15.575893210789642, + "nauc_mrr_at_100_std": -10.341461472904756, + "nauc_mrr_at_10_diff1": 37.70769184810465, + "nauc_mrr_at_10_max": 15.848696020672007, + "nauc_mrr_at_10_std": -10.478264744120263, + "nauc_mrr_at_1_diff1": 40.680357536723974, + "nauc_mrr_at_1_max": 12.418751441192686, + "nauc_mrr_at_1_std": -9.868157052983221, + "nauc_mrr_at_20_diff1": 37.77469856387031, + "nauc_mrr_at_20_max": 15.613476149089827, + "nauc_mrr_at_20_std": -10.350727767432192, + "nauc_mrr_at_3_diff1": 37.67813738445281, + "nauc_mrr_at_3_max": 15.752643632881952, + "nauc_mrr_at_3_std": -10.709782839058049, + "nauc_mrr_at_5_diff1": 37.41714382663168, + "nauc_mrr_at_5_max": 15.910297855025743, + "nauc_mrr_at_5_std": -10.780431722579811, + "nauc_ndcg_at_1000_diff1": 36.84355056294766, + "nauc_ndcg_at_1000_max": 16.16466414816963, + "nauc_ndcg_at_1000_std": -10.754459767111936, + "nauc_ndcg_at_100_diff1": 36.658503024942654, + "nauc_ndcg_at_100_max": 16.278958071287068, + "nauc_ndcg_at_100_std": -10.430455391889696, + "nauc_ndcg_at_10_diff1": 36.52384188024424, + "nauc_ndcg_at_10_max": 17.61214827030915, + "nauc_ndcg_at_10_std": -11.870026397604043, + "nauc_ndcg_at_1_diff1": 40.680357536723974, + "nauc_ndcg_at_1_max": 12.418751441192686, + "nauc_ndcg_at_1_std": -9.868157052983221, + "nauc_ndcg_at_20_diff1": 36.57525846877024, + "nauc_ndcg_at_20_max": 16.570059599819693, + "nauc_ndcg_at_20_std": -10.740934396121888, + "nauc_ndcg_at_3_diff1": 36.270540924932114, + "nauc_ndcg_at_3_max": 16.702218429064946, + "nauc_ndcg_at_3_std": -12.749903314668357, + "nauc_ndcg_at_5_diff1": 35.41435543582453, + "nauc_ndcg_at_5_max": 17.330255799030986, + "nauc_ndcg_at_5_std": -12.761837100653455, + "nauc_precision_at_1000_diff1": -9.434969469177616, + "nauc_precision_at_1000_max": 0.8279994242627504, + "nauc_precision_at_1000_std": 16.293409606648844, + "nauc_precision_at_100_diff1": -7.884252124549447, + "nauc_precision_at_100_max": 2.645686939190529, + "nauc_precision_at_100_std": 17.366169984302203, + "nauc_precision_at_10_diff1": 7.290688773146785, + "nauc_precision_at_10_max": 13.268047958073753, + "nauc_precision_at_10_std": 4.450363229854657, + "nauc_precision_at_1_diff1": 40.680357536723974, + "nauc_precision_at_1_max": 12.418751441192686, + "nauc_precision_at_1_std": -9.868157052983221, + "nauc_precision_at_20_diff1": 0.23713971775484072, + "nauc_precision_at_20_max": 7.536520203232905, + "nauc_precision_at_20_std": 12.182206974457724, + "nauc_precision_at_3_diff1": 21.039494672443197, + "nauc_precision_at_3_max": 17.553973358369372, + "nauc_precision_at_3_std": -5.012633324245794, + "nauc_precision_at_5_diff1": 12.102914882846234, + "nauc_precision_at_5_max": 15.856278497759096, + "nauc_precision_at_5_std": -1.5482564850321778, + "nauc_recall_at_1000_diff1": 20.012897379043007, + "nauc_recall_at_1000_max": 56.73005884879772, + "nauc_recall_at_1000_std": 59.152380526066885, + "nauc_recall_at_100_diff1": 18.446836069732065, + "nauc_recall_at_100_max": 29.993570692813982, + "nauc_recall_at_100_std": 28.41587000672941, + "nauc_recall_at_10_diff1": 30.605039392458387, + "nauc_recall_at_10_max": 27.738218801407278, + "nauc_recall_at_10_std": -12.508590794323988, + "nauc_recall_at_1_diff1": 40.34581435107217, + "nauc_recall_at_1_max": 11.236223915633456, + "nauc_recall_at_1_std": -11.972657299364364, + "nauc_recall_at_20_diff1": 29.244236606603284, + "nauc_recall_at_20_max": 23.284403303254493, + "nauc_recall_at_20_std": -2.8338618437665617, + "nauc_recall_at_3_diff1": 32.129243232419086, + "nauc_recall_at_3_max": 20.119033875551796, + "nauc_recall_at_3_std": -14.240312656172122, + "nauc_recall_at_5_diff1": 27.763518445624864, + "nauc_recall_at_5_max": 23.172013642098666, + "nauc_recall_at_5_std": -15.04492351689741, + "ndcg_at_1": 45.742, + "ndcg_at_10": 65.44, + "ndcg_at_100": 68.377, + "ndcg_at_1000": 68.619, + "ndcg_at_20": 67.093, + "ndcg_at_3": 57.98799999999999, + "ndcg_at_5": 62.49400000000001, + "precision_at_1": 45.742, + "precision_at_10": 10.278, + "precision_at_100": 1.191, + "precision_at_1000": 0.121, + "precision_at_20": 5.542, + "precision_at_3": 26.149, + "precision_at_5": 18.308, + "recall_at_1": 40.571, + "recall_at_10": 85.6, + "recall_at_100": 97.955, + "recall_at_1000": 99.754, + "recall_at_20": 91.594, + "recall_at_3": 66.862, + "recall_at_5": 77.16300000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/QuoraRetrieval.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/QuoraRetrieval.json new file mode 100644 index 000000000..c0da377e1 --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/QuoraRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "e4e08e0b7dbe3c8700f0daef558ff32256715259", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 89.983, + "map_at_1": 72.333, + "map_at_10": 86.64500000000001, + "map_at_100": 87.27000000000001, + "map_at_1000": 87.28, + "map_at_20": 87.07000000000001, + "map_at_3": 83.69, + "map_at_5": 85.616, + "mrr_at_1": 83.17999999999999, + "mrr_at_10": 88.92811111111087, + "mrr_at_100": 89.01533250070398, + "mrr_at_1000": 89.01591712027928, + "mrr_at_20": 88.99762238367897, + "mrr_at_3": 88.05499999999975, + "mrr_at_5": 88.68599999999968, + "nauc_map_at_1000_diff1": 77.41719971001054, + "nauc_map_at_1000_max": 50.82056919544904, + "nauc_map_at_1000_std": -66.72165494301285, + "nauc_map_at_100_diff1": 77.42352497743428, + "nauc_map_at_100_max": 50.82093289011799, + "nauc_map_at_100_std": -66.78049718823219, + "nauc_map_at_10_diff1": 77.74624557071816, + "nauc_map_at_10_max": 50.79536454457503, + "nauc_map_at_10_std": -69.71456042954112, + "nauc_map_at_1_diff1": 82.68164323521295, + "nauc_map_at_1_max": 38.954818287207324, + "nauc_map_at_1_std": -56.68166218708859, + "nauc_map_at_20_diff1": 77.55325844438951, + "nauc_map_at_20_max": 50.84356384001606, + "nauc_map_at_20_std": -67.98703548320766, + "nauc_map_at_3_diff1": 78.85574278943115, + "nauc_map_at_3_max": 48.52471401555999, + "nauc_map_at_3_std": -71.30299825100148, + "nauc_map_at_5_diff1": 78.16471107015477, + "nauc_map_at_5_max": 50.30985590553375, + "nauc_map_at_5_std": -71.33684372158167, + "nauc_mrr_at_1000_diff1": 77.62295824280032, + "nauc_mrr_at_1000_max": 51.80058309016847, + "nauc_mrr_at_1000_std": -62.37197972047579, + "nauc_mrr_at_100_diff1": 77.62234522673566, + "nauc_mrr_at_100_max": 51.801934646829274, + "nauc_mrr_at_100_std": -62.37322038621588, + "nauc_mrr_at_10_diff1": 77.59747253748361, + "nauc_mrr_at_10_max": 51.87334226198358, + "nauc_mrr_at_10_std": -62.64200232227941, + "nauc_mrr_at_1_diff1": 78.5768801049508, + "nauc_mrr_at_1_max": 50.903137386851384, + "nauc_mrr_at_1_std": -57.80272717360846, + "nauc_mrr_at_20_diff1": 77.62208305068552, + "nauc_mrr_at_20_max": 51.828904905587606, + "nauc_mrr_at_20_std": -62.433948957948374, + "nauc_mrr_at_3_diff1": 77.38155121033225, + "nauc_mrr_at_3_max": 51.68106631416263, + "nauc_mrr_at_3_std": -63.45491126025229, + "nauc_mrr_at_5_diff1": 77.5183226181727, + "nauc_mrr_at_5_max": 51.97540888258937, + "nauc_mrr_at_5_std": -63.01365659630005, + "nauc_ndcg_at_1000_diff1": 77.0968099860845, + "nauc_ndcg_at_1000_max": 51.35967273719281, + "nauc_ndcg_at_1000_std": -64.58895061628968, + "nauc_ndcg_at_100_diff1": 77.1099003765838, + "nauc_ndcg_at_100_max": 51.418685751945894, + "nauc_ndcg_at_100_std": -64.82586438143728, + "nauc_ndcg_at_10_diff1": 77.29986674759448, + "nauc_ndcg_at_10_max": 51.8605146908119, + "nauc_ndcg_at_10_std": -69.97528521090494, + "nauc_ndcg_at_1_diff1": 78.49711376568688, + "nauc_ndcg_at_1_max": 51.0794152100377, + "nauc_ndcg_at_1_std": -57.536843107052185, + "nauc_ndcg_at_20_diff1": 77.30637560599035, + "nauc_ndcg_at_20_max": 51.68220059769314, + "nauc_ndcg_at_20_std": -67.76406452812292, + "nauc_ndcg_at_3_diff1": 76.86431160054454, + "nauc_ndcg_at_3_max": 50.749560195519614, + "nauc_ndcg_at_3_std": -69.45815827753151, + "nauc_ndcg_at_5_diff1": 77.14024715468048, + "nauc_ndcg_at_5_max": 51.930214613990465, + "nauc_ndcg_at_5_std": -70.77018788982289, + "nauc_precision_at_1000_diff1": -47.44532117687583, + "nauc_precision_at_1000_max": -17.299891917223214, + "nauc_precision_at_1000_std": 52.51591233187087, + "nauc_precision_at_100_diff1": -47.265828632688155, + "nauc_precision_at_100_max": -16.71812733047803, + "nauc_precision_at_100_std": 51.51757632883793, + "nauc_precision_at_10_diff1": -43.237865438735575, + "nauc_precision_at_10_max": -9.883793141400469, + "nauc_precision_at_10_std": 33.86730977694455, + "nauc_precision_at_1_diff1": 78.49711376568688, + "nauc_precision_at_1_max": 51.0794152100377, + "nauc_precision_at_1_std": -57.536843107052185, + "nauc_precision_at_20_diff1": -45.7649305042739, + "nauc_precision_at_20_max": -13.839318564567368, + "nauc_precision_at_20_std": 42.705695137308446, + "nauc_precision_at_3_diff1": -25.060485489006908, + "nauc_precision_at_3_max": 4.882317523957804, + "nauc_precision_at_3_std": 5.301548406664098, + "nauc_precision_at_5_diff1": -36.934659107383084, + "nauc_precision_at_5_max": -3.599741390594996, + "nauc_precision_at_5_std": 21.13020599488238, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": 74.89226971528723, + "nauc_recall_at_100_max": 68.38872094070474, + "nauc_recall_at_100_std": -88.3256053707361, + "nauc_recall_at_10_diff1": 75.57948535605118, + "nauc_recall_at_10_max": 54.842401327152324, + "nauc_recall_at_10_std": -108.96477628690668, + "nauc_recall_at_1_diff1": 82.68164323521295, + "nauc_recall_at_1_max": 38.954818287207324, + "nauc_recall_at_1_std": -56.68166218708859, + "nauc_recall_at_20_diff1": 77.01723207559192, + "nauc_recall_at_20_max": 56.542295047119765, + "nauc_recall_at_20_std": -115.99929151139956, + "nauc_recall_at_3_diff1": 75.75126841997931, + "nauc_recall_at_3_max": 46.87962275985744, + "nauc_recall_at_3_std": -84.35001944931008, + "nauc_recall_at_5_diff1": 74.32806613815409, + "nauc_recall_at_5_max": 51.53090250807227, + "nauc_recall_at_5_std": -95.23567626837752, + "ndcg_at_1": 83.22, + "ndcg_at_10": 89.983, + "ndcg_at_100": 91.01700000000001, + "ndcg_at_1000": 91.065, + "ndcg_at_20": 90.584, + "ndcg_at_3": 87.351, + "ndcg_at_5": 88.92, + "precision_at_1": 83.22, + "precision_at_10": 13.688, + "precision_at_100": 1.548, + "precision_at_1000": 0.157, + "precision_at_20": 7.254, + "precision_at_3": 38.327, + "precision_at_5": 25.266, + "recall_at_1": 72.333, + "recall_at_10": 96.422, + "recall_at_100": 99.801, + "recall_at_1000": 100.0, + "recall_at_20": 98.31400000000001, + "recall_at_3": 88.897, + "recall_at_5": 93.253 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/RedditClustering.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/RedditClustering.json new file mode 100644 index 000000000..a1d8f1399 --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/RedditClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 64.30844996368535, + "v_measure": 64.30844996368535, + "v_measure_std": 4.848791865396891 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/RedditClusteringP2P.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/RedditClusteringP2P.json new file mode 100644 index 000000000..12476a149 --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/RedditClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 61.463095258322184, + "v_measure": 61.463095258322184, + "v_measure_std": 13.825524480187179 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/SCIDOCS.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/SCIDOCS.json new file mode 100644 index 000000000..aa91b663e --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/SCIDOCS.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f8c2fcf00f625baaa80f62ec5bd9e1fff3b8ae88", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 22.506, + "map_at_1": 5.122999999999999, + "map_at_10": 13.652000000000001, + "map_at_100": 16.012, + "map_at_1000": 16.357, + "map_at_20": 14.832, + "map_at_3": 9.458, + "map_at_5": 11.526, + "mrr_at_1": 25.3, + "mrr_at_10": 37.14178571428571, + "mrr_at_100": 38.2928507804565, + "mrr_at_1000": 38.33371299085187, + "mrr_at_20": 37.87531826532599, + "mrr_at_3": 34.016666666666644, + "mrr_at_5": 35.72666666666662, + "nauc_map_at_1000_diff1": 19.181908239372856, + "nauc_map_at_1000_max": 34.45175558983018, + "nauc_map_at_1000_std": 18.189319929391996, + "nauc_map_at_100_diff1": 19.19692982484398, + "nauc_map_at_100_max": 34.44154432269017, + "nauc_map_at_100_std": 17.94122358029364, + "nauc_map_at_10_diff1": 19.291919391054222, + "nauc_map_at_10_max": 34.36232526749502, + "nauc_map_at_10_std": 14.816004018633237, + "nauc_map_at_1_diff1": 24.558617169487032, + "nauc_map_at_1_max": 26.511296106317868, + "nauc_map_at_1_std": 7.82772589755214, + "nauc_map_at_20_diff1": 19.348081062276208, + "nauc_map_at_20_max": 34.58455151721281, + "nauc_map_at_20_std": 16.151710432004197, + "nauc_map_at_3_diff1": 21.5514840413981, + "nauc_map_at_3_max": 33.92222109817227, + "nauc_map_at_3_std": 10.502576651566999, + "nauc_map_at_5_diff1": 19.967350394527863, + "nauc_map_at_5_max": 32.95165629885447, + "nauc_map_at_5_std": 11.122330247985717, + "nauc_mrr_at_1000_diff1": 21.829308820999017, + "nauc_mrr_at_1000_max": 29.463800052705437, + "nauc_mrr_at_1000_std": 13.12696263120055, + "nauc_mrr_at_100_diff1": 21.814298979701803, + "nauc_mrr_at_100_max": 29.46773136681717, + "nauc_mrr_at_100_std": 13.165157602965758, + "nauc_mrr_at_10_diff1": 21.653878744765784, + "nauc_mrr_at_10_max": 29.58483868113361, + "nauc_mrr_at_10_std": 12.985515874358859, + "nauc_mrr_at_1_diff1": 24.6715181065629, + "nauc_mrr_at_1_max": 26.81252204146797, + "nauc_mrr_at_1_std": 8.014680166410344, + "nauc_mrr_at_20_diff1": 21.843640497550087, + "nauc_mrr_at_20_max": 29.593176268547204, + "nauc_mrr_at_20_std": 13.177395949373, + "nauc_mrr_at_3_diff1": 22.29904422694039, + "nauc_mrr_at_3_max": 29.803363880621564, + "nauc_mrr_at_3_std": 12.08505345679438, + "nauc_mrr_at_5_diff1": 21.71612843315846, + "nauc_mrr_at_5_max": 29.72242599153432, + "nauc_mrr_at_5_std": 12.514520503901528, + "nauc_ndcg_at_1000_diff1": 17.812454067736155, + "nauc_ndcg_at_1000_max": 32.536786674780096, + "nauc_ndcg_at_1000_std": 25.854527875299326, + "nauc_ndcg_at_100_diff1": 17.890769383828005, + "nauc_ndcg_at_100_max": 32.83258185170293, + "nauc_ndcg_at_100_std": 24.659819111590707, + "nauc_ndcg_at_10_diff1": 18.26938087394905, + "nauc_ndcg_at_10_max": 33.78188684219704, + "nauc_ndcg_at_10_std": 17.21331892353095, + "nauc_ndcg_at_1_diff1": 24.6715181065629, + "nauc_ndcg_at_1_max": 26.81252204146797, + "nauc_ndcg_at_1_std": 8.014680166410344, + "nauc_ndcg_at_20_diff1": 18.9423678041254, + "nauc_ndcg_at_20_max": 34.22627638045056, + "nauc_ndcg_at_20_std": 19.457855372495466, + "nauc_ndcg_at_3_diff1": 21.027029543031645, + "nauc_ndcg_at_3_max": 33.7897019283245, + "nauc_ndcg_at_3_std": 12.483167034609401, + "nauc_ndcg_at_5_diff1": 18.892039685363475, + "nauc_ndcg_at_5_max": 32.45122363892051, + "nauc_ndcg_at_5_std": 13.41357877918938, + "nauc_precision_at_1000_diff1": 5.157601529395117, + "nauc_precision_at_1000_max": 17.143073555203763, + "nauc_precision_at_1000_std": 42.98106178602979, + "nauc_precision_at_100_diff1": 9.794992975326593, + "nauc_precision_at_100_max": 23.833302546894338, + "nauc_precision_at_100_std": 34.912511583237965, + "nauc_precision_at_10_diff1": 13.798035613654628, + "nauc_precision_at_10_max": 33.262730178644546, + "nauc_precision_at_10_std": 21.062476706391156, + "nauc_precision_at_1_diff1": 24.6715181065629, + "nauc_precision_at_1_max": 26.81252204146797, + "nauc_precision_at_1_std": 8.014680166410344, + "nauc_precision_at_20_diff1": 14.663054363753272, + "nauc_precision_at_20_max": 32.12409736351085, + "nauc_precision_at_20_std": 24.341721044475626, + "nauc_precision_at_3_diff1": 19.061499046645455, + "nauc_precision_at_3_max": 36.69387198980568, + "nauc_precision_at_3_std": 14.527611053399674, + "nauc_precision_at_5_diff1": 15.122401114437281, + "nauc_precision_at_5_max": 32.37345191163627, + "nauc_precision_at_5_std": 15.159496915998183, + "nauc_recall_at_1000_diff1": 4.90333908560398, + "nauc_recall_at_1000_max": 16.80152272446881, + "nauc_recall_at_1000_std": 44.34743343052233, + "nauc_recall_at_100_diff1": 9.162169138584812, + "nauc_recall_at_100_max": 23.373784049981932, + "nauc_recall_at_100_std": 35.29658840515363, + "nauc_recall_at_10_diff1": 13.255119541826458, + "nauc_recall_at_10_max": 32.79473451751747, + "nauc_recall_at_10_std": 21.126286808362067, + "nauc_recall_at_1_diff1": 24.558617169487032, + "nauc_recall_at_1_max": 26.511296106317868, + "nauc_recall_at_1_std": 7.82772589755214, + "nauc_recall_at_20_diff1": 14.336119216887313, + "nauc_recall_at_20_max": 31.763323157259993, + "nauc_recall_at_20_std": 24.41182092352001, + "nauc_recall_at_3_diff1": 18.633092732140433, + "nauc_recall_at_3_max": 36.18581689585463, + "nauc_recall_at_3_std": 14.33948600334347, + "nauc_recall_at_5_diff1": 14.679028389399267, + "nauc_recall_at_5_max": 31.897317036615412, + "nauc_recall_at_5_std": 15.037553354455593, + "ndcg_at_1": 25.3, + "ndcg_at_10": 22.506, + "ndcg_at_100": 31.361, + "ndcg_at_1000": 36.862, + "ndcg_at_20": 25.717000000000002, + "ndcg_at_3": 21.199, + "ndcg_at_5": 18.562, + "precision_at_1": 25.3, + "precision_at_10": 11.81, + "precision_at_100": 2.455, + "precision_at_1000": 0.376, + "precision_at_20": 7.775, + "precision_at_3": 20.033, + "precision_at_5": 16.46, + "recall_at_1": 5.122999999999999, + "recall_at_10": 23.953, + "recall_at_100": 49.805, + "recall_at_1000": 76.423, + "recall_at_20": 31.493, + "recall_at_3": 12.178, + "recall_at_5": 16.682 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/SICK-R.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/SICK-R.json new file mode 100644 index 000000000..b773cfc17 --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 86.24041625333884, + "cosine_spearman": 83.72893029404888, + "euclidean_pearson": 83.33176396347261, + "euclidean_spearman": 83.72893162160777, + "main_score": 83.72893029404888, + "manhattan_pearson": 83.2951639248276, + "manhattan_spearman": 83.70786795927772, + "pearson": 86.24041617887043, + "spearman": 83.72891772746166 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/STS12.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/STS12.json new file mode 100644 index 000000000..6c217b8e7 --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 87.17185113605036, + "cosine_spearman": 81.39213356797624, + "euclidean_pearson": 83.70587654694744, + "euclidean_spearman": 81.39213356797624, + "main_score": 81.39213356797624, + "manhattan_pearson": 83.63386349627461, + "manhattan_spearman": 81.35222067791558, + "pearson": 87.17185260321112, + "spearman": 81.38945351411505 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/STS13.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/STS13.json new file mode 100644 index 000000000..5f5a1bc3a --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 87.34454475793186, + "cosine_spearman": 87.96270687409215, + "euclidean_pearson": 87.90388791262633, + "euclidean_spearman": 87.96270687409215, + "main_score": 87.96270687409215, + "manhattan_pearson": 87.83677697801643, + "manhattan_spearman": 87.86991808368111, + "pearson": 87.34454465314778, + "spearman": 87.96270679590305 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/STS14.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/STS14.json new file mode 100644 index 000000000..c9860d213 --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 86.3049595329839, + "cosine_spearman": 85.57773596099139, + "euclidean_pearson": 85.61735029771381, + "euclidean_spearman": 85.57774644488029, + "main_score": 85.57773596099139, + "manhattan_pearson": 85.58315505256886, + "manhattan_spearman": 85.55100867169023, + "pearson": 86.30495993546997, + "spearman": 85.57781195336361 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/STS15.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/STS15.json new file mode 100644 index 000000000..c213bb3bd --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 89.43687886823619, + "cosine_spearman": 89.77514474209266, + "euclidean_pearson": 89.16048792386724, + "euclidean_spearman": 89.77514474209266, + "main_score": 89.77514474209266, + "manhattan_pearson": 89.13664728081469, + "manhattan_spearman": 89.75080436431723, + "pearson": 89.43687930700762, + "spearman": 89.7750799990083 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/STS16.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/STS16.json new file mode 100644 index 000000000..47a903fbb --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 86.6450386341272, + "cosine_spearman": 87.89409021728935, + "euclidean_pearson": 87.49933167247268, + "euclidean_spearman": 87.89409021728935, + "main_score": 87.89409021728935, + "manhattan_pearson": 87.50687956428204, + "manhattan_spearman": 87.9178498829234, + "pearson": 86.64503867578216, + "spearman": 87.8940895850418 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/STS17.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/STS17.json new file mode 100644 index 000000000..495b7acef --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/STS17.json @@ -0,0 +1,137 @@ +{ + "dataset_revision": "faeb762787bd10488a50c8b5be4a3b82e411949c", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "nl-en", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "cosine_pearson": 89.6338656277505, + "cosine_spearman": 89.75701751196556, + "euclidean_pearson": 90.00670260496013, + "euclidean_spearman": 89.75701751196556, + "main_score": 89.75701751196556, + "manhattan_pearson": 90.02629735900686, + "manhattan_spearman": 89.7213070723708, + "pearson": 89.63386499936783, + "spearman": 89.75701751196556 + }, + { + "hf_subset": "en-tr", + "languages": [ + "eng-Latn", + "tur-Latn" + ], + "cosine_pearson": 83.93143564932134, + "cosine_spearman": 82.93577775011765, + "euclidean_pearson": 84.34621382409651, + "euclidean_spearman": 82.93577775011765, + "main_score": 82.93577775011765, + "manhattan_pearson": 84.31655977000447, + "manhattan_spearman": 82.76584164596149, + "pearson": 83.9314336093673, + "spearman": 82.93577775011765 + }, + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 91.88424206333126, + "cosine_spearman": 92.02107475813581, + "euclidean_pearson": 91.9171107672214, + "euclidean_spearman": 92.02107475813581, + "main_score": 92.02107475813581, + "manhattan_pearson": 91.98552208613084, + "manhattan_spearman": 92.04844379257229, + "pearson": 91.88424111217977, + "spearman": 92.02107475813581 + }, + { + "hf_subset": "en-de", + "languages": [ + "eng-Latn", + "deu-Latn" + ], + "cosine_pearson": 90.04918981538256, + "cosine_spearman": 90.03247608046513, + "euclidean_pearson": 90.28411220954267, + "euclidean_spearman": 90.03247608046513, + "main_score": 90.03247608046513, + "manhattan_pearson": 90.3114074165839, + "manhattan_spearman": 90.09098123553856, + "pearson": 90.04919169584696, + "spearman": 90.03247608046513 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "cosine_pearson": 88.9930259888809, + "cosine_spearman": 88.83327416007984, + "euclidean_pearson": 89.39082582616547, + "euclidean_spearman": 88.83327416007984, + "main_score": 88.83327416007984, + "manhattan_pearson": 89.38701261060531, + "manhattan_spearman": 88.92998833233004, + "pearson": 88.99302543858553, + "spearman": 88.83327416007984 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cosine_pearson": 89.95636875543408, + "cosine_spearman": 90.39244260353328, + "euclidean_pearson": 90.29925474076606, + "euclidean_spearman": 90.39244260353328, + "main_score": 90.39244260353328, + "manhattan_pearson": 90.37981122989076, + "manhattan_spearman": 90.41247149045391, + "pearson": 89.95636893306808, + "spearman": 90.39244260353328 + }, + { + "hf_subset": "it-en", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "cosine_pearson": 89.53145408873213, + "cosine_spearman": 89.64992463283636, + "euclidean_pearson": 89.92739726473282, + "euclidean_spearman": 89.64992463283636, + "main_score": 89.64992463283636, + "manhattan_pearson": 89.88973812881389, + "manhattan_spearman": 89.66533893453442, + "pearson": 89.53145070613068, + "spearman": 89.64992463283636 + }, + { + "hf_subset": "en-ar", + "languages": [ + "eng-Latn", + "ara-Arab" + ], + "cosine_pearson": 83.73753567473895, + "cosine_spearman": 83.56786342290584, + "euclidean_pearson": 84.2185817227647, + "euclidean_spearman": 83.56786342290584, + "main_score": 83.56786342290584, + "manhattan_pearson": 84.138637673995, + "manhattan_spearman": 83.5447994878456, + "pearson": 83.73753620404003, + "spearman": 83.56786342290584 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/STS22.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/STS22.json new file mode 100644 index 000000000..d85abbb74 --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/STS22.json @@ -0,0 +1,89 @@ +{ + "dataset_revision": "de9d86b3b84231dc21f76c7b7af1f28e2f57f6e3", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 70.0174654163193, + "cosine_spearman": 69.00945960078879, + "euclidean_pearson": 70.00006875963157, + "euclidean_spearman": 69.00945960078879, + "main_score": 69.00945960078879, + "manhattan_pearson": 70.003828333656, + "manhattan_spearman": 69.18289416785358, + "pearson": 70.01746869245112, + "spearman": 69.00945960078879 + }, + { + "hf_subset": "pl-en", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "cosine_pearson": 74.4773241351154, + "cosine_spearman": 72.23771584903263, + "euclidean_pearson": 74.91922500307354, + "euclidean_spearman": 72.23771584903263, + "main_score": 72.23771584903263, + "manhattan_pearson": 75.40992669459347, + "manhattan_spearman": 72.89930017966125, + "pearson": 74.47733091997848, + "spearman": 72.23771584903263 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "cosine_pearson": 74.66163345044995, + "cosine_spearman": 73.412615202234, + "euclidean_pearson": 76.51572664173365, + "euclidean_spearman": 73.412615202234, + "main_score": 73.412615202234, + "manhattan_pearson": 76.44349976731687, + "manhattan_spearman": 73.40243152214946, + "pearson": 74.66163870997642, + "spearman": 73.412615202234 + }, + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "cosine_pearson": 65.14758907269797, + "cosine_spearman": 58.30708936630836, + "euclidean_pearson": 67.98705996212436, + "euclidean_spearman": 58.30708936630836, + "main_score": 58.30708936630836, + "manhattan_pearson": 68.41525035556984, + "manhattan_spearman": 58.879912875433405, + "pearson": 65.1475973244717, + "spearman": 58.30708936630836 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cosine_pearson": 74.73278263018503, + "cosine_spearman": 77.18831783868316, + "euclidean_pearson": 76.28171718825621, + "euclidean_spearman": 77.18831783868316, + "main_score": 77.18831783868316, + "manhattan_pearson": 76.73656610143712, + "manhattan_spearman": 77.45086643213952, + "pearson": 74.73278783040479, + "spearman": 77.18831783868316 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/STSBenchmark.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/STSBenchmark.json new file mode 100644 index 000000000..3d921e9d1 --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 88.25299312156041, + "cosine_spearman": 88.82703987306, + "euclidean_pearson": 88.42751133294018, + "euclidean_spearman": 88.82706405302517, + "main_score": 88.82703987306, + "manhattan_pearson": 88.41336953833218, + "manhattan_spearman": 88.81246784315815, + "pearson": 88.25299276543255, + "spearman": 88.82706405302517 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/SciDocsRR.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/SciDocsRR.json new file mode 100644 index 000000000..cf985d3e9 --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/SciDocsRR.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 86.15363437294592, + "map": 86.15363437294592, + "mrr": 96.44521056285762, + "nAUC_map_diff1": -0.7840810005333841, + "nAUC_map_max": 54.6142751932947, + "nAUC_map_std": 70.13929703223857, + "nAUC_mrr_diff1": 44.20312446414372, + "nAUC_mrr_max": 89.20896097421188, + "nAUC_mrr_std": 85.57161978228 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/SciFact.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/SciFact.json new file mode 100644 index 000000000..543f859c3 --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/SciFact.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 77.962, + "map_at_1": 60.260999999999996, + "map_at_10": 72.719, + "map_at_100": 73.071, + "map_at_1000": 73.08, + "map_at_20": 72.99, + "map_at_3": 69.848, + "map_at_5": 71.61999999999999, + "mrr_at_1": 63.33333333333333, + "mrr_at_10": 73.84933862433863, + "mrr_at_100": 74.10371086565036, + "mrr_at_1000": 74.1131185688027, + "mrr_at_20": 74.05291111394054, + "mrr_at_3": 71.88888888888891, + "mrr_at_5": 73.0388888888889, + "nauc_map_at_1000_diff1": 73.28126828990776, + "nauc_map_at_1000_max": 56.022306476443916, + "nauc_map_at_1000_std": -13.480460345909812, + "nauc_map_at_100_diff1": 73.27839985062069, + "nauc_map_at_100_max": 56.03493565179317, + "nauc_map_at_100_std": -13.454356894686633, + "nauc_map_at_10_diff1": 73.12140372590137, + "nauc_map_at_10_max": 56.152651928007735, + "nauc_map_at_10_std": -13.995855741014923, + "nauc_map_at_1_diff1": 77.99227635266456, + "nauc_map_at_1_max": 52.094851365294005, + "nauc_map_at_1_std": -19.182145033673432, + "nauc_map_at_20_diff1": 73.20306405935685, + "nauc_map_at_20_max": 56.081550664849445, + "nauc_map_at_20_std": -13.584356458468374, + "nauc_map_at_3_diff1": 73.19141715738098, + "nauc_map_at_3_max": 53.23078378298865, + "nauc_map_at_3_std": -16.528167718115526, + "nauc_map_at_5_diff1": 73.24024366833353, + "nauc_map_at_5_max": 55.180209378383424, + "nauc_map_at_5_std": -14.183250373332857, + "nauc_mrr_at_1000_diff1": 73.71148233352608, + "nauc_mrr_at_1000_max": 56.5362956066201, + "nauc_mrr_at_1000_std": -11.469817601047366, + "nauc_mrr_at_100_diff1": 73.70835498956635, + "nauc_mrr_at_100_max": 56.54902766570207, + "nauc_mrr_at_100_std": -11.443909853912619, + "nauc_mrr_at_10_diff1": 73.57665142725747, + "nauc_mrr_at_10_max": 56.74885354320269, + "nauc_mrr_at_10_std": -11.545364799905967, + "nauc_mrr_at_1_diff1": 77.9008777001104, + "nauc_mrr_at_1_max": 56.02354548799079, + "nauc_mrr_at_1_std": -12.985757082041294, + "nauc_mrr_at_20_diff1": 73.63832217061234, + "nauc_mrr_at_20_max": 56.548555401068235, + "nauc_mrr_at_20_std": -11.560701355628849, + "nauc_mrr_at_3_diff1": 72.90361783677665, + "nauc_mrr_at_3_max": 54.67757749945108, + "nauc_mrr_at_3_std": -11.094286378923906, + "nauc_mrr_at_5_diff1": 73.54194799038713, + "nauc_mrr_at_5_max": 56.396527065053235, + "nauc_mrr_at_5_std": -10.973412029472279, + "nauc_ndcg_at_1000_diff1": 72.71349972979385, + "nauc_ndcg_at_1000_max": 56.72661710430519, + "nauc_ndcg_at_1000_std": -12.077139347298028, + "nauc_ndcg_at_100_diff1": 72.6223579041901, + "nauc_ndcg_at_100_max": 57.0943772697301, + "nauc_ndcg_at_100_std": -11.290467310203653, + "nauc_ndcg_at_10_diff1": 71.58603155055886, + "nauc_ndcg_at_10_max": 57.57370636587106, + "nauc_ndcg_at_10_std": -13.64915129057672, + "nauc_ndcg_at_1_diff1": 77.9008777001104, + "nauc_ndcg_at_1_max": 56.02354548799079, + "nauc_ndcg_at_1_std": -12.985757082041294, + "nauc_ndcg_at_20_diff1": 71.862346973291, + "nauc_ndcg_at_20_max": 57.14084365257247, + "nauc_ndcg_at_20_std": -12.577106212178743, + "nauc_ndcg_at_3_diff1": 70.96798592929984, + "nauc_ndcg_at_3_max": 53.31683131655929, + "nauc_ndcg_at_3_std": -13.884044044488068, + "nauc_ndcg_at_5_diff1": 71.94439154102938, + "nauc_ndcg_at_5_max": 55.87371904515247, + "nauc_ndcg_at_5_std": -13.144606786194293, + "nauc_precision_at_1000_diff1": -29.909943379221655, + "nauc_precision_at_1000_max": 3.445405323591539, + "nauc_precision_at_1000_std": 51.033002414810845, + "nauc_precision_at_100_diff1": -23.37133080871195, + "nauc_precision_at_100_max": 9.078385011181364, + "nauc_precision_at_100_std": 50.96275222185906, + "nauc_precision_at_10_diff1": -7.8465425644179465, + "nauc_precision_at_10_max": 23.93400510157945, + "nauc_precision_at_10_std": 33.12529020508839, + "nauc_precision_at_1_diff1": 77.9008777001104, + "nauc_precision_at_1_max": 56.02354548799079, + "nauc_precision_at_1_std": -12.985757082041294, + "nauc_precision_at_20_diff1": -17.41288362682839, + "nauc_precision_at_20_max": 15.35913155626735, + "nauc_precision_at_20_std": 41.51207496195062, + "nauc_precision_at_3_diff1": 31.762128480906544, + "nauc_precision_at_3_max": 37.91372130404831, + "nauc_precision_at_3_std": 9.88524722427369, + "nauc_precision_at_5_diff1": 13.038734315330009, + "nauc_precision_at_5_max": 30.94110952724539, + "nauc_precision_at_5_std": 24.082971097384295, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": 65.36881419234354, + "nauc_recall_at_100_max": 85.52754435107354, + "nauc_recall_at_100_std": 50.009337068160995, + "nauc_recall_at_10_diff1": 55.74074309501903, + "nauc_recall_at_10_max": 66.4080962692691, + "nauc_recall_at_10_std": -23.91596073628651, + "nauc_recall_at_1_diff1": 77.99227635266456, + "nauc_recall_at_1_max": 52.094851365294005, + "nauc_recall_at_1_std": -19.182145033673432, + "nauc_recall_at_20_diff1": 50.05955137960694, + "nauc_recall_at_20_max": 66.30384437239482, + "nauc_recall_at_20_std": -17.94959453597701, + "nauc_recall_at_3_diff1": 62.840959206923856, + "nauc_recall_at_3_max": 46.242626211644556, + "nauc_recall_at_3_std": -17.827394342135214, + "nauc_recall_at_5_diff1": 63.99508486474444, + "nauc_recall_at_5_max": 56.50230441658991, + "nauc_recall_at_5_std": -15.143300506173162, + "ndcg_at_1": 63.333, + "ndcg_at_10": 77.962, + "ndcg_at_100": 79.29899999999999, + "ndcg_at_1000": 79.521, + "ndcg_at_20": 78.81099999999999, + "ndcg_at_3": 73.387, + "ndcg_at_5": 75.76899999999999, + "precision_at_1": 63.333, + "precision_at_10": 10.433, + "precision_at_100": 1.113, + "precision_at_1000": 0.11299999999999999, + "precision_at_20": 5.417000000000001, + "precision_at_3": 29.221999999999998, + "precision_at_5": 19.2, + "recall_at_1": 60.260999999999996, + "recall_at_10": 92.656, + "recall_at_100": 98.333, + "recall_at_1000": 100.0, + "recall_at_20": 95.767, + "recall_at_3": 80.561, + "recall_at_5": 86.483 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/SprintDuplicateQuestions.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..051f66020 --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/SprintDuplicateQuestions.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 99.83564356435643, + "cosine_accuracy_threshold": 82.17267990112305, + "cosine_ap": 96.54143761927851, + "cosine_f1": 91.76011701608971, + "cosine_f1_threshold": 79.5323133468628, + "cosine_precision": 89.5337773549001, + "cosine_recall": 94.1, + "dot_accuracy": 99.83564356435643, + "dot_accuracy_threshold": 82.17268586158752, + "dot_ap": 96.54143761927853, + "dot_f1": 91.76011701608971, + "dot_f1_threshold": 79.53230142593384, + "dot_precision": 89.5337773549001, + "dot_recall": 94.1, + "euclidean_accuracy": 99.83564356435643, + "euclidean_accuracy_threshold": 59.711503982543945, + "euclidean_ap": 96.54143761927851, + "euclidean_f1": 91.76011701608971, + "euclidean_f1_threshold": 63.98076415061951, + "euclidean_precision": 89.5337773549001, + "euclidean_recall": 94.1, + "main_score": 96.54143761927853, + "manhattan_accuracy": 99.83564356435643, + "manhattan_accuracy_threshold": 3019.1539764404297, + "manhattan_ap": 96.52689339314482, + "manhattan_f1": 91.88138065143411, + "manhattan_f1_threshold": 3262.8021240234375, + "manhattan_precision": 89.40397350993378, + "manhattan_recall": 94.5, + "max_accuracy": 99.83564356435643, + "max_ap": 96.54143761927853, + "max_f1": 91.88138065143411, + "max_precision": 89.5337773549001, + "max_recall": 94.5, + "similarity_accuracy": 99.83564356435643, + "similarity_accuracy_threshold": 1865.63720703125, + "similarity_ap": 96.54143761927853, + "similarity_f1": 91.76011701608971, + "similarity_f1_threshold": 1805.6900024414062, + "similarity_precision": 89.5337773549001, + "similarity_recall": 94.1 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/StackExchangeClustering.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/StackExchangeClustering.json new file mode 100644 index 000000000..935285370 --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/StackExchangeClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 70.93157767772517, + "v_measure": 70.93157767772517, + "v_measure_std": 4.307686954444112 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/StackExchangeClusteringP2P.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..b18d5f7ef --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/StackExchangeClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 33.95011259900505, + "v_measure": 33.95011259900505, + "v_measure_std": 1.626841664415958 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/StackOverflowDupQuestions.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..34ecc345d --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/StackOverflowDupQuestions.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 53.57599561506372, + "map": 53.57599561506372, + "mrr": 54.616410958322724, + "nAUC_map_diff1": 36.11395800900299, + "nAUC_map_max": 13.023479833306077, + "nAUC_map_std": 5.631816933793585, + "nAUC_mrr_diff1": 35.769021835275794, + "nAUC_mrr_max": 13.870729016716313, + "nAUC_mrr_std": 5.924960324107413 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/SummEval.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/SummEval.json new file mode 100644 index 000000000..e71772c7e --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 30.73610071443582, + "cosine_spearman": 31.187718139843245, + "dot_pearson": 30.736100295017323, + "dot_spearman": 31.187718139843245, + "main_score": 31.187718139843245, + "pearson": 30.736095662320906, + "spearman": 31.187718139843245 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/TRECCOVID.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/TRECCOVID.json new file mode 100644 index 000000000..996c2049b --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/TRECCOVID.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "bb9466bac8153a0349341eb1b22e06409e78ef4e", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 82.472, + "map_at_1": 0.244, + "map_at_10": 2.046, + "map_at_100": 13.645, + "map_at_1000": 33.754, + "map_at_20": 3.857, + "map_at_3": 0.657, + "map_at_5": 1.088, + "mrr_at_1": 92.0, + "mrr_at_10": 96.0, + "mrr_at_100": 96.0, + "mrr_at_1000": 96.0, + "mrr_at_20": 96.0, + "mrr_at_3": 96.0, + "mrr_at_5": 96.0, + "nauc_map_at_1000_diff1": 7.8754742601956265, + "nauc_map_at_1000_max": 34.597938302994095, + "nauc_map_at_1000_std": 69.85267631958843, + "nauc_map_at_100_diff1": 34.92265650076894, + "nauc_map_at_100_max": 29.634429617158474, + "nauc_map_at_100_std": 51.34791604889786, + "nauc_map_at_10_diff1": 28.079719799537035, + "nauc_map_at_10_max": 7.68543580943164, + "nauc_map_at_10_std": 9.800164176251364, + "nauc_map_at_1_diff1": 26.03047942436184, + "nauc_map_at_1_max": -1.8634718917346798, + "nauc_map_at_1_std": -2.7881471230811767, + "nauc_map_at_20_diff1": 30.323518515058662, + "nauc_map_at_20_max": 14.96919999636421, + "nauc_map_at_20_std": 19.064769986247782, + "nauc_map_at_3_diff1": 26.295930355719438, + "nauc_map_at_3_max": 2.26895373159702, + "nauc_map_at_3_std": 5.6154000225639855, + "nauc_map_at_5_diff1": 29.914803705791954, + "nauc_map_at_5_max": 2.3350193956307788, + "nauc_map_at_5_std": 7.787294789682958, + "nauc_mrr_at_1000_diff1": 37.92016806722721, + "nauc_mrr_at_1000_max": 8.916900093370733, + "nauc_mrr_at_1000_std": 22.117180205415533, + "nauc_mrr_at_100_diff1": 37.92016806722721, + "nauc_mrr_at_100_max": 8.916900093370733, + "nauc_mrr_at_100_std": 22.117180205415533, + "nauc_mrr_at_10_diff1": 37.92016806722721, + "nauc_mrr_at_10_max": 8.916900093370733, + "nauc_mrr_at_10_std": 22.117180205415533, + "nauc_mrr_at_1_diff1": 37.920168067226776, + "nauc_mrr_at_1_max": 8.916900093370584, + "nauc_mrr_at_1_std": 22.117180205415405, + "nauc_mrr_at_20_diff1": 37.92016806722721, + "nauc_mrr_at_20_max": 8.916900093370733, + "nauc_mrr_at_20_std": 22.117180205415533, + "nauc_mrr_at_3_diff1": 37.92016806722721, + "nauc_mrr_at_3_max": 8.916900093370733, + "nauc_mrr_at_3_std": 22.117180205415533, + "nauc_mrr_at_5_diff1": 37.92016806722721, + "nauc_mrr_at_5_max": 8.916900093370733, + "nauc_mrr_at_5_std": 22.117180205415533, + "nauc_ndcg_at_1000_diff1": 8.521491123342738, + "nauc_ndcg_at_1000_max": 33.00473635451372, + "nauc_ndcg_at_1000_std": 68.23856521354314, + "nauc_ndcg_at_100_diff1": 7.579300791205225, + "nauc_ndcg_at_100_max": 37.710370018529176, + "nauc_ndcg_at_100_std": 64.88287259377455, + "nauc_ndcg_at_10_diff1": 16.222263093560027, + "nauc_ndcg_at_10_max": 24.992121096921053, + "nauc_ndcg_at_10_std": 38.55100841743667, + "nauc_ndcg_at_1_diff1": 34.26238738738736, + "nauc_ndcg_at_1_max": 2.0994208494208912, + "nauc_ndcg_at_1_std": 34.78523166023159, + "nauc_ndcg_at_20_diff1": 14.66836044758468, + "nauc_ndcg_at_20_max": 37.980897102959254, + "nauc_ndcg_at_20_std": 55.088065073193384, + "nauc_ndcg_at_3_diff1": 14.260719289394878, + "nauc_ndcg_at_3_max": 9.987815227921645, + "nauc_ndcg_at_3_std": 36.89480489474395, + "nauc_ndcg_at_5_diff1": 21.44965758928399, + "nauc_ndcg_at_5_max": 16.800339135540813, + "nauc_ndcg_at_5_std": 40.970864822902655, + "nauc_precision_at_1000_diff1": -24.790752711798277, + "nauc_precision_at_1000_max": 14.744105121143447, + "nauc_precision_at_1000_std": 27.330538098341282, + "nauc_precision_at_100_diff1": 5.207401427044022, + "nauc_precision_at_100_max": 33.68994458941364, + "nauc_precision_at_100_std": 63.67064009046427, + "nauc_precision_at_10_diff1": 9.202327262712192, + "nauc_precision_at_10_max": 33.09033635143045, + "nauc_precision_at_10_std": 30.090887182841573, + "nauc_precision_at_1_diff1": 37.920168067226776, + "nauc_precision_at_1_max": 8.916900093370584, + "nauc_precision_at_1_std": 22.117180205415405, + "nauc_precision_at_20_diff1": 9.241778934352723, + "nauc_precision_at_20_max": 46.3131480478757, + "nauc_precision_at_20_std": 51.48742898243859, + "nauc_precision_at_3_diff1": 8.528129662677928, + "nauc_precision_at_3_max": 28.849360755975507, + "nauc_precision_at_3_std": 34.75029987419905, + "nauc_precision_at_5_diff1": 19.869351197305594, + "nauc_precision_at_5_max": 29.914134497945955, + "nauc_precision_at_5_std": 38.28417039860837, + "nauc_recall_at_1000_diff1": 1.4864052347959933, + "nauc_recall_at_1000_max": 26.677496064573784, + "nauc_recall_at_1000_std": 57.58908006108822, + "nauc_recall_at_100_diff1": 33.936895170931095, + "nauc_recall_at_100_max": 21.088704619988643, + "nauc_recall_at_100_std": 37.01573558787262, + "nauc_recall_at_10_diff1": 26.69952553674343, + "nauc_recall_at_10_max": 5.387440771414719, + "nauc_recall_at_10_std": 5.475592115850053, + "nauc_recall_at_1_diff1": 26.03047942436184, + "nauc_recall_at_1_max": -1.8634718917346798, + "nauc_recall_at_1_std": -2.7881471230811767, + "nauc_recall_at_20_diff1": 29.20290402741169, + "nauc_recall_at_20_max": 10.503476589449743, + "nauc_recall_at_20_std": 12.909057340580492, + "nauc_recall_at_3_diff1": 26.1874599109351, + "nauc_recall_at_3_max": 3.2330495640914725, + "nauc_recall_at_3_std": 3.4613897806900646, + "nauc_recall_at_5_diff1": 28.414989541462955, + "nauc_recall_at_5_max": 0.2662078485691208, + "nauc_recall_at_5_std": 4.924665776620815, + "ndcg_at_1": 88.0, + "ndcg_at_10": 82.472, + "ndcg_at_100": 66.188, + "ndcg_at_1000": 60.05200000000001, + "ndcg_at_20": 79.782, + "ndcg_at_3": 84.939, + "ndcg_at_5": 84.54700000000001, + "precision_at_1": 92.0, + "precision_at_10": 85.8, + "precision_at_100": 68.16, + "precision_at_1000": 26.496, + "precision_at_20": 83.7, + "precision_at_3": 88.0, + "precision_at_5": 88.4, + "recall_at_1": 0.244, + "recall_at_10": 2.22, + "recall_at_100": 16.697, + "recall_at_1000": 57.033, + "recall_at_20": 4.301, + "recall_at_3": 0.685, + "recall_at_5": 1.159 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/Touche2020.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/Touche2020.json new file mode 100644 index 000000000..cab75ff03 --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/Touche2020.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 24.7, + "map_at_1": 1.8350000000000002, + "map_at_10": 9.385, + "map_at_100": 15.751999999999999, + "map_at_1000": 17.357, + "map_at_20": 11.93, + "map_at_3": 4.455, + "map_at_5": 6.188, + "mrr_at_1": 28.57142857142857, + "mrr_at_10": 43.27340459993521, + "mrr_at_100": 44.588722072878205, + "mrr_at_1000": 44.588722072878205, + "mrr_at_20": 44.17137463324359, + "mrr_at_3": 39.455782312925166, + "mrr_at_5": 41.70068027210883, + "nauc_map_at_1000_diff1": 3.8298195437770537, + "nauc_map_at_1000_max": 13.771844732194829, + "nauc_map_at_1000_std": 19.29786404290547, + "nauc_map_at_100_diff1": 3.8927604843499735, + "nauc_map_at_100_max": 12.769257441869922, + "nauc_map_at_100_std": 15.788237027355665, + "nauc_map_at_10_diff1": 5.931490598251997, + "nauc_map_at_10_max": 13.680069332373563, + "nauc_map_at_10_std": 1.1621360655557855, + "nauc_map_at_1_diff1": 2.5191045547339246, + "nauc_map_at_1_max": 26.262684180827723, + "nauc_map_at_1_std": 11.673938727339559, + "nauc_map_at_20_diff1": 3.006592455468332, + "nauc_map_at_20_max": 11.717797097718446, + "nauc_map_at_20_std": 2.2724143319154315, + "nauc_map_at_3_diff1": 12.831129328925664, + "nauc_map_at_3_max": 12.405779573598991, + "nauc_map_at_3_std": -2.8124187492891264, + "nauc_map_at_5_diff1": 15.98021350983196, + "nauc_map_at_5_max": 9.056183547839753, + "nauc_map_at_5_std": -3.2826962878341788, + "nauc_mrr_at_1000_diff1": -5.794890738524456, + "nauc_mrr_at_1000_max": 13.697185831632897, + "nauc_mrr_at_1000_std": 24.631969103480568, + "nauc_mrr_at_100_diff1": -5.794890738524456, + "nauc_mrr_at_100_max": 13.697185831632897, + "nauc_mrr_at_100_std": 24.631969103480568, + "nauc_mrr_at_10_diff1": -6.386203318843087, + "nauc_mrr_at_10_max": 13.244363733609843, + "nauc_mrr_at_10_std": 23.85218563666624, + "nauc_mrr_at_1_diff1": -10.071571494502948, + "nauc_mrr_at_1_max": 17.28112978017911, + "nauc_mrr_at_1_std": 21.458308992920365, + "nauc_mrr_at_20_diff1": -6.003367578570198, + "nauc_mrr_at_20_max": 13.911873192715065, + "nauc_mrr_at_20_std": 25.477100749222902, + "nauc_mrr_at_3_diff1": -6.867484873134922, + "nauc_mrr_at_3_max": 15.64058174587745, + "nauc_mrr_at_3_std": 22.712306358508364, + "nauc_mrr_at_5_diff1": -4.809966508264632, + "nauc_mrr_at_5_max": 12.095003702970027, + "nauc_mrr_at_5_std": 24.442255620074484, + "nauc_ndcg_at_1000_diff1": 11.434789444093685, + "nauc_ndcg_at_1000_max": 19.86851237564927, + "nauc_ndcg_at_1000_std": 40.75483058183507, + "nauc_ndcg_at_100_diff1": 8.47533044191214, + "nauc_ndcg_at_100_max": 13.575094411118432, + "nauc_ndcg_at_100_std": 35.56446142831008, + "nauc_ndcg_at_10_diff1": 3.8335346471495133, + "nauc_ndcg_at_10_max": 13.604843458587629, + "nauc_ndcg_at_10_std": 14.026218004849186, + "nauc_ndcg_at_1_diff1": -7.753442025343042, + "nauc_ndcg_at_1_max": 16.06299655203062, + "nauc_ndcg_at_1_std": 21.58079636889492, + "nauc_ndcg_at_20_diff1": 7.440981403494449, + "nauc_ndcg_at_20_max": 10.960931136182648, + "nauc_ndcg_at_20_std": 14.132481758302665, + "nauc_ndcg_at_3_diff1": 8.097829929493612, + "nauc_ndcg_at_3_max": 13.50824542271782, + "nauc_ndcg_at_3_std": 13.275247050693869, + "nauc_ndcg_at_5_diff1": 11.971002032611313, + "nauc_ndcg_at_5_max": 7.246169276334145, + "nauc_ndcg_at_5_std": 13.975255468959613, + "nauc_precision_at_1000_diff1": 5.616105475807897, + "nauc_precision_at_1000_max": 25.581074402479505, + "nauc_precision_at_1000_std": 28.030885522347404, + "nauc_precision_at_100_diff1": 5.563452871367157, + "nauc_precision_at_100_max": 20.2742392314572, + "nauc_precision_at_100_std": 69.72201297915448, + "nauc_precision_at_10_diff1": 1.3379158842989611, + "nauc_precision_at_10_max": 12.076929332870746, + "nauc_precision_at_10_std": 19.420680340269207, + "nauc_precision_at_1_diff1": -10.071571494502948, + "nauc_precision_at_1_max": 17.28112978017911, + "nauc_precision_at_1_std": 21.458308992920365, + "nauc_precision_at_20_diff1": 4.240200829917038, + "nauc_precision_at_20_max": 8.993878588160804, + "nauc_precision_at_20_std": 30.80491219798138, + "nauc_precision_at_3_diff1": 12.886975175455992, + "nauc_precision_at_3_max": 11.298461410464169, + "nauc_precision_at_3_std": 10.518238245615933, + "nauc_precision_at_5_diff1": 17.435560313660595, + "nauc_precision_at_5_max": 2.2155983021008256, + "nauc_precision_at_5_std": 11.998919133184952, + "nauc_recall_at_1000_diff1": 20.776784820989995, + "nauc_recall_at_1000_max": 7.82142405608866, + "nauc_recall_at_1000_std": 61.814763636984914, + "nauc_recall_at_100_diff1": 3.8928372388427777, + "nauc_recall_at_100_max": 0.9218533326334627, + "nauc_recall_at_100_std": 37.90057790091917, + "nauc_recall_at_10_diff1": 1.620404946253575, + "nauc_recall_at_10_max": 7.657179453157968, + "nauc_recall_at_10_std": 1.4727974035045146, + "nauc_recall_at_1_diff1": 2.5191045547339246, + "nauc_recall_at_1_max": 26.262684180827723, + "nauc_recall_at_1_std": 11.673938727339559, + "nauc_recall_at_20_diff1": 1.7449368151648579, + "nauc_recall_at_20_max": 1.7480936001393137, + "nauc_recall_at_20_std": 4.712827220834413, + "nauc_recall_at_3_diff1": 11.857687870032672, + "nauc_recall_at_3_max": 7.014395082015944, + "nauc_recall_at_3_std": -2.9526240248867732, + "nauc_recall_at_5_diff1": 15.486663741149448, + "nauc_recall_at_5_max": 2.6981538842605866, + "nauc_recall_at_5_std": -2.279294596760028, + "ndcg_at_1": 26.531, + "ndcg_at_10": 24.7, + "ndcg_at_100": 37.21, + "ndcg_at_1000": 48.687999999999995, + "ndcg_at_20": 25.365, + "ndcg_at_3": 26.8, + "ndcg_at_5": 24.618000000000002, + "precision_at_1": 28.571, + "precision_at_10": 22.041, + "precision_at_100": 8.122, + "precision_at_1000": 1.5879999999999999, + "precision_at_20": 16.735, + "precision_at_3": 27.211000000000002, + "precision_at_5": 24.082, + "recall_at_1": 1.8350000000000002, + "recall_at_10": 16.039, + "recall_at_100": 49.82, + "recall_at_1000": 85.979, + "recall_at_20": 24.169999999999998, + "recall_at_3": 5.789, + "recall_at_5": 8.725 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/ToxicConversationsClassification.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..e5d3afe3a --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/ToxicConversationsClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 67.314453125, + "ap": 13.15420979399679, + "ap_weighted": 13.15420979399679, + "f1": 52.03706668900905, + "f1_weighted": 74.55554872499289, + "main_score": 67.314453125 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/TweetSentimentExtractionClassification.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..0e418a1a5 --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 64.03225806451613, + "f1": 64.06843534121843, + "f1_weighted": 62.74796899202356, + "main_score": 64.03225806451613 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/TwentyNewsgroupsClustering.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..4412d232f --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 53.5182998227727, + "v_measure": 53.5182998227727, + "v_measure_std": 1.8758215247032688 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/TwitterSemEval2015.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/TwitterSemEval2015.json new file mode 100644 index 000000000..d4fbea1c7 --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/TwitterSemEval2015.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 88.77630088812064, + "cosine_accuracy_threshold": 78.23218107223511, + "cosine_ap": 82.3910336126561, + "cosine_f1": 74.85029940119759, + "cosine_f1_threshold": 74.12334680557251, + "cosine_precision": 70.9891150023663, + "cosine_recall": 79.15567282321899, + "dot_accuracy": 88.77630088812064, + "dot_accuracy_threshold": 78.23217511177063, + "dot_ap": 82.39102411942014, + "dot_f1": 74.85029940119759, + "dot_f1_threshold": 74.12335872650146, + "dot_precision": 70.9891150023663, + "dot_recall": 79.15567282321899, + "euclidean_accuracy": 88.77630088812064, + "euclidean_accuracy_threshold": 65.98154306411743, + "euclidean_ap": 82.39103194961726, + "euclidean_f1": 74.85029940119759, + "euclidean_f1_threshold": 71.93976640701294, + "euclidean_precision": 70.9891150023663, + "euclidean_recall": 79.15567282321899, + "main_score": 82.39103516928604, + "manhattan_accuracy": 88.72265601716636, + "manhattan_accuracy_threshold": 3392.3141479492188, + "manhattan_ap": 82.37303670339044, + "manhattan_f1": 74.91452450297581, + "manhattan_f1_threshold": 3631.7977905273438, + "manhattan_precision": 72.02337472607742, + "manhattan_recall": 78.04749340369393, + "max_accuracy": 88.77630088812064, + "max_ap": 82.39103516928604, + "max_f1": 74.91452450297581, + "max_precision": 72.02337472607742, + "max_recall": 79.15567282321899, + "similarity_accuracy": 88.77630088812064, + "similarity_accuracy_threshold": 1776.1724472045898, + "similarity_ap": 82.39103516928604, + "similarity_f1": 74.85029940119759, + "similarity_f1_threshold": 1682.8865051269531, + "similarity_precision": 70.9891150023663, + "similarity_recall": 79.15567282321899 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/TwitterURLCorpus.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/TwitterURLCorpus.json new file mode 100644 index 000000000..4c1595640 --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/TwitterURLCorpus.json @@ -0,0 +1,57 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_accuracy": 89.86688399891334, + "cosine_accuracy_threshold": 72.39344120025635, + "cosine_ap": 87.60291936910795, + "cosine_f1": 80.1902671057446, + "cosine_f1_threshold": 69.8064923286438, + "cosine_precision": 76.40496444010599, + "cosine_recall": 84.3701878657222, + "dot_accuracy": 89.86688399891334, + "dot_accuracy_threshold": 72.39343523979187, + "dot_ap": 87.60292256175723, + "dot_f1": 80.1902671057446, + "dot_f1_threshold": 69.80648040771484, + "dot_precision": 76.40496444010599, + "dot_recall": 84.3701878657222, + "euclidean_accuracy": 89.86688399891334, + "euclidean_accuracy_threshold": 74.30553436279297, + "euclidean_ap": 87.60291559616975, + "euclidean_f1": 80.1902671057446, + "euclidean_f1_threshold": 77.70909070968628, + "euclidean_precision": 76.40496444010599, + "euclidean_recall": 84.3701878657222, + "main_score": 87.60538403560003, + "manhattan_accuracy": 89.88822913028291, + "manhattan_accuracy_threshold": 3783.2366943359375, + "manhattan_ap": 87.60538403560003, + "manhattan_f1": 80.16710642040458, + "manhattan_f1_threshold": 3948.430633544922, + "manhattan_precision": 76.4895104895105, + "manhattan_recall": 84.21619956883278, + "max_accuracy": 89.88822913028291, + "max_ap": 87.60538403560003, + "max_f1": 80.1902671057446, + "max_precision": 76.4895104895105, + "max_recall": 84.3701878657222, + "similarity_accuracy": 89.86688399891334, + "similarity_accuracy_threshold": 1643.6103820800781, + "similarity_ap": 87.6029128769812, + "similarity_f1": 80.1902671057446, + "similarity_f1_threshold": 1584.8767280578613, + "similarity_precision": 76.40496444010599, + "similarity_recall": 84.3701878657222 + } + ] + } +} \ No newline at end of file diff --git a/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/model_meta.json b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/model_meta.json new file mode 100644 index 000000000..0d0a48e1c --- /dev/null +++ b/results/tsirif__BinGSE-Meta-Llama-3-8B-Instruct/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "tsirif/BinGSE-Meta-Llama-3-8B-Instruct", + "revision": "f81b71bd97208b36c6fe2446116db6a11113ede0", + "release_date": "2024-10-25", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": null, + "embed_dim": null, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/AmazonCounterfactualClassification.json b/results/vectoriseai__bge-base-en-v1.5/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..661c9d00a --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.14925373134328, + "ap": 39.32336517995478, + "f1": 70.16902252611425, + "main_score": 76.14925373134328 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/AmazonPolarityClassification.json b/results/vectoriseai__bge-base-en-v1.5/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..30822c87f --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.386825, + "ap": 90.21276917991995, + "f1": 93.37741030006174, + "main_score": 93.386825 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/AmazonReviewsClassification.json b/results/vectoriseai__bge-base-en-v1.5/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..92b3f1339 --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 48.846000000000004, + "f1": 48.14646269778261, + "main_score": 48.846000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/ArguAna.json b/results/vectoriseai__bge-base-en-v1.5/external/ArguAna.json new file mode 100644 index 000000000..d4884bd11 --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.754000000000005, + "map_at_10": 55.761, + "map_at_100": 56.330999999999996, + "map_at_1000": 56.333999999999996, + "map_at_3": 51.92, + "map_at_5": 54.010999999999996, + "mrr_at_1": 41.181, + "mrr_at_10": 55.967999999999996, + "mrr_at_100": 56.538, + "mrr_at_1000": 56.542, + "mrr_at_3": 51.980000000000004, + "mrr_at_5": 54.208999999999996, + "ndcg_at_1": 40.754000000000005, + "ndcg_at_10": 63.605000000000004, + "ndcg_at_100": 66.05199999999999, + "ndcg_at_1000": 66.12, + "ndcg_at_3": 55.708, + "ndcg_at_5": 59.452000000000005, + "precision_at_1": 40.754000000000005, + "precision_at_10": 8.841000000000001, + "precision_at_100": 0.991, + "precision_at_1000": 0.1, + "precision_at_3": 22.238, + "precision_at_5": 15.149000000000001, + "recall_at_1": 40.754000000000005, + "recall_at_10": 88.407, + "recall_at_100": 99.14699999999999, + "recall_at_1000": 99.644, + "recall_at_3": 66.714, + "recall_at_5": 75.747, + "main_score": 63.605000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/ArxivClusteringP2P.json b/results/vectoriseai__bge-base-en-v1.5/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..0490cedfb --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.74884539679369, + "main_score": 48.74884539679369 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/ArxivClusteringS2S.json b/results/vectoriseai__bge-base-en-v1.5/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..2be4b6620 --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 42.8075893810716, + "main_score": 42.8075893810716 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/AskUbuntuDupQuestions.json b/results/vectoriseai__bge-base-en-v1.5/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..d9d9ff34f --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 62.128470519187736, + "mrr": 74.28065778481289, + "main_score": 62.128470519187736 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/BIOSSES.json b/results/vectoriseai__bge-base-en-v1.5/external/BIOSSES.json new file mode 100644 index 000000000..cb8f4884d --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 89.24629081484655, + "cos_sim_spearman": 86.93752309911496, + "euclidean_pearson": 87.58589628573816, + "euclidean_spearman": 88.05622328825284, + "manhattan_pearson": 87.5594959805773, + "manhattan_spearman": 88.19658793233961, + "cosine_pearson": 89.24629081484655, + "cosine_spearman": 86.93752309911496, + "main_score": 86.93752309911496 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/Banking77Classification.json b/results/vectoriseai__bge-base-en-v1.5/external/Banking77Classification.json new file mode 100644 index 000000000..0a9505ce5 --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.9512987012987, + "f1": 86.92515357973708, + "main_score": 86.9512987012987 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/BiorxivClusteringP2P.json b/results/vectoriseai__bge-base-en-v1.5/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..a1e73fa27 --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.10263762928872, + "main_score": 39.10263762928872 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/BiorxivClusteringS2S.json b/results/vectoriseai__bge-base-en-v1.5/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..1b0d19987 --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.69711517426737, + "main_score": 36.69711517426737 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/CQADupstackAndroidRetrieval.json b/results/vectoriseai__bge-base-en-v1.5/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..f0aef1916 --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.327, + "map_at_10": 44.099, + "map_at_100": 45.525, + "map_at_1000": 45.641999999999996, + "map_at_3": 40.47, + "map_at_5": 42.36, + "mrr_at_1": 39.199, + "mrr_at_10": 49.651, + "mrr_at_100": 50.29, + "mrr_at_1000": 50.329, + "mrr_at_3": 46.924, + "mrr_at_5": 48.548, + "ndcg_at_1": 39.199, + "ndcg_at_10": 50.773, + "ndcg_at_100": 55.67999999999999, + "ndcg_at_1000": 57.495, + "ndcg_at_3": 45.513999999999996, + "ndcg_at_5": 47.703, + "precision_at_1": 39.199, + "precision_at_10": 9.914000000000001, + "precision_at_100": 1.5310000000000001, + "precision_at_1000": 0.198, + "precision_at_3": 21.984, + "precision_at_5": 15.737000000000002, + "recall_at_1": 32.327, + "recall_at_10": 63.743, + "recall_at_100": 84.538, + "recall_at_1000": 96.089, + "recall_at_3": 48.065000000000005, + "recall_at_5": 54.519, + "main_score": 50.773 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.671, + "map_at_10": 42.954, + "map_at_100": 44.151, + "map_at_1000": 44.287, + "map_at_3": 39.912, + "map_at_5": 41.798, + "mrr_at_1": 41.465, + "mrr_at_10": 49.351, + "mrr_at_100": 49.980000000000004, + "mrr_at_1000": 50.016000000000005, + "mrr_at_3": 47.144000000000005, + "mrr_at_5": 48.592999999999996, + "ndcg_at_1": 41.465, + "ndcg_at_10": 48.565999999999995, + "ndcg_at_100": 52.76499999999999, + "ndcg_at_1000": 54.749, + "ndcg_at_3": 44.57, + "ndcg_at_5": 46.759, + "precision_at_1": 41.465, + "precision_at_10": 9.107999999999999, + "precision_at_100": 1.433, + "precision_at_1000": 0.191, + "precision_at_3": 21.423000000000002, + "precision_at_5": 15.414, + "recall_at_1": 32.671, + "recall_at_10": 57.738, + "recall_at_100": 75.86500000000001, + "recall_at_1000": 88.36, + "recall_at_3": 45.626, + "recall_at_5": 51.812000000000005, + "main_score": 48.565999999999995 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 41.185, + "map_at_10": 53.929, + "map_at_100": 54.92, + "map_at_1000": 54.967999999999996, + "map_at_3": 50.70400000000001, + "map_at_5": 52.673, + "mrr_at_1": 47.398, + "mrr_at_10": 57.303000000000004, + "mrr_at_100": 57.959, + "mrr_at_1000": 57.985, + "mrr_at_3": 54.932, + "mrr_at_5": 56.464999999999996, + "ndcg_at_1": 47.398, + "ndcg_at_10": 59.653, + "ndcg_at_100": 63.627, + "ndcg_at_1000": 64.596, + "ndcg_at_3": 54.455, + "ndcg_at_5": 57.245000000000005, + "precision_at_1": 47.398, + "precision_at_10": 9.524000000000001, + "precision_at_100": 1.243, + "precision_at_1000": 0.13699999999999998, + "precision_at_3": 24.389, + "precision_at_5": 16.752, + "recall_at_1": 41.185, + "recall_at_10": 73.193, + "recall_at_100": 90.357, + "recall_at_1000": 97.253, + "recall_at_3": 59.199999999999996, + "recall_at_5": 66.118, + "main_score": 59.653 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.27, + "map_at_10": 36.223, + "map_at_100": 37.218, + "map_at_1000": 37.293, + "map_at_3": 33.503, + "map_at_5": 35.097, + "mrr_at_1": 29.492, + "mrr_at_10": 38.352000000000004, + "mrr_at_100": 39.188, + "mrr_at_1000": 39.247, + "mrr_at_3": 35.876000000000005, + "mrr_at_5": 37.401, + "ndcg_at_1": 29.492, + "ndcg_at_10": 41.239, + "ndcg_at_100": 46.066, + "ndcg_at_1000": 47.992000000000004, + "ndcg_at_3": 36.11, + "ndcg_at_5": 38.772, + "precision_at_1": 29.492, + "precision_at_10": 6.260000000000001, + "precision_at_100": 0.914, + "precision_at_1000": 0.11100000000000002, + "precision_at_3": 15.104000000000001, + "precision_at_5": 10.644, + "recall_at_1": 27.27, + "recall_at_10": 54.589, + "recall_at_100": 76.70700000000001, + "recall_at_1000": 91.158, + "recall_at_3": 40.974, + "recall_at_5": 47.327000000000005, + "main_score": 41.239 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.848, + "map_at_10": 26.207, + "map_at_100": 27.478, + "map_at_1000": 27.602, + "map_at_3": 23.405, + "map_at_5": 24.98, + "mrr_at_1": 21.891, + "mrr_at_10": 31.041999999999998, + "mrr_at_100": 32.092, + "mrr_at_1000": 32.151999999999994, + "mrr_at_3": 28.358, + "mrr_at_5": 29.969, + "ndcg_at_1": 21.891, + "ndcg_at_10": 31.585, + "ndcg_at_100": 37.531, + "ndcg_at_1000": 40.256, + "ndcg_at_3": 26.508, + "ndcg_at_5": 28.894, + "precision_at_1": 21.891, + "precision_at_10": 5.795999999999999, + "precision_at_100": 0.9990000000000001, + "precision_at_1000": 0.13799999999999998, + "precision_at_3": 12.769, + "precision_at_5": 9.279, + "recall_at_1": 17.848, + "recall_at_10": 43.452, + "recall_at_100": 69.216, + "recall_at_1000": 88.102, + "recall_at_3": 29.18, + "recall_at_5": 35.347, + "main_score": 31.585 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.94, + "map_at_10": 41.248000000000005, + "map_at_100": 42.495, + "map_at_1000": 42.602000000000004, + "map_at_3": 37.939, + "map_at_5": 39.924, + "mrr_at_1": 37.824999999999996, + "mrr_at_10": 47.041, + "mrr_at_100": 47.83, + "mrr_at_1000": 47.878, + "mrr_at_3": 44.466, + "mrr_at_5": 46.111999999999995, + "ndcg_at_1": 37.824999999999996, + "ndcg_at_10": 47.223, + "ndcg_at_100": 52.394, + "ndcg_at_1000": 54.432, + "ndcg_at_3": 42.032000000000004, + "ndcg_at_5": 44.772, + "precision_at_1": 37.824999999999996, + "precision_at_10": 8.393, + "precision_at_100": 1.2890000000000001, + "precision_at_1000": 0.164, + "precision_at_3": 19.698, + "precision_at_5": 14.013, + "recall_at_1": 30.94, + "recall_at_10": 59.316, + "recall_at_100": 80.783, + "recall_at_1000": 94.15400000000001, + "recall_at_3": 44.712, + "recall_at_5": 51.932, + "main_score": 47.223 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.104, + "map_at_10": 36.675999999999995, + "map_at_100": 38.076, + "map_at_1000": 38.189, + "map_at_3": 33.733999999999995, + "map_at_5": 35.287, + "mrr_at_1": 33.904, + "mrr_at_10": 42.55, + "mrr_at_100": 43.434, + "mrr_at_1000": 43.494, + "mrr_at_3": 40.126, + "mrr_at_5": 41.473, + "ndcg_at_1": 33.904, + "ndcg_at_10": 42.414, + "ndcg_at_100": 48.203, + "ndcg_at_1000": 50.437, + "ndcg_at_3": 37.633, + "ndcg_at_5": 39.67, + "precision_at_1": 33.904, + "precision_at_10": 7.82, + "precision_at_100": 1.2409999999999999, + "precision_at_1000": 0.159, + "precision_at_3": 17.884, + "precision_at_5": 12.648000000000001, + "recall_at_1": 27.104, + "recall_at_10": 53.563, + "recall_at_100": 78.557, + "recall_at_1000": 93.533, + "recall_at_3": 39.92, + "recall_at_5": 45.457, + "main_score": 42.414 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.707749999999997, + "map_at_10": 36.961, + "map_at_100": 38.158833333333334, + "map_at_1000": 38.270333333333326, + "map_at_3": 34.07183333333334, + "map_at_5": 35.69533333333334, + "mrr_at_1": 32.81875, + "mrr_at_10": 41.293, + "mrr_at_100": 42.116499999999995, + "mrr_at_1000": 42.170249999999996, + "mrr_at_3": 38.83983333333333, + "mrr_at_5": 40.29775, + "ndcg_at_1": 32.81875, + "ndcg_at_10": 42.355, + "ndcg_at_100": 47.41374999999999, + "ndcg_at_1000": 49.5805, + "ndcg_at_3": 37.52825, + "ndcg_at_5": 39.83266666666667, + "precision_at_1": 32.81875, + "precision_at_10": 7.382416666666666, + "precision_at_100": 1.1640833333333334, + "precision_at_1000": 0.15383333333333335, + "precision_at_3": 17.134166666666665, + "precision_at_5": 12.174833333333336, + "recall_at_1": 27.707749999999997, + "recall_at_10": 53.945, + "recall_at_100": 76.191, + "recall_at_1000": 91.101, + "recall_at_3": 40.39083333333334, + "recall_at_5": 46.40083333333333, + "main_score": 42.355 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.482, + "map_at_10": 33.201, + "map_at_100": 34.107, + "map_at_1000": 34.197, + "map_at_3": 31.174000000000003, + "map_at_5": 32.279, + "mrr_at_1": 29.908, + "mrr_at_10": 36.235, + "mrr_at_100": 37.04, + "mrr_at_1000": 37.105, + "mrr_at_3": 34.355999999999995, + "mrr_at_5": 35.382999999999996, + "ndcg_at_1": 29.908, + "ndcg_at_10": 37.325, + "ndcg_at_100": 41.795, + "ndcg_at_1000": 44.105, + "ndcg_at_3": 33.555, + "ndcg_at_5": 35.266999999999996, + "precision_at_1": 29.908, + "precision_at_10": 5.721, + "precision_at_100": 0.8630000000000001, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 14.008000000000001, + "precision_at_5": 9.754999999999999, + "recall_at_1": 26.482, + "recall_at_10": 47.072, + "recall_at_100": 67.27, + "recall_at_1000": 84.371, + "recall_at_3": 36.65, + "recall_at_5": 40.774, + "main_score": 37.325 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.815, + "map_at_10": 26.369999999999997, + "map_at_100": 27.458, + "map_at_1000": 27.588, + "map_at_3": 23.990000000000002, + "map_at_5": 25.345000000000002, + "mrr_at_1": 22.953000000000003, + "mrr_at_10": 30.342999999999996, + "mrr_at_100": 31.241000000000003, + "mrr_at_1000": 31.319000000000003, + "mrr_at_3": 28.16, + "mrr_at_5": 29.406, + "ndcg_at_1": 22.953000000000003, + "ndcg_at_10": 31.151, + "ndcg_at_100": 36.309000000000005, + "ndcg_at_1000": 39.227000000000004, + "ndcg_at_3": 26.921, + "ndcg_at_5": 28.938000000000002, + "precision_at_1": 22.953000000000003, + "precision_at_10": 5.602, + "precision_at_100": 0.9530000000000001, + "precision_at_1000": 0.13899999999999998, + "precision_at_3": 12.606, + "precision_at_5": 9.119, + "recall_at_1": 18.815, + "recall_at_10": 41.574, + "recall_at_100": 64.84400000000001, + "recall_at_1000": 85.406, + "recall_at_3": 29.694, + "recall_at_5": 34.935, + "main_score": 31.151 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.840999999999998, + "map_at_10": 36.797999999999995, + "map_at_100": 37.993, + "map_at_1000": 38.086999999999996, + "map_at_3": 34.050999999999995, + "map_at_5": 35.379, + "mrr_at_1": 32.649, + "mrr_at_10": 41.025, + "mrr_at_100": 41.878, + "mrr_at_1000": 41.929, + "mrr_at_3": 38.573, + "mrr_at_5": 39.715, + "ndcg_at_1": 32.649, + "ndcg_at_10": 42.142, + "ndcg_at_100": 47.558, + "ndcg_at_1000": 49.643, + "ndcg_at_3": 37.12, + "ndcg_at_5": 38.983000000000004, + "precision_at_1": 32.649, + "precision_at_10": 7.08, + "precision_at_100": 1.1039999999999999, + "precision_at_1000": 0.13899999999999998, + "precision_at_3": 16.698, + "precision_at_5": 11.511000000000001, + "recall_at_1": 27.840999999999998, + "recall_at_10": 54.245, + "recall_at_100": 77.947, + "recall_at_1000": 92.36999999999999, + "recall_at_3": 40.146, + "recall_at_5": 44.951, + "main_score": 42.142 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.529000000000003, + "map_at_10": 35.010000000000005, + "map_at_100": 36.647, + "map_at_1000": 36.857, + "map_at_3": 31.968000000000004, + "map_at_5": 33.554, + "mrr_at_1": 31.818, + "mrr_at_10": 39.550999999999995, + "mrr_at_100": 40.54, + "mrr_at_1000": 40.596, + "mrr_at_3": 36.726, + "mrr_at_5": 38.416, + "ndcg_at_1": 31.818, + "ndcg_at_10": 40.675, + "ndcg_at_100": 46.548, + "ndcg_at_1000": 49.126, + "ndcg_at_3": 35.829, + "ndcg_at_5": 38.0, + "precision_at_1": 31.818, + "precision_at_10": 7.826, + "precision_at_100": 1.538, + "precision_at_1000": 0.24, + "precision_at_3": 16.601, + "precision_at_5": 12.095, + "recall_at_1": 26.529000000000003, + "recall_at_10": 51.03, + "recall_at_100": 77.556, + "recall_at_1000": 93.804, + "recall_at_3": 36.986000000000004, + "recall_at_5": 43.096000000000004, + "main_score": 40.675 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.480999999999998, + "map_at_10": 30.817, + "map_at_100": 31.838, + "map_at_1000": 31.932, + "map_at_3": 28.011999999999997, + "map_at_5": 29.668, + "mrr_at_1": 25.323, + "mrr_at_10": 33.072, + "mrr_at_100": 33.926, + "mrr_at_1000": 33.993, + "mrr_at_3": 30.436999999999998, + "mrr_at_5": 32.092, + "ndcg_at_1": 25.323, + "ndcg_at_10": 35.514, + "ndcg_at_100": 40.489000000000004, + "ndcg_at_1000": 42.908, + "ndcg_at_3": 30.092000000000002, + "ndcg_at_5": 32.989000000000004, + "precision_at_1": 25.323, + "precision_at_10": 5.545, + "precision_at_100": 0.861, + "precision_at_1000": 0.117, + "precision_at_3": 12.446, + "precision_at_5": 9.131, + "recall_at_1": 23.480999999999998, + "recall_at_10": 47.825, + "recall_at_100": 70.652, + "recall_at_1000": 88.612, + "recall_at_3": 33.537, + "recall_at_5": 40.542, + "main_score": 35.514 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/ClimateFEVER.json b/results/vectoriseai__bge-base-en-v1.5/external/ClimateFEVER.json new file mode 100644 index 000000000..e972dce8c --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 13.333999999999998, + "map_at_10": 22.524, + "map_at_100": 24.506, + "map_at_1000": 24.715, + "map_at_3": 19.022, + "map_at_5": 20.693, + "mrr_at_1": 29.186, + "mrr_at_10": 41.22, + "mrr_at_100": 42.16, + "mrr_at_1000": 42.192, + "mrr_at_3": 38.013000000000005, + "mrr_at_5": 39.704, + "ndcg_at_1": 29.186, + "ndcg_at_10": 31.167, + "ndcg_at_100": 38.879000000000005, + "ndcg_at_1000": 42.376000000000005, + "ndcg_at_3": 25.817, + "ndcg_at_5": 27.377000000000002, + "precision_at_1": 29.186, + "precision_at_10": 9.693999999999999, + "precision_at_100": 1.8030000000000002, + "precision_at_1000": 0.246, + "precision_at_3": 19.11, + "precision_at_5": 14.344999999999999, + "recall_at_1": 13.333999999999998, + "recall_at_10": 37.092000000000006, + "recall_at_100": 63.651, + "recall_at_1000": 83.05, + "recall_at_3": 23.74, + "recall_at_5": 28.655, + "main_score": 31.167 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/DBPedia.json b/results/vectoriseai__bge-base-en-v1.5/external/DBPedia.json new file mode 100644 index 000000000..19836ec18 --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.151, + "map_at_10": 19.653000000000002, + "map_at_100": 28.053, + "map_at_1000": 29.709000000000003, + "map_at_3": 14.191, + "map_at_5": 16.456, + "mrr_at_1": 66.25, + "mrr_at_10": 74.4, + "mrr_at_100": 74.715, + "mrr_at_1000": 74.726, + "mrr_at_3": 72.417, + "mrr_at_5": 73.667, + "ndcg_at_1": 54.25, + "ndcg_at_10": 40.77, + "ndcg_at_100": 46.359, + "ndcg_at_1000": 54.193000000000005, + "ndcg_at_3": 44.832, + "ndcg_at_5": 42.63, + "precision_at_1": 66.25, + "precision_at_10": 32.175, + "precision_at_100": 10.668, + "precision_at_1000": 2.067, + "precision_at_3": 47.667, + "precision_at_5": 41.3, + "recall_at_1": 9.151, + "recall_at_10": 25.003999999999998, + "recall_at_100": 52.976, + "recall_at_1000": 78.315, + "recall_at_3": 15.487, + "recall_at_5": 18.999, + "main_score": 40.77 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/EmotionClassification.json b/results/vectoriseai__bge-base-en-v1.5/external/EmotionClassification.json new file mode 100644 index 000000000..a55621eea --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 51.89999999999999, + "f1": 46.47777925067403, + "main_score": 51.89999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/FEVER.json b/results/vectoriseai__bge-base-en-v1.5/external/FEVER.json new file mode 100644 index 000000000..7c2808c08 --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 73.706, + "map_at_10": 82.423, + "map_at_100": 82.67999999999999, + "map_at_1000": 82.694, + "map_at_3": 81.328, + "map_at_5": 82.001, + "mrr_at_1": 79.613, + "mrr_at_10": 87.07000000000001, + "mrr_at_100": 87.169, + "mrr_at_1000": 87.17, + "mrr_at_3": 86.404, + "mrr_at_5": 86.856, + "ndcg_at_1": 79.613, + "ndcg_at_10": 86.289, + "ndcg_at_100": 87.201, + "ndcg_at_1000": 87.428, + "ndcg_at_3": 84.625, + "ndcg_at_5": 85.53699999999999, + "precision_at_1": 79.613, + "precision_at_10": 10.399, + "precision_at_100": 1.1079999999999999, + "precision_at_1000": 0.11499999999999999, + "precision_at_3": 32.473, + "precision_at_5": 20.132, + "recall_at_1": 73.706, + "recall_at_10": 93.559, + "recall_at_100": 97.188, + "recall_at_1000": 98.555, + "recall_at_3": 88.98700000000001, + "recall_at_5": 91.373, + "main_score": 86.289 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/FiQA2018.json b/results/vectoriseai__bge-base-en-v1.5/external/FiQA2018.json new file mode 100644 index 000000000..61e256f69 --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.841, + "map_at_10": 32.643, + "map_at_100": 34.575, + "map_at_1000": 34.736, + "map_at_3": 28.317999999999998, + "map_at_5": 30.964000000000002, + "mrr_at_1": 39.660000000000004, + "mrr_at_10": 48.620000000000005, + "mrr_at_100": 49.384, + "mrr_at_1000": 49.415, + "mrr_at_3": 45.988, + "mrr_at_5": 47.361, + "ndcg_at_1": 39.660000000000004, + "ndcg_at_10": 40.646, + "ndcg_at_100": 47.657, + "ndcg_at_1000": 50.428, + "ndcg_at_3": 36.689, + "ndcg_at_5": 38.211, + "precision_at_1": 39.660000000000004, + "precision_at_10": 11.235000000000001, + "precision_at_100": 1.8530000000000002, + "precision_at_1000": 0.23600000000000002, + "precision_at_3": 24.587999999999997, + "precision_at_5": 18.395, + "recall_at_1": 19.841, + "recall_at_10": 48.135, + "recall_at_100": 74.224, + "recall_at_1000": 90.826, + "recall_at_3": 33.536, + "recall_at_5": 40.311, + "main_score": 40.646 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/HotpotQA.json b/results/vectoriseai__bge-base-en-v1.5/external/HotpotQA.json new file mode 100644 index 000000000..168c6cd17 --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.358, + "map_at_10": 64.497, + "map_at_100": 65.362, + "map_at_1000": 65.41900000000001, + "map_at_3": 61.06700000000001, + "map_at_5": 63.317, + "mrr_at_1": 80.716, + "mrr_at_10": 86.10799999999999, + "mrr_at_100": 86.265, + "mrr_at_1000": 86.27, + "mrr_at_3": 85.271, + "mrr_at_5": 85.82499999999999, + "ndcg_at_1": 80.716, + "ndcg_at_10": 72.597, + "ndcg_at_100": 75.549, + "ndcg_at_1000": 76.61, + "ndcg_at_3": 67.874, + "ndcg_at_5": 70.655, + "precision_at_1": 80.716, + "precision_at_10": 15.148, + "precision_at_100": 1.745, + "precision_at_1000": 0.188, + "precision_at_3": 43.597, + "precision_at_5": 28.351, + "recall_at_1": 40.358, + "recall_at_10": 75.739, + "recall_at_100": 87.259, + "recall_at_1000": 94.234, + "recall_at_3": 65.39500000000001, + "recall_at_5": 70.878, + "main_score": 72.597 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/ImdbClassification.json b/results/vectoriseai__bge-base-en-v1.5/external/ImdbClassification.json new file mode 100644 index 000000000..908f6e80f --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 90.80799999999998, + "ap": 86.81350378180757, + "f1": 90.79901248314215, + "main_score": 90.80799999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/MSMARCO.json b/results/vectoriseai__bge-base-en-v1.5/external/MSMARCO.json new file mode 100644 index 000000000..9558f091d --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.096, + "map_at_10": 34.384, + "map_at_100": 35.541, + "map_at_1000": 35.589999999999996, + "map_at_3": 30.496000000000002, + "map_at_5": 32.718, + "mrr_at_1": 22.750999999999998, + "mrr_at_10": 35.024, + "mrr_at_100": 36.125, + "mrr_at_1000": 36.168, + "mrr_at_3": 31.225, + "mrr_at_5": 33.416000000000004, + "ndcg_at_1": 22.750999999999998, + "ndcg_at_10": 41.351, + "ndcg_at_100": 46.92, + "ndcg_at_1000": 48.111, + "ndcg_at_3": 33.439, + "ndcg_at_5": 37.407000000000004, + "precision_at_1": 22.750999999999998, + "precision_at_10": 6.564, + "precision_at_100": 0.935, + "precision_at_1000": 0.104, + "precision_at_3": 14.288, + "precision_at_5": 10.581999999999999, + "recall_at_1": 22.096, + "recall_at_10": 62.771, + "recall_at_100": 88.529, + "recall_at_1000": 97.55, + "recall_at_3": 41.245, + "recall_at_5": 50.788, + "main_score": 41.351 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/MTOPDomainClassification.json b/results/vectoriseai__bge-base-en-v1.5/external/MTOPDomainClassification.json new file mode 100644 index 000000000..31fcb9c22 --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 94.16780665754673, + "f1": 93.96331194859894, + "main_score": 94.16780665754673 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/MTOPIntentClassification.json b/results/vectoriseai__bge-base-en-v1.5/external/MTOPIntentClassification.json new file mode 100644 index 000000000..f107f2821 --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.90606475148198, + "f1": 58.58344986604187, + "main_score": 76.90606475148198 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/MassiveIntentClassification.json b/results/vectoriseai__bge-base-en-v1.5/external/MassiveIntentClassification.json new file mode 100644 index 000000000..6825893cb --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.14660390047075, + "f1": 74.31533923533614, + "main_score": 76.14660390047075 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/MassiveScenarioClassification.json b/results/vectoriseai__bge-base-en-v1.5/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..0136d6029 --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.16139878950908, + "f1": 80.18532656824924, + "main_score": 80.16139878950908 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/MedrxivClusteringP2P.json b/results/vectoriseai__bge-base-en-v1.5/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..fa1a17393 --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.949880906135085, + "main_score": 32.949880906135085 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/MedrxivClusteringS2S.json b/results/vectoriseai__bge-base-en-v1.5/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..3f5360bbd --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.56300351524862, + "main_score": 31.56300351524862 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/MindSmallReranking.json b/results/vectoriseai__bge-base-en-v1.5/external/MindSmallReranking.json new file mode 100644 index 000000000..466785e3b --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.196521894371315, + "mrr": 32.22644231694389, + "main_score": 31.196521894371315 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/NFCorpus.json b/results/vectoriseai__bge-base-en-v1.5/external/NFCorpus.json new file mode 100644 index 000000000..ca5cc3cb3 --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.783, + "map_at_10": 14.549000000000001, + "map_at_100": 18.433, + "map_at_1000": 19.949, + "map_at_3": 10.936, + "map_at_5": 12.514, + "mrr_at_1": 47.368, + "mrr_at_10": 56.42, + "mrr_at_100": 56.908, + "mrr_at_1000": 56.95, + "mrr_at_3": 54.283, + "mrr_at_5": 55.568, + "ndcg_at_1": 45.666000000000004, + "ndcg_at_10": 37.389, + "ndcg_at_100": 34.253, + "ndcg_at_1000": 43.059999999999995, + "ndcg_at_3": 42.725, + "ndcg_at_5": 40.193, + "precision_at_1": 47.368, + "precision_at_10": 27.988000000000003, + "precision_at_100": 8.672, + "precision_at_1000": 2.164, + "precision_at_3": 40.248, + "precision_at_5": 34.737, + "recall_at_1": 6.783, + "recall_at_10": 17.838, + "recall_at_100": 33.672000000000004, + "recall_at_1000": 66.166, + "recall_at_3": 11.849, + "recall_at_5": 14.205000000000002, + "main_score": 37.389 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/NQ.json b/results/vectoriseai__bge-base-en-v1.5/external/NQ.json new file mode 100644 index 000000000..8d1207827 --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.698999999999998, + "map_at_10": 46.556, + "map_at_100": 47.652, + "map_at_1000": 47.68, + "map_at_3": 42.492000000000004, + "map_at_5": 44.763999999999996, + "mrr_at_1": 35.747, + "mrr_at_10": 49.242999999999995, + "mrr_at_100": 50.052, + "mrr_at_1000": 50.068, + "mrr_at_3": 45.867000000000004, + "mrr_at_5": 47.778999999999996, + "ndcg_at_1": 35.717999999999996, + "ndcg_at_10": 54.14600000000001, + "ndcg_at_100": 58.672999999999995, + "ndcg_at_1000": 59.279, + "ndcg_at_3": 46.407, + "ndcg_at_5": 50.181, + "precision_at_1": 35.717999999999996, + "precision_at_10": 8.844000000000001, + "precision_at_100": 1.139, + "precision_at_1000": 0.12, + "precision_at_3": 20.993000000000002, + "precision_at_5": 14.791000000000002, + "recall_at_1": 31.698999999999998, + "recall_at_10": 74.693, + "recall_at_100": 94.15299999999999, + "recall_at_1000": 98.585, + "recall_at_3": 54.388999999999996, + "recall_at_5": 63.08200000000001, + "main_score": 54.14600000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/QuoraRetrieval.json b/results/vectoriseai__bge-base-en-v1.5/external/QuoraRetrieval.json new file mode 100644 index 000000000..3239a2153 --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 71.283, + "map_at_10": 85.24000000000001, + "map_at_100": 85.882, + "map_at_1000": 85.897, + "map_at_3": 82.326, + "map_at_5": 84.177, + "mrr_at_1": 82.21000000000001, + "mrr_at_10": 88.228, + "mrr_at_100": 88.32, + "mrr_at_1000": 88.32, + "mrr_at_3": 87.323, + "mrr_at_5": 87.94800000000001, + "ndcg_at_1": 82.17999999999999, + "ndcg_at_10": 88.9, + "ndcg_at_100": 90.079, + "ndcg_at_1000": 90.158, + "ndcg_at_3": 86.18299999999999, + "ndcg_at_5": 87.71799999999999, + "precision_at_1": 82.17999999999999, + "precision_at_10": 13.464, + "precision_at_100": 1.533, + "precision_at_1000": 0.157, + "precision_at_3": 37.693, + "precision_at_5": 24.792, + "recall_at_1": 71.283, + "recall_at_10": 95.742, + "recall_at_100": 99.67200000000001, + "recall_at_1000": 99.981, + "recall_at_3": 87.888, + "recall_at_5": 92.24, + "main_score": 88.9 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/RedditClustering.json b/results/vectoriseai__bge-base-en-v1.5/external/RedditClustering.json new file mode 100644 index 000000000..da2e5db29 --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 56.24267063669042, + "main_score": 56.24267063669042 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/RedditClusteringP2P.json b/results/vectoriseai__bge-base-en-v1.5/external/RedditClusteringP2P.json new file mode 100644 index 000000000..c64cf3073 --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 62.88056988932578, + "main_score": 62.88056988932578 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/SCIDOCS.json b/results/vectoriseai__bge-base-en-v1.5/external/SCIDOCS.json new file mode 100644 index 000000000..2bb7c65df --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.903, + "map_at_10": 13.202, + "map_at_100": 15.5, + "map_at_1000": 15.870999999999999, + "map_at_3": 9.407, + "map_at_5": 11.238, + "mrr_at_1": 24.2, + "mrr_at_10": 35.867, + "mrr_at_100": 37.001, + "mrr_at_1000": 37.043, + "mrr_at_3": 32.5, + "mrr_at_5": 34.35, + "ndcg_at_1": 24.2, + "ndcg_at_10": 21.731, + "ndcg_at_100": 30.7, + "ndcg_at_1000": 36.618, + "ndcg_at_3": 20.72, + "ndcg_at_5": 17.954, + "precision_at_1": 24.2, + "precision_at_10": 11.33, + "precision_at_100": 2.4410000000000003, + "precision_at_1000": 0.386, + "precision_at_3": 19.667, + "precision_at_5": 15.86, + "recall_at_1": 4.903, + "recall_at_10": 22.962, + "recall_at_100": 49.563, + "recall_at_1000": 78.238, + "recall_at_3": 11.953, + "recall_at_5": 16.067999999999998, + "main_score": 21.731 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/SICK-R.json b/results/vectoriseai__bge-base-en-v1.5/external/SICK-R.json new file mode 100644 index 000000000..9d1d598d4 --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.12694254604078, + "cos_sim_spearman": 80.30141815181918, + "euclidean_pearson": 81.34015449877128, + "euclidean_spearman": 80.13984197010849, + "manhattan_pearson": 81.31767068124086, + "manhattan_spearman": 80.11720513114103, + "cosine_pearson": 84.12694254604078, + "cosine_spearman": 80.30141815181918, + "main_score": 80.30141815181918 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/STS12.json b/results/vectoriseai__bge-base-en-v1.5/external/STS12.json new file mode 100644 index 000000000..367fe2fa2 --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.13112984010417, + "cos_sim_spearman": 78.03063573402875, + "euclidean_pearson": 83.51928418844804, + "euclidean_spearman": 78.4045235411144, + "manhattan_pearson": 83.49981637388689, + "manhattan_spearman": 78.4042575139372, + "cosine_pearson": 86.13112984010417, + "cosine_spearman": 78.03063573402875, + "main_score": 78.03063573402875 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/STS13.json b/results/vectoriseai__bge-base-en-v1.5/external/STS13.json new file mode 100644 index 000000000..a0cd959fe --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.50327987379504, + "cos_sim_spearman": 84.18556767756205, + "euclidean_pearson": 82.69684424327679, + "euclidean_spearman": 83.5368106038335, + "manhattan_pearson": 82.57967581007374, + "manhattan_spearman": 83.43009053133697, + "cosine_pearson": 82.50327987379504, + "cosine_spearman": 84.18556767756205, + "main_score": 84.18556767756205 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/STS14.json b/results/vectoriseai__bge-base-en-v1.5/external/STS14.json new file mode 100644 index 000000000..df901b39f --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.50756863007814, + "cos_sim_spearman": 82.27204331279108, + "euclidean_pearson": 81.39535251429741, + "euclidean_spearman": 81.84386626336239, + "manhattan_pearson": 81.34281737280695, + "manhattan_spearman": 81.81149375673166, + "cosine_pearson": 82.50756863007814, + "cosine_spearman": 82.27204331279108, + "main_score": 82.27204331279108 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/STS15.json b/results/vectoriseai__bge-base-en-v1.5/external/STS15.json new file mode 100644 index 000000000..fe1502c90 --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.8727714856726, + "cos_sim_spearman": 87.95738287792312, + "euclidean_pearson": 86.62920602795887, + "euclidean_spearman": 87.05207355381243, + "manhattan_pearson": 86.53587918472225, + "manhattan_spearman": 86.95382961029586, + "cosine_pearson": 86.8727714856726, + "cosine_spearman": 87.95738287792312, + "main_score": 87.95738287792312 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/STS16.json b/results/vectoriseai__bge-base-en-v1.5/external/STS16.json new file mode 100644 index 000000000..4a3ba9944 --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.52240359769479, + "cos_sim_spearman": 85.47685776238286, + "euclidean_pearson": 84.25815333483058, + "euclidean_spearman": 85.27415639683198, + "manhattan_pearson": 84.29127757025637, + "manhattan_spearman": 85.30226224917351, + "cosine_pearson": 83.52240359769479, + "cosine_spearman": 85.47685776238286, + "main_score": 85.47685776238286 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/STS17.json b/results/vectoriseai__bge-base-en-v1.5/external/STS17.json new file mode 100644 index 000000000..36c12cdd1 --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.42501708915708, + "cos_sim_spearman": 86.42276182795041, + "euclidean_pearson": 86.5408207354761, + "euclidean_spearman": 85.46096321750838, + "manhattan_pearson": 86.54177303026881, + "manhattan_spearman": 85.50313151916117, + "cosine_pearson": 86.42501708915708, + "cosine_spearman": 86.42276182795041, + "main_score": 86.42276182795041 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/STS22.json b/results/vectoriseai__bge-base-en-v1.5/external/STS22.json new file mode 100644 index 000000000..760739894 --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 64.86521089250766, + "cos_sim_spearman": 65.94868540323003, + "euclidean_pearson": 67.16569626533084, + "euclidean_spearman": 66.37667004134917, + "manhattan_pearson": 67.1482365102333, + "manhattan_spearman": 66.53240122580029, + "cosine_pearson": 64.86521089250766, + "cosine_spearman": 65.94868540323003, + "main_score": 65.94868540323003 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/STSBenchmark.json b/results/vectoriseai__bge-base-en-v1.5/external/STSBenchmark.json new file mode 100644 index 000000000..d7971e437 --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.64746265365318, + "cos_sim_spearman": 86.41888825906786, + "euclidean_pearson": 85.27453642725811, + "euclidean_spearman": 85.94095796602544, + "manhattan_pearson": 85.28643660505334, + "manhattan_spearman": 85.95028003260744, + "cosine_pearson": 84.64746265365318, + "cosine_spearman": 86.41888825906786, + "main_score": 86.41888825906786 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/SciDocsRR.json b/results/vectoriseai__bge-base-en-v1.5/external/SciDocsRR.json new file mode 100644 index 000000000..2cd98d22d --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 87.48903153618527, + "mrr": 96.41081503826601, + "main_score": 87.48903153618527 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/SciFact.json b/results/vectoriseai__bge-base-en-v1.5/external/SciFact.json new file mode 100644 index 000000000..d0c909cdd --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 58.594, + "map_at_10": 69.296, + "map_at_100": 69.782, + "map_at_1000": 69.795, + "map_at_3": 66.23, + "map_at_5": 68.293, + "mrr_at_1": 61.667, + "mrr_at_10": 70.339, + "mrr_at_100": 70.708, + "mrr_at_1000": 70.722, + "mrr_at_3": 68.0, + "mrr_at_5": 69.56700000000001, + "ndcg_at_1": 61.667, + "ndcg_at_10": 74.039, + "ndcg_at_100": 76.103, + "ndcg_at_1000": 76.47800000000001, + "ndcg_at_3": 68.967, + "ndcg_at_5": 71.96900000000001, + "precision_at_1": 61.667, + "precision_at_10": 9.866999999999999, + "precision_at_100": 1.097, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 27.111, + "precision_at_5": 18.2, + "recall_at_1": 58.594, + "recall_at_10": 87.422, + "recall_at_100": 96.667, + "recall_at_1000": 99.667, + "recall_at_3": 74.217, + "recall_at_5": 81.539, + "main_score": 74.039 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/SprintDuplicateQuestions.json b/results/vectoriseai__bge-base-en-v1.5/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..a733dfcaf --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.85049504950496, + "cos_sim_ap": 96.33111544137081, + "cos_sim_f1": 92.35443037974684, + "cos_sim_precision": 93.53846153846153, + "cos_sim_recall": 91.2, + "dot_accuracy": 99.82376237623762, + "dot_ap": 95.38082527310888, + "dot_f1": 90.90909090909092, + "dot_precision": 92.90187891440502, + "dot_recall": 89.0, + "euclidean_accuracy": 99.84851485148515, + "euclidean_ap": 96.32316003996347, + "euclidean_f1": 92.2071392659628, + "euclidean_precision": 92.71991911021233, + "euclidean_recall": 91.7, + "manhattan_accuracy": 99.84851485148515, + "manhattan_ap": 96.3655668249217, + "manhattan_f1": 92.18356026222895, + "manhattan_precision": 92.98067141403867, + "manhattan_recall": 91.4, + "max_accuracy": 99.85049504950496, + "max_ap": 96.3655668249217, + "max_f1": 92.35443037974684, + "main_score": 96.3655668249217 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/StackExchangeClustering.json b/results/vectoriseai__bge-base-en-v1.5/external/StackExchangeClustering.json new file mode 100644 index 000000000..23393354d --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 65.94861371629051, + "main_score": 65.94861371629051 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/StackExchangeClusteringP2P.json b/results/vectoriseai__bge-base-en-v1.5/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..b03be8e89 --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.009430451385, + "main_score": 35.009430451385 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/StackOverflowDupQuestions.json b/results/vectoriseai__bge-base-en-v1.5/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..6f4ff354b --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 54.61164066427969, + "mrr": 55.49710603938544, + "main_score": 54.61164066427969 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/SummEval.json b/results/vectoriseai__bge-base-en-v1.5/external/SummEval.json new file mode 100644 index 000000000..5f4858e5e --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.622620124907662, + "cos_sim_spearman": 31.0678351356163, + "dot_pearson": 30.863727693306814, + "dot_spearman": 31.230306567021255, + "cosine_pearson": 30.622620124907662, + "cosine_spearman": 31.0678351356163, + "main_score": 31.0678351356163 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/TRECCOVID.json b/results/vectoriseai__bge-base-en-v1.5/external/TRECCOVID.json new file mode 100644 index 000000000..90cd9ea96 --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.22, + "map_at_10": 2.011, + "map_at_100": 10.974, + "map_at_1000": 25.819, + "map_at_3": 0.6649999999999999, + "map_at_5": 1.076, + "mrr_at_1": 86.0, + "mrr_at_10": 91.8, + "mrr_at_100": 91.8, + "mrr_at_1000": 91.8, + "mrr_at_3": 91.0, + "mrr_at_5": 91.8, + "ndcg_at_1": 82.0, + "ndcg_at_10": 78.07300000000001, + "ndcg_at_100": 58.231, + "ndcg_at_1000": 51.153000000000006, + "ndcg_at_3": 81.123, + "ndcg_at_5": 81.059, + "precision_at_1": 86.0, + "precision_at_10": 83.0, + "precision_at_100": 59.38, + "precision_at_1000": 22.55, + "precision_at_3": 87.333, + "precision_at_5": 86.8, + "recall_at_1": 0.22, + "recall_at_10": 2.2079999999999997, + "recall_at_100": 14.069, + "recall_at_1000": 47.678, + "recall_at_3": 0.7040000000000001, + "recall_at_5": 1.161, + "main_score": 78.07300000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/Touche2020.json b/results/vectoriseai__bge-base-en-v1.5/external/Touche2020.json new file mode 100644 index 000000000..09717bb71 --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.809, + "map_at_10": 10.394, + "map_at_100": 16.598, + "map_at_1000": 18.142, + "map_at_3": 5.572, + "map_at_5": 7.1370000000000005, + "mrr_at_1": 32.653, + "mrr_at_10": 46.564, + "mrr_at_100": 47.469, + "mrr_at_1000": 47.469, + "mrr_at_3": 42.177, + "mrr_at_5": 44.524, + "ndcg_at_1": 30.612000000000002, + "ndcg_at_10": 25.701, + "ndcg_at_100": 37.532, + "ndcg_at_1000": 48.757, + "ndcg_at_3": 28.199999999999996, + "ndcg_at_5": 25.987, + "precision_at_1": 32.653, + "precision_at_10": 23.469, + "precision_at_100": 7.9799999999999995, + "precision_at_1000": 1.5350000000000001, + "precision_at_3": 29.932, + "precision_at_5": 26.122, + "recall_at_1": 2.809, + "recall_at_10": 16.887, + "recall_at_100": 48.67, + "recall_at_1000": 82.89699999999999, + "recall_at_3": 6.521000000000001, + "recall_at_5": 9.609, + "main_score": 25.701 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/ToxicConversationsClassification.json b/results/vectoriseai__bge-base-en-v1.5/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..b0242d5b3 --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.57860000000001, + "ap": 13.82629211536393, + "f1": 54.59860966183956, + "main_score": 71.57860000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/TweetSentimentExtractionClassification.json b/results/vectoriseai__bge-base-en-v1.5/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..78e98d954 --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 59.38030560271647, + "f1": 59.69685552567865, + "main_score": 59.38030560271647 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/TwentyNewsgroupsClustering.json b/results/vectoriseai__bge-base-en-v1.5/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..6688b2a23 --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 51.4736717043405, + "main_score": 51.4736717043405 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/TwitterSemEval2015.json b/results/vectoriseai__bge-base-en-v1.5/external/TwitterSemEval2015.json new file mode 100644 index 000000000..5c9a1e4d4 --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 86.92853311080646, + "cos_sim_ap": 77.67872502591382, + "cos_sim_f1": 70.33941236068895, + "cos_sim_precision": 67.63273258645884, + "cos_sim_recall": 73.27176781002639, + "dot_accuracy": 85.79603027954938, + "dot_ap": 73.73786190233379, + "dot_f1": 67.3437901774235, + "dot_precision": 65.67201604814443, + "dot_recall": 69.10290237467018, + "euclidean_accuracy": 86.94045419324074, + "euclidean_ap": 77.6687791535167, + "euclidean_f1": 70.47209214023542, + "euclidean_precision": 67.7207492094381, + "euclidean_recall": 73.45646437994723, + "manhattan_accuracy": 86.87488823985218, + "manhattan_ap": 77.63373392430728, + "manhattan_f1": 70.40920716112532, + "manhattan_precision": 68.31265508684864, + "manhattan_recall": 72.63852242744063, + "max_accuracy": 86.94045419324074, + "max_ap": 77.67872502591382, + "max_f1": 70.47209214023542, + "main_score": 77.67872502591382 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/TwitterURLCorpus.json b/results/vectoriseai__bge-base-en-v1.5/external/TwitterURLCorpus.json new file mode 100644 index 000000000..dded6216c --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.67155664221679, + "cos_sim_ap": 85.64591703003417, + "cos_sim_f1": 77.59531005352656, + "cos_sim_precision": 73.60967184801382, + "cos_sim_recall": 82.03726516784724, + "dot_accuracy": 88.41541506578181, + "dot_ap": 84.6482788957769, + "dot_f1": 77.04748541466657, + "dot_precision": 74.02440754931176, + "dot_recall": 80.3279950723745, + "euclidean_accuracy": 88.63080684596576, + "euclidean_ap": 85.44570045321562, + "euclidean_f1": 77.28769403336106, + "euclidean_precision": 72.90600040958427, + "euclidean_recall": 82.22975053895904, + "manhattan_accuracy": 88.59393798269105, + "manhattan_ap": 85.40271361038187, + "manhattan_f1": 77.17606419344392, + "manhattan_precision": 72.4447747078295, + "manhattan_recall": 82.5685247921158, + "max_accuracy": 88.67155664221679, + "max_ap": 85.64591703003417, + "max_f1": 77.59531005352656, + "main_score": 85.64591703003417 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-base-en-v1.5/external/model_meta.json b/results/vectoriseai__bge-base-en-v1.5/external/model_meta.json new file mode 100644 index 000000000..71e16de4f --- /dev/null +++ b/results/vectoriseai__bge-base-en-v1.5/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "vectoriseai/bge-base-en-v1.5", + "revision": "50f86309723c4923b6936c68a091bac85fda39e4", + "release_date": "2023-10-09", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 109499339, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 768, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/AmazonCounterfactualClassification.json b/results/vectoriseai__bge-large-en-v1.5/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..b000af11f --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.8507462686567, + "ap": 38.566457320228245, + "f1": 69.69386648043475, + "main_score": 75.8507462686567 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/AmazonPolarityClassification.json b/results/vectoriseai__bge-large-en-v1.5/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..16be0c533 --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.416675, + "ap": 89.1928861155922, + "f1": 92.39477019574215, + "main_score": 92.416675 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/AmazonReviewsClassification.json b/results/vectoriseai__bge-large-en-v1.5/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..a2e323137 --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 48.175999999999995, + "f1": 47.80712792870253, + "main_score": 48.175999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/ArguAna.json b/results/vectoriseai__bge-large-en-v1.5/external/ArguAna.json new file mode 100644 index 000000000..de00f62be --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.184999999999995, + "map_at_10": 55.654, + "map_at_100": 56.25, + "map_at_1000": 56.255, + "map_at_3": 51.742999999999995, + "map_at_5": 54.129000000000005, + "mrr_at_1": 40.967, + "mrr_at_10": 55.96, + "mrr_at_100": 56.54900000000001, + "mrr_at_1000": 56.554, + "mrr_at_3": 51.980000000000004, + "mrr_at_5": 54.44, + "ndcg_at_1": 40.184999999999995, + "ndcg_at_10": 63.542, + "ndcg_at_100": 65.96499999999999, + "ndcg_at_1000": 66.08699999999999, + "ndcg_at_3": 55.582, + "ndcg_at_5": 59.855000000000004, + "precision_at_1": 40.184999999999995, + "precision_at_10": 8.841000000000001, + "precision_at_100": 0.987, + "precision_at_1000": 0.1, + "precision_at_3": 22.238, + "precision_at_5": 15.405, + "recall_at_1": 40.184999999999995, + "recall_at_10": 88.407, + "recall_at_100": 98.72, + "recall_at_1000": 99.644, + "recall_at_3": 66.714, + "recall_at_5": 77.027, + "main_score": 63.542 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/ArxivClusteringP2P.json b/results/vectoriseai__bge-large-en-v1.5/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..f8f3798ed --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.567077926750066, + "main_score": 48.567077926750066 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/ArxivClusteringS2S.json b/results/vectoriseai__bge-large-en-v1.5/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..3bbdfa23f --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 43.19453389182364, + "main_score": 43.19453389182364 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/AskUbuntuDupQuestions.json b/results/vectoriseai__bge-large-en-v1.5/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..50f36bc02 --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 64.46555939623092, + "mrr": 77.82361605768807, + "main_score": 64.46555939623092 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/BIOSSES.json b/results/vectoriseai__bge-large-en-v1.5/external/BIOSSES.json new file mode 100644 index 000000000..3b36b2f7a --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.9554128814735, + "cos_sim_spearman": 84.65373612172036, + "euclidean_pearson": 83.2905059954138, + "euclidean_spearman": 84.52240782811128, + "manhattan_pearson": 82.99533802997436, + "manhattan_spearman": 84.20673798475734, + "cosine_pearson": 84.9554128814735, + "cosine_spearman": 84.65373612172036, + "main_score": 84.65373612172036 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/Banking77Classification.json b/results/vectoriseai__bge-large-en-v1.5/external/Banking77Classification.json new file mode 100644 index 000000000..41279087f --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 87.78896103896103, + "f1": 87.77189310964883, + "main_score": 87.78896103896103 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/BiorxivClusteringP2P.json b/results/vectoriseai__bge-large-en-v1.5/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..55f0de8d5 --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.714538337650495, + "main_score": 39.714538337650495 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/BiorxivClusteringS2S.json b/results/vectoriseai__bge-large-en-v1.5/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..ac4543ace --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.90108349284447, + "main_score": 36.90108349284447 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/CQADupstackAndroidRetrieval.json b/results/vectoriseai__bge-large-en-v1.5/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..0b92a0877 --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.795, + "map_at_10": 43.669000000000004, + "map_at_100": 45.151, + "map_at_1000": 45.278, + "map_at_3": 40.006, + "map_at_5": 42.059999999999995, + "mrr_at_1": 39.771, + "mrr_at_10": 49.826, + "mrr_at_100": 50.504000000000005, + "mrr_at_1000": 50.549, + "mrr_at_3": 47.115, + "mrr_at_5": 48.832, + "ndcg_at_1": 39.771, + "ndcg_at_10": 50.217999999999996, + "ndcg_at_100": 55.454, + "ndcg_at_1000": 57.37, + "ndcg_at_3": 44.885000000000005, + "ndcg_at_5": 47.419, + "precision_at_1": 39.771, + "precision_at_10": 9.642000000000001, + "precision_at_100": 1.538, + "precision_at_1000": 0.198, + "precision_at_3": 21.268, + "precision_at_5": 15.536, + "recall_at_1": 32.795, + "recall_at_10": 62.580999999999996, + "recall_at_100": 84.438, + "recall_at_1000": 96.492, + "recall_at_3": 47.071000000000005, + "recall_at_5": 54.079, + "main_score": 50.217999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.671, + "map_at_10": 43.334, + "map_at_100": 44.566, + "map_at_1000": 44.702999999999996, + "map_at_3": 40.343, + "map_at_5": 41.983, + "mrr_at_1": 40.764, + "mrr_at_10": 49.382, + "mrr_at_100": 49.988, + "mrr_at_1000": 50.03300000000001, + "mrr_at_3": 47.293, + "mrr_at_5": 48.51, + "ndcg_at_1": 40.764, + "ndcg_at_10": 49.039, + "ndcg_at_100": 53.259, + "ndcg_at_1000": 55.253, + "ndcg_at_3": 45.091, + "ndcg_at_5": 46.839999999999996, + "precision_at_1": 40.764, + "precision_at_10": 9.191, + "precision_at_100": 1.476, + "precision_at_1000": 0.19499999999999998, + "precision_at_3": 21.72, + "precision_at_5": 15.299, + "recall_at_1": 32.671, + "recall_at_10": 58.816, + "recall_at_100": 76.654, + "recall_at_1000": 89.05999999999999, + "recall_at_3": 46.743, + "recall_at_5": 51.783, + "main_score": 49.039 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.328, + "map_at_10": 53.32599999999999, + "map_at_100": 54.37499999999999, + "map_at_1000": 54.429, + "map_at_3": 49.902, + "map_at_5": 52.002, + "mrr_at_1": 46.332, + "mrr_at_10": 56.858, + "mrr_at_100": 57.522, + "mrr_at_1000": 57.54899999999999, + "mrr_at_3": 54.472, + "mrr_at_5": 55.996, + "ndcg_at_1": 46.332, + "ndcg_at_10": 59.313, + "ndcg_at_100": 63.266999999999996, + "ndcg_at_1000": 64.36, + "ndcg_at_3": 53.815000000000005, + "ndcg_at_5": 56.814, + "precision_at_1": 46.332, + "precision_at_10": 9.53, + "precision_at_100": 1.238, + "precision_at_1000": 0.13699999999999998, + "precision_at_3": 24.054000000000002, + "precision_at_5": 16.589000000000002, + "recall_at_1": 40.328, + "recall_at_10": 73.421, + "recall_at_100": 90.059, + "recall_at_1000": 97.81, + "recall_at_3": 59.009, + "recall_at_5": 66.352, + "main_score": 59.313 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.424, + "map_at_10": 36.332, + "map_at_100": 37.347, + "map_at_1000": 37.422, + "map_at_3": 33.743, + "map_at_5": 35.176, + "mrr_at_1": 29.153000000000002, + "mrr_at_10": 38.233, + "mrr_at_100": 39.109, + "mrr_at_1000": 39.164, + "mrr_at_3": 35.876000000000005, + "mrr_at_5": 37.169000000000004, + "ndcg_at_1": 29.153000000000002, + "ndcg_at_10": 41.439, + "ndcg_at_100": 46.42, + "ndcg_at_1000": 48.242000000000004, + "ndcg_at_3": 36.362, + "ndcg_at_5": 38.743, + "precision_at_1": 29.153000000000002, + "precision_at_10": 6.315999999999999, + "precision_at_100": 0.927, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 15.443000000000001, + "precision_at_5": 10.644, + "recall_at_1": 27.424, + "recall_at_10": 55.364000000000004, + "recall_at_100": 78.211, + "recall_at_1000": 91.74600000000001, + "recall_at_3": 41.379, + "recall_at_5": 47.14, + "main_score": 41.439 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.601, + "map_at_10": 27.826, + "map_at_100": 29.017, + "map_at_1000": 29.137, + "map_at_3": 25.125999999999998, + "map_at_5": 26.765, + "mrr_at_1": 24.005000000000003, + "mrr_at_10": 32.716, + "mrr_at_100": 33.631, + "mrr_at_1000": 33.694, + "mrr_at_3": 29.934, + "mrr_at_5": 31.630999999999997, + "ndcg_at_1": 24.005000000000003, + "ndcg_at_10": 33.158, + "ndcg_at_100": 38.739000000000004, + "ndcg_at_1000": 41.495, + "ndcg_at_3": 28.185, + "ndcg_at_5": 30.796, + "precision_at_1": 24.005000000000003, + "precision_at_10": 5.908, + "precision_at_100": 1.005, + "precision_at_1000": 0.13899999999999998, + "precision_at_3": 13.391, + "precision_at_5": 9.876, + "recall_at_1": 19.601, + "recall_at_10": 44.746, + "recall_at_100": 68.82300000000001, + "recall_at_1000": 88.215, + "recall_at_3": 31.239, + "recall_at_5": 37.695, + "main_score": 33.158 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.130000000000003, + "map_at_10": 40.96, + "map_at_100": 42.282, + "map_at_1000": 42.392, + "map_at_3": 37.889, + "map_at_5": 39.661, + "mrr_at_1": 36.958999999999996, + "mrr_at_10": 46.835, + "mrr_at_100": 47.644, + "mrr_at_1000": 47.688, + "mrr_at_3": 44.562000000000005, + "mrr_at_5": 45.938, + "ndcg_at_1": 36.958999999999996, + "ndcg_at_10": 47.06, + "ndcg_at_100": 52.345, + "ndcg_at_1000": 54.35, + "ndcg_at_3": 42.301, + "ndcg_at_5": 44.635999999999996, + "precision_at_1": 36.958999999999996, + "precision_at_10": 8.479000000000001, + "precision_at_100": 1.284, + "precision_at_1000": 0.163, + "precision_at_3": 20.244, + "precision_at_5": 14.224999999999998, + "recall_at_1": 30.130000000000003, + "recall_at_10": 59.27, + "recall_at_100": 81.195, + "recall_at_1000": 94.21199999999999, + "recall_at_3": 45.885, + "recall_at_5": 52.016, + "main_score": 47.06 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.169999999999998, + "map_at_10": 36.451, + "map_at_100": 37.791000000000004, + "map_at_1000": 37.897, + "map_at_3": 33.109, + "map_at_5": 34.937000000000005, + "mrr_at_1": 32.877, + "mrr_at_10": 42.368, + "mrr_at_100": 43.201, + "mrr_at_1000": 43.259, + "mrr_at_3": 39.763999999999996, + "mrr_at_5": 41.260000000000005, + "ndcg_at_1": 32.877, + "ndcg_at_10": 42.659000000000006, + "ndcg_at_100": 48.161, + "ndcg_at_1000": 50.345, + "ndcg_at_3": 37.302, + "ndcg_at_5": 39.722, + "precision_at_1": 32.877, + "precision_at_10": 7.9, + "precision_at_100": 1.236, + "precision_at_1000": 0.158, + "precision_at_3": 17.846, + "precision_at_5": 12.9, + "recall_at_1": 26.169999999999998, + "recall_at_10": 55.35, + "recall_at_100": 78.755, + "recall_at_1000": 93.518, + "recall_at_3": 40.176, + "recall_at_5": 46.589000000000006, + "main_score": 42.659000000000006 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.15516666666667, + "map_at_10": 36.65741666666667, + "map_at_100": 37.84991666666666, + "map_at_1000": 37.96316666666667, + "map_at_3": 33.74974999999999, + "map_at_5": 35.3765, + "mrr_at_1": 32.08233333333334, + "mrr_at_10": 41.033833333333334, + "mrr_at_100": 41.84524999999999, + "mrr_at_1000": 41.89983333333333, + "mrr_at_3": 38.62008333333333, + "mrr_at_5": 40.03441666666666, + "ndcg_at_1": 32.08233333333334, + "ndcg_at_10": 42.229, + "ndcg_at_100": 47.26716666666667, + "ndcg_at_1000": 49.43466666666667, + "ndcg_at_3": 37.36408333333333, + "ndcg_at_5": 39.6715, + "precision_at_1": 32.08233333333334, + "precision_at_10": 7.382583333333334, + "precision_at_100": 1.16625, + "precision_at_1000": 0.15408333333333332, + "precision_at_3": 17.218, + "precision_at_5": 12.21875, + "recall_at_1": 27.15516666666667, + "recall_at_10": 54.36683333333333, + "recall_at_100": 76.37183333333333, + "recall_at_1000": 91.26183333333333, + "recall_at_3": 40.769916666666674, + "recall_at_5": 46.702333333333335, + "main_score": 42.229 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.749, + "map_at_10": 33.001999999999995, + "map_at_100": 33.891, + "map_at_1000": 33.993, + "map_at_3": 30.703999999999997, + "map_at_5": 31.959, + "mrr_at_1": 28.834, + "mrr_at_10": 35.955, + "mrr_at_100": 36.709, + "mrr_at_1000": 36.779, + "mrr_at_3": 33.947, + "mrr_at_5": 35.089, + "ndcg_at_1": 28.834, + "ndcg_at_10": 37.329, + "ndcg_at_100": 41.79, + "ndcg_at_1000": 44.169000000000004, + "ndcg_at_3": 33.184999999999995, + "ndcg_at_5": 35.107, + "precision_at_1": 28.834, + "precision_at_10": 5.7669999999999995, + "precision_at_100": 0.876, + "precision_at_1000": 0.11399999999999999, + "precision_at_3": 14.213000000000001, + "precision_at_5": 9.754999999999999, + "recall_at_1": 25.749, + "recall_at_10": 47.791, + "recall_at_100": 68.255, + "recall_at_1000": 85.749, + "recall_at_3": 36.199, + "recall_at_5": 41.071999999999996, + "main_score": 37.329 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.777, + "map_at_10": 25.201, + "map_at_100": 26.423999999999996, + "map_at_1000": 26.544, + "map_at_3": 22.869, + "map_at_5": 24.023, + "mrr_at_1": 21.473, + "mrr_at_10": 29.12, + "mrr_at_100": 30.144, + "mrr_at_1000": 30.215999999999998, + "mrr_at_3": 26.933, + "mrr_at_5": 28.051, + "ndcg_at_1": 21.473, + "ndcg_at_10": 30.003, + "ndcg_at_100": 35.766, + "ndcg_at_1000": 38.501000000000005, + "ndcg_at_3": 25.773000000000003, + "ndcg_at_5": 27.462999999999997, + "precision_at_1": 21.473, + "precision_at_10": 5.482, + "precision_at_100": 0.975, + "precision_at_1000": 0.13799999999999998, + "precision_at_3": 12.205, + "precision_at_5": 8.692, + "recall_at_1": 17.777, + "recall_at_10": 40.582, + "recall_at_100": 66.305, + "recall_at_1000": 85.636, + "recall_at_3": 28.687, + "recall_at_5": 33.089, + "main_score": 30.003 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.677, + "map_at_10": 36.309000000000005, + "map_at_100": 37.403999999999996, + "map_at_1000": 37.496, + "map_at_3": 33.382, + "map_at_5": 34.98, + "mrr_at_1": 31.343, + "mrr_at_10": 40.549, + "mrr_at_100": 41.342, + "mrr_at_1000": 41.397, + "mrr_at_3": 38.029, + "mrr_at_5": 39.451, + "ndcg_at_1": 31.343, + "ndcg_at_10": 42.1, + "ndcg_at_100": 47.089999999999996, + "ndcg_at_1000": 49.222, + "ndcg_at_3": 36.836999999999996, + "ndcg_at_5": 39.21, + "precision_at_1": 31.343, + "precision_at_10": 7.164, + "precision_at_100": 1.0959999999999999, + "precision_at_1000": 0.13899999999999998, + "precision_at_3": 16.915, + "precision_at_5": 11.940000000000001, + "recall_at_1": 26.677, + "recall_at_10": 55.54599999999999, + "recall_at_100": 77.094, + "recall_at_1000": 92.01, + "recall_at_3": 41.191, + "recall_at_5": 47.006, + "main_score": 42.1 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.501, + "map_at_10": 33.102, + "map_at_100": 34.676, + "map_at_1000": 34.888000000000005, + "map_at_3": 29.944, + "map_at_5": 31.613999999999997, + "mrr_at_1": 29.447000000000003, + "mrr_at_10": 37.996, + "mrr_at_100": 38.946, + "mrr_at_1000": 38.995000000000005, + "mrr_at_3": 35.079, + "mrr_at_5": 36.69, + "ndcg_at_1": 29.447000000000003, + "ndcg_at_10": 39.232, + "ndcg_at_100": 45.247, + "ndcg_at_1000": 47.613, + "ndcg_at_3": 33.922999999999995, + "ndcg_at_5": 36.284, + "precision_at_1": 29.447000000000003, + "precision_at_10": 7.648000000000001, + "precision_at_100": 1.516, + "precision_at_1000": 0.23900000000000002, + "precision_at_3": 16.008, + "precision_at_5": 11.779, + "recall_at_1": 24.501, + "recall_at_10": 51.18899999999999, + "recall_at_100": 78.437, + "recall_at_1000": 92.842, + "recall_at_3": 35.808, + "recall_at_5": 42.197, + "main_score": 39.232 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.039, + "map_at_10": 30.377, + "map_at_100": 31.275, + "map_at_1000": 31.379, + "map_at_3": 27.98, + "map_at_5": 29.358, + "mrr_at_1": 24.03, + "mrr_at_10": 32.568000000000005, + "mrr_at_100": 33.403, + "mrr_at_1000": 33.475, + "mrr_at_3": 30.436999999999998, + "mrr_at_5": 31.796000000000003, + "ndcg_at_1": 24.03, + "ndcg_at_10": 35.198, + "ndcg_at_100": 39.668, + "ndcg_at_1000": 42.296, + "ndcg_at_3": 30.709999999999997, + "ndcg_at_5": 33.024, + "precision_at_1": 24.03, + "precision_at_10": 5.564, + "precision_at_100": 0.828, + "precision_at_1000": 0.117, + "precision_at_3": 13.309000000000001, + "precision_at_5": 9.39, + "recall_at_1": 22.039, + "recall_at_10": 47.746, + "recall_at_100": 68.23599999999999, + "recall_at_1000": 87.852, + "recall_at_3": 35.852000000000004, + "recall_at_5": 41.410000000000004, + "main_score": 35.198 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/ClimateFEVER.json b/results/vectoriseai__bge-large-en-v1.5/external/ClimateFEVER.json new file mode 100644 index 000000000..fdda4132b --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.692999999999998, + "map_at_10": 26.903, + "map_at_100": 28.987000000000002, + "map_at_1000": 29.176999999999996, + "map_at_3": 22.137, + "map_at_5": 24.758, + "mrr_at_1": 35.57, + "mrr_at_10": 47.821999999999996, + "mrr_at_100": 48.608000000000004, + "mrr_at_1000": 48.638999999999996, + "mrr_at_3": 44.452000000000005, + "mrr_at_5": 46.546, + "ndcg_at_1": 35.57, + "ndcg_at_10": 36.567, + "ndcg_at_100": 44.085, + "ndcg_at_1000": 47.24, + "ndcg_at_3": 29.964000000000002, + "ndcg_at_5": 32.511, + "precision_at_1": 35.57, + "precision_at_10": 11.485, + "precision_at_100": 1.9619999999999997, + "precision_at_1000": 0.256, + "precision_at_3": 22.237000000000002, + "precision_at_5": 17.471999999999998, + "recall_at_1": 15.692999999999998, + "recall_at_10": 43.056, + "recall_at_100": 68.628, + "recall_at_1000": 86.075, + "recall_at_3": 26.918999999999997, + "recall_at_5": 34.14, + "main_score": 36.567 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/DBPedia.json b/results/vectoriseai__bge-large-en-v1.5/external/DBPedia.json new file mode 100644 index 000000000..7dea0b89b --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.53, + "map_at_10": 20.951, + "map_at_100": 30.136000000000003, + "map_at_1000": 31.801000000000002, + "map_at_3": 15.021, + "map_at_5": 17.471999999999998, + "mrr_at_1": 71.0, + "mrr_at_10": 79.176, + "mrr_at_100": 79.418, + "mrr_at_1000": 79.426, + "mrr_at_3": 78.125, + "mrr_at_5": 78.61200000000001, + "ndcg_at_1": 58.5, + "ndcg_at_10": 44.106, + "ndcg_at_100": 49.268, + "ndcg_at_1000": 56.711999999999996, + "ndcg_at_3": 48.934, + "ndcg_at_5": 45.826, + "precision_at_1": 71.0, + "precision_at_10": 35.0, + "precision_at_100": 11.360000000000001, + "precision_at_1000": 2.046, + "precision_at_3": 52.833, + "precision_at_5": 44.15, + "recall_at_1": 9.53, + "recall_at_10": 26.811, + "recall_at_100": 55.916999999999994, + "recall_at_1000": 79.973, + "recall_at_3": 16.413, + "recall_at_5": 19.980999999999998, + "main_score": 44.106 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/EmotionClassification.json b/results/vectoriseai__bge-large-en-v1.5/external/EmotionClassification.json new file mode 100644 index 000000000..dbfb9355d --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 51.519999999999996, + "f1": 46.36601294761231, + "main_score": 51.519999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/FEVER.json b/results/vectoriseai__bge-large-en-v1.5/external/FEVER.json new file mode 100644 index 000000000..c5a69793e --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 74.413, + "map_at_10": 83.414, + "map_at_100": 83.621, + "map_at_1000": 83.635, + "map_at_3": 82.337, + "map_at_5": 83.039, + "mrr_at_1": 80.19800000000001, + "mrr_at_10": 87.715, + "mrr_at_100": 87.778, + "mrr_at_1000": 87.779, + "mrr_at_3": 87.106, + "mrr_at_5": 87.555, + "ndcg_at_1": 80.19800000000001, + "ndcg_at_10": 87.182, + "ndcg_at_100": 87.90299999999999, + "ndcg_at_1000": 88.143, + "ndcg_at_3": 85.60600000000001, + "ndcg_at_5": 86.541, + "precision_at_1": 80.19800000000001, + "precision_at_10": 10.531, + "precision_at_100": 1.113, + "precision_at_1000": 0.11499999999999999, + "precision_at_3": 32.933, + "precision_at_5": 20.429, + "recall_at_1": 74.413, + "recall_at_10": 94.363, + "recall_at_100": 97.165, + "recall_at_1000": 98.668, + "recall_at_3": 90.108, + "recall_at_5": 92.52, + "main_score": 87.182 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/FiQA2018.json b/results/vectoriseai__bge-large-en-v1.5/external/FiQA2018.json new file mode 100644 index 000000000..fab9612a2 --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.701, + "map_at_10": 37.122, + "map_at_100": 39.178000000000004, + "map_at_1000": 39.326, + "map_at_3": 32.971000000000004, + "map_at_5": 35.332, + "mrr_at_1": 44.753, + "mrr_at_10": 53.452, + "mrr_at_100": 54.198, + "mrr_at_1000": 54.225, + "mrr_at_3": 50.952, + "mrr_at_5": 52.464, + "ndcg_at_1": 44.753, + "ndcg_at_10": 45.021, + "ndcg_at_100": 52.028, + "ndcg_at_1000": 54.596000000000004, + "ndcg_at_3": 41.622, + "ndcg_at_5": 42.736000000000004, + "precision_at_1": 44.753, + "precision_at_10": 12.284, + "precision_at_100": 1.955, + "precision_at_1000": 0.243, + "precision_at_3": 27.828999999999997, + "precision_at_5": 20.061999999999998, + "recall_at_1": 22.701, + "recall_at_10": 51.432, + "recall_at_100": 77.009, + "recall_at_1000": 92.511, + "recall_at_3": 37.919000000000004, + "recall_at_5": 44.131, + "main_score": 45.021 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/HotpotQA.json b/results/vectoriseai__bge-large-en-v1.5/external/HotpotQA.json new file mode 100644 index 000000000..aae49a00c --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.189, + "map_at_10": 66.24600000000001, + "map_at_100": 67.098, + "map_at_1000": 67.149, + "map_at_3": 62.684, + "map_at_5": 64.974, + "mrr_at_1": 80.378, + "mrr_at_10": 86.127, + "mrr_at_100": 86.29299999999999, + "mrr_at_1000": 86.297, + "mrr_at_3": 85.31400000000001, + "mrr_at_5": 85.858, + "ndcg_at_1": 80.378, + "ndcg_at_10": 74.101, + "ndcg_at_100": 76.993, + "ndcg_at_1000": 77.948, + "ndcg_at_3": 69.232, + "ndcg_at_5": 72.04599999999999, + "precision_at_1": 80.378, + "precision_at_10": 15.595999999999998, + "precision_at_100": 1.7840000000000003, + "precision_at_1000": 0.191, + "precision_at_3": 44.884, + "precision_at_5": 29.145, + "recall_at_1": 40.189, + "recall_at_10": 77.981, + "recall_at_100": 89.21, + "recall_at_1000": 95.48299999999999, + "recall_at_3": 67.326, + "recall_at_5": 72.863, + "main_score": 74.101 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/ImdbClassification.json b/results/vectoriseai__bge-large-en-v1.5/external/ImdbClassification.json new file mode 100644 index 000000000..34c4cb3b0 --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.84599999999999, + "ap": 89.4710787567357, + "f1": 92.83752676932258, + "main_score": 92.84599999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/MSMARCO.json b/results/vectoriseai__bge-large-en-v1.5/external/MSMARCO.json new file mode 100644 index 000000000..97dc51b8d --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.132, + "map_at_10": 35.543, + "map_at_100": 36.702, + "map_at_1000": 36.748999999999995, + "map_at_3": 31.737, + "map_at_5": 33.927, + "mrr_at_1": 23.782, + "mrr_at_10": 36.204, + "mrr_at_100": 37.29, + "mrr_at_1000": 37.330999999999996, + "mrr_at_3": 32.458999999999996, + "mrr_at_5": 34.631, + "ndcg_at_1": 23.782, + "ndcg_at_10": 42.492999999999995, + "ndcg_at_100": 47.985, + "ndcg_at_1000": 49.141, + "ndcg_at_3": 34.748000000000005, + "ndcg_at_5": 38.651, + "precision_at_1": 23.782, + "precision_at_10": 6.665, + "precision_at_100": 0.941, + "precision_at_1000": 0.104, + "precision_at_3": 14.776, + "precision_at_5": 10.84, + "recall_at_1": 23.132, + "recall_at_10": 63.794, + "recall_at_100": 89.027, + "recall_at_1000": 97.807, + "recall_at_3": 42.765, + "recall_at_5": 52.11, + "main_score": 42.492999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/MTOPDomainClassification.json b/results/vectoriseai__bge-large-en-v1.5/external/MTOPDomainClassification.json new file mode 100644 index 000000000..4c264fe75 --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 94.59188326493388, + "f1": 94.3842594786827, + "main_score": 94.59188326493388 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/MTOPIntentClassification.json b/results/vectoriseai__bge-large-en-v1.5/external/MTOPIntentClassification.json new file mode 100644 index 000000000..3c3d897d3 --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.49384404924761, + "f1": 59.7580539534629, + "main_score": 79.49384404924761 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/MassiveIntentClassification.json b/results/vectoriseai__bge-large-en-v1.5/external/MassiveIntentClassification.json new file mode 100644 index 000000000..3a63a41c7 --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.56220578345663, + "f1": 75.27228165561478, + "main_score": 77.56220578345663 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/MassiveScenarioClassification.json b/results/vectoriseai__bge-large-en-v1.5/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..3f8ef4084 --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.53463349024884, + "f1": 80.4893958236536, + "main_score": 80.53463349024884 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/MedrxivClusteringP2P.json b/results/vectoriseai__bge-large-en-v1.5/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..1d8a09a72 --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.56100273484962, + "main_score": 32.56100273484962 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/MedrxivClusteringS2S.json b/results/vectoriseai__bge-large-en-v1.5/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..dc9720806 --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.470380028839607, + "main_score": 31.470380028839607 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/MindSmallReranking.json b/results/vectoriseai__bge-large-en-v1.5/external/MindSmallReranking.json new file mode 100644 index 000000000..393853523 --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 32.06102792457849, + "mrr": 33.30709199672238, + "main_score": 32.06102792457849 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/NFCorpus.json b/results/vectoriseai__bge-large-en-v1.5/external/NFCorpus.json new file mode 100644 index 000000000..0d557607a --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.776999999999999, + "map_at_10": 14.924000000000001, + "map_at_100": 18.955, + "map_at_1000": 20.538999999999998, + "map_at_3": 10.982, + "map_at_5": 12.679000000000002, + "mrr_at_1": 47.988, + "mrr_at_10": 57.232000000000006, + "mrr_at_100": 57.818999999999996, + "mrr_at_1000": 57.847, + "mrr_at_3": 54.901999999999994, + "mrr_at_5": 56.481, + "ndcg_at_1": 46.594, + "ndcg_at_10": 38.129000000000005, + "ndcg_at_100": 35.54, + "ndcg_at_1000": 44.172, + "ndcg_at_3": 43.025999999999996, + "ndcg_at_5": 41.052, + "precision_at_1": 47.988, + "precision_at_10": 28.111000000000004, + "precision_at_100": 8.929, + "precision_at_1000": 2.185, + "precision_at_3": 40.144000000000005, + "precision_at_5": 35.232, + "recall_at_1": 6.776999999999999, + "recall_at_10": 19.289, + "recall_at_100": 36.359, + "recall_at_1000": 67.54, + "recall_at_3": 11.869, + "recall_at_5": 14.999, + "main_score": 38.129000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/NQ.json b/results/vectoriseai__bge-large-en-v1.5/external/NQ.json new file mode 100644 index 000000000..bd0df5b6f --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.108000000000004, + "map_at_10": 47.126000000000005, + "map_at_100": 48.171, + "map_at_1000": 48.199, + "map_at_3": 42.734, + "map_at_5": 45.362, + "mrr_at_1": 34.936, + "mrr_at_10": 49.571, + "mrr_at_100": 50.345, + "mrr_at_1000": 50.363, + "mrr_at_3": 45.959, + "mrr_at_5": 48.165, + "ndcg_at_1": 34.936, + "ndcg_at_10": 55.028999999999996, + "ndcg_at_100": 59.244, + "ndcg_at_1000": 59.861, + "ndcg_at_3": 46.872, + "ndcg_at_5": 51.217999999999996, + "precision_at_1": 34.936, + "precision_at_10": 9.099, + "precision_at_100": 1.145, + "precision_at_1000": 0.12, + "precision_at_3": 21.456, + "precision_at_5": 15.411, + "recall_at_1": 31.108000000000004, + "recall_at_10": 76.53999999999999, + "recall_at_100": 94.39, + "recall_at_1000": 98.947, + "recall_at_3": 55.572, + "recall_at_5": 65.525, + "main_score": 55.028999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/QuoraRetrieval.json b/results/vectoriseai__bge-large-en-v1.5/external/QuoraRetrieval.json new file mode 100644 index 000000000..3fa9dbd51 --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 71.56400000000001, + "map_at_10": 85.482, + "map_at_100": 86.114, + "map_at_1000": 86.13, + "map_at_3": 82.607, + "map_at_5": 84.405, + "mrr_at_1": 82.42, + "mrr_at_10": 88.304, + "mrr_at_100": 88.399, + "mrr_at_1000": 88.399, + "mrr_at_3": 87.37, + "mrr_at_5": 88.024, + "ndcg_at_1": 82.45, + "ndcg_at_10": 89.06500000000001, + "ndcg_at_100": 90.232, + "ndcg_at_1000": 90.305, + "ndcg_at_3": 86.375, + "ndcg_at_5": 87.85300000000001, + "precision_at_1": 82.45, + "precision_at_10": 13.486999999999998, + "precision_at_100": 1.534, + "precision_at_1000": 0.157, + "precision_at_3": 37.813, + "precision_at_5": 24.773999999999997, + "recall_at_1": 71.56400000000001, + "recall_at_10": 95.812, + "recall_at_100": 99.7, + "recall_at_1000": 99.979, + "recall_at_3": 87.966, + "recall_at_5": 92.268, + "main_score": 89.06500000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/RedditClustering.json b/results/vectoriseai__bge-large-en-v1.5/external/RedditClustering.json new file mode 100644 index 000000000..94b1ea690 --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 57.241876648614145, + "main_score": 57.241876648614145 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/RedditClusteringP2P.json b/results/vectoriseai__bge-large-en-v1.5/external/RedditClusteringP2P.json new file mode 100644 index 000000000..739a75a1b --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 64.66212576446223, + "main_score": 64.66212576446223 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/SCIDOCS.json b/results/vectoriseai__bge-large-en-v1.5/external/SCIDOCS.json new file mode 100644 index 000000000..3c42b9064 --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.308, + "map_at_10": 13.803, + "map_at_100": 16.176, + "map_at_1000": 16.561, + "map_at_3": 9.761000000000001, + "map_at_5": 11.802, + "mrr_at_1": 26.200000000000003, + "mrr_at_10": 37.621, + "mrr_at_100": 38.767, + "mrr_at_1000": 38.815, + "mrr_at_3": 34.117, + "mrr_at_5": 36.107, + "ndcg_at_1": 26.200000000000003, + "ndcg_at_10": 22.64, + "ndcg_at_100": 31.567, + "ndcg_at_1000": 37.623, + "ndcg_at_3": 21.435000000000002, + "ndcg_at_5": 18.87, + "precision_at_1": 26.200000000000003, + "precision_at_10": 11.74, + "precision_at_100": 2.465, + "precision_at_1000": 0.391, + "precision_at_3": 20.033, + "precision_at_5": 16.64, + "recall_at_1": 5.308, + "recall_at_10": 23.794999999999998, + "recall_at_100": 50.015, + "recall_at_1000": 79.283, + "recall_at_3": 12.178, + "recall_at_5": 16.882, + "main_score": 22.64 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/SICK-R.json b/results/vectoriseai__bge-large-en-v1.5/external/SICK-R.json new file mode 100644 index 000000000..3e4e715a1 --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.93231134675553, + "cos_sim_spearman": 81.68319292603205, + "euclidean_pearson": 81.8396814380367, + "euclidean_spearman": 81.24641903349945, + "manhattan_pearson": 81.84698799204274, + "manhattan_spearman": 81.24269997904105, + "cosine_pearson": 84.93231134675553, + "cosine_spearman": 81.68319292603205, + "main_score": 81.68319292603205 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/STS12.json b/results/vectoriseai__bge-large-en-v1.5/external/STS12.json new file mode 100644 index 000000000..fdc886ca4 --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.73241671587446, + "cos_sim_spearman": 79.05091082971826, + "euclidean_pearson": 83.91146869578044, + "euclidean_spearman": 79.87978465370936, + "manhattan_pearson": 83.90888338917678, + "manhattan_spearman": 79.87482848584241, + "cosine_pearson": 86.73241671587446, + "cosine_spearman": 79.05091082971826, + "main_score": 79.05091082971826 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/STS13.json b/results/vectoriseai__bge-large-en-v1.5/external/STS13.json new file mode 100644 index 000000000..a0c7b2fa7 --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.14970731146177, + "cos_sim_spearman": 86.37363490084627, + "euclidean_pearson": 83.02154218530433, + "euclidean_spearman": 83.80258761957367, + "manhattan_pearson": 83.01664495119347, + "manhattan_spearman": 83.77567458007952, + "cosine_pearson": 85.14970731146177, + "cosine_spearman": 86.37363490084627, + "main_score": 86.37363490084627 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/STS14.json b/results/vectoriseai__bge-large-en-v1.5/external/STS14.json new file mode 100644 index 000000000..f6188fb41 --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.40474139886784, + "cos_sim_spearman": 82.77768789165984, + "euclidean_pearson": 80.7065877443695, + "euclidean_spearman": 81.375940662505, + "manhattan_pearson": 80.6507552270278, + "manhattan_spearman": 81.32782179098741, + "cosine_pearson": 83.40474139886784, + "cosine_spearman": 82.77768789165984, + "main_score": 82.77768789165984 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/STS15.json b/results/vectoriseai__bge-large-en-v1.5/external/STS15.json new file mode 100644 index 000000000..29519a919 --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.08585968722274, + "cos_sim_spearman": 88.03110031451399, + "euclidean_pearson": 85.74012019602384, + "euclidean_spearman": 86.13592849438209, + "manhattan_pearson": 85.74404842369206, + "manhattan_spearman": 86.14492318960154, + "cosine_pearson": 87.08585968722274, + "cosine_spearman": 88.03110031451399, + "main_score": 88.03110031451399 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/STS16.json b/results/vectoriseai__bge-large-en-v1.5/external/STS16.json new file mode 100644 index 000000000..612cb58d9 --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.95069052788875, + "cos_sim_spearman": 86.4867991595147, + "euclidean_pearson": 84.31013325754635, + "euclidean_spearman": 85.01529258006482, + "manhattan_pearson": 84.26995570085374, + "manhattan_spearman": 84.96982104986162, + "cosine_pearson": 84.95069052788875, + "cosine_spearman": 86.4867991595147, + "main_score": 86.4867991595147 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/STS17.json b/results/vectoriseai__bge-large-en-v1.5/external/STS17.json new file mode 100644 index 000000000..aaa0e1620 --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.54617647971897, + "cos_sim_spearman": 87.49834181751034, + "euclidean_pearson": 86.01015322577122, + "euclidean_spearman": 84.63362652063199, + "manhattan_pearson": 86.13807574475706, + "manhattan_spearman": 84.7772370721132, + "cosine_pearson": 87.54617647971897, + "cosine_spearman": 87.49834181751034, + "main_score": 87.49834181751034 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/STS22.json b/results/vectoriseai__bge-large-en-v1.5/external/STS22.json new file mode 100644 index 000000000..ff077007c --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 67.20047755786615, + "cos_sim_spearman": 67.05324077987636, + "euclidean_pearson": 66.91930642976601, + "euclidean_spearman": 65.21491856099105, + "manhattan_pearson": 66.78756851976624, + "manhattan_spearman": 65.12356257740728, + "cosine_pearson": 67.20047755786615, + "cosine_spearman": 67.05324077987636, + "main_score": 67.05324077987636 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/STSBenchmark.json b/results/vectoriseai__bge-large-en-v1.5/external/STSBenchmark.json new file mode 100644 index 000000000..bcc00d565 --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.19852871539686, + "cos_sim_spearman": 87.5161895296395, + "euclidean_pearson": 84.59848645207485, + "euclidean_spearman": 85.26427328757919, + "manhattan_pearson": 84.59747366996524, + "manhattan_spearman": 85.24045855146915, + "cosine_pearson": 86.19852871539686, + "cosine_spearman": 87.5161895296395, + "main_score": 87.5161895296395 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/SciDocsRR.json b/results/vectoriseai__bge-large-en-v1.5/external/SciDocsRR.json new file mode 100644 index 000000000..de899c793 --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 87.63320317811032, + "mrr": 96.26242947321379, + "main_score": 87.63320317811032 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/SciFact.json b/results/vectoriseai__bge-large-en-v1.5/external/SciFact.json new file mode 100644 index 000000000..81756554f --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 60.928000000000004, + "map_at_10": 70.112, + "map_at_100": 70.59299999999999, + "map_at_1000": 70.623, + "map_at_3": 66.846, + "map_at_5": 68.447, + "mrr_at_1": 64.0, + "mrr_at_10": 71.212, + "mrr_at_100": 71.616, + "mrr_at_1000": 71.64500000000001, + "mrr_at_3": 68.77799999999999, + "mrr_at_5": 70.094, + "ndcg_at_1": 64.0, + "ndcg_at_10": 74.607, + "ndcg_at_100": 76.416, + "ndcg_at_1000": 77.102, + "ndcg_at_3": 69.126, + "ndcg_at_5": 71.41300000000001, + "precision_at_1": 64.0, + "precision_at_10": 9.933, + "precision_at_100": 1.077, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 26.556, + "precision_at_5": 17.467, + "recall_at_1": 60.928000000000004, + "recall_at_10": 87.322, + "recall_at_100": 94.833, + "recall_at_1000": 100.0, + "recall_at_3": 72.628, + "recall_at_5": 78.428, + "main_score": 74.607 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/SprintDuplicateQuestions.json b/results/vectoriseai__bge-large-en-v1.5/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..7990e03bd --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.86237623762376, + "cos_sim_ap": 96.72586477206649, + "cos_sim_f1": 93.01858362631845, + "cos_sim_precision": 93.4409687184662, + "cos_sim_recall": 92.60000000000001, + "dot_accuracy": 99.78019801980199, + "dot_ap": 93.72748205246228, + "dot_f1": 89.04109589041096, + "dot_precision": 87.16475095785441, + "dot_recall": 91.0, + "euclidean_accuracy": 99.85445544554456, + "euclidean_ap": 96.6661459876145, + "euclidean_f1": 92.58337481333997, + "euclidean_precision": 92.17046580773042, + "euclidean_recall": 93.0, + "manhattan_accuracy": 99.85445544554456, + "manhattan_ap": 96.6883549244056, + "manhattan_f1": 92.57598405580468, + "manhattan_precision": 92.25422045680239, + "manhattan_recall": 92.9, + "max_accuracy": 99.86237623762376, + "max_ap": 96.72586477206649, + "max_f1": 93.01858362631845, + "main_score": 96.72586477206649 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/StackExchangeClustering.json b/results/vectoriseai__bge-large-en-v1.5/external/StackExchangeClustering.json new file mode 100644 index 000000000..811a1dcc2 --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 66.39930057069995, + "main_score": 66.39930057069995 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/StackExchangeClusteringP2P.json b/results/vectoriseai__bge-large-en-v1.5/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..bc57100ba --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.96398659903402, + "main_score": 34.96398659903402 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/StackOverflowDupQuestions.json b/results/vectoriseai__bge-large-en-v1.5/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..6f458ee6e --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 55.946944700355395, + "mrr": 56.97151398438164, + "main_score": 55.946944700355395 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/SummEval.json b/results/vectoriseai__bge-large-en-v1.5/external/SummEval.json new file mode 100644 index 000000000..4094b2845 --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.541657650692905, + "cos_sim_spearman": 31.605804192286303, + "dot_pearson": 28.26905996736398, + "dot_spearman": 27.864801765851187, + "cosine_pearson": 31.541657650692905, + "cosine_spearman": 31.605804192286303, + "main_score": 31.605804192286303 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/TRECCOVID.json b/results/vectoriseai__bge-large-en-v1.5/external/TRECCOVID.json new file mode 100644 index 000000000..d2ec899ce --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.22599999999999998, + "map_at_10": 1.8870000000000002, + "map_at_100": 9.78, + "map_at_1000": 22.514, + "map_at_3": 0.6669999999999999, + "map_at_5": 1.077, + "mrr_at_1": 82.0, + "mrr_at_10": 89.86699999999999, + "mrr_at_100": 89.86699999999999, + "mrr_at_1000": 89.86699999999999, + "mrr_at_3": 89.667, + "mrr_at_5": 89.667, + "ndcg_at_1": 79.0, + "ndcg_at_10": 74.818, + "ndcg_at_100": 53.715999999999994, + "ndcg_at_1000": 47.082, + "ndcg_at_3": 82.134, + "ndcg_at_5": 79.81899999999999, + "precision_at_1": 82.0, + "precision_at_10": 78.0, + "precision_at_100": 54.48, + "precision_at_1000": 20.518, + "precision_at_3": 87.333, + "precision_at_5": 85.2, + "recall_at_1": 0.22599999999999998, + "recall_at_10": 2.072, + "recall_at_100": 13.013, + "recall_at_1000": 43.462, + "recall_at_3": 0.695, + "recall_at_5": 1.139, + "main_score": 74.818 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/Touche2020.json b/results/vectoriseai__bge-large-en-v1.5/external/Touche2020.json new file mode 100644 index 000000000..4e42886db --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.328, + "map_at_10": 9.795, + "map_at_100": 15.801000000000002, + "map_at_1000": 17.23, + "map_at_3": 4.734, + "map_at_5": 6.644, + "mrr_at_1": 30.612000000000002, + "mrr_at_10": 46.902, + "mrr_at_100": 47.495, + "mrr_at_1000": 47.495, + "mrr_at_3": 41.156, + "mrr_at_5": 44.218, + "ndcg_at_1": 28.571, + "ndcg_at_10": 24.806, + "ndcg_at_100": 36.419000000000004, + "ndcg_at_1000": 47.272999999999996, + "ndcg_at_3": 25.666, + "ndcg_at_5": 25.448999999999998, + "precision_at_1": 30.612000000000002, + "precision_at_10": 23.061, + "precision_at_100": 7.714, + "precision_at_1000": 1.484, + "precision_at_3": 26.531, + "precision_at_5": 26.122, + "recall_at_1": 2.328, + "recall_at_10": 16.524, + "recall_at_100": 47.179, + "recall_at_1000": 81.22200000000001, + "recall_at_3": 5.745, + "recall_at_5": 9.339, + "main_score": 24.806 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/ToxicConversationsClassification.json b/results/vectoriseai__bge-large-en-v1.5/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..a1bb4e3a3 --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.9142, + "ap": 14.335574772555415, + "f1": 54.62839595194111, + "main_score": 70.9142 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/TweetSentimentExtractionClassification.json b/results/vectoriseai__bge-large-en-v1.5/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..4d6df3be5 --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 59.94340690435768, + "f1": 60.286487936731916, + "main_score": 59.94340690435768 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/TwentyNewsgroupsClustering.json b/results/vectoriseai__bge-large-en-v1.5/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..017b5c503 --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 51.26597708987974, + "main_score": 51.26597708987974 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/TwitterSemEval2015.json b/results/vectoriseai__bge-large-en-v1.5/external/TwitterSemEval2015.json new file mode 100644 index 000000000..221ac4747 --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 87.48882398521786, + "cos_sim_ap": 79.04326607602204, + "cos_sim_f1": 71.64566826860633, + "cos_sim_precision": 70.55512918905092, + "cos_sim_recall": 72.77044854881267, + "dot_accuracy": 84.19264469213805, + "dot_ap": 67.96360043562528, + "dot_f1": 64.06418393006827, + "dot_precision": 58.64941898706424, + "dot_recall": 70.58047493403694, + "euclidean_accuracy": 87.45902127913214, + "euclidean_ap": 78.9742237648272, + "euclidean_f1": 71.5553235908142, + "euclidean_precision": 70.77955601445535, + "euclidean_recall": 72.34828496042216, + "manhattan_accuracy": 87.41729749061214, + "manhattan_ap": 78.90073137580596, + "manhattan_f1": 71.3942611553533, + "manhattan_precision": 68.52705653967483, + "manhattan_recall": 74.51187335092348, + "max_accuracy": 87.48882398521786, + "max_ap": 79.04326607602204, + "max_f1": 71.64566826860633, + "main_score": 79.04326607602204 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/TwitterURLCorpus.json b/results/vectoriseai__bge-large-en-v1.5/external/TwitterURLCorpus.json new file mode 100644 index 000000000..80fd92942 --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.68125897465751, + "cos_sim_ap": 85.6003454431979, + "cos_sim_f1": 77.6957163958641, + "cos_sim_precision": 73.0110366307807, + "cos_sim_recall": 83.02279026793964, + "dot_accuracy": 87.7672992587418, + "dot_ap": 82.4971301112899, + "dot_f1": 75.90528233151184, + "dot_precision": 72.0370626469368, + "dot_recall": 80.21250384970742, + "euclidean_accuracy": 88.4503434625684, + "euclidean_ap": 84.91949884748384, + "euclidean_f1": 76.92365018444684, + "euclidean_precision": 74.53245721712759, + "euclidean_recall": 79.47336002463813, + "manhattan_accuracy": 88.47556952691427, + "manhattan_ap": 84.8963689101517, + "manhattan_f1": 76.85901249256395, + "manhattan_precision": 74.31693989071039, + "manhattan_recall": 79.58115183246073, + "max_accuracy": 88.68125897465751, + "max_ap": 85.6003454431979, + "max_f1": 77.6957163958641, + "main_score": 85.6003454431979 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-large-en-v1.5/external/model_meta.json b/results/vectoriseai__bge-large-en-v1.5/external/model_meta.json new file mode 100644 index 000000000..e87cbe9ba --- /dev/null +++ b/results/vectoriseai__bge-large-en-v1.5/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "vectoriseai/bge-large-en-v1.5", + "revision": "a1cd40baf61a1e903c90043a08987e4067dbe562", + "release_date": "2023-10-09", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 335174587, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 1024, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/AmazonCounterfactualClassification.json b/results/vectoriseai__bge-small-en-v1.5/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..3cdf82e1e --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.79104477611939, + "ap": 37.21923821573361, + "f1": 68.0914945617093, + "main_score": 73.79104477611939 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/AmazonPolarityClassification.json b/results/vectoriseai__bge-small-en-v1.5/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..cc0889b72 --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.75377499999999, + "ap": 89.46766124546022, + "f1": 92.73884001331487, + "main_score": 92.75377499999999 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/AmazonReviewsClassification.json b/results/vectoriseai__bge-small-en-v1.5/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..caf2f79ec --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 46.986, + "f1": 46.55936786727896, + "main_score": 46.986 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/ArguAna.json b/results/vectoriseai__bge-small-en-v1.5/external/ArguAna.json new file mode 100644 index 000000000..16d68f098 --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 35.846000000000004, + "map_at_10": 51.388, + "map_at_100": 52.132999999999996, + "map_at_1000": 52.141000000000005, + "map_at_3": 47.037, + "map_at_5": 49.579, + "mrr_at_1": 36.558, + "mrr_at_10": 51.658, + "mrr_at_100": 52.402, + "mrr_at_1000": 52.410000000000004, + "mrr_at_3": 47.345, + "mrr_at_5": 49.797999999999995, + "ndcg_at_1": 35.846000000000004, + "ndcg_at_10": 59.550000000000004, + "ndcg_at_100": 62.596, + "ndcg_at_1000": 62.759, + "ndcg_at_3": 50.666999999999994, + "ndcg_at_5": 55.228, + "precision_at_1": 35.846000000000004, + "precision_at_10": 8.542, + "precision_at_100": 0.984, + "precision_at_1000": 0.1, + "precision_at_3": 20.389, + "precision_at_5": 14.438, + "recall_at_1": 35.846000000000004, + "recall_at_10": 85.42, + "recall_at_100": 98.43499999999999, + "recall_at_1000": 99.644, + "recall_at_3": 61.166, + "recall_at_5": 72.191, + "main_score": 59.550000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/ArxivClusteringP2P.json b/results/vectoriseai__bge-small-en-v1.5/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..464de0e45 --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 47.402770198163594, + "main_score": 47.402770198163594 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/ArxivClusteringS2S.json b/results/vectoriseai__bge-small-en-v1.5/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..c34dd98b1 --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.01545436974177, + "main_score": 40.01545436974177 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/AskUbuntuDupQuestions.json b/results/vectoriseai__bge-small-en-v1.5/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..e9eecfdb5 --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 62.586465273207196, + "mrr": 74.42169019038825, + "main_score": 62.586465273207196 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/BIOSSES.json b/results/vectoriseai__bge-small-en-v1.5/external/BIOSSES.json new file mode 100644 index 000000000..65f192199 --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.1891186537969, + "cos_sim_spearman": 83.75492046087288, + "euclidean_pearson": 84.11766204805357, + "euclidean_spearman": 84.01456493126516, + "manhattan_pearson": 84.2132950502772, + "manhattan_spearman": 83.89227298813377, + "cosine_pearson": 85.1891186537969, + "cosine_spearman": 83.75492046087288, + "main_score": 83.75492046087288 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/Banking77Classification.json b/results/vectoriseai__bge-small-en-v1.5/external/Banking77Classification.json new file mode 100644 index 000000000..90a96897c --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 85.74025974025975, + "f1": 85.71493566466381, + "main_score": 85.74025974025975 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/BiorxivClusteringP2P.json b/results/vectoriseai__bge-small-en-v1.5/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..ba4bc05b6 --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.467181385006434, + "main_score": 38.467181385006434 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/BiorxivClusteringS2S.json b/results/vectoriseai__bge-small-en-v1.5/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..eb69d2b71 --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.719496037339056, + "main_score": 34.719496037339056 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/CQADupstackAndroidRetrieval.json b/results/vectoriseai__bge-small-en-v1.5/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..694e191a9 --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.587000000000003, + "map_at_10": 41.114, + "map_at_100": 42.532, + "map_at_1000": 42.661, + "map_at_3": 37.483, + "map_at_5": 39.652, + "mrr_at_1": 36.338, + "mrr_at_10": 46.763, + "mrr_at_100": 47.393, + "mrr_at_1000": 47.445, + "mrr_at_3": 43.538, + "mrr_at_5": 45.556000000000004, + "ndcg_at_1": 36.338, + "ndcg_at_10": 47.658, + "ndcg_at_100": 52.824000000000005, + "ndcg_at_1000": 54.913999999999994, + "ndcg_at_3": 41.989, + "ndcg_at_5": 44.944, + "precision_at_1": 36.338, + "precision_at_10": 9.156, + "precision_at_100": 1.4789999999999999, + "precision_at_1000": 0.196, + "precision_at_3": 20.076, + "precision_at_5": 14.85, + "recall_at_1": 29.587000000000003, + "recall_at_10": 60.746, + "recall_at_100": 82.157, + "recall_at_1000": 95.645, + "recall_at_3": 44.821, + "recall_at_5": 52.819, + "main_score": 47.658 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.239, + "map_at_10": 39.989000000000004, + "map_at_100": 41.196, + "map_at_1000": 41.325, + "map_at_3": 37.261, + "map_at_5": 38.833, + "mrr_at_1": 37.516, + "mrr_at_10": 46.177, + "mrr_at_100": 46.806, + "mrr_at_1000": 46.849000000000004, + "mrr_at_3": 44.002, + "mrr_at_5": 45.34, + "ndcg_at_1": 37.516, + "ndcg_at_10": 45.586, + "ndcg_at_100": 49.897000000000006, + "ndcg_at_1000": 51.955, + "ndcg_at_3": 41.684, + "ndcg_at_5": 43.617, + "precision_at_1": 37.516, + "precision_at_10": 8.522, + "precision_at_100": 1.374, + "precision_at_1000": 0.184, + "precision_at_3": 20.105999999999998, + "precision_at_5": 14.152999999999999, + "recall_at_1": 30.239, + "recall_at_10": 55.03, + "recall_at_100": 73.375, + "recall_at_1000": 86.29599999999999, + "recall_at_3": 43.269000000000005, + "recall_at_5": 48.878, + "main_score": 45.586 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.338, + "map_at_10": 50.468999999999994, + "map_at_100": 51.553000000000004, + "map_at_1000": 51.608, + "map_at_3": 47.107, + "map_at_5": 49.101, + "mrr_at_1": 44.201, + "mrr_at_10": 54.057, + "mrr_at_100": 54.764, + "mrr_at_1000": 54.791000000000004, + "mrr_at_3": 51.56699999999999, + "mrr_at_5": 53.05, + "ndcg_at_1": 44.201, + "ndcg_at_10": 56.379000000000005, + "ndcg_at_100": 60.645, + "ndcg_at_1000": 61.73499999999999, + "ndcg_at_3": 50.726000000000006, + "ndcg_at_5": 53.58500000000001, + "precision_at_1": 44.201, + "precision_at_10": 9.141, + "precision_at_100": 1.216, + "precision_at_1000": 0.135, + "precision_at_3": 22.654, + "precision_at_5": 15.723999999999998, + "recall_at_1": 38.338, + "recall_at_10": 70.30499999999999, + "recall_at_100": 88.77199999999999, + "recall_at_1000": 96.49799999999999, + "recall_at_3": 55.218, + "recall_at_5": 62.104000000000006, + "main_score": 56.379000000000005 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.682, + "map_at_10": 33.498, + "map_at_100": 34.461000000000006, + "map_at_1000": 34.544000000000004, + "map_at_3": 30.503999999999998, + "map_at_5": 32.216, + "mrr_at_1": 27.683999999999997, + "mrr_at_10": 35.467999999999996, + "mrr_at_100": 36.32, + "mrr_at_1000": 36.386, + "mrr_at_3": 32.618, + "mrr_at_5": 34.262, + "ndcg_at_1": 27.683999999999997, + "ndcg_at_10": 38.378, + "ndcg_at_100": 43.288, + "ndcg_at_1000": 45.413, + "ndcg_at_3": 32.586, + "ndcg_at_5": 35.499, + "precision_at_1": 27.683999999999997, + "precision_at_10": 5.864, + "precision_at_100": 0.882, + "precision_at_1000": 0.11, + "precision_at_3": 13.446, + "precision_at_5": 9.718, + "recall_at_1": 25.682, + "recall_at_10": 51.712, + "recall_at_100": 74.446, + "recall_at_1000": 90.472, + "recall_at_3": 36.236000000000004, + "recall_at_5": 43.234, + "main_score": 38.378 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.073999999999998, + "map_at_10": 24.352999999999998, + "map_at_100": 25.438, + "map_at_1000": 25.545, + "map_at_3": 21.614, + "map_at_5": 23.104, + "mrr_at_1": 19.776, + "mrr_at_10": 28.837000000000003, + "mrr_at_100": 29.755, + "mrr_at_1000": 29.817, + "mrr_at_3": 26.201999999999998, + "mrr_at_5": 27.714, + "ndcg_at_1": 19.776, + "ndcg_at_10": 29.701, + "ndcg_at_100": 35.307, + "ndcg_at_1000": 37.942, + "ndcg_at_3": 24.764, + "ndcg_at_5": 27.025, + "precision_at_1": 19.776, + "precision_at_10": 5.659, + "precision_at_100": 0.971, + "precision_at_1000": 0.133, + "precision_at_3": 12.065, + "precision_at_5": 8.905000000000001, + "recall_at_1": 16.073999999999998, + "recall_at_10": 41.647, + "recall_at_100": 66.884, + "recall_at_1000": 85.91499999999999, + "recall_at_3": 27.916, + "recall_at_5": 33.729, + "main_score": 29.701 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.444999999999997, + "map_at_10": 38.218999999999994, + "map_at_100": 39.595, + "map_at_1000": 39.709, + "map_at_3": 35.586, + "map_at_5": 36.895, + "mrr_at_1": 34.841, + "mrr_at_10": 44.106, + "mrr_at_100": 44.98, + "mrr_at_1000": 45.03, + "mrr_at_3": 41.979, + "mrr_at_5": 43.047999999999995, + "ndcg_at_1": 34.841, + "ndcg_at_10": 43.922, + "ndcg_at_100": 49.504999999999995, + "ndcg_at_1000": 51.675000000000004, + "ndcg_at_3": 39.858, + "ndcg_at_5": 41.408, + "precision_at_1": 34.841, + "precision_at_10": 7.872999999999999, + "precision_at_100": 1.2449999999999999, + "precision_at_1000": 0.161, + "precision_at_3": 18.993, + "precision_at_5": 13.032, + "recall_at_1": 28.444999999999997, + "recall_at_10": 54.984, + "recall_at_100": 78.342, + "recall_at_1000": 92.77, + "recall_at_3": 42.842999999999996, + "recall_at_5": 47.247, + "main_score": 43.922 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.072, + "map_at_10": 32.354, + "map_at_100": 33.800000000000004, + "map_at_1000": 33.908, + "map_at_3": 29.232000000000003, + "map_at_5": 31.049, + "mrr_at_1": 29.110000000000003, + "mrr_at_10": 38.03, + "mrr_at_100": 39.032, + "mrr_at_1000": 39.086999999999996, + "mrr_at_3": 35.407, + "mrr_at_5": 36.76, + "ndcg_at_1": 29.110000000000003, + "ndcg_at_10": 38.231, + "ndcg_at_100": 44.425, + "ndcg_at_1000": 46.771, + "ndcg_at_3": 33.095, + "ndcg_at_5": 35.459, + "precision_at_1": 29.110000000000003, + "precision_at_10": 7.215000000000001, + "precision_at_100": 1.2109999999999999, + "precision_at_1000": 0.157, + "precision_at_3": 16.058, + "precision_at_5": 11.644, + "recall_at_1": 23.072, + "recall_at_10": 50.285999999999994, + "recall_at_100": 76.596, + "recall_at_1000": 92.861, + "recall_at_3": 35.702, + "recall_at_5": 42.152, + "main_score": 38.231 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.937916666666666, + "map_at_10": 33.755250000000004, + "map_at_100": 34.955999999999996, + "map_at_1000": 35.070499999999996, + "map_at_3": 30.98708333333333, + "map_at_5": 32.51491666666666, + "mrr_at_1": 29.48708333333333, + "mrr_at_10": 37.92183333333334, + "mrr_at_100": 38.76583333333333, + "mrr_at_1000": 38.82466666666667, + "mrr_at_3": 35.45125, + "mrr_at_5": 36.827000000000005, + "ndcg_at_1": 29.48708333333333, + "ndcg_at_10": 39.05225, + "ndcg_at_100": 44.25983333333334, + "ndcg_at_1000": 46.568333333333335, + "ndcg_at_3": 34.271583333333325, + "ndcg_at_5": 36.483916666666666, + "precision_at_1": 29.48708333333333, + "precision_at_10": 6.865749999999999, + "precision_at_100": 1.1195833333333332, + "precision_at_1000": 0.15058333333333335, + "precision_at_3": 15.742083333333333, + "precision_at_5": 11.221916666666667, + "recall_at_1": 24.937916666666666, + "recall_at_10": 50.650416666666665, + "recall_at_100": 73.55383333333334, + "recall_at_1000": 89.61691666666667, + "recall_at_3": 37.27808333333334, + "recall_at_5": 42.99475, + "main_score": 39.05225 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.947, + "map_at_10": 30.575000000000003, + "map_at_100": 31.465, + "map_at_1000": 31.558000000000003, + "map_at_3": 28.814, + "map_at_5": 29.738999999999997, + "mrr_at_1": 26.994, + "mrr_at_10": 33.415, + "mrr_at_100": 34.18, + "mrr_at_1000": 34.245, + "mrr_at_3": 31.621, + "mrr_at_5": 32.549, + "ndcg_at_1": 26.994, + "ndcg_at_10": 34.482, + "ndcg_at_100": 38.915, + "ndcg_at_1000": 41.355, + "ndcg_at_3": 31.139, + "ndcg_at_5": 32.589, + "precision_at_1": 26.994, + "precision_at_10": 5.322, + "precision_at_100": 0.8160000000000001, + "precision_at_1000": 0.11100000000000002, + "precision_at_3": 13.344000000000001, + "precision_at_5": 8.988, + "recall_at_1": 23.947, + "recall_at_10": 43.647999999999996, + "recall_at_100": 63.851, + "recall_at_1000": 82.0, + "recall_at_3": 34.288000000000004, + "recall_at_5": 38.117000000000004, + "main_score": 34.482 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.197, + "map_at_10": 22.968, + "map_at_100": 24.095, + "map_at_1000": 24.217, + "map_at_3": 20.771, + "map_at_5": 21.995, + "mrr_at_1": 19.511, + "mrr_at_10": 26.55, + "mrr_at_100": 27.500999999999998, + "mrr_at_1000": 27.578999999999997, + "mrr_at_3": 24.421, + "mrr_at_5": 25.604, + "ndcg_at_1": 19.511, + "ndcg_at_10": 27.386, + "ndcg_at_100": 32.828, + "ndcg_at_1000": 35.739, + "ndcg_at_3": 23.405, + "ndcg_at_5": 25.255, + "precision_at_1": 19.511, + "precision_at_10": 5.017, + "precision_at_100": 0.91, + "precision_at_1000": 0.133, + "precision_at_3": 11.023, + "precision_at_5": 8.025, + "recall_at_1": 16.197, + "recall_at_10": 37.09, + "recall_at_100": 61.778, + "recall_at_1000": 82.56599999999999, + "recall_at_3": 26.034000000000002, + "recall_at_5": 30.762, + "main_score": 27.386 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.41, + "map_at_10": 33.655, + "map_at_100": 34.892, + "map_at_1000": 34.995, + "map_at_3": 30.94, + "map_at_5": 32.303, + "mrr_at_1": 29.477999999999998, + "mrr_at_10": 37.443, + "mrr_at_100": 38.383, + "mrr_at_1000": 38.440000000000005, + "mrr_at_3": 34.949999999999996, + "mrr_at_5": 36.228, + "ndcg_at_1": 29.477999999999998, + "ndcg_at_10": 38.769, + "ndcg_at_100": 44.245000000000005, + "ndcg_at_1000": 46.593, + "ndcg_at_3": 33.623, + "ndcg_at_5": 35.766, + "precision_at_1": 29.477999999999998, + "precision_at_10": 6.455, + "precision_at_100": 1.032, + "precision_at_1000": 0.135, + "precision_at_3": 14.893999999999998, + "precision_at_5": 10.485, + "recall_at_1": 25.41, + "recall_at_10": 50.669, + "recall_at_100": 74.084, + "recall_at_1000": 90.435, + "recall_at_3": 36.679, + "recall_at_5": 41.94, + "main_score": 38.769 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.339, + "map_at_10": 31.852000000000004, + "map_at_100": 33.411, + "map_at_1000": 33.62, + "map_at_3": 28.929, + "map_at_5": 30.542, + "mrr_at_1": 28.063, + "mrr_at_10": 36.301, + "mrr_at_100": 37.288, + "mrr_at_1000": 37.349, + "mrr_at_3": 33.663, + "mrr_at_5": 35.165, + "ndcg_at_1": 28.063, + "ndcg_at_10": 37.462, + "ndcg_at_100": 43.620999999999995, + "ndcg_at_1000": 46.211, + "ndcg_at_3": 32.68, + "ndcg_at_5": 34.981, + "precision_at_1": 28.063, + "precision_at_10": 7.1739999999999995, + "precision_at_100": 1.486, + "precision_at_1000": 0.23500000000000001, + "precision_at_3": 15.217, + "precision_at_5": 11.265, + "recall_at_1": 23.339, + "recall_at_10": 48.376999999999995, + "recall_at_100": 76.053, + "recall_at_1000": 92.455, + "recall_at_3": 34.735, + "recall_at_5": 40.71, + "main_score": 37.462 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.925, + "map_at_10": 26.017000000000003, + "map_at_100": 27.034000000000002, + "map_at_1000": 27.156000000000002, + "map_at_3": 23.604, + "map_at_5": 24.75, + "mrr_at_1": 20.333000000000002, + "mrr_at_10": 27.915, + "mrr_at_100": 28.788000000000004, + "mrr_at_1000": 28.877999999999997, + "mrr_at_3": 25.446999999999996, + "mrr_at_5": 26.648, + "ndcg_at_1": 20.333000000000002, + "ndcg_at_10": 30.673000000000002, + "ndcg_at_100": 35.618, + "ndcg_at_1000": 38.517, + "ndcg_at_3": 25.71, + "ndcg_at_5": 27.679, + "precision_at_1": 20.333000000000002, + "precision_at_10": 4.9910000000000005, + "precision_at_100": 0.8130000000000001, + "precision_at_1000": 0.117, + "precision_at_3": 11.029, + "precision_at_5": 7.8740000000000006, + "recall_at_1": 18.925, + "recall_at_10": 43.311, + "recall_at_100": 66.308, + "recall_at_1000": 87.49, + "recall_at_3": 29.596, + "recall_at_5": 34.245, + "main_score": 30.673000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/ClimateFEVER.json b/results/vectoriseai__bge-small-en-v1.5/external/ClimateFEVER.json new file mode 100644 index 000000000..8d604ca3d --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 13.714, + "map_at_10": 23.194, + "map_at_100": 24.976000000000003, + "map_at_1000": 25.166, + "map_at_3": 19.709, + "map_at_5": 21.523999999999997, + "mrr_at_1": 30.619000000000003, + "mrr_at_10": 42.563, + "mrr_at_100": 43.386, + "mrr_at_1000": 43.423, + "mrr_at_3": 39.555, + "mrr_at_5": 41.268, + "ndcg_at_1": 30.619000000000003, + "ndcg_at_10": 31.836, + "ndcg_at_100": 38.652, + "ndcg_at_1000": 42.088, + "ndcg_at_3": 26.733, + "ndcg_at_5": 28.435, + "precision_at_1": 30.619000000000003, + "precision_at_10": 9.751999999999999, + "precision_at_100": 1.71, + "precision_at_1000": 0.23500000000000001, + "precision_at_3": 19.935, + "precision_at_5": 14.984, + "recall_at_1": 13.714, + "recall_at_10": 37.26, + "recall_at_100": 60.546, + "recall_at_1000": 79.899, + "recall_at_3": 24.325, + "recall_at_5": 29.725, + "main_score": 31.836 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/DBPedia.json b/results/vectoriseai__bge-small-en-v1.5/external/DBPedia.json new file mode 100644 index 000000000..b293dc046 --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.462, + "map_at_10": 18.637, + "map_at_100": 26.131999999999998, + "map_at_1000": 27.607, + "map_at_3": 13.333, + "map_at_5": 15.654000000000002, + "mrr_at_1": 66.25, + "mrr_at_10": 74.32600000000001, + "mrr_at_100": 74.60900000000001, + "mrr_at_1000": 74.62, + "mrr_at_3": 72.667, + "mrr_at_5": 73.817, + "ndcg_at_1": 53.87499999999999, + "ndcg_at_10": 40.028999999999996, + "ndcg_at_100": 44.199, + "ndcg_at_1000": 51.629999999999995, + "ndcg_at_3": 44.113, + "ndcg_at_5": 41.731, + "precision_at_1": 66.25, + "precision_at_10": 31.900000000000002, + "precision_at_100": 10.043000000000001, + "precision_at_1000": 1.926, + "precision_at_3": 47.417, + "precision_at_5": 40.65, + "recall_at_1": 8.462, + "recall_at_10": 24.293, + "recall_at_100": 50.146, + "recall_at_1000": 74.034, + "recall_at_3": 14.967, + "recall_at_5": 18.682000000000002, + "main_score": 40.028999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/EmotionClassification.json b/results/vectoriseai__bge-small-en-v1.5/external/EmotionClassification.json new file mode 100644 index 000000000..e978108ab --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 47.84499999999999, + "f1": 42.48106691979349, + "main_score": 47.84499999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/FEVER.json b/results/vectoriseai__bge-small-en-v1.5/external/FEVER.json new file mode 100644 index 000000000..20cb1c252 --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 74.034, + "map_at_10": 82.76, + "map_at_100": 82.968, + "map_at_1000": 82.98299999999999, + "map_at_3": 81.768, + "map_at_5": 82.418, + "mrr_at_1": 80.048, + "mrr_at_10": 87.64999999999999, + "mrr_at_100": 87.712, + "mrr_at_1000": 87.713, + "mrr_at_3": 87.01100000000001, + "mrr_at_5": 87.466, + "ndcg_at_1": 80.048, + "ndcg_at_10": 86.643, + "ndcg_at_100": 87.361, + "ndcg_at_1000": 87.606, + "ndcg_at_3": 85.137, + "ndcg_at_5": 86.016, + "precision_at_1": 80.048, + "precision_at_10": 10.372, + "precision_at_100": 1.093, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 32.638, + "precision_at_5": 20.177, + "recall_at_1": 74.034, + "recall_at_10": 93.769, + "recall_at_100": 96.569, + "recall_at_1000": 98.039, + "recall_at_3": 89.581, + "recall_at_5": 91.906, + "main_score": 86.643 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/FiQA2018.json b/results/vectoriseai__bge-small-en-v1.5/external/FiQA2018.json new file mode 100644 index 000000000..0a00920bf --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.5, + "map_at_10": 32.857, + "map_at_100": 34.589, + "map_at_1000": 34.778, + "map_at_3": 29.160999999999998, + "map_at_5": 31.033, + "mrr_at_1": 40.123, + "mrr_at_10": 48.776, + "mrr_at_100": 49.495, + "mrr_at_1000": 49.539, + "mrr_at_3": 46.605000000000004, + "mrr_at_5": 47.654, + "ndcg_at_1": 40.123, + "ndcg_at_10": 40.343, + "ndcg_at_100": 46.56, + "ndcg_at_1000": 49.777, + "ndcg_at_3": 37.322, + "ndcg_at_5": 37.791000000000004, + "precision_at_1": 40.123, + "precision_at_10": 11.08, + "precision_at_100": 1.752, + "precision_at_1000": 0.232, + "precision_at_3": 24.897, + "precision_at_5": 17.809, + "recall_at_1": 20.5, + "recall_at_10": 46.388, + "recall_at_100": 69.552, + "recall_at_1000": 89.011, + "recall_at_3": 33.617999999999995, + "recall_at_5": 38.211, + "main_score": 40.343 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/HotpotQA.json b/results/vectoriseai__bge-small-en-v1.5/external/HotpotQA.json new file mode 100644 index 000000000..afa6cdf6c --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 39.135999999999996, + "map_at_10": 61.673, + "map_at_100": 62.562, + "map_at_1000": 62.62, + "map_at_3": 58.467999999999996, + "map_at_5": 60.463, + "mrr_at_1": 78.271, + "mrr_at_10": 84.119, + "mrr_at_100": 84.29299999999999, + "mrr_at_1000": 84.299, + "mrr_at_3": 83.18900000000001, + "mrr_at_5": 83.786, + "ndcg_at_1": 78.271, + "ndcg_at_10": 69.935, + "ndcg_at_100": 73.01299999999999, + "ndcg_at_1000": 74.126, + "ndcg_at_3": 65.388, + "ndcg_at_5": 67.906, + "precision_at_1": 78.271, + "precision_at_10": 14.562, + "precision_at_100": 1.6969999999999998, + "precision_at_1000": 0.184, + "precision_at_3": 41.841, + "precision_at_5": 27.087, + "recall_at_1": 39.135999999999996, + "recall_at_10": 72.809, + "recall_at_100": 84.86200000000001, + "recall_at_1000": 92.208, + "recall_at_3": 62.76199999999999, + "recall_at_5": 67.718, + "main_score": 69.935 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/ImdbClassification.json b/results/vectoriseai__bge-small-en-v1.5/external/ImdbClassification.json new file mode 100644 index 000000000..956f20f99 --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 90.60600000000001, + "ap": 86.6579587804335, + "f1": 90.5938853929307, + "main_score": 90.60600000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/MSMARCO.json b/results/vectoriseai__bge-small-en-v1.5/external/MSMARCO.json new file mode 100644 index 000000000..8a58339c2 --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.852, + "map_at_10": 33.982, + "map_at_100": 35.116, + "map_at_1000": 35.167, + "map_at_3": 30.134, + "map_at_5": 32.340999999999994, + "mrr_at_1": 22.479, + "mrr_at_10": 34.594, + "mrr_at_100": 35.672, + "mrr_at_1000": 35.716, + "mrr_at_3": 30.84, + "mrr_at_5": 32.998, + "ndcg_at_1": 22.493, + "ndcg_at_10": 40.833000000000006, + "ndcg_at_100": 46.357, + "ndcg_at_1000": 47.637, + "ndcg_at_3": 32.995999999999995, + "ndcg_at_5": 36.919000000000004, + "precision_at_1": 22.493, + "precision_at_10": 6.465999999999999, + "precision_at_100": 0.9249999999999999, + "precision_at_1000": 0.104, + "precision_at_3": 14.030999999999999, + "precision_at_5": 10.413, + "recall_at_1": 21.852, + "recall_at_10": 61.934999999999995, + "recall_at_100": 87.611, + "recall_at_1000": 97.441, + "recall_at_3": 40.583999999999996, + "recall_at_5": 49.992999999999995, + "main_score": 40.833000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/MTOPDomainClassification.json b/results/vectoriseai__bge-small-en-v1.5/external/MTOPDomainClassification.json new file mode 100644 index 000000000..f4d154c5d --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.36069311445507, + "f1": 93.16456330371453, + "main_score": 93.36069311445507 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/MTOPIntentClassification.json b/results/vectoriseai__bge-small-en-v1.5/external/MTOPIntentClassification.json new file mode 100644 index 000000000..cb16dc453 --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.74692202462381, + "f1": 58.17903579421599, + "main_score": 74.74692202462381 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/MassiveIntentClassification.json b/results/vectoriseai__bge-small-en-v1.5/external/MassiveIntentClassification.json new file mode 100644 index 000000000..db2dce802 --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.80833893745796, + "f1": 72.70786592684664, + "main_score": 74.80833893745796 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/MassiveScenarioClassification.json b/results/vectoriseai__bge-small-en-v1.5/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..97f027d88 --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.69872225958305, + "f1": 78.61626934504731, + "main_score": 78.69872225958305 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/MedrxivClusteringP2P.json b/results/vectoriseai__bge-small-en-v1.5/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..9015f60b1 --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.058658628717694, + "main_score": 33.058658628717694 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/MedrxivClusteringS2S.json b/results/vectoriseai__bge-small-en-v1.5/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..623f2f90b --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.85561739360599, + "main_score": 30.85561739360599 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/MindSmallReranking.json b/results/vectoriseai__bge-small-en-v1.5/external/MindSmallReranking.json new file mode 100644 index 000000000..47a771a67 --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.290259910144385, + "mrr": 32.44223046102856, + "main_score": 31.290259910144385 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/NFCorpus.json b/results/vectoriseai__bge-small-en-v1.5/external/NFCorpus.json new file mode 100644 index 000000000..b7ef1a224 --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.288, + "map_at_10": 12.267999999999999, + "map_at_100": 15.557000000000002, + "map_at_1000": 16.98, + "map_at_3": 8.866, + "map_at_5": 10.418, + "mrr_at_1": 43.653, + "mrr_at_10": 52.681, + "mrr_at_100": 53.315999999999995, + "mrr_at_1000": 53.357, + "mrr_at_3": 51.393, + "mrr_at_5": 51.903999999999996, + "ndcg_at_1": 42.415000000000006, + "ndcg_at_10": 34.305, + "ndcg_at_100": 30.825999999999997, + "ndcg_at_1000": 39.393, + "ndcg_at_3": 39.931, + "ndcg_at_5": 37.519999999999996, + "precision_at_1": 43.653, + "precision_at_10": 25.728, + "precision_at_100": 7.932, + "precision_at_1000": 2.07, + "precision_at_3": 38.184000000000005, + "precision_at_5": 32.879000000000005, + "recall_at_1": 5.288, + "recall_at_10": 16.195, + "recall_at_100": 31.135, + "recall_at_1000": 61.531000000000006, + "recall_at_3": 10.313, + "recall_at_5": 12.754999999999999, + "main_score": 34.305 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/NQ.json b/results/vectoriseai__bge-small-en-v1.5/external/NQ.json new file mode 100644 index 000000000..3c5647972 --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.216, + "map_at_10": 42.588, + "map_at_100": 43.702999999999996, + "map_at_1000": 43.739, + "map_at_3": 38.177, + "map_at_5": 40.754000000000005, + "mrr_at_1": 31.866, + "mrr_at_10": 45.189, + "mrr_at_100": 46.056000000000004, + "mrr_at_1000": 46.081, + "mrr_at_3": 41.526999999999994, + "mrr_at_5": 43.704, + "ndcg_at_1": 31.837, + "ndcg_at_10": 50.178, + "ndcg_at_100": 54.98800000000001, + "ndcg_at_1000": 55.812, + "ndcg_at_3": 41.853, + "ndcg_at_5": 46.153, + "precision_at_1": 31.837, + "precision_at_10": 8.43, + "precision_at_100": 1.1119999999999999, + "precision_at_1000": 0.11900000000000001, + "precision_at_3": 19.023, + "precision_at_5": 13.911000000000001, + "recall_at_1": 28.216, + "recall_at_10": 70.8, + "recall_at_100": 91.857, + "recall_at_1000": 97.941, + "recall_at_3": 49.196, + "recall_at_5": 59.072, + "main_score": 50.178 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/QuoraRetrieval.json b/results/vectoriseai__bge-small-en-v1.5/external/QuoraRetrieval.json new file mode 100644 index 000000000..9d20726fd --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 71.22800000000001, + "map_at_10": 85.115, + "map_at_100": 85.72, + "map_at_1000": 85.737, + "map_at_3": 82.149, + "map_at_5": 84.029, + "mrr_at_1": 81.96, + "mrr_at_10": 88.00200000000001, + "mrr_at_100": 88.088, + "mrr_at_1000": 88.089, + "mrr_at_3": 87.055, + "mrr_at_5": 87.715, + "ndcg_at_1": 82.01, + "ndcg_at_10": 88.78, + "ndcg_at_100": 89.91, + "ndcg_at_1000": 90.013, + "ndcg_at_3": 85.957, + "ndcg_at_5": 87.56, + "precision_at_1": 82.01, + "precision_at_10": 13.462, + "precision_at_100": 1.528, + "precision_at_1000": 0.157, + "precision_at_3": 37.553, + "precision_at_5": 24.732000000000003, + "recall_at_1": 71.22800000000001, + "recall_at_10": 95.69, + "recall_at_100": 99.531, + "recall_at_1000": 99.98, + "recall_at_3": 87.632, + "recall_at_5": 92.117, + "main_score": 88.78 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/RedditClustering.json b/results/vectoriseai__bge-small-en-v1.5/external/RedditClustering.json new file mode 100644 index 000000000..b292d342e --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 52.31768034366916, + "main_score": 52.31768034366916 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/RedditClusteringP2P.json b/results/vectoriseai__bge-small-en-v1.5/external/RedditClusteringP2P.json new file mode 100644 index 000000000..5eda7ffaa --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 60.640266772723606, + "main_score": 60.640266772723606 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/SCIDOCS.json b/results/vectoriseai__bge-small-en-v1.5/external/SCIDOCS.json new file mode 100644 index 000000000..69dc82ab5 --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.7780000000000005, + "map_at_10": 12.299, + "map_at_100": 14.363000000000001, + "map_at_1000": 14.71, + "map_at_3": 8.738999999999999, + "map_at_5": 10.397, + "mrr_at_1": 23.599999999999998, + "mrr_at_10": 34.845, + "mrr_at_100": 35.916, + "mrr_at_1000": 35.973, + "mrr_at_3": 31.7, + "mrr_at_5": 33.535, + "ndcg_at_1": 23.599999999999998, + "ndcg_at_10": 20.522000000000002, + "ndcg_at_100": 28.737000000000002, + "ndcg_at_1000": 34.596, + "ndcg_at_3": 19.542, + "ndcg_at_5": 16.958000000000002, + "precision_at_1": 23.599999999999998, + "precision_at_10": 10.67, + "precision_at_100": 2.259, + "precision_at_1000": 0.367, + "precision_at_3": 18.333, + "precision_at_5": 14.879999999999999, + "recall_at_1": 4.7780000000000005, + "recall_at_10": 21.617, + "recall_at_100": 45.905, + "recall_at_1000": 74.42, + "recall_at_3": 11.148, + "recall_at_5": 15.082999999999998, + "main_score": 20.522000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/SICK-R.json b/results/vectoriseai__bge-small-en-v1.5/external/SICK-R.json new file mode 100644 index 000000000..6ce15e50d --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.22372750297885, + "cos_sim_spearman": 79.40972617119405, + "euclidean_pearson": 80.6101072020434, + "euclidean_spearman": 79.53844217225202, + "manhattan_pearson": 80.57265975286111, + "manhattan_spearman": 79.46335611792958, + "cosine_pearson": 83.22372750297885, + "cosine_spearman": 79.40972617119405, + "main_score": 79.40972617119405 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/STS12.json b/results/vectoriseai__bge-small-en-v1.5/external/STS12.json new file mode 100644 index 000000000..47ab52fe9 --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.43713315520749, + "cos_sim_spearman": 77.44128693329532, + "euclidean_pearson": 81.63869928101123, + "euclidean_spearman": 77.29512977961515, + "manhattan_pearson": 81.63704185566183, + "manhattan_spearman": 77.29909412738657, + "cosine_pearson": 85.43713315520749, + "cosine_spearman": 77.44128693329532, + "main_score": 77.44128693329532 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/STS13.json b/results/vectoriseai__bge-small-en-v1.5/external/STS13.json new file mode 100644 index 000000000..b9be50e8e --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.59451537860527, + "cos_sim_spearman": 82.97994638856723, + "euclidean_pearson": 82.89478688288412, + "euclidean_spearman": 83.58740751053104, + "manhattan_pearson": 82.69140840941608, + "manhattan_spearman": 83.33665956040555, + "cosine_pearson": 81.59451537860527, + "cosine_spearman": 82.97994638856723, + "main_score": 82.97994638856723 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/STS14.json b/results/vectoriseai__bge-small-en-v1.5/external/STS14.json new file mode 100644 index 000000000..af2b05802 --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.00756527711764, + "cos_sim_spearman": 81.83560996841379, + "euclidean_pearson": 82.07684151976518, + "euclidean_spearman": 82.00913052060511, + "manhattan_pearson": 82.05690778488794, + "manhattan_spearman": 82.02260252019525, + "cosine_pearson": 82.00756527711764, + "cosine_spearman": 81.83560996841379, + "main_score": 81.83560996841379 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/STS15.json b/results/vectoriseai__bge-small-en-v1.5/external/STS15.json new file mode 100644 index 000000000..17e40e4fd --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.13710262895447, + "cos_sim_spearman": 87.26412811156248, + "euclidean_pearson": 86.94151453230228, + "euclidean_spearman": 87.5363796699571, + "manhattan_pearson": 86.86989424083748, + "manhattan_spearman": 87.47315940781353, + "cosine_pearson": 86.13710262895447, + "cosine_spearman": 87.26412811156248, + "main_score": 87.26412811156248 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/STS16.json b/results/vectoriseai__bge-small-en-v1.5/external/STS16.json new file mode 100644 index 000000000..5d2d6484c --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.0230597603627, + "cos_sim_spearman": 84.93344499318864, + "euclidean_pearson": 84.23754743431141, + "euclidean_spearman": 85.09707376597099, + "manhattan_pearson": 84.04325160987763, + "manhattan_spearman": 84.89353071339909, + "cosine_pearson": 83.0230597603627, + "cosine_spearman": 84.93344499318864, + "main_score": 84.93344499318864 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/STS17.json b/results/vectoriseai__bge-small-en-v1.5/external/STS17.json new file mode 100644 index 000000000..855e53b27 --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.75620824563921, + "cos_sim_spearman": 87.15065513706398, + "euclidean_pearson": 88.26281533633521, + "euclidean_spearman": 87.51963738643983, + "manhattan_pearson": 88.25599267618065, + "manhattan_spearman": 87.58048736047483, + "cosine_pearson": 86.75620824563921, + "cosine_spearman": 87.15065513706398, + "main_score": 87.15065513706398 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/STS22.json b/results/vectoriseai__bge-small-en-v1.5/external/STS22.json new file mode 100644 index 000000000..ae79f8234 --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 64.74645319195137, + "cos_sim_spearman": 65.29996325037214, + "euclidean_pearson": 67.04297794086443, + "euclidean_spearman": 65.43841726694343, + "manhattan_pearson": 67.39459955690904, + "manhattan_spearman": 65.92864704413651, + "cosine_pearson": 64.74645319195137, + "cosine_spearman": 65.29996325037214, + "main_score": 65.29996325037214 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/STSBenchmark.json b/results/vectoriseai__bge-small-en-v1.5/external/STSBenchmark.json new file mode 100644 index 000000000..6446834e0 --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.31291020270801, + "cos_sim_spearman": 85.86473738688068, + "euclidean_pearson": 85.65537275064152, + "euclidean_spearman": 86.13087454209642, + "manhattan_pearson": 85.43946955047609, + "manhattan_spearman": 85.91568175344916, + "cosine_pearson": 84.31291020270801, + "cosine_spearman": 85.86473738688068, + "main_score": 85.86473738688068 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/SciDocsRR.json b/results/vectoriseai__bge-small-en-v1.5/external/SciDocsRR.json new file mode 100644 index 000000000..e3ec3f8dd --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 85.93798118350695, + "mrr": 95.93536274908824, + "main_score": 85.93798118350695 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/SciFact.json b/results/vectoriseai__bge-small-en-v1.5/external/SciFact.json new file mode 100644 index 000000000..146986bae --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 57.594, + "map_at_10": 66.81899999999999, + "map_at_100": 67.368, + "map_at_1000": 67.4, + "map_at_3": 64.061, + "map_at_5": 65.47, + "mrr_at_1": 60.667, + "mrr_at_10": 68.219, + "mrr_at_100": 68.655, + "mrr_at_1000": 68.684, + "mrr_at_3": 66.22200000000001, + "mrr_at_5": 67.289, + "ndcg_at_1": 60.667, + "ndcg_at_10": 71.275, + "ndcg_at_100": 73.642, + "ndcg_at_1000": 74.373, + "ndcg_at_3": 66.521, + "ndcg_at_5": 68.581, + "precision_at_1": 60.667, + "precision_at_10": 9.433, + "precision_at_100": 1.0699999999999998, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 25.556, + "precision_at_5": 16.8, + "recall_at_1": 57.594, + "recall_at_10": 83.622, + "recall_at_100": 94.167, + "recall_at_1000": 99.667, + "recall_at_3": 70.64399999999999, + "recall_at_5": 75.983, + "main_score": 71.275 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/SprintDuplicateQuestions.json b/results/vectoriseai__bge-small-en-v1.5/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..51a922448 --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.85841584158416, + "cos_sim_ap": 96.66996142314342, + "cos_sim_f1": 92.83208020050125, + "cos_sim_precision": 93.06532663316584, + "cos_sim_recall": 92.60000000000001, + "dot_accuracy": 99.85841584158416, + "dot_ap": 96.6775307676576, + "dot_f1": 92.69289729177312, + "dot_precision": 94.77533960292581, + "dot_recall": 90.7, + "euclidean_accuracy": 99.86138613861387, + "euclidean_ap": 96.6338454403108, + "euclidean_f1": 92.92214357937311, + "euclidean_precision": 93.96728016359918, + "euclidean_recall": 91.9, + "manhattan_accuracy": 99.86237623762376, + "manhattan_ap": 96.60370449645053, + "manhattan_f1": 92.91177970423253, + "manhattan_precision": 94.7970863683663, + "manhattan_recall": 91.10000000000001, + "max_accuracy": 99.86237623762376, + "max_ap": 96.6775307676576, + "max_f1": 92.92214357937311, + "main_score": 96.6775307676576 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/StackExchangeClustering.json b/results/vectoriseai__bge-small-en-v1.5/external/StackExchangeClustering.json new file mode 100644 index 000000000..b94e41edc --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 60.77977058695198, + "main_score": 60.77977058695198 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/StackExchangeClusteringP2P.json b/results/vectoriseai__bge-small-en-v1.5/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..7ee617935 --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.2725272535638, + "main_score": 35.2725272535638 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/StackOverflowDupQuestions.json b/results/vectoriseai__bge-small-en-v1.5/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..eec9df806 --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 53.64052466362125, + "mrr": 54.533067014684654, + "main_score": 53.64052466362125 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/SummEval.json b/results/vectoriseai__bge-small-en-v1.5/external/SummEval.json new file mode 100644 index 000000000..3143b3222 --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.677624219206578, + "cos_sim_spearman": 30.121368518123447, + "dot_pearson": 30.69870088041608, + "dot_spearman": 29.61284927093751, + "cosine_pearson": 30.677624219206578, + "cosine_spearman": 30.121368518123447, + "main_score": 30.121368518123447 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/TRECCOVID.json b/results/vectoriseai__bge-small-en-v1.5/external/TRECCOVID.json new file mode 100644 index 000000000..f68722e48 --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.22, + "map_at_10": 1.855, + "map_at_100": 9.885, + "map_at_1000": 23.416999999999998, + "map_at_3": 0.637, + "map_at_5": 1.024, + "mrr_at_1": 88.0, + "mrr_at_10": 93.067, + "mrr_at_100": 93.067, + "mrr_at_1000": 93.067, + "mrr_at_3": 92.667, + "mrr_at_5": 93.067, + "ndcg_at_1": 82.0, + "ndcg_at_10": 75.899, + "ndcg_at_100": 55.115, + "ndcg_at_1000": 48.368, + "ndcg_at_3": 79.704, + "ndcg_at_5": 78.39699999999999, + "precision_at_1": 88.0, + "precision_at_10": 79.60000000000001, + "precision_at_100": 56.06, + "precision_at_1000": 21.206, + "precision_at_3": 84.667, + "precision_at_5": 83.2, + "recall_at_1": 0.22, + "recall_at_10": 2.078, + "recall_at_100": 13.297, + "recall_at_1000": 44.979, + "recall_at_3": 0.6689999999999999, + "recall_at_5": 1.106, + "main_score": 75.899 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/Touche2020.json b/results/vectoriseai__bge-small-en-v1.5/external/Touche2020.json new file mode 100644 index 000000000..40864d95a --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.258, + "map_at_10": 10.439, + "map_at_100": 16.89, + "map_at_1000": 18.407999999999998, + "map_at_3": 5.668, + "map_at_5": 7.718, + "mrr_at_1": 32.653, + "mrr_at_10": 51.159, + "mrr_at_100": 51.714000000000006, + "mrr_at_1000": 51.714000000000006, + "mrr_at_3": 47.959, + "mrr_at_5": 50.407999999999994, + "ndcg_at_1": 29.592000000000002, + "ndcg_at_10": 26.037, + "ndcg_at_100": 37.924, + "ndcg_at_1000": 49.126999999999995, + "ndcg_at_3": 30.631999999999998, + "ndcg_at_5": 28.571, + "precision_at_1": 32.653, + "precision_at_10": 22.857, + "precision_at_100": 7.754999999999999, + "precision_at_1000": 1.529, + "precision_at_3": 34.014, + "precision_at_5": 29.796, + "recall_at_1": 2.258, + "recall_at_10": 16.554, + "recall_at_100": 48.439, + "recall_at_1000": 82.80499999999999, + "recall_at_3": 7.283, + "recall_at_5": 10.732, + "main_score": 26.037 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/ToxicConversationsClassification.json b/results/vectoriseai__bge-small-en-v1.5/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..707e0fab6 --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.8858, + "ap": 13.835684144362109, + "f1": 53.803351693244586, + "main_score": 69.8858 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/TweetSentimentExtractionClassification.json b/results/vectoriseai__bge-small-en-v1.5/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..746554a44 --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 60.50650820599886, + "f1": 60.84357825979259, + "main_score": 60.50650820599886 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/TwentyNewsgroupsClustering.json b/results/vectoriseai__bge-small-en-v1.5/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..a17488408 --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.52131044852134, + "main_score": 48.52131044852134 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/TwitterSemEval2015.json b/results/vectoriseai__bge-small-en-v1.5/external/TwitterSemEval2015.json new file mode 100644 index 000000000..77096bdc2 --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 85.59337187816654, + "cos_sim_ap": 73.23925826533437, + "cos_sim_f1": 67.34693877551021, + "cos_sim_precision": 62.40432237730752, + "cos_sim_recall": 73.13984168865434, + "dot_accuracy": 85.31322644096085, + "dot_ap": 72.30723963807422, + "dot_f1": 66.47051612112296, + "dot_precision": 62.0792305930845, + "dot_recall": 71.53034300791556, + "euclidean_accuracy": 85.61125350181797, + "euclidean_ap": 73.32843720487845, + "euclidean_f1": 67.36549633745895, + "euclidean_precision": 64.60755813953489, + "euclidean_recall": 70.36939313984169, + "manhattan_accuracy": 85.63509566668654, + "manhattan_ap": 73.16658488311325, + "manhattan_f1": 67.20597386434349, + "manhattan_precision": 63.60424028268551, + "manhattan_recall": 71.2401055408971, + "max_accuracy": 85.63509566668654, + "max_ap": 73.32843720487845, + "max_f1": 67.36549633745895, + "main_score": 73.32843720487845 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/TwitterURLCorpus.json b/results/vectoriseai__bge-small-en-v1.5/external/TwitterURLCorpus.json new file mode 100644 index 000000000..47c33fcb3 --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.33779640625606, + "cos_sim_ap": 84.83868375898157, + "cos_sim_f1": 77.16506154017773, + "cos_sim_precision": 74.62064005753327, + "cos_sim_recall": 79.88912842623961, + "dot_accuracy": 88.02732176815307, + "dot_ap": 83.95089283763002, + "dot_f1": 76.29635101196631, + "dot_precision": 73.31771720613288, + "dot_recall": 79.52725592854944, + "euclidean_accuracy": 88.44452206310397, + "euclidean_ap": 84.98384576824827, + "euclidean_f1": 77.29311047696697, + "euclidean_precision": 74.51232583065381, + "euclidean_recall": 80.28949799815214, + "manhattan_accuracy": 88.47362906042613, + "manhattan_ap": 84.91421462218432, + "manhattan_f1": 77.05107637204792, + "manhattan_precision": 74.74484256243214, + "manhattan_recall": 79.50415768401602, + "max_accuracy": 88.47362906042613, + "max_ap": 84.98384576824827, + "max_f1": 77.29311047696697, + "main_score": 84.98384576824827 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en-v1.5/external/model_meta.json b/results/vectoriseai__bge-small-en-v1.5/external/model_meta.json new file mode 100644 index 000000000..25e4f4ba7 --- /dev/null +++ b/results/vectoriseai__bge-small-en-v1.5/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "vectoriseai/bge-small-en-v1.5", + "revision": "591c291a136fb1f02b1bdfd59147138320eddc76", + "release_date": "2023-10-09", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 33377099, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 384, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/AmazonCounterfactualClassification.json b/results/vectoriseai__bge-small-en/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..b0559eac1 --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.34328358208955, + "ap": 37.59947775195661, + "f1": 68.548415491933, + "main_score": 74.34328358208955 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/AmazonPolarityClassification.json b/results/vectoriseai__bge-small-en/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..192851ef7 --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.04527499999999, + "ap": 89.60696356772135, + "f1": 93.03361469382438, + "main_score": 93.04527499999999 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/AmazonReviewsClassification.json b/results/vectoriseai__bge-small-en/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..09f23d008 --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 46.08, + "f1": 45.66249835363254, + "main_score": 46.08 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/ArguAna.json b/results/vectoriseai__bge-small-en/external/ArguAna.json new file mode 100644 index 000000000..20bb47c33 --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 35.205999999999996, + "map_at_10": 50.782000000000004, + "map_at_100": 51.547, + "map_at_1000": 51.554, + "map_at_3": 46.515, + "map_at_5": 49.296, + "mrr_at_1": 35.632999999999996, + "mrr_at_10": 50.958999999999996, + "mrr_at_100": 51.724000000000004, + "mrr_at_1000": 51.731, + "mrr_at_3": 46.669, + "mrr_at_5": 49.439, + "ndcg_at_1": 35.205999999999996, + "ndcg_at_10": 58.835, + "ndcg_at_100": 62.095, + "ndcg_at_1000": 62.255, + "ndcg_at_3": 50.255, + "ndcg_at_5": 55.296, + "precision_at_1": 35.205999999999996, + "precision_at_10": 8.421, + "precision_at_100": 0.984, + "precision_at_1000": 0.1, + "precision_at_3": 20.365, + "precision_at_5": 14.680000000000001, + "recall_at_1": 35.205999999999996, + "recall_at_10": 84.211, + "recall_at_100": 98.43499999999999, + "recall_at_1000": 99.644, + "recall_at_3": 61.095, + "recall_at_5": 73.4, + "main_score": 58.835 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/ArxivClusteringP2P.json b/results/vectoriseai__bge-small-en/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..c91197362 --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 47.52644476278646, + "main_score": 47.52644476278646 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/ArxivClusteringS2S.json b/results/vectoriseai__bge-small-en/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..5f44ba20b --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.973045724188964, + "main_score": 39.973045724188964 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/AskUbuntuDupQuestions.json b/results/vectoriseai__bge-small-en/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..36cfe8368 --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 62.28285314871488, + "mrr": 74.52743701358659, + "main_score": 62.28285314871488 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/BIOSSES.json b/results/vectoriseai__bge-small-en/external/BIOSSES.json new file mode 100644 index 000000000..dd4e44daf --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 80.09041909160327, + "cos_sim_spearman": 79.96266537706944, + "euclidean_pearson": 79.50774978162241, + "euclidean_spearman": 79.9144715078551, + "manhattan_pearson": 79.2062139879302, + "manhattan_spearman": 79.35000081468212, + "cosine_pearson": 80.09041909160327, + "cosine_spearman": 79.96266537706944, + "main_score": 79.96266537706944 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/Banking77Classification.json b/results/vectoriseai__bge-small-en/external/Banking77Classification.json new file mode 100644 index 000000000..79182ce3f --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 85.31493506493506, + "f1": 85.2704557977762, + "main_score": 85.31493506493506 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/BiorxivClusteringP2P.json b/results/vectoriseai__bge-small-en/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..e4f010655 --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.6837242810816, + "main_score": 39.6837242810816 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/BiorxivClusteringS2S.json b/results/vectoriseai__bge-small-en/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..4912a008a --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.38881249555897, + "main_score": 35.38881249555897 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/CQADupstackAndroidRetrieval.json b/results/vectoriseai__bge-small-en/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..d2731ffe0 --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.884999999999998, + "map_at_10": 39.574, + "map_at_100": 40.993, + "map_at_1000": 41.129, + "map_at_3": 36.089, + "map_at_5": 38.191, + "mrr_at_1": 34.477999999999994, + "mrr_at_10": 45.411, + "mrr_at_100": 46.089999999999996, + "mrr_at_1000": 46.147, + "mrr_at_3": 42.346000000000004, + "mrr_at_5": 44.292, + "ndcg_at_1": 34.477999999999994, + "ndcg_at_10": 46.123999999999995, + "ndcg_at_100": 51.349999999999994, + "ndcg_at_1000": 53.578, + "ndcg_at_3": 40.824, + "ndcg_at_5": 43.571, + "precision_at_1": 34.477999999999994, + "precision_at_10": 8.841000000000001, + "precision_at_100": 1.4460000000000002, + "precision_at_1000": 0.192, + "precision_at_3": 19.742, + "precision_at_5": 14.421000000000001, + "recall_at_1": 27.884999999999998, + "recall_at_10": 59.087, + "recall_at_100": 80.609, + "recall_at_1000": 95.054, + "recall_at_3": 44.082, + "recall_at_5": 51.593999999999994, + "main_score": 46.123999999999995 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.639, + "map_at_10": 40.047, + "map_at_100": 41.302, + "map_at_1000": 41.425, + "map_at_3": 37.406, + "map_at_5": 38.934000000000005, + "mrr_at_1": 37.707, + "mrr_at_10": 46.082, + "mrr_at_100": 46.745, + "mrr_at_1000": 46.786, + "mrr_at_3": 43.980999999999995, + "mrr_at_5": 45.287, + "ndcg_at_1": 37.707, + "ndcg_at_10": 45.525, + "ndcg_at_100": 49.976, + "ndcg_at_1000": 51.94499999999999, + "ndcg_at_3": 41.704, + "ndcg_at_5": 43.596000000000004, + "precision_at_1": 37.707, + "precision_at_10": 8.465, + "precision_at_100": 1.375, + "precision_at_1000": 0.183, + "precision_at_3": 19.979, + "precision_at_5": 14.115, + "recall_at_1": 30.639, + "recall_at_10": 54.775, + "recall_at_100": 73.678, + "recall_at_1000": 86.142, + "recall_at_3": 43.230000000000004, + "recall_at_5": 48.622, + "main_score": 45.525 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.038, + "map_at_10": 49.922, + "map_at_100": 51.032, + "map_at_1000": 51.085, + "map_at_3": 46.664, + "map_at_5": 48.588, + "mrr_at_1": 43.95, + "mrr_at_10": 53.566, + "mrr_at_100": 54.318999999999996, + "mrr_at_1000": 54.348, + "mrr_at_3": 51.066, + "mrr_at_5": 52.649, + "ndcg_at_1": 43.95, + "ndcg_at_10": 55.676, + "ndcg_at_100": 60.126000000000005, + "ndcg_at_1000": 61.208, + "ndcg_at_3": 50.20400000000001, + "ndcg_at_5": 53.038, + "precision_at_1": 43.95, + "precision_at_10": 8.953, + "precision_at_100": 1.2109999999999999, + "precision_at_1000": 0.135, + "precision_at_3": 22.256999999999998, + "precision_at_5": 15.524, + "recall_at_1": 38.038, + "recall_at_10": 69.15, + "recall_at_100": 88.31599999999999, + "recall_at_1000": 95.993, + "recall_at_3": 54.663, + "recall_at_5": 61.373, + "main_score": 55.676 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.872, + "map_at_10": 32.912, + "map_at_100": 33.972, + "map_at_1000": 34.046, + "map_at_3": 30.361, + "map_at_5": 31.704, + "mrr_at_1": 26.779999999999998, + "mrr_at_10": 34.812, + "mrr_at_100": 35.754999999999995, + "mrr_at_1000": 35.809000000000005, + "mrr_at_3": 32.335, + "mrr_at_5": 33.64, + "ndcg_at_1": 26.779999999999998, + "ndcg_at_10": 37.623, + "ndcg_at_100": 42.924, + "ndcg_at_1000": 44.856, + "ndcg_at_3": 32.574, + "ndcg_at_5": 34.842, + "precision_at_1": 26.779999999999998, + "precision_at_10": 5.729, + "precision_at_100": 0.886, + "precision_at_1000": 0.109, + "precision_at_3": 13.559, + "precision_at_5": 9.469, + "recall_at_1": 24.872, + "recall_at_10": 50.400999999999996, + "recall_at_100": 74.954, + "recall_at_1000": 89.56, + "recall_at_3": 36.726, + "recall_at_5": 42.138999999999996, + "main_score": 37.623 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.803, + "map_at_10": 24.348, + "map_at_100": 25.56, + "map_at_1000": 25.668000000000003, + "map_at_3": 21.811, + "map_at_5": 23.287, + "mrr_at_1": 20.771, + "mrr_at_10": 28.961, + "mrr_at_100": 29.979, + "mrr_at_1000": 30.046, + "mrr_at_3": 26.555, + "mrr_at_5": 28.060000000000002, + "ndcg_at_1": 20.771, + "ndcg_at_10": 29.335, + "ndcg_at_100": 35.188, + "ndcg_at_1000": 37.812, + "ndcg_at_3": 24.83, + "ndcg_at_5": 27.119, + "precision_at_1": 20.771, + "precision_at_10": 5.4350000000000005, + "precision_at_100": 0.9480000000000001, + "precision_at_1000": 0.13, + "precision_at_3": 11.982, + "precision_at_5": 8.831, + "recall_at_1": 16.803, + "recall_at_10": 40.039, + "recall_at_100": 65.83200000000001, + "recall_at_1000": 84.478, + "recall_at_3": 27.682000000000002, + "recall_at_5": 33.535, + "main_score": 29.335 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.345, + "map_at_10": 37.757000000000005, + "map_at_100": 39.141, + "map_at_1000": 39.262, + "map_at_3": 35.183, + "map_at_5": 36.592, + "mrr_at_1": 34.649, + "mrr_at_10": 43.586999999999996, + "mrr_at_100": 44.481, + "mrr_at_1000": 44.542, + "mrr_at_3": 41.29, + "mrr_at_5": 42.642, + "ndcg_at_1": 34.649, + "ndcg_at_10": 43.161, + "ndcg_at_100": 48.734, + "ndcg_at_1000": 51.046, + "ndcg_at_3": 39.118, + "ndcg_at_5": 41.022, + "precision_at_1": 34.649, + "precision_at_10": 7.603, + "precision_at_100": 1.209, + "precision_at_1000": 0.157, + "precision_at_3": 18.319, + "precision_at_5": 12.839, + "recall_at_1": 28.345, + "recall_at_10": 53.367, + "recall_at_100": 76.453, + "recall_at_1000": 91.82000000000001, + "recall_at_3": 41.636, + "recall_at_5": 46.760000000000005, + "main_score": 43.161 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.419, + "map_at_10": 31.716, + "map_at_100": 33.152, + "map_at_1000": 33.267, + "map_at_3": 28.74, + "map_at_5": 30.48, + "mrr_at_1": 28.310999999999996, + "mrr_at_10": 37.039, + "mrr_at_100": 38.09, + "mrr_at_1000": 38.145, + "mrr_at_3": 34.437, + "mrr_at_5": 36.024, + "ndcg_at_1": 28.310999999999996, + "ndcg_at_10": 37.41, + "ndcg_at_100": 43.647999999999996, + "ndcg_at_1000": 46.007, + "ndcg_at_3": 32.509, + "ndcg_at_5": 34.943999999999996, + "precision_at_1": 28.310999999999996, + "precision_at_10": 6.963, + "precision_at_100": 1.1860000000000002, + "precision_at_1000": 0.154, + "precision_at_3": 15.867999999999999, + "precision_at_5": 11.507000000000001, + "recall_at_1": 22.419, + "recall_at_10": 49.28, + "recall_at_100": 75.802, + "recall_at_1000": 92.032, + "recall_at_3": 35.399, + "recall_at_5": 42.027, + "main_score": 37.41 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.669249999999998, + "map_at_10": 33.332583333333325, + "map_at_100": 34.557833333333335, + "map_at_1000": 34.67141666666666, + "map_at_3": 30.663166666666662, + "map_at_5": 32.14883333333333, + "mrr_at_1": 29.193833333333334, + "mrr_at_10": 37.47625, + "mrr_at_100": 38.3545, + "mrr_at_1000": 38.413166666666676, + "mrr_at_3": 35.06741666666667, + "mrr_at_5": 36.450666666666656, + "ndcg_at_1": 29.193833333333334, + "ndcg_at_10": 38.505416666666676, + "ndcg_at_100": 43.81125, + "ndcg_at_1000": 46.09558333333333, + "ndcg_at_3": 33.90916666666667, + "ndcg_at_5": 36.07666666666666, + "precision_at_1": 29.193833333333334, + "precision_at_10": 6.7251666666666665, + "precision_at_100": 1.1058333333333332, + "precision_at_1000": 0.14833333333333332, + "precision_at_3": 15.554166666666665, + "precision_at_5": 11.079250000000002, + "recall_at_1": 24.669249999999998, + "recall_at_10": 49.75583333333332, + "recall_at_100": 73.06908333333332, + "recall_at_1000": 88.91316666666667, + "recall_at_3": 36.913250000000005, + "recall_at_5": 42.48641666666666, + "main_score": 38.505416666666676 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.044999999999998, + "map_at_10": 30.349999999999998, + "map_at_100": 31.273, + "map_at_1000": 31.362000000000002, + "map_at_3": 28.508, + "map_at_5": 29.369, + "mrr_at_1": 26.994, + "mrr_at_10": 33.12, + "mrr_at_100": 33.904, + "mrr_at_1000": 33.967000000000006, + "mrr_at_3": 31.365, + "mrr_at_5": 32.124, + "ndcg_at_1": 26.994, + "ndcg_at_10": 34.214, + "ndcg_at_100": 38.681, + "ndcg_at_1000": 40.926, + "ndcg_at_3": 30.725, + "ndcg_at_5": 31.967000000000002, + "precision_at_1": 26.994, + "precision_at_10": 5.215, + "precision_at_100": 0.807, + "precision_at_1000": 0.108, + "precision_at_3": 12.986, + "precision_at_5": 8.712, + "recall_at_1": 24.044999999999998, + "recall_at_10": 43.456, + "recall_at_100": 63.675000000000004, + "recall_at_1000": 80.05499999999999, + "recall_at_3": 33.561, + "recall_at_5": 36.767, + "main_score": 34.214 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.672, + "map_at_10": 22.641, + "map_at_100": 23.75, + "map_at_1000": 23.877000000000002, + "map_at_3": 20.219, + "map_at_5": 21.648, + "mrr_at_1": 18.823, + "mrr_at_10": 26.101999999999997, + "mrr_at_100": 27.038, + "mrr_at_1000": 27.118, + "mrr_at_3": 23.669, + "mrr_at_5": 25.173000000000002, + "ndcg_at_1": 18.823, + "ndcg_at_10": 27.176000000000002, + "ndcg_at_100": 32.42, + "ndcg_at_1000": 35.413, + "ndcg_at_3": 22.756999999999998, + "ndcg_at_5": 25.032, + "precision_at_1": 18.823, + "precision_at_10": 5.034000000000001, + "precision_at_100": 0.895, + "precision_at_1000": 0.132, + "precision_at_3": 10.771, + "precision_at_5": 8.1, + "recall_at_1": 15.672, + "recall_at_10": 37.296, + "recall_at_100": 60.863, + "recall_at_1000": 82.234, + "recall_at_3": 25.330000000000002, + "recall_at_5": 30.964000000000002, + "main_score": 27.176000000000002 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.633, + "map_at_10": 32.858, + "map_at_100": 34.038000000000004, + "map_at_1000": 34.141, + "map_at_3": 30.209000000000003, + "map_at_5": 31.567, + "mrr_at_1": 28.358, + "mrr_at_10": 36.433, + "mrr_at_100": 37.352000000000004, + "mrr_at_1000": 37.41, + "mrr_at_3": 34.033, + "mrr_at_5": 35.246, + "ndcg_at_1": 28.358, + "ndcg_at_10": 37.973, + "ndcg_at_100": 43.411, + "ndcg_at_1000": 45.747, + "ndcg_at_3": 32.934999999999995, + "ndcg_at_5": 35.013, + "precision_at_1": 28.358, + "precision_at_10": 6.418, + "precision_at_100": 1.02, + "precision_at_1000": 0.133, + "precision_at_3": 14.677000000000001, + "precision_at_5": 10.335999999999999, + "recall_at_1": 24.633, + "recall_at_10": 50.048, + "recall_at_100": 73.821, + "recall_at_1000": 90.046, + "recall_at_3": 36.284, + "recall_at_5": 41.370000000000005, + "main_score": 37.973 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.133, + "map_at_10": 31.491999999999997, + "map_at_100": 33.062000000000005, + "map_at_1000": 33.256, + "map_at_3": 28.886, + "map_at_5": 30.262, + "mrr_at_1": 28.063, + "mrr_at_10": 36.144, + "mrr_at_100": 37.14, + "mrr_at_1000": 37.191, + "mrr_at_3": 33.762, + "mrr_at_5": 34.997, + "ndcg_at_1": 28.063, + "ndcg_at_10": 36.951, + "ndcg_at_100": 43.287, + "ndcg_at_1000": 45.777, + "ndcg_at_3": 32.786, + "ndcg_at_5": 34.65, + "precision_at_1": 28.063, + "precision_at_10": 7.055, + "precision_at_100": 1.476, + "precision_at_1000": 0.22899999999999998, + "precision_at_3": 15.481, + "precision_at_5": 11.186, + "recall_at_1": 23.133, + "recall_at_10": 47.285, + "recall_at_100": 76.176, + "recall_at_1000": 92.176, + "recall_at_3": 35.223, + "recall_at_5": 40.142, + "main_score": 36.951 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.547, + "map_at_10": 26.374, + "map_at_100": 27.419, + "map_at_1000": 27.539, + "map_at_3": 23.882, + "map_at_5": 25.163999999999998, + "mrr_at_1": 21.442, + "mrr_at_10": 28.458, + "mrr_at_100": 29.360999999999997, + "mrr_at_1000": 29.448999999999998, + "mrr_at_3": 25.97, + "mrr_at_5": 27.273999999999997, + "ndcg_at_1": 21.442, + "ndcg_at_10": 30.897000000000002, + "ndcg_at_100": 35.99, + "ndcg_at_1000": 38.832, + "ndcg_at_3": 25.944, + "ndcg_at_5": 28.126, + "precision_at_1": 21.442, + "precision_at_10": 4.9910000000000005, + "precision_at_100": 0.8109999999999999, + "precision_at_1000": 0.11800000000000001, + "precision_at_3": 11.029, + "precision_at_5": 7.911, + "recall_at_1": 19.547, + "recall_at_10": 42.886, + "recall_at_100": 66.64999999999999, + "recall_at_1000": 87.368, + "recall_at_3": 29.143, + "recall_at_5": 34.544000000000004, + "main_score": 30.897000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/ClimateFEVER.json b/results/vectoriseai__bge-small-en/external/ClimateFEVER.json new file mode 100644 index 000000000..abd643a14 --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.572, + "map_at_10": 25.312, + "map_at_100": 27.062, + "map_at_1000": 27.253, + "map_at_3": 21.601, + "map_at_5": 23.473, + "mrr_at_1": 34.984, + "mrr_at_10": 46.406, + "mrr_at_100": 47.179, + "mrr_at_1000": 47.21, + "mrr_at_3": 43.485, + "mrr_at_5": 45.322, + "ndcg_at_1": 34.984, + "ndcg_at_10": 34.344, + "ndcg_at_100": 41.015, + "ndcg_at_1000": 44.366, + "ndcg_at_3": 29.119, + "ndcg_at_5": 30.825999999999997, + "precision_at_1": 34.984, + "precision_at_10": 10.358, + "precision_at_100": 1.762, + "precision_at_1000": 0.23900000000000002, + "precision_at_3": 21.368000000000002, + "precision_at_5": 15.948, + "recall_at_1": 15.572, + "recall_at_10": 39.367999999999995, + "recall_at_100": 62.183, + "recall_at_1000": 80.92200000000001, + "recall_at_3": 26.131999999999998, + "recall_at_5": 31.635999999999996, + "main_score": 34.344 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/DBPedia.json b/results/vectoriseai__bge-small-en/external/DBPedia.json new file mode 100644 index 000000000..d48dca69e --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.848, + "map_at_10": 19.25, + "map_at_100": 27.193, + "map_at_1000": 28.721999999999998, + "map_at_3": 13.968, + "map_at_5": 16.283, + "mrr_at_1": 68.75, + "mrr_at_10": 76.25, + "mrr_at_100": 76.534, + "mrr_at_1000": 76.53999999999999, + "mrr_at_3": 74.667, + "mrr_at_5": 75.86699999999999, + "ndcg_at_1": 56.00000000000001, + "ndcg_at_10": 41.426, + "ndcg_at_100": 45.660000000000004, + "ndcg_at_1000": 53.02, + "ndcg_at_3": 46.581, + "ndcg_at_5": 43.836999999999996, + "precision_at_1": 68.75, + "precision_at_10": 32.800000000000004, + "precision_at_100": 10.440000000000001, + "precision_at_1000": 1.9980000000000002, + "precision_at_3": 49.667, + "precision_at_5": 42.25, + "recall_at_1": 8.848, + "recall_at_10": 24.467, + "recall_at_100": 51.344, + "recall_at_1000": 75.235, + "recall_at_3": 15.329, + "recall_at_5": 18.892999999999997, + "main_score": 41.426 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/EmotionClassification.json b/results/vectoriseai__bge-small-en/external/EmotionClassification.json new file mode 100644 index 000000000..9c1eca3f8 --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 48.95, + "f1": 43.44563593360779, + "main_score": 48.95 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/FEVER.json b/results/vectoriseai__bge-small-en/external/FEVER.json new file mode 100644 index 000000000..1f2519228 --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 78.036, + "map_at_10": 85.639, + "map_at_100": 85.815, + "map_at_1000": 85.829, + "map_at_3": 84.795, + "map_at_5": 85.336, + "mrr_at_1": 84.353, + "mrr_at_10": 90.582, + "mrr_at_100": 90.617, + "mrr_at_1000": 90.617, + "mrr_at_3": 90.132, + "mrr_at_5": 90.447, + "ndcg_at_1": 84.353, + "ndcg_at_10": 89.003, + "ndcg_at_100": 89.60000000000001, + "ndcg_at_1000": 89.836, + "ndcg_at_3": 87.81400000000001, + "ndcg_at_5": 88.478, + "precision_at_1": 84.353, + "precision_at_10": 10.482, + "precision_at_100": 1.099, + "precision_at_1000": 0.11399999999999999, + "precision_at_3": 33.257999999999996, + "precision_at_5": 20.465, + "recall_at_1": 78.036, + "recall_at_10": 94.517, + "recall_at_100": 96.828, + "recall_at_1000": 98.261, + "recall_at_3": 91.12, + "recall_at_5": 92.946, + "main_score": 89.003 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/FiQA2018.json b/results/vectoriseai__bge-small-en/external/FiQA2018.json new file mode 100644 index 000000000..e4d63d992 --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.191, + "map_at_10": 32.369, + "map_at_100": 34.123999999999995, + "map_at_1000": 34.317, + "map_at_3": 28.71, + "map_at_5": 30.607, + "mrr_at_1": 40.894999999999996, + "mrr_at_10": 48.842, + "mrr_at_100": 49.599, + "mrr_at_1000": 49.647000000000006, + "mrr_at_3": 46.785, + "mrr_at_5": 47.672, + "ndcg_at_1": 40.894999999999996, + "ndcg_at_10": 39.872, + "ndcg_at_100": 46.126, + "ndcg_at_1000": 49.476, + "ndcg_at_3": 37.153000000000006, + "ndcg_at_5": 37.433, + "precision_at_1": 40.894999999999996, + "precision_at_10": 10.818, + "precision_at_100": 1.73, + "precision_at_1000": 0.231, + "precision_at_3": 25.051000000000002, + "precision_at_5": 17.531, + "recall_at_1": 20.191, + "recall_at_10": 45.768, + "recall_at_100": 68.82000000000001, + "recall_at_1000": 89.133, + "recall_at_3": 33.296, + "recall_at_5": 38.022, + "main_score": 39.872 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/HotpotQA.json b/results/vectoriseai__bge-small-en/external/HotpotQA.json new file mode 100644 index 000000000..be4b05d25 --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 39.257, + "map_at_10": 61.467000000000006, + "map_at_100": 62.364, + "map_at_1000": 62.424, + "map_at_3": 58.228, + "map_at_5": 60.283, + "mrr_at_1": 78.515, + "mrr_at_10": 84.191, + "mrr_at_100": 84.378, + "mrr_at_1000": 84.385, + "mrr_at_3": 83.284, + "mrr_at_5": 83.856, + "ndcg_at_1": 78.515, + "ndcg_at_10": 69.78999999999999, + "ndcg_at_100": 72.886, + "ndcg_at_1000": 74.015, + "ndcg_at_3": 65.23, + "ndcg_at_5": 67.80199999999999, + "precision_at_1": 78.515, + "precision_at_10": 14.519000000000002, + "precision_at_100": 1.694, + "precision_at_1000": 0.184, + "precision_at_3": 41.702, + "precision_at_5": 27.046999999999997, + "recall_at_1": 39.257, + "recall_at_10": 72.59299999999999, + "recall_at_100": 84.679, + "recall_at_1000": 92.12, + "recall_at_3": 62.552, + "recall_at_5": 67.616, + "main_score": 69.78999999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/ImdbClassification.json b/results/vectoriseai__bge-small-en/external/ImdbClassification.json new file mode 100644 index 000000000..74547cd19 --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.5152, + "ap": 87.64584669595709, + "f1": 91.50605576428437, + "main_score": 91.5152 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/MSMARCO.json b/results/vectoriseai__bge-small-en/external/MSMARCO.json new file mode 100644 index 000000000..0267934ed --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.926000000000002, + "map_at_10": 34.049, + "map_at_100": 35.213, + "map_at_1000": 35.265, + "map_at_3": 30.309, + "map_at_5": 32.407000000000004, + "mrr_at_1": 22.55, + "mrr_at_10": 34.657, + "mrr_at_100": 35.760999999999996, + "mrr_at_1000": 35.807, + "mrr_at_3": 30.989, + "mrr_at_5": 33.039, + "ndcg_at_1": 22.55, + "ndcg_at_10": 40.842, + "ndcg_at_100": 46.436, + "ndcg_at_1000": 47.721999999999994, + "ndcg_at_3": 33.209, + "ndcg_at_5": 36.943, + "precision_at_1": 22.55, + "precision_at_10": 6.447, + "precision_at_100": 0.9249999999999999, + "precision_at_1000": 0.104, + "precision_at_3": 14.136000000000001, + "precision_at_5": 10.381, + "recall_at_1": 21.926000000000002, + "recall_at_10": 61.724999999999994, + "recall_at_100": 87.604, + "recall_at_1000": 97.421, + "recall_at_3": 40.944, + "recall_at_5": 49.915, + "main_score": 40.842 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/MTOPDomainClassification.json b/results/vectoriseai__bge-small-en/external/MTOPDomainClassification.json new file mode 100644 index 000000000..8b13493c3 --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.54765161878704, + "f1": 93.3298945415573, + "main_score": 93.54765161878704 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/MTOPIntentClassification.json b/results/vectoriseai__bge-small-en/external/MTOPIntentClassification.json new file mode 100644 index 000000000..3ce1fa396 --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.71591427268582, + "f1": 59.32113870474471, + "main_score": 75.71591427268582 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/MassiveIntentClassification.json b/results/vectoriseai__bge-small-en/external/MassiveIntentClassification.json new file mode 100644 index 000000000..25e297056 --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.83053127101547, + "f1": 73.60757944876475, + "main_score": 75.83053127101547 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/MassiveScenarioClassification.json b/results/vectoriseai__bge-small-en/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..082ec6015 --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.72562205783457, + "f1": 78.63761662505502, + "main_score": 78.72562205783457 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/MedrxivClusteringP2P.json b/results/vectoriseai__bge-small-en/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..5cbe14590 --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.37935633767996, + "main_score": 33.37935633767996 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/MedrxivClusteringS2S.json b/results/vectoriseai__bge-small-en/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..793ae2126 --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.55270546130387, + "main_score": 31.55270546130387 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/MindSmallReranking.json b/results/vectoriseai__bge-small-en/external/MindSmallReranking.json new file mode 100644 index 000000000..6350d558c --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 30.462692753143834, + "mrr": 31.497569753511563, + "main_score": 30.462692753143834 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/NFCorpus.json b/results/vectoriseai__bge-small-en/external/NFCorpus.json new file mode 100644 index 000000000..62925136b --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.646, + "map_at_10": 12.498, + "map_at_100": 15.486, + "map_at_1000": 16.805999999999997, + "map_at_3": 9.325, + "map_at_5": 10.751, + "mrr_at_1": 43.034, + "mrr_at_10": 52.662, + "mrr_at_100": 53.189, + "mrr_at_1000": 53.25, + "mrr_at_3": 50.929, + "mrr_at_5": 51.92, + "ndcg_at_1": 41.796, + "ndcg_at_10": 33.477000000000004, + "ndcg_at_100": 29.996000000000002, + "ndcg_at_1000": 38.864, + "ndcg_at_3": 38.940000000000005, + "ndcg_at_5": 36.689, + "precision_at_1": 43.034, + "precision_at_10": 24.799, + "precision_at_100": 7.432999999999999, + "precision_at_1000": 1.9929999999999999, + "precision_at_3": 36.842000000000006, + "precision_at_5": 32.135999999999996, + "recall_at_1": 5.646, + "recall_at_10": 15.963, + "recall_at_100": 29.492, + "recall_at_1000": 61.711000000000006, + "recall_at_3": 10.585, + "recall_at_5": 12.753999999999998, + "main_score": 33.477000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/NQ.json b/results/vectoriseai__bge-small-en/external/NQ.json new file mode 100644 index 000000000..f111ac4a2 --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.602, + "map_at_10": 41.545, + "map_at_100": 42.644999999999996, + "map_at_1000": 42.685, + "map_at_3": 37.261, + "map_at_5": 39.706, + "mrr_at_1": 31.141000000000002, + "mrr_at_10": 44.139, + "mrr_at_100": 44.997, + "mrr_at_1000": 45.025999999999996, + "mrr_at_3": 40.503, + "mrr_at_5": 42.64, + "ndcg_at_1": 31.141000000000002, + "ndcg_at_10": 48.995, + "ndcg_at_100": 53.788000000000004, + "ndcg_at_1000": 54.730000000000004, + "ndcg_at_3": 40.844, + "ndcg_at_5": 44.955, + "precision_at_1": 31.141000000000002, + "precision_at_10": 8.233, + "precision_at_100": 1.093, + "precision_at_1000": 0.11800000000000001, + "precision_at_3": 18.579, + "precision_at_5": 13.533999999999999, + "recall_at_1": 27.602, + "recall_at_10": 69.216, + "recall_at_100": 90.252, + "recall_at_1000": 97.27, + "recall_at_3": 47.987, + "recall_at_5": 57.438, + "main_score": 48.995 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/QuoraRetrieval.json b/results/vectoriseai__bge-small-en/external/QuoraRetrieval.json new file mode 100644 index 000000000..9ff8e432d --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 70.949, + "map_at_10": 84.89999999999999, + "map_at_100": 85.531, + "map_at_1000": 85.548, + "map_at_3": 82.027, + "map_at_5": 83.853, + "mrr_at_1": 81.69999999999999, + "mrr_at_10": 87.813, + "mrr_at_100": 87.917, + "mrr_at_1000": 87.91799999999999, + "mrr_at_3": 86.938, + "mrr_at_5": 87.53999999999999, + "ndcg_at_1": 81.75, + "ndcg_at_10": 88.55499999999999, + "ndcg_at_100": 89.765, + "ndcg_at_1000": 89.871, + "ndcg_at_3": 85.905, + "ndcg_at_5": 87.41, + "precision_at_1": 81.75, + "precision_at_10": 13.403, + "precision_at_100": 1.528, + "precision_at_1000": 0.157, + "precision_at_3": 37.597, + "precision_at_5": 24.69, + "recall_at_1": 70.949, + "recall_at_10": 95.423, + "recall_at_100": 99.509, + "recall_at_1000": 99.982, + "recall_at_3": 87.717, + "recall_at_5": 92.032, + "main_score": 88.55499999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/RedditClustering.json b/results/vectoriseai__bge-small-en/external/RedditClustering.json new file mode 100644 index 000000000..5429cff7f --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 51.76962893449579, + "main_score": 51.76962893449579 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/RedditClusteringP2P.json b/results/vectoriseai__bge-small-en/external/RedditClusteringP2P.json new file mode 100644 index 000000000..903976bce --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 62.32897690686379, + "main_score": 62.32897690686379 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/SCIDOCS.json b/results/vectoriseai__bge-small-en/external/SCIDOCS.json new file mode 100644 index 000000000..7baa89af3 --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.478, + "map_at_10": 11.994, + "map_at_100": 13.977, + "map_at_1000": 14.295, + "map_at_3": 8.408999999999999, + "map_at_5": 10.024, + "mrr_at_1": 22.1, + "mrr_at_10": 33.526, + "mrr_at_100": 34.577000000000005, + "mrr_at_1000": 34.632000000000005, + "mrr_at_3": 30.217, + "mrr_at_5": 31.962000000000003, + "ndcg_at_1": 22.1, + "ndcg_at_10": 20.191, + "ndcg_at_100": 27.954, + "ndcg_at_1000": 33.491, + "ndcg_at_3": 18.787000000000003, + "ndcg_at_5": 16.378999999999998, + "precision_at_1": 22.1, + "precision_at_10": 10.69, + "precision_at_100": 2.1919999999999997, + "precision_at_1000": 0.35200000000000004, + "precision_at_3": 17.732999999999997, + "precision_at_5": 14.499999999999998, + "recall_at_1": 4.478, + "recall_at_10": 21.657, + "recall_at_100": 44.54, + "recall_at_1000": 71.542, + "recall_at_3": 10.778, + "recall_at_5": 14.687, + "main_score": 20.191 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/SICK-R.json b/results/vectoriseai__bge-small-en/external/SICK-R.json new file mode 100644 index 000000000..6ca9d9a09 --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.82325259156718, + "cos_sim_spearman": 79.2463589100662, + "euclidean_pearson": 80.48318380496771, + "euclidean_spearman": 79.34451935199979, + "manhattan_pearson": 80.39041824178759, + "manhattan_spearman": 79.23002892700211, + "cosine_pearson": 82.82325259156718, + "cosine_spearman": 79.2463589100662, + "main_score": 79.2463589100662 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/STS12.json b/results/vectoriseai__bge-small-en/external/STS12.json new file mode 100644 index 000000000..819d31515 --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.74130231431258, + "cos_sim_spearman": 78.36856568042397, + "euclidean_pearson": 82.48301631890303, + "euclidean_spearman": 78.28376980722732, + "manhattan_pearson": 82.43552075450525, + "manhattan_spearman": 78.22702443947126, + "cosine_pearson": 85.74130231431258, + "cosine_spearman": 78.36856568042397, + "main_score": 78.36856568042397 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/STS13.json b/results/vectoriseai__bge-small-en/external/STS13.json new file mode 100644 index 000000000..f77d02c74 --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 79.96138619461459, + "cos_sim_spearman": 81.85436343502379, + "euclidean_pearson": 81.82895226665367, + "euclidean_spearman": 82.22707349602916, + "manhattan_pearson": 81.66303369445873, + "manhattan_spearman": 82.05030197179455, + "cosine_pearson": 79.96138619461459, + "cosine_spearman": 81.85436343502379, + "main_score": 81.85436343502379 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/STS14.json b/results/vectoriseai__bge-small-en/external/STS14.json new file mode 100644 index 000000000..ae995ab8b --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 80.05481244198648, + "cos_sim_spearman": 80.85052504637808, + "euclidean_pearson": 80.86728419744497, + "euclidean_spearman": 81.033786401512, + "manhattan_pearson": 80.90107531061103, + "manhattan_spearman": 81.11374116827795, + "cosine_pearson": 80.05481244198648, + "cosine_spearman": 80.85052504637808, + "main_score": 80.85052504637808 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/STS15.json b/results/vectoriseai__bge-small-en/external/STS15.json new file mode 100644 index 000000000..6f22f933f --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.615220756399, + "cos_sim_spearman": 86.46858500002092, + "euclidean_pearson": 86.08307800247586, + "euclidean_spearman": 86.72691443870013, + "manhattan_pearson": 85.96155594487269, + "manhattan_spearman": 86.605909505275, + "cosine_pearson": 84.615220756399, + "cosine_spearman": 86.46858500002092, + "main_score": 86.46858500002092 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/STS16.json b/results/vectoriseai__bge-small-en/external/STS16.json new file mode 100644 index 000000000..927860230 --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.14363913634436, + "cos_sim_spearman": 84.48430226487102, + "euclidean_pearson": 83.75303424801902, + "euclidean_spearman": 84.56762380734538, + "manhattan_pearson": 83.6135447165928, + "manhattan_spearman": 84.39898212616731, + "cosine_pearson": 82.14363913634436, + "cosine_spearman": 84.48430226487102, + "main_score": 84.48430226487102 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/STS17.json b/results/vectoriseai__bge-small-en/external/STS17.json new file mode 100644 index 000000000..176319571 --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.09909252554525, + "cos_sim_spearman": 85.70951402743276, + "euclidean_pearson": 87.1991936239908, + "euclidean_spearman": 86.07745840612071, + "manhattan_pearson": 87.25039137549952, + "manhattan_spearman": 85.99938746659761, + "cosine_pearson": 85.09909252554525, + "cosine_spearman": 85.70951402743276, + "main_score": 85.70951402743276 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/STS22.json b/results/vectoriseai__bge-small-en/external/STS22.json new file mode 100644 index 000000000..9d4a28a40 --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 63.529332093413615, + "cos_sim_spearman": 65.38177340147439, + "euclidean_pearson": 66.35278011412136, + "euclidean_spearman": 65.47147267032997, + "manhattan_pearson": 66.71804682408693, + "manhattan_spearman": 65.67406521423597, + "cosine_pearson": 63.529332093413615, + "cosine_spearman": 65.38177340147439, + "main_score": 65.38177340147439 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/STSBenchmark.json b/results/vectoriseai__bge-small-en/external/STSBenchmark.json new file mode 100644 index 000000000..149bd9285 --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.45802942885662, + "cos_sim_spearman": 84.8853341842566, + "euclidean_pearson": 84.60915021096707, + "euclidean_spearman": 85.11181242913666, + "manhattan_pearson": 84.38600521210364, + "manhattan_spearman": 84.89045417981723, + "cosine_pearson": 82.45802942885662, + "cosine_spearman": 84.8853341842566, + "main_score": 84.8853341842566 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/SciDocsRR.json b/results/vectoriseai__bge-small-en/external/SciDocsRR.json new file mode 100644 index 000000000..d6dca52ed --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 85.92793380635129, + "mrr": 95.85834191226348, + "main_score": 85.92793380635129 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/SciFact.json b/results/vectoriseai__bge-small-en/external/SciFact.json new file mode 100644 index 000000000..736e7f56d --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 55.74400000000001, + "map_at_10": 65.455, + "map_at_100": 66.106, + "map_at_1000": 66.129, + "map_at_3": 62.719, + "map_at_5": 64.441, + "mrr_at_1": 58.667, + "mrr_at_10": 66.776, + "mrr_at_100": 67.363, + "mrr_at_1000": 67.384, + "mrr_at_3": 64.889, + "mrr_at_5": 66.122, + "ndcg_at_1": 58.667, + "ndcg_at_10": 69.904, + "ndcg_at_100": 72.807, + "ndcg_at_1000": 73.423, + "ndcg_at_3": 65.405, + "ndcg_at_5": 67.86999999999999, + "precision_at_1": 58.667, + "precision_at_10": 9.3, + "precision_at_100": 1.08, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 25.444, + "precision_at_5": 17, + "recall_at_1": 55.74400000000001, + "recall_at_10": 82.122, + "recall_at_100": 95.167, + "recall_at_1000": 100, + "recall_at_3": 70.14399999999999, + "recall_at_5": 76.417, + "main_score": 69.904 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/SprintDuplicateQuestions.json b/results/vectoriseai__bge-small-en/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..5706a03f5 --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.86534653465347, + "cos_sim_ap": 96.54142419791388, + "cos_sim_f1": 93.07535641547861, + "cos_sim_precision": 94.81327800829875, + "cos_sim_recall": 91.4, + "dot_accuracy": 99.86435643564356, + "dot_ap": 96.53682260449868, + "dot_f1": 92.98515104966718, + "dot_precision": 95.27806925498426, + "dot_recall": 90.8, + "euclidean_accuracy": 99.86336633663366, + "euclidean_ap": 96.5228676185697, + "euclidean_f1": 92.9735234215886, + "euclidean_precision": 94.70954356846472, + "euclidean_recall": 91.3, + "manhattan_accuracy": 99.85841584158416, + "manhattan_ap": 96.50392760934032, + "manhattan_f1": 92.84642321160581, + "manhattan_precision": 92.8928928928929, + "manhattan_recall": 92.80000000000001, + "max_accuracy": 99.86534653465347, + "max_ap": 96.54142419791388, + "max_f1": 93.07535641547861, + "main_score": 96.54142419791388 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/StackExchangeClustering.json b/results/vectoriseai__bge-small-en/external/StackExchangeClustering.json new file mode 100644 index 000000000..bb925dc50 --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 61.08285408766616, + "main_score": 61.08285408766616 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/StackExchangeClusteringP2P.json b/results/vectoriseai__bge-small-en/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..1e426c879 --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.640675309010604, + "main_score": 35.640675309010604 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/StackOverflowDupQuestions.json b/results/vectoriseai__bge-small-en/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..d5e921179 --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 53.20333913710715, + "mrr": 54.088813555725324, + "main_score": 53.20333913710715 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/SummEval.json b/results/vectoriseai__bge-small-en/external/SummEval.json new file mode 100644 index 000000000..2a7f76bac --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.79465221925075, + "cos_sim_spearman": 30.530816059163634, + "dot_pearson": 31.364837244718043, + "dot_spearman": 30.79726823684003, + "cosine_pearson": 30.79465221925075, + "cosine_spearman": 30.530816059163634, + "main_score": 30.530816059163634 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/TRECCOVID.json b/results/vectoriseai__bge-small-en/external/TRECCOVID.json new file mode 100644 index 000000000..d74b5d2d2 --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.22599999999999998, + "map_at_10": 1.735, + "map_at_100": 8.978, + "map_at_1000": 20.851, + "map_at_3": 0.613, + "map_at_5": 0.964, + "mrr_at_1": 88, + "mrr_at_10": 92.867, + "mrr_at_100": 92.867, + "mrr_at_1000": 92.867, + "mrr_at_3": 92.667, + "mrr_at_5": 92.667, + "ndcg_at_1": 82, + "ndcg_at_10": 73.164, + "ndcg_at_100": 51.878, + "ndcg_at_1000": 44.864, + "ndcg_at_3": 79.184, + "ndcg_at_5": 76.39, + "precision_at_1": 88, + "precision_at_10": 76.2, + "precision_at_100": 52.459999999999994, + "precision_at_1000": 19.692, + "precision_at_3": 82.667, + "precision_at_5": 80, + "recall_at_1": 0.22599999999999998, + "recall_at_10": 1.942, + "recall_at_100": 12.342, + "recall_at_1000": 41.42, + "recall_at_3": 0.637, + "recall_at_5": 1.034, + "main_score": 73.164 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/Touche2020.json b/results/vectoriseai__bge-small-en/external/Touche2020.json new file mode 100644 index 000000000..5e1b040be --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.567, + "map_at_10": 13.116, + "map_at_100": 19.39, + "map_at_1000": 20.988, + "map_at_3": 7.109, + "map_at_5": 9.950000000000001, + "mrr_at_1": 42.857, + "mrr_at_10": 57.404999999999994, + "mrr_at_100": 58.021, + "mrr_at_1000": 58.021, + "mrr_at_3": 54.762, + "mrr_at_5": 56.19, + "ndcg_at_1": 38.775999999999996, + "ndcg_at_10": 30.359, + "ndcg_at_100": 41.284, + "ndcg_at_1000": 52.30200000000001, + "ndcg_at_3": 36.744, + "ndcg_at_5": 34.326, + "precision_at_1": 42.857, + "precision_at_10": 26.122, + "precision_at_100": 8.082, + "precision_at_1000": 1.559, + "precision_at_3": 40.136, + "precision_at_5": 35.510000000000005, + "recall_at_1": 3.567, + "recall_at_10": 19.045, + "recall_at_100": 49.979, + "recall_at_1000": 84.206, + "recall_at_3": 8.52, + "recall_at_5": 13.103000000000002, + "main_score": 30.359 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/ToxicConversationsClassification.json b/results/vectoriseai__bge-small-en/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..871bd0577 --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 68.8394, + "ap": 13.454399712443099, + "f1": 53.04963076364322, + "main_score": 68.8394 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/TweetSentimentExtractionClassification.json b/results/vectoriseai__bge-small-en/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..dd9a918c5 --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 60.546123372948514, + "f1": 60.86952793277713, + "main_score": 60.546123372948514 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/TwentyNewsgroupsClustering.json b/results/vectoriseai__bge-small-en/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..06476f4ad --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 49.10042955060234, + "main_score": 49.10042955060234 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/TwitterSemEval2015.json b/results/vectoriseai__bge-small-en/external/TwitterSemEval2015.json new file mode 100644 index 000000000..729f0afa4 --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 85.03308100375514, + "cos_sim_ap": 71.08284605869684, + "cos_sim_f1": 65.42539436255494, + "cos_sim_precision": 64.14807302231237, + "cos_sim_recall": 66.75461741424802, + "dot_accuracy": 84.68736961316088, + "dot_ap": 69.20524036530992, + "dot_f1": 63.54893953365829, + "dot_precision": 63.45698500394633, + "dot_recall": 63.641160949868066, + "euclidean_accuracy": 85.07480479227513, + "euclidean_ap": 71.14592761009864, + "euclidean_f1": 65.43814432989691, + "euclidean_precision": 63.95465994962216, + "euclidean_recall": 66.99208443271768, + "manhattan_accuracy": 85.06288370984085, + "manhattan_ap": 71.07289742593868, + "manhattan_f1": 65.37585421412301, + "manhattan_precision": 62.816147859922175, + "manhattan_recall": 68.15303430079156, + "max_accuracy": 85.07480479227513, + "max_ap": 71.14592761009864, + "max_f1": 65.43814432989691, + "main_score": 71.14592761009864 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/TwitterURLCorpus.json b/results/vectoriseai__bge-small-en/external/TwitterURLCorpus.json new file mode 100644 index 000000000..89ea7b409 --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 87.79058485659952, + "cos_sim_ap": 83.7183187008759, + "cos_sim_f1": 75.86921142180798, + "cos_sim_precision": 73.00683371298405, + "cos_sim_recall": 78.96519864490298, + "dot_accuracy": 87.0085768618776, + "dot_ap": 81.87467488474279, + "dot_f1": 74.04188363990559, + "dot_precision": 72.10507114191901, + "dot_recall": 76.08561749307053, + "euclidean_accuracy": 87.8332751193387, + "euclidean_ap": 83.83585648120315, + "euclidean_f1": 76.02582177042369, + "euclidean_precision": 73.36388371759989, + "euclidean_recall": 78.88820449645827, + "manhattan_accuracy": 87.87208444910156, + "manhattan_ap": 83.8101950642973, + "manhattan_f1": 75.90454195535027, + "manhattan_precision": 72.44419564761039, + "manhattan_recall": 79.71204188481676, + "max_accuracy": 87.87208444910156, + "max_ap": 83.83585648120315, + "max_f1": 76.02582177042369, + "main_score": 83.83585648120315 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__bge-small-en/external/model_meta.json b/results/vectoriseai__bge-small-en/external/model_meta.json new file mode 100644 index 000000000..83dbe17c3 --- /dev/null +++ b/results/vectoriseai__bge-small-en/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "vectoriseai/bge-small-en", + "revision": "f3152506d1d14676afcedc71338d686f2fd155ae", + "release_date": "2023-08-25", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 33360512, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 384, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/AmazonCounterfactualClassification.json b/results/vectoriseai__e5-base-v2/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..c7153f36a --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.77611940298506, + "ap": 42.052710266606056, + "f1": 72.12040628266567, + "main_score": 77.77611940298506 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/AmazonPolarityClassification.json b/results/vectoriseai__e5-base-v2/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..590fb662d --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.81012500000001, + "ap": 89.4213700757244, + "f1": 92.8039091197065, + "main_score": 92.81012500000001 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/AmazonReviewsClassification.json b/results/vectoriseai__e5-base-v2/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..98b975bce --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 46.711999999999996, + "f1": 46.11544975436018, + "main_score": 46.711999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/ArguAna.json b/results/vectoriseai__e5-base-v2/external/ArguAna.json new file mode 100644 index 000000000..7c74363f3 --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.186, + "map_at_10": 36.632999999999996, + "map_at_100": 37.842, + "map_at_1000": 37.865, + "map_at_3": 32.278, + "map_at_5": 34.760999999999996, + "mrr_at_1": 23.400000000000002, + "mrr_at_10": 36.721, + "mrr_at_100": 37.937, + "mrr_at_1000": 37.96, + "mrr_at_3": 32.302, + "mrr_at_5": 34.894, + "ndcg_at_1": 23.186, + "ndcg_at_10": 44.49, + "ndcg_at_100": 50.065000000000005, + "ndcg_at_1000": 50.629999999999995, + "ndcg_at_3": 35.461, + "ndcg_at_5": 39.969, + "precision_at_1": 23.186, + "precision_at_10": 6.97, + "precision_at_100": 0.951, + "precision_at_1000": 0.099, + "precision_at_3": 14.912, + "precision_at_5": 11.152, + "recall_at_1": 23.186, + "recall_at_10": 69.70100000000001, + "recall_at_100": 95.092, + "recall_at_1000": 99.431, + "recall_at_3": 44.737, + "recall_at_5": 55.761, + "main_score": 44.49 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/ArxivClusteringP2P.json b/results/vectoriseai__e5-base-v2/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..b968ed495 --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 46.10312401440185, + "main_score": 46.10312401440185 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/ArxivClusteringS2S.json b/results/vectoriseai__e5-base-v2/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..e5dc099e5 --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.67275326095384, + "main_score": 39.67275326095384 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/AskUbuntuDupQuestions.json b/results/vectoriseai__e5-base-v2/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..507ed3bb7 --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 58.97793816337376, + "mrr": 72.76832431957087, + "main_score": 58.97793816337376 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/BIOSSES.json b/results/vectoriseai__e5-base-v2/external/BIOSSES.json new file mode 100644 index 000000000..84ca3883e --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.11646947018187, + "cos_sim_spearman": 81.40064994975234, + "euclidean_pearson": 82.37355689019232, + "euclidean_spearman": 81.6777646977348, + "manhattan_pearson": 82.61101422716945, + "manhattan_spearman": 81.80427360442245, + "cosine_pearson": 83.11646947018187, + "cosine_spearman": 81.40064994975234, + "main_score": 81.40064994975234 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/Banking77Classification.json b/results/vectoriseai__e5-base-v2/external/Banking77Classification.json new file mode 100644 index 000000000..bda9da0cc --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 83.52922077922076, + "f1": 83.45298679360866, + "main_score": 83.52922077922076 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/BiorxivClusteringP2P.json b/results/vectoriseai__e5-base-v2/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..9ac99fc10 --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.495115019668496, + "main_score": 37.495115019668496 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/BiorxivClusteringS2S.json b/results/vectoriseai__e5-base-v2/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..26287490b --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.724792944166765, + "main_score": 32.724792944166765 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/CQADupstackAndroidRetrieval.json b/results/vectoriseai__e5-base-v2/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..adbe746c7 --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.361000000000004, + "map_at_10": 43.765, + "map_at_100": 45.224, + "map_at_1000": 45.35, + "map_at_3": 40.353, + "map_at_5": 42.195, + "mrr_at_1": 40.629, + "mrr_at_10": 50.458000000000006, + "mrr_at_100": 51.06699999999999, + "mrr_at_1000": 51.12, + "mrr_at_3": 47.902, + "mrr_at_5": 49.447, + "ndcg_at_1": 40.629, + "ndcg_at_10": 50.376, + "ndcg_at_100": 55.065, + "ndcg_at_1000": 57.196000000000005, + "ndcg_at_3": 45.616, + "ndcg_at_5": 47.646, + "precision_at_1": 40.629, + "precision_at_10": 9.785, + "precision_at_100": 1.562, + "precision_at_1000": 0.2, + "precision_at_3": 22.031, + "precision_at_5": 15.737000000000002, + "recall_at_1": 32.361000000000004, + "recall_at_10": 62.214000000000006, + "recall_at_100": 81.464, + "recall_at_1000": 95.905, + "recall_at_3": 47.5, + "recall_at_5": 53.69500000000001, + "main_score": 50.376 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.971, + "map_at_10": 37.444, + "map_at_100": 38.607, + "map_at_1000": 38.737, + "map_at_3": 34.504000000000005, + "map_at_5": 36.234, + "mrr_at_1": 35.35, + "mrr_at_10": 43.441, + "mrr_at_100": 44.147999999999996, + "mrr_at_1000": 44.196000000000005, + "mrr_at_3": 41.285, + "mrr_at_5": 42.552, + "ndcg_at_1": 35.35, + "ndcg_at_10": 42.903999999999996, + "ndcg_at_100": 47.406, + "ndcg_at_1000": 49.588, + "ndcg_at_3": 38.778, + "ndcg_at_5": 40.788000000000004, + "precision_at_1": 35.35, + "precision_at_10": 8.083, + "precision_at_100": 1.313, + "precision_at_1000": 0.18, + "precision_at_3": 18.769, + "precision_at_5": 13.439, + "recall_at_1": 27.971, + "recall_at_10": 52.492000000000004, + "recall_at_100": 71.642, + "recall_at_1000": 85.488, + "recall_at_3": 40.1, + "recall_at_5": 45.800000000000004, + "main_score": 42.903999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 39.898, + "map_at_10": 51.819, + "map_at_100": 52.886, + "map_at_1000": 52.941, + "map_at_3": 48.619, + "map_at_5": 50.493, + "mrr_at_1": 45.391999999999996, + "mrr_at_10": 55.230000000000004, + "mrr_at_100": 55.887, + "mrr_at_1000": 55.916, + "mrr_at_3": 52.717000000000006, + "mrr_at_5": 54.222, + "ndcg_at_1": 45.391999999999996, + "ndcg_at_10": 57.586999999999996, + "ndcg_at_100": 61.745000000000005, + "ndcg_at_1000": 62.83800000000001, + "ndcg_at_3": 52.207, + "ndcg_at_5": 54.925999999999995, + "precision_at_1": 45.391999999999996, + "precision_at_10": 9.21, + "precision_at_100": 1.226, + "precision_at_1000": 0.136, + "precision_at_3": 23.177, + "precision_at_5": 16.038, + "recall_at_1": 39.898, + "recall_at_10": 71.18900000000001, + "recall_at_100": 89.082, + "recall_at_1000": 96.865, + "recall_at_3": 56.907, + "recall_at_5": 63.397999999999996, + "main_score": 57.586999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.706, + "map_at_10": 30.818, + "map_at_100": 32.038, + "map_at_1000": 32.123000000000005, + "map_at_3": 28.077, + "map_at_5": 29.709999999999997, + "mrr_at_1": 24.407, + "mrr_at_10": 32.555, + "mrr_at_100": 33.692, + "mrr_at_1000": 33.751, + "mrr_at_3": 29.848999999999997, + "mrr_at_5": 31.509999999999998, + "ndcg_at_1": 24.407, + "ndcg_at_10": 35.624, + "ndcg_at_100": 41.454, + "ndcg_at_1000": 43.556, + "ndcg_at_3": 30.217, + "ndcg_at_5": 33.111000000000004, + "precision_at_1": 24.407, + "precision_at_10": 5.548, + "precision_at_100": 0.8869999999999999, + "precision_at_1000": 0.11100000000000002, + "precision_at_3": 12.731, + "precision_at_5": 9.22, + "recall_at_1": 22.706, + "recall_at_10": 48.772, + "recall_at_100": 75.053, + "recall_at_1000": 90.731, + "recall_at_3": 34.421, + "recall_at_5": 41.427, + "main_score": 35.624 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 13.424, + "map_at_10": 21.09, + "map_at_100": 22.264999999999997, + "map_at_1000": 22.402, + "map_at_3": 18.312, + "map_at_5": 19.874, + "mrr_at_1": 16.915, + "mrr_at_10": 25.258000000000003, + "mrr_at_100": 26.228, + "mrr_at_1000": 26.31, + "mrr_at_3": 22.492, + "mrr_at_5": 24.04, + "ndcg_at_1": 16.915, + "ndcg_at_10": 26.266000000000002, + "ndcg_at_100": 32.08, + "ndcg_at_1000": 35.086, + "ndcg_at_3": 21.049, + "ndcg_at_5": 23.508000000000003, + "precision_at_1": 16.915, + "precision_at_10": 5.1, + "precision_at_100": 0.9329999999999999, + "precision_at_1000": 0.131, + "precision_at_3": 10.282, + "precision_at_5": 7.836, + "recall_at_1": 13.424, + "recall_at_10": 38.179, + "recall_at_100": 63.906, + "recall_at_1000": 84.933, + "recall_at_3": 23.878, + "recall_at_5": 30.037999999999997, + "main_score": 26.266000000000002 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.154, + "map_at_10": 35.912, + "map_at_100": 37.211, + "map_at_1000": 37.327, + "map_at_3": 32.684999999999995, + "map_at_5": 34.562, + "mrr_at_1": 32.435, + "mrr_at_10": 41.411, + "mrr_at_100": 42.297000000000004, + "mrr_at_1000": 42.345, + "mrr_at_3": 38.771, + "mrr_at_5": 40.33, + "ndcg_at_1": 32.435, + "ndcg_at_10": 41.785, + "ndcg_at_100": 47.469, + "ndcg_at_1000": 49.685, + "ndcg_at_3": 36.618, + "ndcg_at_5": 39.101, + "precision_at_1": 32.435, + "precision_at_10": 7.642, + "precision_at_100": 1.244, + "precision_at_1000": 0.163, + "precision_at_3": 17.485, + "precision_at_5": 12.57, + "recall_at_1": 26.154, + "recall_at_10": 54.111, + "recall_at_100": 78.348, + "recall_at_1000": 92.996, + "recall_at_3": 39.189, + "recall_at_5": 45.852, + "main_score": 41.785 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.308999999999997, + "map_at_10": 35.524, + "map_at_100": 36.774, + "map_at_1000": 36.891, + "map_at_3": 32.561, + "map_at_5": 34.034, + "mrr_at_1": 31.735000000000003, + "mrr_at_10": 40.391, + "mrr_at_100": 41.227000000000004, + "mrr_at_1000": 41.288000000000004, + "mrr_at_3": 37.938, + "mrr_at_5": 39.193, + "ndcg_at_1": 31.735000000000003, + "ndcg_at_10": 41.166000000000004, + "ndcg_at_100": 46.702, + "ndcg_at_1000": 49.157000000000004, + "ndcg_at_3": 36.274, + "ndcg_at_5": 38.177, + "precision_at_1": 31.735000000000003, + "precision_at_10": 7.5569999999999995, + "precision_at_100": 1.2109999999999999, + "precision_at_1000": 0.16, + "precision_at_3": 17.199, + "precision_at_5": 12.123000000000001, + "recall_at_1": 26.308999999999997, + "recall_at_10": 53.083000000000006, + "recall_at_100": 76.922, + "recall_at_1000": 93.767, + "recall_at_3": 39.262, + "recall_at_5": 44.413000000000004, + "main_score": 41.166000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.391250000000003, + "map_at_10": 33.280166666666666, + "map_at_100": 34.49566666666667, + "map_at_1000": 34.61533333333333, + "map_at_3": 30.52183333333333, + "map_at_5": 32.06608333333333, + "mrr_at_1": 29.105083333333337, + "mrr_at_10": 37.44766666666666, + "mrr_at_100": 38.32491666666667, + "mrr_at_1000": 38.385666666666665, + "mrr_at_3": 35.06883333333333, + "mrr_at_5": 36.42066666666667, + "ndcg_at_1": 29.105083333333337, + "ndcg_at_10": 38.54358333333333, + "ndcg_at_100": 43.833583333333344, + "ndcg_at_1000": 46.215333333333334, + "ndcg_at_3": 33.876, + "ndcg_at_5": 36.05208333333333, + "precision_at_1": 29.105083333333337, + "precision_at_10": 6.823416666666665, + "precision_at_100": 1.1270833333333334, + "precision_at_1000": 0.15208333333333332, + "precision_at_3": 15.696750000000002, + "precision_at_5": 11.193499999999998, + "recall_at_1": 24.391250000000003, + "recall_at_10": 49.98808333333333, + "recall_at_100": 73.31616666666666, + "recall_at_1000": 89.96291666666667, + "recall_at_3": 36.86666666666667, + "recall_at_5": 42.54350000000001, + "main_score": 38.54358333333333 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.995, + "map_at_10": 28.807, + "map_at_100": 29.813000000000002, + "map_at_1000": 29.903000000000002, + "map_at_3": 26.636, + "map_at_5": 27.912, + "mrr_at_1": 24.847, + "mrr_at_10": 31.494, + "mrr_at_100": 32.381, + "mrr_at_1000": 32.446999999999996, + "mrr_at_3": 29.473, + "mrr_at_5": 30.7, + "ndcg_at_1": 24.847, + "ndcg_at_10": 32.818999999999996, + "ndcg_at_100": 37.835, + "ndcg_at_1000": 40.226, + "ndcg_at_3": 28.811999999999998, + "ndcg_at_5": 30.875999999999998, + "precision_at_1": 24.847, + "precision_at_10": 5.244999999999999, + "precision_at_100": 0.856, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 12.577, + "precision_at_5": 8.895999999999999, + "recall_at_1": 21.995, + "recall_at_10": 42.479, + "recall_at_100": 65.337, + "recall_at_1000": 83.23700000000001, + "recall_at_3": 31.573, + "recall_at_5": 36.684, + "main_score": 32.818999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.751000000000001, + "map_at_10": 21.909, + "map_at_100": 23.064, + "map_at_1000": 23.205000000000002, + "map_at_3": 20.138, + "map_at_5": 20.973, + "mrr_at_1": 19.305, + "mrr_at_10": 25.647, + "mrr_at_100": 26.659, + "mrr_at_1000": 26.748, + "mrr_at_3": 23.933, + "mrr_at_5": 24.754, + "ndcg_at_1": 19.305, + "ndcg_at_10": 25.886, + "ndcg_at_100": 31.56, + "ndcg_at_1000": 34.799, + "ndcg_at_3": 22.708000000000002, + "ndcg_at_5": 23.838, + "precision_at_1": 19.305, + "precision_at_10": 4.677, + "precision_at_100": 0.895, + "precision_at_1000": 0.136, + "precision_at_3": 10.771, + "precision_at_5": 7.46, + "recall_at_1": 15.751000000000001, + "recall_at_10": 34.156, + "recall_at_100": 59.899, + "recall_at_1000": 83.08, + "recall_at_3": 24.772, + "recall_at_5": 28.009, + "main_score": 25.886 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.34, + "map_at_10": 32.383, + "map_at_100": 33.629999999999995, + "map_at_1000": 33.735, + "map_at_3": 29.68, + "map_at_5": 31.270999999999997, + "mrr_at_1": 27.612, + "mrr_at_10": 36.381, + "mrr_at_100": 37.351, + "mrr_at_1000": 37.411, + "mrr_at_3": 33.893, + "mrr_at_5": 35.353, + "ndcg_at_1": 27.612, + "ndcg_at_10": 37.714999999999996, + "ndcg_at_100": 43.525000000000006, + "ndcg_at_1000": 45.812999999999995, + "ndcg_at_3": 32.796, + "ndcg_at_5": 35.243, + "precision_at_1": 27.612, + "precision_at_10": 6.465, + "precision_at_100": 1.0619999999999998, + "precision_at_1000": 0.13699999999999998, + "precision_at_3": 15.049999999999999, + "precision_at_5": 10.764999999999999, + "recall_at_1": 23.34, + "recall_at_10": 49.856, + "recall_at_100": 75.334, + "recall_at_1000": 91.156, + "recall_at_3": 36.497, + "recall_at_5": 42.769, + "main_score": 37.714999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.097, + "map_at_10": 34.599999999999994, + "map_at_100": 36.174, + "map_at_1000": 36.398, + "map_at_3": 31.781, + "map_at_5": 33.22, + "mrr_at_1": 31.225, + "mrr_at_10": 39.873, + "mrr_at_100": 40.853, + "mrr_at_1000": 40.904, + "mrr_at_3": 37.681, + "mrr_at_5": 38.669, + "ndcg_at_1": 31.225, + "ndcg_at_10": 40.586, + "ndcg_at_100": 46.226, + "ndcg_at_1000": 48.788, + "ndcg_at_3": 36.258, + "ndcg_at_5": 37.848, + "precision_at_1": 31.225, + "precision_at_10": 7.707999999999999, + "precision_at_100": 1.536, + "precision_at_1000": 0.242, + "precision_at_3": 17.26, + "precision_at_5": 12.253, + "recall_at_1": 25.097, + "recall_at_10": 51.602000000000004, + "recall_at_100": 76.854, + "recall_at_1000": 93.303, + "recall_at_3": 38.68, + "recall_at_5": 43.258, + "main_score": 40.586 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.689, + "map_at_10": 25.291000000000004, + "map_at_100": 26.262, + "map_at_1000": 26.372, + "map_at_3": 22.916, + "map_at_5": 24.315, + "mrr_at_1": 19.409000000000002, + "mrr_at_10": 27.233, + "mrr_at_100": 28.109, + "mrr_at_1000": 28.192, + "mrr_at_3": 24.892, + "mrr_at_5": 26.278000000000002, + "ndcg_at_1": 19.409000000000002, + "ndcg_at_10": 29.809, + "ndcg_at_100": 34.936, + "ndcg_at_1000": 37.852000000000004, + "ndcg_at_3": 25.179000000000002, + "ndcg_at_5": 27.563, + "precision_at_1": 19.409000000000002, + "precision_at_10": 4.861, + "precision_at_100": 0.8, + "precision_at_1000": 0.116, + "precision_at_3": 11.029, + "precision_at_5": 7.985, + "recall_at_1": 17.689, + "recall_at_10": 41.724, + "recall_at_100": 65.95299999999999, + "recall_at_1000": 88.094, + "recall_at_3": 29.621, + "recall_at_5": 35.179, + "main_score": 29.809 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/ClimateFEVER.json b/results/vectoriseai__e5-base-v2/external/ClimateFEVER.json new file mode 100644 index 000000000..81f5003b9 --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 10.581, + "map_at_10": 18.944, + "map_at_100": 20.812, + "map_at_1000": 21.002000000000002, + "map_at_3": 15.661, + "map_at_5": 17.502000000000002, + "mrr_at_1": 23.388, + "mrr_at_10": 34.263, + "mrr_at_100": 35.364000000000004, + "mrr_at_1000": 35.409, + "mrr_at_3": 30.586000000000002, + "mrr_at_5": 32.928000000000004, + "ndcg_at_1": 23.388, + "ndcg_at_10": 26.56, + "ndcg_at_100": 34.248, + "ndcg_at_1000": 37.779, + "ndcg_at_3": 21.179000000000002, + "ndcg_at_5": 23.504, + "precision_at_1": 23.388, + "precision_at_10": 8.476, + "precision_at_100": 1.672, + "precision_at_1000": 0.233, + "precision_at_3": 15.852, + "precision_at_5": 12.73, + "recall_at_1": 10.581, + "recall_at_10": 32.512, + "recall_at_100": 59.313, + "recall_at_1000": 79.25, + "recall_at_3": 19.912, + "recall_at_5": 25.832, + "main_score": 26.56 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/DBPedia.json b/results/vectoriseai__e5-base-v2/external/DBPedia.json new file mode 100644 index 000000000..3ee108214 --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.35, + "map_at_10": 20.134, + "map_at_100": 28.975, + "map_at_1000": 30.709999999999997, + "map_at_3": 14.513000000000002, + "map_at_5": 16.671, + "mrr_at_1": 69.75, + "mrr_at_10": 77.67699999999999, + "mrr_at_100": 77.97500000000001, + "mrr_at_1000": 77.985, + "mrr_at_3": 76.292, + "mrr_at_5": 77.179, + "ndcg_at_1": 56.49999999999999, + "ndcg_at_10": 42.226, + "ndcg_at_100": 47.562, + "ndcg_at_1000": 54.923, + "ndcg_at_3": 46.564, + "ndcg_at_5": 43.830000000000005, + "precision_at_1": 69.75, + "precision_at_10": 33.525, + "precision_at_100": 11.035, + "precision_at_1000": 2.206, + "precision_at_3": 49.75, + "precision_at_5": 42, + "recall_at_1": 9.35, + "recall_at_10": 25.793, + "recall_at_100": 54.186, + "recall_at_1000": 77.81, + "recall_at_3": 15.770000000000001, + "recall_at_5": 19.09, + "main_score": 42.226 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/EmotionClassification.json b/results/vectoriseai__e5-base-v2/external/EmotionClassification.json new file mode 100644 index 000000000..f1ea79c0b --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 46.945, + "f1": 42.07407842992542, + "main_score": 46.945 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/FEVER.json b/results/vectoriseai__e5-base-v2/external/FEVER.json new file mode 100644 index 000000000..436f7a98b --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 71.04599999999999, + "map_at_10": 80.718, + "map_at_100": 80.961, + "map_at_1000": 80.974, + "map_at_3": 79.49199999999999, + "map_at_5": 80.32000000000001, + "mrr_at_1": 76.388, + "mrr_at_10": 85.214, + "mrr_at_100": 85.302, + "mrr_at_1000": 85.302, + "mrr_at_3": 84.373, + "mrr_at_5": 84.979, + "ndcg_at_1": 76.388, + "ndcg_at_10": 84.987, + "ndcg_at_100": 85.835, + "ndcg_at_1000": 86.04899999999999, + "ndcg_at_3": 83.04, + "ndcg_at_5": 84.22500000000001, + "precision_at_1": 76.388, + "precision_at_10": 10.35, + "precision_at_100": 1.099, + "precision_at_1000": 0.11399999999999999, + "precision_at_3": 32.108, + "precision_at_5": 20.033, + "recall_at_1": 71.04599999999999, + "recall_at_10": 93.547, + "recall_at_100": 96.887, + "recall_at_1000": 98.158, + "recall_at_3": 88.346, + "recall_at_5": 91.321, + "main_score": 84.987 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/FiQA2018.json b/results/vectoriseai__e5-base-v2/external/FiQA2018.json new file mode 100644 index 000000000..0b1bcf65b --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.8, + "map_at_10": 31.979999999999997, + "map_at_100": 33.876, + "map_at_1000": 34.056999999999995, + "map_at_3": 28.067999999999998, + "map_at_5": 30.066, + "mrr_at_1": 38.735, + "mrr_at_10": 47.749, + "mrr_at_100": 48.605, + "mrr_at_1000": 48.644999999999996, + "mrr_at_3": 45.165, + "mrr_at_5": 46.646, + "ndcg_at_1": 38.735, + "ndcg_at_10": 39.883, + "ndcg_at_100": 46.983000000000004, + "ndcg_at_1000": 50.043000000000006, + "ndcg_at_3": 35.943000000000005, + "ndcg_at_5": 37.119, + "precision_at_1": 38.735, + "precision_at_10": 10.940999999999999, + "precision_at_100": 1.836, + "precision_at_1000": 0.23900000000000002, + "precision_at_3": 23.817, + "precision_at_5": 17.346, + "recall_at_1": 19.8, + "recall_at_10": 47.082, + "recall_at_100": 73.247, + "recall_at_1000": 91.633, + "recall_at_3": 33.201, + "recall_at_5": 38.81, + "main_score": 39.883 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/HotpotQA.json b/results/vectoriseai__e5-base-v2/external/HotpotQA.json new file mode 100644 index 000000000..90e99f8a8 --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.102999999999994, + "map_at_10": 60.547, + "map_at_100": 61.466, + "map_at_1000": 61.526, + "map_at_3": 56.973, + "map_at_5": 59.244, + "mrr_at_1": 76.205, + "mrr_at_10": 82.816, + "mrr_at_100": 83.002, + "mrr_at_1000": 83.009, + "mrr_at_3": 81.747, + "mrr_at_5": 82.467, + "ndcg_at_1": 76.205, + "ndcg_at_10": 69.15, + "ndcg_at_100": 72.297, + "ndcg_at_1000": 73.443, + "ndcg_at_3": 64.07000000000001, + "ndcg_at_5": 66.96600000000001, + "precision_at_1": 76.205, + "precision_at_10": 14.601, + "precision_at_100": 1.7049999999999998, + "precision_at_1000": 0.186, + "precision_at_3": 41.202, + "precision_at_5": 27.006000000000004, + "recall_at_1": 38.102999999999994, + "recall_at_10": 73.005, + "recall_at_100": 85.253, + "recall_at_1000": 92.795, + "recall_at_3": 61.803, + "recall_at_5": 67.515, + "main_score": 69.15 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/ImdbClassification.json b/results/vectoriseai__e5-base-v2/external/ImdbClassification.json new file mode 100644 index 000000000..4c7e3efdd --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.15, + "ap": 80.36282825265391, + "f1": 86.07368510726472, + "main_score": 86.15 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/MSMARCO.json b/results/vectoriseai__e5-base-v2/external/MSMARCO.json new file mode 100644 index 000000000..fe2b28989 --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.6, + "map_at_10": 34.887, + "map_at_100": 36.069, + "map_at_1000": 36.115, + "map_at_3": 31.067, + "map_at_5": 33.300000000000004, + "mrr_at_1": 23.238, + "mrr_at_10": 35.47, + "mrr_at_100": 36.599, + "mrr_at_1000": 36.64, + "mrr_at_3": 31.735999999999997, + "mrr_at_5": 33.939, + "ndcg_at_1": 23.252, + "ndcg_at_10": 41.765, + "ndcg_at_100": 47.402, + "ndcg_at_1000": 48.562, + "ndcg_at_3": 34.016999999999996, + "ndcg_at_5": 38.016, + "precision_at_1": 23.252, + "precision_at_10": 6.569, + "precision_at_100": 0.938, + "precision_at_1000": 0.104, + "precision_at_3": 14.479000000000001, + "precision_at_5": 10.722, + "recall_at_1": 22.6, + "recall_at_10": 62.919000000000004, + "recall_at_100": 88.82, + "recall_at_1000": 97.71600000000001, + "recall_at_3": 41.896, + "recall_at_5": 51.537, + "main_score": 41.765 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/MTOPDomainClassification.json b/results/vectoriseai__e5-base-v2/external/MTOPDomainClassification.json new file mode 100644 index 000000000..c6a7849b9 --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.69357045143639, + "f1": 93.55489858177597, + "main_score": 93.69357045143639 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/MTOPIntentClassification.json b/results/vectoriseai__e5-base-v2/external/MTOPIntentClassification.json new file mode 100644 index 000000000..658320c70 --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.31235750114, + "f1": 57.891491963121155, + "main_score": 75.31235750114 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/MassiveIntentClassification.json b/results/vectoriseai__e5-base-v2/external/MassiveIntentClassification.json new file mode 100644 index 000000000..c32c77049 --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.04303967720243, + "f1": 70.51516022297616, + "main_score": 73.04303967720243 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/MassiveScenarioClassification.json b/results/vectoriseai__e5-base-v2/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..08d9b1912 --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.65299260255549, + "f1": 77.49059766538576, + "main_score": 77.65299260255549 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/MedrxivClusteringP2P.json b/results/vectoriseai__e5-base-v2/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..2423568e5 --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.458906115906597, + "main_score": 31.458906115906597 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/MedrxivClusteringS2S.json b/results/vectoriseai__e5-base-v2/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..9d17ec4b2 --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 28.9851513122443, + "main_score": 28.9851513122443 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/MindSmallReranking.json b/results/vectoriseai__e5-base-v2/external/MindSmallReranking.json new file mode 100644 index 000000000..f0961b25f --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.2916268497217, + "mrr": 32.328276715593816, + "main_score": 31.2916268497217 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/NFCorpus.json b/results/vectoriseai__e5-base-v2/external/NFCorpus.json new file mode 100644 index 000000000..50d9df859 --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.3740000000000006, + "map_at_10": 13.089999999999998, + "map_at_100": 16.512, + "map_at_1000": 18.014, + "map_at_3": 9.671000000000001, + "map_at_5": 11.199, + "mrr_at_1": 46.749, + "mrr_at_10": 55.367, + "mrr_at_100": 56.021, + "mrr_at_1000": 56.058, + "mrr_at_3": 53.30200000000001, + "mrr_at_5": 54.773, + "ndcg_at_1": 45.046, + "ndcg_at_10": 35.388999999999996, + "ndcg_at_100": 32.175, + "ndcg_at_1000": 41.018, + "ndcg_at_3": 40.244, + "ndcg_at_5": 38.267, + "precision_at_1": 46.749, + "precision_at_10": 26.563, + "precision_at_100": 8.074, + "precision_at_1000": 2.099, + "precision_at_3": 37.358000000000004, + "precision_at_5": 33.003, + "recall_at_1": 6.3740000000000006, + "recall_at_10": 16.805999999999997, + "recall_at_100": 31.871, + "recall_at_1000": 64.098, + "recall_at_3": 10.383000000000001, + "recall_at_5": 13.166, + "main_score": 35.388999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/NQ.json b/results/vectoriseai__e5-base-v2/external/NQ.json new file mode 100644 index 000000000..543901088 --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 34.847, + "map_at_10": 50.532, + "map_at_100": 51.504000000000005, + "map_at_1000": 51.528, + "map_at_3": 46.219, + "map_at_5": 48.868, + "mrr_at_1": 39.137, + "mrr_at_10": 53.157, + "mrr_at_100": 53.839999999999996, + "mrr_at_1000": 53.857, + "mrr_at_3": 49.667, + "mrr_at_5": 51.847, + "ndcg_at_1": 39.108, + "ndcg_at_10": 58.221000000000004, + "ndcg_at_100": 62.021, + "ndcg_at_1000": 62.57, + "ndcg_at_3": 50.27199999999999, + "ndcg_at_5": 54.623999999999995, + "precision_at_1": 39.108, + "precision_at_10": 9.397, + "precision_at_100": 1.1520000000000001, + "precision_at_1000": 0.12, + "precision_at_3": 22.644000000000002, + "precision_at_5": 16.141, + "recall_at_1": 34.847, + "recall_at_10": 78.945, + "recall_at_100": 94.793, + "recall_at_1000": 98.904, + "recall_at_3": 58.56, + "recall_at_5": 68.535, + "main_score": 58.221000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/QuoraRetrieval.json b/results/vectoriseai__e5-base-v2/external/QuoraRetrieval.json new file mode 100644 index 000000000..17de58f73 --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 68.728, + "map_at_10": 82.537, + "map_at_100": 83.218, + "map_at_1000": 83.238, + "map_at_3": 79.586, + "map_at_5": 81.416, + "mrr_at_1": 79.17999999999999, + "mrr_at_10": 85.79299999999999, + "mrr_at_100": 85.937, + "mrr_at_1000": 85.938, + "mrr_at_3": 84.748, + "mrr_at_5": 85.431, + "ndcg_at_1": 79.17, + "ndcg_at_10": 86.555, + "ndcg_at_100": 88.005, + "ndcg_at_1000": 88.146, + "ndcg_at_3": 83.557, + "ndcg_at_5": 85.152, + "precision_at_1": 79.17, + "precision_at_10": 13.163, + "precision_at_100": 1.52, + "precision_at_1000": 0.156, + "precision_at_3": 36.53, + "precision_at_5": 24.046, + "recall_at_1": 68.728, + "recall_at_10": 94.217, + "recall_at_100": 99.295, + "recall_at_1000": 99.964, + "recall_at_3": 85.646, + "recall_at_5": 90.113, + "main_score": 86.555 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/RedditClustering.json b/results/vectoriseai__e5-base-v2/external/RedditClustering.json new file mode 100644 index 000000000..dd3296c9e --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 56.15680266226348, + "main_score": 56.15680266226348 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/RedditClusteringP2P.json b/results/vectoriseai__e5-base-v2/external/RedditClusteringP2P.json new file mode 100644 index 000000000..1a7111e6b --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 63.4318549229047, + "main_score": 63.4318549229047 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/SCIDOCS.json b/results/vectoriseai__e5-base-v2/external/SCIDOCS.json new file mode 100644 index 000000000..d18eb0208 --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.353, + "map_at_10": 10.956000000000001, + "map_at_100": 12.873999999999999, + "map_at_1000": 13.177, + "map_at_3": 7.854, + "map_at_5": 9.327, + "mrr_at_1": 21.4, + "mrr_at_10": 31.948999999999998, + "mrr_at_100": 33.039, + "mrr_at_1000": 33.106, + "mrr_at_3": 28.449999999999996, + "mrr_at_5": 30.535, + "ndcg_at_1": 21.4, + "ndcg_at_10": 18.694, + "ndcg_at_100": 26.275, + "ndcg_at_1000": 31.836, + "ndcg_at_3": 17.559, + "ndcg_at_5": 15.372, + "precision_at_1": 21.4, + "precision_at_10": 9.790000000000001, + "precision_at_100": 2.0709999999999997, + "precision_at_1000": 0.34099999999999997, + "precision_at_3": 16.467000000000002, + "precision_at_5": 13.54, + "recall_at_1": 4.353, + "recall_at_10": 19.892000000000003, + "recall_at_100": 42.067, + "recall_at_1000": 69.268, + "recall_at_3": 10.042, + "recall_at_5": 13.741999999999999, + "main_score": 18.694 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/SICK-R.json b/results/vectoriseai__e5-base-v2/external/SICK-R.json new file mode 100644 index 000000000..f644418f4 --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.75433886279843, + "cos_sim_spearman": 78.29727771767095, + "euclidean_pearson": 80.83057828506621, + "euclidean_spearman": 78.35203149750356, + "manhattan_pearson": 80.7403553891142, + "manhattan_spearman": 78.33670488531051, + "cosine_pearson": 83.75433886279843, + "cosine_spearman": 78.29727771767095, + "main_score": 78.29727771767095 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/STS12.json b/results/vectoriseai__e5-base-v2/external/STS12.json new file mode 100644 index 000000000..610c2cc0a --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.59999465280839, + "cos_sim_spearman": 75.79279003980383, + "euclidean_pearson": 82.29895375956758, + "euclidean_spearman": 77.33856514102094, + "manhattan_pearson": 82.22694214534756, + "manhattan_spearman": 77.3028993008695, + "cosine_pearson": 84.59999465280839, + "cosine_spearman": 75.79279003980383, + "main_score": 75.79279003980383 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/STS13.json b/results/vectoriseai__e5-base-v2/external/STS13.json new file mode 100644 index 000000000..56a0c98b7 --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.09296929691297, + "cos_sim_spearman": 83.58056936846941, + "euclidean_pearson": 83.84067483060005, + "euclidean_spearman": 84.45155680480985, + "manhattan_pearson": 83.82353052971942, + "manhattan_spearman": 84.43030567861112, + "cosine_pearson": 83.09296929691297, + "cosine_spearman": 83.58056936846941, + "main_score": 83.58056936846941 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/STS14.json b/results/vectoriseai__e5-base-v2/external/STS14.json new file mode 100644 index 000000000..2ce285183 --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.74616852320915, + "cos_sim_spearman": 79.948683747966, + "euclidean_pearson": 81.55702283757084, + "euclidean_spearman": 80.1721505114231, + "manhattan_pearson": 81.52251518619441, + "manhattan_spearman": 80.1469800135577, + "cosine_pearson": 82.74616852320915, + "cosine_spearman": 79.948683747966, + "main_score": 79.948683747966 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/STS15.json b/results/vectoriseai__e5-base-v2/external/STS15.json new file mode 100644 index 000000000..f11518e29 --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.97170104226318, + "cos_sim_spearman": 88.82021731518206, + "euclidean_pearson": 87.92950547187615, + "euclidean_spearman": 88.67043634645866, + "manhattan_pearson": 87.90668112827639, + "manhattan_spearman": 88.64471082785317, + "cosine_pearson": 87.97170104226318, + "cosine_spearman": 88.82021731518206, + "main_score": 88.82021731518206 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/STS16.json b/results/vectoriseai__e5-base-v2/external/STS16.json new file mode 100644 index 000000000..42f8adb77 --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.02790375770599, + "cos_sim_spearman": 84.46308496590792, + "euclidean_pearson": 84.29430000414911, + "euclidean_spearman": 84.77298303589936, + "manhattan_pearson": 84.23919291368665, + "manhattan_spearman": 84.75272234871308, + "cosine_pearson": 83.02790375770599, + "cosine_spearman": 84.46308496590792, + "main_score": 84.46308496590792 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/STS17.json b/results/vectoriseai__e5-base-v2/external/STS17.json new file mode 100644 index 000000000..7ed8178ff --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.62885108477064, + "cos_sim_spearman": 87.58456196391622, + "euclidean_pearson": 88.2602775281007, + "euclidean_spearman": 87.51556278299846, + "manhattan_pearson": 88.11224053672842, + "manhattan_spearman": 87.4336094383095, + "cosine_pearson": 87.62885108477064, + "cosine_spearman": 87.58456196391622, + "main_score": 87.58456196391622 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/STS22.json b/results/vectoriseai__e5-base-v2/external/STS22.json new file mode 100644 index 000000000..a8b2203a9 --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 63.98187965128411, + "cos_sim_spearman": 64.0653163219731, + "euclidean_pearson": 62.30616725924099, + "euclidean_spearman": 61.556971332295916, + "manhattan_pearson": 62.07642330128549, + "manhattan_spearman": 61.155494129828, + "cosine_pearson": 63.98187965128411, + "cosine_spearman": 64.0653163219731, + "main_score": 64.0653163219731 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/STSBenchmark.json b/results/vectoriseai__e5-base-v2/external/STSBenchmark.json new file mode 100644 index 000000000..c725eb8b4 --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.6089703921826, + "cos_sim_spearman": 86.52303197250791, + "euclidean_pearson": 85.95801955963246, + "euclidean_spearman": 86.25242424112962, + "manhattan_pearson": 85.88829100470312, + "manhattan_spearman": 86.18742955805165, + "cosine_pearson": 85.6089703921826, + "cosine_spearman": 86.52303197250791, + "main_score": 86.52303197250791 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/SciDocsRR.json b/results/vectoriseai__e5-base-v2/external/SciDocsRR.json new file mode 100644 index 000000000..d9e0c06c9 --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 83.02282098487036, + "mrr": 95.05126409538174, + "main_score": 83.02282098487036 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/SciFact.json b/results/vectoriseai__e5-base-v2/external/SciFact.json new file mode 100644 index 000000000..4efd31212 --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 55.928, + "map_at_10": 67.308, + "map_at_100": 67.89500000000001, + "map_at_1000": 67.91199999999999, + "map_at_3": 65.091, + "map_at_5": 66.412, + "mrr_at_1": 58.667, + "mrr_at_10": 68.401, + "mrr_at_100": 68.804, + "mrr_at_1000": 68.819, + "mrr_at_3": 66.72200000000001, + "mrr_at_5": 67.72200000000001, + "ndcg_at_1": 58.667, + "ndcg_at_10": 71.944, + "ndcg_at_100": 74.464, + "ndcg_at_1000": 74.82799999999999, + "ndcg_at_3": 68.257, + "ndcg_at_5": 70.10300000000001, + "precision_at_1": 58.667, + "precision_at_10": 9.533, + "precision_at_100": 1.09, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 27.222, + "precision_at_5": 17.533, + "recall_at_1": 55.928, + "recall_at_10": 84.65, + "recall_at_100": 96.267, + "recall_at_1000": 99, + "recall_at_3": 74.656, + "recall_at_5": 79.489, + "main_score": 71.944 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/SprintDuplicateQuestions.json b/results/vectoriseai__e5-base-v2/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..d3a2e5519 --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.79009900990098, + "cos_sim_ap": 94.5795129511524, + "cos_sim_f1": 89.34673366834171, + "cos_sim_precision": 89.79797979797979, + "cos_sim_recall": 88.9, + "dot_accuracy": 99.53465346534654, + "dot_ap": 81.56492504352725, + "dot_f1": 76.33816908454227, + "dot_precision": 76.37637637637637, + "dot_recall": 76.3, + "euclidean_accuracy": 99.78514851485149, + "euclidean_ap": 94.59134620408962, + "euclidean_f1": 88.96484375, + "euclidean_precision": 86.92748091603053, + "euclidean_recall": 91.10000000000001, + "manhattan_accuracy": 99.78415841584159, + "manhattan_ap": 94.5190197328845, + "manhattan_f1": 88.84462151394423, + "manhattan_precision": 88.4920634920635, + "manhattan_recall": 89.2, + "max_accuracy": 99.79009900990098, + "max_ap": 94.59134620408962, + "max_f1": 89.34673366834171, + "main_score": 94.59134620408962 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/StackExchangeClustering.json b/results/vectoriseai__e5-base-v2/external/StackExchangeClustering.json new file mode 100644 index 000000000..a1a7e3847 --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 65.1487505617497, + "main_score": 65.1487505617497 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/StackExchangeClusteringP2P.json b/results/vectoriseai__e5-base-v2/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..85716367f --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.502518166001856, + "main_score": 32.502518166001856 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/StackOverflowDupQuestions.json b/results/vectoriseai__e5-base-v2/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..392e67667 --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 50.33775480236701, + "mrr": 51.17302223919871, + "main_score": 50.33775480236701 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/SummEval.json b/results/vectoriseai__e5-base-v2/external/SummEval.json new file mode 100644 index 000000000..3dd65d9da --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.561111309808208, + "cos_sim_spearman": 30.2839254379273, + "dot_pearson": 29.560242291401973, + "dot_spearman": 30.51527274679116, + "cosine_pearson": 30.561111309808208, + "cosine_spearman": 30.2839254379273, + "main_score": 30.2839254379273 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/TRECCOVID.json b/results/vectoriseai__e5-base-v2/external/TRECCOVID.json new file mode 100644 index 000000000..bba684bbb --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.215, + "map_at_10": 1.752, + "map_at_100": 9.258, + "map_at_1000": 23.438, + "map_at_3": 0.6, + "map_at_5": 0.968, + "mrr_at_1": 84, + "mrr_at_10": 91.333, + "mrr_at_100": 91.333, + "mrr_at_1000": 91.333, + "mrr_at_3": 91.333, + "mrr_at_5": 91.333, + "ndcg_at_1": 75, + "ndcg_at_10": 69.596, + "ndcg_at_100": 51.970000000000006, + "ndcg_at_1000": 48.864999999999995, + "ndcg_at_3": 73.92699999999999, + "ndcg_at_5": 73.175, + "precision_at_1": 84, + "precision_at_10": 74, + "precision_at_100": 53.2, + "precision_at_1000": 21.836, + "precision_at_3": 79.333, + "precision_at_5": 78.4, + "recall_at_1": 0.215, + "recall_at_10": 1.9609999999999999, + "recall_at_100": 12.809999999999999, + "recall_at_1000": 46.418, + "recall_at_3": 0.6479999999999999, + "recall_at_5": 1.057, + "main_score": 69.596 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/Touche2020.json b/results/vectoriseai__e5-base-v2/external/Touche2020.json new file mode 100644 index 000000000..ee6a093d1 --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.066, + "map_at_10": 10.508000000000001, + "map_at_100": 16.258, + "map_at_1000": 17.705000000000002, + "map_at_3": 6.157, + "map_at_5": 7.510999999999999, + "mrr_at_1": 34.694, + "mrr_at_10": 48.786, + "mrr_at_100": 49.619, + "mrr_at_1000": 49.619, + "mrr_at_3": 45.918, + "mrr_at_5": 46.837, + "ndcg_at_1": 31.633, + "ndcg_at_10": 26.401999999999997, + "ndcg_at_100": 37.139, + "ndcg_at_1000": 48.012, + "ndcg_at_3": 31.875999999999998, + "ndcg_at_5": 27.383000000000003, + "precision_at_1": 34.694, + "precision_at_10": 22.857, + "precision_at_100": 7.611999999999999, + "precision_at_1000": 1.492, + "precision_at_3": 33.333, + "precision_at_5": 26.122, + "recall_at_1": 3.066, + "recall_at_10": 16.239, + "recall_at_100": 47.29, + "recall_at_1000": 81.137, + "recall_at_3": 7.069, + "recall_at_5": 9.483, + "main_score": 26.401999999999997 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/ToxicConversationsClassification.json b/results/vectoriseai__e5-base-v2/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..8b3122100 --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.1126, + "ap": 14.710862719285753, + "f1": 55.437808972378846, + "main_score": 72.1126 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/TweetSentimentExtractionClassification.json b/results/vectoriseai__e5-base-v2/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..49c1b7574 --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 60.39049235993209, + "f1": 60.69810537250234, + "main_score": 60.39049235993209 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/TwentyNewsgroupsClustering.json b/results/vectoriseai__e5-base-v2/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..78184b7e9 --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.15576640316866, + "main_score": 48.15576640316866 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/TwitterSemEval2015.json b/results/vectoriseai__e5-base-v2/external/TwitterSemEval2015.json new file mode 100644 index 000000000..a578e5191 --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 86.52917684925792, + "cos_sim_ap": 75.97497873817315, + "cos_sim_f1": 70.01151926276718, + "cos_sim_precision": 67.98409147402435, + "cos_sim_recall": 72.16358839050132, + "dot_accuracy": 82.47004828038385, + "dot_ap": 62.48739894974198, + "dot_f1": 59.13107511045656, + "dot_precision": 55.27765029830197, + "dot_recall": 63.562005277044854, + "euclidean_accuracy": 86.46361089586935, + "euclidean_ap": 75.59282886839452, + "euclidean_f1": 69.6465443945099, + "euclidean_precision": 64.52847175331982, + "euclidean_recall": 75.64643799472296, + "manhattan_accuracy": 86.43380818978363, + "manhattan_ap": 75.5742420974403, + "manhattan_f1": 69.8636926889715, + "manhattan_precision": 65.8644859813084, + "manhattan_recall": 74.37994722955145, + "max_accuracy": 86.52917684925792, + "max_ap": 75.97497873817315, + "max_f1": 70.01151926276718, + "main_score": 75.97497873817315 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/TwitterURLCorpus.json b/results/vectoriseai__e5-base-v2/external/TwitterURLCorpus.json new file mode 100644 index 000000000..bda79ec31 --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.29056545193464, + "cos_sim_ap": 86.63028865482376, + "cos_sim_f1": 79.18166458532285, + "cos_sim_precision": 75.70585756426465, + "cos_sim_recall": 82.99199260856174, + "dot_accuracy": 85.23305002522606, + "dot_ap": 76.0482687263196, + "dot_f1": 70.80484330484332, + "dot_precision": 65.86933474688577, + "dot_recall": 76.53988296889437, + "euclidean_accuracy": 89.26145845461248, + "euclidean_ap": 86.54073288416006, + "euclidean_f1": 78.9721371479794, + "euclidean_precision": 76.68649354417525, + "euclidean_recall": 81.39821373575609, + "manhattan_accuracy": 89.22847052431405, + "manhattan_ap": 86.51250729037905, + "manhattan_f1": 78.94601825044894, + "manhattan_precision": 75.32694594027555, + "manhattan_recall": 82.93039728980598, + "max_accuracy": 89.29056545193464, + "max_ap": 86.63028865482376, + "max_f1": 79.18166458532285, + "main_score": 86.63028865482376 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base-v2/external/model_meta.json b/results/vectoriseai__e5-base-v2/external/model_meta.json new file mode 100644 index 000000000..5fc7c4f9d --- /dev/null +++ b/results/vectoriseai__e5-base-v2/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "vectoriseai/e5-base-v2", + "revision": "72428001ff12f8fd8c9542570dfecc7439903402", + "release_date": "2023-10-10", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 109482752, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 768, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/AmazonCounterfactualClassification.json b/results/vectoriseai__e5-base/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..57a7abc72 --- /dev/null +++ b/results/vectoriseai__e5-base/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.71641791044777, + "ap": 44.15426065428253, + "f1": 73.89474407693241, + "main_score": 79.71641791044777 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/AmazonPolarityClassification.json b/results/vectoriseai__e5-base/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..c4a97ac09 --- /dev/null +++ b/results/vectoriseai__e5-base/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 87.9649, + "ap": 84.10171551915973, + "f1": 87.94148377827356, + "main_score": 87.9649 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/AmazonReviewsClassification.json b/results/vectoriseai__e5-base/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..59fc9b293 --- /dev/null +++ b/results/vectoriseai__e5-base/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 42.645999999999994, + "f1": 42.230574673549, + "main_score": 42.645999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/ArguAna.json b/results/vectoriseai__e5-base/external/ArguAna.json new file mode 100644 index 000000000..d05846b29 --- /dev/null +++ b/results/vectoriseai__e5-base/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.814, + "map_at_10": 42.681999999999995, + "map_at_100": 43.714, + "map_at_1000": 43.724000000000004, + "map_at_3": 38.11, + "map_at_5": 40.666999999999994, + "mrr_at_1": 27.168999999999997, + "mrr_at_10": 42.84, + "mrr_at_100": 43.864, + "mrr_at_1000": 43.875, + "mrr_at_3": 38.193, + "mrr_at_5": 40.793, + "ndcg_at_1": 26.814, + "ndcg_at_10": 51.410999999999994, + "ndcg_at_100": 55.713, + "ndcg_at_1000": 55.957, + "ndcg_at_3": 41.955, + "ndcg_at_5": 46.558, + "precision_at_1": 26.814, + "precision_at_10": 7.922999999999999, + "precision_at_100": 0.9780000000000001, + "precision_at_1000": 0.1, + "precision_at_3": 17.71, + "precision_at_5": 12.859000000000002, + "recall_at_1": 26.814, + "recall_at_10": 79.232, + "recall_at_100": 97.795, + "recall_at_1000": 99.644, + "recall_at_3": 53.129000000000005, + "recall_at_5": 64.29599999999999, + "main_score": 51.410999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/ArxivClusteringP2P.json b/results/vectoriseai__e5-base/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..60c9e169e --- /dev/null +++ b/results/vectoriseai__e5-base/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 44.56933066536439, + "main_score": 44.56933066536439 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/ArxivClusteringS2S.json b/results/vectoriseai__e5-base/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..9bba8cd96 --- /dev/null +++ b/results/vectoriseai__e5-base/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.47647746165173, + "main_score": 40.47647746165173 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/AskUbuntuDupQuestions.json b/results/vectoriseai__e5-base/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..88a1431fe --- /dev/null +++ b/results/vectoriseai__e5-base/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 59.65675531567043, + "mrr": 72.95255683067317, + "main_score": 59.65675531567043 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/BIOSSES.json b/results/vectoriseai__e5-base/external/BIOSSES.json new file mode 100644 index 000000000..5b0a3f513 --- /dev/null +++ b/results/vectoriseai__e5-base/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.83147014162338, + "cos_sim_spearman": 85.1031439521441, + "euclidean_pearson": 83.53609085510973, + "euclidean_spearman": 84.59650590202833, + "manhattan_pearson": 83.14611947586386, + "manhattan_spearman": 84.13384475757064, + "cosine_pearson": 85.83147014162338, + "cosine_spearman": 85.1031439521441, + "main_score": 85.1031439521441 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/Banking77Classification.json b/results/vectoriseai__e5-base/external/Banking77Classification.json new file mode 100644 index 000000000..5a2470fd8 --- /dev/null +++ b/results/vectoriseai__e5-base/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 83.32792207792208, + "f1": 83.32037485050513, + "main_score": 83.32792207792208 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/BiorxivClusteringP2P.json b/results/vectoriseai__e5-base/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..85d73e0c5 --- /dev/null +++ b/results/vectoriseai__e5-base/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.18605446588703, + "main_score": 36.18605446588703 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/BiorxivClusteringS2S.json b/results/vectoriseai__e5-base/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..d53a942e5 --- /dev/null +++ b/results/vectoriseai__e5-base/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.72379130181917, + "main_score": 32.72379130181917 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/CQADupstackAndroidRetrieval.json b/results/vectoriseai__e5-base/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..bce119d0c --- /dev/null +++ b/results/vectoriseai__e5-base/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.659, + "map_at_10": 40.333999999999996, + "map_at_100": 41.763, + "map_at_1000": 41.894, + "map_at_3": 37.561, + "map_at_5": 39.084, + "mrr_at_1": 37.482, + "mrr_at_10": 45.736, + "mrr_at_100": 46.591, + "mrr_at_1000": 46.644999999999996, + "mrr_at_3": 43.491, + "mrr_at_5": 44.75, + "ndcg_at_1": 37.482, + "ndcg_at_10": 45.606, + "ndcg_at_100": 51.172, + "ndcg_at_1000": 53.407000000000004, + "ndcg_at_3": 41.808, + "ndcg_at_5": 43.449, + "precision_at_1": 37.482, + "precision_at_10": 8.254999999999999, + "precision_at_100": 1.3719999999999999, + "precision_at_1000": 0.186, + "precision_at_3": 19.695, + "precision_at_5": 13.847999999999999, + "recall_at_1": 30.659, + "recall_at_10": 55.409, + "recall_at_100": 78.687, + "recall_at_1000": 93.068, + "recall_at_3": 43.891999999999996, + "recall_at_5": 48.678, + "main_score": 45.606 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.977, + "map_at_10": 40.296, + "map_at_100": 41.453, + "map_at_1000": 41.581, + "map_at_3": 37.619, + "map_at_5": 39.181, + "mrr_at_1": 39.108, + "mrr_at_10": 46.894000000000005, + "mrr_at_100": 47.55, + "mrr_at_1000": 47.598, + "mrr_at_3": 44.766, + "mrr_at_5": 46.062999999999995, + "ndcg_at_1": 39.108, + "ndcg_at_10": 45.717, + "ndcg_at_100": 49.941, + "ndcg_at_1000": 52.138, + "ndcg_at_3": 42.05, + "ndcg_at_5": 43.893, + "precision_at_1": 39.108, + "precision_at_10": 8.306, + "precision_at_100": 1.3419999999999999, + "precision_at_1000": 0.184, + "precision_at_3": 19.979, + "precision_at_5": 14.038, + "recall_at_1": 30.977, + "recall_at_10": 54.688, + "recall_at_100": 72.556, + "recall_at_1000": 86.53800000000001, + "recall_at_3": 43.388, + "recall_at_5": 48.717, + "main_score": 45.717 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 39.812, + "map_at_10": 50.1, + "map_at_100": 51.193999999999996, + "map_at_1000": 51.258, + "map_at_3": 47.510999999999996, + "map_at_5": 48.891, + "mrr_at_1": 45.266, + "mrr_at_10": 53.459999999999994, + "mrr_at_100": 54.19199999999999, + "mrr_at_1000": 54.228, + "mrr_at_3": 51.296, + "mrr_at_5": 52.495999999999995, + "ndcg_at_1": 45.266, + "ndcg_at_10": 55.034000000000006, + "ndcg_at_100": 59.458, + "ndcg_at_1000": 60.862, + "ndcg_at_3": 50.52799999999999, + "ndcg_at_5": 52.564, + "precision_at_1": 45.266, + "precision_at_10": 8.483, + "precision_at_100": 1.162, + "precision_at_1000": 0.133, + "precision_at_3": 21.944, + "precision_at_5": 14.721, + "recall_at_1": 39.812, + "recall_at_10": 66.36, + "recall_at_100": 85.392, + "recall_at_1000": 95.523, + "recall_at_3": 54.127, + "recall_at_5": 59.245000000000005, + "main_score": 55.034000000000006 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.186, + "map_at_10": 33.18, + "map_at_100": 34.052, + "map_at_1000": 34.149, + "map_at_3": 31.029, + "map_at_5": 32.321, + "mrr_at_1": 28.136, + "mrr_at_10": 35.195, + "mrr_at_100": 35.996, + "mrr_at_1000": 36.076, + "mrr_at_3": 33.051, + "mrr_at_5": 34.407, + "ndcg_at_1": 28.136, + "ndcg_at_10": 37.275999999999996, + "ndcg_at_100": 41.935, + "ndcg_at_1000": 44.389, + "ndcg_at_3": 33.059, + "ndcg_at_5": 35.313, + "precision_at_1": 28.136, + "precision_at_10": 5.457999999999999, + "precision_at_100": 0.826, + "precision_at_1000": 0.107, + "precision_at_3": 13.522, + "precision_at_5": 9.424000000000001, + "recall_at_1": 26.186, + "recall_at_10": 47.961999999999996, + "recall_at_100": 70.072, + "recall_at_1000": 88.505, + "recall_at_3": 36.752, + "recall_at_5": 42.168, + "main_score": 37.275999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.586000000000002, + "map_at_10": 23.637, + "map_at_100": 24.82, + "map_at_1000": 24.95, + "map_at_3": 21.428, + "map_at_5": 22.555, + "mrr_at_1": 20.771, + "mrr_at_10": 27.839999999999996, + "mrr_at_100": 28.887, + "mrr_at_1000": 28.967, + "mrr_at_3": 25.56, + "mrr_at_5": 26.723000000000003, + "ndcg_at_1": 20.771, + "ndcg_at_10": 28.255000000000003, + "ndcg_at_100": 33.886, + "ndcg_at_1000": 36.963, + "ndcg_at_3": 24.056, + "ndcg_at_5": 25.818, + "precision_at_1": 20.771, + "precision_at_10": 5.1, + "precision_at_100": 0.9119999999999999, + "precision_at_1000": 0.132, + "precision_at_3": 11.526, + "precision_at_5": 8.158999999999999, + "recall_at_1": 16.586000000000002, + "recall_at_10": 38.456, + "recall_at_100": 62.666, + "recall_at_1000": 84.47, + "recall_at_3": 26.765, + "recall_at_5": 31.297000000000004, + "main_score": 28.255000000000003 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.831, + "map_at_10": 37.545, + "map_at_100": 38.934999999999995, + "map_at_1000": 39.044000000000004, + "map_at_3": 34.601, + "map_at_5": 36.302, + "mrr_at_1": 34.264, + "mrr_at_10": 42.569, + "mrr_at_100": 43.514, + "mrr_at_1000": 43.561, + "mrr_at_3": 40.167, + "mrr_at_5": 41.678, + "ndcg_at_1": 34.264, + "ndcg_at_10": 42.914, + "ndcg_at_100": 48.931999999999995, + "ndcg_at_1000": 51.004000000000005, + "ndcg_at_3": 38.096999999999994, + "ndcg_at_5": 40.509, + "precision_at_1": 34.264, + "precision_at_10": 7.642, + "precision_at_100": 1.258, + "precision_at_1000": 0.161, + "precision_at_3": 17.453, + "precision_at_5": 12.608, + "recall_at_1": 28.831, + "recall_at_10": 53.56999999999999, + "recall_at_100": 79.26100000000001, + "recall_at_1000": 92.862, + "recall_at_3": 40.681, + "recall_at_5": 46.597, + "main_score": 42.914 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.461000000000002, + "map_at_10": 35.885, + "map_at_100": 37.039, + "map_at_1000": 37.16, + "map_at_3": 33.451, + "map_at_5": 34.807, + "mrr_at_1": 34.018, + "mrr_at_10": 41.32, + "mrr_at_100": 42.157, + "mrr_at_1000": 42.223, + "mrr_at_3": 39.288000000000004, + "mrr_at_5": 40.481, + "ndcg_at_1": 34.018, + "ndcg_at_10": 40.821000000000005, + "ndcg_at_100": 46.053, + "ndcg_at_1000": 48.673, + "ndcg_at_3": 36.839, + "ndcg_at_5": 38.683, + "precision_at_1": 34.018, + "precision_at_10": 7.009, + "precision_at_100": 1.123, + "precision_at_1000": 0.153, + "precision_at_3": 16.933, + "precision_at_5": 11.826, + "recall_at_1": 27.461000000000002, + "recall_at_10": 50.285000000000004, + "recall_at_100": 73.25500000000001, + "recall_at_1000": 91.17699999999999, + "recall_at_3": 39.104, + "recall_at_5": 43.968, + "main_score": 40.821000000000005 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.980083333333337, + "map_at_10": 34.47208333333333, + "map_at_100": 35.609249999999996, + "map_at_1000": 35.72833333333333, + "map_at_3": 32.189416666666666, + "map_at_5": 33.44683333333334, + "mrr_at_1": 31.731666666666662, + "mrr_at_10": 38.518, + "mrr_at_100": 39.38166666666667, + "mrr_at_1000": 39.446999999999996, + "mrr_at_3": 36.49966666666668, + "mrr_at_5": 37.639916666666664, + "ndcg_at_1": 31.731666666666662, + "ndcg_at_10": 38.92033333333333, + "ndcg_at_100": 44.01675, + "ndcg_at_1000": 46.51075, + "ndcg_at_3": 35.09766666666667, + "ndcg_at_5": 36.842999999999996, + "precision_at_1": 31.731666666666662, + "precision_at_10": 6.472583333333332, + "precision_at_100": 1.0665, + "precision_at_1000": 0.14725000000000002, + "precision_at_3": 15.659083333333331, + "precision_at_5": 10.878833333333333, + "recall_at_1": 26.980083333333337, + "recall_at_10": 48.13925, + "recall_at_100": 70.70149999999998, + "recall_at_1000": 88.10775000000001, + "recall_at_3": 37.30091666666667, + "recall_at_5": 41.90358333333333, + "main_score": 38.92033333333333 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.607999999999997, + "map_at_10": 30.523, + "map_at_100": 31.409, + "map_at_1000": 31.507, + "map_at_3": 28.915000000000003, + "map_at_5": 29.756, + "mrr_at_1": 28.681, + "mrr_at_10": 33.409, + "mrr_at_100": 34.241, + "mrr_at_1000": 34.313, + "mrr_at_3": 32.029999999999994, + "mrr_at_5": 32.712, + "ndcg_at_1": 28.681, + "ndcg_at_10": 33.733000000000004, + "ndcg_at_100": 38.32, + "ndcg_at_1000": 40.937, + "ndcg_at_3": 30.898999999999997, + "ndcg_at_5": 32.088, + "precision_at_1": 28.681, + "precision_at_10": 4.968999999999999, + "precision_at_100": 0.79, + "precision_at_1000": 0.11, + "precision_at_3": 12.73, + "precision_at_5": 8.558, + "recall_at_1": 25.607999999999997, + "recall_at_10": 40.722, + "recall_at_100": 61.956999999999994, + "recall_at_1000": 81.43, + "recall_at_3": 32.785, + "recall_at_5": 35.855, + "main_score": 33.733000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.399, + "map_at_10": 25.968000000000004, + "map_at_100": 26.985999999999997, + "map_at_1000": 27.105, + "map_at_3": 24.215, + "map_at_5": 25.157, + "mrr_at_1": 24.708, + "mrr_at_10": 29.971999999999998, + "mrr_at_100": 30.858, + "mrr_at_1000": 30.934, + "mrr_at_3": 28.304000000000002, + "mrr_at_5": 29.183999999999997, + "ndcg_at_1": 24.708, + "ndcg_at_10": 29.676000000000002, + "ndcg_at_100": 34.656, + "ndcg_at_1000": 37.588, + "ndcg_at_3": 26.613, + "ndcg_at_5": 27.919, + "precision_at_1": 24.708, + "precision_at_10": 5.01, + "precision_at_100": 0.876, + "precision_at_1000": 0.13, + "precision_at_3": 11.975, + "precision_at_5": 8.279, + "recall_at_1": 20.399, + "recall_at_10": 36.935, + "recall_at_100": 59.532, + "recall_at_1000": 80.58, + "recall_at_3": 27.979, + "recall_at_5": 31.636999999999997, + "main_score": 29.676000000000002 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.606, + "map_at_10": 34.213, + "map_at_100": 35.339999999999996, + "map_at_1000": 35.458, + "map_at_3": 31.987, + "map_at_5": 33.322, + "mrr_at_1": 31.53, + "mrr_at_10": 37.911, + "mrr_at_100": 38.879000000000005, + "mrr_at_1000": 38.956, + "mrr_at_3": 35.868, + "mrr_at_5": 37.047999999999995, + "ndcg_at_1": 31.53, + "ndcg_at_10": 38.312000000000005, + "ndcg_at_100": 43.812, + "ndcg_at_1000": 46.414, + "ndcg_at_3": 34.319, + "ndcg_at_5": 36.312, + "precision_at_1": 31.53, + "precision_at_10": 5.970000000000001, + "precision_at_100": 0.9939999999999999, + "precision_at_1000": 0.133, + "precision_at_3": 14.738999999999999, + "precision_at_5": 10.242999999999999, + "recall_at_1": 27.606, + "recall_at_10": 47.136, + "recall_at_100": 71.253, + "recall_at_1000": 89.39399999999999, + "recall_at_3": 36.342, + "recall_at_5": 41.388999999999996, + "main_score": 38.312000000000005 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.855, + "map_at_10": 31.963, + "map_at_100": 33.371, + "map_at_1000": 33.584, + "map_at_3": 29.543999999999997, + "map_at_5": 30.793, + "mrr_at_1": 29.644, + "mrr_at_10": 35.601, + "mrr_at_100": 36.551, + "mrr_at_1000": 36.623, + "mrr_at_3": 33.399, + "mrr_at_5": 34.575, + "ndcg_at_1": 29.644, + "ndcg_at_10": 36.521, + "ndcg_at_100": 42.087, + "ndcg_at_1000": 45.119, + "ndcg_at_3": 32.797, + "ndcg_at_5": 34.208, + "precision_at_1": 29.644, + "precision_at_10": 6.7, + "precision_at_100": 1.374, + "precision_at_1000": 0.22899999999999998, + "precision_at_3": 15.152, + "precision_at_5": 10.671999999999999, + "recall_at_1": 24.855, + "recall_at_10": 45.449, + "recall_at_100": 70.921, + "recall_at_1000": 90.629, + "recall_at_3": 33.526, + "recall_at_5": 37.848, + "main_score": 36.521 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.781, + "map_at_10": 30.020999999999997, + "map_at_100": 30.948999999999998, + "map_at_1000": 31.05, + "map_at_3": 28.412, + "map_at_5": 29.193, + "mrr_at_1": 27.172, + "mrr_at_10": 32.309, + "mrr_at_100": 33.164, + "mrr_at_1000": 33.239999999999995, + "mrr_at_3": 30.775999999999996, + "mrr_at_5": 31.562, + "ndcg_at_1": 27.172, + "ndcg_at_10": 33.178999999999995, + "ndcg_at_100": 37.949, + "ndcg_at_1000": 40.635, + "ndcg_at_3": 30.107, + "ndcg_at_5": 31.36, + "precision_at_1": 27.172, + "precision_at_10": 4.769, + "precision_at_100": 0.769, + "precision_at_1000": 0.109, + "precision_at_3": 12.261, + "precision_at_5": 8.17, + "recall_at_1": 24.781, + "recall_at_10": 40.699000000000005, + "recall_at_100": 62.866, + "recall_at_1000": 83.11699999999999, + "recall_at_3": 32.269999999999996, + "recall_at_5": 35.443999999999996, + "main_score": 33.178999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/ClimateFEVER.json b/results/vectoriseai__e5-base/external/ClimateFEVER.json new file mode 100644 index 000000000..97757be9e --- /dev/null +++ b/results/vectoriseai__e5-base/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.2139999999999995, + "map_at_10": 9.986, + "map_at_100": 11.343, + "map_at_1000": 11.55, + "map_at_3": 7.961, + "map_at_5": 8.967, + "mrr_at_1": 12.052, + "mrr_at_10": 20.165, + "mrr_at_100": 21.317, + "mrr_at_1000": 21.399, + "mrr_at_3": 17.079, + "mrr_at_5": 18.695, + "ndcg_at_1": 12.052, + "ndcg_at_10": 15.375, + "ndcg_at_100": 21.858, + "ndcg_at_1000": 26.145000000000003, + "ndcg_at_3": 11.334, + "ndcg_at_5": 12.798000000000002, + "precision_at_1": 12.052, + "precision_at_10": 5.16, + "precision_at_100": 1.206, + "precision_at_1000": 0.198, + "precision_at_3": 8.73, + "precision_at_5": 7.114, + "recall_at_1": 5.2139999999999995, + "recall_at_10": 20.669999999999998, + "recall_at_100": 43.901, + "recall_at_1000": 68.447, + "recall_at_3": 11.049000000000001, + "recall_at_5": 14.652999999999999, + "main_score": 15.375 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/DBPedia.json b/results/vectoriseai__e5-base/external/DBPedia.json new file mode 100644 index 000000000..acb6b1f8e --- /dev/null +++ b/results/vectoriseai__e5-base/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.511000000000001, + "map_at_10": 19.503, + "map_at_100": 27.46, + "map_at_1000": 29.187, + "map_at_3": 14.030999999999999, + "map_at_5": 16.329, + "mrr_at_1": 63.74999999999999, + "mrr_at_10": 73.419, + "mrr_at_100": 73.691, + "mrr_at_1000": 73.697, + "mrr_at_3": 71.792, + "mrr_at_5": 72.979, + "ndcg_at_1": 53.125, + "ndcg_at_10": 41.02, + "ndcg_at_100": 45.407, + "ndcg_at_1000": 52.68000000000001, + "ndcg_at_3": 46.088, + "ndcg_at_5": 43.236000000000004, + "precision_at_1": 63.74999999999999, + "precision_at_10": 32.35, + "precision_at_100": 10.363, + "precision_at_1000": 2.18, + "precision_at_3": 49.667, + "precision_at_5": 41.5, + "recall_at_1": 8.511000000000001, + "recall_at_10": 24.851, + "recall_at_100": 50.745, + "recall_at_1000": 73.265, + "recall_at_3": 15.716, + "recall_at_5": 19.256, + "main_score": 41.02 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/EmotionClassification.json b/results/vectoriseai__e5-base/external/EmotionClassification.json new file mode 100644 index 000000000..37617d4a1 --- /dev/null +++ b/results/vectoriseai__e5-base/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 49.43500000000001, + "f1": 44.56288273966374, + "main_score": 49.43500000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/FEVER.json b/results/vectoriseai__e5-base/external/FEVER.json new file mode 100644 index 000000000..cacb22863 --- /dev/null +++ b/results/vectoriseai__e5-base/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.858, + "map_at_10": 52.276, + "map_at_100": 52.928, + "map_at_1000": 52.966, + "map_at_3": 49.729, + "map_at_5": 51.27, + "mrr_at_1": 43.624, + "mrr_at_10": 55.22899999999999, + "mrr_at_100": 55.823, + "mrr_at_1000": 55.85, + "mrr_at_3": 52.739999999999995, + "mrr_at_5": 54.251000000000005, + "ndcg_at_1": 43.624, + "ndcg_at_10": 58.23500000000001, + "ndcg_at_100": 61.315, + "ndcg_at_1000": 62.20099999999999, + "ndcg_at_3": 53.22, + "ndcg_at_5": 55.88999999999999, + "precision_at_1": 43.624, + "precision_at_10": 8.068999999999999, + "precision_at_100": 0.975, + "precision_at_1000": 0.107, + "precision_at_3": 21.752, + "precision_at_5": 14.515, + "recall_at_1": 40.858, + "recall_at_10": 73.744, + "recall_at_100": 87.667, + "recall_at_1000": 94.15599999999999, + "recall_at_3": 60.287, + "recall_at_5": 66.703, + "main_score": 58.23500000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/FiQA2018.json b/results/vectoriseai__e5-base/external/FiQA2018.json new file mode 100644 index 000000000..96dd06139 --- /dev/null +++ b/results/vectoriseai__e5-base/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.864, + "map_at_10": 28.592000000000002, + "map_at_100": 30.165, + "map_at_1000": 30.364, + "map_at_3": 24.586, + "map_at_5": 26.717000000000002, + "mrr_at_1": 35.031, + "mrr_at_10": 43.876, + "mrr_at_100": 44.683, + "mrr_at_1000": 44.736, + "mrr_at_3": 40.998000000000005, + "mrr_at_5": 42.595, + "ndcg_at_1": 35.031, + "ndcg_at_10": 36.368, + "ndcg_at_100": 42.472, + "ndcg_at_1000": 45.973000000000006, + "ndcg_at_3": 31.915, + "ndcg_at_5": 33.394, + "precision_at_1": 35.031, + "precision_at_10": 10.139, + "precision_at_100": 1.6420000000000001, + "precision_at_1000": 0.22699999999999998, + "precision_at_3": 21.142, + "precision_at_5": 15.772, + "recall_at_1": 17.864, + "recall_at_10": 43.991, + "recall_at_100": 66.796, + "recall_at_1000": 87.64, + "recall_at_3": 28.915999999999997, + "recall_at_5": 35.185, + "main_score": 36.368 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/HotpotQA.json b/results/vectoriseai__e5-base/external/HotpotQA.json new file mode 100644 index 000000000..cfff86697 --- /dev/null +++ b/results/vectoriseai__e5-base/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 36.556, + "map_at_10": 53.056000000000004, + "map_at_100": 53.909, + "map_at_1000": 53.98, + "map_at_3": 49.982, + "map_at_5": 51.9, + "mrr_at_1": 73.113, + "mrr_at_10": 79.381, + "mrr_at_100": 79.60300000000001, + "mrr_at_1000": 79.617, + "mrr_at_3": 78.298, + "mrr_at_5": 78.995, + "ndcg_at_1": 73.113, + "ndcg_at_10": 62.21, + "ndcg_at_100": 65.242, + "ndcg_at_1000": 66.667, + "ndcg_at_3": 57.717, + "ndcg_at_5": 60.224, + "precision_at_1": 73.113, + "precision_at_10": 12.842999999999998, + "precision_at_100": 1.522, + "precision_at_1000": 0.17099999999999999, + "precision_at_3": 36.178, + "precision_at_5": 23.695, + "recall_at_1": 36.556, + "recall_at_10": 64.213, + "recall_at_100": 76.077, + "recall_at_1000": 85.53699999999999, + "recall_at_3": 54.266999999999996, + "recall_at_5": 59.236999999999995, + "main_score": 62.21 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/ImdbClassification.json b/results/vectoriseai__e5-base/external/ImdbClassification.json new file mode 100644 index 000000000..616a2a7cb --- /dev/null +++ b/results/vectoriseai__e5-base/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.958, + "ap": 69.82869527654348, + "f1": 75.89120903005633, + "main_score": 75.958 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/MSMARCO.json b/results/vectoriseai__e5-base/external/MSMARCO.json new file mode 100644 index 000000000..933299081 --- /dev/null +++ b/results/vectoriseai__e5-base/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.608, + "map_at_10": 36.144, + "map_at_100": 37.244, + "map_at_1000": 37.291999999999994, + "map_at_3": 32.287, + "map_at_5": 34.473, + "mrr_at_1": 24.226, + "mrr_at_10": 36.711, + "mrr_at_100": 37.758, + "mrr_at_1000": 37.8, + "mrr_at_3": 32.92, + "mrr_at_5": 35.104, + "ndcg_at_1": 24.269, + "ndcg_at_10": 43.138, + "ndcg_at_100": 48.421, + "ndcg_at_1000": 49.592000000000006, + "ndcg_at_3": 35.269, + "ndcg_at_5": 39.175, + "precision_at_1": 24.269, + "precision_at_10": 6.755999999999999, + "precision_at_100": 0.941, + "precision_at_1000": 0.104, + "precision_at_3": 14.938, + "precision_at_5": 10.934000000000001, + "recall_at_1": 23.608, + "recall_at_10": 64.679, + "recall_at_100": 89.027, + "recall_at_1000": 97.91, + "recall_at_3": 43.25, + "recall_at_5": 52.617000000000004, + "main_score": 43.138 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/MTOPDomainClassification.json b/results/vectoriseai__e5-base/external/MTOPDomainClassification.json new file mode 100644 index 000000000..fb6d00ff4 --- /dev/null +++ b/results/vectoriseai__e5-base/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.21477428180576, + "f1": 92.92502305092152, + "main_score": 93.21477428180576 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/MTOPIntentClassification.json b/results/vectoriseai__e5-base/external/MTOPIntentClassification.json new file mode 100644 index 000000000..ffab3b351 --- /dev/null +++ b/results/vectoriseai__e5-base/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.76744186046511, + "f1": 59.19855520057899, + "main_score": 74.76744186046511 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/MassiveIntentClassification.json b/results/vectoriseai__e5-base/external/MassiveIntentClassification.json new file mode 100644 index 000000000..d99e01ed7 --- /dev/null +++ b/results/vectoriseai__e5-base/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.24613315400134, + "f1": 70.19950395651232, + "main_score": 72.24613315400134 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/MassiveScenarioClassification.json b/results/vectoriseai__e5-base/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..0f94fd2cb --- /dev/null +++ b/results/vectoriseai__e5-base/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.75857431069268, + "f1": 76.5433450230191, + "main_score": 76.75857431069268 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/MedrxivClusteringP2P.json b/results/vectoriseai__e5-base/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..d91e0ea3c --- /dev/null +++ b/results/vectoriseai__e5-base/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.525463791623604, + "main_score": 31.525463791623604 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/MedrxivClusteringS2S.json b/results/vectoriseai__e5-base/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..669231c6d --- /dev/null +++ b/results/vectoriseai__e5-base/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 28.28695907385136, + "main_score": 28.28695907385136 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/MindSmallReranking.json b/results/vectoriseai__e5-base/external/MindSmallReranking.json new file mode 100644 index 000000000..2cc342eb1 --- /dev/null +++ b/results/vectoriseai__e5-base/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 30.068174046665224, + "mrr": 30.827586642840803, + "main_score": 30.068174046665224 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/NFCorpus.json b/results/vectoriseai__e5-base/external/NFCorpus.json new file mode 100644 index 000000000..d8a3f70f4 --- /dev/null +++ b/results/vectoriseai__e5-base/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.322, + "map_at_10": 13.919999999999998, + "map_at_100": 17.416, + "map_at_1000": 18.836, + "map_at_3": 10.111, + "map_at_5": 11.991999999999999, + "mrr_at_1": 48.297000000000004, + "mrr_at_10": 57.114, + "mrr_at_100": 57.713, + "mrr_at_1000": 57.751, + "mrr_at_3": 55.108000000000004, + "mrr_at_5": 56.533, + "ndcg_at_1": 46.44, + "ndcg_at_10": 36.589, + "ndcg_at_100": 33.202, + "ndcg_at_1000": 41.668, + "ndcg_at_3": 41.302, + "ndcg_at_5": 39.829, + "precision_at_1": 47.988, + "precision_at_10": 27.059, + "precision_at_100": 8.235000000000001, + "precision_at_1000": 2.091, + "precision_at_3": 38.184000000000005, + "precision_at_5": 34.365, + "recall_at_1": 6.322, + "recall_at_10": 18.288, + "recall_at_100": 32.580999999999996, + "recall_at_1000": 63.605999999999995, + "recall_at_3": 11.266, + "recall_at_5": 14.69, + "main_score": 36.589 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/NQ.json b/results/vectoriseai__e5-base/external/NQ.json new file mode 100644 index 000000000..16ce81643 --- /dev/null +++ b/results/vectoriseai__e5-base/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 36.586999999999996, + "map_at_10": 52.464, + "map_at_100": 53.384, + "map_at_1000": 53.405, + "map_at_3": 48.408, + "map_at_5": 50.788999999999994, + "mrr_at_1": 40.904, + "mrr_at_10": 54.974000000000004, + "mrr_at_100": 55.60699999999999, + "mrr_at_1000": 55.623, + "mrr_at_3": 51.73799999999999, + "mrr_at_5": 53.638, + "ndcg_at_1": 40.904, + "ndcg_at_10": 59.965999999999994, + "ndcg_at_100": 63.613, + "ndcg_at_1000": 64.064, + "ndcg_at_3": 52.486, + "ndcg_at_5": 56.377, + "precision_at_1": 40.904, + "precision_at_10": 9.551, + "precision_at_100": 1.162, + "precision_at_1000": 0.12, + "precision_at_3": 23.552, + "precision_at_5": 16.436999999999998, + "recall_at_1": 36.586999999999996, + "recall_at_10": 80.094, + "recall_at_100": 95.515, + "recall_at_1000": 98.803, + "recall_at_3": 60.907, + "recall_at_5": 69.817, + "main_score": 59.965999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/QuoraRetrieval.json b/results/vectoriseai__e5-base/external/QuoraRetrieval.json new file mode 100644 index 000000000..e00d3fcbb --- /dev/null +++ b/results/vectoriseai__e5-base/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 70.422, + "map_at_10": 84.113, + "map_at_100": 84.744, + "map_at_1000": 84.762, + "map_at_3": 81.171, + "map_at_5": 83.039, + "mrr_at_1": 81.12, + "mrr_at_10": 87.277, + "mrr_at_100": 87.384, + "mrr_at_1000": 87.385, + "mrr_at_3": 86.315, + "mrr_at_5": 86.981, + "ndcg_at_1": 81.12, + "ndcg_at_10": 87.92, + "ndcg_at_100": 89.178, + "ndcg_at_1000": 89.29899999999999, + "ndcg_at_3": 85.076, + "ndcg_at_5": 86.67099999999999, + "precision_at_1": 81.12, + "precision_at_10": 13.325999999999999, + "precision_at_100": 1.524, + "precision_at_1000": 0.157, + "precision_at_3": 37.16, + "precision_at_5": 24.456, + "recall_at_1": 70.422, + "recall_at_10": 95.00800000000001, + "recall_at_100": 99.38, + "recall_at_1000": 99.94800000000001, + "recall_at_3": 86.809, + "recall_at_5": 91.334, + "main_score": 87.92 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/RedditClustering.json b/results/vectoriseai__e5-base/external/RedditClustering.json new file mode 100644 index 000000000..f4f555cbc --- /dev/null +++ b/results/vectoriseai__e5-base/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.18491891699636, + "main_score": 48.18491891699636 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/RedditClusteringP2P.json b/results/vectoriseai__e5-base/external/RedditClusteringP2P.json new file mode 100644 index 000000000..6c9089a00 --- /dev/null +++ b/results/vectoriseai__e5-base/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 62.190639679711914, + "main_score": 62.190639679711914 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/SCIDOCS.json b/results/vectoriseai__e5-base/external/SCIDOCS.json new file mode 100644 index 000000000..fc004bfea --- /dev/null +++ b/results/vectoriseai__e5-base/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.478, + "map_at_10": 11.268, + "map_at_100": 13.129, + "map_at_1000": 13.41, + "map_at_3": 8.103, + "map_at_5": 9.609, + "mrr_at_1": 22, + "mrr_at_10": 32.248, + "mrr_at_100": 33.355000000000004, + "mrr_at_1000": 33.42, + "mrr_at_3": 29.15, + "mrr_at_5": 30.785, + "ndcg_at_1": 22, + "ndcg_at_10": 18.990000000000002, + "ndcg_at_100": 26.302999999999997, + "ndcg_at_1000": 31.537, + "ndcg_at_3": 18.034, + "ndcg_at_5": 15.655, + "precision_at_1": 22, + "precision_at_10": 9.91, + "precision_at_100": 2.0420000000000003, + "precision_at_1000": 0.33, + "precision_at_3": 16.933, + "precision_at_5": 13.719999999999999, + "recall_at_1": 4.478, + "recall_at_10": 20.087, + "recall_at_100": 41.457, + "recall_at_1000": 67.10199999999999, + "recall_at_3": 10.313, + "recall_at_5": 13.927999999999999, + "main_score": 18.990000000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/SICK-R.json b/results/vectoriseai__e5-base/external/SICK-R.json new file mode 100644 index 000000000..2571cb99b --- /dev/null +++ b/results/vectoriseai__e5-base/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.27341574565806, + "cos_sim_spearman": 79.66419880841734, + "euclidean_pearson": 81.32473321838208, + "euclidean_spearman": 79.29828832085133, + "manhattan_pearson": 81.25554065883132, + "manhattan_spearman": 79.23275543279853, + "cosine_pearson": 84.27341574565806, + "cosine_spearman": 79.66419880841734, + "main_score": 79.66419880841734 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/STS12.json b/results/vectoriseai__e5-base/external/STS12.json new file mode 100644 index 000000000..e356a19e9 --- /dev/null +++ b/results/vectoriseai__e5-base/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.40468875905418, + "cos_sim_spearman": 74.2189990321174, + "euclidean_pearson": 80.74376966290956, + "euclidean_spearman": 74.97663839079335, + "manhattan_pearson": 80.69779331646207, + "manhattan_spearman": 75.00225252917613, + "cosine_pearson": 83.40468875905418, + "cosine_spearman": 74.2189990321174, + "main_score": 74.2189990321174 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/STS13.json b/results/vectoriseai__e5-base/external/STS13.json new file mode 100644 index 000000000..cba61635d --- /dev/null +++ b/results/vectoriseai__e5-base/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.5745290053095, + "cos_sim_spearman": 83.31401180333397, + "euclidean_pearson": 82.96500607325534, + "euclidean_spearman": 83.8534967935793, + "manhattan_pearson": 82.83112050632508, + "manhattan_spearman": 83.70877296557838, + "cosine_pearson": 82.5745290053095, + "cosine_spearman": 83.31401180333397, + "main_score": 83.31401180333397 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/STS14.json b/results/vectoriseai__e5-base/external/STS14.json new file mode 100644 index 000000000..604abb404 --- /dev/null +++ b/results/vectoriseai__e5-base/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 80.67833656607704, + "cos_sim_spearman": 78.52252410630707, + "euclidean_pearson": 80.071189514343, + "euclidean_spearman": 78.95143545742796, + "manhattan_pearson": 80.0128926165121, + "manhattan_spearman": 78.91236678732628, + "cosine_pearson": 80.67833656607704, + "cosine_spearman": 78.52252410630707, + "main_score": 78.52252410630707 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/STS15.json b/results/vectoriseai__e5-base/external/STS15.json new file mode 100644 index 000000000..b63785c6c --- /dev/null +++ b/results/vectoriseai__e5-base/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.48437639980746, + "cos_sim_spearman": 88.34876527774259, + "euclidean_pearson": 87.64898081823888, + "euclidean_spearman": 88.58937180804213, + "manhattan_pearson": 87.5942417815288, + "manhattan_spearman": 88.53013922267687, + "cosine_pearson": 87.48437639980746, + "cosine_spearman": 88.34876527774259, + "main_score": 88.34876527774259 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/STS16.json b/results/vectoriseai__e5-base/external/STS16.json new file mode 100644 index 000000000..db7741739 --- /dev/null +++ b/results/vectoriseai__e5-base/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.69189187164781, + "cos_sim_spearman": 84.15327883572112, + "euclidean_pearson": 83.64202266685898, + "euclidean_spearman": 84.6219602318862, + "manhattan_pearson": 83.53256698709998, + "manhattan_spearman": 84.49260712904946, + "cosine_pearson": 82.69189187164781, + "cosine_spearman": 84.15327883572112, + "main_score": 84.15327883572112 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/STS17.json b/results/vectoriseai__e5-base/external/STS17.json new file mode 100644 index 000000000..71e22229b --- /dev/null +++ b/results/vectoriseai__e5-base/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.09508017611589, + "cos_sim_spearman": 87.23010990417097, + "euclidean_pearson": 87.62545569077133, + "euclidean_spearman": 86.71152051711714, + "manhattan_pearson": 87.5057154278377, + "manhattan_spearman": 86.60611898281267, + "cosine_pearson": 87.09508017611589, + "cosine_spearman": 87.23010990417097, + "main_score": 87.23010990417097 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/STS22.json b/results/vectoriseai__e5-base/external/STS22.json new file mode 100644 index 000000000..4f4c7e57e --- /dev/null +++ b/results/vectoriseai__e5-base/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 61.72129893941176, + "cos_sim_spearman": 62.87871412069194, + "euclidean_pearson": 63.21077648290454, + "euclidean_spearman": 63.03263080805978, + "manhattan_pearson": 63.20740860135976, + "manhattan_spearman": 62.89930471802817, + "cosine_pearson": 61.72129893941176, + "cosine_spearman": 62.87871412069194, + "main_score": 62.87871412069194 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/STSBenchmark.json b/results/vectoriseai__e5-base/external/STSBenchmark.json new file mode 100644 index 000000000..37bdd3a06 --- /dev/null +++ b/results/vectoriseai__e5-base/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.039118236799, + "cos_sim_spearman": 86.18102563389962, + "euclidean_pearson": 85.62977041471879, + "euclidean_spearman": 86.02478990544347, + "manhattan_pearson": 85.60786740521806, + "manhattan_spearman": 85.99546210442547, + "cosine_pearson": 85.039118236799, + "cosine_spearman": 86.18102563389962, + "main_score": 86.18102563389962 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/SciDocsRR.json b/results/vectoriseai__e5-base/external/SciDocsRR.json new file mode 100644 index 000000000..398129b6a --- /dev/null +++ b/results/vectoriseai__e5-base/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 82.89875069737266, + "mrr": 95.42621322033087, + "main_score": 82.89875069737266 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/SciFact.json b/results/vectoriseai__e5-base/external/SciFact.json new file mode 100644 index 000000000..3423f3be0 --- /dev/null +++ b/results/vectoriseai__e5-base/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 58.660999999999994, + "map_at_10": 68.738, + "map_at_100": 69.33200000000001, + "map_at_1000": 69.352, + "map_at_3": 66.502, + "map_at_5": 67.686, + "mrr_at_1": 61.667, + "mrr_at_10": 70.003, + "mrr_at_100": 70.441, + "mrr_at_1000": 70.46, + "mrr_at_3": 68.278, + "mrr_at_5": 69.194, + "ndcg_at_1": 61.667, + "ndcg_at_10": 73.083, + "ndcg_at_100": 75.56, + "ndcg_at_1000": 76.01400000000001, + "ndcg_at_3": 69.28699999999999, + "ndcg_at_5": 70.85000000000001, + "precision_at_1": 61.667, + "precision_at_10": 9.6, + "precision_at_100": 1.087, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 27.111, + "precision_at_5": 17.467, + "recall_at_1": 58.660999999999994, + "recall_at_10": 85.02199999999999, + "recall_at_100": 95.933, + "recall_at_1000": 99.333, + "recall_at_3": 74.506, + "recall_at_5": 78.583, + "main_score": 73.083 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/SprintDuplicateQuestions.json b/results/vectoriseai__e5-base/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..e9cb35099 --- /dev/null +++ b/results/vectoriseai__e5-base/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.8029702970297, + "cos_sim_ap": 94.87673936635738, + "cos_sim_f1": 90.00502260170768, + "cos_sim_precision": 90.41372351160445, + "cos_sim_recall": 89.60000000000001, + "dot_accuracy": 99.57524752475247, + "dot_ap": 84.81717934496321, + "dot_f1": 78.23026646556059, + "dot_precision": 78.66531850353893, + "dot_recall": 77.8, + "euclidean_accuracy": 99.8029702970297, + "euclidean_ap": 94.74658253135284, + "euclidean_f1": 90.08470353761834, + "euclidean_precision": 89.77159880834161, + "euclidean_recall": 90.4, + "manhattan_accuracy": 99.8, + "manhattan_ap": 94.69224030742787, + "manhattan_f1": 89.9502487562189, + "manhattan_precision": 89.50495049504951, + "manhattan_recall": 90.4, + "max_accuracy": 99.8029702970297, + "max_ap": 94.87673936635738, + "max_f1": 90.08470353761834, + "main_score": 94.87673936635738 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/StackExchangeClustering.json b/results/vectoriseai__e5-base/external/StackExchangeClustering.json new file mode 100644 index 000000000..ea1d17e50 --- /dev/null +++ b/results/vectoriseai__e5-base/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 63.906039623153035, + "main_score": 63.906039623153035 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/StackExchangeClusteringP2P.json b/results/vectoriseai__e5-base/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..68984840c --- /dev/null +++ b/results/vectoriseai__e5-base/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.56053830923281, + "main_score": 32.56053830923281 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/StackOverflowDupQuestions.json b/results/vectoriseai__e5-base/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..4ba51a30f --- /dev/null +++ b/results/vectoriseai__e5-base/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 50.15326538775145, + "mrr": 50.99279295051355, + "main_score": 50.15326538775145 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/SummEval.json b/results/vectoriseai__e5-base/external/SummEval.json new file mode 100644 index 000000000..ee9da9a63 --- /dev/null +++ b/results/vectoriseai__e5-base/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.44030762047337, + "cos_sim_spearman": 31.00910300264562, + "dot_pearson": 26.88257194766013, + "dot_spearman": 27.646202679013577, + "cosine_pearson": 31.44030762047337, + "cosine_spearman": 31.00910300264562, + "main_score": 31.00910300264562 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/TRECCOVID.json b/results/vectoriseai__e5-base/external/TRECCOVID.json new file mode 100644 index 000000000..85059af3b --- /dev/null +++ b/results/vectoriseai__e5-base/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.247, + "map_at_10": 1.9429999999999998, + "map_at_100": 10.82, + "map_at_1000": 25.972, + "map_at_3": 0.653, + "map_at_5": 1.057, + "mrr_at_1": 94, + "mrr_at_10": 96.333, + "mrr_at_100": 96.333, + "mrr_at_1000": 96.333, + "mrr_at_3": 96.333, + "mrr_at_5": 96.333, + "ndcg_at_1": 89, + "ndcg_at_10": 79.63799999999999, + "ndcg_at_100": 57.961, + "ndcg_at_1000": 50.733, + "ndcg_at_3": 84.224, + "ndcg_at_5": 82.528, + "precision_at_1": 94, + "precision_at_10": 84.2, + "precision_at_100": 59.36, + "precision_at_1000": 22.738, + "precision_at_3": 88, + "precision_at_5": 86.8, + "recall_at_1": 0.247, + "recall_at_10": 2.131, + "recall_at_100": 14.035, + "recall_at_1000": 47.457, + "recall_at_3": 0.6779999999999999, + "recall_at_5": 1.124, + "main_score": 79.63799999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/Touche2020.json b/results/vectoriseai__e5-base/external/Touche2020.json new file mode 100644 index 000000000..dbe2fdafb --- /dev/null +++ b/results/vectoriseai__e5-base/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.603, + "map_at_10": 11.667, + "map_at_100": 16.474, + "map_at_1000": 18.074, + "map_at_3": 6.03, + "map_at_5": 8.067, + "mrr_at_1": 34.694, + "mrr_at_10": 51.063, + "mrr_at_100": 51.908, + "mrr_at_1000": 51.908, + "mrr_at_3": 47.959, + "mrr_at_5": 49.694, + "ndcg_at_1": 32.653, + "ndcg_at_10": 28.305000000000003, + "ndcg_at_100": 35.311, + "ndcg_at_1000": 47.644999999999996, + "ndcg_at_3": 32.187, + "ndcg_at_5": 29.134999999999998, + "precision_at_1": 34.694, + "precision_at_10": 26.122, + "precision_at_100": 6.755, + "precision_at_1000": 1.467, + "precision_at_3": 34.694, + "precision_at_5": 30.203999999999997, + "recall_at_1": 2.603, + "recall_at_10": 18.716, + "recall_at_100": 42.512, + "recall_at_1000": 79.32000000000001, + "recall_at_3": 7.59, + "recall_at_5": 10.949, + "main_score": 28.305000000000003 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/ToxicConversationsClassification.json b/results/vectoriseai__e5-base/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..5b0c7ad8c --- /dev/null +++ b/results/vectoriseai__e5-base/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.117, + "ap": 15.89357321699319, + "f1": 57.14385866369257, + "main_score": 74.117 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/TweetSentimentExtractionClassification.json b/results/vectoriseai__e5-base/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..885cd7912 --- /dev/null +++ b/results/vectoriseai__e5-base/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.38370118845502, + "f1": 61.67038693866553, + "main_score": 61.38370118845502 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/TwentyNewsgroupsClustering.json b/results/vectoriseai__e5-base/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..6644a0c1a --- /dev/null +++ b/results/vectoriseai__e5-base/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 42.57754941537969, + "main_score": 42.57754941537969 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/TwitterSemEval2015.json b/results/vectoriseai__e5-base/external/TwitterSemEval2015.json new file mode 100644 index 000000000..e94cb568a --- /dev/null +++ b/results/vectoriseai__e5-base/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 86.1775049174465, + "cos_sim_ap": 74.3994879581554, + "cos_sim_f1": 69.32903671308551, + "cos_sim_precision": 61.48193508879363, + "cos_sim_recall": 79.47229551451187, + "dot_accuracy": 81.65345413363534, + "dot_ap": 59.690898346685096, + "dot_f1": 57.27622826467499, + "dot_precision": 51.34965473948525, + "dot_recall": 64.74934036939314, + "euclidean_accuracy": 86.04637301066937, + "euclidean_ap": 74.33009001775268, + "euclidean_f1": 69.2458374142997, + "euclidean_precision": 64.59570580173595, + "euclidean_recall": 74.6174142480211, + "manhattan_accuracy": 86.11193896405793, + "manhattan_ap": 74.2964140130421, + "manhattan_f1": 69.11601528788066, + "manhattan_precision": 64.86924323073363, + "manhattan_recall": 73.95778364116094, + "max_accuracy": 86.1775049174465, + "max_ap": 74.3994879581554, + "max_f1": 69.32903671308551, + "main_score": 74.3994879581554 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/TwitterURLCorpus.json b/results/vectoriseai__e5-base/external/TwitterURLCorpus.json new file mode 100644 index 000000000..81516129c --- /dev/null +++ b/results/vectoriseai__e5-base/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.01501921061823, + "cos_sim_ap": 85.97819287477351, + "cos_sim_f1": 78.33882858518875, + "cos_sim_precision": 75.49446626204926, + "cos_sim_recall": 81.40591315060055, + "dot_accuracy": 86.47494857763806, + "dot_ap": 78.77420360340282, + "dot_f1": 73.06433247936238, + "dot_precision": 67.92140777983595, + "dot_recall": 79.04989220819218, + "euclidean_accuracy": 88.7297706368611, + "euclidean_ap": 85.61550568529317, + "euclidean_f1": 77.84805525263539, + "euclidean_precision": 73.73639994491117, + "euclidean_recall": 82.44533415460425, + "manhattan_accuracy": 88.75111576823068, + "manhattan_ap": 85.58701671476263, + "manhattan_f1": 77.70169909067856, + "manhattan_precision": 73.37666780704755, + "manhattan_recall": 82.5685247921158, + "max_accuracy": 89.01501921061823, + "max_ap": 85.97819287477351, + "max_f1": 78.33882858518875, + "main_score": 85.97819287477351 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-base/external/model_meta.json b/results/vectoriseai__e5-base/external/model_meta.json new file mode 100644 index 000000000..53cfa0316 --- /dev/null +++ b/results/vectoriseai__e5-base/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "vectoriseai/e5-base", + "revision": "99e557e08db3e09f4c4c59410b613d9edd7729b0", + "release_date": "2023-10-11", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 109482752, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 768, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/AmazonCounterfactualClassification.json b/results/vectoriseai__e5-large-v2/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..a0485a5de --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.22388059701493, + "ap": 43.20816505595132, + "f1": 73.27811303522058, + "main_score": 79.22388059701493 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/AmazonPolarityClassification.json b/results/vectoriseai__e5-large-v2/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..176fd0ec2 --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.748325, + "ap": 90.72534979701297, + "f1": 93.73895874282185, + "main_score": 93.748325 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/AmazonReviewsClassification.json b/results/vectoriseai__e5-large-v2/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..fc834b592 --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 48.612, + "f1": 47.61157345898393, + "main_score": 48.612 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/ArguAna.json b/results/vectoriseai__e5-large-v2/external/ArguAna.json new file mode 100644 index 000000000..1f5ab1fdd --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.541999999999998, + "map_at_10": 38.208, + "map_at_100": 39.417, + "map_at_1000": 39.428999999999995, + "map_at_3": 33.95, + "map_at_5": 36.329, + "mrr_at_1": 23.755000000000003, + "mrr_at_10": 38.288, + "mrr_at_100": 39.511, + "mrr_at_1000": 39.523, + "mrr_at_3": 34.009, + "mrr_at_5": 36.434, + "ndcg_at_1": 23.541999999999998, + "ndcg_at_10": 46.417, + "ndcg_at_100": 51.812000000000005, + "ndcg_at_1000": 52.137, + "ndcg_at_3": 37.528, + "ndcg_at_5": 41.81, + "precision_at_1": 23.541999999999998, + "precision_at_10": 7.269, + "precision_at_100": 0.9690000000000001, + "precision_at_1000": 0.099, + "precision_at_3": 15.979, + "precision_at_5": 11.664, + "recall_at_1": 23.541999999999998, + "recall_at_10": 72.688, + "recall_at_100": 96.871, + "recall_at_1000": 99.431, + "recall_at_3": 47.937000000000005, + "recall_at_5": 58.321, + "main_score": 46.417 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/ArxivClusteringP2P.json b/results/vectoriseai__e5-large-v2/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..a42844893 --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 45.546499570522094, + "main_score": 45.546499570522094 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/ArxivClusteringS2S.json b/results/vectoriseai__e5-large-v2/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..32d88d0ff --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 41.01607489943561, + "main_score": 41.01607489943561 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/AskUbuntuDupQuestions.json b/results/vectoriseai__e5-large-v2/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..b984d50df --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 59.616107510107774, + "mrr": 72.75106626214661, + "main_score": 59.616107510107774 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/BIOSSES.json b/results/vectoriseai__e5-large-v2/external/BIOSSES.json new file mode 100644 index 000000000..75235cc23 --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.33018094733868, + "cos_sim_spearman": 83.60190492611737, + "euclidean_pearson": 82.1492450218961, + "euclidean_spearman": 82.70308926526991, + "manhattan_pearson": 81.93959600076842, + "manhattan_spearman": 82.73260801016369, + "cosine_pearson": 84.33018094733868, + "cosine_spearman": 83.60190492611737, + "main_score": 83.60190492611737 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/Banking77Classification.json b/results/vectoriseai__e5-large-v2/external/Banking77Classification.json new file mode 100644 index 000000000..e9e3ce25f --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 84.54545454545455, + "f1": 84.49582530928923, + "main_score": 84.54545454545455 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/BiorxivClusteringP2P.json b/results/vectoriseai__e5-large-v2/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..fcae4f228 --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.362725540120096, + "main_score": 37.362725540120096 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/BiorxivClusteringS2S.json b/results/vectoriseai__e5-large-v2/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..0cc0aaa21 --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.849509608178145, + "main_score": 34.849509608178145 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/CQADupstackAndroidRetrieval.json b/results/vectoriseai__e5-large-v2/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..1d65c567b --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.502999999999997, + "map_at_10": 43.323, + "map_at_100": 44.708999999999996, + "map_at_1000": 44.838, + "map_at_3": 38.987, + "map_at_5": 41.516999999999996, + "mrr_at_1": 38.769999999999996, + "mrr_at_10": 49.13, + "mrr_at_100": 49.697, + "mrr_at_1000": 49.741, + "mrr_at_3": 45.804, + "mrr_at_5": 47.842, + "ndcg_at_1": 38.769999999999996, + "ndcg_at_10": 50.266999999999996, + "ndcg_at_100": 54.967, + "ndcg_at_1000": 56.976000000000006, + "ndcg_at_3": 43.823, + "ndcg_at_5": 47.12, + "precision_at_1": 38.769999999999996, + "precision_at_10": 10.057, + "precision_at_100": 1.554, + "precision_at_1000": 0.202, + "precision_at_3": 21.125, + "precision_at_5": 15.851, + "recall_at_1": 31.502999999999997, + "recall_at_10": 63.715999999999994, + "recall_at_100": 83.61800000000001, + "recall_at_1000": 96.63199999999999, + "recall_at_3": 45.403, + "recall_at_5": 54.481, + "main_score": 50.266999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.833000000000002, + "map_at_10": 37.330999999999996, + "map_at_100": 38.580999999999996, + "map_at_1000": 38.708, + "map_at_3": 34.713, + "map_at_5": 36.104, + "mrr_at_1": 35.223, + "mrr_at_10": 43.419000000000004, + "mrr_at_100": 44.198, + "mrr_at_1000": 44.249, + "mrr_at_3": 41.614000000000004, + "mrr_at_5": 42.553000000000004, + "ndcg_at_1": 35.223, + "ndcg_at_10": 42.687999999999995, + "ndcg_at_100": 47.447, + "ndcg_at_1000": 49.701, + "ndcg_at_3": 39.162, + "ndcg_at_5": 40.557, + "precision_at_1": 35.223, + "precision_at_10": 7.962, + "precision_at_100": 1.304, + "precision_at_1000": 0.18, + "precision_at_3": 19.023, + "precision_at_5": 13.184999999999999, + "recall_at_1": 27.833000000000002, + "recall_at_10": 51.881, + "recall_at_100": 72.04, + "recall_at_1000": 86.644, + "recall_at_3": 40.778, + "recall_at_5": 45.176, + "main_score": 42.687999999999995 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.175, + "map_at_10": 51.174, + "map_at_100": 52.26499999999999, + "map_at_1000": 52.315999999999995, + "map_at_3": 47.897, + "map_at_5": 49.703, + "mrr_at_1": 43.448, + "mrr_at_10": 54.505, + "mrr_at_100": 55.216, + "mrr_at_1000": 55.242000000000004, + "mrr_at_3": 51.98500000000001, + "mrr_at_5": 53.434000000000005, + "ndcg_at_1": 43.448, + "ndcg_at_10": 57.282, + "ndcg_at_100": 61.537, + "ndcg_at_1000": 62.546, + "ndcg_at_3": 51.73799999999999, + "ndcg_at_5": 54.324, + "precision_at_1": 43.448, + "precision_at_10": 9.292, + "precision_at_100": 1.233, + "precision_at_1000": 0.136, + "precision_at_3": 23.218, + "precision_at_5": 15.887, + "recall_at_1": 38.175, + "recall_at_10": 72.00999999999999, + "recall_at_100": 90.155, + "recall_at_1000": 97.257, + "recall_at_3": 57.133, + "recall_at_5": 63.424, + "main_score": 57.282 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.405, + "map_at_10": 30.043, + "map_at_100": 31.191000000000003, + "map_at_1000": 31.275, + "map_at_3": 27.034000000000002, + "map_at_5": 28.688000000000002, + "mrr_at_1": 24.068, + "mrr_at_10": 31.993, + "mrr_at_100": 32.992, + "mrr_at_1000": 33.050000000000004, + "mrr_at_3": 28.964000000000002, + "mrr_at_5": 30.653000000000002, + "ndcg_at_1": 24.068, + "ndcg_at_10": 35.198, + "ndcg_at_100": 40.709, + "ndcg_at_1000": 42.855, + "ndcg_at_3": 29.139, + "ndcg_at_5": 32.045, + "precision_at_1": 24.068, + "precision_at_10": 5.65, + "precision_at_100": 0.885, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 12.279, + "precision_at_5": 8.994, + "recall_at_1": 22.405, + "recall_at_10": 49.391, + "recall_at_100": 74.53699999999999, + "recall_at_1000": 90.605, + "recall_at_3": 33.126, + "recall_at_5": 40.073, + "main_score": 35.198 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 13.309999999999999, + "map_at_10": 20.688000000000002, + "map_at_100": 22.022, + "map_at_1000": 22.152, + "map_at_3": 17.954, + "map_at_5": 19.439, + "mrr_at_1": 16.294, + "mrr_at_10": 24.479, + "mrr_at_100": 25.515, + "mrr_at_1000": 25.593, + "mrr_at_3": 21.642, + "mrr_at_5": 23.189999999999998, + "ndcg_at_1": 16.294, + "ndcg_at_10": 25.833000000000002, + "ndcg_at_100": 32.074999999999996, + "ndcg_at_1000": 35.083, + "ndcg_at_3": 20.493, + "ndcg_at_5": 22.949, + "precision_at_1": 16.294, + "precision_at_10": 5.112, + "precision_at_100": 0.96, + "precision_at_1000": 0.134, + "precision_at_3": 9.908999999999999, + "precision_at_5": 7.587000000000001, + "recall_at_1": 13.309999999999999, + "recall_at_10": 37.851, + "recall_at_100": 64.835, + "recall_at_1000": 86.334, + "recall_at_3": 23.493, + "recall_at_5": 29.528, + "main_score": 25.833000000000002 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.857999999999997, + "map_at_10": 35.503, + "map_at_100": 36.957, + "map_at_1000": 37.065, + "map_at_3": 32.275999999999996, + "map_at_5": 34.119, + "mrr_at_1": 31.954, + "mrr_at_10": 40.851, + "mrr_at_100": 41.863, + "mrr_at_1000": 41.900999999999996, + "mrr_at_3": 38.129999999999995, + "mrr_at_5": 39.737, + "ndcg_at_1": 31.954, + "ndcg_at_10": 41.343999999999994, + "ndcg_at_100": 47.397, + "ndcg_at_1000": 49.501, + "ndcg_at_3": 36.047000000000004, + "ndcg_at_5": 38.639, + "precision_at_1": 31.954, + "precision_at_10": 7.68, + "precision_at_100": 1.247, + "precision_at_1000": 0.16199999999999998, + "precision_at_3": 17.132, + "precision_at_5": 12.589, + "recall_at_1": 25.857999999999997, + "recall_at_10": 53.43599999999999, + "recall_at_100": 78.82400000000001, + "recall_at_1000": 92.78999999999999, + "recall_at_3": 38.655, + "recall_at_5": 45.216, + "main_score": 41.343999999999994 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.709, + "map_at_10": 34.318, + "map_at_100": 35.657, + "map_at_1000": 35.783, + "map_at_3": 31.326999999999998, + "map_at_5": 33.021, + "mrr_at_1": 30.137000000000004, + "mrr_at_10": 39.093, + "mrr_at_100": 39.992, + "mrr_at_1000": 40.056999999999995, + "mrr_at_3": 36.606, + "mrr_at_5": 37.861, + "ndcg_at_1": 30.137000000000004, + "ndcg_at_10": 39.974, + "ndcg_at_100": 45.647999999999996, + "ndcg_at_1000": 48.259, + "ndcg_at_3": 35.028, + "ndcg_at_5": 37.175999999999995, + "precision_at_1": 30.137000000000004, + "precision_at_10": 7.363, + "precision_at_100": 1.184, + "precision_at_1000": 0.161, + "precision_at_3": 16.857, + "precision_at_5": 11.963, + "recall_at_1": 24.709, + "recall_at_10": 52.087, + "recall_at_100": 76.125, + "recall_at_1000": 93.82300000000001, + "recall_at_3": 38.149, + "recall_at_5": 43.984, + "main_score": 39.974 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.40791666666667, + "map_at_10": 32.458083333333335, + "map_at_100": 33.691916666666664, + "map_at_1000": 33.81191666666666, + "map_at_3": 29.51625, + "map_at_5": 31.168083333333335, + "mrr_at_1": 27.96591666666666, + "mrr_at_10": 36.528583333333344, + "mrr_at_100": 37.404, + "mrr_at_1000": 37.464333333333336, + "mrr_at_3": 33.92883333333333, + "mrr_at_5": 35.41933333333333, + "ndcg_at_1": 27.96591666666666, + "ndcg_at_10": 37.89141666666666, + "ndcg_at_100": 43.23066666666666, + "ndcg_at_1000": 45.63258333333333, + "ndcg_at_3": 32.811249999999994, + "ndcg_at_5": 35.22566666666667, + "precision_at_1": 27.96591666666666, + "precision_at_10": 6.834083333333332, + "precision_at_100": 1.12225, + "precision_at_1000": 0.15241666666666667, + "precision_at_3": 15.264333333333335, + "precision_at_5": 11.039416666666666, + "recall_at_1": 23.40791666666667, + "recall_at_10": 49.927083333333336, + "recall_at_100": 73.44641666666668, + "recall_at_1000": 90.19950000000001, + "recall_at_3": 35.88341666666667, + "recall_at_5": 42.061249999999994, + "main_score": 37.89141666666666 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.592000000000002, + "map_at_10": 26.895999999999997, + "map_at_100": 27.921000000000003, + "map_at_1000": 28.02, + "map_at_3": 24.883, + "map_at_5": 25.812, + "mrr_at_1": 22.698999999999998, + "mrr_at_10": 29.520999999999997, + "mrr_at_100": 30.458000000000002, + "mrr_at_1000": 30.526999999999997, + "mrr_at_3": 27.633000000000003, + "mrr_at_5": 28.483999999999998, + "ndcg_at_1": 22.698999999999998, + "ndcg_at_10": 31.061, + "ndcg_at_100": 36.398, + "ndcg_at_1000": 38.89, + "ndcg_at_3": 27.149, + "ndcg_at_5": 28.627000000000002, + "precision_at_1": 22.698999999999998, + "precision_at_10": 5.106999999999999, + "precision_at_100": 0.857, + "precision_at_1000": 0.11499999999999999, + "precision_at_3": 11.963, + "precision_at_5": 8.221, + "recall_at_1": 19.592000000000002, + "recall_at_10": 41.329, + "recall_at_100": 66.094, + "recall_at_1000": 84.511, + "recall_at_3": 30.61, + "recall_at_5": 34.213, + "main_score": 31.061 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 14.71, + "map_at_10": 20.965, + "map_at_100": 21.994, + "map_at_1000": 22.133, + "map_at_3": 18.741, + "map_at_5": 19.951, + "mrr_at_1": 18.307000000000002, + "mrr_at_10": 24.66, + "mrr_at_100": 25.540000000000003, + "mrr_at_1000": 25.629, + "mrr_at_3": 22.511, + "mrr_at_5": 23.72, + "ndcg_at_1": 18.307000000000002, + "ndcg_at_10": 25.153, + "ndcg_at_100": 30.229, + "ndcg_at_1000": 33.623, + "ndcg_at_3": 21.203, + "ndcg_at_5": 23.006999999999998, + "precision_at_1": 18.307000000000002, + "precision_at_10": 4.725, + "precision_at_100": 0.8659999999999999, + "precision_at_1000": 0.133, + "precision_at_3": 10.14, + "precision_at_5": 7.481, + "recall_at_1": 14.71, + "recall_at_10": 34.087, + "recall_at_100": 57.147999999999996, + "recall_at_1000": 81.777, + "recall_at_3": 22.996, + "recall_at_5": 27.73, + "main_score": 25.153 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.472, + "map_at_10": 32.699, + "map_at_100": 33.867000000000004, + "map_at_1000": 33.967000000000006, + "map_at_3": 29.718, + "map_at_5": 31.345, + "mrr_at_1": 28.265, + "mrr_at_10": 36.945, + "mrr_at_100": 37.794, + "mrr_at_1000": 37.857, + "mrr_at_3": 34.266000000000005, + "mrr_at_5": 35.768, + "ndcg_at_1": 28.265, + "ndcg_at_10": 38.35, + "ndcg_at_100": 43.739, + "ndcg_at_1000": 46.087, + "ndcg_at_3": 33.004, + "ndcg_at_5": 35.411, + "precision_at_1": 28.265, + "precision_at_10": 6.715999999999999, + "precision_at_100": 1.059, + "precision_at_1000": 0.13799999999999998, + "precision_at_3": 15.299, + "precision_at_5": 10.951, + "recall_at_1": 23.472, + "recall_at_10": 51.413, + "recall_at_100": 75.17, + "recall_at_1000": 91.577, + "recall_at_3": 36.651, + "recall_at_5": 42.814, + "main_score": 38.35 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.666, + "map_at_10": 32.963, + "map_at_100": 34.544999999999995, + "map_at_1000": 34.792, + "map_at_3": 29.74, + "map_at_5": 31.5, + "mrr_at_1": 29.051, + "mrr_at_10": 38.013000000000005, + "mrr_at_100": 38.997, + "mrr_at_1000": 39.055, + "mrr_at_3": 34.947, + "mrr_at_5": 36.815, + "ndcg_at_1": 29.051, + "ndcg_at_10": 39.361000000000004, + "ndcg_at_100": 45.186, + "ndcg_at_1000": 47.867, + "ndcg_at_3": 33.797, + "ndcg_at_5": 36.456, + "precision_at_1": 29.051, + "precision_at_10": 7.668, + "precision_at_100": 1.532, + "precision_at_1000": 0.247, + "precision_at_3": 15.876000000000001, + "precision_at_5": 11.779, + "recall_at_1": 23.666, + "recall_at_10": 51.858000000000004, + "recall_at_100": 77.805, + "recall_at_1000": 94.504, + "recall_at_3": 36.207, + "recall_at_5": 43.094, + "main_score": 39.361000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.662, + "map_at_10": 23.594, + "map_at_100": 24.593999999999998, + "map_at_1000": 24.694, + "map_at_3": 20.925, + "map_at_5": 22.817999999999998, + "mrr_at_1": 17.375, + "mrr_at_10": 25.734, + "mrr_at_100": 26.586, + "mrr_at_1000": 26.671, + "mrr_at_3": 23.044, + "mrr_at_5": 24.975, + "ndcg_at_1": 17.375, + "ndcg_at_10": 28.186, + "ndcg_at_100": 33.436, + "ndcg_at_1000": 36.203, + "ndcg_at_3": 23.152, + "ndcg_at_5": 26.397, + "precision_at_1": 17.375, + "precision_at_10": 4.677, + "precision_at_100": 0.786, + "precision_at_1000": 0.109, + "precision_at_3": 10.351, + "precision_at_5": 7.985, + "recall_at_1": 15.662, + "recall_at_10": 40.066, + "recall_at_100": 65.006, + "recall_at_1000": 85.94000000000001, + "recall_at_3": 27.400000000000002, + "recall_at_5": 35.002, + "main_score": 28.186 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/ClimateFEVER.json b/results/vectoriseai__e5-large-v2/external/ClimateFEVER.json new file mode 100644 index 000000000..82aef6970 --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.853, + "map_at_10": 15.568000000000001, + "map_at_100": 17.383000000000003, + "map_at_1000": 17.584, + "map_at_3": 12.561, + "map_at_5": 14.056, + "mrr_at_1": 18.958, + "mrr_at_10": 28.288000000000004, + "mrr_at_100": 29.432000000000002, + "mrr_at_1000": 29.498, + "mrr_at_3": 25.049, + "mrr_at_5": 26.857, + "ndcg_at_1": 18.958, + "ndcg_at_10": 22.21, + "ndcg_at_100": 29.596, + "ndcg_at_1000": 33.583, + "ndcg_at_3": 16.994999999999997, + "ndcg_at_5": 18.95, + "precision_at_1": 18.958, + "precision_at_10": 7.192, + "precision_at_100": 1.5, + "precision_at_1000": 0.22399999999999998, + "precision_at_3": 12.573, + "precision_at_5": 10.202, + "recall_at_1": 8.853, + "recall_at_10": 28.087, + "recall_at_100": 53.701, + "recall_at_1000": 76.29899999999999, + "recall_at_3": 15.913, + "recall_at_5": 20.658, + "main_score": 22.21 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/DBPedia.json b/results/vectoriseai__e5-large-v2/external/DBPedia.json new file mode 100644 index 000000000..69bd4c40e --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.077, + "map_at_10": 20.788999999999998, + "map_at_100": 30.429000000000002, + "map_at_1000": 32.143, + "map_at_3": 14.692, + "map_at_5": 17.139, + "mrr_at_1": 70.75, + "mrr_at_10": 78.036, + "mrr_at_100": 78.401, + "mrr_at_1000": 78.404, + "mrr_at_3": 76.75, + "mrr_at_5": 77.47500000000001, + "ndcg_at_1": 58.12500000000001, + "ndcg_at_10": 44.015, + "ndcg_at_100": 49.247, + "ndcg_at_1000": 56.211999999999996, + "ndcg_at_3": 49.151, + "ndcg_at_5": 46.195, + "precision_at_1": 70.75, + "precision_at_10": 35.5, + "precision_at_100": 11.355, + "precision_at_1000": 2.1950000000000003, + "precision_at_3": 53.083000000000006, + "precision_at_5": 44.800000000000004, + "recall_at_1": 9.077, + "recall_at_10": 26.259, + "recall_at_100": 56.547000000000004, + "recall_at_1000": 78.551, + "recall_at_3": 16.162000000000003, + "recall_at_5": 19.753999999999998, + "main_score": 44.015 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/EmotionClassification.json b/results/vectoriseai__e5-large-v2/external/EmotionClassification.json new file mode 100644 index 000000000..c40ba928b --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 49.44500000000001, + "f1": 44.67067691783401, + "main_score": 49.44500000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/FEVER.json b/results/vectoriseai__e5-large-v2/external/FEVER.json new file mode 100644 index 000000000..a740fdf97 --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 68.182, + "map_at_10": 78.223, + "map_at_100": 78.498, + "map_at_1000": 78.512, + "map_at_3": 76.71, + "map_at_5": 77.725, + "mrr_at_1": 73.177, + "mrr_at_10": 82.513, + "mrr_at_100": 82.633, + "mrr_at_1000": 82.635, + "mrr_at_3": 81.376, + "mrr_at_5": 82.182, + "ndcg_at_1": 73.177, + "ndcg_at_10": 82.829, + "ndcg_at_100": 83.84, + "ndcg_at_1000": 84.07900000000001, + "ndcg_at_3": 80.303, + "ndcg_at_5": 81.846, + "precision_at_1": 73.177, + "precision_at_10": 10.241999999999999, + "precision_at_100": 1.099, + "precision_at_1000": 0.11399999999999999, + "precision_at_3": 31.247999999999998, + "precision_at_5": 19.697, + "recall_at_1": 68.182, + "recall_at_10": 92.657, + "recall_at_100": 96.709, + "recall_at_1000": 98.184, + "recall_at_3": 85.9, + "recall_at_5": 89.755, + "main_score": 82.829 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/FiQA2018.json b/results/vectoriseai__e5-large-v2/external/FiQA2018.json new file mode 100644 index 000000000..957af1957 --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.108, + "map_at_10": 33.342, + "map_at_100": 35.281, + "map_at_1000": 35.478, + "map_at_3": 29.067, + "map_at_5": 31.563000000000002, + "mrr_at_1": 41.667, + "mrr_at_10": 49.913000000000004, + "mrr_at_100": 50.724000000000004, + "mrr_at_1000": 50.766, + "mrr_at_3": 47.504999999999995, + "mrr_at_5": 49.033, + "ndcg_at_1": 41.667, + "ndcg_at_10": 41.144, + "ndcg_at_100": 48.326, + "ndcg_at_1000": 51.486, + "ndcg_at_3": 37.486999999999995, + "ndcg_at_5": 38.78, + "precision_at_1": 41.667, + "precision_at_10": 11.358, + "precision_at_100": 1.873, + "precision_at_1000": 0.244, + "precision_at_3": 25, + "precision_at_5": 18.519, + "recall_at_1": 21.108, + "recall_at_10": 47.249, + "recall_at_100": 74.52, + "recall_at_1000": 93.31, + "recall_at_3": 33.271, + "recall_at_5": 39.723000000000006, + "main_score": 41.144 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/HotpotQA.json b/results/vectoriseai__e5-large-v2/external/HotpotQA.json new file mode 100644 index 000000000..10d86b7f5 --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.317, + "map_at_10": 64.861, + "map_at_100": 65.697, + "map_at_1000": 65.755, + "map_at_3": 61.258, + "map_at_5": 63.590999999999994, + "mrr_at_1": 80.635, + "mrr_at_10": 86.528, + "mrr_at_100": 86.66199999999999, + "mrr_at_1000": 86.666, + "mrr_at_3": 85.744, + "mrr_at_5": 86.24300000000001, + "ndcg_at_1": 80.635, + "ndcg_at_10": 73.13199999999999, + "ndcg_at_100": 75.927, + "ndcg_at_1000": 76.976, + "ndcg_at_3": 68.241, + "ndcg_at_5": 71.071, + "precision_at_1": 80.635, + "precision_at_10": 15.326, + "precision_at_100": 1.7500000000000002, + "precision_at_1000": 0.189, + "precision_at_3": 43.961, + "precision_at_5": 28.599999999999998, + "recall_at_1": 40.317, + "recall_at_10": 76.631, + "recall_at_100": 87.495, + "recall_at_1000": 94.362, + "recall_at_3": 65.94200000000001, + "recall_at_5": 71.499, + "main_score": 73.13199999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/ImdbClassification.json b/results/vectoriseai__e5-large-v2/external/ImdbClassification.json new file mode 100644 index 000000000..c82babfea --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.686, + "ap": 87.5577120393173, + "f1": 91.6629447355139, + "main_score": 91.686 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/MSMARCO.json b/results/vectoriseai__e5-large-v2/external/MSMARCO.json new file mode 100644 index 000000000..38326bc11 --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.702, + "map_at_10": 36.414, + "map_at_100": 37.561, + "map_at_1000": 37.605, + "map_at_3": 32.456, + "map_at_5": 34.827000000000005, + "mrr_at_1": 24.355, + "mrr_at_10": 37.01, + "mrr_at_100": 38.085, + "mrr_at_1000": 38.123000000000005, + "mrr_at_3": 33.117999999999995, + "mrr_at_5": 35.452, + "ndcg_at_1": 24.384, + "ndcg_at_10": 43.456, + "ndcg_at_100": 48.892, + "ndcg_at_1000": 49.964, + "ndcg_at_3": 35.475, + "ndcg_at_5": 39.711, + "precision_at_1": 24.384, + "precision_at_10": 6.7940000000000005, + "precision_at_100": 0.951, + "precision_at_1000": 0.104, + "precision_at_3": 15.052999999999999, + "precision_at_5": 11.189, + "recall_at_1": 23.702, + "recall_at_10": 65.057, + "recall_at_100": 90.021, + "recall_at_1000": 98.142, + "recall_at_3": 43.551, + "recall_at_5": 53.738, + "main_score": 43.456 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/MTOPDomainClassification.json b/results/vectoriseai__e5-large-v2/external/MTOPDomainClassification.json new file mode 100644 index 000000000..bf5eff539 --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 94.62380300957591, + "f1": 94.49871222100734, + "main_score": 94.62380300957591 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/MTOPIntentClassification.json b/results/vectoriseai__e5-large-v2/external/MTOPIntentClassification.json new file mode 100644 index 000000000..065c930d6 --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.14090287277702, + "f1": 60.32101258220515, + "main_score": 77.14090287277702 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/MassiveIntentClassification.json b/results/vectoriseai__e5-large-v2/external/MassiveIntentClassification.json new file mode 100644 index 000000000..8b481cdd4 --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.84330867518494, + "f1": 71.92248688515255, + "main_score": 73.84330867518494 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/MassiveScenarioClassification.json b/results/vectoriseai__e5-large-v2/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..75e5d1ed4 --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.10692669804976, + "f1": 77.9904839122866, + "main_score": 78.10692669804976 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/MedrxivClusteringP2P.json b/results/vectoriseai__e5-large-v2/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..2af847cae --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.822988923078444, + "main_score": 31.822988923078444 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/MedrxivClusteringS2S.json b/results/vectoriseai__e5-large-v2/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..a6b8a9bd0 --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.38394880253403, + "main_score": 30.38394880253403 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/MindSmallReranking.json b/results/vectoriseai__e5-large-v2/external/MindSmallReranking.json new file mode 100644 index 000000000..16097ad96 --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.82504612539082, + "mrr": 32.84462298174977, + "main_score": 31.82504612539082 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/NFCorpus.json b/results/vectoriseai__e5-large-v2/external/NFCorpus.json new file mode 100644 index 000000000..cfd3d443d --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.029, + "map_at_10": 14.088999999999999, + "map_at_100": 17.601, + "map_at_1000": 19.144, + "map_at_3": 10.156, + "map_at_5": 11.892, + "mrr_at_1": 46.44, + "mrr_at_10": 56.596999999999994, + "mrr_at_100": 57.11000000000001, + "mrr_at_1000": 57.14, + "mrr_at_3": 54.334, + "mrr_at_5": 55.774, + "ndcg_at_1": 44.891999999999996, + "ndcg_at_10": 37.134, + "ndcg_at_100": 33.652, + "ndcg_at_1000": 42.548, + "ndcg_at_3": 41.851, + "ndcg_at_5": 39.842, + "precision_at_1": 46.44, + "precision_at_10": 27.647, + "precision_at_100": 8.309999999999999, + "precision_at_1000": 2.146, + "precision_at_3": 39.422000000000004, + "precision_at_5": 34.675, + "recall_at_1": 6.029, + "recall_at_10": 18.907, + "recall_at_100": 33.76, + "recall_at_1000": 65.14999999999999, + "recall_at_3": 11.584999999999999, + "recall_at_5": 14.626, + "main_score": 37.134 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/NQ.json b/results/vectoriseai__e5-large-v2/external/NQ.json new file mode 100644 index 000000000..3d61b57a5 --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 39.373000000000005, + "map_at_10": 55.836, + "map_at_100": 56.611999999999995, + "map_at_1000": 56.63, + "map_at_3": 51.747, + "map_at_5": 54.337999999999994, + "mrr_at_1": 44.147999999999996, + "mrr_at_10": 58.42699999999999, + "mrr_at_100": 58.902, + "mrr_at_1000": 58.914, + "mrr_at_3": 55.156000000000006, + "mrr_at_5": 57.291000000000004, + "ndcg_at_1": 44.119, + "ndcg_at_10": 63.444, + "ndcg_at_100": 66.40599999999999, + "ndcg_at_1000": 66.822, + "ndcg_at_3": 55.962, + "ndcg_at_5": 60.228, + "precision_at_1": 44.119, + "precision_at_10": 10.006, + "precision_at_100": 1.17, + "precision_at_1000": 0.121, + "precision_at_3": 25.135, + "precision_at_5": 17.59, + "recall_at_1": 39.373000000000005, + "recall_at_10": 83.78999999999999, + "recall_at_100": 96.246, + "recall_at_1000": 99.324, + "recall_at_3": 64.71900000000001, + "recall_at_5": 74.508, + "main_score": 63.444 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/QuoraRetrieval.json b/results/vectoriseai__e5-large-v2/external/QuoraRetrieval.json new file mode 100644 index 000000000..c43c551a8 --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 69.199, + "map_at_10": 82.892, + "map_at_100": 83.578, + "map_at_1000": 83.598, + "map_at_3": 79.948, + "map_at_5": 81.779, + "mrr_at_1": 79.67, + "mrr_at_10": 86.115, + "mrr_at_100": 86.249, + "mrr_at_1000": 86.251, + "mrr_at_3": 85.08200000000001, + "mrr_at_5": 85.783, + "ndcg_at_1": 79.67, + "ndcg_at_10": 86.839, + "ndcg_at_100": 88.252, + "ndcg_at_1000": 88.401, + "ndcg_at_3": 83.86200000000001, + "ndcg_at_5": 85.473, + "precision_at_1": 79.67, + "precision_at_10": 13.19, + "precision_at_100": 1.521, + "precision_at_1000": 0.157, + "precision_at_3": 36.677, + "precision_at_5": 24.118000000000002, + "recall_at_1": 69.199, + "recall_at_10": 94.321, + "recall_at_100": 99.20400000000001, + "recall_at_1000": 99.947, + "recall_at_3": 85.787, + "recall_at_5": 90.365, + "main_score": 86.839 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/RedditClustering.json b/results/vectoriseai__e5-large-v2/external/RedditClustering.json new file mode 100644 index 000000000..d6cadc66e --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 55.82810046856353, + "main_score": 55.82810046856353 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/RedditClusteringP2P.json b/results/vectoriseai__e5-large-v2/external/RedditClusteringP2P.json new file mode 100644 index 000000000..abf0c55d5 --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 63.38132611783628, + "main_score": 63.38132611783628 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/SCIDOCS.json b/results/vectoriseai__e5-large-v2/external/SCIDOCS.json new file mode 100644 index 000000000..7fe45afe5 --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.127000000000001, + "map_at_10": 12.235, + "map_at_100": 14.417, + "map_at_1000": 14.75, + "map_at_3": 8.906, + "map_at_5": 10.591000000000001, + "mrr_at_1": 25.2, + "mrr_at_10": 35.879, + "mrr_at_100": 36.935, + "mrr_at_1000": 36.997, + "mrr_at_3": 32.783, + "mrr_at_5": 34.367999999999995, + "ndcg_at_1": 25.2, + "ndcg_at_10": 20.509, + "ndcg_at_100": 28.67, + "ndcg_at_1000": 34.42, + "ndcg_at_3": 19.948, + "ndcg_at_5": 17.166, + "precision_at_1": 25.2, + "precision_at_10": 10.440000000000001, + "precision_at_100": 2.214, + "precision_at_1000": 0.359, + "precision_at_3": 18.533, + "precision_at_5": 14.860000000000001, + "recall_at_1": 5.127000000000001, + "recall_at_10": 21.147, + "recall_at_100": 44.946999999999996, + "recall_at_1000": 72.89, + "recall_at_3": 11.277, + "recall_at_5": 15.042, + "main_score": 20.509 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/SICK-R.json b/results/vectoriseai__e5-large-v2/external/SICK-R.json new file mode 100644 index 000000000..b8798730a --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.0373011786213, + "cos_sim_spearman": 79.27889560856613, + "euclidean_pearson": 80.31186315495655, + "euclidean_spearman": 79.41630415280811, + "manhattan_pearson": 80.31755140442013, + "manhattan_spearman": 79.43069870027611, + "cosine_pearson": 83.0373011786213, + "cosine_spearman": 79.27889560856613, + "main_score": 79.27889560856613 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/STS12.json b/results/vectoriseai__e5-large-v2/external/STS12.json new file mode 100644 index 000000000..f3d402cf6 --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.8659751342045, + "cos_sim_spearman": 76.95377612997667, + "euclidean_pearson": 81.24552945497848, + "euclidean_spearman": 77.18236963555253, + "manhattan_pearson": 81.26477607759037, + "manhattan_spearman": 77.13821753062756, + "cosine_pearson": 84.8659751342045, + "cosine_spearman": 76.95377612997667, + "main_score": 76.95377612997667 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/STS13.json b/results/vectoriseai__e5-large-v2/external/STS13.json new file mode 100644 index 000000000..681ddb4bc --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.34597139044875, + "cos_sim_spearman": 84.124169425592, + "euclidean_pearson": 83.68590721511401, + "euclidean_spearman": 84.18846190846398, + "manhattan_pearson": 83.57630235061498, + "manhattan_spearman": 84.10244043726902, + "cosine_pearson": 83.34597139044875, + "cosine_spearman": 84.124169425592, + "main_score": 84.124169425592 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/STS14.json b/results/vectoriseai__e5-large-v2/external/STS14.json new file mode 100644 index 000000000..f99e81c3f --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.67641885599572, + "cos_sim_spearman": 80.46450725650428, + "euclidean_pearson": 81.61645042715865, + "euclidean_spearman": 80.61418394236874, + "manhattan_pearson": 81.55712034928871, + "manhattan_spearman": 80.57905670523951, + "cosine_pearson": 82.67641885599572, + "cosine_spearman": 80.46450725650428, + "main_score": 80.46450725650428 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/STS15.json b/results/vectoriseai__e5-large-v2/external/STS15.json new file mode 100644 index 000000000..9119b282c --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.86650310886782, + "cos_sim_spearman": 89.76081629222328, + "euclidean_pearson": 89.1530747029954, + "euclidean_spearman": 89.80990657280248, + "manhattan_pearson": 89.10640563278132, + "manhattan_spearman": 89.76282108434047, + "cosine_pearson": 88.86650310886782, + "cosine_spearman": 89.76081629222328, + "main_score": 89.76081629222328 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/STS16.json b/results/vectoriseai__e5-large-v2/external/STS16.json new file mode 100644 index 000000000..67a9d03ae --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.93864027911118, + "cos_sim_spearman": 85.47096193999023, + "euclidean_pearson": 85.03141840870533, + "euclidean_spearman": 85.43124029598181, + "manhattan_pearson": 84.99002664393512, + "manhattan_spearman": 85.39169195120834, + "cosine_pearson": 83.93864027911118, + "cosine_spearman": 85.47096193999023, + "main_score": 85.47096193999023 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/STS17.json b/results/vectoriseai__e5-large-v2/external/STS17.json new file mode 100644 index 000000000..0034a06c4 --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.7045343749832, + "cos_sim_spearman": 89.03262221146677, + "euclidean_pearson": 89.56078218264365, + "euclidean_spearman": 89.17827006466868, + "manhattan_pearson": 89.52717595468582, + "manhattan_spearman": 89.15878115952923, + "cosine_pearson": 88.7045343749832, + "cosine_spearman": 89.03262221146677, + "main_score": 89.03262221146677 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/STS22.json b/results/vectoriseai__e5-large-v2/external/STS22.json new file mode 100644 index 000000000..756633d60 --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 64.20191302875551, + "cos_sim_spearman": 64.11446552557646, + "euclidean_pearson": 64.6918197393619, + "euclidean_spearman": 63.440182631197764, + "manhattan_pearson": 64.55692904121835, + "manhattan_spearman": 63.424877742756266, + "cosine_pearson": 64.20191302875551, + "cosine_spearman": 64.11446552557646, + "main_score": 64.11446552557646 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/STSBenchmark.json b/results/vectoriseai__e5-large-v2/external/STSBenchmark.json new file mode 100644 index 000000000..b2b25ce33 --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.37793104662344, + "cos_sim_spearman": 87.7357802629067, + "euclidean_pearson": 87.4286301545109, + "euclidean_spearman": 87.78452920777421, + "manhattan_pearson": 87.42445169331255, + "manhattan_spearman": 87.78537677249598, + "cosine_pearson": 86.37793104662344, + "cosine_spearman": 87.7357802629067, + "main_score": 87.7357802629067 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/SciDocsRR.json b/results/vectoriseai__e5-large-v2/external/SciDocsRR.json new file mode 100644 index 000000000..01d3b5139 --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 84.31465405081792, + "mrr": 95.7173781193389, + "main_score": 84.31465405081792 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/SciFact.json b/results/vectoriseai__e5-large-v2/external/SciFact.json new file mode 100644 index 000000000..de01b59be --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 57.760999999999996, + "map_at_10": 67.904, + "map_at_100": 68.539, + "map_at_1000": 68.562, + "map_at_3": 65.415, + "map_at_5": 66.788, + "mrr_at_1": 60.333000000000006, + "mrr_at_10": 68.797, + "mrr_at_100": 69.236, + "mrr_at_1000": 69.257, + "mrr_at_3": 66.667, + "mrr_at_5": 67.967, + "ndcg_at_1": 60.333000000000006, + "ndcg_at_10": 72.24199999999999, + "ndcg_at_100": 74.86, + "ndcg_at_1000": 75.354, + "ndcg_at_3": 67.93400000000001, + "ndcg_at_5": 70.02199999999999, + "precision_at_1": 60.333000000000006, + "precision_at_10": 9.533, + "precision_at_100": 1.09, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 26.778000000000002, + "precision_at_5": 17.467, + "recall_at_1": 57.760999999999996, + "recall_at_10": 84.383, + "recall_at_100": 96.267, + "recall_at_1000": 100, + "recall_at_3": 72.628, + "recall_at_5": 78.094, + "main_score": 72.24199999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/SprintDuplicateQuestions.json b/results/vectoriseai__e5-large-v2/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..ca9827c70 --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.8029702970297, + "cos_sim_ap": 94.9210324173411, + "cos_sim_f1": 89.8521162672106, + "cos_sim_precision": 91.67533818938605, + "cos_sim_recall": 88.1, + "dot_accuracy": 99.69504950495049, + "dot_ap": 90.4919719146181, + "dot_f1": 84.72289156626506, + "dot_precision": 81.76744186046511, + "dot_recall": 87.9, + "euclidean_accuracy": 99.79702970297029, + "euclidean_ap": 94.87827463795753, + "euclidean_f1": 89.55680081507896, + "euclidean_precision": 91.27725856697819, + "euclidean_recall": 87.9, + "manhattan_accuracy": 99.7990099009901, + "manhattan_ap": 94.87587025149682, + "manhattan_f1": 89.76298537569339, + "manhattan_precision": 90.53916581892166, + "manhattan_recall": 89, + "max_accuracy": 99.8029702970297, + "max_ap": 94.9210324173411, + "max_f1": 89.8521162672106, + "main_score": 94.9210324173411 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/StackExchangeClustering.json b/results/vectoriseai__e5-large-v2/external/StackExchangeClustering.json new file mode 100644 index 000000000..fc811d574 --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 65.92385753948724, + "main_score": 65.92385753948724 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/StackExchangeClusteringP2P.json b/results/vectoriseai__e5-large-v2/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..ca1bbe3b0 --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.671756975431144, + "main_score": 33.671756975431144 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/StackOverflowDupQuestions.json b/results/vectoriseai__e5-large-v2/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..7da98843b --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 50.677928036739004, + "mrr": 51.56413133435193, + "main_score": 50.677928036739004 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/SummEval.json b/results/vectoriseai__e5-large-v2/external/SummEval.json new file mode 100644 index 000000000..5b97b82d9 --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.523589340819683, + "cos_sim_spearman": 30.187407518823235, + "dot_pearson": 29.039713969699015, + "dot_spearman": 29.114740651155508, + "cosine_pearson": 30.523589340819683, + "cosine_spearman": 30.187407518823235, + "main_score": 30.187407518823235 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/TRECCOVID.json b/results/vectoriseai__e5-large-v2/external/TRECCOVID.json new file mode 100644 index 000000000..505b2a19a --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.211, + "map_at_10": 1.6199999999999999, + "map_at_100": 8.658000000000001, + "map_at_1000": 21.538, + "map_at_3": 0.575, + "map_at_5": 0.919, + "mrr_at_1": 78, + "mrr_at_10": 86.18599999999999, + "mrr_at_100": 86.18599999999999, + "mrr_at_1000": 86.18599999999999, + "mrr_at_3": 85, + "mrr_at_5": 85.9, + "ndcg_at_1": 74, + "ndcg_at_10": 66.542, + "ndcg_at_100": 50.163999999999994, + "ndcg_at_1000": 45.696999999999996, + "ndcg_at_3": 71.531, + "ndcg_at_5": 70.45, + "precision_at_1": 78, + "precision_at_10": 69.39999999999999, + "precision_at_100": 51.06, + "precision_at_1000": 20.022000000000002, + "precision_at_3": 76, + "precision_at_5": 74.8, + "recall_at_1": 0.211, + "recall_at_10": 1.813, + "recall_at_100": 12.098, + "recall_at_1000": 42.618, + "recall_at_3": 0.603, + "recall_at_5": 0.987, + "main_score": 66.542 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/Touche2020.json b/results/vectoriseai__e5-large-v2/external/Touche2020.json new file mode 100644 index 000000000..6230ebafb --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.2079999999999997, + "map_at_10": 7.777000000000001, + "map_at_100": 12.825000000000001, + "map_at_1000": 14.196, + "map_at_3": 4.285, + "map_at_5": 6.177, + "mrr_at_1": 30.612000000000002, + "mrr_at_10": 42.635, + "mrr_at_100": 43.955, + "mrr_at_1000": 43.955, + "mrr_at_3": 38.435, + "mrr_at_5": 41.088, + "ndcg_at_1": 28.571, + "ndcg_at_10": 20.666999999999998, + "ndcg_at_100": 31.840000000000003, + "ndcg_at_1000": 43.191, + "ndcg_at_3": 23.45, + "ndcg_at_5": 22.994, + "precision_at_1": 30.612000000000002, + "precision_at_10": 17.959, + "precision_at_100": 6.755, + "precision_at_1000": 1.4200000000000002, + "precision_at_3": 23.810000000000002, + "precision_at_5": 23.673, + "recall_at_1": 2.2079999999999997, + "recall_at_10": 13.144, + "recall_at_100": 42.491, + "recall_at_1000": 77.04299999999999, + "recall_at_3": 5.3469999999999995, + "recall_at_5": 9.139, + "main_score": 20.666999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/ToxicConversationsClassification.json b/results/vectoriseai__e5-large-v2/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..ac78ed12a --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.9044, + "ap": 14.625783489340755, + "f1": 54.814936562590546, + "main_score": 70.9044 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/TweetSentimentExtractionClassification.json b/results/vectoriseai__e5-large-v2/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..52ccffac2 --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 60.94227504244483, + "f1": 61.22516038508854, + "main_score": 60.94227504244483 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/TwentyNewsgroupsClustering.json b/results/vectoriseai__e5-large-v2/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..3f9189fc6 --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 49.602409155145864, + "main_score": 49.602409155145864 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/TwitterSemEval2015.json b/results/vectoriseai__e5-large-v2/external/TwitterSemEval2015.json new file mode 100644 index 000000000..dcb7234c4 --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 86.94641473445789, + "cos_sim_ap": 76.91572747061197, + "cos_sim_f1": 70.14348097317529, + "cos_sim_precision": 66.53254437869822, + "cos_sim_recall": 74.1688654353562, + "dot_accuracy": 84.80061989628658, + "dot_ap": 70.7952548895177, + "dot_f1": 65.44780728844965, + "dot_precision": 61.53310104529617, + "dot_recall": 69.89445910290237, + "euclidean_accuracy": 86.94641473445789, + "euclidean_ap": 76.80774009393652, + "euclidean_f1": 70.30522503879979, + "euclidean_precision": 68.94977168949772, + "euclidean_recall": 71.71503957783642, + "manhattan_accuracy": 86.8629671574179, + "manhattan_ap": 76.76518632600317, + "manhattan_f1": 70.16056518946692, + "manhattan_precision": 68.360450563204, + "manhattan_recall": 72.0580474934037, + "max_accuracy": 86.94641473445789, + "max_ap": 76.91572747061197, + "max_f1": 70.30522503879979, + "main_score": 76.91572747061197 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/TwitterURLCorpus.json b/results/vectoriseai__e5-large-v2/external/TwitterURLCorpus.json new file mode 100644 index 000000000..7f8032026 --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.10428066907285, + "cos_sim_ap": 86.25114759921435, + "cos_sim_f1": 78.37857884586856, + "cos_sim_precision": 75.60818546078993, + "cos_sim_recall": 81.35971666153372, + "dot_accuracy": 87.41995575736406, + "dot_ap": 81.51838010086782, + "dot_f1": 74.77398015435503, + "dot_precision": 71.53002390662354, + "dot_recall": 78.32614721281182, + "euclidean_accuracy": 89.12368533395428, + "euclidean_ap": 86.33456799874504, + "euclidean_f1": 78.45496750232127, + "euclidean_precision": 75.78388462366364, + "euclidean_recall": 81.32121958731136, + "manhattan_accuracy": 89.10622113556099, + "manhattan_ap": 86.31215061745333, + "manhattan_f1": 78.40684906011539, + "manhattan_precision": 75.89536643366722, + "manhattan_recall": 81.09023714197721, + "max_accuracy": 89.12368533395428, + "max_ap": 86.33456799874504, + "max_f1": 78.45496750232127, + "main_score": 86.33456799874504 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large-v2/external/model_meta.json b/results/vectoriseai__e5-large-v2/external/model_meta.json new file mode 100644 index 000000000..9c17c658b --- /dev/null +++ b/results/vectoriseai__e5-large-v2/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "vectoriseai/e5-large-v2", + "revision": "adcab1df38d9596d6e765ed3d547413c086702cf", + "release_date": "2023-10-09", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 335142400, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 1024, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/AmazonCounterfactualClassification.json b/results/vectoriseai__e5-large/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..f834c98d1 --- /dev/null +++ b/results/vectoriseai__e5-large/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.68656716417911, + "ap": 41.336896075573584, + "f1": 71.788561468075, + "main_score": 77.68656716417911 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/AmazonPolarityClassification.json b/results/vectoriseai__e5-large/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..c4ab547d8 --- /dev/null +++ b/results/vectoriseai__e5-large/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 90.04965, + "ap": 86.24637009569418, + "f1": 90.03896671762645, + "main_score": 90.04965 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/AmazonReviewsClassification.json b/results/vectoriseai__e5-large/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..6a360f51d --- /dev/null +++ b/results/vectoriseai__e5-large/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 43.016000000000005, + "f1": 42.1942431880186, + "main_score": 43.016000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/ArguAna.json b/results/vectoriseai__e5-large/external/ArguAna.json new file mode 100644 index 000000000..6e41c7b21 --- /dev/null +++ b/results/vectoriseai__e5-large/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.107000000000003, + "map_at_10": 40.464, + "map_at_100": 41.577999999999996, + "map_at_1000": 41.588, + "map_at_3": 35.301, + "map_at_5": 38.263000000000005, + "mrr_at_1": 25.605, + "mrr_at_10": 40.64, + "mrr_at_100": 41.760000000000005, + "mrr_at_1000": 41.77, + "mrr_at_3": 35.443000000000005, + "mrr_at_5": 38.448, + "ndcg_at_1": 25.107000000000003, + "ndcg_at_10": 49.352000000000004, + "ndcg_at_100": 53.98500000000001, + "ndcg_at_1000": 54.208, + "ndcg_at_3": 38.671, + "ndcg_at_5": 43.991, + "precision_at_1": 25.107000000000003, + "precision_at_10": 7.795000000000001, + "precision_at_100": 0.979, + "precision_at_1000": 0.1, + "precision_at_3": 16.145, + "precision_at_5": 12.262, + "recall_at_1": 25.107000000000003, + "recall_at_10": 77.952, + "recall_at_100": 97.866, + "recall_at_1000": 99.57300000000001, + "recall_at_3": 48.435, + "recall_at_5": 61.309000000000005, + "main_score": 49.352000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/ArxivClusteringP2P.json b/results/vectoriseai__e5-large/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..4de2381c1 --- /dev/null +++ b/results/vectoriseai__e5-large/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 46.19278045044154, + "main_score": 46.19278045044154 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/ArxivClusteringS2S.json b/results/vectoriseai__e5-large/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..7e53ac6d0 --- /dev/null +++ b/results/vectoriseai__e5-large/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 41.37976387757665, + "main_score": 41.37976387757665 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/AskUbuntuDupQuestions.json b/results/vectoriseai__e5-large/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..0bc05a59b --- /dev/null +++ b/results/vectoriseai__e5-large/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 60.07433334608074, + "mrr": 73.44347711383723, + "main_score": 60.07433334608074 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/BIOSSES.json b/results/vectoriseai__e5-large/external/BIOSSES.json new file mode 100644 index 000000000..57ba105d0 --- /dev/null +++ b/results/vectoriseai__e5-large/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.4298072183543, + "cos_sim_spearman": 84.73144873582848, + "euclidean_pearson": 85.15885058870728, + "euclidean_spearman": 85.42062106559356, + "manhattan_pearson": 84.89409921792054, + "manhattan_spearman": 85.31941394024344, + "cosine_pearson": 86.4298072183543, + "cosine_spearman": 84.73144873582848, + "main_score": 84.73144873582848 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/Banking77Classification.json b/results/vectoriseai__e5-large/external/Banking77Classification.json new file mode 100644 index 000000000..cdd4d3efd --- /dev/null +++ b/results/vectoriseai__e5-large/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 84.14285714285714, + "f1": 84.11674412565644, + "main_score": 84.14285714285714 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/BiorxivClusteringP2P.json b/results/vectoriseai__e5-large/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..5d5e14dfc --- /dev/null +++ b/results/vectoriseai__e5-large/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.600076342340785, + "main_score": 37.600076342340785 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/BiorxivClusteringS2S.json b/results/vectoriseai__e5-large/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..a0532dbf9 --- /dev/null +++ b/results/vectoriseai__e5-large/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.08861812135148, + "main_score": 35.08861812135148 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/CQADupstackAndroidRetrieval.json b/results/vectoriseai__e5-large/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..330dc7286 --- /dev/null +++ b/results/vectoriseai__e5-large/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.684000000000005, + "map_at_10": 41.675000000000004, + "map_at_100": 42.963, + "map_at_1000": 43.078, + "map_at_3": 38.708999999999996, + "map_at_5": 40.316, + "mrr_at_1": 39.485, + "mrr_at_10": 47.152, + "mrr_at_100": 47.96, + "mrr_at_1000": 48.010000000000005, + "mrr_at_3": 44.754, + "mrr_at_5": 46.285, + "ndcg_at_1": 39.485, + "ndcg_at_10": 46.849000000000004, + "ndcg_at_100": 52.059, + "ndcg_at_1000": 54.358, + "ndcg_at_3": 42.705, + "ndcg_at_5": 44.663000000000004, + "precision_at_1": 39.485, + "precision_at_10": 8.455, + "precision_at_100": 1.3379999999999999, + "precision_at_1000": 0.178, + "precision_at_3": 19.695, + "precision_at_5": 13.905999999999999, + "recall_at_1": 32.684000000000005, + "recall_at_10": 56.227000000000004, + "recall_at_100": 78.499, + "recall_at_1000": 94.021, + "recall_at_3": 44.157999999999994, + "recall_at_5": 49.694, + "main_score": 46.849000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.875999999999998, + "map_at_10": 41.603, + "map_at_100": 42.825, + "map_at_1000": 42.961, + "map_at_3": 38.655, + "map_at_5": 40.294999999999995, + "mrr_at_1": 40.127, + "mrr_at_10": 47.959, + "mrr_at_100": 48.59, + "mrr_at_1000": 48.634, + "mrr_at_3": 45.786, + "mrr_at_5": 46.964, + "ndcg_at_1": 40.127, + "ndcg_at_10": 47.176, + "ndcg_at_100": 51.346000000000004, + "ndcg_at_1000": 53.502, + "ndcg_at_3": 43.139, + "ndcg_at_5": 44.883, + "precision_at_1": 40.127, + "precision_at_10": 8.72, + "precision_at_100": 1.387, + "precision_at_1000": 0.188, + "precision_at_3": 20.637, + "precision_at_5": 14.446, + "recall_at_1": 31.875999999999998, + "recall_at_10": 56.54900000000001, + "recall_at_100": 73.939, + "recall_at_1000": 87.732, + "recall_at_3": 44.326, + "recall_at_5": 49.445, + "main_score": 47.176 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 41.677, + "map_at_10": 52.222, + "map_at_100": 53.229000000000006, + "map_at_1000": 53.288000000000004, + "map_at_3": 49.201, + "map_at_5": 51.00599999999999, + "mrr_at_1": 47.524, + "mrr_at_10": 55.745999999999995, + "mrr_at_100": 56.433, + "mrr_at_1000": 56.464999999999996, + "mrr_at_3": 53.37499999999999, + "mrr_at_5": 54.858, + "ndcg_at_1": 47.524, + "ndcg_at_10": 57.406, + "ndcg_at_100": 61.403, + "ndcg_at_1000": 62.7, + "ndcg_at_3": 52.298, + "ndcg_at_5": 55.02, + "precision_at_1": 47.524, + "precision_at_10": 8.865, + "precision_at_100": 1.179, + "precision_at_1000": 0.134, + "precision_at_3": 22.612, + "precision_at_5": 15.461, + "recall_at_1": 41.677, + "recall_at_10": 69.346, + "recall_at_100": 86.344, + "recall_at_1000": 95.703, + "recall_at_3": 55.789, + "recall_at_5": 62.488, + "main_score": 57.406 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.991999999999997, + "map_at_10": 32.804, + "map_at_100": 33.812999999999995, + "map_at_1000": 33.897, + "map_at_3": 30.567, + "map_at_5": 31.599, + "mrr_at_1": 27.797, + "mrr_at_10": 34.768, + "mrr_at_100": 35.702, + "mrr_at_1000": 35.766, + "mrr_at_3": 32.637, + "mrr_at_5": 33.614, + "ndcg_at_1": 27.797, + "ndcg_at_10": 36.966, + "ndcg_at_100": 41.972, + "ndcg_at_1000": 44.139, + "ndcg_at_3": 32.547, + "ndcg_at_5": 34.258, + "precision_at_1": 27.797, + "precision_at_10": 5.514, + "precision_at_100": 0.8340000000000001, + "precision_at_1000": 0.106, + "precision_at_3": 13.333, + "precision_at_5": 9.04, + "recall_at_1": 25.991999999999997, + "recall_at_10": 47.941, + "recall_at_100": 71.039, + "recall_at_1000": 87.32799999999999, + "recall_at_3": 36.01, + "recall_at_5": 40.056000000000004, + "main_score": 36.966 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.533, + "map_at_10": 24.336, + "map_at_100": 25.445, + "map_at_1000": 25.561, + "map_at_3": 22.116, + "map_at_5": 23.347, + "mrr_at_1": 21.642, + "mrr_at_10": 28.910999999999998, + "mrr_at_100": 29.836000000000002, + "mrr_at_1000": 29.907, + "mrr_at_3": 26.638, + "mrr_at_5": 27.857, + "ndcg_at_1": 21.642, + "ndcg_at_10": 28.949, + "ndcg_at_100": 34.211000000000006, + "ndcg_at_1000": 37.031, + "ndcg_at_3": 24.788, + "ndcg_at_5": 26.685, + "precision_at_1": 21.642, + "precision_at_10": 5.137, + "precision_at_100": 0.893, + "precision_at_1000": 0.127, + "precision_at_3": 11.733, + "precision_at_5": 8.383000000000001, + "recall_at_1": 17.533, + "recall_at_10": 38.839, + "recall_at_100": 61.458999999999996, + "recall_at_1000": 81.58, + "recall_at_3": 27.328999999999997, + "recall_at_5": 32.168, + "main_score": 28.949 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.126, + "map_at_10": 37.872, + "map_at_100": 39.229, + "map_at_1000": 39.353, + "map_at_3": 34.93, + "map_at_5": 36.59, + "mrr_at_1": 34.071, + "mrr_at_10": 43.056, + "mrr_at_100": 43.944, + "mrr_at_1000": 43.999, + "mrr_at_3": 40.536, + "mrr_at_5": 42.065999999999995, + "ndcg_at_1": 34.071, + "ndcg_at_10": 43.503, + "ndcg_at_100": 49.120000000000005, + "ndcg_at_1000": 51.410999999999994, + "ndcg_at_3": 38.767, + "ndcg_at_5": 41.075, + "precision_at_1": 34.071, + "precision_at_10": 7.843999999999999, + "precision_at_100": 1.2489999999999999, + "precision_at_1000": 0.163, + "precision_at_3": 18.223, + "precision_at_5": 13.050999999999998, + "recall_at_1": 28.126, + "recall_at_10": 54.952, + "recall_at_100": 78.375, + "recall_at_1000": 93.29899999999999, + "recall_at_3": 41.714, + "recall_at_5": 47.635, + "main_score": 43.503 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.957, + "map_at_10": 34.749, + "map_at_100": 35.929, + "map_at_1000": 36.043, + "map_at_3": 31.947, + "map_at_5": 33.575, + "mrr_at_1": 32.078, + "mrr_at_10": 39.844, + "mrr_at_100": 40.71, + "mrr_at_1000": 40.77, + "mrr_at_3": 37.386, + "mrr_at_5": 38.83, + "ndcg_at_1": 32.078, + "ndcg_at_10": 39.97, + "ndcg_at_100": 45.254, + "ndcg_at_1000": 47.818, + "ndcg_at_3": 35.453, + "ndcg_at_5": 37.631, + "precision_at_1": 32.078, + "precision_at_10": 7.158, + "precision_at_100": 1.126, + "precision_at_1000": 0.153, + "precision_at_3": 16.743, + "precision_at_5": 11.872, + "recall_at_1": 25.957, + "recall_at_10": 50.583, + "recall_at_100": 73.593, + "recall_at_1000": 91.23599999999999, + "recall_at_3": 37.651, + "recall_at_5": 43.626, + "main_score": 39.97 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.1505, + "map_at_10": 34.844833333333334, + "map_at_100": 35.95216666666667, + "map_at_1000": 36.06675, + "map_at_3": 32.41975, + "map_at_5": 33.74233333333333, + "mrr_at_1": 31.923666666666662, + "mrr_at_10": 38.87983333333334, + "mrr_at_100": 39.706250000000004, + "mrr_at_1000": 39.76708333333333, + "mrr_at_3": 36.72008333333333, + "mrr_at_5": 37.96933333333334, + "ndcg_at_1": 31.923666666666662, + "ndcg_at_10": 39.44258333333334, + "ndcg_at_100": 44.31475, + "ndcg_at_1000": 46.75, + "ndcg_at_3": 35.36299999999999, + "ndcg_at_5": 37.242333333333335, + "precision_at_1": 31.923666666666662, + "precision_at_10": 6.643333333333333, + "precision_at_100": 1.0612499999999998, + "precision_at_1000": 0.14575, + "precision_at_3": 15.875250000000001, + "precision_at_5": 11.088916666666664, + "recall_at_1": 27.1505, + "recall_at_10": 49.06349999999999, + "recall_at_100": 70.60841666666666, + "recall_at_1000": 87.72049999999999, + "recall_at_3": 37.60575000000001, + "recall_at_5": 42.511166666666675, + "main_score": 39.44258333333334 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.101000000000003, + "map_at_10": 30.147000000000002, + "map_at_100": 30.98, + "map_at_1000": 31.080000000000002, + "map_at_3": 28.571, + "map_at_5": 29.319, + "mrr_at_1": 27.761000000000003, + "mrr_at_10": 32.716, + "mrr_at_100": 33.504, + "mrr_at_1000": 33.574, + "mrr_at_3": 31.135, + "mrr_at_5": 32.032, + "ndcg_at_1": 27.761000000000003, + "ndcg_at_10": 33.358, + "ndcg_at_100": 37.569, + "ndcg_at_1000": 40.189, + "ndcg_at_3": 30.291, + "ndcg_at_5": 31.558000000000003, + "precision_at_1": 27.761000000000003, + "precision_at_10": 4.939, + "precision_at_100": 0.759, + "precision_at_1000": 0.106, + "precision_at_3": 12.577, + "precision_at_5": 8.497, + "recall_at_1": 25.101000000000003, + "recall_at_10": 40.739, + "recall_at_100": 60.089999999999996, + "recall_at_1000": 79.768, + "recall_at_3": 32.16, + "recall_at_5": 35.131, + "main_score": 33.358 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.112, + "map_at_10": 26.119999999999997, + "map_at_100": 27.031, + "map_at_1000": 27.150000000000002, + "map_at_3": 24.230999999999998, + "map_at_5": 25.15, + "mrr_at_1": 24.535, + "mrr_at_10": 30.198000000000004, + "mrr_at_100": 30.975, + "mrr_at_1000": 31.051000000000002, + "mrr_at_3": 28.338, + "mrr_at_5": 29.269000000000002, + "ndcg_at_1": 24.535, + "ndcg_at_10": 30.147000000000002, + "ndcg_at_100": 34.544000000000004, + "ndcg_at_1000": 37.512, + "ndcg_at_3": 26.726, + "ndcg_at_5": 28.046, + "precision_at_1": 24.535, + "precision_at_10": 5.179, + "precision_at_100": 0.859, + "precision_at_1000": 0.128, + "precision_at_3": 12.159, + "precision_at_5": 8.424, + "recall_at_1": 20.112, + "recall_at_10": 38.312000000000005, + "recall_at_100": 58.406000000000006, + "recall_at_1000": 79.863, + "recall_at_3": 28.358, + "recall_at_5": 31.973000000000003, + "main_score": 30.147000000000002 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.111, + "map_at_10": 34.096, + "map_at_100": 35.181000000000004, + "map_at_1000": 35.276, + "map_at_3": 31.745, + "map_at_5": 33.045, + "mrr_at_1": 31.343, + "mrr_at_10": 37.994, + "mrr_at_100": 38.873000000000005, + "mrr_at_1000": 38.934999999999995, + "mrr_at_3": 35.743, + "mrr_at_5": 37.077, + "ndcg_at_1": 31.343, + "ndcg_at_10": 38.572, + "ndcg_at_100": 43.854, + "ndcg_at_1000": 46.190999999999995, + "ndcg_at_3": 34.247, + "ndcg_at_5": 36.28, + "precision_at_1": 31.343, + "precision_at_10": 6.166, + "precision_at_100": 1, + "precision_at_1000": 0.13, + "precision_at_3": 15.081, + "precision_at_5": 10.428999999999998, + "recall_at_1": 27.111, + "recall_at_10": 48.422, + "recall_at_100": 71.846, + "recall_at_1000": 88.57000000000001, + "recall_at_3": 36.435, + "recall_at_5": 41.765, + "main_score": 38.572 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.264, + "map_at_10": 33.522, + "map_at_100": 34.963, + "map_at_1000": 35.175, + "map_at_3": 31.366, + "map_at_5": 32.621, + "mrr_at_1": 31.028, + "mrr_at_10": 37.230000000000004, + "mrr_at_100": 38.149, + "mrr_at_1000": 38.218, + "mrr_at_3": 35.046, + "mrr_at_5": 36.617, + "ndcg_at_1": 31.028, + "ndcg_at_10": 37.964999999999996, + "ndcg_at_100": 43.342000000000006, + "ndcg_at_1000": 46.471000000000004, + "ndcg_at_3": 34.67, + "ndcg_at_5": 36.458, + "precision_at_1": 31.028, + "precision_at_10": 6.937, + "precision_at_100": 1.346, + "precision_at_1000": 0.22799999999999998, + "precision_at_3": 15.942, + "precision_at_5": 11.462, + "recall_at_1": 26.264, + "recall_at_10": 45.571, + "recall_at_100": 70.246, + "recall_at_1000": 90.971, + "recall_at_3": 36.276, + "recall_at_5": 41.162, + "main_score": 37.964999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.372999999999998, + "map_at_10": 28.992, + "map_at_100": 29.837999999999997, + "map_at_1000": 29.939, + "map_at_3": 26.999000000000002, + "map_at_5": 28.044999999999998, + "mrr_at_1": 25.692999999999998, + "mrr_at_10": 30.984, + "mrr_at_100": 31.799, + "mrr_at_1000": 31.875999999999998, + "mrr_at_3": 29.267, + "mrr_at_5": 30.163, + "ndcg_at_1": 25.692999999999998, + "ndcg_at_10": 32.45, + "ndcg_at_100": 37.103, + "ndcg_at_1000": 39.678000000000004, + "ndcg_at_3": 28.725, + "ndcg_at_5": 30.351, + "precision_at_1": 25.692999999999998, + "precision_at_10": 4.806, + "precision_at_100": 0.765, + "precision_at_1000": 0.108, + "precision_at_3": 11.768, + "precision_at_5": 8.096, + "recall_at_1": 23.372999999999998, + "recall_at_10": 41.281, + "recall_at_100": 63.465, + "recall_at_1000": 82.575, + "recall_at_3": 31.063000000000002, + "recall_at_5": 34.991, + "main_score": 32.45 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/ClimateFEVER.json b/results/vectoriseai__e5-large/external/ClimateFEVER.json new file mode 100644 index 000000000..ce7ece7c4 --- /dev/null +++ b/results/vectoriseai__e5-large/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.821, + "map_at_10": 15.383, + "map_at_100": 17.244999999999997, + "map_at_1000": 17.445, + "map_at_3": 12.64, + "map_at_5": 13.941999999999998, + "mrr_at_1": 19.544, + "mrr_at_10": 29.738999999999997, + "mrr_at_100": 30.923000000000002, + "mrr_at_1000": 30.969, + "mrr_at_3": 26.384, + "mrr_at_5": 28.199, + "ndcg_at_1": 19.544, + "ndcg_at_10": 22.398, + "ndcg_at_100": 30.253999999999998, + "ndcg_at_1000": 33.876, + "ndcg_at_3": 17.473, + "ndcg_at_5": 19.154, + "precision_at_1": 19.544, + "precision_at_10": 7.217999999999999, + "precision_at_100": 1.564, + "precision_at_1000": 0.22300000000000003, + "precision_at_3": 13.225000000000001, + "precision_at_5": 10.319, + "recall_at_1": 8.821, + "recall_at_10": 28.110000000000003, + "recall_at_100": 55.64, + "recall_at_1000": 75.964, + "recall_at_3": 16.195, + "recall_at_5": 20.678, + "main_score": 22.398 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/DBPedia.json b/results/vectoriseai__e5-large/external/DBPedia.json new file mode 100644 index 000000000..37a28e036 --- /dev/null +++ b/results/vectoriseai__e5-large/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.344, + "map_at_10": 20.301, + "map_at_100": 28.709, + "map_at_1000": 30.470999999999997, + "map_at_3": 14.584, + "map_at_5": 16.930999999999997, + "mrr_at_1": 67.25, + "mrr_at_10": 75.393, + "mrr_at_100": 75.742, + "mrr_at_1000": 75.75, + "mrr_at_3": 73.958, + "mrr_at_5": 74.883, + "ndcg_at_1": 56.00000000000001, + "ndcg_at_10": 42.394, + "ndcg_at_100": 47.091, + "ndcg_at_1000": 54.215, + "ndcg_at_3": 46.995, + "ndcg_at_5": 44.214999999999996, + "precision_at_1": 67.25, + "precision_at_10": 33.525, + "precision_at_100": 10.67, + "precision_at_1000": 2.221, + "precision_at_3": 49.417, + "precision_at_5": 42.15, + "recall_at_1": 9.344, + "recall_at_10": 25.209, + "recall_at_100": 52.329, + "recall_at_1000": 74.2, + "recall_at_3": 15.699, + "recall_at_5": 19.24, + "main_score": 42.394 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/EmotionClassification.json b/results/vectoriseai__e5-large/external/EmotionClassification.json new file mode 100644 index 000000000..6ab9832f0 --- /dev/null +++ b/results/vectoriseai__e5-large/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 48.05, + "f1": 43.06718139212933, + "main_score": 48.05 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/FEVER.json b/results/vectoriseai__e5-large/external/FEVER.json new file mode 100644 index 000000000..582962a33 --- /dev/null +++ b/results/vectoriseai__e5-large/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 46.452, + "map_at_10": 58.825, + "map_at_100": 59.372, + "map_at_1000": 59.399, + "map_at_3": 56.264, + "map_at_5": 57.879999999999995, + "mrr_at_1": 49.82, + "mrr_at_10": 62.178999999999995, + "mrr_at_100": 62.641999999999996, + "mrr_at_1000": 62.658, + "mrr_at_3": 59.706, + "mrr_at_5": 61.283, + "ndcg_at_1": 49.82, + "ndcg_at_10": 65.031, + "ndcg_at_100": 67.413, + "ndcg_at_1000": 68.014, + "ndcg_at_3": 60.084, + "ndcg_at_5": 62.858000000000004, + "precision_at_1": 49.82, + "precision_at_10": 8.876000000000001, + "precision_at_100": 1.018, + "precision_at_1000": 0.109, + "precision_at_3": 24.477, + "precision_at_5": 16.208, + "recall_at_1": 46.452, + "recall_at_10": 80.808, + "recall_at_100": 91.215, + "recall_at_1000": 95.52000000000001, + "recall_at_3": 67.62899999999999, + "recall_at_5": 74.32900000000001, + "main_score": 65.031 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/FiQA2018.json b/results/vectoriseai__e5-large/external/FiQA2018.json new file mode 100644 index 000000000..770c8ed6a --- /dev/null +++ b/results/vectoriseai__e5-large/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.351, + "map_at_10": 30.796, + "map_at_100": 32.621, + "map_at_1000": 32.799, + "map_at_3": 26.491, + "map_at_5": 28.933999999999997, + "mrr_at_1": 36.265, + "mrr_at_10": 45.556999999999995, + "mrr_at_100": 46.323, + "mrr_at_1000": 46.359, + "mrr_at_3": 42.695, + "mrr_at_5": 44.324000000000005, + "ndcg_at_1": 36.265, + "ndcg_at_10": 38.558, + "ndcg_at_100": 45.18, + "ndcg_at_1000": 48.292, + "ndcg_at_3": 34.204, + "ndcg_at_5": 35.735, + "precision_at_1": 36.265, + "precision_at_10": 10.879999999999999, + "precision_at_100": 1.77, + "precision_at_1000": 0.234, + "precision_at_3": 23.044999999999998, + "precision_at_5": 17.253, + "recall_at_1": 18.351, + "recall_at_10": 46.116, + "recall_at_100": 70.786, + "recall_at_1000": 89.46300000000001, + "recall_at_3": 31.404, + "recall_at_5": 37.678, + "main_score": 38.558 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/HotpotQA.json b/results/vectoriseai__e5-large/external/HotpotQA.json new file mode 100644 index 000000000..9a5c7a99c --- /dev/null +++ b/results/vectoriseai__e5-large/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 36.847, + "map_at_10": 54.269999999999996, + "map_at_100": 55.152, + "map_at_1000": 55.223, + "map_at_3": 51.166, + "map_at_5": 53.055, + "mrr_at_1": 73.693, + "mrr_at_10": 79.975, + "mrr_at_100": 80.202, + "mrr_at_1000": 80.214, + "mrr_at_3": 78.938, + "mrr_at_5": 79.595, + "ndcg_at_1": 73.693, + "ndcg_at_10": 63.334999999999994, + "ndcg_at_100": 66.452, + "ndcg_at_1000": 67.869, + "ndcg_at_3": 58.829, + "ndcg_at_5": 61.266, + "precision_at_1": 73.693, + "precision_at_10": 13.122, + "precision_at_100": 1.5559999999999998, + "precision_at_1000": 0.174, + "precision_at_3": 37.083, + "precision_at_5": 24.169999999999998, + "recall_at_1": 36.847, + "recall_at_10": 65.61099999999999, + "recall_at_100": 77.792, + "recall_at_1000": 87.17099999999999, + "recall_at_3": 55.625, + "recall_at_5": 60.425, + "main_score": 63.334999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/ImdbClassification.json b/results/vectoriseai__e5-large/external/ImdbClassification.json new file mode 100644 index 000000000..085f01c90 --- /dev/null +++ b/results/vectoriseai__e5-large/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 82.1096, + "ap": 76.67089212843918, + "f1": 82.03535056754939, + "main_score": 82.1096 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/MSMARCO.json b/results/vectoriseai__e5-large/external/MSMARCO.json new file mode 100644 index 000000000..7562a1f57 --- /dev/null +++ b/results/vectoriseai__e5-large/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.465, + "map_at_10": 37.072, + "map_at_100": 38.188, + "map_at_1000": 38.232, + "map_at_3": 33.134, + "map_at_5": 35.453, + "mrr_at_1": 25.142999999999997, + "mrr_at_10": 37.669999999999995, + "mrr_at_100": 38.725, + "mrr_at_1000": 38.765, + "mrr_at_3": 33.82, + "mrr_at_5": 36.111, + "ndcg_at_1": 25.142999999999997, + "ndcg_at_10": 44.054, + "ndcg_at_100": 49.364000000000004, + "ndcg_at_1000": 50.456, + "ndcg_at_3": 36.095, + "ndcg_at_5": 40.23, + "precision_at_1": 25.142999999999997, + "precision_at_10": 6.845, + "precision_at_100": 0.95, + "precision_at_1000": 0.104, + "precision_at_3": 15.204999999999998, + "precision_at_5": 11.221, + "recall_at_1": 24.465, + "recall_at_10": 65.495, + "recall_at_100": 89.888, + "recall_at_1000": 98.165, + "recall_at_3": 43.964, + "recall_at_5": 53.891, + "main_score": 44.054 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/MTOPDomainClassification.json b/results/vectoriseai__e5-large/external/MTOPDomainClassification.json new file mode 100644 index 000000000..d2da6ff10 --- /dev/null +++ b/results/vectoriseai__e5-large/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.86228910168718, + "f1": 93.69177113259104, + "main_score": 93.86228910168718 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/MTOPIntentClassification.json b/results/vectoriseai__e5-large/external/MTOPIntentClassification.json new file mode 100644 index 000000000..865186ead --- /dev/null +++ b/results/vectoriseai__e5-large/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.3999088007296, + "f1": 58.96668664333438, + "main_score": 76.3999088007296 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/MassiveIntentClassification.json b/results/vectoriseai__e5-large/external/MassiveIntentClassification.json new file mode 100644 index 000000000..411bbfae3 --- /dev/null +++ b/results/vectoriseai__e5-large/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.21788836583727, + "f1": 71.4545936552952, + "main_score": 73.21788836583727 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/MassiveScenarioClassification.json b/results/vectoriseai__e5-large/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..dab5cb6a7 --- /dev/null +++ b/results/vectoriseai__e5-large/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.39071956960323, + "f1": 77.12398952847603, + "main_score": 77.39071956960323 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/MedrxivClusteringP2P.json b/results/vectoriseai__e5-large/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..5e29806cf --- /dev/null +++ b/results/vectoriseai__e5-large/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.255379528166955, + "main_score": 32.255379528166955 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/MedrxivClusteringS2S.json b/results/vectoriseai__e5-large/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..3e3fec623 --- /dev/null +++ b/results/vectoriseai__e5-large/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 29.66423362872814, + "main_score": 29.66423362872814 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/MindSmallReranking.json b/results/vectoriseai__e5-large/external/MindSmallReranking.json new file mode 100644 index 000000000..b24b2a1ef --- /dev/null +++ b/results/vectoriseai__e5-large/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 30.782211620375964, + "mrr": 31.773479703044956, + "main_score": 30.782211620375964 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/NFCorpus.json b/results/vectoriseai__e5-large/external/NFCorpus.json new file mode 100644 index 000000000..f375aa1ff --- /dev/null +++ b/results/vectoriseai__e5-large/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.863, + "map_at_10": 13.831, + "map_at_100": 17.534, + "map_at_1000": 19.012, + "map_at_3": 10.143, + "map_at_5": 12.034, + "mrr_at_1": 46.749, + "mrr_at_10": 55.376999999999995, + "mrr_at_100": 56.009, + "mrr_at_1000": 56.042, + "mrr_at_3": 53.30200000000001, + "mrr_at_5": 54.85, + "ndcg_at_1": 44.582, + "ndcg_at_10": 36.07, + "ndcg_at_100": 33.39, + "ndcg_at_1000": 41.884, + "ndcg_at_3": 41.441, + "ndcg_at_5": 39.861000000000004, + "precision_at_1": 46.129999999999995, + "precision_at_10": 26.594, + "precision_at_100": 8.365, + "precision_at_1000": 2.1260000000000003, + "precision_at_3": 39.009, + "precision_at_5": 34.861, + "recall_at_1": 5.863, + "recall_at_10": 17.961, + "recall_at_100": 34.026, + "recall_at_1000": 64.46499999999999, + "recall_at_3": 11.242, + "recall_at_5": 14.493, + "main_score": 36.07 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/NQ.json b/results/vectoriseai__e5-large/external/NQ.json new file mode 100644 index 000000000..bd50f09e8 --- /dev/null +++ b/results/vectoriseai__e5-large/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.601, + "map_at_10": 55.293000000000006, + "map_at_100": 56.092, + "map_at_1000": 56.111999999999995, + "map_at_3": 51.269, + "map_at_5": 53.787, + "mrr_at_1": 43.221, + "mrr_at_10": 57.882999999999996, + "mrr_at_100": 58.408, + "mrr_at_1000": 58.421, + "mrr_at_3": 54.765, + "mrr_at_5": 56.809, + "ndcg_at_1": 43.221, + "ndcg_at_10": 62.858999999999995, + "ndcg_at_100": 65.987, + "ndcg_at_1000": 66.404, + "ndcg_at_3": 55.605000000000004, + "ndcg_at_5": 59.723000000000006, + "precision_at_1": 43.221, + "precision_at_10": 9.907, + "precision_at_100": 1.169, + "precision_at_1000": 0.121, + "precision_at_3": 25.019000000000002, + "precision_at_5": 17.474, + "recall_at_1": 38.601, + "recall_at_10": 82.966, + "recall_at_100": 96.154, + "recall_at_1000": 99.223, + "recall_at_3": 64.603, + "recall_at_5": 73.97200000000001, + "main_score": 62.858999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/QuoraRetrieval.json b/results/vectoriseai__e5-large/external/QuoraRetrieval.json new file mode 100644 index 000000000..413cd8356 --- /dev/null +++ b/results/vectoriseai__e5-large/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 70.77, + "map_at_10": 84.429, + "map_at_100": 85.04599999999999, + "map_at_1000": 85.065, + "map_at_3": 81.461, + "map_at_5": 83.316, + "mrr_at_1": 81.51, + "mrr_at_10": 87.52799999999999, + "mrr_at_100": 87.631, + "mrr_at_1000": 87.632, + "mrr_at_3": 86.533, + "mrr_at_5": 87.214, + "ndcg_at_1": 81.47999999999999, + "ndcg_at_10": 88.181, + "ndcg_at_100": 89.39200000000001, + "ndcg_at_1000": 89.52, + "ndcg_at_3": 85.29299999999999, + "ndcg_at_5": 86.88, + "precision_at_1": 81.47999999999999, + "precision_at_10": 13.367, + "precision_at_100": 1.5230000000000001, + "precision_at_1000": 0.157, + "precision_at_3": 37.227, + "precision_at_5": 24.494, + "recall_at_1": 70.77, + "recall_at_10": 95.199, + "recall_at_100": 99.37700000000001, + "recall_at_1000": 99.973, + "recall_at_3": 86.895, + "recall_at_5": 91.396, + "main_score": 88.181 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/RedditClustering.json b/results/vectoriseai__e5-large/external/RedditClustering.json new file mode 100644 index 000000000..4ce4f1082 --- /dev/null +++ b/results/vectoriseai__e5-large/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 50.686353396858344, + "main_score": 50.686353396858344 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/RedditClusteringP2P.json b/results/vectoriseai__e5-large/external/RedditClusteringP2P.json new file mode 100644 index 000000000..855f755fd --- /dev/null +++ b/results/vectoriseai__e5-large/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 61.3664675312921, + "main_score": 61.3664675312921 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/SCIDOCS.json b/results/vectoriseai__e5-large/external/SCIDOCS.json new file mode 100644 index 000000000..56355001b --- /dev/null +++ b/results/vectoriseai__e5-large/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.7379999999999995, + "map_at_10": 12.01, + "map_at_100": 14.02, + "map_at_1000": 14.310999999999998, + "map_at_3": 8.459, + "map_at_5": 10.281, + "mrr_at_1": 23.3, + "mrr_at_10": 34.108, + "mrr_at_100": 35.217, + "mrr_at_1000": 35.272, + "mrr_at_3": 30.833, + "mrr_at_5": 32.768, + "ndcg_at_1": 23.3, + "ndcg_at_10": 20.116999999999997, + "ndcg_at_100": 27.961000000000002, + "ndcg_at_1000": 33.149, + "ndcg_at_3": 18.902, + "ndcg_at_5": 16.742, + "precision_at_1": 23.3, + "precision_at_10": 10.47, + "precision_at_100": 2.177, + "precision_at_1000": 0.34299999999999997, + "precision_at_3": 17.567, + "precision_at_5": 14.78, + "recall_at_1": 4.7379999999999995, + "recall_at_10": 21.221999999999998, + "recall_at_100": 44.242, + "recall_at_1000": 69.652, + "recall_at_3": 10.688, + "recall_at_5": 14.982999999999999, + "main_score": 20.116999999999997 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/SICK-R.json b/results/vectoriseai__e5-large/external/SICK-R.json new file mode 100644 index 000000000..b5e280cb5 --- /dev/null +++ b/results/vectoriseai__e5-large/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.84572946827069, + "cos_sim_spearman": 80.48508130408966, + "euclidean_pearson": 82.0481530027767, + "euclidean_spearman": 80.45902876782752, + "manhattan_pearson": 82.03728222483326, + "manhattan_spearman": 80.45684282911755, + "cosine_pearson": 84.84572946827069, + "cosine_spearman": 80.48508130408966, + "main_score": 80.48508130408966 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/STS12.json b/results/vectoriseai__e5-large/external/STS12.json new file mode 100644 index 000000000..6198e97b3 --- /dev/null +++ b/results/vectoriseai__e5-large/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.33476464677516, + "cos_sim_spearman": 75.93057758003266, + "euclidean_pearson": 80.89685744015691, + "euclidean_spearman": 76.29929953441706, + "manhattan_pearson": 80.91391345459995, + "manhattan_spearman": 76.31985463110914, + "cosine_pearson": 84.33476464677516, + "cosine_spearman": 75.93057758003266, + "main_score": 75.93057758003266 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/STS13.json b/results/vectoriseai__e5-large/external/STS13.json new file mode 100644 index 000000000..0b98939b8 --- /dev/null +++ b/results/vectoriseai__e5-large/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.63686106359005, + "cos_sim_spearman": 85.22240034668202, + "euclidean_pearson": 84.6074814189106, + "euclidean_spearman": 85.17169644755828, + "manhattan_pearson": 84.48329306239368, + "manhattan_spearman": 85.0086508544768, + "cosine_pearson": 84.63686106359005, + "cosine_spearman": 85.22240034668202, + "main_score": 85.22240034668202 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/STS14.json b/results/vectoriseai__e5-large/external/STS14.json new file mode 100644 index 000000000..46024c7a3 --- /dev/null +++ b/results/vectoriseai__e5-large/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.95455774064745, + "cos_sim_spearman": 80.54074646118492, + "euclidean_pearson": 81.79598955554704, + "euclidean_spearman": 80.55837617606814, + "manhattan_pearson": 81.78213797905386, + "manhattan_spearman": 80.5666746878273, + "cosine_pearson": 82.95455774064745, + "cosine_spearman": 80.54074646118492, + "main_score": 80.54074646118492 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/STS15.json b/results/vectoriseai__e5-large/external/STS15.json new file mode 100644 index 000000000..338fe2d31 --- /dev/null +++ b/results/vectoriseai__e5-large/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.92813309124739, + "cos_sim_spearman": 88.81459873052108, + "euclidean_pearson": 88.21193118930564, + "euclidean_spearman": 88.87072745043731, + "manhattan_pearson": 88.22576929706727, + "manhattan_spearman": 88.8867671095791, + "cosine_pearson": 87.92813309124739, + "cosine_spearman": 88.81459873052108, + "main_score": 88.81459873052108 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/STS16.json b/results/vectoriseai__e5-large/external/STS16.json new file mode 100644 index 000000000..7445c1094 --- /dev/null +++ b/results/vectoriseai__e5-large/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.6881529671839, + "cos_sim_spearman": 85.2807092969554, + "euclidean_pearson": 84.62334178652704, + "euclidean_spearman": 85.2116373296784, + "manhattan_pearson": 84.54948211541777, + "manhattan_spearman": 85.10737722637882, + "cosine_pearson": 83.6881529671839, + "cosine_spearman": 85.2807092969554, + "main_score": 85.2807092969554 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/STS17.json b/results/vectoriseai__e5-large/external/STS17.json new file mode 100644 index 000000000..6a55be127 --- /dev/null +++ b/results/vectoriseai__e5-large/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.55963694458408, + "cos_sim_spearman": 89.36731628848683, + "euclidean_pearson": 89.64975952985465, + "euclidean_spearman": 89.29689484033007, + "manhattan_pearson": 89.61234491713135, + "manhattan_spearman": 89.20302520255782, + "cosine_pearson": 88.55963694458408, + "cosine_spearman": 89.36731628848683, + "main_score": 89.36731628848683 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/STS22.json b/results/vectoriseai__e5-large/external/STS22.json new file mode 100644 index 000000000..4dbb0190b --- /dev/null +++ b/results/vectoriseai__e5-large/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 62.411800961903886, + "cos_sim_spearman": 62.99105515749963, + "euclidean_pearson": 65.29826669549443, + "euclidean_spearman": 63.29880964105775, + "manhattan_pearson": 65.00126190601183, + "manhattan_spearman": 63.32011025899179, + "cosine_pearson": 62.411800961903886, + "cosine_spearman": 62.99105515749963, + "main_score": 62.99105515749963 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/STSBenchmark.json b/results/vectoriseai__e5-large/external/STSBenchmark.json new file mode 100644 index 000000000..a00264f92 --- /dev/null +++ b/results/vectoriseai__e5-large/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.83498531837608, + "cos_sim_spearman": 87.21366640615442, + "euclidean_pearson": 86.74764288798261, + "euclidean_spearman": 87.06060470780834, + "manhattan_pearson": 86.65971223951476, + "manhattan_spearman": 86.99814399831457, + "cosine_pearson": 85.83498531837608, + "cosine_spearman": 87.21366640615442, + "main_score": 87.21366640615442 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/SciDocsRR.json b/results/vectoriseai__e5-large/external/SciDocsRR.json new file mode 100644 index 000000000..08fadf211 --- /dev/null +++ b/results/vectoriseai__e5-large/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 83.94448463485881, + "mrr": 95.36291867174221, + "main_score": 83.94448463485881 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/SciFact.json b/results/vectoriseai__e5-large/external/SciFact.json new file mode 100644 index 000000000..88a1fb5cf --- /dev/null +++ b/results/vectoriseai__e5-large/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 59.928000000000004, + "map_at_10": 68.577, + "map_at_100": 69.35900000000001, + "map_at_1000": 69.37299999999999, + "map_at_3": 66.217, + "map_at_5": 67.581, + "mrr_at_1": 63, + "mrr_at_10": 69.994, + "mrr_at_100": 70.553, + "mrr_at_1000": 70.56700000000001, + "mrr_at_3": 68.167, + "mrr_at_5": 69.11699999999999, + "ndcg_at_1": 63, + "ndcg_at_10": 72.58, + "ndcg_at_100": 75.529, + "ndcg_at_1000": 76.009, + "ndcg_at_3": 68.523, + "ndcg_at_5": 70.301, + "precision_at_1": 63, + "precision_at_10": 9.333, + "precision_at_100": 1.09, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 26.444000000000003, + "precision_at_5": 17.067, + "recall_at_1": 59.928000000000004, + "recall_at_10": 83.544, + "recall_at_100": 96, + "recall_at_1000": 100, + "recall_at_3": 72.072, + "recall_at_5": 76.683, + "main_score": 72.58 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/SprintDuplicateQuestions.json b/results/vectoriseai__e5-large/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..6a5bd253c --- /dev/null +++ b/results/vectoriseai__e5-large/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.82178217821782, + "cos_sim_ap": 95.41507679819003, + "cos_sim_f1": 90.9456740442656, + "cos_sim_precision": 91.49797570850203, + "cos_sim_recall": 90.4, + "dot_accuracy": 99.77227722772277, + "dot_ap": 92.50123869445967, + "dot_f1": 88.18414322250638, + "dot_precision": 90.26178010471205, + "dot_recall": 86.2, + "euclidean_accuracy": 99.81782178217821, + "euclidean_ap": 95.3935066749006, + "euclidean_f1": 90.66128218071681, + "euclidean_precision": 91.53924566768603, + "euclidean_recall": 89.8, + "manhattan_accuracy": 99.81881188118813, + "manhattan_ap": 95.39767454613512, + "manhattan_f1": 90.62019477191186, + "manhattan_precision": 92.95478443743428, + "manhattan_recall": 88.4, + "max_accuracy": 99.82178217821782, + "max_ap": 95.41507679819003, + "max_f1": 90.9456740442656, + "main_score": 95.41507679819003 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/StackExchangeClustering.json b/results/vectoriseai__e5-large/external/StackExchangeClustering.json new file mode 100644 index 000000000..f40118233 --- /dev/null +++ b/results/vectoriseai__e5-large/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 64.96313921233748, + "main_score": 64.96313921233748 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/StackExchangeClusteringP2P.json b/results/vectoriseai__e5-large/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..cd0721f41 --- /dev/null +++ b/results/vectoriseai__e5-large/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.602625720956745, + "main_score": 33.602625720956745 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/StackOverflowDupQuestions.json b/results/vectoriseai__e5-large/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..12d5707a3 --- /dev/null +++ b/results/vectoriseai__e5-large/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 51.32659230651731, + "mrr": 52.33861726508785, + "main_score": 51.32659230651731 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/SummEval.json b/results/vectoriseai__e5-large/external/SummEval.json new file mode 100644 index 000000000..41f89f263 --- /dev/null +++ b/results/vectoriseai__e5-large/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.01587644214203, + "cos_sim_spearman": 30.974306908731013, + "dot_pearson": 29.83339853838187, + "dot_spearman": 30.07761671934048, + "cosine_pearson": 31.01587644214203, + "cosine_spearman": 30.974306908731013, + "main_score": 30.974306908731013 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/TRECCOVID.json b/results/vectoriseai__e5-large/external/TRECCOVID.json new file mode 100644 index 000000000..e40326b98 --- /dev/null +++ b/results/vectoriseai__e5-large/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.22, + "map_at_10": 1.9539999999999997, + "map_at_100": 11.437, + "map_at_1000": 27.861000000000004, + "map_at_3": 0.6479999999999999, + "map_at_5": 1.0410000000000001, + "mrr_at_1": 84, + "mrr_at_10": 90.333, + "mrr_at_100": 90.333, + "mrr_at_1000": 90.333, + "mrr_at_3": 90.333, + "mrr_at_5": 90.333, + "ndcg_at_1": 80, + "ndcg_at_10": 78.31700000000001, + "ndcg_at_100": 59.396, + "ndcg_at_1000": 52.733, + "ndcg_at_3": 81.46900000000001, + "ndcg_at_5": 80.74, + "precision_at_1": 84, + "precision_at_10": 84, + "precision_at_100": 60.980000000000004, + "precision_at_1000": 23.432, + "precision_at_3": 87.333, + "precision_at_5": 86.8, + "recall_at_1": 0.22, + "recall_at_10": 2.156, + "recall_at_100": 14.557999999999998, + "recall_at_1000": 49.553999999999995, + "recall_at_3": 0.685, + "recall_at_5": 1.121, + "main_score": 78.31700000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/Touche2020.json b/results/vectoriseai__e5-large/external/Touche2020.json new file mode 100644 index 000000000..1534ed931 --- /dev/null +++ b/results/vectoriseai__e5-large/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.373, + "map_at_10": 11.701, + "map_at_100": 17.144000000000002, + "map_at_1000": 18.624, + "map_at_3": 6.552, + "map_at_5": 9.372, + "mrr_at_1": 38.775999999999996, + "mrr_at_10": 51.975, + "mrr_at_100": 52.873999999999995, + "mrr_at_1000": 52.873999999999995, + "mrr_at_3": 47.619, + "mrr_at_5": 50.578, + "ndcg_at_1": 36.735, + "ndcg_at_10": 27.212999999999997, + "ndcg_at_100": 37.245, + "ndcg_at_1000": 48.602000000000004, + "ndcg_at_3": 30.916, + "ndcg_at_5": 30.799, + "precision_at_1": 38.775999999999996, + "precision_at_10": 23.469, + "precision_at_100": 7.327, + "precision_at_1000": 1.486, + "precision_at_3": 31.973000000000003, + "precision_at_5": 32.245000000000005, + "recall_at_1": 3.373, + "recall_at_10": 17.404, + "recall_at_100": 46.105000000000004, + "recall_at_1000": 80.35, + "recall_at_3": 7.4399999999999995, + "recall_at_5": 12.183, + "main_score": 27.212999999999997 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/ToxicConversationsClassification.json b/results/vectoriseai__e5-large/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..2a2d87858 --- /dev/null +++ b/results/vectoriseai__e5-large/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.5592, + "ap": 14.330910591410134, + "f1": 54.45745186286521, + "main_score": 70.5592 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/TweetSentimentExtractionClassification.json b/results/vectoriseai__e5-large/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..b0ecb1eb1 --- /dev/null +++ b/results/vectoriseai__e5-large/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.20543293718167, + "f1": 61.45365480309872, + "main_score": 61.20543293718167 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/TwentyNewsgroupsClustering.json b/results/vectoriseai__e5-large/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..a9cd6b6e3 --- /dev/null +++ b/results/vectoriseai__e5-large/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 43.81162998944145, + "main_score": 43.81162998944145 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/TwitterSemEval2015.json b/results/vectoriseai__e5-large/external/TwitterSemEval2015.json new file mode 100644 index 000000000..331e51245 --- /dev/null +++ b/results/vectoriseai__e5-large/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 86.69011146212075, + "cos_sim_ap": 76.09792353652536, + "cos_sim_f1": 70.10202763786646, + "cos_sim_precision": 68.65671641791045, + "cos_sim_recall": 71.60949868073878, + "dot_accuracy": 85.33110806461227, + "dot_ap": 70.19304383327554, + "dot_f1": 67.22494202525122, + "dot_precision": 65.6847935548842, + "dot_recall": 68.83905013192611, + "euclidean_accuracy": 86.5410979316922, + "euclidean_ap": 75.91906915651882, + "euclidean_f1": 69.6798975672215, + "euclidean_precision": 67.6865671641791, + "euclidean_recall": 71.79419525065963, + "manhattan_accuracy": 86.60070334386363, + "manhattan_ap": 75.94617413885031, + "manhattan_f1": 69.52689565780946, + "manhattan_precision": 68.3312101910828, + "manhattan_recall": 70.76517150395777, + "max_accuracy": 86.69011146212075, + "max_ap": 76.09792353652536, + "max_f1": 70.10202763786646, + "main_score": 76.09792353652536 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/TwitterURLCorpus.json b/results/vectoriseai__e5-large/external/TwitterURLCorpus.json new file mode 100644 index 000000000..cb02c4380 --- /dev/null +++ b/results/vectoriseai__e5-large/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.25951798812434, + "cos_sim_ap": 86.31476416599727, + "cos_sim_f1": 78.52709971038477, + "cos_sim_precision": 76.7629972792117, + "cos_sim_recall": 80.37419156144134, + "dot_accuracy": 88.03896456708192, + "dot_ap": 83.26963599196237, + "dot_f1": 76.72696459492317, + "dot_precision": 73.56411162133521, + "dot_recall": 80.17400677548507, + "euclidean_accuracy": 89.21682772538519, + "euclidean_ap": 86.29306071289969, + "euclidean_f1": 78.40827030519554, + "euclidean_precision": 77.42250243939053, + "euclidean_recall": 79.41946412072683, + "manhattan_accuracy": 89.22458959133776, + "manhattan_ap": 86.2901934710645, + "manhattan_f1": 78.54211378440453, + "manhattan_precision": 76.85505858079729, + "manhattan_recall": 80.30489682784109, + "max_accuracy": 89.25951798812434, + "max_ap": 86.31476416599727, + "max_f1": 78.54211378440453, + "main_score": 86.31476416599727 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-large/external/model_meta.json b/results/vectoriseai__e5-large/external/model_meta.json new file mode 100644 index 000000000..184c505d1 --- /dev/null +++ b/results/vectoriseai__e5-large/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "vectoriseai/e5-large", + "revision": "6cd83325b9072a04462fd9eaa2f5a6afb0737c50", + "release_date": "2023-10-10", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 335142400, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 1024, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/AmazonCounterfactualClassification.json b/results/vectoriseai__e5-small-v2/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..3a8cbedba --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.59701492537313, + "ap": 41.67064885731708, + "f1": 71.86465946398573, + "main_score": 77.59701492537313 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/AmazonPolarityClassification.json b/results/vectoriseai__e5-small-v2/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..da08bec46 --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.265875, + "ap": 87.67633085349644, + "f1": 91.24297521425744, + "main_score": 91.265875 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/AmazonReviewsClassification.json b/results/vectoriseai__e5-small-v2/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..610d891da --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 45.882000000000005, + "f1": 45.08058870381236, + "main_score": 45.882000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/ArguAna.json b/results/vectoriseai__e5-small-v2/external/ArguAna.json new file mode 100644 index 000000000..c173aaa08 --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.697, + "map_at_10": 33.975, + "map_at_100": 35.223, + "map_at_1000": 35.260000000000005, + "map_at_3": 29.776999999999997, + "map_at_5": 32.035000000000004, + "mrr_at_1": 20.982, + "mrr_at_10": 34.094, + "mrr_at_100": 35.343, + "mrr_at_1000": 35.38, + "mrr_at_3": 29.884, + "mrr_at_5": 32.141999999999996, + "ndcg_at_1": 20.697, + "ndcg_at_10": 41.668, + "ndcg_at_100": 47.397, + "ndcg_at_1000": 48.305, + "ndcg_at_3": 32.928000000000004, + "ndcg_at_5": 36.998999999999995, + "precision_at_1": 20.697, + "precision_at_10": 6.636, + "precision_at_100": 0.924, + "precision_at_1000": 0.099, + "precision_at_3": 14.035, + "precision_at_5": 10.398, + "recall_at_1": 20.697, + "recall_at_10": 66.35799999999999, + "recall_at_100": 92.39, + "recall_at_1000": 99.36, + "recall_at_3": 42.105, + "recall_at_5": 51.991, + "main_score": 41.668 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/ArxivClusteringP2P.json b/results/vectoriseai__e5-small-v2/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..08c4a9947 --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 42.1169517447068, + "main_score": 42.1169517447068 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/ArxivClusteringS2S.json b/results/vectoriseai__e5-small-v2/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..42d10d4ba --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.79553720107097, + "main_score": 34.79553720107097 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/AskUbuntuDupQuestions.json b/results/vectoriseai__e5-small-v2/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..470714028 --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 58.10811337308168, + "mrr": 71.56410763751482, + "main_score": 58.10811337308168 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/BIOSSES.json b/results/vectoriseai__e5-small-v2/external/BIOSSES.json new file mode 100644 index 000000000..3b97c25f3 --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 78.46834918248696, + "cos_sim_spearman": 79.4289182755206, + "euclidean_pearson": 76.26662973727008, + "euclidean_spearman": 78.11744260952536, + "manhattan_pearson": 76.08175262609434, + "manhattan_spearman": 78.29395265552289, + "cosine_pearson": 78.46834918248696, + "cosine_spearman": 79.4289182755206, + "main_score": 79.4289182755206 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/Banking77Classification.json b/results/vectoriseai__e5-small-v2/external/Banking77Classification.json new file mode 100644 index 000000000..e2eab7250 --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 81.63636363636364, + "f1": 81.55779952376953, + "main_score": 81.63636363636364 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/BiorxivClusteringP2P.json b/results/vectoriseai__e5-small-v2/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..8eac7a112 --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.88541137137571, + "main_score": 35.88541137137571 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/BiorxivClusteringS2S.json b/results/vectoriseai__e5-small-v2/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..f57075733 --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.05205685274407, + "main_score": 30.05205685274407 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/CQADupstackAndroidRetrieval.json b/results/vectoriseai__e5-small-v2/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..49cf6eedd --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.293999999999997, + "map_at_10": 39.876, + "map_at_100": 41.315000000000005, + "map_at_1000": 41.451, + "map_at_3": 37.194, + "map_at_5": 38.728, + "mrr_at_1": 37.053000000000004, + "mrr_at_10": 45.281, + "mrr_at_100": 46.188, + "mrr_at_1000": 46.245999999999995, + "mrr_at_3": 43.228, + "mrr_at_5": 44.366, + "ndcg_at_1": 37.053000000000004, + "ndcg_at_10": 45.086, + "ndcg_at_100": 50.756, + "ndcg_at_1000": 53.123, + "ndcg_at_3": 41.416, + "ndcg_at_5": 43.098, + "precision_at_1": 37.053000000000004, + "precision_at_10": 8.34, + "precision_at_100": 1.346, + "precision_at_1000": 0.186, + "precision_at_3": 19.647000000000002, + "precision_at_5": 13.877, + "recall_at_1": 30.293999999999997, + "recall_at_10": 54.309, + "recall_at_100": 78.59, + "recall_at_1000": 93.82300000000001, + "recall_at_3": 43.168, + "recall_at_5": 48.192, + "main_score": 45.086 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.738000000000003, + "map_at_10": 36.925999999999995, + "map_at_100": 38.017, + "map_at_1000": 38.144, + "map_at_3": 34.446, + "map_at_5": 35.704, + "mrr_at_1": 35.478, + "mrr_at_10": 42.786, + "mrr_at_100": 43.458999999999996, + "mrr_at_1000": 43.507, + "mrr_at_3": 40.648, + "mrr_at_5": 41.804, + "ndcg_at_1": 35.478, + "ndcg_at_10": 42.044, + "ndcg_at_100": 46.249, + "ndcg_at_1000": 48.44, + "ndcg_at_3": 38.314, + "ndcg_at_5": 39.798, + "precision_at_1": 35.478, + "precision_at_10": 7.764, + "precision_at_100": 1.253, + "precision_at_1000": 0.174, + "precision_at_3": 18.047, + "precision_at_5": 12.637, + "recall_at_1": 28.738000000000003, + "recall_at_10": 50.659, + "recall_at_100": 68.76299999999999, + "recall_at_1000": 82.811, + "recall_at_3": 39.536, + "recall_at_5": 43.763999999999996, + "main_score": 42.044 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.565, + "map_at_10": 50.168, + "map_at_100": 51.11, + "map_at_1000": 51.173, + "map_at_3": 47.044000000000004, + "map_at_5": 48.838, + "mrr_at_1": 44.201, + "mrr_at_10": 53.596999999999994, + "mrr_at_100": 54.211, + "mrr_at_1000": 54.247, + "mrr_at_3": 51.202000000000005, + "mrr_at_5": 52.608999999999995, + "ndcg_at_1": 44.201, + "ndcg_at_10": 55.694, + "ndcg_at_100": 59.518, + "ndcg_at_1000": 60.907, + "ndcg_at_3": 50.395999999999994, + "ndcg_at_5": 53.022999999999996, + "precision_at_1": 44.201, + "precision_at_10": 8.84, + "precision_at_100": 1.162, + "precision_at_1000": 0.133, + "precision_at_3": 22.153, + "precision_at_5": 15.260000000000002, + "recall_at_1": 38.565, + "recall_at_10": 68.65, + "recall_at_100": 85.37400000000001, + "recall_at_1000": 95.37400000000001, + "recall_at_3": 54.645999999999994, + "recall_at_5": 60.958, + "main_score": 55.694 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.945, + "map_at_10": 30.641000000000002, + "map_at_100": 31.599, + "map_at_1000": 31.691000000000003, + "map_at_3": 28.405, + "map_at_5": 29.704000000000004, + "mrr_at_1": 25.537, + "mrr_at_10": 32.22, + "mrr_at_100": 33.138, + "mrr_at_1000": 33.214, + "mrr_at_3": 30.151, + "mrr_at_5": 31.298, + "ndcg_at_1": 25.537, + "ndcg_at_10": 34.638000000000005, + "ndcg_at_100": 39.486, + "ndcg_at_1000": 41.936, + "ndcg_at_3": 30.333, + "ndcg_at_5": 32.482, + "precision_at_1": 25.537, + "precision_at_10": 5.153, + "precision_at_100": 0.7929999999999999, + "precision_at_1000": 0.104, + "precision_at_3": 12.429, + "precision_at_5": 8.723, + "recall_at_1": 23.945, + "recall_at_10": 45.412, + "recall_at_100": 67.836, + "recall_at_1000": 86.467, + "recall_at_3": 34.031, + "recall_at_5": 39.039, + "main_score": 34.638000000000005 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 14.419, + "map_at_10": 20.858999999999998, + "map_at_100": 22.067999999999998, + "map_at_1000": 22.192, + "map_at_3": 18.673000000000002, + "map_at_5": 19.968, + "mrr_at_1": 17.785999999999998, + "mrr_at_10": 24.878, + "mrr_at_100": 26.021, + "mrr_at_1000": 26.095000000000002, + "mrr_at_3": 22.616, + "mrr_at_5": 23.785, + "ndcg_at_1": 17.785999999999998, + "ndcg_at_10": 25.153, + "ndcg_at_100": 31.05, + "ndcg_at_1000": 34.052, + "ndcg_at_3": 21.117, + "ndcg_at_5": 23.048, + "precision_at_1": 17.785999999999998, + "precision_at_10": 4.590000000000001, + "precision_at_100": 0.864, + "precision_at_1000": 0.125, + "precision_at_3": 9.908999999999999, + "precision_at_5": 7.313, + "recall_at_1": 14.419, + "recall_at_10": 34.477999999999994, + "recall_at_100": 60.02499999999999, + "recall_at_1000": 81.646, + "recall_at_3": 23.515, + "recall_at_5": 28.266999999999996, + "main_score": 25.153 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.268, + "map_at_10": 35.114000000000004, + "map_at_100": 36.212, + "map_at_1000": 36.333, + "map_at_3": 32.436, + "map_at_5": 33.992, + "mrr_at_1": 31.761, + "mrr_at_10": 40.355999999999995, + "mrr_at_100": 41.125, + "mrr_at_1000": 41.186, + "mrr_at_3": 37.937, + "mrr_at_5": 39.463, + "ndcg_at_1": 31.761, + "ndcg_at_10": 40.422000000000004, + "ndcg_at_100": 45.458999999999996, + "ndcg_at_1000": 47.951, + "ndcg_at_3": 35.972, + "ndcg_at_5": 38.272, + "precision_at_1": 31.761, + "precision_at_10": 7.103, + "precision_at_100": 1.133, + "precision_at_1000": 0.152, + "precision_at_3": 16.779, + "precision_at_5": 11.877, + "recall_at_1": 26.268, + "recall_at_10": 51.053000000000004, + "recall_at_100": 72.702, + "recall_at_1000": 89.521, + "recall_at_3": 38.619, + "recall_at_5": 44.671, + "main_score": 40.422000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.230999999999998, + "map_at_10": 34.227000000000004, + "map_at_100": 35.370000000000005, + "map_at_1000": 35.488, + "map_at_3": 31.496000000000002, + "map_at_5": 33.034, + "mrr_at_1": 30.822, + "mrr_at_10": 39.045, + "mrr_at_100": 39.809, + "mrr_at_1000": 39.873, + "mrr_at_3": 36.663000000000004, + "mrr_at_5": 37.964, + "ndcg_at_1": 30.822, + "ndcg_at_10": 39.472, + "ndcg_at_100": 44.574999999999996, + "ndcg_at_1000": 47.162, + "ndcg_at_3": 34.929, + "ndcg_at_5": 37.002, + "precision_at_1": 30.822, + "precision_at_10": 7.055, + "precision_at_100": 1.124, + "precision_at_1000": 0.152, + "precision_at_3": 16.591, + "precision_at_5": 11.667, + "recall_at_1": 25.230999999999998, + "recall_at_10": 50.42100000000001, + "recall_at_100": 72.685, + "recall_at_1000": 90.469, + "recall_at_3": 37.503, + "recall_at_5": 43.123, + "main_score": 39.472 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.604166666666664, + "map_at_10": 32.427166666666665, + "map_at_100": 33.51474999999999, + "map_at_1000": 33.6345, + "map_at_3": 30.02366666666667, + "map_at_5": 31.382333333333328, + "mrr_at_1": 29.001166666666666, + "mrr_at_10": 36.3315, + "mrr_at_100": 37.16683333333333, + "mrr_at_1000": 37.23341666666668, + "mrr_at_3": 34.19916666666667, + "mrr_at_5": 35.40458333333334, + "ndcg_at_1": 29.001166666666666, + "ndcg_at_10": 37.06883333333334, + "ndcg_at_100": 41.95816666666666, + "ndcg_at_1000": 44.501583333333336, + "ndcg_at_3": 32.973499999999994, + "ndcg_at_5": 34.90833333333334, + "precision_at_1": 29.001166666666666, + "precision_at_10": 6.336, + "precision_at_100": 1.0282499999999999, + "precision_at_1000": 0.14391666666666664, + "precision_at_3": 14.932499999999996, + "precision_at_5": 10.50825, + "recall_at_1": 24.604166666666664, + "recall_at_10": 46.9525, + "recall_at_100": 68.67816666666667, + "recall_at_1000": 86.59783333333334, + "recall_at_3": 35.49783333333333, + "recall_at_5": 40.52525000000001, + "main_score": 37.06883333333334 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.559, + "map_at_10": 29.023, + "map_at_100": 29.818, + "map_at_1000": 29.909000000000002, + "map_at_3": 27.037, + "map_at_5": 28.225, + "mrr_at_1": 26.994, + "mrr_at_10": 31.962000000000003, + "mrr_at_100": 32.726, + "mrr_at_1000": 32.800000000000004, + "mrr_at_3": 30.266, + "mrr_at_5": 31.208999999999996, + "ndcg_at_1": 26.994, + "ndcg_at_10": 32.53, + "ndcg_at_100": 36.758, + "ndcg_at_1000": 39.362, + "ndcg_at_3": 28.985, + "ndcg_at_5": 30.757, + "precision_at_1": 26.994, + "precision_at_10": 4.968999999999999, + "precision_at_100": 0.759, + "precision_at_1000": 0.106, + "precision_at_3": 12.219, + "precision_at_5": 8.527999999999999, + "recall_at_1": 23.559, + "recall_at_10": 40.585, + "recall_at_100": 60.306000000000004, + "recall_at_1000": 80.11, + "recall_at_3": 30.794, + "recall_at_5": 35.186, + "main_score": 32.53 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.384999999999998, + "map_at_10": 22.142, + "map_at_100": 23.057, + "map_at_1000": 23.177, + "map_at_3": 20.29, + "map_at_5": 21.332, + "mrr_at_1": 19.89, + "mrr_at_10": 25.771, + "mrr_at_100": 26.599, + "mrr_at_1000": 26.680999999999997, + "mrr_at_3": 23.962, + "mrr_at_5": 24.934, + "ndcg_at_1": 19.89, + "ndcg_at_10": 25.97, + "ndcg_at_100": 30.605, + "ndcg_at_1000": 33.619, + "ndcg_at_3": 22.704, + "ndcg_at_5": 24.199, + "precision_at_1": 19.89, + "precision_at_10": 4.553, + "precision_at_100": 0.8049999999999999, + "precision_at_1000": 0.122, + "precision_at_3": 10.541, + "precision_at_5": 7.46, + "recall_at_1": 16.384999999999998, + "recall_at_10": 34.001, + "recall_at_100": 55.17100000000001, + "recall_at_1000": 77.125, + "recall_at_3": 24.618000000000002, + "recall_at_5": 28.695999999999998, + "main_score": 25.97 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.726, + "map_at_10": 31.227, + "map_at_100": 32.311, + "map_at_1000": 32.419, + "map_at_3": 28.765, + "map_at_5": 30.229, + "mrr_at_1": 27.705000000000002, + "mrr_at_10": 35.085, + "mrr_at_100": 35.931000000000004, + "mrr_at_1000": 36, + "mrr_at_3": 32.603, + "mrr_at_5": 34.117999999999995, + "ndcg_at_1": 27.705000000000002, + "ndcg_at_10": 35.968, + "ndcg_at_100": 41.197, + "ndcg_at_1000": 43.76, + "ndcg_at_3": 31.304, + "ndcg_at_5": 33.661, + "precision_at_1": 27.705000000000002, + "precision_at_10": 5.942, + "precision_at_100": 0.964, + "precision_at_1000": 0.13, + "precision_at_3": 13.868, + "precision_at_5": 9.944, + "recall_at_1": 23.726, + "recall_at_10": 46.786, + "recall_at_100": 70.072, + "recall_at_1000": 88.2, + "recall_at_3": 33.981, + "recall_at_5": 39.893, + "main_score": 35.968 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.344, + "map_at_10": 31.636999999999997, + "map_at_100": 33.065, + "map_at_1000": 33.300000000000004, + "map_at_3": 29.351, + "map_at_5": 30.432, + "mrr_at_1": 27.866000000000003, + "mrr_at_10": 35.587, + "mrr_at_100": 36.52, + "mrr_at_1000": 36.597, + "mrr_at_3": 33.696, + "mrr_at_5": 34.713, + "ndcg_at_1": 27.866000000000003, + "ndcg_at_10": 36.61, + "ndcg_at_100": 41.88, + "ndcg_at_1000": 45.105000000000004, + "ndcg_at_3": 33.038000000000004, + "ndcg_at_5": 34.331, + "precision_at_1": 27.866000000000003, + "precision_at_10": 6.917, + "precision_at_100": 1.3599999999999999, + "precision_at_1000": 0.233, + "precision_at_3": 15.547, + "precision_at_5": 10.791, + "recall_at_1": 23.344, + "recall_at_10": 45.782000000000004, + "recall_at_100": 69.503, + "recall_at_1000": 90.742, + "recall_at_3": 35.160000000000004, + "recall_at_5": 39.058, + "main_score": 36.61 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.776, + "map_at_10": 27.285999999999998, + "map_at_100": 28.235, + "map_at_1000": 28.337, + "map_at_3": 25.147000000000002, + "map_at_5": 26.401999999999997, + "mrr_at_1": 22.921, + "mrr_at_10": 29.409999999999997, + "mrr_at_100": 30.275000000000002, + "mrr_at_1000": 30.354999999999997, + "mrr_at_3": 27.418, + "mrr_at_5": 28.592000000000002, + "ndcg_at_1": 22.921, + "ndcg_at_10": 31.239, + "ndcg_at_100": 35.965, + "ndcg_at_1000": 38.602, + "ndcg_at_3": 27.174, + "ndcg_at_5": 29.229, + "precision_at_1": 22.921, + "precision_at_10": 4.806, + "precision_at_100": 0.776, + "precision_at_1000": 0.11, + "precision_at_3": 11.459999999999999, + "precision_at_5": 8.022, + "recall_at_1": 20.776, + "recall_at_10": 41.294, + "recall_at_100": 63.111, + "recall_at_1000": 82.88600000000001, + "recall_at_3": 30.403000000000002, + "recall_at_5": 35.455999999999996, + "main_score": 31.239 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/ClimateFEVER.json b/results/vectoriseai__e5-small-v2/external/ClimateFEVER.json new file mode 100644 index 000000000..ead6ba567 --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.376, + "map_at_10": 15.926000000000002, + "map_at_100": 17.585, + "map_at_1000": 17.776, + "map_at_3": 13.014000000000001, + "map_at_5": 14.417, + "mrr_at_1": 20.195, + "mrr_at_10": 29.95, + "mrr_at_100": 31.052000000000003, + "mrr_at_1000": 31.108000000000004, + "mrr_at_3": 26.667, + "mrr_at_5": 28.458, + "ndcg_at_1": 20.195, + "ndcg_at_10": 22.871, + "ndcg_at_100": 29.921999999999997, + "ndcg_at_1000": 33.672999999999995, + "ndcg_at_3": 17.782999999999998, + "ndcg_at_5": 19.544, + "precision_at_1": 20.195, + "precision_at_10": 7.394, + "precision_at_100": 1.493, + "precision_at_1000": 0.218, + "precision_at_3": 13.073, + "precision_at_5": 10.436, + "recall_at_1": 9.376, + "recall_at_10": 28.544999999999998, + "recall_at_100": 53.147999999999996, + "recall_at_1000": 74.62, + "recall_at_3": 16.464000000000002, + "recall_at_5": 21.004, + "main_score": 22.871 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/DBPedia.json b/results/vectoriseai__e5-small-v2/external/DBPedia.json new file mode 100644 index 000000000..1214ebf9c --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.415000000000001, + "map_at_10": 18.738, + "map_at_100": 27.291999999999998, + "map_at_1000": 28.992, + "map_at_3": 13.196, + "map_at_5": 15.539, + "mrr_at_1": 66.5, + "mrr_at_10": 74.518, + "mrr_at_100": 74.86, + "mrr_at_1000": 74.87, + "mrr_at_3": 72.375, + "mrr_at_5": 73.86200000000001, + "ndcg_at_1": 54.37499999999999, + "ndcg_at_10": 41.317, + "ndcg_at_100": 45.845, + "ndcg_at_1000": 52.92, + "ndcg_at_3": 44.983000000000004, + "ndcg_at_5": 42.989, + "precision_at_1": 66.5, + "precision_at_10": 33.6, + "precision_at_100": 10.972999999999999, + "precision_at_1000": 2.214, + "precision_at_3": 48.583, + "precision_at_5": 42.15, + "recall_at_1": 8.415000000000001, + "recall_at_10": 24.953, + "recall_at_100": 52.48199999999999, + "recall_at_1000": 75.093, + "recall_at_3": 14.341000000000001, + "recall_at_5": 18.468, + "main_score": 41.317 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/EmotionClassification.json b/results/vectoriseai__e5-small-v2/external/EmotionClassification.json new file mode 100644 index 000000000..8b54410b1 --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 47.06499999999999, + "f1": 41.439327599975385, + "main_score": 47.06499999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/FEVER.json b/results/vectoriseai__e5-small-v2/external/FEVER.json new file mode 100644 index 000000000..8566438c6 --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 66.02, + "map_at_10": 76.68599999999999, + "map_at_100": 76.959, + "map_at_1000": 76.972, + "map_at_3": 75.024, + "map_at_5": 76.153, + "mrr_at_1": 71.197, + "mrr_at_10": 81.105, + "mrr_at_100": 81.232, + "mrr_at_1000": 81.233, + "mrr_at_3": 79.758, + "mrr_at_5": 80.69, + "ndcg_at_1": 71.197, + "ndcg_at_10": 81.644, + "ndcg_at_100": 82.645, + "ndcg_at_1000": 82.879, + "ndcg_at_3": 78.792, + "ndcg_at_5": 80.528, + "precision_at_1": 71.197, + "precision_at_10": 10.206999999999999, + "precision_at_100": 1.093, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 30.868000000000002, + "precision_at_5": 19.559, + "recall_at_1": 66.02, + "recall_at_10": 92.50699999999999, + "recall_at_100": 96.497, + "recall_at_1000": 97.956, + "recall_at_3": 84.866, + "recall_at_5": 89.16199999999999, + "main_score": 81.644 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/FiQA2018.json b/results/vectoriseai__e5-small-v2/external/FiQA2018.json new file mode 100644 index 000000000..689462207 --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.948, + "map_at_10": 29.833, + "map_at_100": 31.487, + "map_at_1000": 31.674000000000003, + "map_at_3": 26.029999999999998, + "map_at_5": 28.038999999999998, + "mrr_at_1": 34.721999999999994, + "mrr_at_10": 44.214999999999996, + "mrr_at_100": 44.994, + "mrr_at_1000": 45.051, + "mrr_at_3": 41.667, + "mrr_at_5": 43.032, + "ndcg_at_1": 34.721999999999994, + "ndcg_at_10": 37.434, + "ndcg_at_100": 43.702000000000005, + "ndcg_at_1000": 46.993, + "ndcg_at_3": 33.56, + "ndcg_at_5": 34.687, + "precision_at_1": 34.721999999999994, + "precision_at_10": 10.401, + "precision_at_100": 1.7049999999999998, + "precision_at_1000": 0.22799999999999998, + "precision_at_3": 22.531000000000002, + "precision_at_5": 16.42, + "recall_at_1": 17.948, + "recall_at_10": 45.062999999999995, + "recall_at_100": 68.191, + "recall_at_1000": 87.954, + "recall_at_3": 31.112000000000002, + "recall_at_5": 36.823, + "main_score": 37.434 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/HotpotQA.json b/results/vectoriseai__e5-small-v2/external/HotpotQA.json new file mode 100644 index 000000000..682dfc45a --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 36.644, + "map_at_10": 57.658, + "map_at_100": 58.562000000000005, + "map_at_1000": 58.62500000000001, + "map_at_3": 54.022999999999996, + "map_at_5": 56.293000000000006, + "mrr_at_1": 73.288, + "mrr_at_10": 80.51700000000001, + "mrr_at_100": 80.72, + "mrr_at_1000": 80.728, + "mrr_at_3": 79.33200000000001, + "mrr_at_5": 80.085, + "ndcg_at_1": 73.288, + "ndcg_at_10": 66.61, + "ndcg_at_100": 69.723, + "ndcg_at_1000": 70.96000000000001, + "ndcg_at_3": 61.358999999999995, + "ndcg_at_5": 64.277, + "precision_at_1": 73.288, + "precision_at_10": 14.17, + "precision_at_100": 1.659, + "precision_at_1000": 0.182, + "precision_at_3": 39.487, + "precision_at_5": 25.999, + "recall_at_1": 36.644, + "recall_at_10": 70.851, + "recall_at_100": 82.94399999999999, + "recall_at_1000": 91.134, + "recall_at_3": 59.230000000000004, + "recall_at_5": 64.997, + "main_score": 66.61 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/ImdbClassification.json b/results/vectoriseai__e5-small-v2/external/ImdbClassification.json new file mode 100644 index 000000000..c40b60617 --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.00280000000001, + "ap": 80.46302061021223, + "f1": 85.9592921596419, + "main_score": 86.00280000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/MSMARCO.json b/results/vectoriseai__e5-small-v2/external/MSMARCO.json new file mode 100644 index 000000000..bc0ecec10 --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.541, + "map_at_10": 34.625, + "map_at_100": 35.785, + "map_at_1000": 35.831, + "map_at_3": 30.823, + "map_at_5": 32.967999999999996, + "mrr_at_1": 23.180999999999997, + "mrr_at_10": 35.207, + "mrr_at_100": 36.315, + "mrr_at_1000": 36.355, + "mrr_at_3": 31.483, + "mrr_at_5": 33.589999999999996, + "ndcg_at_1": 23.195, + "ndcg_at_10": 41.461, + "ndcg_at_100": 47.032000000000004, + "ndcg_at_1000": 48.199999999999996, + "ndcg_at_3": 33.702, + "ndcg_at_5": 37.522, + "precision_at_1": 23.195, + "precision_at_10": 6.526999999999999, + "precision_at_100": 0.932, + "precision_at_1000": 0.10300000000000001, + "precision_at_3": 14.308000000000002, + "precision_at_5": 10.507, + "recall_at_1": 22.541, + "recall_at_10": 62.524, + "recall_at_100": 88.228, + "recall_at_1000": 97.243, + "recall_at_3": 41.38, + "recall_at_5": 50.55, + "main_score": 41.461 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/MTOPDomainClassification.json b/results/vectoriseai__e5-small-v2/external/MTOPDomainClassification.json new file mode 100644 index 000000000..990879ceb --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.69949840401279, + "f1": 92.54141471311786, + "main_score": 92.69949840401279 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/MTOPIntentClassification.json b/results/vectoriseai__e5-small-v2/external/MTOPIntentClassification.json new file mode 100644 index 000000000..85cce3075 --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.56041951664386, + "f1": 55.88499977508287, + "main_score": 72.56041951664386 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/MassiveIntentClassification.json b/results/vectoriseai__e5-small-v2/external/MassiveIntentClassification.json new file mode 100644 index 000000000..4a6c28a35 --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.62071284465365, + "f1": 69.36717546572152, + "main_score": 71.62071284465365 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/MassiveScenarioClassification.json b/results/vectoriseai__e5-small-v2/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..2af576f7f --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.35843981170142, + "f1": 76.15496453538884, + "main_score": 76.35843981170142 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/MedrxivClusteringP2P.json b/results/vectoriseai__e5-small-v2/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..aede64c41 --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.33664956793118, + "main_score": 31.33664956793118 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/MedrxivClusteringS2S.json b/results/vectoriseai__e5-small-v2/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..af3eadf8a --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 27.883839621715524, + "main_score": 27.883839621715524 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/MindSmallReranking.json b/results/vectoriseai__e5-small-v2/external/MindSmallReranking.json new file mode 100644 index 000000000..fc63cfe78 --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 30.096874986740758, + "mrr": 30.97300481932132, + "main_score": 30.096874986740758 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/NFCorpus.json b/results/vectoriseai__e5-small-v2/external/NFCorpus.json new file mode 100644 index 000000000..cb9d5b2d0 --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.4, + "map_at_10": 11.852, + "map_at_100": 14.758, + "map_at_1000": 16.134, + "map_at_3": 8.558, + "map_at_5": 10.087, + "mrr_at_1": 44.272, + "mrr_at_10": 52.05800000000001, + "mrr_at_100": 52.689, + "mrr_at_1000": 52.742999999999995, + "mrr_at_3": 50.205999999999996, + "mrr_at_5": 51.367, + "ndcg_at_1": 42.57, + "ndcg_at_10": 32.449, + "ndcg_at_100": 29.596, + "ndcg_at_1000": 38.351, + "ndcg_at_3": 37.044, + "ndcg_at_5": 35.275, + "precision_at_1": 44.272, + "precision_at_10": 23.87, + "precision_at_100": 7.625, + "precision_at_1000": 2.045, + "precision_at_3": 34.365, + "precision_at_5": 30.341, + "recall_at_1": 5.4, + "recall_at_10": 15.943999999999999, + "recall_at_100": 29.805, + "recall_at_1000": 61.695, + "recall_at_3": 9.539, + "recall_at_5": 12.127, + "main_score": 32.449 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/NQ.json b/results/vectoriseai__e5-small-v2/external/NQ.json new file mode 100644 index 000000000..cf5c78c4e --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 36.047000000000004, + "map_at_10": 51.6, + "map_at_100": 52.449999999999996, + "map_at_1000": 52.476, + "map_at_3": 47.452, + "map_at_5": 49.964, + "mrr_at_1": 40.382, + "mrr_at_10": 54.273, + "mrr_at_100": 54.859, + "mrr_at_1000": 54.876000000000005, + "mrr_at_3": 51.014, + "mrr_at_5": 52.983999999999995, + "ndcg_at_1": 40.353, + "ndcg_at_10": 59.11300000000001, + "ndcg_at_100": 62.604000000000006, + "ndcg_at_1000": 63.187000000000005, + "ndcg_at_3": 51.513, + "ndcg_at_5": 55.576, + "precision_at_1": 40.353, + "precision_at_10": 9.418, + "precision_at_100": 1.1440000000000001, + "precision_at_1000": 0.12, + "precision_at_3": 23.078000000000003, + "precision_at_5": 16.250999999999998, + "recall_at_1": 36.047000000000004, + "recall_at_10": 79.22200000000001, + "recall_at_100": 94.23, + "recall_at_1000": 98.51100000000001, + "recall_at_3": 59.678, + "recall_at_5": 68.967, + "main_score": 59.11300000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/QuoraRetrieval.json b/results/vectoriseai__e5-small-v2/external/QuoraRetrieval.json new file mode 100644 index 000000000..ea360d0b1 --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 68.232, + "map_at_10": 81.674, + "map_at_100": 82.338, + "map_at_1000": 82.36099999999999, + "map_at_3": 78.833, + "map_at_5": 80.58, + "mrr_at_1": 78.64, + "mrr_at_10": 85.164, + "mrr_at_100": 85.317, + "mrr_at_1000": 85.319, + "mrr_at_3": 84.127, + "mrr_at_5": 84.789, + "ndcg_at_1": 78.63, + "ndcg_at_10": 85.711, + "ndcg_at_100": 87.238, + "ndcg_at_1000": 87.444, + "ndcg_at_3": 82.788, + "ndcg_at_5": 84.313, + "precision_at_1": 78.63, + "precision_at_10": 12.977, + "precision_at_100": 1.503, + "precision_at_1000": 0.156, + "precision_at_3": 36.113, + "precision_at_5": 23.71, + "recall_at_1": 68.232, + "recall_at_10": 93.30199999999999, + "recall_at_100": 98.799, + "recall_at_1000": 99.885, + "recall_at_3": 84.827, + "recall_at_5": 89.188, + "main_score": 85.711 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/RedditClustering.json b/results/vectoriseai__e5-small-v2/external/RedditClustering.json new file mode 100644 index 000000000..63e722449 --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 45.71879170816294, + "main_score": 45.71879170816294 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/RedditClusteringP2P.json b/results/vectoriseai__e5-small-v2/external/RedditClusteringP2P.json new file mode 100644 index 000000000..ac409eee3 --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 59.65866311751794, + "main_score": 59.65866311751794 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/SCIDOCS.json b/results/vectoriseai__e5-small-v2/external/SCIDOCS.json new file mode 100644 index 000000000..c0ee8b889 --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.218, + "map_at_10": 10.337, + "map_at_100": 12.131, + "map_at_1000": 12.411, + "map_at_3": 7.4270000000000005, + "map_at_5": 8.913, + "mrr_at_1": 20.8, + "mrr_at_10": 30.868000000000002, + "mrr_at_100": 31.903, + "mrr_at_1000": 31.972, + "mrr_at_3": 27.367, + "mrr_at_5": 29.372, + "ndcg_at_1": 20.8, + "ndcg_at_10": 17.765, + "ndcg_at_100": 24.914, + "ndcg_at_1000": 30.206, + "ndcg_at_3": 16.64, + "ndcg_at_5": 14.712, + "precision_at_1": 20.8, + "precision_at_10": 9.24, + "precision_at_100": 1.9560000000000002, + "precision_at_1000": 0.32299999999999995, + "precision_at_3": 15.467, + "precision_at_5": 12.94, + "recall_at_1": 4.218, + "recall_at_10": 18.752, + "recall_at_100": 39.7, + "recall_at_1000": 65.57300000000001, + "recall_at_3": 9.428, + "recall_at_5": 13.133000000000001, + "main_score": 17.765 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/SICK-R.json b/results/vectoriseai__e5-small-v2/external/SICK-R.json new file mode 100644 index 000000000..d37b79953 --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.04338850207233, + "cos_sim_spearman": 78.5054651430423, + "euclidean_pearson": 80.30739451228612, + "euclidean_spearman": 78.48377464299097, + "manhattan_pearson": 80.40795049052781, + "manhattan_spearman": 78.49506205443114, + "cosine_pearson": 83.04338850207233, + "cosine_spearman": 78.5054651430423, + "main_score": 78.5054651430423 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/STS12.json b/results/vectoriseai__e5-small-v2/external/STS12.json new file mode 100644 index 000000000..651960fab --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.11596224442962, + "cos_sim_spearman": 76.20997388935461, + "euclidean_pearson": 80.56858451349109, + "euclidean_spearman": 75.92659183871186, + "manhattan_pearson": 80.60246102203844, + "manhattan_spearman": 76.03018971432664, + "cosine_pearson": 84.11596224442962, + "cosine_spearman": 76.20997388935461, + "main_score": 76.20997388935461 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/STS13.json b/results/vectoriseai__e5-small-v2/external/STS13.json new file mode 100644 index 000000000..e1e9f293f --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.34691640755737, + "cos_sim_spearman": 82.4018369631579, + "euclidean_pearson": 81.87673092245366, + "euclidean_spearman": 82.3671489960678, + "manhattan_pearson": 81.88222387719948, + "manhattan_spearman": 82.3816590344736, + "cosine_pearson": 81.34691640755737, + "cosine_spearman": 82.4018369631579, + "main_score": 82.4018369631579 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/STS14.json b/results/vectoriseai__e5-small-v2/external/STS14.json new file mode 100644 index 000000000..29c81e0a5 --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.2836092579524, + "cos_sim_spearman": 78.99982781772064, + "euclidean_pearson": 80.5184271010527, + "euclidean_spearman": 78.89777392101904, + "manhattan_pearson": 80.53585705018664, + "manhattan_spearman": 78.92898405472994, + "cosine_pearson": 81.2836092579524, + "cosine_spearman": 78.99982781772064, + "main_score": 78.99982781772064 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/STS15.json b/results/vectoriseai__e5-small-v2/external/STS15.json new file mode 100644 index 000000000..20b0b28f4 --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.7349907750784, + "cos_sim_spearman": 87.7611234446225, + "euclidean_pearson": 86.98759326731624, + "euclidean_spearman": 87.58321319424618, + "manhattan_pearson": 87.03483090370842, + "manhattan_spearman": 87.63278333060288, + "cosine_pearson": 86.7349907750784, + "cosine_spearman": 87.7611234446225, + "main_score": 87.7611234446225 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/STS16.json b/results/vectoriseai__e5-small-v2/external/STS16.json new file mode 100644 index 000000000..ed8348500 --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.75873694924825, + "cos_sim_spearman": 83.80237999094724, + "euclidean_pearson": 83.55023725861537, + "euclidean_spearman": 84.12744338577744, + "manhattan_pearson": 83.58816983036232, + "manhattan_spearman": 84.18520748676501, + "cosine_pearson": 81.75873694924825, + "cosine_spearman": 83.80237999094724, + "main_score": 83.80237999094724 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/STS17.json b/results/vectoriseai__e5-small-v2/external/STS17.json new file mode 100644 index 000000000..9e81053e9 --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.21630882940174, + "cos_sim_spearman": 87.72382883437031, + "euclidean_pearson": 88.69933350930333, + "euclidean_spearman": 88.24660814383081, + "manhattan_pearson": 88.77331018833499, + "manhattan_spearman": 88.26109989380632, + "cosine_pearson": 87.21630882940174, + "cosine_spearman": 87.72382883437031, + "main_score": 87.72382883437031 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/STS22.json b/results/vectoriseai__e5-small-v2/external/STS22.json new file mode 100644 index 000000000..005994f8b --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 61.11854063060489, + "cos_sim_spearman": 63.14678634195072, + "euclidean_pearson": 61.679090067000864, + "euclidean_spearman": 62.28876589509653, + "manhattan_pearson": 62.082324165511004, + "manhattan_spearman": 62.56030932816679, + "cosine_pearson": 61.11854063060489, + "cosine_spearman": 63.14678634195072, + "main_score": 63.14678634195072 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/STSBenchmark.json b/results/vectoriseai__e5-small-v2/external/STSBenchmark.json new file mode 100644 index 000000000..d965a6be2 --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.00319882832645, + "cos_sim_spearman": 85.94529772647257, + "euclidean_pearson": 85.6661390122756, + "euclidean_spearman": 85.97747815545827, + "manhattan_pearson": 85.58422770541893, + "manhattan_spearman": 85.9237139181532, + "cosine_pearson": 84.00319882832645, + "cosine_spearman": 85.94529772647257, + "main_score": 85.94529772647257 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/SciDocsRR.json b/results/vectoriseai__e5-small-v2/external/SciDocsRR.json new file mode 100644 index 000000000..a15add04d --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 79.16198731863916, + "mrr": 94.25202702163487, + "main_score": 79.16198731863916 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/SciFact.json b/results/vectoriseai__e5-small-v2/external/SciFact.json new file mode 100644 index 000000000..1559f1295 --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 54.761, + "map_at_10": 64.396, + "map_at_100": 65.07, + "map_at_1000": 65.09899999999999, + "map_at_3": 61.846000000000004, + "map_at_5": 63.284, + "mrr_at_1": 57.667, + "mrr_at_10": 65.83099999999999, + "mrr_at_100": 66.36800000000001, + "mrr_at_1000": 66.39399999999999, + "mrr_at_3": 64.056, + "mrr_at_5": 65.206, + "ndcg_at_1": 57.667, + "ndcg_at_10": 68.854, + "ndcg_at_100": 71.59100000000001, + "ndcg_at_1000": 72.383, + "ndcg_at_3": 64.671, + "ndcg_at_5": 66.796, + "precision_at_1": 57.667, + "precision_at_10": 9.167, + "precision_at_100": 1.053, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 25.444, + "precision_at_5": 16.667, + "recall_at_1": 54.761, + "recall_at_10": 80.9, + "recall_at_100": 92.767, + "recall_at_1000": 99, + "recall_at_3": 69.672, + "recall_at_5": 75.083, + "main_score": 68.854 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/SprintDuplicateQuestions.json b/results/vectoriseai__e5-small-v2/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..a868b96b5 --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.8079207920792, + "cos_sim_ap": 94.88470927617445, + "cos_sim_f1": 90.08179959100204, + "cos_sim_precision": 92.15481171548117, + "cos_sim_recall": 88.1, + "dot_accuracy": 99.58613861386138, + "dot_ap": 82.94822578881316, + "dot_f1": 77.33333333333333, + "dot_precision": 79.36842105263158, + "dot_recall": 75.4, + "euclidean_accuracy": 99.8069306930693, + "euclidean_ap": 94.81367858031837, + "euclidean_f1": 90.01009081735621, + "euclidean_precision": 90.83503054989816, + "euclidean_recall": 89.2, + "manhattan_accuracy": 99.81188118811882, + "manhattan_ap": 94.91405337220161, + "manhattan_f1": 90.2763561924258, + "manhattan_precision": 92.45283018867924, + "manhattan_recall": 88.2, + "max_accuracy": 99.81188118811882, + "max_ap": 94.91405337220161, + "max_f1": 90.2763561924258, + "main_score": 94.91405337220161 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/StackExchangeClustering.json b/results/vectoriseai__e5-small-v2/external/StackExchangeClustering.json new file mode 100644 index 000000000..74dbc0e92 --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 58.511599500053094, + "main_score": 58.511599500053094 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/StackExchangeClusteringP2P.json b/results/vectoriseai__e5-small-v2/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..01510afde --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.984728147814707, + "main_score": 31.984728147814707 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/StackOverflowDupQuestions.json b/results/vectoriseai__e5-small-v2/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..3f0aec6a2 --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 49.93428193939015, + "mrr": 50.916557911043206, + "main_score": 49.93428193939015 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/SummEval.json b/results/vectoriseai__e5-small-v2/external/SummEval.json new file mode 100644 index 000000000..c20e1b448 --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 31.562500894537145, + "cos_sim_spearman": 31.162587976726307, + "dot_pearson": 22.633662187735762, + "dot_spearman": 22.723000282378962, + "cosine_pearson": 31.562500894537145, + "cosine_spearman": 31.162587976726307, + "main_score": 31.162587976726307 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/TRECCOVID.json b/results/vectoriseai__e5-small-v2/external/TRECCOVID.json new file mode 100644 index 000000000..fa7ba850a --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.219, + "map_at_10": 1.871, + "map_at_100": 10.487, + "map_at_1000": 25.122, + "map_at_3": 0.657, + "map_at_5": 1.0699999999999998, + "mrr_at_1": 84, + "mrr_at_10": 89.567, + "mrr_at_100": 89.748, + "mrr_at_1000": 89.748, + "mrr_at_3": 88.667, + "mrr_at_5": 89.567, + "ndcg_at_1": 80, + "ndcg_at_10": 74.533, + "ndcg_at_100": 55.839000000000006, + "ndcg_at_1000": 49.748, + "ndcg_at_3": 79.53099999999999, + "ndcg_at_5": 78.245, + "precision_at_1": 84, + "precision_at_10": 78.4, + "precision_at_100": 56.99999999999999, + "precision_at_1000": 21.98, + "precision_at_3": 85.333, + "precision_at_5": 84.8, + "recall_at_1": 0.219, + "recall_at_10": 2.02, + "recall_at_100": 13.555, + "recall_at_1000": 46.739999999999995, + "recall_at_3": 0.685, + "recall_at_5": 1.13, + "main_score": 74.533 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/Touche2020.json b/results/vectoriseai__e5-small-v2/external/Touche2020.json new file mode 100644 index 000000000..b078a9626 --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 3.5029999999999997, + "map_at_10": 11.042, + "map_at_100": 16.326999999999998, + "map_at_1000": 17.836, + "map_at_3": 6.174, + "map_at_5": 7.979, + "mrr_at_1": 42.857, + "mrr_at_10": 52.617000000000004, + "mrr_at_100": 53.351000000000006, + "mrr_at_1000": 53.351000000000006, + "mrr_at_3": 46.939, + "mrr_at_5": 50.714000000000006, + "ndcg_at_1": 38.775999999999996, + "ndcg_at_10": 27.125, + "ndcg_at_100": 35.845, + "ndcg_at_1000": 47.377, + "ndcg_at_3": 29.633, + "ndcg_at_5": 28.378999999999998, + "precision_at_1": 42.857, + "precision_at_10": 24.082, + "precision_at_100": 6.877999999999999, + "precision_at_1000": 1.463, + "precision_at_3": 29.932, + "precision_at_5": 28.571, + "recall_at_1": 3.5029999999999997, + "recall_at_10": 17.068, + "recall_at_100": 43.361, + "recall_at_1000": 78.835, + "recall_at_3": 6.821000000000001, + "recall_at_5": 10.357, + "main_score": 27.125 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/ToxicConversationsClassification.json b/results/vectoriseai__e5-small-v2/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..a66de4c8b --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.0954, + "ap": 14.216844153511959, + "f1": 54.63687418565117, + "main_score": 71.0954 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/TweetSentimentExtractionClassification.json b/results/vectoriseai__e5-small-v2/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..02d3a389d --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.46293152235427, + "f1": 61.744177921638645, + "main_score": 61.46293152235427 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/TwentyNewsgroupsClustering.json b/results/vectoriseai__e5-small-v2/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..fd36c5726 --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 41.12708617788644, + "main_score": 41.12708617788644 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/TwitterSemEval2015.json b/results/vectoriseai__e5-small-v2/external/TwitterSemEval2015.json new file mode 100644 index 000000000..bb7e94c04 --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 85.75430649102938, + "cos_sim_ap": 73.34252536948081, + "cos_sim_f1": 67.53758935173774, + "cos_sim_precision": 63.3672525439408, + "cos_sim_recall": 72.29551451187335, + "dot_accuracy": 81.71305954580676, + "dot_ap": 59.5532209082386, + "dot_f1": 56.18466898954705, + "dot_precision": 47.830923248053395, + "dot_recall": 68.07387862796834, + "euclidean_accuracy": 85.81987244441795, + "euclidean_ap": 73.34325409809446, + "euclidean_f1": 67.83451360417443, + "euclidean_precision": 64.09955388588871, + "euclidean_recall": 72.0316622691293, + "manhattan_accuracy": 85.68277999642368, + "manhattan_ap": 73.1535450121903, + "manhattan_f1": 67.928237896289, + "manhattan_precision": 63.56945722171113, + "manhattan_recall": 72.9287598944591, + "max_accuracy": 85.81987244441795, + "max_ap": 73.34325409809446, + "max_f1": 67.928237896289, + "main_score": 73.34325409809446 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/TwitterURLCorpus.json b/results/vectoriseai__e5-small-v2/external/TwitterURLCorpus.json new file mode 100644 index 000000000..6b737d142 --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.90441262079403, + "cos_sim_ap": 85.79331880741438, + "cos_sim_f1": 78.31563529842548, + "cos_sim_precision": 74.6683424102779, + "cos_sim_recall": 82.33754234678165, + "dot_accuracy": 84.89928978926534, + "dot_ap": 75.25819218316, + "dot_f1": 69.88730119720536, + "dot_precision": 64.23362374959665, + "dot_recall": 76.63227594702803, + "euclidean_accuracy": 89.01695967710637, + "euclidean_ap": 85.98986606038852, + "euclidean_f1": 78.5277880014722, + "euclidean_precision": 75.22211253701876, + "euclidean_recall": 82.13735756082538, + "manhattan_accuracy": 88.99561454573679, + "manhattan_ap": 85.92262421793953, + "manhattan_f1": 78.38866094740769, + "manhattan_precision": 76.02373028505282, + "manhattan_recall": 80.9054511857099, + "max_accuracy": 89.01695967710637, + "max_ap": 85.98986606038852, + "max_f1": 78.5277880014722, + "main_score": 85.98986606038852 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__e5-small-v2/external/model_meta.json b/results/vectoriseai__e5-small-v2/external/model_meta.json new file mode 100644 index 000000000..9425cb954 --- /dev/null +++ b/results/vectoriseai__e5-small-v2/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "vectoriseai/e5-small-v2", + "revision": "a929c750d1f770cd2fd75fadf1d4609c4730e247", + "release_date": "2023-10-11", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 33360512, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 384, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/AmazonCounterfactualClassification.json b/results/vectoriseai__gte-base/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..ee54e68bd --- /dev/null +++ b/results/vectoriseai__gte-base/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.17910447761193, + "ap": 36.827146398068926, + "f1": 68.11292888046363, + "main_score": 74.17910447761193 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/AmazonPolarityClassification.json b/results/vectoriseai__gte-base/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..e1b4fec87 --- /dev/null +++ b/results/vectoriseai__gte-base/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.77345000000001, + "ap": 88.33530426691347, + "f1": 91.76549906404642, + "main_score": 91.77345000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/AmazonReviewsClassification.json b/results/vectoriseai__gte-base/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..db490fdc8 --- /dev/null +++ b/results/vectoriseai__gte-base/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 48.964, + "f1": 48.22995586184998, + "main_score": 48.964 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/ArguAna.json b/results/vectoriseai__gte-base/external/ArguAna.json new file mode 100644 index 000000000..065a6cf36 --- /dev/null +++ b/results/vectoriseai__gte-base/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.147999999999996, + "map_at_10": 48.253, + "map_at_100": 49.038, + "map_at_1000": 49.042, + "map_at_3": 43.433, + "map_at_5": 46.182, + "mrr_at_1": 32.717, + "mrr_at_10": 48.467, + "mrr_at_100": 49.252, + "mrr_at_1000": 49.254999999999995, + "mrr_at_3": 43.599, + "mrr_at_5": 46.408, + "ndcg_at_1": 32.147999999999996, + "ndcg_at_10": 57.12199999999999, + "ndcg_at_100": 60.316, + "ndcg_at_1000": 60.402, + "ndcg_at_3": 47.178, + "ndcg_at_5": 52.146, + "precision_at_1": 32.147999999999996, + "precision_at_10": 8.542, + "precision_at_100": 0.9900000000000001, + "precision_at_1000": 0.1, + "precision_at_3": 19.346, + "precision_at_5": 14.026, + "recall_at_1": 32.147999999999996, + "recall_at_10": 85.42, + "recall_at_100": 99.004, + "recall_at_1000": 99.644, + "recall_at_3": 58.037000000000006, + "recall_at_5": 70.128, + "main_score": 57.12199999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/ArxivClusteringP2P.json b/results/vectoriseai__gte-base/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..71f7efd4c --- /dev/null +++ b/results/vectoriseai__gte-base/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.59706013699614, + "main_score": 48.59706013699614 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/ArxivClusteringS2S.json b/results/vectoriseai__gte-base/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..af5bc70d1 --- /dev/null +++ b/results/vectoriseai__gte-base/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 43.01463593002057, + "main_score": 43.01463593002057 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/AskUbuntuDupQuestions.json b/results/vectoriseai__gte-base/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..3fb4957a9 --- /dev/null +++ b/results/vectoriseai__gte-base/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 61.80250355752458, + "mrr": 74.79455216989844, + "main_score": 61.80250355752458 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/BIOSSES.json b/results/vectoriseai__gte-base/external/BIOSSES.json new file mode 100644 index 000000000..c777a0406 --- /dev/null +++ b/results/vectoriseai__gte-base/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 89.87448576082345, + "cos_sim_spearman": 87.64235843637468, + "euclidean_pearson": 88.4901825511062, + "euclidean_spearman": 87.74537283182033, + "manhattan_pearson": 88.39040638362911, + "manhattan_spearman": 87.62669542888003, + "cosine_pearson": 89.87448576082345, + "cosine_spearman": 87.64235843637468, + "main_score": 87.64235843637468 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/Banking77Classification.json b/results/vectoriseai__gte-base/external/Banking77Classification.json new file mode 100644 index 000000000..b1c841203 --- /dev/null +++ b/results/vectoriseai__gte-base/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 85.06818181818183, + "f1": 85.02524460098233, + "main_score": 85.06818181818183 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/BiorxivClusteringP2P.json b/results/vectoriseai__gte-base/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..fd61a4f94 --- /dev/null +++ b/results/vectoriseai__gte-base/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.20471092679967, + "main_score": 38.20471092679967 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/BiorxivClusteringS2S.json b/results/vectoriseai__gte-base/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..8429451aa --- /dev/null +++ b/results/vectoriseai__gte-base/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.58967592147641, + "main_score": 36.58967592147641 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/CQADupstackAndroidRetrieval.json b/results/vectoriseai__gte-base/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..fbdc9971d --- /dev/null +++ b/results/vectoriseai__gte-base/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.411, + "map_at_10": 45.162, + "map_at_100": 46.717, + "map_at_1000": 46.836, + "map_at_3": 41.428, + "map_at_5": 43.54, + "mrr_at_1": 39.914, + "mrr_at_10": 51.534, + "mrr_at_100": 52.185, + "mrr_at_1000": 52.22, + "mrr_at_3": 49.046, + "mrr_at_5": 50.548, + "ndcg_at_1": 39.914, + "ndcg_at_10": 52.235, + "ndcg_at_100": 57.4, + "ndcg_at_1000": 58.982, + "ndcg_at_3": 47.332, + "ndcg_at_5": 49.62, + "precision_at_1": 39.914, + "precision_at_10": 10.258000000000001, + "precision_at_100": 1.6219999999999999, + "precision_at_1000": 0.20500000000000002, + "precision_at_3": 23.462, + "precision_at_5": 16.71, + "recall_at_1": 32.411, + "recall_at_10": 65.408, + "recall_at_100": 87.248, + "recall_at_1000": 96.951, + "recall_at_3": 50.349999999999994, + "recall_at_5": 57.431, + "main_score": 52.235 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.911, + "map_at_10": 42.608000000000004, + "map_at_100": 43.948, + "map_at_1000": 44.089, + "map_at_3": 39.652, + "map_at_5": 41.236, + "mrr_at_1": 40.064, + "mrr_at_10": 48.916, + "mrr_at_100": 49.539, + "mrr_at_1000": 49.583, + "mrr_at_3": 46.741, + "mrr_at_5": 48.037, + "ndcg_at_1": 40.064, + "ndcg_at_10": 48.442, + "ndcg_at_100": 52.798, + "ndcg_at_1000": 54.871, + "ndcg_at_3": 44.528, + "ndcg_at_5": 46.211, + "precision_at_1": 40.064, + "precision_at_10": 9.178, + "precision_at_100": 1.452, + "precision_at_1000": 0.193, + "precision_at_3": 21.614, + "precision_at_5": 15.185, + "recall_at_1": 31.911, + "recall_at_10": 58.155, + "recall_at_100": 76.46300000000001, + "recall_at_1000": 89.622, + "recall_at_3": 46.195, + "recall_at_5": 51.288999999999994, + "main_score": 48.442 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.597, + "map_at_10": 54.290000000000006, + "map_at_100": 55.340999999999994, + "map_at_1000": 55.388999999999996, + "map_at_3": 50.931000000000004, + "map_at_5": 52.839999999999996, + "mrr_at_1": 46.646, + "mrr_at_10": 57.524, + "mrr_at_100": 58.225, + "mrr_at_1000": 58.245999999999995, + "mrr_at_3": 55.235, + "mrr_at_5": 56.589, + "ndcg_at_1": 46.646, + "ndcg_at_10": 60.324999999999996, + "ndcg_at_100": 64.30900000000001, + "ndcg_at_1000": 65.19, + "ndcg_at_3": 54.983000000000004, + "ndcg_at_5": 57.621, + "precision_at_1": 46.646, + "precision_at_10": 9.774, + "precision_at_100": 1.265, + "precision_at_1000": 0.13799999999999998, + "precision_at_3": 24.911, + "precision_at_5": 16.977999999999998, + "recall_at_1": 40.597, + "recall_at_10": 74.773, + "recall_at_100": 91.61200000000001, + "recall_at_1000": 97.726, + "recall_at_3": 60.458, + "recall_at_5": 66.956, + "main_score": 60.324999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.122, + "map_at_10": 36.711, + "map_at_100": 37.775, + "map_at_1000": 37.842999999999996, + "map_at_3": 33.693, + "map_at_5": 35.607, + "mrr_at_1": 29.153000000000002, + "mrr_at_10": 38.873999999999995, + "mrr_at_100": 39.739000000000004, + "mrr_at_1000": 39.794000000000004, + "mrr_at_3": 36.102000000000004, + "mrr_at_5": 37.876, + "ndcg_at_1": 29.153000000000002, + "ndcg_at_10": 42.048, + "ndcg_at_100": 47.144999999999996, + "ndcg_at_1000": 48.901, + "ndcg_at_3": 36.402, + "ndcg_at_5": 39.562999999999995, + "precision_at_1": 29.153000000000002, + "precision_at_10": 6.4750000000000005, + "precision_at_100": 0.951, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 15.479999999999999, + "precision_at_5": 11.028, + "recall_at_1": 27.122, + "recall_at_10": 56.279999999999994, + "recall_at_100": 79.597, + "recall_at_1000": 92.804, + "recall_at_3": 41.437000000000005, + "recall_at_5": 49.019, + "main_score": 42.048 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.757, + "map_at_10": 26.739, + "map_at_100": 28.015, + "map_at_1000": 28.127999999999997, + "map_at_3": 23.986, + "map_at_5": 25.514, + "mrr_at_1": 22.015, + "mrr_at_10": 31.325999999999997, + "mrr_at_100": 32.368, + "mrr_at_1000": 32.426, + "mrr_at_3": 28.897000000000002, + "mrr_at_5": 30.147000000000002, + "ndcg_at_1": 22.015, + "ndcg_at_10": 32.225, + "ndcg_at_100": 38.405, + "ndcg_at_1000": 40.932, + "ndcg_at_3": 27.403, + "ndcg_at_5": 29.587000000000003, + "precision_at_1": 22.015, + "precision_at_10": 5.9830000000000005, + "precision_at_100": 1.051, + "precision_at_1000": 0.13899999999999998, + "precision_at_3": 13.391, + "precision_at_5": 9.602, + "recall_at_1": 17.757, + "recall_at_10": 44.467, + "recall_at_100": 71.53699999999999, + "recall_at_1000": 89.281, + "recall_at_3": 31.095, + "recall_at_5": 36.818, + "main_score": 32.225 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.354, + "map_at_10": 42.134, + "map_at_100": 43.429, + "map_at_1000": 43.532, + "map_at_3": 38.491, + "map_at_5": 40.736, + "mrr_at_1": 37.247, + "mrr_at_10": 47.775, + "mrr_at_100": 48.522999999999996, + "mrr_at_1000": 48.567, + "mrr_at_3": 45.059, + "mrr_at_5": 46.811, + "ndcg_at_1": 37.247, + "ndcg_at_10": 48.609, + "ndcg_at_100": 53.782, + "ndcg_at_1000": 55.666000000000004, + "ndcg_at_3": 42.866, + "ndcg_at_5": 46.001, + "precision_at_1": 37.247, + "precision_at_10": 8.892999999999999, + "precision_at_100": 1.341, + "precision_at_1000": 0.168, + "precision_at_3": 20.5, + "precision_at_5": 14.976, + "recall_at_1": 30.354, + "recall_at_10": 62.273, + "recall_at_100": 83.65599999999999, + "recall_at_1000": 95.82000000000001, + "recall_at_3": 46.464, + "recall_at_5": 54.225, + "main_score": 48.609 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.949, + "map_at_10": 37.230000000000004, + "map_at_100": 38.644, + "map_at_1000": 38.751999999999995, + "map_at_3": 33.816, + "map_at_5": 35.817, + "mrr_at_1": 33.446999999999996, + "mrr_at_10": 42.970000000000006, + "mrr_at_100": 43.873, + "mrr_at_1000": 43.922, + "mrr_at_3": 40.467999999999996, + "mrr_at_5": 41.861, + "ndcg_at_1": 33.446999999999996, + "ndcg_at_10": 43.403000000000006, + "ndcg_at_100": 49.247, + "ndcg_at_1000": 51.361999999999995, + "ndcg_at_3": 38.155, + "ndcg_at_5": 40.643, + "precision_at_1": 33.446999999999996, + "precision_at_10": 8.128, + "precision_at_100": 1.274, + "precision_at_1000": 0.163, + "precision_at_3": 18.493000000000002, + "precision_at_5": 13.333, + "recall_at_1": 26.949, + "recall_at_10": 56.006, + "recall_at_100": 80.99199999999999, + "recall_at_1000": 95.074, + "recall_at_3": 40.809, + "recall_at_5": 47.57, + "main_score": 43.403000000000006 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.243583333333333, + "map_at_10": 37.193250000000006, + "map_at_100": 38.44833333333334, + "map_at_1000": 38.56083333333333, + "map_at_3": 34.06633333333333, + "map_at_5": 35.87858333333334, + "mrr_at_1": 32.291583333333335, + "mrr_at_10": 41.482749999999996, + "mrr_at_100": 42.33583333333333, + "mrr_at_1000": 42.38683333333333, + "mrr_at_3": 38.952999999999996, + "mrr_at_5": 40.45333333333333, + "ndcg_at_1": 32.291583333333335, + "ndcg_at_10": 42.90533333333334, + "ndcg_at_100": 48.138666666666666, + "ndcg_at_1000": 50.229083333333335, + "ndcg_at_3": 37.76133333333334, + "ndcg_at_5": 40.31033333333334, + "precision_at_1": 32.291583333333335, + "precision_at_10": 7.585583333333333, + "precision_at_100": 1.2045000000000001, + "precision_at_1000": 0.15733333333333335, + "precision_at_3": 17.485416666666666, + "precision_at_5": 12.5145, + "recall_at_1": 27.243583333333333, + "recall_at_10": 55.45108333333334, + "recall_at_100": 78.25858333333335, + "recall_at_1000": 92.61716666666665, + "recall_at_3": 41.130583333333334, + "recall_at_5": 47.73133333333334, + "main_score": 42.90533333333334 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.325, + "map_at_10": 32.795, + "map_at_100": 33.96, + "map_at_1000": 34.054, + "map_at_3": 30.64, + "map_at_5": 31.771, + "mrr_at_1": 29.908, + "mrr_at_10": 35.83, + "mrr_at_100": 36.868, + "mrr_at_1000": 36.928, + "mrr_at_3": 33.896, + "mrr_at_5": 34.893, + "ndcg_at_1": 29.908, + "ndcg_at_10": 36.746, + "ndcg_at_100": 42.225, + "ndcg_at_1000": 44.523, + "ndcg_at_3": 32.82, + "ndcg_at_5": 34.583000000000006, + "precision_at_1": 29.908, + "precision_at_10": 5.6129999999999995, + "precision_at_100": 0.9079999999999999, + "precision_at_1000": 0.11800000000000001, + "precision_at_3": 13.753000000000002, + "precision_at_5": 9.417, + "recall_at_1": 26.325, + "recall_at_10": 45.975, + "recall_at_100": 70.393, + "recall_at_1000": 87.217, + "recall_at_3": 35.195, + "recall_at_5": 39.69, + "main_score": 36.746 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.828, + "map_at_10": 25.759, + "map_at_100": 26.961000000000002, + "map_at_1000": 27.094, + "map_at_3": 23.166999999999998, + "map_at_5": 24.610000000000003, + "mrr_at_1": 21.61, + "mrr_at_10": 29.605999999999998, + "mrr_at_100": 30.586000000000002, + "mrr_at_1000": 30.664, + "mrr_at_3": 27.214, + "mrr_at_5": 28.571, + "ndcg_at_1": 21.61, + "ndcg_at_10": 30.740000000000002, + "ndcg_at_100": 36.332, + "ndcg_at_1000": 39.296, + "ndcg_at_3": 26.11, + "ndcg_at_5": 28.297, + "precision_at_1": 21.61, + "precision_at_10": 5.643, + "precision_at_100": 1.0, + "precision_at_1000": 0.14400000000000002, + "precision_at_3": 12.4, + "precision_at_5": 9.119, + "recall_at_1": 17.828, + "recall_at_10": 41.876000000000005, + "recall_at_100": 66.648, + "recall_at_1000": 87.763, + "recall_at_3": 28.957, + "recall_at_5": 34.494, + "main_score": 30.740000000000002 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.921000000000003, + "map_at_10": 37.156, + "map_at_100": 38.399, + "map_at_1000": 38.498, + "map_at_3": 34.134, + "map_at_5": 35.936, + "mrr_at_1": 32.649, + "mrr_at_10": 41.19, + "mrr_at_100": 42.102000000000004, + "mrr_at_1000": 42.157, + "mrr_at_3": 38.464, + "mrr_at_5": 40.148, + "ndcg_at_1": 32.649, + "ndcg_at_10": 42.679, + "ndcg_at_100": 48.27, + "ndcg_at_1000": 50.312, + "ndcg_at_3": 37.269000000000005, + "ndcg_at_5": 40.055, + "precision_at_1": 32.649, + "precision_at_10": 7.155, + "precision_at_100": 1.124, + "precision_at_1000": 0.14100000000000001, + "precision_at_3": 16.791, + "precision_at_5": 12.015, + "recall_at_1": 27.921000000000003, + "recall_at_10": 55.357, + "recall_at_100": 79.476, + "recall_at_1000": 93.314, + "recall_at_3": 40.891, + "recall_at_5": 47.851, + "main_score": 42.679 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.524, + "map_at_10": 35.135, + "map_at_100": 36.665, + "map_at_1000": 36.886, + "map_at_3": 31.367, + "map_at_5": 33.724, + "mrr_at_1": 30.631999999999998, + "mrr_at_10": 39.616, + "mrr_at_100": 40.54, + "mrr_at_1000": 40.585, + "mrr_at_3": 36.462, + "mrr_at_5": 38.507999999999996, + "ndcg_at_1": 30.631999999999998, + "ndcg_at_10": 41.61, + "ndcg_at_100": 47.249, + "ndcg_at_1000": 49.662, + "ndcg_at_3": 35.421, + "ndcg_at_5": 38.811, + "precision_at_1": 30.631999999999998, + "precision_at_10": 8.123, + "precision_at_100": 1.5810000000000002, + "precision_at_1000": 0.245, + "precision_at_3": 16.337, + "precision_at_5": 12.568999999999999, + "recall_at_1": 25.524, + "recall_at_10": 54.994, + "recall_at_100": 80.03099999999999, + "recall_at_1000": 95.25099999999999, + "recall_at_3": 37.563, + "recall_at_5": 46.428999999999995, + "main_score": 41.61 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.224, + "map_at_10": 30.599999999999998, + "map_at_100": 31.526, + "map_at_1000": 31.629, + "map_at_3": 27.491, + "map_at_5": 29.212, + "mrr_at_1": 24.214, + "mrr_at_10": 32.632, + "mrr_at_100": 33.482, + "mrr_at_1000": 33.550000000000004, + "mrr_at_3": 29.852, + "mrr_at_5": 31.451, + "ndcg_at_1": 24.214, + "ndcg_at_10": 35.802, + "ndcg_at_100": 40.502, + "ndcg_at_1000": 43.052, + "ndcg_at_3": 29.847, + "ndcg_at_5": 32.732, + "precision_at_1": 24.214, + "precision_at_10": 5.804, + "precision_at_100": 0.885, + "precision_at_1000": 0.121, + "precision_at_3": 12.692999999999998, + "precision_at_5": 9.242, + "recall_at_1": 22.224, + "recall_at_10": 49.849, + "recall_at_100": 71.45, + "recall_at_1000": 90.583, + "recall_at_3": 34.153, + "recall_at_5": 41.004000000000005, + "main_score": 35.802 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/ClimateFEVER.json b/results/vectoriseai__gte-base/external/ClimateFEVER.json new file mode 100644 index 000000000..75ba3218f --- /dev/null +++ b/results/vectoriseai__gte-base/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 12.386999999999999, + "map_at_10": 20.182, + "map_at_100": 21.86, + "map_at_1000": 22.054000000000002, + "map_at_3": 17.165, + "map_at_5": 18.643, + "mrr_at_1": 26.906000000000002, + "mrr_at_10": 37.907999999999994, + "mrr_at_100": 38.868, + "mrr_at_1000": 38.913, + "mrr_at_3": 34.853, + "mrr_at_5": 36.567, + "ndcg_at_1": 26.906000000000002, + "ndcg_at_10": 28.103, + "ndcg_at_100": 35.073, + "ndcg_at_1000": 38.653, + "ndcg_at_3": 23.345, + "ndcg_at_5": 24.828, + "precision_at_1": 26.906000000000002, + "precision_at_10": 8.547, + "precision_at_100": 1.617, + "precision_at_1000": 0.22799999999999998, + "precision_at_3": 17.025000000000002, + "precision_at_5": 12.834000000000001, + "recall_at_1": 12.386999999999999, + "recall_at_10": 33.306999999999995, + "recall_at_100": 57.516, + "recall_at_1000": 77.74799999999999, + "recall_at_3": 21.433, + "recall_at_5": 25.915, + "main_score": 28.103 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/DBPedia.json b/results/vectoriseai__gte-base/external/DBPedia.json new file mode 100644 index 000000000..4ea6e0096 --- /dev/null +++ b/results/vectoriseai__gte-base/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.322, + "map_at_10": 20.469, + "map_at_100": 28.638, + "map_at_1000": 30.433, + "map_at_3": 14.802000000000001, + "map_at_5": 17.297, + "mrr_at_1": 68.75, + "mrr_at_10": 76.29599999999999, + "mrr_at_100": 76.62400000000001, + "mrr_at_1000": 76.633, + "mrr_at_3": 75.083, + "mrr_at_5": 75.771, + "ndcg_at_1": 54.87499999999999, + "ndcg_at_10": 41.185, + "ndcg_at_100": 46.400000000000006, + "ndcg_at_1000": 54.223, + "ndcg_at_3": 45.489000000000004, + "ndcg_at_5": 43.161, + "precision_at_1": 68.75, + "precision_at_10": 32.300000000000004, + "precision_at_100": 10.607999999999999, + "precision_at_1000": 2.237, + "precision_at_3": 49.083, + "precision_at_5": 41.6, + "recall_at_1": 9.322, + "recall_at_10": 25.696, + "recall_at_100": 52.898, + "recall_at_1000": 77.281, + "recall_at_3": 15.943, + "recall_at_5": 19.836000000000002, + "main_score": 41.185 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/EmotionClassification.json b/results/vectoriseai__gte-base/external/EmotionClassification.json new file mode 100644 index 000000000..9f8105511 --- /dev/null +++ b/results/vectoriseai__gte-base/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 48.650000000000006, + "f1": 43.528467245539396, + "main_score": 48.650000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/FEVER.json b/results/vectoriseai__gte-base/external/FEVER.json new file mode 100644 index 000000000..add741050 --- /dev/null +++ b/results/vectoriseai__gte-base/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 66.56, + "map_at_10": 76.767, + "map_at_100": 77.054, + "map_at_1000": 77.068, + "map_at_3": 75.29299999999999, + "map_at_5": 76.24, + "mrr_at_1": 71.842, + "mrr_at_10": 81.459, + "mrr_at_100": 81.58800000000001, + "mrr_at_1000": 81.59100000000001, + "mrr_at_3": 80.188, + "mrr_at_5": 81.038, + "ndcg_at_1": 71.842, + "ndcg_at_10": 81.51899999999999, + "ndcg_at_100": 82.544, + "ndcg_at_1000": 82.829, + "ndcg_at_3": 78.92, + "ndcg_at_5": 80.406, + "precision_at_1": 71.842, + "precision_at_10": 10.066, + "precision_at_100": 1.076, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 30.703000000000003, + "precision_at_5": 19.301, + "recall_at_1": 66.56, + "recall_at_10": 91.55, + "recall_at_100": 95.67099999999999, + "recall_at_1000": 97.539, + "recall_at_3": 84.46900000000001, + "recall_at_5": 88.201, + "main_score": 81.51899999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/FiQA2018.json b/results/vectoriseai__gte-base/external/FiQA2018.json new file mode 100644 index 000000000..381c7b6e9 --- /dev/null +++ b/results/vectoriseai__gte-base/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.087, + "map_at_10": 32.830999999999996, + "map_at_100": 34.814, + "map_at_1000": 34.999, + "map_at_3": 28.198, + "map_at_5": 30.779, + "mrr_at_1": 38.889, + "mrr_at_10": 48.415, + "mrr_at_100": 49.187, + "mrr_at_1000": 49.226, + "mrr_at_3": 45.705, + "mrr_at_5": 47.225, + "ndcg_at_1": 38.889, + "ndcg_at_10": 40.758, + "ndcg_at_100": 47.671, + "ndcg_at_1000": 50.744, + "ndcg_at_3": 36.296, + "ndcg_at_5": 37.852999999999994, + "precision_at_1": 38.889, + "precision_at_10": 11.466, + "precision_at_100": 1.8499999999999999, + "precision_at_1000": 0.24, + "precision_at_3": 24.126, + "precision_at_5": 18.21, + "recall_at_1": 20.087, + "recall_at_10": 48.042, + "recall_at_100": 73.493, + "recall_at_1000": 91.851, + "recall_at_3": 32.694, + "recall_at_5": 39.099000000000004, + "main_score": 40.758 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/HotpotQA.json b/results/vectoriseai__gte-base/external/HotpotQA.json new file mode 100644 index 000000000..21c545453 --- /dev/null +++ b/results/vectoriseai__gte-base/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.096000000000004, + "map_at_10": 56.99999999999999, + "map_at_100": 57.914, + "map_at_1000": 57.984, + "map_at_3": 53.900999999999996, + "map_at_5": 55.827000000000005, + "mrr_at_1": 76.19200000000001, + "mrr_at_10": 81.955, + "mrr_at_100": 82.164, + "mrr_at_1000": 82.173, + "mrr_at_3": 80.963, + "mrr_at_5": 81.574, + "ndcg_at_1": 76.19200000000001, + "ndcg_at_10": 65.75, + "ndcg_at_100": 68.949, + "ndcg_at_1000": 70.342, + "ndcg_at_3": 61.29, + "ndcg_at_5": 63.747, + "precision_at_1": 76.19200000000001, + "precision_at_10": 13.571, + "precision_at_100": 1.6070000000000002, + "precision_at_1000": 0.179, + "precision_at_3": 38.663, + "precision_at_5": 25.136999999999997, + "recall_at_1": 38.096000000000004, + "recall_at_10": 67.853, + "recall_at_100": 80.365, + "recall_at_1000": 89.629, + "recall_at_3": 57.995, + "recall_at_5": 62.843, + "main_score": 65.75 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/ImdbClassification.json b/results/vectoriseai__gte-base/external/ImdbClassification.json new file mode 100644 index 000000000..bb56f6ed2 --- /dev/null +++ b/results/vectoriseai__gte-base/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 85.95200000000001, + "ap": 80.73847277002109, + "f1": 85.92406135678594, + "main_score": 85.95200000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/MSMARCO.json b/results/vectoriseai__gte-base/external/MSMARCO.json new file mode 100644 index 000000000..5a860e825 --- /dev/null +++ b/results/vectoriseai__gte-base/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 20.916999999999998, + "map_at_10": 33.23, + "map_at_100": 34.427, + "map_at_1000": 34.477000000000004, + "map_at_3": 29.292, + "map_at_5": 31.6, + "mrr_at_1": 21.547, + "mrr_at_10": 33.839999999999996, + "mrr_at_100": 34.979, + "mrr_at_1000": 35.022999999999996, + "mrr_at_3": 29.988, + "mrr_at_5": 32.259, + "ndcg_at_1": 21.519, + "ndcg_at_10": 40.209, + "ndcg_at_100": 45.954, + "ndcg_at_1000": 47.187, + "ndcg_at_3": 32.227, + "ndcg_at_5": 36.347, + "precision_at_1": 21.519, + "precision_at_10": 6.447, + "precision_at_100": 0.932, + "precision_at_1000": 0.104, + "precision_at_3": 13.877999999999998, + "precision_at_5": 10.404, + "recall_at_1": 20.916999999999998, + "recall_at_10": 61.7, + "recall_at_100": 88.202, + "recall_at_1000": 97.588, + "recall_at_3": 40.044999999999995, + "recall_at_5": 49.964999999999996, + "main_score": 40.209 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/MTOPDomainClassification.json b/results/vectoriseai__gte-base/external/MTOPDomainClassification.json new file mode 100644 index 000000000..d8a74ee4a --- /dev/null +++ b/results/vectoriseai__gte-base/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.02781577747379, + "f1": 92.83653922768306, + "main_score": 93.02781577747379 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/MTOPIntentClassification.json b/results/vectoriseai__gte-base/external/MTOPIntentClassification.json new file mode 100644 index 000000000..55fc0021d --- /dev/null +++ b/results/vectoriseai__gte-base/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.04286365709075, + "f1": 53.43867658525793, + "main_score": 72.04286365709075 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/MassiveIntentClassification.json b/results/vectoriseai__gte-base/external/MassiveIntentClassification.json new file mode 100644 index 000000000..7ad68d767 --- /dev/null +++ b/results/vectoriseai__gte-base/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.47276395427035, + "f1": 69.77017399597342, + "main_score": 71.47276395427035 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/MassiveScenarioClassification.json b/results/vectoriseai__gte-base/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..62013d910 --- /dev/null +++ b/results/vectoriseai__gte-base/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.3819771351715, + "f1": 76.8484533435409, + "main_score": 76.3819771351715 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/MedrxivClusteringP2P.json b/results/vectoriseai__gte-base/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..6948ae36b --- /dev/null +++ b/results/vectoriseai__gte-base/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.16515993299593, + "main_score": 33.16515993299593 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/MedrxivClusteringS2S.json b/results/vectoriseai__gte-base/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..3b967349a --- /dev/null +++ b/results/vectoriseai__gte-base/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.77145323314774, + "main_score": 31.77145323314774 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/MindSmallReranking.json b/results/vectoriseai__gte-base/external/MindSmallReranking.json new file mode 100644 index 000000000..bfab30b9d --- /dev/null +++ b/results/vectoriseai__gte-base/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 32.53637706586391, + "mrr": 33.7312926288863, + "main_score": 32.53637706586391 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/NFCorpus.json b/results/vectoriseai__gte-base/external/NFCorpus.json new file mode 100644 index 000000000..7900c1f4d --- /dev/null +++ b/results/vectoriseai__gte-base/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 7.063999999999999, + "map_at_10": 15.046999999999999, + "map_at_100": 19.116, + "map_at_1000": 20.702, + "map_at_3": 10.932, + "map_at_5": 12.751999999999999, + "mrr_at_1": 50.464, + "mrr_at_10": 58.189, + "mrr_at_100": 58.733999999999995, + "mrr_at_1000": 58.769000000000005, + "mrr_at_3": 56.24400000000001, + "mrr_at_5": 57.68299999999999, + "ndcg_at_1": 48.142, + "ndcg_at_10": 37.897, + "ndcg_at_100": 35.264, + "ndcg_at_1000": 44.033, + "ndcg_at_3": 42.967, + "ndcg_at_5": 40.815, + "precision_at_1": 50.15500000000001, + "precision_at_10": 28.235, + "precision_at_100": 8.994, + "precision_at_1000": 2.218, + "precision_at_3": 40.041, + "precision_at_5": 35.046, + "recall_at_1": 7.063999999999999, + "recall_at_10": 18.598, + "recall_at_100": 35.577999999999996, + "recall_at_1000": 67.43, + "recall_at_3": 11.562999999999999, + "recall_at_5": 14.771, + "main_score": 37.897 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/NQ.json b/results/vectoriseai__gte-base/external/NQ.json new file mode 100644 index 000000000..21e9aac5d --- /dev/null +++ b/results/vectoriseai__gte-base/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.046, + "map_at_10": 44.808, + "map_at_100": 45.898, + "map_at_1000": 45.927, + "map_at_3": 40.19, + "map_at_5": 42.897, + "mrr_at_1": 32.706, + "mrr_at_10": 47.275, + "mrr_at_100": 48.075, + "mrr_at_1000": 48.095, + "mrr_at_3": 43.463, + "mrr_at_5": 45.741, + "ndcg_at_1": 32.706, + "ndcg_at_10": 52.835, + "ndcg_at_100": 57.345, + "ndcg_at_1000": 57.985, + "ndcg_at_3": 44.171, + "ndcg_at_5": 48.661, + "precision_at_1": 32.706, + "precision_at_10": 8.895999999999999, + "precision_at_100": 1.143, + "precision_at_1000": 0.12, + "precision_at_3": 20.238999999999997, + "precision_at_5": 14.728, + "recall_at_1": 29.046, + "recall_at_10": 74.831, + "recall_at_100": 94.192, + "recall_at_1000": 98.897, + "recall_at_3": 52.37500000000001, + "recall_at_5": 62.732, + "main_score": 52.835 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/QuoraRetrieval.json b/results/vectoriseai__gte-base/external/QuoraRetrieval.json new file mode 100644 index 000000000..a6224a3be --- /dev/null +++ b/results/vectoriseai__gte-base/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 70.38799999999999, + "map_at_10": 84.315, + "map_at_100": 84.955, + "map_at_1000": 84.971, + "map_at_3": 81.33399999999999, + "map_at_5": 83.21300000000001, + "mrr_at_1": 81.03, + "mrr_at_10": 87.395, + "mrr_at_100": 87.488, + "mrr_at_1000": 87.48899999999999, + "mrr_at_3": 86.41499999999999, + "mrr_at_5": 87.074, + "ndcg_at_1": 81.04, + "ndcg_at_10": 88.151, + "ndcg_at_100": 89.38199999999999, + "ndcg_at_1000": 89.479, + "ndcg_at_3": 85.24000000000001, + "ndcg_at_5": 86.856, + "precision_at_1": 81.04, + "precision_at_10": 13.372, + "precision_at_100": 1.526, + "precision_at_1000": 0.157, + "precision_at_3": 37.217, + "precision_at_5": 24.502, + "recall_at_1": 70.38799999999999, + "recall_at_10": 95.452, + "recall_at_100": 99.59700000000001, + "recall_at_1000": 99.988, + "recall_at_3": 87.11, + "recall_at_5": 91.662, + "main_score": 88.151 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/RedditClustering.json b/results/vectoriseai__gte-base/external/RedditClustering.json new file mode 100644 index 000000000..0ab93b9dd --- /dev/null +++ b/results/vectoriseai__gte-base/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 59.334991029213235, + "main_score": 59.334991029213235 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/RedditClusteringP2P.json b/results/vectoriseai__gte-base/external/RedditClusteringP2P.json new file mode 100644 index 000000000..7c433d4a6 --- /dev/null +++ b/results/vectoriseai__gte-base/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 62.586500854616666, + "main_score": 62.586500854616666 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/SCIDOCS.json b/results/vectoriseai__gte-base/external/SCIDOCS.json new file mode 100644 index 000000000..c8b70fe2b --- /dev/null +++ b/results/vectoriseai__gte-base/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.153, + "map_at_10": 14.277000000000001, + "map_at_100": 16.922, + "map_at_1000": 17.302999999999997, + "map_at_3": 9.961, + "map_at_5": 12.257, + "mrr_at_1": 25.4, + "mrr_at_10": 37.458000000000006, + "mrr_at_100": 38.681, + "mrr_at_1000": 38.722, + "mrr_at_3": 34.1, + "mrr_at_5": 36.17, + "ndcg_at_1": 25.4, + "ndcg_at_10": 23.132, + "ndcg_at_100": 32.908, + "ndcg_at_1000": 38.754, + "ndcg_at_3": 21.82, + "ndcg_at_5": 19.353, + "precision_at_1": 25.4, + "precision_at_10": 12.1, + "precision_at_100": 2.628, + "precision_at_1000": 0.402, + "precision_at_3": 20.732999999999997, + "precision_at_5": 17.34, + "recall_at_1": 5.153, + "recall_at_10": 24.54, + "recall_at_100": 53.293, + "recall_at_1000": 81.57, + "recall_at_3": 12.613, + "recall_at_5": 17.577, + "main_score": 23.132 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/SICK-R.json b/results/vectoriseai__gte-base/external/SICK-R.json new file mode 100644 index 000000000..812fed2dc --- /dev/null +++ b/results/vectoriseai__gte-base/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.86284404925333, + "cos_sim_spearman": 78.85870555294795, + "euclidean_pearson": 82.20105295276093, + "euclidean_spearman": 78.92125617009592, + "manhattan_pearson": 82.15840025289069, + "manhattan_spearman": 78.85955732900803, + "cosine_pearson": 84.86284404925333, + "cosine_spearman": 78.85870555294795, + "main_score": 78.85870555294795 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/STS12.json b/results/vectoriseai__gte-base/external/STS12.json new file mode 100644 index 000000000..36c6ee01a --- /dev/null +++ b/results/vectoriseai__gte-base/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.98747423389027, + "cos_sim_spearman": 75.71298531799367, + "euclidean_pearson": 81.59709559192291, + "euclidean_spearman": 75.40622749225653, + "manhattan_pearson": 81.55553547608804, + "manhattan_spearman": 75.39380235424899, + "cosine_pearson": 84.98747423389027, + "cosine_spearman": 75.71298531799367, + "main_score": 75.71298531799367 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/STS13.json b/results/vectoriseai__gte-base/external/STS13.json new file mode 100644 index 000000000..9dc47353d --- /dev/null +++ b/results/vectoriseai__gte-base/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.76861330695503, + "cos_sim_spearman": 85.72991921531624, + "euclidean_pearson": 84.84504307397536, + "euclidean_spearman": 86.02679162824732, + "manhattan_pearson": 84.79969439220142, + "manhattan_spearman": 85.99238837291625, + "cosine_pearson": 83.76861330695503, + "cosine_spearman": 85.72991921531624, + "main_score": 85.72991921531624 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/STS14.json b/results/vectoriseai__gte-base/external/STS14.json new file mode 100644 index 000000000..828386039 --- /dev/null +++ b/results/vectoriseai__gte-base/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.31929747511796, + "cos_sim_spearman": 81.50806522502528, + "euclidean_pearson": 82.93936686512777, + "euclidean_spearman": 81.54403447993224, + "manhattan_pearson": 82.89696981900828, + "manhattan_spearman": 81.52817825470865, + "cosine_pearson": 83.31929747511796, + "cosine_spearman": 81.50806522502528, + "main_score": 81.50806522502528 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/STS15.json b/results/vectoriseai__gte-base/external/STS15.json new file mode 100644 index 000000000..6771fcebe --- /dev/null +++ b/results/vectoriseai__gte-base/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.14413295332908, + "cos_sim_spearman": 88.81032027008195, + "euclidean_pearson": 88.19205563407645, + "euclidean_spearman": 88.89738339479216, + "manhattan_pearson": 88.11075942004189, + "manhattan_spearman": 88.8297061675564, + "cosine_pearson": 87.14413295332908, + "cosine_spearman": 88.81032027008195, + "main_score": 88.81032027008195 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/STS16.json b/results/vectoriseai__gte-base/external/STS16.json new file mode 100644 index 000000000..194ed8c98 --- /dev/null +++ b/results/vectoriseai__gte-base/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.15980075557017, + "cos_sim_spearman": 83.81896308594801, + "euclidean_pearson": 83.11195254311338, + "euclidean_spearman": 84.10479481755407, + "manhattan_pearson": 83.13915225100556, + "manhattan_spearman": 84.09895591027859, + "cosine_pearson": 82.15980075557017, + "cosine_spearman": 83.81896308594801, + "main_score": 83.81896308594801 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/STS17.json b/results/vectoriseai__gte-base/external/STS17.json new file mode 100644 index 000000000..dca63158a --- /dev/null +++ b/results/vectoriseai__gte-base/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.93669480147919, + "cos_sim_spearman": 87.89861394614361, + "euclidean_pearson": 88.37316413202339, + "euclidean_spearman": 88.18033817842569, + "manhattan_pearson": 88.39427578879469, + "manhattan_spearman": 88.09185009236847, + "cosine_pearson": 87.93669480147919, + "cosine_spearman": 87.89861394614361, + "main_score": 87.89861394614361 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/STS22.json b/results/vectoriseai__gte-base/external/STS22.json new file mode 100644 index 000000000..28327f32f --- /dev/null +++ b/results/vectoriseai__gte-base/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 66.62215083348255, + "cos_sim_spearman": 67.33243665716736, + "euclidean_pearson": 67.60871701996284, + "euclidean_spearman": 66.75929225238659, + "manhattan_pearson": 67.63907838970992, + "manhattan_spearman": 66.79313656754846, + "cosine_pearson": 66.62215083348255, + "cosine_spearman": 67.33243665716736, + "main_score": 67.33243665716736 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/STSBenchmark.json b/results/vectoriseai__gte-base/external/STSBenchmark.json new file mode 100644 index 000000000..02a11d332 --- /dev/null +++ b/results/vectoriseai__gte-base/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.65549191934764, + "cos_sim_spearman": 85.73266847750143, + "euclidean_pearson": 85.75609932254318, + "euclidean_spearman": 85.9452287759371, + "manhattan_pearson": 85.69717413063573, + "manhattan_spearman": 85.86546318377046, + "cosine_pearson": 84.65549191934764, + "cosine_spearman": 85.73266847750143, + "main_score": 85.73266847750143 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/SciDocsRR.json b/results/vectoriseai__gte-base/external/SciDocsRR.json new file mode 100644 index 000000000..3f4dddc45 --- /dev/null +++ b/results/vectoriseai__gte-base/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 87.08164129085783, + "mrr": 96.2877273416489, + "main_score": 87.08164129085783 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/SciFact.json b/results/vectoriseai__gte-base/external/SciFact.json new file mode 100644 index 000000000..5a6cb1ad0 --- /dev/null +++ b/results/vectoriseai__gte-base/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 62.09400000000001, + "map_at_10": 71.712, + "map_at_100": 72.128, + "map_at_1000": 72.14399999999999, + "map_at_3": 68.93, + "map_at_5": 70.694, + "mrr_at_1": 65.0, + "mrr_at_10": 72.572, + "mrr_at_100": 72.842, + "mrr_at_1000": 72.856, + "mrr_at_3": 70.44399999999999, + "mrr_at_5": 71.744, + "ndcg_at_1": 65.0, + "ndcg_at_10": 76.178, + "ndcg_at_100": 77.887, + "ndcg_at_1000": 78.227, + "ndcg_at_3": 71.367, + "ndcg_at_5": 73.938, + "precision_at_1": 65.0, + "precision_at_10": 10.033, + "precision_at_100": 1.097, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 27.667, + "precision_at_5": 18.4, + "recall_at_1": 62.09400000000001, + "recall_at_10": 89.022, + "recall_at_100": 96.833, + "recall_at_1000": 99.333, + "recall_at_3": 75.922, + "recall_at_5": 82.428, + "main_score": 76.178 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/SprintDuplicateQuestions.json b/results/vectoriseai__gte-base/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..442081634 --- /dev/null +++ b/results/vectoriseai__gte-base/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.82178217821782, + "cos_sim_ap": 95.71282508220798, + "cos_sim_f1": 90.73120494335737, + "cos_sim_precision": 93.52441613588111, + "cos_sim_recall": 88.1, + "dot_accuracy": 99.73960396039604, + "dot_ap": 92.98534606529098, + "dot_f1": 86.83024536805209, + "dot_precision": 86.96088264794383, + "dot_recall": 86.7, + "euclidean_accuracy": 99.82475247524752, + "euclidean_ap": 95.72927039014849, + "euclidean_f1": 90.89974293059126, + "euclidean_precision": 93.54497354497354, + "euclidean_recall": 88.4, + "manhattan_accuracy": 99.82574257425742, + "manhattan_ap": 95.72142177390405, + "manhattan_f1": 91.00152516522625, + "manhattan_precision": 92.55429162357808, + "manhattan_recall": 89.5, + "max_accuracy": 99.82574257425742, + "max_ap": 95.72927039014849, + "max_f1": 91.00152516522625, + "main_score": 95.72927039014849 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/StackExchangeClustering.json b/results/vectoriseai__gte-base/external/StackExchangeClustering.json new file mode 100644 index 000000000..b5a0e6a88 --- /dev/null +++ b/results/vectoriseai__gte-base/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 66.63957663468679, + "main_score": 66.63957663468679 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/StackExchangeClusteringP2P.json b/results/vectoriseai__gte-base/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..9e74228c9 --- /dev/null +++ b/results/vectoriseai__gte-base/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.003307257923964, + "main_score": 36.003307257923964 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/StackOverflowDupQuestions.json b/results/vectoriseai__gte-base/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..7fc510b8c --- /dev/null +++ b/results/vectoriseai__gte-base/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 53.005825525863905, + "mrr": 53.854683919022165, + "main_score": 53.005825525863905 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/SummEval.json b/results/vectoriseai__gte-base/external/SummEval.json new file mode 100644 index 000000000..3923ad63e --- /dev/null +++ b/results/vectoriseai__gte-base/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.503611569974098, + "cos_sim_spearman": 31.17155564248449, + "dot_pearson": 26.740428413981306, + "dot_spearman": 26.55727635469746, + "cosine_pearson": 30.503611569974098, + "cosine_spearman": 31.17155564248449, + "main_score": 31.17155564248449 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/TRECCOVID.json b/results/vectoriseai__gte-base/external/TRECCOVID.json new file mode 100644 index 000000000..7aff35d6a --- /dev/null +++ b/results/vectoriseai__gte-base/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.23600000000000002, + "map_at_10": 1.7670000000000001, + "map_at_100": 10.208, + "map_at_1000": 25.997999999999998, + "map_at_3": 0.605, + "map_at_5": 0.9560000000000001, + "mrr_at_1": 84.0, + "mrr_at_10": 90.167, + "mrr_at_100": 90.167, + "mrr_at_1000": 90.167, + "mrr_at_3": 89.667, + "mrr_at_5": 90.167, + "ndcg_at_1": 77.0, + "ndcg_at_10": 68.783, + "ndcg_at_100": 54.196, + "ndcg_at_1000": 52.077, + "ndcg_at_3": 71.642, + "ndcg_at_5": 70.45700000000001, + "precision_at_1": 84.0, + "precision_at_10": 73.0, + "precision_at_100": 55.48, + "precision_at_1000": 23.102, + "precision_at_3": 76.0, + "precision_at_5": 74.8, + "recall_at_1": 0.23600000000000002, + "recall_at_10": 1.9869999999999999, + "recall_at_100": 13.749, + "recall_at_1000": 50.157, + "recall_at_3": 0.633, + "recall_at_5": 1.0290000000000001, + "main_score": 68.783 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/Touche2020.json b/results/vectoriseai__gte-base/external/Touche2020.json new file mode 100644 index 000000000..33b7b137a --- /dev/null +++ b/results/vectoriseai__gte-base/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 1.437, + "map_at_10": 8.791, + "map_at_100": 15.001999999999999, + "map_at_1000": 16.549, + "map_at_3": 3.8080000000000003, + "map_at_5": 5.632000000000001, + "mrr_at_1": 20.408, + "mrr_at_10": 36.96, + "mrr_at_100": 37.912, + "mrr_at_1000": 37.912, + "mrr_at_3": 29.592000000000002, + "mrr_at_5": 34.489999999999995, + "ndcg_at_1": 19.387999999999998, + "ndcg_at_10": 22.554, + "ndcg_at_100": 35.197, + "ndcg_at_1000": 46.58, + "ndcg_at_3": 20.285, + "ndcg_at_5": 21.924, + "precision_at_1": 20.408, + "precision_at_10": 21.837, + "precision_at_100": 7.754999999999999, + "precision_at_1000": 1.537, + "precision_at_3": 21.769, + "precision_at_5": 23.673, + "recall_at_1": 1.437, + "recall_at_10": 16.314999999999998, + "recall_at_100": 47.635, + "recall_at_1000": 82.963, + "recall_at_3": 4.955, + "recall_at_5": 8.805, + "main_score": 22.554 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/ToxicConversationsClassification.json b/results/vectoriseai__gte-base/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..b987a9f27 --- /dev/null +++ b/results/vectoriseai__gte-base/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.6128, + "ap": 14.279639861175664, + "f1": 54.922292491204274, + "main_score": 71.6128 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/TweetSentimentExtractionClassification.json b/results/vectoriseai__gte-base/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..cfba7c4fb --- /dev/null +++ b/results/vectoriseai__gte-base/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 57.01188455008489, + "f1": 57.377953019225515, + "main_score": 57.01188455008489 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/TwentyNewsgroupsClustering.json b/results/vectoriseai__gte-base/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..ca4b0c8ea --- /dev/null +++ b/results/vectoriseai__gte-base/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 52.306769136544254, + "main_score": 52.306769136544254 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/TwitterSemEval2015.json b/results/vectoriseai__gte-base/external/TwitterSemEval2015.json new file mode 100644 index 000000000..3da84d8c9 --- /dev/null +++ b/results/vectoriseai__gte-base/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 85.64701674912082, + "cos_sim_ap": 72.46600945328552, + "cos_sim_f1": 67.96572367648784, + "cos_sim_precision": 61.21801649397336, + "cos_sim_recall": 76.38522427440633, + "dot_accuracy": 82.33295583238957, + "dot_ap": 62.54843443071716, + "dot_f1": 60.38378562507096, + "dot_precision": 52.99980067769583, + "dot_recall": 70.15831134564644, + "euclidean_accuracy": 85.7423854085951, + "euclidean_ap": 72.76873850945174, + "euclidean_f1": 68.23556960543262, + "euclidean_precision": 61.3344559040202, + "euclidean_recall": 76.88654353562005, + "manhattan_accuracy": 85.74834594981225, + "manhattan_ap": 72.66825372446462, + "manhattan_f1": 68.21539194662853, + "manhattan_precision": 62.185056472632496, + "manhattan_recall": 75.54089709762533, + "max_accuracy": 85.74834594981225, + "max_ap": 72.76873850945174, + "max_f1": 68.23556960543262, + "main_score": 72.76873850945174 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/TwitterURLCorpus.json b/results/vectoriseai__gte-base/external/TwitterURLCorpus.json new file mode 100644 index 000000000..d5688f147 --- /dev/null +++ b/results/vectoriseai__gte-base/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.73171110334924, + "cos_sim_ap": 85.51855542063649, + "cos_sim_f1": 77.95706775700934, + "cos_sim_precision": 74.12524298805887, + "cos_sim_recall": 82.20665229442562, + "dot_accuracy": 86.94842240074514, + "dot_ap": 80.90995345771762, + "dot_f1": 74.20765027322403, + "dot_precision": 70.42594385285575, + "dot_recall": 78.41854019094548, + "euclidean_accuracy": 88.73753250281368, + "euclidean_ap": 85.54712254033734, + "euclidean_f1": 78.07565728654365, + "euclidean_precision": 75.1120597652081, + "euclidean_recall": 81.282722513089, + "manhattan_accuracy": 88.72588970388482, + "manhattan_ap": 85.52118291594071, + "manhattan_f1": 78.04428724070593, + "manhattan_precision": 74.83219105490002, + "manhattan_recall": 81.54450261780106, + "max_accuracy": 88.73753250281368, + "max_ap": 85.54712254033734, + "max_f1": 78.07565728654365, + "main_score": 85.54712254033734 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-base/external/model_meta.json b/results/vectoriseai__gte-base/external/model_meta.json new file mode 100644 index 000000000..8c4f49be9 --- /dev/null +++ b/results/vectoriseai__gte-base/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "vectoriseai/gte-base", + "revision": "b9fd30d69531cc17a82353ac321f1edb40e7fbd6", + "release_date": "2023-10-09", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 54748928, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 768, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/AmazonCounterfactualClassification.json b/results/vectoriseai__gte-large/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..6dbccb75d --- /dev/null +++ b/results/vectoriseai__gte-large/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.62686567164178, + "ap": 34.46944126809772, + "f1": 66.23684353950857, + "main_score": 72.62686567164178 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/AmazonPolarityClassification.json b/results/vectoriseai__gte-large/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..f52f04509 --- /dev/null +++ b/results/vectoriseai__gte-large/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.51805, + "ap": 89.49842783330848, + "f1": 92.51112169431808, + "main_score": 92.51805 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/AmazonReviewsClassification.json b/results/vectoriseai__gte-large/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..944845a18 --- /dev/null +++ b/results/vectoriseai__gte-large/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 49.074, + "f1": 48.44785682572955, + "main_score": 49.074 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/ArguAna.json b/results/vectoriseai__gte-large/external/ArguAna.json new file mode 100644 index 000000000..d5bde51d2 --- /dev/null +++ b/results/vectoriseai__gte-large/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.077, + "map_at_10": 48.153, + "map_at_100": 48.963, + "map_at_1000": 48.966, + "map_at_3": 43.184, + "map_at_5": 46.072, + "mrr_at_1": 33.073, + "mrr_at_10": 48.54, + "mrr_at_100": 49.335, + "mrr_at_1000": 49.338, + "mrr_at_3": 43.563, + "mrr_at_5": 46.383, + "ndcg_at_1": 32.077, + "ndcg_at_10": 57.158, + "ndcg_at_100": 60.324999999999996, + "ndcg_at_1000": 60.402, + "ndcg_at_3": 46.934, + "ndcg_at_5": 52.158, + "precision_at_1": 32.077, + "precision_at_10": 8.591999999999999, + "precision_at_100": 0.991, + "precision_at_1000": 0.1, + "precision_at_3": 19.275000000000002, + "precision_at_5": 14.111, + "recall_at_1": 32.077, + "recall_at_10": 85.917, + "recall_at_100": 99.075, + "recall_at_1000": 99.644, + "recall_at_3": 57.824, + "recall_at_5": 70.555, + "main_score": 57.158 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/ArxivClusteringP2P.json b/results/vectoriseai__gte-large/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..1deb9b51c --- /dev/null +++ b/results/vectoriseai__gte-large/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 48.619246083417295, + "main_score": 48.619246083417295 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/ArxivClusteringS2S.json b/results/vectoriseai__gte-large/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..928fd5a63 --- /dev/null +++ b/results/vectoriseai__gte-large/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 43.3574067664688, + "main_score": 43.3574067664688 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/AskUbuntuDupQuestions.json b/results/vectoriseai__gte-large/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..720f85bf6 --- /dev/null +++ b/results/vectoriseai__gte-large/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 63.06359661829253, + "mrr": 76.15596007562766, + "main_score": 63.06359661829253 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/BIOSSES.json b/results/vectoriseai__gte-large/external/BIOSSES.json new file mode 100644 index 000000000..a38b2572f --- /dev/null +++ b/results/vectoriseai__gte-large/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 90.25407547368691, + "cos_sim_spearman": 88.65081514968477, + "euclidean_pearson": 88.14857116664494, + "euclidean_spearman": 88.50683596540692, + "manhattan_pearson": 87.9654797992225, + "manhattan_spearman": 88.21164851646908, + "cosine_pearson": 90.25407547368691, + "cosine_spearman": 88.65081514968477, + "main_score": 88.65081514968477 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/Banking77Classification.json b/results/vectoriseai__gte-large/external/Banking77Classification.json new file mode 100644 index 000000000..2d9d62dd9 --- /dev/null +++ b/results/vectoriseai__gte-large/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.05844155844157, + "f1": 86.01555597681825, + "main_score": 86.05844155844157 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/BiorxivClusteringP2P.json b/results/vectoriseai__gte-large/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..1703adacd --- /dev/null +++ b/results/vectoriseai__gte-large/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 39.10510519739522, + "main_score": 39.10510519739522 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/BiorxivClusteringS2S.json b/results/vectoriseai__gte-large/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..7e935e7e7 --- /dev/null +++ b/results/vectoriseai__gte-large/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.84689960264385, + "main_score": 36.84689960264385 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/CQADupstackAndroidRetrieval.json b/results/vectoriseai__gte-large/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..b4c7e8d03 --- /dev/null +++ b/results/vectoriseai__gte-large/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.800000000000004, + "map_at_10": 44.857, + "map_at_100": 46.512, + "map_at_1000": 46.635, + "map_at_3": 41.062, + "map_at_5": 43.126, + "mrr_at_1": 39.628, + "mrr_at_10": 50.879, + "mrr_at_100": 51.605000000000004, + "mrr_at_1000": 51.641000000000005, + "mrr_at_3": 48.14, + "mrr_at_5": 49.835, + "ndcg_at_1": 39.628, + "ndcg_at_10": 51.819, + "ndcg_at_100": 57.318999999999996, + "ndcg_at_1000": 58.955999999999996, + "ndcg_at_3": 46.409, + "ndcg_at_5": 48.825, + "precision_at_1": 39.628, + "precision_at_10": 10.072000000000001, + "precision_at_100": 1.625, + "precision_at_1000": 0.21, + "precision_at_3": 22.556, + "precision_at_5": 16.309, + "recall_at_1": 32.800000000000004, + "recall_at_10": 65.078, + "recall_at_100": 87.491, + "recall_at_1000": 97.514, + "recall_at_3": 49.561, + "recall_at_5": 56.135999999999996, + "main_score": 51.819 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.614, + "map_at_10": 43.578, + "map_at_100": 44.897, + "map_at_1000": 45.023, + "map_at_3": 40.282000000000004, + "map_at_5": 42.117, + "mrr_at_1": 40.510000000000005, + "mrr_at_10": 49.428, + "mrr_at_100": 50.068999999999996, + "mrr_at_1000": 50.111000000000004, + "mrr_at_3": 47.176, + "mrr_at_5": 48.583999999999996, + "ndcg_at_1": 40.510000000000005, + "ndcg_at_10": 49.478, + "ndcg_at_100": 53.852, + "ndcg_at_1000": 55.782, + "ndcg_at_3": 45.091, + "ndcg_at_5": 47.19, + "precision_at_1": 40.510000000000005, + "precision_at_10": 9.363000000000001, + "precision_at_100": 1.51, + "precision_at_1000": 0.196, + "precision_at_3": 21.741, + "precision_at_5": 15.465000000000002, + "recall_at_1": 32.614, + "recall_at_10": 59.782000000000004, + "recall_at_100": 78.012, + "recall_at_1000": 90.319, + "recall_at_3": 46.825, + "recall_at_5": 52.688, + "main_score": 49.478 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.266000000000005, + "map_at_10": 53.756, + "map_at_100": 54.809, + "map_at_1000": 54.855, + "map_at_3": 50.073, + "map_at_5": 52.293, + "mrr_at_1": 46.332, + "mrr_at_10": 57.116, + "mrr_at_100": 57.767, + "mrr_at_1000": 57.791000000000004, + "mrr_at_3": 54.461999999999996, + "mrr_at_5": 56.092, + "ndcg_at_1": 46.332, + "ndcg_at_10": 60.092, + "ndcg_at_100": 64.034, + "ndcg_at_1000": 64.937, + "ndcg_at_3": 54.071000000000005, + "ndcg_at_5": 57.254000000000005, + "precision_at_1": 46.332, + "precision_at_10": 9.799, + "precision_at_100": 1.278, + "precision_at_1000": 0.13899999999999998, + "precision_at_3": 24.368000000000002, + "precision_at_5": 16.89, + "recall_at_1": 40.266000000000005, + "recall_at_10": 75.41499999999999, + "recall_at_100": 92.01700000000001, + "recall_at_1000": 98.379, + "recall_at_3": 59.476, + "recall_at_5": 67.297, + "main_score": 60.092 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.589, + "map_at_10": 37.755, + "map_at_100": 38.881, + "map_at_1000": 38.954, + "map_at_3": 34.759, + "map_at_5": 36.544, + "mrr_at_1": 30.734, + "mrr_at_10": 39.742, + "mrr_at_100": 40.774, + "mrr_at_1000": 40.824, + "mrr_at_3": 37.137, + "mrr_at_5": 38.719, + "ndcg_at_1": 30.734, + "ndcg_at_10": 42.978, + "ndcg_at_100": 48.309000000000005, + "ndcg_at_1000": 50.068, + "ndcg_at_3": 37.361, + "ndcg_at_5": 40.268, + "precision_at_1": 30.734, + "precision_at_10": 6.565, + "precision_at_100": 0.964, + "precision_at_1000": 0.11499999999999999, + "precision_at_3": 15.744, + "precision_at_5": 11.096, + "recall_at_1": 28.589, + "recall_at_10": 57.126999999999995, + "recall_at_100": 81.051, + "recall_at_1000": 94.027, + "recall_at_3": 42.045, + "recall_at_5": 49.019, + "main_score": 42.978 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.5, + "map_at_10": 27.950999999999997, + "map_at_100": 29.186, + "map_at_1000": 29.298000000000002, + "map_at_3": 25.141000000000002, + "map_at_5": 26.848, + "mrr_at_1": 22.637, + "mrr_at_10": 32.572, + "mrr_at_100": 33.472, + "mrr_at_1000": 33.533, + "mrr_at_3": 29.747, + "mrr_at_5": 31.482, + "ndcg_at_1": 22.637, + "ndcg_at_10": 33.73, + "ndcg_at_100": 39.568, + "ndcg_at_1000": 42.201, + "ndcg_at_3": 28.505999999999997, + "ndcg_at_5": 31.255, + "precision_at_1": 22.637, + "precision_at_10": 6.281000000000001, + "precision_at_100": 1.073, + "precision_at_1000": 0.14300000000000002, + "precision_at_3": 13.847000000000001, + "precision_at_5": 10.224, + "recall_at_1": 18.5, + "recall_at_10": 46.744, + "recall_at_100": 72.072, + "recall_at_1000": 91.03999999999999, + "recall_at_3": 32.551, + "recall_at_5": 39.533, + "main_score": 33.73 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.602, + "map_at_10": 42.18, + "map_at_100": 43.6, + "map_at_1000": 43.704, + "map_at_3": 38.413000000000004, + "map_at_5": 40.626, + "mrr_at_1": 37.344, + "mrr_at_10": 47.638000000000005, + "mrr_at_100": 48.485, + "mrr_at_1000": 48.52, + "mrr_at_3": 44.867000000000004, + "mrr_at_5": 46.566, + "ndcg_at_1": 37.344, + "ndcg_at_10": 48.632, + "ndcg_at_100": 54.215, + "ndcg_at_1000": 55.981, + "ndcg_at_3": 42.681999999999995, + "ndcg_at_5": 45.732, + "precision_at_1": 37.344, + "precision_at_10": 8.932, + "precision_at_100": 1.376, + "precision_at_1000": 0.17099999999999999, + "precision_at_3": 20.276, + "precision_at_5": 14.726, + "recall_at_1": 30.602, + "recall_at_10": 62.273, + "recall_at_100": 85.12100000000001, + "recall_at_1000": 96.439, + "recall_at_3": 45.848, + "recall_at_5": 53.615, + "main_score": 48.632 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.952, + "map_at_10": 35.177, + "map_at_100": 36.59, + "map_at_1000": 36.703, + "map_at_3": 31.261, + "map_at_5": 33.222, + "mrr_at_1": 29.337999999999997, + "mrr_at_10": 40.152, + "mrr_at_100": 40.963, + "mrr_at_1000": 41.016999999999996, + "mrr_at_3": 36.91, + "mrr_at_5": 38.685, + "ndcg_at_1": 29.337999999999997, + "ndcg_at_10": 41.994, + "ndcg_at_100": 47.587, + "ndcg_at_1000": 49.791000000000004, + "ndcg_at_3": 35.27, + "ndcg_at_5": 38.042, + "precision_at_1": 29.337999999999997, + "precision_at_10": 8.276, + "precision_at_100": 1.276, + "precision_at_1000": 0.164, + "precision_at_3": 17.161, + "precision_at_5": 12.671, + "recall_at_1": 23.952, + "recall_at_10": 57.267, + "recall_at_100": 80.886, + "recall_at_1000": 95.611, + "recall_at_3": 38.622, + "recall_at_5": 45.811, + "main_score": 41.994 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.092083333333335, + "map_at_10": 37.2925, + "map_at_100": 38.57041666666666, + "map_at_1000": 38.68141666666667, + "map_at_3": 34.080000000000005, + "map_at_5": 35.89958333333333, + "mrr_at_1": 31.94758333333333, + "mrr_at_10": 41.51049999999999, + "mrr_at_100": 42.36099999999999, + "mrr_at_1000": 42.4125, + "mrr_at_3": 38.849583333333335, + "mrr_at_5": 40.448249999999994, + "ndcg_at_1": 31.94758333333333, + "ndcg_at_10": 43.17633333333333, + "ndcg_at_100": 48.45241666666668, + "ndcg_at_1000": 50.513999999999996, + "ndcg_at_3": 37.75216666666667, + "ndcg_at_5": 40.393833333333326, + "precision_at_1": 31.94758333333333, + "precision_at_10": 7.688916666666666, + "precision_at_100": 1.2250833333333333, + "precision_at_1000": 0.1595, + "precision_at_3": 17.465999999999998, + "precision_at_5": 12.548083333333333, + "recall_at_1": 27.092083333333335, + "recall_at_10": 56.286583333333326, + "recall_at_100": 79.09033333333333, + "recall_at_1000": 93.27483333333335, + "recall_at_3": 41.35325, + "recall_at_5": 48.072750000000006, + "main_score": 43.17633333333333 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.825, + "map_at_10": 33.723, + "map_at_100": 34.74, + "map_at_1000": 34.824, + "map_at_3": 31.369000000000003, + "map_at_5": 32.533, + "mrr_at_1": 29.293999999999997, + "mrr_at_10": 36.84, + "mrr_at_100": 37.681, + "mrr_at_1000": 37.742, + "mrr_at_3": 34.79, + "mrr_at_5": 35.872, + "ndcg_at_1": 29.293999999999997, + "ndcg_at_10": 38.385999999999996, + "ndcg_at_100": 43.327, + "ndcg_at_1000": 45.53, + "ndcg_at_3": 33.985, + "ndcg_at_5": 35.817, + "precision_at_1": 29.293999999999997, + "precision_at_10": 6.12, + "precision_at_100": 0.9329999999999999, + "precision_at_1000": 0.11900000000000001, + "precision_at_3": 14.621999999999998, + "precision_at_5": 10.030999999999999, + "recall_at_1": 25.825, + "recall_at_10": 49.647000000000006, + "recall_at_100": 72.32300000000001, + "recall_at_1000": 88.62400000000001, + "recall_at_3": 37.366, + "recall_at_5": 41.957, + "main_score": 38.385999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.139, + "map_at_10": 26.107000000000003, + "map_at_100": 27.406999999999996, + "map_at_1000": 27.535999999999998, + "map_at_3": 23.445, + "map_at_5": 24.916, + "mrr_at_1": 21.817, + "mrr_at_10": 29.99, + "mrr_at_100": 31.052000000000003, + "mrr_at_1000": 31.128, + "mrr_at_3": 27.627000000000002, + "mrr_at_5": 29.005, + "ndcg_at_1": 21.817, + "ndcg_at_10": 31.135, + "ndcg_at_100": 37.108000000000004, + "ndcg_at_1000": 39.965, + "ndcg_at_3": 26.439, + "ndcg_at_5": 28.655, + "precision_at_1": 21.817, + "precision_at_10": 5.757000000000001, + "precision_at_100": 1.036, + "precision_at_1000": 0.147, + "precision_at_3": 12.537, + "precision_at_5": 9.229, + "recall_at_1": 18.139, + "recall_at_10": 42.272999999999996, + "recall_at_100": 68.657, + "recall_at_1000": 88.93799999999999, + "recall_at_3": 29.266, + "recall_at_5": 34.892, + "main_score": 31.135 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.755000000000003, + "map_at_10": 37.384, + "map_at_100": 38.56, + "map_at_1000": 38.655, + "map_at_3": 34.214, + "map_at_5": 35.96, + "mrr_at_1": 32.369, + "mrr_at_10": 41.625, + "mrr_at_100": 42.449, + "mrr_at_1000": 42.502, + "mrr_at_3": 38.899, + "mrr_at_5": 40.489999999999995, + "ndcg_at_1": 32.369, + "ndcg_at_10": 43.287, + "ndcg_at_100": 48.504999999999995, + "ndcg_at_1000": 50.552, + "ndcg_at_3": 37.549, + "ndcg_at_5": 40.204, + "precision_at_1": 32.369, + "precision_at_10": 7.425, + "precision_at_100": 1.134, + "precision_at_1000": 0.14200000000000002, + "precision_at_3": 17.102, + "precision_at_5": 12.107999999999999, + "recall_at_1": 27.755000000000003, + "recall_at_10": 57.071000000000005, + "recall_at_100": 79.456, + "recall_at_1000": 93.54299999999999, + "recall_at_3": 41.298, + "recall_at_5": 48.037, + "main_score": 43.287 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.855, + "map_at_10": 34.53, + "map_at_100": 36.167, + "map_at_1000": 36.394999999999996, + "map_at_3": 31.037, + "map_at_5": 33.119, + "mrr_at_1": 30.631999999999998, + "mrr_at_10": 39.763999999999996, + "mrr_at_100": 40.77, + "mrr_at_1000": 40.826, + "mrr_at_3": 36.495, + "mrr_at_5": 38.561, + "ndcg_at_1": 30.631999999999998, + "ndcg_at_10": 40.942, + "ndcg_at_100": 47.07, + "ndcg_at_1000": 49.363, + "ndcg_at_3": 35.038000000000004, + "ndcg_at_5": 38.161, + "precision_at_1": 30.631999999999998, + "precision_at_10": 7.983999999999999, + "precision_at_100": 1.6070000000000002, + "precision_at_1000": 0.246, + "precision_at_3": 16.206, + "precision_at_5": 12.253, + "recall_at_1": 24.855, + "recall_at_10": 53.291999999999994, + "recall_at_100": 80.283, + "recall_at_1000": 94.309, + "recall_at_3": 37.257, + "recall_at_5": 45.282, + "main_score": 40.942 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.208, + "map_at_10": 30.512, + "map_at_100": 31.496000000000002, + "map_at_1000": 31.595000000000002, + "map_at_3": 27.904, + "map_at_5": 29.491, + "mrr_at_1": 22.736, + "mrr_at_10": 32.379999999999995, + "mrr_at_100": 33.245000000000005, + "mrr_at_1000": 33.315, + "mrr_at_3": 29.945, + "mrr_at_5": 31.488, + "ndcg_at_1": 22.736, + "ndcg_at_10": 35.643, + "ndcg_at_100": 40.535, + "ndcg_at_1000": 43.042, + "ndcg_at_3": 30.625000000000004, + "ndcg_at_5": 33.323, + "precision_at_1": 22.736, + "precision_at_10": 5.6930000000000005, + "precision_at_100": 0.889, + "precision_at_1000": 0.122, + "precision_at_3": 13.431999999999999, + "precision_at_5": 9.575, + "recall_at_1": 21.208, + "recall_at_10": 49.47, + "recall_at_100": 71.71499999999999, + "recall_at_1000": 90.55499999999999, + "recall_at_3": 36.124, + "recall_at_5": 42.606, + "main_score": 35.643 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/ClimateFEVER.json b/results/vectoriseai__gte-large/external/ClimateFEVER.json new file mode 100644 index 000000000..72c16758d --- /dev/null +++ b/results/vectoriseai__gte-large/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 11.363, + "map_at_10": 20.312, + "map_at_100": 22.225, + "map_at_1000": 22.411, + "map_at_3": 16.68, + "map_at_5": 18.608, + "mrr_at_1": 25.537, + "mrr_at_10": 37.933, + "mrr_at_100": 38.875, + "mrr_at_1000": 38.911, + "mrr_at_3": 34.387, + "mrr_at_5": 36.51, + "ndcg_at_1": 25.537, + "ndcg_at_10": 28.82, + "ndcg_at_100": 36.341, + "ndcg_at_1000": 39.615, + "ndcg_at_3": 23.01, + "ndcg_at_5": 25.269000000000002, + "precision_at_1": 25.537, + "precision_at_10": 9.153, + "precision_at_100": 1.7319999999999998, + "precision_at_1000": 0.234, + "precision_at_3": 17.22, + "precision_at_5": 13.629, + "recall_at_1": 11.363, + "recall_at_10": 35.382999999999996, + "recall_at_100": 61.367000000000004, + "recall_at_1000": 79.699, + "recall_at_3": 21.495, + "recall_at_5": 27.42, + "main_score": 28.82 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/DBPedia.json b/results/vectoriseai__gte-large/external/DBPedia.json new file mode 100644 index 000000000..14fd86a66 --- /dev/null +++ b/results/vectoriseai__gte-large/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.65, + "map_at_10": 20.742, + "map_at_100": 29.614, + "map_at_1000": 31.373, + "map_at_3": 14.667, + "map_at_5": 17.186, + "mrr_at_1": 69.75, + "mrr_at_10": 76.762, + "mrr_at_100": 77.171, + "mrr_at_1000": 77.179, + "mrr_at_3": 75.125, + "mrr_at_5": 76.287, + "ndcg_at_1": 57.62500000000001, + "ndcg_at_10": 42.370999999999995, + "ndcg_at_100": 47.897, + "ndcg_at_1000": 55.393, + "ndcg_at_3": 46.317, + "ndcg_at_5": 43.906, + "precision_at_1": 69.75, + "precision_at_10": 33.95, + "precision_at_100": 10.885, + "precision_at_1000": 2.2239999999999998, + "precision_at_3": 49.75, + "precision_at_5": 42.3, + "recall_at_1": 9.65, + "recall_at_10": 26.117, + "recall_at_100": 55.084, + "recall_at_1000": 78.62400000000001, + "recall_at_3": 15.823, + "recall_at_5": 19.652, + "main_score": 42.370999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/EmotionClassification.json b/results/vectoriseai__gte-large/external/EmotionClassification.json new file mode 100644 index 000000000..aef1f1008 --- /dev/null +++ b/results/vectoriseai__gte-large/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 47.885, + "f1": 42.99567641346983, + "main_score": 47.885 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/FEVER.json b/results/vectoriseai__gte-large/external/FEVER.json new file mode 100644 index 000000000..9c291d833 --- /dev/null +++ b/results/vectoriseai__gte-large/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 70.97, + "map_at_10": 80.34599999999999, + "map_at_100": 80.571, + "map_at_1000": 80.584, + "map_at_3": 79.279, + "map_at_5": 79.94, + "mrr_at_1": 76.613, + "mrr_at_10": 85.15700000000001, + "mrr_at_100": 85.249, + "mrr_at_1000": 85.252, + "mrr_at_3": 84.33800000000001, + "mrr_at_5": 84.89, + "ndcg_at_1": 76.613, + "ndcg_at_10": 84.53399999999999, + "ndcg_at_100": 85.359, + "ndcg_at_1000": 85.607, + "ndcg_at_3": 82.76599999999999, + "ndcg_at_5": 83.736, + "precision_at_1": 76.613, + "precision_at_10": 10.206, + "precision_at_100": 1.083, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 31.913000000000004, + "precision_at_5": 19.769000000000002, + "recall_at_1": 70.97, + "recall_at_10": 92.674, + "recall_at_100": 95.985, + "recall_at_1000": 97.57000000000001, + "recall_at_3": 87.742, + "recall_at_5": 90.28, + "main_score": 84.53399999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/FiQA2018.json b/results/vectoriseai__gte-large/external/FiQA2018.json new file mode 100644 index 000000000..b6414bbcf --- /dev/null +++ b/results/vectoriseai__gte-large/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.494, + "map_at_10": 36.491, + "map_at_100": 38.550000000000004, + "map_at_1000": 38.726, + "map_at_3": 31.807000000000002, + "map_at_5": 34.299, + "mrr_at_1": 44.907000000000004, + "mrr_at_10": 53.146, + "mrr_at_100": 54.013999999999996, + "mrr_at_1000": 54.044000000000004, + "mrr_at_3": 50.952, + "mrr_at_5": 52.124, + "ndcg_at_1": 44.907000000000004, + "ndcg_at_10": 44.499, + "ndcg_at_100": 51.629000000000005, + "ndcg_at_1000": 54.367, + "ndcg_at_3": 40.900999999999996, + "ndcg_at_5": 41.737, + "precision_at_1": 44.907000000000004, + "precision_at_10": 12.346, + "precision_at_100": 1.974, + "precision_at_1000": 0.246, + "precision_at_3": 27.366, + "precision_at_5": 19.846, + "recall_at_1": 22.494, + "recall_at_10": 51.156, + "recall_at_100": 77.11200000000001, + "recall_at_1000": 93.44, + "recall_at_3": 36.574, + "recall_at_5": 42.361, + "main_score": 44.499 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/HotpotQA.json b/results/vectoriseai__gte-large/external/HotpotQA.json new file mode 100644 index 000000000..d234b1a6b --- /dev/null +++ b/results/vectoriseai__gte-large/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.568999999999996, + "map_at_10": 58.485, + "map_at_100": 59.358999999999995, + "map_at_1000": 59.429, + "map_at_3": 55.217000000000006, + "map_at_5": 57.236, + "mrr_at_1": 77.137, + "mrr_at_10": 82.829, + "mrr_at_100": 83.04599999999999, + "mrr_at_1000": 83.05399999999999, + "mrr_at_3": 81.904, + "mrr_at_5": 82.50800000000001, + "ndcg_at_1": 77.137, + "ndcg_at_10": 67.156, + "ndcg_at_100": 70.298, + "ndcg_at_1000": 71.65700000000001, + "ndcg_at_3": 62.535, + "ndcg_at_5": 65.095, + "precision_at_1": 77.137, + "precision_at_10": 13.911999999999999, + "precision_at_100": 1.6389999999999998, + "precision_at_1000": 0.182, + "precision_at_3": 39.572, + "precision_at_5": 25.766, + "recall_at_1": 38.568999999999996, + "recall_at_10": 69.56099999999999, + "recall_at_100": 81.931, + "recall_at_1000": 90.91799999999999, + "recall_at_3": 59.358999999999995, + "recall_at_5": 64.416, + "main_score": 67.156 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/ImdbClassification.json b/results/vectoriseai__gte-large/external/ImdbClassification.json new file mode 100644 index 000000000..d810a3c53 --- /dev/null +++ b/results/vectoriseai__gte-large/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 88.45600000000002, + "ap": 84.09725115338568, + "f1": 88.41874909080512, + "main_score": 88.45600000000002 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/MSMARCO.json b/results/vectoriseai__gte-large/external/MSMARCO.json new file mode 100644 index 000000000..2612d8e62 --- /dev/null +++ b/results/vectoriseai__gte-large/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.404999999999998, + "map_at_10": 33.921, + "map_at_100": 35.116, + "map_at_1000": 35.164, + "map_at_3": 30.043999999999997, + "map_at_5": 32.327, + "mrr_at_1": 21.977, + "mrr_at_10": 34.505, + "mrr_at_100": 35.638999999999996, + "mrr_at_1000": 35.68, + "mrr_at_3": 30.703999999999997, + "mrr_at_5": 32.96, + "ndcg_at_1": 21.963, + "ndcg_at_10": 40.859, + "ndcg_at_100": 46.614, + "ndcg_at_1000": 47.789, + "ndcg_at_3": 33.007999999999996, + "ndcg_at_5": 37.084, + "precision_at_1": 21.963, + "precision_at_10": 6.493, + "precision_at_100": 0.938, + "precision_at_1000": 0.104, + "precision_at_3": 14.155000000000001, + "precision_at_5": 10.544, + "recall_at_1": 21.404999999999998, + "recall_at_10": 62.175000000000004, + "recall_at_100": 88.786, + "recall_at_1000": 97.738, + "recall_at_3": 40.925, + "recall_at_5": 50.722, + "main_score": 40.859 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/MTOPDomainClassification.json b/results/vectoriseai__gte-large/external/MTOPDomainClassification.json new file mode 100644 index 000000000..7fdc2cb41 --- /dev/null +++ b/results/vectoriseai__gte-large/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.50661194710442, + "f1": 93.30311193153668, + "main_score": 93.50661194710442 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/MTOPIntentClassification.json b/results/vectoriseai__gte-large/external/MTOPIntentClassification.json new file mode 100644 index 000000000..0dc67e54e --- /dev/null +++ b/results/vectoriseai__gte-large/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.24669402644778, + "f1": 54.23122108002977, + "main_score": 73.24669402644778 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/MassiveIntentClassification.json b/results/vectoriseai__gte-large/external/MassiveIntentClassification.json new file mode 100644 index 000000000..b3c804fcd --- /dev/null +++ b/results/vectoriseai__gte-large/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.61936785474109, + "f1": 70.52644941025565, + "main_score": 72.61936785474109 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/MassiveScenarioClassification.json b/results/vectoriseai__gte-large/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..c0917a281 --- /dev/null +++ b/results/vectoriseai__gte-large/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.76529926025555, + "f1": 77.26872729322514, + "main_score": 76.76529926025555 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/MedrxivClusteringP2P.json b/results/vectoriseai__gte-large/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..238892b9e --- /dev/null +++ b/results/vectoriseai__gte-large/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.39450293021839, + "main_score": 33.39450293021839 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/MedrxivClusteringS2S.json b/results/vectoriseai__gte-large/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..4a8ae103b --- /dev/null +++ b/results/vectoriseai__gte-large/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.757796879839294, + "main_score": 31.757796879839294 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/MindSmallReranking.json b/results/vectoriseai__gte-large/external/MindSmallReranking.json new file mode 100644 index 000000000..e9cdc4138 --- /dev/null +++ b/results/vectoriseai__gte-large/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 32.62512146657428, + "mrr": 33.84624322066173, + "main_score": 32.62512146657428 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/NFCorpus.json b/results/vectoriseai__gte-large/external/NFCorpus.json new file mode 100644 index 000000000..570d8033e --- /dev/null +++ b/results/vectoriseai__gte-large/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 6.462, + "map_at_10": 14.947, + "map_at_100": 19.344, + "map_at_1000": 20.933, + "map_at_3": 10.761999999999999, + "map_at_5": 12.744, + "mrr_at_1": 47.988, + "mrr_at_10": 57.365, + "mrr_at_100": 57.931, + "mrr_at_1000": 57.96, + "mrr_at_3": 54.85, + "mrr_at_5": 56.569, + "ndcg_at_1": 46.129999999999995, + "ndcg_at_10": 38.173, + "ndcg_at_100": 35.983, + "ndcg_at_1000": 44.507000000000005, + "ndcg_at_3": 42.495, + "ndcg_at_5": 41.019, + "precision_at_1": 47.678, + "precision_at_10": 28.731, + "precision_at_100": 9.232, + "precision_at_1000": 2.202, + "precision_at_3": 39.628, + "precision_at_5": 35.851, + "recall_at_1": 6.462, + "recall_at_10": 18.968, + "recall_at_100": 37.131, + "recall_at_1000": 67.956, + "recall_at_3": 11.905000000000001, + "recall_at_5": 15.097, + "main_score": 38.173 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/NQ.json b/results/vectoriseai__gte-large/external/NQ.json new file mode 100644 index 000000000..97dba0e8d --- /dev/null +++ b/results/vectoriseai__gte-large/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.335, + "map_at_10": 46.611999999999995, + "map_at_100": 47.632000000000005, + "map_at_1000": 47.661, + "map_at_3": 41.876999999999995, + "map_at_5": 44.799, + "mrr_at_1": 34.125, + "mrr_at_10": 49.01, + "mrr_at_100": 49.75, + "mrr_at_1000": 49.768, + "mrr_at_3": 45.153, + "mrr_at_5": 47.589999999999996, + "ndcg_at_1": 34.125, + "ndcg_at_10": 54.777, + "ndcg_at_100": 58.914, + "ndcg_at_1000": 59.521, + "ndcg_at_3": 46.015, + "ndcg_at_5": 50.861000000000004, + "precision_at_1": 34.125, + "precision_at_10": 9.166, + "precision_at_100": 1.149, + "precision_at_1000": 0.121, + "precision_at_3": 21.147, + "precision_at_5": 15.469, + "recall_at_1": 30.335, + "recall_at_10": 77.194, + "recall_at_100": 94.812, + "recall_at_1000": 99.247, + "recall_at_3": 54.681000000000004, + "recall_at_5": 65.86800000000001, + "main_score": 54.777 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/QuoraRetrieval.json b/results/vectoriseai__gte-large/external/QuoraRetrieval.json new file mode 100644 index 000000000..a188c9f04 --- /dev/null +++ b/results/vectoriseai__gte-large/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 70.62, + "map_at_10": 84.536, + "map_at_100": 85.167, + "map_at_1000": 85.184, + "map_at_3": 81.607, + "map_at_5": 83.423, + "mrr_at_1": 81.36, + "mrr_at_10": 87.506, + "mrr_at_100": 87.601, + "mrr_at_1000": 87.601, + "mrr_at_3": 86.503, + "mrr_at_5": 87.179, + "ndcg_at_1": 81.36, + "ndcg_at_10": 88.319, + "ndcg_at_100": 89.517, + "ndcg_at_1000": 89.60900000000001, + "ndcg_at_3": 85.423, + "ndcg_at_5": 86.976, + "precision_at_1": 81.36, + "precision_at_10": 13.415, + "precision_at_100": 1.529, + "precision_at_1000": 0.157, + "precision_at_3": 37.342999999999996, + "precision_at_5": 24.534, + "recall_at_1": 70.62, + "recall_at_10": 95.57600000000001, + "recall_at_100": 99.624, + "recall_at_1000": 99.991, + "recall_at_3": 87.22, + "recall_at_5": 91.654, + "main_score": 88.319 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/RedditClustering.json b/results/vectoriseai__gte-large/external/RedditClustering.json new file mode 100644 index 000000000..e65642974 --- /dev/null +++ b/results/vectoriseai__gte-large/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 60.826438478212744, + "main_score": 60.826438478212744 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/RedditClusteringP2P.json b/results/vectoriseai__gte-large/external/RedditClusteringP2P.json new file mode 100644 index 000000000..92ff4d525 --- /dev/null +++ b/results/vectoriseai__gte-large/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 64.24027467551447, + "main_score": 64.24027467551447 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/SCIDOCS.json b/results/vectoriseai__gte-large/external/SCIDOCS.json new file mode 100644 index 000000000..9818a4adb --- /dev/null +++ b/results/vectoriseai__gte-large/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.997999999999999, + "map_at_10": 14.267, + "map_at_100": 16.843, + "map_at_1000": 17.229, + "map_at_3": 9.834, + "map_at_5": 11.92, + "mrr_at_1": 24.7, + "mrr_at_10": 37.685, + "mrr_at_100": 38.704, + "mrr_at_1000": 38.747, + "mrr_at_3": 34.150000000000006, + "mrr_at_5": 36.075, + "ndcg_at_1": 24.7, + "ndcg_at_10": 23.44, + "ndcg_at_100": 32.617000000000004, + "ndcg_at_1000": 38.628, + "ndcg_at_3": 21.747, + "ndcg_at_5": 19.076, + "precision_at_1": 24.7, + "precision_at_10": 12.47, + "precision_at_100": 2.564, + "precision_at_1000": 0.4, + "precision_at_3": 20.767, + "precision_at_5": 17.06, + "recall_at_1": 4.997999999999999, + "recall_at_10": 25.3, + "recall_at_100": 52.048, + "recall_at_1000": 81.093, + "recall_at_3": 12.642999999999999, + "recall_at_5": 17.312, + "main_score": 23.44 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/SICK-R.json b/results/vectoriseai__gte-large/external/SICK-R.json new file mode 100644 index 000000000..4d77d92cb --- /dev/null +++ b/results/vectoriseai__gte-large/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.44942006292234, + "cos_sim_spearman": 79.80930790660699, + "euclidean_pearson": 82.93400777494863, + "euclidean_spearman": 80.04664991110705, + "manhattan_pearson": 82.93551681854949, + "manhattan_spearman": 80.03156736837379, + "cosine_pearson": 85.44942006292234, + "cosine_spearman": 79.80930790660699, + "main_score": 79.80930790660699 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/STS12.json b/results/vectoriseai__gte-large/external/STS12.json new file mode 100644 index 000000000..77060379d --- /dev/null +++ b/results/vectoriseai__gte-large/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.63574059135726, + "cos_sim_spearman": 76.80552915288186, + "euclidean_pearson": 82.46368529820518, + "euclidean_spearman": 76.60338474719275, + "manhattan_pearson": 82.4558617035968, + "manhattan_spearman": 76.57936082895705, + "cosine_pearson": 85.63574059135726, + "cosine_spearman": 76.80552915288186, + "main_score": 76.80552915288186 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/STS13.json b/results/vectoriseai__gte-large/external/STS13.json new file mode 100644 index 000000000..0d0760901 --- /dev/null +++ b/results/vectoriseai__gte-large/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.24116811084211, + "cos_sim_spearman": 88.10998662068769, + "euclidean_pearson": 87.04961732352689, + "euclidean_spearman": 88.12543945864087, + "manhattan_pearson": 86.9905224528854, + "manhattan_spearman": 88.07827944705546, + "cosine_pearson": 86.24116811084211, + "cosine_spearman": 88.10998662068769, + "main_score": 88.10998662068769 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/STS14.json b/results/vectoriseai__gte-large/external/STS14.json new file mode 100644 index 000000000..d4a43bbe7 --- /dev/null +++ b/results/vectoriseai__gte-large/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.74847296555048, + "cos_sim_spearman": 82.66200957916445, + "euclidean_pearson": 84.48132256004965, + "euclidean_spearman": 82.67915286000596, + "manhattan_pearson": 84.44950477268334, + "manhattan_spearman": 82.63327639173352, + "cosine_pearson": 84.74847296555048, + "cosine_spearman": 82.66200957916445, + "main_score": 82.66200957916445 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/STS15.json b/results/vectoriseai__gte-large/external/STS15.json new file mode 100644 index 000000000..278870f0b --- /dev/null +++ b/results/vectoriseai__gte-large/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.23056258027053, + "cos_sim_spearman": 88.92791680286955, + "euclidean_pearson": 88.13819235461933, + "euclidean_spearman": 88.87294661361716, + "manhattan_pearson": 88.14212133687899, + "manhattan_spearman": 88.88551854529777, + "cosine_pearson": 87.23056258027053, + "cosine_spearman": 88.92791680286955, + "main_score": 88.92791680286955 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/STS16.json b/results/vectoriseai__gte-large/external/STS16.json new file mode 100644 index 000000000..859eb4bb1 --- /dev/null +++ b/results/vectoriseai__gte-large/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.64179522732887, + "cos_sim_spearman": 84.25028809903114, + "euclidean_pearson": 83.40175015236979, + "euclidean_spearman": 84.23369296429406, + "manhattan_pearson": 83.43768174261321, + "manhattan_spearman": 84.27855229214734, + "cosine_pearson": 82.64179522732887, + "cosine_spearman": 84.25028809903114, + "main_score": 84.25028809903114 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/STS17.json b/results/vectoriseai__gte-large/external/STS17.json new file mode 100644 index 000000000..098041739 --- /dev/null +++ b/results/vectoriseai__gte-large/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.20378955494732, + "cos_sim_spearman": 88.46863559173111, + "euclidean_pearson": 88.8249295811663, + "euclidean_spearman": 88.6312737724905, + "manhattan_pearson": 88.87744466378827, + "manhattan_spearman": 88.82908423767314, + "cosine_pearson": 88.20378955494732, + "cosine_spearman": 88.46863559173111, + "main_score": 88.46863559173111 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/STS22.json b/results/vectoriseai__gte-large/external/STS22.json new file mode 100644 index 000000000..3492017c0 --- /dev/null +++ b/results/vectoriseai__gte-large/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 69.91342028796086, + "cos_sim_spearman": 69.71495021867864, + "euclidean_pearson": 70.65334330405646, + "euclidean_spearman": 69.4321253472211, + "manhattan_pearson": 70.59743494727465, + "manhattan_spearman": 69.11695509297482, + "cosine_pearson": 69.91342028796086, + "cosine_spearman": 69.71495021867864, + "main_score": 69.71495021867864 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/STSBenchmark.json b/results/vectoriseai__gte-large/external/STSBenchmark.json new file mode 100644 index 000000000..e4a87206d --- /dev/null +++ b/results/vectoriseai__gte-large/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.42451709766952, + "cos_sim_spearman": 86.07166710670508, + "euclidean_pearson": 86.12711421258899, + "euclidean_spearman": 86.05232086925126, + "manhattan_pearson": 86.15591089932126, + "manhattan_spearman": 86.0890128623439, + "cosine_pearson": 85.42451709766952, + "cosine_spearman": 86.07166710670508, + "main_score": 86.07166710670508 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/SciDocsRR.json b/results/vectoriseai__gte-large/external/SciDocsRR.json new file mode 100644 index 000000000..20a3d3008 --- /dev/null +++ b/results/vectoriseai__gte-large/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 87.1976344717285, + "mrr": 96.3703145075694, + "main_score": 87.1976344717285 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/SciFact.json b/results/vectoriseai__gte-large/external/SciFact.json new file mode 100644 index 000000000..b50ba0987 --- /dev/null +++ b/results/vectoriseai__gte-large/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 59.511, + "map_at_10": 69.724, + "map_at_100": 70.208, + "map_at_1000": 70.22800000000001, + "map_at_3": 66.986, + "map_at_5": 68.529, + "mrr_at_1": 62.333000000000006, + "mrr_at_10": 70.55, + "mrr_at_100": 70.985, + "mrr_at_1000": 71.004, + "mrr_at_3": 68.611, + "mrr_at_5": 69.728, + "ndcg_at_1": 62.333000000000006, + "ndcg_at_10": 74.265, + "ndcg_at_100": 76.361, + "ndcg_at_1000": 76.82900000000001, + "ndcg_at_3": 69.772, + "ndcg_at_5": 71.94800000000001, + "precision_at_1": 62.333000000000006, + "precision_at_10": 9.9, + "precision_at_100": 1.093, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 27.444000000000003, + "precision_at_5": 18, + "recall_at_1": 59.511, + "recall_at_10": 87.156, + "recall_at_100": 96.5, + "recall_at_1000": 100, + "recall_at_3": 75.2, + "recall_at_5": 80.661, + "main_score": 74.265 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/SprintDuplicateQuestions.json b/results/vectoriseai__gte-large/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..3b2041f0e --- /dev/null +++ b/results/vectoriseai__gte-large/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.81683168316832, + "cos_sim_ap": 95.74716566563774, + "cos_sim_f1": 90.64238745574103, + "cos_sim_precision": 91.7093142272262, + "cos_sim_recall": 89.60000000000001, + "dot_accuracy": 99.69405940594059, + "dot_ap": 91.09013507754594, + "dot_f1": 84.54227113556779, + "dot_precision": 84.58458458458459, + "dot_recall": 84.5, + "euclidean_accuracy": 99.81782178217821, + "euclidean_ap": 95.6324301072609, + "euclidean_f1": 90.58341862845445, + "euclidean_precision": 92.76729559748428, + "euclidean_recall": 88.5, + "manhattan_accuracy": 99.81980198019802, + "manhattan_ap": 95.68510494437183, + "manhattan_f1": 90.58945191313342, + "manhattan_precision": 93.79014989293361, + "manhattan_recall": 87.6, + "max_accuracy": 99.81980198019802, + "max_ap": 95.74716566563774, + "max_f1": 90.64238745574103, + "main_score": 95.74716566563774 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/StackExchangeClustering.json b/results/vectoriseai__gte-large/external/StackExchangeClustering.json new file mode 100644 index 000000000..91bf4e375 --- /dev/null +++ b/results/vectoriseai__gte-large/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 67.63761899427078, + "main_score": 67.63761899427078 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/StackExchangeClusteringP2P.json b/results/vectoriseai__gte-large/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..a235695a0 --- /dev/null +++ b/results/vectoriseai__gte-large/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.572473369697235, + "main_score": 36.572473369697235 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/StackOverflowDupQuestions.json b/results/vectoriseai__gte-large/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..5964b6e7b --- /dev/null +++ b/results/vectoriseai__gte-large/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 53.63000245208579, + "mrr": 54.504193722943725, + "main_score": 53.63000245208579 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/SummEval.json b/results/vectoriseai__gte-large/external/SummEval.json new file mode 100644 index 000000000..225c00e23 --- /dev/null +++ b/results/vectoriseai__gte-large/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.300791939416545, + "cos_sim_spearman": 31.662904057924123, + "dot_pearson": 26.21198530758316, + "dot_spearman": 27.006921548904263, + "cosine_pearson": 30.300791939416545, + "cosine_spearman": 31.662904057924123, + "main_score": 31.662904057924123 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/TRECCOVID.json b/results/vectoriseai__gte-large/external/TRECCOVID.json new file mode 100644 index 000000000..719fd1647 --- /dev/null +++ b/results/vectoriseai__gte-large/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.197, + "map_at_10": 1.752, + "map_at_100": 10.795, + "map_at_1000": 27.18, + "map_at_3": 0.5890000000000001, + "map_at_5": 0.938, + "mrr_at_1": 74, + "mrr_at_10": 85.833, + "mrr_at_100": 85.833, + "mrr_at_1000": 85.833, + "mrr_at_3": 85.333, + "mrr_at_5": 85.833, + "ndcg_at_1": 69, + "ndcg_at_10": 70.22, + "ndcg_at_100": 55.785, + "ndcg_at_1000": 52.93600000000001, + "ndcg_at_3": 72.084, + "ndcg_at_5": 71.184, + "precision_at_1": 74, + "precision_at_10": 75.2, + "precision_at_100": 57.3, + "precision_at_1000": 23.302, + "precision_at_3": 77.333, + "precision_at_5": 75.6, + "recall_at_1": 0.197, + "recall_at_10": 2.019, + "recall_at_100": 14.257, + "recall_at_1000": 50.922, + "recall_at_3": 0.642, + "recall_at_5": 1.043, + "main_score": 70.22 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/Touche2020.json b/results/vectoriseai__gte-large/external/Touche2020.json new file mode 100644 index 000000000..3c8e32e1f --- /dev/null +++ b/results/vectoriseai__gte-large/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.803, + "map_at_10": 10.407, + "map_at_100": 16.948, + "map_at_1000": 18.424, + "map_at_3": 5.405, + "map_at_5": 6.908, + "mrr_at_1": 36.735, + "mrr_at_10": 50.221000000000004, + "mrr_at_100": 51.388, + "mrr_at_1000": 51.402, + "mrr_at_3": 47.278999999999996, + "mrr_at_5": 49.626, + "ndcg_at_1": 34.694, + "ndcg_at_10": 25.507, + "ndcg_at_100": 38.296, + "ndcg_at_1000": 49.492000000000004, + "ndcg_at_3": 29.006999999999998, + "ndcg_at_5": 25.979000000000003, + "precision_at_1": 36.735, + "precision_at_10": 22.041, + "precision_at_100": 8.02, + "precision_at_1000": 1.567, + "precision_at_3": 28.571, + "precision_at_5": 24.490000000000002, + "recall_at_1": 2.803, + "recall_at_10": 16.378, + "recall_at_100": 50.489, + "recall_at_1000": 85.013, + "recall_at_3": 6.505, + "recall_at_5": 9.243, + "main_score": 25.507 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/ToxicConversationsClassification.json b/results/vectoriseai__gte-large/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..598fb8c7f --- /dev/null +++ b/results/vectoriseai__gte-large/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.55579999999999, + "ap": 14.206982753316227, + "f1": 54.372142814964285, + "main_score": 70.55579999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/TweetSentimentExtractionClassification.json b/results/vectoriseai__gte-large/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..cda65a30a --- /dev/null +++ b/results/vectoriseai__gte-large/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 56.57611771363893, + "f1": 56.924172639063144, + "main_score": 56.57611771363893 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/TwentyNewsgroupsClustering.json b/results/vectoriseai__gte-large/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..c89865270 --- /dev/null +++ b/results/vectoriseai__gte-large/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 52.82304915719759, + "main_score": 52.82304915719759 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/TwitterSemEval2015.json b/results/vectoriseai__gte-large/external/TwitterSemEval2015.json new file mode 100644 index 000000000..c6ad74677 --- /dev/null +++ b/results/vectoriseai__gte-large/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 85.92716218632653, + "cos_sim_ap": 73.73359122546046, + "cos_sim_f1": 68.42559487116262, + "cos_sim_precision": 64.22124508215691, + "cos_sim_recall": 73.21899736147758, + "dot_accuracy": 80.38981939560112, + "dot_ap": 54.61060862444974, + "dot_f1": 53.45710627400769, + "dot_precision": 44.87638839125761, + "dot_recall": 66.09498680738787, + "euclidean_accuracy": 86.02849138701794, + "euclidean_ap": 73.95673761922404, + "euclidean_f1": 68.6783042394015, + "euclidean_precision": 65.1063829787234, + "euclidean_recall": 72.66490765171504, + "manhattan_accuracy": 85.9808070572808, + "manhattan_ap": 73.9050720058029, + "manhattan_f1": 68.57560618983794, + "manhattan_precision": 63.70839936608558, + "manhattan_recall": 74.24802110817942, + "max_accuracy": 86.02849138701794, + "max_ap": 73.95673761922404, + "max_f1": 68.6783042394015, + "main_score": 73.95673761922404 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/TwitterURLCorpus.json b/results/vectoriseai__gte-large/external/TwitterURLCorpus.json new file mode 100644 index 000000000..ddbac8665 --- /dev/null +++ b/results/vectoriseai__gte-large/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.72783017037295, + "cos_sim_ap": 85.52705223340233, + "cos_sim_f1": 77.91659078492079, + "cos_sim_precision": 73.93378032764221, + "cos_sim_recall": 82.35294117647058, + "dot_accuracy": 85.41739434159972, + "dot_ap": 77.17734818118443, + "dot_f1": 71.63473589973144, + "dot_precision": 66.96123719622415, + "dot_recall": 77.00954727440714, + "euclidean_accuracy": 88.68125897465751, + "euclidean_ap": 85.47712213906692, + "euclidean_f1": 77.81419950830664, + "euclidean_precision": 75.37162649733006, + "euclidean_recall": 80.42038805050817, + "manhattan_accuracy": 88.67349710870494, + "manhattan_ap": 85.46506475241955, + "manhattan_f1": 77.87259084890393, + "manhattan_precision": 74.54929577464789, + "manhattan_recall": 81.50600554357868, + "max_accuracy": 88.72783017037295, + "max_ap": 85.52705223340233, + "max_f1": 77.91659078492079, + "main_score": 85.52705223340233 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-large/external/model_meta.json b/results/vectoriseai__gte-large/external/model_meta.json new file mode 100644 index 000000000..1d7ee64de --- /dev/null +++ b/results/vectoriseai__gte-large/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "vectoriseai/gte-large", + "revision": "154a5ace75d4d094d030b3629c94868b21433668", + "release_date": "2023-10-09", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 335142400, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 1024, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/AmazonCounterfactualClassification.json b/results/vectoriseai__gte-small/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..54d057308 --- /dev/null +++ b/results/vectoriseai__gte-small/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.22388059701493, + "ap": 36.09895941426988, + "f1": 67.3205651539195, + "main_score": 73.22388059701493 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/AmazonPolarityClassification.json b/results/vectoriseai__gte-small/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..aadb25178 --- /dev/null +++ b/results/vectoriseai__gte-small/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.81894999999999, + "ap": 88.5240138417305, + "f1": 91.80367382706962, + "main_score": 91.81894999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/AmazonReviewsClassification.json b/results/vectoriseai__gte-small/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..a771c5988 --- /dev/null +++ b/results/vectoriseai__gte-small/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 48.032, + "f1": 47.4490665674719, + "main_score": 48.032 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/ArguAna.json b/results/vectoriseai__gte-small/external/ArguAna.json new file mode 100644 index 000000000..f05b3f1ec --- /dev/null +++ b/results/vectoriseai__gte-small/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.725, + "map_at_10": 46.604, + "map_at_100": 47.535, + "map_at_1000": 47.538000000000004, + "map_at_3": 41.833, + "map_at_5": 44.61, + "mrr_at_1": 31.223, + "mrr_at_10": 46.794000000000004, + "mrr_at_100": 47.725, + "mrr_at_1000": 47.727000000000004, + "mrr_at_3": 42.07, + "mrr_at_5": 44.812000000000005, + "ndcg_at_1": 30.725, + "ndcg_at_10": 55.440999999999995, + "ndcg_at_100": 59.134, + "ndcg_at_1000": 59.199, + "ndcg_at_3": 45.599000000000004, + "ndcg_at_5": 50.637, + "precision_at_1": 30.725, + "precision_at_10": 8.364, + "precision_at_100": 0.991, + "precision_at_1000": 0.1, + "precision_at_3": 18.848000000000003, + "precision_at_5": 13.77, + "recall_at_1": 30.725, + "recall_at_10": 83.64200000000001, + "recall_at_100": 99.14699999999999, + "recall_at_1000": 99.644, + "recall_at_3": 56.543, + "recall_at_5": 68.848, + "main_score": 55.440999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/ArxivClusteringP2P.json b/results/vectoriseai__gte-small/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..1f3dcefba --- /dev/null +++ b/results/vectoriseai__gte-small/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 47.90178078197678, + "main_score": 47.90178078197678 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/ArxivClusteringS2S.json b/results/vectoriseai__gte-small/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..237af2c4a --- /dev/null +++ b/results/vectoriseai__gte-small/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.25728393431922, + "main_score": 40.25728393431922 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/AskUbuntuDupQuestions.json b/results/vectoriseai__gte-small/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..f7bfb848e --- /dev/null +++ b/results/vectoriseai__gte-small/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 61.720297062897764, + "mrr": 75.24139295607439, + "main_score": 61.720297062897764 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/BIOSSES.json b/results/vectoriseai__gte-small/external/BIOSSES.json new file mode 100644 index 000000000..0f5adcca1 --- /dev/null +++ b/results/vectoriseai__gte-small/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 89.43527309184616, + "cos_sim_spearman": 88.17128615100206, + "euclidean_pearson": 87.89922623089282, + "euclidean_spearman": 87.96104039655451, + "manhattan_pearson": 87.9818290932077, + "manhattan_spearman": 88.00923426576885, + "cosine_pearson": 89.43527309184616, + "cosine_spearman": 88.17128615100206, + "main_score": 88.17128615100206 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/Banking77Classification.json b/results/vectoriseai__gte-small/external/Banking77Classification.json new file mode 100644 index 000000000..4fcaacf3e --- /dev/null +++ b/results/vectoriseai__gte-small/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 84.0844155844156, + "f1": 84.01485017302213, + "main_score": 84.0844155844156 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/BiorxivClusteringP2P.json b/results/vectoriseai__gte-small/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..80dc4be59 --- /dev/null +++ b/results/vectoriseai__gte-small/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.36574769259432, + "main_score": 38.36574769259432 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/BiorxivClusteringS2S.json b/results/vectoriseai__gte-small/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..9cb98000a --- /dev/null +++ b/results/vectoriseai__gte-small/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.4857033165287, + "main_score": 35.4857033165287 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/CQADupstackAndroidRetrieval.json b/results/vectoriseai__gte-small/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..17fd23e3a --- /dev/null +++ b/results/vectoriseai__gte-small/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.261, + "map_at_10": 42.419000000000004, + "map_at_100": 43.927, + "map_at_1000": 44.055, + "map_at_3": 38.597, + "map_at_5": 40.701, + "mrr_at_1": 36.91, + "mrr_at_10": 48.02, + "mrr_at_100": 48.658, + "mrr_at_1000": 48.708, + "mrr_at_3": 44.945, + "mrr_at_5": 46.705000000000005, + "ndcg_at_1": 36.91, + "ndcg_at_10": 49.353, + "ndcg_at_100": 54.456, + "ndcg_at_1000": 56.363, + "ndcg_at_3": 43.483, + "ndcg_at_5": 46.150999999999996, + "precision_at_1": 36.91, + "precision_at_10": 9.700000000000001, + "precision_at_100": 1.557, + "precision_at_1000": 0.202, + "precision_at_3": 21.078, + "precision_at_5": 15.421999999999999, + "recall_at_1": 30.261, + "recall_at_10": 63.242, + "recall_at_100": 84.09100000000001, + "recall_at_1000": 96.143, + "recall_at_3": 46.478, + "recall_at_5": 53.708, + "main_score": 49.353 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 31.145, + "map_at_10": 40.996, + "map_at_100": 42.266999999999996, + "map_at_1000": 42.397, + "map_at_3": 38.005, + "map_at_5": 39.628, + "mrr_at_1": 38.344, + "mrr_at_10": 46.827000000000005, + "mrr_at_100": 47.446, + "mrr_at_1000": 47.489, + "mrr_at_3": 44.448, + "mrr_at_5": 45.747, + "ndcg_at_1": 38.344, + "ndcg_at_10": 46.733000000000004, + "ndcg_at_100": 51.103, + "ndcg_at_1000": 53.075, + "ndcg_at_3": 42.366, + "ndcg_at_5": 44.242, + "precision_at_1": 38.344, + "precision_at_10": 8.822000000000001, + "precision_at_100": 1.417, + "precision_at_1000": 0.187, + "precision_at_3": 20.403, + "precision_at_5": 14.306, + "recall_at_1": 31.145, + "recall_at_10": 56.909, + "recall_at_100": 75.274, + "recall_at_1000": 87.629, + "recall_at_3": 43.784, + "recall_at_5": 49.338, + "main_score": 46.733000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 38.83, + "map_at_10": 51.553000000000004, + "map_at_100": 52.581, + "map_at_1000": 52.638, + "map_at_3": 48.112, + "map_at_5": 50.095, + "mrr_at_1": 44.513999999999996, + "mrr_at_10": 54.998000000000005, + "mrr_at_100": 55.650999999999996, + "mrr_at_1000": 55.679, + "mrr_at_3": 52.602000000000004, + "mrr_at_5": 53.931, + "ndcg_at_1": 44.513999999999996, + "ndcg_at_10": 57.67400000000001, + "ndcg_at_100": 61.663999999999994, + "ndcg_at_1000": 62.743, + "ndcg_at_3": 51.964, + "ndcg_at_5": 54.773, + "precision_at_1": 44.513999999999996, + "precision_at_10": 9.423, + "precision_at_100": 1.2309999999999999, + "precision_at_1000": 0.13699999999999998, + "precision_at_3": 23.323, + "precision_at_5": 16.163, + "recall_at_1": 38.83, + "recall_at_10": 72.327, + "recall_at_100": 89.519, + "recall_at_1000": 97.041, + "recall_at_3": 57.206, + "recall_at_5": 63.88399999999999, + "main_score": 57.67400000000001 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.484, + "map_at_10": 34.527, + "map_at_100": 35.661, + "map_at_1000": 35.739, + "map_at_3": 32.199, + "map_at_5": 33.632, + "mrr_at_1": 27.458, + "mrr_at_10": 36.543, + "mrr_at_100": 37.482, + "mrr_at_1000": 37.543, + "mrr_at_3": 34.256, + "mrr_at_5": 35.618, + "ndcg_at_1": 27.458, + "ndcg_at_10": 39.396, + "ndcg_at_100": 44.742, + "ndcg_at_1000": 46.708, + "ndcg_at_3": 34.817, + "ndcg_at_5": 37.247, + "precision_at_1": 27.458, + "precision_at_10": 5.976999999999999, + "precision_at_100": 0.907, + "precision_at_1000": 0.11100000000000002, + "precision_at_3": 14.878, + "precision_at_5": 10.35, + "recall_at_1": 25.484, + "recall_at_10": 52.317, + "recall_at_100": 76.701, + "recall_at_1000": 91.408, + "recall_at_3": 40.043, + "recall_at_5": 45.879, + "main_score": 39.396 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.719, + "map_at_10": 25.269000000000002, + "map_at_100": 26.442, + "map_at_1000": 26.557, + "map_at_3": 22.56, + "map_at_5": 24.082, + "mrr_at_1": 20.896, + "mrr_at_10": 29.982999999999997, + "mrr_at_100": 30.895, + "mrr_at_1000": 30.961, + "mrr_at_3": 27.239, + "mrr_at_5": 28.787000000000003, + "ndcg_at_1": 20.896, + "ndcg_at_10": 30.814000000000004, + "ndcg_at_100": 36.418, + "ndcg_at_1000": 39.182, + "ndcg_at_3": 25.807999999999996, + "ndcg_at_5": 28.143, + "precision_at_1": 20.896, + "precision_at_10": 5.821, + "precision_at_100": 0.991, + "precision_at_1000": 0.136, + "precision_at_3": 12.562000000000001, + "precision_at_5": 9.254, + "recall_at_1": 16.719, + "recall_at_10": 43.155, + "recall_at_100": 67.831, + "recall_at_1000": 87.617, + "recall_at_3": 29.259, + "recall_at_5": 35.260999999999996, + "main_score": 30.814000000000004 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.398999999999997, + "map_at_10": 39.876, + "map_at_100": 41.205999999999996, + "map_at_1000": 41.321999999999996, + "map_at_3": 36.588, + "map_at_5": 38.538, + "mrr_at_1": 35.9, + "mrr_at_10": 45.528, + "mrr_at_100": 46.343, + "mrr_at_1000": 46.388, + "mrr_at_3": 42.862, + "mrr_at_5": 44.440000000000005, + "ndcg_at_1": 35.9, + "ndcg_at_10": 45.987, + "ndcg_at_100": 51.370000000000005, + "ndcg_at_1000": 53.400000000000006, + "ndcg_at_3": 40.841, + "ndcg_at_5": 43.447, + "precision_at_1": 35.9, + "precision_at_10": 8.393, + "precision_at_100": 1.283, + "precision_at_1000": 0.166, + "precision_at_3": 19.538, + "precision_at_5": 13.975000000000001, + "recall_at_1": 29.398999999999997, + "recall_at_10": 58.361, + "recall_at_100": 81.081, + "recall_at_1000": 94.004, + "recall_at_3": 43.657000000000004, + "recall_at_5": 50.519999999999996, + "main_score": 45.987 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.589, + "map_at_10": 31.608999999999998, + "map_at_100": 33.128, + "map_at_1000": 33.247, + "map_at_3": 28.671999999999997, + "map_at_5": 30.233999999999998, + "mrr_at_1": 26.712000000000003, + "mrr_at_10": 36.713, + "mrr_at_100": 37.713, + "mrr_at_1000": 37.771, + "mrr_at_3": 34.075, + "mrr_at_5": 35.451, + "ndcg_at_1": 26.712000000000003, + "ndcg_at_10": 37.519999999999996, + "ndcg_at_100": 43.946000000000005, + "ndcg_at_1000": 46.297, + "ndcg_at_3": 32.551, + "ndcg_at_5": 34.660999999999994, + "precision_at_1": 26.712000000000003, + "precision_at_10": 7.066, + "precision_at_100": 1.216, + "precision_at_1000": 0.157, + "precision_at_3": 15.906, + "precision_at_5": 11.437999999999999, + "recall_at_1": 21.589, + "recall_at_10": 50.090999999999994, + "recall_at_100": 77.43900000000001, + "recall_at_1000": 93.35900000000001, + "recall_at_3": 36.028999999999996, + "recall_at_5": 41.698, + "main_score": 37.519999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.121666666666663, + "map_at_10": 34.46258333333334, + "map_at_100": 35.710499999999996, + "map_at_1000": 35.82691666666666, + "map_at_3": 31.563249999999996, + "map_at_5": 33.189750000000004, + "mrr_at_1": 29.66441666666667, + "mrr_at_10": 38.5455, + "mrr_at_100": 39.39566666666667, + "mrr_at_1000": 39.45325, + "mrr_at_3": 36.003333333333345, + "mrr_at_5": 37.440916666666666, + "ndcg_at_1": 29.66441666666667, + "ndcg_at_10": 39.978416666666675, + "ndcg_at_100": 45.278666666666666, + "ndcg_at_1000": 47.52275, + "ndcg_at_3": 35.00058333333334, + "ndcg_at_5": 37.34908333333333, + "precision_at_1": 29.66441666666667, + "precision_at_10": 7.094500000000001, + "precision_at_100": 1.1523333333333332, + "precision_at_1000": 0.15358333333333332, + "precision_at_3": 16.184166666666663, + "precision_at_5": 11.6005, + "recall_at_1": 25.121666666666663, + "recall_at_10": 52.23975000000001, + "recall_at_100": 75.48408333333333, + "recall_at_1000": 90.95316666666668, + "recall_at_3": 38.38458333333333, + "recall_at_5": 44.39933333333333, + "main_score": 39.978416666666675 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.569000000000003, + "map_at_10": 30.389, + "map_at_100": 31.396, + "map_at_1000": 31.493, + "map_at_3": 28.276, + "map_at_5": 29.459000000000003, + "mrr_at_1": 26.534000000000002, + "mrr_at_10": 33.217999999999996, + "mrr_at_100": 34.054, + "mrr_at_1000": 34.12, + "mrr_at_3": 31.058000000000003, + "mrr_at_5": 32.330999999999996, + "ndcg_at_1": 26.534000000000002, + "ndcg_at_10": 34.608, + "ndcg_at_100": 39.391999999999996, + "ndcg_at_1000": 41.837999999999994, + "ndcg_at_3": 30.564999999999998, + "ndcg_at_5": 32.509, + "precision_at_1": 26.534000000000002, + "precision_at_10": 5.414, + "precision_at_100": 0.847, + "precision_at_1000": 0.11399999999999999, + "precision_at_3": 12.986, + "precision_at_5": 9.202, + "recall_at_1": 23.569000000000003, + "recall_at_10": 44.896, + "recall_at_100": 66.476, + "recall_at_1000": 84.548, + "recall_at_3": 33.79, + "recall_at_5": 38.512, + "main_score": 34.608 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 16.36, + "map_at_10": 23.57, + "map_at_100": 24.698999999999998, + "map_at_1000": 24.834999999999997, + "map_at_3": 21.093, + "map_at_5": 22.418, + "mrr_at_1": 19.718, + "mrr_at_10": 27.139999999999997, + "mrr_at_100": 28.097, + "mrr_at_1000": 28.177999999999997, + "mrr_at_3": 24.805, + "mrr_at_5": 26.121, + "ndcg_at_1": 19.718, + "ndcg_at_10": 28.238999999999997, + "ndcg_at_100": 33.663, + "ndcg_at_1000": 36.763, + "ndcg_at_3": 23.747, + "ndcg_at_5": 25.796000000000003, + "precision_at_1": 19.718, + "precision_at_10": 5.282, + "precision_at_100": 0.9390000000000001, + "precision_at_1000": 0.13899999999999998, + "precision_at_3": 11.264000000000001, + "precision_at_5": 8.341, + "recall_at_1": 16.36, + "recall_at_10": 38.669, + "recall_at_100": 63.184, + "recall_at_1000": 85.33800000000001, + "recall_at_3": 26.214, + "recall_at_5": 31.423000000000002, + "main_score": 28.238999999999997 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.618999999999996, + "map_at_10": 34.361999999999995, + "map_at_100": 35.534, + "map_at_1000": 35.634, + "map_at_3": 31.402, + "map_at_5": 32.815, + "mrr_at_1": 30.037000000000003, + "mrr_at_10": 38.284, + "mrr_at_100": 39.141999999999996, + "mrr_at_1000": 39.2, + "mrr_at_3": 35.603, + "mrr_at_5": 36.867, + "ndcg_at_1": 30.037000000000003, + "ndcg_at_10": 39.87, + "ndcg_at_100": 45.243, + "ndcg_at_1000": 47.507, + "ndcg_at_3": 34.371, + "ndcg_at_5": 36.521, + "precision_at_1": 30.037000000000003, + "precision_at_10": 6.819, + "precision_at_100": 1.0699999999999998, + "precision_at_1000": 0.13699999999999998, + "precision_at_3": 15.392, + "precision_at_5": 10.821, + "recall_at_1": 25.618999999999996, + "recall_at_10": 52.869, + "recall_at_100": 76.395, + "recall_at_1000": 92.19500000000001, + "recall_at_3": 37.943, + "recall_at_5": 43.342999999999996, + "main_score": 39.87 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.283, + "map_at_10": 32.155, + "map_at_100": 33.724, + "map_at_1000": 33.939, + "map_at_3": 29.018, + "map_at_5": 30.864000000000004, + "mrr_at_1": 28.063, + "mrr_at_10": 36.632, + "mrr_at_100": 37.606, + "mrr_at_1000": 37.671, + "mrr_at_3": 33.992, + "mrr_at_5": 35.613, + "ndcg_at_1": 28.063, + "ndcg_at_10": 38.024, + "ndcg_at_100": 44.292, + "ndcg_at_1000": 46.818, + "ndcg_at_3": 32.965, + "ndcg_at_5": 35.562, + "precision_at_1": 28.063, + "precision_at_10": 7.352, + "precision_at_100": 1.514, + "precision_at_1000": 0.23800000000000002, + "precision_at_3": 15.481, + "precision_at_5": 11.542, + "recall_at_1": 23.283, + "recall_at_10": 49.756, + "recall_at_100": 78.05, + "recall_at_1000": 93.854, + "recall_at_3": 35.408, + "recall_at_5": 42.187000000000005, + "main_score": 38.024 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.201999999999998, + "map_at_10": 26.826, + "map_at_100": 27.961000000000002, + "map_at_1000": 28.066999999999997, + "map_at_3": 24.237000000000002, + "map_at_5": 25.811, + "mrr_at_1": 20.887, + "mrr_at_10": 28.660000000000004, + "mrr_at_100": 29.660999999999998, + "mrr_at_1000": 29.731, + "mrr_at_3": 26.155, + "mrr_at_5": 27.68, + "ndcg_at_1": 20.887, + "ndcg_at_10": 31.523, + "ndcg_at_100": 37.055, + "ndcg_at_1000": 39.579, + "ndcg_at_3": 26.529000000000003, + "ndcg_at_5": 29.137, + "precision_at_1": 20.887, + "precision_at_10": 5.065, + "precision_at_100": 0.856, + "precision_at_1000": 0.11900000000000001, + "precision_at_3": 11.399, + "precision_at_5": 8.392, + "recall_at_1": 19.201999999999998, + "recall_at_10": 44.285000000000004, + "recall_at_100": 69.768, + "recall_at_1000": 88.302, + "recall_at_3": 30.804, + "recall_at_5": 37.039, + "main_score": 31.523 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/ClimateFEVER.json b/results/vectoriseai__gte-small/external/ClimateFEVER.json new file mode 100644 index 000000000..3b5c9eecb --- /dev/null +++ b/results/vectoriseai__gte-small/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 11.244, + "map_at_10": 18.956, + "map_at_100": 20.674, + "map_at_1000": 20.863, + "map_at_3": 15.923000000000002, + "map_at_5": 17.518, + "mrr_at_1": 25.080999999999996, + "mrr_at_10": 35.94, + "mrr_at_100": 36.969, + "mrr_at_1000": 37.013, + "mrr_at_3": 32.617000000000004, + "mrr_at_5": 34.682, + "ndcg_at_1": 25.080999999999996, + "ndcg_at_10": 26.539, + "ndcg_at_100": 33.601, + "ndcg_at_1000": 37.203, + "ndcg_at_3": 21.695999999999998, + "ndcg_at_5": 23.567, + "precision_at_1": 25.080999999999996, + "precision_at_10": 8.143, + "precision_at_100": 1.5650000000000002, + "precision_at_1000": 0.22300000000000003, + "precision_at_3": 15.983, + "precision_at_5": 12.417, + "recall_at_1": 11.244, + "recall_at_10": 31.457, + "recall_at_100": 55.92, + "recall_at_1000": 76.372, + "recall_at_3": 19.784, + "recall_at_5": 24.857000000000003, + "main_score": 26.539 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/DBPedia.json b/results/vectoriseai__gte-small/external/DBPedia.json new file mode 100644 index 000000000..3cb15faf5 --- /dev/null +++ b/results/vectoriseai__gte-small/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.595, + "map_at_10": 18.75, + "map_at_100": 26.354, + "map_at_1000": 27.912, + "map_at_3": 13.794, + "map_at_5": 16.021, + "mrr_at_1": 65.75, + "mrr_at_10": 73.837, + "mrr_at_100": 74.22800000000001, + "mrr_at_1000": 74.234, + "mrr_at_3": 72.5, + "mrr_at_5": 73.387, + "ndcg_at_1": 52.625, + "ndcg_at_10": 39.101, + "ndcg_at_100": 43.836000000000006, + "ndcg_at_1000": 51.086, + "ndcg_at_3": 44.229, + "ndcg_at_5": 41.555, + "precision_at_1": 65.75, + "precision_at_10": 30.45, + "precision_at_100": 9.81, + "precision_at_1000": 2.045, + "precision_at_3": 48.667, + "precision_at_5": 40.8, + "recall_at_1": 8.595, + "recall_at_10": 24.201, + "recall_at_100": 50.096, + "recall_at_1000": 72.677, + "recall_at_3": 15.212, + "recall_at_5": 18.745, + "main_score": 39.101 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/EmotionClassification.json b/results/vectoriseai__gte-small/external/EmotionClassification.json new file mode 100644 index 000000000..e415b33b1 --- /dev/null +++ b/results/vectoriseai__gte-small/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 46.565, + "f1": 41.49914329345582, + "main_score": 46.565 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/FEVER.json b/results/vectoriseai__gte-small/external/FEVER.json new file mode 100644 index 000000000..e5a15cd52 --- /dev/null +++ b/results/vectoriseai__gte-small/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 66.60000000000001, + "map_at_10": 76.838, + "map_at_100": 77.076, + "map_at_1000": 77.09, + "map_at_3": 75.545, + "map_at_5": 76.39, + "mrr_at_1": 71.707, + "mrr_at_10": 81.514, + "mrr_at_100": 81.64099999999999, + "mrr_at_1000": 81.645, + "mrr_at_3": 80.428, + "mrr_at_5": 81.159, + "ndcg_at_1": 71.707, + "ndcg_at_10": 81.545, + "ndcg_at_100": 82.477, + "ndcg_at_1000": 82.73899999999999, + "ndcg_at_3": 79.292, + "ndcg_at_5": 80.599, + "precision_at_1": 71.707, + "precision_at_10": 10.035, + "precision_at_100": 1.068, + "precision_at_1000": 0.11100000000000002, + "precision_at_3": 30.918, + "precision_at_5": 19.328, + "recall_at_1": 66.60000000000001, + "recall_at_10": 91.353, + "recall_at_100": 95.21, + "recall_at_1000": 96.89999999999999, + "recall_at_3": 85.188, + "recall_at_5": 88.52, + "main_score": 81.545 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/FiQA2018.json b/results/vectoriseai__gte-small/external/FiQA2018.json new file mode 100644 index 000000000..274009aca --- /dev/null +++ b/results/vectoriseai__gte-small/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 19.338, + "map_at_10": 31.752000000000002, + "map_at_100": 33.516, + "map_at_1000": 33.694, + "map_at_3": 27.716, + "map_at_5": 29.67, + "mrr_at_1": 38.117000000000004, + "mrr_at_10": 47.323, + "mrr_at_100": 48.13, + "mrr_at_1000": 48.161, + "mrr_at_3": 45.062000000000005, + "mrr_at_5": 46.358, + "ndcg_at_1": 38.117000000000004, + "ndcg_at_10": 39.353, + "ndcg_at_100": 46.044000000000004, + "ndcg_at_1000": 49.083, + "ndcg_at_3": 35.891, + "ndcg_at_5": 36.661, + "precision_at_1": 38.117000000000004, + "precision_at_10": 11.187999999999999, + "precision_at_100": 1.802, + "precision_at_1000": 0.234, + "precision_at_3": 24.126, + "precision_at_5": 17.562, + "recall_at_1": 19.338, + "recall_at_10": 45.735, + "recall_at_100": 71.281, + "recall_at_1000": 89.537, + "recall_at_3": 32.525, + "recall_at_5": 37.671, + "main_score": 39.353 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/HotpotQA.json b/results/vectoriseai__gte-small/external/HotpotQA.json new file mode 100644 index 000000000..c3880f808 --- /dev/null +++ b/results/vectoriseai__gte-small/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 36.995, + "map_at_10": 55.032000000000004, + "map_at_100": 55.86, + "map_at_1000": 55.932, + "map_at_3": 52.125, + "map_at_5": 53.884, + "mrr_at_1": 73.991, + "mrr_at_10": 80.096, + "mrr_at_100": 80.32000000000001, + "mrr_at_1000": 80.331, + "mrr_at_3": 79.037, + "mrr_at_5": 79.719, + "ndcg_at_1": 73.991, + "ndcg_at_10": 63.786, + "ndcg_at_100": 66.78, + "ndcg_at_1000": 68.255, + "ndcg_at_3": 59.501000000000005, + "ndcg_at_5": 61.82299999999999, + "precision_at_1": 73.991, + "precision_at_10": 13.157, + "precision_at_100": 1.552, + "precision_at_1000": 0.17500000000000002, + "precision_at_3": 37.519999999999996, + "precision_at_5": 24.351, + "recall_at_1": 36.995, + "recall_at_10": 65.78699999999999, + "recall_at_100": 77.583, + "recall_at_1000": 87.421, + "recall_at_3": 56.279999999999994, + "recall_at_5": 60.878, + "main_score": 63.786 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/ImdbClassification.json b/results/vectoriseai__gte-small/external/ImdbClassification.json new file mode 100644 index 000000000..8f5fe63fa --- /dev/null +++ b/results/vectoriseai__gte-small/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 86.80239999999999, + "ap": 81.97305141128378, + "f1": 86.76976305549273, + "main_score": 86.80239999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/MSMARCO.json b/results/vectoriseai__gte-small/external/MSMARCO.json new file mode 100644 index 000000000..384439f3f --- /dev/null +++ b/results/vectoriseai__gte-small/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.166, + "map_at_10": 33.396, + "map_at_100": 34.588, + "map_at_1000": 34.637, + "map_at_3": 29.509999999999998, + "map_at_5": 31.719, + "mrr_at_1": 21.762, + "mrr_at_10": 33.969, + "mrr_at_100": 35.099000000000004, + "mrr_at_1000": 35.141, + "mrr_at_3": 30.148000000000003, + "mrr_at_5": 32.324000000000005, + "ndcg_at_1": 21.776999999999997, + "ndcg_at_10": 40.306999999999995, + "ndcg_at_100": 46.068, + "ndcg_at_1000": 47.3, + "ndcg_at_3": 32.416, + "ndcg_at_5": 36.345, + "precision_at_1": 21.776999999999997, + "precision_at_10": 6.433, + "precision_at_100": 0.932, + "precision_at_1000": 0.104, + "precision_at_3": 13.897, + "precision_at_5": 10.324, + "recall_at_1": 21.166, + "recall_at_10": 61.587, + "recall_at_100": 88.251, + "recall_at_1000": 97.727, + "recall_at_3": 40.196, + "recall_at_5": 49.611, + "main_score": 40.306999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/MTOPDomainClassification.json b/results/vectoriseai__gte-small/external/MTOPDomainClassification.json new file mode 100644 index 000000000..ef19eebb0 --- /dev/null +++ b/results/vectoriseai__gte-small/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.04605563155496, + "f1": 92.78007303978372, + "main_score": 93.04605563155496 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/MTOPIntentClassification.json b/results/vectoriseai__gte-small/external/MTOPIntentClassification.json new file mode 100644 index 000000000..80342f686 --- /dev/null +++ b/results/vectoriseai__gte-small/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.65116279069767, + "f1": 52.75775172527262, + "main_score": 69.65116279069767 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/MassiveIntentClassification.json b/results/vectoriseai__gte-small/external/MassiveIntentClassification.json new file mode 100644 index 000000000..63e89f191 --- /dev/null +++ b/results/vectoriseai__gte-small/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.34633490248822, + "f1": 68.15345065392562, + "main_score": 70.34633490248822 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/MassiveScenarioClassification.json b/results/vectoriseai__gte-small/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..a3dc73ee4 --- /dev/null +++ b/results/vectoriseai__gte-small/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.63887020847343, + "f1": 76.08074680233685, + "main_score": 75.63887020847343 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/MedrxivClusteringP2P.json b/results/vectoriseai__gte-small/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..ae6149888 --- /dev/null +++ b/results/vectoriseai__gte-small/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.77933406071333, + "main_score": 33.77933406071333 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/MedrxivClusteringS2S.json b/results/vectoriseai__gte-small/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..a0cc6b2d3 --- /dev/null +++ b/results/vectoriseai__gte-small/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.06504927238196, + "main_score": 32.06504927238196 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/MindSmallReranking.json b/results/vectoriseai__gte-small/external/MindSmallReranking.json new file mode 100644 index 000000000..3b1930608 --- /dev/null +++ b/results/vectoriseai__gte-small/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 32.20682480490871, + "mrr": 33.41462721527003, + "main_score": 32.20682480490871 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/NFCorpus.json b/results/vectoriseai__gte-small/external/NFCorpus.json new file mode 100644 index 000000000..2a217f583 --- /dev/null +++ b/results/vectoriseai__gte-small/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.548, + "map_at_10": 13.086999999999998, + "map_at_100": 16.698, + "map_at_1000": 18.151999999999997, + "map_at_3": 9.576, + "map_at_5": 11.175, + "mrr_at_1": 44.272, + "mrr_at_10": 53.635999999999996, + "mrr_at_100": 54.228, + "mrr_at_1000": 54.26499999999999, + "mrr_at_3": 51.754, + "mrr_at_5": 53.086, + "ndcg_at_1": 42.724000000000004, + "ndcg_at_10": 34.769, + "ndcg_at_100": 32.283, + "ndcg_at_1000": 40.843, + "ndcg_at_3": 39.852, + "ndcg_at_5": 37.858999999999995, + "precision_at_1": 44.272, + "precision_at_10": 26.068, + "precision_at_100": 8.328000000000001, + "precision_at_1000": 2.1, + "precision_at_3": 37.874, + "precision_at_5": 33.065, + "recall_at_1": 5.548, + "recall_at_10": 16.936999999999998, + "recall_at_100": 33.72, + "recall_at_1000": 64.348, + "recall_at_3": 10.764999999999999, + "recall_at_5": 13.361, + "main_score": 34.769 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/NQ.json b/results/vectoriseai__gte-small/external/NQ.json new file mode 100644 index 000000000..d969db100 --- /dev/null +++ b/results/vectoriseai__gte-small/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 28.008, + "map_at_10": 42.675000000000004, + "map_at_100": 43.85, + "map_at_1000": 43.884, + "map_at_3": 38.286, + "map_at_5": 40.78, + "mrr_at_1": 31.518, + "mrr_at_10": 45.015, + "mrr_at_100": 45.924, + "mrr_at_1000": 45.946999999999996, + "mrr_at_3": 41.348, + "mrr_at_5": 43.428, + "ndcg_at_1": 31.489, + "ndcg_at_10": 50.285999999999994, + "ndcg_at_100": 55.291999999999994, + "ndcg_at_1000": 56.05, + "ndcg_at_3": 41.976, + "ndcg_at_5": 46.103, + "precision_at_1": 31.489, + "precision_at_10": 8.456, + "precision_at_100": 1.125, + "precision_at_1000": 0.12, + "precision_at_3": 19.09, + "precision_at_5": 13.841000000000001, + "recall_at_1": 28.008, + "recall_at_10": 71.21499999999999, + "recall_at_100": 92.99, + "recall_at_1000": 98.578, + "recall_at_3": 49.604, + "recall_at_5": 59.094, + "main_score": 50.285999999999994 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/QuoraRetrieval.json b/results/vectoriseai__gte-small/external/QuoraRetrieval.json new file mode 100644 index 000000000..f3e9efbad --- /dev/null +++ b/results/vectoriseai__gte-small/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 70.351, + "map_at_10": 84.163, + "map_at_100": 84.785, + "map_at_1000": 84.801, + "map_at_3": 81.16, + "map_at_5": 83.031, + "mrr_at_1": 80.96, + "mrr_at_10": 87.241, + "mrr_at_100": 87.346, + "mrr_at_1000": 87.347, + "mrr_at_3": 86.25699999999999, + "mrr_at_5": 86.907, + "ndcg_at_1": 80.97, + "ndcg_at_10": 88.017, + "ndcg_at_100": 89.241, + "ndcg_at_1000": 89.34299999999999, + "ndcg_at_3": 85.053, + "ndcg_at_5": 86.663, + "precision_at_1": 80.97, + "precision_at_10": 13.358, + "precision_at_100": 1.525, + "precision_at_1000": 0.157, + "precision_at_3": 37.143, + "precision_at_5": 24.451999999999998, + "recall_at_1": 70.351, + "recall_at_10": 95.39800000000001, + "recall_at_100": 99.55199999999999, + "recall_at_1000": 99.978, + "recall_at_3": 86.913, + "recall_at_5": 91.448, + "main_score": 88.017 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/RedditClustering.json b/results/vectoriseai__gte-small/external/RedditClustering.json new file mode 100644 index 000000000..497e82a3a --- /dev/null +++ b/results/vectoriseai__gte-small/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 55.62406719814139, + "main_score": 55.62406719814139 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/RedditClusteringP2P.json b/results/vectoriseai__gte-small/external/RedditClusteringP2P.json new file mode 100644 index 000000000..c7b4e5873 --- /dev/null +++ b/results/vectoriseai__gte-small/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 61.386700035141736, + "main_score": 61.386700035141736 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/SCIDOCS.json b/results/vectoriseai__gte-small/external/SCIDOCS.json new file mode 100644 index 000000000..5c0d49974 --- /dev/null +++ b/results/vectoriseai__gte-small/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.618, + "map_at_10": 12.920000000000002, + "map_at_100": 15.304, + "map_at_1000": 15.656999999999998, + "map_at_3": 9.187, + "map_at_5": 10.937, + "mrr_at_1": 22.8, + "mrr_at_10": 35.13, + "mrr_at_100": 36.239, + "mrr_at_1000": 36.291000000000004, + "mrr_at_3": 31.917, + "mrr_at_5": 33.787, + "ndcg_at_1": 22.8, + "ndcg_at_10": 21.382, + "ndcg_at_100": 30.257, + "ndcg_at_1000": 36.001, + "ndcg_at_3": 20.43, + "ndcg_at_5": 17.622, + "precision_at_1": 22.8, + "precision_at_10": 11.26, + "precision_at_100": 2.405, + "precision_at_1000": 0.377, + "precision_at_3": 19.633, + "precision_at_5": 15.68, + "recall_at_1": 4.618, + "recall_at_10": 22.811999999999998, + "recall_at_100": 48.787000000000006, + "recall_at_1000": 76.63799999999999, + "recall_at_3": 11.952, + "recall_at_5": 15.892000000000001, + "main_score": 21.382 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/SICK-R.json b/results/vectoriseai__gte-small/external/SICK-R.json new file mode 100644 index 000000000..d9513f6b8 --- /dev/null +++ b/results/vectoriseai__gte-small/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.01529458252244, + "cos_sim_spearman": 77.92985224770254, + "euclidean_pearson": 81.04251429422487, + "euclidean_spearman": 77.92838490549133, + "manhattan_pearson": 80.95892251458979, + "manhattan_spearman": 77.81028089705941, + "cosine_pearson": 84.01529458252244, + "cosine_spearman": 77.92985224770254, + "main_score": 77.92985224770254 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/STS12.json b/results/vectoriseai__gte-small/external/STS12.json new file mode 100644 index 000000000..f0562de61 --- /dev/null +++ b/results/vectoriseai__gte-small/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.97885282534388, + "cos_sim_spearman": 75.1221970851712, + "euclidean_pearson": 80.34455956720097, + "euclidean_spearman": 74.5894274239938, + "manhattan_pearson": 80.38999766325465, + "manhattan_spearman": 74.68524557166975, + "cosine_pearson": 83.97885282534388, + "cosine_spearman": 75.1221970851712, + "main_score": 75.1221970851712 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/STS13.json b/results/vectoriseai__gte-small/external/STS13.json new file mode 100644 index 000000000..be99bb5d1 --- /dev/null +++ b/results/vectoriseai__gte-small/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.95746064915672, + "cos_sim_spearman": 85.08683458043946, + "euclidean_pearson": 84.56699492836385, + "euclidean_spearman": 85.66089116133713, + "manhattan_pearson": 84.47553323458541, + "manhattan_spearman": 85.56142206781472, + "cosine_pearson": 82.95746064915672, + "cosine_spearman": 85.08683458043946, + "main_score": 85.08683458043946 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/STS14.json b/results/vectoriseai__gte-small/external/STS14.json new file mode 100644 index 000000000..fdacbb303 --- /dev/null +++ b/results/vectoriseai__gte-small/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.71377893595067, + "cos_sim_spearman": 81.03453291428589, + "euclidean_pearson": 82.57136298308613, + "euclidean_spearman": 81.15839961890875, + "manhattan_pearson": 82.55157879373837, + "manhattan_spearman": 81.1540163767054, + "cosine_pearson": 82.71377893595067, + "cosine_spearman": 81.03453291428589, + "main_score": 81.03453291428589 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/STS15.json b/results/vectoriseai__gte-small/external/STS15.json new file mode 100644 index 000000000..62ad3c5db --- /dev/null +++ b/results/vectoriseai__gte-small/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.64197832372373, + "cos_sim_spearman": 88.31966852492485, + "euclidean_pearson": 87.98692129976983, + "euclidean_spearman": 88.6247340837856, + "manhattan_pearson": 87.90437827826412, + "manhattan_spearman": 88.56278787131457, + "cosine_pearson": 86.64197832372373, + "cosine_spearman": 88.31966852492485, + "main_score": 88.31966852492485 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/STS16.json b/results/vectoriseai__gte-small/external/STS16.json new file mode 100644 index 000000000..bec656424 --- /dev/null +++ b/results/vectoriseai__gte-small/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.84159950146693, + "cos_sim_spearman": 83.90678384140168, + "euclidean_pearson": 83.19005018860221, + "euclidean_spearman": 84.16260415876295, + "manhattan_pearson": 83.05030612994494, + "manhattan_spearman": 83.99605629718336, + "cosine_pearson": 81.84159950146693, + "cosine_spearman": 83.90678384140168, + "main_score": 83.90678384140168 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/STS17.json b/results/vectoriseai__gte-small/external/STS17.json new file mode 100644 index 000000000..553294a06 --- /dev/null +++ b/results/vectoriseai__gte-small/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.49935350176666, + "cos_sim_spearman": 87.59086606735383, + "euclidean_pearson": 88.06537181129983, + "euclidean_spearman": 87.6687448086014, + "manhattan_pearson": 87.96599131972935, + "manhattan_spearman": 87.63295748969642, + "cosine_pearson": 87.49935350176666, + "cosine_spearman": 87.59086606735383, + "main_score": 87.59086606735383 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/STS22.json b/results/vectoriseai__gte-small/external/STS22.json new file mode 100644 index 000000000..03ec4a917 --- /dev/null +++ b/results/vectoriseai__gte-small/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 67.68232799482763, + "cos_sim_spearman": 67.99930378085793, + "euclidean_pearson": 68.50275360001696, + "euclidean_spearman": 67.81588179309259, + "manhattan_pearson": 68.5892154749763, + "manhattan_spearman": 67.84357259640682, + "cosine_pearson": 67.68232799482763, + "cosine_spearman": 67.99930378085793, + "main_score": 67.99930378085793 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/STSBenchmark.json b/results/vectoriseai__gte-small/external/STSBenchmark.json new file mode 100644 index 000000000..0d190f936 --- /dev/null +++ b/results/vectoriseai__gte-small/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.37049618406554, + "cos_sim_spearman": 85.57014313159492, + "euclidean_pearson": 85.57469513908282, + "euclidean_spearman": 85.661948135258, + "manhattan_pearson": 85.36866831229028, + "manhattan_spearman": 85.5043455368843, + "cosine_pearson": 84.37049618406554, + "cosine_spearman": 85.57014313159492, + "main_score": 85.57014313159492 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/SciDocsRR.json b/results/vectoriseai__gte-small/external/SciDocsRR.json new file mode 100644 index 000000000..05f930772 --- /dev/null +++ b/results/vectoriseai__gte-small/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 84.83259065376154, + "mrr": 95.58455433455433, + "main_score": 84.83259065376154 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/SciFact.json b/results/vectoriseai__gte-small/external/SciFact.json new file mode 100644 index 000000000..cb8a7875f --- /dev/null +++ b/results/vectoriseai__gte-small/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 58.817, + "map_at_10": 68.459, + "map_at_100": 68.951, + "map_at_1000": 68.979, + "map_at_3": 65.791, + "map_at_5": 67.583, + "mrr_at_1": 61.667, + "mrr_at_10": 69.368, + "mrr_at_100": 69.721, + "mrr_at_1000": 69.744, + "mrr_at_3": 67.278, + "mrr_at_5": 68.611, + "ndcg_at_1": 61.667, + "ndcg_at_10": 72.70100000000001, + "ndcg_at_100": 74.928, + "ndcg_at_1000": 75.553, + "ndcg_at_3": 68.203, + "ndcg_at_5": 70.804, + "precision_at_1": 61.667, + "precision_at_10": 9.533, + "precision_at_100": 1.077, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 26.444000000000003, + "precision_at_5": 17.599999999999998, + "recall_at_1": 58.817, + "recall_at_10": 84.789, + "recall_at_100": 95.0, + "recall_at_1000": 99.667, + "recall_at_3": 72.8, + "recall_at_5": 79.294, + "main_score": 72.70100000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/SprintDuplicateQuestions.json b/results/vectoriseai__gte-small/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..e60ab44dd --- /dev/null +++ b/results/vectoriseai__gte-small/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.8108910891089, + "cos_sim_ap": 95.5743678558349, + "cos_sim_f1": 90.43133366385722, + "cos_sim_precision": 89.67551622418878, + "cos_sim_recall": 91.2, + "dot_accuracy": 99.75841584158415, + "dot_ap": 94.00786363627253, + "dot_f1": 87.51910341314316, + "dot_precision": 89.20041536863967, + "dot_recall": 85.9, + "euclidean_accuracy": 99.81485148514851, + "euclidean_ap": 95.4752113136905, + "euclidean_f1": 90.44334975369456, + "euclidean_precision": 89.126213592233, + "euclidean_recall": 91.8, + "manhattan_accuracy": 99.81584158415842, + "manhattan_ap": 95.5163172682464, + "manhattan_f1": 90.51987767584097, + "manhattan_precision": 92.3076923076923, + "manhattan_recall": 88.8, + "max_accuracy": 99.81584158415842, + "max_ap": 95.5743678558349, + "max_f1": 90.51987767584097, + "main_score": 95.5743678558349 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/StackExchangeClustering.json b/results/vectoriseai__gte-small/external/StackExchangeClustering.json new file mode 100644 index 000000000..a591a0bcc --- /dev/null +++ b/results/vectoriseai__gte-small/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 62.63235986949449, + "main_score": 62.63235986949449 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/StackExchangeClusteringP2P.json b/results/vectoriseai__gte-small/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..e9bf467cb --- /dev/null +++ b/results/vectoriseai__gte-small/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.334795589585575, + "main_score": 36.334795589585575 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/StackOverflowDupQuestions.json b/results/vectoriseai__gte-small/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..548e4c07d --- /dev/null +++ b/results/vectoriseai__gte-small/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 52.02955214518782, + "mrr": 52.8004838298956, + "main_score": 52.02955214518782 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/SummEval.json b/results/vectoriseai__gte-small/external/SummEval.json new file mode 100644 index 000000000..09f3fb4bd --- /dev/null +++ b/results/vectoriseai__gte-small/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.63769566275453, + "cos_sim_spearman": 30.422379185989335, + "dot_pearson": 26.88493071882256, + "dot_spearman": 26.505249740971305, + "cosine_pearson": 30.63769566275453, + "cosine_spearman": 30.422379185989335, + "main_score": 30.422379185989335 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/TRECCOVID.json b/results/vectoriseai__gte-small/external/TRECCOVID.json new file mode 100644 index 000000000..7755f2fcd --- /dev/null +++ b/results/vectoriseai__gte-small/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.21, + "map_at_10": 1.654, + "map_at_100": 10.095, + "map_at_1000": 25.808999999999997, + "map_at_3": 0.594, + "map_at_5": 0.9289999999999999, + "mrr_at_1": 78.0, + "mrr_at_10": 87.019, + "mrr_at_100": 87.019, + "mrr_at_1000": 87.019, + "mrr_at_3": 86.333, + "mrr_at_5": 86.733, + "ndcg_at_1": 73.0, + "ndcg_at_10": 66.52900000000001, + "ndcg_at_100": 53.433, + "ndcg_at_1000": 51.324000000000005, + "ndcg_at_3": 72.02199999999999, + "ndcg_at_5": 69.696, + "precision_at_1": 78.0, + "precision_at_10": 70.39999999999999, + "precision_at_100": 55.46, + "precision_at_1000": 22.758, + "precision_at_3": 76.667, + "precision_at_5": 74.0, + "recall_at_1": 0.21, + "recall_at_10": 1.8849999999999998, + "recall_at_100": 13.801, + "recall_at_1000": 49.649, + "recall_at_3": 0.632, + "recall_at_5": 1.009, + "main_score": 66.52900000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/Touche2020.json b/results/vectoriseai__gte-small/external/Touche2020.json new file mode 100644 index 000000000..0546197c0 --- /dev/null +++ b/results/vectoriseai__gte-small/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 1.797, + "map_at_10": 9.01, + "map_at_100": 14.682, + "map_at_1000": 16.336000000000002, + "map_at_3": 4.546, + "map_at_5": 5.9270000000000005, + "mrr_at_1": 24.490000000000002, + "mrr_at_10": 41.156, + "mrr_at_100": 42.392, + "mrr_at_1000": 42.408, + "mrr_at_3": 38.775999999999996, + "mrr_at_5": 40.102, + "ndcg_at_1": 21.429000000000002, + "ndcg_at_10": 22.222, + "ndcg_at_100": 34.405, + "ndcg_at_1000": 46.599000000000004, + "ndcg_at_3": 25.261, + "ndcg_at_5": 22.695999999999998, + "precision_at_1": 24.490000000000002, + "precision_at_10": 19.796, + "precision_at_100": 7.306, + "precision_at_1000": 1.5350000000000001, + "precision_at_3": 27.211000000000002, + "precision_at_5": 22.857, + "recall_at_1": 1.797, + "recall_at_10": 15.706000000000001, + "recall_at_100": 46.412, + "recall_at_1000": 83.159, + "recall_at_3": 6.1370000000000005, + "recall_at_5": 8.599, + "main_score": 22.222 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/ToxicConversationsClassification.json b/results/vectoriseai__gte-small/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..f08fce008 --- /dev/null +++ b/results/vectoriseai__gte-small/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.3302, + "ap": 14.169121204575601, + "f1": 54.229345975274235, + "main_score": 70.3302 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/TweetSentimentExtractionClassification.json b/results/vectoriseai__gte-small/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..5507894a0 --- /dev/null +++ b/results/vectoriseai__gte-small/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 58.22297679683077, + "f1": 58.62984908377875, + "main_score": 58.22297679683077 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/TwentyNewsgroupsClustering.json b/results/vectoriseai__gte-small/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..58b90f114 --- /dev/null +++ b/results/vectoriseai__gte-small/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 49.952922428464255, + "main_score": 49.952922428464255 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/TwitterSemEval2015.json b/results/vectoriseai__gte-small/external/TwitterSemEval2015.json new file mode 100644 index 000000000..e0a2b554a --- /dev/null +++ b/results/vectoriseai__gte-small/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 84.68140907194373, + "cos_sim_ap": 70.12180123666836, + "cos_sim_f1": 65.77501791258658, + "cos_sim_precision": 60.07853403141361, + "cos_sim_recall": 72.66490765171504, + "dot_accuracy": 81.92167848840674, + "dot_ap": 60.49837581423469, + "dot_f1": 58.44186046511628, + "dot_precision": 52.24532224532224, + "dot_recall": 66.3060686015831, + "euclidean_accuracy": 84.73505394289802, + "euclidean_ap": 70.3278904593286, + "euclidean_f1": 65.98851124940161, + "euclidean_precision": 60.38107752956636, + "euclidean_recall": 72.74406332453826, + "manhattan_accuracy": 84.73505394289802, + "manhattan_ap": 70.00737738537337, + "manhattan_f1": 65.80150784822642, + "manhattan_precision": 61.892583120204606, + "manhattan_recall": 70.23746701846966, + "max_accuracy": 84.73505394289802, + "max_ap": 70.3278904593286, + "max_f1": 65.98851124940161, + "main_score": 70.3278904593286 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/TwitterURLCorpus.json b/results/vectoriseai__gte-small/external/TwitterURLCorpus.json new file mode 100644 index 000000000..f7c40e0e9 --- /dev/null +++ b/results/vectoriseai__gte-small/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.44258159661582, + "cos_sim_ap": 84.91926704880888, + "cos_sim_f1": 77.07651086632926, + "cos_sim_precision": 74.5894554883319, + "cos_sim_recall": 79.73514012935017, + "dot_accuracy": 85.88116583226608, + "dot_ap": 78.9753854779923, + "dot_f1": 72.17757637979255, + "dot_precision": 66.80647486729143, + "dot_recall": 78.48783492454572, + "euclidean_accuracy": 88.5299025885823, + "euclidean_ap": 85.08006075642194, + "euclidean_f1": 77.29637336504163, + "euclidean_precision": 74.69836253950014, + "euclidean_recall": 80.08161379735141, + "manhattan_accuracy": 88.55124771995187, + "manhattan_ap": 85.00941529932851, + "manhattan_f1": 77.33100233100232, + "manhattan_precision": 73.37572573956317, + "manhattan_recall": 81.73698798891284, + "max_accuracy": 88.55124771995187, + "max_ap": 85.08006075642194, + "max_f1": 77.33100233100232, + "main_score": 85.08006075642194 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__gte-small/external/model_meta.json b/results/vectoriseai__gte-small/external/model_meta.json new file mode 100644 index 000000000..6b2a76a2d --- /dev/null +++ b/results/vectoriseai__gte-small/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "vectoriseai/gte-small", + "revision": "554a3de7402637fe9a37de142e7a33c245a22b38", + "release_date": "2023-10-11", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 33360512, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 384, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/AmazonCounterfactualClassification.json b/results/vectoriseai__multilingual-e5-large/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..73ddb89eb --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/AmazonCounterfactualClassification.json @@ -0,0 +1,50 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.05970149253731, + "ap": 43.486574390835635, + "f1": 73.32700092140148, + "main_score": 79.05970149253731 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 71.22055674518201, + "ap": 81.55756710830498, + "f1": 69.28271787752661, + "main_score": 71.22055674518201 + }, + { + "hf_subset": "en-ext", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.41979010494754, + "ap": 29.34879922376344, + "f1": 67.62475449011278, + "main_score": 80.41979010494754 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 77.8372591006424, + "ap": 26.557560591210738, + "f1": 64.96619417368707, + "main_score": 77.8372591006424 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/AmazonPolarityClassification.json b/results/vectoriseai__multilingual-e5-large/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..e11ff662b --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.489875, + "ap": 90.98758636917603, + "f1": 93.48554819717332, + "main_score": 93.489875 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/AmazonReviewsClassification.json b/results/vectoriseai__multilingual-e5-large/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..a4d2ba246 --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/AmazonReviewsClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 47.564, + "f1": 46.75122173518047, + "main_score": 47.564 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 45.400000000000006, + "f1": 44.17195682400632, + "main_score": 45.400000000000006 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 43.068, + "f1": 42.38155696855596, + "main_score": 43.068 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 41.89, + "f1": 40.84407321682663, + "main_score": 41.89 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 40.120000000000005, + "f1": 39.522976223819114, + "main_score": 40.120000000000005 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 38.832, + "f1": 38.0392533394713, + "main_score": 38.832 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/ArguAna.json b/results/vectoriseai__multilingual-e5-large/external/ArguAna.json new file mode 100644 index 000000000..f4a211c26 --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 30.725, + "map_at_10": 46.055, + "map_at_100": 46.900999999999996, + "map_at_1000": 46.911, + "map_at_3": 41.548, + "map_at_5": 44.297, + "mrr_at_1": 31.152, + "mrr_at_10": 46.231, + "mrr_at_100": 47.07, + "mrr_at_1000": 47.08, + "mrr_at_3": 41.738, + "mrr_at_5": 44.468999999999994, + "ndcg_at_1": 30.725, + "ndcg_at_10": 54.379999999999995, + "ndcg_at_100": 58.138, + "ndcg_at_1000": 58.389, + "ndcg_at_3": 45.156, + "ndcg_at_5": 50.123, + "precision_at_1": 30.725, + "precision_at_10": 8.087, + "precision_at_100": 0.9769999999999999, + "precision_at_1000": 0.1, + "precision_at_3": 18.54, + "precision_at_5": 13.542000000000002, + "recall_at_1": 30.725, + "recall_at_10": 80.868, + "recall_at_100": 97.653, + "recall_at_1000": 99.57300000000001, + "recall_at_3": 55.619, + "recall_at_5": 67.71000000000001, + "main_score": 54.379999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/ArxivClusteringP2P.json b/results/vectoriseai__multilingual-e5-large/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..f99cf7492 --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 44.30960650674069, + "main_score": 44.30960650674069 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/ArxivClusteringS2S.json b/results/vectoriseai__multilingual-e5-large/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..b471b2ebf --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.427074197498996, + "main_score": 38.427074197498996 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/AskUbuntuDupQuestions.json b/results/vectoriseai__multilingual-e5-large/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..7a3b2eda4 --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 60.28270056031872, + "mrr": 74.38332673789738, + "main_score": 60.28270056031872 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/BIOSSES.json b/results/vectoriseai__multilingual-e5-large/external/BIOSSES.json new file mode 100644 index 000000000..303d13bcc --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.05942144105269, + "cos_sim_spearman": 82.51212105850809, + "euclidean_pearson": 81.95639829909122, + "euclidean_spearman": 82.3717564144213, + "manhattan_pearson": 81.79273425468256, + "manhattan_spearman": 82.20066817871039, + "cosine_pearson": 84.05942144105269, + "cosine_spearman": 82.51212105850809, + "main_score": 82.51212105850809 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/BUCC.json b/results/vectoriseai__multilingual-e5-large/external/BUCC.json new file mode 100644 index 000000000..de853232f --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/BUCC.json @@ -0,0 +1,58 @@ +{ + "dataset_revision": "d51519689f32196a32af33b075a01d0e7c51e252", + "task_name": "BUCC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "accuracy": 99.46764091858039, + "f1": 99.37717466945023, + "precision": 99.33194154488518, + "recall": 99.46764091858039, + "main_score": 99.37717466945023 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "accuracy": 98.29407880255337, + "f1": 98.11248073959938, + "precision": 98.02443319392472, + "recall": 98.29407880255337, + "main_score": 98.11248073959938 + }, + { + "hf_subset": "ru-en", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "accuracy": 97.79009352268791, + "f1": 97.5176076665512, + "precision": 97.38136473848286, + "recall": 97.79009352268791, + "main_score": 97.5176076665512 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "accuracy": 99.26276987888363, + "f1": 99.20133403545726, + "precision": 99.17500438827453, + "recall": 99.26276987888363, + "main_score": 99.20133403545726 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/Banking77Classification.json b/results/vectoriseai__multilingual-e5-large/external/Banking77Classification.json new file mode 100644 index 000000000..01d0ae132 --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 84.72727272727273, + "f1": 84.67672206031433, + "main_score": 84.72727272727273 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/BiorxivClusteringP2P.json b/results/vectoriseai__multilingual-e5-large/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..856435bfd --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.34220182511161, + "main_score": 35.34220182511161 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/BiorxivClusteringS2S.json b/results/vectoriseai__multilingual-e5-large/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..591c406dc --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.4987096128766, + "main_score": 33.4987096128766 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/ClimateFEVER.json b/results/vectoriseai__multilingual-e5-large/external/ClimateFEVER.json new file mode 100644 index 000000000..0fef2b598 --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 10.338, + "map_at_10": 18.360000000000003, + "map_at_100": 19.942, + "map_at_1000": 20.134, + "map_at_3": 15.174000000000001, + "map_at_5": 16.830000000000002, + "mrr_at_1": 23.257, + "mrr_at_10": 33.768, + "mrr_at_100": 34.707, + "mrr_at_1000": 34.766000000000005, + "mrr_at_3": 30.977, + "mrr_at_5": 32.528, + "ndcg_at_1": 23.257, + "ndcg_at_10": 25.733, + "ndcg_at_100": 32.288, + "ndcg_at_1000": 35.992000000000004, + "ndcg_at_3": 20.866, + "ndcg_at_5": 22.612, + "precision_at_1": 23.257, + "precision_at_10": 8.124, + "precision_at_100": 1.518, + "precision_at_1000": 0.219, + "precision_at_3": 15.679000000000002, + "precision_at_5": 12.117, + "recall_at_1": 10.338, + "recall_at_10": 31.154, + "recall_at_100": 54.161, + "recall_at_1000": 75.21900000000001, + "recall_at_3": 19.427, + "recall_at_5": 24.214, + "main_score": 25.733 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/DBPedia.json b/results/vectoriseai__multilingual-e5-large/external/DBPedia.json new file mode 100644 index 000000000..da8290da0 --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.498, + "map_at_10": 19.103, + "map_at_100": 27.375, + "map_at_1000": 28.981, + "map_at_3": 13.764999999999999, + "map_at_5": 15.950000000000001, + "mrr_at_1": 65.5, + "mrr_at_10": 74.53800000000001, + "mrr_at_100": 74.71799999999999, + "mrr_at_1000": 74.725, + "mrr_at_3": 72.792, + "mrr_at_5": 73.554, + "ndcg_at_1": 53.37499999999999, + "ndcg_at_10": 41.286, + "ndcg_at_100": 45.972, + "ndcg_at_1000": 53.123, + "ndcg_at_3": 46.172999999999995, + "ndcg_at_5": 43.033, + "precision_at_1": 65.5, + "precision_at_10": 32.725, + "precision_at_100": 10.683, + "precision_at_1000": 1.978, + "precision_at_3": 50, + "precision_at_5": 41.349999999999994, + "recall_at_1": 8.498, + "recall_at_10": 25.070999999999998, + "recall_at_100": 52.383, + "recall_at_1000": 74.91499999999999, + "recall_at_3": 15.207999999999998, + "recall_at_5": 18.563, + "main_score": 41.286 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/EmotionClassification.json b/results/vectoriseai__multilingual-e5-large/external/EmotionClassification.json new file mode 100644 index 000000000..758c2b220 --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 46.5, + "f1": 41.93833713984145, + "main_score": 46.5 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/FEVER.json b/results/vectoriseai__multilingual-e5-large/external/FEVER.json new file mode 100644 index 000000000..2f1da6a33 --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 67.914, + "map_at_10": 78.10000000000001, + "map_at_100": 78.333, + "map_at_1000": 78.346, + "map_at_3": 76.626, + "map_at_5": 77.627, + "mrr_at_1": 72.74199999999999, + "mrr_at_10": 82.414, + "mrr_at_100": 82.511, + "mrr_at_1000": 82.513, + "mrr_at_3": 81.231, + "mrr_at_5": 82.065, + "ndcg_at_1": 72.74199999999999, + "ndcg_at_10": 82.806, + "ndcg_at_100": 83.677, + "ndcg_at_1000": 83.917, + "ndcg_at_3": 80.305, + "ndcg_at_5": 81.843, + "precision_at_1": 72.74199999999999, + "precision_at_10": 10.24, + "precision_at_100": 1.089, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 31.268, + "precision_at_5": 19.706000000000003, + "recall_at_1": 67.914, + "recall_at_10": 92.889, + "recall_at_100": 96.42699999999999, + "recall_at_1000": 97.92, + "recall_at_3": 86.21, + "recall_at_5": 90.036, + "main_score": 82.806 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/FiQA2018.json b/results/vectoriseai__multilingual-e5-large/external/FiQA2018.json new file mode 100644 index 000000000..24ff911a9 --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.166, + "map_at_10": 35.57, + "map_at_100": 37.405, + "map_at_1000": 37.564, + "map_at_3": 30.379, + "map_at_5": 33.324, + "mrr_at_1": 43.519000000000005, + "mrr_at_10": 51.556000000000004, + "mrr_at_100": 52.344, + "mrr_at_1000": 52.373999999999995, + "mrr_at_3": 48.868, + "mrr_at_5": 50.319, + "ndcg_at_1": 43.519000000000005, + "ndcg_at_10": 43.803, + "ndcg_at_100": 50.468999999999994, + "ndcg_at_1000": 53.111, + "ndcg_at_3": 38.893, + "ndcg_at_5": 40.653, + "precision_at_1": 43.519000000000005, + "precision_at_10": 12.253, + "precision_at_100": 1.931, + "precision_at_1000": 0.242, + "precision_at_3": 25.617, + "precision_at_5": 19.383, + "recall_at_1": 22.166, + "recall_at_10": 51.6, + "recall_at_100": 76.574, + "recall_at_1000": 92.192, + "recall_at_3": 34.477999999999994, + "recall_at_5": 41.835, + "main_score": 43.803 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/HotpotQA.json b/results/vectoriseai__multilingual-e5-large/external/HotpotQA.json new file mode 100644 index 000000000..83540ae1a --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 39.041, + "map_at_10": 62.961999999999996, + "map_at_100": 63.79899999999999, + "map_at_1000": 63.854, + "map_at_3": 59.399, + "map_at_5": 61.669, + "mrr_at_1": 78.082, + "mrr_at_10": 84.321, + "mrr_at_100": 84.49600000000001, + "mrr_at_1000": 84.502, + "mrr_at_3": 83.421, + "mrr_at_5": 83.977, + "ndcg_at_1": 78.082, + "ndcg_at_10": 71.229, + "ndcg_at_100": 74.10900000000001, + "ndcg_at_1000": 75.169, + "ndcg_at_3": 66.28699999999999, + "ndcg_at_5": 69.084, + "precision_at_1": 78.082, + "precision_at_10": 14.993, + "precision_at_100": 1.7239999999999998, + "precision_at_1000": 0.186, + "precision_at_3": 42.737, + "precision_at_5": 27.843, + "recall_at_1": 39.041, + "recall_at_10": 74.96300000000001, + "recall_at_100": 86.199, + "recall_at_1000": 93.228, + "recall_at_3": 64.105, + "recall_at_5": 69.608, + "main_score": 71.229 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/ImdbClassification.json b/results/vectoriseai__multilingual-e5-large/external/ImdbClassification.json new file mode 100644 index 000000000..844926298 --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 90.23160000000001, + "ap": 85.5674856808308, + "f1": 90.18033354786317, + "main_score": 90.23160000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/MSMARCO.json b/results/vectoriseai__multilingual-e5-large/external/MSMARCO.json new file mode 100644 index 000000000..55d6bac00 --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 24.091, + "map_at_10": 36.753, + "map_at_100": 37.913000000000004, + "map_at_1000": 37.958999999999996, + "map_at_3": 32.818999999999996, + "map_at_5": 35.171, + "mrr_at_1": 24.742, + "mrr_at_10": 37.285000000000004, + "mrr_at_100": 38.391999999999996, + "mrr_at_1000": 38.431, + "mrr_at_3": 33.440999999999995, + "mrr_at_5": 35.75, + "ndcg_at_1": 24.742, + "ndcg_at_10": 43.698, + "ndcg_at_100": 49.145, + "ndcg_at_1000": 50.23800000000001, + "ndcg_at_3": 35.769, + "ndcg_at_5": 39.961999999999996, + "precision_at_1": 24.742, + "precision_at_10": 6.7989999999999995, + "precision_at_100": 0.95, + "precision_at_1000": 0.104, + "precision_at_3": 15.096000000000002, + "precision_at_5": 11.183, + "recall_at_1": 24.091, + "recall_at_10": 65.068, + "recall_at_100": 89.899, + "recall_at_1000": 98.16, + "recall_at_3": 43.68, + "recall_at_5": 53.754999999999995, + "main_score": 43.698 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/MTOPDomainClassification.json b/results/vectoriseai__multilingual-e5-large/external/MTOPDomainClassification.json new file mode 100644 index 000000000..8076367ba --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/MTOPDomainClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.66621067031465, + "f1": 93.49622853272142, + "main_score": 93.66621067031465 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 91.94702733164272, + "f1": 91.17043441745282, + "main_score": 91.94702733164272 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 92.20146764509674, + "f1": 91.98359080555608, + "main_score": 92.20146764509674 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 88.99780770435328, + "f1": 89.19746342724068, + "main_score": 88.99780770435328 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 89.78486912871998, + "f1": 89.24578823628642, + "main_score": 89.78486912871998 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 88.74502712477394, + "f1": 89.00297573881542, + "main_score": 88.74502712477394 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/MTOPIntentClassification.json b/results/vectoriseai__multilingual-e5-large/external/MTOPIntentClassification.json new file mode 100644 index 000000000..49fcc0b3b --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/MTOPIntentClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.9046967624259, + "f1": 59.36787125785957, + "main_score": 77.9046967624259 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 74.5280360664976, + "f1": 57.17723440888718, + "main_score": 74.5280360664976 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 75.44029352901934, + "f1": 54.052855531072964, + "main_score": 75.44029352901934 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 70.5606013153774, + "f1": 52.62215934386531, + "main_score": 70.5606013153774 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 73.11581211903908, + "f1": 52.341291845645465, + "main_score": 73.11581211903908 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 74.28933092224233, + "f1": 57.07918745504911, + "main_score": 74.28933092224233 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/MassiveIntentClassification.json b/results/vectoriseai__multilingual-e5-large/external/MassiveIntentClassification.json new file mode 100644 index 000000000..6e67dc369 --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/MassiveIntentClassification.json @@ -0,0 +1,469 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 62.38063214525892, + "f1": 59.46463723443009, + "main_score": 62.38063214525892 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 56.06926698049766, + "f1": 52.49084283283562, + "main_score": 56.06926698049766 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 60.74983187626093, + "f1": 56.960640620165904, + "main_score": 60.74983187626093 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 64.86550100874243, + "f1": 62.47370548140688, + "main_score": 64.86550100874243 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 63.971082716879636, + "f1": 61.03812421957381, + "main_score": 63.971082716879636 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 54.98318762609282, + "f1": 51.51207916008392, + "main_score": 54.98318762609282 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 69.45527908540686, + "f1": 66.16631905400318, + "main_score": 69.45527908540686 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 69.32750504371216, + "f1": 66.16755288646591, + "main_score": 69.32750504371216 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 69.09213180901143, + "f1": 66.95654394661507, + "main_score": 69.09213180901143 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.75588433086752, + "f1": 71.79973779656923, + "main_score": 73.75588433086752 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 70.49428379287154, + "f1": 68.37494379215734, + "main_score": 70.49428379287154 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 69.90921318090115, + "f1": 66.79517376481645, + "main_score": 69.90921318090115 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 70.12104909213181, + "f1": 67.29448842879584, + "main_score": 70.12104909213181 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 69.34095494283793, + "f1": 67.01134288992947, + "main_score": 69.34095494283793 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 67.61264290517822, + "f1": 64.68730512660757, + "main_score": 67.61264290517822 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 67.79757901815738, + "f1": 65.24938539425598, + "main_score": 67.79757901815738 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 69.68728984532616, + "f1": 67.0487169762553, + "main_score": 69.68728984532616 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 62.07464694014795, + "f1": 59.183532276789286, + "main_score": 62.07464694014795 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 70.04707464694015, + "f1": 67.66829629003848, + "main_score": 70.04707464694015 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 62.42434431741762, + "f1": 59.01617226544757, + "main_score": 62.42434431741762 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 70.53127101546738, + "f1": 68.10033760906255, + "main_score": 70.53127101546738 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 72.50504371217215, + "f1": 69.74931103158923, + "main_score": 72.50504371217215 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 57.91190316072628, + "f1": 54.05551136648796, + "main_score": 57.91190316072628 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 51.78211163416275, + "f1": 49.874888544058535, + "main_score": 51.78211163416275 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 47.017484868863484, + "f1": 44.53364263352014, + "main_score": 47.017484868863484 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 62.16207128446537, + "f1": 59.01185692320829, + "main_score": 62.16207128446537 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 69.42501681237391, + "f1": 67.13169450166086, + "main_score": 69.42501681237391 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 67.0780094149294, + "f1": 64.41720167850707, + "main_score": 67.0780094149294 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 65.57162071284466, + "f1": 62.414138683804424, + "main_score": 65.57162071284466 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 61.71149966375252, + "f1": 58.594805125087234, + "main_score": 61.71149966375252 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 66.03900470746471, + "f1": 63.87937257883887, + "main_score": 66.03900470746471 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 60.8776059179556, + "f1": 57.48587618059131, + "main_score": 60.8776059179556 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 69.87895090786819, + "f1": 66.8141299430347, + "main_score": 69.87895090786819 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 70.45057162071285, + "f1": 67.46444039673516, + "main_score": 70.45057162071285 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 71.546738399462, + "f1": 68.63640876702655, + "main_score": 71.546738399462 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 70.72965702757229, + "f1": 68.54119560379115, + "main_score": 70.72965702757229 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 68.35574983187625, + "f1": 65.88844917691927, + "main_score": 68.35574983187625 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 71.70477471418964, + "f1": 69.19665697061978, + "main_score": 71.70477471418964 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 67.0880968392737, + "f1": 64.76962317666086, + "main_score": 67.0880968392737 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 65.18493611297916, + "f1": 62.49984559035371, + "main_score": 65.18493611297916 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 71.75857431069265, + "f1": 69.20053687623418, + "main_score": 71.75857431069265 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 58.500336247478145, + "f1": 55.2972398687929, + "main_score": 58.500336247478145 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 62.68997982515132, + "f1": 59.36848202755348, + "main_score": 62.68997982515132 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 63.01950235373235, + "f1": 60.09351954625423, + "main_score": 63.01950235373235 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 68.29186281102892, + "f1": 67.57860496703447, + "main_score": 68.29186281102892 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 64.77471418964357, + "f1": 61.913983147713836, + "main_score": 64.77471418964357 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 69.87222595830532, + "f1": 66.03679033708141, + "main_score": 69.87222595830532 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 64.04505716207127, + "f1": 61.28569169817908, + "main_score": 64.04505716207127 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 69.38466711499663, + "f1": 67.20532357036844, + "main_score": 69.38466711499663 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 71.12306657700067, + "f1": 68.91251226588182, + "main_score": 71.12306657700067 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 66.20040349697378, + "f1": 66.02657347714175, + "main_score": 66.20040349697378 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/MassiveScenarioClassification.json b/results/vectoriseai__multilingual-e5-large/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..348c9c4c9 --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/MassiveScenarioClassification.json @@ -0,0 +1,469 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 68.73907195696032, + "f1": 66.98484521791418, + "main_score": 68.73907195696032 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 60.58843308675185, + "f1": 58.95591723092005, + "main_score": 60.58843308675185 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 66.22730329522528, + "f1": 66.0894499712115, + "main_score": 66.22730329522528 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 66.48285137861465, + "f1": 65.21963176785157, + "main_score": 66.48285137861465 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 67.74714189643578, + "f1": 66.8212192745412, + "main_score": 67.74714189643578 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 59.09213180901143, + "f1": 56.70735546356339, + "main_score": 59.09213180901143 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 75.05716207128448, + "f1": 74.8413712365364, + "main_score": 75.05716207128448 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 74.69737726967047, + "f1": 74.7664341963, + "main_score": 74.69737726967047 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 73.90383322125084, + "f1": 73.59201554448323, + "main_score": 73.90383322125084 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.51176866173503, + "f1": 77.46104434577758, + "main_score": 77.51176866173503 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 74.31069266980496, + "f1": 74.61048660675635, + "main_score": 74.31069266980496 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 72.95225285810356, + "f1": 72.33160006574627, + "main_score": 72.95225285810356 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 73.12373907195696, + "f1": 73.20921012557481, + "main_score": 73.12373907195696 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 73.86684599865501, + "f1": 73.82348774610831, + "main_score": 73.86684599865501 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 71.40215198386012, + "f1": 71.11945183971858, + "main_score": 71.40215198386012 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 72.12844653665098, + "f1": 71.34450495911766, + "main_score": 72.12844653665098 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 74.52252858103566, + "f1": 73.98878711342999, + "main_score": 74.52252858103566 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 64.93611297915265, + "f1": 63.723200467653385, + "main_score": 64.93611297915265 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 74.11903160726295, + "f1": 73.82138439467096, + "main_score": 74.11903160726295 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 67.15198386012105, + "f1": 66.02172193802167, + "main_score": 67.15198386012105 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 74.32414256893072, + "f1": 74.30943421170574, + "main_score": 74.32414256893072 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 77.46805648957633, + "f1": 77.62808409298209, + "main_score": 77.46805648957633 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 63.318762609280434, + "f1": 62.094284066075076, + "main_score": 63.318762609280434 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 58.34902488231338, + "f1": 57.12893860987984, + "main_score": 58.34902488231338 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 50.88433086751849, + "f1": 48.2272350802058, + "main_score": 50.88433086751849 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 66.4425016812374, + "f1": 64.61463095996173, + "main_score": 66.4425016812374 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 75.04707464694015, + "f1": 75.05099199098998, + "main_score": 75.04707464694015 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 70.50437121721586, + "f1": 69.83397721096314, + "main_score": 70.50437121721586 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 69.94283792871553, + "f1": 68.8704663703913, + "main_score": 69.94283792871553 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 64.79488903833222, + "f1": 63.615424063345436, + "main_score": 64.79488903833222 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 69.88231338264963, + "f1": 68.57892302593237, + "main_score": 69.88231338264963 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 63.248150638870214, + "f1": 61.06680605338809, + "main_score": 63.248150638870214 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 74.84196368527236, + "f1": 74.52566464968763, + "main_score": 74.84196368527236 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 74.8285137861466, + "f1": 74.8853197608802, + "main_score": 74.8285137861466 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 74.13248150638869, + "f1": 74.3982040999179, + "main_score": 74.13248150638869 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 73.49024882313383, + "f1": 73.82153848368573, + "main_score": 73.49024882313383 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 71.72158708809684, + "f1": 71.85049433180541, + "main_score": 71.72158708809684 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 75.137861466039, + "f1": 75.37628348188467, + "main_score": 75.137861466039 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 71.86953597848016, + "f1": 71.87537624521661, + "main_score": 71.86953597848016 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 70.27572293207801, + "f1": 68.80017302344231, + "main_score": 70.27572293207801 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 76.09952925353059, + "f1": 76.07992707688408, + "main_score": 76.09952925353059 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 63.140551445864155, + "f1": 61.73855010331415, + "main_score": 63.140551445864155 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 66.27774041694687, + "f1": 64.83664868894539, + "main_score": 66.27774041694687 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 66.69468728984533, + "f1": 64.76239666920868, + "main_score": 66.69468728984533 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 73.44653665097512, + "f1": 73.14646052013873, + "main_score": 73.44653665097512 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 67.71351714862139, + "f1": 66.67212180163382, + "main_score": 67.71351714862139 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 73.9946200403497, + "f1": 73.87348793725525, + "main_score": 73.9946200403497 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 68.15400134498992, + "f1": 67.09433241421094, + "main_score": 68.15400134498992 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 73.11365164761264, + "f1": 73.59502539433753, + "main_score": 73.11365164761264 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 76.82582380632145, + "f1": 76.89992945316313, + "main_score": 76.82582380632145 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 71.81237390719569, + "f1": 72.36499770986265, + "main_score": 71.81237390719569 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/MedrxivClusteringP2P.json b/results/vectoriseai__multilingual-e5-large/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..a8596f211 --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.480506569594695, + "main_score": 31.480506569594695 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/MedrxivClusteringS2S.json b/results/vectoriseai__multilingual-e5-large/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..6250b7736 --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 29.71252128004552, + "main_score": 29.71252128004552 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/MindSmallReranking.json b/results/vectoriseai__multilingual-e5-large/external/MindSmallReranking.json new file mode 100644 index 000000000..c03891345 --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 31.421396787056548, + "mrr": 32.48155274872267, + "main_score": 31.421396787056548 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/NFCorpus.json b/results/vectoriseai__multilingual-e5-large/external/NFCorpus.json new file mode 100644 index 000000000..3b79c74ef --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.595, + "map_at_10": 12.642000000000001, + "map_at_100": 15.726, + "map_at_1000": 17.061999999999998, + "map_at_3": 9.125, + "map_at_5": 10.866000000000001, + "mrr_at_1": 43.344, + "mrr_at_10": 52.227999999999994, + "mrr_at_100": 52.898999999999994, + "mrr_at_1000": 52.944, + "mrr_at_3": 49.845, + "mrr_at_5": 51.115, + "ndcg_at_1": 41.949999999999996, + "ndcg_at_10": 33.995, + "ndcg_at_100": 30.869999999999997, + "ndcg_at_1000": 39.487, + "ndcg_at_3": 38.903999999999996, + "ndcg_at_5": 37.236999999999995, + "precision_at_1": 43.344, + "precision_at_10": 25.480000000000004, + "precision_at_100": 7.672, + "precision_at_1000": 2.028, + "precision_at_3": 36.636, + "precision_at_5": 32.632, + "recall_at_1": 5.595, + "recall_at_10": 16.466, + "recall_at_100": 31.226, + "recall_at_1000": 62.778999999999996, + "recall_at_3": 9.931, + "recall_at_5": 12.884, + "main_score": 33.995 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/NQ.json b/results/vectoriseai__multilingual-e5-large/external/NQ.json new file mode 100644 index 000000000..bbf3206f3 --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 40.414, + "map_at_10": 56.754000000000005, + "map_at_100": 57.457, + "map_at_1000": 57.477999999999994, + "map_at_3": 52.873999999999995, + "map_at_5": 55.175, + "mrr_at_1": 45.278, + "mrr_at_10": 59.192, + "mrr_at_100": 59.650000000000006, + "mrr_at_1000": 59.665, + "mrr_at_3": 56.141, + "mrr_at_5": 57.998000000000005, + "ndcg_at_1": 45.278, + "ndcg_at_10": 64.056, + "ndcg_at_100": 66.89, + "ndcg_at_1000": 67.364, + "ndcg_at_3": 56.97, + "ndcg_at_5": 60.719, + "precision_at_1": 45.278, + "precision_at_10": 9.994, + "precision_at_100": 1.165, + "precision_at_1000": 0.121, + "precision_at_3": 25.512, + "precision_at_5": 17.509, + "recall_at_1": 40.414, + "recall_at_10": 83.596, + "recall_at_100": 95.72, + "recall_at_1000": 99.24, + "recall_at_3": 65.472, + "recall_at_5": 74.039, + "main_score": 64.056 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/QuoraRetrieval.json b/results/vectoriseai__multilingual-e5-large/external/QuoraRetrieval.json new file mode 100644 index 000000000..48e5426c5 --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 70.352, + "map_at_10": 84.369, + "map_at_100": 85.02499999999999, + "map_at_1000": 85.04, + "map_at_3": 81.42399999999999, + "map_at_5": 83.279, + "mrr_at_1": 81.05, + "mrr_at_10": 87.401, + "mrr_at_100": 87.504, + "mrr_at_1000": 87.505, + "mrr_at_3": 86.443, + "mrr_at_5": 87.10799999999999, + "ndcg_at_1": 81.04, + "ndcg_at_10": 88.181, + "ndcg_at_100": 89.411, + "ndcg_at_1000": 89.507, + "ndcg_at_3": 85.28099999999999, + "ndcg_at_5": 86.888, + "precision_at_1": 81.04, + "precision_at_10": 13.406, + "precision_at_100": 1.5350000000000001, + "precision_at_1000": 0.157, + "precision_at_3": 37.31, + "precision_at_5": 24.54, + "recall_at_1": 70.352, + "recall_at_10": 95.358, + "recall_at_100": 99.541, + "recall_at_1000": 99.984, + "recall_at_3": 87.111, + "recall_at_5": 91.643, + "main_score": 88.181 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/RedditClustering.json b/results/vectoriseai__multilingual-e5-large/external/RedditClustering.json new file mode 100644 index 000000000..df7d202e6 --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 46.54068723291946, + "main_score": 46.54068723291946 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/RedditClusteringP2P.json b/results/vectoriseai__multilingual-e5-large/external/RedditClusteringP2P.json new file mode 100644 index 000000000..181c0cbef --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 63.216287629895994, + "main_score": 63.216287629895994 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/SCIDOCS.json b/results/vectoriseai__multilingual-e5-large/external/SCIDOCS.json new file mode 100644 index 000000000..d1db509a1 --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.023000000000001, + "map_at_10": 10.071, + "map_at_100": 11.892, + "map_at_1000": 12.196, + "map_at_3": 7.234, + "map_at_5": 8.613999999999999, + "mrr_at_1": 19.900000000000002, + "mrr_at_10": 30.516, + "mrr_at_100": 31.656000000000002, + "mrr_at_1000": 31.723000000000003, + "mrr_at_3": 27.400000000000002, + "mrr_at_5": 29.270000000000003, + "ndcg_at_1": 19.900000000000002, + "ndcg_at_10": 17.474, + "ndcg_at_100": 25.020999999999997, + "ndcg_at_1000": 30.728, + "ndcg_at_3": 16.588, + "ndcg_at_5": 14.498, + "precision_at_1": 19.900000000000002, + "precision_at_10": 9.139999999999999, + "precision_at_100": 2.011, + "precision_at_1000": 0.33899999999999997, + "precision_at_3": 15.667, + "precision_at_5": 12.839999999999998, + "recall_at_1": 4.023000000000001, + "recall_at_10": 18.497, + "recall_at_100": 40.8, + "recall_at_1000": 68.812, + "recall_at_3": 9.508, + "recall_at_5": 12.983, + "main_score": 17.474 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/SICK-R.json b/results/vectoriseai__multilingual-e5-large/external/SICK-R.json new file mode 100644 index 000000000..923bec13c --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.967008785134, + "cos_sim_spearman": 80.23142141101837, + "euclidean_pearson": 81.20166064704539, + "euclidean_spearman": 80.18961335654585, + "manhattan_pearson": 81.13925443187625, + "manhattan_spearman": 80.07948723044424, + "cosine_pearson": 83.967008785134, + "cosine_spearman": 80.23142141101837, + "main_score": 80.23142141101837 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/STS12.json b/results/vectoriseai__multilingual-e5-large/external/STS12.json new file mode 100644 index 000000000..9eb70c899 --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.94262461316023, + "cos_sim_spearman": 80.01596278563865, + "euclidean_pearson": 83.80799622922581, + "euclidean_spearman": 79.94984954947103, + "manhattan_pearson": 83.68473841756281, + "manhattan_spearman": 79.84990707951822, + "cosine_pearson": 86.94262461316023, + "cosine_spearman": 80.01596278563865, + "main_score": 80.01596278563865 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/STS13.json b/results/vectoriseai__multilingual-e5-large/external/STS13.json new file mode 100644 index 000000000..b72576071 --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 80.57346443146068, + "cos_sim_spearman": 81.54689837570866, + "euclidean_pearson": 81.10909881516007, + "euclidean_spearman": 81.56746243261762, + "manhattan_pearson": 80.87076036186582, + "manhattan_spearman": 81.33074987964402, + "cosine_pearson": 80.57346443146068, + "cosine_spearman": 81.54689837570866, + "main_score": 81.54689837570866 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/STS14.json b/results/vectoriseai__multilingual-e5-large/external/STS14.json new file mode 100644 index 000000000..2bd2d7e3d --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 79.54733787179849, + "cos_sim_spearman": 77.72202105610411, + "euclidean_pearson": 78.9043595478849, + "euclidean_spearman": 77.93422804309435, + "manhattan_pearson": 78.58115121621368, + "manhattan_spearman": 77.62508135122033, + "cosine_pearson": 79.54733787179849, + "cosine_spearman": 77.72202105610411, + "main_score": 77.72202105610411 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/STS15.json b/results/vectoriseai__multilingual-e5-large/external/STS15.json new file mode 100644 index 000000000..0d6b8b033 --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.59880017237558, + "cos_sim_spearman": 89.31088630824758, + "euclidean_pearson": 88.47069261564656, + "euclidean_spearman": 89.33581971465233, + "manhattan_pearson": 88.40774264100956, + "manhattan_spearman": 89.28657485627835, + "cosine_pearson": 88.59880017237558, + "cosine_spearman": 89.31088630824758, + "main_score": 89.31088630824758 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/STS16.json b/results/vectoriseai__multilingual-e5-large/external/STS16.json new file mode 100644 index 000000000..7556b0e40 --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.08055117917084, + "cos_sim_spearman": 85.78491813080304, + "euclidean_pearson": 84.99329155500392, + "euclidean_spearman": 85.76728064677287, + "manhattan_pearson": 84.87947428989587, + "manhattan_spearman": 85.62429454917464, + "cosine_pearson": 84.08055117917084, + "cosine_spearman": 85.78491813080304, + "main_score": 85.78491813080304 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/STS17.json b/results/vectoriseai__multilingual-e5-large/external/STS17.json new file mode 100644 index 000000000..b3e664ef5 --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/STS17.json @@ -0,0 +1,182 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "ko-ko", + "languages": [ + "kor-Hang" + ], + "cos_sim_pearson": 82.14190939287384, + "cos_sim_spearman": 82.27331573306041, + "euclidean_pearson": 81.891896953716, + "euclidean_spearman": 82.37695542955998, + "manhattan_pearson": 81.73123869460504, + "manhattan_spearman": 82.19989168441421, + "cosine_pearson": 82.14190939287384, + "cosine_spearman": 82.27331573306041, + "main_score": 82.27331573306041 + }, + { + "hf_subset": "ar-ar", + "languages": [ + "ara-Arab" + ], + "cos_sim_pearson": 76.84695301843362, + "cos_sim_spearman": 77.87790986014461, + "euclidean_pearson": 76.91981583106315, + "euclidean_spearman": 77.88154772749589, + "manhattan_pearson": 76.94953277451093, + "manhattan_spearman": 77.80499230728604, + "cosine_pearson": 76.84695301843362, + "cosine_spearman": 77.87790986014461, + "main_score": 77.87790986014461 + }, + { + "hf_subset": "en-ar", + "languages": [ + "eng-Latn", + "ara-Arab" + ], + "cos_sim_pearson": 75.44657840482016, + "cos_sim_spearman": 75.05531095119674, + "euclidean_pearson": 75.88161755829299, + "euclidean_spearman": 74.73176238219332, + "manhattan_pearson": 75.63984765635362, + "manhattan_spearman": 74.86476440770737, + "cosine_pearson": 75.44657840482016, + "cosine_spearman": 75.05531095119674, + "main_score": 75.05531095119674 + }, + { + "hf_subset": "en-de", + "languages": [ + "eng-Latn", + "deu-Latn" + ], + "cos_sim_pearson": 85.64700140524133, + "cos_sim_spearman": 86.16014210425672, + "euclidean_pearson": 86.49086860843221, + "euclidean_spearman": 86.09729326815614, + "manhattan_pearson": 86.43406265125513, + "manhattan_spearman": 86.17740150939994, + "cosine_pearson": 85.64700140524133, + "cosine_spearman": 86.16014210425672, + "main_score": 86.16014210425672 + }, + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.91170098764921, + "cos_sim_spearman": 88.12437004058931, + "euclidean_pearson": 88.81828254494437, + "euclidean_spearman": 88.14831794572122, + "manhattan_pearson": 88.93442183448961, + "manhattan_spearman": 88.15254630778304, + "cosine_pearson": 87.91170098764921, + "cosine_spearman": 88.12437004058931, + "main_score": 88.12437004058931 + }, + { + "hf_subset": "en-tr", + "languages": [ + "eng-Latn", + "tur-Latn" + ], + "cos_sim_pearson": 72.91390577997292, + "cos_sim_spearman": 71.22979457536074, + "euclidean_pearson": 74.40314008106749, + "euclidean_spearman": 72.54972136083246, + "manhattan_pearson": 73.85687539530218, + "manhattan_spearman": 72.09500771742637, + "cosine_pearson": 72.91390577997292, + "cosine_spearman": 71.22979457536074, + "main_score": 71.22979457536074 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 80.9301067983089, + "cos_sim_spearman": 80.74989828346473, + "euclidean_pearson": 81.36781301814257, + "euclidean_spearman": 80.9448819964426, + "manhattan_pearson": 81.0351322685609, + "manhattan_spearman": 80.70192121844177, + "cosine_pearson": 80.9301067983089, + "cosine_spearman": 80.74989828346473, + "main_score": 80.74989828346473 + }, + { + "hf_subset": "es-es", + "languages": [ + "spa-Latn" + ], + "cos_sim_pearson": 87.13820465980005, + "cos_sim_spearman": 86.73532498758757, + "euclidean_pearson": 87.21329451846637, + "euclidean_spearman": 86.57863198601002, + "manhattan_pearson": 87.06973713818554, + "manhattan_spearman": 86.47534918791499, + "cosine_pearson": 87.13820465980005, + "cosine_spearman": 86.73532498758757, + "main_score": 86.73532498758757 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 85.48720108904415, + "cos_sim_spearman": 85.62221757068387, + "euclidean_pearson": 86.1010129512749, + "euclidean_spearman": 85.86580966509942, + "manhattan_pearson": 86.26800938808971, + "manhattan_spearman": 85.88902721678429, + "cosine_pearson": 85.48720108904415, + "cosine_spearman": 85.62221757068387, + "main_score": 85.62221757068387 + }, + { + "hf_subset": "it-en", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 83.98021347333516, + "cos_sim_spearman": 84.53806553803501, + "euclidean_pearson": 84.61483347248364, + "euclidean_spearman": 85.14191408011702, + "manhattan_pearson": 84.75297588825967, + "manhattan_spearman": 85.33176753669242, + "cosine_pearson": 83.98021347333516, + "cosine_spearman": 84.53806553803501, + "main_score": 84.53806553803501 + }, + { + "hf_subset": "nl-en", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 84.51856644893233, + "cos_sim_spearman": 85.27510748506413, + "euclidean_pearson": 85.09886861540977, + "euclidean_spearman": 85.62579245860887, + "manhattan_pearson": 84.93017860464607, + "manhattan_spearman": 85.5063988898453, + "cosine_pearson": 84.51856644893233, + "cosine_spearman": 85.27510748506413, + "main_score": 85.27510748506413 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/STS22.json b/results/vectoriseai__multilingual-e5-large/external/STS22.json new file mode 100644 index 000000000..014de3b18 --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/STS22.json @@ -0,0 +1,288 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 62.581573200584195, + "cos_sim_spearman": 63.05503590247928, + "euclidean_pearson": 63.652564812602094, + "euclidean_spearman": 62.64811520876156, + "manhattan_pearson": 63.506842893061076, + "manhattan_spearman": 62.51289573046917, + "cosine_pearson": 62.581573200584195, + "cosine_spearman": 63.05503590247928, + "main_score": 63.05503590247928 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "cos_sim_pearson": 48.2248801729127, + "cos_sim_spearman": 56.5936604678561, + "euclidean_pearson": 43.98149464089, + "euclidean_spearman": 56.108561882423615, + "manhattan_pearson": 43.86880305903564, + "manhattan_spearman": 56.04671150510166, + "cosine_pearson": 48.2248801729127, + "cosine_spearman": 56.5936604678561, + "main_score": 56.5936604678561 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "cos_sim_pearson": 55.17564527009831, + "cos_sim_spearman": 64.57978560979488, + "euclidean_pearson": 58.8818330154583, + "euclidean_spearman": 64.99214839071281, + "manhattan_pearson": 58.72671436121381, + "manhattan_spearman": 65.10713416616109, + "cosine_pearson": 55.17564527009831, + "cosine_spearman": 64.57978560979488, + "main_score": 64.57978560979488 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "cos_sim_pearson": 26.772131864023297, + "cos_sim_spearman": 34.68200792408681, + "euclidean_pearson": 16.68082419005441, + "euclidean_spearman": 34.83099932652166, + "manhattan_pearson": 16.52605949659529, + "manhattan_spearman": 34.82075801399475, + "cosine_pearson": 26.772131864023297, + "cosine_spearman": 34.68200792408681, + "main_score": 34.68200792408681 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "cos_sim_pearson": 54.42415189043831, + "cos_sim_spearman": 63.54594264576758, + "euclidean_pearson": 57.36577498297745, + "euclidean_spearman": 63.111466379158074, + "manhattan_pearson": 57.584543715873885, + "manhattan_spearman": 63.22361054139183, + "cosine_pearson": 54.42415189043831, + "cosine_spearman": 63.54594264576758, + "main_score": 63.54594264576758 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "cos_sim_pearson": 47.55216762405518, + "cos_sim_spearman": 56.98670142896412, + "euclidean_pearson": 50.15318757562699, + "euclidean_spearman": 56.524941926541906, + "manhattan_pearson": 49.955618528674904, + "manhattan_spearman": 56.37102209240117, + "cosine_pearson": 47.55216762405518, + "cosine_spearman": 56.98670142896412, + "main_score": 56.98670142896412 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "cos_sim_pearson": 49.20540980338571, + "cos_sim_spearman": 59.9009453504406, + "euclidean_pearson": 49.557749853620535, + "euclidean_spearman": 59.76631621172456, + "manhattan_pearson": 49.62340591181147, + "manhattan_spearman": 59.94224880322436, + "cosine_pearson": 49.20540980338571, + "cosine_spearman": 59.9009453504406, + "main_score": 59.9009453504406 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 51.508169956576985, + "cos_sim_spearman": 66.82461565306046, + "euclidean_pearson": 56.2274426480083, + "euclidean_spearman": 66.6775323848333, + "manhattan_pearson": 55.98277796300661, + "manhattan_spearman": 66.63669848497175, + "cosine_pearson": 51.508169956576985, + "cosine_spearman": 66.82461565306046, + "main_score": 66.82461565306046 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 72.86478788045507, + "cos_sim_spearman": 76.7946552053193, + "euclidean_pearson": 75.01598530490269, + "euclidean_spearman": 76.83618917858281, + "manhattan_pearson": 74.68337628304332, + "manhattan_spearman": 76.57480204017773, + "cosine_pearson": 72.86478788045507, + "cosine_spearman": 76.7946552053193, + "main_score": 76.7946552053193 + }, + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 55.922619099401984, + "cos_sim_spearman": 56.599362477240774, + "euclidean_pearson": 56.68307052369783, + "euclidean_spearman": 54.28760436777401, + "manhattan_pearson": 56.67763566500681, + "manhattan_spearman": 53.94619541711359, + "cosine_pearson": 55.922619099401984, + "cosine_spearman": 56.599362477240774, + "main_score": 56.599362477240774 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 66.74357206710913, + "cos_sim_spearman": 72.5208244925311, + "euclidean_pearson": 67.49254562186032, + "euclidean_spearman": 72.02469076238683, + "manhattan_pearson": 67.45251772238085, + "manhattan_spearman": 72.05538819984538, + "cosine_pearson": 66.74357206710913, + "cosine_spearman": 72.5208244925311, + "main_score": 72.5208244925311 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "cos_sim_pearson": 71.25734330033191, + "cos_sim_spearman": 76.98349083946823, + "euclidean_pearson": 73.71642838667736, + "euclidean_spearman": 77.01715504651384, + "manhattan_pearson": 73.61712711868105, + "manhattan_spearman": 77.01392571153896, + "cosine_pearson": 71.25734330033191, + "cosine_spearman": 76.98349083946823, + "main_score": 76.98349083946823 + }, + { + "hf_subset": "pl-en", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 63.18215462781212, + "cos_sim_spearman": 65.54373266117607, + "euclidean_pearson": 64.54126095439005, + "euclidean_spearman": 65.30410369102711, + "manhattan_pearson": 63.50332221148234, + "manhattan_spearman": 64.3455878104313, + "cosine_pearson": 63.18215462781212, + "cosine_spearman": 65.54373266117607, + "main_score": 65.54373266117607 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "cos_sim_pearson": 62.30509221440029, + "cos_sim_spearman": 65.99582704642478, + "euclidean_pearson": 63.43818859884195, + "euclidean_spearman": 66.83172582815764, + "manhattan_pearson": 63.055779168508764, + "manhattan_spearman": 65.49585020501449, + "cosine_pearson": 62.30509221440029, + "cosine_spearman": 65.99582704642478, + "main_score": 65.99582704642478 + }, + { + "hf_subset": "es-it", + "languages": [ + "spa-Latn", + "ita-Latn" + ], + "cos_sim_pearson": 59.587830825340404, + "cos_sim_spearman": 68.93467614588089, + "euclidean_pearson": 62.3073527367404, + "euclidean_spearman": 69.69758171553175, + "manhattan_pearson": 61.9074580815789, + "manhattan_spearman": 69.57696375597865, + "cosine_pearson": 59.587830825340404, + "cosine_spearman": 68.93467614588089, + "main_score": 68.93467614588089 + }, + { + "hf_subset": "de-fr", + "languages": [ + "deu-Latn", + "fra-Latn" + ], + "cos_sim_pearson": 57.143220125577066, + "cos_sim_spearman": 67.78857859159226, + "euclidean_pearson": 55.58225107923733, + "euclidean_spearman": 67.80662907184563, + "manhattan_pearson": 56.24953502726514, + "manhattan_spearman": 67.98262125431616, + "cosine_pearson": 57.143220125577066, + "cosine_spearman": 67.78857859159226, + "main_score": 67.78857859159226 + }, + { + "hf_subset": "de-pl", + "languages": [ + "deu-Latn", + "pol-Latn" + ], + "cos_sim_pearson": 21.826928900322066, + "cos_sim_spearman": 49.578506634400405, + "euclidean_pearson": 27.939890138843214, + "euclidean_spearman": 52.71950519136242, + "manhattan_pearson": 26.39878683847546, + "manhattan_spearman": 47.54609580342499, + "cosine_pearson": 21.826928900322066, + "cosine_spearman": 49.578506634400405, + "main_score": 49.578506634400405 + }, + { + "hf_subset": "fr-pl", + "languages": [ + "fra-Latn", + "pol-Latn" + ], + "cos_sim_pearson": 57.27603854632001, + "cos_sim_spearman": 50.709255283710995, + "euclidean_pearson": 59.5419024445929, + "euclidean_spearman": 50.709255283710995, + "manhattan_pearson": 59.03256832438492, + "manhattan_spearman": 61.97797868009122, + "cosine_pearson": 57.27603854632001, + "cosine_spearman": 50.709255283710995, + "main_score": 50.709255283710995 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/STSBenchmark.json b/results/vectoriseai__multilingual-e5-large/external/STSBenchmark.json new file mode 100644 index 000000000..7dc5ed2f4 --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.00757054859712, + "cos_sim_spearman": 87.29283629622222, + "euclidean_pearson": 86.54824171775536, + "euclidean_spearman": 87.24364730491402, + "manhattan_pearson": 86.5062156915074, + "manhattan_spearman": 87.15052170378574, + "cosine_pearson": 85.00757054859712, + "cosine_spearman": 87.29283629622222, + "main_score": 87.29283629622222 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/SciDocsRR.json b/results/vectoriseai__multilingual-e5-large/external/SciDocsRR.json new file mode 100644 index 000000000..e5859fe7b --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 82.03549357197389, + "mrr": 95.05437645143527, + "main_score": 82.03549357197389 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/SciFact.json b/results/vectoriseai__multilingual-e5-large/external/SciFact.json new file mode 100644 index 000000000..8c691c6c2 --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 57.260999999999996, + "map_at_10": 66.259, + "map_at_100": 66.884, + "map_at_1000": 66.912, + "map_at_3": 63.685, + "map_at_5": 65.35499999999999, + "mrr_at_1": 60.333000000000006, + "mrr_at_10": 67.5, + "mrr_at_100": 68.013, + "mrr_at_1000": 68.038, + "mrr_at_3": 65.61099999999999, + "mrr_at_5": 66.861, + "ndcg_at_1": 60.333000000000006, + "ndcg_at_10": 70.41, + "ndcg_at_100": 73.10600000000001, + "ndcg_at_1000": 73.846, + "ndcg_at_3": 66.133, + "ndcg_at_5": 68.499, + "precision_at_1": 60.333000000000006, + "precision_at_10": 9.232999999999999, + "precision_at_100": 1.0630000000000002, + "precision_at_1000": 0.11299999999999999, + "precision_at_3": 25.667, + "precision_at_5": 17.067, + "recall_at_1": 57.260999999999996, + "recall_at_10": 81.94399999999999, + "recall_at_100": 93.867, + "recall_at_1000": 99.667, + "recall_at_3": 70.339, + "recall_at_5": 76.25, + "main_score": 70.41 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/SprintDuplicateQuestions.json b/results/vectoriseai__multilingual-e5-large/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..cd1ca0713 --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.74356435643564, + "cos_sim_ap": 93.13411948212683, + "cos_sim_f1": 86.80521991300147, + "cos_sim_precision": 84.00374181478017, + "cos_sim_recall": 89.8, + "dot_accuracy": 99.67920792079208, + "dot_ap": 89.27277565444479, + "dot_f1": 83.9276990718124, + "dot_precision": 82.04393505253104, + "dot_recall": 85.9, + "euclidean_accuracy": 99.74257425742574, + "euclidean_ap": 93.17993008259062, + "euclidean_f1": 86.69396110542476, + "euclidean_precision": 88.78406708595388, + "euclidean_recall": 84.7, + "manhattan_accuracy": 99.74257425742574, + "manhattan_ap": 93.14413755550099, + "manhattan_f1": 86.82483594144371, + "manhattan_precision": 87.66564729867483, + "manhattan_recall": 86, + "max_accuracy": 99.74356435643564, + "max_ap": 93.17993008259062, + "max_f1": 86.82483594144371, + "main_score": 93.17993008259062 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/StackExchangeClustering.json b/results/vectoriseai__multilingual-e5-large/external/StackExchangeClustering.json new file mode 100644 index 000000000..0e023a9c1 --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 57.525863806168566, + "main_score": 57.525863806168566 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/StackExchangeClusteringP2P.json b/results/vectoriseai__multilingual-e5-large/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..c36cc2b01 --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 32.68850574423839, + "main_score": 32.68850574423839 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/StackOverflowDupQuestions.json b/results/vectoriseai__multilingual-e5-large/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..e0e0c006d --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 49.71580650644033, + "mrr": 50.50971903913081, + "main_score": 49.71580650644033 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/SummEval.json b/results/vectoriseai__multilingual-e5-large/external/SummEval.json new file mode 100644 index 000000000..cfa204b6c --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 29.152190498799484, + "cos_sim_spearman": 29.686180371952727, + "dot_pearson": 27.248664793816342, + "dot_spearman": 28.37748983721745, + "cosine_pearson": 29.152190498799484, + "cosine_spearman": 29.686180371952727, + "main_score": 29.686180371952727 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/TRECCOVID.json b/results/vectoriseai__multilingual-e5-large/external/TRECCOVID.json new file mode 100644 index 000000000..26813c5d8 --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.20400000000000001, + "map_at_10": 1.6209999999999998, + "map_at_100": 9.690999999999999, + "map_at_1000": 23.733, + "map_at_3": 0.575, + "map_at_5": 0.885, + "mrr_at_1": 78, + "mrr_at_10": 86.56700000000001, + "mrr_at_100": 86.56700000000001, + "mrr_at_1000": 86.56700000000001, + "mrr_at_3": 85.667, + "mrr_at_5": 86.56700000000001, + "ndcg_at_1": 76, + "ndcg_at_10": 71.326, + "ndcg_at_100": 54.208999999999996, + "ndcg_at_1000": 49.252, + "ndcg_at_3": 74.235, + "ndcg_at_5": 73.833, + "precision_at_1": 78, + "precision_at_10": 74.8, + "precision_at_100": 55.50000000000001, + "precision_at_1000": 21.836, + "precision_at_3": 78, + "precision_at_5": 78, + "recall_at_1": 0.20400000000000001, + "recall_at_10": 1.894, + "recall_at_100": 13.245999999999999, + "recall_at_1000": 46.373, + "recall_at_3": 0.613, + "recall_at_5": 0.991, + "main_score": 71.326 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/Tatoeba.json b/results/vectoriseai__multilingual-e5-large/external/Tatoeba.json new file mode 100644 index 000000000..37d26abd8 --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/Tatoeba.json @@ -0,0 +1,1354 @@ +{ + "dataset_revision": "9080400076fbadbb4c4dcb136ff4eddc40b42553", + "task_name": "Tatoeba", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "sqi-eng", + "languages": [ + "sqi-Latn", + "eng-Latn" + ], + "accuracy": 95.89999999999999, + "f1": 94.69999999999999, + "precision": 94.11666666666667, + "recall": 95.89999999999999, + "main_score": 94.69999999999999 + }, + { + "hf_subset": "fry-eng", + "languages": [ + "fry-Latn", + "eng-Latn" + ], + "accuracy": 68.20809248554913, + "f1": 63.431048720066066, + "precision": 61.69143958161298, + "recall": 68.20809248554913, + "main_score": 63.431048720066066 + }, + { + "hf_subset": "kur-eng", + "languages": [ + "kur-Latn", + "eng-Latn" + ], + "accuracy": 71.21951219512195, + "f1": 66.82926829268293, + "precision": 65.1260162601626, + "recall": 71.21951219512195, + "main_score": 66.82926829268293 + }, + { + "hf_subset": "tur-eng", + "languages": [ + "tur-Latn", + "eng-Latn" + ], + "accuracy": 97.2, + "f1": 96.26666666666667, + "precision": 95.8, + "recall": 97.2, + "main_score": 96.26666666666667 + }, + { + "hf_subset": "deu-eng", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "accuracy": 99.3, + "f1": 99.06666666666666, + "precision": 98.95, + "recall": 99.3, + "main_score": 99.06666666666666 + }, + { + "hf_subset": "nld-eng", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "accuracy": 97.39999999999999, + "f1": 96.63333333333333, + "precision": 96.26666666666668, + "recall": 97.39999999999999, + "main_score": 96.63333333333333 + }, + { + "hf_subset": "ron-eng", + "languages": [ + "ron-Latn", + "eng-Latn" + ], + "accuracy": 96, + "f1": 94.86666666666666, + "precision": 94.31666666666668, + "recall": 96, + "main_score": 94.86666666666666 + }, + { + "hf_subset": "ang-eng", + "languages": [ + "ang-Latn", + "eng-Latn" + ], + "accuracy": 47.01492537313433, + "f1": 40.178867566927266, + "precision": 38.179295828549556, + "recall": 47.01492537313433, + "main_score": 40.178867566927266 + }, + { + "hf_subset": "ido-eng", + "languages": [ + "ido-Latn", + "eng-Latn" + ], + "accuracy": 86.5, + "f1": 83.62537480063796, + "precision": 82.44555555555554, + "recall": 86.5, + "main_score": 83.62537480063796 + }, + { + "hf_subset": "jav-eng", + "languages": [ + "jav-Latn", + "eng-Latn" + ], + "accuracy": 80.48780487804879, + "f1": 75.45644599303138, + "precision": 73.37398373983739, + "recall": 80.48780487804879, + "main_score": 75.45644599303138 + }, + { + "hf_subset": "isl-eng", + "languages": [ + "isl-Latn", + "eng-Latn" + ], + "accuracy": 93.7, + "f1": 91.95666666666666, + "precision": 91.125, + "recall": 93.7, + "main_score": 91.95666666666666 + }, + { + "hf_subset": "slv-eng", + "languages": [ + "slv-Latn", + "eng-Latn" + ], + "accuracy": 91.73754556500607, + "f1": 89.65168084244632, + "precision": 88.73025516403402, + "recall": 91.73754556500607, + "main_score": 89.65168084244632 + }, + { + "hf_subset": "cym-eng", + "languages": [ + "cym-Latn", + "eng-Latn" + ], + "accuracy": 81.04347826086956, + "f1": 76.2128364389234, + "precision": 74.2, + "recall": 81.04347826086956, + "main_score": 76.2128364389234 + }, + { + "hf_subset": "kaz-eng", + "languages": [ + "kaz-Cyrl", + "eng-Latn" + ], + "accuracy": 83.65217391304348, + "f1": 79.4376811594203, + "precision": 77.65797101449274, + "recall": 83.65217391304348, + "main_score": 79.4376811594203 + }, + { + "hf_subset": "est-eng", + "languages": [ + "est-Latn", + "eng-Latn" + ], + "accuracy": 87.5, + "f1": 85.02690476190476, + "precision": 83.96261904761904, + "recall": 87.5, + "main_score": 85.02690476190476 + }, + { + "hf_subset": "heb-eng", + "languages": [ + "heb-Hebr", + "eng-Latn" + ], + "accuracy": 89.3, + "f1": 86.52333333333333, + "precision": 85.22833333333332, + "recall": 89.3, + "main_score": 86.52333333333333 + }, + { + "hf_subset": "gla-eng", + "languages": [ + "gla-Latn", + "eng-Latn" + ], + "accuracy": 65.01809408926418, + "f1": 59.00594446432805, + "precision": 56.827215807915444, + "recall": 65.01809408926418, + "main_score": 59.00594446432805 + }, + { + "hf_subset": "mar-eng", + "languages": [ + "mar-Deva", + "eng-Latn" + ], + "accuracy": 91.2, + "f1": 88.58, + "precision": 87.33333333333334, + "recall": 91.2, + "main_score": 88.58 + }, + { + "hf_subset": "lat-eng", + "languages": [ + "lat-Latn", + "eng-Latn" + ], + "accuracy": 59.199999999999996, + "f1": 53.299166276284915, + "precision": 51.3383908045977, + "recall": 59.199999999999996, + "main_score": 53.299166276284915 + }, + { + "hf_subset": "bel-eng", + "languages": [ + "bel-Cyrl", + "eng-Latn" + ], + "accuracy": 93.2, + "f1": 91.2, + "precision": 90.25, + "recall": 93.2, + "main_score": 91.2 + }, + { + "hf_subset": "pms-eng", + "languages": [ + "pms-Latn", + "eng-Latn" + ], + "accuracy": 64.76190476190476, + "f1": 59.867110667110666, + "precision": 58.07390192653351, + "recall": 64.76190476190476, + "main_score": 59.867110667110666 + }, + { + "hf_subset": "gle-eng", + "languages": [ + "gle-Latn", + "eng-Latn" + ], + "accuracy": 76.2, + "f1": 71.48147546897547, + "precision": 69.65409090909091, + "recall": 76.2, + "main_score": 71.48147546897547 + }, + { + "hf_subset": "pes-eng", + "languages": [ + "pes-Arab", + "eng-Latn" + ], + "accuracy": 93.8, + "f1": 92.14, + "precision": 91.35833333333333, + "recall": 93.8, + "main_score": 92.14 + }, + { + "hf_subset": "nob-eng", + "languages": [ + "nob-Latn", + "eng-Latn" + ], + "accuracy": 97.89999999999999, + "f1": 97.2, + "precision": 96.85000000000001, + "recall": 97.89999999999999, + "main_score": 97.2 + }, + { + "hf_subset": "bul-eng", + "languages": [ + "bul-Cyrl", + "eng-Latn" + ], + "accuracy": 94.6, + "f1": 92.93333333333334, + "precision": 92.13333333333333, + "recall": 94.6, + "main_score": 92.93333333333334 + }, + { + "hf_subset": "cbk-eng", + "languages": [ + "cbk-Latn", + "eng-Latn" + ], + "accuracy": 74.1, + "f1": 69.14817460317461, + "precision": 67.2515873015873, + "recall": 74.1, + "main_score": 69.14817460317461 + }, + { + "hf_subset": "hun-eng", + "languages": [ + "hun-Latn", + "eng-Latn" + ], + "accuracy": 95.19999999999999, + "f1": 94.01333333333335, + "precision": 93.46666666666667, + "recall": 95.19999999999999, + "main_score": 94.01333333333335 + }, + { + "hf_subset": "uig-eng", + "languages": [ + "uig-Arab", + "eng-Latn" + ], + "accuracy": 76.9, + "f1": 72.07523809523809, + "precision": 70.19777777777779, + "recall": 76.9, + "main_score": 72.07523809523809 + }, + { + "hf_subset": "rus-eng", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "accuracy": 94.1, + "f1": 92.31666666666666, + "precision": 91.43333333333332, + "recall": 94.1, + "main_score": 92.31666666666666 + }, + { + "hf_subset": "spa-eng", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "accuracy": 97.8, + "f1": 97.1, + "precision": 96.76666666666668, + "recall": 97.8, + "main_score": 97.1 + }, + { + "hf_subset": "hye-eng", + "languages": [ + "hye-Armn", + "eng-Latn" + ], + "accuracy": 92.85714285714286, + "f1": 90.92093441150045, + "precision": 90.00449236298293, + "recall": 92.85714285714286, + "main_score": 90.92093441150045 + }, + { + "hf_subset": "tel-eng", + "languages": [ + "tel-Telu", + "eng-Latn" + ], + "accuracy": 93.16239316239316, + "f1": 91.33903133903132, + "precision": 90.56267806267806, + "recall": 93.16239316239316, + "main_score": 91.33903133903132 + }, + { + "hf_subset": "afr-eng", + "languages": [ + "afr-Latn", + "eng-Latn" + ], + "accuracy": 92.4, + "f1": 90.25666666666666, + "precision": 89.25833333333334, + "recall": 92.4, + "main_score": 90.25666666666666 + }, + { + "hf_subset": "mon-eng", + "languages": [ + "mon-Cyrl", + "eng-Latn" + ], + "accuracy": 90.22727272727272, + "f1": 87.53030303030303, + "precision": 86.37121212121211, + "recall": 90.22727272727272, + "main_score": 87.53030303030303 + }, + { + "hf_subset": "arz-eng", + "languages": [ + "arz-Arab", + "eng-Latn" + ], + "accuracy": 79.03563941299791, + "f1": 74.7349505840072, + "precision": 72.9035639412998, + "recall": 79.03563941299791, + "main_score": 74.7349505840072 + }, + { + "hf_subset": "hrv-eng", + "languages": [ + "hrv-Latn", + "eng-Latn" + ], + "accuracy": 97, + "f1": 96.15, + "precision": 95.76666666666668, + "recall": 97, + "main_score": 96.15 + }, + { + "hf_subset": "nov-eng", + "languages": [ + "nov-Latn", + "eng-Latn" + ], + "accuracy": 76.26459143968872, + "f1": 71.55642023346303, + "precision": 69.7544932369835, + "recall": 76.26459143968872, + "main_score": 71.55642023346303 + }, + { + "hf_subset": "gsw-eng", + "languages": [ + "gsw-Latn", + "eng-Latn" + ], + "accuracy": 58.119658119658126, + "f1": 51.65242165242165, + "precision": 49.41768108434775, + "recall": 58.119658119658126, + "main_score": 51.65242165242165 + }, + { + "hf_subset": "nds-eng", + "languages": [ + "nds-Latn", + "eng-Latn" + ], + "accuracy": 74.3, + "f1": 69.52055555555555, + "precision": 67.7574938949939, + "recall": 74.3, + "main_score": 69.52055555555555 + }, + { + "hf_subset": "ukr-eng", + "languages": [ + "ukr-Cyrl", + "eng-Latn" + ], + "accuracy": 94.8, + "f1": 93.31666666666666, + "precision": 92.60000000000001, + "recall": 94.8, + "main_score": 93.31666666666666 + }, + { + "hf_subset": "uzb-eng", + "languages": [ + "uzb-Latn", + "eng-Latn" + ], + "accuracy": 76.63551401869158, + "f1": 72.35202492211837, + "precision": 70.60358255451713, + "recall": 76.63551401869158, + "main_score": 72.35202492211837 + }, + { + "hf_subset": "lit-eng", + "languages": [ + "lit-Latn", + "eng-Latn" + ], + "accuracy": 90.4, + "f1": 88.4811111111111, + "precision": 87.7452380952381, + "recall": 90.4, + "main_score": 88.4811111111111 + }, + { + "hf_subset": "ina-eng", + "languages": [ + "ina-Latn", + "eng-Latn" + ], + "accuracy": 95, + "f1": 93.60666666666667, + "precision": 92.975, + "recall": 95, + "main_score": 93.60666666666667 + }, + { + "hf_subset": "lfn-eng", + "languages": [ + "lfn-Latn", + "eng-Latn" + ], + "accuracy": 67.2, + "f1": 63.01595782872099, + "precision": 61.596587301587306, + "recall": 67.2, + "main_score": 63.01595782872099 + }, + { + "hf_subset": "zsm-eng", + "languages": [ + "zsm-Latn", + "eng-Latn" + ], + "accuracy": 95.7, + "f1": 94.52999999999999, + "precision": 94, + "recall": 95.7, + "main_score": 94.52999999999999 + }, + { + "hf_subset": "ita-eng", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "accuracy": 94.6, + "f1": 93.28999999999999, + "precision": 92.675, + "recall": 94.6, + "main_score": 93.28999999999999 + }, + { + "hf_subset": "cmn-eng", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "accuracy": 96.39999999999999, + "f1": 95.28333333333333, + "precision": 94.75, + "recall": 96.39999999999999, + "main_score": 95.28333333333333 + }, + { + "hf_subset": "lvs-eng", + "languages": [ + "lvs-Latn", + "eng-Latn" + ], + "accuracy": 91.9, + "f1": 89.83, + "precision": 88.92, + "recall": 91.9, + "main_score": 89.83 + }, + { + "hf_subset": "glg-eng", + "languages": [ + "glg-Latn", + "eng-Latn" + ], + "accuracy": 94.69999999999999, + "f1": 93.34222222222223, + "precision": 92.75416666666668, + "recall": 94.69999999999999, + "main_score": 93.34222222222223 + }, + { + "hf_subset": "ceb-eng", + "languages": [ + "ceb-Latn", + "eng-Latn" + ], + "accuracy": 60.333333333333336, + "f1": 55.31203703703703, + "precision": 53.39971108326371, + "recall": 60.333333333333336, + "main_score": 55.31203703703703 + }, + { + "hf_subset": "bre-eng", + "languages": [ + "bre-Latn", + "eng-Latn" + ], + "accuracy": 12.9, + "f1": 11.099861903031458, + "precision": 10.589187932631877, + "recall": 12.9, + "main_score": 11.099861903031458 + }, + { + "hf_subset": "ben-eng", + "languages": [ + "ben-Beng", + "eng-Latn" + ], + "accuracy": 86.7, + "f1": 83.0152380952381, + "precision": 81.37833333333333, + "recall": 86.7, + "main_score": 83.0152380952381 + }, + { + "hf_subset": "swg-eng", + "languages": [ + "swg-Latn", + "eng-Latn" + ], + "accuracy": 63.39285714285714, + "f1": 56.832482993197274, + "precision": 54.56845238095237, + "recall": 63.39285714285714, + "main_score": 56.832482993197274 + }, + { + "hf_subset": "arq-eng", + "languages": [ + "arq-Arab", + "eng-Latn" + ], + "accuracy": 48.73765093304062, + "f1": 41.555736920720456, + "precision": 39.06874531737319, + "recall": 48.73765093304062, + "main_score": 41.555736920720456 + }, + { + "hf_subset": "kab-eng", + "languages": [ + "kab-Latn", + "eng-Latn" + ], + "accuracy": 41.099999999999994, + "f1": 36.540165945165946, + "precision": 35.05175685425686, + "recall": 41.099999999999994, + "main_score": 36.540165945165946 + }, + { + "hf_subset": "fra-eng", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "accuracy": 94.89999999999999, + "f1": 93.42333333333333, + "precision": 92.75833333333333, + "recall": 94.89999999999999, + "main_score": 93.42333333333333 + }, + { + "hf_subset": "por-eng", + "languages": [ + "por-Latn", + "eng-Latn" + ], + "accuracy": 94.89999999999999, + "f1": 93.63333333333334, + "precision": 93.01666666666665, + "recall": 94.89999999999999, + "main_score": 93.63333333333334 + }, + { + "hf_subset": "tat-eng", + "languages": [ + "tat-Cyrl", + "eng-Latn" + ], + "accuracy": 77.9, + "f1": 73.64833333333334, + "precision": 71.90282106782105, + "recall": 77.9, + "main_score": 73.64833333333334 + }, + { + "hf_subset": "oci-eng", + "languages": [ + "oci-Latn", + "eng-Latn" + ], + "accuracy": 59.4, + "f1": 54.90521367521367, + "precision": 53.432840025471606, + "recall": 59.4, + "main_score": 54.90521367521367 + }, + { + "hf_subset": "pol-eng", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "accuracy": 97.39999999999999, + "f1": 96.6, + "precision": 96.2, + "recall": 97.39999999999999, + "main_score": 96.6 + }, + { + "hf_subset": "war-eng", + "languages": [ + "war-Latn", + "eng-Latn" + ], + "accuracy": 67.2, + "f1": 62.25926129426129, + "precision": 60.408376623376626, + "recall": 67.2, + "main_score": 62.25926129426129 + }, + { + "hf_subset": "aze-eng", + "languages": [ + "aze-Latn", + "eng-Latn" + ], + "accuracy": 90.2, + "f1": 87.60666666666667, + "precision": 86.45277777777778, + "recall": 90.2, + "main_score": 87.60666666666667 + }, + { + "hf_subset": "vie-eng", + "languages": [ + "vie-Latn", + "eng-Latn" + ], + "accuracy": 97.7, + "f1": 97, + "precision": 96.65, + "recall": 97.7, + "main_score": 97 + }, + { + "hf_subset": "nno-eng", + "languages": [ + "nno-Latn", + "eng-Latn" + ], + "accuracy": 93.2, + "f1": 91.39746031746031, + "precision": 90.6125, + "recall": 93.2, + "main_score": 91.39746031746031 + }, + { + "hf_subset": "cha-eng", + "languages": [ + "cha-Latn", + "eng-Latn" + ], + "accuracy": 32.11678832116788, + "f1": 27.210415386260234, + "precision": 26.20408990846947, + "recall": 32.11678832116788, + "main_score": 27.210415386260234 + }, + { + "hf_subset": "mhr-eng", + "languages": [ + "mhr-Cyrl", + "eng-Latn" + ], + "accuracy": 8.5, + "f1": 6.787319277832475, + "precision": 6.3452094433344435, + "recall": 8.5, + "main_score": 6.787319277832475 + }, + { + "hf_subset": "dan-eng", + "languages": [ + "dan-Latn", + "eng-Latn" + ], + "accuracy": 96.1, + "f1": 95.08, + "precision": 94.61666666666667, + "recall": 96.1, + "main_score": 95.08 + }, + { + "hf_subset": "ell-eng", + "languages": [ + "ell-Grek", + "eng-Latn" + ], + "accuracy": 95.3, + "f1": 93.88333333333333, + "precision": 93.18333333333332, + "recall": 95.3, + "main_score": 93.88333333333333 + }, + { + "hf_subset": "amh-eng", + "languages": [ + "amh-Ethi", + "eng-Latn" + ], + "accuracy": 85.11904761904762, + "f1": 80.69444444444444, + "precision": 78.72023809523809, + "recall": 85.11904761904762, + "main_score": 80.69444444444444 + }, + { + "hf_subset": "pam-eng", + "languages": [ + "pam-Latn", + "eng-Latn" + ], + "accuracy": 11.1, + "f1": 9.276381801735853, + "precision": 8.798174603174601, + "recall": 11.1, + "main_score": 9.276381801735853 + }, + { + "hf_subset": "hsb-eng", + "languages": [ + "hsb-Latn", + "eng-Latn" + ], + "accuracy": 63.56107660455487, + "f1": 58.70433569191332, + "precision": 56.896926581464015, + "recall": 63.56107660455487, + "main_score": 58.70433569191332 + }, + { + "hf_subset": "srp-eng", + "languages": [ + "srp-Cyrl", + "eng-Latn" + ], + "accuracy": 94.69999999999999, + "f1": 93.10000000000001, + "precision": 92.35, + "recall": 94.69999999999999, + "main_score": 93.10000000000001 + }, + { + "hf_subset": "epo-eng", + "languages": [ + "epo-Latn", + "eng-Latn" + ], + "accuracy": 96.8, + "f1": 96.01222222222222, + "precision": 95.67083333333332, + "recall": 96.8, + "main_score": 96.01222222222222 + }, + { + "hf_subset": "kzj-eng", + "languages": [ + "kzj-Latn", + "eng-Latn" + ], + "accuracy": 9.2, + "f1": 7.911555250305249, + "precision": 7.631246556216846, + "recall": 9.2, + "main_score": 7.911555250305249 + }, + { + "hf_subset": "awa-eng", + "languages": [ + "awa-Deva", + "eng-Latn" + ], + "accuracy": 77.48917748917748, + "f1": 72.27375798804371, + "precision": 70.14430014430013, + "recall": 77.48917748917748, + "main_score": 72.27375798804371 + }, + { + "hf_subset": "fao-eng", + "languages": [ + "fao-Latn", + "eng-Latn" + ], + "accuracy": 77.09923664122137, + "f1": 72.61541257724463, + "precision": 70.8998380754106, + "recall": 77.09923664122137, + "main_score": 72.61541257724463 + }, + { + "hf_subset": "mal-eng", + "languages": [ + "mal-Mlym", + "eng-Latn" + ], + "accuracy": 98.2532751091703, + "f1": 97.69529354682193, + "precision": 97.42843279961184, + "recall": 98.2532751091703, + "main_score": 97.69529354682193 + }, + { + "hf_subset": "ile-eng", + "languages": [ + "ile-Latn", + "eng-Latn" + ], + "accuracy": 82.8, + "f1": 79.14672619047619, + "precision": 77.59489247311828, + "recall": 82.8, + "main_score": 79.14672619047619 + }, + { + "hf_subset": "bos-eng", + "languages": [ + "bos-Latn", + "eng-Latn" + ], + "accuracy": 94.35028248587571, + "f1": 92.86252354048965, + "precision": 92.2080979284369, + "recall": 94.35028248587571, + "main_score": 92.86252354048965 + }, + { + "hf_subset": "cor-eng", + "languages": [ + "cor-Latn", + "eng-Latn" + ], + "accuracy": 8.5, + "f1": 6.282429263935621, + "precision": 5.783274240739785, + "recall": 8.5, + "main_score": 6.282429263935621 + }, + { + "hf_subset": "cat-eng", + "languages": [ + "cat-Latn", + "eng-Latn" + ], + "accuracy": 92.7, + "f1": 91.025, + "precision": 90.30428571428571, + "recall": 92.7, + "main_score": 91.025 + }, + { + "hf_subset": "eus-eng", + "languages": [ + "eus-Latn", + "eng-Latn" + ], + "accuracy": 81, + "f1": 77.8232380952381, + "precision": 76.60194444444444, + "recall": 81, + "main_score": 77.8232380952381 + }, + { + "hf_subset": "yue-eng", + "languages": [ + "yue-Hant", + "eng-Latn" + ], + "accuracy": 91, + "f1": 88.70857142857142, + "precision": 87.7, + "recall": 91, + "main_score": 88.70857142857142 + }, + { + "hf_subset": "swe-eng", + "languages": [ + "swe-Latn", + "eng-Latn" + ], + "accuracy": 96.39999999999999, + "f1": 95.3, + "precision": 94.76666666666667, + "recall": 96.39999999999999, + "main_score": 95.3 + }, + { + "hf_subset": "dtp-eng", + "languages": [ + "dtp-Latn", + "eng-Latn" + ], + "accuracy": 8.1, + "f1": 7.001008218834307, + "precision": 6.708329562594269, + "recall": 8.1, + "main_score": 7.001008218834307 + }, + { + "hf_subset": "kat-eng", + "languages": [ + "kat-Geor", + "eng-Latn" + ], + "accuracy": 87.1313672922252, + "f1": 84.09070598748882, + "precision": 82.79171454104429, + "recall": 87.1313672922252, + "main_score": 84.09070598748882 + }, + { + "hf_subset": "jpn-eng", + "languages": [ + "jpn-Jpan", + "eng-Latn" + ], + "accuracy": 96.39999999999999, + "f1": 95.28333333333333, + "precision": 94.73333333333332, + "recall": 96.39999999999999, + "main_score": 95.28333333333333 + }, + { + "hf_subset": "csb-eng", + "languages": [ + "csb-Latn", + "eng-Latn" + ], + "accuracy": 42.29249011857708, + "f1": 36.981018542283365, + "precision": 35.415877813576024, + "recall": 42.29249011857708, + "main_score": 36.981018542283365 + }, + { + "hf_subset": "xho-eng", + "languages": [ + "xho-Latn", + "eng-Latn" + ], + "accuracy": 83.80281690140845, + "f1": 80.86854460093896, + "precision": 79.60093896713614, + "recall": 83.80281690140845, + "main_score": 80.86854460093896 + }, + { + "hf_subset": "orv-eng", + "languages": [ + "orv-Cyrl", + "eng-Latn" + ], + "accuracy": 45.26946107784431, + "f1": 39.80235464678088, + "precision": 38.14342660001342, + "recall": 45.26946107784431, + "main_score": 39.80235464678088 + }, + { + "hf_subset": "ind-eng", + "languages": [ + "ind-Latn", + "eng-Latn" + ], + "accuracy": 94.3, + "f1": 92.9, + "precision": 92.26666666666668, + "recall": 94.3, + "main_score": 92.9 + }, + { + "hf_subset": "tuk-eng", + "languages": [ + "tuk-Latn", + "eng-Latn" + ], + "accuracy": 37.93103448275862, + "f1": 33.15192743764172, + "precision": 31.57456528146183, + "recall": 37.93103448275862, + "main_score": 33.15192743764172 + }, + { + "hf_subset": "max-eng", + "languages": [ + "max-Deva", + "eng-Latn" + ], + "accuracy": 69.01408450704226, + "f1": 63.41549295774648, + "precision": 61.342778895595806, + "recall": 69.01408450704226, + "main_score": 63.41549295774648 + }, + { + "hf_subset": "swh-eng", + "languages": [ + "swh-Latn", + "eng-Latn" + ], + "accuracy": 76.66666666666667, + "f1": 71.60705960705961, + "precision": 69.60683760683762, + "recall": 76.66666666666667, + "main_score": 71.60705960705961 + }, + { + "hf_subset": "hin-eng", + "languages": [ + "hin-Deva", + "eng-Latn" + ], + "accuracy": 95.8, + "f1": 94.48333333333333, + "precision": 93.83333333333333, + "recall": 95.8, + "main_score": 94.48333333333333 + }, + { + "hf_subset": "dsb-eng", + "languages": [ + "dsb-Latn", + "eng-Latn" + ], + "accuracy": 52.81837160751566, + "f1": 48.435977731384824, + "precision": 47.11291973845539, + "recall": 52.81837160751566, + "main_score": 48.435977731384824 + }, + { + "hf_subset": "ber-eng", + "languages": [ + "ber-Tfng", + "eng-Latn" + ], + "accuracy": 44.9, + "f1": 38.88962621607783, + "precision": 36.95936507936508, + "recall": 44.9, + "main_score": 38.88962621607783 + }, + { + "hf_subset": "tam-eng", + "languages": [ + "tam-Taml", + "eng-Latn" + ], + "accuracy": 90.55374592833876, + "f1": 88.22553125484721, + "precision": 87.26927252985884, + "recall": 90.55374592833876, + "main_score": 88.22553125484721 + }, + { + "hf_subset": "slk-eng", + "languages": [ + "slk-Latn", + "eng-Latn" + ], + "accuracy": 94.6, + "f1": 93.13333333333333, + "precision": 92.45333333333333, + "recall": 94.6, + "main_score": 93.13333333333333 + }, + { + "hf_subset": "tgl-eng", + "languages": [ + "tgl-Latn", + "eng-Latn" + ], + "accuracy": 93.7, + "f1": 91.99666666666667, + "precision": 91.26666666666668, + "recall": 93.7, + "main_score": 91.99666666666667 + }, + { + "hf_subset": "ast-eng", + "languages": [ + "ast-Latn", + "eng-Latn" + ], + "accuracy": 85.03937007874016, + "f1": 81.75853018372703, + "precision": 80.34120734908137, + "recall": 85.03937007874016, + "main_score": 81.75853018372703 + }, + { + "hf_subset": "mkd-eng", + "languages": [ + "mkd-Cyrl", + "eng-Latn" + ], + "accuracy": 88.3, + "f1": 85.5, + "precision": 84.25833333333334, + "recall": 88.3, + "main_score": 85.5 + }, + { + "hf_subset": "khm-eng", + "languages": [ + "khm-Khmr", + "eng-Latn" + ], + "accuracy": 65.51246537396122, + "f1": 60.02297410192148, + "precision": 58.133467727289236, + "recall": 65.51246537396122, + "main_score": 60.02297410192148 + }, + { + "hf_subset": "ces-eng", + "languages": [ + "ces-Latn", + "eng-Latn" + ], + "accuracy": 96, + "f1": 94.89, + "precision": 94.39166666666667, + "recall": 96, + "main_score": 94.89 + }, + { + "hf_subset": "tzl-eng", + "languages": [ + "tzl-Latn", + "eng-Latn" + ], + "accuracy": 57.692307692307686, + "f1": 53.162393162393165, + "precision": 51.70673076923077, + "recall": 57.692307692307686, + "main_score": 53.162393162393165 + }, + { + "hf_subset": "urd-eng", + "languages": [ + "urd-Arab", + "eng-Latn" + ], + "accuracy": 91.60000000000001, + "f1": 89.21190476190475, + "precision": 88.08666666666667, + "recall": 91.60000000000001, + "main_score": 89.21190476190475 + }, + { + "hf_subset": "ara-eng", + "languages": [ + "ara-Arab", + "eng-Latn" + ], + "accuracy": 88, + "f1": 85.47, + "precision": 84.43266233766234, + "recall": 88, + "main_score": 85.47 + }, + { + "hf_subset": "kor-eng", + "languages": [ + "kor-Hang", + "eng-Latn" + ], + "accuracy": 92.7, + "f1": 90.64999999999999, + "precision": 89.68333333333332, + "recall": 92.7, + "main_score": 90.64999999999999 + }, + { + "hf_subset": "yid-eng", + "languages": [ + "yid-Hebr", + "eng-Latn" + ], + "accuracy": 80.30660377358491, + "f1": 76.33044137466307, + "precision": 74.78970125786164, + "recall": 80.30660377358491, + "main_score": 76.33044137466307 + }, + { + "hf_subset": "fin-eng", + "languages": [ + "fin-Latn", + "eng-Latn" + ], + "accuracy": 96.39999999999999, + "f1": 95.44, + "precision": 94.99166666666666, + "recall": 96.39999999999999, + "main_score": 95.44 + }, + { + "hf_subset": "tha-eng", + "languages": [ + "tha-Thai", + "eng-Latn" + ], + "accuracy": 96.53284671532847, + "f1": 95.37712895377129, + "precision": 94.7992700729927, + "recall": 96.53284671532847, + "main_score": 95.37712895377129 + }, + { + "hf_subset": "wuu-eng", + "languages": [ + "wuu-Hans", + "eng-Latn" + ], + "accuracy": 89, + "f1": 86.23190476190476, + "precision": 85.035, + "recall": 89, + "main_score": 86.23190476190476 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/Touche2020.json b/results/vectoriseai__multilingual-e5-large/external/Touche2020.json new file mode 100644 index 000000000..d0c5f638d --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.585, + "map_at_10": 9.012, + "map_at_100": 14.027000000000001, + "map_at_1000": 15.565000000000001, + "map_at_3": 5.032, + "map_at_5": 6.657, + "mrr_at_1": 28.571, + "mrr_at_10": 45.377, + "mrr_at_100": 46.119, + "mrr_at_1000": 46.127, + "mrr_at_3": 41.156, + "mrr_at_5": 42.585, + "ndcg_at_1": 27.551, + "ndcg_at_10": 23.395, + "ndcg_at_100": 33.342, + "ndcg_at_1000": 45.523, + "ndcg_at_3": 25.158, + "ndcg_at_5": 23.427, + "precision_at_1": 28.571, + "precision_at_10": 21.429000000000002, + "precision_at_100": 6.714, + "precision_at_1000": 1.473, + "precision_at_3": 27.211000000000002, + "precision_at_5": 24.490000000000002, + "recall_at_1": 2.585, + "recall_at_10": 15.418999999999999, + "recall_at_100": 42.485, + "recall_at_1000": 79.536, + "recall_at_3": 6.239999999999999, + "recall_at_5": 8.996, + "main_score": 23.395 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/ToxicConversationsClassification.json b/results/vectoriseai__multilingual-e5-large/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..80ae5ede2 --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.3234, + "ap": 14.361688653847423, + "f1": 54.819068624319044, + "main_score": 71.3234 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/TweetSentimentExtractionClassification.json b/results/vectoriseai__multilingual-e5-large/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..a8e219e85 --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.97792869269949, + "f1": 62.28965628513728, + "main_score": 61.97792869269949 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/TwentyNewsgroupsClustering.json b/results/vectoriseai__multilingual-e5-large/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..21ee17493 --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.90540145385218, + "main_score": 38.90540145385218 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/TwitterSemEval2015.json b/results/vectoriseai__multilingual-e5-large/external/TwitterSemEval2015.json new file mode 100644 index 000000000..85c873d8e --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 86.53513739047506, + "cos_sim_ap": 75.27741586677557, + "cos_sim_f1": 69.18792902473774, + "cos_sim_precision": 67.94708725515136, + "cos_sim_recall": 70.47493403693932, + "dot_accuracy": 84.7052512368123, + "dot_ap": 69.36075482849378, + "dot_f1": 64.44688376631296, + "dot_precision": 59.92288500793831, + "dot_recall": 69.70976253298153, + "euclidean_accuracy": 86.60666388508076, + "euclidean_ap": 75.47512772621097, + "euclidean_f1": 69.413872536473, + "euclidean_precision": 67.39562624254472, + "euclidean_recall": 71.55672823218997, + "manhattan_accuracy": 86.52917684925792, + "manhattan_ap": 75.34000110496703, + "manhattan_f1": 69.28489190226429, + "manhattan_precision": 67.24608889992551, + "manhattan_recall": 71.45118733509234, + "max_accuracy": 86.60666388508076, + "max_ap": 75.47512772621097, + "max_f1": 69.413872536473, + "main_score": 75.47512772621097 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/TwitterURLCorpus.json b/results/vectoriseai__multilingual-e5-large/external/TwitterURLCorpus.json new file mode 100644 index 000000000..e056ded0c --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 89.01695967710637, + "cos_sim_ap": 85.8298270742901, + "cos_sim_f1": 78.46988128389272, + "cos_sim_precision": 74.86017897091722, + "cos_sim_recall": 82.44533415460425, + "dot_accuracy": 88.19420188613343, + "dot_ap": 83.82679165901324, + "dot_f1": 76.55833777304208, + "dot_precision": 75.6884875846501, + "dot_recall": 77.44841392054204, + "euclidean_accuracy": 89.03054294252338, + "euclidean_ap": 85.89089555185325, + "euclidean_f1": 78.62997658079624, + "euclidean_precision": 74.92329149232914, + "euclidean_recall": 82.72251308900523, + "manhattan_accuracy": 89.0266620095471, + "manhattan_ap": 85.86458997929147, + "manhattan_f1": 78.50685331000291, + "manhattan_precision": 74.5499861534201, + "manhattan_recall": 82.90729904527257, + "max_accuracy": 89.03054294252338, + "max_ap": 85.89089555185325, + "max_f1": 78.62997658079624, + "main_score": 85.89089555185325 + } + ] + } +} \ No newline at end of file diff --git a/results/vectoriseai__multilingual-e5-large/external/model_meta.json b/results/vectoriseai__multilingual-e5-large/external/model_meta.json new file mode 100644 index 000000000..ddaeb5f92 --- /dev/null +++ b/results/vectoriseai__multilingual-e5-large/external/model_meta.json @@ -0,0 +1,117 @@ +{ + "name": "vectoriseai/multilingual-e5-large", + "revision": "ca3c6900d743e46bec74564b621fe36e02ac8652", + "release_date": "2023-10-10", + "languages": [ + "multilingual", + "af", + "am", + "ar", + "as", + "az", + "be", + "bg", + "bn", + "br", + "bs", + "ca", + "cs", + "cy", + "da", + "de", + "el", + "en", + "eo", + "es", + "et", + "eu", + "fa", + "fi", + "fr", + "fy", + "ga", + "gd", + "gl", + "gu", + "ha", + "he", + "hi", + "hr", + "hu", + "hy", + "id", + "is", + "it", + "ja", + "jv", + "ka", + "kk", + "km", + "kn", + "ko", + "ku", + "ky", + "la", + "lo", + "lt", + "lv", + "mg", + "mk", + "ml", + "mn", + "mr", + "ms", + "my", + "ne", + "nl", + "no", + "om", + "or", + "pa", + "pl", + "ps", + "pt", + "ro", + "ru", + "sa", + "sd", + "si", + "sk", + "sl", + "so", + "sq", + "sr", + "su", + "sv", + "sw", + "ta", + "te", + "th", + "tl", + "tr", + "ug", + "uk", + "ur", + "uz", + "vi", + "xh", + "yi", + "zh" + ], + "loader": null, + "n_parameters": 559890946, + "memory_usage": null, + "max_tokens": 514, + "embed_dim": 1024, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-4/external/AmazonCounterfactualClassification.json b/results/vprelovac__universal-sentence-encoder-4/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..41ace4fbc --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-4/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.67164179104478, + "ap": 32.834763426716584, + "f1": 64.42714654873818, + "main_score": 70.67164179104478 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-4/external/AmazonPolarityClassification.json b/results/vprelovac__universal-sentence-encoder-4/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..f8cde5483 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-4/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 67.73207500000001, + "ap": 62.47524029220297, + "f1": 67.48570902687877, + "main_score": 67.73207500000001 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-4/external/AmazonReviewsClassification.json b/results/vprelovac__universal-sentence-encoder-4/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..5c46d409c --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-4/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 32.62, + "f1": 32.13548057908922, + "main_score": 32.62 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-4/external/ArxivClusteringP2P.json b/results/vprelovac__universal-sentence-encoder-4/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..b02203fc6 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-4/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.12555128655114, + "main_score": 35.12555128655114 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-4/external/ArxivClusteringS2S.json b/results/vprelovac__universal-sentence-encoder-4/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..26d204769 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-4/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 23.456590839508902, + "main_score": 23.456590839508902 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-4/external/BIOSSES.json b/results/vprelovac__universal-sentence-encoder-4/external/BIOSSES.json new file mode 100644 index 000000000..322666e35 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-4/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 64.7357059982867, + "cos_sim_spearman": 63.37975740377988, + "euclidean_pearson": 63.49896800825232, + "euclidean_spearman": 63.37975740377988, + "manhattan_pearson": 64.00838198208166, + "manhattan_spearman": 63.31710537380123, + "cosine_pearson": 64.7357059982867, + "cosine_spearman": 63.37975740377988, + "main_score": 63.37975740377988 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-4/external/Banking77Classification.json b/results/vprelovac__universal-sentence-encoder-4/external/Banking77Classification.json new file mode 100644 index 000000000..9f0e05565 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-4/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.12012987012989, + "f1": 73.23976030012078, + "main_score": 74.12012987012989 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-4/external/BiorxivClusteringP2P.json b/results/vprelovac__universal-sentence-encoder-4/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..2093096bf --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-4/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.169576856541603, + "main_score": 31.169576856541603 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-4/external/BiorxivClusteringS2S.json b/results/vprelovac__universal-sentence-encoder-4/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..dfb04abcb --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-4/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 18.81055418061209, + "main_score": 18.81055418061209 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-4/external/EmotionClassification.json b/results/vprelovac__universal-sentence-encoder-4/external/EmotionClassification.json new file mode 100644 index 000000000..59cdbb896 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-4/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 38.64000000000001, + "f1": 35.09699868913662, + "main_score": 38.64000000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-4/external/ImdbClassification.json b/results/vprelovac__universal-sentence-encoder-4/external/ImdbClassification.json new file mode 100644 index 000000000..10a53ca57 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-4/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 68.43239999999999, + "ap": 62.76719976357937, + "f1": 68.3208799558774, + "main_score": 68.43239999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-4/external/MTOPDomainClassification.json b/results/vprelovac__universal-sentence-encoder-4/external/MTOPDomainClassification.json new file mode 100644 index 000000000..1cac9ce40 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-4/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 90.11627906976744, + "f1": 89.69218132313695, + "main_score": 90.11627906976744 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-4/external/MTOPIntentClassification.json b/results/vprelovac__universal-sentence-encoder-4/external/MTOPIntentClassification.json new file mode 100644 index 000000000..cbe72ab27 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-4/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 64.9954400364797, + "f1": 46.61477433032086, + "main_score": 64.9954400364797 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-4/external/MassiveIntentClassification.json b/results/vprelovac__universal-sentence-encoder-4/external/MassiveIntentClassification.json new file mode 100644 index 000000000..6b1ba2959 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-4/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 67.23268325487558, + "f1": 64.41484453213448, + "main_score": 67.23268325487558 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-4/external/MassiveScenarioClassification.json b/results/vprelovac__universal-sentence-encoder-4/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..221a4709c --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-4/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.78749159381303, + "f1": 71.69036260308698, + "main_score": 72.78749159381303 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-4/external/MedrxivClusteringP2P.json b/results/vprelovac__universal-sentence-encoder-4/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..293eb06c3 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-4/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 28.88138682114816, + "main_score": 28.88138682114816 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-4/external/MedrxivClusteringS2S.json b/results/vprelovac__universal-sentence-encoder-4/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..d0d4c397e --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-4/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 23.311493283906064, + "main_score": 23.311493283906064 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-4/external/RedditClustering.json b/results/vprelovac__universal-sentence-encoder-4/external/RedditClustering.json new file mode 100644 index 000000000..0361a01e2 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-4/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 49.71559043766936, + "main_score": 49.71559043766936 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-4/external/RedditClusteringP2P.json b/results/vprelovac__universal-sentence-encoder-4/external/RedditClusteringP2P.json new file mode 100644 index 000000000..385640599 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-4/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 57.91704617095672, + "main_score": 57.91704617095672 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-4/external/SICK-R.json b/results/vprelovac__universal-sentence-encoder-4/external/SICK-R.json new file mode 100644 index 000000000..6ed46ee2a --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-4/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 77.38041457279672, + "cos_sim_spearman": 69.79282361714223, + "euclidean_pearson": 74.02315074475364, + "euclidean_spearman": 69.79282304260158, + "manhattan_pearson": 73.01688608657159, + "manhattan_spearman": 68.22940563625058, + "cosine_pearson": 77.38041457279672, + "cosine_spearman": 69.79282361714223, + "main_score": 69.79282361714223 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-4/external/STS12.json b/results/vprelovac__universal-sentence-encoder-4/external/STS12.json new file mode 100644 index 000000000..9e0597f57 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-4/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 72.58420052741107, + "cos_sim_spearman": 67.05792005966953, + "euclidean_pearson": 68.35629372749483, + "euclidean_spearman": 67.05773819854602, + "manhattan_pearson": 67.12625747442266, + "manhattan_spearman": 65.7252617197503, + "cosine_pearson": 72.58420052741107, + "cosine_spearman": 67.05792005966953, + "main_score": 67.05792005966953 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-4/external/STS13.json b/results/vprelovac__universal-sentence-encoder-4/external/STS13.json new file mode 100644 index 000000000..1c1d984b2 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-4/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 69.55548148750847, + "cos_sim_spearman": 71.54484814980987, + "euclidean_pearson": 71.22072782671158, + "euclidean_spearman": 71.54484814980987, + "manhattan_pearson": 70.3490839338159, + "manhattan_spearman": 70.76414952692804, + "cosine_pearson": 69.55548148750847, + "cosine_spearman": 71.54484814980987, + "main_score": 71.54484814980987 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-4/external/STS14.json b/results/vprelovac__universal-sentence-encoder-4/external/STS14.json new file mode 100644 index 000000000..643612da1 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-4/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 73.74818660795891, + "cos_sim_spearman": 70.59138342620027, + "euclidean_pearson": 72.60887534657319, + "euclidean_spearman": 70.5913727471932, + "manhattan_pearson": 71.95704368086712, + "manhattan_spearman": 69.58620240967204, + "cosine_pearson": 73.74818660795891, + "cosine_spearman": 70.59138342620027, + "main_score": 70.59138342620027 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-4/external/STS15.json b/results/vprelovac__universal-sentence-encoder-4/external/STS15.json new file mode 100644 index 000000000..98b9cc994 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-4/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 79.6360473168554, + "cos_sim_spearman": 80.26596000690931, + "euclidean_pearson": 79.82176999472074, + "euclidean_spearman": 80.26596000690931, + "manhattan_pearson": 78.94486463380255, + "manhattan_spearman": 79.20674341072848, + "cosine_pearson": 79.6360473168554, + "cosine_spearman": 80.26596000690931, + "main_score": 80.26596000690931 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-4/external/STS16.json b/results/vprelovac__universal-sentence-encoder-4/external/STS16.json new file mode 100644 index 000000000..53c09b12c --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-4/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 74.84322872565855, + "cos_sim_spearman": 75.75894131062728, + "euclidean_pearson": 75.5333191548161, + "euclidean_spearman": 75.75894090191032, + "manhattan_pearson": 74.96648591478875, + "manhattan_spearman": 75.07346800275856, + "cosine_pearson": 74.84322872565855, + "cosine_spearman": 75.75894131062728, + "main_score": 75.75894131062728 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-4/external/STS17.json b/results/vprelovac__universal-sentence-encoder-4/external/STS17.json new file mode 100644 index 000000000..d8022055e --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-4/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.79136005773537, + "cos_sim_spearman": 84.94411992446793, + "euclidean_pearson": 83.60843297866558, + "euclidean_spearman": 84.94411992446793, + "manhattan_pearson": 82.81698401022742, + "manhattan_spearman": 84.02022263657062, + "cosine_pearson": 83.79136005773537, + "cosine_spearman": 84.94411992446793, + "main_score": 84.94411992446793 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-4/external/STS22.json b/results/vprelovac__universal-sentence-encoder-4/external/STS22.json new file mode 100644 index 000000000..9ebc69b84 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-4/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 60.02909344132073, + "cos_sim_spearman": 60.000369508382704, + "euclidean_pearson": 61.54466129341342, + "euclidean_spearman": 60.000369508382704, + "manhattan_pearson": 58.76127065249476, + "manhattan_spearman": 58.08063159428285, + "cosine_pearson": 60.02909344132073, + "cosine_spearman": 60.000369508382704, + "main_score": 60.000369508382704 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-4/external/STSBenchmark.json b/results/vprelovac__universal-sentence-encoder-4/external/STSBenchmark.json new file mode 100644 index 000000000..e6e34e28c --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-4/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 78.72737325889034, + "cos_sim_spearman": 77.08420739421672, + "euclidean_pearson": 77.85606384422326, + "euclidean_spearman": 77.08420739421672, + "manhattan_pearson": 76.63643674764234, + "manhattan_spearman": 75.68141928725497, + "cosine_pearson": 78.72737325889034, + "cosine_spearman": 77.08420739421672, + "main_score": 77.08420739421672 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-4/external/SprintDuplicateQuestions.json b/results/vprelovac__universal-sentence-encoder-4/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..79a93ac52 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-4/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.61980198019802, + "cos_sim_ap": 86.36827719686161, + "cos_sim_f1": 80.35625927758537, + "cos_sim_precision": 79.52987267384917, + "cos_sim_recall": 81.2, + "dot_accuracy": 99.61980198019802, + "dot_ap": 86.36827719686161, + "dot_f1": 80.35625927758537, + "dot_precision": 79.52987267384917, + "dot_recall": 81.2, + "euclidean_accuracy": 99.61980198019802, + "euclidean_ap": 86.3682771543572, + "euclidean_f1": 80.35625927758537, + "euclidean_precision": 79.52987267384917, + "euclidean_recall": 81.2, + "manhattan_accuracy": 99.63564356435643, + "manhattan_ap": 87.12233265654545, + "manhattan_f1": 80.78920041536864, + "manhattan_precision": 84.01727861771057, + "manhattan_recall": 77.8, + "max_accuracy": 99.63564356435643, + "max_ap": 87.12233265654545, + "max_f1": 80.78920041536864, + "main_score": 87.12233265654545 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-4/external/StackExchangeClustering.json b/results/vprelovac__universal-sentence-encoder-4/external/StackExchangeClustering.json new file mode 100644 index 000000000..def039389 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-4/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 54.64344160961463, + "main_score": 54.64344160961463 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-4/external/StackExchangeClusteringP2P.json b/results/vprelovac__universal-sentence-encoder-4/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..ca4fb17aa --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-4/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.57666192425415, + "main_score": 31.57666192425415 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-4/external/SummEval.json b/results/vprelovac__universal-sentence-encoder-4/external/SummEval.json new file mode 100644 index 000000000..88698cfda --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-4/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 29.77545231337259, + "cos_sim_spearman": 29.420072483158698, + "dot_pearson": 29.775453888622426, + "dot_spearman": 29.420072483158698, + "cosine_pearson": 29.77545231337259, + "cosine_spearman": 29.420072483158698, + "main_score": 29.420072483158698 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-4/external/ToxicConversationsClassification.json b/results/vprelovac__universal-sentence-encoder-4/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..1bc6507f5 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-4/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 68.98920000000001, + "ap": 12.803310864930856, + "f1": 52.67881359079218, + "main_score": 68.98920000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-4/external/TweetSentimentExtractionClassification.json b/results/vprelovac__universal-sentence-encoder-4/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..87262713c --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-4/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 57.00622524052065, + "f1": 57.2232294145327, + "main_score": 57.00622524052065 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-4/external/TwentyNewsgroupsClustering.json b/results/vprelovac__universal-sentence-encoder-4/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..f57bb82cd --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-4/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 38.23134611732841, + "main_score": 38.23134611732841 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-4/external/TwitterSemEval2015.json b/results/vprelovac__universal-sentence-encoder-4/external/TwitterSemEval2015.json new file mode 100644 index 000000000..f7ce2798f --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-4/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 82.25546879656673, + "cos_sim_ap": 60.64429023120581, + "cos_sim_f1": 57.75789091788608, + "cos_sim_precision": 53.31547220361688, + "cos_sim_recall": 63.007915567282325, + "dot_accuracy": 82.25546879656673, + "dot_ap": 60.64428864700383, + "dot_f1": 57.75789091788608, + "dot_precision": 53.31547220361688, + "dot_recall": 63.007915567282325, + "euclidean_accuracy": 82.25546879656673, + "euclidean_ap": 60.64429357965402, + "euclidean_f1": 57.75789091788608, + "euclidean_precision": 53.31547220361688, + "euclidean_recall": 63.007915567282325, + "manhattan_accuracy": 82.14221851344102, + "manhattan_ap": 59.542389876094134, + "manhattan_f1": 56.935892792466504, + "manhattan_precision": 52.48163810371689, + "manhattan_recall": 62.21635883905014, + "max_accuracy": 82.25546879656673, + "max_ap": 60.64429357965402, + "max_f1": 57.75789091788608, + "main_score": 60.64429357965402 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-4/external/TwitterURLCorpus.json b/results/vprelovac__universal-sentence-encoder-4/external/TwitterURLCorpus.json new file mode 100644 index 000000000..c635f2ffb --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-4/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 86.99305312997244, + "cos_sim_ap": 81.6822772881566, + "cos_sim_f1": 73.70381406436233, + "cos_sim_precision": 71.38528138528139, + "cos_sim_recall": 76.17801047120419, + "dot_accuracy": 86.99305312997244, + "dot_ap": 81.6822783032573, + "dot_f1": 73.70381406436233, + "dot_precision": 71.38528138528139, + "dot_recall": 76.17801047120419, + "euclidean_accuracy": 86.99305312997244, + "euclidean_ap": 81.68228020882522, + "euclidean_f1": 73.70381406436233, + "euclidean_precision": 71.38528138528139, + "euclidean_recall": 76.17801047120419, + "manhattan_accuracy": 86.84557767687352, + "manhattan_ap": 81.3912803407899, + "manhattan_f1": 73.48302793631723, + "manhattan_precision": 71.71650542362944, + "manhattan_recall": 75.33877425315676, + "max_accuracy": 86.99305312997244, + "max_ap": 81.68228020882522, + "max_f1": 73.70381406436233, + "main_score": 81.68228020882522 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-4/external/model_meta.json b/results/vprelovac__universal-sentence-encoder-4/external/model_meta.json new file mode 100644 index 000000000..a1024bad9 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-4/external/model_meta.json @@ -0,0 +1,20 @@ +{ + "name": "vprelovac/universal-sentence-encoder-4", + "revision": "fcef0ca01c1ee8d98f639299dd633c116d16b64d", + "release_date": "2023-04-24", + "languages": [], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": null, + "embed_dim": null, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-large-5/external/AmazonCounterfactualClassification.json b/results/vprelovac__universal-sentence-encoder-large-5/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..324bc42a8 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-large-5/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 76.19402985074628, + "ap": 39.249966888759666, + "f1": 70.17510532980124, + "main_score": 76.19402985074628 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-large-5/external/AmazonPolarityClassification.json b/results/vprelovac__universal-sentence-encoder-large-5/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..372b72a5b --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-large-5/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.6285, + "ap": 63.97317997322299, + "f1": 69.48624121982243, + "main_score": 69.6285 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-large-5/external/AmazonReviewsClassification.json b/results/vprelovac__universal-sentence-encoder-large-5/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..e260a5fa6 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-large-5/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 35.534, + "f1": 34.974303844745194, + "main_score": 35.534 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-large-5/external/ArxivClusteringP2P.json b/results/vprelovac__universal-sentence-encoder-large-5/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..e5203e00a --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-large-5/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.718110225806626, + "main_score": 34.718110225806626 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-large-5/external/ArxivClusteringS2S.json b/results/vprelovac__universal-sentence-encoder-large-5/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..c2cbd9e15 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-large-5/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 25.267234486849127, + "main_score": 25.267234486849127 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-large-5/external/BIOSSES.json b/results/vprelovac__universal-sentence-encoder-large-5/external/BIOSSES.json new file mode 100644 index 000000000..27c71285c --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-large-5/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 69.65040443392367, + "cos_sim_spearman": 69.35579718635816, + "euclidean_pearson": 68.74078260783044, + "euclidean_spearman": 69.35579718635816, + "manhattan_pearson": 68.97023207188357, + "manhattan_spearman": 69.2063961917937, + "cosine_pearson": 69.65040443392367, + "cosine_spearman": 69.35579718635816, + "main_score": 69.35579718635816 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-large-5/external/Banking77Classification.json b/results/vprelovac__universal-sentence-encoder-large-5/external/Banking77Classification.json new file mode 100644 index 000000000..f30ca428b --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-large-5/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.12987012987013, + "f1": 77.40193921057201, + "main_score": 78.12987012987013 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-large-5/external/BiorxivClusteringP2P.json b/results/vprelovac__universal-sentence-encoder-large-5/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..dbe0ef4e6 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-large-5/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 28.39184796722482, + "main_score": 28.39184796722482 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-large-5/external/BiorxivClusteringS2S.json b/results/vprelovac__universal-sentence-encoder-large-5/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..3071fa7ef --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-large-5/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 20.5151608432177, + "main_score": 20.5151608432177 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-large-5/external/EmotionClassification.json b/results/vprelovac__universal-sentence-encoder-large-5/external/EmotionClassification.json new file mode 100644 index 000000000..7e7a1afd7 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-large-5/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 45.48, + "f1": 41.2632839288363, + "main_score": 45.48 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-large-5/external/ImdbClassification.json b/results/vprelovac__universal-sentence-encoder-large-5/external/ImdbClassification.json new file mode 100644 index 000000000..fe0df1156 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-large-5/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 64.0552, + "ap": 59.25851636836455, + "f1": 63.90501571634165, + "main_score": 64.0552 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-large-5/external/MTOPDomainClassification.json b/results/vprelovac__universal-sentence-encoder-large-5/external/MTOPDomainClassification.json new file mode 100644 index 000000000..83d2e7cee --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-large-5/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.94117647058823, + "f1": 92.7110107115347, + "main_score": 92.94117647058823 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-large-5/external/MTOPIntentClassification.json b/results/vprelovac__universal-sentence-encoder-large-5/external/MTOPIntentClassification.json new file mode 100644 index 000000000..3e9c5cd1f --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-large-5/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.43456452348381, + "f1": 52.53178214778298, + "main_score": 74.43456452348381 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-large-5/external/MassiveIntentClassification.json b/results/vprelovac__universal-sentence-encoder-large-5/external/MassiveIntentClassification.json new file mode 100644 index 000000000..f4cf54e55 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-large-5/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 71.68796234028245, + "f1": 68.47828954699564, + "main_score": 71.68796234028245 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-large-5/external/MassiveScenarioClassification.json b/results/vprelovac__universal-sentence-encoder-large-5/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..ab8a41e71 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-large-5/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.20242098184264, + "f1": 76.27977367157321, + "main_score": 77.20242098184264 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-large-5/external/MedrxivClusteringP2P.json b/results/vprelovac__universal-sentence-encoder-large-5/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..1c8912e18 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-large-5/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.266855488757034, + "main_score": 30.266855488757034 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-large-5/external/MedrxivClusteringS2S.json b/results/vprelovac__universal-sentence-encoder-large-5/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..725fb9a2d --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-large-5/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 24.580327378539057, + "main_score": 24.580327378539057 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-large-5/external/RedditClustering.json b/results/vprelovac__universal-sentence-encoder-large-5/external/RedditClustering.json new file mode 100644 index 000000000..d408e17d7 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-large-5/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 56.928616405043684, + "main_score": 56.928616405043684 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-large-5/external/RedditClusteringP2P.json b/results/vprelovac__universal-sentence-encoder-large-5/external/RedditClusteringP2P.json new file mode 100644 index 000000000..c1f6194d1 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-large-5/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 58.94536303256525, + "main_score": 58.94536303256525 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-large-5/external/SICK-R.json b/results/vprelovac__universal-sentence-encoder-large-5/external/SICK-R.json new file mode 100644 index 000000000..1ff045353 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-large-5/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.43899708996477, + "cos_sim_spearman": 76.84011555220044, + "euclidean_pearson": 79.6116260676631, + "euclidean_spearman": 76.84012073472658, + "manhattan_pearson": 78.49980966442152, + "manhattan_spearman": 75.49233078465171, + "cosine_pearson": 82.43899708996477, + "cosine_spearman": 76.84011555220044, + "main_score": 76.84011555220044 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-large-5/external/STS12.json b/results/vprelovac__universal-sentence-encoder-large-5/external/STS12.json new file mode 100644 index 000000000..74e55c9f6 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-large-5/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 79.8291506264289, + "cos_sim_spearman": 72.49093632759003, + "euclidean_pearson": 75.42130137819414, + "euclidean_spearman": 72.49048089395136, + "manhattan_pearson": 74.17957476459091, + "manhattan_spearman": 71.6143674273714, + "cosine_pearson": 79.8291506264289, + "cosine_spearman": 72.49093632759003, + "main_score": 72.49093632759003 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-large-5/external/STS13.json b/results/vprelovac__universal-sentence-encoder-large-5/external/STS13.json new file mode 100644 index 000000000..e24a9f778 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-large-5/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 70.91903439531401, + "cos_sim_spearman": 73.65106317244273, + "euclidean_pearson": 73.22383725261588, + "euclidean_spearman": 73.65106317244273, + "manhattan_pearson": 72.98314057093636, + "manhattan_spearman": 73.52101907069579, + "cosine_pearson": 70.91903439531401, + "cosine_spearman": 73.65106317244273, + "main_score": 73.65106317244273 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-large-5/external/STS14.json b/results/vprelovac__universal-sentence-encoder-large-5/external/STS14.json new file mode 100644 index 000000000..884051bc3 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-large-5/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 75.19632733755482, + "cos_sim_spearman": 71.88328402076041, + "euclidean_pearson": 74.02395011081532, + "euclidean_spearman": 71.88328903479953, + "manhattan_pearson": 73.52941749980135, + "manhattan_spearman": 71.32905921324534, + "cosine_pearson": 75.19632733755482, + "cosine_spearman": 71.88328402076041, + "main_score": 71.88328402076041 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-large-5/external/STS15.json b/results/vprelovac__universal-sentence-encoder-large-5/external/STS15.json new file mode 100644 index 000000000..69e5bdc4d --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-large-5/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.42736501667461, + "cos_sim_spearman": 82.89997148218205, + "euclidean_pearson": 82.3189209945513, + "euclidean_spearman": 82.89997089267106, + "manhattan_pearson": 81.78597437071429, + "manhattan_spearman": 82.21582873302081, + "cosine_pearson": 82.42736501667461, + "cosine_spearman": 82.89997148218205, + "main_score": 82.89997148218205 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-large-5/external/STS16.json b/results/vprelovac__universal-sentence-encoder-large-5/external/STS16.json new file mode 100644 index 000000000..b0cc86e2c --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-large-5/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 78.44968010602165, + "cos_sim_spearman": 79.82626284236876, + "euclidean_pearson": 79.4157474030238, + "euclidean_spearman": 79.82626269881543, + "manhattan_pearson": 79.13275737559012, + "manhattan_spearman": 79.4847570398719, + "cosine_pearson": 78.44968010602165, + "cosine_spearman": 79.82626284236876, + "main_score": 79.82626284236876 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-large-5/external/STS17.json b/results/vprelovac__universal-sentence-encoder-large-5/external/STS17.json new file mode 100644 index 000000000..0f90fe510 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-large-5/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.51882547098218, + "cos_sim_spearman": 85.19309361840223, + "euclidean_pearson": 84.78417242196153, + "euclidean_spearman": 85.19307726106497, + "manhattan_pearson": 84.09108278425708, + "manhattan_spearman": 84.13590986630149, + "cosine_pearson": 84.51882547098218, + "cosine_spearman": 85.19309361840223, + "main_score": 85.19309361840223 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-large-5/external/STS22.json b/results/vprelovac__universal-sentence-encoder-large-5/external/STS22.json new file mode 100644 index 000000000..2de26915f --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-large-5/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 44.814384769251085, + "cos_sim_spearman": 48.43949857027059, + "euclidean_pearson": 47.479132435178855, + "euclidean_spearman": 48.43949857027059, + "manhattan_pearson": 47.16203934707649, + "manhattan_spearman": 48.289920897667095, + "cosine_pearson": 44.814384769251085, + "cosine_spearman": 48.43949857027059, + "main_score": 48.43949857027059 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-large-5/external/STSBenchmark.json b/results/vprelovac__universal-sentence-encoder-large-5/external/STSBenchmark.json new file mode 100644 index 000000000..d5bed4d45 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-large-5/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.25646447054616, + "cos_sim_spearman": 79.93231051166357, + "euclidean_pearson": 80.65225742476945, + "euclidean_spearman": 79.93231051166357, + "manhattan_pearson": 79.84341819764376, + "manhattan_spearman": 79.07650150491334, + "cosine_pearson": 81.25646447054616, + "cosine_spearman": 79.93231051166357, + "main_score": 79.93231051166357 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-large-5/external/SprintDuplicateQuestions.json b/results/vprelovac__universal-sentence-encoder-large-5/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..49e17884d --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-large-5/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.5910891089109, + "cos_sim_ap": 84.37184771930944, + "cos_sim_f1": 78.78787878787878, + "cos_sim_precision": 80.99260823653644, + "cos_sim_recall": 76.7, + "dot_accuracy": 99.5910891089109, + "dot_ap": 84.37184771930944, + "dot_f1": 78.78787878787878, + "dot_precision": 80.99260823653644, + "dot_recall": 76.7, + "euclidean_accuracy": 99.5910891089109, + "euclidean_ap": 84.37185436709098, + "euclidean_f1": 78.78787878787878, + "euclidean_precision": 80.99260823653644, + "euclidean_recall": 76.7, + "manhattan_accuracy": 99.6108910891089, + "manhattan_ap": 85.13355467581354, + "manhattan_f1": 80.2788844621514, + "manhattan_precision": 79.96031746031747, + "manhattan_recall": 80.60000000000001, + "max_accuracy": 99.6108910891089, + "max_ap": 85.13355467581354, + "max_f1": 80.2788844621514, + "main_score": 85.13355467581354 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-large-5/external/StackExchangeClustering.json b/results/vprelovac__universal-sentence-encoder-large-5/external/StackExchangeClustering.json new file mode 100644 index 000000000..d76bf821d --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-large-5/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 60.8469558550317, + "main_score": 60.8469558550317 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-large-5/external/StackExchangeClusteringP2P.json b/results/vprelovac__universal-sentence-encoder-large-5/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..ba72c51d0 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-large-5/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.14392913702168, + "main_score": 33.14392913702168 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-large-5/external/SummEval.json b/results/vprelovac__universal-sentence-encoder-large-5/external/SummEval.json new file mode 100644 index 000000000..56683d03d --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-large-5/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 29.566148619704457, + "cos_sim_spearman": 29.01201818902588, + "dot_pearson": 29.566149876183374, + "dot_spearman": 29.014046950422795, + "cosine_pearson": 29.566148619704457, + "cosine_spearman": 29.01201818902588, + "main_score": 29.01201818902588 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-large-5/external/ToxicConversationsClassification.json b/results/vprelovac__universal-sentence-encoder-large-5/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..0d6031e85 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-large-5/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.17420000000001, + "ap": 13.49623412034604, + "f1": 53.7079366494688, + "main_score": 70.17420000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-large-5/external/TweetSentimentExtractionClassification.json b/results/vprelovac__universal-sentence-encoder-large-5/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..3e8d306fb --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-large-5/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 59.309564233163556, + "f1": 59.33623172630094, + "main_score": 59.309564233163556 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-large-5/external/TwentyNewsgroupsClustering.json b/results/vprelovac__universal-sentence-encoder-large-5/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..9d2ebc832 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-large-5/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 42.42960819361032, + "main_score": 42.42960819361032 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-large-5/external/TwitterSemEval2015.json b/results/vprelovac__universal-sentence-encoder-large-5/external/TwitterSemEval2015.json new file mode 100644 index 000000000..5d06127a8 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-large-5/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 85.04500208618943, + "cos_sim_ap": 70.12785509302904, + "cos_sim_f1": 65.36573392243496, + "cos_sim_precision": 61.10601193207894, + "cos_sim_recall": 70.26385224274406, + "dot_accuracy": 85.04500208618943, + "dot_ap": 70.12785837450095, + "dot_f1": 65.36573392243496, + "dot_precision": 61.10601193207894, + "dot_recall": 70.26385224274406, + "euclidean_accuracy": 85.04500208618943, + "euclidean_ap": 70.1278575285826, + "euclidean_f1": 65.36573392243496, + "euclidean_precision": 61.10601193207894, + "euclidean_recall": 70.26385224274406, + "manhattan_accuracy": 85.03308100375514, + "manhattan_ap": 69.67192372362932, + "manhattan_f1": 64.95726495726495, + "manhattan_precision": 61.218771888862946, + "manhattan_recall": 69.1820580474934, + "max_accuracy": 85.04500208618943, + "max_ap": 70.12785837450095, + "max_f1": 65.36573392243496, + "main_score": 70.12785837450095 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-large-5/external/TwitterURLCorpus.json b/results/vprelovac__universal-sentence-encoder-large-5/external/TwitterURLCorpus.json new file mode 100644 index 000000000..4a3b172e5 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-large-5/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.18644002018085, + "cos_sim_ap": 84.09120337117118, + "cos_sim_f1": 76.33478718604302, + "cos_sim_precision": 74.59582598471486, + "cos_sim_recall": 78.15676008623345, + "dot_accuracy": 88.18644002018085, + "dot_ap": 84.09120289232122, + "dot_f1": 76.33478718604302, + "dot_precision": 74.59582598471486, + "dot_recall": 78.15676008623345, + "euclidean_accuracy": 88.18644002018085, + "euclidean_ap": 84.091202102378, + "euclidean_f1": 76.33478718604302, + "euclidean_precision": 74.59582598471486, + "euclidean_recall": 78.15676008623345, + "manhattan_accuracy": 88.19032095315714, + "manhattan_ap": 84.0865561436236, + "manhattan_f1": 76.16665422235496, + "manhattan_precision": 73.93100449340484, + "manhattan_recall": 78.54173082845703, + "max_accuracy": 88.19032095315714, + "max_ap": 84.09120337117118, + "max_f1": 76.33478718604302, + "main_score": 84.09120337117118 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-large-5/external/model_meta.json b/results/vprelovac__universal-sentence-encoder-large-5/external/model_meta.json new file mode 100644 index 000000000..d81cec6dd --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-large-5/external/model_meta.json @@ -0,0 +1,20 @@ +{ + "name": "vprelovac/universal-sentence-encoder-large-5", + "revision": "fad23576879c7c274089f1a52ca25a1b3c94a977", + "release_date": "2023-04-24", + "languages": [], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": null, + "embed_dim": null, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-3/external/AmazonCounterfactualClassification.json b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..79f0170f4 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.83582089552239, + "ap": 31.78315481798218, + "f1": 63.49599891839609, + "main_score": 69.83582089552239 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-3/external/AmazonPolarityClassification.json b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..a82e07ea3 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 65.24337500000001, + "ap": 60.210780218392365, + "f1": 64.93158500771304, + "main_score": 65.24337500000001 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-3/external/AmazonReviewsClassification.json b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..7a6adb3d3 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 33.95400000000001, + "f1": 33.54319450350246, + "main_score": 33.95400000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-3/external/ArxivClusteringP2P.json b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..3a9c2f0a9 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.721026148085606, + "main_score": 33.721026148085606 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-3/external/ArxivClusteringS2S.json b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..4a702e74e --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 23.989923856346987, + "main_score": 23.989923856346987 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-3/external/BIOSSES.json b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/BIOSSES.json new file mode 100644 index 000000000..aa7fa9a76 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 80.07123979932489, + "cos_sim_spearman": 78.19395037690312, + "euclidean_pearson": 78.16919457797398, + "euclidean_spearman": 78.19395037690312, + "manhattan_pearson": 77.91224702148509, + "manhattan_spearman": 77.37284733016378, + "cosine_pearson": 80.07123979932489, + "cosine_spearman": 78.19395037690312, + "main_score": 78.19395037690312 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-3/external/Banking77Classification.json b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/Banking77Classification.json new file mode 100644 index 000000000..84c14e9f0 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.78571428571429, + "f1": 71.7761168332973, + "main_score": 72.78571428571429 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-3/external/BiorxivClusteringP2P.json b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..cf0501c40 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.883580770801693, + "main_score": 30.883580770801693 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-3/external/BiorxivClusteringS2S.json b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..2282a175d --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 21.053335896002615, + "main_score": 21.053335896002615 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-3/external/EmotionClassification.json b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/EmotionClassification.json new file mode 100644 index 000000000..725acb13a --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 35.6, + "f1": 32.46907363797937, + "main_score": 35.6 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-3/external/ImdbClassification.json b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/ImdbClassification.json new file mode 100644 index 000000000..61e808af4 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 66.32400000000001, + "ap": 60.96534738097902, + "f1": 66.17106527460737, + "main_score": 66.32400000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-3/external/MTOPDomainClassification.json b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/MTOPDomainClassification.json new file mode 100644 index 000000000..f59c23c9d --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 90.40355677154584, + "f1": 90.02197700114169, + "main_score": 90.40355677154584 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-3/external/MTOPIntentClassification.json b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/MTOPIntentClassification.json new file mode 100644 index 000000000..8b544b45a --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 62.282261741906076, + "f1": 42.66509438922704, + "main_score": 62.282261741906076 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-3/external/MassiveIntentClassification.json b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/MassiveIntentClassification.json new file mode 100644 index 000000000..175a17856 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 66.11634162743779, + "f1": 63.22561882532336, + "main_score": 66.11634162743779 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-3/external/MassiveScenarioClassification.json b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..20f06c96e --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 73.73570948217888, + "f1": 72.60926811627525, + "main_score": 73.73570948217888 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-3/external/MedrxivClusteringP2P.json b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..72adc00ab --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 28.682218411117113, + "main_score": 28.682218411117113 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-3/external/MedrxivClusteringS2S.json b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..9d732124e --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 24.249068423345125, + "main_score": 24.249068423345125 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-3/external/RedditClustering.json b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/RedditClustering.json new file mode 100644 index 000000000..1946a969d --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 43.81857444082751, + "main_score": 43.81857444082751 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-3/external/RedditClusteringP2P.json b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/RedditClusteringP2P.json new file mode 100644 index 000000000..c1e691f77 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 58.37019068224756, + "main_score": 58.37019068224756 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-3/external/SICK-R.json b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/SICK-R.json new file mode 100644 index 000000000..691764987 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 80.40531780187507, + "cos_sim_spearman": 74.43055388885399, + "euclidean_pearson": 77.56731280002846, + "euclidean_spearman": 74.43055238430316, + "manhattan_pearson": 77.0225674793828, + "manhattan_spearman": 73.0157763009755, + "cosine_pearson": 80.40531780187507, + "cosine_spearman": 74.43055388885399, + "main_score": 74.43055388885399 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-3/external/STS12.json b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/STS12.json new file mode 100644 index 000000000..11f539d2a --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 77.89513323602442, + "cos_sim_spearman": 72.57556877265816, + "euclidean_pearson": 73.85821376234655, + "euclidean_spearman": 72.57491371628555, + "manhattan_pearson": 74.09836169887191, + "manhattan_spearman": 72.68258315762111, + "cosine_pearson": 77.89513323602442, + "cosine_spearman": 72.57556877265816, + "main_score": 72.57556877265816 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-3/external/STS13.json b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/STS13.json new file mode 100644 index 000000000..9a28b13ab --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 70.35242787171663, + "cos_sim_spearman": 72.21957543640191, + "euclidean_pearson": 71.69509554469398, + "euclidean_spearman": 72.21957537220672, + "manhattan_pearson": 71.48837487133736, + "manhattan_spearman": 72.10777865383778, + "cosine_pearson": 70.35242787171663, + "cosine_spearman": 72.21957543640191, + "main_score": 72.21957543640191 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-3/external/STS14.json b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/STS14.json new file mode 100644 index 000000000..f9a85c819 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 74.16772362444075, + "cos_sim_spearman": 69.97673740601287, + "euclidean_pearson": 72.31559291876557, + "euclidean_spearman": 69.97673740601287, + "manhattan_pearson": 72.24271795357289, + "manhattan_spearman": 69.49367729167946, + "cosine_pearson": 74.16772362444075, + "cosine_spearman": 69.97673740601287, + "main_score": 69.97673740601287 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-3/external/STS15.json b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/STS15.json new file mode 100644 index 000000000..cc4ad2367 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.79182911906513, + "cos_sim_spearman": 82.22437412512745, + "euclidean_pearson": 81.83097544031064, + "euclidean_spearman": 82.22436565654309, + "manhattan_pearson": 81.36464923871902, + "manhattan_spearman": 81.5343779056359, + "cosine_pearson": 81.79182911906513, + "cosine_spearman": 82.22437412512745, + "main_score": 82.22437412512745 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-3/external/STS16.json b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/STS16.json new file mode 100644 index 000000000..7721eb0a6 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 75.43557616859144, + "cos_sim_spearman": 76.91365659685123, + "euclidean_pearson": 76.56513219626397, + "euclidean_spearman": 76.91365659685123, + "manhattan_pearson": 76.17721999284116, + "manhattan_spearman": 76.35088101292793, + "cosine_pearson": 75.43557616859144, + "cosine_spearman": 76.91365659685123, + "main_score": 76.91365659685123 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-3/external/STS17.json b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/STS17.json new file mode 100644 index 000000000..4d0ff0a75 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.94818288101212, + "cos_sim_spearman": 85.2167560886111, + "euclidean_pearson": 85.17622731729108, + "euclidean_spearman": 85.2167560886111, + "manhattan_pearson": 84.8324354792735, + "manhattan_spearman": 84.69897393431455, + "cosine_pearson": 84.94818288101212, + "cosine_spearman": 85.2167560886111, + "main_score": 85.2167560886111 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-3/external/STS22.json b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/STS22.json new file mode 100644 index 000000000..20cab6ccb --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 61.591839696719234, + "cos_sim_spearman": 61.90385583991066, + "euclidean_pearson": 63.49437829898753, + "euclidean_spearman": 61.90385583991066, + "manhattan_pearson": 60.78565195357755, + "manhattan_spearman": 59.802983782193905, + "cosine_pearson": 61.591839696719234, + "cosine_spearman": 61.90385583991066, + "main_score": 61.90385583991066 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-3/external/STSBenchmark.json b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/STSBenchmark.json new file mode 100644 index 000000000..3273f46e2 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.37748727839765, + "cos_sim_spearman": 80.28214972273051, + "euclidean_pearson": 81.0274577938496, + "euclidean_spearman": 80.28214972273051, + "manhattan_pearson": 80.18978223617367, + "manhattan_spearman": 79.17781398461948, + "cosine_pearson": 81.37748727839765, + "cosine_spearman": 80.28214972273051, + "main_score": 80.28214972273051 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-3/external/SprintDuplicateQuestions.json b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..ef230b817 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.62475247524752, + "cos_sim_ap": 87.05032305596566, + "cos_sim_f1": 80.25987006496752, + "cos_sim_precision": 80.21978021978022, + "cos_sim_recall": 80.30000000000001, + "dot_accuracy": 99.62475247524752, + "dot_ap": 87.05032305596568, + "dot_f1": 80.25987006496752, + "dot_precision": 80.21978021978022, + "dot_recall": 80.30000000000001, + "euclidean_accuracy": 99.62475247524752, + "euclidean_ap": 87.05031186021066, + "euclidean_f1": 80.25987006496752, + "euclidean_precision": 80.21978021978022, + "euclidean_recall": 80.30000000000001, + "manhattan_accuracy": 99.64554455445544, + "manhattan_ap": 87.773065204317, + "manhattan_f1": 81.32094943240455, + "manhattan_precision": 84.00852878464818, + "manhattan_recall": 78.8, + "max_accuracy": 99.64554455445544, + "max_ap": 87.773065204317, + "max_f1": 81.32094943240455, + "main_score": 87.773065204317 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-3/external/StackExchangeClustering.json b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/StackExchangeClustering.json new file mode 100644 index 000000000..2c4572df3 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 47.82768409586564, + "main_score": 47.82768409586564 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-3/external/StackExchangeClusteringP2P.json b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..69490cef2 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.010238746581386, + "main_score": 33.010238746581386 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-3/external/SummEval.json b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/SummEval.json new file mode 100644 index 000000000..51464d3f4 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.93460869020161, + "cos_sim_spearman": 30.793100826598852, + "dot_pearson": 30.934611387819803, + "dot_spearman": 30.793100826598852, + "cosine_pearson": 30.93460869020161, + "cosine_spearman": 30.793100826598852, + "main_score": 30.793100826598852 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-3/external/ToxicConversationsClassification.json b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..9fa9ba0ec --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 67.56439999999999, + "ap": 12.622864890343005, + "f1": 51.866745839430514, + "main_score": 67.56439999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-3/external/TweetSentimentExtractionClassification.json b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..960388a6b --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 57.2354272778721, + "f1": 57.42332031933637, + "main_score": 57.2354272778721 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-3/external/TwentyNewsgroupsClustering.json b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..9b4326a1f --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 37.46769271159515, + "main_score": 37.46769271159515 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-3/external/TwitterSemEval2015.json b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/TwitterSemEval2015.json new file mode 100644 index 000000000..6d7e71794 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 81.53424330929249, + "cos_sim_ap": 57.033163698414114, + "cos_sim_f1": 54.54983148772268, + "cos_sim_precision": 50.154935812306334, + "cos_sim_recall": 59.788918205804755, + "dot_accuracy": 81.53424330929249, + "dot_ap": 57.03315710343203, + "dot_f1": 54.54983148772268, + "dot_precision": 50.154935812306334, + "dot_recall": 59.788918205804755, + "euclidean_accuracy": 81.53424330929249, + "euclidean_ap": 57.033158170117446, + "euclidean_f1": 54.54983148772268, + "euclidean_precision": 50.154935812306334, + "euclidean_recall": 59.788918205804755, + "manhattan_accuracy": 81.29582166060678, + "manhattan_ap": 55.74973597316332, + "manhattan_f1": 53.15203955500617, + "manhattan_precision": 50.0, + "manhattan_recall": 56.72823218997362, + "max_accuracy": 81.53424330929249, + "max_ap": 57.033163698414114, + "max_f1": 54.54983148772268, + "main_score": 57.033163698414114 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-3/external/TwitterURLCorpus.json b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/TwitterURLCorpus.json new file mode 100644 index 000000000..ddffe65f8 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 87.27053983777701, + "cos_sim_ap": 82.20632443836952, + "cos_sim_f1": 74.4764795144158, + "cos_sim_precision": 73.40711935387377, + "cos_sim_recall": 75.57745611333539, + "dot_accuracy": 87.27053983777701, + "dot_ap": 82.20632570091198, + "dot_f1": 74.4764795144158, + "dot_precision": 73.40711935387377, + "dot_recall": 75.57745611333539, + "euclidean_accuracy": 87.27053983777701, + "euclidean_ap": 82.20632379487282, + "euclidean_f1": 74.4764795144158, + "euclidean_precision": 73.40711935387377, + "euclidean_recall": 75.57745611333539, + "manhattan_accuracy": 87.18321884581053, + "manhattan_ap": 81.95324384723243, + "manhattan_f1": 74.28318388132404, + "manhattan_precision": 71.32733328608887, + "manhattan_recall": 77.49461040960887, + "max_accuracy": 87.27053983777701, + "max_ap": 82.20632570091198, + "max_f1": 74.4764795144158, + "main_score": 82.20632570091198 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-3/external/model_meta.json b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/model_meta.json new file mode 100644 index 000000000..7da1bba25 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-3/external/model_meta.json @@ -0,0 +1,20 @@ +{ + "name": "vprelovac/universal-sentence-encoder-multilingual-3", + "revision": "ae6f6bee387fe65fae4426c6d9bf24be74770ed0", + "release_date": "2023-04-24", + "languages": [], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": null, + "embed_dim": null, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/AmazonCounterfactualClassification.json b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..97c884297 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.80597014925372, + "ap": 32.82048192776259, + "f1": 64.5323001151201, + "main_score": 70.80597014925372 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/AmazonPolarityClassification.json b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..abc33462c --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 67.04549999999999, + "ap": 61.7344066191823, + "f1": 66.66233213924507, + "main_score": 67.04549999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/AmazonReviewsClassification.json b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..329b7c1f6 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 35.85, + "f1": 35.332188148679464, + "main_score": 35.85 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/ArxivClusteringP2P.json b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..89a95e551 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 34.745135349238126, + "main_score": 34.745135349238126 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/ArxivClusteringS2S.json b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..e21f3f981 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 22.620886813816306, + "main_score": 22.620886813816306 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/BIOSSES.json b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/BIOSSES.json new file mode 100644 index 000000000..efeb61d3c --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 80.30945408208555, + "cos_sim_spearman": 79.13734536677386, + "euclidean_pearson": 78.92356402711572, + "euclidean_spearman": 79.13734536677386, + "manhattan_pearson": 79.0536298599996, + "manhattan_spearman": 79.15240595090333, + "cosine_pearson": 80.30945408208555, + "cosine_spearman": 79.13734536677386, + "main_score": 79.13734536677386 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/Banking77Classification.json b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/Banking77Classification.json new file mode 100644 index 000000000..38b5eb00f --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 74.66883116883116, + "f1": 73.79377347715479, + "main_score": 74.66883116883116 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/BiorxivClusteringP2P.json b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..59cf12913 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 28.750702236182818, + "main_score": 28.750702236182818 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/BiorxivClusteringS2S.json b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..7c32963a8 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 20.142702408387194, + "main_score": 20.142702408387194 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/EmotionClassification.json b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/EmotionClassification.json new file mode 100644 index 000000000..224282572 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 42.30500000000001, + "f1": 38.547388314307206, + "main_score": 42.30500000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/ImdbClassification.json b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/ImdbClassification.json new file mode 100644 index 000000000..a048d2e92 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 63.690000000000005, + "ap": 59.157513278784734, + "f1": 63.35865572988864, + "main_score": 63.690000000000005 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/MTOPDomainClassification.json b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/MTOPDomainClassification.json new file mode 100644 index 000000000..a4b6eadad --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.48062015503875, + "f1": 92.14919344822017, + "main_score": 92.48062015503875 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/MTOPIntentClassification.json b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/MTOPIntentClassification.json new file mode 100644 index 000000000..5573eb63e --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.26675786593708, + "f1": 47.72003620900994, + "main_score": 70.26675786593708 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/MassiveIntentClassification.json b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/MassiveIntentClassification.json new file mode 100644 index 000000000..ca66d620a --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.04505716207129, + "f1": 65.75319040584333, + "main_score": 69.04505716207129 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/MassiveScenarioClassification.json b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..e2e1743f3 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.80363147276395, + "f1": 74.16118757920125, + "main_score": 75.80363147276395 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/MedrxivClusteringP2P.json b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..8d920b437 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 31.197732425855694, + "main_score": 31.197732425855694 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/MedrxivClusteringS2S.json b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..9e0186a96 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 25.802309075396522, + "main_score": 25.802309075396522 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/RedditClustering.json b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/RedditClustering.json new file mode 100644 index 000000000..d224faa11 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 46.17008358584782, + "main_score": 46.17008358584782 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/RedditClusteringP2P.json b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/RedditClusteringP2P.json new file mode 100644 index 000000000..0ebd64037 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 56.53148530944687, + "main_score": 56.53148530944687 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/SICK-R.json b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/SICK-R.json new file mode 100644 index 000000000..dd1d400aa --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.9794493404352, + "cos_sim_spearman": 76.42957100142304, + "euclidean_pearson": 78.82942656726047, + "euclidean_spearman": 76.4295710840889, + "manhattan_pearson": 78.13314706410813, + "manhattan_spearman": 74.9822593004123, + "cosine_pearson": 81.9794493404352, + "cosine_spearman": 76.42957100142304, + "main_score": 76.42957100142304 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/STS12.json b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/STS12.json new file mode 100644 index 000000000..207b72583 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 80.7673081071098, + "cos_sim_spearman": 74.24891322087522, + "euclidean_pearson": 76.52411182468802, + "euclidean_spearman": 74.24929140605082, + "manhattan_pearson": 76.8324387036746, + "manhattan_spearman": 74.53614579807713, + "cosine_pearson": 80.7673081071098, + "cosine_spearman": 74.24891322087522, + "main_score": 74.24891322087522 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/STS13.json b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/STS13.json new file mode 100644 index 000000000..9d4a1b4fc --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 69.28614557615222, + "cos_sim_spearman": 71.81704450585194, + "euclidean_pearson": 71.1658590877318, + "euclidean_spearman": 71.81704444201455, + "manhattan_pearson": 71.36497478266207, + "manhattan_spearman": 72.06541804714345, + "cosine_pearson": 69.28614557615222, + "cosine_spearman": 71.81704450585194, + "main_score": 71.81704450585194 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/STS14.json b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/STS14.json new file mode 100644 index 000000000..073599fd5 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 74.87060297964618, + "cos_sim_spearman": 71.3835314374386, + "euclidean_pearson": 73.38159929423239, + "euclidean_spearman": 71.38353144149953, + "manhattan_pearson": 73.52351725668174, + "manhattan_spearman": 71.51640478420119, + "cosine_pearson": 74.87060297964618, + "cosine_spearman": 71.3835314374386, + "main_score": 71.3835314374386 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/STS15.json b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/STS15.json new file mode 100644 index 000000000..a8b5d9fb1 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.0540026051573, + "cos_sim_spearman": 82.4705078026881, + "euclidean_pearson": 81.93203207566977, + "euclidean_spearman": 82.47050765607385, + "manhattan_pearson": 81.95496687772686, + "manhattan_spearman": 82.32489988477197, + "cosine_pearson": 82.0540026051573, + "cosine_spearman": 82.4705078026881, + "main_score": 82.4705078026881 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/STS16.json b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/STS16.json new file mode 100644 index 000000000..5bf4d0c31 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 76.11630455802185, + "cos_sim_spearman": 77.53749233675596, + "euclidean_pearson": 77.21678350170754, + "euclidean_spearman": 77.53749219731857, + "manhattan_pearson": 77.0111066160541, + "manhattan_spearman": 77.19561900456223, + "cosine_pearson": 76.11630455802185, + "cosine_spearman": 77.53749233675596, + "main_score": 77.53749233675596 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/STS17.json b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/STS17.json new file mode 100644 index 000000000..c4cd521f8 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.04867872683484, + "cos_sim_spearman": 86.38343806077555, + "euclidean_pearson": 86.62923572982524, + "euclidean_spearman": 86.38343806077555, + "manhattan_pearson": 85.88819314699656, + "manhattan_spearman": 85.40841620897656, + "cosine_pearson": 86.04867872683484, + "cosine_spearman": 86.38343806077555, + "main_score": 86.38343806077555 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/STS22.json b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/STS22.json new file mode 100644 index 000000000..ffe0ae53a --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 50.81940075037091, + "cos_sim_spearman": 52.853775517979265, + "euclidean_pearson": 53.19987444831206, + "euclidean_spearman": 52.853775517979265, + "manhattan_pearson": 53.10152120352485, + "manhattan_spearman": 52.882886362489124, + "cosine_pearson": 50.81940075037091, + "cosine_spearman": 52.853775517979265, + "main_score": 52.853775517979265 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/STSBenchmark.json b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/STSBenchmark.json new file mode 100644 index 000000000..c966bf49b --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.15848984078094, + "cos_sim_spearman": 81.24223670044107, + "euclidean_pearson": 81.80955840510725, + "euclidean_spearman": 81.24224792494685, + "manhattan_pearson": 81.20700319509191, + "manhattan_spearman": 80.56078137874846, + "cosine_pearson": 82.15848984078094, + "cosine_spearman": 81.24223670044107, + "main_score": 81.24223670044107 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/SprintDuplicateQuestions.json b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..def4555c9 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.71089108910891, + "cos_sim_ap": 90.8870929231928, + "cos_sim_f1": 85.3719420868697, + "cos_sim_precision": 85.24426719840478, + "cos_sim_recall": 85.5, + "dot_accuracy": 99.71089108910891, + "dot_ap": 90.88709292319278, + "dot_f1": 85.3719420868697, + "dot_precision": 85.24426719840478, + "dot_recall": 85.5, + "euclidean_accuracy": 99.71089108910891, + "euclidean_ap": 90.8870929231928, + "euclidean_f1": 85.3719420868697, + "euclidean_precision": 85.24426719840478, + "euclidean_recall": 85.5, + "manhattan_accuracy": 99.72871287128713, + "manhattan_ap": 91.50016707647607, + "manhattan_f1": 86.21700879765396, + "manhattan_precision": 84.32122370936902, + "manhattan_recall": 88.2, + "max_accuracy": 99.72871287128713, + "max_ap": 91.50016707647607, + "max_f1": 86.21700879765396, + "main_score": 91.50016707647607 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/StackExchangeClustering.json b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/StackExchangeClustering.json new file mode 100644 index 000000000..e924111fc --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 49.339384566987555, + "main_score": 49.339384566987555 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/StackExchangeClusteringP2P.json b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..f75a025b9 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 33.39729645390336, + "main_score": 33.39729645390336 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/SummEval.json b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/SummEval.json new file mode 100644 index 000000000..7b1583f83 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 30.459235703560942, + "cos_sim_spearman": 29.710719599360587, + "dot_pearson": 30.459236115198866, + "dot_spearman": 29.714606257782066, + "cosine_pearson": 30.459235703560942, + "cosine_spearman": 29.710719599360587, + "main_score": 29.710719599360587 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/ToxicConversationsClassification.json b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..301c68051 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 68.223, + "ap": 13.10327282975004, + "f1": 52.52588280152648, + "main_score": 68.223 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/TweetSentimentExtractionClassification.json b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..8aa8e3781 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 59.18788907753254, + "f1": 59.47679105840768, + "main_score": 59.18788907753254 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/TwentyNewsgroupsClustering.json b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..6c65742d2 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 36.93253191095803, + "main_score": 36.93253191095803 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/TwitterSemEval2015.json b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/TwitterSemEval2015.json new file mode 100644 index 000000000..1b31bd1c3 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 83.37009000417238, + "cos_sim_ap": 63.75973129735431, + "cos_sim_f1": 59.62504595025121, + "cos_sim_precision": 55.66231983527798, + "cos_sim_recall": 64.1952506596306, + "dot_accuracy": 83.37009000417238, + "dot_ap": 63.759728820348414, + "dot_f1": 59.62504595025121, + "dot_precision": 55.66231983527798, + "dot_recall": 64.1952506596306, + "euclidean_accuracy": 83.37009000417238, + "euclidean_ap": 63.75972622477462, + "euclidean_f1": 59.62504595025121, + "euclidean_precision": 55.66231983527798, + "euclidean_recall": 64.1952506596306, + "manhattan_accuracy": 83.28068188591524, + "manhattan_ap": 63.109413220673375, + "manhattan_f1": 59.085923217550274, + "manhattan_precision": 54.903737259343146, + "manhattan_recall": 63.95778364116095, + "max_accuracy": 83.37009000417238, + "max_ap": 63.75973129735431, + "max_f1": 59.62504595025121, + "main_score": 63.75973129735431 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/TwitterURLCorpus.json b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/TwitterURLCorpus.json new file mode 100644 index 000000000..04252a71e --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.34167733923235, + "cos_sim_ap": 84.20066403502292, + "cos_sim_f1": 76.64693381906498, + "cos_sim_precision": 75.56869200838072, + "cos_sim_recall": 77.75639051432091, + "dot_accuracy": 88.34167733923235, + "dot_ap": 84.20066476075668, + "dot_f1": 76.64693381906498, + "dot_precision": 75.56869200838072, + "dot_recall": 77.75639051432091, + "euclidean_accuracy": 88.34167733923235, + "euclidean_ap": 84.20066533105057, + "euclidean_f1": 76.64693381906498, + "euclidean_precision": 75.56869200838072, + "euclidean_recall": 77.75639051432091, + "manhattan_accuracy": 88.32809407381535, + "manhattan_ap": 84.17666758732113, + "manhattan_f1": 76.6911654417279, + "manhattan_precision": 74.75146198830409, + "manhattan_recall": 78.73421619956883, + "max_accuracy": 88.34167733923235, + "max_ap": 84.20066533105057, + "max_f1": 76.6911654417279, + "main_score": 84.20066533105057 + } + ] + } +} \ No newline at end of file diff --git a/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/model_meta.json b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/model_meta.json new file mode 100644 index 000000000..09be7f311 --- /dev/null +++ b/results/vprelovac__universal-sentence-encoder-multilingual-large-3/external/model_meta.json @@ -0,0 +1,20 @@ +{ + "name": "vprelovac/universal-sentence-encoder-multilingual-large-3", + "revision": "7cff39aac127f2941316e76890926d9bad70ba43", + "release_date": "2023-04-23", + "languages": [], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": null, + "embed_dim": null, + "license": null, + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/AmazonCounterfactualClassification.json b/results/woody72__multilingual-e5-base/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..7b8378d67 --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/AmazonCounterfactualClassification.json @@ -0,0 +1,50 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 78.97014925373135, + "ap": 43.69351129103008, + "f1": 73.38075030070492, + "main_score": 78.97014925373135 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 71.7237687366167, + "ap": 82.22089859962671, + "f1": 69.95532758884401, + "main_score": 71.7237687366167 + }, + { + "hf_subset": "en-ext", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.65517241379312, + "ap": 28.507918657094738, + "f1": 66.84516013726119, + "main_score": 79.65517241379312 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 73.32976445396146, + "ap": 20.720481637566014, + "f1": 59.78002763416003, + "main_score": 73.32976445396146 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/AmazonPolarityClassification.json b/results/woody72__multilingual-e5-base/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..6f485ecdc --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 90.63775, + "ap": 87.22277903861716, + "f1": 90.60378636386807, + "main_score": 90.63775 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/AmazonReviewsClassification.json b/results/woody72__multilingual-e5-base/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..6e9436d75 --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/AmazonReviewsClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 44.546, + "f1": 44.05666638370923, + "main_score": 44.546 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 41.828, + "f1": 41.2710255644252, + "main_score": 41.828 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 40.534, + "f1": 39.820743174270326, + "main_score": 40.534 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 39.684, + "f1": 39.11052682815307, + "main_score": 39.684 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 37.436, + "f1": 37.07082931930871, + "main_score": 37.436 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "accuracy": 37.226000000000006, + "f1": 36.65372077739185, + "main_score": 37.226000000000006 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/ArguAna.json b/results/woody72__multilingual-e5-base/external/ArguAna.json new file mode 100644 index 000000000..eadbacfb7 --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/ArguAna.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.831000000000003, + "map_at_10": 36.42, + "map_at_100": 37.699, + "map_at_1000": 37.724000000000004, + "map_at_3": 32.207, + "map_at_5": 34.312, + "mrr_at_1": 23.257, + "mrr_at_10": 36.574, + "mrr_at_100": 37.854, + "mrr_at_1000": 37.878, + "mrr_at_3": 32.385000000000005, + "mrr_at_5": 34.48, + "ndcg_at_1": 22.831000000000003, + "ndcg_at_10": 44.230000000000004, + "ndcg_at_100": 49.974000000000004, + "ndcg_at_1000": 50.522999999999996, + "ndcg_at_3": 35.363, + "ndcg_at_5": 39.164, + "precision_at_1": 22.831000000000003, + "precision_at_10": 6.935, + "precision_at_100": 0.9520000000000001, + "precision_at_1000": 0.099, + "precision_at_3": 14.841, + "precision_at_5": 10.754, + "recall_at_1": 22.831000000000003, + "recall_at_10": 69.346, + "recall_at_100": 95.235, + "recall_at_1000": 99.36, + "recall_at_3": 44.523, + "recall_at_5": 53.769999999999996, + "main_score": 44.230000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/ArxivClusteringP2P.json b/results/woody72__multilingual-e5-base/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..51ce122b3 --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/ArxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 40.27789869854063, + "main_score": 40.27789869854063 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/ArxivClusteringS2S.json b/results/woody72__multilingual-e5-base/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..c338493aa --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/ArxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.41979463347428, + "main_score": 35.41979463347428 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/AskUbuntuDupQuestions.json b/results/woody72__multilingual-e5-base/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..e1f547c5f --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 58.22752045109304, + "mrr": 71.51112430198303, + "main_score": 58.22752045109304 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/BIOSSES.json b/results/woody72__multilingual-e5-base/external/BIOSSES.json new file mode 100644 index 000000000..5c56bf8d3 --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.71147646622866, + "cos_sim_spearman": 85.059167046486, + "euclidean_pearson": 75.88421613600647, + "euclidean_spearman": 75.12821787150585, + "manhattan_pearson": 75.22005646957604, + "manhattan_spearman": 74.42880434453272, + "cosine_pearson": 84.71147646622866, + "cosine_spearman": 85.059167046486, + "main_score": 85.059167046486 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/BUCC.json b/results/woody72__multilingual-e5-base/external/BUCC.json new file mode 100644 index 000000000..f93f5a986 --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/BUCC.json @@ -0,0 +1,58 @@ +{ + "dataset_revision": "d51519689f32196a32af33b075a01d0e7c51e252", + "task_name": "BUCC", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "accuracy": 99.23799582463465, + "f1": 99.12665274878218, + "precision": 99.07098121085595, + "recall": 99.23799582463465, + "main_score": 99.12665274878218 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "accuracy": 97.88685890380806, + "f1": 97.59336708489249, + "precision": 97.44662117543473, + "recall": 97.88685890380806, + "main_score": 97.59336708489249 + }, + { + "hf_subset": "ru-en", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "accuracy": 97.47142362313821, + "f1": 97.1989377670015, + "precision": 97.06384944001847, + "recall": 97.47142362313821, + "main_score": 97.1989377670015 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "accuracy": 98.4728804634018, + "f1": 98.2973494821836, + "precision": 98.2095839915745, + "recall": 98.4728804634018, + "main_score": 98.2973494821836 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/Banking77Classification.json b/results/woody72__multilingual-e5-base/external/Banking77Classification.json new file mode 100644 index 000000000..89bc769ae --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 82.74025974025975, + "f1": 82.67420447730439, + "main_score": 82.74025974025975 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/BiorxivClusteringP2P.json b/results/woody72__multilingual-e5-base/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..8c6a02e63 --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/BiorxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.0380848063507, + "main_score": 35.0380848063507 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/BiorxivClusteringS2S.json b/results/woody72__multilingual-e5-base/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..a2ea67a74 --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/BiorxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 29.45956405670166, + "main_score": 29.45956405670166 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/CQADupstackAndroidRetrieval.json b/results/woody72__multilingual-e5-base/external/CQADupstackAndroidRetrieval.json new file mode 100644 index 000000000..2137c1941 --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/CQADupstackAndroidRetrieval.json @@ -0,0 +1,491 @@ +{ + "dataset_revision": "None", + "task_name": "CQADupstackAndroidRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 32.122, + "map_at_10": 42.03, + "map_at_100": 43.364000000000004, + "map_at_1000": 43.474000000000004, + "map_at_3": 38.804, + "map_at_5": 40.585, + "mrr_at_1": 39.914, + "mrr_at_10": 48.227, + "mrr_at_100": 49.018, + "mrr_at_1000": 49.064, + "mrr_at_3": 45.994, + "mrr_at_5": 47.396, + "ndcg_at_1": 39.914, + "ndcg_at_10": 47.825, + "ndcg_at_100": 52.852, + "ndcg_at_1000": 54.891, + "ndcg_at_3": 43.517, + "ndcg_at_5": 45.493, + "precision_at_1": 39.914, + "precision_at_10": 8.956, + "precision_at_100": 1.388, + "precision_at_1000": 0.182, + "precision_at_3": 20.791999999999998, + "precision_at_5": 14.821000000000002, + "recall_at_1": 32.122, + "recall_at_10": 58.294999999999995, + "recall_at_100": 79.726, + "recall_at_1000": 93.099, + "recall_at_3": 45.017, + "recall_at_5": 51.002, + "main_score": 47.825 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 29.677999999999997, + "map_at_10": 38.684000000000005, + "map_at_100": 39.812999999999995, + "map_at_1000": 39.945, + "map_at_3": 35.831, + "map_at_5": 37.446, + "mrr_at_1": 37.771, + "mrr_at_10": 44.936, + "mrr_at_100": 45.583, + "mrr_at_1000": 45.634, + "mrr_at_3": 42.771, + "mrr_at_5": 43.994, + "ndcg_at_1": 37.771, + "ndcg_at_10": 44.059, + "ndcg_at_100": 48.192, + "ndcg_at_1000": 50.375, + "ndcg_at_3": 40.172000000000004, + "ndcg_at_5": 41.899, + "precision_at_1": 37.771, + "precision_at_10": 8.286999999999999, + "precision_at_100": 1.322, + "precision_at_1000": 0.178, + "precision_at_3": 19.406000000000002, + "precision_at_5": 13.745, + "recall_at_1": 29.677999999999997, + "recall_at_10": 53.071, + "recall_at_100": 70.812, + "recall_at_1000": 84.841, + "recall_at_3": 41.016000000000005, + "recall_at_5": 46.22, + "main_score": 44.059 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 42.675000000000004, + "map_at_10": 53.93599999999999, + "map_at_100": 54.806999999999995, + "map_at_1000": 54.867, + "map_at_3": 50.934000000000005, + "map_at_5": 52.583, + "mrr_at_1": 48.339, + "mrr_at_10": 57.265, + "mrr_at_100": 57.873, + "mrr_at_1000": 57.906, + "mrr_at_3": 55.193000000000005, + "mrr_at_5": 56.303000000000004, + "ndcg_at_1": 48.339, + "ndcg_at_10": 59.19799999999999, + "ndcg_at_100": 62.743, + "ndcg_at_1000": 63.99399999999999, + "ndcg_at_3": 54.367, + "ndcg_at_5": 56.548, + "precision_at_1": 48.339, + "precision_at_10": 9.216000000000001, + "precision_at_100": 1.1809999999999998, + "precision_at_1000": 0.134, + "precision_at_3": 23.72, + "precision_at_5": 16.025, + "recall_at_1": 42.675000000000004, + "recall_at_10": 71.437, + "recall_at_100": 86.803, + "recall_at_1000": 95.581, + "recall_at_3": 58.434, + "recall_at_5": 63.754, + "main_score": 59.19799999999999 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 23.518, + "map_at_10": 30.648999999999997, + "map_at_100": 31.508999999999997, + "map_at_1000": 31.604, + "map_at_3": 28.247, + "map_at_5": 29.65, + "mrr_at_1": 25.650000000000002, + "mrr_at_10": 32.771, + "mrr_at_100": 33.554, + "mrr_at_1000": 33.629999999999995, + "mrr_at_3": 30.433, + "mrr_at_5": 31.812, + "ndcg_at_1": 25.650000000000002, + "ndcg_at_10": 34.929, + "ndcg_at_100": 39.382, + "ndcg_at_1000": 41.913, + "ndcg_at_3": 30.292, + "ndcg_at_5": 32.629999999999995, + "precision_at_1": 25.650000000000002, + "precision_at_10": 5.311, + "precision_at_100": 0.792, + "precision_at_1000": 0.105, + "precision_at_3": 12.58, + "precision_at_5": 8.994, + "recall_at_1": 23.518, + "recall_at_10": 46.19, + "recall_at_100": 67.123, + "recall_at_1000": 86.442, + "recall_at_3": 33.678000000000004, + "recall_at_5": 39.244, + "main_score": 34.929 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 15.891, + "map_at_10": 22.464000000000002, + "map_at_100": 23.483, + "map_at_1000": 23.613, + "map_at_3": 20.080000000000002, + "map_at_5": 21.526, + "mrr_at_1": 20.025000000000002, + "mrr_at_10": 26.712999999999997, + "mrr_at_100": 27.650000000000002, + "mrr_at_1000": 27.737000000000002, + "mrr_at_3": 24.274, + "mrr_at_5": 25.711000000000002, + "ndcg_at_1": 20.025000000000002, + "ndcg_at_10": 27.028999999999996, + "ndcg_at_100": 32.064, + "ndcg_at_1000": 35.188, + "ndcg_at_3": 22.512999999999998, + "ndcg_at_5": 24.89, + "precision_at_1": 20.025000000000002, + "precision_at_10": 4.776, + "precision_at_100": 0.8500000000000001, + "precision_at_1000": 0.125, + "precision_at_3": 10.531, + "precision_at_5": 7.811, + "recall_at_1": 15.891, + "recall_at_10": 37.261, + "recall_at_100": 59.12, + "recall_at_1000": 81.356, + "recall_at_3": 24.741, + "recall_at_5": 30.753999999999998, + "main_score": 27.028999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 27.544, + "map_at_10": 36.283, + "map_at_100": 37.467, + "map_at_1000": 37.574000000000005, + "map_at_3": 33.528999999999996, + "map_at_5": 35.028999999999996, + "mrr_at_1": 34.166999999999994, + "mrr_at_10": 41.866, + "mrr_at_100": 42.666, + "mrr_at_1000": 42.716, + "mrr_at_3": 39.541, + "mrr_at_5": 40.768, + "ndcg_at_1": 34.166999999999994, + "ndcg_at_10": 41.577, + "ndcg_at_100": 46.687, + "ndcg_at_1000": 48.967, + "ndcg_at_3": 37.177, + "ndcg_at_5": 39.097, + "precision_at_1": 34.166999999999994, + "precision_at_10": 7.420999999999999, + "precision_at_100": 1.165, + "precision_at_1000": 0.154, + "precision_at_3": 17.291999999999998, + "precision_at_5": 12.166, + "recall_at_1": 27.544, + "recall_at_10": 51.99399999999999, + "recall_at_100": 73.738, + "recall_at_1000": 89.33, + "recall_at_3": 39.179, + "recall_at_5": 44.385999999999996, + "main_score": 41.577 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.661, + "map_at_10": 35.475, + "map_at_100": 36.626999999999995, + "map_at_1000": 36.741, + "map_at_3": 32.818000000000005, + "map_at_5": 34.397, + "mrr_at_1": 32.647999999999996, + "mrr_at_10": 40.784, + "mrr_at_100": 41.602, + "mrr_at_1000": 41.661, + "mrr_at_3": 38.68, + "mrr_at_5": 39.838, + "ndcg_at_1": 32.647999999999996, + "ndcg_at_10": 40.697, + "ndcg_at_100": 45.799, + "ndcg_at_1000": 48.235, + "ndcg_at_3": 36.516, + "ndcg_at_5": 38.515, + "precision_at_1": 32.647999999999996, + "precision_at_10": 7.202999999999999, + "precision_at_100": 1.1360000000000001, + "precision_at_1000": 0.151, + "precision_at_3": 17.314, + "precision_at_5": 12.145999999999999, + "recall_at_1": 26.661, + "recall_at_10": 50.995000000000005, + "recall_at_100": 73.065, + "recall_at_1000": 89.781, + "recall_at_3": 39.073, + "recall_at_5": 44.395, + "main_score": 40.697 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.946583333333333, + "map_at_10": 33.79725, + "map_at_100": 34.86408333333333, + "map_at_1000": 34.9795, + "map_at_3": 31.259999999999998, + "map_at_5": 32.71541666666666, + "mrr_at_1": 30.863749999999996, + "mrr_at_10": 37.99183333333333, + "mrr_at_100": 38.790499999999994, + "mrr_at_1000": 38.85575000000001, + "mrr_at_3": 35.82083333333333, + "mrr_at_5": 37.07533333333333, + "ndcg_at_1": 30.863749999999996, + "ndcg_at_10": 38.52141666666667, + "ndcg_at_100": 43.17966666666667, + "ndcg_at_1000": 45.64608333333333, + "ndcg_at_3": 34.333000000000006, + "ndcg_at_5": 36.34975, + "precision_at_1": 30.863749999999996, + "precision_at_10": 6.598999999999999, + "precision_at_100": 1.0502500000000001, + "precision_at_1000": 0.14400000000000002, + "precision_at_3": 15.557583333333334, + "precision_at_5": 11.020000000000001, + "recall_at_1": 25.946583333333333, + "recall_at_10": 48.36991666666666, + "recall_at_100": 69.02408333333334, + "recall_at_1000": 86.43858333333331, + "recall_at_3": 36.4965, + "recall_at_5": 41.76258333333334, + "main_score": 38.52141666666667 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.431, + "map_at_10": 28.889, + "map_at_100": 29.642000000000003, + "map_at_1000": 29.742, + "map_at_3": 26.998, + "map_at_5": 28.172000000000004, + "mrr_at_1": 25.307000000000002, + "mrr_at_10": 31.763, + "mrr_at_100": 32.443, + "mrr_at_1000": 32.531, + "mrr_at_3": 29.959000000000003, + "mrr_at_5": 31.063000000000002, + "ndcg_at_1": 25.307000000000002, + "ndcg_at_10": 32.586999999999996, + "ndcg_at_100": 36.5, + "ndcg_at_1000": 39.133, + "ndcg_at_3": 29.25, + "ndcg_at_5": 31.023, + "precision_at_1": 25.307000000000002, + "precision_at_10": 4.954, + "precision_at_100": 0.747, + "precision_at_1000": 0.104, + "precision_at_3": 12.577, + "precision_at_5": 8.741999999999999, + "recall_at_1": 22.431, + "recall_at_10": 41.134, + "recall_at_100": 59.28600000000001, + "recall_at_1000": 78.857, + "recall_at_3": 31.926, + "recall_at_5": 36.335, + "main_score": 32.586999999999996 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 17.586, + "map_at_10": 23.304, + "map_at_100": 24.159, + "map_at_1000": 24.281, + "map_at_3": 21.316, + "map_at_5": 22.383, + "mrr_at_1": 21.645, + "mrr_at_10": 27.365000000000002, + "mrr_at_100": 28.108, + "mrr_at_1000": 28.192, + "mrr_at_3": 25.482, + "mrr_at_5": 26.479999999999997, + "ndcg_at_1": 21.645, + "ndcg_at_10": 27.306, + "ndcg_at_100": 31.496000000000002, + "ndcg_at_1000": 34.53, + "ndcg_at_3": 23.73, + "ndcg_at_5": 25.294, + "precision_at_1": 21.645, + "precision_at_10": 4.797, + "precision_at_100": 0.8059999999999999, + "precision_at_1000": 0.121, + "precision_at_3": 10.850999999999999, + "precision_at_5": 7.736, + "recall_at_1": 17.586, + "recall_at_10": 35.481, + "recall_at_100": 54.534000000000006, + "recall_at_1000": 76.456, + "recall_at_3": 25.335, + "recall_at_5": 29.473, + "main_score": 27.306 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 25.095, + "map_at_10": 32.374, + "map_at_100": 33.537, + "map_at_1000": 33.634, + "map_at_3": 30.089, + "map_at_5": 31.433, + "mrr_at_1": 29.198, + "mrr_at_10": 36.01, + "mrr_at_100": 37.022, + "mrr_at_1000": 37.083, + "mrr_at_3": 33.94, + "mrr_at_5": 35.148, + "ndcg_at_1": 29.198, + "ndcg_at_10": 36.729, + "ndcg_at_100": 42.114000000000004, + "ndcg_at_1000": 44.592, + "ndcg_at_3": 32.644, + "ndcg_at_5": 34.652, + "precision_at_1": 29.198, + "precision_at_10": 5.970000000000001, + "precision_at_100": 0.967, + "precision_at_1000": 0.129, + "precision_at_3": 14.396999999999998, + "precision_at_5": 10.093, + "recall_at_1": 25.095, + "recall_at_10": 46.392, + "recall_at_100": 69.706, + "recall_at_1000": 87.738, + "recall_at_3": 35.303000000000004, + "recall_at_5": 40.441, + "main_score": 36.729 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 26.857999999999997, + "map_at_10": 34.066, + "map_at_100": 35.671, + "map_at_1000": 35.881, + "map_at_3": 31.304, + "map_at_5": 32.885, + "mrr_at_1": 32.411, + "mrr_at_10": 38.987, + "mrr_at_100": 39.894, + "mrr_at_1000": 39.959, + "mrr_at_3": 36.626999999999995, + "mrr_at_5": 38.011, + "ndcg_at_1": 32.411, + "ndcg_at_10": 39.208, + "ndcg_at_100": 44.626, + "ndcg_at_1000": 47.43, + "ndcg_at_3": 35.091, + "ndcg_at_5": 37.119, + "precision_at_1": 32.411, + "precision_at_10": 7.51, + "precision_at_100": 1.486, + "precision_at_1000": 0.234, + "precision_at_3": 16.14, + "precision_at_5": 11.976, + "recall_at_1": 26.857999999999997, + "recall_at_10": 47.407, + "recall_at_100": 72.236, + "recall_at_1000": 90.77, + "recall_at_3": 35.125, + "recall_at_5": 40.522999999999996, + "main_score": 39.208 + }, + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 21.3, + "map_at_10": 27.412999999999997, + "map_at_100": 28.29, + "map_at_1000": 28.398, + "map_at_3": 25.169999999999998, + "map_at_5": 26.496, + "mrr_at_1": 23.29, + "mrr_at_10": 29.215000000000003, + "mrr_at_100": 30.073, + "mrr_at_1000": 30.156, + "mrr_at_3": 26.956000000000003, + "mrr_at_5": 28.38, + "ndcg_at_1": 23.29, + "ndcg_at_10": 31.113000000000003, + "ndcg_at_100": 35.701, + "ndcg_at_1000": 38.505, + "ndcg_at_3": 26.727, + "ndcg_at_5": 29.037000000000003, + "precision_at_1": 23.29, + "precision_at_10": 4.787, + "precision_at_100": 0.763, + "precision_at_1000": 0.11100000000000002, + "precision_at_3": 11.091, + "precision_at_5": 7.985, + "recall_at_1": 21.3, + "recall_at_10": 40.782000000000004, + "recall_at_100": 62.13999999999999, + "recall_at_1000": 83.012, + "recall_at_3": 29.131, + "recall_at_5": 34.624, + "main_score": 31.113000000000003 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/ClimateFEVER.json b/results/woody72__multilingual-e5-base/external/ClimateFEVER.json new file mode 100644 index 000000000..fdd234461 --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/ClimateFEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 9.631, + "map_at_10": 16.634999999999998, + "map_at_100": 18.23, + "map_at_1000": 18.419, + "map_at_3": 13.66, + "map_at_5": 15.173, + "mrr_at_1": 21.368000000000002, + "mrr_at_10": 31.56, + "mrr_at_100": 32.58, + "mrr_at_1000": 32.633, + "mrr_at_3": 28.241, + "mrr_at_5": 30.225, + "ndcg_at_1": 21.368000000000002, + "ndcg_at_10": 23.855999999999998, + "ndcg_at_100": 30.686999999999998, + "ndcg_at_1000": 34.327000000000005, + "ndcg_at_3": 18.781, + "ndcg_at_5": 20.73, + "precision_at_1": 21.368000000000002, + "precision_at_10": 7.564, + "precision_at_100": 1.496, + "precision_at_1000": 0.217, + "precision_at_3": 13.876, + "precision_at_5": 11.062, + "recall_at_1": 9.631, + "recall_at_10": 29.517, + "recall_at_100": 53.452, + "recall_at_1000": 74.115, + "recall_at_3": 17.605999999999998, + "recall_at_5": 22.505, + "main_score": 23.855999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/DBPedia.json b/results/woody72__multilingual-e5-base/external/DBPedia.json new file mode 100644 index 000000000..a6c10c24c --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/DBPedia.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 8.885, + "map_at_10": 18.798000000000002, + "map_at_100": 26.316, + "map_at_1000": 27.869, + "map_at_3": 13.719000000000001, + "map_at_5": 15.716, + "mrr_at_1": 66, + "mrr_at_10": 74.263, + "mrr_at_100": 74.519, + "mrr_at_1000": 74.531, + "mrr_at_3": 72.458, + "mrr_at_5": 73.321, + "ndcg_at_1": 53.87499999999999, + "ndcg_at_10": 40.355999999999995, + "ndcg_at_100": 44.366, + "ndcg_at_1000": 51.771, + "ndcg_at_3": 45.195, + "ndcg_at_5": 42.187000000000005, + "precision_at_1": 66, + "precision_at_10": 31.75, + "precision_at_100": 10.11, + "precision_at_1000": 1.9800000000000002, + "precision_at_3": 48.167, + "precision_at_5": 40.050000000000004, + "recall_at_1": 8.885, + "recall_at_10": 24.471999999999998, + "recall_at_100": 49.669000000000004, + "recall_at_1000": 73.383, + "recall_at_3": 14.872, + "recall_at_5": 18.262999999999998, + "main_score": 40.355999999999995 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/EmotionClassification.json b/results/woody72__multilingual-e5-base/external/EmotionClassification.json new file mode 100644 index 000000000..6e3d8c91b --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 45.18, + "f1": 40.26878691789978, + "main_score": 45.18 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/FEVER.json b/results/woody72__multilingual-e5-base/external/FEVER.json new file mode 100644 index 000000000..8e2efaad1 --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/FEVER.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 62.751999999999995, + "map_at_10": 74.131, + "map_at_100": 74.407, + "map_at_1000": 74.423, + "map_at_3": 72.329, + "map_at_5": 73.555, + "mrr_at_1": 67.282, + "mrr_at_10": 78.292, + "mrr_at_100": 78.455, + "mrr_at_1000": 78.458, + "mrr_at_3": 76.755, + "mrr_at_5": 77.839, + "ndcg_at_1": 67.282, + "ndcg_at_10": 79.443, + "ndcg_at_100": 80.529, + "ndcg_at_1000": 80.812, + "ndcg_at_3": 76.281, + "ndcg_at_5": 78.235, + "precision_at_1": 67.282, + "precision_at_10": 10.078, + "precision_at_100": 1.082, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 30.178, + "precision_at_5": 19.232, + "recall_at_1": 62.751999999999995, + "recall_at_10": 91.521, + "recall_at_100": 95.997, + "recall_at_1000": 97.775, + "recall_at_3": 83.131, + "recall_at_5": 87.93299999999999, + "main_score": 79.443 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/FiQA2018.json b/results/woody72__multilingual-e5-base/external/FiQA2018.json new file mode 100644 index 000000000..1bb5eb25b --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/FiQA2018.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 18.861, + "map_at_10": 30.252000000000002, + "map_at_100": 32.082, + "map_at_1000": 32.261, + "map_at_3": 25.909, + "map_at_5": 28.296, + "mrr_at_1": 37.346000000000004, + "mrr_at_10": 45.802, + "mrr_at_100": 46.611999999999995, + "mrr_at_1000": 46.659, + "mrr_at_3": 43.056, + "mrr_at_5": 44.637, + "ndcg_at_1": 37.346000000000004, + "ndcg_at_10": 38.169, + "ndcg_at_100": 44.864, + "ndcg_at_1000": 47.974, + "ndcg_at_3": 33.619, + "ndcg_at_5": 35.317, + "precision_at_1": 37.346000000000004, + "precision_at_10": 10.693999999999999, + "precision_at_100": 1.775, + "precision_at_1000": 0.231, + "precision_at_3": 22.325, + "precision_at_5": 16.852, + "recall_at_1": 18.861, + "recall_at_10": 45.672000000000004, + "recall_at_100": 70.60499999999999, + "recall_at_1000": 89.216, + "recall_at_3": 30.361, + "recall_at_5": 36.998999999999995, + "main_score": 38.169 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/HotpotQA.json b/results/woody72__multilingual-e5-base/external/HotpotQA.json new file mode 100644 index 000000000..c0bb928b0 --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/HotpotQA.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 37.852999999999994, + "map_at_10": 59.961, + "map_at_100": 60.78, + "map_at_1000": 60.843, + "map_at_3": 56.39999999999999, + "map_at_5": 58.646, + "mrr_at_1": 75.70599999999999, + "mrr_at_10": 82.321, + "mrr_at_100": 82.516, + "mrr_at_1000": 82.525, + "mrr_at_3": 81.317, + "mrr_at_5": 81.922, + "ndcg_at_1": 75.70599999999999, + "ndcg_at_10": 68.557, + "ndcg_at_100": 71.485, + "ndcg_at_1000": 72.71600000000001, + "ndcg_at_3": 63.524, + "ndcg_at_5": 66.338, + "precision_at_1": 75.70599999999999, + "precision_at_10": 14.463000000000001, + "precision_at_100": 1.677, + "precision_at_1000": 0.184, + "precision_at_3": 40.806, + "precision_at_5": 26.709, + "recall_at_1": 37.852999999999994, + "recall_at_10": 72.316, + "recall_at_100": 83.842, + "recall_at_1000": 91.999, + "recall_at_3": 61.209, + "recall_at_5": 66.77199999999999, + "main_score": 68.557 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/ImdbClassification.json b/results/woody72__multilingual-e5-base/external/ImdbClassification.json new file mode 100644 index 000000000..da7da3446 --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 85.46039999999999, + "ap": 79.9812521351881, + "f1": 85.31722909702084, + "main_score": 85.46039999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/MSMARCO.json b/results/woody72__multilingual-e5-base/external/MSMARCO.json new file mode 100644 index 000000000..8c8acaee1 --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/MSMARCO.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 22.704, + "map_at_10": 35.329, + "map_at_100": 36.494, + "map_at_1000": 36.541000000000004, + "map_at_3": 31.476, + "map_at_5": 33.731, + "mrr_at_1": 23.294999999999998, + "mrr_at_10": 35.859, + "mrr_at_100": 36.968, + "mrr_at_1000": 37.008, + "mrr_at_3": 32.085, + "mrr_at_5": 34.299, + "ndcg_at_1": 23.324, + "ndcg_at_10": 42.274, + "ndcg_at_100": 47.839999999999996, + "ndcg_at_1000": 48.971, + "ndcg_at_3": 34.454, + "ndcg_at_5": 38.464, + "precision_at_1": 23.324, + "precision_at_10": 6.648, + "precision_at_100": 0.9440000000000001, + "precision_at_1000": 0.104, + "precision_at_3": 14.674999999999999, + "precision_at_5": 10.850999999999999, + "recall_at_1": 22.704, + "recall_at_10": 63.660000000000004, + "recall_at_100": 89.29899999999999, + "recall_at_1000": 97.88900000000001, + "recall_at_3": 42.441, + "recall_at_5": 52.04, + "main_score": 42.274 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/MTOPDomainClassification.json b/results/woody72__multilingual-e5-base/external/MTOPDomainClassification.json new file mode 100644 index 000000000..f5f90164a --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/MTOPDomainClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 93.1326949384405, + "f1": 92.89743579612082, + "main_score": 93.1326949384405 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 89.62524654832347, + "f1": 88.65106082263151, + "main_score": 89.62524654832347 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 90.59039359573046, + "f1": 90.31532892105662, + "main_score": 90.59039359573046 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 86.21046038208581, + "f1": 86.41459529813113, + "main_score": 86.21046038208581 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 87.3180351380423, + "f1": 86.71383078226444, + "main_score": 87.3180351380423 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 86.24231464737792, + "f1": 86.31845567592403, + "main_score": 86.24231464737792 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/MTOPIntentClassification.json b/results/woody72__multilingual-e5-base/external/MTOPIntentClassification.json new file mode 100644 index 000000000..98c81db98 --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/MTOPIntentClassification.json @@ -0,0 +1,64 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.27131782945736, + "f1": 57.52079940417103, + "main_score": 75.27131782945736 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 71.2341504649197, + "f1": 51.349951558039244, + "main_score": 71.2341504649197 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 71.27418278852569, + "f1": 50.1714985749095, + "main_score": 71.27418278852569 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 67.68243031631694, + "f1": 50.1066160836192, + "main_score": 67.68243031631694 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 69.2362854069559, + "f1": 48.821279948766424, + "main_score": 69.2362854069559 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 71.71428571428571, + "f1": 53.94611389496195, + "main_score": 71.71428571428571 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/MassiveIntentClassification.json b/results/woody72__multilingual-e5-base/external/MassiveIntentClassification.json new file mode 100644 index 000000000..bde893926 --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/MassiveIntentClassification.json @@ -0,0 +1,469 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 59.97646267652992, + "f1": 57.26797883561521, + "main_score": 59.97646267652992 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 53.65501008742435, + "f1": 50.416258382177034, + "main_score": 53.65501008742435 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 57.45796906523201, + "f1": 53.306690547422185, + "main_score": 57.45796906523201 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 62.59246805648957, + "f1": 59.818381969051494, + "main_score": 62.59246805648957 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 61.126429051782104, + "f1": 58.25993593933026, + "main_score": 61.126429051782104 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 50.057162071284466, + "f1": 46.96095728790911, + "main_score": 50.057162071284466 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 66.64425016812375, + "f1": 62.858291698755764, + "main_score": 66.64425016812375 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 66.08944182918628, + "f1": 62.44639030604241, + "main_score": 66.08944182918628 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 64.68056489576328, + "f1": 61.775326758789504, + "main_score": 64.68056489576328 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.11163416274377, + "f1": 69.70789096927015, + "main_score": 72.11163416274377 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 68.40282447881641, + "f1": 66.38492065671895, + "main_score": 68.40282447881641 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 67.24613315400134, + "f1": 64.3348019501336, + "main_score": 67.24613315400134 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 65.78345662407531, + "f1": 62.21279452354622, + "main_score": 65.78345662407531 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 67.9455279085407, + "f1": 65.48193124964094, + "main_score": 67.9455279085407 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 62.05110961667788, + "f1": 58.097856564684534, + "main_score": 62.05110961667788 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 64.95292535305985, + "f1": 62.09182174767901, + "main_score": 64.95292535305985 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 64.97310020174848, + "f1": 61.14252567730396, + "main_score": 64.97310020174848 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 60.08069939475453, + "f1": 57.044041742492034, + "main_score": 60.08069939475453 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 66.63752521856085, + "f1": 63.889340907205316, + "main_score": 66.63752521856085 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 56.385339609952936, + "f1": 53.449033750088304, + "main_score": 56.385339609952936 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 68.93073301950234, + "f1": 65.9884357824104, + "main_score": 68.93073301950234 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 68.94418291862812, + "f1": 66.48740222583132, + "main_score": 68.94418291862812 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 54.26025554808339, + "f1": 50.19562815100793, + "main_score": 54.26025554808339 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 48.98789509078682, + "f1": 46.65788438676836, + "main_score": 48.98789509078682 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 44.68728984532616, + "f1": 41.642419349541996, + "main_score": 44.68728984532616 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 59.19300605245461, + "f1": 55.8626492442437, + "main_score": 59.19300605245461 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 66.33826496301278, + "f1": 63.89499791648792, + "main_score": 66.33826496301278 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 60.33960995292536, + "f1": 57.15242464180892, + "main_score": 60.33960995292536 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 63.09347679892402, + "f1": 59.64733214063841, + "main_score": 63.09347679892402 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 58.75924680564896, + "f1": 55.96585692366827, + "main_score": 58.75924680564896 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 62.48486886348352, + "f1": 59.45143559032946, + "main_score": 62.48486886348352 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 58.56422326832549, + "f1": 54.96368702901926, + "main_score": 58.56422326832549 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 66.18022864828512, + "f1": 63.05369805040634, + "main_score": 66.18022864828512 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 67.30329522528581, + "f1": 64.06084612020727, + "main_score": 67.30329522528581 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 68.36919973100201, + "f1": 65.12154124788887, + "main_score": 68.36919973100201 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 68.98117014122394, + "f1": 66.41847559806962, + "main_score": 68.98117014122394 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 65.53799596503026, + "f1": 62.17067330740817, + "main_score": 65.53799596503026 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 69.01815736381977, + "f1": 66.24988369607843, + "main_score": 69.01815736381977 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 62.34700739744452, + "f1": 59.957933424941636, + "main_score": 62.34700739744452 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 61.23402824478815, + "f1": 57.98836976018471, + "main_score": 61.23402824478815 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 68.54068594485541, + "f1": 65.43849680666855, + "main_score": 68.54068594485541 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 55.998655010087425, + "f1": 52.83737515406804, + "main_score": 55.998655010087425 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 58.71217215870882, + "f1": 55.051794977833026, + "main_score": 58.71217215870882 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 59.724277067921996, + "f1": 56.33485571838306, + "main_score": 59.724277067921996 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 65.59515803631473, + "f1": 64.96772366193588, + "main_score": 65.59515803631473 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 60.860793544048406, + "f1": 58.148845819115394, + "main_score": 60.860793544048406 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 67.40753194351043, + "f1": 63.18903778054698, + "main_score": 67.40753194351043 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 61.52320107599194, + "f1": 58.356144563398516, + "main_score": 61.52320107599194 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 66.17014122394083, + "f1": 63.919964062638925, + "main_score": 66.17014122394083 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 69.15601882985878, + "f1": 67.01451905761371, + "main_score": 69.15601882985878 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 64.65030262273034, + "f1": 64.14420425129063, + "main_score": 64.65030262273034 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/MassiveScenarioClassification.json b/results/woody72__multilingual-e5-base/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..003e562fd --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/MassiveScenarioClassification.json @@ -0,0 +1,469 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "af", + "languages": [ + "afr-Latn" + ], + "accuracy": 65.08742434431743, + "f1": 63.044060042311756, + "main_score": 65.08742434431743 + }, + { + "hf_subset": "am", + "languages": [ + "amh-Ethi" + ], + "accuracy": 58.52387357094821, + "f1": 56.82398588814534, + "main_score": 58.52387357094821 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "accuracy": 62.239408204438476, + "f1": 61.92570286170469, + "main_score": 62.239408204438476 + }, + { + "hf_subset": "az", + "languages": [ + "aze-Latn" + ], + "accuracy": 63.74915938130463, + "f1": 62.130740689396276, + "main_score": 63.74915938130463 + }, + { + "hf_subset": "bn", + "languages": [ + "ben-Beng" + ], + "accuracy": 65.00336247478144, + "f1": 63.71080635228055, + "main_score": 65.00336247478144 + }, + { + "hf_subset": "cy", + "languages": [ + "cym-Latn" + ], + "accuracy": 52.837928715534645, + "f1": 50.390741680320836, + "main_score": 52.837928715534645 + }, + { + "hf_subset": "da", + "languages": [ + "dan-Latn" + ], + "accuracy": 72.42098184263618, + "f1": 71.41355113538995, + "main_score": 72.42098184263618 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "accuracy": 71.95359784801613, + "f1": 71.42699340156742, + "main_score": 71.95359784801613 + }, + { + "hf_subset": "el", + "languages": [ + "ell-Grek" + ], + "accuracy": 70.18157363819772, + "f1": 69.74836113037671, + "main_score": 70.18157363819772 + }, + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.08137188971082, + "f1": 76.78000685068261, + "main_score": 77.08137188971082 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "accuracy": 71.5030262273033, + "f1": 71.71620130425673, + "main_score": 71.5030262273033 + }, + { + "hf_subset": "fa", + "languages": [ + "fas-Arab" + ], + "accuracy": 70.24546065904505, + "f1": 69.07638311730359, + "main_score": 70.24546065904505 + }, + { + "hf_subset": "fi", + "languages": [ + "fin-Latn" + ], + "accuracy": 69.12911903160726, + "f1": 68.32651736539815, + "main_score": 69.12911903160726 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "accuracy": 71.89307330195025, + "f1": 71.33986549860187, + "main_score": 71.89307330195025 + }, + { + "hf_subset": "he", + "languages": [ + "heb-Hebr" + ], + "accuracy": 67.44451916610626, + "f1": 66.90192664503866, + "main_score": 67.44451916610626 + }, + { + "hf_subset": "hi", + "languages": [ + "hin-Deva" + ], + "accuracy": 69.16274377942166, + "f1": 68.01090953775066, + "main_score": 69.16274377942166 + }, + { + "hf_subset": "hu", + "languages": [ + "hun-Latn" + ], + "accuracy": 70.75319435104237, + "f1": 70.18035309201403, + "main_score": 70.75319435104237 + }, + { + "hf_subset": "hy", + "languages": [ + "hye-Armn" + ], + "accuracy": 63.14391392064559, + "f1": 61.48286540778145, + "main_score": 63.14391392064559 + }, + { + "hf_subset": "id", + "languages": [ + "ind-Latn" + ], + "accuracy": 70.70275722932078, + "f1": 70.26164779846495, + "main_score": 70.70275722932078 + }, + { + "hf_subset": "is", + "languages": [ + "isl-Latn" + ], + "accuracy": 60.93813046402153, + "f1": 58.8852862116525, + "main_score": 60.93813046402153 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "accuracy": 72.320107599193, + "f1": 72.19836409602924, + "main_score": 72.320107599193 + }, + { + "hf_subset": "ja", + "languages": [ + "jpn-Jpan" + ], + "accuracy": 74.65366509751176, + "f1": 74.55188288799579, + "main_score": 74.65366509751176 + }, + { + "hf_subset": "jv", + "languages": [ + "jav-Latn" + ], + "accuracy": 59.694014794889036, + "f1": 58.11353311721067, + "main_score": 59.694014794889036 + }, + { + "hf_subset": "ka", + "languages": [ + "kat-Geor" + ], + "accuracy": 54.37457969065231, + "f1": 52.81306134311697, + "main_score": 54.37457969065231 + }, + { + "hf_subset": "km", + "languages": [ + "khm-Khmr" + ], + "accuracy": 48.3086751849361, + "f1": 45.396449765419376, + "main_score": 48.3086751849361 + }, + { + "hf_subset": "kn", + "languages": [ + "kan-Knda" + ], + "accuracy": 62.151983860121064, + "f1": 60.31762544281696, + "main_score": 62.151983860121064 + }, + { + "hf_subset": "ko", + "languages": [ + "kor-Kore" + ], + "accuracy": 72.44788164088769, + "f1": 71.68150151736367, + "main_score": 72.44788164088769 + }, + { + "hf_subset": "lv", + "languages": [ + "lav-Latn" + ], + "accuracy": 62.81439139206455, + "f1": 62.06735559105593, + "main_score": 62.81439139206455 + }, + { + "hf_subset": "ml", + "languages": [ + "mal-Mlym" + ], + "accuracy": 68.04303967720242, + "f1": 66.68298851670133, + "main_score": 68.04303967720242 + }, + { + "hf_subset": "mn", + "languages": [ + "mon-Cyrl" + ], + "accuracy": 61.43913920645595, + "f1": 60.25605977560783, + "main_score": 61.43913920645595 + }, + { + "hf_subset": "ms", + "languages": [ + "msa-Latn" + ], + "accuracy": 66.90316072629456, + "f1": 65.1325924692381, + "main_score": 66.90316072629456 + }, + { + "hf_subset": "my", + "languages": [ + "mya-Mymr" + ], + "accuracy": 61.63752521856086, + "f1": 59.14284778039585, + "main_score": 61.63752521856086 + }, + { + "hf_subset": "nb", + "languages": [ + "nob-Latn" + ], + "accuracy": 71.63080026899797, + "f1": 70.89771864626877, + "main_score": 71.63080026899797 + }, + { + "hf_subset": "nl", + "languages": [ + "nld-Latn" + ], + "accuracy": 72.10827168796234, + "f1": 71.71954219691159, + "main_score": 72.10827168796234 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "accuracy": 70.59515803631471, + "f1": 70.05040128099003, + "main_score": 70.59515803631471 + }, + { + "hf_subset": "pt", + "languages": [ + "por-Latn" + ], + "accuracy": 70.83389374579691, + "f1": 70.84877936562735, + "main_score": 70.83389374579691 + }, + { + "hf_subset": "ro", + "languages": [ + "ron-Latn" + ], + "accuracy": 69.18628110289173, + "f1": 68.97232927921841, + "main_score": 69.18628110289173 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "accuracy": 72.99260255548083, + "f1": 72.85139492157732, + "main_score": 72.99260255548083 + }, + { + "hf_subset": "sl", + "languages": [ + "slv-Latn" + ], + "accuracy": 65.26227303295225, + "f1": 65.08833655469431, + "main_score": 65.26227303295225 + }, + { + "hf_subset": "sq", + "languages": [ + "sqi-Latn" + ], + "accuracy": 66.48621385339611, + "f1": 64.43483199071298, + "main_score": 66.48621385339611 + }, + { + "hf_subset": "sv", + "languages": [ + "swe-Latn" + ], + "accuracy": 73.14391392064559, + "f1": 72.2580822579741, + "main_score": 73.14391392064559 + }, + { + "hf_subset": "sw", + "languages": [ + "swa-Latn" + ], + "accuracy": 59.88567585743107, + "f1": 58.3073765932569, + "main_score": 59.88567585743107 + }, + { + "hf_subset": "ta", + "languages": [ + "tam-Taml" + ], + "accuracy": 62.38399462004034, + "f1": 60.82139544252606, + "main_score": 62.38399462004034 + }, + { + "hf_subset": "te", + "languages": [ + "tel-Telu" + ], + "accuracy": 62.58574310692671, + "f1": 60.71443370385374, + "main_score": 62.58574310692671 + }, + { + "hf_subset": "th", + "languages": [ + "tha-Thai" + ], + "accuracy": 71.61398789509079, + "f1": 70.99761812049401, + "main_score": 71.61398789509079 + }, + { + "hf_subset": "tl", + "languages": [ + "tgl-Latn" + ], + "accuracy": 62.73705447209146, + "f1": 61.680849331794796, + "main_score": 62.73705447209146 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "accuracy": 71.66778749159381, + "f1": 71.17320646080115, + "main_score": 71.66778749159381 + }, + { + "hf_subset": "ur", + "languages": [ + "urd-Arab" + ], + "accuracy": 64.640215198386, + "f1": 63.301805157015444, + "main_score": 64.640215198386 + }, + { + "hf_subset": "vi", + "languages": [ + "vie-Latn" + ], + "accuracy": 70.00672494956288, + "f1": 70.26005548582106, + "main_score": 70.00672494956288 + }, + { + "hf_subset": "zh-CN", + "languages": [ + "cmo-Hans" + ], + "accuracy": 75.42030934767989, + "f1": 75.2074842882598, + "main_score": 75.42030934767989 + }, + { + "hf_subset": "zh-TW", + "languages": [ + "cmo-Hant" + ], + "accuracy": 70.69266980497646, + "f1": 70.94103167391192, + "main_score": 70.69266980497646 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/MedrxivClusteringP2P.json b/results/woody72__multilingual-e5-base/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..0ddfce630 --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/MedrxivClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 28.91697191169135, + "main_score": 28.91697191169135 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/MedrxivClusteringS2S.json b/results/woody72__multilingual-e5-base/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..c4816eb08 --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/MedrxivClusteringS2S.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 28.434000079573313, + "main_score": 28.434000079573313 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/MindSmallReranking.json b/results/woody72__multilingual-e5-base/external/MindSmallReranking.json new file mode 100644 index 000000000..ee70961b8 --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/MindSmallReranking.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "3bdac13927fdc888b903db93b2ffdbd90b295a69", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 30.96683513343383, + "mrr": 31.967364078714834, + "main_score": 30.96683513343383 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/NFCorpus.json b/results/woody72__multilingual-e5-base/external/NFCorpus.json new file mode 100644 index 000000000..d1199c3db --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/NFCorpus.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 5.5280000000000005, + "map_at_10": 11.793, + "map_at_100": 14.496999999999998, + "map_at_1000": 15.783, + "map_at_3": 8.838, + "map_at_5": 10.07, + "mrr_at_1": 43.653, + "mrr_at_10": 51.531000000000006, + "mrr_at_100": 52.205, + "mrr_at_1000": 52.242999999999995, + "mrr_at_3": 49.431999999999995, + "mrr_at_5": 50.470000000000006, + "ndcg_at_1": 42.415000000000006, + "ndcg_at_10": 32.464999999999996, + "ndcg_at_100": 28.927999999999997, + "ndcg_at_1000": 37.629000000000005, + "ndcg_at_3": 37.845, + "ndcg_at_5": 35.147, + "precision_at_1": 43.653, + "precision_at_10": 23.932000000000002, + "precision_at_100": 7.17, + "precision_at_1000": 1.967, + "precision_at_3": 35.397, + "precision_at_5": 29.907, + "recall_at_1": 5.5280000000000005, + "recall_at_10": 15.568000000000001, + "recall_at_100": 28.54, + "recall_at_1000": 59.864, + "recall_at_3": 9.822000000000001, + "recall_at_5": 11.726, + "main_score": 32.464999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/NQ.json b/results/woody72__multilingual-e5-base/external/NQ.json new file mode 100644 index 000000000..323c0b1b4 --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/NQ.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 37.041000000000004, + "map_at_10": 52.664, + "map_at_100": 53.477, + "map_at_1000": 53.505, + "map_at_3": 48.510999999999996, + "map_at_5": 51.036, + "mrr_at_1": 41.338, + "mrr_at_10": 55.071000000000005, + "mrr_at_100": 55.672, + "mrr_at_1000": 55.689, + "mrr_at_3": 51.82, + "mrr_at_5": 53.852, + "ndcg_at_1": 41.338, + "ndcg_at_10": 60.01800000000001, + "ndcg_at_100": 63.409000000000006, + "ndcg_at_1000": 64.017, + "ndcg_at_3": 52.44799999999999, + "ndcg_at_5": 56.571000000000005, + "precision_at_1": 41.338, + "precision_at_10": 9.531, + "precision_at_100": 1.145, + "precision_at_1000": 0.12, + "precision_at_3": 23.416, + "precision_at_5": 16.46, + "recall_at_1": 37.041000000000004, + "recall_at_10": 79.76299999999999, + "recall_at_100": 94.39, + "recall_at_1000": 98.851, + "recall_at_3": 60.465, + "recall_at_5": 69.906, + "main_score": 60.01800000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/QuoraRetrieval.json b/results/woody72__multilingual-e5-base/external/QuoraRetrieval.json new file mode 100644 index 000000000..c211adfd7 --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/QuoraRetrieval.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 69.952, + "map_at_10": 83.758, + "map_at_100": 84.406, + "map_at_1000": 84.425, + "map_at_3": 80.839, + "map_at_5": 82.646, + "mrr_at_1": 80.62, + "mrr_at_10": 86.947, + "mrr_at_100": 87.063, + "mrr_at_1000": 87.064, + "mrr_at_3": 85.96000000000001, + "mrr_at_5": 86.619, + "ndcg_at_1": 80.63, + "ndcg_at_10": 87.64800000000001, + "ndcg_at_100": 88.929, + "ndcg_at_1000": 89.054, + "ndcg_at_3": 84.765, + "ndcg_at_5": 86.291, + "precision_at_1": 80.63, + "precision_at_10": 13.314, + "precision_at_100": 1.525, + "precision_at_1000": 0.157, + "precision_at_3": 37.1, + "precision_at_5": 24.372, + "recall_at_1": 69.952, + "recall_at_10": 94.955, + "recall_at_100": 99.38, + "recall_at_1000": 99.96000000000001, + "recall_at_3": 86.60600000000001, + "recall_at_5": 90.997, + "main_score": 87.64800000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/RedditClustering.json b/results/woody72__multilingual-e5-base/external/RedditClustering.json new file mode 100644 index 000000000..4a9631285 --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/RedditClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 42.41329517878427, + "main_score": 42.41329517878427 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/RedditClusteringP2P.json b/results/woody72__multilingual-e5-base/external/RedditClusteringP2P.json new file mode 100644 index 000000000..ebb2eca77 --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/RedditClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "282350215ef01743dc01b456c7f5241fa8937f16", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 55.171278362748666, + "main_score": 55.171278362748666 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/SCIDOCS.json b/results/woody72__multilingual-e5-base/external/SCIDOCS.json new file mode 100644 index 000000000..ad2efbacb --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/SCIDOCS.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 4.213, + "map_at_10": 9.895, + "map_at_100": 11.776, + "map_at_1000": 12.084, + "map_at_3": 7.2669999999999995, + "map_at_5": 8.620999999999999, + "mrr_at_1": 20.8, + "mrr_at_10": 31.112000000000002, + "mrr_at_100": 32.274, + "mrr_at_1000": 32.35, + "mrr_at_3": 28.133000000000003, + "mrr_at_5": 29.892999999999997, + "ndcg_at_1": 20.8, + "ndcg_at_10": 17.163999999999998, + "ndcg_at_100": 24.738, + "ndcg_at_1000": 30.316, + "ndcg_at_3": 16.665, + "ndcg_at_5": 14.478, + "precision_at_1": 20.8, + "precision_at_10": 8.74, + "precision_at_100": 1.963, + "precision_at_1000": 0.33, + "precision_at_3": 15.467, + "precision_at_5": 12.6, + "recall_at_1": 4.213, + "recall_at_10": 17.698, + "recall_at_100": 39.838, + "recall_at_1000": 66.893, + "recall_at_3": 9.418, + "recall_at_5": 12.773000000000001, + "main_score": 17.163999999999998 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/SICK-R.json b/results/woody72__multilingual-e5-base/external/SICK-R.json new file mode 100644 index 000000000..bf2b1ff4c --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.90453315738294, + "cos_sim_spearman": 78.51197850080254, + "euclidean_pearson": 80.09647123597748, + "euclidean_spearman": 78.63548011514061, + "manhattan_pearson": 80.10645285675231, + "manhattan_spearman": 78.57861806068901, + "cosine_pearson": 82.90453315738294, + "cosine_spearman": 78.51197850080254, + "main_score": 78.51197850080254 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/STS12.json b/results/woody72__multilingual-e5-base/external/STS12.json new file mode 100644 index 000000000..e30bc5997 --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.2616156846401, + "cos_sim_spearman": 76.69713867850156, + "euclidean_pearson": 77.97948563800394, + "euclidean_spearman": 74.2371211567807, + "manhattan_pearson": 77.69697879669705, + "manhattan_spearman": 73.86529778022278, + "cosine_pearson": 84.2616156846401, + "cosine_spearman": 76.69713867850156, + "main_score": 76.69713867850156 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/STS13.json b/results/woody72__multilingual-e5-base/external/STS13.json new file mode 100644 index 000000000..67c219c6f --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 77.0293269315045, + "cos_sim_spearman": 78.02555120584198, + "euclidean_pearson": 78.25398100379078, + "euclidean_spearman": 78.66963870599464, + "manhattan_pearson": 78.14314682167348, + "manhattan_spearman": 78.57692322969135, + "cosine_pearson": 77.0293269315045, + "cosine_spearman": 78.02555120584198, + "main_score": 78.02555120584198 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/STS14.json b/results/woody72__multilingual-e5-base/external/STS14.json new file mode 100644 index 000000000..96345dcaf --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 79.16989925136942, + "cos_sim_spearman": 76.5996225327091, + "euclidean_pearson": 77.8319003279786, + "euclidean_spearman": 76.42824009468998, + "manhattan_pearson": 77.69118862737736, + "manhattan_spearman": 76.25568104762812, + "cosine_pearson": 79.16989925136942, + "cosine_spearman": 76.5996225327091, + "main_score": 76.5996225327091 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/STS15.json b/results/woody72__multilingual-e5-base/external/STS15.json new file mode 100644 index 000000000..d3b063fd3 --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.42012286935325, + "cos_sim_spearman": 88.15654297884122, + "euclidean_pearson": 87.34082819427852, + "euclidean_spearman": 88.06333589547084, + "manhattan_pearson": 87.25115596784842, + "manhattan_spearman": 87.9559927695203, + "cosine_pearson": 87.42012286935325, + "cosine_spearman": 88.15654297884122, + "main_score": 88.15654297884122 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/STS16.json b/results/woody72__multilingual-e5-base/external/STS16.json new file mode 100644 index 000000000..dd0bcadc9 --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.88222044996712, + "cos_sim_spearman": 84.28476589061077, + "euclidean_pearson": 83.17399758058309, + "euclidean_spearman": 83.85497357244542, + "manhattan_pearson": 83.0308397703786, + "manhattan_spearman": 83.71554539935046, + "cosine_pearson": 82.88222044996712, + "cosine_spearman": 84.28476589061077, + "main_score": 84.28476589061077 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/STS17.json b/results/woody72__multilingual-e5-base/external/STS17.json new file mode 100644 index 000000000..fb3b3291d --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/STS17.json @@ -0,0 +1,182 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "ko-ko", + "languages": [ + "kor-Hang" + ], + "cos_sim_pearson": 80.20682986257339, + "cos_sim_spearman": 79.94567120362092, + "euclidean_pearson": 79.43122480368902, + "euclidean_spearman": 79.94802077264987, + "manhattan_pearson": 79.32653021527081, + "manhattan_spearman": 79.80961146709178, + "cosine_pearson": 80.20682986257339, + "cosine_spearman": 79.94567120362092, + "main_score": 79.94567120362092 + }, + { + "hf_subset": "ar-ar", + "languages": [ + "ara-Arab" + ], + "cos_sim_pearson": 74.46578144394383, + "cos_sim_spearman": 74.52496637472179, + "euclidean_pearson": 72.2903807076809, + "euclidean_spearman": 73.55549359771645, + "manhattan_pearson": 72.09324837709393, + "manhattan_spearman": 73.36743103606581, + "cosine_pearson": 74.46578144394383, + "cosine_spearman": 74.52496637472179, + "main_score": 74.52496637472179 + }, + { + "hf_subset": "en-ar", + "languages": [ + "eng-Latn", + "ara-Arab" + ], + "cos_sim_pearson": 71.37272335116, + "cos_sim_spearman": 71.26702117766037, + "euclidean_pearson": 67.114829954434, + "euclidean_spearman": 66.37938893947761, + "manhattan_pearson": 66.79688574095246, + "manhattan_spearman": 66.17292828079667, + "cosine_pearson": 71.37272335116, + "cosine_spearman": 71.26702117766037, + "main_score": 71.26702117766037 + }, + { + "hf_subset": "en-de", + "languages": [ + "eng-Latn", + "deu-Latn" + ], + "cos_sim_pearson": 80.61016770129092, + "cos_sim_spearman": 82.08515426632214, + "euclidean_pearson": 80.557340361131, + "euclidean_spearman": 80.37585812266175, + "manhattan_pearson": 80.6782873404285, + "manhattan_spearman": 80.6678073032024, + "cosine_pearson": 80.61016770129092, + "cosine_spearman": 82.08515426632214, + "main_score": 82.08515426632214 + }, + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.00150745350108, + "cos_sim_spearman": 87.83441972211425, + "euclidean_pearson": 87.94826702308792, + "euclidean_spearman": 87.46143974860725, + "manhattan_pearson": 87.97560344306105, + "manhattan_spearman": 87.5267102829796, + "cosine_pearson": 87.00150745350108, + "cosine_spearman": 87.83441972211425, + "main_score": 87.83441972211425 + }, + { + "hf_subset": "en-tr", + "languages": [ + "eng-Latn", + "tur-Latn" + ], + "cos_sim_pearson": 64.76325252267235, + "cos_sim_spearman": 63.32615095463905, + "euclidean_pearson": 64.07920669155716, + "euclidean_spearman": 61.21409893072176, + "manhattan_pearson": 64.26308625680016, + "manhattan_spearman": 61.2438185254079, + "cosine_pearson": 64.76325252267235, + "cosine_spearman": 63.32615095463905, + "main_score": 63.32615095463905 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 75.82644463022595, + "cos_sim_spearman": 76.50381269945073, + "euclidean_pearson": 75.1328548315934, + "euclidean_spearman": 75.63761139408453, + "manhattan_pearson": 75.18610101241407, + "manhattan_spearman": 75.30669266354164, + "cosine_pearson": 75.82644463022595, + "cosine_spearman": 76.50381269945073, + "main_score": 76.50381269945073 + }, + { + "hf_subset": "es-es", + "languages": [ + "spa-Latn" + ], + "cos_sim_pearson": 87.49994164686832, + "cos_sim_spearman": 86.73743986245549, + "euclidean_pearson": 86.8272894387145, + "euclidean_spearman": 85.97608491000507, + "manhattan_pearson": 86.74960140396779, + "manhattan_spearman": 85.79285984190273, + "cosine_pearson": 87.49994164686832, + "cosine_spearman": 86.73743986245549, + "main_score": 86.73743986245549 + }, + { + "hf_subset": "fr-en", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 79.58172210788469, + "cos_sim_spearman": 80.17516468334607, + "euclidean_pearson": 77.56537843470504, + "euclidean_spearman": 77.57264627395521, + "manhattan_pearson": 78.09703521695943, + "manhattan_spearman": 78.15942760916954, + "cosine_pearson": 79.58172210788469, + "cosine_spearman": 80.17516468334607, + "main_score": 80.17516468334607 + }, + { + "hf_subset": "it-en", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 79.7589932931751, + "cos_sim_spearman": 80.15210089028162, + "euclidean_pearson": 77.54135223516057, + "euclidean_spearman": 77.52697996368764, + "manhattan_pearson": 77.65734439572518, + "manhattan_spearman": 77.77702992016121, + "cosine_pearson": 79.7589932931751, + "cosine_spearman": 80.15210089028162, + "main_score": 80.15210089028162 + }, + { + "hf_subset": "nl-en", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 79.16682365511267, + "cos_sim_spearman": 79.25311267628506, + "euclidean_pearson": 77.54882036762244, + "euclidean_spearman": 77.33212935194827, + "manhattan_pearson": 77.98405516064015, + "manhattan_spearman": 77.85075717865719, + "cosine_pearson": 79.16682365511267, + "cosine_spearman": 79.25311267628506, + "main_score": 79.25311267628506 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/STS22.json b/results/woody72__multilingual-e5-base/external/STS22.json new file mode 100644 index 000000000..5b3a74f5b --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/STS22.json @@ -0,0 +1,288 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 59.10473294775917, + "cos_sim_spearman": 61.82780474476838, + "euclidean_pearson": 45.885111672377256, + "euclidean_spearman": 56.88306351932454, + "manhattan_pearson": 46.101218127323186, + "manhattan_spearman": 56.80953694186333, + "cosine_pearson": 59.10473294775917, + "cosine_spearman": 61.82780474476838, + "main_score": 61.82780474476838 + }, + { + "hf_subset": "de", + "languages": [ + "deu-Latn" + ], + "cos_sim_pearson": 45.781923079584146, + "cos_sim_spearman": 55.95098449691107, + "euclidean_pearson": 25.4571031323205, + "euclidean_spearman": 49.859978118078935, + "manhattan_pearson": 25.624938455041384, + "manhattan_spearman": 49.99546185049401, + "cosine_pearson": 45.781923079584146, + "cosine_spearman": 55.95098449691107, + "main_score": 55.95098449691107 + }, + { + "hf_subset": "es", + "languages": [ + "spa-Latn" + ], + "cos_sim_pearson": 60.00618133997907, + "cos_sim_spearman": 66.57896677718321, + "euclidean_pearson": 42.60118466388821, + "euclidean_spearman": 62.8210759715209, + "manhattan_pearson": 42.63446860604094, + "manhattan_spearman": 62.73803068925271, + "cosine_pearson": 60.00618133997907, + "cosine_spearman": 66.57896677718321, + "main_score": 66.57896677718321 + }, + { + "hf_subset": "pl", + "languages": [ + "pol-Latn" + ], + "cos_sim_pearson": 28.460759121626943, + "cos_sim_spearman": 34.13459007469131, + "euclidean_pearson": 6.0917739325525195, + "euclidean_spearman": 27.9947262664867, + "manhattan_pearson": 6.16877864169911, + "manhattan_spearman": 28.00664163971514, + "cosine_pearson": 28.460759121626943, + "cosine_spearman": 34.13459007469131, + "main_score": 34.13459007469131 + }, + { + "hf_subset": "tr", + "languages": [ + "tur-Latn" + ], + "cos_sim_pearson": 57.42546621771696, + "cos_sim_spearman": 63.699663168970474, + "euclidean_pearson": 38.12085278789738, + "euclidean_spearman": 58.12329140741536, + "manhattan_pearson": 37.97364549443335, + "manhattan_spearman": 57.81545502318733, + "cosine_pearson": 57.42546621771696, + "cosine_spearman": 63.699663168970474, + "main_score": 63.699663168970474 + }, + { + "hf_subset": "ar", + "languages": [ + "ara-Arab" + ], + "cos_sim_pearson": 46.82241380954213, + "cos_sim_spearman": 57.86569456006391, + "euclidean_pearson": 31.80480070178813, + "euclidean_spearman": 52.484000620130104, + "manhattan_pearson": 31.952708554646097, + "manhattan_spearman": 52.8560972356195, + "cosine_pearson": 46.82241380954213, + "cosine_spearman": 57.86569456006391, + "main_score": 57.86569456006391 + }, + { + "hf_subset": "ru", + "languages": [ + "rus-Cyrl" + ], + "cos_sim_pearson": 52.00447170498087, + "cos_sim_spearman": 60.664116225735164, + "euclidean_pearson": 33.87382555421702, + "euclidean_spearman": 55.74649067458667, + "manhattan_pearson": 33.99117246759437, + "manhattan_spearman": 55.98749034923899, + "cosine_pearson": 52.00447170498087, + "cosine_spearman": 60.664116225735164, + "main_score": 60.664116225735164 + }, + { + "hf_subset": "zh", + "languages": [ + "cmn-Hans" + ], + "cos_sim_pearson": 58.06497233105448, + "cos_sim_spearman": 65.62968801135676, + "euclidean_pearson": 47.482076613243905, + "euclidean_spearman": 62.65137791498299, + "manhattan_pearson": 47.57052626104093, + "manhattan_spearman": 62.436916516613294, + "cosine_pearson": 58.06497233105448, + "cosine_spearman": 65.62968801135676, + "main_score": 65.62968801135676 + }, + { + "hf_subset": "fr", + "languages": [ + "fra-Latn" + ], + "cos_sim_pearson": 70.49397298562575, + "cos_sim_spearman": 74.79604041187868, + "euclidean_pearson": 49.661891561317795, + "euclidean_spearman": 70.31535537621006, + "manhattan_pearson": 49.553715741850006, + "manhattan_spearman": 70.24779344636806, + "cosine_pearson": 70.49397298562575, + "cosine_spearman": 74.79604041187868, + "main_score": 74.79604041187868 + }, + { + "hf_subset": "de-en", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 55.640574515348696, + "cos_sim_spearman": 54.927959317689, + "euclidean_pearson": 29.00139666967476, + "euclidean_spearman": 41.86386566971605, + "manhattan_pearson": 29.47411067730344, + "manhattan_spearman": 42.337438424952786, + "cosine_pearson": 55.640574515348696, + "cosine_spearman": 54.927959317689, + "main_score": 54.927959317689 + }, + { + "hf_subset": "es-en", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 68.14095292259312, + "cos_sim_spearman": 73.99017581234789, + "euclidean_pearson": 46.46304297872084, + "euclidean_spearman": 60.91834114800041, + "manhattan_pearson": 47.07072666338692, + "manhattan_spearman": 61.70415727977926, + "cosine_pearson": 68.14095292259312, + "cosine_spearman": 73.99017581234789, + "main_score": 73.99017581234789 + }, + { + "hf_subset": "it", + "languages": [ + "ita-Latn" + ], + "cos_sim_pearson": 73.27184653359575, + "cos_sim_spearman": 77.76070252418626, + "euclidean_pearson": 62.30586577544778, + "euclidean_spearman": 75.14246629110978, + "manhattan_pearson": 62.328196884927046, + "manhattan_spearman": 75.1282792981433, + "cosine_pearson": 73.27184653359575, + "cosine_spearman": 77.76070252418626, + "main_score": 77.76070252418626 + }, + { + "hf_subset": "pl-en", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "cos_sim_pearson": 71.59448528829957, + "cos_sim_spearman": 70.37277734222123, + "euclidean_pearson": 57.63145565721123, + "euclidean_spearman": 66.10113048304427, + "manhattan_pearson": 57.18897811586808, + "manhattan_spearman": 66.5595511215901, + "cosine_pearson": 71.59448528829957, + "cosine_spearman": 70.37277734222123, + "main_score": 70.37277734222123 + }, + { + "hf_subset": "zh-en", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "cos_sim_pearson": 66.37520607720838, + "cos_sim_spearman": 69.92282148997948, + "euclidean_pearson": 40.55768770125291, + "euclidean_spearman": 55.189128944669605, + "manhattan_pearson": 41.03566433468883, + "manhattan_spearman": 55.61251893174558, + "cosine_pearson": 66.37520607720838, + "cosine_spearman": 69.92282148997948, + "main_score": 69.92282148997948 + }, + { + "hf_subset": "es-it", + "languages": [ + "spa-Latn", + "ita-Latn" + ], + "cos_sim_pearson": 57.791929533771835, + "cos_sim_spearman": 66.45819707662093, + "euclidean_pearson": 39.03686018511092, + "euclidean_spearman": 56.01282695640428, + "manhattan_pearson": 38.91586623619632, + "manhattan_spearman": 56.69394943612747, + "cosine_pearson": 57.791929533771835, + "cosine_spearman": 66.45819707662093, + "main_score": 66.45819707662093 + }, + { + "hf_subset": "de-fr", + "languages": [ + "deu-Latn", + "fra-Latn" + ], + "cos_sim_pearson": 47.82224468473866, + "cos_sim_spearman": 59.467307194781164, + "euclidean_pearson": 27.428459190256145, + "euclidean_spearman": 60.83463107397519, + "manhattan_pearson": 27.487391578496638, + "manhattan_spearman": 61.281380460246496, + "cosine_pearson": 47.82224468473866, + "cosine_spearman": 59.467307194781164, + "main_score": 59.467307194781164 + }, + { + "hf_subset": "de-pl", + "languages": [ + "deu-Latn", + "pol-Latn" + ], + "cos_sim_pearson": 16.306666792752644, + "cos_sim_spearman": 39.35486427252405, + "euclidean_pearson": -2.7887154897955435, + "euclidean_spearman": 27.1296051831719, + "manhattan_pearson": -3.202291270581297, + "manhattan_spearman": 26.32895849218158, + "cosine_pearson": 16.306666792752644, + "cosine_spearman": 39.35486427252405, + "main_score": 39.35486427252405 + }, + { + "hf_subset": "fr-pl", + "languages": [ + "fra-Latn", + "pol-Latn" + ], + "cos_sim_pearson": 59.67006803805076, + "cos_sim_spearman": 73.24670207647144, + "euclidean_pearson": 46.91884681500483, + "euclidean_spearman": 16.903085094570333, + "manhattan_pearson": 46.88391675325812, + "manhattan_spearman": 28.17180849095055, + "cosine_pearson": 59.67006803805076, + "cosine_spearman": 73.24670207647144, + "main_score": 73.24670207647144 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/STSBenchmark.json b/results/woody72__multilingual-e5-base/external/STSBenchmark.json new file mode 100644 index 000000000..7d6121191 --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.79555591223837, + "cos_sim_spearman": 85.63658602085185, + "euclidean_pearson": 85.22080894037671, + "euclidean_spearman": 85.54113580167038, + "manhattan_pearson": 85.1639505960118, + "manhattan_spearman": 85.43502665436196, + "cosine_pearson": 83.79555591223837, + "cosine_spearman": 85.63658602085185, + "main_score": 85.63658602085185 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/SciDocsRR.json b/results/woody72__multilingual-e5-base/external/SciDocsRR.json new file mode 100644 index 000000000..0827ed554 --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 80.73900991689766, + "mrr": 94.81624131133934, + "main_score": 80.73900991689766 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/SciFact.json b/results/woody72__multilingual-e5-base/external/SciFact.json new file mode 100644 index 000000000..45b04a95e --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/SciFact.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 55.678000000000004, + "map_at_10": 65.135, + "map_at_100": 65.824, + "map_at_1000": 65.852, + "map_at_3": 62.736000000000004, + "map_at_5": 64.411, + "mrr_at_1": 58.333, + "mrr_at_10": 66.5, + "mrr_at_100": 67.053, + "mrr_at_1000": 67.08, + "mrr_at_3": 64.944, + "mrr_at_5": 65.89399999999999, + "ndcg_at_1": 58.333, + "ndcg_at_10": 69.34700000000001, + "ndcg_at_100": 72.32, + "ndcg_at_1000": 73.014, + "ndcg_at_3": 65.578, + "ndcg_at_5": 67.738, + "precision_at_1": 58.333, + "precision_at_10": 9.033, + "precision_at_100": 1.0670000000000002, + "precision_at_1000": 0.11199999999999999, + "precision_at_3": 25.444, + "precision_at_5": 16.933, + "recall_at_1": 55.678000000000004, + "recall_at_10": 80.72200000000001, + "recall_at_100": 93.93299999999999, + "recall_at_1000": 99.333, + "recall_at_3": 70.783, + "recall_at_5": 75.978, + "main_score": 69.34700000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/SprintDuplicateQuestions.json b/results/woody72__multilingual-e5-base/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..36f948ea2 --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.74653465346535, + "cos_sim_ap": 93.01476369929063, + "cos_sim_f1": 86.93009118541033, + "cos_sim_precision": 88.09034907597535, + "cos_sim_recall": 85.8, + "dot_accuracy": 99.22970297029703, + "dot_ap": 51.58725659485144, + "dot_f1": 53.51351351351352, + "dot_precision": 58.235294117647065, + "dot_recall": 49.5, + "euclidean_accuracy": 99.74356435643564, + "euclidean_ap": 92.40332894384368, + "euclidean_f1": 86.97838109602817, + "euclidean_precision": 87.46208291203236, + "euclidean_recall": 86.5, + "manhattan_accuracy": 99.73069306930694, + "manhattan_ap": 92.01320815721121, + "manhattan_f1": 86.4135864135864, + "manhattan_precision": 86.32734530938124, + "manhattan_recall": 86.5, + "max_accuracy": 99.74653465346535, + "max_ap": 93.01476369929063, + "max_f1": 86.97838109602817, + "main_score": 93.01476369929063 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/StackExchangeClustering.json b/results/woody72__multilingual-e5-base/external/StackExchangeClustering.json new file mode 100644 index 000000000..c234edbf3 --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/StackExchangeClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 55.2660514302523, + "main_score": 55.2660514302523 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/StackExchangeClusteringP2P.json b/results/woody72__multilingual-e5-base/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..2da379486 --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/StackExchangeClusteringP2P.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 30.4637783572547, + "main_score": 30.4637783572547 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/StackOverflowDupQuestions.json b/results/woody72__multilingual-e5-base/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..87cc41203 --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 49.41377758357637, + "mrr": 50.138451213818854, + "main_score": 49.41377758357637 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/SummEval.json b/results/woody72__multilingual-e5-base/external/SummEval.json new file mode 100644 index 000000000..efd932a33 --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 28.887846011166594, + "cos_sim_spearman": 30.10823258355903, + "dot_pearson": 12.888049550236385, + "dot_spearman": 12.827495903098123, + "cosine_pearson": 28.887846011166594, + "cosine_spearman": 30.10823258355903, + "main_score": 30.10823258355903 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/TRECCOVID.json b/results/woody72__multilingual-e5-base/external/TRECCOVID.json new file mode 100644 index 000000000..411310da8 --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/TRECCOVID.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 0.21, + "map_at_10": 1.667, + "map_at_100": 9.15, + "map_at_1000": 22.927, + "map_at_3": 0.573, + "map_at_5": 0.915, + "mrr_at_1": 80, + "mrr_at_10": 87.167, + "mrr_at_100": 87.167, + "mrr_at_1000": 87.167, + "mrr_at_3": 85.667, + "mrr_at_5": 87.167, + "ndcg_at_1": 76, + "ndcg_at_10": 69.757, + "ndcg_at_100": 52.402, + "ndcg_at_1000": 47.737, + "ndcg_at_3": 71.866, + "ndcg_at_5": 72.225, + "precision_at_1": 80, + "precision_at_10": 75, + "precision_at_100": 53.959999999999994, + "precision_at_1000": 21.568, + "precision_at_3": 76.667, + "precision_at_5": 78, + "recall_at_1": 0.21, + "recall_at_10": 1.9189999999999998, + "recall_at_100": 12.589, + "recall_at_1000": 45.312000000000005, + "recall_at_3": 0.61, + "recall_at_5": 1.019, + "main_score": 69.757 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/Tatoeba.json b/results/woody72__multilingual-e5-base/external/Tatoeba.json new file mode 100644 index 000000000..7b38723ad --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/Tatoeba.json @@ -0,0 +1,1354 @@ +{ + "dataset_revision": "9080400076fbadbb4c4dcb136ff4eddc40b42553", + "task_name": "Tatoeba", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "sqi-eng", + "languages": [ + "sqi-Latn", + "eng-Latn" + ], + "accuracy": 92.10000000000001, + "f1": 90.06, + "precision": 89.17333333333333, + "recall": 92.10000000000001, + "main_score": 90.06 + }, + { + "hf_subset": "fry-eng", + "languages": [ + "fry-Latn", + "eng-Latn" + ], + "accuracy": 56.06936416184971, + "f1": 50.87508028259473, + "precision": 48.97398843930635, + "recall": 56.06936416184971, + "main_score": 50.87508028259473 + }, + { + "hf_subset": "kur-eng", + "languages": [ + "kur-Latn", + "eng-Latn" + ], + "accuracy": 57.3170731707317, + "f1": 52.96080139372822, + "precision": 51.67861124382864, + "recall": 57.3170731707317, + "main_score": 52.96080139372822 + }, + { + "hf_subset": "tur-eng", + "languages": [ + "tur-Latn", + "eng-Latn" + ], + "accuracy": 94.3, + "f1": 92.67333333333333, + "precision": 91.90833333333333, + "recall": 94.3, + "main_score": 92.67333333333333 + }, + { + "hf_subset": "deu-eng", + "languages": [ + "deu-Latn", + "eng-Latn" + ], + "accuracy": 97.7, + "f1": 97.07333333333332, + "precision": 96.79500000000002, + "recall": 97.7, + "main_score": 97.07333333333332 + }, + { + "hf_subset": "nld-eng", + "languages": [ + "nld-Latn", + "eng-Latn" + ], + "accuracy": 94.69999999999999, + "f1": 93.2, + "precision": 92.48333333333333, + "recall": 94.69999999999999, + "main_score": 93.2 + }, + { + "hf_subset": "ron-eng", + "languages": [ + "ron-Latn", + "eng-Latn" + ], + "accuracy": 92.9, + "f1": 91.26666666666667, + "precision": 90.59444444444445, + "recall": 92.9, + "main_score": 91.26666666666667 + }, + { + "hf_subset": "ang-eng", + "languages": [ + "ang-Latn", + "eng-Latn" + ], + "accuracy": 34.32835820895522, + "f1": 29.074180380150533, + "precision": 28.068207322920596, + "recall": 34.32835820895522, + "main_score": 29.074180380150533 + }, + { + "hf_subset": "ido-eng", + "languages": [ + "ido-Latn", + "eng-Latn" + ], + "accuracy": 78.5, + "f1": 74.3945115995116, + "precision": 72.82967843459222, + "recall": 78.5, + "main_score": 74.3945115995116 + }, + { + "hf_subset": "jav-eng", + "languages": [ + "jav-Latn", + "eng-Latn" + ], + "accuracy": 66.34146341463415, + "f1": 61.2469400518181, + "precision": 59.63977756660683, + "recall": 66.34146341463415, + "main_score": 61.2469400518181 + }, + { + "hf_subset": "isl-eng", + "languages": [ + "isl-Latn", + "eng-Latn" + ], + "accuracy": 80.9, + "f1": 76.90349206349207, + "precision": 75.32921568627451, + "recall": 80.9, + "main_score": 76.90349206349207 + }, + { + "hf_subset": "slv-eng", + "languages": [ + "slv-Latn", + "eng-Latn" + ], + "accuracy": 84.93317132442284, + "f1": 81.92519105034295, + "precision": 80.71283920615635, + "recall": 84.93317132442284, + "main_score": 81.92519105034295 + }, + { + "hf_subset": "cym-eng", + "languages": [ + "cym-Latn", + "eng-Latn" + ], + "accuracy": 71.1304347826087, + "f1": 65.22394755003451, + "precision": 62.912422360248435, + "recall": 71.1304347826087, + "main_score": 65.22394755003451 + }, + { + "hf_subset": "kaz-eng", + "languages": [ + "kaz-Cyrl", + "eng-Latn" + ], + "accuracy": 79.82608695652173, + "f1": 75.55693581780538, + "precision": 73.79420289855072, + "recall": 79.82608695652173, + "main_score": 75.55693581780538 + }, + { + "hf_subset": "est-eng", + "languages": [ + "est-Latn", + "eng-Latn" + ], + "accuracy": 74, + "f1": 70.51022222222223, + "precision": 69.29673599347512, + "recall": 74, + "main_score": 70.51022222222223 + }, + { + "hf_subset": "heb-eng", + "languages": [ + "heb-Hebr", + "eng-Latn" + ], + "accuracy": 78.7, + "f1": 74.14238095238095, + "precision": 72.27214285714285, + "recall": 78.7, + "main_score": 74.14238095238095 + }, + { + "hf_subset": "gla-eng", + "languages": [ + "gla-Latn", + "eng-Latn" + ], + "accuracy": 48.97466827503016, + "f1": 43.080330405420874, + "precision": 41.36505499593557, + "recall": 48.97466827503016, + "main_score": 43.080330405420874 + }, + { + "hf_subset": "mar-eng", + "languages": [ + "mar-Deva", + "eng-Latn" + ], + "accuracy": 89.60000000000001, + "f1": 86.62333333333333, + "precision": 85.225, + "recall": 89.60000000000001, + "main_score": 86.62333333333333 + }, + { + "hf_subset": "lat-eng", + "languages": [ + "lat-Latn", + "eng-Latn" + ], + "accuracy": 45.2, + "f1": 39.5761253006253, + "precision": 37.991358436312, + "recall": 45.2, + "main_score": 39.5761253006253 + }, + { + "hf_subset": "bel-eng", + "languages": [ + "bel-Cyrl", + "eng-Latn" + ], + "accuracy": 89.5, + "f1": 86.70333333333333, + "precision": 85.53166666666667, + "recall": 89.5, + "main_score": 86.70333333333333 + }, + { + "hf_subset": "pms-eng", + "languages": [ + "pms-Latn", + "eng-Latn" + ], + "accuracy": 50.095238095238095, + "f1": 44.60650460650461, + "precision": 42.774116796477045, + "recall": 50.095238095238095, + "main_score": 44.60650460650461 + }, + { + "hf_subset": "gle-eng", + "languages": [ + "gle-Latn", + "eng-Latn" + ], + "accuracy": 63.4, + "f1": 58.35967261904762, + "precision": 56.54857142857143, + "recall": 63.4, + "main_score": 58.35967261904762 + }, + { + "hf_subset": "pes-eng", + "languages": [ + "pes-Arab", + "eng-Latn" + ], + "accuracy": 89.2, + "f1": 87.075, + "precision": 86.12095238095239, + "recall": 89.2, + "main_score": 87.075 + }, + { + "hf_subset": "nob-eng", + "languages": [ + "nob-Latn", + "eng-Latn" + ], + "accuracy": 96.8, + "f1": 95.90333333333334, + "precision": 95.50833333333333, + "recall": 96.8, + "main_score": 95.90333333333334 + }, + { + "hf_subset": "bul-eng", + "languages": [ + "bul-Cyrl", + "eng-Latn" + ], + "accuracy": 90.9, + "f1": 88.6288888888889, + "precision": 87.61607142857142, + "recall": 90.9, + "main_score": 88.6288888888889 + }, + { + "hf_subset": "cbk-eng", + "languages": [ + "cbk-Latn", + "eng-Latn" + ], + "accuracy": 65.2, + "f1": 60.54377630539395, + "precision": 58.89434482711381, + "recall": 65.2, + "main_score": 60.54377630539395 + }, + { + "hf_subset": "hun-eng", + "languages": [ + "hun-Latn", + "eng-Latn" + ], + "accuracy": 87, + "f1": 84.32412698412699, + "precision": 83.25527777777778, + "recall": 87, + "main_score": 84.32412698412699 + }, + { + "hf_subset": "uig-eng", + "languages": [ + "uig-Arab", + "eng-Latn" + ], + "accuracy": 68.7, + "f1": 63.07883541295306, + "precision": 61.06117424242426, + "recall": 68.7, + "main_score": 63.07883541295306 + }, + { + "hf_subset": "rus-eng", + "languages": [ + "rus-Cyrl", + "eng-Latn" + ], + "accuracy": 93.7, + "f1": 91.78333333333335, + "precision": 90.86666666666667, + "recall": 93.7, + "main_score": 91.78333333333335 + }, + { + "hf_subset": "spa-eng", + "languages": [ + "spa-Latn", + "eng-Latn" + ], + "accuracy": 97.7, + "f1": 96.96666666666667, + "precision": 96.61666666666667, + "recall": 97.7, + "main_score": 96.96666666666667 + }, + { + "hf_subset": "hye-eng", + "languages": [ + "hye-Armn", + "eng-Latn" + ], + "accuracy": 88.27493261455525, + "f1": 85.90745732255168, + "precision": 84.91389637616052, + "recall": 88.27493261455525, + "main_score": 85.90745732255168 + }, + { + "hf_subset": "tel-eng", + "languages": [ + "tel-Telu", + "eng-Latn" + ], + "accuracy": 90.5982905982906, + "f1": 88.4900284900285, + "precision": 87.57122507122507, + "recall": 90.5982905982906, + "main_score": 88.4900284900285 + }, + { + "hf_subset": "afr-eng", + "languages": [ + "afr-Latn", + "eng-Latn" + ], + "accuracy": 89.5, + "f1": 86.90769841269842, + "precision": 85.80178571428571, + "recall": 89.5, + "main_score": 86.90769841269842 + }, + { + "hf_subset": "mon-eng", + "languages": [ + "mon-Cyrl", + "eng-Latn" + ], + "accuracy": 82.5, + "f1": 78.36796536796538, + "precision": 76.82196969696969, + "recall": 82.5, + "main_score": 78.36796536796538 + }, + { + "hf_subset": "arz-eng", + "languages": [ + "arz-Arab", + "eng-Latn" + ], + "accuracy": 71.48846960167715, + "f1": 66.78771089148448, + "precision": 64.98302885095339, + "recall": 71.48846960167715, + "main_score": 66.78771089148448 + }, + { + "hf_subset": "hrv-eng", + "languages": [ + "hrv-Latn", + "eng-Latn" + ], + "accuracy": 94.1, + "f1": 92.50333333333333, + "precision": 91.77499999999999, + "recall": 94.1, + "main_score": 92.50333333333333 + }, + { + "hf_subset": "nov-eng", + "languages": [ + "nov-Latn", + "eng-Latn" + ], + "accuracy": 71.20622568093385, + "f1": 66.83278891450098, + "precision": 65.35065777283677, + "recall": 71.20622568093385, + "main_score": 66.83278891450098 + }, + { + "hf_subset": "gsw-eng", + "languages": [ + "gsw-Latn", + "eng-Latn" + ], + "accuracy": 48.717948717948715, + "f1": 43.53146853146853, + "precision": 42.04721204721204, + "recall": 48.717948717948715, + "main_score": 43.53146853146853 + }, + { + "hf_subset": "nds-eng", + "languages": [ + "nds-Latn", + "eng-Latn" + ], + "accuracy": 58.5, + "f1": 53.8564991863928, + "precision": 52.40329436122275, + "recall": 58.5, + "main_score": 53.8564991863928 + }, + { + "hf_subset": "ukr-eng", + "languages": [ + "ukr-Cyrl", + "eng-Latn" + ], + "accuracy": 90.8, + "f1": 88.29, + "precision": 87.09166666666667, + "recall": 90.8, + "main_score": 88.29 + }, + { + "hf_subset": "uzb-eng", + "languages": [ + "uzb-Latn", + "eng-Latn" + ], + "accuracy": 67.28971962616822, + "f1": 62.63425307817832, + "precision": 60.98065939771546, + "recall": 67.28971962616822, + "main_score": 62.63425307817832 + }, + { + "hf_subset": "lit-eng", + "languages": [ + "lit-Latn", + "eng-Latn" + ], + "accuracy": 78.7, + "f1": 75.5264472455649, + "precision": 74.38205086580086, + "recall": 78.7, + "main_score": 75.5264472455649 + }, + { + "hf_subset": "ina-eng", + "languages": [ + "ina-Latn", + "eng-Latn" + ], + "accuracy": 88.7, + "f1": 86.10809523809525, + "precision": 85.07602564102565, + "recall": 88.7, + "main_score": 86.10809523809525 + }, + { + "hf_subset": "lfn-eng", + "languages": [ + "lfn-Latn", + "eng-Latn" + ], + "accuracy": 56.99999999999999, + "f1": 52.85487521402737, + "precision": 51.53985162713104, + "recall": 56.99999999999999, + "main_score": 52.85487521402737 + }, + { + "hf_subset": "zsm-eng", + "languages": [ + "zsm-Latn", + "eng-Latn" + ], + "accuracy": 94, + "f1": 92.45333333333333, + "precision": 91.79166666666667, + "recall": 94, + "main_score": 92.45333333333333 + }, + { + "hf_subset": "ita-eng", + "languages": [ + "ita-Latn", + "eng-Latn" + ], + "accuracy": 92.30000000000001, + "f1": 90.61333333333333, + "precision": 89.83333333333331, + "recall": 92.30000000000001, + "main_score": 90.61333333333333 + }, + { + "hf_subset": "cmn-eng", + "languages": [ + "cmn-Hans", + "eng-Latn" + ], + "accuracy": 94.69999999999999, + "f1": 93.34555555555555, + "precision": 92.75416666666668, + "recall": 94.69999999999999, + "main_score": 93.34555555555555 + }, + { + "hf_subset": "lvs-eng", + "languages": [ + "lvs-Latn", + "eng-Latn" + ], + "accuracy": 80.2, + "f1": 76.6563035113035, + "precision": 75.3014652014652, + "recall": 80.2, + "main_score": 76.6563035113035 + }, + { + "hf_subset": "glg-eng", + "languages": [ + "glg-Latn", + "eng-Latn" + ], + "accuracy": 84.7, + "f1": 82.78689263765207, + "precision": 82.06705086580087, + "recall": 84.7, + "main_score": 82.78689263765207 + }, + { + "hf_subset": "ceb-eng", + "languages": [ + "ceb-Latn", + "eng-Latn" + ], + "accuracy": 50.33333333333333, + "f1": 45.461523661523664, + "precision": 43.93545574795575, + "recall": 50.33333333333333, + "main_score": 45.461523661523664 + }, + { + "hf_subset": "bre-eng", + "languages": [ + "bre-Latn", + "eng-Latn" + ], + "accuracy": 6.6000000000000005, + "f1": 5.442121400446441, + "precision": 5.146630385487529, + "recall": 6.6000000000000005, + "main_score": 5.442121400446441 + }, + { + "hf_subset": "ben-eng", + "languages": [ + "ben-Beng", + "eng-Latn" + ], + "accuracy": 85, + "f1": 81.04666666666667, + "precision": 79.25, + "recall": 85, + "main_score": 81.04666666666667 + }, + { + "hf_subset": "swg-eng", + "languages": [ + "swg-Latn", + "eng-Latn" + ], + "accuracy": 47.32142857142857, + "f1": 42.333333333333336, + "precision": 40.69196428571429, + "recall": 47.32142857142857, + "main_score": 42.333333333333336 + }, + { + "hf_subset": "arq-eng", + "languages": [ + "arq-Arab", + "eng-Latn" + ], + "accuracy": 30.735455543358945, + "f1": 26.73616790022338, + "precision": 25.397823220451283, + "recall": 30.735455543358945, + "main_score": 26.73616790022338 + }, + { + "hf_subset": "kab-eng", + "languages": [ + "kab-Latn", + "eng-Latn" + ], + "accuracy": 25.1, + "f1": 21.975989896371022, + "precision": 21.059885632257203, + "recall": 25.1, + "main_score": 21.975989896371022 + }, + { + "hf_subset": "fra-eng", + "languages": [ + "fra-Latn", + "eng-Latn" + ], + "accuracy": 94.3, + "f1": 92.75666666666666, + "precision": 92.06166666666665, + "recall": 94.3, + "main_score": 92.75666666666666 + }, + { + "hf_subset": "por-eng", + "languages": [ + "por-Latn", + "eng-Latn" + ], + "accuracy": 94.1, + "f1": 92.74, + "precision": 92.09166666666667, + "recall": 94.1, + "main_score": 92.74 + }, + { + "hf_subset": "tat-eng", + "languages": [ + "tat-Cyrl", + "eng-Latn" + ], + "accuracy": 71.3, + "f1": 66.922442002442, + "precision": 65.38249567099568, + "recall": 71.3, + "main_score": 66.922442002442 + }, + { + "hf_subset": "oci-eng", + "languages": [ + "oci-Latn", + "eng-Latn" + ], + "accuracy": 40.300000000000004, + "f1": 35.78682789299971, + "precision": 34.66425128716588, + "recall": 40.300000000000004, + "main_score": 35.78682789299971 + }, + { + "hf_subset": "pol-eng", + "languages": [ + "pol-Latn", + "eng-Latn" + ], + "accuracy": 96, + "f1": 94.82333333333334, + "precision": 94.27833333333334, + "recall": 96, + "main_score": 94.82333333333334 + }, + { + "hf_subset": "war-eng", + "languages": [ + "war-Latn", + "eng-Latn" + ], + "accuracy": 51.1, + "f1": 47.179074753133584, + "precision": 46.06461044702424, + "recall": 51.1, + "main_score": 47.179074753133584 + }, + { + "hf_subset": "aze-eng", + "languages": [ + "aze-Latn", + "eng-Latn" + ], + "accuracy": 87.7, + "f1": 84.71, + "precision": 83.46166666666667, + "recall": 87.7, + "main_score": 84.71 + }, + { + "hf_subset": "vie-eng", + "languages": [ + "vie-Latn", + "eng-Latn" + ], + "accuracy": 95.8, + "f1": 94.68333333333334, + "precision": 94.13333333333334, + "recall": 95.8, + "main_score": 94.68333333333334 + }, + { + "hf_subset": "nno-eng", + "languages": [ + "nno-Latn", + "eng-Latn" + ], + "accuracy": 85.39999999999999, + "f1": 82.5577380952381, + "precision": 81.36833333333334, + "recall": 85.39999999999999, + "main_score": 82.5577380952381 + }, + { + "hf_subset": "cha-eng", + "languages": [ + "cha-Latn", + "eng-Latn" + ], + "accuracy": 21.16788321167883, + "f1": 16.948865627297987, + "precision": 15.971932568647897, + "recall": 21.16788321167883, + "main_score": 16.948865627297987 + }, + { + "hf_subset": "mhr-eng", + "languages": [ + "mhr-Cyrl", + "eng-Latn" + ], + "accuracy": 6.9, + "f1": 5.515526831658907, + "precision": 5.141966366966367, + "recall": 6.9, + "main_score": 5.515526831658907 + }, + { + "hf_subset": "dan-eng", + "languages": [ + "dan-Latn", + "eng-Latn" + ], + "accuracy": 93.2, + "f1": 91.39666666666668, + "precision": 90.58666666666667, + "recall": 93.2, + "main_score": 91.39666666666668 + }, + { + "hf_subset": "ell-eng", + "languages": [ + "ell-Grek", + "eng-Latn" + ], + "accuracy": 92.2, + "f1": 89.95666666666666, + "precision": 88.92833333333333, + "recall": 92.2, + "main_score": 89.95666666666666 + }, + { + "hf_subset": "amh-eng", + "languages": [ + "amh-Ethi", + "eng-Latn" + ], + "accuracy": 79.76190476190477, + "f1": 74.93386243386244, + "precision": 73.11011904761904, + "recall": 79.76190476190477, + "main_score": 74.93386243386244 + }, + { + "hf_subset": "pam-eng", + "languages": [ + "pam-Latn", + "eng-Latn" + ], + "accuracy": 8.799999999999999, + "f1": 6.921439712248537, + "precision": 6.489885109680683, + "recall": 8.799999999999999, + "main_score": 6.921439712248537 + }, + { + "hf_subset": "hsb-eng", + "languages": [ + "hsb-Latn", + "eng-Latn" + ], + "accuracy": 45.75569358178054, + "f1": 40.34699501312631, + "precision": 38.57886764719063, + "recall": 45.75569358178054, + "main_score": 40.34699501312631 + }, + { + "hf_subset": "srp-eng", + "languages": [ + "srp-Cyrl", + "eng-Latn" + ], + "accuracy": 91.4, + "f1": 89.08333333333333, + "precision": 88.01666666666668, + "recall": 91.4, + "main_score": 89.08333333333333 + }, + { + "hf_subset": "epo-eng", + "languages": [ + "epo-Latn", + "eng-Latn" + ], + "accuracy": 93.60000000000001, + "f1": 92.06690476190477, + "precision": 91.45095238095239, + "recall": 93.60000000000001, + "main_score": 92.06690476190477 + }, + { + "hf_subset": "kzj-eng", + "languages": [ + "kzj-Latn", + "eng-Latn" + ], + "accuracy": 7.5, + "f1": 6.200363129378736, + "precision": 5.89115314822466, + "recall": 7.5, + "main_score": 6.200363129378736 + }, + { + "hf_subset": "awa-eng", + "languages": [ + "awa-Deva", + "eng-Latn" + ], + "accuracy": 73.59307359307358, + "f1": 68.38933553219267, + "precision": 66.62698412698413, + "recall": 73.59307359307358, + "main_score": 68.38933553219267 + }, + { + "hf_subset": "fao-eng", + "languages": [ + "fao-Latn", + "eng-Latn" + ], + "accuracy": 69.8473282442748, + "f1": 64.72373682297346, + "precision": 62.82834214131924, + "recall": 69.8473282442748, + "main_score": 64.72373682297346 + }, + { + "hf_subset": "mal-eng", + "languages": [ + "mal-Mlym", + "eng-Latn" + ], + "accuracy": 97.5254730713246, + "f1": 96.72489082969432, + "precision": 96.33672974284326, + "recall": 97.5254730713246, + "main_score": 96.72489082969432 + }, + { + "hf_subset": "ile-eng", + "languages": [ + "ile-Latn", + "eng-Latn" + ], + "accuracy": 75.6, + "f1": 72.42746031746033, + "precision": 71.14036630036631, + "recall": 75.6, + "main_score": 72.42746031746033 + }, + { + "hf_subset": "bos-eng", + "languages": [ + "bos-Latn", + "eng-Latn" + ], + "accuracy": 91.24293785310734, + "f1": 88.86064030131826, + "precision": 87.73540489642184, + "recall": 91.24293785310734, + "main_score": 88.86064030131826 + }, + { + "hf_subset": "cor-eng", + "languages": [ + "cor-Latn", + "eng-Latn" + ], + "accuracy": 6.2, + "f1": 4.383083659794954, + "precision": 4.027861324289673, + "recall": 6.2, + "main_score": 4.383083659794954 + }, + { + "hf_subset": "cat-eng", + "languages": [ + "cat-Latn", + "eng-Latn" + ], + "accuracy": 86.8, + "f1": 84.09428571428572, + "precision": 83.00333333333333, + "recall": 86.8, + "main_score": 84.09428571428572 + }, + { + "hf_subset": "eus-eng", + "languages": [ + "eus-Latn", + "eng-Latn" + ], + "accuracy": 60.699999999999996, + "f1": 56.1584972394755, + "precision": 54.713456330903135, + "recall": 60.699999999999996, + "main_score": 56.1584972394755 + }, + { + "hf_subset": "yue-eng", + "languages": [ + "yue-Hant", + "eng-Latn" + ], + "accuracy": 84.2, + "f1": 80.66190476190475, + "precision": 79.19690476190476, + "recall": 84.2, + "main_score": 80.66190476190475 + }, + { + "hf_subset": "swe-eng", + "languages": [ + "swe-Latn", + "eng-Latn" + ], + "accuracy": 93.2, + "f1": 91.33, + "precision": 90.45, + "recall": 93.2, + "main_score": 91.33 + }, + { + "hf_subset": "dtp-eng", + "languages": [ + "dtp-Latn", + "eng-Latn" + ], + "accuracy": 6.3, + "f1": 5.126828976748276, + "precision": 4.853614328966668, + "recall": 6.3, + "main_score": 5.126828976748276 + }, + { + "hf_subset": "kat-eng", + "languages": [ + "kat-Geor", + "eng-Latn" + ], + "accuracy": 81.76943699731903, + "f1": 77.82873739308057, + "precision": 76.27622452019234, + "recall": 81.76943699731903, + "main_score": 77.82873739308057 + }, + { + "hf_subset": "jpn-eng", + "languages": [ + "jpn-Jpan", + "eng-Latn" + ], + "accuracy": 92.30000000000001, + "f1": 90.29666666666665, + "precision": 89.40333333333334, + "recall": 92.30000000000001, + "main_score": 90.29666666666665 + }, + { + "hf_subset": "csb-eng", + "languages": [ + "csb-Latn", + "eng-Latn" + ], + "accuracy": 29.249011857707508, + "f1": 24.561866096392947, + "precision": 23.356583740215456, + "recall": 29.249011857707508, + "main_score": 24.561866096392947 + }, + { + "hf_subset": "xho-eng", + "languages": [ + "xho-Latn", + "eng-Latn" + ], + "accuracy": 77.46478873239437, + "f1": 73.23943661971832, + "precision": 71.66666666666667, + "recall": 77.46478873239437, + "main_score": 73.23943661971832 + }, + { + "hf_subset": "orv-eng", + "languages": [ + "orv-Cyrl", + "eng-Latn" + ], + "accuracy": 20.35928143712575, + "f1": 15.997867865075824, + "precision": 14.882104658301346, + "recall": 20.35928143712575, + "main_score": 15.997867865075824 + }, + { + "hf_subset": "ind-eng", + "languages": [ + "ind-Latn", + "eng-Latn" + ], + "accuracy": 92.2, + "f1": 90.25999999999999, + "precision": 89.45333333333335, + "recall": 92.2, + "main_score": 90.25999999999999 + }, + { + "hf_subset": "tuk-eng", + "languages": [ + "tuk-Latn", + "eng-Latn" + ], + "accuracy": 23.15270935960591, + "f1": 19.65673625772148, + "precision": 18.793705293464992, + "recall": 23.15270935960591, + "main_score": 19.65673625772148 + }, + { + "hf_subset": "max-eng", + "languages": [ + "max-Deva", + "eng-Latn" + ], + "accuracy": 59.154929577464785, + "f1": 52.3868463305083, + "precision": 50.14938113529662, + "recall": 59.154929577464785, + "main_score": 52.3868463305083 + }, + { + "hf_subset": "swh-eng", + "languages": [ + "swh-Latn", + "eng-Latn" + ], + "accuracy": 70.51282051282051, + "f1": 66.8089133089133, + "precision": 65.37645687645687, + "recall": 70.51282051282051, + "main_score": 66.8089133089133 + }, + { + "hf_subset": "hin-eng", + "languages": [ + "hin-Deva", + "eng-Latn" + ], + "accuracy": 94.6, + "f1": 93, + "precision": 92.23333333333333, + "recall": 94.6, + "main_score": 93 + }, + { + "hf_subset": "dsb-eng", + "languages": [ + "dsb-Latn", + "eng-Latn" + ], + "accuracy": 38.62212943632568, + "f1": 34.3278276962583, + "precision": 33.07646935732408, + "recall": 38.62212943632568, + "main_score": 34.3278276962583 + }, + { + "hf_subset": "ber-eng", + "languages": [ + "ber-Tfng", + "eng-Latn" + ], + "accuracy": 28.1, + "f1": 23.579609223054604, + "precision": 22.39622774921555, + "recall": 28.1, + "main_score": 23.579609223054604 + }, + { + "hf_subset": "tam-eng", + "languages": [ + "tam-Taml", + "eng-Latn" + ], + "accuracy": 88.27361563517914, + "f1": 85.12486427795874, + "precision": 83.71335504885994, + "recall": 88.27361563517914, + "main_score": 85.12486427795874 + }, + { + "hf_subset": "slk-eng", + "languages": [ + "slk-Latn", + "eng-Latn" + ], + "accuracy": 88.6, + "f1": 86.39928571428571, + "precision": 85.4947557997558, + "recall": 88.6, + "main_score": 86.39928571428571 + }, + { + "hf_subset": "tgl-eng", + "languages": [ + "tgl-Latn", + "eng-Latn" + ], + "accuracy": 86.5, + "f1": 83.77952380952381, + "precision": 82.67602564102565, + "recall": 86.5, + "main_score": 83.77952380952381 + }, + { + "hf_subset": "ast-eng", + "languages": [ + "ast-Latn", + "eng-Latn" + ], + "accuracy": 79.52755905511812, + "f1": 75.3055868016498, + "precision": 73.81889763779527, + "recall": 79.52755905511812, + "main_score": 75.3055868016498 + }, + { + "hf_subset": "mkd-eng", + "languages": [ + "mkd-Cyrl", + "eng-Latn" + ], + "accuracy": 77.9, + "f1": 73.76261904761905, + "precision": 72.11670995670995, + "recall": 77.9, + "main_score": 73.76261904761905 + }, + { + "hf_subset": "khm-eng", + "languages": [ + "khm-Khmr", + "eng-Latn" + ], + "accuracy": 53.8781163434903, + "f1": 47.25804051288816, + "precision": 45.0603482390186, + "recall": 53.8781163434903, + "main_score": 47.25804051288816 + }, + { + "hf_subset": "ces-eng", + "languages": [ + "ces-Latn", + "eng-Latn" + ], + "accuracy": 91.10000000000001, + "f1": 88.88, + "precision": 87.96333333333334, + "recall": 91.10000000000001, + "main_score": 88.88 + }, + { + "hf_subset": "tzl-eng", + "languages": [ + "tzl-Latn", + "eng-Latn" + ], + "accuracy": 38.46153846153847, + "f1": 34.43978243978244, + "precision": 33.429487179487175, + "recall": 38.46153846153847, + "main_score": 34.43978243978244 + }, + { + "hf_subset": "urd-eng", + "languages": [ + "urd-Arab", + "eng-Latn" + ], + "accuracy": 88.9, + "f1": 86.19888888888887, + "precision": 85.07440476190476, + "recall": 88.9, + "main_score": 86.19888888888887 + }, + { + "hf_subset": "ara-eng", + "languages": [ + "ara-Arab", + "eng-Latn" + ], + "accuracy": 85.9, + "f1": 82.58857142857143, + "precision": 81.15666666666667, + "recall": 85.9, + "main_score": 82.58857142857143 + }, + { + "hf_subset": "kor-eng", + "languages": [ + "kor-Hang", + "eng-Latn" + ], + "accuracy": 86.8, + "f1": 83.36999999999999, + "precision": 81.86833333333333, + "recall": 86.8, + "main_score": 83.36999999999999 + }, + { + "hf_subset": "yid-eng", + "languages": [ + "yid-Hebr", + "eng-Latn" + ], + "accuracy": 68.51415094339622, + "f1": 63.195000099481234, + "precision": 61.394033442972116, + "recall": 68.51415094339622, + "main_score": 63.195000099481234 + }, + { + "hf_subset": "fin-eng", + "languages": [ + "fin-Latn", + "eng-Latn" + ], + "accuracy": 88.5, + "f1": 86.14603174603175, + "precision": 85.1162037037037, + "recall": 88.5, + "main_score": 86.14603174603175 + }, + { + "hf_subset": "tha-eng", + "languages": [ + "tha-Thai", + "eng-Latn" + ], + "accuracy": 95.62043795620438, + "f1": 94.40389294403892, + "precision": 93.7956204379562, + "recall": 95.62043795620438, + "main_score": 94.40389294403892 + }, + { + "hf_subset": "wuu-eng", + "languages": [ + "wuu-Hans", + "eng-Latn" + ], + "accuracy": 81.8, + "f1": 78.6532178932179, + "precision": 77.46348795840176, + "recall": 81.8, + "main_score": 78.6532178932179 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/Touche2020.json b/results/woody72__multilingual-e5-base/external/Touche2020.json new file mode 100644 index 000000000..8bc03a50a --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/Touche2020.json @@ -0,0 +1,47 @@ +{ + "dataset_revision": "None", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map_at_1": 2.603, + "map_at_10": 8.5, + "map_at_100": 12.985, + "map_at_1000": 14.466999999999999, + "map_at_3": 4.859999999999999, + "map_at_5": 5.817, + "mrr_at_1": 28.571, + "mrr_at_10": 42.331, + "mrr_at_100": 43.592999999999996, + "mrr_at_1000": 43.592999999999996, + "mrr_at_3": 38.435, + "mrr_at_5": 39.966, + "ndcg_at_1": 26.531, + "ndcg_at_10": 21.353, + "ndcg_at_100": 31.087999999999997, + "ndcg_at_1000": 43.163000000000004, + "ndcg_at_3": 22.999, + "ndcg_at_5": 21.451, + "precision_at_1": 28.571, + "precision_at_10": 19.387999999999998, + "precision_at_100": 6.265, + "precision_at_1000": 1.4160000000000001, + "precision_at_3": 24.490000000000002, + "precision_at_5": 21.224, + "recall_at_1": 2.603, + "recall_at_10": 14.474, + "recall_at_100": 40.287, + "recall_at_1000": 76.606, + "recall_at_3": 5.978, + "recall_at_5": 7.819, + "main_score": 21.353 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/ToxicConversationsClassification.json b/results/woody72__multilingual-e5-base/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..f516ce417 --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.7848, + "ap": 13.661023167088224, + "f1": 53.61686134460943, + "main_score": 69.7848 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/TweetSentimentExtractionClassification.json b/results/woody72__multilingual-e5-base/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..1e7f6cf93 --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 61.28183361629882, + "f1": 61.55481034919965, + "main_score": 61.28183361629882 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/TwentyNewsgroupsClustering.json b/results/woody72__multilingual-e5-base/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..48fc311c0 --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,18 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "v_measure": 35.972128420092396, + "main_score": 35.972128420092396 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/TwitterSemEval2015.json b/results/woody72__multilingual-e5-base/external/TwitterSemEval2015.json new file mode 100644 index 000000000..259119b24 --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 85.59933241938367, + "cos_sim_ap": 72.20760361208136, + "cos_sim_f1": 66.4447731755424, + "cos_sim_precision": 62.35539102267469, + "cos_sim_recall": 71.10817941952506, + "dot_accuracy": 78.98313166835548, + "dot_ap": 44.492521645493795, + "dot_f1": 45.814889336016094, + "dot_precision": 37.02439024390244, + "dot_recall": 60.07915567282321, + "euclidean_accuracy": 85.3907134767837, + "euclidean_ap": 71.53847289080343, + "euclidean_f1": 65.95952206778834, + "euclidean_precision": 61.31006346328196, + "euclidean_recall": 71.37203166226914, + "manhattan_accuracy": 85.40859510043511, + "manhattan_ap": 71.49664104395515, + "manhattan_f1": 65.98569969356485, + "manhattan_precision": 63.928748144482924, + "manhattan_recall": 68.17941952506597, + "max_accuracy": 85.59933241938367, + "max_ap": 72.20760361208136, + "max_f1": 66.4447731755424, + "main_score": 72.20760361208136 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/TwitterURLCorpus.json b/results/woody72__multilingual-e5-base/external/TwitterURLCorpus.json new file mode 100644 index 000000000..eca178411 --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.83261536073273, + "cos_sim_ap": 85.48178133644264, + "cos_sim_f1": 77.87816307403935, + "cos_sim_precision": 75.88953021114926, + "cos_sim_recall": 79.97382198952879, + "dot_accuracy": 79.76287499514883, + "dot_ap": 59.17438838475084, + "dot_f1": 56.34566667855996, + "dot_precision": 52.50349092359864, + "dot_recall": 60.794579611949494, + "euclidean_accuracy": 88.76857996662397, + "euclidean_ap": 85.22764834359887, + "euclidean_f1": 77.65379751543554, + "euclidean_precision": 75.11152683839401, + "euclidean_recall": 80.37419156144134, + "manhattan_accuracy": 88.6987231730508, + "manhattan_ap": 85.18907981724007, + "manhattan_f1": 77.51967028849757, + "manhattan_precision": 75.49992701795358, + "manhattan_recall": 79.65044656606098, + "max_accuracy": 88.83261536073273, + "max_ap": 85.48178133644264, + "max_f1": 77.87816307403935, + "main_score": 85.48178133644264 + } + ] + } +} \ No newline at end of file diff --git a/results/woody72__multilingual-e5-base/external/model_meta.json b/results/woody72__multilingual-e5-base/external/model_meta.json new file mode 100644 index 000000000..1aabbf2b1 --- /dev/null +++ b/results/woody72__multilingual-e5-base/external/model_meta.json @@ -0,0 +1,117 @@ +{ + "name": "woody72/multilingual-e5-base", + "revision": "7751418c34b964e4b5e7b372f6a4e59b9a5d6eb6", + "release_date": "2023-11-05", + "languages": [ + "multilingual", + "af", + "am", + "ar", + "as", + "az", + "be", + "bg", + "bn", + "br", + "bs", + "ca", + "cs", + "cy", + "da", + "de", + "el", + "en", + "eo", + "es", + "et", + "eu", + "fa", + "fi", + "fr", + "fy", + "ga", + "gd", + "gl", + "gu", + "ha", + "he", + "hi", + "hr", + "hu", + "hy", + "id", + "is", + "it", + "ja", + "jv", + "ka", + "kk", + "km", + "kn", + "ko", + "ku", + "ky", + "la", + "lo", + "lt", + "lv", + "mg", + "mk", + "ml", + "mn", + "mr", + "ms", + "my", + "ne", + "nl", + "no", + "om", + "or", + "pa", + "pl", + "ps", + "pt", + "ro", + "ru", + "sa", + "sd", + "si", + "sk", + "sl", + "so", + "sq", + "sr", + "su", + "sv", + "sw", + "ta", + "te", + "th", + "tl", + "tr", + "ug", + "uk", + "ur", + "uz", + "vi", + "xh", + "yi", + "zh" + ], + "loader": null, + "n_parameters": 278044162, + "memory_usage": null, + "max_tokens": 514, + "embed_dim": 768, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/zeroshot__gte-large-quant/external/BIOSSES.json b/results/zeroshot__gte-large-quant/external/BIOSSES.json new file mode 100644 index 000000000..b466cd0f6 --- /dev/null +++ b/results/zeroshot__gte-large-quant/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 90.27260027646717, + "cos_sim_spearman": 87.97790825077952, + "euclidean_pearson": 88.42832241523092, + "euclidean_spearman": 87.97248644049293, + "manhattan_pearson": 88.13802465778512, + "manhattan_spearman": 87.43391995202266, + "cosine_pearson": 90.27260027646717, + "cosine_spearman": 87.97790825077952, + "main_score": 87.97790825077952 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-large-quant/external/SICK-R.json b/results/zeroshot__gte-large-quant/external/SICK-R.json new file mode 100644 index 000000000..3567c1ee3 --- /dev/null +++ b/results/zeroshot__gte-large-quant/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.1416039713116, + "cos_sim_spearman": 79.13359419669726, + "euclidean_pearson": 83.08042050989465, + "euclidean_spearman": 79.31565112619433, + "manhattan_pearson": 83.10376638254372, + "manhattan_spearman": 79.30772376012946, + "cosine_pearson": 85.1416039713116, + "cosine_spearman": 79.13359419669726, + "main_score": 79.13359419669726 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-large-quant/external/STS12.json b/results/zeroshot__gte-large-quant/external/STS12.json new file mode 100644 index 000000000..98508d7d6 --- /dev/null +++ b/results/zeroshot__gte-large-quant/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.93030439955828, + "cos_sim_spearman": 75.98104622572393, + "euclidean_pearson": 81.20791722502764, + "euclidean_spearman": 75.74595761987686, + "manhattan_pearson": 81.23169425598003, + "manhattan_spearman": 75.73065403644094, + "cosine_pearson": 84.93030439955828, + "cosine_spearman": 75.98104622572393, + "main_score": 75.98104622572393 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-large-quant/external/STS13.json b/results/zeroshot__gte-large-quant/external/STS13.json new file mode 100644 index 000000000..3685763bd --- /dev/null +++ b/results/zeroshot__gte-large-quant/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.6693892097855, + "cos_sim_spearman": 87.54973524492165, + "euclidean_pearson": 86.55642466103943, + "euclidean_spearman": 87.47921340148683, + "manhattan_pearson": 86.52043275063926, + "manhattan_spearman": 87.43869426658489, + "cosine_pearson": 85.6693892097855, + "cosine_spearman": 87.54973524492165, + "main_score": 87.54973524492165 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-large-quant/external/STS14.json b/results/zeroshot__gte-large-quant/external/STS14.json new file mode 100644 index 000000000..392ce074d --- /dev/null +++ b/results/zeroshot__gte-large-quant/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.37393784507647, + "cos_sim_spearman": 81.98702164762233, + "euclidean_pearson": 84.22038158338351, + "euclidean_spearman": 81.9872746771322, + "manhattan_pearson": 84.21915949674062, + "manhattan_spearman": 81.97923386273747, + "cosine_pearson": 84.37393784507647, + "cosine_spearman": 81.98702164762233, + "main_score": 81.98702164762233 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-large-quant/external/STS15.json b/results/zeroshot__gte-large-quant/external/STS15.json new file mode 100644 index 000000000..9c04356da --- /dev/null +++ b/results/zeroshot__gte-large-quant/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.34477744314285, + "cos_sim_spearman": 88.92669309789463, + "euclidean_pearson": 88.20128441166663, + "euclidean_spearman": 88.91524205114627, + "manhattan_pearson": 88.24425729639415, + "manhattan_spearman": 88.97457451709523, + "cosine_pearson": 87.34477744314285, + "cosine_spearman": 88.92669309789463, + "main_score": 88.92669309789463 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-large-quant/external/STS16.json b/results/zeroshot__gte-large-quant/external/STS16.json new file mode 100644 index 000000000..0c54aa5b4 --- /dev/null +++ b/results/zeroshot__gte-large-quant/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.11827015492467, + "cos_sim_spearman": 83.59397157586835, + "euclidean_pearson": 82.97284591328044, + "euclidean_spearman": 83.74509747941255, + "manhattan_pearson": 82.974440264842, + "manhattan_spearman": 83.72260506292083, + "cosine_pearson": 82.11827015492467, + "cosine_spearman": 83.59397157586835, + "main_score": 83.59397157586835 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-large-quant/external/STS17.json b/results/zeroshot__gte-large-quant/external/STS17.json new file mode 100644 index 000000000..744889555 --- /dev/null +++ b/results/zeroshot__gte-large-quant/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.29744487677577, + "cos_sim_spearman": 88.50799779856109, + "euclidean_pearson": 89.0149154609955, + "euclidean_spearman": 88.72798794474068, + "manhattan_pearson": 89.14318227078863, + "manhattan_spearman": 88.98372697017017, + "cosine_pearson": 88.29744487677577, + "cosine_spearman": 88.50799779856109, + "main_score": 88.50799779856109 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-large-quant/external/STS22.json b/results/zeroshot__gte-large-quant/external/STS22.json new file mode 100644 index 000000000..c749374ad --- /dev/null +++ b/results/zeroshot__gte-large-quant/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 70.114540107077, + "cos_sim_spearman": 69.72244488054433, + "euclidean_pearson": 70.03658853094686, + "euclidean_spearman": 68.96035610557085, + "manhattan_pearson": 69.83707789686764, + "manhattan_spearman": 68.71831797289812, + "cosine_pearson": 70.114540107077, + "cosine_spearman": 69.72244488054433, + "main_score": 69.72244488054433 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-large-quant/external/STSBenchmark.json b/results/zeroshot__gte-large-quant/external/STSBenchmark.json new file mode 100644 index 000000000..a008fa3bb --- /dev/null +++ b/results/zeroshot__gte-large-quant/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.86664469775837, + "cos_sim_spearman": 85.39649452953681, + "euclidean_pearson": 85.68509956626748, + "euclidean_spearman": 85.50984027606854, + "manhattan_pearson": 85.6688745008871, + "manhattan_spearman": 85.465201888803, + "cosine_pearson": 84.86664469775837, + "cosine_spearman": 85.39649452953681, + "main_score": 85.39649452953681 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-large-quant/external/SprintDuplicateQuestions.json b/results/zeroshot__gte-large-quant/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..c5a763ab2 --- /dev/null +++ b/results/zeroshot__gte-large-quant/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.8079207920792, + "cos_sim_ap": 95.62897445718106, + "cos_sim_f1": 90.03083247687564, + "cos_sim_precision": 92.60042283298098, + "cos_sim_recall": 87.6, + "dot_accuracy": 99.67029702970297, + "dot_ap": 90.20258347721159, + "dot_f1": 83.06172839506172, + "dot_precision": 82.04878048780488, + "dot_recall": 84.1, + "euclidean_accuracy": 99.80594059405941, + "euclidean_ap": 95.53963697283662, + "euclidean_f1": 89.92405063291139, + "euclidean_precision": 91.07692307692308, + "euclidean_recall": 88.8, + "manhattan_accuracy": 99.80594059405941, + "manhattan_ap": 95.55714505339634, + "manhattan_f1": 90.06085192697769, + "manhattan_precision": 91.35802469135803, + "manhattan_recall": 88.8, + "max_accuracy": 99.8079207920792, + "max_ap": 95.62897445718106, + "max_f1": 90.06085192697769, + "main_score": 95.62897445718106 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-large-quant/external/TwitterSemEval2015.json b/results/zeroshot__gte-large-quant/external/TwitterSemEval2015.json new file mode 100644 index 000000000..bd32b2d25 --- /dev/null +++ b/results/zeroshot__gte-large-quant/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 85.87351731537224, + "cos_sim_ap": 72.87360532701162, + "cos_sim_f1": 67.8826895565093, + "cos_sim_precision": 61.918225315354505, + "cos_sim_recall": 75.11873350923483, + "dot_accuracy": 80.15139774691542, + "dot_ap": 53.5201503222712, + "dot_f1": 53.42203179614388, + "dot_precision": 46.64303996849773, + "dot_recall": 62.50659630606861, + "euclidean_accuracy": 85.87351731537224, + "euclidean_ap": 73.10465263888227, + "euclidean_f1": 68.38209376101516, + "euclidean_precision": 61.63948316034739, + "euclidean_recall": 76.78100263852242, + "manhattan_accuracy": 85.83775406806939, + "manhattan_ap": 73.08358693248583, + "manhattan_f1": 68.34053485927829, + "manhattan_precision": 61.303163628745025, + "manhattan_recall": 77.20316622691293, + "max_accuracy": 85.87351731537224, + "max_ap": 73.10465263888227, + "max_f1": 68.38209376101516, + "main_score": 73.10465263888227 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-large-quant/external/TwitterURLCorpus.json b/results/zeroshot__gte-large-quant/external/TwitterURLCorpus.json new file mode 100644 index 000000000..659ed7cbf --- /dev/null +++ b/results/zeroshot__gte-large-quant/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.85202002561415, + "cos_sim_ap": 85.58170945333845, + "cos_sim_f1": 77.87783280804442, + "cos_sim_precision": 75.95140515222482, + "cos_sim_recall": 79.90452725592854, + "dot_accuracy": 85.29902588582296, + "dot_ap": 76.95795800483633, + "dot_f1": 71.30231900452489, + "dot_precision": 65.91503267973856, + "dot_recall": 77.6485987064983, + "euclidean_accuracy": 88.80738929638684, + "euclidean_ap": 85.5344499509856, + "euclidean_f1": 77.9805854353285, + "euclidean_precision": 75.97312495435624, + "euclidean_recall": 80.09701262704034, + "manhattan_accuracy": 88.7782822990647, + "manhattan_ap": 85.52577812395661, + "manhattan_f1": 77.97958958110746, + "manhattan_precision": 74.76510067114094, + "manhattan_recall": 81.48290729904527, + "max_accuracy": 88.85202002561415, + "max_ap": 85.58170945333845, + "max_f1": 77.9805854353285, + "main_score": 85.58170945333845 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-large-quant/external/model_meta.json b/results/zeroshot__gte-large-quant/external/model_meta.json new file mode 100644 index 000000000..0eabb5348 --- /dev/null +++ b/results/zeroshot__gte-large-quant/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "zeroshot/gte-large-quant", + "revision": "a8754aa9d6158cb823ef402504e17b8d1d49d3e0", + "release_date": "2023-10-15", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 1024, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/zeroshot__gte-large-sparse/external/BIOSSES.json b/results/zeroshot__gte-large-sparse/external/BIOSSES.json new file mode 100644 index 000000000..b1236fdb8 --- /dev/null +++ b/results/zeroshot__gte-large-sparse/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.64253410928214, + "cos_sim_spearman": 85.83388349410652, + "euclidean_pearson": 86.86126159318735, + "euclidean_spearman": 85.61580623591163, + "manhattan_pearson": 86.6901132883383, + "manhattan_spearman": 85.60255292187769, + "cosine_pearson": 88.64253410928214, + "cosine_spearman": 85.83388349410652, + "main_score": 85.83388349410652 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-large-sparse/external/SICK-R.json b/results/zeroshot__gte-large-sparse/external/SICK-R.json new file mode 100644 index 000000000..9e4f29bc4 --- /dev/null +++ b/results/zeroshot__gte-large-sparse/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.23314640591607, + "cos_sim_spearman": 79.00078545104338, + "euclidean_pearson": 83.48009254500714, + "euclidean_spearman": 78.95413001389939, + "manhattan_pearson": 83.46945566025941, + "manhattan_spearman": 78.9241707208135, + "cosine_pearson": 85.23314640591607, + "cosine_spearman": 79.00078545104338, + "main_score": 79.00078545104338 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-large-sparse/external/STS12.json b/results/zeroshot__gte-large-sparse/external/STS12.json new file mode 100644 index 000000000..95b1a6f6a --- /dev/null +++ b/results/zeroshot__gte-large-sparse/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.77526666043804, + "cos_sim_spearman": 73.4849063285867, + "euclidean_pearson": 78.04477932740524, + "euclidean_spearman": 73.01394205771743, + "manhattan_pearson": 78.08836684503294, + "manhattan_spearman": 73.05074711098149, + "cosine_pearson": 81.77526666043804, + "cosine_spearman": 73.4849063285867, + "main_score": 73.4849063285867 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-large-sparse/external/STS13.json b/results/zeroshot__gte-large-sparse/external/STS13.json new file mode 100644 index 000000000..c25746c74 --- /dev/null +++ b/results/zeroshot__gte-large-sparse/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.57839215661352, + "cos_sim_spearman": 86.13854767345153, + "euclidean_pearson": 85.12712609946449, + "euclidean_spearman": 85.52497994789026, + "manhattan_pearson": 85.06833141611173, + "manhattan_spearman": 85.45003068636466, + "cosine_pearson": 84.57839215661352, + "cosine_spearman": 86.13854767345153, + "main_score": 86.13854767345153 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-large-sparse/external/STS14.json b/results/zeroshot__gte-large-sparse/external/STS14.json new file mode 100644 index 000000000..e7b592706 --- /dev/null +++ b/results/zeroshot__gte-large-sparse/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.30485126978374, + "cos_sim_spearman": 80.36497172462357, + "euclidean_pearson": 82.91977909424605, + "euclidean_spearman": 80.16995106297438, + "manhattan_pearson": 82.88200991402184, + "manhattan_spearman": 80.14259757215227, + "cosine_pearson": 83.30485126978374, + "cosine_spearman": 80.36497172462357, + "main_score": 80.36497172462357 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-large-sparse/external/STS15.json b/results/zeroshot__gte-large-sparse/external/STS15.json new file mode 100644 index 000000000..5411a322d --- /dev/null +++ b/results/zeroshot__gte-large-sparse/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.99883111314007, + "cos_sim_spearman": 88.531352572377, + "euclidean_pearson": 87.96834578059067, + "euclidean_spearman": 88.44800718542935, + "manhattan_pearson": 87.94889391725033, + "manhattan_spearman": 88.45467695837115, + "cosine_pearson": 86.99883111314007, + "cosine_spearman": 88.531352572377, + "main_score": 88.531352572377 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-large-sparse/external/STS16.json b/results/zeroshot__gte-large-sparse/external/STS16.json new file mode 100644 index 000000000..2c50d9998 --- /dev/null +++ b/results/zeroshot__gte-large-sparse/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.4636984892402, + "cos_sim_spearman": 84.0808920789148, + "euclidean_pearson": 83.70613486028309, + "euclidean_spearman": 84.35941626905009, + "manhattan_pearson": 83.70259457073782, + "manhattan_spearman": 84.35496521501604, + "cosine_pearson": 82.4636984892402, + "cosine_spearman": 84.0808920789148, + "main_score": 84.0808920789148 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-large-sparse/external/STS17.json b/results/zeroshot__gte-large-sparse/external/STS17.json new file mode 100644 index 000000000..59361c84a --- /dev/null +++ b/results/zeroshot__gte-large-sparse/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 88.76172944971023, + "cos_sim_spearman": 89.4190945039165, + "euclidean_pearson": 89.47263005347381, + "euclidean_spearman": 89.49228360724095, + "manhattan_pearson": 89.49959868816694, + "manhattan_spearman": 89.5314536157954, + "cosine_pearson": 88.76172944971023, + "cosine_spearman": 89.4190945039165, + "main_score": 89.4190945039165 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-large-sparse/external/STS22.json b/results/zeroshot__gte-large-sparse/external/STS22.json new file mode 100644 index 000000000..d278fc13f --- /dev/null +++ b/results/zeroshot__gte-large-sparse/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 64.57158223787549, + "cos_sim_spearman": 66.75053533168037, + "euclidean_pearson": 66.45526604831747, + "euclidean_spearman": 66.14567667353113, + "manhattan_pearson": 66.47352000151176, + "manhattan_spearman": 66.21099856852885, + "cosine_pearson": 64.57158223787549, + "cosine_spearman": 66.75053533168037, + "main_score": 66.75053533168037 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-large-sparse/external/STSBenchmark.json b/results/zeroshot__gte-large-sparse/external/STSBenchmark.json new file mode 100644 index 000000000..28a32a803 --- /dev/null +++ b/results/zeroshot__gte-large-sparse/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 85.055653571006, + "cos_sim_spearman": 85.45387832634702, + "euclidean_pearson": 86.31667154906651, + "euclidean_spearman": 85.66079590537946, + "manhattan_pearson": 86.2806853257308, + "manhattan_spearman": 85.63700636713952, + "cosine_pearson": 85.055653571006, + "cosine_spearman": 85.45387832634702, + "main_score": 85.45387832634702 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-large-sparse/external/SprintDuplicateQuestions.json b/results/zeroshot__gte-large-sparse/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..2de912fcb --- /dev/null +++ b/results/zeroshot__gte-large-sparse/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.78811881188119, + "cos_sim_ap": 94.67027715905307, + "cos_sim_f1": 89.33074684772066, + "cos_sim_precision": 86.7231638418079, + "cos_sim_recall": 92.10000000000001, + "dot_accuracy": 99.47128712871287, + "dot_ap": 78.41478815918727, + "dot_f1": 73.30049261083744, + "dot_precision": 72.23300970873787, + "dot_recall": 74.4, + "euclidean_accuracy": 99.78415841584159, + "euclidean_ap": 94.60075930867181, + "euclidean_f1": 89.12175648702593, + "euclidean_precision": 88.94422310756973, + "euclidean_recall": 89.3, + "manhattan_accuracy": 99.78415841584159, + "manhattan_ap": 94.62867439278095, + "manhattan_f1": 89.2337536372454, + "manhattan_precision": 86.62900188323917, + "manhattan_recall": 92.0, + "max_accuracy": 99.78811881188119, + "max_ap": 94.67027715905307, + "max_f1": 89.33074684772066, + "main_score": 94.67027715905307 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-large-sparse/external/TwitterSemEval2015.json b/results/zeroshot__gte-large-sparse/external/TwitterSemEval2015.json new file mode 100644 index 000000000..a764e728e --- /dev/null +++ b/results/zeroshot__gte-large-sparse/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 85.09864695714371, + "cos_sim_ap": 70.33704198164713, + "cos_sim_f1": 66.22893954410307, + "cos_sim_precision": 62.42410088743577, + "cos_sim_recall": 70.52770448548813, + "dot_accuracy": 79.11426357513263, + "dot_ap": 49.15484584572233, + "dot_f1": 51.12580243364951, + "dot_precision": 40.13840830449827, + "dot_recall": 70.3957783641161, + "euclidean_accuracy": 85.15825236931514, + "euclidean_ap": 70.51017350854076, + "euclidean_f1": 66.45416294785159, + "euclidean_precision": 64.29805082654823, + "euclidean_recall": 68.7598944591029, + "manhattan_accuracy": 85.1403707456637, + "manhattan_ap": 70.47587863399994, + "manhattan_f1": 66.4576802507837, + "manhattan_precision": 63.32138590203107, + "manhattan_recall": 69.92084432717678, + "max_accuracy": 85.15825236931514, + "max_ap": 70.51017350854076, + "max_f1": 66.4576802507837, + "main_score": 70.51017350854076 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-large-sparse/external/TwitterURLCorpus.json b/results/zeroshot__gte-large-sparse/external/TwitterURLCorpus.json new file mode 100644 index 000000000..398922679 --- /dev/null +++ b/results/zeroshot__gte-large-sparse/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.8539604921023, + "cos_sim_ap": 85.71869912577101, + "cos_sim_f1": 78.00535626720983, + "cos_sim_precision": 76.46232344893885, + "cos_sim_recall": 79.61194949183862, + "dot_accuracy": 84.57717235223348, + "dot_ap": 74.89496650237145, + "dot_f1": 69.05327823892932, + "dot_precision": 65.75666829166377, + "dot_recall": 72.69787496150293, + "euclidean_accuracy": 88.89471028835332, + "euclidean_ap": 85.75169460500409, + "euclidean_f1": 78.17055393586006, + "euclidean_precision": 74.21118184334348, + "euclidean_recall": 82.57622420696026, + "manhattan_accuracy": 88.92187681918733, + "manhattan_ap": 85.7496679471825, + "manhattan_f1": 78.11088295687884, + "manhattan_precision": 75.82083061535117, + "manhattan_recall": 80.5435786880197, + "max_accuracy": 88.92187681918733, + "max_ap": 85.75169460500409, + "max_f1": 78.17055393586006, + "main_score": 85.75169460500409 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-large-sparse/external/model_meta.json b/results/zeroshot__gte-large-sparse/external/model_meta.json new file mode 100644 index 000000000..171e7bbf6 --- /dev/null +++ b/results/zeroshot__gte-large-sparse/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "zeroshot/gte-large-sparse", + "revision": "47911f8c9000fc55a4820501a2ed6b5eb1b60518", + "release_date": "2023-10-15", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 1024, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/zeroshot__gte-small-quant/external/AmazonCounterfactualClassification.json b/results/zeroshot__gte-small-quant/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..d6f9c644d --- /dev/null +++ b/results/zeroshot__gte-small-quant/external/AmazonCounterfactualClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 72.88059701492537, + "ap": 35.74239003564444, + "f1": 66.98065758287116, + "main_score": 72.88059701492537 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-small-quant/external/AmazonPolarityClassification.json b/results/zeroshot__gte-small-quant/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..31962f56f --- /dev/null +++ b/results/zeroshot__gte-small-quant/external/AmazonPolarityClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 91.031575, + "ap": 87.60741691468986, + "f1": 91.00983458583187, + "main_score": 91.031575 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-small-quant/external/AmazonReviewsClassification.json b/results/zeroshot__gte-small-quant/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..dfa4f774c --- /dev/null +++ b/results/zeroshot__gte-small-quant/external/AmazonReviewsClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 46.943999999999996, + "f1": 46.33280307575562, + "main_score": 46.943999999999996 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-small-quant/external/AskUbuntuDupQuestions.json b/results/zeroshot__gte-small-quant/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..7ed70ce3a --- /dev/null +++ b/results/zeroshot__gte-small-quant/external/AskUbuntuDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 60.75683986813218, + "mrr": 73.51624675724399, + "main_score": 60.75683986813218 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-small-quant/external/BIOSSES.json b/results/zeroshot__gte-small-quant/external/BIOSSES.json new file mode 100644 index 000000000..3505d73d2 --- /dev/null +++ b/results/zeroshot__gte-small-quant/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 89.07092347634877, + "cos_sim_spearman": 87.80621759170344, + "euclidean_pearson": 87.29751551472525, + "euclidean_spearman": 87.5634409755362, + "manhattan_pearson": 87.56100206227441, + "manhattan_spearman": 87.45982415672536, + "cosine_pearson": 89.07092347634877, + "cosine_spearman": 87.80621759170344, + "main_score": 87.80621759170344 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-small-quant/external/Banking77Classification.json b/results/zeroshot__gte-small-quant/external/Banking77Classification.json new file mode 100644 index 000000000..d932f6d59 --- /dev/null +++ b/results/zeroshot__gte-small-quant/external/Banking77Classification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 83.46753246753246, + "f1": 83.39526091362032, + "main_score": 83.46753246753246 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-small-quant/external/EmotionClassification.json b/results/zeroshot__gte-small-quant/external/EmotionClassification.json new file mode 100644 index 000000000..a4c8eaa46 --- /dev/null +++ b/results/zeroshot__gte-small-quant/external/EmotionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 45.800000000000004, + "f1": 40.76055487612189, + "main_score": 45.800000000000004 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-small-quant/external/ImdbClassification.json b/results/zeroshot__gte-small-quant/external/ImdbClassification.json new file mode 100644 index 000000000..88cc9e89e --- /dev/null +++ b/results/zeroshot__gte-small-quant/external/ImdbClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 85.0096, + "ap": 79.91059611360778, + "f1": 84.9738791599706, + "main_score": 85.0096 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-small-quant/external/MTOPDomainClassification.json b/results/zeroshot__gte-small-quant/external/MTOPDomainClassification.json new file mode 100644 index 000000000..047a743f2 --- /dev/null +++ b/results/zeroshot__gte-small-quant/external/MTOPDomainClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 92.51025991792065, + "f1": 92.2852224639839, + "main_score": 92.51025991792065 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-small-quant/external/MTOPIntentClassification.json b/results/zeroshot__gte-small-quant/external/MTOPIntentClassification.json new file mode 100644 index 000000000..806dec56d --- /dev/null +++ b/results/zeroshot__gte-small-quant/external/MTOPIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.61924304605563, + "f1": 51.832892524807505, + "main_score": 69.61924304605563 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-small-quant/external/MassiveIntentClassification.json b/results/zeroshot__gte-small-quant/external/MassiveIntentClassification.json new file mode 100644 index 000000000..1cc5e90e5 --- /dev/null +++ b/results/zeroshot__gte-small-quant/external/MassiveIntentClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "31efe3c427b0bae9c22cbb560b8f15491cc6bed7", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 70.2320107599193, + "f1": 68.03367707473218, + "main_score": 70.2320107599193 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-small-quant/external/MassiveScenarioClassification.json b/results/zeroshot__gte-small-quant/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..8d15a1a61 --- /dev/null +++ b/results/zeroshot__gte-small-quant/external/MassiveScenarioClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "7d571f92784cd94a019292a1f45445077d0ef634", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.28581035642232, + "f1": 75.43554941058956, + "main_score": 75.28581035642232 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-small-quant/external/SICK-R.json b/results/zeroshot__gte-small-quant/external/SICK-R.json new file mode 100644 index 000000000..bdbdf721c --- /dev/null +++ b/results/zeroshot__gte-small-quant/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a6ea5a8cab320b040a23452cc28066d9beae2cee", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 83.58628262329275, + "cos_sim_spearman": 77.30534089053104, + "euclidean_pearson": 80.86400799226335, + "euclidean_spearman": 77.26947744139412, + "manhattan_pearson": 80.79442484789072, + "manhattan_spearman": 77.18043722794019, + "cosine_pearson": 83.58628262329275, + "cosine_spearman": 77.30534089053104, + "main_score": 77.30534089053104 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-small-quant/external/STS12.json b/results/zeroshot__gte-small-quant/external/STS12.json new file mode 100644 index 000000000..19ee45d49 --- /dev/null +++ b/results/zeroshot__gte-small-quant/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.77293561742106, + "cos_sim_spearman": 73.98616407095425, + "euclidean_pearson": 78.7096804108132, + "euclidean_spearman": 73.52379687387366, + "manhattan_pearson": 78.80694876432868, + "manhattan_spearman": 73.64907838788528, + "cosine_pearson": 82.77293561742106, + "cosine_spearman": 73.98616407095425, + "main_score": 73.98616407095425 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-small-quant/external/STS13.json b/results/zeroshot__gte-small-quant/external/STS13.json new file mode 100644 index 000000000..efad98778 --- /dev/null +++ b/results/zeroshot__gte-small-quant/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 82.12995363427328, + "cos_sim_spearman": 84.23345798311749, + "euclidean_pearson": 83.94003648503143, + "euclidean_spearman": 84.74522675669463, + "manhattan_pearson": 83.82868963165394, + "manhattan_spearman": 84.61059125620956, + "cosine_pearson": 82.12995363427328, + "cosine_spearman": 84.23345798311749, + "main_score": 84.23345798311749 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-small-quant/external/STS14.json b/results/zeroshot__gte-small-quant/external/STS14.json new file mode 100644 index 000000000..aed468196 --- /dev/null +++ b/results/zeroshot__gte-small-quant/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.88504872832357, + "cos_sim_spearman": 80.09345991196561, + "euclidean_pearson": 81.99899431994811, + "euclidean_spearman": 80.25520445997002, + "manhattan_pearson": 81.9635758954928, + "manhattan_spearman": 80.24335353637277, + "cosine_pearson": 81.88504872832357, + "cosine_spearman": 80.09345991196561, + "main_score": 80.09345991196561 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-small-quant/external/STS15.json b/results/zeroshot__gte-small-quant/external/STS15.json new file mode 100644 index 000000000..6fd74b7d8 --- /dev/null +++ b/results/zeroshot__gte-small-quant/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 86.55052353126385, + "cos_sim_spearman": 88.1950992730786, + "euclidean_pearson": 87.83472249083056, + "euclidean_spearman": 88.43301043636015, + "manhattan_pearson": 87.75102815516877, + "manhattan_spearman": 88.34719608377306, + "cosine_pearson": 86.55052353126385, + "cosine_spearman": 88.1950992730786, + "main_score": 88.1950992730786 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-small-quant/external/STS16.json b/results/zeroshot__gte-small-quant/external/STS16.json new file mode 100644 index 000000000..4007f192b --- /dev/null +++ b/results/zeroshot__gte-small-quant/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 81.58832350766542, + "cos_sim_spearman": 83.60857270697358, + "euclidean_pearson": 82.9059299279255, + "euclidean_spearman": 83.87380773329784, + "manhattan_pearson": 82.76009241925925, + "manhattan_spearman": 83.72876466499108, + "cosine_pearson": 81.58832350766542, + "cosine_spearman": 83.60857270697358, + "main_score": 83.60857270697358 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-small-quant/external/STS17.json b/results/zeroshot__gte-small-quant/external/STS17.json new file mode 100644 index 000000000..0c17cbfbf --- /dev/null +++ b/results/zeroshot__gte-small-quant/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "af5e6fb845001ecf41f4c1e033ce921939a2a68d", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 87.96440735880392, + "cos_sim_spearman": 87.79655666183349, + "euclidean_pearson": 88.47129589774806, + "euclidean_spearman": 87.95235258398374, + "manhattan_pearson": 88.37144209103296, + "manhattan_spearman": 87.81869790317533, + "cosine_pearson": 87.96440735880392, + "cosine_spearman": 87.79655666183349, + "main_score": 87.79655666183349 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-small-quant/external/STS22.json b/results/zeroshot__gte-small-quant/external/STS22.json new file mode 100644 index 000000000..86b782a4d --- /dev/null +++ b/results/zeroshot__gte-small-quant/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6d1ba47164174a496b7fa5d3569dae26a6813b80", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 66.66468384683428, + "cos_sim_spearman": 66.84275911821702, + "euclidean_pearson": 67.73972664535547, + "euclidean_spearman": 66.57863145583491, + "manhattan_pearson": 67.91309920462287, + "manhattan_spearman": 66.67487869242575, + "cosine_pearson": 66.66468384683428, + "cosine_spearman": 66.84275911821702, + "main_score": 66.84275911821702 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-small-quant/external/STSBenchmark.json b/results/zeroshot__gte-small-quant/external/STSBenchmark.json new file mode 100644 index 000000000..2054d83dc --- /dev/null +++ b/results/zeroshot__gte-small-quant/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_pearson": 84.07668437020894, + "cos_sim_spearman": 85.13186558138277, + "euclidean_pearson": 85.28607166042313, + "euclidean_spearman": 85.25082312265897, + "manhattan_pearson": 85.0870328315141, + "manhattan_spearman": 85.10612962221282, + "cosine_pearson": 84.07668437020894, + "cosine_spearman": 85.13186558138277, + "main_score": 85.13186558138277 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-small-quant/external/SciDocsRR.json b/results/zeroshot__gte-small-quant/external/SciDocsRR.json new file mode 100644 index 000000000..bd419579e --- /dev/null +++ b/results/zeroshot__gte-small-quant/external/SciDocsRR.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 84.33835340608282, + "mrr": 95.54063220729888, + "main_score": 84.33835340608282 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-small-quant/external/SprintDuplicateQuestions.json b/results/zeroshot__gte-small-quant/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..186071940 --- /dev/null +++ b/results/zeroshot__gte-small-quant/external/SprintDuplicateQuestions.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.81386138613861, + "cos_sim_ap": 95.49398397880566, + "cos_sim_f1": 90.5050505050505, + "cos_sim_precision": 91.42857142857143, + "cos_sim_recall": 89.60000000000001, + "dot_accuracy": 99.75742574257426, + "dot_ap": 93.40675781804289, + "dot_f1": 87.45519713261648, + "dot_precision": 89.61175236096537, + "dot_recall": 85.39999999999999, + "euclidean_accuracy": 99.81485148514851, + "euclidean_ap": 95.39724876386569, + "euclidean_f1": 90.5793450881612, + "euclidean_precision": 91.26903553299492, + "euclidean_recall": 89.9, + "manhattan_accuracy": 99.81485148514851, + "manhattan_ap": 95.46515830873487, + "manhattan_f1": 90.56974459724951, + "manhattan_precision": 88.996138996139, + "manhattan_recall": 92.2, + "max_accuracy": 99.81485148514851, + "max_ap": 95.49398397880566, + "max_f1": 90.5793450881612, + "main_score": 95.49398397880566 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-small-quant/external/StackOverflowDupQuestions.json b/results/zeroshot__gte-small-quant/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..3c9ff2acb --- /dev/null +++ b/results/zeroshot__gte-small-quant/external/StackOverflowDupQuestions.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "map": 51.68384236354744, + "mrr": 52.52933749257278, + "main_score": 51.68384236354744 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-small-quant/external/ToxicConversationsClassification.json b/results/zeroshot__gte-small-quant/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..c435fa1ff --- /dev/null +++ b/results/zeroshot__gte-small-quant/external/ToxicConversationsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d7c0de2777da35d6aae2200a62c6e0e5af397c4c", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 69.7972, + "ap": 13.790209566654962, + "f1": 53.73625700975159, + "main_score": 69.7972 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-small-quant/external/TweetSentimentExtractionClassification.json b/results/zeroshot__gte-small-quant/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..f6ab82f77 --- /dev/null +++ b/results/zeroshot__gte-small-quant/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 57.81550650820599, + "f1": 58.22494506904567, + "main_score": 57.81550650820599 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-small-quant/external/TwitterSemEval2015.json b/results/zeroshot__gte-small-quant/external/TwitterSemEval2015.json new file mode 100644 index 000000000..cf2f0b162 --- /dev/null +++ b/results/zeroshot__gte-small-quant/external/TwitterSemEval2015.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 84.30589497526375, + "cos_sim_ap": 68.60854966172107, + "cos_sim_f1": 65.06926244852113, + "cos_sim_precision": 61.733364906464594, + "cos_sim_recall": 68.7862796833773, + "dot_accuracy": 81.63557250998392, + "dot_ap": 58.80135920860792, + "dot_f1": 57.39889705882353, + "dot_precision": 50.834350834350836, + "dot_recall": 65.91029023746702, + "euclidean_accuracy": 84.37742146986946, + "euclidean_ap": 68.88494996210581, + "euclidean_f1": 65.23647001462702, + "euclidean_precision": 60.62528318985048, + "euclidean_recall": 70.60686015831135, + "manhattan_accuracy": 84.21648685700661, + "manhattan_ap": 68.54917405273397, + "manhattan_f1": 64.97045701193778, + "manhattan_precision": 59.826782145236514, + "manhattan_recall": 71.08179419525065, + "max_accuracy": 84.37742146986946, + "max_ap": 68.88494996210581, + "max_f1": 65.23647001462702, + "main_score": 68.88494996210581 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-small-quant/external/TwitterURLCorpus.json b/results/zeroshot__gte-small-quant/external/TwitterURLCorpus.json new file mode 100644 index 000000000..e819b490c --- /dev/null +++ b/results/zeroshot__gte-small-quant/external/TwitterURLCorpus.json @@ -0,0 +1,40 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 88.60752124810804, + "cos_sim_ap": 85.16030341274225, + "cos_sim_f1": 77.50186985789081, + "cos_sim_precision": 75.34904013961605, + "cos_sim_recall": 79.781336618417, + "dot_accuracy": 86.00147475453099, + "dot_ap": 79.24446611557556, + "dot_f1": 72.34317740892433, + "dot_precision": 67.81624680048498, + "dot_recall": 77.51770865414228, + "euclidean_accuracy": 88.7026041060271, + "euclidean_ap": 85.30879801684605, + "euclidean_f1": 77.60992108229988, + "euclidean_precision": 75.80384671854354, + "euclidean_recall": 79.50415768401602, + "manhattan_accuracy": 88.75305623471883, + "manhattan_ap": 85.24656615741652, + "manhattan_f1": 77.5542141739325, + "manhattan_precision": 75.14079422382672, + "manhattan_recall": 80.12781028641824, + "max_accuracy": 88.75305623471883, + "max_ap": 85.30879801684605, + "max_f1": 77.60992108229988, + "main_score": 85.30879801684605 + } + ] + } +} \ No newline at end of file diff --git a/results/zeroshot__gte-small-quant/external/model_meta.json b/results/zeroshot__gte-small-quant/external/model_meta.json new file mode 100644 index 000000000..4ec2b7952 --- /dev/null +++ b/results/zeroshot__gte-small-quant/external/model_meta.json @@ -0,0 +1,22 @@ +{ + "name": "zeroshot/gte-small-quant", + "revision": "9fe77201910c09acc256083a93b2229abd7a51d1", + "release_date": "2023-10-12", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": null, + "memory_usage": null, + "max_tokens": 512, + "embed_dim": 384, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/AmazonCounterfactualClassification.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/AmazonCounterfactualClassification.json new file mode 100644 index 000000000..6d80117b6 --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/AmazonCounterfactualClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "e8379541af4e31359cca9fbcf4b00f2671dba205", + "task_name": "AmazonCounterfactualClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.76119402985074, + "ap": 39.97673988468886, + "ap_weighted": 39.97673988468886, + "f1": 71.23171737695898, + "f1_weighted": 79.55230307558237, + "main_score": 77.76119402985074 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/AmazonPolarityClassification.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/AmazonPolarityClassification.json new file mode 100644 index 000000000..c2769837b --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/AmazonPolarityClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "e2d317d38cd51312af73b3d32a06d1a08b442046", + "task_name": "AmazonPolarityClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 96.61810000000001, + "ap": 94.99559013902017, + "ap_weighted": 94.99559013902017, + "f1": 96.61758649480731, + "f1_weighted": 96.61758649480731, + "main_score": 96.61810000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/AmazonReviewsClassification.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/AmazonReviewsClassification.json new file mode 100644 index 000000000..14001190b --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/AmazonReviewsClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "1399c76144fd37290681b995c656ef9b2e06e26d", + "task_name": "AmazonReviewsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 59.26199999999999, + "f1": 56.32963321217333, + "f1_weighted": 56.32963321217333, + "main_score": 59.26199999999999 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/ArguAna.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/ArguAna.json new file mode 100644 index 000000000..e19ab57c2 --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/ArguAna.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c22ab2a51041ffd869aaddef7af8d8215647e41a", + "task_name": "ArguAna", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 65.623, + "map_at_1": 41.536, + "map_at_10": 57.485, + "map_at_100": 58.013000000000005, + "map_at_1000": 58.013000000000005, + "map_at_20": 57.957, + "map_at_3": 53.284, + "map_at_5": 55.837, + "mrr_at_1": 42.17638691322902, + "mrr_at_10": 57.7096175122492, + "mrr_at_100": 58.23610809196743, + "mrr_at_1000": 58.23673750573145, + "mrr_at_20": 58.180348622747324, + "mrr_at_3": 53.44950213371275, + "mrr_at_5": 56.07396870554779, + "nauc_map_at_1000_diff1": 14.098091070036958, + "nauc_map_at_1000_max": -16.568377380844108, + "nauc_map_at_1000_std": -22.105696179585834, + "nauc_map_at_100_diff1": 14.096542453201625, + "nauc_map_at_100_max": -16.57054590195526, + "nauc_map_at_100_std": -22.1090324366772, + "nauc_map_at_10_diff1": 13.840246695558884, + "nauc_map_at_10_max": -16.52098795923224, + "nauc_map_at_10_std": -22.074328710004032, + "nauc_map_at_1_diff1": 17.117727049808984, + "nauc_map_at_1_max": -18.587242049712614, + "nauc_map_at_1_std": -22.454707653498595, + "nauc_map_at_20_diff1": 14.068130846454585, + "nauc_map_at_20_max": -16.53942858114966, + "nauc_map_at_20_std": -22.10921004077996, + "nauc_map_at_3_diff1": 14.596579595737097, + "nauc_map_at_3_max": -15.62887067464894, + "nauc_map_at_3_std": -22.09058102549274, + "nauc_map_at_5_diff1": 13.798507062284514, + "nauc_map_at_5_max": -16.36834850771522, + "nauc_map_at_5_std": -21.984206595455134, + "nauc_mrr_at_1000_diff1": 12.144909427474602, + "nauc_mrr_at_1000_max": -17.048787138426324, + "nauc_mrr_at_1000_std": -21.961966140898564, + "nauc_mrr_at_100_diff1": 12.143403633612827, + "nauc_mrr_at_100_max": -17.050945262411012, + "nauc_mrr_at_100_std": -21.965305811191673, + "nauc_mrr_at_10_diff1": 11.88548720648553, + "nauc_mrr_at_10_max": -16.996705857584736, + "nauc_mrr_at_10_std": -21.883645748542396, + "nauc_mrr_at_1_diff1": 15.37682964765565, + "nauc_mrr_at_1_max": -17.989361001169087, + "nauc_mrr_at_1_std": -21.697830490637955, + "nauc_mrr_at_20_diff1": 12.119044499779363, + "nauc_mrr_at_20_max": -17.018675761117027, + "nauc_mrr_at_20_std": -21.965554459307565, + "nauc_mrr_at_3_diff1": 12.535001807278187, + "nauc_mrr_at_3_max": -16.38816957172248, + "nauc_mrr_at_3_std": -22.081293367465896, + "nauc_mrr_at_5_diff1": 11.892111947679496, + "nauc_mrr_at_5_max": -16.79709351116846, + "nauc_mrr_at_5_std": -21.79512696140714, + "nauc_ndcg_at_1000_diff1": 13.67006999549869, + "nauc_ndcg_at_1000_max": -16.236125687432107, + "nauc_ndcg_at_1000_std": -21.810131960233065, + "nauc_ndcg_at_100_diff1": 13.637478389163462, + "nauc_ndcg_at_100_max": -16.28219720987127, + "nauc_ndcg_at_100_std": -21.880912370176876, + "nauc_ndcg_at_10_diff1": 12.558591199280556, + "nauc_ndcg_at_10_max": -15.952826009827106, + "nauc_ndcg_at_10_std": -21.818643731025382, + "nauc_ndcg_at_1_diff1": 17.117727049808984, + "nauc_ndcg_at_1_max": -18.587242049712614, + "nauc_ndcg_at_1_std": -22.454707653498595, + "nauc_ndcg_at_20_diff1": 13.402986057386181, + "nauc_ndcg_at_20_max": -16.072631062968746, + "nauc_ndcg_at_20_std": -21.98468803430586, + "nauc_ndcg_at_3_diff1": 14.059904782033348, + "nauc_ndcg_at_3_max": -14.433190101994514, + "nauc_ndcg_at_3_std": -21.990025270634135, + "nauc_ndcg_at_5_diff1": 12.434165121057134, + "nauc_ndcg_at_5_max": -15.650774158031522, + "nauc_ndcg_at_5_std": -21.636716447934305, + "nauc_precision_at_1000_diff1": 1.7151819945276745, + "nauc_precision_at_1000_max": 20.85546049013785, + "nauc_precision_at_1000_std": 77.3551884133584, + "nauc_precision_at_100_diff1": -7.961881099019577, + "nauc_precision_at_100_max": -1.8225484680865736, + "nauc_precision_at_100_std": 35.484449109425384, + "nauc_precision_at_10_diff1": 0.46638305609538855, + "nauc_precision_at_10_max": -11.023993018739485, + "nauc_precision_at_10_std": -19.111584616037852, + "nauc_precision_at_1_diff1": 17.117727049808984, + "nauc_precision_at_1_max": -18.587242049712614, + "nauc_precision_at_1_std": -22.454707653498595, + "nauc_precision_at_20_diff1": -1.0298881487766305, + "nauc_precision_at_20_max": -4.548017977674335, + "nauc_precision_at_20_std": -18.901496352112133, + "nauc_precision_at_3_diff1": 12.350178962124566, + "nauc_precision_at_3_max": -10.271126387937858, + "nauc_precision_at_3_std": -21.655307623793433, + "nauc_precision_at_5_diff1": 6.011571432832696, + "nauc_precision_at_5_max": -12.478026665421389, + "nauc_precision_at_5_std": -19.845124181363882, + "nauc_recall_at_1000_diff1": 1.7151819945236155, + "nauc_recall_at_1000_max": 20.855460490135933, + "nauc_recall_at_1000_std": 77.35518841335626, + "nauc_recall_at_100_diff1": -7.961881099020542, + "nauc_recall_at_100_max": -1.8225484680932273, + "nauc_recall_at_100_std": 35.48444910942399, + "nauc_recall_at_10_diff1": 0.46638305609538805, + "nauc_recall_at_10_max": -11.023993018739322, + "nauc_recall_at_10_std": -19.11158461603798, + "nauc_recall_at_1_diff1": 17.117727049808984, + "nauc_recall_at_1_max": -18.587242049712614, + "nauc_recall_at_1_std": -22.454707653498595, + "nauc_recall_at_20_diff1": -1.029888148776229, + "nauc_recall_at_20_max": -4.548017977673906, + "nauc_recall_at_20_std": -18.901496352110804, + "nauc_recall_at_3_diff1": 12.350178962124682, + "nauc_recall_at_3_max": -10.271126387937805, + "nauc_recall_at_3_std": -21.65530762379337, + "nauc_recall_at_5_diff1": 6.0115714328326435, + "nauc_recall_at_5_max": -12.478026665421405, + "nauc_recall_at_5_std": -19.845124181363875, + "ndcg_at_1": 41.536, + "ndcg_at_10": 65.623, + "ndcg_at_100": 67.63, + "ndcg_at_1000": 67.64099999999999, + "ndcg_at_20": 67.241, + "ndcg_at_3": 57.048, + "ndcg_at_5": 61.678999999999995, + "precision_at_1": 41.536, + "precision_at_10": 9.132, + "precision_at_100": 0.996, + "precision_at_1000": 0.1, + "precision_at_20": 4.8759999999999994, + "precision_at_3": 22.641, + "precision_at_5": 15.845999999999998, + "recall_at_1": 41.536, + "recall_at_10": 91.323, + "recall_at_100": 99.57300000000001, + "recall_at_1000": 99.644, + "recall_at_20": 97.51100000000001, + "recall_at_3": 67.923, + "recall_at_5": 79.232 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/ArxivClusteringP2P.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/ArxivClusteringP2P.json new file mode 100644 index 000000000..09a9ea9d5 --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/ArxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "a122ad7f3f0291bf49cc6f4d32aa80929df69d5d", + "task_name": "ArxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 52.026635060007244, + "v_measure": 52.026635060007244, + "v_measure_std": 14.357137408692006 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/ArxivClusteringS2S.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/ArxivClusteringS2S.json new file mode 100644 index 000000000..8034aebf3 --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/ArxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "f910caf1a6075f7329cdf8c1a6135696f37dbd53", + "task_name": "ArxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 47.834914950269855, + "v_measure": 47.834914950269855, + "v_measure_std": 14.487028918517247 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/AskUbuntuDupQuestions.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/AskUbuntuDupQuestions.json new file mode 100644 index 000000000..2167e1ffe --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/AskUbuntuDupQuestions.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "2000358ca161889fa9c082cb41daa8dcfb161a54", + "task_name": "AskUbuntuDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 64.5808745066313, + "map": 64.5808745066313, + "mrr": 77.56540473991997, + "nAUC_map_diff1": 23.168800779252464, + "nAUC_map_max": 30.342203769599735, + "nAUC_map_std": 22.562701982176833, + "nAUC_mrr_diff1": 27.79261544540621, + "nAUC_mrr_max": 43.302228243606045, + "nAUC_mrr_std": 26.432985515912673 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/BIOSSES.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/BIOSSES.json new file mode 100644 index 000000000..919987116 --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/BIOSSES.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3fb88f8f02e40887cd149695127462bbcf29b4a", + "task_name": "BIOSSES", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 87.97778619889539, + "cosine_spearman": 86.44233109293758, + "euclidean_pearson": 86.6664224630525, + "euclidean_spearman": 86.44233109293758, + "main_score": 86.44233109293758, + "manhattan_pearson": 86.75174487553707, + "manhattan_spearman": 86.61402175201368, + "pearson": 87.97778619889539, + "spearman": 86.44233109293758 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/Banking77Classification.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/Banking77Classification.json new file mode 100644 index 000000000..bdf7dcf7a --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/Banking77Classification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "0fd18e25b25c072e09e0d92ab615fda904d66300", + "task_name": "Banking77Classification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 83.1103896103896, + "f1": 82.2932953112279, + "f1_weighted": 82.2932953112279, + "main_score": 83.1103896103896 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/BiorxivClusteringP2P.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/BiorxivClusteringP2P.json new file mode 100644 index 000000000..df456b0b1 --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/BiorxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "65b79d1d13f80053f67aca9498d9402c2d9f1f40", + "task_name": "BiorxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 43.73746639290943, + "v_measure": 43.73746639290943, + "v_measure_std": 0.8808902310879784 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/BiorxivClusteringS2S.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/BiorxivClusteringS2S.json new file mode 100644 index 000000000..710608995 --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/BiorxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "258694dd0231531bc1fd9de6ceb52a0853c6d908", + "task_name": "BiorxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 40.73737737926463, + "v_measure": 40.73737737926463, + "v_measure_std": 0.6059982328960863 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/ClimateFEVER.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/ClimateFEVER.json new file mode 100644 index 000000000..ba6974c91 --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/ClimateFEVER.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "47f2ac6acb640fc46020b02a5b59fdda04d39380", + "task_name": "ClimateFEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 42.047000000000004, + "map_at_1": 18.269, + "map_at_10": 31.691999999999997, + "map_at_100": 33.841, + "map_at_1000": 34.009, + "map_at_20": 32.885999999999996, + "map_at_3": 26.558999999999997, + "map_at_5": 29.119, + "mrr_at_1": 41.69381107491857, + "mrr_at_10": 54.293185460937984, + "mrr_at_100": 54.87161862744807, + "mrr_at_1000": 54.88722882443645, + "mrr_at_20": 54.685754380853844, + "mrr_at_3": 51.172638436482146, + "mrr_at_5": 53.12052117263853, + "nauc_map_at_1000_diff1": 27.03807365621228, + "nauc_map_at_1000_max": 40.31079671403445, + "nauc_map_at_1000_std": 26.092423798773883, + "nauc_map_at_100_diff1": 27.015360474734436, + "nauc_map_at_100_max": 40.28408194597505, + "nauc_map_at_100_std": 26.086029014261968, + "nauc_map_at_10_diff1": 27.222731203652856, + "nauc_map_at_10_max": 40.01781109904128, + "nauc_map_at_10_std": 24.73681887890272, + "nauc_map_at_1_diff1": 35.75107300356484, + "nauc_map_at_1_max": 40.2201153742901, + "nauc_map_at_1_std": 18.766249947929374, + "nauc_map_at_20_diff1": 26.931804653893042, + "nauc_map_at_20_max": 40.21587995014608, + "nauc_map_at_20_std": 25.75452108695598, + "nauc_map_at_3_diff1": 28.310387788680696, + "nauc_map_at_3_max": 39.285866053656385, + "nauc_map_at_3_std": 21.394962842915703, + "nauc_map_at_5_diff1": 27.300839773785274, + "nauc_map_at_5_max": 39.3888708340898, + "nauc_map_at_5_std": 22.78299335246201, + "nauc_mrr_at_1000_diff1": 26.569029993582287, + "nauc_mrr_at_1000_max": 38.05698386072128, + "nauc_mrr_at_1000_std": 27.12877875031529, + "nauc_mrr_at_100_diff1": 26.56693868451222, + "nauc_mrr_at_100_max": 38.06321319344823, + "nauc_mrr_at_100_std": 27.14409997788537, + "nauc_mrr_at_10_diff1": 26.52694223161396, + "nauc_mrr_at_10_max": 38.120563154705, + "nauc_mrr_at_10_std": 27.11337497751667, + "nauc_mrr_at_1_diff1": 29.371725407886277, + "nauc_mrr_at_1_max": 35.7850341702808, + "nauc_mrr_at_1_std": 22.69810863765783, + "nauc_mrr_at_20_diff1": 26.567897033309247, + "nauc_mrr_at_20_max": 38.17484491649562, + "nauc_mrr_at_20_std": 27.218678564296972, + "nauc_mrr_at_3_diff1": 26.582727973322427, + "nauc_mrr_at_3_max": 37.8745721692282, + "nauc_mrr_at_3_std": 26.567749469034307, + "nauc_mrr_at_5_diff1": 26.404958533442898, + "nauc_mrr_at_5_max": 37.86090955141593, + "nauc_mrr_at_5_std": 26.65816459603454, + "nauc_ndcg_at_1000_diff1": 25.7228323702742, + "nauc_ndcg_at_1000_max": 41.024272689913296, + "nauc_ndcg_at_1000_std": 31.373617783353815, + "nauc_ndcg_at_100_diff1": 25.467806967471812, + "nauc_ndcg_at_100_max": 40.68595692225817, + "nauc_ndcg_at_100_std": 31.327255356351774, + "nauc_ndcg_at_10_diff1": 25.65771458118311, + "nauc_ndcg_at_10_max": 40.2959313004829, + "nauc_ndcg_at_10_std": 28.21103387387833, + "nauc_ndcg_at_1_diff1": 29.371725407886277, + "nauc_ndcg_at_1_max": 35.7850341702808, + "nauc_ndcg_at_1_std": 22.69810863765783, + "nauc_ndcg_at_20_diff1": 25.008107221444327, + "nauc_ndcg_at_20_max": 40.613619354979626, + "nauc_ndcg_at_20_std": 30.216191744111416, + "nauc_ndcg_at_3_diff1": 25.85227194113396, + "nauc_ndcg_at_3_max": 38.32492256264965, + "nauc_ndcg_at_3_std": 23.735358525961033, + "nauc_ndcg_at_5_diff1": 25.747409532466243, + "nauc_ndcg_at_5_max": 39.4993084566524, + "nauc_ndcg_at_5_std": 25.19771375383721, + "nauc_precision_at_1000_diff1": -8.149028290279253, + "nauc_precision_at_1000_max": -3.196086649201077, + "nauc_precision_at_1000_std": 13.643701012139948, + "nauc_precision_at_100_diff1": -1.892485292157653, + "nauc_precision_at_100_max": 7.7434454354621245, + "nauc_precision_at_100_std": 22.988854451791806, + "nauc_precision_at_10_diff1": 6.150550804828545, + "nauc_precision_at_10_max": 22.501131175285906, + "nauc_precision_at_10_std": 27.39677272392596, + "nauc_precision_at_1_diff1": 29.371725407886277, + "nauc_precision_at_1_max": 35.7850341702808, + "nauc_precision_at_1_std": 22.69810863765783, + "nauc_precision_at_20_diff1": 2.283445965946842, + "nauc_precision_at_20_max": 18.59466543059599, + "nauc_precision_at_20_std": 29.0738299597803, + "nauc_precision_at_3_diff1": 12.963867454979258, + "nauc_precision_at_3_max": 30.449562657056333, + "nauc_precision_at_3_std": 25.581976194336352, + "nauc_precision_at_5_diff1": 8.512947940252289, + "nauc_precision_at_5_max": 26.12425424420038, + "nauc_precision_at_5_std": 24.877415885322808, + "nauc_recall_at_1000_diff1": 17.151717317242028, + "nauc_recall_at_1000_max": 40.67913325938115, + "nauc_recall_at_1000_std": 49.54837910314142, + "nauc_recall_at_100_diff1": 16.83432440063162, + "nauc_recall_at_100_max": 34.46952489534257, + "nauc_recall_at_100_std": 38.26853671426454, + "nauc_recall_at_10_diff1": 19.50239551179883, + "nauc_recall_at_10_max": 35.74261290262663, + "nauc_recall_at_10_std": 28.630457514118163, + "nauc_recall_at_1_diff1": 35.75107300356484, + "nauc_recall_at_1_max": 40.2201153742901, + "nauc_recall_at_1_std": 18.766249947929374, + "nauc_recall_at_20_diff1": 16.723000685755707, + "nauc_recall_at_20_max": 35.272383093342405, + "nauc_recall_at_20_std": 32.934757635631335, + "nauc_recall_at_3_diff1": 24.024160029526794, + "nauc_recall_at_3_max": 38.07599046764463, + "nauc_recall_at_3_std": 22.648443171847685, + "nauc_recall_at_5_diff1": 21.588763686113676, + "nauc_recall_at_5_max": 37.16237158404055, + "nauc_recall_at_5_std": 24.45061830715902, + "ndcg_at_1": 41.693999999999996, + "ndcg_at_10": 42.047000000000004, + "ndcg_at_100": 49.309, + "ndcg_at_1000": 51.861999999999995, + "ndcg_at_20": 44.982, + "ndcg_at_3": 35.510000000000005, + "ndcg_at_5": 37.529, + "precision_at_1": 41.693999999999996, + "precision_at_10": 13.114, + "precision_at_100": 2.1069999999999998, + "precision_at_1000": 0.259, + "precision_at_20": 7.824000000000001, + "precision_at_3": 26.796999999999997, + "precision_at_5": 20.169, + "recall_at_1": 18.269, + "recall_at_10": 48.44, + "recall_at_100": 72.909, + "recall_at_1000": 86.79400000000001, + "recall_at_20": 56.714, + "recall_at_3": 31.85, + "recall_at_5": 38.488 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/DBPedia.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/DBPedia.json new file mode 100644 index 000000000..cce0f05bf --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/DBPedia.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c0f706b76e590d620bd6618b3ca8efdd34e2d659", + "task_name": "DBPedia", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 51.202000000000005, + "map_at_1": 10.789, + "map_at_10": 24.804000000000002, + "map_at_100": 35.908, + "map_at_1000": 37.97, + "map_at_20": 29.236, + "map_at_3": 17.055, + "map_at_5": 20.342, + "mrr_at_1": 78.0, + "mrr_at_10": 83.82251984126987, + "mrr_at_100": 84.00706659508124, + "mrr_at_1000": 84.01172077534015, + "mrr_at_20": 83.93946561479457, + "mrr_at_3": 82.58333333333334, + "mrr_at_5": 83.38333333333335, + "nauc_map_at_1000_diff1": 21.975683577384412, + "nauc_map_at_1000_max": 33.104767603973286, + "nauc_map_at_1000_std": 19.507936661697688, + "nauc_map_at_100_diff1": 23.19428288878281, + "nauc_map_at_100_max": 32.47043490749479, + "nauc_map_at_100_std": 16.611980248500473, + "nauc_map_at_10_diff1": 23.314074413061576, + "nauc_map_at_10_max": 18.52506648908812, + "nauc_map_at_10_std": -9.718219448424597, + "nauc_map_at_1_diff1": 27.402329635171146, + "nauc_map_at_1_max": 5.898746976402726, + "nauc_map_at_1_std": -26.703327281110212, + "nauc_map_at_20_diff1": 23.613670514044472, + "nauc_map_at_20_max": 25.008187375084763, + "nauc_map_at_20_std": -0.05206367166066498, + "nauc_map_at_3_diff1": 25.673374223753598, + "nauc_map_at_3_max": 12.527419567406877, + "nauc_map_at_3_std": -20.06963757181341, + "nauc_map_at_5_diff1": 24.74002578400672, + "nauc_map_at_5_max": 14.23437788867648, + "nauc_map_at_5_std": -16.317803876665256, + "nauc_mrr_at_1000_diff1": 53.26868100398232, + "nauc_mrr_at_1000_max": 67.65740877772801, + "nauc_mrr_at_1000_std": 39.43464159369656, + "nauc_mrr_at_100_diff1": 53.25615896192901, + "nauc_mrr_at_100_max": 67.64777514366169, + "nauc_mrr_at_100_std": 39.410662043086006, + "nauc_mrr_at_10_diff1": 52.94295111677663, + "nauc_mrr_at_10_max": 67.5393005296393, + "nauc_mrr_at_10_std": 39.31715440936177, + "nauc_mrr_at_1_diff1": 57.148073445541826, + "nauc_mrr_at_1_max": 65.78742986970832, + "nauc_mrr_at_1_std": 34.198659989799246, + "nauc_mrr_at_20_diff1": 53.223501273361265, + "nauc_mrr_at_20_max": 67.59762197314753, + "nauc_mrr_at_20_std": 39.359614957729356, + "nauc_mrr_at_3_diff1": 53.619283112717184, + "nauc_mrr_at_3_max": 68.72067268448458, + "nauc_mrr_at_3_std": 40.53052904925793, + "nauc_mrr_at_5_diff1": 52.86133436375577, + "nauc_mrr_at_5_max": 67.94415973414303, + "nauc_mrr_at_5_std": 40.09087346298919, + "nauc_ndcg_at_1000_diff1": 31.008961737330505, + "nauc_ndcg_at_1000_max": 49.39127418414386, + "nauc_ndcg_at_1000_std": 37.509639671229806, + "nauc_ndcg_at_100_diff1": 32.50484024525448, + "nauc_ndcg_at_100_max": 46.300662423725605, + "nauc_ndcg_at_100_std": 28.488771981297162, + "nauc_ndcg_at_10_diff1": 27.911614286994414, + "nauc_ndcg_at_10_max": 44.70909339082426, + "nauc_ndcg_at_10_std": 25.644980583529154, + "nauc_ndcg_at_1_diff1": 51.27342509891256, + "nauc_ndcg_at_1_max": 54.75803307782269, + "nauc_ndcg_at_1_std": 27.4853058050954, + "nauc_ndcg_at_20_diff1": 30.29885920192407, + "nauc_ndcg_at_20_max": 43.45207612356715, + "nauc_ndcg_at_20_std": 21.59751863312113, + "nauc_ndcg_at_3_diff1": 31.251071625533843, + "nauc_ndcg_at_3_max": 48.45180697571009, + "nauc_ndcg_at_3_std": 32.70662167853583, + "nauc_ndcg_at_5_diff1": 26.175090671223877, + "nauc_ndcg_at_5_max": 45.2723355712432, + "nauc_ndcg_at_5_std": 31.461916393793, + "nauc_precision_at_1000_diff1": -23.926082132378777, + "nauc_precision_at_1000_max": -9.350346667573811, + "nauc_precision_at_1000_std": 11.578726421051043, + "nauc_precision_at_100_diff1": -7.468660956171794, + "nauc_precision_at_100_max": 19.470414434634723, + "nauc_precision_at_100_std": 43.86244545951367, + "nauc_precision_at_10_diff1": -2.090265656696684, + "nauc_precision_at_10_max": 30.778228684745386, + "nauc_precision_at_10_std": 44.882546930240984, + "nauc_precision_at_1_diff1": 57.148073445541826, + "nauc_precision_at_1_max": 65.78742986970832, + "nauc_precision_at_1_std": 34.198659989799246, + "nauc_precision_at_20_diff1": -3.075798118380347, + "nauc_precision_at_20_max": 29.52951501638172, + "nauc_precision_at_20_std": 47.266521222769676, + "nauc_precision_at_3_diff1": 11.892419680356198, + "nauc_precision_at_3_max": 43.146413741651415, + "nauc_precision_at_3_std": 45.2312022756118, + "nauc_precision_at_5_diff1": 0.5765950918056327, + "nauc_precision_at_5_max": 34.22132902314228, + "nauc_precision_at_5_std": 44.78272426908718, + "nauc_recall_at_1000_diff1": 24.99872069707702, + "nauc_recall_at_1000_max": 42.17319464089324, + "nauc_recall_at_1000_std": 47.42376725148043, + "nauc_recall_at_100_diff1": 24.62929408109356, + "nauc_recall_at_100_max": 32.373805304406844, + "nauc_recall_at_100_std": 21.48682342485071, + "nauc_recall_at_10_diff1": 20.62337020665992, + "nauc_recall_at_10_max": 14.125308316827395, + "nauc_recall_at_10_std": -13.565096294162865, + "nauc_recall_at_1_diff1": 27.402329635171146, + "nauc_recall_at_1_max": 5.898746976402726, + "nauc_recall_at_1_std": -26.703327281110212, + "nauc_recall_at_20_diff1": 22.169766882731277, + "nauc_recall_at_20_max": 20.588762488556828, + "nauc_recall_at_20_std": -4.530608772737279, + "nauc_recall_at_3_diff1": 22.48622374174161, + "nauc_recall_at_3_max": 10.470407080375304, + "nauc_recall_at_3_std": -20.777479868757286, + "nauc_recall_at_5_diff1": 21.28438252298866, + "nauc_recall_at_5_max": 10.424120660451583, + "nauc_recall_at_5_std": -17.912853638432384, + "ndcg_at_1": 65.375, + "ndcg_at_10": 51.202000000000005, + "ndcg_at_100": 56.12200000000001, + "ndcg_at_1000": 63.306, + "ndcg_at_20": 50.442, + "ndcg_at_3": 56.437000000000005, + "ndcg_at_5": 53.861000000000004, + "precision_at_1": 78.0, + "precision_at_10": 41.075, + "precision_at_100": 13.032, + "precision_at_1000": 2.516, + "precision_at_20": 31.4, + "precision_at_3": 59.833000000000006, + "precision_at_5": 51.9, + "recall_at_1": 10.789, + "recall_at_10": 30.059, + "recall_at_100": 61.817, + "recall_at_1000": 84.672, + "recall_at_20": 39.135, + "recall_at_3": 18.017, + "recall_at_5": 22.492 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/EmotionClassification.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/EmotionClassification.json new file mode 100644 index 000000000..de860a342 --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/EmotionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "4f58c6b202a23cf9a4da393831edf4f9183cad37", + "task_name": "EmotionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 57.715, + "f1": 51.85468544437296, + "f1_weighted": 58.73946069844862, + "main_score": 57.715 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/FEVER.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/FEVER.json new file mode 100644 index 000000000..5bfd33515 --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/FEVER.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "bea83ef9e8fb933d90a2f1d5515737465d613e12", + "task_name": "FEVER", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 92.438, + "map_at_1": 82.678, + "map_at_10": 89.90899999999999, + "map_at_100": 90.09899999999999, + "map_at_1000": 90.11, + "map_at_20": 90.026, + "map_at_3": 89.034, + "map_at_5": 89.619, + "mrr_at_1": 89.04890489048904, + "mrr_at_10": 93.53417484605598, + "mrr_at_100": 93.56969053658798, + "mrr_at_1000": 93.56979354808294, + "mrr_at_20": 93.56100677804474, + "mrr_at_3": 93.25682568256818, + "mrr_at_5": 93.46909690969086, + "nauc_map_at_1000_diff1": 50.19087206783256, + "nauc_map_at_1000_max": 26.223996443425424, + "nauc_map_at_1000_std": -8.531486546405336, + "nauc_map_at_100_diff1": 50.12601833237827, + "nauc_map_at_100_max": 26.205753684531942, + "nauc_map_at_100_std": -8.502300882475792, + "nauc_map_at_10_diff1": 49.48962186883297, + "nauc_map_at_10_max": 25.849578028607546, + "nauc_map_at_10_std": -8.58622126027856, + "nauc_map_at_1_diff1": 56.88016472114475, + "nauc_map_at_1_max": 24.671479435457048, + "nauc_map_at_1_std": -11.980878470985619, + "nauc_map_at_20_diff1": 49.813384246326905, + "nauc_map_at_20_max": 25.96508257517373, + "nauc_map_at_20_std": -8.568670117647939, + "nauc_map_at_3_diff1": 49.087764097890165, + "nauc_map_at_3_max": 25.65938258554376, + "nauc_map_at_3_std": -8.859093431924775, + "nauc_map_at_5_diff1": 49.08166208415013, + "nauc_map_at_5_max": 25.696246071825684, + "nauc_map_at_5_std": -8.431713254517472, + "nauc_mrr_at_1000_diff1": 73.35484368612293, + "nauc_mrr_at_1000_max": 35.657386688053336, + "nauc_mrr_at_1000_std": -18.09172713569766, + "nauc_mrr_at_100_diff1": 73.35508125874483, + "nauc_mrr_at_100_max": 35.65842743437027, + "nauc_mrr_at_100_std": -18.08981699366641, + "nauc_mrr_at_10_diff1": 73.29004337552368, + "nauc_mrr_at_10_max": 35.882001444609216, + "nauc_mrr_at_10_std": -18.05339396879553, + "nauc_mrr_at_1_diff1": 74.48742882702338, + "nauc_mrr_at_1_max": 31.49138530538466, + "nauc_mrr_at_1_std": -19.510294856397955, + "nauc_mrr_at_20_diff1": 73.3388656330962, + "nauc_mrr_at_20_max": 35.706948273788505, + "nauc_mrr_at_20_std": -18.140154123750992, + "nauc_mrr_at_3_diff1": 73.22698350499, + "nauc_mrr_at_3_max": 36.4855373316516, + "nauc_mrr_at_3_std": -17.719256990311198, + "nauc_mrr_at_5_diff1": 73.24460108538948, + "nauc_mrr_at_5_max": 36.322370705490634, + "nauc_mrr_at_5_std": -17.636279233457984, + "nauc_ndcg_at_1000_diff1": 53.674109881592756, + "nauc_ndcg_at_1000_max": 28.767387846727487, + "nauc_ndcg_at_1000_std": -8.858681782014946, + "nauc_ndcg_at_100_diff1": 52.33608078847966, + "nauc_ndcg_at_100_max": 28.511414384159877, + "nauc_ndcg_at_100_std": -8.085385430073922, + "nauc_ndcg_at_10_diff1": 49.712295545440774, + "nauc_ndcg_at_10_max": 27.5674225152019, + "nauc_ndcg_at_10_std": -8.244677630275376, + "nauc_ndcg_at_1_diff1": 74.48742882702338, + "nauc_ndcg_at_1_max": 31.49138530538466, + "nauc_ndcg_at_1_std": -19.510294856397955, + "nauc_ndcg_at_20_diff1": 50.61628846813059, + "nauc_ndcg_at_20_max": 27.53989784238201, + "nauc_ndcg_at_20_std": -8.373695482986479, + "nauc_ndcg_at_3_diff1": 51.295860863016884, + "nauc_ndcg_at_3_max": 28.99776689198307, + "nauc_ndcg_at_3_std": -8.878181909861983, + "nauc_ndcg_at_5_diff1": 49.619081645734504, + "nauc_ndcg_at_5_max": 28.11109235395876, + "nauc_ndcg_at_5_std": -7.722157727171728, + "nauc_precision_at_1000_diff1": -9.298540465937485, + "nauc_precision_at_1000_max": -1.3157308795912563, + "nauc_precision_at_1000_std": 1.897355386264135, + "nauc_precision_at_100_diff1": -12.246672190804334, + "nauc_precision_at_100_max": -0.9687067276412682, + "nauc_precision_at_100_std": 4.56074518564851, + "nauc_precision_at_10_diff1": -15.533411370200923, + "nauc_precision_at_10_max": -2.191843047666222, + "nauc_precision_at_10_std": 3.6723841478730748, + "nauc_precision_at_1_diff1": 74.48742882702338, + "nauc_precision_at_1_max": 31.49138530538466, + "nauc_precision_at_1_std": -19.510294856397955, + "nauc_precision_at_20_diff1": -15.290364061922347, + "nauc_precision_at_20_max": -2.921722171191804, + "nauc_precision_at_20_std": 4.08482465973661, + "nauc_precision_at_3_diff1": -8.208906597107383, + "nauc_precision_at_3_max": 2.9796478961627284, + "nauc_precision_at_3_std": 0.34366033602604895, + "nauc_precision_at_5_diff1": -14.42241522747573, + "nauc_precision_at_5_max": -0.5633890785935999, + "nauc_precision_at_5_std": 3.7064496791809836, + "nauc_recall_at_1000_diff1": -0.5673198466803553, + "nauc_recall_at_1000_max": 21.92110385096128, + "nauc_recall_at_1000_std": 54.421987386115475, + "nauc_recall_at_100_diff1": -0.6512704079314391, + "nauc_recall_at_100_max": 22.38252665262688, + "nauc_recall_at_100_std": 36.50750378730013, + "nauc_recall_at_10_diff1": 11.308848658347774, + "nauc_recall_at_10_max": 21.077700181656738, + "nauc_recall_at_10_std": 8.321338697504787, + "nauc_recall_at_1_diff1": 56.88016472114475, + "nauc_recall_at_1_max": 24.671479435457048, + "nauc_recall_at_1_std": -11.980878470985619, + "nauc_recall_at_20_diff1": 5.8415071379210755, + "nauc_recall_at_20_max": 16.97886837481554, + "nauc_recall_at_20_std": 12.529145693495494, + "nauc_recall_at_3_diff1": 27.396913234035086, + "nauc_recall_at_3_max": 24.897648442357994, + "nauc_recall_at_3_std": 0.8528297027573939, + "nauc_recall_at_5_diff1": 18.295838017557397, + "nauc_recall_at_5_max": 24.077879268127823, + "nauc_recall_at_5_std": 7.099403908855888, + "ndcg_at_1": 89.049, + "ndcg_at_10": 92.438, + "ndcg_at_100": 93.016, + "ndcg_at_1000": 93.17699999999999, + "ndcg_at_20": 92.713, + "ndcg_at_3": 91.40599999999999, + "ndcg_at_5": 92.026, + "precision_at_1": 89.049, + "precision_at_10": 10.917, + "precision_at_100": 1.146, + "precision_at_1000": 0.117, + "precision_at_20": 5.56, + "precision_at_3": 34.598, + "precision_at_5": 21.323, + "recall_at_1": 82.678, + "recall_at_10": 96.465, + "recall_at_100": 98.571, + "recall_at_1000": 99.496, + "recall_at_20": 97.342, + "recall_at_3": 93.696, + "recall_at_5": 95.324 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/FiQA2018.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/FiQA2018.json new file mode 100644 index 000000000..0822981c3 --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/FiQA2018.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "27a168819829fe9bcd655c2df245fb19452e8e06", + "task_name": "FiQA2018", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 58.781000000000006, + "map_at_1": 31.107000000000003, + "map_at_10": 50.955, + "map_at_100": 53.177, + "map_at_1000": 53.291, + "map_at_20": 52.271, + "map_at_3": 44.762, + "map_at_5": 48.379, + "mrr_at_1": 58.48765432098766, + "mrr_at_10": 66.11429551244368, + "mrr_at_100": 66.68929754431386, + "mrr_at_1000": 66.71304995006113, + "mrr_at_20": 66.46821550477237, + "mrr_at_3": 64.22325102880657, + "mrr_at_5": 65.41152263374484, + "nauc_map_at_1000_diff1": 45.490146083064445, + "nauc_map_at_1000_max": 33.573139354617126, + "nauc_map_at_1000_std": -14.07140489937541, + "nauc_map_at_100_diff1": 45.48828357408913, + "nauc_map_at_100_max": 33.51907944260763, + "nauc_map_at_100_std": -14.059609883903152, + "nauc_map_at_10_diff1": 45.70748844526757, + "nauc_map_at_10_max": 31.667587503334587, + "nauc_map_at_10_std": -15.076948336390855, + "nauc_map_at_1_diff1": 51.42775649850064, + "nauc_map_at_1_max": 16.56862308325116, + "nauc_map_at_1_std": -14.684731980257675, + "nauc_map_at_20_diff1": 45.754998522906284, + "nauc_map_at_20_max": 33.03759060247343, + "nauc_map_at_20_std": -14.750787459968736, + "nauc_map_at_3_diff1": 46.45241223088609, + "nauc_map_at_3_max": 26.607789112226467, + "nauc_map_at_3_std": -14.997049792585598, + "nauc_map_at_5_diff1": 45.87702900983919, + "nauc_map_at_5_max": 30.076255479914348, + "nauc_map_at_5_std": -15.062787509367553, + "nauc_mrr_at_1000_diff1": 55.64889336097758, + "nauc_mrr_at_1000_max": 48.57022261913911, + "nauc_mrr_at_1000_std": -12.428435474800143, + "nauc_mrr_at_100_diff1": 55.62957328562593, + "nauc_mrr_at_100_max": 48.56575267775789, + "nauc_mrr_at_100_std": -12.415226616847987, + "nauc_mrr_at_10_diff1": 55.5931002027865, + "nauc_mrr_at_10_max": 48.428200063552374, + "nauc_mrr_at_10_std": -12.590361961152267, + "nauc_mrr_at_1_diff1": 59.470635489729105, + "nauc_mrr_at_1_max": 49.66866699872627, + "nauc_mrr_at_1_std": -13.590112604913607, + "nauc_mrr_at_20_diff1": 55.60145155716686, + "nauc_mrr_at_20_max": 48.58677663675733, + "nauc_mrr_at_20_std": -12.454093344399036, + "nauc_mrr_at_3_diff1": 55.76657118158415, + "nauc_mrr_at_3_max": 48.88547787372198, + "nauc_mrr_at_3_std": -13.299744066289124, + "nauc_mrr_at_5_diff1": 55.55217612731964, + "nauc_mrr_at_5_max": 48.56957852769844, + "nauc_mrr_at_5_std": -12.876904435466624, + "nauc_ndcg_at_1000_diff1": 47.2645656074121, + "nauc_ndcg_at_1000_max": 39.95808937564202, + "nauc_ndcg_at_1000_std": -11.366829207572232, + "nauc_ndcg_at_100_diff1": 46.89043419464991, + "nauc_ndcg_at_100_max": 39.00034359981605, + "nauc_ndcg_at_100_std": -10.697277437129921, + "nauc_ndcg_at_10_diff1": 47.07625032910763, + "nauc_ndcg_at_10_max": 35.51275239983428, + "nauc_ndcg_at_10_std": -13.965305287946128, + "nauc_ndcg_at_1_diff1": 59.470635489729105, + "nauc_ndcg_at_1_max": 49.66866699872627, + "nauc_ndcg_at_1_std": -13.590112604913607, + "nauc_ndcg_at_20_diff1": 47.44262917418296, + "nauc_ndcg_at_20_max": 37.6804112715633, + "nauc_ndcg_at_20_std": -13.174880813005297, + "nauc_ndcg_at_3_diff1": 44.56982475937759, + "nauc_ndcg_at_3_max": 37.96424549723314, + "nauc_ndcg_at_3_std": -13.657607148249964, + "nauc_ndcg_at_5_diff1": 45.427291740214024, + "nauc_ndcg_at_5_max": 35.42232275517991, + "nauc_ndcg_at_5_std": -14.510048307634808, + "nauc_precision_at_1000_diff1": -16.58479747595096, + "nauc_precision_at_1000_max": 27.22386867486023, + "nauc_precision_at_1000_std": 9.41210384044254, + "nauc_precision_at_100_diff1": -11.640382840009572, + "nauc_precision_at_100_max": 30.20752947841474, + "nauc_precision_at_100_std": 10.72773947232612, + "nauc_precision_at_10_diff1": 3.2540578244055594, + "nauc_precision_at_10_max": 35.80515547017638, + "nauc_precision_at_10_std": 0.299517152086918, + "nauc_precision_at_1_diff1": 59.470635489729105, + "nauc_precision_at_1_max": 49.66866699872627, + "nauc_precision_at_1_std": -13.590112604913607, + "nauc_precision_at_20_diff1": -1.8627219860435185, + "nauc_precision_at_20_max": 35.9181314633325, + "nauc_precision_at_20_std": 4.491869749000042, + "nauc_precision_at_3_diff1": 17.94168903901189, + "nauc_precision_at_3_max": 41.67388438464254, + "nauc_precision_at_3_std": -5.38615084998387, + "nauc_precision_at_5_diff1": 9.312012525324068, + "nauc_precision_at_5_max": 39.52463080415461, + "nauc_precision_at_5_std": -2.615286156278468, + "nauc_recall_at_1000_diff1": 37.0960616996064, + "nauc_recall_at_1000_max": 46.91967503624078, + "nauc_recall_at_1000_std": 36.70723581015844, + "nauc_recall_at_100_diff1": 32.54497560045993, + "nauc_recall_at_100_max": 26.846226776082734, + "nauc_recall_at_100_std": 9.257918182671672, + "nauc_recall_at_10_diff1": 40.05619869408745, + "nauc_recall_at_10_max": 25.504319960057014, + "nauc_recall_at_10_std": -12.57012842016253, + "nauc_recall_at_1_diff1": 51.42775649850064, + "nauc_recall_at_1_max": 16.56862308325116, + "nauc_recall_at_1_std": -14.684731980257675, + "nauc_recall_at_20_diff1": 39.34128607816815, + "nauc_recall_at_20_max": 28.31147877410395, + "nauc_recall_at_20_std": -10.295180225906224, + "nauc_recall_at_3_diff1": 41.31333745355922, + "nauc_recall_at_3_max": 22.642649370921276, + "nauc_recall_at_3_std": -14.44811859378254, + "nauc_recall_at_5_diff1": 39.91795256714951, + "nauc_recall_at_5_max": 24.396817798634245, + "nauc_recall_at_5_std": -13.696077909471175, + "ndcg_at_1": 58.48799999999999, + "ndcg_at_10": 58.781000000000006, + "ndcg_at_100": 65.212, + "ndcg_at_1000": 66.85900000000001, + "ndcg_at_20": 61.529999999999994, + "ndcg_at_3": 54.864000000000004, + "ndcg_at_5": 56.223, + "precision_at_1": 58.48799999999999, + "precision_at_10": 16.111, + "precision_at_100": 2.298, + "precision_at_1000": 0.257, + "precision_at_20": 9.306000000000001, + "precision_at_3": 36.317, + "precision_at_5": 26.759, + "recall_at_1": 31.107000000000003, + "recall_at_10": 65.08500000000001, + "recall_at_100": 87.91, + "recall_at_1000": 97.817, + "recall_at_20": 73.282, + "recall_at_3": 49.317, + "recall_at_5": 56.617 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/HotpotQA.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/HotpotQA.json new file mode 100644 index 000000000..a27f96bc3 --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/HotpotQA.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ab518f4d6fcca38d87c25209f94beba119d02014", + "task_name": "HotpotQA", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 79.449, + "map_at_1": 41.384, + "map_at_10": 72.844, + "map_at_100": 73.589, + "map_at_1000": 73.624, + "map_at_20": 73.317, + "map_at_3": 69.427, + "map_at_5": 71.68299999999999, + "mrr_at_1": 82.76839972991222, + "mrr_at_10": 87.92045807744634, + "mrr_at_100": 88.05529589670978, + "mrr_at_1000": 88.05935891074716, + "mrr_at_20": 88.01402112970962, + "mrr_at_3": 87.3216295295969, + "mrr_at_5": 87.69705154175074, + "nauc_map_at_1000_diff1": 20.396629535039704, + "nauc_map_at_1000_max": 39.10949908339265, + "nauc_map_at_1000_std": 10.224729673688502, + "nauc_map_at_100_diff1": 20.381077063965574, + "nauc_map_at_100_max": 39.12262980169527, + "nauc_map_at_100_std": 10.256952440972226, + "nauc_map_at_10_diff1": 20.227214487416916, + "nauc_map_at_10_max": 39.065878364926085, + "nauc_map_at_10_std": 9.830819360569484, + "nauc_map_at_1_diff1": 60.61929089121275, + "nauc_map_at_1_max": 49.53547409224507, + "nauc_map_at_1_std": 0.2722096857291782, + "nauc_map_at_20_diff1": 20.183915365850165, + "nauc_map_at_20_max": 39.06905710390586, + "nauc_map_at_20_std": 10.244769286257812, + "nauc_map_at_3_diff1": 18.953350220177363, + "nauc_map_at_3_max": 36.89647666189664, + "nauc_map_at_3_std": 6.856939205711613, + "nauc_map_at_5_diff1": 19.74313508534105, + "nauc_map_at_5_max": 38.42860611762909, + "nauc_map_at_5_std": 8.620757357067802, + "nauc_mrr_at_1000_diff1": 60.544760748070416, + "nauc_mrr_at_1000_max": 53.536700750600176, + "nauc_mrr_at_1000_std": 4.356103341419562, + "nauc_mrr_at_100_diff1": 60.543037850402825, + "nauc_mrr_at_100_max": 53.54473925679791, + "nauc_mrr_at_100_std": 4.3713759172294475, + "nauc_mrr_at_10_diff1": 60.57585979923885, + "nauc_mrr_at_10_max": 53.65882404973961, + "nauc_mrr_at_10_std": 4.46866142907982, + "nauc_mrr_at_1_diff1": 60.61929089121275, + "nauc_mrr_at_1_max": 49.53547409224507, + "nauc_mrr_at_1_std": 0.2722096857291782, + "nauc_mrr_at_20_diff1": 60.541893232518674, + "nauc_mrr_at_20_max": 53.6135776399171, + "nauc_mrr_at_20_std": 4.443552945861195, + "nauc_mrr_at_3_diff1": 60.46996364153697, + "nauc_mrr_at_3_max": 53.981024588336936, + "nauc_mrr_at_3_std": 4.300285863686253, + "nauc_mrr_at_5_diff1": 60.562791070200426, + "nauc_mrr_at_5_max": 53.884058343579966, + "nauc_mrr_at_5_std": 4.35333313705802, + "nauc_ndcg_at_1000_diff1": 26.909558826785485, + "nauc_ndcg_at_1000_max": 43.2090252545764, + "nauc_ndcg_at_1000_std": 13.24632397019833, + "nauc_ndcg_at_100_diff1": 26.4096138903785, + "nauc_ndcg_at_100_max": 43.50667894420325, + "nauc_ndcg_at_100_std": 14.272929786830657, + "nauc_ndcg_at_10_diff1": 25.261392560708607, + "nauc_ndcg_at_10_max": 43.02496845139645, + "nauc_ndcg_at_10_std": 12.753991213996402, + "nauc_ndcg_at_1_diff1": 60.61929089121275, + "nauc_ndcg_at_1_max": 49.53547409224507, + "nauc_ndcg_at_1_std": 0.2722096857291782, + "nauc_ndcg_at_20_diff1": 25.15730629354081, + "nauc_ndcg_at_20_max": 43.10358742768409, + "nauc_ndcg_at_20_std": 14.103247675055986, + "nauc_ndcg_at_3_diff1": 23.492158440363873, + "nauc_ndcg_at_3_max": 39.880317429264736, + "nauc_ndcg_at_3_std": 7.852278799949863, + "nauc_ndcg_at_5_diff1": 24.46471897598423, + "nauc_ndcg_at_5_max": 41.901821932685294, + "nauc_ndcg_at_5_std": 10.33482164145028, + "nauc_precision_at_1000_diff1": 14.556112531859444, + "nauc_precision_at_1000_max": 54.51236512101235, + "nauc_precision_at_1000_std": 68.89420216988455, + "nauc_precision_at_100_diff1": 14.116319404924122, + "nauc_precision_at_100_max": 50.42943334977378, + "nauc_precision_at_100_std": 49.80016017936658, + "nauc_precision_at_10_diff1": 14.530495877243805, + "nauc_precision_at_10_max": 43.89651175033577, + "nauc_precision_at_10_std": 24.764789718434958, + "nauc_precision_at_1_diff1": 60.61929089121275, + "nauc_precision_at_1_max": 49.53547409224507, + "nauc_precision_at_1_std": 0.2722096857291782, + "nauc_precision_at_20_diff1": 11.499635650364958, + "nauc_precision_at_20_max": 44.499499741252265, + "nauc_precision_at_20_std": 33.743842605352725, + "nauc_precision_at_3_diff1": 14.621019803797811, + "nauc_precision_at_3_max": 38.1391146398071, + "nauc_precision_at_3_std": 11.050680597126348, + "nauc_precision_at_5_diff1": 14.878056511475538, + "nauc_precision_at_5_max": 41.52854585813069, + "nauc_precision_at_5_std": 16.596884488946877, + "nauc_recall_at_1000_diff1": 14.556112531860405, + "nauc_recall_at_1000_max": 54.512365121012444, + "nauc_recall_at_1000_std": 68.89420216988472, + "nauc_recall_at_100_diff1": 14.11631940492389, + "nauc_recall_at_100_max": 50.42943334977325, + "nauc_recall_at_100_std": 49.80016017936635, + "nauc_recall_at_10_diff1": 14.530495877243975, + "nauc_recall_at_10_max": 43.89651175033581, + "nauc_recall_at_10_std": 24.764789718434855, + "nauc_recall_at_1_diff1": 60.61929089121275, + "nauc_recall_at_1_max": 49.53547409224507, + "nauc_recall_at_1_std": 0.2722096857291782, + "nauc_recall_at_20_diff1": 11.499635650364953, + "nauc_recall_at_20_max": 44.499499741252166, + "nauc_recall_at_20_std": 33.74384260535269, + "nauc_recall_at_3_diff1": 14.621019803797758, + "nauc_recall_at_3_max": 38.139114639807104, + "nauc_recall_at_3_std": 11.050680597126208, + "nauc_recall_at_5_diff1": 14.87805651147543, + "nauc_recall_at_5_max": 41.52854585813069, + "nauc_recall_at_5_std": 16.59688448894684, + "ndcg_at_1": 82.768, + "ndcg_at_10": 79.449, + "ndcg_at_100": 81.878, + "ndcg_at_1000": 82.526, + "ndcg_at_20": 80.601, + "ndcg_at_3": 74.899, + "ndcg_at_5": 77.586, + "precision_at_1": 82.768, + "precision_at_10": 16.804, + "precision_at_100": 1.8659999999999999, + "precision_at_1000": 0.19499999999999998, + "precision_at_20": 8.770999999999999, + "precision_at_3": 49.381, + "precision_at_5": 31.746000000000002, + "recall_at_1": 41.384, + "recall_at_10": 84.018, + "recall_at_100": 93.30199999999999, + "recall_at_1000": 97.529, + "recall_at_20": 87.711, + "recall_at_3": 74.072, + "recall_at_5": 79.365 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/ImdbClassification.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/ImdbClassification.json new file mode 100644 index 000000000..f647da2c0 --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/ImdbClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "3d86128a09e091d6018b6d26cad27f2739fc2db7", + "task_name": "ImdbClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 95.50119999999997, + "ap": 93.27855740989341, + "ap_weighted": 93.27855740989341, + "f1": 95.49922732391366, + "f1_weighted": 95.49922732391366, + "main_score": 95.50119999999997 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/MSMARCO.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/MSMARCO.json new file mode 100644 index 000000000..62324cf8a --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/MSMARCO.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "c5a29a104738b98a9e76336939199e264163d4a0", + "task_name": "MSMARCO", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "dev": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 44.181, + "map_at_1": 24.3, + "map_at_10": 37.064, + "map_at_100": 38.217, + "map_at_1000": 38.261, + "map_at_20": 37.797, + "map_at_3": 33.03, + "map_at_5": 35.382000000000005, + "mrr_at_1": 25.014326647564474, + "mrr_at_10": 37.67002092145362, + "mrr_at_100": 38.76618716955713, + "mrr_at_1000": 38.803895343578624, + "mrr_at_20": 38.372875531879025, + "mrr_at_3": 33.74164278892073, + "mrr_at_5": 36.04250238777461, + "nauc_map_at_1000_diff1": 37.38914109165067, + "nauc_map_at_1000_max": 9.290439022090213, + "nauc_map_at_1000_std": -17.68507604596775, + "nauc_map_at_100_diff1": 37.3858106261435, + "nauc_map_at_100_max": 9.292194370842791, + "nauc_map_at_100_std": -17.6461510679294, + "nauc_map_at_10_diff1": 37.24355836056403, + "nauc_map_at_10_max": 9.19029394636661, + "nauc_map_at_10_std": -18.216369315567626, + "nauc_map_at_1_diff1": 40.298938486026984, + "nauc_map_at_1_max": 8.149499405622326, + "nauc_map_at_1_std": -17.09168853307602, + "nauc_map_at_20_diff1": 37.344123641575216, + "nauc_map_at_20_max": 9.24559383901809, + "nauc_map_at_20_std": -17.842740773642962, + "nauc_map_at_3_diff1": 37.4023127968177, + "nauc_map_at_3_max": 8.930674077317596, + "nauc_map_at_3_std": -18.68520909934096, + "nauc_map_at_5_diff1": 37.12600186091895, + "nauc_map_at_5_max": 9.173506919924861, + "nauc_map_at_5_std": -18.625677130615294, + "nauc_mrr_at_1000_diff1": 37.34256456294692, + "nauc_mrr_at_1000_max": 9.276741130450404, + "nauc_mrr_at_1000_std": -17.41693013754444, + "nauc_mrr_at_100_diff1": 37.33775949993714, + "nauc_mrr_at_100_max": 9.28051163202218, + "nauc_mrr_at_100_std": -17.381741706111445, + "nauc_mrr_at_10_diff1": 37.21506505847139, + "nauc_mrr_at_10_max": 9.200324529184542, + "nauc_mrr_at_10_std": -17.904321523440817, + "nauc_mrr_at_1_diff1": 40.314678345050915, + "nauc_mrr_at_1_max": 8.193685362111243, + "nauc_mrr_at_1_std": -17.096535887474175, + "nauc_mrr_at_20_diff1": 37.293746882874004, + "nauc_mrr_at_20_max": 9.256273923676206, + "nauc_mrr_at_20_std": -17.528338232043577, + "nauc_mrr_at_3_diff1": 37.254812254578376, + "nauc_mrr_at_3_max": 8.903676300128614, + "nauc_mrr_at_3_std": -18.49940979312031, + "nauc_mrr_at_5_diff1": 37.08969825523026, + "nauc_mrr_at_5_max": 9.194982897416688, + "nauc_mrr_at_5_std": -18.291840579141315, + "nauc_ndcg_at_1000_diff1": 36.930810397557096, + "nauc_ndcg_at_1000_max": 9.8356345032183, + "nauc_ndcg_at_1000_std": -16.308145152943887, + "nauc_ndcg_at_100_diff1": 36.901149744427414, + "nauc_ndcg_at_100_max": 9.96065454342114, + "nauc_ndcg_at_100_std": -14.983815239399584, + "nauc_ndcg_at_10_diff1": 36.441571794416724, + "nauc_ndcg_at_10_max": 9.57337658776914, + "nauc_ndcg_at_10_std": -17.88037638294921, + "nauc_ndcg_at_1_diff1": 40.314678345050915, + "nauc_ndcg_at_1_max": 8.193685362111243, + "nauc_ndcg_at_1_std": -17.096535887474175, + "nauc_ndcg_at_20_diff1": 36.775334219857484, + "nauc_ndcg_at_20_max": 9.789544462660507, + "nauc_ndcg_at_20_std": -16.465733594062474, + "nauc_ndcg_at_3_diff1": 36.58838956901628, + "nauc_ndcg_at_3_max": 9.089768089567865, + "nauc_ndcg_at_3_std": -19.12823913473232, + "nauc_ndcg_at_5_diff1": 36.147729725463364, + "nauc_ndcg_at_5_max": 9.53707003144017, + "nauc_ndcg_at_5_std": -18.91372487441106, + "nauc_precision_at_1000_diff1": -6.013504255890098, + "nauc_precision_at_1000_max": 6.319348588937731, + "nauc_precision_at_1000_std": 6.360339202992953, + "nauc_precision_at_100_diff1": 14.846649240680357, + "nauc_precision_at_100_max": 11.751644343520605, + "nauc_precision_at_100_std": 16.881205928162444, + "nauc_precision_at_10_diff1": 30.328513184776966, + "nauc_precision_at_10_max": 9.988509735977631, + "nauc_precision_at_10_std": -15.609966599969837, + "nauc_precision_at_1_diff1": 40.314678345050915, + "nauc_precision_at_1_max": 8.193685362111243, + "nauc_precision_at_1_std": -17.096535887474175, + "nauc_precision_at_20_diff1": 28.248245250811543, + "nauc_precision_at_20_max": 10.953279209883918, + "nauc_precision_at_20_std": -7.365540710727016, + "nauc_precision_at_3_diff1": 33.6150964111514, + "nauc_precision_at_3_max": 9.216455510763346, + "nauc_precision_at_3_std": -20.45932513010908, + "nauc_precision_at_5_diff1": 31.518755311864705, + "nauc_precision_at_5_max": 10.019710006442747, + "nauc_precision_at_5_std": -19.740528698385468, + "nauc_recall_at_1000_diff1": 12.207155589507542, + "nauc_recall_at_1000_max": 39.3447783153665, + "nauc_recall_at_1000_std": 74.60352827999826, + "nauc_recall_at_100_diff1": 32.993666280768615, + "nauc_recall_at_100_max": 16.487188889720816, + "nauc_recall_at_100_std": 26.828206265371275, + "nauc_recall_at_10_diff1": 33.65453771237772, + "nauc_recall_at_10_max": 10.71869814574723, + "nauc_recall_at_10_std": -16.27859785753318, + "nauc_recall_at_1_diff1": 40.298938486026984, + "nauc_recall_at_1_max": 8.149499405622326, + "nauc_recall_at_1_std": -17.09168853307602, + "nauc_recall_at_20_diff1": 34.60034971417269, + "nauc_recall_at_20_max": 12.076871992384788, + "nauc_recall_at_20_std": -8.224571589978806, + "nauc_recall_at_3_diff1": 34.24661417034744, + "nauc_recall_at_3_max": 9.464103325281997, + "nauc_recall_at_3_std": -20.329748455626195, + "nauc_recall_at_5_diff1": 33.042225241281585, + "nauc_recall_at_5_max": 10.486814885646142, + "nauc_recall_at_5_std": -19.7259662900716, + "ndcg_at_1": 25.013999999999996, + "ndcg_at_10": 44.181, + "ndcg_at_100": 49.673, + "ndcg_at_1000": 50.705999999999996, + "ndcg_at_20": 46.798, + "ndcg_at_3": 36.037, + "ndcg_at_5": 40.214, + "precision_at_1": 25.013999999999996, + "precision_at_10": 6.9110000000000005, + "precision_at_100": 0.9650000000000001, + "precision_at_1000": 0.105, + "precision_at_20": 4.004, + "precision_at_3": 15.238999999999999, + "precision_at_5": 11.264000000000001, + "recall_at_1": 24.3, + "recall_at_10": 66.06400000000001, + "recall_at_100": 91.291, + "recall_at_1000": 99.054, + "recall_at_20": 76.25699999999999, + "recall_at_3": 44.039, + "recall_at_5": 54.053 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/MTOPDomainClassification.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/MTOPDomainClassification.json new file mode 100644 index 000000000..092594237 --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/MTOPDomainClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d80d48c1eb48d3562165c59d59d0034df9fff0bf", + "task_name": "MTOPDomainClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 96.35430916552667, + "f1": 96.16669219074517, + "f1_weighted": 96.35506582065435, + "main_score": 96.35430916552667 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/MTOPIntentClassification.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/MTOPIntentClassification.json new file mode 100644 index 000000000..e8909084a --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/MTOPIntentClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba", + "task_name": "MTOPIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 80.51527587779297, + "f1": 59.350461259612345, + "f1_weighted": 81.51891267687044, + "main_score": 80.51527587779297 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/MassiveIntentClassification.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/MassiveIntentClassification.json new file mode 100644 index 000000000..89bbe8524 --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/MassiveIntentClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "4672e20407010da34463acc759c162ca9734bca6", + "task_name": "MassiveIntentClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 77.31338264963013, + "f1": 75.29547524788576, + "f1_weighted": 76.26831259224058, + "main_score": 77.31338264963013 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/MassiveScenarioClassification.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/MassiveScenarioClassification.json new file mode 100644 index 000000000..74b9ddc79 --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/MassiveScenarioClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "fad2c6e8459f9e1c45d9315f4953d921437d70f8", + "task_name": "MassiveScenarioClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "accuracy": 79.97982515131137, + "f1": 79.34057805450769, + "f1_weighted": 79.73023446597212, + "main_score": 79.97982515131137 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/MedrxivClusteringP2P.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/MedrxivClusteringP2P.json new file mode 100644 index 000000000..9121beee3 --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/MedrxivClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "e7a26af6f3ae46b30dde8737f02c07b1505bcc73", + "task_name": "MedrxivClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 38.37635785818304, + "v_measure": 38.37635785818304, + "v_measure_std": 1.6943794496059137 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/MedrxivClusteringS2S.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/MedrxivClusteringS2S.json new file mode 100644 index 000000000..cfa0c937b --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/MedrxivClusteringS2S.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "35191c8c0dca72d8ff3efcd72aa802307d469663", + "task_name": "MedrxivClusteringS2S", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 37.6711034083755, + "v_measure": 37.6711034083755, + "v_measure_std": 1.1408887612104992 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/MindSmallReranking.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/MindSmallReranking.json new file mode 100644 index 000000000..472e385d7 --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/MindSmallReranking.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "59042f120c80e8afa9cdbb224f67076cec0fc9a7", + "task_name": "MindSmallReranking", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 32.20170969306457, + "map": 32.20170969306457, + "mrr": 33.41738896071552, + "nAUC_map_diff1": 12.077124363492512, + "nAUC_map_max": -20.336429990396454, + "nAUC_map_std": 0.10724031251638018, + "nAUC_mrr_diff1": 11.405695518900744, + "nAUC_mrr_max": -15.0727490448132, + "nAUC_mrr_std": 1.8987958512727106 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/NFCorpus.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/NFCorpus.json new file mode 100644 index 000000000..229e5c205 --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/NFCorpus.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "ec0fa4fe99da2ff19ca1214b7966684033a58814", + "task_name": "NFCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 40.463, + "map_at_1": 6.4990000000000006, + "map_at_10": 15.699, + "map_at_100": 19.895, + "map_at_1000": 21.537, + "map_at_20": 17.429, + "map_at_3": 11.48, + "map_at_5": 13.383999999999999, + "mrr_at_1": 52.63157894736842, + "mrr_at_10": 61.60401002506265, + "mrr_at_100": 62.04336653809741, + "mrr_at_1000": 62.07610833363911, + "mrr_at_20": 61.88033067968176, + "mrr_at_3": 59.44272445820435, + "mrr_at_5": 60.89783281733746, + "nauc_map_at_1000_diff1": 18.58585974547791, + "nauc_map_at_1000_max": 30.25465935470905, + "nauc_map_at_1000_std": 10.987080017051682, + "nauc_map_at_100_diff1": 20.02651798573329, + "nauc_map_at_100_max": 30.108719787095467, + "nauc_map_at_100_std": 7.882019722247158, + "nauc_map_at_10_diff1": 23.02800157136177, + "nauc_map_at_10_max": 22.8723397741279, + "nauc_map_at_10_std": -3.762893117006399, + "nauc_map_at_1_diff1": 37.94611136294878, + "nauc_map_at_1_max": 7.297492349938244, + "nauc_map_at_1_std": -17.813930346562152, + "nauc_map_at_20_diff1": 21.981440837881113, + "nauc_map_at_20_max": 26.759497880383837, + "nauc_map_at_20_std": 0.18040330674839283, + "nauc_map_at_3_diff1": 27.066009968256555, + "nauc_map_at_3_max": 10.488797596450187, + "nauc_map_at_3_std": -14.013059830876845, + "nauc_map_at_5_diff1": 25.493785001708446, + "nauc_map_at_5_max": 16.217756878539337, + "nauc_map_at_5_std": -10.714238788014212, + "nauc_mrr_at_1000_diff1": 28.488264933723528, + "nauc_mrr_at_1000_max": 45.94151165403325, + "nauc_mrr_at_1000_std": 25.20231778025588, + "nauc_mrr_at_100_diff1": 28.4886630218298, + "nauc_mrr_at_100_max": 45.9702575916014, + "nauc_mrr_at_100_std": 25.22848732842774, + "nauc_mrr_at_10_diff1": 28.535257017998294, + "nauc_mrr_at_10_max": 45.86005605851268, + "nauc_mrr_at_10_std": 24.81744203643852, + "nauc_mrr_at_1_diff1": 29.824630548327285, + "nauc_mrr_at_1_max": 44.19891968145314, + "nauc_mrr_at_1_std": 23.21413139777098, + "nauc_mrr_at_20_diff1": 28.54642005356483, + "nauc_mrr_at_20_max": 46.08926361963997, + "nauc_mrr_at_20_std": 25.39517294920476, + "nauc_mrr_at_3_diff1": 28.230929109259407, + "nauc_mrr_at_3_max": 44.05364599618201, + "nauc_mrr_at_3_std": 23.828100697992724, + "nauc_mrr_at_5_diff1": 29.669751924690758, + "nauc_mrr_at_5_max": 45.36862661497384, + "nauc_mrr_at_5_std": 23.787166807022505, + "nauc_ndcg_at_1000_diff1": 18.515898773404377, + "nauc_ndcg_at_1000_max": 44.57748675979855, + "nauc_ndcg_at_1000_std": 29.205899131269604, + "nauc_ndcg_at_100_diff1": 15.88197701276405, + "nauc_ndcg_at_100_max": 39.62665883972109, + "nauc_ndcg_at_100_std": 25.186347352251754, + "nauc_ndcg_at_10_diff1": 16.220798038950925, + "nauc_ndcg_at_10_max": 39.67757337154769, + "nauc_ndcg_at_10_std": 25.634534917262403, + "nauc_ndcg_at_1_diff1": 31.448775879462932, + "nauc_ndcg_at_1_max": 44.4256421079556, + "nauc_ndcg_at_1_std": 23.093987850437355, + "nauc_ndcg_at_20_diff1": 15.417507391228035, + "nauc_ndcg_at_20_max": 37.52014353976055, + "nauc_ndcg_at_20_std": 23.880617920537915, + "nauc_ndcg_at_3_diff1": 18.01018470616153, + "nauc_ndcg_at_3_max": 39.135814950810804, + "nauc_ndcg_at_3_std": 21.40850285781106, + "nauc_ndcg_at_5_diff1": 18.502338826072368, + "nauc_ndcg_at_5_max": 40.2043937728194, + "nauc_ndcg_at_5_std": 22.242499743433424, + "nauc_precision_at_1000_diff1": -13.648652068964681, + "nauc_precision_at_1000_max": 3.5821865423513426, + "nauc_precision_at_1000_std": 35.481456041211274, + "nauc_precision_at_100_diff1": -11.342790040792961, + "nauc_precision_at_100_max": 18.41811151847882, + "nauc_precision_at_100_std": 44.901842372597336, + "nauc_precision_at_10_diff1": -1.9404654865248405, + "nauc_precision_at_10_max": 40.91955602631143, + "nauc_precision_at_10_std": 41.38128398646734, + "nauc_precision_at_1_diff1": 29.824630548327285, + "nauc_precision_at_1_max": 44.19891968145314, + "nauc_precision_at_1_std": 23.21413139777098, + "nauc_precision_at_20_diff1": -5.046696327994225, + "nauc_precision_at_20_max": 33.653422186725386, + "nauc_precision_at_20_std": 40.97689615511939, + "nauc_precision_at_3_diff1": 5.1767717826900785, + "nauc_precision_at_3_max": 38.01276130261592, + "nauc_precision_at_3_std": 25.71468883159735, + "nauc_precision_at_5_diff1": 3.847065262189492, + "nauc_precision_at_5_max": 41.00941977122254, + "nauc_precision_at_5_std": 31.044768384177246, + "nauc_recall_at_1000_diff1": 7.975632504947066, + "nauc_recall_at_1000_max": 18.83264064904865, + "nauc_recall_at_1000_std": 15.023940189337717, + "nauc_recall_at_100_diff1": 10.354458867884487, + "nauc_recall_at_100_max": 27.16900376430975, + "nauc_recall_at_100_std": 14.160333284050214, + "nauc_recall_at_10_diff1": 18.04347857307359, + "nauc_recall_at_10_max": 19.082544744457774, + "nauc_recall_at_10_std": -5.107813434157397, + "nauc_recall_at_1_diff1": 37.94611136294878, + "nauc_recall_at_1_max": 7.297492349938244, + "nauc_recall_at_1_std": -17.813930346562152, + "nauc_recall_at_20_diff1": 16.658153504941193, + "nauc_recall_at_20_max": 23.214261213582382, + "nauc_recall_at_20_std": -0.6964816170313349, + "nauc_recall_at_3_diff1": 23.65600569767465, + "nauc_recall_at_3_max": 6.543906048065431, + "nauc_recall_at_3_std": -15.496093666790777, + "nauc_recall_at_5_diff1": 22.112315726267077, + "nauc_recall_at_5_max": 12.258969896916307, + "nauc_recall_at_5_std": -12.922832334587008, + "ndcg_at_1": 50.929, + "ndcg_at_10": 40.463, + "ndcg_at_100": 36.909, + "ndcg_at_1000": 45.617999999999995, + "ndcg_at_20": 37.772, + "ndcg_at_3": 46.315, + "ndcg_at_5": 44.052, + "precision_at_1": 52.632, + "precision_at_10": 29.814, + "precision_at_100": 9.325, + "precision_at_1000": 2.236, + "precision_at_20": 22.073999999999998, + "precision_at_3": 42.931000000000004, + "precision_at_5": 37.957, + "recall_at_1": 6.4990000000000006, + "recall_at_10": 20.232, + "recall_at_100": 36.846000000000004, + "recall_at_1000": 69.03, + "recall_at_20": 24.448, + "recall_at_3": 13.258000000000001, + "recall_at_5": 16.255 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/NQ.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/NQ.json new file mode 100644 index 000000000..4569c90e2 --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/NQ.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "b774495ed302d8c44a3a7ea25c90dbce03968f31", + "task_name": "NQ", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 70.518, + "map_at_1": 46.233999999999995, + "map_at_10": 63.519999999999996, + "map_at_100": 64.14699999999999, + "map_at_1000": 64.154, + "map_at_20": 63.975, + "map_at_3": 59.797, + "map_at_5": 62.226000000000006, + "mrr_at_1": 51.76709154113557, + "mrr_at_10": 65.79852489470095, + "mrr_at_100": 66.19480681115492, + "mrr_at_1000": 66.19993656063721, + "mrr_at_20": 66.0923632685851, + "mrr_at_3": 63.185592893008746, + "mrr_at_5": 64.93385477018151, + "nauc_map_at_1000_diff1": 43.35077155361084, + "nauc_map_at_1000_max": 37.282536180921085, + "nauc_map_at_1000_std": -4.64357984773174, + "nauc_map_at_100_diff1": 43.35098576601616, + "nauc_map_at_100_max": 37.28998747522813, + "nauc_map_at_100_std": -4.638151362399621, + "nauc_map_at_10_diff1": 43.131007214082594, + "nauc_map_at_10_max": 37.430076712266846, + "nauc_map_at_10_std": -4.90614475410035, + "nauc_map_at_1_diff1": 45.843123692592485, + "nauc_map_at_1_max": 30.160164681399227, + "nauc_map_at_1_std": -6.110582951655118, + "nauc_map_at_20_diff1": 43.30588135441681, + "nauc_map_at_20_max": 37.41321766111187, + "nauc_map_at_20_std": -4.628074353861448, + "nauc_map_at_3_diff1": 42.690411835598695, + "nauc_map_at_3_max": 36.64069333510947, + "nauc_map_at_3_std": -6.2899609993355545, + "nauc_map_at_5_diff1": 42.906814471744134, + "nauc_map_at_5_max": 37.27599132551781, + "nauc_map_at_5_std": -5.512203849661435, + "nauc_mrr_at_1000_diff1": 43.77989113830799, + "nauc_mrr_at_1000_max": 38.01009876981156, + "nauc_mrr_at_1000_std": -2.0250764367321654, + "nauc_mrr_at_100_diff1": 43.78071481914773, + "nauc_mrr_at_100_max": 38.01603112272088, + "nauc_mrr_at_100_std": -2.019685020907906, + "nauc_mrr_at_10_diff1": 43.582338882429156, + "nauc_mrr_at_10_max": 38.19577506300954, + "nauc_mrr_at_10_std": -2.011905402842086, + "nauc_mrr_at_1_diff1": 46.544635554669576, + "nauc_mrr_at_1_max": 33.82720628969995, + "nauc_mrr_at_1_std": -2.924293824382781, + "nauc_mrr_at_20_diff1": 43.713682995581614, + "nauc_mrr_at_20_max": 38.09918392374771, + "nauc_mrr_at_20_std": -1.9583477023239, + "nauc_mrr_at_3_diff1": 43.35807398052401, + "nauc_mrr_at_3_max": 38.39129780935902, + "nauc_mrr_at_3_std": -2.287791352096624, + "nauc_mrr_at_5_diff1": 43.4126448419642, + "nauc_mrr_at_5_max": 38.27294037073721, + "nauc_mrr_at_5_std": -2.166655666337289, + "nauc_ndcg_at_1000_diff1": 43.26202839737687, + "nauc_ndcg_at_1000_max": 38.493273787010615, + "nauc_ndcg_at_1000_std": -2.9983001465713524, + "nauc_ndcg_at_100_diff1": 43.25688556190981, + "nauc_ndcg_at_100_max": 38.68155788574137, + "nauc_ndcg_at_100_std": -2.8355616191757487, + "nauc_ndcg_at_10_diff1": 42.37071983774907, + "nauc_ndcg_at_10_max": 39.60970139451164, + "nauc_ndcg_at_10_std": -3.5877671856177775, + "nauc_ndcg_at_1_diff1": 46.614780156517845, + "nauc_ndcg_at_1_max": 33.863655999315526, + "nauc_ndcg_at_1_std": -2.839239881422542, + "nauc_ndcg_at_20_diff1": 42.97845395193472, + "nauc_ndcg_at_20_max": 39.53053589334249, + "nauc_ndcg_at_20_std": -2.6507495263904515, + "nauc_ndcg_at_3_diff1": 41.65390869521735, + "nauc_ndcg_at_3_max": 38.4851846089685, + "nauc_ndcg_at_3_std": -5.6296606018146, + "nauc_ndcg_at_5_diff1": 41.89640848285409, + "nauc_ndcg_at_5_max": 39.293659812249615, + "nauc_ndcg_at_5_std": -4.754462409312945, + "nauc_precision_at_1000_diff1": -10.848480634403051, + "nauc_precision_at_1000_max": 1.3436973699935175, + "nauc_precision_at_1000_std": 19.044141500097957, + "nauc_precision_at_100_diff1": -9.018095533261604, + "nauc_precision_at_100_max": 4.0402155161025695, + "nauc_precision_at_100_std": 19.492823636364996, + "nauc_precision_at_10_diff1": 3.947100636096294, + "nauc_precision_at_10_max": 20.598641503195907, + "nauc_precision_at_10_std": 13.522240087840858, + "nauc_precision_at_1_diff1": 46.614780156517845, + "nauc_precision_at_1_max": 33.863655999315526, + "nauc_precision_at_1_std": -2.839239881422542, + "nauc_precision_at_20_diff1": -2.1791072352475336, + "nauc_precision_at_20_max": 14.03887841842901, + "nauc_precision_at_20_std": 18.846129471001632, + "nauc_precision_at_3_diff1": 21.09092861833543, + "nauc_precision_at_3_max": 34.122841034361805, + "nauc_precision_at_3_std": 2.5513201020031064, + "nauc_precision_at_5_diff1": 12.181140062410874, + "nauc_precision_at_5_max": 27.903435474574234, + "nauc_precision_at_5_std": 7.6589638998570315, + "nauc_recall_at_1000_diff1": 59.28482230176634, + "nauc_recall_at_1000_max": 85.47306385133284, + "nauc_recall_at_1000_std": 76.45740117805659, + "nauc_recall_at_100_diff1": 44.31190730138568, + "nauc_recall_at_100_max": 66.30976579719086, + "nauc_recall_at_100_std": 30.65274229759539, + "nauc_recall_at_10_diff1": 34.885747244334866, + "nauc_recall_at_10_max": 50.998198327439404, + "nauc_recall_at_10_std": -2.7025509359838193, + "nauc_recall_at_1_diff1": 45.843123692592485, + "nauc_recall_at_1_max": 30.160164681399227, + "nauc_recall_at_1_std": -6.110582951655118, + "nauc_recall_at_20_diff1": 37.873054394800825, + "nauc_recall_at_20_max": 59.21039923637266, + "nauc_recall_at_20_std": 9.352312696050557, + "nauc_recall_at_3_diff1": 35.703271085627776, + "nauc_recall_at_3_max": 41.19400688280121, + "nauc_recall_at_3_std": -7.9624895195139, + "nauc_recall_at_5_diff1": 34.831972383157925, + "nauc_recall_at_5_max": 44.82018386701478, + "nauc_recall_at_5_std": -7.046789506164082, + "ndcg_at_1": 51.73799999999999, + "ndcg_at_10": 70.518, + "ndcg_at_100": 72.841, + "ndcg_at_1000": 72.99799999999999, + "ndcg_at_20": 71.895, + "ndcg_at_3": 64.06500000000001, + "ndcg_at_5": 67.86999999999999, + "precision_at_1": 51.73799999999999, + "precision_at_10": 10.698, + "precision_at_100": 1.2, + "precision_at_1000": 0.121, + "precision_at_20": 5.691, + "precision_at_3": 28.37, + "precision_at_5": 19.363, + "recall_at_1": 46.233999999999995, + "recall_at_10": 89.062, + "recall_at_100": 98.622, + "recall_at_1000": 99.754, + "recall_at_20": 94.052, + "recall_at_3": 72.994, + "recall_at_5": 81.525 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/QuoraRetrieval.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/QuoraRetrieval.json new file mode 100644 index 000000000..777061392 --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/QuoraRetrieval.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "e4e08e0b7dbe3c8700f0daef558ff32256715259", + "task_name": "QuoraRetrieval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 89.885, + "map_at_1": 72.379, + "map_at_10": 86.455, + "map_at_100": 87.087, + "map_at_1000": 87.1, + "map_at_20": 86.883, + "map_at_3": 83.663, + "map_at_5": 85.443, + "mrr_at_1": 83.27, + "mrr_at_10": 89.13586904761888, + "mrr_at_100": 89.22177886254626, + "mrr_at_1000": 89.22204575963424, + "mrr_at_20": 89.20621913458041, + "mrr_at_3": 88.37999999999981, + "mrr_at_5": 88.89349999999978, + "nauc_map_at_1000_diff1": 78.17410401832315, + "nauc_map_at_1000_max": 33.114749237960986, + "nauc_map_at_1000_std": -49.79724283243796, + "nauc_map_at_100_diff1": 78.17873434671671, + "nauc_map_at_100_max": 33.101626543573325, + "nauc_map_at_100_std": -49.82883017160494, + "nauc_map_at_10_diff1": 78.28052682172311, + "nauc_map_at_10_max": 32.626693803188694, + "nauc_map_at_10_std": -51.941057676350034, + "nauc_map_at_1_diff1": 81.06079816824507, + "nauc_map_at_1_max": 25.638093235123616, + "nauc_map_at_1_std": -43.230210939240344, + "nauc_map_at_20_diff1": 78.22103944842512, + "nauc_map_at_20_max": 32.94488423505404, + "nauc_map_at_20_std": -50.69181407781227, + "nauc_map_at_3_diff1": 78.75453877967588, + "nauc_map_at_3_max": 30.645950847243686, + "nauc_map_at_3_std": -52.983886453956266, + "nauc_map_at_5_diff1": 78.44984884302167, + "nauc_map_at_5_max": 31.69697839442234, + "nauc_map_at_5_std": -53.21480554718401, + "nauc_mrr_at_1000_diff1": 78.90502271071976, + "nauc_mrr_at_1000_max": 35.902725888631075, + "nauc_mrr_at_1000_std": -45.82579843551156, + "nauc_mrr_at_100_diff1": 78.90552803580407, + "nauc_mrr_at_100_max": 35.90392790964254, + "nauc_mrr_at_100_std": -45.82489205475015, + "nauc_mrr_at_10_diff1": 78.89432223469271, + "nauc_mrr_at_10_max": 35.86669566861425, + "nauc_mrr_at_10_std": -46.0616841694464, + "nauc_mrr_at_1_diff1": 79.53513360034344, + "nauc_mrr_at_1_max": 35.299514657188006, + "nauc_mrr_at_1_std": -43.17936948437256, + "nauc_mrr_at_20_diff1": 78.90707352031835, + "nauc_mrr_at_20_max": 35.906499072241296, + "nauc_mrr_at_20_std": -45.8904084451193, + "nauc_mrr_at_3_diff1": 78.70913062166218, + "nauc_mrr_at_3_max": 36.16709621132144, + "nauc_mrr_at_3_std": -46.00948004774822, + "nauc_mrr_at_5_diff1": 78.91095031555673, + "nauc_mrr_at_5_max": 36.010878683954566, + "nauc_mrr_at_5_std": -46.31731368609175, + "nauc_ndcg_at_1000_diff1": 78.19132492477127, + "nauc_ndcg_at_1000_max": 34.5208358892501, + "nauc_ndcg_at_1000_std": -47.938360906488974, + "nauc_ndcg_at_100_diff1": 78.24549799575261, + "nauc_ndcg_at_100_max": 34.48869025578818, + "nauc_ndcg_at_100_std": -48.02996375451253, + "nauc_ndcg_at_10_diff1": 78.15340584208084, + "nauc_ndcg_at_10_max": 33.5226981818058, + "nauc_ndcg_at_10_std": -51.690477519601494, + "nauc_ndcg_at_1_diff1": 79.55459365767561, + "nauc_ndcg_at_1_max": 35.25214101433387, + "nauc_ndcg_at_1_std": -43.10088819860409, + "nauc_ndcg_at_20_diff1": 78.27277286768546, + "nauc_ndcg_at_20_max": 33.997104745595564, + "nauc_ndcg_at_20_std": -50.10549601980995, + "nauc_ndcg_at_3_diff1": 77.68820501917479, + "nauc_ndcg_at_3_max": 33.00389630941839, + "nauc_ndcg_at_3_std": -51.00595251236665, + "nauc_ndcg_at_5_diff1": 78.08093149961476, + "nauc_ndcg_at_5_max": 33.03434664578743, + "nauc_ndcg_at_5_std": -52.37122386447497, + "nauc_precision_at_1000_diff1": -44.49830608740945, + "nauc_precision_at_1000_max": -7.3283280714307395, + "nauc_precision_at_1000_std": 38.55076692876393, + "nauc_precision_at_100_diff1": -44.252675314263904, + "nauc_precision_at_100_max": -7.038454433556829, + "nauc_precision_at_100_std": 38.247323997481615, + "nauc_precision_at_10_diff1": -40.192852013615216, + "nauc_precision_at_10_max": -3.7258976649568036, + "nauc_precision_at_10_std": 25.983458444206182, + "nauc_precision_at_1_diff1": 79.55459365767561, + "nauc_precision_at_1_max": 35.25214101433387, + "nauc_precision_at_1_std": -43.10088819860409, + "nauc_precision_at_20_diff1": -43.020749754821495, + "nauc_precision_at_20_max": -5.7062060443801075, + "nauc_precision_at_20_std": 32.8862431943092, + "nauc_precision_at_3_diff1": -22.843593386293996, + "nauc_precision_at_3_max": 4.474275296763041, + "nauc_precision_at_3_std": 6.119920479600398, + "nauc_precision_at_5_diff1": -33.598088334605045, + "nauc_precision_at_5_max": -0.41505757559350775, + "nauc_precision_at_5_std": 16.52526817965026, + "nauc_recall_at_1000_diff1": 28.726073762912847, + "nauc_recall_at_1000_max": -57.390873015654066, + "nauc_recall_at_1000_std": 69.71288515421948, + "nauc_recall_at_100_diff1": 83.06070133460443, + "nauc_recall_at_100_max": 33.27991294763942, + "nauc_recall_at_100_std": -42.785112479889655, + "nauc_recall_at_10_diff1": 74.73877865072825, + "nauc_recall_at_10_max": 27.81410621945221, + "nauc_recall_at_10_std": -75.85371099008806, + "nauc_recall_at_1_diff1": 81.06079816824507, + "nauc_recall_at_1_max": 25.638093235123616, + "nauc_recall_at_1_std": -43.230210939240344, + "nauc_recall_at_20_diff1": 76.04615040930837, + "nauc_recall_at_20_max": 27.47173316749929, + "nauc_recall_at_20_std": -78.29029550423172, + "nauc_recall_at_3_diff1": 75.29987903678384, + "nauc_recall_at_3_max": 27.48543826795177, + "nauc_recall_at_3_std": -60.91023011356427, + "nauc_recall_at_5_diff1": 74.71682412813378, + "nauc_recall_at_5_max": 27.255092143441562, + "nauc_recall_at_5_std": -69.03177732393821, + "ndcg_at_1": 83.26, + "ndcg_at_10": 89.885, + "ndcg_at_100": 90.968, + "ndcg_at_1000": 91.02799999999999, + "ndcg_at_20": 90.52900000000001, + "ndcg_at_3": 87.443, + "ndcg_at_5": 88.81, + "precision_at_1": 83.26, + "precision_at_10": 13.581999999999999, + "precision_at_100": 1.541, + "precision_at_1000": 0.157, + "precision_at_20": 7.210999999999999, + "precision_at_3": 38.323, + "precision_at_5": 25.069999999999997, + "recall_at_1": 72.379, + "recall_at_10": 96.261, + "recall_at_100": 99.779, + "recall_at_1000": 99.996, + "recall_at_20": 98.301, + "recall_at_3": 89.101, + "recall_at_5": 93.11500000000001 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/RedditClustering.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/RedditClustering.json new file mode 100644 index 000000000..dc689177c --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/RedditClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "24640382cdbf8abc73003fb0fa6d111a705499eb", + "task_name": "RedditClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 61.87769077476204, + "v_measure": 61.87769077476204, + "v_measure_std": 5.290405218730049 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/RedditClusteringP2P.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/RedditClusteringP2P.json new file mode 100644 index 000000000..e12328ef2 --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/RedditClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "385e3cb46b4cfa89021f56c4380204149d0efe33", + "task_name": "RedditClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 68.29553057563754, + "v_measure": 68.29553057563754, + "v_measure_std": 13.019229253711732 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/SCIDOCS.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/SCIDOCS.json new file mode 100644 index 000000000..44f1060d7 --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/SCIDOCS.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "f8c2fcf00f625baaa80f62ec5bd9e1fff3b8ae88", + "task_name": "SCIDOCS", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 20.86, + "map_at_1": 4.843, + "map_at_10": 12.457, + "map_at_100": 14.648, + "map_at_1000": 14.965, + "map_at_20": 13.596, + "map_at_3": 8.776, + "map_at_5": 10.528, + "mrr_at_1": 23.799999999999997, + "mrr_at_10": 34.93765873015872, + "mrr_at_100": 36.054095036751825, + "mrr_at_1000": 36.10871797082569, + "mrr_at_20": 35.57880859465608, + "mrr_at_3": 31.54999999999999, + "mrr_at_5": 33.53999999999998, + "nauc_map_at_1000_diff1": 16.889540490911525, + "nauc_map_at_1000_max": 25.726340275186143, + "nauc_map_at_1000_std": 9.926911665196988, + "nauc_map_at_100_diff1": 16.889355521248202, + "nauc_map_at_100_max": 25.628741550328126, + "nauc_map_at_100_std": 9.637062917997012, + "nauc_map_at_10_diff1": 16.972521218507854, + "nauc_map_at_10_max": 24.810172126870363, + "nauc_map_at_10_std": 7.09295422867669, + "nauc_map_at_1_diff1": 24.9292922418417, + "nauc_map_at_1_max": 15.49253311874767, + "nauc_map_at_1_std": -0.4754734108717385, + "nauc_map_at_20_diff1": 16.945564955989113, + "nauc_map_at_20_max": 25.197327599885362, + "nauc_map_at_20_std": 7.972256233219635, + "nauc_map_at_3_diff1": 19.503723922705067, + "nauc_map_at_3_max": 20.795879090480057, + "nauc_map_at_3_std": 1.5828913591118658, + "nauc_map_at_5_diff1": 19.80474780705204, + "nauc_map_at_5_max": 24.040173591299723, + "nauc_map_at_5_std": 4.153642430396917, + "nauc_mrr_at_1000_diff1": 21.80300741603344, + "nauc_mrr_at_1000_max": 19.98123409846586, + "nauc_mrr_at_1000_std": 3.6325335777371377, + "nauc_mrr_at_100_diff1": 21.804966803578946, + "nauc_mrr_at_100_max": 19.9965104601956, + "nauc_mrr_at_100_std": 3.6713772865070107, + "nauc_mrr_at_10_diff1": 21.66109150475663, + "nauc_mrr_at_10_max": 19.873876575424404, + "nauc_mrr_at_10_std": 3.3387503298795584, + "nauc_mrr_at_1_diff1": 24.868548821073084, + "nauc_mrr_at_1_max": 16.189915011439044, + "nauc_mrr_at_1_std": -0.17692171251799987, + "nauc_mrr_at_20_diff1": 21.677427533247375, + "nauc_mrr_at_20_max": 19.967193157614872, + "nauc_mrr_at_20_std": 3.639825799332009, + "nauc_mrr_at_3_diff1": 21.681117207511825, + "nauc_mrr_at_3_max": 19.132660363303295, + "nauc_mrr_at_3_std": 1.6613642176263752, + "nauc_mrr_at_5_diff1": 21.833332207271884, + "nauc_mrr_at_5_max": 19.926480855266213, + "nauc_mrr_at_5_std": 2.901801717093585, + "nauc_ndcg_at_1000_diff1": 16.92599483752314, + "nauc_ndcg_at_1000_max": 27.126582080942814, + "nauc_ndcg_at_1000_std": 16.638448489514683, + "nauc_ndcg_at_100_diff1": 16.96586885959473, + "nauc_ndcg_at_100_max": 26.675878724175046, + "nauc_ndcg_at_100_std": 15.369335585614245, + "nauc_ndcg_at_10_diff1": 16.59779893225997, + "nauc_ndcg_at_10_max": 24.865338966132818, + "nauc_ndcg_at_10_std": 8.934209252745864, + "nauc_ndcg_at_1_diff1": 24.868548821073084, + "nauc_ndcg_at_1_max": 16.189915011439044, + "nauc_ndcg_at_1_std": -0.17692171251799987, + "nauc_ndcg_at_20_diff1": 16.647406628819976, + "nauc_ndcg_at_20_max": 25.64488140369063, + "nauc_ndcg_at_20_std": 10.587157641309098, + "nauc_ndcg_at_3_diff1": 19.093302254257377, + "nauc_ndcg_at_3_max": 21.33725971448413, + "nauc_ndcg_at_3_std": 2.549021710462978, + "nauc_ndcg_at_5_diff1": 19.495189389728836, + "nauc_ndcg_at_5_max": 24.21965138651894, + "nauc_ndcg_at_5_std": 5.549408503444251, + "nauc_precision_at_1000_diff1": 7.4232833098081565, + "nauc_precision_at_1000_max": 25.24619675919913, + "nauc_precision_at_1000_std": 32.79744946411614, + "nauc_precision_at_100_diff1": 10.550449529674747, + "nauc_precision_at_100_max": 25.652112631579726, + "nauc_precision_at_100_std": 26.65722909800614, + "nauc_precision_at_10_diff1": 11.195653785882708, + "nauc_precision_at_10_max": 26.469986306854977, + "nauc_precision_at_10_std": 14.05089697514966, + "nauc_precision_at_1_diff1": 24.868548821073084, + "nauc_precision_at_1_max": 16.189915011439044, + "nauc_precision_at_1_std": -0.17692171251799987, + "nauc_precision_at_20_diff1": 11.16738184991032, + "nauc_precision_at_20_max": 26.53741675130711, + "nauc_precision_at_20_std": 16.250110771034542, + "nauc_precision_at_3_diff1": 16.917872510926284, + "nauc_precision_at_3_max": 23.22094310791854, + "nauc_precision_at_3_std": 3.9255078517383906, + "nauc_precision_at_5_diff1": 16.898056883587824, + "nauc_precision_at_5_max": 27.39457295203392, + "nauc_precision_at_5_std": 8.924759582566171, + "nauc_recall_at_1000_diff1": 7.516072705946253, + "nauc_recall_at_1000_max": 25.001682297424594, + "nauc_recall_at_1000_std": 33.86296283879721, + "nauc_recall_at_100_diff1": 10.435705067998168, + "nauc_recall_at_100_max": 25.31622603650995, + "nauc_recall_at_100_std": 26.758897185352097, + "nauc_recall_at_10_diff1": 11.110953419292343, + "nauc_recall_at_10_max": 25.970593144433085, + "nauc_recall_at_10_std": 13.92252981022314, + "nauc_recall_at_1_diff1": 24.9292922418417, + "nauc_recall_at_1_max": 15.49253311874767, + "nauc_recall_at_1_std": -0.4754734108717385, + "nauc_recall_at_20_diff1": 11.050515317424548, + "nauc_recall_at_20_max": 26.068866115743134, + "nauc_recall_at_20_std": 16.13787216291987, + "nauc_recall_at_3_diff1": 17.013383740580203, + "nauc_recall_at_3_max": 22.49105285578937, + "nauc_recall_at_3_std": 3.5741090487413687, + "nauc_recall_at_5_diff1": 16.973540662242602, + "nauc_recall_at_5_max": 26.78087164318061, + "nauc_recall_at_5_std": 8.68040862354009, + "ndcg_at_1": 23.799999999999997, + "ndcg_at_10": 20.86, + "ndcg_at_100": 29.145, + "ndcg_at_1000": 34.518, + "ndcg_at_20": 23.892, + "ndcg_at_3": 19.541, + "ndcg_at_5": 17.166999999999998, + "precision_at_1": 23.799999999999997, + "precision_at_10": 10.9, + "precision_at_100": 2.281, + "precision_at_1000": 0.357, + "precision_at_20": 7.21, + "precision_at_3": 18.3, + "precision_at_5": 15.120000000000001, + "recall_at_1": 4.843, + "recall_at_10": 22.12, + "recall_at_100": 46.257, + "recall_at_1000": 72.382, + "recall_at_20": 29.253, + "recall_at_3": 11.158, + "recall_at_5": 15.347 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/SICK-R.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/SICK-R.json new file mode 100644 index 000000000..02bf472b3 --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/SICK-R.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "20a6d6f312dd54037fe07a32d58e5e168867909d", + "task_name": "SICK-R", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 85.65467419133347, + "cosine_spearman": 81.88046945336663, + "euclidean_pearson": 82.82887106181879, + "euclidean_spearman": 81.88047605481775, + "main_score": 81.88046945336663, + "manhattan_pearson": 82.7839019603756, + "manhattan_spearman": 81.83505450284663, + "pearson": 85.65467419133347, + "spearman": 81.88046945336663 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/STS12.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/STS12.json new file mode 100644 index 000000000..e5abf8b57 --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/STS12.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "a0d554a64d88156834ff5ae9920b964011b16384", + "task_name": "STS12", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 85.8979872663498, + "cosine_spearman": 78.63991285161867, + "euclidean_pearson": 81.20243176386163, + "euclidean_spearman": 78.64021127260493, + "main_score": 78.63991285161867, + "manhattan_pearson": 81.58673652635328, + "manhattan_spearman": 79.03930665482164, + "pearson": 85.8979872663498, + "spearman": 78.63991285161867 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/STS13.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/STS13.json new file mode 100644 index 000000000..37d149600 --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/STS13.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "7e90230a92c190f1bf69ae9002b8cea547a64cca", + "task_name": "STS13", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 87.10598414063074, + "cosine_spearman": 87.12110799581852, + "euclidean_pearson": 86.52284239759508, + "euclidean_spearman": 87.12110799581852, + "main_score": 87.12110799581852, + "manhattan_pearson": 86.61105352996736, + "manhattan_spearman": 87.34100209521596, + "pearson": 87.10598414063074, + "spearman": 87.12110799581852 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/STS14.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/STS14.json new file mode 100644 index 000000000..38f0d711d --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/STS14.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "6031580fec1f6af667f0bd2da0a551cf4f0b2375", + "task_name": "STS14", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 85.66540041627184, + "cosine_spearman": 83.55263671417923, + "euclidean_pearson": 84.2332532036626, + "euclidean_spearman": 83.55264421653584, + "main_score": 83.55263671417923, + "manhattan_pearson": 84.14418954784165, + "manhattan_spearman": 83.58193360267302, + "pearson": 85.66540041627184, + "spearman": 83.55263671417923 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/STS15.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/STS15.json new file mode 100644 index 000000000..1ed5996e1 --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/STS15.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "ae752c7c21bf194d8b67fd573edf7ae58183cbe3", + "task_name": "STS15", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 89.83404956912175, + "cosine_spearman": 90.09569633194636, + "euclidean_pearson": 89.31121256629982, + "euclidean_spearman": 90.09569632193572, + "main_score": 90.09569633194636, + "manhattan_pearson": 89.30064909066367, + "manhattan_spearman": 90.20232732019451, + "pearson": 89.83404956912175, + "spearman": 90.09569633194636 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/STS16.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/STS16.json new file mode 100644 index 000000000..8c6921497 --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/STS16.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "4d8694f8f0e0100860b497b999b3dbed754a0513", + "task_name": "STS16", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 86.27894370732598, + "cosine_spearman": 87.22000226558832, + "euclidean_pearson": 85.92822715155758, + "euclidean_spearman": 87.22000226558832, + "main_score": 87.22000226558832, + "manhattan_pearson": 85.9498561399522, + "manhattan_spearman": 87.28837300894288, + "pearson": 86.27894370732598, + "spearman": 87.22000226558832 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/STS17.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/STS17.json new file mode 100644 index 000000000..5e943dd67 --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/STS17.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "faeb762787bd10488a50c8b5be4a3b82e411949c", + "task_name": "STS17", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en-en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 91.60185356782324, + "cosine_spearman": 91.43471625912765, + "euclidean_pearson": 91.52529087606635, + "euclidean_spearman": 91.43471625912765, + "main_score": 91.43471625912765, + "manhattan_pearson": 91.34917173506308, + "manhattan_spearman": 91.2112665439884, + "pearson": 91.60185356782324, + "spearman": 91.43471625912765 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/STS22.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/STS22.json new file mode 100644 index 000000000..bd618c248 --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/STS22.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "de9d86b3b84231dc21f76c7b7af1f28e2f57f6e3", + "task_name": "STS22", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "en", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 68.735098373629, + "cosine_spearman": 67.76156085991387, + "euclidean_pearson": 68.38053954511516, + "euclidean_spearman": 67.76156085991387, + "main_score": 67.76156085991387, + "manhattan_pearson": 68.4533080173714, + "manhattan_spearman": 67.76676959397871, + "pearson": 68.735098373629, + "spearman": 67.76156085991387 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/STSBenchmark.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/STSBenchmark.json new file mode 100644 index 000000000..12caf4c11 --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/STSBenchmark.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "b0fddb56ed78048fa8b90373c8a3cfc37b684831", + "task_name": "STSBenchmark", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 87.63236624274985, + "cosine_spearman": 88.27561759951514, + "euclidean_pearson": 87.61137355553329, + "euclidean_spearman": 88.27561759951514, + "main_score": 88.27561759951514, + "manhattan_pearson": 87.63505381780153, + "manhattan_spearman": 88.41268943146845, + "pearson": 87.63236624274985, + "spearman": 88.27561759951514 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/SciDocsRR.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/SciDocsRR.json new file mode 100644 index 000000000..db62418b8 --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/SciDocsRR.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "d3c5e1fc0b855ab6097bf1cda04dd73947d7caab", + "task_name": "SciDocsRR", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 85.16412972900244, + "map": 85.16412972900244, + "mrr": 96.15786628041529, + "nAUC_map_diff1": -1.5068306084088756, + "nAUC_map_max": 48.81296049442589, + "nAUC_map_std": 65.0187132933644, + "nAUC_mrr_diff1": 44.22872564939586, + "nAUC_mrr_max": 85.19719227096536, + "nAUC_mrr_std": 79.62669870868876 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/SciFact.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/SciFact.json new file mode 100644 index 000000000..9adeaa82e --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/SciFact.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "0228b52cf27578f30900b9e5271d331663a030d7", + "task_name": "SciFact", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 77.377, + "map_at_1": 62.217, + "map_at_10": 73.115, + "map_at_100": 73.63499999999999, + "map_at_1000": 73.644, + "map_at_20": 73.528, + "map_at_3": 70.62, + "map_at_5": 72.16, + "mrr_at_1": 65.0, + "mrr_at_10": 74.05542328042326, + "mrr_at_100": 74.46295785951277, + "mrr_at_1000": 74.47168088874803, + "mrr_at_20": 74.35632423132421, + "mrr_at_3": 72.55555555555556, + "mrr_at_5": 73.38888888888887, + "nauc_map_at_1000_diff1": 72.31754010838618, + "nauc_map_at_1000_max": 60.59518156728312, + "nauc_map_at_1000_std": -3.601504782295705, + "nauc_map_at_100_diff1": 72.32057771059107, + "nauc_map_at_100_max": 60.60481879601873, + "nauc_map_at_100_std": -3.6030430073837167, + "nauc_map_at_10_diff1": 72.15009895006031, + "nauc_map_at_10_max": 60.49958178006608, + "nauc_map_at_10_std": -4.305475753173601, + "nauc_map_at_1_diff1": 76.32919417574946, + "nauc_map_at_1_max": 54.77358788281581, + "nauc_map_at_1_std": -9.773898055794557, + "nauc_map_at_20_diff1": 72.15740734516393, + "nauc_map_at_20_max": 60.61318821265446, + "nauc_map_at_20_std": -3.6016854193910803, + "nauc_map_at_3_diff1": 72.07435404889445, + "nauc_map_at_3_max": 56.93970890047747, + "nauc_map_at_3_std": -8.697324220121793, + "nauc_map_at_5_diff1": 72.42599960854554, + "nauc_map_at_5_max": 60.12535137001906, + "nauc_map_at_5_std": -4.437892354037166, + "nauc_mrr_at_1000_diff1": 72.75103842052889, + "nauc_mrr_at_1000_max": 62.72341811793062, + "nauc_mrr_at_1000_std": -0.7759889099766357, + "nauc_mrr_at_100_diff1": 72.75396801842608, + "nauc_mrr_at_100_max": 62.73241247525427, + "nauc_mrr_at_100_std": -0.7786866224468205, + "nauc_mrr_at_10_diff1": 72.5942754009733, + "nauc_mrr_at_10_max": 62.895066542256664, + "nauc_mrr_at_10_std": -0.9018200301159104, + "nauc_mrr_at_1_diff1": 77.63311362465076, + "nauc_mrr_at_1_max": 62.42059294219759, + "nauc_mrr_at_1_std": -1.3182520953698476, + "nauc_mrr_at_20_diff1": 72.58522880943326, + "nauc_mrr_at_20_max": 62.73063935403417, + "nauc_mrr_at_20_std": -0.7910003366564456, + "nauc_mrr_at_3_diff1": 72.70751722757556, + "nauc_mrr_at_3_max": 62.38218933726893, + "nauc_mrr_at_3_std": -1.7126398606397155, + "nauc_mrr_at_5_diff1": 72.57550761997256, + "nauc_mrr_at_5_max": 62.70945847818393, + "nauc_mrr_at_5_std": -0.30886077098332143, + "nauc_ndcg_at_1000_diff1": 71.6036105202873, + "nauc_ndcg_at_1000_max": 61.99911514670603, + "nauc_ndcg_at_1000_std": -2.050470755577302, + "nauc_ndcg_at_100_diff1": 71.70345074974581, + "nauc_ndcg_at_100_max": 62.374525611545714, + "nauc_ndcg_at_100_std": -1.922345118135967, + "nauc_ndcg_at_10_diff1": 70.40027928749286, + "nauc_ndcg_at_10_max": 62.36595526966657, + "nauc_ndcg_at_10_std": -3.862278807246422, + "nauc_ndcg_at_1_diff1": 77.63311362465076, + "nauc_ndcg_at_1_max": 62.42059294219759, + "nauc_ndcg_at_1_std": -1.3182520953698476, + "nauc_ndcg_at_20_diff1": 70.21719291674641, + "nauc_ndcg_at_20_max": 62.356711760569404, + "nauc_ndcg_at_20_std": -2.240360396463778, + "nauc_ndcg_at_3_diff1": 70.72483260039468, + "nauc_ndcg_at_3_max": 59.465348910073445, + "nauc_ndcg_at_3_std": -6.379991854598364, + "nauc_ndcg_at_5_diff1": 70.91296936044013, + "nauc_ndcg_at_5_max": 61.5986283773017, + "nauc_ndcg_at_5_std": -3.064893399445654, + "nauc_precision_at_1000_diff1": -25.399544557043956, + "nauc_precision_at_1000_max": 17.838641101318792, + "nauc_precision_at_1000_std": 54.531382221213185, + "nauc_precision_at_100_diff1": -15.78139909072201, + "nauc_precision_at_100_max": 24.183801380755472, + "nauc_precision_at_100_std": 50.39320972640593, + "nauc_precision_at_10_diff1": 4.1199958514831, + "nauc_precision_at_10_max": 37.922630159717926, + "nauc_precision_at_10_std": 32.94959551960178, + "nauc_precision_at_1_diff1": 77.63311362465076, + "nauc_precision_at_1_max": 62.42059294219759, + "nauc_precision_at_1_std": -1.3182520953698476, + "nauc_precision_at_20_diff1": -8.926047159112303, + "nauc_precision_at_20_max": 29.369903951067172, + "nauc_precision_at_20_std": 41.793379234725904, + "nauc_precision_at_3_diff1": 36.51209832895358, + "nauc_precision_at_3_max": 51.07398992745159, + "nauc_precision_at_3_std": 13.831661495933623, + "nauc_precision_at_5_diff1": 19.526084047733807, + "nauc_precision_at_5_max": 46.67537950098273, + "nauc_precision_at_5_std": 31.06747779005178, + "nauc_recall_at_1000_diff1": NaN, + "nauc_recall_at_1000_max": NaN, + "nauc_recall_at_1000_std": NaN, + "nauc_recall_at_100_diff1": 77.45764972655711, + "nauc_recall_at_100_max": 85.69427771108462, + "nauc_recall_at_100_std": 10.277444311057575, + "nauc_recall_at_10_diff1": 59.14685653975806, + "nauc_recall_at_10_max": 67.75739956082005, + "nauc_recall_at_10_std": -12.22251646924215, + "nauc_recall_at_1_diff1": 76.32919417574946, + "nauc_recall_at_1_max": 54.77358788281581, + "nauc_recall_at_1_std": -9.773898055794557, + "nauc_recall_at_20_diff1": 49.90908644159423, + "nauc_recall_at_20_max": 70.55383556931541, + "nauc_recall_at_20_std": -3.7004275394368182, + "nauc_recall_at_3_diff1": 64.34183819693267, + "nauc_recall_at_3_max": 55.782789721196444, + "nauc_recall_at_3_std": -13.886583892174077, + "nauc_recall_at_5_diff1": 63.467364565196135, + "nauc_recall_at_5_max": 62.51562390716315, + "nauc_recall_at_5_std": -4.715416491952255, + "ndcg_at_1": 65.0, + "ndcg_at_10": 77.377, + "ndcg_at_100": 79.36, + "ndcg_at_1000": 79.644, + "ndcg_at_20": 78.61200000000001, + "ndcg_at_3": 73.624, + "ndcg_at_5": 75.458, + "precision_at_1": 65.0, + "precision_at_10": 10.100000000000001, + "precision_at_100": 1.107, + "precision_at_1000": 0.11299999999999999, + "precision_at_20": 5.333, + "precision_at_3": 28.778, + "precision_at_5": 18.8, + "recall_at_1": 62.217, + "recall_at_10": 89.156, + "recall_at_100": 97.667, + "recall_at_1000": 100.0, + "recall_at_20": 93.667, + "recall_at_3": 79.183, + "recall_at_5": 83.672 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/SprintDuplicateQuestions.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/SprintDuplicateQuestions.json new file mode 100644 index 000000000..79fac8df4 --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/SprintDuplicateQuestions.json @@ -0,0 +1,24 @@ +{ + "dataset_revision": "d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46", + "task_name": "SprintDuplicateQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cos_sim_accuracy": 99.8019801980198, + "cos_sim_ap": 95.25139396923107, + "dot_sim_accuracy": 0.998019801980198, + "dot_sim_ap": 95.25139396923107, + "max_accuracy": 99.8019801980198, + "max_ap": 95.43878917155146, + "max_f1": 90.0398406374502, + "main_score": 95.43878917155146 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/StackExchangeClustering.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/StackExchangeClustering.json new file mode 100644 index 000000000..d73f5b73b --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/StackExchangeClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6cbc1f7b2bc0622f2e39d2c77fa502909748c259", + "task_name": "StackExchangeClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 75.91311883393888, + "v_measure": 75.91311883393888, + "v_measure_std": 3.286198100593212 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/StackExchangeClusteringP2P.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/StackExchangeClusteringP2P.json new file mode 100644 index 000000000..25a0a1099 --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/StackExchangeClusteringP2P.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "815ca46b2622cec33ccafc3735d572c266efdb44", + "task_name": "StackExchangeClusteringP2P", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 47.171049215275694, + "v_measure": 47.171049215275694, + "v_measure_std": 1.6586563477857534 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/StackOverflowDupQuestions.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/StackOverflowDupQuestions.json new file mode 100644 index 000000000..055ea8742 --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/StackOverflowDupQuestions.json @@ -0,0 +1,25 @@ +{ + "dataset_revision": "e185fbe320c72810689fc5848eb6114e1ef5ec69", + "task_name": "StackOverflowDupQuestions", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 54.15041943470163, + "map": 54.15041943470163, + "mrr": 55.03112798149563, + "nAUC_map_diff1": 39.50144777017669, + "nAUC_map_max": 14.024793174481395, + "nAUC_map_std": 6.533766502190137, + "nAUC_mrr_diff1": 39.72560651870919, + "nAUC_mrr_max": 14.807887392821616, + "nAUC_mrr_std": 7.270272018791473 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/SummEval.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/SummEval.json new file mode 100644 index 000000000..2125738a7 --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/SummEval.json @@ -0,0 +1,23 @@ +{ + "dataset_revision": "cda12ad7615edc362dbf25a00fdd61d3b1eaf93c", + "task_name": "SummEval", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "cosine_pearson": 31.57515534177576, + "cosine_spearman": 31.415247541636194, + "dot_pearson": 31.575170220667488, + "dot_spearman": 31.415247541636194, + "main_score": 31.415247541636194, + "pearson": 31.57515534177576, + "spearman": 31.415247541636194 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/TRECCOVID.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/TRECCOVID.json new file mode 100644 index 000000000..76e0a8245 --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/TRECCOVID.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "bb9466bac8153a0349341eb1b22e06409e78ef4e", + "task_name": "TRECCOVID", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 83.67999999999999, + "map_at_1": 0.243, + "map_at_10": 2.167, + "map_at_100": 13.750000000000002, + "map_at_1000": 33.537, + "map_at_20": 4.047, + "map_at_3": 0.694, + "map_at_5": 1.141, + "mrr_at_1": 94.0, + "mrr_at_10": 97.0, + "mrr_at_100": 97.0, + "mrr_at_1000": 97.0, + "mrr_at_20": 97.0, + "mrr_at_3": 97.0, + "mrr_at_5": 97.0, + "nauc_map_at_1000_diff1": 4.890354942949616, + "nauc_map_at_1000_max": 29.279958833328408, + "nauc_map_at_1000_std": 77.2405348865942, + "nauc_map_at_100_diff1": 31.835069149380868, + "nauc_map_at_100_max": 14.523120708509271, + "nauc_map_at_100_std": 39.682149025882886, + "nauc_map_at_10_diff1": 43.45574726953753, + "nauc_map_at_10_max": -2.9143965183484246, + "nauc_map_at_10_std": 2.8052301238653756, + "nauc_map_at_1_diff1": 26.134637426782753, + "nauc_map_at_1_max": -3.108959317897608, + "nauc_map_at_1_std": -5.781123480253076, + "nauc_map_at_20_diff1": 45.735224340099236, + "nauc_map_at_20_max": -1.099022132339708, + "nauc_map_at_20_std": 7.6378546013151905, + "nauc_map_at_3_diff1": 35.70649469812688, + "nauc_map_at_3_max": -9.710213033638656, + "nauc_map_at_3_std": -3.6668161574691056, + "nauc_map_at_5_diff1": 37.6110093992781, + "nauc_map_at_5_max": -8.6295080300384, + "nauc_map_at_5_std": -3.2709712613287145, + "nauc_mrr_at_1000_diff1": -22.362278244631675, + "nauc_mrr_at_1000_max": 63.74105197634592, + "nauc_mrr_at_1000_std": 69.88795518207282, + "nauc_mrr_at_100_diff1": -22.362278244631675, + "nauc_mrr_at_100_max": 63.74105197634592, + "nauc_mrr_at_100_std": 69.88795518207282, + "nauc_mrr_at_10_diff1": -22.362278244631675, + "nauc_mrr_at_10_max": 63.74105197634592, + "nauc_mrr_at_10_std": 69.88795518207282, + "nauc_mrr_at_1_diff1": -22.36227824463097, + "nauc_mrr_at_1_max": 63.741051976346206, + "nauc_mrr_at_1_std": 69.88795518207289, + "nauc_mrr_at_20_diff1": -22.362278244631675, + "nauc_mrr_at_20_max": 63.74105197634592, + "nauc_mrr_at_20_std": 69.88795518207282, + "nauc_mrr_at_3_diff1": -22.362278244631675, + "nauc_mrr_at_3_max": 63.74105197634592, + "nauc_mrr_at_3_std": 69.88795518207282, + "nauc_mrr_at_5_diff1": -22.362278244631675, + "nauc_mrr_at_5_max": 63.74105197634592, + "nauc_mrr_at_5_std": 69.88795518207282, + "nauc_ndcg_at_1000_diff1": 11.950362559089744, + "nauc_ndcg_at_1000_max": 27.0707842379056, + "nauc_ndcg_at_1000_std": 72.43903405163071, + "nauc_ndcg_at_100_diff1": -3.597031398660954, + "nauc_ndcg_at_100_max": 24.415981061123944, + "nauc_ndcg_at_100_std": 74.01146007854192, + "nauc_ndcg_at_10_diff1": 17.368676394860337, + "nauc_ndcg_at_10_max": 27.014276985741652, + "nauc_ndcg_at_10_std": 50.032884783457476, + "nauc_ndcg_at_1_diff1": 5.824544582933801, + "nauc_ndcg_at_1_max": 39.22818791946299, + "nauc_ndcg_at_1_std": 29.32406519654831, + "nauc_ndcg_at_20_diff1": 17.816409720909615, + "nauc_ndcg_at_20_max": 25.056392180259827, + "nauc_ndcg_at_20_std": 58.05680238138826, + "nauc_ndcg_at_3_diff1": 15.010486876001556, + "nauc_ndcg_at_3_max": 4.023535837214374, + "nauc_ndcg_at_3_std": 22.55308565809234, + "nauc_ndcg_at_5_diff1": 12.73162605923733, + "nauc_ndcg_at_5_max": 15.425379568695105, + "nauc_ndcg_at_5_std": 34.4442400670659, + "nauc_precision_at_1000_diff1": -29.218427320110436, + "nauc_precision_at_1000_max": 29.90719259849769, + "nauc_precision_at_1000_std": 48.95093300052051, + "nauc_precision_at_100_diff1": -6.881054858812464, + "nauc_precision_at_100_max": 30.388273677316956, + "nauc_precision_at_100_std": 76.1031398803066, + "nauc_precision_at_10_diff1": 24.298416597687574, + "nauc_precision_at_10_max": 44.38332754799598, + "nauc_precision_at_10_std": 61.64143369558439, + "nauc_precision_at_1_diff1": -22.36227824463097, + "nauc_precision_at_1_max": 63.741051976346206, + "nauc_precision_at_1_std": 69.88795518207289, + "nauc_precision_at_20_diff1": 21.823848783430545, + "nauc_precision_at_20_max": 32.815202091292875, + "nauc_precision_at_20_std": 61.4003619545546, + "nauc_precision_at_3_diff1": 7.264709295578332, + "nauc_precision_at_3_max": 18.088275115082432, + "nauc_precision_at_3_std": 46.315423001044266, + "nauc_precision_at_5_diff1": 19.4281378539196, + "nauc_precision_at_5_max": 30.042729922926426, + "nauc_precision_at_5_std": 48.803961503134936, + "nauc_recall_at_1000_diff1": 14.078781719704242, + "nauc_recall_at_1000_max": 24.205288710944746, + "nauc_recall_at_1000_std": 60.19521883992679, + "nauc_recall_at_100_diff1": 34.68620796161708, + "nauc_recall_at_100_max": 5.862669275470962, + "nauc_recall_at_100_std": 23.779387105339538, + "nauc_recall_at_10_diff1": 41.60859491145645, + "nauc_recall_at_10_max": -6.060553984265031, + "nauc_recall_at_10_std": -3.0401474174665597, + "nauc_recall_at_1_diff1": 26.134637426782753, + "nauc_recall_at_1_max": -3.108959317897608, + "nauc_recall_at_1_std": -5.781123480253076, + "nauc_recall_at_20_diff1": 43.884440668985256, + "nauc_recall_at_20_max": -5.215456096089841, + "nauc_recall_at_20_std": 0.6346955652816175, + "nauc_recall_at_3_diff1": 36.682959590903515, + "nauc_recall_at_3_max": -14.003318698999372, + "nauc_recall_at_3_std": -8.732791648435722, + "nauc_recall_at_5_diff1": 37.55874033777468, + "nauc_recall_at_5_max": -11.475194910000303, + "nauc_recall_at_5_std": -8.24171387960509, + "ndcg_at_1": 90.0, + "ndcg_at_10": 83.67999999999999, + "ndcg_at_100": 66.268, + "ndcg_at_1000": 59.95700000000001, + "ndcg_at_20": 80.41199999999999, + "ndcg_at_3": 86.989, + "ndcg_at_5": 85.60600000000001, + "precision_at_1": 94.0, + "precision_at_10": 87.0, + "precision_at_100": 68.10000000000001, + "precision_at_1000": 26.404, + "precision_at_20": 83.7, + "precision_at_3": 91.333, + "precision_at_5": 89.60000000000001, + "recall_at_1": 0.243, + "recall_at_10": 2.307, + "recall_at_100": 16.713, + "recall_at_1000": 56.433, + "recall_at_20": 4.3950000000000005, + "recall_at_3": 0.721, + "recall_at_5": 1.194 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/Touche2020.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/Touche2020.json new file mode 100644 index 000000000..4920bf236 --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/Touche2020.json @@ -0,0 +1,157 @@ +{ + "dataset_revision": "a34f9a33db75fa0cbb21bb5cfc3dae8dc8bec93f", + "task_name": "Touche2020", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 27.095999999999997, + "map_at_1": 2.708, + "map_at_10": 10.926, + "map_at_100": 17.023, + "map_at_1000": 18.802, + "map_at_20": 14.075, + "map_at_3": 6.213, + "map_at_5": 8.399, + "mrr_at_1": 38.775510204081634, + "mrr_at_10": 55.96938775510204, + "mrr_at_100": 56.566806209663355, + "mrr_at_1000": 56.586429443572314, + "mrr_at_20": 56.566806209663355, + "mrr_at_3": 53.06122448979592, + "mrr_at_5": 54.48979591836734, + "nauc_map_at_1000_diff1": -3.7447722422200505, + "nauc_map_at_1000_max": -21.154942580599432, + "nauc_map_at_1000_std": -3.3769353126366854, + "nauc_map_at_100_diff1": -4.211734469956019, + "nauc_map_at_100_max": -20.97390043676955, + "nauc_map_at_100_std": -7.108253122379712, + "nauc_map_at_10_diff1": -2.503617891657346, + "nauc_map_at_10_max": -19.76603379959943, + "nauc_map_at_10_std": -24.813694071646186, + "nauc_map_at_1_diff1": -0.6946291628228135, + "nauc_map_at_1_max": -27.928780525228326, + "nauc_map_at_1_std": -26.644256007057386, + "nauc_map_at_20_diff1": -8.140689983350077, + "nauc_map_at_20_max": -21.331762857202346, + "nauc_map_at_20_std": -18.46503512945984, + "nauc_map_at_3_diff1": 1.4806459479634606, + "nauc_map_at_3_max": -20.57096686541149, + "nauc_map_at_3_std": -27.53855079505183, + "nauc_map_at_5_diff1": -2.4911557022868833, + "nauc_map_at_5_max": -18.468614237544944, + "nauc_map_at_5_std": -27.422000270609885, + "nauc_mrr_at_1000_diff1": 0.5901324153382446, + "nauc_mrr_at_1000_max": -29.43201840557888, + "nauc_mrr_at_1000_std": -22.113570283308878, + "nauc_mrr_at_100_diff1": 0.6140852308779037, + "nauc_mrr_at_100_max": -29.423158073762274, + "nauc_mrr_at_100_std": -22.03830742373018, + "nauc_mrr_at_10_diff1": 1.4017303142295798, + "nauc_mrr_at_10_max": -29.96128226635445, + "nauc_mrr_at_10_std": -21.182800337655188, + "nauc_mrr_at_1_diff1": 2.9967188734445642, + "nauc_mrr_at_1_max": -28.076201809234135, + "nauc_mrr_at_1_std": -23.829475793931397, + "nauc_mrr_at_20_diff1": 0.6140852308779037, + "nauc_mrr_at_20_max": -29.423158073762274, + "nauc_mrr_at_20_std": -22.03830742373018, + "nauc_mrr_at_3_diff1": -1.7324100961545983, + "nauc_mrr_at_3_max": -31.25504536750873, + "nauc_mrr_at_3_std": -27.693245095141595, + "nauc_mrr_at_5_diff1": 0.9366378266246876, + "nauc_mrr_at_5_max": -28.61911855691654, + "nauc_mrr_at_5_std": -23.51734198003236, + "nauc_ndcg_at_1000_diff1": 5.589806586986813, + "nauc_ndcg_at_1000_max": -25.54091728191453, + "nauc_ndcg_at_1000_std": 18.867289766624364, + "nauc_ndcg_at_100_diff1": 5.269555604924481, + "nauc_ndcg_at_100_max": -25.294068947248, + "nauc_ndcg_at_100_std": 12.57359579076201, + "nauc_ndcg_at_10_diff1": -1.8036041625138828, + "nauc_ndcg_at_10_max": -23.89433650527811, + "nauc_ndcg_at_10_std": -18.669805340174104, + "nauc_ndcg_at_1_diff1": 1.7320960153524356, + "nauc_ndcg_at_1_max": -30.98970297820504, + "nauc_ndcg_at_1_std": -22.039818727732, + "nauc_ndcg_at_20_diff1": -7.71266194406333, + "nauc_ndcg_at_20_max": -28.764052281890564, + "nauc_ndcg_at_20_std": -14.058766573885803, + "nauc_ndcg_at_3_diff1": 3.4222049394447023, + "nauc_ndcg_at_3_max": -23.010397388596147, + "nauc_ndcg_at_3_std": -23.917570461776442, + "nauc_ndcg_at_5_diff1": 0.4359085390014115, + "nauc_ndcg_at_5_max": -18.328017574440583, + "nauc_ndcg_at_5_std": -22.301590122411703, + "nauc_precision_at_1000_diff1": 5.705380133328601, + "nauc_precision_at_1000_max": 29.738757046781583, + "nauc_precision_at_1000_std": 37.25317043193516, + "nauc_precision_at_100_diff1": 18.099479915822755, + "nauc_precision_at_100_max": 1.039647603335084, + "nauc_precision_at_100_std": 68.43506311503532, + "nauc_precision_at_10_diff1": 1.6010906915801002, + "nauc_precision_at_10_max": -16.21198992516715, + "nauc_precision_at_10_std": -10.55666484527, + "nauc_precision_at_1_diff1": 2.9967188734445642, + "nauc_precision_at_1_max": -28.076201809234135, + "nauc_precision_at_1_std": -23.829475793931397, + "nauc_precision_at_20_diff1": -9.646266503089361, + "nauc_precision_at_20_max": -19.25399592456934, + "nauc_precision_at_20_std": 4.154373672246843, + "nauc_precision_at_3_diff1": 6.468923962729313, + "nauc_precision_at_3_max": -16.75495139962792, + "nauc_precision_at_3_std": -24.1555216494731, + "nauc_precision_at_5_diff1": 1.89724542441865, + "nauc_precision_at_5_max": -10.916266272968988, + "nauc_precision_at_5_std": -19.996228467499165, + "nauc_recall_at_1000_diff1": -0.3248897031222208, + "nauc_recall_at_1000_max": -25.08629526651275, + "nauc_recall_at_1000_std": 72.42326605733102, + "nauc_recall_at_100_diff1": 0.20011224230233096, + "nauc_recall_at_100_max": -25.71382782994985, + "nauc_recall_at_100_std": 31.40559917674001, + "nauc_recall_at_10_diff1": -7.502107897824034, + "nauc_recall_at_10_max": -26.197156105779833, + "nauc_recall_at_10_std": -20.067019662396106, + "nauc_recall_at_1_diff1": -0.6946291628228135, + "nauc_recall_at_1_max": -27.928780525228326, + "nauc_recall_at_1_std": -26.644256007057386, + "nauc_recall_at_20_diff1": -16.829462200879107, + "nauc_recall_at_20_max": -29.55978083865099, + "nauc_recall_at_20_std": -11.329177422867945, + "nauc_recall_at_3_diff1": -4.487251181022699, + "nauc_recall_at_3_max": -26.28852595660599, + "nauc_recall_at_3_std": -30.010933869743877, + "nauc_recall_at_5_diff1": -7.4729339604681515, + "nauc_recall_at_5_max": -22.995431038489112, + "nauc_recall_at_5_std": -27.623494423158906, + "ndcg_at_1": 35.714, + "ndcg_at_10": 27.095999999999997, + "ndcg_at_100": 37.577, + "ndcg_at_1000": 50.234, + "ndcg_at_20": 28.706, + "ndcg_at_3": 34.808, + "ndcg_at_5": 31.657999999999998, + "precision_at_1": 38.775999999999996, + "precision_at_10": 23.061, + "precision_at_100": 7.388, + "precision_at_1000": 1.5650000000000002, + "precision_at_20": 18.776, + "precision_at_3": 36.735, + "precision_at_5": 31.429000000000002, + "recall_at_1": 2.708, + "recall_at_10": 16.645, + "recall_at_100": 45.953, + "recall_at_1000": 84.553, + "recall_at_20": 26.259, + "recall_at_3": 7.869, + "recall_at_5": 11.166 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/ToxicConversationsClassification.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/ToxicConversationsClassification.json new file mode 100644 index 000000000..63cf87511 --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/ToxicConversationsClassification.json @@ -0,0 +1,22 @@ +{ + "dataset_revision": "edfaf9da55d3dd50d43143d90c1ac476895ae6de", + "task_name": "ToxicConversationsClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 75.87890625, + "ap": 16.4629793865873, + "ap_weighted": 16.4629793865873, + "f1": 58.32993265544471, + "f1_weighted": 80.94360012442658, + "main_score": 75.87890625 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/TweetSentimentExtractionClassification.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/TweetSentimentExtractionClassification.json new file mode 100644 index 000000000..86325a0e8 --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/TweetSentimentExtractionClassification.json @@ -0,0 +1,20 @@ +{ + "dataset_revision": "d604517c81ca91fe16a244d1248fc021f9ecee7a", + "task_name": "TweetSentimentExtractionClassification", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "accuracy": 65.21788341822298, + "f1": 65.00914562845475, + "f1_weighted": 63.672388825903845, + "main_score": 65.21788341822298 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/TwentyNewsgroupsClustering.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/TwentyNewsgroupsClustering.json new file mode 100644 index 000000000..1d3b041d2 --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/TwentyNewsgroupsClustering.json @@ -0,0 +1,19 @@ +{ + "dataset_revision": "6125ec4e24fa026cec8a478383ee943acfbd5449", + "task_name": "TwentyNewsgroupsClustering", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "main_score": 57.152337838073485, + "v_measure": 57.152337838073485, + "v_measure_std": 0.8799366494028795 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/TwitterSemEval2015.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/TwitterSemEval2015.json new file mode 100644 index 000000000..16ab387a0 --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/TwitterSemEval2015.json @@ -0,0 +1,27 @@ +{ + "dataset_revision": "70970daeab8776df92f5ea462b6173c0b46fd2d1", + "task_name": "TwitterSemEval2015", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "max_accuracy": 88.63920844012637, + "max_ap": 81.41444048232692, + "max_f1": 74.84396892115653, + "accuracy": 88.63920844012637, + "accuracy_threshold": 84.5294713973999, + "ap": 81.41443623323144, + "f1": 74.84396892115653, + "f1_threshold": 82.87262320518494, + "precision": 72.34671263235656, + "recall": 77.5197889182058, + "main_score": 81.41444048232692 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/TwitterURLCorpus.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/TwitterURLCorpus.json new file mode 100644 index 000000000..413f65dea --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/TwitterURLCorpus.json @@ -0,0 +1,27 @@ +{ + "dataset_revision": "8b6510b0b1fa4e4c4f879467980e9be563ec1cdf", + "task_name": "TwitterURLCorpus", + "evaluation_time": null, + "mteb_version": null, + "scores": { + "test": [ + { + "hf_subset": "default", + "languages": [ + "eng-Latn" + ], + "max_accuracy": 89.90569332867622, + "max_ap": 87.91825594329686, + "max_f1": 80.35081439054949, + "accuracy": 89.90569332867622, + "accuracy_threshold": 81.01733326911926, + "ap": 87.91824445175028, + "f1": 80.35081439054949, + "f1_threshold": 78.65387201309204, + "precision": 75.0853013982739, + "recall": 86.41053279950724, + "main_score": 87.91825594329686 + } + ] + } +} \ No newline at end of file diff --git a/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/model_meta.json b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/model_meta.json new file mode 100644 index 000000000..9de8fa077 --- /dev/null +++ b/results/zeta-alpha-ai__Zeta-Alpha-E5-Mistral/external/model_meta.json @@ -0,0 +1,24 @@ +{ + "name": "zeta-alpha-ai/Zeta-Alpha-E5-Mistral", + "revision": "3e6076bdc2ff592a2f95fbc04570e51db5aa0c0c", + "release_date": "2024-08-30", + "languages": [ + "en" + ], + "loader": null, + "n_parameters": 7110660096, + "memory_usage": null, + "max_tokens": 32768, + "embed_dim": 4096, + "license": "mit", + "open_weights": true, + "public_training_data": null, + "public_training_code": null, + "framework": [ + "Sentence Transformers" + ], + "reference": null, + "similarity_fn_name": null, + "use_instructions": null, + "zero_shot_benchmarks": null +} \ No newline at end of file diff --git a/tests/test_correct_folder_structure.py b/tests/test_correct_folder_structure.py index 024643745..c2c4a4702 100644 --- a/tests/test_correct_folder_structure.py +++ b/tests/test_correct_folder_structure.py @@ -1,36 +1,46 @@ import json from pathlib import Path +import pytest -def test_correct_folder_structure(): +results_folder = Path(__file__).parent.parent / "results" + + +def get_metafiles(): + meta_files = results_folder.glob("**/model_meta.json") + meta_files = list(meta_files) + return meta_files + + +@pytest.mark.parametrize("meta_file", get_metafiles()) +def test_correct_folder_structure(meta_file): """ the folders should be structured as follows: results/model_name/revision/*json """ - results_folder = Path(__file__).parent.parent / "results" - meta_files = results_folder.glob("**/model_meta.json") - meta_files = list(meta_files) - for meta_file in meta_files: - with open(meta_file, "r") as f: - meta = json.load(f) + with meta_file.open("r") as f: + meta = json.load(f) + + mdl_name, revision = meta["name"], meta["revision"] - mdl_name, revision = meta["name"], meta["revision"] + mdl_name = mdl_name.replace(" ", "_").replace("/", "__") - mdl_name = mdl_name.replace(" ", "_").replace("/", "__") + if revision is None: + revision = meta_file.parent.name - if revision is None: - revision = meta_file.parent.name + if meta_file.parent.parts[-1] == "external": + revision = "external" - expected_path = results_folder / mdl_name / revision - assert expected_path == meta_file.parent - assert expected_path.exists() - assert len(list(expected_path.glob("*.json"))) > 0 - for file in expected_path.glob("*.json"): - assert file.exists() - assert file.is_file() - assert file.parent == expected_path - assert file.suffix == ".json" + expected_path = results_folder / mdl_name / revision + assert expected_path == meta_file.parent + assert expected_path.exists() + assert len(list(expected_path.glob("*.json"))) > 0 + for file in expected_path.glob("*.json"): + assert file.exists() + assert file.is_file() + assert file.parent == expected_path + assert file.suffix == ".json" folders_without_meta = [ # please do not add to this list it is only intended for backwards compatibility. Future results should have a model_meta.json file @@ -251,20 +261,19 @@ def test_correct_folder_structure(): ] -def test_model_meta_in_folders(): +@pytest.mark.parametrize("model_folder", results_folder.glob("*")) +def test_model_meta_in_folders(model_folder): """ the folders should contain a model_meta.json file """ - results_folder = Path(__file__).parent.parent / "results" - for model_folder in results_folder.glob("*"): - for rev_folder in model_folder.glob("*"): - if (model_folder.name, rev_folder.name) in folders_without_meta: - continue + for rev_folder in model_folder.glob("*"): + if (model_folder.name, rev_folder.name) in folders_without_meta: + continue - meta_file = rev_folder / "model_meta.json" - assert meta_file.exists() - assert meta_file.is_file() - assert meta_file.parent == rev_folder - assert meta_file.suffix == ".json" - assert meta_file.stem == "model_meta" + meta_file = rev_folder / "model_meta.json" + assert meta_file.exists() + assert meta_file.is_file() + assert meta_file.parent == rev_folder + assert meta_file.suffix == ".json" + assert meta_file.stem == "model_meta" diff --git a/tests/test_load_results.py b/tests/test_load_results.py index fd51aa983..55192288b 100644 --- a/tests/test_load_results.py +++ b/tests/test_load_results.py @@ -18,6 +18,8 @@ def test_load_results(): for model_result in model_results: assert isinstance(model_result, TaskResult) + +def test_load_results_mteb(): test_model_name = "sentence-transformers/paraphrase-multilingual-MiniLM-L12-v2" model_results = mteb.load_results(models=[test_model_name]) model_result = model_results[0]